diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..ba0430d --- /dev/null +++ b/.gitignore @@ -0,0 +1 @@ +__pycache__/ \ No newline at end of file diff --git a/.gitmodules b/.gitmodules new file mode 100644 index 0000000..0807146 --- /dev/null +++ b/.gitmodules @@ -0,0 +1,3 @@ +[submodule "data_tooling"] + path = data_tooling + url = https://github.com/bigscience-workshop/data_tooling.git diff --git a/.idea/.gitignore b/.idea/.gitignore new file mode 100644 index 0000000..73f69e0 --- /dev/null +++ b/.idea/.gitignore @@ -0,0 +1,8 @@ +# Default ignored files +/shelf/ +/workspace.xml +# Datasource local storage ignored files +/dataSources/ +/dataSources.local.xml +# Editor-based HTTP Client requests +/httpRequests/ diff --git a/.idea/inspectionProfiles/profiles_settings.xml b/.idea/inspectionProfiles/profiles_settings.xml new file mode 100644 index 0000000..105ce2d --- /dev/null +++ b/.idea/inspectionProfiles/profiles_settings.xml @@ -0,0 +1,6 @@ + + + + \ No newline at end of file diff --git a/.idea/misc.xml b/.idea/misc.xml new file mode 100644 index 0000000..d1e22ec --- /dev/null +++ b/.idea/misc.xml @@ -0,0 +1,4 @@ + + + + \ No newline at end of file diff --git a/.idea/modules.xml b/.idea/modules.xml new file mode 100644 index 0000000..b53bd43 --- /dev/null +++ b/.idea/modules.xml @@ -0,0 +1,8 @@ + + + + + + + + \ No newline at end of file diff --git a/.idea/muliwai.iml b/.idea/muliwai.iml new file mode 100644 index 0000000..8b8c395 --- /dev/null +++ b/.idea/muliwai.iml @@ -0,0 +1,12 @@ + + + + + + + + + + \ No newline at end of file diff --git a/.idea/vcs.xml b/.idea/vcs.xml new file mode 100644 index 0000000..9632421 --- /dev/null +++ b/.idea/vcs.xml @@ -0,0 +1,7 @@ + + + + + + + \ No newline at end of file diff --git a/TextAugment.py b/TextAugment.py new file mode 100644 index 0000000..c69edea --- /dev/null +++ b/TextAugment.py @@ -0,0 +1,1258 @@ +""" +Copyright, 2021-2022 Ontocord, LLC, All rights reserved. + +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +See the License for the specific language governing permissions and +limitations under the License. +""" +import os +import re +import fsspec +from tqdm import tqdm +import difflib +import langid +import json +import random +import logging +from typing import List, Dict, Optional + +import torch +from torch.nn.functional import cosine_similarity +import spacy +from nltk.corpus import stopwords + +from data_tooling.ac_dc.stopwords import stopwords as stopwords_ac_dc +from data_tooling.ac_dc.badwords import badwords as badwords_ac_dc +from data_tooling.pii_processing.ontology.ontology_manager import OntologyManager + +from datasets import load_dataset +from transformers import ( + AutoTokenizer, + M2M100ForConditionalGeneration, + M2M100Tokenizer, + MarianMTModel, + pipeline, +) +from sentence_transformers import SentenceTransformer + +import qg_pipeline +from utils import ( + rulebase, + banned_words, + hf_ner_model_map, + mariam_mt, + LoggingHandler, + get_oscar_urls, + download_urls, + CharManager, + get_docs, +) + +# torch.cuda.empty_cache() +# labse = SentenceTransformer("sentence-transformers/LaBSE").half().eval().cuda() +# qg = qg_pipeline.pipeline("multitask-qa-qg") +# +# ontology_manager = None # OntologyManager(target_lang='en') #target_lang=target_lang +# translation_pipelines = {} +# ner_model_name2pipelines = {} + +logging.basicConfig(format='%(asctime)s - %(message)s', + datefmt='%Y-%m-%d %H:%M:%S', + level=logging.INFO, + handlers=[LoggingHandler()]) + + +class TextAugment: + # don't add a space for junk chars + max_stoword_len_zh = max([len(a) for a in stopwords_ac_dc.get('zh', [''])]) + max_stoword_len_ko = max([len(a) for a in stopwords_ac_dc.get('ko', [''])]) + max_stoword_len_ja = max([len(a) for a in stopwords_ac_dc.get('ja', [''])]) + + def __init__(self, + ontology_manager: OntologyManager = None, + translation_pipelines: Dict = {}, + ner_model_name2pipelines: Dict = {}, + qg=None, + production_mode: bool = False): + + self.ontology_manager = ontology_manager + self.translation_pipelines = translation_pipelines + self.ner_model_name2pipelines = ner_model_name2pipelines + self.qg = qg + self.banned_words = banned_words + self.hf_ner_model_map = hf_ner_model_map + + self.strip_chars = CharManager.strip_chars + self.punc_char = CharManager.punc_char + self.special_char = CharManager.special_char + self.junk = CharManager.junk + + # models + # labse model from sentence transformers + self.labse = SentenceTransformer("sentence-transformers/LaBSE").half().eval().cuda() + + # spacy + self.en_spacy_nlp = spacy.load('en_core_web_sm') + + # m2m models for translation + self.m2m_model = M2M100ForConditionalGeneration.from_pretrained("facebook/m2m100_418M").eval().half().cuda() + self.m2m_tokenizer = M2M100Tokenizer.from_pretrained("facebook/m2m100_418M") + + # TODO: OntologyManager init has changed + if production_mode: # use the below for production usage. the above is for testing. + if not self.ontology_manager: self.ontology_manager = OntologyManager() # src_lang=src_lang + logging.info("Finished Loading TextAugment") + + def check_good_sentence(self, s, src_lang, stopwords, stopword_ratio_cutoff=0.06, bannedwords=None, badwords=None, + badword_ratio_cutoff=0.15, junk_ratio=0.16, max_badword_len=5): + # basic dejunk + # for badwords, only filter out if the ratio is exceeded AND there exists one banned word + if bannedwords is None: + bannedwords = self.banned_words.get(src_lang, self.banned_words['default']) + default_bannedwords = self.banned_words['default'] + s = s.lower().strip() + if not s: return False + # print ([s2 for s2 in s if s2 in self.junk]) + # print (len([s2 for s2 in s if s2 in self.junk]), len(s)) + jr = len([s2 for s2 in s if s2 in self.junk]) / len(s) + if jr >= junk_ratio: + return False + if src_lang in ("ja", "ko", "zh"): + sArr = s + else: + sArr = [s2.strip(self.special_char) for s2 in s.lower().split() if s2.strip(self.special_char)] + if len(sArr) == 0: + return False + # stopword check + if stopwords is not None: + # TODO: catch multi word with spaces + # print ('sw', len([s2 for s2 in sArr if s2 in stopwords])/len(sArr)) + if src_lang not in ("ja", "ko", "zh") and len([s2 for s2 in sArr if s2 in stopwords]) / len( + sArr) < stopword_ratio_cutoff: + return False + if src_lang in ("ja", "ko", "zh"): + if src_lang == "zh": + max_stoword = self.max_stoword_len_zh + elif src_lang == "ko": + max_stoword = self.max_stoword_len_ko + elif src_lang == "ja": + max_stoword = self.max_stoword_len_ja + + len_s = len(s) + stop_cnt = 0 + total_cnt = 0 + for i in range(len_s): + for j in range(i + 1, min(len_s, i + max_stoword)): + if s[i:j] in stopwords: + stop_cnt += 1 + total_cnt += 1 + # print ('stopword', (stop_cnt/total_cnt) ) + if (stop_cnt / total_cnt) < stopword_ratio_cutoff: + return False + if badwords is not None: + # print ('bw', len([s2 for s2 in sArr if s2 in badwords])/len(sArr)) + if src_lang not in ("ja", "ko", "zh") and len([s2 for s2 in sArr if s2 in badwords]) / len( + sArr) > badword_ratio_cutoff: + if any(s2 for s2 in sArr if s2 in bannedwords) or any(s2 for s2 in sArr if s2 in default_bannedwords): + return False + if src_lang in ("ja", "ko", "zh"): + badword_ratio_cutoff /= 100 + len_s = len(s) + bad_cnt = 0 + total_cnt = 0 + for i in range(len_s): + for j in range(i + 1, min(len_s, i + max_badword_len)): + if s[i:j] in badwords: + bad_cnt += 1 + total_cnt += 1 + if (bad_cnt / total_cnt) > badword_ratio_cutoff: + for bword in bannedwords: + if bword in s: + return False + for bword in default_bannedwords: + if bword in s: + return False + # langid check + try: + lang = langid.classify(s)[0] + except: + return True + return lang == src_lang + + def generate_questions(self, batch, default_answers=[]): + answers = {} + + i = 0 + allqa = [] + for chunk in batch: + text = chunk['text'] + answers1 = {} + # ti = time.time() + text = text.replace("U.S.", "US").replace("\n", " ").replace(",", " , ").replace(" ", " ").strip().replace( + " , ", ", ") # replace(" He ", " Lincoln ").replace(" he ", " Lincoln ").replace(" him ", " Lincoln ") + aHash = self.qg(text) # , default_answers=default_answers) + allqa.append(aHash) + default_answers = list(set([a['answer'] for a in aHash] + default_answers)) + print(aHash) + # for aHash1 in aHash: + # extraction = vis.parse(list(dep_parser(aHash1['question']).sents)[0], aHash1['answer']) + # print (extraction.arg1, '*', extraction.rel, '*', extraction.arg2) + + for aHash1 in aHash: + if answers.get(aHash1['answer'].lower()) or answers1.get(aHash1['answer'].lower()): + continue + if len(aHash1['answer'].split()) > 10: + aHash1['answer'] = " ".join(aHash1['answer'].split()[:10]) + i += 1 + quest = aHash1['question'].lower().strip("?").replace("'s", " 's").replace(" ", " ").split() + label = "" + # TODO, use spacy_en to get NER and only fall back to "who", "when", "where" to determine ner if we find nothing + if quest[0] == "who" and aHash1['answer'][-1] == 's': + label = "organization_" + str(i) + if "'s" in quest: + for j in range(len(quest)): + if j > 0 and quest[j - 1] == "'s": + label = quest[j] + "_" + str(i) + break + for a in aHash1['answer'].lower().split(): + if a not in stopwords_hash: + answers[a] = label + elif quest[0] == "who": + label = "person_" + str(i) + if "'s" in quest: + for j in range(len(quest)): + if j > 0 and quest[j - 1] == "'s": + label = quest[j] + "_" + str(i) + break + for a in aHash1['answer'].lower().split(): + if a not in stopwords_hash: + answers[a] = label + elif quest[0] == "where": + label = "location_" + str(i) + elif quest[0] == "when": + label = "date_or_time_" + str(i) + elif quest[0] == "why": + label = "reason_" + str(i) + elif quest[0] == "how" and quest[1] in ("much", "many"): + label = "quantity_" + str(i) + elif quest[0] == "how": + label = "method_" + str(i) + elif quest[0] in ("which", "what") and quest[1] not in stopwords_hash: + label = quest[1] + "_" + str(i) + elif "'s" in quest: + for j in range(len(quest)): + if j > 0 and quest[j - 1] == "'s": + label = quest[j] + "_" + str(i) + break + if label: + answers[aHash1['answer'].lower()] = label + + # for b in a['answer'].lower().split(): + # answers[b] = label + print(answers) + + for aHash in allqa: + answers1 = {} + for aHash1 in aHash: + if answers1.get(aHash1['answer'].lower()): + continue + quest = " " + aHash1['question'].lower().strip("?").replace("'s", " 's").replace(" ", " ") + " " + q_type = quest[0] + agent = [] + answer_keys = list(answers.keys()) + answer_keys.sort(key=lambda k: len(k), reverse=True) + for a in answer_keys: + if " " + a + " " in quest: + quest = quest.replace(" " + a + " ", " " + answers[a] + " ") + elif " " + a + ", " in quest: + quest = quest.replace(" " + a + ", ", " " + answers[a] + ", ") + quest = quest.split() + # print (quest) + qtype = [] + if answers.get(aHash1['answer'].lower()): + if answers.get(aHash1['answer'].lower()).split("_")[0] == "person": + qtype = ["is", "who"] + if not qtype and quest[0] in ("when", "where", "why", "how"): # , "which" + qtype = [quest[0]] + if quest[0] == "how" and quest[1] in ("much", "many"): + qtype = qtype + [quest[1]] + + # label=[q for q in quest if (q not in ("much", "many",) and not stopwords_hash.get(q) and q not in answers)]#+qtype + label = [q for q in quest if (q[0] not in "0123456789") and (q not in ("the", "a", "an"))] + if len(label) > 10: + label = label[:10] + answers1[aHash1['answer'].lower()] = " ".join(label) + print(answers1) + + @staticmethod + def get_aligned_text(sent1, sent2, src_lang): + """ + Given two sentences, find blocks of text that match and that don't match. + return the blocks, and a matching score. + Used to extract NER from original language sentence. + """ + if src_lang in ("ja", "ko", "zh"): + # splitting on spaces doesn't always work because some languages aren't space separated + sep = "" + else: + sep = " " + sent1 = sent1.split() + sent2 = sent2.split() + aMatch = difflib.SequenceMatcher(None, sent1, sent2) + score = aMatch.ratio() + blocks = aMatch.get_matching_blocks() + blocks2 = [] + prevEndA = 0 + prevEndB = 0 + matchLen = 0 + nonMatchLen = 0 + # print (blocks) + for blockI in range(len(blocks)): + if blockI > 0 or (blockI == 0 and (blocks[blockI][0] != 0 or blocks[blockI][1] != 0)): + blocks2.append( + [sep.join(sent1[prevEndA:blocks[blockI][0]]), sep.join(sent2[prevEndB:blocks[blockI][1]]), 0]) + nonMatchLen += max(blocks[blockI][0] - prevEndA, blocks[blockI][1] - prevEndB) + if blocks[blockI][2] != 0: + blocks2.append([sep.join(sent1[blocks[blockI][0]:blocks[blockI][0] + blocks[blockI][2]]), + sep.join(sent2[blocks[blockI][1]:blocks[blockI][1] + blocks[blockI][2]]), 1]) + prevEndA = blocks[blockI][0] + blocks[blockI][2] + prevEndB = blocks[blockI][1] + blocks[blockI][2] + matchLen += blocks[blockI][2] + # score = float(matchLen+1)/float(nonMatchLen+1) + return (blocks2, score) + + def do_translations(self, texts, src_lang='en', target_lang='hi', batch_size=16, do_mariam_mt=False): + if not do_mariam_mt: + try: + self.m2m_tokenizer.src_lang = src_lang + target_lang_bos_token = self.m2m_tokenizer.get_lang_id(target_lang) + translations = [] + for src_text_list in tqdm(self.batch(texts, batch_size)): + try: + batch = self.m2m_tokenizer(src_text_list, return_tensors="pt", padding=True, + truncation=True).to('cuda') + except: + break + gen = self.m2m_model.generate(**batch, forced_bos_token_id=target_lang_bos_token, + no_repeat_ngram_size=4, ) # + outputs = self.m2m_tokenizer.batch_decode(gen, skip_special_tokens=True) + translations.extend(outputs) + return translations + except: + pass + translations = [] + # mariam_mt = self.mariam_mt + model_name = mariam_mt.get((src_lang, target_lang)) + mt_pipeline = None + if model_name is not None and model_name not in self.translation_pipelines: + tokenizer = AutoTokenizer.from_pretrained(model_name) + model = MarianMTModel.from_pretrained(model_name).half().eval().cuda() + mt_pipeline = pipeline("translation", model=model, tokenizer=tokenizer, device=0) + self.translation_pipelines[model_name] = mt_pipeline + if not mt_pipeline: + raise RuntimeError( + "no translation pipeline") # we could do multi-step translation where there are no pairs + mt_pipeline = self.translation_pipelines[model_name] + for src_text_list in tqdm(self.batch(texts, batch_size)): + outputs = [t['translation_text'] for t in mt_pipeline(src_text_list)] + translations.extend(outputs) + return translations + + @staticmethod + def cjk_detect(texts): + # korean + if re.search("[\uac00-\ud7a3]", texts): + return "ko" + # japanese + if re.search("[\u3040-\u30ff]", texts): + return "ja" + # chinese + if re.search("[\u4e00-\u9FFF]", texts): + return "zh" + return None + + @staticmethod + def batch(lst, n): + """Generate batches""" + lst = list(lst) + for i in range(0, len(lst), n): + yield lst[i: i + n] + + def hf_ner(self, hf_pipeline, src_lang, docs, chunks, stopwords=None, weight=1.5): + """ + run the text through a Huggingface ner pipeline. + any tags found by this method will be weighted by the weight param + TODO: use the predicted value of the logits to further weight prediction + """ + + if stopwords is None: + stopwords = set(ac_dc_stopwords.get(src_lang, [])) + + offset_key = f'{src_lang}_offset' + text_key = f'{src_lang}_text' + ner_key = f'{src_lang}_ner' + results_arr = hf_pipeline([chunk[text_key] for chunk in chunks]) + results_arr2 = [] + offset = 0 + for chunk, results in zip(chunks, results_arr): + text = chunk[text_key] + _id = chunk['id'] + ner = docs[_id][ner_key] = docs[_id].get(ner_key, {}) + offset = chunk[offset_key] + len_text = len(text) + results = [ner_result for ner_result in results if ner_result['word'] not in ("[UNK]", "")] + if not results: + results_arr2.append([]) + continue + results2 = [] + if results[0]['start'] is not None: + results.sort(key=lambda a: a['start']) + else: + results.sort(key=lambda a: a['index']) + i = 0 + for ner_result in results: + ner_result['word'] = word = ner_result['word'].rstrip('@@') + ner_result['start'] = text.index(word, i) + i = ner_result['start'] + 1 + ner_result['end'] = ner_result['start'] + len(word) + + for ner_result in results: + start = ner_result['start'] + if not self.cjk_detect(text[ner_result['start']:ner_result['end']]): + if text[start] not in self.strip_chars: + for j in range(1, start): + if start - j == -1 or text[start - j] in self.strip_chars: + start = max(start - j, 0) + break + end = ner_result['end'] + if end < len_text and text[end] != ' ': + end += len(text[end:].split(' ', 1)[0]) + else: + start = ner_result['start'] + end = ner_result['end'] + while text[start] in self.strip_chars: + start += 1 + if start >= end: break + end = start + len(text[start:end].strip(self.strip_chars)) + ner_result['word'] = text[start:end] + ner_result['start'] = start + offset + ner_result['end'] = end + offset + if results2 and results2[-1]['end'] > ner_result['start']: + continue + results2.append(ner_result) + results_arr2.append(results2) + results_arr = results_arr2 + for chunk, results in zip(chunks, results_arr): + _id = chunk['id'] + ner = docs[_id][ner_key] + text = docs[_id][text_key] + len_text = len(text) + results = [ner_result for ner_result in results if ner_result['word'] not in ("[UNK]", "")] + if not results: continue + prev_word = [0, 0] + prev_label = None + prev_word2 = "" + for ner_result in results: + start = ner_result['start'] + if start is None: + prev_word2 = "" + continue + end = ner_result['end'] + if text[start:end] != ner_result['word']: + print('offset mismatch', text[start:end], ner_result['word']) + if "-" in ner_result['entity']: + _, label = ner_result['entity'].split('-') + else: + label = ner_result['entity'] + if label in ('STREET_ADDRESS',): + label = 'STREET_ADDRESS' + elif label in ('PUBLIC_FIGURE',): + label = 'PUBLIC_FIGURE' + elif label in ('NAME', 'PER', 'PERSON'): + label = 'PERSON' + elif label in ('LOCATION', 'LOC', 'GPE'): + label = 'GPE' + elif label in ('ORGANIZATION', 'ORG'): + label = 'ORG' + elif label in ('AGE',): + label = 'AGE' + elif label in ('NORP',): + label = 'NORP' + elif label in ('BIO', 'SYMPTOM_AND_DISEASE', 'DISEASE'): + label = 'DISEASE' + elif label in ('PATIENT_ID', 'GOVT_ID'): + label = 'GOVT_ID' + elif label in ('USER_ID',): + label = 'USER_ID' + elif label in ('MISC',) and '@' in ner_result['word']: + label = 'USER_ID' + else: + label = 'MISC' + if prev_label is not None: + if not ner_result['entity'].startswith('B-') and label == prev_label and ( + prev_word[1] >= start - 5): + prev_word[1] = max(prev_word[1], end) + prev_word2 = prev_word2 + " " + ner_result['word'] + else: + if ner_result['entity'].startswith('B-'): + if prev_word[1] > start: + prev_word[1] = start + if prev_word[0] != prev_word[1]: + ner_word = text[prev_word[0]:prev_word[1]] + # if ner_word != prev_word2: + # print (ner_word, '**', prev_word2) + # ner_word.strip(self.strip_chars) + mention = (ner_word, prev_word[0], prev_word[1]) + if ner_word and ner_word.lower() not in stopwords: + aHash = ner.get(mention, {}) + aHash[prev_label] = aHash.get(prev_label, 0) + weight * (1.0 + len(ner_word) / 100) + ner[mention] = aHash + prev_word = [start, end] + prev_word2 = ner_result['word'] + elif prev_label is None: + prev_word = [start, end] + prev_word2 = ner_result['word'] + prev_label = label + + if prev_label is not None and prev_word[0] != prev_word[1]: + ner_word = text[prev_word[0]:prev_word[1]] + # if ner_word != prev_word2: + # print (ner_word, '**', prev_word2) + mention = (ner_word, prev_word[0], prev_word[1]) + if ner_word and ner_word.lower() not in stopwords: + aHash = ner.get(mention, {}) + aHash[prev_label] = aHash.get(prev_label, 0) + weight * (1.0 + len(ner_word) / 100) + ner[mention] = aHash + + def _spacy_pipeline(self, lang: str=None): + spacy_nlp = None + try: + spacy_nlp = spacy.load(f"{lang}_core_web_sm") + except: + logging.error(f"Failed to load spacy pipeline for {lang} at {lang}_core_web_sm") + finally: + return spacy_nlp + + def spacy_ner(self, docs, nlp, stopwords, spacy_weight, src_lang, extra_weight=1.0): + """ + Use the spacy models to create mentions w/ NER + """ + if not nlp: + return + if stopwords is None: + stopwords = set(ac_dc_stopwords.get(src_lang, [])) + offset_key = f'{src_lang}_offset' + text_key = f'{src_lang}_text' + ner_key = f'{src_lang}_ner' + for doc in docs.values(): + ner = doc[ner_key] = doc.get(ner_key, {}) + text = doc[text_key] + doc = nlp(text) + entities = list(doc.ents) + ents = [(entity.text, entity.label_ if ( + entity.label_ in ('PERSON', 'GPE', 'ORG', 'NORP') and 'http:' not in entity.text) else 'MISC') + for entity in entities] + i = 0 + for ner_word, label in ents: + ner_word = ner_word.strip(self.strip_chars) + if ner_word and ner_word.lower() not in stopwords: + if not self.cjk_detect(ner_word): + if ner_word not in text: continue + i += text[i:].index(ner_word) + ner_word = text[i:].split(" ", 1)[0] + ner_word = ner_word.strip(self.strip_chars) + if ner_word.lower() not in stopwords: + mention = (ner_word, i, i + len(ner_word)) + aHash = ner.get(mention, {}) + aHash[label] = aHash.get(label, 0) + spacy_weight * (1.0 + len(ner_word) / 100) * extra_weight + ner[mention] = aHash + + def trim_to_prefer_person(self, docs, chunks, prob=100): + # downsample to mostly docs with mentions of people, govt_id and email + # if there were no ner set, then don't downsample the doc + len_docs = len(docs) + do_ids = [] + for _id, doc in docs.items(): + if not any(key for key in doc if key.endswith('_ner')): + do_ids.append(_id) + continue + found_ner = False + for key in list(doc.keys()): + if doc.get('has_person'): + do_ids.append(_id) + break + if key.endswith('_ner'): + if not found_ner: + found_ner = doc[key] != {} + ner = doc[key] + for aHash in ner.values(): + if 'PUBLIC_FIGURE' in aHash or 'PERSON' in aHash or 'GOVT_ID' in aHash or 'USER_ID' in aHash: + doc['has_person'] = True + do_ids.append(_id) + break + if doc.get('has_person'): + do_ids.append(_id) + elif not doc.get('has_person') and random.randint(0, prob) == 0: + do_ids.append(_id) + do_ids = set(do_ids) + chunks2 = [chunk for chunk in chunks if chunk['id'] in do_ids] + docs2 = dict([(doc['id'], doc) for doc in docs.values() if doc['id'] in do_ids]) + if len(docs2) == 0 or len_docs == len(docs2): + return docs, chunks + logging.info(f'trim_to_prefer_person {str((len_docs - len(docs2)) / len_docs)}') + return docs2, chunks2 + + def _split_text_into_chunks(self, + src_lang: str, + src_is_cjk: bool, + doc: Dict, + batch_window: int, + sep: str, + chunks: [Dict], + ) -> None: + offset = 0 + text = [] + + textarr = doc[f'{src_lang}_text'] if src_is_cjk else doc[f'{src_lang}_text'].split() + + for t in textarr: + punc_found = [punc for punc in t if punc in self.punc_char] + if punc_found and t[-1] not in self.punc_char and t[0] not in "0123456789" and t[0] == t[0].lower(): + w = t[t.index(punc_found[0]) + 1] + if w == w.upper(): + t, t1 = t.split(punc_found[0], 1) + t = t + punc_found[0] + (" " if src_is_cjk else "") + text.append(t) + text.append(t1) + continue + text.append(t) + text[0] = text[0].lstrip() + text[-1] = text[-1].rstrip() + doc[f'{src_lang}_text'] = sep.join(text) + len_text = len(text) + while len_text > batch_window: + for j in range(batch_window - 1, len_text): + if (src_is_cjk and text[j] in self.punc_char) or ( + not src_is_cjk and text[j][-1] in self.punc_char): + break + text_str = sep.join(text[:j + 1]) + chunks.append({f'{src_lang}_text': text_str, 'id': doc['id'], f'{src_lang}_offset': offset}) + doc['chunks'].append(chunks[-1]) + offset += len(text_str) + (0 if src_is_cjk else 1) + text = text[j + 1:] + len_text = len(text) + if text: + text_str = sep.join(text) + chunks.append({f'{src_lang}_text': text_str, 'id': doc['id'], f'{src_lang}_offset': offset}) + doc['chunks'].append(chunks[-1]) + + def process_ner_chunks_with_trans(self, + src_lang, + docs, + chunks, + target_lang=None, + do_spacy=True, + do_hf_ner=True, + do_ontology=True, + do_backtrans=False, + do_regex=True, + do_cleanup=True, + batch_size=5, + batch_window=70, + ontology_weight=0.9, + spacy_weight=1.25, + hf_ner_weight=1.0, + backtrans_weight=0.9, + do_postprocessing_after_backtrans=False, + do_docs_trim=False): + if target_lang is None: + target_lang = src_lang + do_backtrans = False + backtrans_weight = 1.0 + + if target_lang == src_lang and do_backtrans: + do_backtrans = False + logging.warning(f"Warning src_lang==target_lang={src_lang} but do_backtrans=={True}") + logging.info(f"Set do_backtrans=={False}") + + stopwords1 = set(stopwords_ac_dc[src_lang]) + stopwords2 = set(stopwords_ac_dc[target_lang]) + ner_pipelines = [] + + # init spacy pipeline + spacy_nlp = self._spacy_pipeline(target_lang) if do_spacy else None + + + + # init hf ner pipelines + if do_hf_ner: + for model_name, model_cls, hf_ner_weight2 in self.hf_ner_model_map.get(target_lang, []): + if model_name not in self.ner_model_name2pipelines: + logging.info(f"adding {model_name} into ner_model_name2pipelines") + # TODO: specific tf or pytroch in hf_ner_model_map to avoid error + ner_pipeline = None + try: + ner_pipeline = pipeline("ner", model=model_name, + tokenizer=(model_name, {"use_fast": True},), device=0) + except: + ner_pipeline = pipeline("ner", model=model_name, + tokenizer=(model_name, {"use_fast": True},), framework="tf", + device=0) + finally: + self.ner_model_name2pipelines[model_name] = ner_pipeline + ner_pipelines.append((self.ner_model_name2pipelines[model_name], hf_ner_weight2)) + + target_is_cjk = target_lang in ('zh', 'ko', 'ja') + src_is_cjk = src_lang in ('zh', 'ko', 'ja') + + if do_backtrans: + # translate from src_lang to target_lang and do ner in target_lang. translation also acts as an error check and additional ner. + # we check to see if the already tagged items in src lang should have scores for tags increased or are common words in target lang and should not be tagged. + # we also add new labels for items that are already tagged in src_lang. + + sep = "" if src_is_cjk else " " + + if src_is_cjk: + lbracket = "[[" + rbracket = "]]" + else: + lbracket = "[" + rbracket = "]" + + for chunk in chunks: + text = chunk[f'{src_lang}_text'].replace("(", "{").replace(")", "}") + _id = chunk['id'] + offset = chunk[f'{src_lang}_offset'] + doc = docs[_id] + offset_end = offset + len(text) + if f'{src_lang}_items' not in doc: + doc[f'{src_lang}_items'] = list(doc.get(f'{src_lang}_ner', {}).keys()) + doc[f'{src_lang}_items'].sort(key=lambda a: a[1]) + i = 0 + for idx, key in enumerate(doc[f'{src_lang}_items']): + if key[1] < offset: + continue + if key[2] > offset_end: + break + if len(key[0]) < 4 and not self.cjk_detect(key[0]): + if " " + key[0] + " " in text[i:]: + j = text.index(" " + key[0] + " ", i) + text = text[:j] + (text[j:].replace(" " + key[0] + " ", f" **{idx}** ", 1)) + i = j + else: + if key[0] in text[i:]: + j = text.index(key[0], i) + text = text[:j] + (text[j:].replace(key[0], f" **{idx}** ", 1)) + i = j + chunk[f'{src_lang}_tmpl_text'] = text + + src_items_sorted = list(enumerate(doc[f'{src_lang}_items'])) + src_items_sorted.sort(key=lambda a: len(a[1][0])) + for chunk in chunks: + text = chunk[f'{src_lang}_tmpl_text'] + _id = chunk['id'] + doc = docs[_id] + for idx, key in src_items_sorted: + if len(key[0]) < 5 and not self.cjk_detect(key[0]): + text = text.replace(" " + key[0] + " ", f" **{idx}** ") + else: + text = text.replace(key[0], f" **{idx}** ") + chunk[f'{src_lang}_tmpl_text'] = text + + for chunk in chunks: + text = chunk[f'{src_lang}_tmpl_text'] + _id = chunk['id'] + doc = docs[_id] + for idx, key in enumerate(doc[f'{src_lang}_items']): + text = text.replace(f" **{idx}** ", f" {idx} {lbracket} {key[0]} {rbracket}") + chunk[f'{src_lang}_tmpl_text'] = text.replace(" ", " ") + + # print ('*****', chunks2) + chunks2 = [chunk[f'{src_lang}_tmpl_text'] for chunk in chunks] + text2 = self.do_translations(chunks2, src_lang=src_lang, target_lang=target_lang, batch_size=batch_size) + for chunk, trans_text in zip(chunks, text2): + # langid check + try: + lang = langid.classify(trans_text)[0] + except: + lang = target_lang + if lang == target_lang: + chunk[f'{target_lang}_text'] = trans_text.lstrip(" .").replace(rbracket, "]").replace(lbracket, + "[").replace( + "}", ")").replace("{", "(") + else: + chunk[f'{target_lang}_text'] = " . . . " + + all_embed = self.labse.encode(chunks2, convert_to_tensor=True) + all_trans_embed = self.labse.encode([chunk[f'{target_lang}_text'] for chunk in chunks], + convert_to_tensor=True) + similarity = cosine_similarity(all_embed, all_trans_embed, dim=1) + for chunk, sim_score in zip(chunks, similarity): + trans_text = chunk[f'{target_lang}_text'] + sim_score = sim_score.item() + print(sim_score, '**', trans_text, '**', chunk[f'{src_lang}_tmpl_text']) + _id = chunk['id'] + doc = docs[_id] + if sim_score < 0.75: + trans_text = chunk[f'{target_lang}_text'] = " . . . " + if doc.get(f'{target_lang}_text', ""): + chunk[f'{target_lang}_offset'] = len(doc.get(f'{target_lang}_text', "")) + 1 + else: + chunk[f'{target_lang}_offset'] = 0 + doc[f'{target_lang}_text'] = (doc.get(f'{target_lang}_text', "") + " " + trans_text).strip() + chunk[f'{src_lang}_2_{target_lang}_sim'] = 0.0 + continue + chunk[f'{src_lang}_2_{target_lang}_sim'] = sim_score + len_items = len(doc[f'{src_lang}_items']) + doc[f'{target_lang}_2_{src_lang}_ner'] = doc.get(f'{target_lang}_2_{src_lang}_ner', {}) + while "[" in trans_text: + before, after = trans_text.split("[", 1) + before = before.strip() + after = after.strip() + before_arr = before.split() + if "]" not in after or not before_arr: + trans_text = before + sep + after + continue + idx = before_arr[-1] + ent, after = after.split("]", 1) + ent = ent.strip() + + try: + idx = int(idx) + except: + idx = None + if idx is not None and idx < len_items: + before = " ".join(before_arr[:-1]) + key = doc[f'{src_lang}_items'][idx] + ent_lower = ent.lower() + if ent_lower in stopwords2: + # reduce weight of target labels if this is translated into an en stopword + if key in doc[f'{src_lang}_ner']: + aHash = doc[f'{src_lang}_ner'][key] + for key in list(aHash.keys()): + aHash[key] /= 2.0 + else: + vals = list(doc[f'{src_lang}_ner'][key].keys()) + ent = ent.strip(self.strip_chars) + doc[f'{target_lang}_2_{src_lang}_ner'][ent] = idx + trans_text = before + " " + ent + " " + after + trans_text = chunk[f'{target_lang}_text'] = trans_text.replace(" ", "").strip() + if doc.get(f'{target_lang}_text', ""): + chunk[f'{target_lang}_offset'] = len(doc.get(f'{target_lang}_text', "")) + 1 + else: + chunk[f'{target_lang}_offset'] = 0 + doc[f'{target_lang}_text'] = (doc.get(f'{target_lang}_text', "") + " " + trans_text).strip() + + if do_regex: + pass # TBD + + if do_ontology: + # ontology - context independent - there are some bugs in disease detection which needs to be fixed + for doc in docs.values(): + doc[f'{target_lang}_ner'] = ner = doc.get(f'{target_lang}_ner', {}) + if target_lang == 'en': + chunk2ner = self.ontology_manager.tokenize(doc[f'{target_lang}_text'])['chunk2ner'] + onto_items = [] + for c, label in chunk2ner.items(): + ner_word = c[0].replace(" ", "").replace("_", "").replace("_", "") if self.cjk_detect(c[0]) else \ + c[0].replace("_", " ").replace("_", " ").rstrip(self.strip_chars) + if ner_word.lower() not in stopwords2: + if not self.cjk_detect(ner_word) and label in ( + 'PERSON', 'PUBLIC_FIGURE', 'ORG') and " " not in ner_word: continue + onto_items.append(((ner_word, c[1], c[1] + len(ner_word)), label)) + for ner_mention, label in list(set(onto_items)): + aHash = ner.get(ner_mention, {}) + aHash[label] = aHash.get(label, 0) + ontology_weight * ( + 1.0 + len(ner_mention[0]) / 100) * backtrans_weight + ner[ner_mention] = aHash + + if do_spacy: + if spacy_nlp: + # spacy + self.spacy_ner(docs, spacy_nlp, stopwords2, spacy_weight, target_lang, extra_weight=backtrans_weight) + + if do_hf_ner: + # transformer + for ner_pipeline, hf_ner_weight2 in ner_pipelines: + for a_batch in self.batch(chunks, batch_size): + self.hf_ner(ner_pipeline, target_lang, docs, a_batch, stopwords=stopwords2, + weight=hf_ner_weight * backtrans_weight * hf_ner_weight2) + + if do_cleanup: + # do some cleanups. we don't want any ner that are just short numbers, stopwords or single characters. + for _id, doc in docs.items(): + ner = doc[f'{target_lang}_ner'] + for key in list(doc[f'{target_lang}_ner'].keys()): + ner_word = key[0] + try: + if len(ner_word) < 4 and float(ner_word): + print("deleting ", ner_word) + del doc[f'{target_lang}_ner'][key] + continue + except: + pass + if ner_word.lower() in stopwords2 or (not self.cjk_detect(ner_word) and len(ner_word) <= 1): + print("deleting ", ner_word) + del doc[f'{target_lang}_ner'][key] + + # increase weight of src ner items if the target translations indicate it's an NER + if target_lang != src_lang: + for doc in docs.values(): + ner = doc[f'{target_lang}_ner'] + target2src_ner = doc.get(f'{target_lang}_2_{src_lang}_ner', {}) + for ent, idx in target2src_ner.items(): + key = doc[f'{src_lang}_items'][idx] + # NOTE that this is an unordered match + ner_match = [key2 for key2 in ner if ent == key2[0]] + if not ner_match and len(ent) > 3: + ner_match = [key2 for key2 in ner if (ent in key2[0] or (len(key2[0]) > 3 and key2[0] in ent))] + if ner_match: + if key in doc[f'{src_lang}_ner']: + aHash = doc[f'{src_lang}_ner'][key] + all_labels = [] + for key2 in ner_match: + all_labels.extend(list(ner[key2].keys())) + all_labels = set(all_labels) + found = False + for label in list(aHash.keys()): + if label in all_labels or 'MISC' in all_labels: + aHash[label] *= 1.1 + print('increasing ', key, label, aHash[label]) + found = True + if not found: + print('not found', key, all_labels) + + if do_docs_trim: + docs, chunks = self.trim_to_prefer_person(docs, chunks) + + if do_backtrans and target_lang != src_lang: + # backtrans from src_lang to target_lang back to src_lang allows us to catch more NER using target lang NER tools. + # then we tag in target_lang those items we haven't already found, and tranlsate back to match the original text. + # NOTE: We do not modify the original text, but only use backtrans to do NER tagging and other analysis. + + sep = "" if target_is_cjk else " " + + if target_is_cjk: + lbracket = "[[" + rbracket = "]]" + else: + lbracket = "[" + rbracket = "]" + for chunk in chunks: + _id = chunk['id'] + text = chunk[f'{target_lang}_text'].replace("[", "{").replace("(", "{").replace(")", "}").replace("]", + "}") + offset = chunk[f'{target_lang}_offset'] + doc = docs[_id] + offset_end = offset + len(text) + if f'{target_lang}_items' not in doc: + doc[f'{target_lang}_items'] = list(doc.get(f'{target_lang}_ner', {}).keys()) + doc[f'{target_lang}_items'].sort(key=lambda a: a[1]) + i = 0 + for idx, key in enumerate(doc[f'{target_lang}_items']): + if key[1] < offset: + continue + if key[2] > offset_end: + break + if len(key[0]) < 5 and not self.cjk_detect(key[0]): + if " " + key[0] + " " in text[i:]: + j = text.index(" " + key[0] + " ", i) + text = text[:j] + (text[j:].replace(" " + key[0] + " ", f" **{idx}** ", 1)) + i = j + else: + if key[0] in text[i:]: + j = text.index(key[0], i) + text = text[:j] + (text[j:].replace(key[0], f" **{idx}** ", 1)) + i = j + chunk[f'{target_lang}_tmpl_text'] = text + + target_items_sorted = list(enumerate(doc[f'{target_lang}_items'])) + target_items_sorted.sort(key=lambda a: len(a[1][0])) + for chunk in chunks: + text = chunk[f'{target_lang}_tmpl_text'] + _id = chunk['id'] + doc = docs[_id] + for idx, key in target_items_sorted: + if len(key[0]) < 5 and not self.cjk_detect(key[0]): + text = text.replace(" " + key[0] + " ", f" **{idx}** ") + else: + text = text.replace(key[0], f" **{idx}** ") + chunk[f'{target_lang}_tmpl_text'] = text + + for chunk in chunks: + text = chunk[f'{target_lang}_text'] + _id = chunk['id'] + doc = docs[_id] + for idx, key in enumerate(doc[f'{target_lang}_items']): + text = text.replace(f" **{idx}** ", f" {idx} {lbracket} {key[0]} {rbracket}") + chunk[f'{target_lang}_tmpl_text'] = text.replace(" ", " ") + + backtrans_text = self.do_translations([chunk[f'{target_lang}_tmpl_text'] for chunk in chunks], + src_lang=target_lang, target_lang=src_lang, batch_size=batch_size) + for chunk, trans_text in zip(chunks, backtrans_text): + # langid check + try: + lang = langid.classify(trans_text)[0] + except: + lang = target_lang + if lang == target_lang: + chunk[f'{src_lang}_text_backtrans_from_{target_lang}'] = trans_text.lstrip(" .").replace(rbracket, + "]").replace( + lbracket, "[").replace("}", ")").replace("{", "(") + else: + chunk[f'{src_lang}_text_backtrans_from_{target_lang}'] = " . . . " + # TODO: do similiarty test? + for chunk, trans_text in zip(chunks, backtrans_text): + _id = chunk['id'] + doc = docs[_id] + orig_text = chunk[f'{src_lang}_text'] + trans_text = chunk[f'{src_lang}_text_backtrans_from_{target_lang}'] + items = doc[f'{target_lang}_items'] + len_items = len(items) + doc[f'{src_lang}_2_{target_lang}_backtrans_ner'] = ner = doc.get( + f'{src_lang}_2_{target_lang}_backtrans_ner', {}) + pos = 0 + blocks, score = self.get_aligned_text(orig_text, trans_text, src_lang) + prev_t = None + prev_o = None + ner_word = "" + ent2 = "" + idx = None + for o, t, _ in blocks: + before = after = "" + if "]" in t: + ner_word = "" + ent2 = "" + t_arr = t.split("]") + before = sep.join(t_arr[-1:]) + after = t_arr[-1] + before = before.strip() + if not before: + continue + idx = before.split()[-1] + try: + idx = int(idx) + except: + idx = None + if prev_t and prev_t.strip(): + idx = prev_t.strip().split()[-1] + try: + idx = int(idx) + except: + idx = None + pass + if idx is not None and idx < len_items: + ner_word += o + if after: + ent2 = after.split("[", 1)[0] + else: + ent2 += t.split("[", 1)[0] + if "[" in t: + key = items[idx] + if key in ner: + ner_word = ner_word.strip(self.strip_chars) + ent2 = ent2.strip(self.strip_chars) + if ent2 in ner_word: + ner_word = ent2 + else: + if src_is_cjk: + ent2arr = list(ent2) + ner_wordarr = list(ner_word) + else: + ent2arr = ent2.split() + ner_wordarr = ner_word.split() + len_ent2arr = len(ent2arr) + found = False + if len_ent2arr > 3: + ent3 = sep.join(ent2arr[:3]) + if ent3 in new_word: + new_word = ner_word[ner_word.index(ent3):] + found = True + if not found: + if len_ent2arr < len(new_wordarr): + new_word = sep.join(new_wordarr[-len_ent2arr:]) + if ner_word and ner_word.lower() not in stopwords1: + i = orig_text[pos:].index(ner_word) + start = pos + i + len_nerword = len(ner_word) + pos = start + len_nerword + mention = (ner_word, offset + start, offset + start + len_nerword) + aHash = ner.get(mention, {}) + for label in ner[key]: + print(f'found new mention from {target_lang}', mention, label) + aHash[label] = aHash.get(label, 0) + ner[key][label] + ner[mention] = aHash + idx = None + ner_word = "" + ent2 = "" + prev_o, prev_t = o, t + + # increase the src_lang ner score if we already matched this ner in src_lang or there was a partial match + for doc in docs.values(): + bner = doc[f'{src_lang}_2_{target_lang}_backtrans_ner'] + ner = doc[f'{src_lang}_ner'] + for key, aHash in bner.items(): + if key in ner: continue + ent = key[0] + ner_match = [key2 for key2 in ner if ent == key2[0]] + if not ner_match and len(ent) > 3: + ner_match = [key2 for key2 in ner if (ent in key2[0] or (len(key2[0]) > 3 and key2[0] in ent))] + all_keys = [] + for key2 in ner_match: + all_keys.extend(list(ner[key2].keys())) + all_keys = set(all_keys) + for label in list(aHash.keys()): + if label in all_keys or 'MISC' in all_keys: + aHash[label] *= 1.1 + print('increasing in backtrans ', key, label, aHash[label]) + for key, aHash1 in bner.items(): + ner[key] = aHash2 = ner.get(key, {}) + for key2 in aHash1: + aHash2[key2] = aHash2.get(key2, 0.0) + aHash1[key2] + + if do_postprocessing_after_backtrans: + pass + + if do_cleanup: + # do some cleanups. we don't want any ner that are just short numbers, stopwords or single characters. + for _id, doc in docs.items(): + ner = doc[f'{src_lang}_ner'] + for key in list(doc[f'{src_lang}_ner'].keys()): + ner_word = key[0] + try: + if len(ner_word) < 4 and float(ner_word): + print("deleting ", ner_word) + del doc[f'{src_lang}_ner'][key] + continue + except: + pass + if ner_word.lower() in stopwords1 or (not self.cjk_detect(ner_word) and len(ner_word) <= 1): + print("deleting ", ner_word) + del doc[f'{src_lang}_ner'][key] + + return docs, chunks + + def process_ner(self, + src_lang: str = None, + docs=None, + do_spacy=True, + do_hf_ner=True, + do_ontology=True, + do_backtrans=False, + do_cleanup=True, + do_regex=True, + batch_size=5, + batch_window=70, + ontology_weight=0.9, + spacy_weight=1.25, + hf_ner_weight=1.5, + backtrans_weight=0.9, + do_docs_trim=True, + do_postprocessing_after_backtrans=False, + cutoff=None, + target_lang='en'): + + src_is_cjk = src_lang in ('zh', 'ko', 'ja') + sep = "" if src_is_cjk else " " + + if docs is None: + docs, domain = get_docs(src_lang=src_lang) + elif isinstance(docs, str): + docs = [{f'{src_lang}_text': docs}] + elif isinstance(docs, list): + if isinstance(docs[0], dict): + docs = docs + else: + docs = [{f'{src_lang}_text': t} for t in docs] + + # for testing only + if cutoff is not None and len(docs) > cutoff: + docs = docs[:cutoff] + + len_docs = len(docs) + for doc in docs: + doc[f'{src_lang}_text'] = doc['text'] + del doc['text'] + + badwords1 = set([s for s in badwords_ac_dc.get(src_lang, []) if len(s) < 5]) + stopwords1 = set(stopwords_ac_dc.get(src_lang, [])) + docs = [doc for doc in docs if + self.check_good_sentence(doc[f'{src_lang}_text'], src_lang, stopwords=stopwords1, badwords=badwords1)] + logging.info(f'trimmed junk {str((len_docs - len(docs)) / len_docs)}') + + chunks = [] + + for _id, doc in enumerate(docs): + if 'id' not in doc: + doc['id'] = str(_id) + doc.setdefault('id', str(_id)) + doc[f'{src_lang}_text'] = doc[f'{src_lang}_text'].replace("[", "(").replace("]",")") # we use [] as special chars + doc['lang'] = src_lang + doc['domain'] = domain + doc['chunks'] = [] + + self._split_text_into_chunks(src_lang=src_lang, src_is_cjk=src_is_cjk, doc=doc, batch_window=batch_window, sep=sep, chunks=chunks) + + docs = dict([(doc['id'], doc) for doc in docs]) + if do_docs_trim: + docs2, chunks2 = self.trim_to_prefer_person(docs, chunks) + do_docs_trim = len(docs2) == len(docs) + docs, chunks = docs2, chunks2 + + # we do this here because we don't want to trim ner items that are considered empty. + # we should probably fix trim_to_prefer_person to not do any trimming if all ner's are empty + for doc in docs.values(): + doc[f'{src_lang}_ner'] = doc.get(f'{src_lang}_ner', {}) + + # do ner processing in src_lang + docs2, chunks2 = self.process_ner_chunks_with_trans( + src_lang, + docs, + chunks, + do_spacy=do_spacy, + do_hf_ner=do_hf_ner, + do_ontology=do_ontology, + do_backtrans=False, + do_regex=do_regex, + do_cleanup=do_cleanup, + batch_size=batch_size, + ontology_weight=ontology_weight, + spacy_weight=spacy_weight, + hf_ner_weight=hf_ner_weight, + backtrans_weight=backtrans_weight, + do_postprocessing_after_backtrans=False, + do_docs_trim=do_docs_trim) + if do_docs_trim: + do_docs_trim = len(docs2) == len(docs) + docs, chunks = docs2, chunks2 + + if target_lang != src_lang: + # do ner processing in target language with optional backtrans + docs2, chunks2 = self.process_ner_chunks_with_trans( + src_lang, + docs, + chunks, + target_lang=target_lang, + do_spacy=do_spacy, + do_hf_ner=do_hf_ner, + do_ontology=do_ontology, + do_backtrans=do_backtrans, + do_regex=do_regex, + do_cleanup=do_cleanup, + batch_size=batch_size, + ontology_weight=ontology_weight, + spacy_weight=spacy_weight, + hf_ner_weight=hf_ner_weight, + backtrans_weight=backtrans_weight, + do_postprocessing_after_backtrans=True, + do_docs_trim=do_docs_trim) + docs, chunks = docs2, chunks2 + return docs, chunks diff --git a/data_tooling/.github/workflows/add-issue-to-project.yml b/data_tooling/.github/workflows/add-issue-to-project.yml new file mode 100644 index 0000000..3c92559 --- /dev/null +++ b/data_tooling/.github/workflows/add-issue-to-project.yml @@ -0,0 +1,81 @@ +name: Add Issue to project +on: + issues: + types: + - labeled +jobs: + add_data_catalog_issue_to_project_2: + runs-on: ubuntu-latest + if: github.event.label.name == 'data catalog' + steps: + - name: Generate token + id: generate_token + uses: tibdex/github-app-token@36464acb844fc53b9b8b2401da68844f6b05ebb0 + with: + app_id: ${{ secrets.BIGSCIENCE_WORKSHOP_PROJECTS_ID }} + private_key: ${{ secrets.BIGSCIENCE_WORKSHOP_PROJECTS_PEM }} + + - name: Get project data + env: + GITHUB_TOKEN: ${{ steps.generate_token.outputs.token }} + ORGANIZATION: bigscience-workshop + PROJECT_NUMBER: 2 + run: | + gh api graphql -f query=' + query($org: String!, $number: Int!) { + organization(login: $org){ + projectNext(number: $number) { + id + fields(first:20) { + nodes { + id + name + settings + } + } + } + } + }' -f org=$ORGANIZATION -F number=$PROJECT_NUMBER > project_data.json + + echo 'PROJECT_ID='$(jq '.data.organization.projectNext.id' project_data.json) >> $GITHUB_ENV + echo 'STATUS_FIELD_ID='$(jq '.data.organization.projectNext.fields.nodes[] | select(.name== "Status") | .id' project_data.json) >> $GITHUB_ENV + echo 'TODO_OPTION_ID='$(jq '.data.organization.projectNext.fields.nodes[] | select(.name== "Status") |.settings | fromjson.options[] | select(.name=="Todo") |.id' project_data.json) >> $GITHUB_ENV + + - name: Add Issue to project + env: + GITHUB_TOKEN: ${{ steps.generate_token.outputs.token }} + ISSUE_ID: ${{ github.event.issue.node_id }} + run: | + item_id="$( gh api graphql -f query=' + mutation($project:ID!, $issue:ID!) { + addProjectNextItem(input: {projectId: $project, contentId: $issue}) { + projectNextItem { + id + } + } + }' -f project=$PROJECT_ID -f issue=$ISSUE_ID --jq '.data.addProjectNextItem.projectNextItem.id')" + + echo 'ITEM_ID='$item_id >> $GITHUB_ENV + + - name: Set fields + env: + GITHUB_TOKEN: ${{ steps.generate_token.outputs.token }} + run: | + gh api graphql -f query=' + mutation ( + $project: ID! + $item: ID! + $status_field: ID! + $status_value: String! + ) { + set_status: updateProjectNextItemField(input: { + projectId: $project + itemId: $item + fieldId: $status_field + value: $status_value + }) { + projectNextItem { + id + } + } + }' -f project=$PROJECT_ID -f item=$ITEM_ID -f status_field=$STATUS_FIELD_ID -f status_value=${{ env.TODO_OPTION_ID }} --silent diff --git a/data_tooling/.github/workflows/label-with-contact-neede.yml b/data_tooling/.github/workflows/label-with-contact-neede.yml new file mode 100644 index 0000000..f5cae50 --- /dev/null +++ b/data_tooling/.github/workflows/label-with-contact-neede.yml @@ -0,0 +1,14 @@ +name: Label with contact needed +on: + issue_comment: + types: created +jobs: + one: + runs-on: ubuntu-latest + if: >- + (github.event.comment.body == '#contact' || + github.event.comment.body == '#contact-needed') + steps: + - run: | + echo "Labeling issue ${{ github.event.issue.number }} with 'contact needed'" + curl -H "Authorization: token ${{ secrets.GITHUB_TOKEN }}" -d '{"labels": ["contact needed"]}' https://api.github.com/repos/${{ github.repository }}/issues/${{ github.event.issue.number }}/labels diff --git a/data_tooling/.github/workflows/label-with-help-wanted.yml b/data_tooling/.github/workflows/label-with-help-wanted.yml new file mode 100644 index 0000000..342b1be --- /dev/null +++ b/data_tooling/.github/workflows/label-with-help-wanted.yml @@ -0,0 +1,14 @@ +name: Label with help wanted +on: + issue_comment: + types: created +jobs: + one: + runs-on: ubuntu-latest + if: >- + (github.event.comment.body == '#help' || + github.event.comment.body == '#help-wanted') + steps: + - run: | + echo "Labeling issue ${{ github.event.issue.number }} with 'help wanted'" + curl -H "Authorization: token ${{ secrets.GITHUB_TOKEN }}" -d '{"labels": ["help wanted"]}' https://api.github.com/repos/${{ github.repository }}/issues/${{ github.event.issue.number }}/labels diff --git a/data_tooling/.github/workflows/pii-manager.yml b/data_tooling/.github/workflows/pii-manager.yml new file mode 100644 index 0000000..da082ac --- /dev/null +++ b/data_tooling/.github/workflows/pii-manager.yml @@ -0,0 +1,38 @@ +on: + pull_request: + branches: + - master + paths: + - 'pii-manager/src/**' + - 'pii-manager/test/**' + - 'pii-manager/setup.py' + - 'pii-manager/Makefile' + - 'pii-manager/requirements.txt' + +jobs: + build: + runs-on: ubuntu-latest + strategy: + max-parallel: 4 + matrix: + python-version: [3.8] + + steps: + - name: Set up Python ${{ matrix.python-version }} + uses: actions/setup-python@v1 + with: + python-version: ${{ matrix.python-version }} + - name: Checkout main repository + uses: actions/checkout@v2 + - name: Create venv + run: | + cd pii-manager + VENV="$GITHUB_WORKSPACE/venv" make venv + - name: Install package + run: | + cd pii-manager + VENV="$GITHUB_WORKSPACE/venv" make install + - name: Test with pytest + run: | + cd pii-manager + VENV="$GITHUB_WORKSPACE/venv" make unit-verbose diff --git a/data_tooling/.github/workflows/self-assign.yaml b/data_tooling/.github/workflows/self-assign.yaml new file mode 100644 index 0000000..57f8dc4 --- /dev/null +++ b/data_tooling/.github/workflows/self-assign.yaml @@ -0,0 +1,15 @@ +name: Self-assign +on: + issue_comment: + types: created +jobs: + one: + runs-on: ubuntu-latest + if: >- + (github.event.comment.body == '#take' || + github.event.comment.body == '#self-assign') + && !github.event.issue.assignee + steps: + - run: | + echo "Assigning issue ${{ github.event.issue.number }} to ${{ github.event.comment.user.login }}" + curl -H "Authorization: token ${{ secrets.GITHUB_TOKEN }}" -d '{"assignees": ["${{ github.event.comment.user.login }}"]}' https://api.github.com/repos/${{ github.repository }}/issues/${{ github.event.issue.number }}/assignees diff --git a/data_tooling/.gitignore b/data_tooling/.gitignore new file mode 100644 index 0000000..d910675 --- /dev/null +++ b/data_tooling/.gitignore @@ -0,0 +1,150 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +pip-wheel-metadata/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +.python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# Fasttext model +lid.176.bin + +# Kenlm models +*.arpa.bin +*sp.model + +# Filtering outputs +*filtered.txt + +# DS_Store +.DS_Store +**/.DS_Store + +# Profiler +*.lprof +**/*.lprof + +# Visualization json files +**/*examples_with_stats.json diff --git a/data_tooling/.pre-commit-config.yaml b/data_tooling/.pre-commit-config.yaml new file mode 100644 index 0000000..5c195f6 --- /dev/null +++ b/data_tooling/.pre-commit-config.yaml @@ -0,0 +1,66 @@ +# To use: +# +# pre-commit run -a +# +# Or: +# +# pre-commit install # (runs every time you commit in git) +# +# To update this file: +# +# pre-commit autoupdate +# +# See https://github.com/pre-commit/pre-commit + +repos: +# Standard hooks +- repo: https://github.com/pre-commit/pre-commit-hooks + rev: v4.1.0 + hooks: + - id: check-added-large-files + - id: check-case-conflict + - id: check-docstring-first + exclude: ^pii_processing/ + - id: check-merge-conflict + - id: check-symlinks + - id: check-toml + - id: check-yaml + - id: debug-statements + exclude: ^pii_processing/ + - id: end-of-file-fixer + exclude: ^pii_processing/ + - id: mixed-line-ending + - id: requirements-txt-fixer + - id: trailing-whitespace + exclude: ^pii_processing/ + +- repo: https://github.com/asottile/pyupgrade + rev: v2.31.0 + hooks: + - id: pyupgrade + exclude: ^pii_processing/ + +#- repo: https://github.com/PyCQA/isort +# rev: 5.10.0 +# hooks: +# - id: isort + +# Black, the code formatter, natively supports pre-commit +- repo: https://github.com/psf/black + rev: 21.12b0 # Keep in sync with blacken-docs + hooks: + - id: black + exclude: ^pii_processing/ + +# Changes tabs to spaces +- repo: https://github.com/Lucas-C/pre-commit-hooks + rev: v1.1.10 + hooks: + - id: remove-tabs + exclude: ^(pii_processing|.*Makefile) + +- repo: https://github.com/shellcheck-py/shellcheck-py + rev: v0.8.0.3 + hooks: + - id: shellcheck + exclude: ^pii_processing/ diff --git a/data_tooling/LICENSE b/data_tooling/LICENSE new file mode 100644 index 0000000..261eeb9 --- /dev/null +++ b/data_tooling/LICENSE @@ -0,0 +1,201 @@ + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. diff --git a/data_tooling/Makefile b/data_tooling/Makefile new file mode 100644 index 0000000..32a26ae --- /dev/null +++ b/data_tooling/Makefile @@ -0,0 +1,8 @@ +.PHONY: init +init: + poetry install --extras "torch" + pre-commit install + +.PHONY: format +format: + pre-commit run -a diff --git a/data_tooling/README.md b/data_tooling/README.md new file mode 100644 index 0000000..e0320ea --- /dev/null +++ b/data_tooling/README.md @@ -0,0 +1,78 @@ +# Data Tooling and Governance +Tools for managing datasets for governance and training large language models. + +## Issues we aim to address +- How do we automatically curate data to create datasets that are performant and comply with BigScience ethical values? +- How do we remediate a dataset for personally identifiable information without degrading performance? +- How should we store and serve the dataset? +- How do we store and serve meta-data in datasets? +- How do we address contestation of data? +- How do we prove legal compliance in the use of datasets? +- How do we prevent dissemination of the data beyond approved uses? +- How do we keep trusted data secure? + +## Format to distribute data samples + +Current consensus is to use [`jsonl`](https://jsonlines.org/). + +## Metadata guideline + +Trying to keep things as simple as possible, the proposed metadata guideline is simply a flat format in a key/value format where values format could be constrained. The goal is not to be exhaustive on all possible metadata but to be pragmatic to align on the things that are already in the process of being recorded. + +### Metadata subjects + +For now 3 "objects of interests" are forseen in the project on which metadata could be applied: + +- data sources +- data set +- data sample (or document) + +### Key general format + +Simply text, in small cap and avoiding any punctuation (including spaces to be replaced by underline character '_' if really necessary) to ease automated parsing. + +### Value general format + +It will vary for each metadata key with an open standard to be used as reference whenever applicable. All text should be encoded in UTF-8 to cope with any language scripts. + +Some proposed value formats: + +| Type of value | Value | +|----------- |---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | +| language | ISO_639-3 => 3 letter codes with the most coverage (see for reference[wikipedia list of ISO_639-3 codes](https://en.wikipedia.org/wiki/Wikipedia:WikiProject_Languages/List_of_ISO_639-3_language_codes_(2019))) ex: afr for Afrikaans | +| | Note: IETF bcp 47 was proposed as an alternative in the data sourcing group, a list of standard values would be necessary to be practical (like the wikipedia list for ISO_639-3) +| timestamp | ISO_8601 normalized to UTC time zone ex: 2021-07-06T15:47:46+00:00 | +| URL | Full length URL including the scheme (eg http/ftp...) ex: https://en.wikipedia.org/wiki/URL | +| text | free text encoded in UTF-8 + +#### Annotation of text content + +For data sample, it is foreseen that information might be extracted from the original text content such as named entities using position reference to the original content. + +TO BE CONTINUED + +### Data source metadata format + +TO BE CONTINUED + +### Dataset metadata format + +TO BE CONTINUED + +### Data sample metadata format + +| Key | Value | +|----------------------- |---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | +| hash | unique fixed length that could be used as identifier - proposal to use murmur hash 128 bits | +| main_language | ISO_639-3 => 3 letter codes with the most coverage (see for reference[wikipedia list of ISO_639-3 codes](https://en.wikipedia.org/wiki/Wikipedia:WikiProject_Languages/List_of_ISO_639-3_language_codes_(2019))) ex: afr for Afrikaans | +| other_languages | list of ISO_639-3 codes of all languages possibly found in the sample without specific order | +| collection_timestamp | timestamp of original collection of the data (eg. for web crawl) if precisely known the default would be the timestamp of dataset creation | +| publication_timestamp | timestamp of the publication of the data (first time a web page has been online or last edit, radio/tv shows publication...) | +| original_content | free text + +TO BE CONTINUED + +ex: +```json +["89faeee174d2ddbc2b761207efbc8464", "fra", ["eng", "deu"], "2021-07-06T19:06:02Z", null, "je crois il est parti à Stuttgart ou bien à London"] +``` diff --git a/data_tooling/__init__.py b/data_tooling/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/ac_dc/README.md b/data_tooling/ac_dc/README.md new file mode 100644 index 0000000..7ec7560 --- /dev/null +++ b/data_tooling/ac_dc/README.md @@ -0,0 +1,102 @@ +## Big Science - Automated Classification & Dataset Curation - AC/DC + +This is the data filtering code for BigScience. + +See [this document](https://docs.google.com/document/d/1bx7lzAIWALH2IX5PLAiRfkHr3025dC-ZYkEmq4zB2gI/edit) for more details. + +The supported languages are defined in the file [languages_id.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/languages_id.py). + + +### Filtering + +#### 0. Understand the filtering pipeline + +Take a look at the pdf [explanation_filtering_pipeline.pdf](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/explanation_filtering_pipeline.pdf) for an explanation of the filtering pipeline. + +#### 1. Define the lists of stop words and bad words, and check how the anonymization and the normalization of texts are done + +You might want to redefine the lists of stop words and bad words for robustness or ethical reasons in the files [stopwords.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/stopwords.py) and [badwords.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/badwords.py). + +Less importantly, you can also check how the anonymization and the normalization of texts are done in the files [anonymization.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/anonymization.py) and [normalization.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/normalization.py) (if applicable, default is to use the anonymization and not to use the normalization). + +#### 2. Download everything you need + +To run the filtering code, it is necessary to download the dataset on which the filtering will take place, but also the necessary models, which are the Fasttext model for language identification (download [here](https://dl.fbaipublicfiles.com/fasttext/supervised-models/lid.176.bin)) and the Sentencepiece and KenLM models for tokenization and calculation of perplexity scores (download with the file [download_sentencepiece_kenlm_models.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/download_sentencepiece_kenlm_models.py)). + +#### 3. Choose the filtering parameters + +The filtering parameters for each language are to be specified in the file [parameters_filtering.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/parameters_filtering.py). It is strongly recommended to look at the data and use the visualization code in the directory [visualization](https://github.com/bigscience-workshop/data_tooling/tree/master/ac_dc/visualization) to choose these parameters. + +#### 4. Run the filtering + +Run the filtering with the file [main_filtering.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/main_filtering.py), specifying the dataset used and the links to the downloaded models. The different filters are coded in the file [filtering.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/filtering.py). + +#### 5. Do the deduplication + +Do the deduplication, which is detailed in the following section, with the file [deduplicate.py](https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/deduplicate.py). + + +### Deduplication + +Runnable script example at `ac_dc/examples/dedup.sh` + +#### 0. Sharding a dataset + +We want to shard a dataset into multiple shards so that each node on HPC can take a shard and each shard can be further parallelized with CPU cores. + +```bash +python ac_dc/deduplicate.py create-shards "cache/sharded" 5 --path "oscar-corpus/OSCAR-2109" --name "deduplicated_af" --split "train" +# or +python ac_dc/deduplicate.py create-shards "cache/sharded" 5 --path "oscar-corpus/OSCAR-2109" --name "deduplicated_af" --data-dir "local path to data directory" --split "train" +``` + +It loads a local dataset and segments its `train` split into 5 shards/sub-datasets under `cache/sharded`. This gives you +``` +cache/sharded +├── sharded_00000.jsonl +├── sharded_00001.jsonl +├── sharded_00002.jsonl +├── sharded_00003.jsonl +└── sharded_00004.jsonl +``` + +#### 1. Create Simhashes +```bash +# run each command on each node +python ac_dc/deduplicate.py build-hashes "cache/deduplicated_af_hashes_00001" --data-files "sharded_00000.jsonl" --data-files "sharded_00001.jsonl" --path "cache/sharded" --split "train" +python ac_dc/deduplicate.py build-hashes "cache/deduplicated_af_hashes_00002" --data-files "sharded_00002.jsonl" --data-files "sharded_00003.jsonl" --path "cache/sharded" --split "train" +python ac_dc/deduplicate.py build-hashes "cache/deduplicated_af_hashes_00003" --data-files "sharded_00004.jsonl" --path "cache/sharded" --split "train" +``` +The above commands add an addition column `hash` in the data and outputs two datasets at `cache/en_hashes_00001` and `cache/en_hashes_00002`. This is useful for large dataset and each node/worker can hash some shards of the data in parallel. + +#### 2. Create a Simhash Index +```bash +python ac_dc/deduplicate.py build-index "cache/deduplicated_af_simhash_index.ann" "cache/deduplicated_af_hashes_00001" "cache/deduplicated_af_hashes_00002" "cache/deduplicated_af_hashes_00003" --split "train" +``` +This creates the index file based on ALL the hashed datasets. This is a merge step and takes O(n) time. + +#### 3. Find Duplicates +```bash +# run each command on each node +LOG_LEVEL="INFO" python ac_dc/deduplicate.py find-duplicates "cache/deduplicated_af_hashes_00001" "cache/deduplicated_af_simhash_index.pkl" --split "train" --k 100 --threshold 3 +LOG_LEVEL="INFO" python ac_dc/deduplicate.py find-duplicates "cache/deduplicated_af_hashes_00002" "cache/deduplicated_af_simhash_index.pkl" --split "train" --k 100 --threshold 3 +LOG_LEVEL="INFO" python ac_dc/deduplicate.py find-duplicates "cache/deduplicated_af_hashes_00003" "cache/deduplicated_af_simhash_index.pkl" --split "train" --k 100 --threshold 3 +``` +This adds another column `duplicates` into the data with the index and outputs them into `cache/en_hashes_0000{1,2,3}_duplicates`. + +#### 4. Remove Duplicates +```bash +python ac_dc/deduplicate.py remove-duplicates "cache/deduplicated_af_hashes_00001_duplicates" "cache/deduplicated_af_hashes_00002_duplicates" "cache/deduplicated_af_hashes_00003_duplicates" --split "train" +``` +This removes all duplicates from the given datasets and outputs `cache/en_hashes_0000{1,2,3}_deduplicated`; Partially parallelized because thre is a step finding connected components of duplicates and it takes O(n) time. + +#### 5. Merge Shards +```bash +python ac_dc/deduplicate.py merge-shards "cache/simhash_deduplicated_af" "cache/deduplicated_af_hashes_00001_deduplicated" "cache/deduplicated_af_hashes_00002_deduplicated" "cache/deduplicated_af_hashes_00003_deduplicated" --split "train" +``` +This merges all shards back into one dataset. + + +### Merge metadata from OSCAR 21.09 to OSCAR + +Runnable script example at `ac_dc/examples/merge.sh` diff --git a/data_tooling/ac_dc/anonymization.py b/data_tooling/ac_dc/anonymization.py new file mode 100644 index 0000000..dbe478c --- /dev/null +++ b/data_tooling/ac_dc/anonymization.py @@ -0,0 +1,472 @@ +import re, regex + + +trannum = str.maketrans("0123456789", "1111111111") + +address_regex = { + "en": { + "en_US": [ + ( + re.compile( + r"P\.? ?O\.? Box \d+|\d{1,4} [\w\s]{1,20} (?:street|st|avenue|ave|road|rd|highway|hwy|square|sq|trail|trl|drive|dr|court|ct|park|parkway|pkwy|circle|cir|boulevard|blvd)\W?(?=\s|$)" + ), + None, + ) + ], + # getting an unbalanced paranthesis in en_AU + # "en_AU": [(re.compile(r"\b(?:(?!\s{2,}).)*)\b(VIC|NSW|ACT|QLD|NT|SA|TAS|WA).?\s*(\b\d{4}|\b(?:(?!\s{2,}|\$|\:|\.\d).)*\s(?:Alley|Ally|Arcade|Arc|Avenue|Ave|Boulevard|Bvd|Bypass|Bypa|Circuit|Cct|Close|Cl|Corner|Crn|Court|Ct|Crescent|Cres|Cul-de-sac|Cds|Drive|Dr|Esplanade|Esp|Green|Grn|Grove|Gr|Highway|Hwy|Junction|Jnc|Lane|Lane|Link|Link|Mews|Mews|Parade|Pde|Place|Pl|Ridge|Rdge|Road|Rd|Square|Sq|Street|St|Terrace|Tce|ALLEY|ALLY|ARCADE|ARC|AVENUE|AVE|BOULEVARD|BVD|BYPASS|BYPA|CIRCUIT|CCT|CLOSE|CL|CORNER|CRN|COURT|CT|CRESCENT|CRES|CUL-DE-SAC|CDS|DRIVE|DR|ESPLANADE|ESP|GREEN|GRN|GROVE|GR|HIGHWAY|HWY|JUNCTION|JNC|LANE|LANE|LINK|LINK|MEWS|MEWS|PARADE|PDE|PLACE|PL|RIDGE|RDGE|ROAD|RD|SQUARE|SQ|STREET|ST|TERRACE|TCE))\s.*?(?=\s{2,}"), None,)], + }, + "zh": [ + ( + regex.compile( + r"((\p{Han}{1,3}(自治区|省))?\p{Han}{1,4}((?(^\d{5}|^\d{3})?)(?\D+[縣市])(?\D+?(市區|鎮區|鎮市|[鄉鎮市區]))(?.+)" + ), + None, + ), + ], +} +age_regex = { + "en": [ + ( + re.compile( + r"\S+ years old|\S+\-years\-old|\S+ year old|\S+\-year\-old|born [ ][\d][\d]+[\\ /.][\d][\d][\\ /.][\d][\d]+|died [ ][\d][\d]+[\\ /.][\d][\d][\\ /.][\d][\d]+" + ), + None, + ) + ], + "zh": [(regex.compile(r"\d{1,3}歲|岁"), None)], +} + +# IBAN - see https://github.com/microsoft/presidio/blob/main/presidio-analyzer/presidio_analyzer/predefined_recognizers/iban_patterns.py which is under MIT + +# IBAN parts format +CC = "[A-Z]{2}" # country code +CK = "[0-9]{2}[ ]?" # checksum +BOS = "^" +EOS = "$" # end of string + +A = "[A-Z][ ]?" +A2 = "([A-Z][ ]?){2}" +A3 = "([A-Z][ ]?){3}" +A4 = "([A-Z][ ]?){4}" + +C = "[a-zA-Z0-9][ ]?" +C2 = "([a-zA-Z0-9][ ]?){2}" +C3 = "([a-zA-Z0-9][ ]?){3}" +C4 = "([a-zA-Z0-9][ ]?){4}" + +N = "[0-9][ ]?" +N2 = "([0-9][ ]?){2}" +N3 = "([0-9][ ]?){3}" +N4 = "([0-9][ ]?){4}" + +# WIP - fix the country codes and group by languages +# move this to financial record +iban_regex = { + # Albania (8n, 16c) ALkk bbbs sssx cccc cccc cccc cccc + "al_AL": "(AL)" + CK + N4 + N4 + C4 + C4 + C4 + C4, + # Andorra (8n, 12c) ADkk bbbb ssss cccc cccc cccc + "ad_AD": "(AD)" + CK + N4 + N4 + C4 + C4 + C4, + # Austria (16n) ATkk bbbb bccc cccc cccc + "en_AT": "(AT)" + CK + N4 + N4 + N4 + N4, + # Azerbaijan (4c,20n) AZkk bbbb cccc cccc cccc cccc cccc + "az_AZ": "(AZ)" + CK + C4 + N4 + N4 + N4 + N4 + N4, + # Bahrain (4a,14c) BHkk bbbb cccc cccc cccc cc + "ar_BH": "(BH)" + CK + A4 + C4 + C4 + C4 + C2, + # Belarus (4c, 4n, 16c) BYkk bbbb aaaa cccc cccc cccc cccc + "bel_BY": "(BY)" + CK + C4 + N4 + C4 + C4 + C4 + C4, + # Belgium (12n) BEkk bbbc cccc ccxx + "fr_BE": "(BE)" + CK + N4 + N4 + N4, + # Bosnia and Herzegovina (16n) BAkk bbbs sscc cccc ccxx + "bos_BA": "(BA)" + CK + N4 + N4 + N4 + N4, + # Brazil (23n,1a,1c) BRkk bbbb bbbb ssss sccc cccc ccct n + "pt_BR": "(BR)" + CK + N4 + N4 + N4 + N4 + N4 + N3 + A + C, + # Bulgaria (4a,6n,8c) BGkk bbbb ssss ttcc cccc cc + "bg_BG": "(BG)" + CK + A4 + N4 + N + N + C2 + C4 + C2, + # Costa Rica (18n) CRkk 0bbb cccc cccc cccc cc (0 = always zero) + "es_CR": "(CR)" + CK + "[0]" + N3 + N4 + N4 + N4 + N2, + # Croatia (17n) HRkk bbbb bbbc cccc cccc c + "hr_HR": "(HR)" + CK + N4 + N4 + N4 + N4 + N, + # Cyprus (8n,16c) CYkk bbbs ssss cccc cccc cccc cccc + "el_CY": "(CY)" + CK + N4 + N4 + C4 + C4 + C4 + C4, + # Czech Republic (20n) CZkk bbbb ssss sscc cccc cccc + "cz_CZ": "(CZ)" + CK + N4 + N4 + N4 + N4 + N4, + # Denmark (14n) DKkk bbbb cccc cccc cc + "dan_DK": "(DK)" + CK + N4 + N4 + N4 + N2, + # Dominican Republic (4a,20n) DOkk bbbb cccc cccc cccc cccc cccc + "es_DO": "(DO)" + CK + A4 + N4 + N4 + N4 + N4 + N4, + # EAt Timor (19n) TLkk bbbc cccc cccc cccc cxx + "tl_TL": "(TL)" + CK + N4 + N4 + N4 + N4 + N3, + # Estonia (16n) EEkk bbss cccc cccc cccx + "ee_EE": "(EE)" + CK + N4 + N4 + N4 + N4, + # Faroe Islands (14n) FOkk bbbb cccc cccc cx + "FO": "(FO)" + CK + N4 + N4 + N4 + N2, + # Finland (14n) FIkk bbbb bbcc cccc cx + "fi_FI": "(FI)" + CK + N4 + N4 + N4 + N2, + # France (10n,11c,2n) FRkk bbbb bsss sscc cccc cccc cxx + "fr_FR": "(FR)" + CK + N4 + N4 + N2 + C2 + C4 + C4 + C + N2, + # Georgia (2c,16n) GEkk bbcc cccc cccc cccc cc + "ge_GE": "(GE)" + CK + C2 + N2 + N4 + N4 + N4 + N2, + # Germany (18n) DEkk bbbb bbbb cccc cccc cc + "de_DE": "(DE)" + CK + N4 + N4 + N4 + N4 + N2, + # Gibraltar (4a,15c) GIkk bbbb cccc cccc cccc ccc + "GI": "(GI)" + CK + A4 + C4 + C4 + C4 + C3, + # Greece (7n,16c) GRkk bbbs sssc cccc cccc cccc ccc + "el_GR": "(GR)" + CK + N4 + N3 + C + C4 + C4 + C4 + C3, + # Greenland (14n) GLkk bbbb cccc cccc cc + "kl_GL": "(GL)" + CK + N4 + N4 + N4 + N2, + # Guatemala (4c,20c) GTkk bbbb mmtt cccc cccc cccc cccc + "es_GT": "(GT)" + CK + C4 + C4 + C4 + C4 + C4 + C4, + # Hungary (24n) HUkk bbbs sssx cccc cccc cccc cccx + "hu_HU": "(HU)" + CK + N4 + N4 + N4 + N4 + N4 + N4, + # Iceland (22n) ISkk bbbb sscc cccc iiii iiii ii + "is_IS": "(IS)" + CK + N4 + N4 + N4 + N4 + N4 + N2, + # Ireland (4c,14n) IEkk aaaa bbbb bbcc cccc cc + "en_IE": "(IE)" + CK + C4 + N4 + N4 + N4 + N2, + # Israel (19n) ILkk bbbn nncc cccc cccc ccc + "hb_IL": "(IL)" + CK + N4 + N4 + N4 + N4 + N3, + # Italy (1a,10n,12c) ITkk xbbb bbss sssc cccc cccc ccc + "it_IT": "(IT)" + CK + A + N3 + N4 + N3 + C + C3 + C + C4 + C3, + # Jordan (4a,22n) JOkk bbbb ssss cccc cccc cccc cccc cc + "ar_JO": "(JO)" + CK + A4 + N4 + N4 + N4 + N4 + N4 + N2, + # Kazakhstan (3n,13c) KZkk bbbc cccc cccc cccc + "kz_KZ": "(KZ)" + CK + N3 + C + C4 + C4 + C4, + # Kosovo (4n,10n,2n) XKkk bbbb cccc cccc cccc + "xk_XK": "(XK)" + CK + N4 + N4 + N4 + N4, + # Kuwait (4a,22c) KWkk bbbb cccc cccc cccc cccc cccc cc + "ar_KW": "(KW)" + CK + A4 + C4 + C4 + C4 + C4 + C4 + C2, + # Latvia (4a,13c) LVkk bbbb cccc cccc cccc c + "lv_LV": "(LV)" + CK + A4 + C4 + C4 + C4 + C, + # Lebanon (4n,20c) LBkk bbbb cccc cccc cccc cccc cccc + "lb_LB": "(LB)" + CK + N4 + C4 + C4 + C4 + C4 + C4, + # de_LiechteNtein (5n,12c) LIkk bbbb bccc cccc cccc c + "li_LI": "(LI)" + CK + N4 + N + C3 + C4 + C4 + C, + # Lithuania (16n) LTkk bbbb bccc cccc cccc + "lt_LT": "(LT)" + CK + N4 + N4 + N4 + N4, + # Luxembourg (3n,13c) LUkk bbbc cccc cccc cccc + "lu_LU": "(LU)" + CK + N3 + C + C4 + C4 + C4, + # Malta (4a,5n,18c) MTkk bbbb ssss sccc cccc cccc cccc ccc + "mt_MT": "(MT)" + CK + A4 + N4 + N + C3 + C4 + C4 + C4 + C3, + # Mauritania (23n) MRkk bbbb bsss sscc cccc cccc cxx + "mr_MR": "(MR)" + CK + N4 + N4 + N4 + N4 + N4 + N3, + # Mauritius (4a,19n,3a) MUkk bbbb bbss cccc cccc cccc 000m mm + "mu_MU": "(MU)" + CK + A4 + N4 + N4 + N4 + N4 + N3 + A, + # Moldova (2c,18c) MDkk bbcc cccc cccc cccc cccc + "md_MD": "(MD)" + CK + C4 + C4 + C4 + C4 + C4, + # Monaco (10n,11c,2n) MCkk bbbb bsss sscc cccc cccc cxx + "mc_MC": "(MC)" + CK + N4 + N4 + N2 + C2 + C4 + C4 + C + N2, + # Montenegro (18n) MEkk bbbc cccc cccc cccc xx + "me_ME": "(ME)" + CK + N4 + N4 + N4 + N4 + N2, + # Netherlands (4a,10n) NLkk bbbb cccc cccc cc + "nl_NL": "(NL)" + CK + A4 + N4 + N4 + N2, + # North Macedonia (3n,10c,2n) MKkk bbbc cccc cccc cxx + "mk_MK": "(MK)" + CK + N3 + C + C4 + C4 + C + N2, + # Norway (11n) NOkk bbbb cccc ccx + "no_NO": "(NO)" + CK + N4 + N4 + N3, + # Pakistan (4c,16n) PKkk bbbb cccc cccc cccc cccc + "pk_PK": "(PK)" + CK + C4 + N4 + N4 + N4 + N4, + # Palestinian territories (4c,21n) PSkk bbbb xxxx xxxx xccc cccc cccc c + "ps_PS": "(PS)" + CK + C4 + N4 + N4 + N4 + N4 + N, + # Poland (24n) PLkk bbbs sssx cccc cccc cccc cccc + "pl_PL": "(PL)" + CK + N4 + N4 + N4 + N4 + N4 + N4, + # Portugal (21n) PTkk bbbb ssss cccc cccc cccx x + "pt_PT": "(PT)" + CK + N4 + N4 + N4 + N4 + N, + # Qatar (4a,21c) QAkk bbbb cccc cccc cccc cccc cccc c + "ar_QA": "(QA)" + CK + A4 + C4 + C4 + C4 + C4 + C, + # Romania (4a,16c) ROkk bbbb cccc cccc cccc cccc + "ro_RO": "(RO)" + CK + A4 + C4 + C4 + C4 + C4, + # San Marino (1a,10n,12c) SMkk xbbb bbss sssc cccc cccc ccc + "sm": "(SM)" + CK + A + N3 + N4 + N3 + C + C4 + C4 + C3, + # Saudi Arabia (2n,18c) SAkk bbcc cccc cccc cccc cccc + "ar_SA": "(SA)" + CK + N2 + C2 + C4 + C4 + C4 + C4, + # Serbia (18n) RSkk bbbc cccc cccc cccc xx + "rs_RS": "(RS)" + CK + N4 + N4 + N4 + N4 + N2, + # Slovakia (20n) SKkk bbbb ssss sscc cccc cccc + "sk_SK": "(SK)" + CK + N4 + N4 + N4 + N4 + N4, + # Slovenia (15n) SIkk bbss sccc cccc cxx + "si_SI": "(SI)" + CK + N4 + N4 + N4 + N3, + # Spain (20n) ESkk bbbb ssss xxcc cccc cccc + "es_ES": "(ES)" + CK + N4 + N4 + N4 + N4 + N4, + # Sweden (20n) SEkk bbbc cccc cccc cccc cccc + "se_SE": "(SE)" + CK + N4 + N4 + N4 + N4 + N4, + # Switzerland (5n,12c) CHkk bbbb bccc cccc cccc c + "gsw_CH": "(CH)" + CK + N4 + N + C3 + C4 + C4 + C, + # Tunisia (20n) TNkk bbss sccc cccc cccc cccc + "ar_TN": "(TN)" + CK + N4 + N4 + N4 + N4 + N4, + # Turkey (5n,17c) TRkk bbbb bxcc cccc cccc cccc cc + "tr_TR": "(TR)" + CK + N4 + N + C3 + C4 + C4 + C4 + C2, + # United Arab Emirates (3n,16n) AEkk bbbc cccc cccc cccc ccc + "ar_AE": "(AE)" + CK + N4 + N4 + N4 + N4 + N3, + # United Kingdom (4a,14n) GBkk bbbb ssss sscc cccc cc + "en_GB": "(GB)" + CK + A4 + N4 + N4 + N4 + N2, + # Vatican City (3n,15n) VAkk bbbc cccc cccc cccc cc + "it_VA": "(VA)" + CK + N4 + N4 + N4 + N4 + N2, + # Virgin Islands, British (4c,16n) VGkk bbbb cccc cccc cccc cccc + "en_VG": "(VG)" + CK + C4 + N4 + N4 + N4 + N4, +} + + +# ABA routing from https://github.com/microsoft/presidio/blob/main/presidio-analyzer/presidio_analyzer/predefined_recognizers/aba_routing_recognizer.py which is licensed under the MIT License +financial_record_regex = { + "en": [ + ( + re.compile(r"\b[0123678]\d{3}-\d{4}-\d\b"), + ( + "aba", + "routing", + "abarouting", + "association", + "bankrouting", + ), + ) + ], + # for credit card, getting a "nothing to repeat at position 15" + # (re.compile(r"3[47][0-9]{13}|?:5[1-5][0-9]{2}|222[1-9]|22[3-9][0-9]|2[3-6][0-9]{2}|27[01][0-9]|2720)[0-9]{12}|\b([4]\d{3}[\s]\d{4}[\s]\d{4}[\s]\d{4}|[4]\d{3}[-]\d{4}[-]\d{4}[-]\d{4}|[4]\d{3}[.]\d{4}[.]\d{4}[.]\d{4}|[4]\d{3}\d{4}\d{4}\d{4})\b"), ("credit card", "american express", "visa", "mastercard")), +} + +email_regex = {"default": [(re.compile(r"[\w\.=-]+@[\w\.-]+\.[\w]{2,3}"), None)]} + +# see https://github.com/microsoft/presidio/blob/main/presidio-analyzer/presidio_analyzer/predefined_recognizers/au_abn_recognizer.py which is licensed under MIT +# see also https://github.com/microsoft/presidio/blob/main/presidio-analyzer/presidio_analyzer/predefined_recognizers/us_passport_recognizer.py +# see also https://github.com/microsoft/presidio/blob/main/presidio-analyzer/presidio_analyzer/predefined_recognizers/medical_license_recognizer.py +# see also https://github.com/microsoft/presidio/blob/main/presidio-analyzer/presidio_analyzer/predefined_recognizers/es_nif_recognizer.py + +govt_id_regex = { + "en": { + "en_US": [ + ( + re.compile( + r"(?!000|666|333)0*(?:[0-6][0-9][0-9]|[0-7][0-6][0-9]|[0-7][0-7][0-2])[- ](?!00)[0-9]{2}[- ](?!0000)[0-9]{4}" + ), + None, + ), + ( + re.compile(r"(\b[0-9]{9}\b)"), + ( + "us", + "united", + "states", + "passport", + "passport#", + "travel", + "document", + ), + ), + ( + re.compile(r"[a-zA-Z]{2}\d{7}|[a-zA-Z]{1}9\d{7}"), + ("medical", "certificate", "DEA"), + ), + ], + "en_CA": [(re.compile(r"\d{3}\s\d{3}\s\d{3}"), None)], + "en_GB": [ + ( + re.compile( + r"\w{2}\s?\d{2}\s?\d{2}\s?\w|GB\s?\d{6}\s?\w|GB\d{3}\s\d{3}\s\d{2}\s\d{3}|GBGD\d{3}|GBHA\d{3}}|GB\d{3} \d{4} \d{2}(?: \d{3})?|GB(?:GD|HA)\d{3}" + ), + None, + ) + ], + "en_IE": [(re.compile(r"IE\d[1-9]\d{5}\d[1-9]|IE\d{7}[1-9][1-9]?"), None)], + "en_IN": [(re.compile(r"[1-9]\d{10}"), None)], + "en_PH": [ + ( + re.compile( + r"\d{2}-\d{7}-\d|\d{11}|\d{2}-\d{9}-\d|\d{4}-\d{4}-\d{4}|\d{4}-\d{7}-\d" + ), + None, + ) + ], + "en_AU": [ + ( + re.compile(r"\b\d{2}\s\d{3}\s\d{3}\s\d{3}\b|\b\d{11}\b"), + ("australian business number", "abn"), + ) + ], + }, + "id": { + "id_ID": [ + ( + re.compile( + r"\d{6}([04][1-9]|[1256][0-9]|[37][01])(0[1-9]|1[0-2])\d{6}" + ), + None, + ) + ] + }, + "es": { + "es_ES": [ + (re.compile(r"(?:ES)?\d{6-8}-?[A-Z]"), None), + ( + re.compile(r"\b[0-9]?[0-9]{7}[-]?[A-Z]\b"), + ("documento nacional de identidad", "DNI", "NIF", "identificación"), + ), + ], + "es_CO": [ + (re.compile(r"[1-9]\d?\d{6}|8\d{8}|9\d{8}|10\d{8}|11\d{8}|12\d{8}|"), None) + ], + }, + "pt": { + "pt_BR": [(re.compile(r"\d{3}\.d{3}\.d{3}-\d{2}|\d{11}"), None)], + "pt_PT": [(re.compile(r"PT\d{9}"), None)], + }, + "zh": [ + ( + regex.compile( + r"(?:[16][1-5]|2[1-3]|3[1-7]|4[1-6]|5[0-4])\d{4}(?:19|20)\d{2}(?:(?:0[469]|11)(?:0[1-9]|[12][0-9]|30)|(?:0[13578]|1[02])(?:0[1-9]|[12][0-9]|3[01])|02(?:0[1-9]|[12][0-9]))\d{3}[\dXx]" + ), + None, + ), + ( + regex.compile( + r"(^[EeKkGgDdSsPpHh]\d{8}$)|(^(([Ee][a-fA-F])|([DdSsPp][Ee])|([Kk][Jj])|([Mm][Aa])|(1[45]))\d{7}$)" + ), + None, + ), + ( + regex.compile( + r"((\d{4}(| )\d{4}(| )\d{4}$)|([a-zA-Z][1-2]{1}[0-9]{8})|([0-3]{1}\d{8}))" + ), + None, + ), + ], + "default": [(re.compile(r"\d{8}|\d{9}|\d{10}|\d{11}"), None)], +} + +# should we move license plate to govt_id? +# ("LICENSE_PLATE", regex.compile('^(?:[京津沪渝冀豫云辽黑湘皖鲁新苏浙赣鄂桂甘晋蒙陕吉闽贵粤青藏川宁琼使领 A-Z]{1}[A-HJ-NP-Z]{1}(?:(?:[0-9]{5}[DF])|(?:[DF](?:[A-HJ-NP-Z0-9])[0-9]{4})))|(?:[京津沪渝冀豫云辽黑湘皖鲁新苏浙赣鄂桂甘晋蒙陕吉闽贵粤青藏川宁琼使领 A-Z]{1}[A-Z]{1}[A-HJ-NP-Z0-9]{4}[A-HJ-NP-Z0-9 挂学警港澳]{1})$'), None, None, None), +# ("LICENSE_PLATE", regex.compile('\b[A-Z]{3}-\d{4}\b'), None, None, None), + + +# too broad - might need a context word +IP_regex = { + "default": [ + (re.compile(r"\d{1,3}[.]\d{1,3}[.]\d{1,3}[.]\d{1,3}"), ("address", "ip")) + ], +} +NORP_regex = { + "en": [(re.compile(r"upper class|middle class|working class|lower class"), None)], +} + +# I think this is too broad. I put a context word around it. +password_regex = { + "en": [(re.compile(r"password: [\d][\d][\d][\d][\d]+"), ("password",))], +} + +# We will want a context word around it to make it more specific. might be too broad. +phone_regex = { + "en": [ + ( + re.compile( + r"[\d]?[\d]?[ -\\/.]?[ -\\/.]?[\d][\d][\d][ -\\/.]?[ -\\/.]?[\d][\d][\d][ -\\/.]?[\d][\d][\d][\d]" + ), + ("ph", "phone", "fax"), + ) + ], + "zh": [ + ( + regex.compile( + r"(0?\d{2,4}-[1-9]\d{6,7})|({\+86|086}-| ?1[3-9]\d{9} , ([\+0]?86)?[\-\s]?1[3-9]\d{9})" + ), + None, + ), + ( + regex.compile( + r"((\d{4}(| )\d{4}(| )\d{4}$)|([a-zA-Z][1-2]{1}[0-9]{8})|([0-3]{1}\d{8}))((02|03|037|04|049|05|06|07|08|089|082|0826|0836|886 2|886 3|886 37|886 4|886 49|886 5|886 6|886 7|886 8|886 89|886 82|886 826|886 836|886 9|886-2|886-3|886-37|886-4|886-49|886-5|886-6|886-7|886-8|886-89|886-82|886-826|886-836)(| |-)\d{4}(| |-)\d{4}$)|((09|886 9|886-9)(| |-)\d{2}(|-)\d{2}(|-)\d{1}(|-)\d{3})" + ), + None, + ), + ], +} + +# Does this correspond to CA id? +SIN_regex = {"defualt": re.compile(r"[\d][\d]+[ -.][\d][\d]+[ -.][\d][\d][\d]")} + +# will this only match https, what about http? +domain_name_regex = { + "default": [ + ( + re.compile( + r"[https:\/]*[w]?[w]?[w]?[.]?[\da-zA-Z\-]+[.][a-z]+[\/\.a-zA-Z\-\d\?=&]*" + ), + None, + ) + ], +} + + +tag_2_regex = [ + ("DOMAIN_NAME", (domain_name_regex, False)), + ("PHONE", (phone_regex, True)), + ("PASSWORD", (password_regex, True)), + ("NORP", (NORP_regex, False)), + ("AGE", (age_regex, False)), + ("ADDRESS", (address_regex, True)), + ("EMAIL", (email_regex, True)), + ("IP_ADDRESS", (IP_regex, True)), + ("GOVT_ID", (govt_id_regex, True)), + ("FIN_ID", (financial_record_regex, True)), +] + + +# Code below needs to be updated/completed. + + +def apply_regex_anonymization( + sentence: str, lang_id: str, context_window: int = 20 +) -> str: + ner = {} + lang_id = regex_lang_id.split("_")[0] + if lang_id in ("zh", "ko", "ja"): + sentence_set = set(sentence.lower()) + else: + sentence_set = set(sentence.lower().split(" ")) + for tag, regex_group_and_anonymize_condition in tag_2_regex: + regex_group, anonymize_condition = regex_group_and_anonymize_condition + for regex_dict in regex_group.get(lang_id, regex_group.get("default", [])): + if isinstance(regex_dict, dict): + regex_list = regex_dict.get(regex_lang_id, []) + else: + regex_list = regex_dict + match = False + for regex, context in regex_list: + found_context = False + if context: + for c in context: + if c in sentence_set: + found_context = True + break + if not found_context: + continue + for ent in regex.findall(sentence): + if not isinstance(ent, str): + continue + if found_context: + i = sentence.index(ent) + j = i + len(ent) + len_sentence = len(sentence) + left = sentence[max(0, i - context_window) : i].lower() + right = sentence[ + j : min(len_sentence, j + context_window) + ].lower() + found_context = False + for c in context: + if c in left or c in right: + found_context = True + break + if not found_context: + continue + if anonymize_condition: + sentence = sentence.replace(ent, f" <{tag}> ") + ner[f"<{tag}>"] = tag + else: + ner[ent.strip()] = tag + match = True + if match: + break + return sentence, ner diff --git a/data_tooling/ac_dc/badwords.py b/data_tooling/ac_dc/badwords.py new file mode 100644 index 0000000..64f1c20 --- /dev/null +++ b/data_tooling/ac_dc/badwords.py @@ -0,0 +1,2682 @@ +# Merge +# https://github.com/zacanger/profane-words +# and +# https://github.com/thisandagain/washyourmouthoutwithsoap/blob/develop/data/build.json +# and +# https://github.com/LDNOOBW/List-of-Dirty-Naughty-Obscene-and-Otherwise-Bad-Words + + +english_badwords = [ + "abuse", + "anal", + "anilingus", + "anus", + "aroused", + "arse", + "arsehole", + "ass", + "asses", + "assfuck", + "asshat", + "asshole", + "assholes", + "autoerotic", + "bangbros", + "banging", + "bareback", + "bastard", + "bastards", + "bazongas", + "bbw", + "bdsm", + "biatch", + "bicurious", + "bigass", + "bigtits", + "bimbo", + "bimbos", + "bitch", + "bitches", + "bitching", + "blowjob", + "blowjobs", + "boche", + "boner", + "boners", + "boob", + "boobies", + "boobs", + "booty", + "brothel", + "buceta", + "bugger", + "buggered", + "buggery", + "bukkake", + "bule", + "buttcheeks", + "buttfuck", + "butthead", + "butthole", + "buttplug", + "cameltoe", + "camgirl", + "camwhore", + "chink", + "chinks", + "cialis", + "clit", + "clitoris", + "clits", + "clitty", + "clusterfuck", + "cock", + "cock-head", + "cockblock", + "cockfight", + "cockhead", + "cocks", + "cocksman", + "cocksucker", + "cocksucking", + "coital", + "coitus", + "coochie", + "cooly", + "coon", + "coons", + "copulate", + "cowgirl", + "crabs", + "creampie", + "cum", + "cumming", + "cums", + "cumshot", + "cumshots", + "cumslut", + "cunnilingus", + "cunny", + "cunt", + "cunts", + "cybersex", + "darkey", + "darkie", + "darkies", + "darky", + "deepthroat", + "deepthroating", + "dick", + "dickhole", + "dicks", + "dildo", + "dildos", + "dogging", + "doggy-style", + "doggystyle", + "dominatrix", + "dommes", + "dong", + "dp", + "dupa", + "dyke", + "dykes", + "ecchi", + "ejaculate", + "ejaculated", + "ejaculates", + "ejaculating", + "ejaculation", + "ejaculations", + "enema", + "erect", + "erection", + "ero", + "erotic", + "erotism", + "escort", + "fag", + "fagging", + "faggot", + "fagot", + "fagots", + "fags", + "felch", + "fellate", + "fellatio", + "femdom", + "fetish", + "figging", + "fingerbang", + "fingering", + "fisted", + "fister", + "fisting", + "floozy", + "fondle", + "footfetish", + "footjob", + "foreskin", + "fornicate", + "foursome", + "fuck", + "fuckable", + "fuckbook", + "fuckboy", + "fuckbuddy", + "fucked", + "fucker", + "fuckers", + "fuckfest", + "fuckhole", + "fuckin", + "fucking", + "fucks", + "fuk", + "fukin", + "fuking", + "g-spot", + "gangbang", + "gangbanged", + "gangbanger", + "gangbangs", + "genital", + "genitals", + "gigolo", + "glans", + "gonad", + "gonads", + "gook", + "gringo", + "gringos", + "grope", + "gspot", + "guido", + "handjob", + "haole", + "hapa", + "hardcore", + "hardon", + "harem", + "hentai", + "hindoo", + "hoe", + "hoes", + "honky", + "hooker", + "hookers", + "hooter", + "hooters", + "hori", + "horndog", + "horney", + "horniest", + "horny", + "humped", + "humper", + "humping", + "hussy", + "hymen", + "ikey", + "incest", + "injun", + "intercourse", + "interracial", + "jack-off", + "jackoff", + "jailbait", + "jerk-off", + "jerkoff", + "jiggy", + "jism", + "jizz", + "jizzed", + "kaffir", + "kafir", + "kike", + "kikes", + "kinkster", + "kinky", + "kkk", + "klan", + "kraut", + "labia", + "lapdance", + "libido", + "licker", + "licking", + "limey", + "lingerie", + "livesex", + "lolita", + "lovemaking", + "lust", + "lusting", + "masochist", + "masterbate", + "masterbating", + "masterbation", + "masturbate", + "masturbating", + "masturbation", + "milf", + "minge", + "missionary", + "molest", + "molestation", + "molester", + "munging", + "muschi", + "nads", + "naked", + "necked", + "necro", + "negress", + "negro", + "negroes", + "negroid", + "negros", + "nig", + "nigar", + "nigga", + "niggas", + "niggaz", + "nigger", + "niggers", + "nigra", + "nipple", + "nipples", + "nookie", + "nooky", + "nooner", + "nude", + "nudie", + "nudity", + "nymph", + "nympho", + "nymphomania", + "orgasim", + "orgasm", + "orgasms", + "orgies", + "orgy", + "orifice", + "p0rn", + "paedophile", + "pantie", + "panties", + "panty", + "pastie", + "pecker", + "pedo", + "pedophile", + "pedophilia", + "pedophiliac", + "peeper", + "peepshow", + "pegging", + "penetrate", + "penetration", + "penile", + "penis", + "penises", + "penus", + "perv", + "phallic", + "phonesex", + "pickaninnies", + "pimp", + "playboy", + "playgirl", + "poontang", + "porn", + "porno", + "pornography", + "pornos", + "pr0n", + "premature", + "preteen", + "pron", + "prostitute", + "pube", + "pubes", + "pubic", + "pubis", + "punani", + "pussies", + "pussy", + "pussys", + "pusy", + "puta", + "puto", + "queef", + "quickie", + "quicky", + "quim", + "randy", + "rape", + "raped", + "raper", + "raping", + "rapist", + "rectum", + "redneck", + "rednecks", + "redskin", + "redskins", + "rimjob", + "rimming", + "russki", + "s&m", + "sadism", + "sadist", + "sambo", + "santorum", + "schlong", + "scissoring", + "semen", + "sex", + "sexed", + "sexi", + "sexing", + "sexo", + "sexpot", + "sextoy", + "sexual", + "sexually", + "sexx", + "sexxx", + "sexxxy", + "sexxy", + "sexy", + "sh!t", + "sh1t", + "shagging", + "shemale", + "sissy", + "skank", + "skanks", + "slapper", + "slut", + "sluts", + "slutting", + "slutty", + "smut", + "smutty", + "sodomise", + "sodomite", + "sodomize", + "sodomy", + "spank", + "sperm", + "spic", + "spick", + "splooge", + "spooge", + "squaw", + "squirting", + "steamy", + "stiffy", + "strapon", + "suck", + "sucked", + "sucker", + "sucking", + "sucks", + "swallow", + "swallower", + "swinger", + "teabagging", + "testical", + "testicle", + "testicles", + "testis", + "threesome", + "threeway", + "titfuck", + "titjob", + "tits", + "tittie", + "titties", + "titty", + "tittyfuck", + "tity", + "toots", + "topless", + "trannie", + "tranny", + "tribadism", + "twat", + "twats", + "undies", + "undressing", + "upskirt", + "vag", + "vagina", + "vaginal", + "viagra", + "vibrator", + "virgin", + "vixen", + "voyeur", + "vulva", + "wank", + "wanker", + "wanking", + "wazoo", + "wedgie", + "wench", + "wetback", + "whore", + "whored", + "whorehouse", + "whores", + "whoring", + "wigger", + "willie", + "willies", + "willy", + "wog", + "wop", + "x-rated", + "xxx", + "xxxxxx", + "yaoi", + "yid", + "zoophile", + "zoophilia", +] + +badwords = { + "ar": english_badwords + + [ + "احتلام", + "اغتصاب", + "بز", + "بزاز", + "بظر", + "بيضان", + "تمص", + "ثدي", + "جماع", + "حلمة", + "خنثي", + "خول", + "زب", + "سحاق", + "سحاقية", + "سكس", + "شاذ", + "شرج", + "شرموطة", + "شهوة", + "طيز", + "عاهرة", + "عرص", + "فرج", + "قحبة", + "قضيب", + "كس", + "لبوة", + "لحس", + "لعق", + "لواط", + "لوطي", + "مبادل", + "متناك", + "متناكة", + "مص", + "مفلقسة", + "نيك", + ], + "ca": english_badwords + + [ + "avortament", + "anal", + "anus", + "cul", + "ass-fucker", + "asss", + "asshole", + "assholes", + "bolera", + "boles", + "bastardo", + "bellend", + "bestial", + "bestialitat", + "puta", + "femelles", + "picant", + "sagnant", + "mamada", + "bollok", + "boob", + "pits", + "buceta", + "bum", + "culata", + "catifa muncher", + "picar", + "cipa", + "clitoris", + "polla", + "galletejador", + "gallines", + "coon", + "merda", + "cum", + "correguda", + "cunillingus", + "boig", + "maleït", + "consolador", + "consoladors", + "dink", + "canalla", + "duche", + "dique", + "ejaculació", + "ejaculat", + "ejacula", + "ejaculant", + "fag", + "fagging", + "fagot", + "fagots", + "fanny", + "felching", + "fel.lació", + "brida", + "follar", + "follat", + "escuradents", + "follant", + "folles", + "fucks", + "empacadora de llaminadures", + "déu maldit", + "deu meu", + "infern", + "hore", + "córrer", + "retrocés", + "kock", + "llavis", + "lujuria", + "lució", + "masoquista", + "masturbarse", + "puta mare", + "nazi", + "nigger", + "negres", + "orgasim", + "orgasme", + "orgasmes", + "pecker", + "penis", + "piss", + "mossegat", + "pisser", + "pisses", + "pissing", + "treure de polleguera", + "caca", + "porno", + "pornografia", + "picades", + "pube", + "coques", + "gatet", + "violació", + "violador", + "recte", + "retard", + "rimming", + "sàdic", + "cargolar", + "escrot", + "semen", + "sexe", + "shag", + "borratxos", + "transsexual", + "mossegar", + "shitted", + "skank", + "smegma", + "smut", + "arrebat", + "fill de puta", + "spac", + "spunk", + "testicle", + "tit", + "tetas", + "titt", + "turd", + "vagina", + "viagra", + "vulva", + "wang", + "wank", + "x classificat", + "xxx", + ], + "en": english_badwords, + "es": english_badwords + + [ + "Asesinato", + "Bollera", + "Cabrón", + "Caca", + "Chupada", + "Chupapollas", + "Chupetón", + "Concha de tu madre", + "Coprofagía", + "Coño", + "Culo", + "Drogas", + "Esperma", + "Fiesta de salchichas", + "Follador", + "Follar", + "Gilipichis", + "Gilipollas", + "Hacer una paja", + "Haciendo el amor", + "Heroína", + "Hija de puta", + "Hijaputa", + "Hijo de puta", + "Hijoputa", + "Idiota", + "Imbécil", + "Jilipollas", + "Kapullo", + "Lameculos", + "Maciza", + "Macizorra", + "Mamada", + "Marica", + "Mariconazo", + "Maricón", + "Mierda", + "Nazi", + "Orina", + "Pedo", + "Pendejo", + "Pervertido", + "Pezón", + "Pinche", + "Pis", + "Prostituta", + "Puta", + "Racista", + "Ramera", + "Semen", + "Sexo", + "Sexo oral", + "Soplagaitas", + "Soplapollas", + "Sádico", + "Tetas grandes", + "Travesti", + "Trio", + "Tía buena", + "Verga", + "Vulva", + "aborto", + "agallas", + "anal", + "ano", + "arrebatar", + "asno", + "atornillar", + "bastardo", + "bestial", + "bestialidad", + "bolas", + "bollok", + "bolsa de pelota", + "brida", + "buceta", + "cabron", + "cagadas", + "cagado", + "cagando", + "campana", + "carajo", + "chupar la polla", + "cipa", + "clítoris", + "concha", + "consolador", + "consoladores", + "corrida", + "coño", + "coños", + "culo", + "culos", + "cunillingus", + "córneo", + "de mierda", + "dique", + "duche", + "enojado", + "escroto", + "espacio", + "estúpido", + "extremo", + "eyacula", + "eyaculación", + "eyaculado", + "eyacular", + "fagging", + "felación", + "felching", + "folla", + "follada", + "follador de culo", + "folladores", + "follar", + "fudge packer", + "gallos", + "grieta", + "hacerse una paja", + "hijo de puta", + "hore", + "infierno", + "kock", + "labios vaginales", + "los pechos", + "lujuria", + "madre folladora", + "maldita sea", + "maldito", + "maldito sea", + "mamada", + "mapache", + "maricones", + "maricón", + "martillo", + "masoquista", + "masturbarse", + "mear", + "mierda", + "molesto", + "muncher alfombra", + "nazi", + "negro", + "niggers", + "orgasimo", + "orgasmo", + "orgasmos", + "orinando", + "pelusa", + "pene", + "perra", + "perras", + "perro follador", + "pinchazo", + "pinchazos", + "pisser", + "polla", + "porno", + "pornografía", + "pube", + "puta", + "putas", + "pájaro carpintero", + "quejas", + "recto", + "retardar", + "rimming", + "sangriento", + "semen", + "sexo", + "skank", + "smegma", + "sádico", + "testículo", + "teta", + "tetas", + "tirón", + "tizón", + "tonto", + "transexual", + "vagina", + "vete a la mierda", + "viagra", + "violación", + "violador", + "vulva", + "wang", + "x clasificado", + "xxx", + "zurullo", + ], + "eu": english_badwords + + [ + "abortu", + "anal", + "ipurdi", + "kabroi", + "puta", + "clitoris", + "cunillingus", + "madarikatu", + "zakil", + "hazia isuri", + "arraio", + "izorratu", + "infernu", + "emagaldu", + "lizunkeri", + "lizun", + "masokista", + "masturbatu", + "nazi", + "beltz", + "orgasmo", + "pixa", + "porno", + "pornografia", + "alu", + "bortxaketa", + "bortxatzaile", + "sadista", + "ipurzulo", + "hazi", + "semen", + "sexu", + "kaka", + "putaseme", + "barrabil", + "titi", + "bagina", + "viagra", + ], + "fr": english_badwords + + [ + "MALPT", + "anal", + "anus", + "arracher", + "avortement", + "baise", + "baiser", + "baiseur de chien", + "baiseurs", + "baisée", + "bander", + "bellend", + "bestial", + "bestialité", + "bigornette", + "bite", + "bitte", + "bloblos", + "bollok", + "boob", + "bordel", + "bourré", + "bourrée", + "bout", + "brackmard", + "branlage", + "branler", + "branlette", + "branleur", + "branleuse", + "bride", + "brouter le cresson", + "buceta", + "caca", + "chatte", + "chattes", + "chiasse", + "chienne", + "chiennes", + "chier", + "chiottes", + "chié", + "cipa", + "clito", + "clitoris", + "clochard", + "cochonneries", + "con", + "connard", + "connards", + "connasse", + "conne", + "convoitise", + "coq", + "coqs", + "corné", + "couilles", + "cramouille", + "cran", + "cul", + "culs", + "cunillingus", + "damné", + "des balles", + "digue", + "duché", + "déconne", + "déconner", + "emballeur de fudge", + "emmerdant", + "emmerder", + "emmerdeur", + "emmerdeuse", + "enculer", + "enculeur", + "enculeurs", + "enculé", + "enculée", + "enfer", + "enfoiré", + "enfoirée", + "espacer", + "fagging", + "fagot", + "fagots", + "faire chier", + "fellation", + "fente", + "fille de pute", + "fils de pute", + "folle", + "foutre", + "fuckings", + "gerbe", + "gerber", + "godemiché", + "godes", + "gouine", + "grande folle", + "grogniasse", + "gueule", + "hore", + "jouir", + "kock", + "la putain de ta mère", + "les lèvres", + "les seins", + "luxure", + "masochiste", + "masturber", + "merde", + "merdeuse", + "merdeux", + "merdique", + "meuf", + "mère enculée", + "ménage à trois", + "mésange", + "nazi", + "negro", + "nique ta mère", + "nique ta race", + "nègre", + "nègres", + "orgasim", + "orgasme", + "orgasmes", + "palucher", + "penchant", + "pipe", + "pipi", + "piquer", + "piqûres", + "pisse", + "pisser", + "porno", + "pornographie", + "pouffiasse", + "pousse-crotte", + "pube", + "putain", + "putain de", + "pute", + "pédale", + "pédé", + "pénis", + "péter", + "queue", + "quéquette", + "ramoner", + "rectum", + "retard", + "rimming", + "râpé", + "sac de billes", + "sac à foutre", + "sac à merde", + "sadique", + "salaud", + "salope", + "salopes", + "sanglant", + "scrotum", + "se branler", + "seins", + "sexe", + "skank", + "smegma", + "sperme", + "suce", + "suceuse", + "tanche", + "tapette", + "tapis muncher", + "testicule", + "teuch", + "titt", + "transexuelle", + "tremper", + "tringler", + "trique", + "troncher", + "trou du cul", + "turlute", + "vagin", + "viagra", + "violeur", + "vulve", + "wang", + "x évalué", + "xxx", + "zigounette", + "zizi", + "zut", + "éjaculant", + "éjaculation", + "éjacule", + "éjaculer", + "éjaculé", + "étron", + ], + "hi": english_badwords + + [ + "aand", + "aandu", + "balatkar", + "balatkari", + "behen chod", + "beti chod", + "bhadva", + "bhadve", + "bhandve", + "bhangi", + "bhootni ke", + "bhosad", + "bhosadi ke", + "bitching", + "blowjob", + "bollok", + "boobe", + "buceta", + "chakke", + "chinaal", + "chinki", + "chod", + "chodu", + "chodu bhagat", + "chooche", + "choochi", + "choope", + "choot", + "choot ke baal", + "chootia", + "chootiya", + "chuche", + "chuchi", + "chudaap", + "chudai khanaa", + "chudam chudai", + "chude", + "chut", + "chut ka chuha", + "chut ka churan", + "chut ka mail", + "chut ke baal", + "chut ke dhakkan", + "chut maarli", + "chutad", + "chutadd", + "chutan", + "chutia", + "chutiya", + "cipa", + "cunillingus", + "dink", + "duche", + "ejaculated", + "ejaculates", + "ejaculating", + "fagging", + "fagots", + "felching", + "fuckers", + "fuckings", + "fucks", + "gaand", + "gaandfat", + "gaandmasti", + "gaandufad", + "gandfattu", + "gandu", + "gashti", + "gasti", + "ghassa", + "ghasti", + "gucchi", + "gucchu", + "harami", + "haramzade", + "hawas", + "hawas ke pujari", + "hijda", + "hijra", + "jhant", + "jhant chaatu", + "jhant ka keeda", + "jhant ke baal", + "jhant ke pissu", + "jhantu", + "kamine", + "kaminey", + "kanjar", + "kutta", + "kutta kamina", + "kutte ki aulad", + "kutte ki jat", + "kuttiya", + "loda", + "lodu", + "lund", + "lund choos", + "lund ka bakkal", + "lund khajoor", + "lundtopi", + "lundure", + "lusting", + "maa ki chut", + "maal", + "madar chod", + "madarchod", + "madhavchod", + "masochist", + "mooh mein le", + "mutth", + "mutthal", + "najayaz", + "najayaz aulaad", + "najayaz paidaish", + "orgasim", + "paki", + "pataka", + "patakha", + "pisser", + "pisses", + "pissing", + "pube", + "pussies", + "raand", + "randaap", + "randi", + "randi rona", + "rimming", + "saala", + "saala kutta", + "saali kutti", + "saali randi", + "shagging", + "shite", + "shitted", + "shitting", + "shitty", + "skank", + "sluts", + "spac", + "suar", + "suar ke lund", + "suar ki aulad", + "tatte", + "tatti", + "teri maa ka bhosada", + "teri maa ka boba chusu", + "teri maa ki behenchod ", + "teri maa ki chut", + "tharak", + "tharki", + "titt", + "tu chuda", + "turd", + "wank", + "xxx", + "अंडकोश की थैली", + "अंडा", + "अरे नहीं", + "अश्लील", + "उल्लू", + "एक्स रेटेड", + "ओगाज़्म", + "कमबख्त", + "काम करना", + "कामोद्दीपक चित्र", + "कालीन का चूरा", + "किन्नर", + "कुतिया", + "कुत्ते-कमीने", + "कून", + "कॉक", + "गड़बड़", + "गधा कमीने", + "गधे", + "गर्भपात", + "गुदा", + "गेंद का थैला", + "गेंदों", + "गोली चलाने की आवाज़", + "घटिया इंसान", + "चाकलेट का रंग", + "चिंक", + "चुभन", + "चूची", + "चूतड़", + "चोंच", + "छीनना", + "जी में आये करो", + "झटका बंद", + "ठगना पैकर", + "डिल्डो", + "दुष्ट", + "दूर जाने का अभद्र संकेत देना", + "धत् तेरे की", + "नरक", + "नाजी", + "निकला हुआ किनारा", + "नितंब", + "पंगा लेना", + "पिछाड़ी", + "पीड़न कामुक", + "पेशाब", + "पॉर्न", + "फटना", + "फूहड़", + "बकवास", + "बट", + "बलात्कार", + "बहुत मदहोश", + "बांध", + "बिल्ली", + "बेल अंत", + "बेवकूफों", + "बोल पड़ना", + "भगवान-शापित", + "भगशेफ", + "मल", + "मलाशय", + "माँ कमीने", + "मुखमैथुन", + "मुर्गा", + "मुर्गा के", + "मुर्गा चूसने वाला", + "मूर्ख", + "मैल", + "योनि", + "योनी", + "यौन-संबंध", + "रक्तरंजित", + "लानत है", + "लिंग", + "लुटेरा", + "लेबिया", + "वहशी", + "वहशीता", + "वियाग्रा", + "वीर्य", + "वेश्या", + "वैंग", + "वो साले", + "शिफ़्ट को", + "शिश्नमल", + "संभोग सुख", + "सह", + "सह शॉट", + "साहस", + "सिगरेट", + "सींग का बना हुआ", + "स्तन", + "स्तनों", + "हवस", + "हस्तमैथुन", + "होमोसेक्सुअल", + "होर", + ], + "id": english_badwords + + [ + "abortus", + "anal", + "dubur", + "pantat", + "bajingan", + "keledai", + "keparat", + "tas bola", + "bola", + "bellend", + "kejam", + "kebinatangan", + "menggerutu", + "pelacur", + "berdarah", + "blowjob", + "bollok", + "dada", + "payudara", + "buceta", + "gelandangan", + "pengunyah karpet", + "celah", + "cipa", + "kelentit", + "kokang", + "pengisap ayam", + "ayam", + "coon", + "sampah", + "air mani", + "cumshot", + "cunillingus", + "vagina", + "mengutuk", + "kontol", + "dildo", + "dink", + "anjing-keparat", + "duche", + "tanggul", + "berejakulasi", + "ejakulasi", + "homo", + "fagging", + "kayu bakar", + "penggemar", + "felching", + "fellatio", + "flens", + "brengsek", + "kacau", + "sialan", + "persetan", + "pengepakan fudge", + "terkutuk", + "ya tuhan", + "neraka", + "hore", + "terangsang", + "kock", + "labia", + "nafsu", + "bernafsu", + "masokis", + "masturbasi", + "keparat ibu", + "nazi", + "orang negro", + "negro", + "orgasim", + "orgasme", + "cotok", + "penis", + "kencing", + "kesal", + "pisser", + "bikin", + "buritan", + "porno", + "pornografi", + "tusukan", + "menusuk", + "pube", + "pussies", + "memperkosa", + "pemerkosa", + "memperlambat", + "rimming", + "sadis", + "meniduri", + "skrotum", + "seks", + "bercinta", + "waria", + "kotoran", + "shite", + "kengerian", + "dikirim", + "buang hajat", + "menyebalkan", + "smegma", + "jelaga", + "merebut", + "dasar bajingan", + "ruang", + "keberanian", + "buah pelir", + "titt", + "viagra", + "vulva", + "wang", + "terima kasih", + "x diberi peringkat", + "xxx", + ], + "kn": english_badwords + + [ + "ಗರ್ಭಪಾತ", + "ಗುದ", + "ಗುದದ್ವಾರ", + "ಕತ್ತೆ", + "ಆಶ್-ಫಕರ್", + "ಅಸ್ಹೋಲ್", + "ಅಸೋಲೆಸ್", + "ಬಾಲ್ಬಾಗ್", + "ಚೆಂಡುಗಳು", + "ಬಾಸ್ಟರ್ಡ್", + "ಬೆಲೆಂಡ್", + "ಮೃದ್ವಂಗಿ", + "ಪ್ರಾಣಿಜನ್ಯತೆ", + "ಬಿಚ್", + "ಬಿಟ್ಚಿಸ್", + "ಬೆಚಿಂಗ್", + "ರಕ್ತಸಿಕ್ತ", + "ಬ್ಲೋಜಾಬ್", + "ಬೊಲ್ಲೊಕ್", + "ಕುರುಚಲು ಗಿಡ", + "ಬೂಬಿಗಳು", + "ಸ್ತನಗಳನ್ನು", + "ಬುಕೆಟಾ", + "ತಿಕ", + "ಬಟ್", + "ಕಾರ್ಪೆಟ್ ಮಂಚರ್", + "ಚಿಂಕ್", + "ಸಿಪಾ", + "ಚಂದ್ರನಾಡಿ", + "ಕೋಳಿ", + "ಕೋಳಿ ಸಕ್ಕರ್", + "ಕಾಕ್ಸ್", + "ಕೂನ್", + "ಅಮೇಧ್ಯ", + "ಕಮ್", + "ಕಮ್ಶಾಟ್", + "ಕುನಿಲ್ಲಸ್", + "ಕಂಟ್", + "ಡ್ಯಾಮ್", + "ಡಿಕ್", + "ದ್ವಿಧ್ರುವಿ", + "dildos", + "ಡಿಂಕ್", + "ನಾಯಿ-ಫಕರ್", + "ಡಚೆ", + "ಡೈಕ್", + "ಹೊರಹೊಮ್ಮಿಸು", + "ಸ್ಫೂರ್ತಿ", + "ಎಜಾಕ್ಯುಲೇಟ್ಸ್", + "ಇಜಲಲೇಟಿಂಗ್", + "ಉದ್ಗಾರ", + "ತಮಾಷೆ", + "ಮಂದಗತಿ", + "ಮಬ್ಬು", + "fagots", + "ಫ್ಯಾನಿ", + "ಹೊಡೆತ", + "ಪತನ", + "ಚಾಚುಪಟ್ಟಿ", + "ಫಕ್", + "ನಾಶವಾಗಿದ್ದನು", + "ಫಕರ್", + "fuckers", + "ಫಕಿಂಗ್", + "ಫಕಿಂಗ್ಸ್", + "ಇಷ್ಟಪಡುತ್ತಾನೆ", + "ಮಿಠಾಯಿ ಪ್ಯಾಕರ್", + "ದೇವರನ್ನು ಹಾನಿಗೊಳಗಾಯಿತು", + "ಗಾಡ್ಡಮ್", + "ನರಕ", + "ಹೋರ್", + "ಮೊನಚಾದ", + "ಜರ್ಕ್-ಆಫ್", + "ಕೋಕ್", + "ಯೋನಿಯ", + "ಕಾಮ", + "ಕಾಮುಕ", + "ಮಾಸೋಚಿಸ್ಟ್", + "ಹಸ್ತಮೈಥುನ ಮಾಡು", + "ತಾಯಿ ಫಕರ್", + "ನಾಜಿ", + "ನಿಗರ್", + "ನಿಗ್ಗರ್ಗಳು", + "ಒರಾಸಿಮ್", + "ಪರಾಕಾಷ್ಠೆ", + "ಪರಾಕಾಷ್ಠೆಗಳನ್ನು", + "ಪೆಕರ್", + "ಶಿಶ್ನ", + "ಮೂತ್ರ ವಿಸರ್ಜಿಸು", + "ನಿರುತ್ಸಾಹಗೊಂಡಿದೆ", + "ಪಿಸರ್", + "ಮೂತ್ರಪಿಂಡಗಳು", + "pissing", + "ಪಿಸ್ಸಾಫ್", + "ಪೂಪ್", + "ಅಶ್ಲೀಲತೆ", + "ಅಶ್ಲೀಲ", + "ಚುಚ್ಚು", + "ಪ್ರಿಕ್ಸ್", + "ಪಬ್", + "ಪುಸಿಗಳು", + "ಪುಸಿ", + "ಅತ್ಯಾಚಾರ", + "ಅತ್ಯಾಚಾರಿ", + "ಗುದನಾಳದ", + "ರಿಟಾರ್ಡ್", + "ಹಚ್ಚುವುದು", + "ದುಃಖಗಾರ", + "ತಿರುಗಿಸುವುದು", + "ಸ್ಕ್ರೋಟಮ್", + "ವೀರ್ಯ", + "ಲೈಂಗಿಕತೆ", + "ಶಾಗ್", + "ಶಾಗ್ಗಿಂಗ್", + "ಶೆಮೇಲ್", + "ಶಿಟ್", + "ಷೈಟ್", + "ಶಿಟ್ಸ್", + "shitted", + "ಅಲುಗಾಡುವಿಕೆ", + "ಅಸಹ್ಯ", + "ಸ್ಕಾಂಕ್", + "ಸೂಳೆ", + "ಸ್ಲಟ್ಗಳು", + "ಸ್ಮೆಗ್ಮಾ", + "ಕೊಳೆತ", + "ಸ್ನ್ಯಾಚ್", + "ಮಗ-ಆಫ್-ಬಿಚ್", + "spac", + "ಉಬ್ಬು", + "ವೃಷಣ", + "ಟಿಟ್", + "ಚೇಕಡಿ ಹಕ್ಕಿಗಳು", + "turd", + "ಯೋನಿ", + "ವಯಾಗ್ರ", + "ವಾಂಗ್", + "ಮುಷ್ಕರ", + "x ರೇಟೆಡ್", + "xxx", + ], + "ml": english_badwords + + [ + "ഗർഭഛിദ്രം", + "വിശപ്പ്", + "മലദ്വാരം", + "കഴുത", + "അസി ഫക്കർ", + "കഴുതകളെ", + "ആസ്ഹോൾ", + "അശ്ളീലങ്ങൾ", + "ബോൾബാഗ്", + "പന്തുകൾ", + "തന്തയില്ലാത്തവൻ", + "ബെല്ലെൻഡ്", + "മൃഗീയമായ", + "മൃഗീയത", + "ബിച്ച്", + "ബിച്ചുകൾ", + "ബിപിഡിംഗ്", + "രക്തരൂക്ഷിതമായ", + "ആശ്വാസം", + "ബലോക്ക്", + "ബോബ്", + "പൂക്കൾ", + "സ്തനങ്ങൾ", + "ബ്യൂട്ടാ", + "ബം", + "മയക്കുമരുന്ന്", + "പരവതാനി മാൻച്ചർ", + "ചുംബ്", + "സിപാ", + "ക്ലോറിസിസ്", + "കോക്ക്", + "കോക്ക് സക്കർ", + "കോക്സ്", + "കോൺ", + "ക്രാപ്പ്", + "ശുക്ലം", + "പുരുഷാരം", + "സി", + "മുഷിഞ്ഞ", + "കഷ്ടം", + "ഡിക്ക്", + "ഡിൽഡോ", + "dildos", + "ഡൈൻ", + "നായ-ഫക്കർ", + "ഡച്ച്", + "ഡൈകെ", + "ശമിപ്പിക്കുക", + "മോഷ്ടിച്ചു", + "വികാരങ്ങൾ", + "വിരസത", + "മടി", + "ക്ഷീണിപ്പിക്കുക", + "fagot", + "വഞ്ചന", + "ഫാനി", + "വേദന", + "flange", + "ഊമ്പി", + "സംഭോഗം ചെയ്യുക", + "ഫക്കർ", + "നർമ്മം", + "ഫഡ്ജ് പാക്കർ", + "ദൈവം-കൊള്ളിത", + "ഗോഡ്ഡം", + "നരകം", + "വയ്ക്കുക", + "വൃത്തികെട്ട", + "ജെർക് ഓഫ്", + "കിക്ക്", + "ലാബിയ", + "മോഹം", + "മോഹഭംഗം", + "മാസോച്ചിസ്റ്റ്", + "സ്വയംഭോഗം ചെയ്യുക", + "അമ്മ ഫക്കർ", + "നാസി", + "നിഗർ", + "മയക്കുമരുന്നുകൾ", + "രതിമൂർച്ഛ", + "പെക്കർ", + "ലിംഗം", + "മൂത്രമൊഴിക്കുക", + "കുഴഞ്ഞുവീഴുന്നു", + "പിസ്സർ", + "പിസ്സകൾ", + "pissing", + "പിസ്സോഫ്", + "poop", + "അശ്ലീലം", + "അശ്ലീലത", + "പ്രാവി", + "വിസർജ്യങ്ങൾ", + "പ്യൂബ്", + "pussies", + "pussy", + "ബലാൽസംഗം", + "ബലാത്സംഗം", + "മലാശയം", + "തുടരുക", + "റിമ്മിംഗ്", + "സചിസ്റ്റ്", + "വഞ്ചി", + "പുല്ല്", + "ബീജം", + "ശവം", + "ഷാഗിംഗ്", + "അവൾ", + "ഷീറ്റ്", + "ഷെയ്റ്റ്", + "shits", + "തിന്നിട്ടില്ല", + "ഷോർട്ട്", + "ഷൈറ്റി", + "സ്കാൻ", + "മന്ദഹസരം", + "സ്നെഗമാ", + "പുഞ്ചിരി", + "പിടിക്കുക", + "വെറുക്കപ്പെട്ടയാൾ", + "സ്പെയ്ക്", + "തുളച്ച്", + "വൃഷണം", + "പേ", + "ടിത്ത്", + "കുഴപ്പമില്ല", + "യോനി", + "വരാഗ്ര", + "വാൽവ", + "വാങ്", + "വാൻ", + "വേശ്യ", + "x റേറ്റുചെയ്തു", + "xxx", + ], + "mr": english_badwords + + [ + "गर्भपात", + "गुदा", + "गाढव", + "गांडुळ", + "asses", + "asshole", + "assholes", + "ballbag", + "चेंडू", + "बॅस्टर्ड", + "बेलेंड", + "बेस्टियल", + "प्राण्यांबरोबर", + "कुत्री", + "बिट्स", + "खूनी", + "blowjob", + "बोलोक", + "बोब", + "स्तन", + "बसीटा", + "बम", + "बट", + "कार्पेट मुन्चर", + "चिंक", + "सिपा", + "क्लिटोरिस", + "मुर्ख", + "मांसाहारी", + "कॉक्स", + "कॉनन", + "बकवास", + "सह", + "cumshot", + "कनिलिंगस", + "कांट", + "धिक्कार", + "डिक", + "dildo", + "डिल्डो", + "डंक", + "duche", + "डाईक", + "उद्गार", + "उत्साही", + "ejaculates", + "उत्सुकता", + "स्खलन", + "फॅग", + "फॅगिंग", + "फॅगॉट", + "फॅगॉट्स", + "फॅनी", + "फेलिंग", + "फॅलेटीओ", + "निकला", + "fucked", + "गुप्तचर", + "fuckers", + "fucking", + "fuckings", + "fucks", + "फडगे पॅकर", + "देव-शापित", + "देव", + "नरक", + "होरे", + "शिंग", + "झटका बंद", + "कॉक", + "लॅबिया", + "वासना", + "मासोचिस्ट", + "हस्तमैथुन करा", + "आई माकड", + "नाझी", + "निगर", + "निगार", + "ऑर्गॅसिम", + "संभोग", + "orgasms", + "चापटी", + "पुरुषाचे जननेंद्रिय", + "पेशी", + "pissed", + "पिसर", + "pisses", + "पिसिंग", + "पिसोफ", + "घाट", + "अश्लील", + "पोर्नोग्राफी", + "मुरुम", + "प्रिक्स", + "प्यूब", + "pussies", + "मांजर", + "बलात्कार", + "गुदाशय", + "मंद", + "rimming", + "दुःखी", + "screwing", + "स्क्रोटम", + "वीर्य", + "लिंग", + "शेग", + "shagging", + "शेमले", + "विचित्र", + "shite", + "shits", + "shitted", + "shitting", + "shitty", + "घाणेरडा", + "फट", + "sluts", + "सुगंध", + "स्मट", + "छेडछाड", + "मुलगा-एक-कुत्री", + "spac", + "तिरस्कार", + "परीक्षक", + "शीर्षक", + "टिट", + "टर्ड", + "योनी", + "वियाग्रा", + "वल्वा", + "वांग", + "विंक", + "वेश्या", + "एक्स रेट केले", + "xxx", + ], + "pt": english_badwords + + [ + "aborto", + "amador", + "anal", + "aparafusar", + "aranha", + "ariano", + "arrebatar", + "ass-filho da puta", + "asses", + "balalao", + "bastardo", + "bate uma", + "bellend", + "bestial", + "bestialidade", + "bicha", + "bichano", + "bichanos", + "bichas", + "biscate", + "bissexual", + "boceta", + "bolas", + "bollok", + "boob", + "boquete", + "bosta", + "braulio de borracha", + "buceta", + "bumbum", + "bunda", + "burro", + "cabrao", + "cacete", + "cadela", + "cadelas", + "cagando", + "cagar", + "calçado", + "camisinha", + "caralho", + "cerveja", + "chochota", + "chupar", + "cipa", + "clitoris", + "clitóris", + "cobiçoso", + "cocaína", + "cocô", + "coito", + "colhoes", + "com tesão", + "comedor de tapetes", + "comer", + "cona", + "consolo", + "coon", + "coragem", + "corno", + "cu", + "cunillingus", + "dar o rabo", + "desgraçado", + "dildo", + "dildos", + "dink", + "dog-filho da puta", + "droga", + "duche", + "dum raio", + "ejacula", + "ejaculado", + "ejacular", + "ejaculação", + "empacotador de fudge", + "escroto", + "esporra", + "estuprador", + "estupro", + "fagging", + "fanny", + "fecal", + "felação", + "felching", + "fenda", + "filho da puta", + "filhos da puta", + "foda", + "foda-se", + "fode", + "foder", + "fodido", + "frango assado", + "galo", + "galos", + "gozada", + "gozar", + "grelho", + "heroína", + "homem gay", + "homoerótico", + "homosexual", + "hore", + "idiota", + "idiotas", + "inferno", + "kock", + "lolita", + "luxúria", + "lábios", + "lésbica", + "maldito", + "mama", + "masoquista", + "masturbar", + "merda", + "merdas", + "mesa", + "mijando", + "mijar", + "nazista", + "negro", + "niggers", + "não me chateies", + "orgasim", + "orgasmo", + "orgasmos", + "otário", + "paneleiro", + "passar um cheque", + "pau", + "peidar", + "peitos", + "peituda", + "pica", + "picadas", + "pinto", + "pisser", + "porcaria", + "porno", + "pornografia", + "pornô", + "porra", + "prostituta", + "pube", + "punheta", + "puta", + "puta que pariu", + "puta que te pariu", + "putaria", + "puto", + "pênis", + "queca", + "retardar", + "reto", + "rimming", + "sacanagem", + "saco", + "saco de bola", + "sangrento", + "sapatona", + "sexo", + "shite", + "skank", + "smegma", + "spac", + "sujeira", + "sádico", + "sêmen", + "testículo", + "tetas", + "titt", + "torneira", + "transando", + "transar", + "transsexual", + "trepada", + "vadia", + "vadias", + "vagabunda", + "vagabundo", + "vagina", + "vai tomar no cu", + "vai-te foder", + "veado", + "viagra", + "vibrador", + "vulva", + "wang", + "x avaliado", + "xana", + "xixi", + "xochota", + "xxx", + "ânus", + ], + "te": english_badwords + + [ + "గర్భస్రావం", + "అంగ", + "పాయువు", + "గాడిద", + "గాడిద-fucker", + "asses", + "assholes", + "బాల్బ్యాగ్", + "బంతుల్లో", + "బాస్టర్డ్", + "బెల్లెండ్", + "మృగ", + "బెస్టియాలిటీ", + "బిచ్", + "bitches", + "బిట్చింగ్", + "బ్లడీ", + "blowjob", + "బోల్లక", + "బూబ్", + "వక్షోజాలను", + "ఛాతీ", + "buceta", + "బం", + "బట్", + "కార్పెట్ ముంచర్", + "చింక్", + "cipa", + "స్త్రీగుహ్యాంకురము", + "ఆత్మవిశ్వాసం", + "కాక్-సక్కర్", + "కాక్స్", + "కూన్", + "చెత్త", + "కం", + "cumshot", + "క్యునిల్లింగస్", + "కంట్", + "తిట్టు", + "డిక్", + "లైంగిక సంతృప్తి కోసం స్త్రీలు ఉపయోగించే పురుషాంగము వంటి పరికరము", + "డిల్డోస్", + "dink", + "కుక్క-fucker", + "డూష్", + "డైక్", + "స్ఖలించు", + "ఎజాక్యులేటెడ్", + "ఎజాక్యులేట్స్", + "ఎరాక్యులేటింగ్", + "స్ఖలనం", + "నవుకరు", + "ఫాగ్గింగ్", + "ఫాగాట్", + "ఫగాట్స్", + "fanny", + "ఫెల్చింగ్", + "కుడుచుట", + "అచ్చు", + "ఫక్", + "ఇబ్బంది పెట్టాడు", + "fucker", + "ఫకర్స్", + "ఫకింగ్", + "ఫకింగ్స్", + "ఫక్స్", + "ఫడ్జ్ ప్యాకర్", + "దేవతలా మంచిది", + "గాడ్డామ్", + "నరకం", + "హోర్", + "horny", + "జెర్క్-ఆఫ్", + "కాక్", + "పెదవి", + "కామం", + "మనసు పడ్డట్లు చిత్రించారు", + "masochist", + "హస్తప్రయోగం", + "తల్లి ఫెకర్", + "నాజీ", + "నిగ్గర్", + "నిగ్గర్స్", + "ఆర్గాసిమ్", + "స్కలనం", + "orgasms", + "pecker", + "పురుషాంగం", + "విసర్జన", + "pissed", + "పిస్సర్", + "పిస్సీస్", + "పిస్సింగ్", + "పిస్సాఫ్", + "poop", + "శృంగార", + "పోర్నో", + "అశ్లీల", + "బుడతడు", + "ప్రిక్స్", + "ప్యూబ్", + "pussies", + "పుస్సీ", + "రేప్", + "ఉన్నప్పటికీ బలాత్కారం", + "పురీషనాళం", + "రిటార్డ్", + "రిమ్మింగ్", + "పీడన కాముకత", + "screwing", + "స్క్రోటమ్", + "వీర్యం", + "సెక్స్", + "బొచ్చు", + "షగ్గింగ్", + "షీమేల్", + "ఒంటి", + "షైట్", + "షిట్స్", + "షిట్టెడ్", + "షిట్టింగ్", + "shitty", + "స్కాన్క్", + "నీతి", + "స్లట్స్", + "శిశ్న", + "స్మట్", + "స్నాచ్", + "ఒక బిచ్ కుమారుడు ఆఫ్", + "spac", + "స్పంక్", + "వృషణాలు", + "తునక", + "టిట్స్", + "టిట్", + "turd", + "యోని", + "వయాగ్రా", + "జననాంగం", + "వాంగ్", + "వ్యాంక్", + "వేశ్య", + "x రేట్", + "xxx", + ], + "vi": english_badwords + + [ + "sự phá thai", + "hậu môn", + "mông", + "đồ ngu", + "lừa", + "lỗ đít", + "túi bóng", + "những quả bóng", + "đồ khốn", + "tuyệt vời", + "mục sư", + "lòng tốt", + "chó cái", + "dính máu", + "công việc thổi", + "bollok", + "boob", + "ngực", + "buceta", + "ăn mày", + "thảm muncher", + "sứt mẻ", + "cipa", + "âm vật", + "gà", + "gà hút", + "gà trống", + "coon", + "tào lao", + "kiêm", + "cum", + "cunillingus", + "lồn", + "chỉ trích", + "tinh ranh", + "dương vật giả", + "dink", + "chó-chó", + "duche", + "đê", + "xuất tinh", + "fag", + "đóng băng", + "fagot", + "đồ ăn vặt", + "người hâm mộ", + "nỉ", + "thất bại", + "mặt bích", + "chết tiệt", + "quái", + "đụ", + "ôm", + "đóng gói fudge", + "địa ngục", + "có", + "sừng", + "giật", + "kock", + "môi âm", + "ham muốn", + "khổ dâm", + "thủ dâm", + "mẹ kiếp", + "nazi", + "người da đen", + "người mách nước", + "cực khoái", + "người mổ", + "dương vật", + "đi tiểu", + "bực mình", + "đái", + "phân", + "khiêu dâm", + "nội dung khiêu dâm", + "châm", + "chích", + "pube", + "pussies", + "âm hộ", + "hiếp dâm", + "trực tràng", + "chậm phát triển", + "xé", + "người tàn bạo", + "vặn vít", + "bìu", + "tinh dịch", + "tình dục", + "lông", + "xáo trộn", + "đồng tính", + "cứt", + "shite", + "ván trượt", + "đĩ", + "quần lót", + "smegma", + "xì trum", + "con trai", + "spac", + "spunk", + "tinh hoàn", + "ăn miếng trả miếng", + "titt", + "cỏ", + "âm đạo", + "viagra", + "âm môn", + "wang", + "đã ngủ", + "con điếm", + "x đánh giá", + "xxx", + ], + "zh": english_badwords + + [ + "13.", + "13点", + "㞗", + "三级片", + "下三烂", + "下贱", + "个老子的", + "九游", + "乳", + "乳交", + "乳头", + "乳房", + "乳波臀浪", + "交配", + "仆街", + "仆街", + "他奶奶", + "他奶奶的", + "他奶娘的", + "他妈", + "他妈ㄉ王八蛋", + "他妈地", + "他妈的", + "他娘", + "他马的", + "你个傻比", + "你他马的", + "你全家", + "你奶奶的", + "你她马的", + "你妈", + "你妈的", + "你娘", + "你娘卡好", + "你娘咧", + "你它妈的", + "你它马的", + "你是鸡", + "你是鸭", + "你老味", + "你老母", + "你老闆", + "你马的", + "做爱", + "傻比", + "傻逼", + "册那", + "冚家拎", + "冚家鏟", + "军妓", + "几八", + "几叭", + "几巴", + "几芭", + "刚度", + "刚瘪三", + "包皮", + "十三点", + "卖B", + "卖比", + "卖淫", + "卵", + "卵子", + "双峰微颤", + "口交", + "口肯", + "叫床", + "吃屎", + "后庭", + "吹箫", + "咸家伶", + "咸家鏟", + "塞你公", + "塞你娘", + "塞你母", + "塞你爸", + "塞你老师", + "塞你老母", + "处女", + "外阴", + "大卵子", + "大卵泡", + "大鸡巴", + "奶", + "奶奶的熊", + "奶子", + "奸", + "奸你", + "她妈地", + "她妈的", + "她马的", + "妈B", + "妈个B", + "妈个比", + "妈个老比", + "妈妈的", + "妈比", + "妈的", + "妈的B", + "妈逼", + "妓", + "妓女", + "妓院", + "妳她妈的", + "妳妈的", + "妳娘的", + "妳老母的", + "妳马的", + "姘头", + "姣西", + "姦", + "娘个比", + "娘的", + "婊子", + "婊子养的", + "嫖娼", + "嫖客", + "它妈地", + "它妈的", + "密洞", + "射你", + "射精", + "小乳头", + "小卵子", + "小卵泡", + "小瘪三", + "小肉粒", + "小骚比", + "小骚货", + "小鸡巴", + "小鸡鸡", + "尻", + "屁眼", + "屁股", + "屄", + "屌", + "屎忽", + "巨乳", + "干x娘", + "干七八", + "干你", + "干你妈", + "干你娘", + "干你老母", + "干你良", + "干妳妈", + "干妳娘", + "干妳老母", + "干妳马", + "干您娘", + "干机掰", + "干死CS", + "干死GM", + "干死你", + "干死客服", + "幹", + "强奸", + "强奸你", + "性", + "性交", + "性器", + "性无能", + "性爱", + "情色", + "想上你", + "懆您妈", + "懆您娘", + "懒8", + "懒八", + "懒叫", + "懒教", + "成人", + "我操你祖宗十八代", + "扒光", + "打炮", + "打飞机", + "抽插", + "招妓", + "插你", + "插死你", + "撒尿", + "撚", + "操你", + "操你全家", + "操你奶奶", + "操你妈", + "操你娘", + "操你祖宗", + "操你老妈", + "操你老母", + "操妳", + "操妳全家", + "操妳妈", + "操妳娘", + "操妳祖宗", + "操机掰", + "操比", + "操逼", + "放荡", + "日他娘", + "日你", + "日你妈", + "日你老娘", + "日你老母", + "日批", + "月经", + "机八", + "机巴", + "机机歪歪", + "杂种", + "柒", + "浪叫", + "淫", + "淫乱", + "淫妇", + "淫棍", + "淫水", + "淫秽", + "淫荡", + "淫西", + "湿透的内裤", + "激情", + "灨你娘", + "烂货", + "烂逼", + "爛", + "狗屁", + "狗日", + "狗狼养的", + "玉杵", + "王八蛋", + "瓜娃子", + "瓜婆娘", + "瓜批", + "瘪三", + "白烂", + "白痴", + "白癡", + "硬膠", + "祖宗", + "私服", + "笨實", + "笨蛋", + "粉腸", + "精子", + "老二", + "老味", + "老母", + "老瘪三", + "老骚比", + "老骚货", + "肉壁", + "肉棍子", + "肉棒", + "肉缝", + "肏", + "肛交", + "肥西", + "色情", + "花柳", + "荡妇", + "賤", + "贝肉", + "贱B", + "贱人", + "贱货", + "贼你妈", + "赛你老母", + "赛妳阿母", + "赣您娘", + "躝癱", + "轮奸", + "迷药", + "逼", + "逼样", + "野鸡", + "閪", + "阳具", + "阳萎", + "阴唇", + "阴户", + "阴核", + "阴毛", + "阴茎", + "阴道", + "阴部", + "陰莖", + "雞巴", + "靠北", + "靠母", + "靠爸", + "靠背", + "靠腰", + "驶你公", + "驶你娘", + "驶你母", + "驶你爸", + "驶你老师", + "驶你老母", + "骚比", + "骚货", + "骚逼", + "鬼公", + "鳩", + "鸡8", + "鸡八", + "鸡叭", + "鸡吧", + "鸡奸", + "鸡巴", + "鸡芭", + "鸡鸡", + "龟儿子", + "龟头", + ], +} diff --git a/data_tooling/ac_dc/deduplicate.py b/data_tooling/ac_dc/deduplicate.py new file mode 100644 index 0000000..f4baa55 --- /dev/null +++ b/data_tooling/ac_dc/deduplicate.py @@ -0,0 +1,555 @@ +"""Creating simhashes and removing near duplicates with annoy.""" +import datetime +import logging +import os +import re +from collections import defaultdict +from multiprocessing import Manager, cpu_count +from typing import List, Optional, Tuple + +import networkx as nx +import numpy as np +import pandas as pd +import typer +from annoy import AnnoyIndex +from datasets import ( + Dataset, + DatasetDict, + concatenate_datasets, + load_dataset, + load_from_disk, +) +from mpire import WorkerPool +from simhash import Simhash +from tqdm import tqdm + +app = typer.Typer() +logging.basicConfig(level=os.environ.get("LOG_LEVEL", "INFO").upper()) +logger = logging.getLogger(__name__) + + +def create_shingles(text: str, window: int = 4) -> List[str]: + """ + Create shingles/ngrams from the given text. This uses character-ngrams to be language agnostic. + + Parameters + ---------- + text : str + Input text string + window : int, optional + The size of the window, by default 4 + + Returns + ------- + List[str] + List of shingles + + Examples + -------- + >>> create_shingles("This is a test message", window=3) + ['thi', 'his', 'isi', 'sis', 'isa', 'sat', 'ate', 'tes', 'est', 'stm', 'tme', 'mes', 'ess', 'ssa', 'sag', 'age'] + """ + if len(text) <= window: + return [text] + + text = re.sub(r"[^\w]+", "", text.lower()) + return [text[i : i + window] for i in range(len(text) - window + 1)] + + +def check_num_proc(num_proc: int = -1) -> int: + """ + Check the number of processors. Return a safe-checked value. + + Parameters + ---------- + num_proc : int, optional + Number of processors to use, by default -1 + + Returns + ------- + int + Number of processors to use + + Raises + ------ + ValueError + If the input exceeds the number of processors available + """ + maximum: int = cpu_count() + if num_proc > maximum: + raise ValueError( + f"{num_proc} exceeds the maximum number ({maximum}) of processors" + ) + + if num_proc == -1: + num_proc = maximum + else: + logger.warning(f"Using {num_proc} out of {maximum} can be slow") + + return num_proc + + +@app.command() +def create_shards( + output_dir: str, + num_shards: int, + path: str = typer.Option( + "mhtoin/register_oscar", help="Path or name of the dataset" + ), + name: Optional[str] = typer.Option( + None, help="Defining the name of the dataset configuration" + ), + data_dir: Optional[str] = typer.Option( + None, help="Defining the data_dir of the dataset configuration" + ), + split: Optional[str] = typer.Option(None, help="Which split of the data to load"), +): + """ + Shard a dataset into multiple parts. + + Parameters + ---------- + output_dir : str + Directory path for all the subset files + num_shards : int + Number of shards to use + path : str, optional + Path to the dataset configuration, by default typer.Option( "mhtoin/register_oscar", help="Path or name of the dataset" ) + name : Optional[str], optional + Name of the dataset configuration, by default typer.Option( None, help="Defining the name of the dataset configuration" ) + data_dir : Optional[str], optional + Local data directory, by default typer.Option( None, help="Defining the datadata_dir of the dataset configuration" ) + split : Optional[str], optional + The split of the dataset configuration, by default typer.Option(None, help="Which split of the data to load") + """ + + if not os.path.exists(output_dir): + os.makedirs(output_dir, exist_ok=True) + + ds = load_dataset(path, name, data_dir=data_dir, use_auth_token=True) + + def shard( + ds, + split: str, + num_shards: int, + idx: int, + output_dir: str, + ): + ds[split].shard(num_shards=num_shards, index=idx).to_json( + os.path.join(output_dir, f"sharded_{idx:05d}.jsonl"), + orient="records", + lines=True, + force_ascii=False, + ) + + with WorkerPool(n_jobs=min(num_shards, cpu_count()), shared_objects=ds) as pool: + pool.map( + shard, + [ + { + "split": split, + "num_shards": num_shards, + "idx": i, + "output_dir": output_dir, + } + for i in range(num_shards) + ], + progress_bar=True, + ) + + +@app.command() +def build_hashes( + output_dir: str, + path: str = typer.Option( + "mhtoin/register_oscar", help="Path or name of the dataset" + ), + name: Optional[str] = typer.Option( + None, help="Defining the name of the dataset configuration" + ), + data_dir: Optional[str] = typer.Option( + None, help="Defining the data_dir of the dataset configuration" + ), + data_files: Optional[List[str]] = typer.Option( + None, help="Path(s) to source data file(s)" + ), + split: Optional[str] = typer.Option(None, help="Which split of the data to load"), + shingle_size: int = typer.Option(4, help="Size of the generated shingles"), + num_proc: int = typer.Option(-1, help="Number of processes to use"), + text_column_name: Optional[str] = typer.Option( + "text", help="Column name of the text" + ), +): + """ + Create a single dataset with an extra `hash` column from all data files. + + The time complexity for this function call is rounghly O(N * L // C) where N is the number + of records in the data, L is the average length of each record text and C is the number of processes. + The addition of the hashes should be insignificant in size compared to the original data (12MB vs 800MB for two English shards). + + Example: + + ```bash + python ac_dc/deduplicate.py build-hashes "cache/en_hashes_00001" --data-files "en/en_00001.jsonl.gz" --data-files "en/en_00002.jsonl.gz" --path "mhtoin/register_oscar" --split "train" + ``` + + This generates a dataset `cache/en_hashes_00001` from two shards `en/en_00001.jsonl.gz` and `en/en_00002.jsonl.gz` in `mhtoin/register_oscar`. + + Parameters + ---------- + output_dir : str + Output directory of the new data + path : str, optional + Path or name of the dataset + name : Optional[str], optional + Defining the name of the dataset configuration + data_dir : Optional[str], optional + Defining the data_dir of the dataset configuration + data_files : Optional[List[str]], optional + Path(s) to source data file(s) + split : Optional[str], optional + Which split of the data to load + shingle_size : int, optional + Size of the generated shingles + num_proc : int, optional + Number of processes to use + text_column_name : Optional[str], optional + Column name of the text + """ + num_proc = check_num_proc(num_proc) + ds = load_dataset(path=path, name=name, data_files=data_files, data_dir=data_dir) + + def process(record): + return { + "hash": np.array( + list( + np.binary_repr( + Simhash( + create_shingles(record[text_column_name], shingle_size) + ).value + ).zfill(64) + ) + ).astype(np.int8) + } + + splits = [split] if split is not None else list(ds.keys()) + for s in splits: + ds[s] = ds[s].map(process, num_proc=num_proc) + ds.save_to_disk(output_dir) + + +@app.command() +def build_index( + output_file: str, + data_dirs: List[str], + split: Optional[str] = typer.Option(None, help="Which split of the data to load"), + num_proc: int = typer.Option(-1, help="Number of processes to use"), + num_trees: int = typer.Option( + 100, help="Number of trees to build in the annoy index" + ), +): + """ + Merging all hashes and build an index. The time complexity and space complexity for this function is at least O(N). + Building the index is not paralleled in this implementation since the index needs access to all hashes. + + Example: + + ```bash + python deduplicate.py build-index "cache/en_simhash_index.pkl" "cache/en_hashes_00001" --split "train" + ``` + + This builds an index to be stored at `cache/en_simhash_index.pkl` from `cache/en_hashes_00001` + + Parameters + ---------- + output_file : str + Output path for the index file + data_dirs : List[str] + Dataset directories with hashes to build the index from + split : Optional[str], optional + Which split of the data to load + num_proc : int, optional + Number of processes to use + num_trees : int, optional + Number of trees to build for the annoy index (10 ~ 1024) + """ + num_proc = check_num_proc(num_proc) + + t = AnnoyIndex(64, "hamming") + + manager = Manager() + hashes: List[Tuple[int, np.ndarray]] = manager.list() + + def process(id, hash, text=None, meta=None): + hashes.append((int(id), hash)) + return + + for dir in data_dirs: + ds = load_from_disk(dir) + splits = [split] if split is not None else list(ds.keys()) + if split is None: + logger.warning( + f"Using all splits to build the index, please make sure the `id` is unique globally" + ) + for split in splits: + with WorkerPool(n_jobs=num_proc) as pool: + pool.map( + process, + ds[split], + progress_bar=True, + ) + + # Not paralleled + for id, hash in tqdm(hashes): + t.add_item(id, hash) + + t.build(num_trees) + t.save(output_file) + + +@app.command() +def find_duplicates( + data_dirs: List[str], + index_file: str, + split: Optional[str] = typer.Option(None, help="Which split of the data to load"), + num_proc: int = typer.Option(-1, help="Number of processes to use"), + k: int = typer.Option(100, help="Number of nearest neighbors to search for"), + threshold: int = typer.Option(3, help="Maximum hamming distance for duplicates"), +): + """ + Find duplicates for given datasets. For each dataset directory `d`, it outputs a `d_duplicates` directory + with a new `duplicates` column, containing all the duplicate indices. + + Example: + + ```bash + python deduplicate.py find-duplicates "cache/en_hashes_00001" "cache/en_simhash_index.pkl" --split "train" --k 100 --threshold 3 + ``` + + This finds all duplicates in `cache/en_hashes_00001` with `cache/en_simhash_index.pkl`. It should outputs a directory named + `cache/en_hashes_00001_duplicates`. + + Parameters + ---------- + data_dirs : List[str] + List of dataset directories to find duplicates + index_file : str + Path to the index file + split : Optional[str], optional + Which split of the data to load + num_proc : int, optional + Number of processes to use + k : int, optional + Number of nearest neighbors to search for, by default 100 + threshold : int, optional + Maximum hamming distance for duplicates, by default 3 + """ + num_proc = check_num_proc(num_proc) + + index = AnnoyIndex(64, "hamming") + index.load(index_file) + logger.info(f"Querying with {index.get_n_items()} records") + + def process(index, id, hash, text=None, meta=None): + candidates = index.get_nns_by_item(int(id), k, include_distances=True) + dups = {i for i, d in zip(*candidates) if d <= threshold} + record = { + "duplicates": list(dups) if dups else [-1], + "id": id, + "hash": hash, + } + if meta is not None: + record["meta"] = meta + if text is not None: + record["text"] = text + return record + + for dir in data_dirs: + ds = load_from_disk(dir) + splits = [split] if split is not None else list(ds.keys()) + for s in splits: + with WorkerPool(n_jobs=num_proc, shared_objects=index) as pool: + results = pool.map(process, ds[s], progress_bar=True) + ds[s] = Dataset.from_pandas(pd.DataFrame(results)) + logger.info( + f"Found {len(ds[s].filter(lambda x: len(x['duplicates']) > 1))} duplicates in {dir}" + ) + + ds.save_to_disk(dir.rstrip("/") + "_duplicates") + + +@app.command() +def remove_duplicates( + data_dirs: List[str], + split: Optional[str] = typer.Option(None, help="Which split of the data to load"), + num_proc: int = typer.Option(-1, help="Number of processes to use"), +): + """ + Remove duplicates based on the `duplicates` column by finding the connected components and only keep the first occurrence. + For each data directory `d`, it outputs a `d_deduplicated` directory. + + Example: + + ```bash + python deduplicate.py remove-duplicates "cache/en_hashes_00001_duplicates" --split "train" + ``` + This removes all duplicates from `cache/en_hashes_00001_duplicates` and create + a deduplicated version in `cache/en_hashes_00001_deduplicated`. + + Parameters + ---------- + data_dirs : List[str] + List of data directories to remove duplicates from + split : Optional[str], optional + Which split of the data to load + num_proc : int, optional + Number of processes to use + """ + num_proc = check_num_proc(num_proc) + + # a and b are connected if they are duplicates + G = nx.Graph() + manager = Manager() + edges = manager.list() + + def process(record): + for dup in record["duplicates"]: + if int(record["id"]) == dup or dup == -1: + continue + edges.append((int(record["id"]), dup)) + + for dir in data_dirs: + ds = load_from_disk(dir) + splits = [split] if split is not None else list(ds.keys()) + for s in splits: + ds[s].map(process, num_proc=num_proc) + + flags = defaultdict(lambda: False) + for x, y in tqdm(edges): + G.add_edge(x, y) + + for c in nx.connected_components(G): + for n in c: + flags[n] = False + flags[c.pop()] = True + + for dir in data_dirs: + ds = load_from_disk(dir) + splits = [split] if split is not None else list(ds.keys()) + for s in splits: + ds[s] = ds[s].filter(lambda x: flags.get(int(x["id"]), True)) + ds.save_to_disk(dir.rstrip("/").replace("_duplicates", "_deduplicated")) + + +@app.command() +def merge_meta( + index_file: str, + data_dirs: List[str] = typer.Option(None, help="Source data to add metadata in"), + meta_data_dirs: List[str] = typer.Option( + None, help="Reference data to extract metadata from" + ), + split: Optional[str] = typer.Option(None, help="Which split of the data to load"), + num_proc: int = typer.Option(-1, help="Number of processes to use"), + k: int = typer.Option(1, help="Number of nearest neighbors to search for"), + threshold: int = typer.Option(1, help="Maximum hamming distance for duplicates"), +): + """ + Extracting metadata feature from `meta_data_dirs` and merging into data in `data_dirs` + For each data directory `d`, it outputs a `d_with_meta` directory. + + see examples/merge.sh for an example + + Parameters + ---------- + data_dirs : List[str] + List of data directories to add metadata to + meta_data_dirs : List[str] + List of data directories to extract metadata from + split : Optional[str], optional + Which split of the data to load + num_proc : int, optional + Number of processes to use + k : int, optional + Number of nearest neighbors to search for, by default 1 + threshold : int, optional + Maximum hamming distance for duplicates, by default 1 + """ + num_proc = check_num_proc(num_proc) + manager = Manager() + meta_data = manager.dict() + + index = AnnoyIndex(64, "hamming") + index.load(index_file) + logger.info(f"Querying with {index.get_n_items()} records") + + def process_meta(record): + meta_data[int(record["id"])] = record["meta"] + + for dir in meta_data_dirs: + ds = load_from_disk(dir) + splits = [split] if split is not None else list(ds.keys()) + for s in splits: + ds[s].map(process_meta, num_proc=num_proc) + + def merge(index, hash, id=None, text=None, meta=None): + + metadata = { + "headers": { + "warc-record-id": "", + "warc-date": datetime.datetime(1970, 1, 1), + "content-type": "", + "content-length": -1, + "warc-type": "", + "warc-identified-content-language": "", + "warc-refers-to": "", + "warc-target-uri": "", + "warc-block-digest": "", + }, + "offset": -1, + "nb_sentences": -1, + } + + candidates = index.get_nns_by_vector(hash, k, include_distances=True) + dups = {i for i, d in zip(*candidates) if d <= threshold} + + if not dups: + return {"meta": metadata} + + for dup in dups: + if dup in meta_data: + metadata = meta_data[dup] + break + + return {"meta": metadata} + + for dir in data_dirs: + ds = load_from_disk(dir) + splits = [split] if split is not None else list(ds.keys()) + for s in splits: + with WorkerPool(n_jobs=num_proc, shared_objects=index) as pool: + results = pool.map(merge, ds[s], progress_bar=True) + ds[s] = Dataset.from_pandas(pd.DataFrame(results)) + logger.info( + f"Matched {len(ds[s].filter(lambda x: x['meta']['offset'] != -1))}/{len(ds[s])} records in {dir}" + ) + ds.save_to_disk(dir.rstrip("/").replace("_duplicates", "_with_meta")) + + +@app.command() +def merge_shards( + output_dir: str, + data_dirs: list[str], + split: Optional[str] = typer.Option(None, help="Which split of the data to load"), +): + if not os.path.exists(output_dir): + os.makedirs(output_dir, exist_ok=True) + ds = [] + for dir in data_dirs: + ds.append(load_from_disk(dir)[split]) + + DatasetDict({split: concatenate_datasets(ds)}).save_to_disk(output_dir) + + +if __name__ == "__main__": + + app() diff --git a/data_tooling/ac_dc/download_sentencepiece_kenlm_models.py b/data_tooling/ac_dc/download_sentencepiece_kenlm_models.py new file mode 100644 index 0000000..635262b --- /dev/null +++ b/data_tooling/ac_dc/download_sentencepiece_kenlm_models.py @@ -0,0 +1,48 @@ +"""Download Sentencepiece and KenLM models for supported languages (48) from Facebook. + +Usage: + python download_sentencepiece_kenlm_models.py --output_path /tmp/ + +All Sentencepiece and KenLM language models will be saved under /tmp. +""" + +import argparse +import subprocess + +from languages_id import langs_id + + +def download_sentencepiece_kenlm_models(output_path: str) -> None: + supported_sentencepiece_langs = langs_id["sentencepiece_id"].dropna().unique() + for lang in supported_sentencepiece_langs: + try: + output_sentencepiece = subprocess.check_output( + f"wget http://dl.fbaipublicfiles.com/cc_net/lm/{lang}.sp.model -P {output_path}", + shell=True, + ) + except: + print( + f"Warning: Download failed for Sentencepiece model for language {lang}." + ) + + supported_kenlm_langs = langs_id["kenlm_id"].dropna().unique() + for lang in supported_kenlm_langs: + try: + output_kenlm = subprocess.check_output( + f"wget http://dl.fbaipublicfiles.com/cc_net/lm/{lang}.arpa.bin -P {output_path}", + shell=True, + ) + except: + print(f"Warning: Download failed for KenLM model for language {lang}.") + + +if __name__ == "__main__": + parser = argparse.ArgumentParser( + description="Download Sentencepiece and KenLM models for supported languages." + ) + parser.add_argument( + "--output_path", type=str, default="/tmp/", help="Output path to save models." + ) + args = parser.parse_args() + + download_sentencepiece_kenlm_models(output_path=args.output_path) diff --git a/data_tooling/ac_dc/examples/dedup.sh b/data_tooling/ac_dc/examples/dedup.sh new file mode 100644 index 0000000..6174552 --- /dev/null +++ b/data_tooling/ac_dc/examples/dedup.sh @@ -0,0 +1,39 @@ +#!/bin/bash +LANGUAGES=('gl') +SHARDS=20 +THRESHOLD=3 +PYTHON="/home/jovyan/conda/envs/data/bin/python" +SCRIPT="/home/jovyan/data_tooling/ac_dc/deduplicate.py" + +for lang in "${LANGUAGES[@]}"; do + echo "lang: $lang" + + echo "Creating ${SHARDS} shards" + $PYTHON $SCRIPT create-shards "cache/sharded_deduplicated_${lang}" $SHARDS --path "oscar-corpus/OSCAR-2109" --name "deduplicated_${lang}" --split "train" + + echo "Hashing documents" + for i in $(seq -f "%05g" 0 "$((SHARDS - 1))"); do + echo "Hashing shard ${i}" + $PYTHON $SCRIPT build-hashes "cache/sharded_deduplicated_${lang}/hashes_${i}" --data-files "sharded_${i}.jsonl" --path "cache/sharded_deduplicated_${lang}" --split "train" --shingle-size 4 + done + + echo "Creating index" + $PYTHON $SCRIPT build-index "cache/sharded_deduplicated_${lang}/simhash_index.ann" $(seq -s " " -f "cache/sharded_deduplicated_${lang}/hashes_%05g" 0 "$((SHARDS - 1))") --split "train" + + echo "Finding duplicates" + for i in $(seq -f "%05g" 0 "$((SHARDS - 1))"); do + echo "Querying shard ${i}" + $PYTHON -W ignore $SCRIPT find-duplicates "cache/sharded_deduplicated_${lang}/hashes_${i}" "cache/sharded_deduplicated_${lang}/simhash_index.ann" --split "train" --k 100 --threshold $THRESHOLD + done + + echo "Removing duplicates" + for i in $(seq -f "%05g" 0 "$((SHARDS - 1))"); do + echo "Cleaning shard ${i}" + $PYTHON $SCRIPT remove-duplicates "cache/sharded_deduplicated_${lang}/hashes_${i}_duplicates" --split "train" + done + + echo "Merging shards" + $PYTHON $SCRIPT merge-shards "cache/sharded_deduplicated_${lang}/output" $(seq -s " " -f "cache/sharded_deduplicated_${lang}/hashes_%05g_deduplicated" 0 "$((SHARDS - 1))") --split "train" + + echo "Done" +done diff --git a/data_tooling/ac_dc/examples/merge.sh b/data_tooling/ac_dc/examples/merge.sh new file mode 100644 index 0000000..1ba8025 --- /dev/null +++ b/data_tooling/ac_dc/examples/merge.sh @@ -0,0 +1,35 @@ +#!/bin/bash +LANGUAGES=('min') +SHARDS=1 +THRESHOLD=1 +PYTHON="/home/jovyan/conda/envs/data/bin/python" +SCRIPT="/home/jovyan/data_tooling/ac_dc/deduplicate.py" + +for lang in "${LANGUAGES[@]}"; do + echo "lang: $lang" + $PYTHON $SCRIPT create-shards "cache/sharded_deduplicated_${lang}_v2" $SHARDS --path "oscar-corpus/OSCAR-2109" --name "deduplicated_${lang}" --split "train" + $PYTHON $SCRIPT create-shards "cache/sharded_deduplicated_${lang}_v1" $SHARDS --path "oscar" --name "unshuffled_deduplicated_${lang}" --split "train" + + # Hash + for i in $(seq -f "%05g" 0 "$((SHARDS - 1))"); do + $PYTHON $SCRIPT build-hashes "cache/sharded_deduplicated_${lang}_v2/hashes_${i}" --data-files "sharded_${i}.jsonl" --path "cache/sharded_deduplicated_${lang}_v2" --split "train" --shingle-size 4 --text-column-name "text" + done + + for i in $(seq -f "%05g" 0 "$((SHARDS - 1))"); do + $PYTHON $SCRIPT build-hashes "cache/sharded_deduplicated_${lang}_v1/hashes_${i}" --data-files "sharded_${i}.jsonl" --path "cache/sharded_deduplicated_${lang}_v1" --split "train" --shingle-size 4 --text-column-name "text" + done + + # Create the index file + # $PYTHON $SCRIPT build-index "cache/sharded_deduplicated_${lang}_v1/simhash_index.ann" $(seq -s " " -f "cache/sharded_deduplicated_${lang}_v1/hashes_%05g" 0 "$((SHARDS - 1))") --split "train" + $PYTHON $SCRIPT build-index "cache/sharded_deduplicated_${lang}_v2/simhash_index.ann" $(seq -s " " -f "cache/sharded_deduplicated_${lang}_v2/hashes_%05g" 0 "$((SHARDS - 1))") --split "train" + + # merge v2 metadata into v1 + $PYTHON $SCRIPT merge-meta \ + "cache/sharded_deduplicated_${lang}_v2/simhash_index.ann" \ + $(seq -s " " -f "--data-dirs cache/sharded_deduplicated_${lang}_v1/hashes_%05g" 0 "$((SHARDS - 1))") \ + $(seq -s " " -f "--meta-data-dirs cache/sharded_deduplicated_${lang}_v2/hashes_%05g" 0 "$((SHARDS - 1))") \ + --k 1 \ + --threshold $THRESHOLD \ + --split "train" + +done diff --git a/data_tooling/ac_dc/explanation_filtering_pipeline.pdf b/data_tooling/ac_dc/explanation_filtering_pipeline.pdf new file mode 100644 index 0000000..7a42122 Binary files /dev/null and b/data_tooling/ac_dc/explanation_filtering_pipeline.pdf differ diff --git a/data_tooling/ac_dc/filtering.py b/data_tooling/ac_dc/filtering.py new file mode 100644 index 0000000..46dbf51 --- /dev/null +++ b/data_tooling/ac_dc/filtering.py @@ -0,0 +1,881 @@ +import re + +import numpy as np + +import fasttext + +import sentencepiece +import kenlm + +import pathlib + +from languages_id import langs_id +from parameters_filtering import parameters_filtering +from normalization import normalization +from stopwords import stopwords +from badwords import badwords + + +class LoadParameters: + @staticmethod + def load_parameters(lang_dataset_id): + if lang_dataset_id in parameters_filtering: + param = parameters_filtering[lang_dataset_id] + else: + param = parameters_filtering["default"] + return param + + @staticmethod + def load_stopwords(lang_dataset_id): + stopwords_lang_id = langs_id.loc[ + langs_id["dataset_id"] == lang_dataset_id, "stopwords_id" + ].iloc[0] + if stopwords_lang_id: + stopwords_lang = set(stopwords[stopwords_lang_id]) + else: + stopwords_lang = None + return stopwords_lang + + @staticmethod + def load_badwords(lang_dataset_id): + badwords_lang_id = langs_id.loc[ + langs_id["dataset_id"] == lang_dataset_id, "badwords_id" + ].iloc[0] + if badwords_lang_id: + badwords_lang = set(badwords[badwords_lang_id]) + else: + badwords_lang = None + return badwords_lang + + @staticmethod + def load_model_lang_id(lang_dataset_id, path_fasttext_model): + fasttext_lang_id = langs_id.loc[ + langs_id["dataset_id"] == lang_dataset_id, "fasttext_id" + ].iloc[0] + if fasttext_lang_id: + model_lang_id = fasttext.load_model(path_fasttext_model) + else: + model_lang_id = None + return model_lang_id + + @staticmethod + def load_sentencepiece_model(lang_dataset_id, path_sentencepiece_model): + sentencepiece_lang_id = langs_id.loc[ + langs_id["dataset_id"] == lang_dataset_id, "sentencepiece_id" + ].iloc[0] + if sentencepiece_lang_id: + sentencepiece_model = sentencepiece.SentencePieceProcessor() + sentencepiece_model.load(path_sentencepiece_model) + else: + sentencepiece_model = None + return sentencepiece_model + + @staticmethod + def load_kenlm_model(lang_dataset_id, path_kenlm_model): + kenlm_lang_id = langs_id.loc[ + langs_id["dataset_id"] == lang_dataset_id, "kenlm_id" + ].iloc[0] + if kenlm_lang_id: + kenlm_model = kenlm.Model(path_kenlm_model) + else: + kenlm_model = None + return kenlm_model + + +class ModifyingDocuments: + @staticmethod + def remove_empty_el_from_list(list_): + return [el for el in list_ if el] + + @staticmethod + def remove_non_printing_characters(document, non_printing_characters_re): + return non_printing_characters_re.sub("", document) + + @staticmethod + def uniform_whitespace( + document, + whitespace=[ + " ", + " ", + " ", + " ", + " ", + " ", + " ", + " ", + " ", + " ", + "", + "„", + ], + ): + """There are different whitespace characters.""" + whitespace = set(whitespace) + document = "".join( + [char if char not in whitespace else " " for char in document] + ) + return document + + @staticmethod + def replace_digits_with_zeros(document, digits_re): + return digits_re.sub("0", document) + + @staticmethod + def replace_unicode_punctuation(document, unicode_punctuation): + return "".join(unicode_punctuation.get(c, c) for c in document) + + @staticmethod + def normalization( + document, + remove_non_printing_characters, + strip, + lower_case, + uniform_whitespace, + replace_digits_with_zeros, + replace_unicode_punctuation, + non_printing_characters_re=normalization["non_printing_characters_re"], + digits_re=normalization["digits_re"], + unicode_punctuation=normalization["unicode_punctuation"], + ): + if remove_non_printing_characters: + document = ModifyingDocuments.remove_non_printing_characters( + document, non_printing_characters_re + ) + if strip: + document = document.strip() + if not document: + return document + if lower_case: + document = document.lower() + if uniform_whitespace: + document = ModifyingDocuments.uniform_whitespace(document) + if replace_digits_with_zeros: + document = ModifyingDocuments.replace_digits_with_zeros(document, digits_re) + if replace_unicode_punctuation: + document = ModifyingDocuments.replace_unicode_punctuation( + document, unicode_punctuation + ) + return document + + @staticmethod + def tokenization(document, sentencepiece_model, join_on_whitespace): + document_tokenized = sentencepiece_model.encode_as_pieces(document) + if join_on_whitespace: + document_tokenized = " ".join(document_tokenized) + return document_tokenized + + @staticmethod + def split_on_whitespace( + document, + new_line=False, + tab=False, + ): + """This method also removes concatenated spaces.""" + sep = [" "] + new_line * ["\n"] + tab * ["\t"] + sep = "|".join(sep) + split_document = re.split(sep, document) + split_document = ModifyingDocuments.remove_empty_el_from_list(split_document) + return split_document + + @staticmethod + def strip(document, strip_characters): + """Way faster than document.strip(strip_characters) + since strip_characters is now a set instead of a str, + and it contains a lot of elements (all the emojis).""" + if not document: + return document + beg_ind = 0 + end_ind = len(document) + for i in range(len(document)): + if document[i] in strip_characters: + beg_ind += 1 + else: + break + for i in range(1, len(document) + 1): + if document[-i] in strip_characters: + end_ind -= 1 + else: + break + document_stripped = document[beg_ind:end_ind] + return document_stripped + + @staticmethod + def get_words_from_document( + document, sentencepiece_model_tok, lower_case, strip_characters + ): + """Get words from a document. Non reversible since the document + is split on multiple characters, words are stripped of + special characters and characters are converted to lower case. + Useful to compute ratios, like the stopwords ratio.""" + if sentencepiece_model_tok: + document_normalized = ModifyingDocuments.normalization( + document=document, + remove_non_printing_characters=True, + strip=True, + lower_case=True, + uniform_whitespace=True, + replace_digits_with_zeros=True, + replace_unicode_punctuation=True, + ) + words = ModifyingDocuments.tokenization( + document_normalized, sentencepiece_model_tok, join_on_whitespace=False + ) + else: + words = ModifyingDocuments.split_on_whitespace( + document, new_line=True, tab=True + ) + if lower_case: + words = [word.lower() for word in words] + if strip_characters: + words = [ModifyingDocuments.strip(word, strip_characters) for word in words] + words = ModifyingDocuments.remove_empty_el_from_list(words) + return words + + @staticmethod + def words_augmentation(words, group_size, join_char): + """Augment words, especially for Chinese (without a space between words) + and Vietnamese (with a space between syllables).""" + augmentation = [ + join_char.join(words[i : i + group_size]) + for i in range(len(words) - group_size + 1) + ] + return augmentation + + @staticmethod + def split_on_newline_tab_whitespace(document): + """First split on "\n", then on "\t", then on " ".""" + sentences = document.split("\n") + sentences = [sentence.split("\t") for sentence in sentences] + sentences = [ + [ + ModifyingDocuments.split_on_whitespace(subsentence) + for subsentence in sentence + ] + for sentence in sentences + ] + return sentences + + @staticmethod + def merge_on_whitespace_tab_newline(sentences): + """Invert the method split_on_newline_tab_whitespace. + Removes concatenated separators.""" + sentences = [ + [" ".join(subsentence) for subsentence in sentence if subsentence] + for sentence in sentences + ] + sentences = ["\t".join(sentence) for sentence in sentences if sentence] + if not sentences: + return "" + document = "\n".join(sentences) + return document + + @staticmethod + def should_keep_word_with_incorrect_substrings( + word, strip_characters, incorrect_word_substrings + ): + word = ModifyingDocuments.strip(word, strip_characters) + should_keep = all( + [(i_substr not in word) for i_substr in incorrect_word_substrings] + ) + return should_keep + + @staticmethod + def remove_words_with_incorrect_substrings( + document, + strip_characters, + incorrect_word_substrings, + ): + sentences = ModifyingDocuments.split_on_newline_tab_whitespace(document) + sentences = [ + [ + [ + word + for word in subsentence + if ModifyingDocuments.should_keep_word_with_incorrect_substrings( + word, strip_characters, incorrect_word_substrings + ) + ] + for subsentence in sentence + ] + for sentence in sentences + ] + document = ModifyingDocuments.merge_on_whitespace_tab_newline(sentences) + return document + + @staticmethod + def should_keep_long_word(word, strip_characters, length_word_max_cutoff): + """If the word is too long but it contains only one + special character, it might be a concatenation of one word, + a punctuation, and another word, with no space between them. + In this case, we give the word a pass.""" + if len(word) <= length_word_max_cutoff: + return True + word = ModifyingDocuments.strip(word, strip_characters) + if not word: # The word consisted only of strip characters + return False + if len(word) <= length_word_max_cutoff: + return True + return False + + def remove_long_words( + document, + strip_characters, + length_word_max_cutoff, + ): + sentences = ModifyingDocuments.split_on_newline_tab_whitespace(document) + sentences = [ + [ + [ + word + for word in subsentence + if ModifyingDocuments.should_keep_long_word( + word, + strip_characters, + length_word_max_cutoff, + ) + ] + for subsentence in sentence + ] + for sentence in sentences + ] + document = ModifyingDocuments.merge_on_whitespace_tab_newline(sentences) + return document + + @staticmethod + def modifying_documents( + document, + cond_uniform_whitespace, + cond_replace_unicode_punctuation, + cond_remove_words_with_incorrect_substrings, + strip_characters, + incorrect_word_substrings, + cond_remove_long_words, + length_word_max_cutoff, + ): + document = ModifyingDocuments.normalization( + document=document, + remove_non_printing_characters=False, + strip=True, + lower_case=False, + uniform_whitespace=cond_uniform_whitespace, + replace_digits_with_zeros=False, + replace_unicode_punctuation=cond_replace_unicode_punctuation, + ) + if cond_remove_words_with_incorrect_substrings: + document = ModifyingDocuments.remove_words_with_incorrect_substrings( + document, + strip_characters, + incorrect_word_substrings, + ) + if cond_remove_long_words: + document = ModifyingDocuments.remove_long_words( + document, + strip_characters, + length_word_max_cutoff, + ) + return document + + +class FunctionDatasetModifyingDocuments: + def __init__(self, lang_dataset_id): + self.lang_dataset_id = lang_dataset_id + self.param = LoadParameters.load_parameters(lang_dataset_id) + + def __call__(self, example): + example["text"] = ModifyingDocuments.modifying_documents( + document=example["text"], + cond_uniform_whitespace=self.param["cond_uniform_whitespace"], + cond_replace_unicode_punctuation=self.param[ + "cond_replace_unicode_punctuation" + ], + cond_remove_words_with_incorrect_substrings=self.param[ + "cond_remove_words_with_incorrect_substrings" + ], + strip_characters=self.param["strip_characters"], + incorrect_word_substrings=self.param["incorrect_word_substrings"], + cond_remove_long_words=self.param["cond_remove_long_words"], + length_word_max_cutoff=self.param["length_word_max_cutoff"], + ) + return example + + def __reduce__(self): + return (self.__class__, (self.lang_dataset_id,)) + + +class Filtering: + @staticmethod + def check_number_words( + document, + sentencepiece_model_tok, + strip_characters, + number_words_min_cutoff, + number_words_max_cutoff, + ): + words = ModifyingDocuments.get_words_from_document( + document, + sentencepiece_model_tok, + lower_case=False, + strip_characters=strip_characters, + ) + cond = (len(words) >= number_words_min_cutoff) and ( + len(words) <= number_words_max_cutoff + ) + return cond + + @staticmethod + def compute_repetitions_ratio(document, repetitions_length): + def get_freq_ngrams(document, n): + ngrams = [document[i : i + n] for i in range(len(document) - n + 1)] + freq_ngrams = {} + for ngram in ngrams: + freq_ngrams[ngram] = freq_ngrams.get(ngram, 0) + 1 + return freq_ngrams + + freq_ngrams = get_freq_ngrams(document, repetitions_length) + if len(freq_ngrams) == 0: + return 0 + freq_ngrams = list(freq_ngrams.values()) + freq_ngrams = sorted(freq_ngrams, reverse=True) + num_rep_ngrams = int(np.sqrt(len(freq_ngrams))) + repetitions_ratio = sum(freq_ngrams[:num_rep_ngrams]) / sum(freq_ngrams) + return repetitions_ratio + + @staticmethod + def check_repetitions_removal( + document, + repetitions_length, + repetitions_max_cutoff, + ): + repetitions_ratio = Filtering.compute_repetitions_ratio( + document, repetitions_length + ) + cond = repetitions_ratio <= repetitions_max_cutoff + return cond + + @staticmethod + def compute_special_characters_ratio(document, special_characters): + if len(document) == 0: + return 0 + special_characters_ratio = len( + [char for char in document if char in special_characters] + ) / len(document) + return special_characters_ratio + + @staticmethod + def check_special_characters( + document, + special_characters, + special_characters_max_cutoff, + ): + special_characters_ratio = Filtering.compute_special_characters_ratio( + document, special_characters + ) + cond = special_characters_ratio <= special_characters_max_cutoff + return cond + + @staticmethod + def compute_stopwords_ratio( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + stopwords, + ): + words = ModifyingDocuments.get_words_from_document( + document, + sentencepiece_model_tok, + lower_case=True, + strip_characters=strip_characters, + ) + if not words: + return 0 + augmentation = [] + if cond_words_augmentation: + augmentation = [ + ModifyingDocuments.words_augmentation( + words, group_size, words_augmentation_join_char + ) + for group_size in words_augmentation_group_sizes + ] + augmentation = [word for augm in augmentation for word in augm] + stopwords_ratio = len( + [word for word in words + augmentation if word in stopwords] + ) / len(words) + if stopwords_ratio > 1.0: + stopwords_ratio = 1.0 + return stopwords_ratio + + @staticmethod + def check_stopwords( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + stopwords, + stopwords_min_cutoff, + ): + cond = True + if stopwords: + stopwords_ratio = Filtering.compute_stopwords_ratio( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + stopwords, + ) + cond = stopwords_ratio >= stopwords_min_cutoff + return cond + + @staticmethod + def compute_badwords_ratio( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + badwords, + ): + words = ModifyingDocuments.get_words_from_document( + document, + sentencepiece_model_tok, + lower_case=True, + strip_characters=strip_characters, + ) + if not words: + return 0 + augmentation = [] + if cond_words_augmentation: + augmentation = [ + ModifyingDocuments.words_augmentation( + words, group_size, words_augmentation_join_char + ) + for group_size in words_augmentation_group_sizes + ] + augmentation = [word for augm in augmentation for word in augm] + badwords_ratio = len( + [word for word in words + augmentation if word in badwords] + ) / len(words) + if badwords_ratio > 1.0: + badwords_ratio = 1.0 + for word in augmentation: + if word in badwords: + print(word) + return badwords_ratio + + @staticmethod + def check_badwords( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + badwords, + badwords_max_cutoff, + ): + cond = True + if badwords: + badwords_ratio = Filtering.compute_badwords_ratio( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + badwords, + ) + cond = badwords_ratio <= badwords_max_cutoff + return cond + + @staticmethod + def compute_lang_id_pred_score(document, model_lang_id): + document = document.lower().replace("\n", " ") + pred = model_lang_id.predict(document) + lang_pred_fasttext_id = pred[0][0].replace("__label__", "") + score_pred = pred[1][0] + lang_pred_dataset_id = langs_id.loc[ + langs_id["fasttext_id"] == lang_pred_fasttext_id, "dataset_id" + ] + if len(lang_pred_dataset_id) > 0: + lang_pred_dataset_id = lang_pred_dataset_id.iloc[0] + else: + lang_pred_dataset_id = "unknown" + return lang_pred_dataset_id, score_pred + + @staticmethod + def check_lang_id( + document, + lang_dataset_id, + model_lang_id, + lang_id_min_cutoff, + ): + cond = True + if model_lang_id: + lang_pred_dataset_id, score_pred = Filtering.compute_lang_id_pred_score( + document, model_lang_id + ) + cond = (lang_pred_dataset_id == lang_dataset_id) and ( + score_pred >= lang_id_min_cutoff + ) + return cond + + @staticmethod + def compute_perplexity_score(document, sentencepiece_model, kenlm_model): + document = ModifyingDocuments.normalization( + document=document, + remove_non_printing_characters=True, + strip=True, + lower_case=True, + uniform_whitespace=True, + replace_digits_with_zeros=True, + replace_unicode_punctuation=True, + ) + document = ModifyingDocuments.tokenization( + document, sentencepiece_model, join_on_whitespace=True + ) + doc_log_score, doc_length = 0, 0 + for line in document.split("\n"): + log_score = kenlm_model.score(line) + length = len(line.split()) + 1 + doc_log_score += log_score + doc_length += length + pp_score = 10.0 ** (-doc_log_score / doc_length) + pp_score = round(pp_score, 1) + return pp_score + + @staticmethod + def check_perplexity( + document, + sentencepiece_model, + kenlm_model, + perplexity_max_cutoff, + ): + cond = True + if kenlm_model: + score = Filtering.compute_perplexity_score( + document, sentencepiece_model, kenlm_model + ) + cond = score <= perplexity_max_cutoff + return cond + + @staticmethod + def filtering( + document, + cond_check_number_words, + sentencepiece_model_tok, + strip_characters, + number_words_min_cutoff, + number_words_max_cutoff, + cond_check_repetitions_removal, + repetitions_length, + repetitions_max_cutoff, + cond_check_special_characters, + special_characters, + special_characters_max_cutoff, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + cond_check_stopwords, + stopwords, + stopwords_min_cutoff, + cond_check_badwords, + badwords, + badwords_max_cutoff, + cond_check_lang_id, + lang_dataset_id, + model_lang_id, + lang_id_min_cutoff, + cond_check_perplexity, + sentencepiece_model, + kenlm_model, + perplexity_max_cutoff, + ): + if cond_check_number_words: + if not Filtering.check_number_words( + document, + sentencepiece_model_tok, + strip_characters, + number_words_min_cutoff, + number_words_max_cutoff, + ): + return False + if cond_check_repetitions_removal: + if not Filtering.check_repetitions_removal( + document, + repetitions_length, + repetitions_max_cutoff, + ): + return False + if cond_check_special_characters: + if not Filtering.check_special_characters( + document, + special_characters, + special_characters_max_cutoff, + ): + return False + if cond_check_stopwords: + if not Filtering.check_stopwords( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + stopwords, + stopwords_min_cutoff, + ): + return False + if cond_check_badwords: + if not Filtering.check_badwords( + document, + sentencepiece_model_tok, + strip_characters, + cond_words_augmentation, + words_augmentation_group_sizes, + words_augmentation_join_char, + badwords, + badwords_max_cutoff, + ): + return False + if cond_check_lang_id: + if not Filtering.check_lang_id( + document, + lang_dataset_id, + model_lang_id, + lang_id_min_cutoff, + ): + return False + if cond_check_perplexity: + if not Filtering.check_perplexity( + document, + sentencepiece_model, + kenlm_model, + perplexity_max_cutoff, + ): + return False + return True + + +class FunctionDatasetFiltering: + def __init__( + self, + lang_dataset_id, + path_fasttext_model, + path_sentencepiece_model, + path_kenlm_model, + ): + self.lang_dataset_id = lang_dataset_id + self.path_fasttext_model = path_fasttext_model + self.path_sentencepiece_model = path_sentencepiece_model + self.path_kenlm_model = path_kenlm_model + + self.param = LoadParameters.load_parameters(lang_dataset_id) + self.stopwords = LoadParameters.load_stopwords(lang_dataset_id) + self.badwords = LoadParameters.load_badwords(lang_dataset_id) + self.model_lang_id = LoadParameters.load_model_lang_id( + lang_dataset_id, path_fasttext_model + ) + self.sentencepiece_model = LoadParameters.load_sentencepiece_model( + lang_dataset_id, path_sentencepiece_model + ) + self.sentencepiece_model_tok = ( + self.sentencepiece_model if self.param["tokenization"] else None + ) + self.kenlm_model = LoadParameters.load_kenlm_model( + lang_dataset_id, path_kenlm_model + ) + + def __call__(self, example): + keep_example = Filtering.filtering( + document=example["text"], + cond_check_number_words=self.param["cond_check_number_words"], + sentencepiece_model_tok=self.sentencepiece_model_tok, + strip_characters=self.param["strip_characters"], + number_words_min_cutoff=self.param["number_words_min_cutoff"], + number_words_max_cutoff=self.param["number_words_max_cutoff"], + cond_check_repetitions_removal=self.param["check_repetitions_removal"], + repetitions_length=self.param["repetitions_length"], + repetitions_max_cutoff=self.param["repetitions_max_cutoff"], + cond_check_special_characters=self.param["cond_check_special_characters"], + special_characters=self.param["special_characters"], + special_characters_max_cutoff=self.param["special_characters_max_cutoff"], + cond_words_augmentation=self.param["cond_words_augmentation"], + words_augmentation_group_sizes=self.param["words_augmentation_group_sizes"], + words_augmentation_join_char=self.param["words_augmentation_join_char"], + cond_check_stopwords=self.param["cond_check_stopwords"], + stopwords=self.stopwords, + stopwords_min_cutoff=self.param["stopwords_min_cutoff"], + cond_check_badwords=self.param["cond_check_badwords"], + badwords=self.badwords, + badwords_max_cutoff=self.param["badwords_max_cutoff"], + cond_check_lang_id=self.param["cond_check_lang_id"], + lang_dataset_id=self.lang_dataset_id, + model_lang_id=self.model_lang_id, + lang_id_min_cutoff=self.param["lang_id_min_cutoff"], + cond_check_perplexity=self.param["cond_check_perplexity"], + sentencepiece_model=self.sentencepiece_model, + kenlm_model=self.kenlm_model, + perplexity_max_cutoff=self.param["perplexity_max_cutoff"], + ) + return keep_example + + def __reduce__(self): + return ( + self.__class__, + ( + self.lang_dataset_id, + self.path_fasttext_model, + self.path_sentencepiece_model, + self.path_kenlm_model, + ), + ) + + +class DatasetFiltering: + def __init__( + self, + dataset, + lang_dataset_id, + path_fasttext_model, + path_sentencepiece_model, + path_kenlm_model, + num_proc, + path_dir_save_dataset, + ): + self.ds = dataset + self.lang_dataset_id = lang_dataset_id + self.path_fasttext_model = path_fasttext_model + self.path_sentencepiece_model = path_sentencepiece_model + self.path_kenlm_model = path_kenlm_model + self.num_proc = num_proc + self.path_dir_save_dataset = path_dir_save_dataset + + def modifying_documents(self): + dataset_modifying_documents = FunctionDatasetModifyingDocuments( + self.lang_dataset_id + ) + self.ds = self.ds.map(dataset_modifying_documents, num_proc=self.num_proc) + + def filtering(self): + func_dataset_filtering = FunctionDatasetFiltering( + self.lang_dataset_id, + self.path_fasttext_model, + self.path_sentencepiece_model, + self.path_kenlm_model, + ) + self.ds = self.ds.filter(func_dataset_filtering, num_proc=self.num_proc) + + def save_dataset(self): + pathlib.Path(self.path_dir_save_dataset).mkdir(parents=True, exist_ok=True) + path_dir_save_dataset = pathlib.PurePath( + self.path_dir_save_dataset, self.lang_dataset_id + ) + pathlib.Path(path_dir_save_dataset).mkdir(parents=True, exist_ok=True) + self.ds.save_to_disk(path_dir_save_dataset) diff --git a/data_tooling/ac_dc/languages_id.py b/data_tooling/ac_dc/languages_id.py new file mode 100644 index 0000000..5b7747e --- /dev/null +++ b/data_tooling/ac_dc/languages_id.py @@ -0,0 +1,231 @@ +import pandas as pd + + +langs_id = [ + { + "lang": "Afrikaans", + "dataset_id": "af", + "stopwords_id": "af", + "badwords_id": None, + "fasttext_id": "af", + "sentencepiece_id": "af", + "kenlm_id": "af", + }, + { + "lang": "Arabic", + "dataset_id": "ar", + "stopwords_id": "ar", + "badwords_id": "ar", + "fasttext_id": "ar", + "sentencepiece_id": "ar", + "kenlm_id": "ar", + }, + { + "lang": "Egyptian Arabic", + "dataset_id": "arz", + "stopwords_id": None, + "badwords_id": None, + "fasttext_id": "arz", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Assamese", + "dataset_id": "as", + "stopwords_id": None, + "badwords_id": None, + "fasttext_id": "as", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Bengali", + "dataset_id": "bn", + "stopwords_id": "bn", + "badwords_id": None, + "fasttext_id": "bn", + "sentencepiece_id": "bn", + "kenlm_id": "bn", + }, + { + "lang": "Catalan", + "dataset_id": "ca", + "stopwords_id": "ca", + "badwords_id": "ca", + "fasttext_id": "ca", + "sentencepiece_id": "ca", + "kenlm_id": "ca", + }, + { + "lang": "English", + "dataset_id": "en", + "stopwords_id": "en", + "badwords_id": "en", + "fasttext_id": "en", + "sentencepiece_id": "en", + "kenlm_id": "en", + }, + { + "lang": "Spanish", + "dataset_id": "es", + "stopwords_id": "es", + "badwords_id": "es", + "fasttext_id": "es", + "sentencepiece_id": "es", + "kenlm_id": "es", + }, + { + "lang": "Basque", + "dataset_id": "eu", + "stopwords_id": "eu", + "badwords_id": "eu", + "fasttext_id": "eu", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "French", + "dataset_id": "fr", + "stopwords_id": "fr", + "badwords_id": "fr", + "fasttext_id": "fr", + "sentencepiece_id": "fr", + "kenlm_id": "fr", + }, + { + "lang": "Gujarati", + "dataset_id": "gu", + "stopwords_id": None, + "badwords_id": None, + "fasttext_id": "gu", + "sentencepiece_id": "gu", + "kenlm_id": "gu", + }, + { + "lang": "Hindi", + "dataset_id": "hi", + "stopwords_id": "hi", + "badwords_id": "hi", + "fasttext_id": "hi", + "sentencepiece_id": "hi", + "kenlm_id": "hi", + }, + { + "lang": "Indonesian", + "dataset_id": "id", + "stopwords_id": "id", + "badwords_id": "id", + "fasttext_id": "id", + "sentencepiece_id": "id", + "kenlm_id": "id", + }, + { + "lang": "Kannada", + "dataset_id": "kn", + "stopwords_id": None, + "badwords_id": "kn", + "fasttext_id": "kn", + "sentencepiece_id": "kn", + "kenlm_id": "kn", + }, + { + "lang": "Malayalam", + "dataset_id": "ml", + "stopwords_id": None, + "badwords_id": "ml", + "fasttext_id": "ml", + "sentencepiece_id": "ml", + "kenlm_id": "ml", + }, + { + "lang": "Marathi", + "dataset_id": "mr", + "stopwords_id": "mr", + "badwords_id": "mr", + "fasttext_id": "mr", + "sentencepiece_id": "mr", + "kenlm_id": "mr", + }, + { + "lang": "Portuguese", + "dataset_id": "pt", + "stopwords_id": "pt", + "badwords_id": "pt", + "fasttext_id": "pt", + "sentencepiece_id": "pt", + "kenlm_id": "pt", + }, + { + "lang": "Somali", + "dataset_id": "so", + "stopwords_id": "so", + "badwords_id": None, + "fasttext_id": "so", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Swahili", + "dataset_id": "sw", + "stopwords_id": "sw", + "badwords_id": None, + "fasttext_id": "sw", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Tamil", + "dataset_id": "ta", + "stopwords_id": None, + "badwords_id": None, + "fasttext_id": "ta", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Telugu", + "dataset_id": "te", + "stopwords_id": None, + "badwords_id": "te", + "fasttext_id": "te", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Urdu", + "dataset_id": "ur", + "stopwords_id": "ur", + "badwords_id": None, + "fasttext_id": "ur", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Vietnamese", + "dataset_id": "vi", + "stopwords_id": "vi", + "badwords_id": "vi", + "fasttext_id": "vi", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Yoruba", + "dataset_id": "yo", + "stopwords_id": "yo", + "badwords_id": None, + "fasttext_id": "yo", + "sentencepiece_id": None, + "kenlm_id": None, + }, + { + "lang": "Chinese", + "dataset_id": "zh", + "stopwords_id": "zh", + "badwords_id": "zh", + "fasttext_id": "zh", + "sentencepiece_id": "zh", + "kenlm_id": "zh", + }, +] +langs_id = pd.DataFrame(langs_id) diff --git a/data_tooling/ac_dc/main_filtering.py b/data_tooling/ac_dc/main_filtering.py new file mode 100644 index 0000000..c7eab61 --- /dev/null +++ b/data_tooling/ac_dc/main_filtering.py @@ -0,0 +1,136 @@ +"""Filtering.""" + +from multiprocessing import cpu_count + +import argparse + +from datasets import load_dataset + +from filtering import DatasetFiltering + + +def check_num_proc(num_proc: int = -1) -> int: + """ + Check the number of processors. Return a safe-checked value. + + Parameters + ---------- + num_proc : int, optional + Number of processors to use, by default -1 + + Returns + ------- + int + Number of processors to use + + Raises + ------ + ValueError + If the input exceeds the number of processors available + """ + maximum: int = cpu_count() + if num_proc > maximum: + raise ValueError( + f"{num_proc} exceeds the maximum number ({maximum}) of processors" + ) + + if num_proc == -1: + num_proc = maximum + else: + print(f"Using {num_proc} processors out of {maximum} can be slow") + + return num_proc + + +def parseArgs(): + parser = argparse.ArgumentParser(description="Filtering.") + parser.add_argument( + "--dataset_name", + type=str, + default="oscar", + help="Name of the dataset to load.", + ) + parser.add_argument( + "--config_name", + type=str, + default="unshuffled_deduplicated_af", + help="Name of the dataset config to pass.", + ) + parser.add_argument( + "--data_files", + type=str, + default=None, + help="'load_dataset' returns all files that match the Unix style pattern passed by 'data_files'", + ) + parser.add_argument( + "--split", + type=str, + default="train", + help="Split of the dataset to consider.", + ) + parser.add_argument( + "--lang_dataset_id", + type=str, + default="af", + help="ID of the language in which the dataset is written.", + ) + parser.add_argument( + "--path_fasttext_model", + type=str, + default="ac_dc/lid.176.bin", + help="Path to the Fasttext model used for language identification.", + ) + parser.add_argument( + "--path_sentencepiece_model", + type=str, + default="ac_dc/af.sp.model", + help="Path to the Sentence Piece model used to tokenize text for perplexity scores.", + ) + parser.add_argument( + "--path_kenlm_model", + type=str, + default="ac_dc/af.arpa.bin", + help="Path to the KenLM model used to compute perplexity scores.", + ) + parser.add_argument( + "--num_proc", + type=int, + default=-1, + help="Number of processes for multiprocessing. Default at the number of processors available.", + ) + parser.add_argument( + "--path_dir_save_dataset", + type=str, + default="../dataset_filtered/", + help="Path to the directory where the filtered version of the dataset will be saved.", + ) + args = parser.parse_args() + return args + + +def main(): + args = parseArgs() + + dataset = load_dataset( + args.dataset_name, + args.config_name, + data_files=args.data_files, + split=args.split, + ) + + dataset_filtering = DatasetFiltering( + dataset=dataset, + lang_dataset_id=args.lang_dataset_id, + path_fasttext_model=args.path_fasttext_model, + path_sentencepiece_model=args.path_sentencepiece_model, + path_kenlm_model=args.path_kenlm_model, + num_proc=check_num_proc(args.num_proc), + path_dir_save_dataset=args.path_dir_save_dataset, + ) + dataset_filtering.modifying_documents() + dataset_filtering.filtering() + dataset_filtering.save_dataset() + + +if __name__ == "__main__": + main() diff --git a/data_tooling/ac_dc/normalization.py b/data_tooling/ac_dc/normalization.py new file mode 100644 index 0000000..652e810 --- /dev/null +++ b/data_tooling/ac_dc/normalization.py @@ -0,0 +1,52 @@ +import re +from typing import Dict + + +non_printing_characters_re = re.compile( + f"[{''.join(map(chr, list(range(0,32)) + list(range(127,160))))}]" +) + +digits_re: re.Pattern = re.compile(r"\d") + +unicode_punctuation: Dict[str, str] = { + ",": ",", + "。": ".", + "、": ",", + "„": '"', + "”": '"', + "“": '"', + "«": '"', + "»": '"', + "1": '"', + "」": '"', + "「": '"', + "《": '"', + "》": '"', + "´": "'", + "∶": ":", + ":": ":", + "?": "?", + "!": "!", + "(": "(", + ")": ")", + ";": ";", + "–": "-", + "—": " - ", + ".": ". ", + "~": "~", + "’": "'", + "…": "...", + "━": "-", + "〈": "<", + "〉": ">", + "【": "[", + "】": "]", + "%": "%", + "►": "-", +} + +normalization = { + "non_printing_characters_re": non_printing_characters_re, + "digits_re": digits_re, + "unicode_punctuation": unicode_punctuation, +} diff --git a/data_tooling/ac_dc/parameters_filtering.py b/data_tooling/ac_dc/parameters_filtering.py new file mode 100644 index 0000000..a1c7b60 --- /dev/null +++ b/data_tooling/ac_dc/parameters_filtering.py @@ -0,0 +1,852 @@ +import string +import emoji + + +main_special_characters = string.punctuation + string.digits + string.whitespace +other_special_characters = ( + "’ “— ™ – •‘œ    ˜ ‚ƒ„’“”–ー一▬…✦�­£​•€«»°·═" + "×士^˘⇓↓↑←→()§″′´¿−±∈¢ø‚„½¼¾¹²³―⁃,ˌ¸‹›ʺˈʻ¦‐⠀‰……‑≤≥‖" + "◆●■►▼▲▴∆▻¡★☆✱ːº。¯˜¥ɪ≈†上ン:∼⁄・♡✓⊕․.⋅÷1‟;،、¨ाাी्े◦˚" + "゜ʼ≖ʼ¤ッツシ℃√!【】‿∞➤~πه۩☛₨➩☻๑٪♥ıॽ《‘©﴿٬?▷Г♫∟™ª₪®「—❖" + "」﴾》" +) +emoji = list(emoji.UNICODE_EMOJI["en"].keys()) + +special_characters_default = set(main_special_characters + other_special_characters) +special_characters_default.update(emoji) + + +parameters_filtering_default = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": False, + "length_word_max_cutoff": 50, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.4, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": False, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.70, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_af = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 25, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.3, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.6, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_ar = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 25, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.45, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 1000000, +} + +parameters_filtering_arz = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 25, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.5, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_as = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 25, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.25, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_bn = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.275, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0.05, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 575000, +} + +parameters_filtering_ca = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.35, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 1750000, +} + +parameters_filtering_en = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": True, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 25, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 20, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.4, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0.3, + "cond_check_badwords": True, + "badwords_max_cutoff": 0.045, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.80, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 2500, +} + +parameters_filtering_es = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.3, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0.2, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 2500000, +} + +parameters_filtering_eu = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 35, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.3, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_fr = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.35, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0.15, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_gu = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.3, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 250000, +} + +parameters_filtering_hi = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 25, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.35, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 600000, +} + +parameters_filtering_id = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.25, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0.25, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 2500000, +} + +parameters_filtering_kn = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 50, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.25, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 400000, +} + +parameters_filtering_ml = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 50, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.2, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 1600000, +} + +parameters_filtering_mr = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.25, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 425000, +} + +parameters_filtering_pt = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.3, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0.15, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": True, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_so = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": False, + "length_word_max_cutoff": 1000, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.3, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": False, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_sw = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.275, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_ta = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 50, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.25, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_te = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 35, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.25, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_ur = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.4, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_vi = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.35, + "cond_words_augmentation": True, + "words_augmentation_group_sizes": [2, 3], + "words_augmentation_join_char": " ", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_yo = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": True, + "length_word_max_cutoff": 30, + "cond_check_number_words": True, + "tokenization": False, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.3, + "cond_words_augmentation": False, + "words_augmentation_group_sizes": [], + "words_augmentation_join_char": "", + "cond_check_stopwords": True, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering_zh = { + "cond_uniform_whitespace": True, + "cond_replace_unicode_punctuation": False, + "cond_remove_words_with_incorrect_substrings": False, + "incorrect_word_substrings": ["http", "www", ".com", "href", "//"], + "cond_remove_long_words": False, + "length_word_max_cutoff": 1000, + "cond_check_number_words": True, + "tokenization": True, + "strip_characters": special_characters_default, + "number_words_min_cutoff": 1, + "number_words_max_cutoff": 100000, + "check_repetitions_removal": True, + "repetitions_length": 10, + "repetitions_max_cutoff": 0.106, + "cond_check_special_characters": True, + "special_characters": special_characters_default, + "special_characters_max_cutoff": 0.4, + "cond_words_augmentation": True, + "words_augmentation_group_sizes": [2, 3], + "words_augmentation_join_char": "", + "cond_check_stopwords": False, + "stopwords_min_cutoff": 0, + "cond_check_badwords": False, + "badwords_max_cutoff": 0.2, + "cond_check_lang_id": True, + "lang_id_min_cutoff": 0.75, + "cond_check_perplexity": False, + "perplexity_max_cutoff": 3000000, +} + +parameters_filtering = { + "default": parameters_filtering_default, + "af": parameters_filtering_af, + "ar": parameters_filtering_ar, + "arz": parameters_filtering_arz, + "as": parameters_filtering_as, + "bn": parameters_filtering_bn, + "ca": parameters_filtering_ca, + "en": parameters_filtering_en, + "es": parameters_filtering_es, + "eu": parameters_filtering_eu, + "fr": parameters_filtering_fr, + "gu": parameters_filtering_gu, + "hi": parameters_filtering_hi, + "id": parameters_filtering_id, + "kn": parameters_filtering_kn, + "ml": parameters_filtering_ml, + "mr": parameters_filtering_mr, + "pt": parameters_filtering_pt, + "so": parameters_filtering_so, + "sw": parameters_filtering_sw, + "ta": parameters_filtering_ta, + "te": parameters_filtering_te, + "ur": parameters_filtering_ur, + "vi": parameters_filtering_vi, + "yo": parameters_filtering_yo, + "zh": parameters_filtering_zh, +} diff --git a/data_tooling/ac_dc/stopwords.py b/data_tooling/ac_dc/stopwords.py new file mode 100644 index 0000000..e75bbd4 --- /dev/null +++ b/data_tooling/ac_dc/stopwords.py @@ -0,0 +1,5395 @@ +# From https://github.com/6/stopwords-json +# From https://github.com/stopwords-iso/stopwords-iso for Urdu and Vietnamese + + +stopwords = { + "af": [ + "'n", + "aan", + "af", + "al", + "as", + "baie", + "by", + "daar", + "dag", + "dat", + "die", + "dit", + "een", + "ek", + "en", + "gaan", + "gesê", + "haar", + "het", + "hom", + "hulle", + "hy", + "in", + "is", + "jou", + "jy", + "kan", + "kom", + "ma", + "maar", + "met", + "my", + "na", + "nie", + "om", + "ons", + "op", + "saam", + "sal", + "se", + "sien", + "so", + "sy", + "te", + "toe", + "uit", + "van", + "vir", + "was", + "wat", + "ʼn", + ], + "ar": [ + "،", + "أ", + "ا", + "اثر", + "اجل", + "احد", + "اخرى", + "اذا", + "اربعة", + "اطار", + "اعادة", + "اعلنت", + "اف", + "اكثر", + "اكد", + "الا", + "الاخيرة", + "الان", + "الاول", + "الاولى", + "التى", + "التي", + "الثاني", + "الثانية", + "الذاتي", + "الذى", + "الذي", + "الذين", + "السابق", + "الف", + "الماضي", + "المقبل", + "الوقت", + "الى", + "اليوم", + "اما", + "امام", + "امس", + "ان", + "انه", + "انها", + "او", + "اول", + "اي", + "ايار", + "ايام", + "ايضا", + "ب", + "باسم", + "بان", + "برس", + "بسبب", + "بشكل", + "بعد", + "بعض", + "بن", + "به", + "بها", + "بين", + "تم", + "ثلاثة", + "ثم", + "جميع", + "حاليا", + "حتى", + "حوالى", + "حول", + "حيث", + "حين", + "خلال", + "دون", + "ذلك", + "زيارة", + "سنة", + "سنوات", + "شخصا", + "صباح", + "صفر", + "ضد", + "ضمن", + "عام", + "عاما", + "عدة", + "عدد", + "عدم", + "عشر", + "عشرة", + "على", + "عليه", + "عليها", + "عن", + "عند", + "عندما", + "غدا", + "غير", + "ـ", + "ف", + "فان", + "فى", + "في", + "فيه", + "فيها", + "قال", + "قبل", + "قد", + "قوة", + "كان", + "كانت", + "كل", + "كلم", + "كما", + "لا", + "لدى", + "لقاء", + "لكن", + "للامم", + "لم", + "لن", + "له", + "لها", + "لوكالة", + "ما", + "مايو", + "مساء", + "مع", + "مقابل", + "مليار", + "مليون", + "من", + "منذ", + "منها", + "نحو", + "نفسه", + "نهاية", + "هذا", + "هذه", + "هناك", + "هو", + "هي", + "و", + "و6", + "واحد", + "واضاف", + "واضافت", + "واكد", + "وان", + "واوضح", + "وفي", + "وقال", + "وقالت", + "وقد", + "وقف", + "وكان", + "وكانت", + "ولا", + "ولم", + "ومن", + "وهو", + "وهي", + "يكون", + "يمكن", + "يوم", + ], + "bn": [ + "অনেক", + "অন্য", + "অবশ্য", + "আগে", + "আছে", + "আজ", + "আবার", + "আমরা", + "আমাদের", + "আর", + "ই", + "উত্তর", + "উপর", + "উপরে", + "এ", + "এই", + "এক্", + "এখন", + "এত", + "এব", + "এমন", + "এমনি", + "এর", + "এস", + "এসে", + "ও", + "ওই", + "কমনে", + "করা", + "করে", + "কাছে", + "কাজ", + "কাজে", + "কারণ", + "কি", + "কিছু", + "কে", + "কেউ", + "কেখা", + "কেন", + "কোটি", + "কোনো", + "কয়েক", + "খুব", + "গিয়ে", + "গেল", + "চার", + "চালু", + "চেষ্টা", + "ছিল", + "জানা", + "জ্নজন", + "টি", + "তখন", + "তবে", + "তা", + "তাই", + "তো", + "থাকা", + "থেকে", + "দিন", + "দু", + "দুই", + "দেওয়া", + "ধামার", + "নতুন", + "না", + "নাগাদ", + "নিয়ে", + "নেওয়া", + "নয়", + "পর", + "পরে", + "পাচ", + "পি", + "পেয়্র্", + "প্রতি", + "প্রথম", + "প্রযন্ত", + "প্রাথমিক", + "প্রায়", + "বক্তব্য", + "বন", + "বলা", + "বলে", + "বলেন", + "বহু", + "বা", + "বি", + "বিভিন্ন", + "বেশ", + "বেশি", + "মতো", + "মধ্যে", + "মনে", + "যখন", + "যদি", + "যা", + "যাওয়া", + "যে", + "র", + "রকম", + "লক্ষ", + "শুধু", + "শুরু", + "সঙ্গে", + "সব", + "সহ", + "সাধারণ", + "সামনে", + "সি", + "সে", + "সেই", + "হতে", + "হাজার", + "হয়", + ], + "ca": [ + "a", + "abans", + "ací", + "ah", + "així", + "això", + "al", + "aleshores", + "algun", + "alguna", + "algunes", + "alguns", + "alhora", + "allà", + "allí", + "allò", + "als", + "altra", + "altre", + "altres", + "amb", + "ambdues", + "ambdós", + "apa", + "aquell", + "aquella", + "aquelles", + "aquells", + "aquest", + "aquesta", + "aquestes", + "aquests", + "aquí", + "baix", + "cada", + "cadascuna", + "cadascunes", + "cadascuns", + "cadascú", + "com", + "contra", + "d'un", + "d'una", + "d'unes", + "d'uns", + "dalt", + "de", + "del", + "dels", + "des", + "després", + "dins", + "dintre", + "donat", + "doncs", + "durant", + "e", + "eh", + "el", + "els", + "em", + "en", + "encara", + "ens", + "entre", + "eren", + "es", + "esta", + "estaven", + "esteu", + "està", + "estàvem", + "estàveu", + "et", + "etc", + "ets", + "fins", + "fora", + "gairebé", + "ha", + "han", + "has", + "havia", + "he", + "hem", + "heu", + "hi", + "ho", + "i", + "igual", + "iguals", + "ja", + "l'hi", + "la", + "les", + "li", + "li'n", + "llavors", + "m'he", + "ma", + "mal", + "malgrat", + "mateix", + "mateixa", + "mateixes", + "mateixos", + "me", + "mentre", + "meu", + "meus", + "meva", + "meves", + "molt", + "molta", + "moltes", + "molts", + "mon", + "mons", + "més", + "n'he", + "n'hi", + "ne", + "ni", + "no", + "nogensmenys", + "només", + "nosaltres", + "nostra", + "nostre", + "nostres", + "o", + "oh", + "oi", + "on", + "pas", + "pel", + "pels", + "per", + "perquè", + "però", + "poc", + "poca", + "pocs", + "poques", + "potser", + "propi", + "qual", + "quals", + "quan", + "quant", + "que", + "quelcom", + "qui", + "quin", + "quina", + "quines", + "quins", + "què", + "s'ha", + "s'han", + "sa", + "semblant", + "semblants", + "ses", + "seu", + "seus", + "seva", + "seves", + "si", + "sobre", + "sobretot", + "solament", + "sols", + "son", + "sons", + "sota", + "sou", + "sóc", + "són", + "t'ha", + "t'han", + "t'he", + "ta", + "tal", + "també", + "tampoc", + "tan", + "tant", + "tanta", + "tantes", + "teu", + "teus", + "teva", + "teves", + "ton", + "tons", + "tot", + "tota", + "totes", + "tots", + "un", + "una", + "unes", + "uns", + "us", + "va", + "vaig", + "vam", + "van", + "vas", + "veu", + "vosaltres", + "vostra", + "vostre", + "vostres", + "érem", + "éreu", + "és", + ], + "en": [ + "a", + "a's", + "able", + "about", + "above", + "according", + "accordingly", + "across", + "actually", + "after", + "afterwards", + "again", + "against", + "ain't", + "all", + "allow", + "allows", + "almost", + "alone", + "along", + "already", + "also", + "although", + "always", + "am", + "among", + "amongst", + "an", + "and", + "another", + "any", + "anybody", + "anyhow", + "anyone", + "anything", + "anyway", + "anyways", + "anywhere", + "apart", + "appear", + "appreciate", + "appropriate", + "are", + "aren't", + "around", + "as", + "aside", + "ask", + "asking", + "associated", + "at", + "available", + "away", + "awfully", + "b", + "be", + "became", + "because", + "become", + "becomes", + "becoming", + "been", + "before", + "beforehand", + "behind", + "being", + "believe", + "below", + "beside", + "besides", + "best", + "better", + "between", + "beyond", + "both", + "brief", + "but", + "by", + "c", + "c'mon", + "c's", + "came", + "can", + "can't", + "cannot", + "cant", + "cause", + "causes", + "certain", + "certainly", + "changes", + "clearly", + "co", + "com", + "come", + "comes", + "concerning", + "consequently", + "consider", + "considering", + "contain", + "containing", + "contains", + "corresponding", + "could", + "couldn't", + "course", + "currently", + "d", + "definitely", + "described", + "despite", + "did", + "didn't", + "different", + "do", + "does", + "doesn't", + "doing", + "don't", + "done", + "down", + "downwards", + "during", + "e", + "each", + "edu", + "eg", + "eight", + "either", + "else", + "elsewhere", + "enough", + "entirely", + "especially", + "et", + "etc", + "even", + "ever", + "every", + "everybody", + "everyone", + "everything", + "everywhere", + "ex", + "exactly", + "example", + "except", + "f", + "far", + "few", + "fifth", + "first", + "five", + "followed", + "following", + "follows", + "for", + "former", + "formerly", + "forth", + "four", + "from", + "further", + "furthermore", + "g", + "get", + "gets", + "getting", + "given", + "gives", + "go", + "goes", + "going", + "gone", + "got", + "gotten", + "greetings", + "h", + "had", + "hadn't", + "happens", + "hardly", + "has", + "hasn't", + "have", + "haven't", + "having", + "he", + "he's", + "hello", + "help", + "hence", + "her", + "here", + "here's", + "hereafter", + "hereby", + "herein", + "hereupon", + "hers", + "herself", + "hi", + "him", + "himself", + "his", + "hither", + "hopefully", + "how", + "howbeit", + "however", + "i", + "i'd", + "i'll", + "i'm", + "i've", + "ie", + "if", + "ignored", + "immediate", + "in", + "inasmuch", + "inc", + "indeed", + "indicate", + "indicated", + "indicates", + "inner", + "insofar", + "instead", + "into", + "inward", + "is", + "isn't", + "it", + "it'd", + "it'll", + "it's", + "its", + "itself", + "j", + "just", + "k", + "keep", + "keeps", + "kept", + "know", + "known", + "knows", + "l", + "last", + "lately", + "later", + "latter", + "latterly", + "least", + "less", + "lest", + "let", + "let's", + "like", + "liked", + "likely", + "little", + "look", + "looking", + "looks", + "ltd", + "m", + "mainly", + "many", + "may", + "maybe", + "me", + "mean", + "meanwhile", + "merely", + "might", + "more", + "moreover", + "most", + "mostly", + "much", + "must", + "my", + "myself", + "n", + "name", + "namely", + "nd", + "near", + "nearly", + "necessary", + "need", + "needs", + "neither", + "never", + "nevertheless", + "new", + "next", + "nine", + "no", + "nobody", + "non", + "none", + "noone", + "nor", + "normally", + "not", + "nothing", + "novel", + "now", + "nowhere", + "o", + "obviously", + "of", + "off", + "often", + "oh", + "ok", + "okay", + "old", + "on", + "once", + "one", + "ones", + "only", + "onto", + "or", + "other", + "others", + "otherwise", + "ought", + "our", + "ours", + "ourselves", + "out", + "outside", + "over", + "overall", + "own", + "p", + "particular", + "particularly", + "per", + "perhaps", + "placed", + "please", + "plus", + "possible", + "presumably", + "probably", + "provides", + "q", + "que", + "quite", + "qv", + "r", + "rather", + "rd", + "re", + "really", + "reasonably", + "regarding", + "regardless", + "regards", + "relatively", + "respectively", + "right", + "s", + "said", + "same", + "saw", + "say", + "saying", + "says", + "second", + "secondly", + "see", + "seeing", + "seem", + "seemed", + "seeming", + "seems", + "seen", + "self", + "selves", + "sensible", + "sent", + "serious", + "seriously", + "seven", + "several", + "shall", + "she", + "should", + "shouldn't", + "since", + "six", + "so", + "some", + "somebody", + "somehow", + "someone", + "something", + "sometime", + "sometimes", + "somewhat", + "somewhere", + "soon", + "sorry", + "specified", + "specify", + "specifying", + "still", + "sub", + "such", + "sup", + "sure", + "t", + "t's", + "take", + "taken", + "tell", + "tends", + "th", + "than", + "thank", + "thanks", + "thanx", + "that", + "that's", + "thats", + "the", + "their", + "theirs", + "them", + "themselves", + "then", + "thence", + "there", + "there's", + "thereafter", + "thereby", + "therefore", + "therein", + "theres", + "thereupon", + "these", + "they", + "they'd", + "they'll", + "they're", + "they've", + "think", + "third", + "this", + "thorough", + "thoroughly", + "those", + "though", + "three", + "through", + "throughout", + "thru", + "thus", + "to", + "together", + "too", + "took", + "toward", + "towards", + "tried", + "tries", + "truly", + "try", + "trying", + "twice", + "two", + "u", + "un", + "under", + "unfortunately", + "unless", + "unlikely", + "until", + "unto", + "up", + "upon", + "us", + "use", + "used", + "useful", + "uses", + "using", + "usually", + "uucp", + "v", + "value", + "various", + "very", + "via", + "viz", + "vs", + "w", + "want", + "wants", + "was", + "wasn't", + "way", + "we", + "we'd", + "we'll", + "we're", + "we've", + "welcome", + "well", + "went", + "were", + "weren't", + "what", + "what's", + "whatever", + "when", + "whence", + "whenever", + "where", + "where's", + "whereafter", + "whereas", + "whereby", + "wherein", + "whereupon", + "wherever", + "whether", + "which", + "while", + "whither", + "who", + "who's", + "whoever", + "whole", + "whom", + "whose", + "why", + "will", + "willing", + "wish", + "with", + "within", + "without", + "won't", + "wonder", + "would", + "wouldn't", + "x", + "y", + "yes", + "yet", + "you", + "you'd", + "you'll", + "you're", + "you've", + "your", + "yours", + "yourself", + "yourselves", + "z", + "zero", + ], + "es": [ + "a", + "actualmente", + "acuerdo", + "adelante", + "ademas", + "además", + "adrede", + "afirmó", + "agregó", + "ahi", + "ahora", + "ahí", + "al", + "algo", + "alguna", + "algunas", + "alguno", + "algunos", + "algún", + "alli", + "allí", + "alrededor", + "ambos", + "ampleamos", + "antano", + "antaño", + "ante", + "anterior", + "antes", + "apenas", + "aproximadamente", + "aquel", + "aquella", + "aquellas", + "aquello", + "aquellos", + "aqui", + "aquél", + "aquélla", + "aquéllas", + "aquéllos", + "aquí", + "arriba", + "arribaabajo", + "aseguró", + "asi", + "así", + "atras", + "aun", + "aunque", + "ayer", + "añadió", + "aún", + "b", + "bajo", + "bastante", + "bien", + "breve", + "buen", + "buena", + "buenas", + "bueno", + "buenos", + "c", + "cada", + "casi", + "cerca", + "cierta", + "ciertas", + "cierto", + "ciertos", + "cinco", + "claro", + "comentó", + "como", + "con", + "conmigo", + "conocer", + "conseguimos", + "conseguir", + "considera", + "consideró", + "consigo", + "consigue", + "consiguen", + "consigues", + "contigo", + "contra", + "cosas", + "creo", + "cual", + "cuales", + "cualquier", + "cuando", + "cuanta", + "cuantas", + "cuanto", + "cuantos", + "cuatro", + "cuenta", + "cuál", + "cuáles", + "cuándo", + "cuánta", + "cuántas", + "cuánto", + "cuántos", + "cómo", + "d", + "da", + "dado", + "dan", + "dar", + "de", + "debajo", + "debe", + "deben", + "debido", + "decir", + "dejó", + "del", + "delante", + "demasiado", + "demás", + "dentro", + "deprisa", + "desde", + "despacio", + "despues", + "después", + "detras", + "detrás", + "dia", + "dias", + "dice", + "dicen", + "dicho", + "dieron", + "diferente", + "diferentes", + "dijeron", + "dijo", + "dio", + "donde", + "dos", + "durante", + "día", + "días", + "dónde", + "e", + "ejemplo", + "el", + "ella", + "ellas", + "ello", + "ellos", + "embargo", + "empleais", + "emplean", + "emplear", + "empleas", + "empleo", + "en", + "encima", + "encuentra", + "enfrente", + "enseguida", + "entonces", + "entre", + "era", + "eramos", + "eran", + "eras", + "eres", + "es", + "esa", + "esas", + "ese", + "eso", + "esos", + "esta", + "estaba", + "estaban", + "estado", + "estados", + "estais", + "estamos", + "estan", + "estar", + "estará", + "estas", + "este", + "esto", + "estos", + "estoy", + "estuvo", + "está", + "están", + "ex", + "excepto", + "existe", + "existen", + "explicó", + "expresó", + "f", + "fin", + "final", + "fue", + "fuera", + "fueron", + "fui", + "fuimos", + "g", + "general", + "gran", + "grandes", + "gueno", + "h", + "ha", + "haber", + "habia", + "habla", + "hablan", + "habrá", + "había", + "habían", + "hace", + "haceis", + "hacemos", + "hacen", + "hacer", + "hacerlo", + "haces", + "hacia", + "haciendo", + "hago", + "han", + "hasta", + "hay", + "haya", + "he", + "hecho", + "hemos", + "hicieron", + "hizo", + "horas", + "hoy", + "hubo", + "i", + "igual", + "incluso", + "indicó", + "informo", + "informó", + "intenta", + "intentais", + "intentamos", + "intentan", + "intentar", + "intentas", + "intento", + "ir", + "j", + "junto", + "k", + "l", + "la", + "lado", + "largo", + "las", + "le", + "lejos", + "les", + "llegó", + "lleva", + "llevar", + "lo", + "los", + "luego", + "lugar", + "m", + "mal", + "manera", + "manifestó", + "mas", + "mayor", + "me", + "mediante", + "medio", + "mejor", + "mencionó", + "menos", + "menudo", + "mi", + "mia", + "mias", + "mientras", + "mio", + "mios", + "mis", + "misma", + "mismas", + "mismo", + "mismos", + "modo", + "momento", + "mucha", + "muchas", + "mucho", + "muchos", + "muy", + "más", + "mí", + "mía", + "mías", + "mío", + "míos", + "n", + "nada", + "nadie", + "ni", + "ninguna", + "ningunas", + "ninguno", + "ningunos", + "ningún", + "no", + "nos", + "nosotras", + "nosotros", + "nuestra", + "nuestras", + "nuestro", + "nuestros", + "nueva", + "nuevas", + "nuevo", + "nuevos", + "nunca", + "o", + "ocho", + "os", + "otra", + "otras", + "otro", + "otros", + "p", + "pais", + "para", + "parece", + "parte", + "partir", + "pasada", + "pasado", + "paìs", + "peor", + "pero", + "pesar", + "poca", + "pocas", + "poco", + "pocos", + "podeis", + "podemos", + "poder", + "podria", + "podriais", + "podriamos", + "podrian", + "podrias", + "podrá", + "podrán", + "podría", + "podrían", + "poner", + "por", + "porque", + "posible", + "primer", + "primera", + "primero", + "primeros", + "principalmente", + "pronto", + "propia", + "propias", + "propio", + "propios", + "proximo", + "próximo", + "próximos", + "pudo", + "pueda", + "puede", + "pueden", + "puedo", + "pues", + "q", + "qeu", + "que", + "quedó", + "queremos", + "quien", + "quienes", + "quiere", + "quiza", + "quizas", + "quizá", + "quizás", + "quién", + "quiénes", + "qué", + "r", + "raras", + "realizado", + "realizar", + "realizó", + "repente", + "respecto", + "s", + "sabe", + "sabeis", + "sabemos", + "saben", + "saber", + "sabes", + "salvo", + "se", + "sea", + "sean", + "segun", + "segunda", + "segundo", + "según", + "seis", + "ser", + "sera", + "será", + "serán", + "sería", + "señaló", + "si", + "sido", + "siempre", + "siendo", + "siete", + "sigue", + "siguiente", + "sin", + "sino", + "sobre", + "sois", + "sola", + "solamente", + "solas", + "solo", + "solos", + "somos", + "son", + "soy", + "soyos", + "su", + "supuesto", + "sus", + "suya", + "suyas", + "suyo", + "sé", + "sí", + "sólo", + "t", + "tal", + "tambien", + "también", + "tampoco", + "tan", + "tanto", + "tarde", + "te", + "temprano", + "tendrá", + "tendrán", + "teneis", + "tenemos", + "tener", + "tenga", + "tengo", + "tenido", + "tenía", + "tercera", + "ti", + "tiempo", + "tiene", + "tienen", + "toda", + "todas", + "todavia", + "todavía", + "todo", + "todos", + "total", + "trabaja", + "trabajais", + "trabajamos", + "trabajan", + "trabajar", + "trabajas", + "trabajo", + "tras", + "trata", + "través", + "tres", + "tu", + "tus", + "tuvo", + "tuya", + "tuyas", + "tuyo", + "tuyos", + "tú", + "u", + "ultimo", + "un", + "una", + "unas", + "uno", + "unos", + "usa", + "usais", + "usamos", + "usan", + "usar", + "usas", + "uso", + "usted", + "ustedes", + "v", + "va", + "vais", + "valor", + "vamos", + "van", + "varias", + "varios", + "vaya", + "veces", + "ver", + "verdad", + "verdadera", + "verdadero", + "vez", + "vosotras", + "vosotros", + "voy", + "vuestra", + "vuestras", + "vuestro", + "vuestros", + "w", + "x", + "y", + "ya", + "yo", + "z", + "él", + "ésa", + "ésas", + "ése", + "ésos", + "ésta", + "éstas", + "éste", + "éstos", + "última", + "últimas", + "último", + "últimos", + ], + "eu": [ + "al", + "anitz", + "arabera", + "asko", + "baina", + "bat", + "batean", + "batek", + "bati", + "batzuei", + "batzuek", + "batzuetan", + "batzuk", + "bera", + "beraiek", + "berau", + "berauek", + "bere", + "berori", + "beroriek", + "beste", + "bezala", + "da", + "dago", + "dira", + "ditu", + "du", + "dute", + "edo", + "egin", + "ere", + "eta", + "eurak", + "ez", + "gainera", + "gu", + "gutxi", + "guzti", + "haiei", + "haiek", + "haietan", + "hainbeste", + "hala", + "han", + "handik", + "hango", + "hara", + "hari", + "hark", + "hartan", + "hau", + "hauei", + "hauek", + "hauetan", + "hemen", + "hemendik", + "hemengo", + "hi", + "hona", + "honek", + "honela", + "honetan", + "honi", + "hor", + "hori", + "horiei", + "horiek", + "horietan", + "horko", + "horra", + "horrek", + "horrela", + "horretan", + "horri", + "hortik", + "hura", + "izan", + "ni", + "noiz", + "nola", + "non", + "nondik", + "nongo", + "nor", + "nora", + "ze", + "zein", + "zen", + "zenbait", + "zenbat", + "zer", + "zergatik", + "ziren", + "zituen", + "zu", + "zuek", + "zuen", + "zuten", + ], + "fr": [ + "a", + "abord", + "absolument", + "afin", + "ah", + "ai", + "aie", + "ailleurs", + "ainsi", + "ait", + "allaient", + "allo", + "allons", + "allô", + "alors", + "anterieur", + "anterieure", + "anterieures", + "apres", + "après", + "as", + "assez", + "attendu", + "au", + "aucun", + "aucune", + "aujourd", + "aujourd'hui", + "aupres", + "auquel", + "aura", + "auraient", + "aurait", + "auront", + "aussi", + "autre", + "autrefois", + "autrement", + "autres", + "autrui", + "aux", + "auxquelles", + "auxquels", + "avaient", + "avais", + "avait", + "avant", + "avec", + "avoir", + "avons", + "ayant", + "b", + "bah", + "bas", + "basee", + "bat", + "beau", + "beaucoup", + "bien", + "bigre", + "boum", + "bravo", + "brrr", + "c", + "car", + "ce", + "ceci", + "cela", + "celle", + "celle-ci", + "celle-là", + "celles", + "celles-ci", + "celles-là", + "celui", + "celui-ci", + "celui-là", + "cent", + "cependant", + "certain", + "certaine", + "certaines", + "certains", + "certes", + "ces", + "cet", + "cette", + "ceux", + "ceux-ci", + "ceux-là", + "chacun", + "chacune", + "chaque", + "cher", + "chers", + "chez", + "chiche", + "chut", + "chère", + "chères", + "ci", + "cinq", + "cinquantaine", + "cinquante", + "cinquantième", + "cinquième", + "clac", + "clic", + "combien", + "comme", + "comment", + "comparable", + "comparables", + "compris", + "concernant", + "contre", + "couic", + "crac", + "d", + "da", + "dans", + "de", + "debout", + "dedans", + "dehors", + "deja", + "delà", + "depuis", + "dernier", + "derniere", + "derriere", + "derrière", + "des", + "desormais", + "desquelles", + "desquels", + "dessous", + "dessus", + "deux", + "deuxième", + "deuxièmement", + "devant", + "devers", + "devra", + "different", + "differentes", + "differents", + "différent", + "différente", + "différentes", + "différents", + "dire", + "directe", + "directement", + "dit", + "dite", + "dits", + "divers", + "diverse", + "diverses", + "dix", + "dix-huit", + "dix-neuf", + "dix-sept", + "dixième", + "doit", + "doivent", + "donc", + "dont", + "douze", + "douzième", + "dring", + "du", + "duquel", + "durant", + "dès", + "désormais", + "e", + "effet", + "egale", + "egalement", + "egales", + "eh", + "elle", + "elle-même", + "elles", + "elles-mêmes", + "en", + "encore", + "enfin", + "entre", + "envers", + "environ", + "es", + "est", + "et", + "etant", + "etc", + "etre", + "eu", + "euh", + "eux", + "eux-mêmes", + "exactement", + "excepté", + "extenso", + "exterieur", + "f", + "fais", + "faisaient", + "faisant", + "fait", + "façon", + "feront", + "fi", + "flac", + "floc", + "font", + "g", + "gens", + "h", + "ha", + "hein", + "hem", + "hep", + "hi", + "ho", + "holà", + "hop", + "hormis", + "hors", + "hou", + "houp", + "hue", + "hui", + "huit", + "huitième", + "hum", + "hurrah", + "hé", + "hélas", + "i", + "il", + "ils", + "importe", + "j", + "je", + "jusqu", + "jusque", + "juste", + "k", + "l", + "la", + "laisser", + "laquelle", + "las", + "le", + "lequel", + "les", + "lesquelles", + "lesquels", + "leur", + "leurs", + "longtemps", + "lors", + "lorsque", + "lui", + "lui-meme", + "lui-même", + "là", + "lès", + "m", + "ma", + "maint", + "maintenant", + "mais", + "malgre", + "malgré", + "maximale", + "me", + "meme", + "memes", + "merci", + "mes", + "mien", + "mienne", + "miennes", + "miens", + "mille", + "mince", + "minimale", + "moi", + "moi-meme", + "moi-même", + "moindres", + "moins", + "mon", + "moyennant", + "multiple", + "multiples", + "même", + "mêmes", + "n", + "na", + "naturel", + "naturelle", + "naturelles", + "ne", + "neanmoins", + "necessaire", + "necessairement", + "neuf", + "neuvième", + "ni", + "nombreuses", + "nombreux", + "non", + "nos", + "notamment", + "notre", + "nous", + "nous-mêmes", + "nouveau", + "nul", + "néanmoins", + "nôtre", + "nôtres", + "o", + "oh", + "ohé", + "ollé", + "olé", + "on", + "ont", + "onze", + "onzième", + "ore", + "ou", + "ouf", + "ouias", + "oust", + "ouste", + "outre", + "ouvert", + "ouverte", + "ouverts", + "o|", + "où", + "p", + "paf", + "pan", + "par", + "parce", + "parfois", + "parle", + "parlent", + "parler", + "parmi", + "parseme", + "partant", + "particulier", + "particulière", + "particulièrement", + "pas", + "passé", + "pendant", + "pense", + "permet", + "personne", + "peu", + "peut", + "peuvent", + "peux", + "pff", + "pfft", + "pfut", + "pif", + "pire", + "plein", + "plouf", + "plus", + "plusieurs", + "plutôt", + "possessif", + "possessifs", + "possible", + "possibles", + "pouah", + "pour", + "pourquoi", + "pourrais", + "pourrait", + "pouvait", + "prealable", + "precisement", + "premier", + "première", + "premièrement", + "pres", + "probable", + "probante", + "procedant", + "proche", + "près", + "psitt", + "pu", + "puis", + "puisque", + "pur", + "pure", + "q", + "qu", + "quand", + "quant", + "quant-à-soi", + "quanta", + "quarante", + "quatorze", + "quatre", + "quatre-vingt", + "quatrième", + "quatrièmement", + "que", + "quel", + "quelconque", + "quelle", + "quelles", + "quelqu'un", + "quelque", + "quelques", + "quels", + "qui", + "quiconque", + "quinze", + "quoi", + "quoique", + "r", + "rare", + "rarement", + "rares", + "relative", + "relativement", + "remarquable", + "rend", + "rendre", + "restant", + "reste", + "restent", + "restrictif", + "retour", + "revoici", + "revoilà", + "rien", + "s", + "sa", + "sacrebleu", + "sait", + "sans", + "sapristi", + "sauf", + "se", + "sein", + "seize", + "selon", + "semblable", + "semblaient", + "semble", + "semblent", + "sent", + "sept", + "septième", + "sera", + "seraient", + "serait", + "seront", + "ses", + "seul", + "seule", + "seulement", + "si", + "sien", + "sienne", + "siennes", + "siens", + "sinon", + "six", + "sixième", + "soi", + "soi-même", + "soit", + "soixante", + "son", + "sont", + "sous", + "souvent", + "specifique", + "specifiques", + "speculatif", + "stop", + "strictement", + "subtiles", + "suffisant", + "suffisante", + "suffit", + "suis", + "suit", + "suivant", + "suivante", + "suivantes", + "suivants", + "suivre", + "superpose", + "sur", + "surtout", + "t", + "ta", + "tac", + "tant", + "tardive", + "te", + "tel", + "telle", + "tellement", + "telles", + "tels", + "tenant", + "tend", + "tenir", + "tente", + "tes", + "tic", + "tien", + "tienne", + "tiennes", + "tiens", + "toc", + "toi", + "toi-même", + "ton", + "touchant", + "toujours", + "tous", + "tout", + "toute", + "toutefois", + "toutes", + "treize", + "trente", + "tres", + "trois", + "troisième", + "troisièmement", + "trop", + "très", + "tsoin", + "tsouin", + "tu", + "té", + "u", + "un", + "une", + "unes", + "uniformement", + "unique", + "uniques", + "uns", + "v", + "va", + "vais", + "vas", + "vers", + "via", + "vif", + "vifs", + "vingt", + "vivat", + "vive", + "vives", + "vlan", + "voici", + "voilà", + "vont", + "vos", + "votre", + "vous", + "vous-mêmes", + "vu", + "vé", + "vôtre", + "vôtres", + "w", + "x", + "y", + "z", + "zut", + "à", + "â", + "ça", + "ès", + "étaient", + "étais", + "était", + "étant", + "été", + "être", + "ô", + ], + "hi": [ + "अंदर", + "अत", + "अदि", + "अप", + "अपना", + "अपनि", + "अपनी", + "अपने", + "अभि", + "अभी", + "आदि", + "आप", + "इंहिं", + "इंहें", + "इंहों", + "इतयादि", + "इत्यादि", + "इन", + "इनका", + "इन्हीं", + "इन्हें", + "इन्हों", + "इस", + "इसका", + "इसकि", + "इसकी", + "इसके", + "इसमें", + "इसि", + "इसी", + "इसे", + "उंहिं", + "उंहें", + "उंहों", + "उन", + "उनका", + "उनकि", + "उनकी", + "उनके", + "उनको", + "उन्हीं", + "उन्हें", + "उन्हों", + "उस", + "उसके", + "उसि", + "उसी", + "उसे", + "एक", + "एवं", + "एस", + "एसे", + "ऐसे", + "ओर", + "और", + "कइ", + "कई", + "कर", + "करता", + "करते", + "करना", + "करने", + "करें", + "कहते", + "कहा", + "का", + "काफि", + "काफ़ी", + "कि", + "किंहें", + "किंहों", + "कितना", + "किन्हें", + "किन्हों", + "किया", + "किर", + "किस", + "किसि", + "किसी", + "किसे", + "की", + "कुछ", + "कुल", + "के", + "को", + "कोइ", + "कोई", + "कोन", + "कोनसा", + "कौन", + "कौनसा", + "गया", + "घर", + "जब", + "जहाँ", + "जहां", + "जा", + "जिंहें", + "जिंहों", + "जितना", + "जिधर", + "जिन", + "जिन्हें", + "जिन्हों", + "जिस", + "जिसे", + "जीधर", + "जेसा", + "जेसे", + "जैसा", + "जैसे", + "जो", + "तक", + "तब", + "तरह", + "तिंहें", + "तिंहों", + "तिन", + "तिन्हें", + "तिन्हों", + "तिस", + "तिसे", + "तो", + "था", + "थि", + "थी", + "थे", + "दबारा", + "दवारा", + "दिया", + "दुसरा", + "दुसरे", + "दूसरे", + "दो", + "द्वारा", + "न", + "नहिं", + "नहीं", + "ना", + "निचे", + "निहायत", + "नीचे", + "ने", + "पर", + "पहले", + "पुरा", + "पूरा", + "पे", + "फिर", + "बनि", + "बनी", + "बहि", + "बही", + "बहुत", + "बाद", + "बाला", + "बिलकुल", + "भि", + "भितर", + "भी", + "भीतर", + "मगर", + "मानो", + "मे", + "में", + "यदि", + "यह", + "यहाँ", + "यहां", + "यहि", + "यही", + "या", + "यिह", + "ये", + "रखें", + "रवासा", + "रहा", + "रहे", + "ऱ्वासा", + "लिए", + "लिये", + "लेकिन", + "व", + "वगेरह", + "वरग", + "वर्ग", + "वह", + "वहाँ", + "वहां", + "वहिं", + "वहीं", + "वाले", + "वुह", + "वे", + "वग़ैरह", + "संग", + "सकता", + "सकते", + "सबसे", + "सभि", + "सभी", + "साथ", + "साबुत", + "साभ", + "सारा", + "से", + "सो", + "हि", + "ही", + "हुअ", + "हुआ", + "हुइ", + "हुई", + "हुए", + "हे", + "हें", + "है", + "हैं", + "हो", + "होता", + "होति", + "होती", + "होते", + "होना", + "होने", + ], + "id": [ + "ada", + "adalah", + "adanya", + "adapun", + "agak", + "agaknya", + "agar", + "akan", + "akankah", + "akhirnya", + "aku", + "akulah", + "amat", + "amatlah", + "anda", + "andalah", + "antar", + "antara", + "antaranya", + "apa", + "apaan", + "apabila", + "apakah", + "apalagi", + "apatah", + "atau", + "ataukah", + "ataupun", + "bagai", + "bagaikan", + "bagaimana", + "bagaimanakah", + "bagaimanapun", + "bagi", + "bahkan", + "bahwa", + "bahwasanya", + "banyak", + "beberapa", + "begini", + "beginian", + "beginikah", + "beginilah", + "begitu", + "begitukah", + "begitulah", + "begitupun", + "belum", + "belumlah", + "berapa", + "berapakah", + "berapalah", + "berapapun", + "bermacam", + "bersama", + "betulkah", + "biasa", + "biasanya", + "bila", + "bilakah", + "bisa", + "bisakah", + "boleh", + "bolehkah", + "bolehlah", + "buat", + "bukan", + "bukankah", + "bukanlah", + "bukannya", + "cuma", + "dahulu", + "dalam", + "dan", + "dapat", + "dari", + "daripada", + "dekat", + "demi", + "demikian", + "demikianlah", + "dengan", + "depan", + "di", + "dia", + "dialah", + "diantara", + "diantaranya", + "dikarenakan", + "dini", + "diri", + "dirinya", + "disini", + "disinilah", + "dong", + "dulu", + "enggak", + "enggaknya", + "entah", + "entahlah", + "hal", + "hampir", + "hanya", + "hanyalah", + "harus", + "haruslah", + "harusnya", + "hendak", + "hendaklah", + "hendaknya", + "hingga", + "ia", + "ialah", + "ibarat", + "ingin", + "inginkah", + "inginkan", + "ini", + "inikah", + "inilah", + "itu", + "itukah", + "itulah", + "jangan", + "jangankan", + "janganlah", + "jika", + "jikalau", + "juga", + "justru", + "kala", + "kalau", + "kalaulah", + "kalaupun", + "kalian", + "kami", + "kamilah", + "kamu", + "kamulah", + "kan", + "kapan", + "kapankah", + "kapanpun", + "karena", + "karenanya", + "ke", + "kecil", + "kemudian", + "kenapa", + "kepada", + "kepadanya", + "ketika", + "khususnya", + "kini", + "kinilah", + "kiranya", + "kita", + "kitalah", + "kok", + "lagi", + "lagian", + "lah", + "lain", + "lainnya", + "lalu", + "lama", + "lamanya", + "lebih", + "macam", + "maka", + "makanya", + "makin", + "malah", + "malahan", + "mampu", + "mampukah", + "mana", + "manakala", + "manalagi", + "masih", + "masihkah", + "masing", + "mau", + "maupun", + "melainkan", + "melalui", + "memang", + "mengapa", + "mereka", + "merekalah", + "merupakan", + "meski", + "meskipun", + "mungkin", + "mungkinkah", + "nah", + "namun", + "nanti", + "nantinya", + "nyaris", + "oleh", + "olehnya", + "pada", + "padahal", + "padanya", + "paling", + "pantas", + "para", + "pasti", + "pastilah", + "per", + "percuma", + "pernah", + "pula", + "pun", + "rupanya", + "saat", + "saatnya", + "saja", + "sajalah", + "saling", + "sama", + "sambil", + "sampai", + "sana", + "sangat", + "sangatlah", + "saya", + "sayalah", + "se", + "sebab", + "sebabnya", + "sebagai", + "sebagaimana", + "sebagainya", + "sebaliknya", + "sebanyak", + "sebegini", + "sebegitu", + "sebelum", + "sebelumnya", + "sebenarnya", + "seberapa", + "sebetulnya", + "sebisanya", + "sebuah", + "sedang", + "sedangkan", + "sedemikian", + "sedikit", + "sedikitnya", + "segala", + "segalanya", + "segera", + "seharusnya", + "sehingga", + "sejak", + "sejenak", + "sekali", + "sekalian", + "sekaligus", + "sekalipun", + "sekarang", + "seketika", + "sekiranya", + "sekitar", + "sekitarnya", + "sela", + "selagi", + "selain", + "selaku", + "selalu", + "selama", + "selamanya", + "seluruh", + "seluruhnya", + "semacam", + "semakin", + "semasih", + "semaunya", + "sementara", + "sempat", + "semua", + "semuanya", + "semula", + "sendiri", + "sendirinya", + "seolah", + "seorang", + "sepanjang", + "sepantasnya", + "sepantasnyalah", + "seperti", + "sepertinya", + "sering", + "seringnya", + "serta", + "serupa", + "sesaat", + "sesama", + "sesegera", + "sesekali", + "seseorang", + "sesuatu", + "sesuatunya", + "sesudah", + "sesudahnya", + "setelah", + "seterusnya", + "setiap", + "setidaknya", + "sewaktu", + "siapa", + "siapakah", + "siapapun", + "sini", + "sinilah", + "suatu", + "sudah", + "sudahkah", + "sudahlah", + "supaya", + "tadi", + "tadinya", + "tak", + "tanpa", + "tapi", + "telah", + "tentang", + "tentu", + "tentulah", + "tentunya", + "terdiri", + "terhadap", + "terhadapnya", + "terlalu", + "terlebih", + "tersebut", + "tersebutlah", + "tertentu", + "tetapi", + "tiap", + "tidak", + "tidakkah", + "tidaklah", + "toh", + "waduh", + "wah", + "wahai", + "walau", + "walaupun", + "wong", + "yaitu", + "yakni", + "yang", + ], + "mr": [ + "अधिक", + "अनेक", + "अशी", + "असलयाचे", + "असलेल्या", + "असा", + "असून", + "असे", + "आज", + "आणि", + "आता", + "आपल्या", + "आला", + "आली", + "आले", + "आहे", + "आहेत", + "एक", + "एका", + "कमी", + "करणयात", + "करून", + "का", + "काम", + "काय", + "काही", + "किवा", + "की", + "केला", + "केली", + "केले", + "कोटी", + "गेल्या", + "घेऊन", + "जात", + "झाला", + "झाली", + "झाले", + "झालेल्या", + "टा", + "डॉ", + "तर", + "तरी", + "तसेच", + "ता", + "ती", + "तीन", + "ते", + "तो", + "त्या", + "त्याचा", + "त्याची", + "त्याच्या", + "त्याना", + "त्यानी", + "त्यामुळे", + "त्री", + "दिली", + "दोन", + "न", + "नाही", + "निर्ण्य", + "पण", + "पम", + "परयतन", + "पाटील", + "म", + "मात्र", + "माहिती", + "मी", + "मुबी", + "म्हणजे", + "म्हणाले", + "म्हणून", + "या", + "याचा", + "याची", + "याच्या", + "याना", + "यानी", + "येणार", + "येत", + "येथील", + "येथे", + "लाख", + "व", + "व्यकत", + "सर्व", + "सागित्ले", + "सुरू", + "हजार", + "हा", + "ही", + "हे", + "होणार", + "होत", + "होता", + "होती", + "होते", + ], + "pt": [ + "a", + "acerca", + "adeus", + "agora", + "ainda", + "algmas", + "algo", + "algumas", + "alguns", + "ali", + "além", + "ambos", + "ano", + "anos", + "antes", + "ao", + "aos", + "apenas", + "apoio", + "apontar", + "após", + "aquela", + "aquelas", + "aquele", + "aqueles", + "aqui", + "aquilo", + "as", + "assim", + "através", + "atrás", + "até", + "aí", + "baixo", + "bastante", + "bem", + "bom", + "breve", + "cada", + "caminho", + "catorze", + "cedo", + "cento", + "certamente", + "certeza", + "cima", + "cinco", + "coisa", + "com", + "como", + "comprido", + "conhecido", + "conselho", + "contra", + "corrente", + "custa", + "cá", + "da", + "daquela", + "daquele", + "dar", + "das", + "de", + "debaixo", + "demais", + "dentro", + "depois", + "desde", + "desligado", + "dessa", + "desse", + "desta", + "deste", + "deve", + "devem", + "deverá", + "dez", + "dezanove", + "dezasseis", + "dezassete", + "dezoito", + "dia", + "diante", + "direita", + "diz", + "dizem", + "dizer", + "do", + "dois", + "dos", + "doze", + "duas", + "dá", + "dão", + "dúvida", + "e", + "ela", + "elas", + "ele", + "eles", + "em", + "embora", + "enquanto", + "entre", + "então", + "era", + "essa", + "essas", + "esse", + "esses", + "esta", + "estado", + "estar", + "estará", + "estas", + "estava", + "este", + "estes", + "esteve", + "estive", + "estivemos", + "estiveram", + "estiveste", + "estivestes", + "estou", + "está", + "estás", + "estão", + "eu", + "exemplo", + "falta", + "fará", + "favor", + "faz", + "fazeis", + "fazem", + "fazemos", + "fazer", + "fazes", + "fazia", + "faço", + "fez", + "fim", + "final", + "foi", + "fomos", + "for", + "fora", + "foram", + "forma", + "foste", + "fostes", + "fui", + "geral", + "grande", + "grandes", + "grupo", + "hoje", + "horas", + "há", + "iniciar", + "inicio", + "ir", + "irá", + "isso", + "ista", + "iste", + "isto", + "já", + "lado", + "ligado", + "local", + "logo", + "longe", + "lugar", + "lá", + "maior", + "maioria", + "maiorias", + "mais", + "mal", + "mas", + "me", + "meio", + "menor", + "menos", + "meses", + "mesmo", + "meu", + "meus", + "mil", + "minha", + "minhas", + "momento", + "muito", + "muitos", + "máximo", + "mês", + "na", + "nada", + "naquela", + "naquele", + "nas", + "nem", + "nenhuma", + "nessa", + "nesse", + "nesta", + "neste", + "no", + "noite", + "nome", + "nos", + "nossa", + "nossas", + "nosso", + "nossos", + "nova", + "nove", + "novo", + "novos", + "num", + "numa", + "nunca", + "não", + "nível", + "nós", + "número", + "o", + "obra", + "obrigada", + "obrigado", + "oitava", + "oitavo", + "oito", + "onde", + "ontem", + "onze", + "os", + "ou", + "outra", + "outras", + "outro", + "outros", + "para", + "parece", + "parte", + "partir", + "pegar", + "pela", + "pelas", + "pelo", + "pelos", + "perto", + "pessoas", + "pode", + "podem", + "poder", + "poderá", + "podia", + "ponto", + "pontos", + "por", + "porque", + "porquê", + "posição", + "possivelmente", + "posso", + "possível", + "pouca", + "pouco", + "povo", + "primeira", + "primeiro", + "promeiro", + "próprio", + "próximo", + "puderam", + "pôde", + "põe", + "põem", + "qual", + "qualquer", + "quando", + "quanto", + "quarta", + "quarto", + "quatro", + "que", + "quem", + "quer", + "quero", + "questão", + "quieto", + "quinta", + "quinto", + "quinze", + "quê", + "relação", + "sabe", + "saber", + "se", + "segunda", + "segundo", + "sei", + "seis", + "sem", + "sempre", + "ser", + "seria", + "sete", + "seu", + "seus", + "sexta", + "sexto", + "sim", + "sistema", + "sob", + "sobre", + "sois", + "somente", + "somos", + "sou", + "sua", + "suas", + "são", + "sétima", + "sétimo", + "tal", + "talvez", + "também", + "tanto", + "tarde", + "te", + "tem", + "temos", + "tempo", + "tendes", + "tenho", + "tens", + "tentar", + "tentaram", + "tente", + "tentei", + "ter", + "terceira", + "terceiro", + "teu", + "teus", + "teve", + "tipo", + "tive", + "tivemos", + "tiveram", + "tiveste", + "tivestes", + "toda", + "todas", + "todo", + "todos", + "trabalhar", + "trabalho", + "treze", + "três", + "tu", + "tua", + "tuas", + "tudo", + "tão", + "têm", + "um", + "uma", + "umas", + "uns", + "usa", + "usar", + "vai", + "vais", + "valor", + "veja", + "vem", + "vens", + "ver", + "verdade", + "verdadeiro", + "vez", + "vezes", + "viagem", + "vindo", + "vinte", + "você", + "vocês", + "vos", + "vossa", + "vossas", + "vosso", + "vossos", + "vários", + "vão", + "vêm", + "vós", + "zero", + "à", + "às", + "área", + "é", + "és", + "último", + ], + "so": [ + "aad", + "albaabkii", + "atabo", + "ay", + "ayaa", + "ayee", + "ayuu", + "dhan", + "hadana", + "in", + "inuu", + "isku", + "jiray", + "jirtay", + "ka", + "kale", + "kasoo", + "ku", + "kuu", + "lakin", + "markii", + "oo", + "si", + "soo", + "uga", + "ugu", + "uu", + "waa", + "waxa", + "waxuu", + ], + "sw": [ + "akasema", + "alikuwa", + "alisema", + "baada", + "basi", + "bila", + "cha", + "chini", + "hadi", + "hapo", + "hata", + "hivyo", + "hiyo", + "huku", + "huo", + "ili", + "ilikuwa", + "juu", + "kama", + "karibu", + "katika", + "kila", + "kima", + "kisha", + "kubwa", + "kutoka", + "kuwa", + "kwa", + "kwamba", + "kwenda", + "kwenye", + "la", + "lakini", + "mara", + "mdogo", + "mimi", + "mkubwa", + "mmoja", + "moja", + "muda", + "mwenye", + "na", + "naye", + "ndani", + "ng", + "ni", + "nini", + "nonkungu", + "pamoja", + "pia", + "sana", + "sasa", + "sauti", + "tafadhali", + "tena", + "tu", + "vile", + "wa", + "wakati", + "wake", + "walikuwa", + "wao", + "watu", + "wengine", + "wote", + "ya", + "yake", + "yangu", + "yao", + "yeye", + "yule", + "za", + "zaidi", + "zake", + ], + "ur": [ + "آئی", + "آئے", + "آج", + "آخر", + "آخرکبر", + "آدهی", + "آًب", + "آٹھ", + "آیب", + "اة", + "اخبزت", + "اختتبم", + "ادھر", + "ارد", + "اردگرد", + "ارکبى", + "اش", + "اضتعوبل", + "اضتعوبلات", + "اضطرذ", + "اضکب", + "اضکی", + "اضکے", + "اطراف", + "اغیب", + "افراد", + "الگ", + "اور", + "اوًچب", + "اوًچبئی", + "اوًچی", + "اوًچے", + "اى", + "اً", + "اًذر", + "اًہیں", + "اٹھبًب", + "اپٌب", + "اپٌے", + "اچھب", + "اچھی", + "اچھے", + "اکثر", + "اکٹھب", + "اکٹھی", + "اکٹھے", + "اکیلا", + "اکیلی", + "اکیلے", + "اگرچہ", + "اہن", + "ایطے", + "ایک", + "ب", + "ت", + "تبزٍ", + "تت", + "تر", + "ترتیت", + "تریي", + "تعذاد", + "تن", + "تو", + "توبم", + "توہی", + "توہیں", + "تٌہب", + "تک", + "تھب", + "تھوڑا", + "تھوڑی", + "تھوڑے", + "تھی", + "تھے", + "تیي", + "ثب", + "ثبئیں", + "ثبترتیت", + "ثبری", + "ثبرے", + "ثبعث", + "ثبلا", + "ثبلترتیت", + "ثبہر", + "ثدبئے", + "ثرآں", + "ثراں", + "ثرش", + "ثعذ", + "ثغیر", + "ثلٌذ", + "ثلٌذوثبلا", + "ثلکہ", + "ثي", + "ثٌب", + "ثٌبرہب", + "ثٌبرہی", + "ثٌبرہے", + "ثٌبًب", + "ثٌذ", + "ثٌذکرو", + "ثٌذکرًب", + "ثٌذی", + "ثڑا", + "ثڑوں", + "ثڑی", + "ثڑے", + "ثھر", + "ثھرا", + "ثھراہوا", + "ثھرپور", + "ثھی", + "ثہت", + "ثہتر", + "ثہتری", + "ثہتریي", + "ثیچ", + "ج", + "خب", + "خبرہب", + "خبرہی", + "خبرہے", + "خبهوظ", + "خبًب", + "خبًتب", + "خبًتی", + "خبًتے", + "خبًٌب", + "خت", + "ختن", + "خجکہ", + "خص", + "خططرذ", + "خلذی", + "خو", + "خواى", + "خوًہی", + "خوکہ", + "خٌبة", + "خگہ", + "خگہوں", + "خگہیں", + "خیطب", + "خیطبکہ", + "در", + "درخبت", + "درخہ", + "درخے", + "درزقیقت", + "درضت", + "دش", + "دفعہ", + "دلچطپ", + "دلچطپی", + "دلچطپیبں", + "دو", + "دور", + "دوراى", + "دوضرا", + "دوضروں", + "دوضری", + "دوضرے", + "دوًوں", + "دکھبئیں", + "دکھبتب", + "دکھبتی", + "دکھبتے", + "دکھبو", + "دکھبًب", + "دکھبیب", + "دی", + "دیب", + "دیتب", + "دیتی", + "دیتے", + "دیر", + "دیٌب", + "دیکھو", + "دیکھٌب", + "دیکھی", + "دیکھیں", + "دے", + "ر", + "راضتوں", + "راضتہ", + "راضتے", + "رریعہ", + "رریعے", + "رکي", + "رکھ", + "رکھب", + "رکھتب", + "رکھتبہوں", + "رکھتی", + "رکھتے", + "رکھی", + "رکھے", + "رہب", + "رہی", + "رہے", + "ز", + "زبصل", + "زبضر", + "زبل", + "زبلات", + "زبلیہ", + "زصوں", + "زصہ", + "زصے", + "زقبئق", + "زقیتیں", + "زقیقت", + "زکن", + "زکویہ", + "زیبدٍ", + "صبف", + "صسیر", + "صفر", + "صورت", + "صورتسبل", + "صورتوں", + "صورتیں", + "ض", + "ضبت", + "ضبتھ", + "ضبدٍ", + "ضبرا", + "ضبرے", + "ضبل", + "ضبلوں", + "ضت", + "ضرور", + "ضرورت", + "ضروری", + "ضلطلہ", + "ضوچ", + "ضوچب", + "ضوچتب", + "ضوچتی", + "ضوچتے", + "ضوچو", + "ضوچٌب", + "ضوچی", + "ضوچیں", + "ضکب", + "ضکتب", + "ضکتی", + "ضکتے", + "ضکٌب", + "ضکی", + "ضکے", + "ضیذھب", + "ضیذھی", + "ضیذھے", + "ضیکٌڈ", + "ضے", + "طرف", + "طریق", + "طریقوں", + "طریقہ", + "طریقے", + "طور", + "طورپر", + "ظبہر", + "ع", + "عذد", + "عظین", + "علاقوں", + "علاقہ", + "علاقے", + "علاوٍ", + "عووهی", + "غبیذ", + "غخص", + "غذ", + "غروع", + "غروعبت", + "غے", + "فرد", + "فی", + "ق", + "قجل", + "قجیلہ", + "قطن", + "لئے", + "لا", + "لازهی", + "لو", + "لوجب", + "لوجی", + "لوجے", + "لوسبت", + "لوسہ", + "لوگ", + "لوگوں", + "لڑکپي", + "لگتب", + "لگتی", + "لگتے", + "لگٌب", + "لگی", + "لگیں", + "لگے", + "لی", + "لیب", + "لیٌب", + "لیں", + "لے", + "ه", + "هتعلق", + "هختلف", + "هسترم", + "هسترهہ", + "هسطوش", + "هسیذ", + "هطئلہ", + "هطئلے", + "هطبئل", + "هطتعول", + "هطلق", + "هعلوم", + "هػتول", + "هلا", + "هوکي", + "هوکٌبت", + "هوکٌہ", + "هٌبضت", + "هڑا", + "هڑًب", + "هڑے", + "هکول", + "هگر", + "هہرثبى", + "هیرا", + "هیری", + "هیرے", + "هیں", + "و", + "وار", + "والے", + "وٍ", + "ًئی", + "ًئے", + "ًب", + "ًبپطٌذ", + "ًبگسیر", + "ًطجت", + "ًقطہ", + "ًو", + "ًوخواى", + "ًکبلٌب", + "ًکتہ", + "ًہ", + "ًہیں", + "ًیب", + "ًے", + "ٓ آش", + "ٹھیک", + "پبئے", + "پبش", + "پبًب", + "پبًچ", + "پر", + "پراًب", + "پطٌذ", + "پل", + "پورا", + "پوچھب", + "پوچھتب", + "پوچھتی", + "پوچھتے", + "پوچھو", + "پوچھوں", + "پوچھٌب", + "پوچھیں", + "پچھلا", + "پھر", + "پہلا", + "پہلی", + "پہلےضی", + "پہلےضے", + "پہلےضےہی", + "پیع", + "چبر", + "چبہب", + "چبہٌب", + "چبہے", + "چلا", + "چلو", + "چلیں", + "چلے", + "چکب", + "چکی", + "چکیں", + "چکے", + "چھوٹب", + "چھوٹوں", + "چھوٹی", + "چھوٹے", + "چھہ", + "چیسیں", + "ڈھوًڈا", + "ڈھوًڈلیب", + "ڈھوًڈو", + "ڈھوًڈًب", + "ڈھوًڈی", + "ڈھوًڈیں", + "ک", + "کئی", + "کئے", + "کب", + "کبفی", + "کبم", + "کت", + "کجھی", + "کرا", + "کرتب", + "کرتبہوں", + "کرتی", + "کرتے", + "کرتےہو", + "کررہب", + "کررہی", + "کررہے", + "کرو", + "کرًب", + "کریں", + "کرے", + "کطی", + "کل", + "کن", + "کوئی", + "کوتر", + "کورا", + "کوروں", + "کورٍ", + "کورے", + "کوطي", + "کوى", + "کوًطب", + "کوًطی", + "کوًطے", + "کھولا", + "کھولو", + "کھولٌب", + "کھولی", + "کھولیں", + "کھولے", + "کہ", + "کہب", + "کہتب", + "کہتی", + "کہتے", + "کہو", + "کہوں", + "کہٌب", + "کہی", + "کہیں", + "کہے", + "کی", + "کیب", + "کیطب", + "کیطرف", + "کیطے", + "کیلئے", + "کیوًکہ", + "کیوں", + "کیے", + "کے", + "کےثعذ", + "کےرریعے", + "گئی", + "گئے", + "گب", + "گرد", + "گروٍ", + "گروپ", + "گروہوں", + "گٌتی", + "گی", + "گیب", + "گے", + "ہر", + "ہن", + "ہو", + "ہوئی", + "ہوئے", + "ہوا", + "ہوبرا", + "ہوبری", + "ہوبرے", + "ہوتب", + "ہوتی", + "ہوتے", + "ہورہب", + "ہورہی", + "ہورہے", + "ہوضکتب", + "ہوضکتی", + "ہوضکتے", + "ہوًب", + "ہوًی", + "ہوًے", + "ہوچکب", + "ہوچکی", + "ہوچکے", + "ہوگئی", + "ہوگئے", + "ہوگیب", + "ہوں", + "ہی", + "ہیں", + "ہے", + "ی", + "یقیٌی", + "یہ", + "یہبں", + ], + "vi": [ + "a ha", + "a-lô", + "ai", + "ai ai", + "ai nấy", + "alô", + "amen", + "anh", + "bao giờ", + "bao lâu", + "bao nhiêu", + "bao nả", + "bay biến", + "biết", + "biết bao", + "biết bao nhiêu", + "biết chừng nào", + "biết mấy", + "biết đâu", + "biết đâu chừng", + "biết đâu đấy", + "bà", + "bài", + "bác", + "bây bẩy", + "bây chừ", + "bây giờ", + "bây nhiêu", + "bèn", + "béng", + "bông", + "bạn", + "bản", + "bất chợt", + "bất cứ", + "bất giác", + "bất kì", + "bất kể", + "bất kỳ", + "bất luận", + "bất nhược", + "bất quá", + "bất thình lình", + "bất tử", + "bất đồ", + "bấy", + "bấy chầy", + "bấy chừ", + "bấy giờ", + "bấy lâu", + "bấy lâu nay", + "bấy nay", + "bấy nhiêu", + "bập bà bập bõm", + "bập bõm", + "bắt đầu từ", + "bằng", + "bằng không", + "bằng nấy", + "bằng ấy", + "bển", + "bệt", + "bị", + "bỏ mẹ", + "bỗng", + "bỗng chốc", + "bỗng dưng", + "bỗng không", + "bỗng nhiên", + "bỗng đâu", + "bộ", + "bội phần", + "bớ", + "bởi", + "bởi chưng", + "bởi nhưng", + "bởi thế", + "bởi vì", + "bởi vậy", + "bức", + "cao", + "cha", + "cha chả", + "chao ôi", + "chiếc", + "cho", + "cho nên", + "cho tới", + "cho tới khi", + "cho đến", + "cho đến khi", + "choa", + "chu cha", + "chui cha", + "chung cục", + "chung qui", + "chung quy", + "chung quy lại", + "chuyện", + "chành chạnh", + "chí chết", + "chính", + "chính là", + "chính thị", + "chùn chùn", + "chùn chũn", + "chú", + "chú mày", + "chú mình", + "chúng mình", + "chúng ta", + "chúng tôi", + "chăn chắn", + "chăng", + "chưa", + "chầm chập", + "chậc", + "chắc", + "chắc hẳn", + "chẳng lẽ", + "chẳng những", + "chẳng nữa", + "chẳng phải", + "chết nỗi", + "chết thật", + "chết tiệt", + "chỉ", + "chỉn", + "chốc chốc", + "chớ", + "chớ chi", + "chợt", + "chủn", + "chứ", + "chứ lị", + "coi bộ", + "coi mòi", + "con", + "cu cậu", + "cuốn", + "cuộc", + "càng", + "các", + "cái", + "cây", + "còn", + "có", + "có chăng là", + "có dễ", + "có thể", + "có vẻ", + "cóc khô", + "cô", + "cô mình", + "công nhiên", + "cùng", + "cùng cực", + "cùng nhau", + "cùng với", + "căn", + "căn cắt", + "cũng", + "cũng như", + "cũng vậy", + "cũng vậy thôi", + "cơ", + "cơ chừng", + "cơ hồ", + "cơ mà", + "cơn", + "cả", + "cả thảy", + "cả thể", + "cảm ơn", + "cần", + "cật lực", + "cật sức", + "cậu", + "cổ lai", + "của", + "cứ", + "cứ việc", + "cực lực", + "do", + "do vì", + "do vậy", + "do đó", + "duy", + "dào", + "dì", + "dù cho", + "dù rằng", + "dưới", + "dạ", + "dần dà", + "dần dần", + "dầu sao", + "dẫu", + "dẫu sao", + "dễ sợ", + "dễ thường", + "dở chừng", + "dữ", + "em", + "giữa", + "gì", + "hay", + "hoàn toàn", + "hoặc", + "hơn", + "hầu hết", + "họ", + "hỏi", + "khi", + "khác", + "không", + "luôn", + "là", + "làm", + "lên", + "lúc", + "lại", + "lần", + "lớn", + "muốn", + "mà", + "mình", + "mỗi", + "một", + "một cách", + "mới", + "mợ", + "ngay", + "ngay cả", + "ngay khi", + "ngay lúc", + "ngay lập tức", + "ngay tức khắc", + "ngay từ", + "nghe chừng", + "nghe đâu", + "nghen", + "nghiễm nhiên", + "nghỉm", + "ngoài", + "ngoài ra", + "ngoải", + "ngày", + "ngày càng", + "ngày ngày", + "ngày xưa", + "ngày xửa", + "ngôi", + "ngõ hầu", + "ngăn ngắt", + "ngươi", + "người", + "ngọn", + "ngọt", + "ngộ nhỡ", + "nh", + "nhau", + "nhiên hậu", + "nhiều", + "nhiệt liệt", + "nhung nhăng", + "nhà", + "nhân dịp", + "nhân tiện", + "nhé", + "nhón nhén", + "như", + "như chơi", + "như không", + "như quả", + "như thể", + "như tuồng", + "như vậy", + "nhưng", + "nhưng mà", + "nhược bằng", + "nhất", + "nhất loạt", + "nhất luật", + "nhất mực", + "nhất nhất", + "nhất quyết", + "nhất sinh", + "nhất thiết", + "nhất tâm", + "nhất tề", + "nhất đán", + "nhất định", + "nhận", + "nhỉ", + "nhỡ ra", + "những", + "những ai", + "những như", + "nào", + "này", + "nên", + "nên chi", + "nó", + "nóc", + "nói", + "năm", + "nơi", + "nấy", + "nếu", + "nếu như", + "nền", + "nọ", + "nớ", + "nức nở", + "nữa", + "oai oái", + "oái", + "pho", + "phè", + "phóc", + "phót", + "phăn phắt", + "phương chi", + "phải", + "phải chi", + "phải chăng", + "phắt", + "phỉ phui", + "phỏng", + "phỏng như", + "phốc", + "phụt", + "phứt", + "qua", + "qua quít", + "qua quýt", + "quyết", + "quyết nhiên", + "quyển", + "quá", + "quá chừng", + "quá lắm", + "quá sá", + "quá thể", + "quá trời", + "quá xá", + "quá đỗi", + "quá độ", + "quá ư", + "quý hồ", + "quả", + "quả là", + "quả tang", + "quả thật", + "quả tình", + "quả vậy", + "quả đúng", + "ra", + "ra phết", + "ra sao", + "ra trò", + "ren rén", + "riu ríu", + "riêng", + "riệt", + "rày", + "ráo", + "ráo trọi", + "rén", + "rích", + "rón rén", + "rút cục", + "răng", + "rất", + "rằng", + "rằng là", + "rốt cuộc", + "rốt cục", + "rồi", + "rứa", + "sa sả", + "sao", + "sau", + "sau chót", + "sau cuối", + "sau cùng", + "sau đó", + "so", + "song le", + "suýt", + "sì", + "sạch", + "sất", + "sắp", + "sẽ", + "số", + "số là", + "sốt sột", + "sở dĩ", + "sự", + "tanh", + "tha hồ", + "than ôi", + "thanh", + "theo", + "thi thoảng", + "thoạt", + "thoạt nhiên", + "thoắt", + "thuần", + "thà", + "thà là", + "thà rằng", + "thành ra", + "thành thử", + "thái quá", + "tháng", + "thì", + "thì thôi", + "thình lình", + "thím", + "thôi", + "thúng thắng", + "thương ôi", + "thường", + "thảo hèn", + "thảo nào", + "thấy", + "thẩy", + "thậm", + "thậm chí", + "thật lực", + "thật ra", + "thật vậy", + "thế", + "thế là", + "thế mà", + "thế nào", + "thế nên", + "thế ra", + "thế thì", + "thế à", + "thếch", + "thỉnh thoảng", + "thỏm", + "thốc", + "thốc tháo", + "thốt", + "thốt nhiên", + "thộc", + "thời gian", + "thục mạng", + "thửa", + "thực ra", + "thực sự", + "thực vậy", + "tiếp theo", + "tiếp đó", + "tiện thể", + "toà", + "toé khói", + "toẹt", + "trong", + "trên", + "trước", + "trước kia", + "trước nay", + "trước tiên", + "trước đây", + "trước đó", + "trếu tráo", + "trển", + "trệt", + "trệu trạo", + "trỏng", + "trời đất ơi", + "trừ phi", + "tuy", + "tuy nhiên", + "tuy rằng", + "tuy thế", + "tuy vậy", + "tuyệt nhiên", + "tuần tự", + "tuốt luốt", + "tuốt tuồn tuột", + "tuốt tuột", + "tà tà", + "tênh", + "tít mù", + "tò te", + "tôi", + "tông tốc", + "tù tì", + "tăm tắp", + "tại", + "tại vì", + "tấm", + "tấn", + "tất cả", + "tất thảy", + "tất tần tật", + "tất tật", + "tắp", + "tắp lự", + "tọt", + "tỏ ra", + "tỏ vẻ", + "tốc tả", + "tối ư", + "tột", + "tớ", + "tới", + "tức thì", + "tức tốc", + "từ", + "từng", + "tự vì", + "tựu trung", + "veo", + "veo veo", + "việc", + "vung thiên địa", + "vung tàn tán", + "vung tán tàn", + "và", + "vào", + "vâng", + "vèo", + "vì", + "vì chưng", + "vì thế", + "vì vậy", + "ví bằng", + "ví dù", + "ví phỏng", + "ví thử", + "vô hình trung", + "vô kể", + "vô luận", + "vô vàn", + "văng tê", + "vạn nhất", + "vả chăng", + "vả lại", + "vẫn", + "vậy", + "vậy là", + "vậy thì", + "về", + "vị tất", + "vốn dĩ", + "với", + "với lại", + "vở", + "vụt", + "vừa", + "vừa mới", + "xa xả", + "xiết bao", + "xon xón", + "xoành xoạch", + "xoét", + "xoẳn", + "xoẹt", + "xuất kì bất ý", + "xuất kỳ bất ý", + "xuể", + "xuống", + "xăm xúi", + "xăm xăm", + "xăm xắm", + "xềnh xệch", + "xệp", + "à", + "à ơi", + "ào", + "á", + "á à", + "ái", + "ái chà", + "ái dà", + "áng", + "âu là", + "ô hay", + "ô hô", + "ô kê", + "ô kìa", + "ôi chao", + "ôi thôi", + "ông", + "úi", + "úi chà", + "úi dào", + "ý", + "ý chừng", + "ý da", + "đang", + "đi", + "điều", + "đành đạch", + "đáng lí", + "đáng lý", + "đáng lẽ", + "đánh đùng", + "đáo để", + "đây", + "đã", + "đó", + "được", + "đại loại", + "đại nhân", + "đại phàm", + "đại để", + "đến", + "đến nỗi", + "đều", + "để", + "ơ", + "ơ hay", + "ơ kìa", + "ơi", + "ư", + "ạ", + "ạ ơi", + "ấy", + "ầu ơ", + "ắt", + "ắt hẳn", + "ắt là", + "ối dào", + "ối giời", + "ối giời ơi", + "ồ", + "ổng", + "ớ", + "ờ", + "ở", + "ở trên", + "ủa", + "ứ hự", + "ứ ừ", + "ừ", + "ử", + ], + "yo": [ + "a", + "an", + "bá", + "bí", + "bẹ̀rẹ̀", + "fún", + "fẹ́", + "gbogbo", + "inú", + "jù", + "jẹ", + "jẹ́", + "kan", + "kì", + "kí", + "kò", + "láti", + "lè", + "lọ", + "mi", + "mo", + "máa", + "mọ̀", + "ni", + "náà", + "ní", + "nígbà", + "nítorí", + "nǹkan", + "o", + "padà", + "pé", + "púpọ̀", + "pẹ̀lú", + "rẹ̀", + "sì", + "sí", + "sínú", + "ṣ", + "ti", + "tí", + "wà", + "wá", + "wọn", + "wọ́n", + "yìí", + "àti", + "àwọn", + "é", + "í", + "òun", + "ó", + "ń", + "ńlá", + "ṣe", + "ṣé", + "ṣùgbọ́n", + "ẹmọ́", + "ọjọ́", + "ọ̀pọ̀lọpọ̀", + ], + "zh": [ + "、", + "。", + "〈", + "〉", + "《", + "》", + "一", + "一切", + "一则", + "一方面", + "一旦", + "一来", + "一样", + "一般", + "七", + "万一", + "三", + "上下", + "不仅", + "不但", + "不光", + "不单", + "不只", + "不如", + "不怕", + "不惟", + "不成", + "不拘", + "不比", + "不然", + "不特", + "不独", + "不管", + "不论", + "不过", + "不问", + "与", + "与其", + "与否", + "与此同时", + "且", + "两者", + "个", + "临", + "为", + "为了", + "为什么", + "为何", + "为着", + "乃", + "乃至", + "么", + "之", + "之一", + "之所以", + "之类", + "乌乎", + "乎", + "乘", + "九", + "也", + "也好", + "也罢", + "了", + "二", + "于", + "于是", + "于是乎", + "云云", + "五", + "人家", + "什么", + "什么样", + "从", + "从而", + "他", + "他人", + "他们", + "以", + "以便", + "以免", + "以及", + "以至", + "以至于", + "以致", + "们", + "任", + "任何", + "任凭", + "似的", + "但", + "但是", + "何", + "何况", + "何处", + "何时", + "作为", + "你", + "你们", + "使得", + "例如", + "依", + "依照", + "俺", + "俺们", + "倘", + "倘使", + "倘或", + "倘然", + "倘若", + "借", + "假使", + "假如", + "假若", + "像", + "八", + "六", + "兮", + "关于", + "其", + "其一", + "其中", + "其二", + "其他", + "其余", + "其它", + "其次", + "具体地说", + "具体说来", + "再者", + "再说", + "冒", + "冲", + "况且", + "几", + "几时", + "凭", + "凭借", + "则", + "别", + "别的", + "别说", + "到", + "前后", + "前者", + "加之", + "即", + "即令", + "即使", + "即便", + "即或", + "即若", + "又", + "及", + "及其", + "及至", + "反之", + "反过来", + "反过来说", + "另", + "另一方面", + "另外", + "只是", + "只有", + "只要", + "只限", + "叫", + "叮咚", + "可", + "可以", + "可是", + "可见", + "各", + "各个", + "各位", + "各种", + "各自", + "同", + "同时", + "向", + "向着", + "吓", + "吗", + "否则", + "吧", + "吧哒", + "吱", + "呀", + "呃", + "呕", + "呗", + "呜", + "呜呼", + "呢", + "呵", + "呸", + "呼哧", + "咋", + "和", + "咚", + "咦", + "咱", + "咱们", + "咳", + "哇", + "哈", + "哈哈", + "哉", + "哎", + "哎呀", + "哎哟", + "哗", + "哟", + "哦", + "哩", + "哪", + "哪个", + "哪些", + "哪儿", + "哪天", + "哪年", + "哪怕", + "哪样", + "哪边", + "哪里", + "哼", + "哼唷", + "唉", + "啊", + "啐", + "啥", + "啦", + "啪达", + "喂", + "喏", + "喔唷", + "嗡嗡", + "嗬", + "嗯", + "嗳", + "嘎", + "嘎登", + "嘘", + "嘛", + "嘻", + "嘿", + "四", + "因", + "因为", + "因此", + "因而", + "固然", + "在", + "在下", + "地", + "多", + "多少", + "她", + "她们", + "如", + "如上所述", + "如何", + "如其", + "如果", + "如此", + "如若", + "宁", + "宁可", + "宁愿", + "宁肯", + "它", + "它们", + "对", + "对于", + "将", + "尔后", + "尚且", + "就", + "就是", + "就是说", + "尽", + "尽管", + "岂但", + "己", + "并", + "并且", + "开外", + "开始", + "归", + "当", + "当着", + "彼", + "彼此", + "往", + "待", + "得", + "怎", + "怎么", + "怎么办", + "怎么样", + "怎样", + "总之", + "总的来看", + "总的来说", + "总的说来", + "总而言之", + "恰恰相反", + "您", + "慢说", + "我", + "我们", + "或", + "或是", + "或者", + "所", + "所以", + "打", + "把", + "抑或", + "拿", + "按", + "按照", + "换句话说", + "换言之", + "据", + "接着", + "故", + "故此", + "旁人", + "无宁", + "无论", + "既", + "既是", + "既然", + "时候", + "是", + "是的", + "替", + "有", + "有些", + "有关", + "有的", + "望", + "朝", + "朝着", + "本", + "本着", + "来", + "来着", + "极了", + "果然", + "果真", + "某", + "某个", + "某些", + "根据", + "正如", + "此", + "此外", + "此间", + "毋宁", + "每", + "每当", + "比", + "比如", + "比方", + "沿", + "沿着", + "漫说", + "焉", + "然则", + "然后", + "然而", + "照", + "照着", + "甚么", + "甚而", + "甚至", + "用", + "由", + "由于", + "由此可见", + "的", + "的话", + "相对而言", + "省得", + "着", + "着呢", + "矣", + "离", + "第", + "等", + "等等", + "管", + "紧接着", + "纵", + "纵令", + "纵使", + "纵然", + "经", + "经过", + "结果", + "给", + "继而", + "综上所述", + "罢了", + "者", + "而", + "而且", + "而况", + "而外", + "而已", + "而是", + "而言", + "能", + "腾", + "自", + "自个儿", + "自从", + "自各儿", + "自家", + "自己", + "自身", + "至", + "至于", + "若", + "若是", + "若非", + "莫若", + "虽", + "虽则", + "虽然", + "虽说", + "被", + "要", + "要不", + "要不是", + "要不然", + "要么", + "要是", + "让", + "论", + "设使", + "设若", + "该", + "诸位", + "谁", + "谁知", + "赶", + "起", + "起见", + "趁", + "趁着", + "越是", + "跟", + "较", + "较之", + "边", + "过", + "还是", + "还有", + "这", + "这个", + "这么", + "这么些", + "这么样", + "这么点儿", + "这些", + "这会儿", + "这儿", + "这就是说", + "这时", + "这样", + "这边", + "这里", + "进而", + "连", + "连同", + "通过", + "遵照", + "那", + "那个", + "那么", + "那么些", + "那么样", + "那些", + "那会儿", + "那儿", + "那时", + "那样", + "那边", + "那里", + "鄙人", + "鉴于", + "阿", + "除", + "除了", + "除此之外", + "除非", + "随", + "随着", + "零", + "非但", + "非徒", + "靠", + "顺", + "顺着", + "首先", + "︿", + "!", + "#", + "$", + "%", + "&", + "(", + ")", + "*", + "+", + ",", + "0", + "1", + "2", + "3", + "4", + "5", + "6", + "7", + "8", + "9", + ":", + ";", + "<", + ">", + "?", + "@", + "[", + "]", + "{", + "|", + "}", + "~", + "¥", + ], +} diff --git a/data_tooling/ac_dc/visualization/README.md b/data_tooling/ac_dc/visualization/README.md new file mode 100644 index 0000000..377f319 --- /dev/null +++ b/data_tooling/ac_dc/visualization/README.md @@ -0,0 +1,10 @@ +# Visualization tool + +Use this visualization tool online at https://huggingface.co/spaces/huggingface/text-data-filtering. + +However, by running the code on your computer, it is faster, it can handle in practice up to three times more documents, and it works for every language. + +1) Use get_data_for_visualization.py to get the json gathering examples with their computed statistics for the language you chose. +It uses the streaming mode of the Datasets library, so no need to download the dataset, but you have to download the fasttext model (for the language identification) and the kenlm / sentencepiece models (for the perplexity). + +2) Specify the path to this json in visualization.py and run the command "streamlit run visualization.py". diff --git a/data_tooling/ac_dc/visualization/get_data_for_visualization.py b/data_tooling/ac_dc/visualization/get_data_for_visualization.py new file mode 100644 index 0000000..e52c8d6 --- /dev/null +++ b/data_tooling/ac_dc/visualization/get_data_for_visualization.py @@ -0,0 +1,185 @@ +from datasets import load_dataset +from tqdm import tqdm +import json + +import os +import sys + +sys.path.insert(1, os.path.join(sys.path[0], "..")) + +from filtering import LoadParameters, ModifyingDocuments, Filtering + + +class GetDataForVisualization: + def __init__( + self, + dataset, + num_iter, + lang_dataset_id, + path_fasttext_model, + path_sentencepiece_model, + path_kenlm_model, + path_save_stats, + ): + + self.ds = dataset + self.num_iter = num_iter + + self.lang_dataset_id = lang_dataset_id + + self.param = LoadParameters.load_parameters(lang_dataset_id) + self.stopwords = LoadParameters.load_stopwords(lang_dataset_id) + self.badwords = LoadParameters.load_badwords(lang_dataset_id) + self.model_lang_id = LoadParameters.load_model_lang_id( + lang_dataset_id, path_fasttext_model + ) + self.sentencepiece_model = LoadParameters.load_sentencepiece_model( + lang_dataset_id, path_sentencepiece_model + ) + self.sentencepiece_model_tok = ( + self.sentencepiece_model if self.param["tokenization"] else None + ) + self.kenlm_model = LoadParameters.load_kenlm_model( + lang_dataset_id, path_kenlm_model + ) + + self.keys_stats = [ + "special_characters_ratio", + "stopwords_ratio", + "badwords_ratio", + "lang_id_score", + "perplexity_score", + ] + self.path_save_stats = path_save_stats + + def compute_stats(self): + dataset = iter(self.ds) + stats = [] + num_iter_examples = True + for i in tqdm(range(self.num_iter)): + stats_document = {} + + try: + document = next(dataset)["text"] + + words = ModifyingDocuments.get_words_from_document( + document, + sentencepiece_model_tok=self.sentencepiece_model_tok, + lower_case=True, + strip_characters=self.param["strip_characters"], + ) + words = [ + { + "len_word": len(word), + "incorrect_substring": any( + [ + (i_substr in word) + for i_substr in self.param["incorrect_word_substrings"] + ] + ), + "word": word, + } + for word in words + ] + + if not self.param["tokenization"]: + stats_document["words"] = words + + number_words = len(words) + stats_document["number_words"] = number_words + + repetitions_ratios = { + n: round(Filtering.compute_repetitions_ratio(document, n), 4) + for n in range(2, 16) + } + stats_document["repetitions_ratio"] = repetitions_ratios + + special_characters_ratio = Filtering.compute_special_characters_ratio( + document, self.param["special_characters"] + ) + stats_document["special_characters_ratio"] = special_characters_ratio + + if self.stopwords: + stopwords_ratio = Filtering.compute_stopwords_ratio( + document, + self.sentencepiece_model_tok, + self.param["strip_characters"], + self.param["cond_words_augmentation"], + self.param["words_augmentation_group_sizes"], + self.param["words_augmentation_join_char"], + self.stopwords, + ) + stats_document["stopwords_ratio"] = stopwords_ratio + + if self.badwords: + badwords_ratio = Filtering.compute_badwords_ratio( + document, + self.sentencepiece_model_tok, + self.param["strip_characters"], + self.param["cond_words_augmentation"], + self.param["words_augmentation_group_sizes"], + self.param["words_augmentation_join_char"], + self.badwords, + ) + stats_document["badwords_ratio"] = badwords_ratio + + if self.model_lang_id: + _, lang_id_score = Filtering.compute_lang_id_pred_score( + document, self.model_lang_id + ) + stats_document["lang_id_score"] = lang_id_score + + if self.kenlm_model: + perplexity_score = Filtering.compute_perplexity_score( + document, self.sentencepiece_model, self.kenlm_model + ) + stats_document["perplexity_score"] = perplexity_score + + stats_document["text"] = document + + stats.append(stats_document) + + except: + num_iter_examples = False + + if not num_iter_examples: + print("Warning: num_iter is greater than the size of the dataset.") + + self.stats = stats + + with open(self.path_save_stats, "w") as f: + json.dump(self.stats, f) + + +if __name__ == "__main__": + + dataset_name = "oscar" + config_name = "unshuffled_deduplicated_en" + data_files = None + split = "train" + num_iter = 15000 + + lang_dataset_id = "en" + path_fasttext_model = "ac_dc/lid.176.bin" + path_sentencepiece_model = f"ac_dc/en.sp.model" + path_kenlm_model = f"ac_dc/en.arpa.bin" + path_save_stats = f"ac_dc/visualization/en_examples_with_stats.json" + + dataset = load_dataset( + dataset_name, + config_name, + data_files=data_files, + split=split, + streaming=True, + ).shuffle(buffer_size=num_iter, seed=42) + + get_data_for_visualization = GetDataForVisualization( + dataset, + num_iter, + lang_dataset_id, + path_fasttext_model, + path_sentencepiece_model, + path_kenlm_model, + path_save_stats, + ) + get_data_for_visualization.compute_stats() diff --git a/data_tooling/ac_dc/visualization/visualization.py b/data_tooling/ac_dc/visualization/visualization.py new file mode 100644 index 0000000..c92a37e --- /dev/null +++ b/data_tooling/ac_dc/visualization/visualization.py @@ -0,0 +1,427 @@ +# Run with: streamlit run visualization.py + +import streamlit as st + +import os + +import base64 +import json +import pandas as pd +pd.options.mode.chained_assignment = None + +import numpy as np + +import matplotlib.pyplot as plt + + +class Visualization: + def __init__( + self, + path_instructions, + path_data, + lang, + num_docs, + num_docs_for_words, + max_len_text_display, + ): + self.path_instructions = path_instructions + self.path_data = path_data + self.lang = lang + self.num_docs = num_docs + self.num_docs_for_words = num_docs_for_words + self.max_len_text_display = max_len_text_display + + def preamble(self): + st.markdown( + "Before diving into this demo, you might want to take a look at how the filtering pipeline looks like in more detail." + ) + + def get_binary_file_downloader_html(bin_file, file_label="File"): + with open(bin_file, "rb") as f: + data = f.read() + bin_str = base64.b64encode(data).decode() + href = f'{file_label}' + return href + + st.markdown( + get_binary_file_downloader_html( + self.path_instructions, + "Download the explanation of the filtering pipeline as pdf", + ), + unsafe_allow_html=True, + ) + + def open_data(self): + with open(self.path_data) as json_file: + data = json.load(json_file) + + self.num_docs = min(self.num_docs, len(data)) + self.num_docs_for_words = min(self.num_docs_for_words, len(data)) + + if "words" in data[0]: + words = [doc["words"] for doc in data[: self.num_docs_for_words]] + words = [word for doc in words for word in doc] + self.words = pd.DataFrame(words) + else: + self.words = None + + docs = data[: self.num_docs] + for doc in docs: + if not (self.words is None): + del doc["words"] + if len(doc["text"]) > self.max_len_text_display: + doc["text"] = ( + doc["text"][: self.max_len_text_display] + + " [...] [THIS LONG TEXT HAS BEEN TRUNCATED FOR DISPLAY REASONS]" + ) + self.docs_checkpoint = pd.DataFrame(docs) + self.docs = self.docs_checkpoint + + def set_title(self): + st.title(f"{self.num_docs} {self.lang} documents with their stats.") + + def filtering_of_docs(self): + st.sidebar.subheader("Parameters of the filtering on documents") + + def set_sliders(): + columns = list(self.docs) + keys = [] + conds = {} + + def get_cond(key, cutoff, max_cutoff): + if max_cutoff: + return self.docs[key] <= cutoff + return self.docs[key] >= cutoff + + def print_discared_by_cond(cond): + st.sidebar.caption( + f"{(len(cond) - np.sum(1*cond)) / len(cond) * 100:.2f}% of the total is discarded with this filter." + ) + st.sidebar.caption("---------") + + if "number_words" in columns: + cutoff_def = "If the number of words of a document is lower than this number, the document is removed." + max_nb_words = int(np.max(self.docs["number_words"])) + 1 + cutoff_min_number_words = st.sidebar.slider( + cutoff_def, 0, min(max_nb_words, 500), 0 + ) + new_key = ("number_words", cutoff_min_number_words, False) + keys.append(new_key) + cond_1 = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond_1) + + cutoff_def = "If the number of words of a document is higher than this number, the document is removed." + cutoff_max_number_words = st.sidebar.slider( + cutoff_def, 0, max_nb_words, max_nb_words + ) + new_key = ("number_words", cutoff_max_number_words, True) + keys.append(new_key) + cond_2 = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond_2) + + conds["number_words"] = [cond_1, cond_2] + + if "repetitions_ratio" in columns: + val_repetitions_lengths = list( + self.docs["repetitions_ratio"].iloc[0].keys() + ) + default_index = ( + val_repetitions_lengths.index("10") + if "10" in val_repetitions_lengths + else 0 + ) + label_selectbox = ( + "Length of the repetitions (that will determine the repetitions ratio). " + "Choosing a higher or lower number does not mean that the filtering " + "is stronger or weaker. Be careful, choosing a low number (below 5 for languages like English) " + "tends to associate a high repetitions ratio to very long documents (like book chapters), but with " + "few or no repetitions, simply because their length gives them more diversity, and we do " + "not want to discard such documents." + ) + repetitions_length = st.sidebar.selectbox( + label=label_selectbox, + options=val_repetitions_lengths, + index=default_index, + ) + self.docs = self.docs_checkpoint + for i in range(len(self.docs["repetitions_ratio"])): + self.docs["repetitions_ratio"].iloc[i] = self.docs["repetitions_ratio"].iloc[i][repetitions_length] + + cutoff_def = "If the repetitions ratio of a document is higher than this number, the document is removed." + cutoff_repetitions_ratio = st.sidebar.slider( + cutoff_def, 0.0, 1.0, 1.0, step=0.01 + ) + new_key = ( + "repetitions_ratio", + cutoff_repetitions_ratio, + True, + ) + keys.append(new_key) + cond = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond) + conds["repetitions_ratio"] = [cond] + + if "special_characters_ratio" in columns: + cutoff_def = "If the special characters ratio of a document is higher than this number, the document is removed." + cutoff_special_characters_ratio = st.sidebar.slider( + cutoff_def, 0.0, 1.0, 1.0, step=0.01 + ) + new_key = ( + "special_characters_ratio", + cutoff_special_characters_ratio, + True, + ) + keys.append(new_key) + cond = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond) + conds["special_characters_ratio"] = [cond] + + if "stopwords_ratio" in columns: + cutoff_def = "If the stop words ratio of a document is lower than this number, the document is removed." + cutoff_stopwords_ratio = st.sidebar.slider( + cutoff_def, 0.0, 1.0, 0.0, step=0.01 + ) + new_key = ("stopwords_ratio", cutoff_stopwords_ratio, False) + keys.append(new_key) + cond = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond) + conds["stopwords_ratio"] = [cond] + + if "badwords_ratio" in columns: + cutoff_def = "If the bad words ratio of a document is higher than this number, the document is removed." + cutoff_badwords_ratio = st.sidebar.slider( + cutoff_def, 0.0, 1.0, 1.0, step=0.01 + ) + new_key = ("badwords_ratio", cutoff_badwords_ratio, True) + keys.append(new_key) + cond = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond) + conds["badwords_ratio"] = [cond] + + if "lang_id_score" in columns: + cutoff_def = "If the confidence score for the language identification prediction of a document is lower than this number, the document is removed." + cutoff_lang_id_score = st.sidebar.slider( + cutoff_def, 0.0, 1.0, 0.0, step=0.01 + ) + new_key = ("lang_id_score", cutoff_lang_id_score, False) + keys.append(new_key) + cond = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond) + conds["lang_id_score"] = [cond] + + if "perplexity_score" in columns: + cutoff_def = "If the perplexity score of a document is higher than this number, the document is removed." + max_pp = int(np.max(self.docs["perplexity_score"])) + 1 + cutoff_perplexity_score = st.sidebar.slider( + cutoff_def, 0, max_pp, max_pp + ) + new_key = ("perplexity_score", cutoff_perplexity_score, True) + keys.append(new_key) + cond = get_cond(new_key[0], new_key[1], new_key[2]) + print_discared_by_cond(cond) + conds["perplexity_score"] = [cond] + + return keys, conds + + self.keys, conds = set_sliders() + + all_conds = [subcond for cond in list(conds.values()) for subcond in cond] + all_conds = np.all(all_conds, axis=0) + + st.header("Filtering on documents") + + def display_dataset(cond, description): + displayed_docs = self.docs.loc[cond] + st.subheader( + f"{description}: {len(displayed_docs)} docs ({len(displayed_docs) / self.num_docs * 100:.2f}%)" + ) + st.markdown( + "Click on a column to sort by it, place the cursor on the text to display it." + ) + st.dataframe(displayed_docs) + + display_dataset(np.invert(all_conds), "Discarded documents") + + # st.subheader("Display discarded documents by filter") + display_discarded_documents_by_filter = st.checkbox( + "Display discarded documents by filter" + ) + + if display_discarded_documents_by_filter: + columns = list(self.docs) + + if "number_words" in columns: + cond_filter = np.invert(np.all(conds["number_words"], axis=0)) + display_dataset( + cond_filter, + "Discarded documents for the filter on the number of words", + ) + + if "repetitions_ratio" in columns: + cond_filter = np.invert(np.all(conds["repetitions_ratio"], axis=0)) + display_dataset( + cond_filter, + "Discarded documents for the filter on the repetitions ratio", + ) + + if "special_characters_ratio" in columns: + cond_filter = np.invert( + np.all(conds["special_characters_ratio"], axis=0) + ) + display_dataset( + cond_filter, + "Discarded documents for the filter on the special characters ratio", + ) + + if "stopwords_ratio" in columns: + cond_filter = np.invert(np.all(conds["stopwords_ratio"], axis=0)) + display_dataset( + cond_filter, + "Discarded documents for the filter on the stop words ratio", + ) + + if "badwords_ratio" in columns: + cond_filter = np.invert(np.all(conds["badwords_ratio"], axis=0)) + display_dataset( + cond_filter, + "Discarded documents for the filter on the bad words ratio", + ) + + if "lang_id_score" in columns: + cond_filter = np.invert(np.all(conds["lang_id_score"], axis=0)) + display_dataset( + cond_filter, + "Discarded documents for the filter on the language identification confidence score", + ) + + if "perplexity_score" in columns: + cond_filter = np.invert(np.all(conds["perplexity_score"], axis=0)) + display_dataset( + cond_filter, + "Discarded documents for the filter on the perplexity score", + ) + + display_dataset(all_conds, "Retained documents") + + def filtering_of_words(self): + if not (self.words is None): + st.sidebar.subheader("Parameter of the filtering on words") + + cutoff_def = "If the length of a word is higher than this number, the word is removed." + max_len_word = min(int(np.max(self.words["len_word"])) + 1, 200) + cutoff_word = st.sidebar.slider(cutoff_def, 0, max_len_word, max_len_word) + + incorrect_substrings = st.sidebar.checkbox( + "Remove words with incorrect substrings." + ) + + cond_words = self.words["len_word"] <= cutoff_word + if incorrect_substrings: + cond_words = cond_words & np.invert(self.words["incorrect_substring"]) + + st.header("Filtering on words") + + st.markdown( + f"Since the number of words is way larger than the number of documents, " + f"we consider in this section words for the first {self.num_docs_for_words} documents only." + ) + + discarded_words = self.words.loc[np.invert(cond_words)] + st.subheader( + f"Discarded words: {len(discarded_words)} words ({len(discarded_words) / len(self.words) * 100:.2f}%)" + ) + st.markdown( + "Click on a column to sort by it, place the cursor on the text to display it." + ) + st.dataframe(discarded_words) + + retained_words = self.words.loc[cond_words] + st.subheader( + f"Retained words: {len(retained_words)} words ({len(retained_words) / len(self.words) * 100:.2f}%)" + ) + st.markdown( + "Click on a column to sort by it, place the cursor on the text to display it." + ) + st.dataframe(retained_words) + + def plot_distributions_filtering_parameters(self): + st.header("Distributions of the filtering parameters") + + display_distributions = st.checkbox("Display distributions") + + if display_distributions: + + def plot_hist(dataframe, key, num_bins=50): + st.subheader(" ".join(key.split("_"))) + hist_values = dataframe[key].values + max_range = np.max(hist_values) + hist_values = np.histogram( + hist_values, bins=num_bins, range=(0, max_range) + )[0] + st.bar_chart(hist_values) + st.markdown(f"Each bin is of size: {max_range/num_bins}.") + + for key in list({el[0]: None for el in self.keys}): + plot_hist(self.docs, key) + + if not (self.words is None): + plot_hist(self.words, "len_word") + + def plot_zipf_law(self): + if not (self.words is None): + st.header("Zipf's Law") + + display_zipf_law = st.checkbox("Display Zipf's Law") + + if display_zipf_law: + + freq_words = {} + for _, row in self.words.iterrows(): + freq_words[row["word"]] = freq_words.get(row["word"], 0) + 1 + freq_words = np.array(list(freq_words.values())) + freq_words = -np.sort(-freq_words) + + fig, ax = plt.subplots() + ax.loglog(freq_words) + ax.set_title("Zipf's Law") + ax.set_xlabel("$i$-th most frequent word") + ax.set_ylabel("frequency in the documents") + st.pyplot(fig) + + def download_data(self): + st.header("Download data") + + with open(self.path_data) as json_file: + btn = st.download_button( + label="Download data as json", + data=json_file, + file_name="data.json", + ) + + def visualization(self): + self.preamble() + self.open_data() + self.set_title() + self.filtering_of_docs() + self.filtering_of_words() + self.plot_distributions_filtering_parameters() + self.plot_zipf_law() + self.download_data() + + +path_instructions = "./ac_dc/explanation_filtering_pipeline.pdf" +path_data = "./ac_dc/visualization/en_examples_with_stats.json" +lang = "English" +num_docs = 15000 +num_docs_for_words = 1500 +max_len_text_display = 10000 + +visualization = Visualization( + path_instructions, + path_data, + lang, + num_docs, + num_docs_for_words, + max_len_text_display, +) +visualization.visualization() diff --git a/data_tooling/bertin/README.md b/data_tooling/bertin/README.md new file mode 100644 index 0000000..7b39067 --- /dev/null +++ b/data_tooling/bertin/README.md @@ -0,0 +1,488 @@ +# BERTIN-OSCAR + +This is a copy of https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/main. + +## Orginal README.md + + +--- +language: es +license: cc-by-4.0 +tags: +- spanish +- roberta +pipeline_tag: fill-mask +widget: +- text: Fui a la librería a comprar un . +--- + +- [Version v1](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/v1) (default): July 26th, 2021 +- [Version v1-512](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/v1-512): July 26th, 2021 +- [Version beta](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/beta): July 15th, 2021 + +# BERTIN + +
+BERTIN logo +
+ +BERTIN is a series of BERT-based models for Spanish. The current model hub points to the best of all RoBERTa-base models trained from scratch on the Spanish portion of mC4 using [Flax](https://github.com/google/flax). All code and scripts are included. + +This is part of the +[Flax/Jax Community Week](https://discuss.huggingface.co/t/open-to-the-community-community-week-using-jax-flax-for-nlp-cv/7104), organized by [HuggingFace](https://huggingface.co/) and TPU usage sponsored by Google Cloud. + +The aim of this project was to pre-train a RoBERTa-base model from scratch during the Flax/JAX Community Event, in which Google Cloud provided free TPUv3-8 to do the training using Huggingface's Flax implementations of their library. + +# Motivation + +According to [Wikipedia](https://en.wikipedia.org/wiki/List_of_languages_by_total_number_of_speakers), Spanish is the second most-spoken language in the world by native speakers (>470 million speakers), only after Chinese, and the fourth including those who speak it as a second language. However, most NLP research is still mainly available in English. Relevant contributions like BERT, XLNet or GPT2 sometimes take years to be available in Spanish and, when they do, it is often via multilingual versions which are not as performant as the English alternative. + +At the time of the event there were no RoBERTa models available in Spanish. Therefore, releasing one such model was the primary goal of our project. During the Flax/JAX Community Event we released a beta version of our model, which was the first in the Spanish language. Thereafter, on the last day of the event, the Barcelona Supercomputing Center released their own [RoBERTa](https://arxiv.org/pdf/2107.07253.pdf) model. The precise timing suggests our work precipitated its publication, and such an increase in competition is a desired outcome of our project. We are grateful for their efforts to include BERTIN in their paper, as discussed further below, and recognize the value of their own contribution, which we also acknowledge in our experiments. + +Models in monolingual Spanish are hard to come by and, when they do, they are often trained on proprietary datasets and with massive resources. In practice, this means that many relevant algorithms and techniques remain exclusive to large technology companies and organizations. This motivated the second goal of our project, which is to bring training of large models like RoBERTa one step closer to smaller groups. We want to explore techniques that make training these architectures easier and faster, thus contributing to the democratization of large language models. + +## Spanish mC4 + +The dataset mC4 is a multilingual variant of the C4, the Colossal, Cleaned version of Common Crawl's web crawl corpus. While C4 was used to train the T5 text-to-text Transformer models, mC4 comprises natural text in 101 languages drawn from the public Common Crawl web-scrape and was used to train mT5, the multilingual version of T5. + +The Spanish portion of mC4 (mC4-es) contains about 416 million samples and 235 billion words in approximately 1TB of uncompressed data. + +```bash +$ zcat c4/multilingual/c4-es*.tfrecord*.json.gz | wc -l +416057992 +``` + +```bash +$ zcat c4/multilingual/c4-es*.tfrecord-*.json.gz | jq -r '.text | split(" ") | length' | paste -s -d+ - | bc +235303687795 +``` + +## Perplexity sampling + +The large amount of text in mC4-es makes training a language model within the time constraints of the Flax/JAX Community Event problematic. This motivated the exploration of sampling methods, with the goal of creating a subset of the dataset that would allow for the training of well-performing models with roughly one eighth of the data (~50M samples) and at approximately half the training steps. + +In order to efficiently build this subset of data, we decided to leverage a technique we call *perplexity sampling*, and whose origin can be traced to the construction of CCNet (Wenzek et al., 2020) and their high quality monolingual datasets from web-crawl data. In their work, they suggest the possibility of applying fast language models trained on high-quality data such as Wikipedia to filter out texts that deviate too much from correct expressions of a language (see Figure 1). They also released Kneser-Ney models (Ney et al., 1994) for 100 languages (Spanish included) as implemented in the KenLM library (Heafield, 2011) and trained on their respective Wikipedias. + +
+ +![Perplexity distributions by percentage CCNet corpus](./images/ccnet.png) + +Figure 1. Perplexity distributions by percentage CCNet corpus. +
+ +In this work, we tested the hypothesis that perplexity sampling might help +reduce training-data size and training times, while keeping the performance of +the final model. + +## Methodology + +In order to test our hypothesis, we first calculated the perplexity of each document in a random subset (roughly a quarter of the data) of mC4-es and extracted their distribution and quartiles (see Figure 2). + +
+ +![Perplexity distributions and quartiles (red lines) of 44M samples of mC4-es](./images/perp-p95.png) + +Figure 2. Perplexity distributions and quartiles (red lines) of 44M samples of mC4-es. +
+ +With the extracted perplexity percentiles, we created two functions to oversample the central quartiles with the idea of biasing against samples that are either too small (short, repetitive texts) or too long (potentially poor quality) (see Figure 3). + +The first function is a `Stepwise` that simply oversamples the central quartiles using quartile boundaries and a `factor` for the desired sampling frequency for each quartile, obviously giving larger frequencies for middle quartiles (oversampling Q2, Q3, subsampling Q1, Q4). +The second function weighted the perplexity distribution by a Gaussian-like function, to smooth out the sharp boundaries of the `Stepwise` function and give a better approximation to the desired underlying distribution (see Figure 4). + +We adjusted the `factor` parameter of the `Stepwise` function, and the `factor` and `width` parameter of the `Gaussian` function to roughly be able to sample 50M samples from the 416M in mC4-es (see Figure 4). For comparison, we also sampled randomly mC4-es up to 50M samples as well. In terms of sizes, we went down from 1TB of data to ~200GB. We released the code to sample from mC4 on the fly when streaming for any language under the dataset [`bertin-project/mc4-sampling`](https://huggingface.co/datasets/bertin-project/mc4-sampling). + +
+ +![Expected perplexity distributions of the sample mC4-es after applying the Stepwise function](./images/perp-resample-stepwise.png) + +Figure 3. Expected perplexity distributions of the sample mC4-es after applying the Stepwise function. + +
+ +
+ +![Expected perplexity distributions of the sample mC4-es after applying Gaussian function](./images/perp-resample-gaussian.png) + +Figure 4. Expected perplexity distributions of the sample mC4-es after applying Gaussian function. +
+ +Figure 5 shows the actual perplexity distributions of the generated 50M subsets for each of the executed subsampling procedures. All subsets can be easily accessed for reproducibility purposes using the [`bertin-project/mc4-es-sampled`](https://huggingface.co/datasets/bertin-project/mc4-es-sampled) dataset. We adjusted our subsampling parameters so that we would sample around 50M examples from the original train split in mC4. However, when these parameters were applied to the validation split they resulted in too few examples (~400k samples), Therefore, for validation purposes, we extracted 50k samples at each evaluation step from our own train dataset on the fly. Crucially, those elements were then excluded from training, so as not to validate on previously seen data. In the [`mc4-es-sampled`](https://huggingface.co/datasets/bertin-project/mc4-es-sampled) dataset, the train split contains the full 50M samples, while validation is retrieved as it is from the original mC4. + +```python +from datasets import load_dataset + +for config in ("random", "stepwise", "gaussian"): + mc4es = load_dataset( + "bertin-project/mc4-es-sampled", + config, + split="train", + streaming=True + ).shuffle(buffer_size=1000) + for sample in mc4es: + print(config, sample) + break +``` + +
+ +![Experimental perplexity distributions of the sampled mc4-es after applying Gaussian and Stepwise functions, and the Random control sample](./images/datasets-perp.png) + +Figure 5. Experimental perplexity distributions of the sampled mc4-es after applying Gaussian and Stepwise functions, and the Random control sample. +
+ +`Random` sampling displayed the same perplexity distribution of the underlying true distribution, as can be seen in Figure 6. + +
+ +![Experimental perplexity distribution of the sampled mc4-es after applying Random sampling](./images/datasets-random-comparison.png) + +Figure 6. Experimental perplexity distribution of the sampled mc4-es after applying Random sampling. +
+ +Although this is not a comprehensive analysis, we looked into the distribution of perplexity for the training corpus. A quick t-SNE graph seems to suggest the distribution is uniform for the different topics and clusters of documents. The [interactive plot](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/raw/main/images/perplexity_colored_embeddings.html) was generated using [a distilled version of multilingual USE](https://huggingface.co/sentence-transformers/distiluse-base-multilingual-cased-v1) to embed a random subset of 20,000 examples and each example is colored based on its perplexity. This is important since, in principle, introducing a perplexity-biased sampling method could introduce undesired biases if perplexity happens to be correlated to some other quality of our data. The code required to replicate this plot is available at [`tsne_plot.py`](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/blob/main/tsne_plot.py) script and the HTML file is located under [`images/perplexity_colored_embeddings.html`](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/blob/main/images/perplexity_colored_embeddings.html). + +### Training details + +We then used the same setup and hyperparameters as [Liu et al. (2019)](https://arxiv.org/abs/1907.11692) but trained only for half the steps (250k) on a sequence length of 128. In particular, `Gaussian` and `Stepwise` trained for the 250k steps, while `Random` was stopped at 230k. `Stepwise` needed to be initially stopped at 180k to allow downstream tests (sequence length 128), but was later resumed and finished the 250k steps. At the time of tests for 512 sequence length it had reached 204k steps, improving performance substantially. + +Then, we continued training the most promising models for a few more steps (~50k) on sequence length 512 from the previous checkpoints on 128 sequence length at 230k steps. We tried two strategies for this, since it is not easy to find clear details about how to proceed in the literature. It turns out this decision had a big impact in the final performance. + +For `Random` sampling we trained with sequence length 512 during the last 25k steps of the 250k training steps, keeping the optimizer state intact. Results for this are underwhelming, as seen in Figure 7. + +
+ +![Training profile for Random sampling. Note the drop in performance after the change from 128 to 512 sequence length](./images/random_512.jpg) + +Figure 7. Training profile for Random sampling. Note the drop in performance after the change from 128 to 512 sequence length. +
+ +For `Gaussian` sampling we started a new optimizer after 230k steps with 128 sequence length, using a short warmup interval. Results are much better using this procedure. We do not have a graph since training needed to be restarted several times, however, final accuracy was 0.6873 compared to 0.5907 for `Random` (512), a difference much larger than that of their respective -128 models (0.6520 for `Random`, 0.6608 for `Gaussian`). Following the same procedure, `Stepwise` continues training on sequence length 512 with a MLM accuracy of 0.6744 at 31k steps. + +Batch size was 2048 (8 TPU cores x 256 batch size) for training with 128 sequence length, and 384 (8 x 48) for 512 sequence length, with no change in learning rate. Warmup steps for 512 was 500. + +## Results + +Please refer to the **evaluation** folder for training scripts for downstream tasks. + +Our first test, tagged [`beta`](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/beta) in this repository, refers to an initial experiment using `Stepwise` on 128 sequence length and trained for 210k steps with a small `factor` set to 10. The repository [`flax-community/bertin-roberta-large-spanish`](https://huggingface.co/flax-community/bertin-roberta-large-spanish) contains a nearly identical version but it is now discontinued). During the community event, the Barcelona Supercomputing Center (BSC) in association with the National Library of Spain released RoBERTa base and large models trained on 200M documents (570GB) of high quality data clean using 100 nodes with 48 CPU cores of MareNostrum 4 during 96h. At the end of the process they were left with 2TB of clean data at the document level that were further cleaned up to the final 570GB. This is an interesting contrast to our own resources (3 TPUv3-8 for 10 days to do cleaning, sampling, training, and evaluation) and makes for a valuable reference. The BSC team evaluated our early release of the model [`beta`](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/beta) and the results can be seen in Table 1. + +Our final models were trained on a different number of steps and sequence lengths and achieve different—higher—masked-word prediction accuracies. Despite these limitations it is interesting to see the results they obtained using the early version of our model. Note that some of the datasets used for evaluation by BSC are not freely available, therefore it is not possible to verify the figures. + +
+ +Table 1. Evaluation made by the Barcelona Supercomputing Center of their models and BERTIN (beta, sequence length 128), from their preprint(arXiv:2107.07253). + +| Dataset | Metric | RoBERTa-b | RoBERTa-l | BETO | mBERT | BERTIN (beta) | +|-------------|----------|-----------|-----------|--------|--------|--------| +| UD-POS | F1 |**0.9907** | 0.9901 | 0.9900 | 0.9886 | **0.9904** | +| Conll-NER | F1 | 0.8851 | 0.8772 | 0.8759 | 0.8691 | 0.8627 | +| Capitel-POS | F1 | 0.9846 | 0.9851 | 0.9836 | 0.9839 | 0.9826 | +| Capitel-NER | F1 | 0.8959 | 0.8998 | 0.8771 | 0.8810 | 0.8741 | +| STS | Combined | 0.8423 | 0.8420 | 0.8216 | 0.8249 | 0.7822 | +| MLDoc | Accuracy | 0.9595 | 0.9600 | 0.9650 | 0.9560 | **0.9673** | +| PAWS-X | F1 | 0.9035 | 0.9000 | 0.8915 | 0.9020 | 0.8820 | +| XNLI | Accuracy | 0.8016 | WIP | 0.8130 | 0.7876 | WIP | + +
+ +All of our models attained good accuracy values during training in the masked-language model task —in the range of 0.65— as can be seen in Table 2: + +
+ +Table 2. Accuracy for the different language models for the main masked-language model task. + +| Model | Accuracy | +|----------------------------------------------------|----------| +| [`bertin-project/bertin-roberta-base-spanish (beta)`](https://huggingface.co/bertin-project/bertin-roberta-base-spanish) | 0.6547 | +| [`bertin-project/bertin-base-random`](https://huggingface.co/bertin-project/bertin-base-random) | 0.6520 | +| [`bertin-project/bertin-base-stepwise`](https://huggingface.co/bertin-project/bertin-base-stepwise) | 0.6487 | +| [`bertin-project/bertin-base-gaussian`](https://huggingface.co/bertin-project/bertin-base-gaussian) | 0.6608 | +| [`bertin-project/bertin-base-random-exp-512seqlen`](https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen) | 0.5907 | +| [`bertin-project/bertin-base-stepwise-exp-512seqlen`](https://huggingface.co/bertin-project/bertin-base-stepwise-exp-512seqlen) | 0.6818 | +| [`bertin-project/bertin-base-gaussian-exp-512seqlen`](https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen) | **0.6873** | + +
+ +### Downstream Tasks + +We are currently in the process of applying our language models to downstream tasks. +For simplicity, we will abbreviate the different models as follows: + +- **mBERT**: [`bert-base-multilingual-cased`](https://huggingface.co/bert-base-multilingual-cased) +- **BETO**: [`dccuchile/bert-base-spanish-wwm-cased`](https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased) +- **BSC-BNE**: [`BSC-TeMU/roberta-base-bne`](https://huggingface.co/BSC-TeMU/roberta-base-bne) +- **Beta**: [`bertin-project/bertin-roberta-base-spanish`](https://huggingface.co/bertin-project/bertin-roberta-base-spanish) +- **Random**: [`bertin-project/bertin-base-random`](https://huggingface.co/bertin-project/bertin-base-random) +- **Stepwise**: [`bertin-project/bertin-base-stepwise`](https://huggingface.co/bertin-project/bertin-base-stepwise) +- **Gaussian**: [`bertin-project/bertin-base-gaussian`](https://huggingface.co/bertin-project/bertin-base-gaussian) +- **Random-512**: [`bertin-project/bertin-base-random-exp-512seqlen`](https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen) +- **Stepwise-512**: [`bertin-project/bertin-base-stepwise-exp-512seqlen`](https://huggingface.co/bertin-project/bertin-base-stepwise-exp-512seqlen) (WIP) +- **Gaussian-512**: [`bertin-project/bertin-base-gaussian-exp-512seqlen`](https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen) + +
+ + +Table 3. Metrics for different downstream tasks, comparing our different models as well as other relevant BERT variations from the literature. Dataset for POS and NER is CoNLL 2002. POS and NER used max length 128 and batch size 16. Batch size for XNLI is 32 (max length 256). All models were fine-tuned for 5 epochs, with the exception of XNLI-256 that used 2 epochs. Stepwise used an older checkpoint with only 180.000 steps. + + +| Model | POS (F1/Acc) | NER (F1/Acc) | XNLI-256 (Acc) | +|--------------|----------------------|---------------------|----------------| +| mBERT | 0.9629 / 0.9687 | 0.8539 / 0.9779 | 0.7852 | +| BETO | 0.9642 / 0.9700 | 0.8579 / 0.9783 | **0.8186** | +| BSC-BNE | 0.9659 / 0.9707 | 0.8700 / 0.9807 | 0.8178 | +| Beta | 0.9638 / 0.9690 | 0.8725 / 0.9812 | 0.7791 | +| Random | 0.9656 / 0.9704 | 0.8704 / 0.9807 | 0.7745 | +| Stepwise | 0.9656 / 0.9707 | 0.8705 / 0.9809 | 0.7820 | +| Gaussian | 0.9662 / 0.9709 | **0.8792 / 0.9816** | 0.7942 | +| Random-512 | 0.9660 / 0.9707 | 0.8616 / 0.9803 | 0.7723 | +| Stepwise-512 | WIP | WIP | WIP | +| Gaussian-512 | **0.9662 / 0.9714** | **0.8764 / 0.9819** | 0.7878 | + +
+ +Table 4. Metrics for different downstream tasks, comparing our different models as well as other relevant BERT variations from the literature. Dataset for POS and NER is CoNLL 2002. POS, NER and PAWS-X used max length 512 and batch size 16. Batch size for XNLI is 16 too (max length 512). All models were fine-tuned for 5 epochs. Results marked with `*` indicate more than one run to guarantee convergence. + + +| Model | POS (F1/Acc) | NER (F1/Acc) | PAWS-X (Acc) | XNLI (Acc) | +|--------------|----------------------|---------------------|--------------|------------| +| mBERT | 0.9630 / 0.9689 | 0.8616 / 0.9790 | 0.8895* | 0.7606 | +| BETO | 0.9639 / 0.9693 | 0.8596 / 0.9790 | 0.8720* | **0.8012** | +| BSC-BNE | **0.9655 / 0.9706** | 0.8764 / 0.9818 | 0.8815* | 0.7771* | +| Beta | 0.9616 / 0.9669 | 0.8640 / 0.9799 | 0.8670* | 0.7751* | +| Random | 0.9651 / 0.9700 | 0.8638 / 0.9802 | 0.8800* | 0.7795 | +| Stepwise | 0.9647 / 0.9698 | 0.8749 / 0.9819 | 0.8685* | 0.7763 | +| Gaussian | 0.9644 / 0.9692 | **0.8779 / 0.9820** | 0.8875* | 0.7843 | +| Random-512 | 0.9636 / 0.9690 | 0.8664 / 0.9806 | 0.6735* | 0.7799 | +| Stepwise-512 | 0.9633 / 0.9684 | 0.8662 / 0.9811 | 0.8690 | 0.7695 | +| Gaussian-512 | 0.9646 / 0.9697 | 0.8707 / 0.9810 | **0.8965**\* | 0.7843 | + + + +In addition to the tasks above, we also trained the [`beta`](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/beta) model on the SQUAD dataset, achieving exact match 50.96 and F1 68.74 (sequence length 128). A full evaluation of this task is still pending. + +Results for PAWS-X seem surprising given the large differences in performance. However, this training was repeated to avoid failed runs and results seem consistent. A similar problem was found for XNLI-512, where many models reported a very poor 0.3333 accuracy on a first run (and even a second, in the case of BSC-BNE). This suggests training is a bit unstable for some datasets under these conditions. Increasing the batch size and number of epochs would be a natural attempt to fix this problem, however, this is not feasible within the project schedule. For example, runtime for XNLI-512 was ~19h per model and increasing the batch size without reducing sequence length is not feasible on a single GPU. + +We are also releasing the fine-tuned models for `Gaussian`-512 and making it our version [v1](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/v1) default to 128 sequence length since it experimentally shows better performance on fill-mask task, while also releasing the 512 sequence length version ([v1-512](https://huggingface.co/bertin-project/bertin-roberta-base-spanish/tree/v1-512) for fine-tuning. + +- POS: [`bertin-project/bertin-base-pos-conll2002-es`](https://huggingface.co/bertin-project/bertin-base-pos-conll2002-es/) +- NER: [`bertin-project/bertin-base-ner-conll2002-es`](https://huggingface.co/bertin-project/bertin-base-ner-conll2002-es/) +- PAWS-X: [`bertin-project/bertin-base-paws-x-es`](https://huggingface.co/bertin-project/bertin-base-paws-x-es) +- XNLI: [`bertin-project/bertin-base-xnli-es`](https://huggingface.co/bertin-project/bertin-base-xnli-es) + +## Bias and ethics + +While a rigorous analysis of our models and datasets for bias was out of the scope of our project (given the very tight schedule and our lack of experience on Flax/JAX), this issue has still played an important role in our motivation. Bias is often the result of applying massive, poorly-curated datasets during training of expensive architectures. This means that, even if problems are identified, there is little most can do about it at the root level since such training can be prohibitively expensive. We hope that, by facilitating competitive training with reduced times and datasets, we will help to enable the required iterations and refinements that these models will need as our understanding of biases improves. For example, it should be easier now to train a RoBERTa model from scratch using newer datasets specially designed to address bias. This is surely an exciting prospect, and we hope that this work will contribute in such challenges. + +Even if a rigorous analysis of bias is difficult, we should not use that excuse to disregard the issue in any project. Therefore, we have performed a basic analysis looking into possible shortcomings of our models. It is crucial to keep in mind that these models are publicly available and, as such, will end up being used in multiple real-world situations. These applications —some of them modern versions of phrenology— have a dramatic impact in the lives of people all over the world. We know Deep Learning models are in use today as [law assistants](https://www.wired.com/2017/04/courts-using-ai-sentence-criminals-must-stop-now/), in [law enforcement](https://www.washingtonpost.com/technology/2019/05/16/police-have-used-celebrity-lookalikes-distorted-images-boost-facial-recognition-results-research-finds/), as [exam-proctoring tools](https://www.wired.com/story/ai-college-exam-proctors-surveillance/) (also [this](https://www.eff.org/deeplinks/2020/09/students-are-pushing-back-against-proctoring-surveillance-apps)), for [recruitment](https://www.washingtonpost.com/technology/2019/10/22/ai-hiring-face-scanning-algorithm-increasingly-decides-whether-you-deserve-job/) (also [this](https://www.technologyreview.com/2021/07/21/1029860/disability-rights-employment-discrimination-ai-hiring/)) and even to [target minorities](https://www.insider.com/china-is-testing-ai-recognition-on-the-uighurs-bbc-2021-5). Therefore, it is our responsibility to fight bias when possible, and to be extremely clear about the limitations of our models, to discourage problematic use. + +### Bias examples (Spanish) + +Note that this analysis is slightly more difficult to do in Spanish since gender concordance reveals hints beyond masks. Note many suggestions seem grammatically incorrect in English, but with few exceptions —like “drive high”, which works in English but not in Spanish— they are all correct, even if uncommon. + +Results show that bias is apparent even in a quick and shallow analysis like this one. However, there are many instances where the results are more neutral than anticipated. For instance, the first option to “do the dishes” is the “son”, and “pink” is nowhere to be found in the color recommendations for a girl. Women seem to drive “high”, “fast”, “strong” and “well”, but “not a lot”. + +But before we get complacent, the model reminds us that the place of the woman is at "home" or "the bed" (!), while the man is free to roam the "streets", the "city" and even "Earth" (or "earth", both options are granted). + +Similar conclusions are derived from examples focusing on race and religion. Very matter-of-factly, the first suggestion always seems to be a repetition of the group ("Christians" **are** "Christians", after all), and other suggestions are rather neutral and tame. However, there are some worrisome proposals. For example, the fourth option for Jews is that they are "racist". Chinese people are both "intelligent" and "stupid", which actually hints to different forms of racism they encounter (so-called "positive" racism, such as claiming Asians are good at math, which can be insidious and [should not be taken lightly](https://www.health.harvard.edu/blog/anti-asian-racism-breaking-through-stereotypes-and-silence-2021041522414)). Predictions for Latin Americans also raise red flags, as they are linked to being "poor" and even "worse". + +The model also seems to suffer from geographical bias, producing words that are more common in Spain than other countries. For example, when filling the mask in "My <mask> is a Hyundai Accent", the word "coche" scores higher than "carro" (Spanish and Latin American words for car, respectively) while "auto", which is used in Argentina, doesn't appear in the top 5 choices. A more problematic example is seen with the word used for "taking" or "grabbing", when filling the mask in the sentence "I am late, I have to <mask> the bus". In Spain, the word "coger" is used, while in most countries in Latin America, the word "tomar" is used instead, while "coger" means "to have sex". The model choses "coger el autobús", which is a perfectly appropriate choice in the eyes of a person from Spain—it would translate to "take the bus", but inappropriate in most parts of Latin America, where it would mean "to have sex with the bus". Another example of geographical bias, can be observed by the preference of the model for the Spanish word for "drive", over its Latin American counterparts. Even when prompted with the words "carro" and "auto" (used in Latin America for "car"), the model chooses "conducir" (Spain) over "manejar" (Latin America) - however, "conducir" (Spain) scores higher when prompted with "coche" (Spain) than with "carro" and "auto" (Latin American), suggesting that the model has at least some basic understanding of the different ways of speaking Spanish in different parts of the world. + +On gender + +- Dile a tu **hijo** que hay que fregar los platos. + hijo — madre — jefe — pareja — suegra + +- Las mujeres conducen muy **alto**. + alto — rápido — poco — fuerte — bien + +- El lugar de la mujer está en la **casa**. + casa — cama — tierra — calle — vida + +- El lugar del hombre está en la **casa**. + calle — ciudad — Tierra — tierra — casa + +- Qué mal **vivir**, ¡tenía que ser mujer! + vivir — está — decirlo — hacer — escrito + +- Qué mal **vivir**, ¡tenía que ser hombre! + vivir — está — hecho — escrito — verlo + +- Como soy chica, mi color favorito es el **rojo**. + rojo — blanco — azul — verde — naranja + +On religion + +- La mayoría de los musulmanes son **musulmanes**. + musulmanes — árabes — cristianos — occidentales — (salto de línea) + +- La mayoría de los cristianos son **cristianos**. + cristianos — católicos — (salto de línea) — . — mujeres + +- La mayoría de los judíos son **judíos**. + judíos — blancos — argentinos — racistas — israelíes + +On race and origin + +- Los árabes son **árabes**. + árabes — musulmanes — iguales — dioses — cristianos + +- Los chinos son **chinos**. + chinos — asiáticos — inteligentes — negros — tontos + +- Los europeos son **europeos**. + europeos — alemanes — españoles — iguales — británicos + +- Los indios son **negros**. + negros — buenos — indios — todos — hombres + +- Los latinoamericanos son **mayoría**. + mayoría — iguales — pobres — latinoamericanos — peores + +Geographical bias + +- Mi **coche** es un Hyundai Accent. + coche — carro — vehículo — moto — padre + +- Llego tarde, tengo que **coger** el autobús. + coger — tomar — evitar — abandonar — utilizar + +- Para llegar a mi casa, tengo que **conducir** mi coche. + conducir — alquilar — llevar — coger — aparcar + +- Para llegar a mi casa, tengo que **llevar** mi carro. + llevar — comprar — tener — cargar — conducir + +- Para llegar a mi casa, tengo que **llevar** mi auto. + llevar — tener — conducir — coger — cargar + +### Bias examples (English translation) + +On gender + +- Tell your **son** to do the dishes. + son — mother — boss (male) — partner — mother in law + +- Women drive very **high**. + high (no drugs connotation) — fast — not a lot — strong — well + +- The place of the woman is at **home**. + house (home) — bed — earth — street — life + +- The place of the man is at the **street**. + street — city — Earth — earth — house (home) + +- Hard translation: What a bad way to <mask>, it had to be a woman! + Expecting sentences like: Awful driving, it had to be a woman! (Sadly common.) + live — is (“how bad it is”) — to say it — to do — written + +- (See previous example.) What a bad way to <mask>, it had to be a man! + live — is (“how bad it is”) — done — written — to see it (how unfortunate to see it) + +- Since I'm a girl, my favourite colour is **red**. + red — white — blue — green — orange + +On religion + +- Most Muslims are **Muslim**. + Muslim — Arab — Christian — Western — (new line) + +- Most Christians are **Christian**. + Christian — Catholic — (new line) — . — women + +- Most Jews are **Jews**. + Jews — white — Argentinian — racist — Israelis + +On race and origin + +- Arabs are **Arab**. + Arab — Muslim — the same — gods — Christian + +- Chinese are **Chinese**. + Chinese — Asian — intelligent — black — stupid + +- Europeans are **European**. + European — German — Spanish — the same — British + +- Indians are **black**. (Indians refers both to people from India or several Indigenous peoples, particularly from America.) + black — good — Indian — all — men + +- Latin Americans are **the majority**. + the majority — the same — poor — Latin Americans — worse + +Geographical bias + +- My **(Spain's word for) car** is a Hyundai Accent. + (Spain's word for) car — (Most of Latin America's word for) car — vehicle — motorbike — father + +- I am running late, I have to **take (in Spain) / have sex with (in Latin America)** the bus. + take (in Spain) / have sex with (in Latin America) — take (in Latin America) — avoid — leave — utilize + +- In order to get home, I have to **(Spain's word for) drive** my (Spain's word for) car. + (Spain's word for) drive — rent — bring — take — park + +- In order to get home, I have to **bring** my (most of Latin America's word for) car. + bring — buy — have — load — (Spain's word for) drive + +- In order to get home, I have to **bring** my (Argentina's and other parts of Latin America's word for) car. + bring — have — (Spain's word for) drive — take — load + +## Analysis + +The performance of our models has been, in general, very good. Even our beta model was able to achieve SOTA in MLDoc (and virtually tie in UD-POS) as evaluated by the Barcelona Supercomputing Center. In the main masked-language task our models reach values between 0.65 and 0.69, which foretells good results for downstream tasks. + +Our analysis of downstream tasks is not yet complete. It should be stressed that we have continued this fine-tuning in the same spirit of the project, that is, with smaller practicioners and budgets in mind. Therefore, our goal is not to achieve the highest possible metrics for each task, but rather train using sensible hyper parameters and training times, and compare the different models under these conditions. It is certainly possible that any of the models —ours or otherwise— could be carefully tuned to achieve better results at a given task, and it is a possibility that the best tuning might result in a new "winner" for that category. What we can claim is that, under typical training conditions, our models are remarkably performant. In particular, `Gaussian` sampling seems to produce more consistent models, taking the lead in four of the seven tasks analysed. + +The differences in performance for models trained using different data-sampling techniques are consistent. `Gaussian`-sampling is always first (with the exception of POS-512), while `Stepwise` is better than `Random` when trained during a similar number of steps. This proves that the sampling technique is, indeed, relevant. A more thorough statistical analysis is still required. + +As already mentioned in the [Training details](#training-details) section, the methodology used to extend sequence length during training is critical. The `Random`-sampling model took an important hit in performance in this process, while `Gaussian`-512 ended up with better metrics than than `Gaussian`-128, in both the main masked-language task and the downstream datasets. The key difference was that `Random` kept the optimizer intact while `Gaussian` used a fresh one. It is possible that this difference is related to the timing of the swap in sequence length, given that close to the end of training the optimizer will keep learning rates very low, perhaps too low for the adjustments needed after a change in sequence length. We believe this is an important topic of research, but our preliminary data suggests that using a new optimizer is a safe alternative when in doubt or if computational resources are scarce. + +# Lessons and next steps + +BERTIN Project has been a challenge for many reasons. Like many others in the Flax/JAX Community Event, ours is an impromptu team of people with little to no experience with Flax. Even if training a RoBERTa model sounds vaguely like a replication experiment, we anticipated difficulties ahead, and we were right to do so. + +New tools always require a period of adaptation in the working flow. For instance, lacking —to the best of our knowledge— a monitoring tool equivalent to `nvidia-smi` makes simple procedures like optimizing batch sizes become troublesome. Of course, we also needed to improvise the code adaptations required for our data sampling experiments. Moreover, this re-conceptualization of the project required that we run many training processes during the event. This is another reason why saving and restoring checkpoints was a must for our success —the other reason being our planned switch from 128 to 512 sequence length. However, such code was not available at the start of the Community Event. At some point code to save checkpoints was released, but not to restore and continue training from them (at least we are not aware of such update). In any case, writing this Flax code —with help from the fantastic and collaborative spirit of the event— was a valuable learning experience, and these modifications worked as expected when they were needed. + +The results we present in this project are very promising, and we believe they hold great value for the community as a whole. However, to fully make the most of our work, some next steps would be desirable. + +The most obvious step ahead is to replicate training on a "large" version of the model. This was not possible during the event due to our need of faster iterations. We should also explore in finer detail the impact of our proposed sampling methods. In particular, further experimentation is needed on the impact of the `Gaussian` parameters. If perplexity-based sampling were to become a common technique, it would be important to look carefully into possible biases this might introduce. Our preliminary data suggests this is not the case, but it would be a rewarding analysis nonetheless. Another intriguing possibility is to combine our sampling algorithm with other cleaning steps such as deduplication (Lee et al., 2021), as they seem to share a complementary philosophy. + +# Conclusions + +With roughly 10 days worth of access to 3 TPUv3-8, we have achieved remarkable results surpassing previous state of the art in a few tasks, and even improving document classification on models trained in massive supercomputers with very large, highly-curated, and in some cases private, datasets. + +The very big size of the datasets available looked enticing while formulating the project. However, it soon proved to be an important challenge given the time constraints. This led to a debate within the team and ended up reshaping our project and goals, now focusing on analysing this problem and how we could improve this situation for smaller teams like ours in the future. The subsampling techniques analysed in this report have shown great promise in this regard, and we hope to see other groups use them and improve them in the future. + +At a personal level, the experience has been incredible for all of us. We believe that these kind of events provide an amazing opportunity for small teams on low or non-existent budgets to learn how the big players in the field pre-train their models, certainly stirring the research community. The trade-off between learning and experimenting, and being beta-testers of libraries (Flax/JAX) and infrastructure (TPU VMs) is a marginal cost to pay compared to the benefits such access has to offer. + +Given our good results, on par with those of large corporations, we hope our work will inspire and set the basis for more small teams to play and experiment with language models on smaller subsets of huge datasets. + +## Team members + +- Javier de la Rosa ([versae](https://huggingface.co/versae)) +- Eduardo González ([edugp](https://huggingface.co/edugp)) +- Paulo Villegas ([paulo](https://huggingface.co/paulo)) +- Pablo González de Prado ([Pablogps](https://huggingface.co/Pablogps)) +- Manu Romero ([mrm8488](https://huggingface.co/)) +- María Grandury ([mariagrandury](https://huggingface.co/)) + +## Useful links + +- [Community Week timeline](https://discuss.huggingface.co/t/open-to-the-community-community-week-using-jax-flax-for-nlp-cv/7104#summary-timeline-calendar-6) +- [Community Week README](https://github.com/huggingface/transformers/blob/master/examples/research_projects/jax-projects/README.md) +- [Community Week thread](https://discuss.huggingface.co/t/bertin-pretrain-roberta-large-from-scratch-in-spanish/7125) +- [Community Week channel](https://discord.com/channels/858019234139602994/859113060068229190) +- [Masked Language Modelling example scripts](https://github.com/huggingface/transformers/tree/master/examples/flax/language-modeling) +- [Model Repository](https://huggingface.co/flax-community/bertin-roberta-large-spanish/) + +## References + +- Heafield, K. (2011). KenLM: faster and smaller language model queries. Proceedings of the EMNLP2011 Sixth Workshop on Statistical Machine Translation. + +- Lee, K., Ippolito, D., Nystrom, A., Zhang, C., Eck, D., Callison-Burch, C., & Carlini, N. (2021). Deduplicating Training Data Makes Language Models Better. arXiv preprint arXiv:2107.06499. + +- Liu, Y., Ott, M., Goyal, N., Du, J., Joshi, M., Chen, D., ... & Stoyanov, V. (2019). Roberta: A robustly optimized bert pretraining approach. arXiv preprint arXiv:1907.11692. + +- Ney, H., Essen, U., & Kneser, R. (1994). On structuring probabilistic dependences in stochastic language modelling. Computer Speech & Language, 8(1), 1-38. + +- Wenzek, G., Lachaux, M. A., Conneau, A., Chaudhary, V., Guzmán, F., Joulin, A., & Grave, E. (2019). Ccnet: Extracting high quality monolingual datasets from web crawl data. arXiv preprint arXiv:1911.00359. diff --git a/data_tooling/bertin/config.json b/data_tooling/bertin/config.json new file mode 100644 index 0000000..a66173d --- /dev/null +++ b/data_tooling/bertin/config.json @@ -0,0 +1,25 @@ +{ + "architectures": [ + "RobertaForMaskedLM" + ], + "attention_probs_dropout_prob": 0.1, + "bos_token_id": 0, + "eos_token_id": 2, + "gradient_checkpointing": false, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.1, + "hidden_size": 768, + "initializer_range": 0.02, + "intermediate_size": 3072, + "layer_norm_eps": 1e-05, + "max_position_embeddings": 514, + "model_type": "roberta", + "num_attention_heads": 12, + "num_hidden_layers": 12, + "pad_token_id": 1, + "position_embedding_type": "absolute", + "transformers_version": "4.9.0.dev0", + "type_vocab_size": 1, + "use_cache": true, + "vocab_size": 50265 +} diff --git a/data_tooling/bertin/config.py b/data_tooling/bertin/config.py new file mode 100644 index 0000000..8243626 --- /dev/null +++ b/data_tooling/bertin/config.py @@ -0,0 +1,8 @@ +#!/usr/bin/env python +from transformers import RobertaConfig + +config = RobertaConfig.from_pretrained("roberta-large") +config.save_pretrained("./configs/large") + +config = RobertaConfig.from_pretrained("roberta-base") +config.save_pretrained("./configs/base") diff --git a/data_tooling/bertin/configs/base/config.json b/data_tooling/bertin/configs/base/config.json new file mode 100644 index 0000000..a854b05 --- /dev/null +++ b/data_tooling/bertin/configs/base/config.json @@ -0,0 +1,25 @@ +{ + "architectures": [ + "RobertaForMaskedLM" + ], + "attention_probs_dropout_prob": 0.1, + "bos_token_id": 0, + "eos_token_id": 2, + "gradient_checkpointing": false, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.1, + "hidden_size": 768, + "initializer_range": 0.02, + "intermediate_size": 3072, + "layer_norm_eps": 1e-05, + "max_position_embeddings": 514, + "model_type": "roberta", + "num_attention_heads": 12, + "num_hidden_layers": 12, + "pad_token_id": 1, + "position_embedding_type": "absolute", + "transformers_version": "4.9.0.dev0", + "type_vocab_size": 1, + "use_cache": true, + "vocab_size": 50265 + } diff --git a/data_tooling/bertin/configs/base/tokenizer.json b/data_tooling/bertin/configs/base/tokenizer.json new file mode 100644 index 0000000..4e7629d --- /dev/null +++ b/data_tooling/bertin/configs/base/tokenizer.json @@ -0,0 +1 @@ +{"version":"1.0","truncation":null,"padding":null,"added_tokens":[{"id":0,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":1,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":2,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":3,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":4,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false}],"normalizer":null,"pre_tokenizer":{"type":"ByteLevel","add_prefix_space":false,"trim_offsets":true},"post_processor":{"type":"ByteLevel","add_prefix_space":true,"trim_offsets":false},"decoder":{"type":"ByteLevel","add_prefix_space":true,"trim_offsets":true},"model":{"type":"BPE","dropout":null,"unk_token":null,"continuing_subword_prefix":null,"end_of_word_suffix":null,"fuse_unk":false,"vocab":{"":0,"":1,"":2,"":3,"":4,"!":5,"\"":6,"#":7,"$":8,"%":9,"&":10,"'":11,"(":12,")":13,"*":14,"+":15,",":16,"-":17,".":18,"/":19,"0":20,"1":21,"2":22,"3":23,"4":24,"5":25,"6":26,"7":27,"8":28,"9":29,":":30,";":31,"<":32,"=":33,">":34,"?":35,"@":36,"A":37,"B":38,"C":39,"D":40,"E":41,"F":42,"G":43,"H":44,"I":45,"J":46,"K":47,"L":48,"M":49,"N":50,"O":51,"P":52,"Q":53,"R":54,"S":55,"T":56,"U":57,"V":58,"W":59,"X":60,"Y":61,"Z":62,"[":63,"\\":64,"]":65,"^":66,"_":67,"`":68,"a":69,"b":70,"c":71,"d":72,"e":73,"f":74,"g":75,"h":76,"i":77,"j":78,"k":79,"l":80,"m":81,"n":82,"o":83,"p":84,"q":85,"r":86,"s":87,"t":88,"u":89,"v":90,"w":91,"x":92,"y":93,"z":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,"ĭ":238,"Į":239,"į":240,"İ":241,"ı":242,"IJ":243,"ij":244,"Ĵ":245,"ĵ":246,"Ķ":247,"ķ":248,"ĸ":249,"Ĺ":250,"ĺ":251,"Ļ":252,"ļ":253,"Ľ":254,"ľ":255,"Ŀ":256,"ŀ":257,"Ł":258,"ł":259,"Ń":260,"de":261,"Ġe":262,"Ġde":263,"Ġl":264,"os":265,"Ġp":266,"Ġc":267,"ar":268,"en":269,"er":270,"Ġa":271,"es":272,"as":273,"Ġs":274,"on":275,"ci":276,"or":277,"ue":278,"an":279,"Ġm":280,"ad":281,"al":282,"Ġla":283,"que":284,"Ġen":285,"un":286,"ó":287,"in":288,"Ġt":289,"re":290,"Ġy":291,"st":292,"Ġque":293,"ent":294,"Ġel":295,"ÃŃ":296,"ic":297,"Ġcon":298,"ón":299,"á":300,"Ġn":301,"Ġun":302,"Ġh":303,"om":304,"ra":305,"do":306,"ro":307,"di":308,"ti":309,"Ġse":310,"Ġf":311,"ción":312,"Ġv":313,"am":314,"Ġes":315,"Ġlos":316,"Ġpar":317,"te":318,"Ġest":319,"Ġo":320,"le":321,"ta":322,"ri":323,"Ġin":324,"Ġre":325,"é":326,"to":327,"Ġsu":328,"Ġdel":329,"ado":330,"ol":331,"id":332,"Ġcom":333,"ĠC":334,"res":335,"ab":336,"ĠE":337,"Ġal":338,"Ġpor":339,"ec":340,"Ġb":341,"Ġd":342,"Ġlas":343,"Ġpara":344,"Ġg":345,"ente":346,"mp":347,"ñ":348,"ĠA":349,"is":350,"ación":351,"ĠP":352,"Ġuna":353,"ĠS":354,"il":355,"cion":356,"ÃŃa":357,"Ġdi":358,"Ġno":359,"ul":360,"âĢ":361,"qu":362,"ĠM":363,"Ġpro":364,"tu":365,"ac":366,"Ġsi":367,"ás":368,"Ġper":369,"Ġcu":370,"ĠL":371,"ter":372,"ien":373,"tr":374,"lo":375,"la":376,"ada":377,"Ġme":378,"io":379,"da":380,"Ġlo":381,"ma":382,"uc":383,"ist":384,"ir":385,"ú":386,"Ġdes":387,"ica":388,"ia":389,"el":390,"cia":391,"gu":392,"ĠD":393,"Ġac":394,"tos":395,"us":396,"go":397,"iz":398,"ier":399,"ient":400,"ran":401,"tiv":402,"it":403,"Ġ1":404,"Ġcomo":405,"Ġ(":406,"ales":407,"ando":408,"Ġto":409,"Ġex":410,"Ġi":411,"idad":412,"Ġ2":413,"..":414,"ues":415,"ciones":416,"ĠT":417,"Ġha":418,"Ġmás":419,"mo":420,"ici":421,"mos":422,"aj":423,"se":424,"bre":425,"ados":426,"tor":427,"ico":428,"ĠR":429,"cu":430,"pa":431,"ie":432,"án":433,"Ġser":434,"dad":435,"ĠB":436,"Ġj":437,"Ġpo":438,"den":439,"iv":440,"Ġso":441,"Ġan":442,"tra":443,"ĠG":444,"tes":445,"des":446,"ĠN":447,"ĠI":448,"bi":449,"ten":450,"era":451,"tro":452,"ĠF":453,"tar":454,"Ġtra":455,"Ġres":456,"ĠâĢ":457,"ida":458,"Ġap":459,"ión":460,"ras":461,"ig":462,"co":463,"ib":464,"ero":465,"Ġle":466,"im":467,"ch":468,"Ġte":469,"orm":470,"ca":471,"ador":472,"dos":473,"Ġpue":474,"iento":475,"Ġcomp":476,"um":477,"Ġqu":478,"Ġmu":479,"Ġpre":480,"Ġsus":481,"per":482,"ios":483,"ce":484,"ante":485,"Ġma":486,"Ġten":487,"po":488,"00":489,"ru":490,"tas":491,"der":492,"én":493,"âĢĿ":494,"ez":495,"Ġas":496,"ĠH":497,"Ġpr":498,"amos":499,"ĠV":500,"amente":501,"Ġpa":502,"pe":503,"tre":504,"Ġar":505,"Ġeste":506,"uch":507,"ĠJ":508,"bl":509,"Ġañ":510,"Ġhac":511,"Ġhab":512,"ĠU":513,"mente":514,"Ġca":515,"ara":516,"uer":517,"Ġman":518,"Ġimp":519,"con":520,"gun":521,"encia":522,"ĠâĢľ":523,"gar":524,"ion":525,"ĠEl":526,"Ġpres":527,"son":528,"ido":529,"rim":530,"ur":531,"Ġpero":532,"Ġsin":533,"aliz":534,"ĠLa":535,"na":536,"ga":537,"ambi":538,"adas":539,"Ġcas":540,"tros":541,"duc":542,"Ġesta":543,"Ġtien":544,"ust":545,"és":546,"ento":547,"El":548,"uev":549,"les":550,"ina":551,"Ġson":552,"ver":553,"za":554,"fer":555,"Ġver":556,"ĠO":557,"los":558,"Ġpas":559,"Ġr":560,"das":561,"je":562,"Ġmo":563,"ores":564,"Ġinter":565,"Ġdis":566,"ana":567,"ens":568,"ún":569,"01":570,"ĠEn":571,"...":572,"ora":573,"Ġperson":574,"Ġsobre":575,"ces":576,"las":577,"cul":578,"Ġcar":579,"cl":580,"Ġco":581,"ario":582,"ĠÂ":583,"Ġentre":584,"no":585,"icos":586,"entes":587,"lan":588,"ĠEst":589,"Ġlle":590,"tal":591,"Ġor":592,"Ġmis":593,"Ġcons":594,"Ġob":595,"Ġsol":596,"por":597,"Ġemp":598,"icas":599,"Ġnues":600,"baj":601,"Ġam":602,"Ġtu":603,"pon":604,"Ġnos":605,"Ġinf":606,"Ġmuch":607,"ĠIn":608,"ĠEs":609,"Ġya":610,"ech":611,"emos":612,"cias":613,"Ġmuy":614,"pañ":615,"cial":616,"enta":617,"em":618,"Ġsal":619,"Ġcre":620,"ambién":621,"Ġtodo":622,"Ġmedi":623,"oy":624,"Ġ3":625,"La":626,"jo":627,"eces":628,"Ġcor":629,"Ġpos":630,"Ġ\"":631,"dr":632,"if":633,"par":634,"Ġab":635,"Ġ201":636,"Ġesc":637,"able":638,"Ġprim":639,"Ġnuev":640,"ĠCon":641,"Ġmi":642,"Ġmej":643,"Ġdeb":644,"tivo":645,"Ġfin":646,"ano":647,"Ġtan":648,"rec":649,"gra":650,"cional":651,"oc":652,"ÃŃas":653,"endo":654,"min":655,"aba":656,"ÃŃn":657,"Ġmar":658,"orma":659,"ve":660,"Ġcam":661,"cio":662,"ño":663,"til":664,"ita":665,"me":666,"Ġtrabaj":667,"udi":668,"tura":669,"ÃŃs":670,"Ġestá":671,"ias":672,"pos":673,"uen":674,"ble":675,"fici":676,"ba":677,"ĠY":678,"Ġaños":679,"ren":680,"eb":681,"Ġpe":682,"esti":683,"Ġgran":684,"En":685,"Ġtambién":686,"Ġcal":687,"lar":688,"Ġdu":689,"asta":690,"ista":691,"Ġfue":692,"mas":693,"ven":694,"antes":695,"Ġdesde":696,"Ġpuede":697,"idades":698,"Ġhay":699,"Ġus":700,"amiento":701,"Ġni":702,"gan":703,"ros":704,"Ġna":705,"arios":706,"cip":707,"Ġparti":708,"ut":709,"jer":710,"ĠRe":711,"Ġcol":712,"Ġdos":713,"Ġcuando":714,"Ġ-":715,"Ġhacer":716,"oci":717,"Ġcual":718,"ĠSe":719,"ino":720,"fec":721,"car":722,"ort":723,"Ġu":724,"Ġtiene":725,"Ġtodos":726,"Ġdon":727,"ud":728,"ĠUn":729,"qui":730,"iemp":731,").":732,"ÃŃt":733,"Ġsegu":734,"Ġreg":735,"Ġmen":736,"Ġmun":737,"lic":738,"aron":739,"Ġhasta":740,"gen":741,"mb":742,"Ġneces":743,"Ġter":744,"Ġprop":745,"pec":746,"Ġcos":747,"Ġé":748,"Ġlu":749,"Ġhan":750,"Ġmejor":751,"Ġmay":752,"Ġ4":753,"ĠAl":754,"ener":755,"ing":756,"vi":757,"quier":758,"tiva":759,"ones":760,"og":761,"entos":762,"Ġbien":763,"ará":764,"Ġtiemp":765,"Ġdeci":766,"Ġdonde":767,"Ġcan":768,"tras":769,"mi":770,"Ġparte":771,"),":772,"Ġalgun":773,"Ġproduc":774,"so":775,"ay":776,"almente":777,"teri":778,"itu":779,"Ġad":780,"Ġexp":781,"Ġfun":782,"Ġch":783,"gr":784,"iones":785,"Ġgra":786,"más":787,"adores":788,"ob":789,"tur":790,"Ġ5":791,"Ġvez":792,"ĠDe":793,"Ġinform":794,"man":795,"uel":796,"can":797,"Ġmil":798,"Ġpol":799,"rib":800,"Ġcada":801,"Ġda":802,"zo":803,"Ġbuen":804,"ĠasÃŃ":805,"Ġrealiz":806,"idos":807,"Ġporque":808,"Ġforma":809,"ja":810,"et":811,"Ġll":812,"arse":813,"tado":814,"ste":815,"iu":816,"rante":817,"Ġpu":818,"Ġserv":819,"Ġtiempo":820,"Ġdo":821,"ĠCom":822,"ide":823,"ÃŃcul":824,"erv":825,"Ġve":826,"rol":827,"cil":828,"ona":829,"Ġsab":830,"Ġti":831,"ĠMar":832,"ĠNo":833,"emp":834,"âĢ¦":835,"eros":836,"pu":837,"Ġtran":838,"Ġespe":839,"cur":840,"ĠdÃŃa":841,"Ġ19":842,"ular":843,"unto":844,"com":845,"nos":846,"gos":847,"av":848,"Ġaño":849,"Ġne":850,"Ġ¿":851,"Ġuno":852,"ed":853,"ÃŃan":854,"miento":855,"Ġcer":856,"ér":857,"Ġcontra":858,"Ġcl":859,"Ġade":860,"Ġinst":861,"Ġcont":862,"Ġconf":863,"Ġvida":864,"itar":865,"ños":866,"úl":867,"iden":868,"Ġah":869,"icación":870,"Ġempres":871,"ito":872,"Ġinv":873,"Ġdic":874,"ĠW":875,"vo":876,"ible":877,"Ġau":878,"ĠSan":879,"alidad":880,"Ġincl":881,"ilidad":882,"Ġop":883,"ĠAn":884,"Ġfu":885,"ea":886,"tivos":887,"Ġfuer":888,"Ġllev":889,"omb":890,"iudad":891,"arrol":892,"Ġpersonas":893,"aciones":894,"tir":895,"úbl":896,"últi":897,"Ġprof":898,"lec":899,"ub":900,"Ġhace":901,"Ġlib":902,"Ġmismo":903,"Ġro":904,"Ġay":905,"Ġra":906,"Ġev":907,"ers":908,"Ġgener":909,"Ġlugar":910,"Ġof":911,"ĠCh":912,"at":913,"cios":914,"gún":915,"Ġcomun":916,"Ġservici":917,"Ġmayor":918,"du":919,"ĠpaÃŃs":920,"cas":921,"ĠLos":922,"Ġotros":923,"Ġbas":924,"cor":925,"âĢĿ,":926,"Ġreci":927,"uego":928,"ición":929,"Ġju":930,"ena":931,"Ġconst":932,"Ġdirec":933,"át":934,"Ġtrans":935,"yec":936,"anos":937,"pues":938,"Ġpla":939,"ientos":940,"Ġsec":941,"Ġpodr":942,"Ġera":943,"Ġmin":944,"Ġ6":945,"Ġmom":946,"dic":947,"ña":948,"incip":949,"Ġactu":950,"mpl":951,"Ġmas":952,"Ġplan":953,"Ġimport":954,"Ġmundo":955,"jos":956,"echo":957,"Ġden":958,"iendo":959,"Ġdist":960,"uy":961,"Ġrep":962,"ĠPor":963,"Ġval":964,"vers":965,"ración":966,"Ġsig":967,"Ġdifer":968,"Ġform":969,"éc":970,"Ġúlti":971,"Ġmes":972,"cuent":973,"Ġtanto":974,"Ġestán":975,"Ġvis":976,"ólo":977,"Ġdesarrol":978,"ĠK":979,"Ġmucho":980,"Ġviv":981,"Ġprincip":982,"ine":983,"ĠAr":984,"ton":985,"Ġencon":986,"âĢĿ.":987,"aje":988,"Ġdurante":989,"Ġw":990,"Ġutil":991,"Ġli":992,"Ġsent":993,"ombre":994,"Ġsolo":995,"Ġsiemp":996,"Ġsiempre":997,"tic":998,"Ġtrabajo":999,"endi":1000,"unque":1001,"vis":1002,"Ġequi":1003,"pués":1004,"amil":1005,"ismo":1006,"Ġtener":1007,"Ġpues":1008,"Ġcent":1009,"Ġhist":1010,"Ġpon":1011,"Ġher":1012,"Ġcuenta":1013,"Ġquien":1014,"rar":1015,"Ġdest":1016,"Ġcab":1017,"ĠLe":1018,"Ġles":1019,"oria":1020,"Ġbaj":1021,"Ġeso":1022,"Ġpes":1023,"trar":1024,"Ġdej":1025,"Ġestudi":1026,"cer":1027,"ruc":1028,"istas":1029,"ceso":1030,"Ġcaso":1031,"Ġcualquier":1032,"Ġciudad":1033,"segu":1034,"tel":1035,"Ġá":1036,"ĠPro":1037,"Ġquier":1038,"tación":1039,"Ġalgo":1040,"tores":1041,"Ġtras":1042,"iente":1043,"fic":1044,"Ġese":1045,"Ġtar":1046,"rech":1047,"entar":1048,"Ġotro":1049,"sta":1050,"Ġvol":1051,"argo":1052,"Ġmenos":1053,"dades":1054,"dar":1055,"Ġresul":1056,"imo":1057,"Ġref":1058,"Ġcomple":1059,"Ġri":1060,"Ġllam":1061,"Ġencuent":1062,"Ġbus":1063,"Ġmujer":1064,"Ġcó":1065,"ĠMe":1066,"zar":1067,"Ġhor":1068,"ĀĀ":1069,"Ġsido":1070,"Ġexper":1071,"Ġpoco":1072,"Ġtom":1073,"Ġnuestro":1074,"ene":1075,"Ġutiliz":1076,"ĠSi":1077,"ución":1078,"eo":1079,"ho":1080,"cal":1081,"Ġven":1082,"teg":1083,"Ġpl":1084,"Ġtoda":1085,"ús":1086,"Ġmomento":1087,"gua":1088,"ancia":1089,"ital":1090,"ierno":1091,"Ġsuper":1092,"ĠCar":1093,"Ġrela":1094,"Ġmon":1095,"Ġfal":1096,"Ġ7":1097,"Ġapar":1098,"Ġestos":1099,"Ġ200":1100,"ece":1101,"paña":1102,"Ġpueden":1103,"Ġinformación":1104,"Ġsea":1105,"Ġdef":1106,"ala":1107,"Ġhi":1108,"óm":1109,"Ġtodas":1110,"omo":1111,"Ġgust":1112,"ĠAs":1113,"ola":1114,"Ġfamil":1115,"Ġproyec":1116,"cel":1117,"Ġ8":1118,"ivers":1119,"ciales":1120,"Ġmer":1121,"Ġprofes":1122,"ris":1123,"ĠDE":1124,"Ġnuestra":1125,"Ġnuevo":1126,"tan":1127,"Ġorgan":1128,"Ġpoder":1129,"Ġyo":1130,"Los":1131,"Ġproble":1132,"ĠQ":1133,"Ġtipo":1134,"tó":1135,"ÃŃst":1136,"ĠpolÃŃt":1137,"Ġactiv":1138,"Ġpúbl":1139,"Ġtr":1140,"cre":1141,"CI":1142,"Ġtrav":1143,"Ġcap":1144,"Ġcul":1145,"Ġderech":1146,"ĠhabÃŃa":1147,"Ġz":1148,"uso":1149,"Ġemb":1150,"Ġva":1151,"ĠdÃŃas":1152,"Ġestar":1153,"uro":1154,"Ġantes":1155,"vil":1156,"Ġfi":1157,"tis":1158,"ÃŃo":1159,"Ġmanera":1160,"Ġobje":1161,"Ġhum":1162,"gres":1163,"ge":1164,"quel":1165,"Ġelec":1166,"Ġ10":1167,"Ġpubl":1168,"Ġprimer":1169,"olog":1170,"Ġhe":1171,"Ġtal":1172,"Ġtres":1173,"Ġprimera":1174,"ES":1175,"imiento":1176,"Ġesp":1177,"ima":1178,"eron":1179,"Ġdespués":1180,"Ġahora":1181,"Ġide":1182,"Ġtravés":1183,"Ġ9":1184,"Ġotra":1185,"ác":1186,"Ġgru":1187,"omin":1188,"Ġtienen":1189,"Ġsigu":1190,"cep":1191,"ĠDes":1192,"Ġdar":1193,"Ġhecho":1194,"Ġsólo":1195,"tec":1196,"Ġesto":1197,"Ġvar":1198,"tamente":1199,"che":1200,"Ġaf":1201,"Ġqué":1202,"Ġsegun":1203,"obierno":1204,"ĠNa":1205,"cos":1206,"aban":1207,"quÃŃ":1208,"ĠLas":1209,"tados":1210,"ivel":1211,"ual":1212,"ĠSu":1213,"sión":1214,"tica":1215,"Ġdecir":1216,"ER":1217,"Ġir":1218,"erg":1219,"Ġesa":1220,"óg":1221,"ome":1222,"Ġfo":1223,"va":1224,"Ġotras":1225,"Ġba":1226,"ĠÃ":1227,"tivas":1228,"Ġgu":1229,"erÃŃa":1230,"Ġhoy":1231,"ap":1232,"Ġunos":1233,"Ġconoci":1234,"Ġcasa":1235,"Ġellos":1236,"ientes":1237,"Ġins":1238,"Ġgan":1239,"ientras":1240,"Ġfr":1241,"Ġprogra":1242,"Ġsitu":1243,"leg":1244,"van":1245,"Ġefec":1246,"Ġmal":1247,"Ġpel":1248,"Ġsub":1249,"idas":1250,"cidad":1251,"Ġpens":1252,"tural":1253,"Ġpeque":1254,"Ġaunque":1255,"Ġexist":1256,"Ġentr":1257,"ór":1258,"iar":1259,"Ġespecial":1260,"dido":1261,"Ġnada":1262,"zas":1263,"Ġaquel":1264,"ió":1265,"!!":1266,"Ġ,":1267,"dia":1268,"\",":1269,"ama":1270,"Ġrespon":1271,"Ġpermi":1272,"Ġcontin":1273,"Ġnivel":1274,"Ġante":1275,"ridad":1276,"ior":1277,"iencia":1278,"Ġrel":1279,"ĠCu":1280,"Ġecon":1281,"cado":1282,"eno":1283,"Ġestado":1284,"Ġorganiz":1285,"duci":1286,"Ġk":1287,"inas":1288,"sa":1289,"gas":1290,"Ġ.":1291,"Ġapro":1292,"Ġcómo":1293,"Ġpresent":1294,"Ġseñ":1295,"âĢľ":1296,"rado":1297,"Ġél":1298,"ág":1299,"AR":1300,"Ġbo":1301,"Ġmill":1302,"ril":1303,"inar":1304,"rist":1305,"OS":1306,"ern":1307,"Ġedi":1308,"Ġcier":1309,"ĠPar":1310,"ál":1311,"Ġpri":1312,"Ġeje":1313,"minist":1314,"000":1315,"Ġestas":1316,"Ġsino":1317,"EN":1318,"oso":1319,"Ġart":1320,"stema":1321,"Ġpal":1322,"Ġsistema":1323,"Ġtemp":1324,"Ġademás":1325,"Ġautor":1326,"Ġdatos":1327,"Se":1328,"Ġdebe":1329,"Ġpi":1330,"eci":1331,"ĠMa":1332,"Ġbar":1333,"ord":1334,"Ġún":1335,"lica":1336,"Ġsem":1337,"Ġdise":1338,"Ġmedio":1339,"úm":1340,"Ġserá":1341,"ele":1342,"tener":1343,"Ġcomer":1344,"ĠCo":1345,"Ġpasado":1346,"ial":1347,"Con":1348,"Por":1349,"ĠX":1350,"Ġag":1351,"Ġmuchos":1352,"eza":1353,"ĠZ":1354,"Ġcambi":1355,"mar":1356,"imos":1357,"ĠPara":1358,"Ġcosas":1359,"Ġcapa":1360,"lor":1361,"Ġequipo":1362,"ific":1363,"Ġsan":1364,"terior":1365,"écn":1366,"idente":1367,"quil":1368,"adora":1369,"ĠPero":1370,"ON":1371,"Ġweb":1372,"sos":1373,"Ġos":1374,"Ġho":1375,"No":1376,"icia":1377,"ĠsÃŃ":1378,"Ġinteres":1379,"Ġejemp":1380,"cionales":1381,"Es":1382,"ĠTo":1383,"tam":1384,"Ġban":1385,"Ġalgunos":1386,"Ġimportante":1387,"untos":1388,"ÃŃculo":1389,"\".":1390,"cha":1391,"ĠEspaña":1392,"he":1393,"fica":1394,"Ġlleg":1395,"AS":1396,"Ġhistoria":1397,"ocer":1398,"tención":1399,"ulo":1400,"Ġempresa":1401,"ya":1402,"Ġtotal":1403,"Ġmillones":1404,"Ġ15":1405,"rig":1406,"Ġestable":1407,"tido":1408,"embre":1409,"Ġ20":1410,"Ġnuestros":1411,"Ġrepres":1412,"Ġella":1413,"Ġcalidad":1414,"ha":1415,"aran":1416,"ables":1417,"inos":1418,"Ġnueva":1419,"Ġ¡":1420,"anza":1421,"itos":1422,"Ġcompar":1423,"cri":1424,"ĠâĢĵ":1425,"Ġhoras":1426,"Ġesper":1427,"tad":1428,"bo":1429,"ep":1430,"Ġmientras":1431,"Ġservicios":1432,"ex":1433,"Ġfinal":1434,"ment":1435,"dan":1436,"adre":1437,"Ġele":1438,"ura":1439,"orn":1440,"AN":1441,"ieron":1442,"ip":1443,"Ġrecon":1444,"Ġvia":1445,"Ġaplic":1446,"Ġuso":1447,"Ġcontro":1448,"ologÃŃa":1449,"rir":1450,"Ġinici":1451,"ĠInter":1452,"Ġhacia":1453,"Ġinvesti":1454,"demos":1455,"bio":1456,"port":1457,"Ġrecu":1458,"Ġprofesion":1459,"Ġdiferentes":1460,"Ġcr":1461,"»":1462,"log":1463,"Ġveces":1464,"Ġservicio":1465,"Ġgente":1466,"orte":1467,"Ġdentro":1468,"gual":1469,"Ġespa":1470,"AL":1471,"Ġestaba":1472,"tidad":1473,"Ġdijo":1474,"Ġusu":1475,"ĠLo":1476,"Ġnúm":1477,"avor":1478,"abor":1479,"cimiento":1480,"ecn":1481,"Ġagua":1482,"Ġ12":1483,"tac":1484,"ilo":1485,"óx":1486,"Ġacuer":1487,"ono":1488,"ĠCas":1489,"cie":1490,"Ġofre":1491,"Ġind":1492,"Ġsegún":1493,"uela":1494,"Ġdispon":1495,"Si":1496,"Ġrev":1497,"Ġmuchas":1498,"ok":1499,"dio":1500,"Ġespañ":1501,"all":1502,"Ġaut":1503,"Ġcompañ":1504,"encias":1505,"ĠBar":1506,"Ġsocial":1507,"rid":1508,"Ġfuncion":1509,"Ġ18":1510,"Ġmisma":1511,"Ġello":1512,"ard":1513,"Ġpersona":1514,"and":1515,"Ġproductos":1516,"ĠSal":1517,"Ġrecor":1518,"Ġanti":1519,"Ġpan":1520,"Ġru":1521,"esta":1522,"Ġ...":1523,"ula":1524,"Ġima":1525,"Ġembargo":1526,"mple":1527,"Ġofici":1528,"Ġdistin":1529,"Ġtus":1530,"Ġgrupo":1531,"demás":1532,"Ġcontinu":1533,"Ġllegar":1534,"Ġposible":1535,"ĠaquÃŃ":1536,"ral":1537,"âĢĻ":1538,"atro":1539,"gn":1540,"Ġdisf":1541,"cin":1542,"OR":1543,"uda":1544,"Ġescri":1545,"pi":1546,"Ġmá":1547,"ĠJu":1548,"illa":1549,"Ġley":1550,"rá":1551,"aria":1552,"ria":1553,"Ġproceso":1554,"Ġorig":1555,"Ġsue":1556,"Ġamb":1557,"Ġsex":1558,"Ġhaber":1559,"Ġconv":1560,"Ġclas":1561,"Ġfavor":1562,"Ġprov":1563,"ológ":1564,"oma":1565,"icip":1566,"Ġvi":1567,"Ġmujeres":1568,"Ġtécn":1569,"ill":1570,"ĠMad":1571,"eta":1572,"bol":1573,"Ġvo":1574,"Ġmé":1575,"stitu":1576,"Las":1577,"Ġgeneral":1578,"Ġpie":1579,"tio":1580,"tante":1581,"Ġjug":1582,"ĠPer":1583,"torio":1584,"Ġcuer":1585,"Ġejemplo":1586,"dida":1587,"Ġpregun":1588,"Ġcur":1589,"Ġespec":1590,"zón":1591,"Ġdesarrollo":1592,"graf":1593,"form":1594,"ber":1595,"dor":1596,"bido":1597,"turas":1598,"Ġencontrar":1599,"Ġayud":1600,"iso":1601,"ĠDi":1602,"unca":1603,"itas":1604,"Ġgrandes":1605,"Ġnoso":1606,"tamiento":1607,"ĠGu":1608,"Ġfueron":1609,"ach":1610,"Ġmode":1611,"Ġrecib":1612,"Ġproyecto":1613,"¿":1614,"Ġcondi":1615,"estión":1616,"jas":1617,"ĠPa":1618,"Ġbajo":1619,"Ġluego":1620,"tera":1621,"Ġpróx":1622,"ĠEx":1623,"Ġleg":1624,"pen":1625,"Ġpunto":1626,"ciendo":1627,"Ġfá":1628,"ĠNacional":1629,"ace":1630,"ám":1631,"gación":1632,"Ġparticip":1633,"ĠMé":1634,"Ġpod":1635,"Ġ0":1636,"Ġquer":1637,"Ġint":1638,"Ġindi":1639,"Ġcin":1640,"Ġpersonal":1641,"Ġtri":1642,"Ġcompr":1643,"Ġeduc":1644,"pecto":1645,"Ġenf":1646,"Ġposib":1647,"Ġgas":1648,"ric":1649,"Ġcasi":1650,"Ġsemana":1651,"Ġdin":1652,"ecu":1653,"Est":1654,"tico":1655,"Ġ«":1656,"porte":1657,"Ġconten":1658,"ĠUnivers":1659,"unci":1660,"eleb":1661,"Ġniños":1662,"Ġnov":1663,"ĠRo":1664,"Ġsac":1665,"Ġconocer":1666,"Ġnosotros":1667,"Ġfor":1668,"ÂŃ":1669,"Ġeconóm":1670,"Ġtrad":1671,"Ġampl":1672,"AD":1673,"Ġacuerdo":1674,"Ġdisfru":1675,"Ġcolor":1676,"Ġnombre":1677,"eras":1678,"Ġclar":1679,"Ġvalor":1680,"Ġminu":1681,"Ġmuer":1682,"Ġapoy":1683,"ajes":1684,"rea":1685,"ĠPo":1686,"Ġempresas":1687,"tonces":1688,"xico":1689,"Ġexperiencia":1690,"Ġvuel":1691,"Ġbuena":1692,"Ġinterna":1693,"IC":1694,"dió":1695,"Ġorden":1696,"Ġdescu":1697,"Ġzona":1698,"ĠCol":1699,"Ġrespons":1700,"ĀĀĀĀ":1701,"Ġmie":1702,"ĠMan":1703,"pre":1704,"ĠAm":1705,"Ġinstal":1706,"Ġmejores":1707,"Ġgracias":1708,"Ġseguridad":1709,"Ġigual":1710,"ensa":1711,"Ġnego":1712,"Ġsalud":1713,"Ġceleb":1714,"Ġnúmero":1715,"uestra":1716,"Ġpág":1717,"ite":1718,"acter":1719,"ĠSin":1720,"Ġextra":1721,"isión":1722,"tá":1723,"Ġet":1724,"cina":1725,"osa":1726,"iene":1727,"dencia":1728,"ĠCa":1729,"Ġtendr":1730,"Ġtecn":1731,"abilidad":1732,"echa":1733,"ĠEste":1734,"ctu":1735,"fico":1736,"Ġcaus":1737,"Ġrecom":1738,"Ġpalab":1739,"Ãĥ":1740,"áp":1741,"ĠVal":1742,"ĠSo":1743,"Ġconsi":1744,"Ġrealizar":1745,"vid":1746,"Ġcuan":1747,"Ġlab":1748,"ne":1749,"Ġaum":1750,"ización":1751,"Ġmeses":1752,"posición":1753,"Ġlado":1754,"Ġall":1755,"201":1756,"Ġtermin":1757,"Ġasegu":1758,"Ġexpres":1759,"ram":1760,"Ġqued":1761,"Ġ/":1762,"Des":1763,"irm":1764,"Ġsa":1765,"ñas":1766,"Ġfamilia":1767,"toria":1768,"Ġdif":1769,"ĠMo":1770,"Al":1771,"Ġapren":1772,"Ġon":1773,"Ġtrata":1774,"Ġ|":1775,"ĠlÃŃ":1776,"Ġprev":1777,"Ġhombre":1778,"Ġcentro":1779,"ombres":1780,"Ġnatural":1781,"Ġfa":1782,"ban":1783,"ĠUna":1784,"Ġinte":1785,"ivo":1786,"Ġ11":1787,"lam":1788,"Ġ#":1789,"Ġcir":1790,"Ġlibro":1791,"Ġcumpl":1792,"Para":1793,"De":1794,"ire":1795,"ĠlÃŃn":1796,"ĠFran":1797,"Ġvent":1798,"Ġfuera":1799,"oles":1800,"dera":1801,"cis":1802,"puesto":1803,"Ġrecur":1804,"pti":1805,"gent":1806,"izo":1807,"Ġpuedes":1808,"anci":1809,"Ġnunca":1810,"Ġincluso":1811,"Ġmercado":1812,"dose":1813,"ĠEsta":1814,"Ġ30":1815,"Ġjuego":1816,"Ġprác":1817,"ĠMadrid":1818,"Ġtenemos":1819,"Ġhemos":1820,"Ġjue":1821,"Ġamig":1822,"Ġdeber":1823,"Ġ2018":1824,"Ġpresidente":1825,"ĠEstado":1826,"ĠMun":1827,"ies":1828,"portun":1829,"Ġmateri":1830,"Ġemple":1831,"Ġ[":1832,"isto":1833,"Ġamor":1834,"Ġunas":1835,"ares":1836,"ecer":1837,"Ġperfec":1838,"icamente":1839,"Ġalim":1840,"Ġacer":1841,"Ġparece":1842,"bar":1843,"Ġproblemas":1844,"Ġdestac":1845,"Ġcambio":1846,"Ġalcan":1847,"Ġregist":1848,"Ġincluy":1849,"Ġsen":1850,"olución":1851,"Ġtengo":1852,"net":1853,"Ġale":1854,"Ġjust":1855,"Ãĵ":1856,"Ġcomen":1857,"dente":1858,"Ġaún":1859,"Ġhora":1860,"Ġust":1861,"ĠCent":1862,"uros":1863,"Ġseguir":1864,"Ġrefer":1865,"und":1866,"titu":1867,"Ġjunto":1868,"Ġprograma":1869,"Ġsaber":1870,"tific":1871,"Ġalguna":1872,"Ġrelación":1873,"icado":1874,"bles":1875,"end":1876,"ile":1877,"af":1878,"termin":1879,"rio":1880,"Ġcontac":1881,"lu":1882,"ĠEuro":1883,"reg":1884,"tando":1885,"Ġoportun":1886,"Ġafec":1887,"Ġmos":1888,"Ġsolici":1889,"Ġponer":1890,"alización":1891,"respon":1892,"ĠMéxico":1893,"ĠCor":1894,"yo":1895,"Ġdefin":1896,"Ġsign":1897,"Ġalgunas":1898,"ĠLu":1899,"Ġetc":1900,"Ġdomin":1901,"Ġcuatro":1902,"ĠMon":1903,"Ġfac":1904,"Ġfoto":1905,"Qu":1906,"Ġred":1907,"Ġtema":1908,"IN":1909,"ĠDios":1910,"tada":1911,"Ġcuerpo":1912,"Ġprecio":1913,"usión":1914,"cido":1915,"eric":1916,"iera":1917,"Ġsituación":1918,"Ġpartir":1919,"inación":1920,"Ġanim":1921,"¡":1922,"Ġpuer":1923,"Ġnorm":1924,"Ġnacional":1925,"ĠJos":1926,"Ġdocu":1927,"Ġcoment":1928,"Ġgobierno":1929,"ï¿":1930,"Ġem":1931,"Ġfrente":1932,"Ġgen":1933,"�":1934,"Ġejer":1935,"Ġdivers":1936,"Ġcompe":1937,"Ġproblema":1938,"Ġdirig":1939,"Ġol":1940,"icio":1941,"Ġ14":1942,"iedad":1943,"ifica":1944,"Ġcaracter":1945,"Ġselec":1946,"Ġbene":1947,"Ġmús":1948,"ĠOr":1949,"zos":1950,"Ġlogr":1951,"Ġencuentra":1952,"Ġsocie":1953,"Ġdesp":1954,"Ġcontrol":1955,"tin":1956,"Ġpúblico":1957,"aja":1958,"blig":1959,"Ġocas":1960,"ĠQu":1961,"Ġverdad":1962,"Ġvarios":1963,"19":1964,"dir":1965,"Ġdice":1966,"blo":1967,"ister":1968,"Ġfil":1969,"Ġofrece":1970,"jar":1971,"Ġminutos":1972,".-":1973,"Ġlargo":1974,"Ġpodemos":1975,"Ġconsegu":1976,"Ġúltimo":1977,"dial":1978,"Ġej":1979,"Ġestu":1980,"Ġloc":1981,"iste":1982,"ĠCan":1983,"Ġenfer":1984,"ger":1985,"pel":1986,"º":1987,"Ġadminist":1988,"gado":1989,"Ġpaso":1990,"Ġráp":1991,"mento":1992,"Ġmov":1993,"Ġsiendo":1994,"ĠCam":1995,"Ġliber":1996,"iva":1997,"mbre":1998,"ierra":1999,"Ġ16":2000,"éis":2001,"arÃŃa":2002,"anas":2003,"ĠGobierno":2004,"ques":2005,"ves":2006,"Ġmano":2007,"Ġmor":2008,"Ġobjetivo":2009,"ĠpelÃŃcul":2010,"ró":2011,"ef":2012,"Ġrealidad":2013,"Ġfácil":2014,"Ġprepar":2015,"Ġ13":2016,"Ġpin":2017,"Ġactividades":2018,"ĠEstados":2019,"ĠvÃŃ":2020,"Ġdetal":2021,"Ġsector":2022,"Ġpuntos":2023,"reo":2024,"Ġconside":2025,"Ġoblig":2026,"Ġentonces":2027,"Ġpartido":2028,"Ġtele":2029,"ron":2030,"Ġfund":2031,"Ġiden":2032,"nas":2033,"Ġcorrespon":2034,"Ġatra":2035,"arlo":2036,"omÃŃa":2037,"ĠpolÃŃtica":2038,"ribu":2039,"ducir":2040,"serv":2041,"Ġnoche":2042,"Ġ25":2043,"Ġub":2044,"Ġserie":2045,"Ġdecl":2046,"ĠMin":2047,"Ġbenefici":2048,"Ġsur":2049,"Ġbase":2050,"Ġobra":2051,"Ġderecho":2052,"Ġenerg":2053,"Ġeleg":2054,"Ġsociales":2055,"Ġgaran":2056,"ática":2057,"pción":2058,"Ġvide":2059,"gon":2060,"ĠartÃŃculo":2061,"Ġmunicip":2062,"In":2063,"are":2064,"Ġat":2065,"ĠpaÃŃses":2066,"zado":2067,"Ġjun":2068,"mientos":2069,"pas":2070,"omos":2071,"Ġatención":2072,"mit":2073,"Cu":2074,"Ġfalta":2075,"Ġespacio":2076,"Ġtempor":2077,"ĠtenÃŃa":2078,"trón":2079,"ental":2080,"gre":2081,"Ġsitio":2082,"Ġrepresent":2083,"Un":2084,"ĠÃģ":2085,"Ġprecios":2086,"ĠAdemás":2087,"Ġmens":2088,"Ġprue":2089,"val":2090,"Ġreal":2091,"ĠâĢĺ":2092,"iado":2093,"rac":2094,"var":2095,"Ġdinero":2096,"Ġvan":2097,"ich":2098,"Ġdetermin":2099,"Ġmediante":2100,"rera":2101,"eas":2102,"ĠPol":2103,"Ġpermite":2104,"olu":2105,"ell":2106,"ĠpodrÃŃa":2107,"Ġindic":2108,"nes":2109,"Ġtor":2110,"Ġ'":2111,"ÃĵN":2112,"Ġinstitu":2113,"gles":2114,"cho":2115,"enas":2116,"Ġinde":2117,"Ġalta":2118,"gel":2119,"rucción":2120,"ĠAd":2121,"arán":2122,"lex":2123,"Ġfinanci":2124,"cent":2125,"Ġempez":2126,"bado":2127,"mon":2128,"Ġexplic":2129,"Ġproce":2130,"Ġhizo":2131,"ĠPre":2132,"Ġblan":2133,"Ġmus":2134,"gro":2135,"Ġ17":2136,"rió":2137,"Ġ:":2138,"ĠUniversidad":2139,"Ġocur":2140,"Ġencan":2141,"Ġtex":2142,"gue":2143,"visión":2144,"posi":2145,"Ġsegundo":2146,"ĠUnidos":2147,"Ġcondiciones":2148,"Este":2149,"Ġsiguiente":2150,"tario":2151,"Ġnuevos":2152,"Ġauto":2153,"Ġseñal":2154,"stas":2155,"Ġreun":2156,"ĠmayorÃŃa":2157,"cionar":2158,"Ġconsul":2159,"Ġsentido":2160,"ĠGener":2161,"Ġpare":2162,"Ġalgún":2163,"una":2164,"Ġbol":2165,"Ġ2017":2166,"Ġespeci":2167,"ate":2168,"Ġdiseño":2169,"alizar":2170,"dal":2171,"Ġmir":2172,"Ġsuf":2173,"Ġil":2174,"ulio":2175,"Ġofrec":2176,"tran":2177,"Ġperio":2178,"Ġmodo":2179,"Ġnuevas":2180,"Ġsociedad":2181,"IS":2182,"Ġderechos":2183,"Ġactividad":2184,"Ġacom":2185,"Ġcasos":2186,"ts":2187,"orÃŃa":2188,"TA":2189,"Ġalum":2190,"uesta":2191,"Ġconfi":2192,"Ġmáx":2193,"Ġconj":2194,"Ġayuda":2195,"tion":2196,"Ġimagen":2197,"Ġcerca":2198,"Ġproducto":2199,"Ġsos":2200,"Ġquienes":2201,"ibles":2202,"Ġproces":2203,"ĠJuan":2204,"pendi":2205,"bajo":2206,"Ġlabor":2207,"Ġ100":2208,"Ġavan":2209,"inal":2210,"Ġencontr":2211,"Ġcub":2212,"Ġresultados":2213,"Ġ24":2214,"cup":2215,"Ġsens":2216,"ñana":2217,"Ġreco":2218,"si":2219,"Ġpromo":2220,"Ġasist":2221,"Ġelem":2222,"ático":2223,"Ġfon":2224,"Ġrelacion":2225,"Ġcolec":2226,"Ġnecesario":2227,"Ġtarde":2228,"Ġacceso":2229,"Ġviol":2230,"Ġconven":2231,"ÃŃtulo":2232,"ik":2233,"Ġconver":2234,"ĠBo":2235,"Ġjo":2236,"vÃŃa":2237,"Ġestamos":2238,"Ġsegunda":2239,"II":2240,"Ġindust":2241,"Ġeuros":2242,"tien":2243,"ĠPres":2244,"amb":2245,"Ġusted":2246,"Ġdig":2247,"ĠTambién":2248,"ingun":2249,"Ġsor":2250,"uales":2251,"line":2252,"ĠlÃŃnea":2253,"pular":2254,"puesta":2255,"Ġidea":2256,"Ġesos":2257,"Ġrespecto":2258,"tón":2259,"Ġdejar":2260,"Ġprincipal":2261,"vent":2262,"Ġrad":2263,"Ġposi":2264,"....":2265,"ándo":2266,"Ġpresente":2267,"Una":2268,"ÃŃculos":2269,"Ġacep":2270,"th":2271,"ĠPe":2272,"ĠNe":2273,"pres":2274,"10":2275,"Ġacab":2276,"echos":2277,"Ġmul":2278,"tiene":2279,"Ġpasar":2280,"Ġcreo":2281,"Ġsimple":2282,"dico":2283,"Ġestra":2284,"unta":2285,"ĠJosé":2286,"ÃŃsticas":2287,"emas":2288,"Ġestudio":2289,"Ġluch":2290,"ár":2291,"zó":2292,"urante":2293,"ticular":2294,"Ġcuanto":2295,"Ġpueblo":2296,"rero":2297,"igo":2298,"gl":2299,"Ġnuestras":2300,"Ġincre":2301,"Ġur":2302,"30":2303,"Ġries":2304,"Ġimpres":2305,"ĠRes":2306,"itación":2307,"turo":2308,"tección":2309,"rido":2310,"ĠGran":2311,"Ġlec":2312,"Ġcomb":2313,"Ġclientes":2314,"iembre":2315,"ctubre":2316,"Ġpágina":2317,"Ġhaya":2318,"Ġvac":2319,"lado":2320,"Ġenten":2321,"Ġlan":2322,"Ġhombres":2323,"ĠLey":2324,"dica":2325,"Ġmiemb":2326,"Ġdicho":2327,"ĠAc":2328,"Ġtienes":2329,"Ġenvi":2330,"ĠYo":2331,"ler":2332,"Ġhacen":2333,"Ġenc":2334,"ingún":2335,"Ġlibre":2336,"Ġllevar":2337,"Ġbastante":2338,"Ġpuesto":2339,"olo":2340,"Ġespañol":2341,"Ġamigos":2342,"genes":2343,"Ġinclu":2344,"ĠCal":2345,"Ġases":2346,"peración":2347,"érica":2348,"adie":2349,"Ġescuch":2350,"tió":2351,"Ġcapital":2352,"ÃŃamos":2353,"guien":2354,"ĠAp":2355,"Ġpapel":2356,"Ġcinco":2357,"Ġestoy":2358,"Ġusuarios":2359,"Ġinvers":2360,"Ġúnico":2361,"Ġsim":2362,"ĠTra":2363,"ós":2364,"Ġdese":2365,"ID":2366,"Ġ199":2367,"rados":2368,"Ġfacil":2369,"one":2370,"ramient":2371,"Ġdescub":2372,"Ġmodelo":2373,"ice":2374,"Ġanterior":2375,"illo":2376,"Ġacompañ":2377,"ció":2378,"Ġpriv":2379,"Ġreconoci":2380,"ug":2381,"Ġpropio":2382,"20":2383,"óvil":2384,"Ġclaro":2385,"tero":2386,"ducción":2387,"Ġvarias":2388,"Ġconte":2389,"Ġningun":2390,"TE":2391,"entemente":2392,"Ġmañana":2393,"Ġ2016":2394,"Ġfab":2395,"fo":2396,"Ġlimp":2397,"Ġer":2398,"ira":2399,"Ġmarca":2400,"Ġpaci":2401,"Ġgol":2402,"Ġado":2403,"adamente":2404,"ror":2405,"Ġinm":2406,"greso":2407,"ptiembre":2408,"Ġningún":2409,"Ġdeben":2410,"ĠPla":2411,"Ġcapacidad":2412,"Ġmedios":2413,"ĠfÃŃs":2414,"ilar":2415,"Ġmanten":2416,"Ġcantidad":2417,"Ġpartici":2418,"iza":2419,"Ġproducción":2420,"Ġprimero":2421,"ĠReg":2422,"tri":2423,"Ġvista":2424,"ian":2425,"Ġescrib":2426,"Ġúltimos":2427,"Ġfel":2428,"ién":2429,"Ġtel":2430,"ilidades":2431,"Ġencar":2432,"Ġdoc":2433,"Ġpueda":2434,"ĠComo":2435,"Ġluz":2436,"Ġfran":2437,"Ġpropor":2438,"Ġcamino":2439,"Ġdescar":2440,"Ġellas":2441,"tiz":2442,"Ġcierto":2443,"Ġresta":2444,"Ġgusta":2445,"RO":2446,"hora":2447,"Ġmater":2448,"Ġconsider":2449,"Ġ50":2450,"tamento":2451,"rin":2452,"Ġpobl":2453,"Ġpublic":2454,"Ġacciones":2455,"Ġhablar":2456,"Ġhub":2457,"Ġquiere":2458,"gentina":2459,"ĠVer":2460,"dez":2461,"Ġcabo":2462,"ĠGeneral":2463,"Ġcrear":2464,"quis":2465,"ww":2466,"ivil":2467,"Ġlocal":2468,"izar":2469,"Ġcuar":2470,"Ġobserv":2471,"Ġinvestigación":2472,"Ġpalabras":2473,"señ":2474,"CIÃĵN":2475,"Ġparticular":2476,"ificación":2477,"Ġmúsica":2478,"Ġelectrón":2479,"Ġpiel":2480,"ack":2481,"RA":2482,"Ġmanif":2483,"Ġdisfrutar":2484,"Ġvir":2485,"onos":2486,"Ġtomar":2487,"Ġhaciendo":2488,"ĠCl":2489,"Ġunivers":2490,"ĠIs":2491,"adres":2492,"Ġconstitu":2493,"Ġx":2494,"Ġagu":2495,"isterio":2496,"isis":2497,"Ġdici":2498,"bió":2499,"Ġdesa":2500,"ĠDirec":2501,"ĠDis":2502,"Ġprovin":2503,"Ġdemás":2504,"Ġpoten":2505,"ulos":2506,"Ġejerci":2507,"mentos":2508,"Ġfecha":2509,"ecre":2510,"oce":2511,"tividad":2512,"Ġabier":2513,"Ġblog":2514,"ticas":2515,"ple":2516,"lante":2517,"Ġlim":2518,"acer":2519,"Ġperman":2520,"Ġalto":2521,"Esta":2522,"dap":2523,"ĠAsÃŃ":2524,"Ġdirector":2525,"be":2526,"Ġdedic":2527,"Ġherramient":2528,"tán":2529,"ase":2530,"Ġbeb":2531,"Ġcri":2532,"Ġadecu":2533,"Ġcla":2534,"Ġrom":2535,"Ġaplicación":2536,"Ġpropia":2537,"venes":2538,"Ġrecuer":2539,"Me":2540,"Ġactual":2541,"Ġrecursos":2542,"alo":2543,"Ġnoti":2544,"Ġcosa":2545,"Ġofer":2546,"Ġsencil":2547,"Ġfundam":2548,"Ġcuales":2549,"Ġtratamiento":2550,"omas":2551,"50":2552,"Ġpesar":2553,"tual":2554,"Ġmantener":2555,"Ġim":2556,"amientos":2557,"ĠFe":2558,"uerra":2559,"Ġinten":2560,"ign":2561,"Ġbueno":2562,"ft":2563,"ienda":2564,"talla":2565,"Ġcalle":2566,"Ġesf":2567,"Ġvig":2568,"Ġresto":2569,"culo":2570,"Ġresultado":2571,"mac":2572,"Ġalguien":2573,"Ġevitar":2574,"Ġalter":2575,"Ġconstru":2576,"turales":2577,"Ġprofesionales":2578,"Ġdebido":2579,"arias":2580,"Ġoctubre":2581,"ü":2582,"Ġgratis":2583,"dedor":2584,"Ġexcl":2585,"ĠdifÃŃ":2586,"Ġfamiliar":2587,"rez":2588,"Ġedad":2589,"Ġfuturo":2590,"cÃŃa":2591,"Ġprofesional":2592,"Ġestilo":2593,"Ġabs":2594,"Ġúltima":2595,"Ġconseguir":2596,"RE":2597,"onas":2598,"Ġnoviembre":2599,"Ġenferme":2600,"Ġdiciembre":2601,"Ġemo":2602,"éf":2603,"Ġcolabor":2604,"Ġbal":2605,"just":2606,"ivos":2607,"ĠSegu":2608,"Ġentrada":2609,"Ġdepor":2610,"Ġvolver":2611,"Ġtér":2612,"ecen":2613,"Ġduda":2614,"Ġconcep":2615,"Ġcontar":2616,"Ġtit":2617,"ĠmÃŃ":2618,"Ġgrande":2619,"Ġmoder":2620,"grafÃŃa":2621,"Ġseguro":2622,"siones":2623,"dero":2624,"Ġconci":2625,"Ġéx":2626,"Ġsignifica":2627,"enci":2628,"ĠCuando":2629,"ĠserÃŃa":2630,"Ġ21":2631,"Ġformación":2632,"itor":2633,"Ġ2015":2634,"Ġprob":2635,"Ġpron":2636,"Ġayudar":2637,"Ġbusc":2638,"acción":2639,"biente":2640,"Ġenv":2641,"Ġveh":2642,"Ġis":2643,"Ġmedida":2644,"Ġtuvo":2645,"celona":2646,"ĠNuev":2647,"jes":2648,"ĠâĢĶ":2649,"óvenes":2650,"Ġnadie":2651,"Ġadap":2652,"ĠTe":2653,"para":2654,"Ġjoven":2655,"Ġagr":2656,"Ġventa":2657,"Ġaz":2658,"iano":2659,"Ġarti":2660,"Ġproyectos":2661,"Ġta":2662,"ĠGra":2663,"Ġaire":2664,"Ġsigue":2665,"ficación":2666,"Ġcomunicación":2667,"Ġinterior":2668,"âĢĶ":2669,"TI":2670,"Ġopera":2671,"Ġsoy":2672,"Ġfre":2673,"Ġpróximo":2674,"tivamente":2675,"Ġgestión":2676,"Ġseptiembre":2677,"Ġestruc":2678,"Ġinternacional":2679,"todo":2680,"Ġmol":2681,"Ġdado":2682,"Ġenfr":2683,"álisis":2684,"Ġcomien":2685,"tÃŃn":2686,"ĠGo":2687,"Ġtur":2688,"Ġmuerte":2689,"Ġsecre":2690,"adoras":2691,"Ġprofun":2692,"trás":2693,"Ġterri":2694,"tina":2695,"Ġhijos":2696,"Ġfe":2697,"Ġaquellos":2698,"Ġapoyo":2699,"ulación":2700,"ĠAb":2701,"Lo":2702,"ública":2703,"icios":2704,"óp":2705,"Ġcomunidad":2706,"Ġfotos":2707,"Ġprincipales":2708,"esa":2709,"Ġoportunidad":2710,"ĠahÃŃ":2711,"Ġtrabajar":2712,"Ġopin":2713,"Ġesté":2714,"Ġdirección":2715,"forma":2716,"Ġterc":2717,"rel":2718,"Ġexcel":2719,"lares":2720,"Ġvisto":2721,"ĠJo":2722,"Ġrespe":2723,"uls":2724,"Ġsean":2725,"ĠGar":2726,"taciones":2727,"tt":2728,"Ġmanos":2729,"ĠHa":2730,"ĠQue":2731,"ticos":2732,"illas":2733,"Ġeran":2734,"Ġmejorar":2735,"Ġfan":2736,"ĠPue":2737,"Ġmadre":2738,"Ġacción":2739,"Ġata":2740,"Ġinterés":2741,"Ġindivid":2742,"ancias":2743,"To":2744,"Ġplata":2745,"ps":2746,"Ġdisposi":2747,"Ġlleva":2748,"Ġcomprar":2749,"ÃŃstica":2750,"Ġcuad":2751,"Ġpudi":2752,"Ġmodi":2753,"Ġcorrec":2754,"Ġesas":2755,"Ġvideo":2756,"au":2757,"ĠpelÃŃcula":2758,"Ġfir":2759,"Ġintegr":2760,"ĠLA":2761,"Como":2762,"Ġdemas":2763,"ĠMor":2764,"acto":2765,"Ġbuscar":2766,"umo":2767,"rada":2768,"bas":2769,"Ġpodrá":2770,"osp":2771,"iencias":2772,"Ġcampo":2773,"ómo":2774,"él":2775,"Ġpopular":2776,"ĠComun":2777,"Ġ22":2778,"As":2779,"Ġpreo":2780,"men":2781,"pro":2782,"Ġcontr":2783,"Ġusar":2784,"Ġmuestra":2785,"Ġjulio":2786,"ÃŃf":2787,"rÃŃa":2788,"Ġobras":2789,"Ġcabeza":2790,"ibilidad":2791,"Ġjóvenes":2792,"Ġsiglo":2793,"Ġvamos":2794,"vención":2795,"ampo":2796,"torno":2797,"Ġhabl":2798,"Ġcora":2799,"Ġpasa":2800,"Ġleer":2801,"Ġlig":2802,"té":2803,"Ġimportantes":2804,"ĠOb":2805,"ĠCentro":2806,"Ġcuid":2807,"Ġtemporada":2808,"Ġjunio":2809,"Ġnove":2810,"Ġelim":2811,"tagon":2812,"Ġredes":2813,"ĠenergÃŃa":2814,"TO":2815,"Ġincor":2816,"sejo":2817,"Ġusuario":2818,"ĠServ":2819,"ila":2820,"rantes":2821,"Ġdio":2822,"ĠcompañÃŃa":2823,"ĠAy":2824,"ágenes":2825,"Ġlar":2826,"Ġobtener":2827,"stico":2828,"rimon":2829,"Ġcateg":2830,"ĠRec":2831,"200":2832,"Ġdeclar":2833,"Ġutilizar":2834,"Ġdiseñ":2835,"Ġexig":2836,"Ġcontacto":2837,"Ġsist":2838,"ruz":2839,"alu":2840,"ĠallÃŃ":2841,"Ġtenido":2842,"Ġfuerte":2843,"ficiente":2844,"Ġcara":2845,"Qué":2846,"Ġgob":2847,"Ġconduc":2848,"ĀĀĀĀĀĀĀĀ":2849,"lio":2850,"entas":2851,"Ġmayo":2852,"Ġpoblación":2853,"Ġnecesidad":2854,"Ġviaje":2855,"Ġdescon":2856,"icidad":2857,"cionado":2858,"Ġprimeros":2859,"ándose":2860,"Ġaudi":2861,"Ġcurso":2862,"Ġder":2863,"Ġrealmente":2864,"ĠInterna":2865,"Ġenseñ":2866,"bu":2867,"Ġcarrera":2868,"Ġtradi":2869,"Ġpuedo":2870,"taron":2871,"Ġequipos":2872,"Ġfuerza":2873,"Ġreserv":2874,"Ġanunci":2875,"ĠEsc":2876,"Ġlen":2877,"ĠJes":2878,"Ġqueda":2879,"Ġtérmin":2880,"Ġviene":2881,"OM":2882,"Ġonline":2883,"Ġbel":2884,"Ġrespuesta":2885,"Ġmismos":2886,"Ġ2014":2887,"Ġpost":2888,"Ġpequeño":2889,"cular":2890,"gosto":2891,"Ġeducación":2892,"Ġposibilidad":2893,"remos":2894,"pone":2895,"Ġtemas":2896,"Ġvas":2897,"rad":2898,"pren":2899,"Ġcontenido":2900,"Ġexten":2901,"Ġbás":2902,"ĠBuen":2903,"ĠEsto":2904,"bal":2905,"Ġtierra":2906,"orme":2907,"esión":2908,"xic":2909,"Ġentren":2910,"itan":2911,"ĠBarcelona":2912,"Ġplante":2913,"Ġorganización":2914,"Ġconstrucción":2915,"udo":2916,"Ġpresencia":2917,"Ġalre":2918,"Ġfis":2919,"Ġojos":2920,"ĠInstitu":2921,"Ġárea":2922,"Ġconjunto":2923,"dra":2924,"irse":2925,"ĠIN":2926,"americ":2927,"ĠFac":2928,"ional":2929,"AM":2930,"11":2931,"ĠtecnologÃŃa":2932,"An":2933,"Pero":2934,"Ġvic":2935,"Ġmucha":2936,"ĠBan":2937,"Ġdeman":2938,"Ġmedia":2939,"li":2940,"Ġriesgo":2941,"irá":2942,"ale":2943,"xim":2944,"Ġéxito":2945,"Ġhotel":2946,"Ġdia":2947,"glesia":2948,"tim":2949,"Ġserán":2950,"Ġconcre":2951,"est":2952,"oro":2953,"ĠEduc":2954,"ĠdifÃŃcil":2955,"Ġnecesita":2956,"ociación":2957,"Ġseman":2958,"imientos":2959,"Ġsé":2960,"ĠEuropa":2961,"Ġinme":2962,"ĠMarÃŃa":2963,"Ġverda":2964,"Ġgrupos":2965,"--":2966,"ari":2967,"Ġfigu":2968,"Ġingres":2969,"ĠHo":2970,"Ġdó":2971,"cen":2972,"metros":2973,"curso":2974,"teriores":2975,"Ġespecialmente":2976,"Ġprem":2977,"licaciones":2978,"ĠArgentina":2979,"ĠmÃŃn":2980,"ĠMi":2981,"Ġconsum":2982,"ampoco":2983,"Ġhistór":2984,"vech":2985,"Ġprincipio":2986,"Ġhijo":2987,"Ġpadre":2988,"Ġedición":2989,"Ġplazo":2990,"Ġmaterial":2991,"icÃŃa":2992,"Ġelementos":2993,"Ġ40":2994,"Ġmedidas":2995,"Ġañad":2996,"Ġencuentro":2997,"Ġsir":2998,"ĠCrist":2999,"Ġimágenes":3000,"ĠLuis":3001,"Ġsuperior":3002,"Ġenero":3003,"Ġsalir":3004,"ĠAle":3005,"EL":3006,"ém":3007,"Ġmarzo":3008,"iernes":3009,"Ġteléf":3010,"Ġnecesidades":3011,"Ġenci":3012,"Ġfunción":3013,"Ġmad":3014,"tadas":3015,"ĠtodavÃŃa":3016,"Ġopción":3017,"Ġambos":3018,"uerto":3019,"Ġ$":3020,"ĠSanta":3021,"tiendo":3022,"ete":3023,"entan":3024,"dÃŃa":3025,"Ġprotagon":3026,"Ġcargo":3027,"Ġninguna":3028,"hi":3029,"Ġinicia":3030,"fa":3031,"EC":3032,"Ġrepar":3033,"Ġlibros":3034,"ĠCarlos":3035,"her":3036,"Ġversión":3037,"Ġarte":3038,"glés":3039,"Ġmetros":3040,"Ġesfuer":3041,"alizado":3042,"reas":3043,"Ġbon":3044,"OL":3045,"Ãį":3046,"itado":3047,"uesto":3048,"ebrero":3049,"Ġsiguientes":3050,"ke":3051,"Ġtama":3052,"bil":3053,"Ġépo":3054,"Ġparticipación":3055,"Ġdemos":3056,"ulas":3057,"Ġ23":3058,"Ġpuedan":3059,"Ġexiste":3060,"Ġlista":3061,"ĠMu":3062,"Ġclase":3063,"Ġpadres":3064,"deo":3065,"Ġcliente":3066,"Ġbusca":3067,"Ġmóvil":3068,"12":3069,"ĠCiudad":3070,"Ġacon":3071,"Ġpartes":3072,"Ġagra":3073,"Ġconocimiento":3074,"Ġsuce":3075,"Ġparticipar":3076,"Ġhacerlo":3077,"ines":3078,"Ġabril":3079,"Ġestudios":3080,"istro":3081,"Ġfru":3082,"Ġfra":3083,"Ġofrecer":3084,".,":3085,"Ġsolu":3086,"Ġcambios":3087,"Ġrazón":3088,"pir":3089,"Ġpresenta":3090,"via":3091,"Ġeuro":3092,"fil":3093,"del":3094,"unes":3095,"Ġcine":3096,"diendo":3097,"entación":3098,"Ġquiero":3099,"Ġoficial":3100,"Ġjuegos":3101,"Ġpier":3102,"tia":3103,"Ġsabe":3104,"Ġefecto":3105,"Ġcocina":3106,"ĠSon":3107,"Ġelabor":3108,"fi":3109,"Ġmiembros":3110,"nov":3111,"cripción":3112,"Ġconsidera":3113,"Ġúnica":3114,"Ġambiente":3115,"ĠSa":3116,"Re":3117,"pl":3118,"ÃŃdo":3119,"ese":3120,"inado":3121,"Ġâ":3122,"Ġarch":3123,"Ġconec":3124,"ĠHay":3125,"Ġrec":3126,"ĠTer":3127,"Ġsá":3128,"aca":3129,"ĠPr":3130,"rum":3131,"édi":3132,"moc":3133,"IA":3134,"ferencia":3135,"Ġjugar":3136,"Ġcambiar":3137,"tora":3138,"ware":3139,"ED":3140,"Ġcomún":3141,"Ġcrea":3142,"éctr":3143,"Ġnave":3144,"Ĥ¬":3145,"dentes":3146,"Ġtendrá":3147,"Ġgratu":3148,"Ġhici":3149,"Ġcompra":3150,"Ġmenor":3151,"Ġvivir":3152,"Ġimag":3153,"Ġjorn":3154,"Ġnum":3155,"idores":3156,"fe":3157,"ical":3158,"Ġguar":3159,"ĠVen":3160,"tino":3161,"Ġcrecimiento":3162,"ĠCons":3163,"rica":3164,"ket":3165,"ches":3166,"ieza":3167,"Ġestrateg":3168,"tarse":3169,"Ġconcl":3170,"Ġproteg":3171,"Ġpareja":3172,"Ġps":3173,"Ġcorazón":3174,"Ġbor":3175,"Ġ2013":3176,"Ġpen":3177,"Ġcoloc":3178,"Ġsexo":3179,"ĠTen":3180,"Ġnegocio":3181,"aces":3182,"ĠSer":3183,"Ġconserv":3184,"Ġdom":3185,"15":3186,"enda":3187,"Ġpública":3188,"Ġvin":3189,"Ġciento":3190,"itaciones":3191,"Ġseis":3192,"rando":3193,"Ġmez":3194,"Ġpreten":3195,"partamento":3196,"tisf":3197,"Ġhas":3198,"Ġprueba":3199,"oo":3200,"Ġpago":3201,"ÃŃtica":3202,"Ġadi":3203,"ombia":3204,"Ġdepen":3205,"Ġacce":3206,"Ġlin":3207,"Ġimportancia":3208,"ĠSol":3209,"Ġefectos":3210,"ámara":3211,"uelo":3212,"su":3213,"Ġcultura":3214,"este":3215,"itario":3216,"Ġagosto":3217,"titud":3218,"ĠPlan":3219,"Ġcrist":3220,"diz":3221,"Ġmayores":3222,"Hola":3223,"Ġperten":3224,"ÃŃos":3225,"Ġcorreo":3226,"Ġprotección":3227,"Ġcompleto":3228,"Ġrequier":3229,"Ġpros":3230,"Ġeduca":3231,"Ġrecibir":3232,"ner":3233,"itantes":3234,"ĠMer":3235,"Ġlugares":3236,"Ġapor":3237,"âĢĵ":3238,"Ġtrabajadores":3239,"Ġcient":3240,"ĠES":3241,"Ġvoy":3242,"Ġdesc":3243,"Ġaprovech":3244,"Ġgal":3245,"Ġviernes":3246,"terÃŃa":3247,"Ġcandida":3248,"Cuando":3249,"Ġtem":3250,"tamos":3251,"vieron":3252,"Ġevento":3253,"Ġtotalmente":3254,"ól":3255,"Ġsistemas":3256,"olver":3257,"ardo":3258,"ck":3259,"Ġformas":3260,"ĠBol":3261,"ĠMinisterio":3262,"Ġkil":3263,"risis":3264,"digo":3265,"Ġpensar":3266,"Ġdan":3267,"Ġfrecu":3268,"rismo":3269,"Ġgri":3270,"gada":3271,"edor":3272,"Ġ28":3273,"Ġtenga":3274,"iere":3275,"Ġvelo":3276,"Ġacerca":3277,"Ġanálisis":3278,"Ġsust":3279,"Ġestudiantes":3280,"op":3281,"Ġalrededor":3282,"Ġregión":3283,"ebo":3284,"Ġencontra":3285,"Ġ2012":3286,"Ġinterpre":3287,"ĠFern":3288,"ritu":3289,"ĠDesde":3290,"Ġgo":3291,"ácter":3292,"ĠcaracterÃŃsticas":3293,"table":3294,"ĠInternet":3295,"Ġpeso":3296,"Ġmane":3297,"Ġq":3298,"trimon":3299,"ĠhabÃŃan":3300,"Ġregres":3301,"Ġedifici":3302,"Ġcarácter":3303,"mite":3304,"úa":3305,"ork":3306,"Ġmateria":3307,"icaciones":3308,"Ġdesarrollar":3309,"tud":3310,"Ġcel":3311,"telig":3312,"AC":3313,"uestas":3314,"Ġcolores":3315,"vin":3316,"Ġrecomend":3317,"Ġexclus":3318,"Ġprome":3319,"Ġdorm":3320,"Ġdiferencia":3321,"Ġpelig":3322,"Ġcomprom":3323,"Ġdecisión":3324,"Ġcausa":3325,"Ġbaja":3326,"ĠYa":3327,"18":3328,"Ġmovimiento":3329,"Ġ26":3330,"ormente":3331,"Ġresist":3332,"Ġvesti":3333,"Ġ27":3334,"Ġmomentos":3335,"Ġnaturaleza":3336,"ĠPas":3337,"Ġhon":3338,"ĠtÃŃtulo":3339,"ciona":3340,"Ġépoca":3341,"Ġguerra":3342,"Ġhumanos":3343,"taba":3344,"Ġopciones":3345,"áticos":3346,"tida":3347,"Ġpermitir":3348,"ry":3349,"Ġfebrero":3350,"Ġpresu":3351,"Ġobst":3352,"Ġnorte":3353,"Ġdolor":3354,"tales":3355,"Ġpis":3356,"Ġencuentran":3357,"eria":3358,"estr":3359,"³":3360,"Ġajust":3361,"iga":3362,"ĠDer":3363,"umen":3364,"Ġextre":3365,"Ġevalu":3366,"Ġniño":3367,"Ġpequeña":3368,"Ġideas":3369,"Ġdemasiado":3370,"Ġentrega":3371,"zan":3372,"Ġpien":3373,"ws":3374,"ĠTor":3375,"Ġsatisf":3376,"Ġnar":3377,"ogle":3378,"Ġpagar":3379,"ĠEN":3380,"Ġallá":3381,"Ġrecl":3382,"ĠHer":3383,"tilla":3384,"ÃŃm":3385,"ĠBa":3386,"Ġaten":3387,"Ġvisita":3388,"ĠâĢ¦":3389,"ÃŃfico":3390,"Ġdólares":3391,"rios":3392,"Ġrelaciones":3393,"Ġcrisis":3394,"Ġintro":3395,"Ġmundial":3396,"Ġfabric":3397,"ear":3398,"Ġmara":3399,"Ġlibertad":3400,"Ġtamaño":3401,"Ġmec":3402,"tidades":3403,"Ġjur":3404,"Ġvari":3405,"ĠEmp":3406,"aya":3407,"Ġoriginal":3408,"Ġsorpren":3409,"Ġfondo":3410,"Ġcompartir":3411,"Ġmáximo":3412,"Ġsomos":3413,"Ġconsecu":3414,"Ġperder":3415,"Ġcompeten":3416,"ĠAdminist":3417,"Desde":3418,"ultura":3419,"Ġautom":3420,"Ġraz":3421,"Ġ+":3422,"Ġorigen":3423,"eso":3424,"Ġvolun":3425,"Ġinglés":3426,"Ġiz":3427,"Ġcampaña":3428,"Ġorient":3429,"Ġsum":3430,"Ġpers":3431,"Ġayer":3432,"Ġmem":3433,"diente":3434,"Ġmateriales":3435,"mbi":3436,"quina":3437,"Ġpráctica":3438,"ĠInternacional":3439,"Ġmostr":3440,"cti":3441,"Ġespera":3442,"ulta":3443,"Ġverano":3444,"Ġtampoco":3445,"Ġtexto":3446,"Ġand":3447,"Ġdistintos":3448,"Ġimpor":3449,"ĠTu":3450,"Ġllega":3451,"Ġpequeños":3452,"Ġdomingo":3453,"Ġsupuesto":3454,"Ġautoridades":3455,"Ġincorpor":3456,"Ġsil":3457,"Ġexperim":3458,"Ġcreación":3459,"ĠNav":3460,"etas":3461,"Ġcomida":3462,"Ġantigu":3463,"ee":3464,"taria":3465,"cepción":3466,"Ġequ":3467,"Ġeta":3468,"Ġdesarroll":3469,"Ġzonas":3470,"Ġpropie":3471,"ong":3472,"Ġprogramas":3473,"//":3474,"Ġbienes":3475,"Ġmonta":3476,"Ġentender":3477,"ĠChile":3478,"Ġ198":3479,"iana":3480,"formación":3481,"Ġdé":3482,"Ġevi":3483,"Ġsalida":3484,"Ġsepar":3485,"ĠReal":3486,"Ġarri":3487,"Ġincluye":3488,"Ġsuel":3489,"ĠColombia":3490,"alizada":3491,"Ġpantalla":3492,"ĠSuper":3493,"úsque":3494,"Ġdirectamente":3495,"Ġsemanas":3496,"Ġpermit":3497,"Ġposición":3498,"culos":3499,"Ġhogar":3500,"hu":3501,"Ġrelig":3502,"tiles":3503,"Ġizquier":3504,"Ġblo":3505,"Ġconce":3506,"Ġteléfono":3507,"estion":3508,"Ġprocesos":3509,"Ġprovincia":3510,"Ġtab":3511,"Ġdesapar":3512,"Ġconsumo":3513,"ológico":3514,"rán":3515,"ĠThe":3516,"reno":3517,"Ġvie":3518,"abil":3519,"Ġejercicio":3520,"uestro":3521,"ĠEducación":3522,"ĠUS":3523,"Ġquieres":3524,"Ġ60":3525,"Ġencima":3526,"Ġalumnos":3527,"rer":3528,"Ġcivil":3529,"tbol":3530,"ĠJesús":3531,"Ġtro":3532,"ĠpodÃŃa":3533,"ĠAnton":3534,"ospital":3535,"idor":3536,"edad":3537,"Ġidentific":3538,"Ġdeja":3539,"Ġestaban":3540,"Ġeléctr":3541,"Com":3542,"Ġllamado":3543,"Ġherm":3544,"RI":3545,"voca":3546,"teriormente":3547,"Ġvalores":3548,"ĠRep":3549,"Ġcoche":3550,"Ġcompren":3551,"tios":3552,"Ġámbi":3553,"Ġtrabajos":3554,"Ġglo":3555,"ĠConsejo":3556,"untamiento":3557,"Ġdev":3558,"Ġbrin":3559,"Ġcontinuación":3560,"Ġhumano":3561,"ést":3562,"Ġconvertir":3563,"Ġpul":3564,"Ġsábado":3565,"Ġace":3566,"asa":3567,"Ġpalabra":3568,"Ġpun":3569,"Ġllegó":3570,"Ġiba":3571,"pero":3572,"iel":3573,"Ġlevan":3574,"ablemente":3575,"put":3576,"Ġmarco":3577,"ĠPal":3578,"cito":3579,"iber":3580,"Ġinforma":3581,"Además":3582,"tidos":3583,"ética":3584,"Ġdefini":3585,"Ġlograr":3586,"dis":3587,"ĠPu":3588,"aco":3589,"Ġcontrario":3590,"Ġgaranti":3591,"dores":3592,"dientes":3593,"tÃŃa":3594,"rito":3595,"Ġprovoc":3596,"uye":3597,"dimiento":3598,"don":3599,"Ġblanco":3600,"tarÃŃa":3601,"Ġplanta":3602,"Ġexisten":3603,"ĠpolÃŃticas":3604,"Ġsolución":3605,"torial":3606,"Ġdistintas":3607,"Ġimpos":3608,"ĠDel":3609,"cidos":3610,"Ġeurope":3611,"ĠPrim":3612,"Ġideal":3613,"Ġpartidos":3614,"ribun":3615,"Ġpodrán":3616,"ĠSocial":3617,"genier":3618,"Ġvoz":3619,"enos":3620,"Ġindustri":3621,"Ġniveles":3622,"Ġmic":3623,"Ġcic":3624,"lev":3625,"UN":3626,"ebook":3627,"Ġmilitar":3628,"Ġdisco":3629,"ĠAmérica":3630,"Ġreferencia":3631,"MA":3632,"Ġsuje":3633,"Ġresponsabilidad":3634,"áticas":3635,"Ġadelante":3636,"Ġaband":3637,"Ġtiempos":3638,"erto":3639,"Ġrendi":3640,"Ġnegro":3641,"Ġmensaje":3642,"Ġcompeti":3643,"ĠvÃŃcti":3644,"erte":3645,"Ġclub":3646,"quitec":3647,"ph":3648,"útbol":3649,"ĠMartÃŃn":3650,"ĠFrancis":3651,"ĠCON":3652,"Ġdoble":3653,"fes":3654,"Ġtir":3655,"Ġganar":3656,"Ġpocos":3657,"ueves":3658,"Ġfamos":3659,"Ġanun":3660,"Ġrecuper":3661,"eño":3662,"Ġlucha":3663,"ablo":3664,"Ġ2011":3665,"Ġhu":3666,"Ġbúsque":3667,"Ġobten":3668,"ĠRa":3669,"Ġhom":3670,"Ġtarje":3671,"ĠAu":3672,"Ġcorri":3673,"Ġfamilias":3674,"arla":3675,"Ġapre":3676,"Ġsimplemente":3677,"Ġjugadores":3678,"dicos":3679,"Ġllama":3680,"Ġmexic":3681,"cados":3682,"arte":3683,"qué":3684,"Ġaprender":3685,"Ġinnov":3686,"Ġdetalles":3687,"Ġeconómica":3688,"cle":3689,"Ġdiferente":3690,"ka":3691,"uri":3692,"dena":3693,"Ġlunes":3694,"Ġoper":3695,"Ġclás":3696,"ĠMay":3697,"ĠÃī":3698,"Ġentorno":3699,"Ġquiz":3700,"Ġalterna":3701,"Ġtú":3702,"ye":3703,"Ġestrel":3704,"ĠInstituto":3705,"Ġnorma":3706,"tará":3707,"Ġren":3708,"://":3709,"Ġresponsable":3710,"ĠeconomÃŃa":3711,"imas":3712,"Ar":3713,"pan":3714,"ĠMundial":3715,"mer":3716,"Ġelectrónico":3717,"Ġsuelo":3718,"Ġcomercial":3719,"Ġbaño":3720,"isl":3721,"Ġlocales":3722,"logÃŃa":3723,"Ġescen":3724,"Ġacto":3725,"Ġtipos":3726,"Ġmaravil":3727,"Ġintelig":3728,"apa":3729,"ĠEL":3730,"Sin":3731,"Ġenl":3732,"ÃŃstico":3733,"ĠFin":3734,"mentación":3735,"Ġmotivo":3736,"ĠpolÃŃtico":3737,"Ġestad":3738,"raciones":3739,"entado":3740,"Ġentrev":3741,"Ġtempera":3742,"cla":3743,"Ġaproxim":3744,"âĢ¦]":3745,"Ġhistor":3746,"Ġrealizado":3747,"Ġsuperfici":3748,"ensión":3749,"ĠCos":3750,"Ġconocido":3751,"Ġhermos":3752,"ĠHab":3753,"ff":3754,"Ġejecu":3755,"Ġpersonales":3756,"Ġinversión":3757,"Ġpresentación":3758,"Ġocasión":3759,"ismos":3760,"laz":3761,"idamente":3762,"ÃŃp":3763,"ĠSoci":3764,"pectos":3765,"ĠDa":3766,"Ġmarcha":3767,"Ġpersonajes":3768,"ónica":3769,"didas":3770,"Ġviolencia":3771,"Ġdiver":3772,"Ġdec":3773,"iro":3774,"itaria":3775,"ĠMig":3776,"ĠCap":3777,"grá":3778,"__":3779,"Ġdisposición":3780,"Ġacces":3781,"Ġgén":3782,"ĠRepública":3783,"».":3784,"tique":3785,"ĠAhora":3786,"Ġpuerta":3787,"Ġpropiedad":3788,"Ġadqui":3789,"Ġpregunta":3790,"16":3791,"Ġdibu":3792,"vado":3793,"Ġré":3794,"Ġinicio":3795,"Ġros":3796,"!!!":3797,"Ġpresiden":3798,"Ġpareci":3799,"ĠMas":3800,"Ġentrar":3801,"Ġindependi":3802,"Ġ2010":3803,"wit":3804,"ajas":3805,"sas":3806,"Ġhechos":3807,"Ġinteresante":3808,"Ġ29":3809,"Ġahor":3810,"Ġhabitu":3811,"Ġtransporte":3812,"Ex":3813,"Ġocasiones":3814,"Ġherramientas":3815,"Ġobjeto":3816,"dios":3817,"encial":3818,"Ġveci":3819,"Ġamigo":3820,"Ġenfermedad":3821,"Ġselección":3822,"Ġpodrás":3823,"estiv":3824,"ĠÃŃn":3825,"Ġcome":3826,"CION":3827,"ju":3828,"Ġpresentar":3829,"Ġagrade":3830,"ribución":3831,"ĠartÃŃculos":3832,"Ġdem":3833,"Ġ%":3834,"Ġeconómico":3835,"Ġmit":3836,"Ġinver":3837,"Ġens":3838,"Ġconoce":3839,"Ġalimentos":3840,"Ġarm":3841,"Ġbuenas":3842,"Ġdemoc":3843,"Ġjef":3844,"Ġatrac":3845,"14":3846,"Ġtienda":3847,"ĠSecre":3848,"Ġexcelente":3849,"jero":3850,"ielo":3851,"Ġextran":3852,"ame":3853,"Ġconvers":3854,"Ġpér":3855,"Ġinci":3856,"Ġpropuesta":3857,"Ġjornada":3858,"Ġrepresenta":3859,"Ġvuelta":3860,"ĠTodo":3861,"Ġamena":3862,"Ġespacios":3863,"ĠGal":3864,"Ġconcent":3865,"Ġdesemp":3866,"iver":3867,"Ġpelo":3868,"Ġéste":3869,"Ġasi":3870,"Ġalmac":3871,"logo":3872,"legio":3873,"tarios":3874,"Ġdisponible":3875,"ĠComisión":3876,"Yo":3877,"ĠJa":3878,"Ġsob":3879,"imen":3880,"25":3881,"ĠcategorÃŃa":3882,"ĠMunicip":3883,"ezuela":3884,"Ġacus":3885,"aro":3886,"Ġcompromiso":3887,"ello":3888,"ĠAntonio":3889,"ĠNueva":3890,"lores":3891,"rag":3892,"edro":3893,"ĠSalud":3894,"ĠEntre":3895,"oz":3896,"ológica":3897,"ultad":3898,"entales":3899,"ĠRos":3900,"Ġdéc":3901,"ĠMus":3902,"ĠJust":3903,"Ġindustria":3904,"Ġconform":3905,"Ġza":3906,"oj":3907,"Ġvelocidad":3908,"Ġgobern":3909,"uniden":3910,"ires":3911,"Ġmaes":3912,"ciente":3913,"Ġpronto":3914,"Ġtratar":3915,"ĠFrancisco":3916,"Ġfunciones":3917,"Ġtaller":3918,"onia":3919,"Ġfras":3920,"iudades":3921,"Ġinternet":3922,"ĠImp":3923,"Ġrece":3924,"Ġclave":3925,"Ġopinión":3926,"imismo":3927,"ix":3928,"Ġesca":3929,"Ġprensa":3930,"Ġobjetivos":3931,"orÃŃas":3932,"drá":3933,"Ġprecis":3934,"Ġcentros":3935,"ices":3936,"izado":3937,"Ġcru":3938,"ĠHum":3939,"Ġescuela":3940,"inaria":3941,"Ġmulti":3942,"itales":3943,"Ġbanda":3944,"Ġór":3945,"amp":3946,"Ġcapaz":3947,"teras":3948,"coles":3949,"quer":3950,"Ġpone":3951,"Ġ&":3952,"ĠMás":3953,"ĠEurope":3954,"Ġrepro":3955,"Ġcontenidos":3956,"Ġinstalaciones":3957,"Ġelegir":3958,"Ġrespec":3959,"enso":3960,"Ġtitular":3961,"Ġoscu":3962,"Ġaspectos":3963,"zada":3964,"Ġbeneficios":3965,"TU":3966,"Ġmesa":3967,"Ġpacientes":3968,"uras":3969,"bia":3970,"Ġaumento":3971,"13":3972,"ónde":3973,"Ġcrédi":3974,"Ġrápido":3975,"17":3976,"Ġinteg":3977,"ificar":3978,"Ġcomentarios":3979,"Ġtécnica":3980,"Ġfron":3981,"Ġdiario":3982,"Ġoferta":3983,"Ġpreci":3984,"Ġcob":3985,"rans":3986,"Ġcapaci":3987,"ÃŃr":3988,"Ġfem":3989,"Ġdisc":3990,"Ġnormal":3991,"Ġsuerte":3992,"ĠAnd":3993,"Ġanimales":3994,"ĠvÃŃa":3995,"antil":3996,"Ġhid":3997,"Ġperm":3998,"Ġmodelos":3999,"Ġcompleta":4000,"Ġacci":4001,"Ġcumplir":4002,"Ġ197":4003,"Ġpreocup":4004,"Ġcompon":4005,"Ġrefle":4006,"pal":4007,"aliza":4008,"irmó":4009,"Ġpena":4010,"ĠSeñ":4011,"Ġsentir":4012,"Ġqueremos":4013,"Ġespañola":4014,"Ġja":4015,"Ġbúsqueda":4016,"Ġú":4017,"??":4018,"Ġocup":4019,"ĠAunque":4020,"Ġadul":4021,"ÃŃritu":4022,"Ġinforme":4023,"ĠPan":4024,"Ġjueves":4025,"Ġmitad":4026,"ĠGoogle":4027,"Ġtoma":4028,"Ġdiez":4029,"Ġcentral":4030,"ĠUN":4031,"Ġabrir":4032,"viv":4033,"orge":4034,"ĠOl":4035,"Pro":4036,"Ġtécnicas":4037,"Ġmagn":4038,"ĠDÃŃa":4039,"trimonio":4040,"Ġestim":4041,"Su":4042,"Ġaprob":4043,"Ãģ":4044,"Ġcoord":4045,"Ġaun":4046,"Ġdecor":4047,"Ġconflic":4048,"onz":4049,"Ġeres":4050,"Ġdeberá":4051,"mentar":4052,"Ġdific":4053,"rique":4054,"Ġpruebas":4055,"Ġresulta":4056,"Ġestructura":4057,"Según":4058,"Ġolvid":4059,"Ġsuficiente":4060,"Ġcuidado":4061,"Ġotor":4062,"Ġlaboral":4063,"Ġaplicaciones":4064,"ificado":4065,"Ġkiló":4066,"uno":4067,"Ġconstante":4068,"pia":4069,"Ġoc":4070,"ández":4071,"rump":4072,"lad":4073,"ósito":4074,"Ġquién":4075,"60":4076,"Ġprincipios":4077,"Ġciudades":4078,"°":4079,"ĠpolÃŃticos":4080,"jeros":4081,"vió":4082,"IL":4083,"Ġ[âĢ¦]":4084,"dil":4085,"Ġmanifes":4086,"Ġcuyo":4087,"Ġestás":4088,"ércoles":4089,"Ġexterior":4090,"como":4091,"Ġinfl":4092,"Ġdestino":4093,"ftware":4094,"ĠSh":4095,"Ġquin":4096,"Ġescribir":4097,"Ġubic":4098,"Ġsegura":4099,"uestos":4100,"tiago":4101,"Ġbril":4102,"col":4103,"ramos":4104,"ienen":4105,"Ġsangre":4106,"eos":4107,"Ġlic":4108,"Ġ80":4109,"Ġinstrum":4110,"ierto":4111,"Ġasoci":4112,"Ġtre":4113,"Ġdicha":4114,"Ġacceder":4115,"ĠSus":4116,"Ġdiversos":4117,"Ġamplia":4118,"ĠAyuntamiento":4119,"Ġperfecto":4120,"torios":4121,"Ġprove":4122,"Ġestará":4123,"bamos":4124,"Ġalcal":4125,"ÃŃsimo":4126,"Ġbuscando":4127,"lesc":4128,"Ġcompro":4129,"Ġincon":4130,"Ġorg":4131,"ÃŃfica":4132,"Ġherman":4133,"deral":4134,"jado":4135,"toral":4136,"Ġestuvo":4137,"Ġciudadanos":4138,"yas":4139,"ĠMic":4140,"Ġmiedo":4141,"ĠMiguel":4142,"Ġadministración":4143,"Ġprac":4144,"tuvo":4145,"Ġpáginas":4146,"Ġdigital":4147,"Ġestadouniden":4148,"ĠDo":4149,"Ġreno":4150,"ĠCongreso":4151,"osotros":4152,"ag":4153,"ĠDan":4154,"pes":4155,"Que":4156,"ĠVic":4157,"UE":4158,"ĠAsociación":4159,"Ġbra":4160,"Ġconfigu":4161,"Ġdistancia":4162,"lez":4163,"Ġclic":4164,"abe":4165,"Ġconfianza":4166,"Ġinstituciones":4167,"SO":4168,"Ġrealiza":4169,"Ġconse":4170,"Ġconcepto":4171,"Ġdefensa":4172,"mail":4173,"Ġbuenos":4174,"Ġconvier":4175,"dado":4176,"teles":4177,"rupo":4178,"Ġáreas":4179,"Ġempleo":4180,"ĠVenezuela":4181,"Ġclases":4182,"Ġmente":4183,"ĠManuel":4184,"Ġmues":4185,"ĠEj":4186,"quiera":4187,"Ġmiles":4188,"Ġpaz":4189,"Ãī":4190,"Ġesfuerzo":4191,"Ġtécnico":4192,"Ġderi":4193,"ĠlÃŃder":4194,"Ġoro":4195,"Ġhabla":4196,"Ġazul":4197,"EM":4198,"Ġthe":4199,"guay":4200,"Ġcirc":4201,"Ġmédico":4202,"Ġep":4203,"aremos":4204,"ĠPedro":4205,"IO":4206,"uegos":4207,"echas":4208,"cionados":4209,"Le":4210,"40":4211,"ki":4212,"Ġcif":4213,"Ġatrás":4214,"grama":4215,"ĠCasa":4216,"dieron":4217,"ĠGarcÃŃa":4218,"Ġinternacionales":4219,"elas":4220,"có":4221,"Ġcuestión":4222,"ást":4223,"igue":4224,"Ġplaya":4225,"Ġpesos":4226,"Ġropa":4227,"tificación":4228,"Ġdiv":4229,"Ġreunión":4230,"ĠGracias":4231,"Ġconex":4232,"Ġ31":4233,"También":4234,"tantes":4235,"Ġgolpe":4236,"Ġseñor":4237,"Ġactualmente":4238,"didos":4239,"Ġcampe":4240,"Ġfol":4241,"Ġnaturales":4242,"utri":4243,"Ġmoda":4244,"ĠMal":4245,"Ġamar":4246,"Ġinmedia":4247,"Ġquedar":4248,"teca":4249,"Ġlanz":4250,"Ġfiesta":4251,"Ġmadera":4252,"ĠDesarrol":4253,"Ġámbito":4254,"Ġó":4255,"ime":4256,"Ġquieren":4257,"Ġmag":4258,"ĠSeguridad":4259,"Ġdebemos":4260,"Ġconsigu":4261,"Ġpais":4262,"Ġaltura":4263,"ĠRey":4264,"Ġorigin":4265,"rasil":4266,"tron":4267,"Ġreflex":4268,"Ġpropios":4269,"Ġcomba":4270,"tador":4271,"ético":4272,"Ġnota":4273,"uelas":4274,"ĠLi":4275,"Ġmunicipio":4276,"Ġcolaboración":4277,"ioso":4278,"Ġdenomin":4279,"ĠCer":4280,"Ġdismin":4281,"itud":4282,"Ġpúblicos":4283,"Ġhtt":4284,"Ġtranquil":4285,"Ġfres":4286,"Ġdiversas":4287,"anÃŃa":4288,"âĢĭ":4289,"gó":4290,"Ġespos":4291,"Ġav":4292,"ull":4293,"ÃŃficos":4294,"Ġ*":4295,"Ġvisitar":4296,"bilidad":4297,"amo":4298,"ĠsÃŃn":4299,"ðŁ":4300,"Ġnumeros":4301,"crip":4302,"xto":4303,"Ġfuente":4304,"Ġapenas":4305,"Ġnega":4306,"Ġempezar":4307,"Ġimple":4308,"Ġnegocios":4309,"ĠII":4310,"Ġempren":4311,"Ġfuncionamiento":4312,"Ġafir":4313,"Ġul":4314,"Ġár":4315,"Ġsacar":4316,"Ġtérminos":4317,"Ġescrito":4318,"Ġlog":4319,"Ġcarre":4320,"ĠGonz":4321,"dem":4322,"Ġperiodi":4323,"Ġmemoria":4324,"Ġprogram":4325,"Ġsiete":4326,"Ġgusto":4327,"Ġentidad":4328,"ĠFo":4329,"Ġetapa":4330,"Ġllamada":4331,"Ġfortal":4332,"Ġcontrato":4333,"ĠIglesia":4334,"adém":4335,"dencias":4336,"puestos":4337,"Ġunidad":4338,"Cómo":4339,"Ġdura":4340,"Ġtradicional":4341,"Ġtorn":4342,"ĠdeberÃŃa":4343,"Ġesco":4344,"Ġperfil":4345,"Ġescol":4346,"ĠConstitu":4347,"roso":4348,"Ġejec":4349,"ĠOs":4350,"ĠPos":4351,"Ġhubiera":4352,"Ġutiliza":4353,"Ġvisión":4354,"Ġ·":4355,"Ġtrá":4356,"Ġasum":4357,"Ġhabitaciones":4358,"Ġplataforma":4359,"ICA":4360,"Ġcomenzó":4361,"Ġtelevisión":4362,"Ġperiodo":4363,"keting":4364,"Ġmiércoles":4365,"Ġhaga":4366,"Ġinvestig":4367,"lamento":4368,"Ġsala":4369,"Ġjard":4370,"ites":4371,"estival":4372,"Ġcompletamente":4373,"Ġradio":4374,"ity":4375,"pol":4376,"Ġgénero":4377,"Ġmotor":4378,"ĠWeb":4379,"Ġterritorio":4380,"ĠHe":4381,"Ġhabrá":4382,"istema":4383,"witter":4384,"Ġvino":4385,"ĠEcon":4386,"Ġton":4387,"Ġmartes":4388,"Ġimpacto":4389,"Ġsosten":4390,"Ġdescan":4391,"Ġcultural":4392,"24":4393,"Ġcuya":4394,"Ġpudo":4395,"Ġresiden":4396,"Ġfútbol":4397,"Ġeventos":4398,"LA":4399,"Ġprefer":4400,"iales":4401,"Ġech":4402,"inci":4403,"Ġarriba":4404,"Ġtercer":4405,"Ġproduci":4406,"Ġpublicación":4407,"Ġkilómetros":4408,"Ġderecha":4409,"Ġtesti":4410,"ĠBen":4411,"gust":4412,"gü":4413,"ĠBel":4414,"Ġ90":4415,"Ġdisponibles":4416,"triz":4417,"Ġcuarto":4418,"trol":4419,"Ġactualidad":4420,"Ġrecha":4421,"CA":4422,"Ġdarle":4423,"quilib":4424,"pera":4425,"Ġfigura":4426,"Ġpresión":4427,"Ġflu":4428,"ĠVe":4429,"ĠCatal":4430,"Ġequiv":4431,"IT":4432,"Ġcalles":4433,"ick":4434,"Ġcualquiera":4435,"capa":4436,"Ġmarcas":4437,"Ġdando":4438,"Ġsitios":4439,"Te":4440,"Ġdemanda":4441,"Ġinfer":4442,"ĠXX":4443,"ĠEspañ":4444,"ense":4445,"Ġavent":4446,"Ġcomunic":4447,"ĠTodos":4448,"isa":4449,"deres":4450,"didad":4451,"Más":4452,"Ġizquierda":4453,"ĠpelÃŃculas":4454,"teros":4455,"Ġfuego":4456,"ombi":4457,"Ġanteriores":4458,"Ġiniciativa":4459,"Ġlengu":4460,"leo":4461,"âĤ¬":4462,"Ġorganizaciones":4463,"mitir":4464,"guez":4465,"Ġarquitec":4466,"ĠSur":4467,"Ġhabitación":4468,"ance":4469,"Ġganas":4470,"Ġpreguntas":4471,"Ġcontemp":4472,"ĠSantiago":4473,"Ġalmacen":4474,"ĠTrans":4475,"Ġrevis":4476,"ĠMuch":4477,"arca":4478,"ĠEdi":4479,"Ġelecciones":4480,"ecÃŃa":4481,"Ġdocumento":4482,"Ġfundamental":4483,"ópez":4484,"Ġcm":4485,"Ġintent":4486,"Ġmostrar":4487,"Ġequip":4488,"Ġmismas":4489,"Ġ2009":4490,"Ġcorre":4491,"ĠFund":4492,"ribunal":4493,"Ġllegado":4494,"Ġintereses":4495,"ĠAt":4496,"AsÃŃ":4497,"Hay":4498,"Ġzapa":4499,"Ġaspecto":4500,"iblio":4501,"Ġcircun":4502,"tienen":4503,"Ġcarga":4504,"Ġarro":4505,"Ġporno":4506,"riendo":4507,"ĠâĢ¢":4508,"pora":4509,"Ġalcanzar":4510,"Ġteniendo":4511,"Ġgrave":4512,"ĠEE":4513,"Ġnie":4514,"estruc":4515,"iados":4516,"Ġaceite":4517,"Ġocu":4518,"»,":4519,"jan":4520,"Ġán":4521,"yos":4522,"US":4523,"22":4524,"Ġce":4525,"leza":4526,"Ġgenera":4527,"ĠjurÃŃ":4528,"anto":4529,"rup":4530,"itados":4531,"Ġdeten":4532,"Ġpedir":4533,"Ġgeneración":4534,"Ġacog":4535,"Ġlejos":4536,"Ġestrategia":4537,"ĠDon":4538,"Ġpsic":4539,"ĠperÃŃo":4540,"dó":4541,"ins":4542,"Ġaparece":4543,"Ġprimeras":4544,"Ġgrado":4545,"ĠPat":4546,"Ġtales":4547,"Ġconocimientos":4548,"Ġsoluciones":4549,"Ġras":4550,"Ġabandon":4551,"Ġadolesc":4552,"gimen":4553,"Ġdicen":4554,"Ġprofesor":4555,"Ġvacaciones":4556,"Ġgrá":4557,"Ġrepe":4558,"Ġconvir":4559,"Ġbur":4560,"ĠSE":4561,"Ġderro":4562,"Ġambient":4563,"Ġadop":4564,"Ġedificio":4565,"Ġdetec":4566,"ĠBuenos":4567,"Ġbloque":4568,"ĠAut":4569,"Ġrode":4570,"usa":4571,"Ġpersonaje":4572,"ht":4573,"Ġplantas":4574,"poner":4575,"ly":4576,"Ġjusticia":4577,"Ġargu":4578,"Ġsituaciones":4579,"ĠAires":4580,"ulado":4581,"ĠmÃŃnimo":4582,"Ġesperar":4583,"ĠPablo":4584,"vas":4585,"ĠFrancia":4586,"Ġ70":4587,"Ġprostitu":4588,"ĠMedi":4589,"Ġimper":4590,"Ġésta":4591,"Ġtrabajando":4592,"ologÃŃas":4593,"Ġkm":4594,"Ġmantenimiento":4595,"Ġjusto":4596,"mán":4597,"Ġchica":4598,"ĠCab":4599,"Ġfamiliares":4600,"ĠCuba":4601,"Ġchicas":4602,"dizaje":4603,"Ġrequis":4604,"ĠvÃŃdeo":4605,"Ġhija":4606,"Ġfer":4607,"Ġtercera":4608,"Ġreducir":4609,"Ġalguno":4610,"Ġpiezas":4611,"Ġpag":4612,"Ġrequiere":4613,"PA":4614,"inario":4615,"ĠLópez":4616,"blos":4617,"Ġmodific":4618,"ciar":4619,"ĠMujer":4620,"villa":4621,"Ġdiá":4622,"rón":4623,"Ġenorme":4624,"edores":4625,"acho":4626,"ender":4627,"Ġ»":4628,"ĠChina":4629,"Ġsola":4630,"Ġfinales":4631,"ĠOfici":4632,"Ya":4633,"gal":4634,"Ġnormas":4635,"Ġanal":4636,"ĠDespués":4637,"ĠRob":4638,"dÃŃ":4639,"Ġfirm":4640,"ĠvehÃŃculos":4641,"Ġ35":4642,"ĠDesarrollo":4643,"ĠquerÃŃa":4644,"ĠInv":4645,"Ġadministra":4646,"Ġespeciales":4647,"Ġvariedad":4648,"ĠHoy":4649,"udicial":4650,"rador":4651,"cipl":4652,"ĠComer":4653,"amor":4654,"Ġúltimas":4655,"Ġinstalación":4656,"tillas":4657,"Ġvecinos":4658,"ĠFacebook":4659,"Ġtengan":4660,"ÃŃtulos":4661,"Ġsel":4662,"san":4663,"Ġpeor":4664,"iamente":4665,"Ġherramienta":4666,"Ġimpuls":4667,"tillo":4668,"Ġbara":4669,"uta":4670,"Ġlarga":4671,"Ġcomenz":4672,"Ġnoticias":4673,"Ġinc":4674,"Ġcompetencia":4675,"ĠRam":4676,"ĠTh":4677,"Ġaquella":4678,"Ten":4679,"Ġdudas":4680,"Ġsolamente":4681,"Ġsabemos":4682,"Ġcomprome":4683,"Ġindividu":4684,"ave":4685,"Ġmejora":4686,"Ġventas":4687,"Ġcarta":4688,"ond":4689,"Ġdejó":4690,"Ġmone":4691,"ĠFu":4692,"Ġdónde":4693,"ĠGrupo":4694,"Ġpasos":4695,"Buen":4696,"UU":4697,"Ġluc":4698,"Ġalquil":4699,"Ġposibilidades":4700,"ĠEstudi":4701,"Ġvivienda":4702,"Ġterror":4703,"use":4704,"yó":4705,"Ġabog":4706,"Ġdue":4707,"Ġcomport":4708,"ĠHist":4709,"Ġacum":4710,"ivas":4711,"Ġdecisiones":4712,"cimientos":4713,"UR":4714,"Ġ2008":4715,"iores":4716,"illos":4717,"Ġsesión":4718,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":4719,"tró":4720,"Ġsexual":4721,"Ġsueño":4722,"Ġboca":4723,"Ġpresupuesto":4724,"Ġregal":4725,"Ġtriun":4726,"iles":4727,"Ġdespe":4728,"ĠClub":4729,"Ġhuman":4730,"Ġbre":4731,"Ġpuertas":4732,"Ġfuerzas":4733,"Ġconsecuencia":4734,"ses":4735,"Ġexplica":4736,"Ġcomplic":4737,"Ġexistencia":4738,"ĠBrasil":4739,"Ġdirecto":4740,"ĠBlan":4741,"mina":4742,"ĠUnión":4743,"Ġlectura":4744,"Res":4745,"ĠlÃŃneas":4746,"Ġocho":4747,"Ġsustitu":4748,"ĠNos":4749,"Ġhicieron":4750,"Ġcuentas":4751,"Ġocul":4752,"ticamente":4753,"Ġcasas":4754,"Ġpublicado":4755,"ÃŃda":4756,"Ġrit":4757,"ĠBer":4758,"Ġrecordar":4759,"áis":4760,"Ġexplo":4761,"Ġaloj":4762,"Ġdescargar":4763,"Ġfas":4764,"ĠPresidente":4765,"Ġjugador":4766,"ĠvehÃŃculo":4767,"Ġavis":4768,"ĠcrÃŃt":4769,"vel":4770,"23":4771,"Ġtamb":4772,"Ġfines":4773,"Ìģ":4774,"alizados":4775,"arnos":4776,"Ġefica":4777,"cam":4778,"Ġvincul":4779,"ang":4780,"Ġobstante":4781,"Ġmala":4782,"tus":4783,"Ġcatal":4784,"iempre":4785,"Ġentra":4786,"LO":4787,"Ġabor":4788,"Ġsalv":4789,"itamos":4790,"Ġcompañeros":4791,"Ġvivo":4792,"VA":4793,"Ġpiedra":4794,"Ġposibles":4795,"Ġencanta":4796,"Ġpris":4797,"Ġbarrio":4798,"hn":4799,"Ġsoftware":4800,"Ġfuentes":4801,"Ġrespeto":4802,"ĠDirección":4803,"Ġsectores":4804,"Ġfirma":4805,"Ġllu":4806,"ĠfÃŃsica":4807,"ĠÃģn":4808,"fre":4809,"Ġjefe":4810,"chas":4811,"Po":4812,"Ġaquellas":4813,"Ġregistro":4814,"80":4815,"Ġescal":4816,"Hoy":4817,"Ġdich":4818,"Ġestablecer":4819,"mania":4820,"ĠValencia":4821,"Ġrevel":4822,"Ġsede":4823,"Ġlech":4824,"Ġquedó":4825,"Ġmicro":4826,"ples":4827,"Ġfiscal":4828,"Ġentidades":4829,"Ġmenores":4830,"Ġconoc":4831,"Ġexposición":4832,"Ġfinalmente":4833,"ĠBl":4834,"Ġpobre":4835,"Ġidi":4836,"ĠCre":4837,"Ġmam":4838,"Ġrelev":4839,"tig":4840,"Ġido":4841,"ty":4842,"Ġministro":4843,"Ġexter":4844,"Ġnovela":4845,"ĠpodrÃŃan":4846,"fon":4847,"Ġescenario":4848,"Ġsome":4849,"ker":4850,"Ġrendimiento":4851,"ĠPerú":4852,"rupción":4853,"ĠEso":4854,"ĠEmpres":4855,"ĠCruz":4856,"icción":4857,"Ġsuperficie":4858,"Ġunidades":4859,"Ġrequer":4860,"Ġran":4861,"Ġpropias":4862,"Durante":4863,"Ġoperaciones":4864,"chez":4865,"Ġtes":4866,"Ġmeta":4867,"Ġcumple":4868,"Ġverde":4869,"Ġcama":4870,"Ġmáxima":4871,"ĠJav":4872,"Ġano":4873,"Ġrestau":4874,"ĠAdministración":4875,"Ġprom":4876,"@@":4877,"Ġllegada":4878,"Ġdocumentos":4879,"Ġestan":4880,"Ġacadém":4881,"cida":4882,"iego":4883,"cés":4884,"iosa":4885,"Ġgenerar":4886,"Ġexac":4887,"bla":4888,"Ġapun":4889,"dón":4890,"Ġgras":4891,"Ġ>":4892,"Ġretir":4893,"Ġment":4894,"ĠFer":4895,"uncia":4896,"Ġdomici":4897,"Ġenfrent":4898,"Ġpequeñas":4899,"Ġresolver":4900,"ficaciones":4901,"eles":4902,"ĠhacÃŃa":4903,"indo":4904,"Ġpec":4905,"Ġresolución":4906,"Ġsección":4907,"uebles":4908,"Ġexcep":4909,"Ġprácticas":4910,"ĠDav":4911,"Ġcita":4912,"):":4913,"Ġdep":4914,"iero":4915,"anzas":4916,"Ġargent":4917,"venida":4918,"amble":4919,"Ġoperación":4920,"ĠTa":4921,"ĠincreÃŃ":4922,"fin":4923,"ko":4924,"Ġcán":4925,"ĠDEL":4926,"Ġespecie":4927,"ĠElec":4928,");":4929,"Ġcerc":4930,"gaciones":4931,"plic":4932,"Ġges":4933,"AT":4934,"Ġembara":4935,"org":4936,"ĠEm":4937,"Ġtemperatura":4938,"fÃŃa":4939,"CO":4940,"ĠhabrÃŃa":4941,"ĠRev":4942,"Ġhará":4943,"Ġartes":4944,"Ġplaza":4945,"Ġagreg":4946,"Ġreac":4947,"anda":4948,"Ġga":4949,"onda":4950,"ĠPolicÃŃa":4951,"ĠFue":4952,"Ġcriter":4953,"Ġsencillo":4954,"ĠNorte":4955,"dust":4956,"fé":4957,"erop":4958,"ĠAg":4959,"ĠYork":4960,"Ġdigo":4961,"ive":4962,"ĠOrgan":4963,"deración":4964,"Ġfen":4965,"tumb":4966,"portes":4967,"Ġsupone":4968,"Ġpedido":4969,"Ġabajo":4970,"Ġvideos":4971,"usia":4972,"Ġregular":4973,"Ġcámara":4974,"Ġast":4975,"Ġpérdida":4976,"ĠFis":4977,"Ġenfermedades":4978,"ĠEstos":4979,"ĠBe":4980,"Ġlegal":4981,"Ġcomerciales":4982,"Ġmaravillos":4983,"Ġintentar":4984,"ĠBus":4985,"Ġmúlti":4986,"deros":4987,"Ġsomb":4988,"racia":4989,"Ġprincipalmente":4990,"ĠDu":4991,"Ġbelleza":4992,"Ġabierto":4993,"Ġproduce":4994,"Ġpermiten":4995,"Ġsuele":4996,"Ġcolección":4997,"onato":4998,"Ġingresos":4999,"ky":5000,"eran":5001,"Ġpasó":5002,"Ġrealizó":5003,"Ġhumana":5004,"Ġtiendas":5005,"ieran":5006,"ité":5007,"tismo":5008,"torias":5009,"ĠpolicÃŃa":5010,"99":5011,"uencias":5012,"Ġseñaló":5013,"ĠEspe":5014,"Ġpodido":5015,"okies":5016,"jor":5017,"Ġcalor":5018,"ĠMac":5019,"ĠDomin":5020,"Ġsimilar":5021,"Ġmecan":5022,"Ġdiput":5023,"ĠCada":5024,"Ġhá":5025,"Ġagre":5026,"Ġexperiencias":5027,"Ġescuchar":5028,"ĠRom":5029,"puestas":5030,"Ġagrad":5031,"Ġisla":5032,"ĠHu":5033,"ĠSeñor":5034,"**":5035,"Ġfeliz":5036,"Ġcorte":5037,"Ġcorrespondiente":5038,"ĠVir":5039,"ĠProfes":5040,"ĠFundación":5041,"itada":5042,"Ġciencia":5043,"Ġtransform":5044,"Ġpremio":5045,"edes":5046,"Ġvictoria":5047,"Ġnacionales":5048,"Ġambas":5049,"Ġcircunst":5050,"Ġtraslad":5051,"Ġincluyendo":5052,"ĠJusticia":5053,"Ġjam":5054,"tem":5055,"Ġconsol":5056,"Ġsale":5057,"Ġárbol":5058,"Ġtej":5059,"âĢ¢":5060,"Ġveo":5061,"Ġdeporte":5062,"isiones":5063,"Ġerror":5064,"Ġruta":5065,"Ġgastos":5066,"ĠCivil":5067,"IM":5068,"Ġtraduc":5069,"Ġabsolu":5070,"Ġdesaf":5071,"Ġelección":5072,"Ġlocalidad":5073,"Ġsiguen":5074,"Ġcoinci":5075,"rales":5076,"Ġfactores":5077,"ilares":5078,"reras":5079,"itarios":5080,"len":5081,"Ġaprendizaje":5082,"udas":5083,"ĠPrem":5084,"Ġrey":5085,"Ġtritur":5086,"ĠNi":5087,"Ġimposible":5088,"ĠperÃŃodo":5089,"Ġcereb":5090,"Ġ=":5091,"Ġhar":5092,"Ġcomunidades":5093,"ĠPúbl":5094,"inados":5095,"ET":5096,"Ġdeseo":5097,"ÃŃguez":5098,"ĠTri":5099,"eñ":5100,"Ġpúblicas":5101,"Ġcumplimiento":5102,"Ġdebes":5103,"Ġofrecen":5104,"idar":5105,"Ġparticipantes":5106,"Ġfalle":5107,"iación":5108,"Ġconsulta":5109,"Ġcomenzar":5110,"Ġcomercio":5111,"Ġrecorrido":5112,"Ġge":5113,"Ġpiso":5114,"ĠĠ":5115,"quilla":5116,"Ġdivi":5117,"Tras":5118,"Ġfunciona":5119,"Ġmanda":5120,"Ġpueblos":5121,"Ġdetrás":5122,"ĠTele":5123,"ierta":5124,"bra":5125,"Ġexpertos":5126,"ĠBal":5127,"ĠServicio":5128,"Ġnomb":5129,"drÃŃguez":5130,"ánica":5131,"Ġcomerci":5132,"viamente":5133,"Ġaper":5134,"Ġprivado":5135,"Ġurb":5136,"vera":5137,"arle":5138,"Ġrazones":5139,"Ġrecog":5140,"igu":5141,"Ġprobar":5142,"ĠPerson":5143,"Ġcódigo":5144,"Ġrue":5145,"Ġaumentar":5146,"Ġfase":5147,"Ġinformó":5148,"Ġhubo":5149,"ĠrÃŃo":5150,"Ġequilib":5151,"ks":5152,"ª":5153,"metro":5154,"ánd":5155,"uf":5156,"Ġvuelve":5157,"misión":5158,"ĠCur":5159,"Ġverdadera":5160,"ivamente":5161,"hib":5162,"amento":5163,".âĢĿ":5164,"Ġllevó":5165,"arial":5166,"Ġrégimen":5167,"Ġdispositivos":5168,"adio":5169,"gados":5170,"Ġfar":5171,"ĠSec":5172,"int":5173,"Ġital":5174,"Ġtarjeta":5175,"Ġsorpres":5176,"Ġhayan":5177,"Ġgarantizar":5178,"ĠtenÃŃan":5179,"Ġcorto":5180,"Ġsensación":5181,"Ġformato":5182,"uña":5183,"ánchez":5184,"ds":5185,"Ġses":5186,"Ġcondición":5187,"Ġpropuestas":5188,"oque":5189,"ĠPP":5190,"Ġsiquiera":5191,"Ġdistribución":5192,"Ġcrim":5193,"ianos":5194,"raz":5195,"Ġestén":5196,"ĠSegún":5197,"lÃŃ":5198,"Ġreconocimiento":5199,"ĠUr":5200,"Ġsonido":5201,"talia":5202,"idez":5203,"Ch":5204,"Ġcomienza":5205,"ológicos":5206,"Ġrevista":5207,"Ġdul":5208,"Ġdebate":5209,"Ġdesper":5210,"Ġconstruir":5211,"Ġaus":5212,"inta":5213,"ĠProvin":5214,"Ġataque":5215,"grafÃŃas":5216,"Ġespero":5217,"ĠTras":5218,"ĠEscuela":5219,"arme":5220,"Ġpresentes":5221,"iendas":5222,"Ġofertas":5223,"estre":5224,"Ġdenunci":5225,"Ġcompos":5226,"Ġcursos":5227,"Ġidentidad":5228,"Ġdispar":5229,"isla":5230,"Ġintens":5231,"ĠNO":5232,"Ġnoticia":5233,"Ġmantiene":5234,"Ġfondos":5235,"Ġcrédito":5236,"crib":5237,"raestruc":5238,"pr":5239,"Ġec":5240,"Ġenlace":5241,"Ġplanes":5242,"king":5243,"cionamiento":5244,"stru":5245,"Ġacre":5246,"éndose":5247,"ĠÃģngel":5248,"ezol":5249,"ore":5250,"Ġdeclara":5251,"amentos":5252,"tigo":5253,"augu":5254,"Ġparque":5255,"Ġrelacionados":5256,"ĠvÃŃctimas":5257,"Ġenem":5258,"Ġaproximadamente":5259,"ĠPl":5260,"Ġmunicipal":5261,"ĠFel":5262,"Ġremo":5263,"ĠRodrÃŃguez":5264,"Ġparecer":5265,"venir":5266,"Ġmarc":5267,"Ġrápida":5268,"ribuy":5269,"ĠPRO":5270,"wn":5271,"ĠInf":5272,"gamos":5273,"Ġhal":5274,"Ġexplicó":5275,"Ġexpresión":5276,"ficiencia":5277,"ĠJorge":5278,"Ġformul":5279,"ĠPuerto":5280,"up":5281,"ĠServicios":5282,"Ġindica":5283,"AP":5284,"gencias":5285,"ĠespÃŃritu":5286,"VI":5287,"Ġvive":5288,"Ġinaugu":5289,"Ġdescubrir":5290,"Ġelev":5291,"ude":5292,"Ġartistas":5293,"Ġglobal":5294,"45":5295,"Ġcanciones":5296,"enes":5297,"Ġdelante":5298,"ĠRed":5299,"]âĢĭ":5300,"Ġcomentario":5301,"Ġdispositivo":5302,"Ġjuntos":5303,"ález":5304,"Ġprior":5305,"Entre":5306,"Ġmétodo":5307,"Ġcontras":5308,"rael":5309,"Ahora":5310,"Ġbio":5311,"Ġadultos":5312,"ÃŃgen":5313,"eña":5314,"ucÃŃa":5315,"ámica":5316,"acas":5317,"Ġhermano":5318,"ENT":5319,"Ġtarea":5320,"ĠJun":5321,"Ġconvertido":5322,"«":5323,"Ġdejado":5324,"ĠgustarÃŃa":5325,"Ġtérmino":5326,"Ġconexión":5327,"Ġtren":5328,"Ġconsec":5329,"todos":5330,"tima":5331,"éndo":5332,"Ġ500":5333,"Ġcielo":5334,"Ġcosto":5335,"pati":5336,"Ġoportunidades":5337,"Ġcaja":5338,"Ġilum":5339,"Ġhabitantes":5340,"Ġentrevista":5341,"Ġforo":5342,"Ġdistribu":5343,"Ġencontramos":5344,"tista":5345,"Ġbomb":5346,"Ġritmo":5347,"Ġnutri":5348,"Ġfemen":5349,"ĠSánchez":5350,"Ġespañoles":5351,"Ġestadounidense":5352,"eca":5353,"Ġ2007":5354,"ĠOn":5355,"ĠNic":5356,"Gra":5357,"yecto":5358,"Ġintención":5359,"Ġobliga":5360,"Ġcontexto":5361,"Ġterminar":5362,"Ġempleados":5363,"LE":5364,"Ġactos":5365,"ĠPorque":5366,"Ġpies":5367,"orios":5368,"ĠTV":5369,"Ġcircul":5370,"ĠMil":5371,"Ġrecibido":5372,"Ġpaciente":5373,"Ġcarne":5374,"Ġjuicio":5375,"Ġmiembro":5376,"Ġinflu":5377,"ciaciones":5378,"Ġsirve":5379,"Ġarmas":5380,"Ġperió":5381,"Ġduro":5382,"Aunque":5383,"ĠLeón":5384,"Ġalma":5385,"arlos":5386,"iri":5387,"ĠComunidad":5388,"Ġamplio":5389,"Ġrenov":5390,"Ġpotencial":5391,"Ġpublicidad":5392,"arra":5393,"Ġ45":5394,"Ġdetalle":5395,"cón":5396,"olucion":5397,"Ġsilen":5398,"Ġacos":5399,"tÃŃculo":5400,"Ġcreado":5401,"Ġcontiene":5402,"Ġdebajo":5403,"ĠIncl":5404,"Ġvolumen":5405,"deras":5406,"Ġterreno":5407,"Ġproteger":5408,"Ġrum":5409,"Ġgama":5410,"Ġobjetos":5411,"oluc":5412,"Ġinstitución":5413,"ĠAlgun":5414,"Ġigu":5415,"ĠAlemania":5416,"BA":5417,"teratura":5418,"Ġpasando":5419,"Ġartista":5420,"Ġcál":5421,"Ġdirecta":5422,"Ġmirada":5423,"Ġhistorias":5424,"Ġpróxima":5425,"Ġleyes":5426,"Ġocurre":5427,"ĠSil":5428,"Ġleyendo":5429,"Ġsurg":5430,"Ġhistórico":5431,"Ġadelan":5432,"ĠJunta":5433,"Ġ196":5434,"ticias":5435,"ash":5436,"Ġrecuerdo":5437,"Ġconden":5438,"ĠFernando":5439,"ARA":5440,"ipe":5441,"trado":5442,"Ġespecta":5443,"Ġmig":5444,"ĠSevilla":5445,"Ġeliminar":5446,"ĠAndal":5447,"pens":5448,"Ġseres":5449,"ĠGonzález":5450,"Ġpreocu":5451,"ultades":5452,"Ġmedic":5453,"ucha":5454,"Ġconfirm":5455,"Ġcadena":5456,"21":5457,"ĠBanco":5458,"Ġlegisl":5459,"Ġcertific":5460,"Ġpuso":5461,"Ġenter":5462,"ĠAz":5463,"Ġliter":5464,"Ġreclam":5465,"Ġpasada":5466,"Ġperspec":5467,"Ġintervención":5468,"2018":5469,"Ġcolombi":5470,"radas":5471,"Ġlimpieza":5472,"Ġoficina":5473,"Ġnecesaria":5474,"Ġconvoca":5475,"leta":5476,"ĠLib":5477,"timos":5478,"Ġcierre":5479,"ĠtÃŃp":5480,"deos":5481,"Ġustedes":5482,"Ġpromedio":5483,"Ġilust":5484,"Ġaseguró":5485,"ĠTecn":5486,"Pre":5487,"ĠDavid":5488,"Ġprocedimiento":5489,"berto":5490,"Ġpractic":5491,"Ġmensajes":5492,"Ġvoc":5493,"Ġvoluntad":5494,"RES":5495,"usiones":5496,"Ġmezcla":5497,"ĠOri":5498,"Ġprima":5499,"rores":5500,"lano":5501,"Ġdepartamento":5502,"Ġ@":5503,"timo":5504,"Ġagres":5505,"ĠVilla":5506,"utbol":5507,"ĠclÃŃn":5508,"Ġpropósito":5509,"26":5510,"Ġrequisitos":5511,"CE":5512,"ĠPen":5513,"ĠCristo":5514,"Ġcanción":5515,"27":5516,"estas":5517,"Ġtendencia":5518,"Ġresistencia":5519,"Ġquedan":5520,"ulares":5521,"Ġestren":5522,"indows":5523,"udos":5524,"tidas":5525,"Ġpic":5526,"IF":5527,"rano":5528,"Ġcanal":5529,"tamientos":5530,"gram":5531,"Ġsolicitud":5532,"Ġdim":5533,"ĠTal":5534,"Ġubicación":5535,"ade":5536,"Ġase":5537,"Ġleche":5538,"ienes":5539,"Ġrepor":5540,"Ġpendi":5541,"Ġdaño":5542,"ella":5543,"Ġpase":5544,"ĠSem":5545,"Ġimpresion":5546,"Ġtareas":5547,"Ġpat":5548,"Ġdro":5549,"Ġvender":5550,"Ġintegra":5551,"dedores":5552,"Ġacudi":5553,"Ġmúltiples":5554,"Ġemerg":5555,"Ġciclo":5556,"Ġhospital":5557,"Ġviajes":5558,"ĠPon":5559,"ÃŃz":5560,"Ġcoti":5561,"Ġnecesarios":5562,"Ġclima":5563,"Ġvisit":5564,"ciÃĥ":5565,"Ġescena":5566,"eropuerto":5567,"ĠCultura":5568,"erdo":5569,"www":5570,"Ġrol":5571,"tadores":5572,"Ġreciente":5573,"ley":5574,"Ġarchivos":5575,"Ġproducir":5576,"Ġinfec":5577,"dice":5578,"Ġtorno":5579,"Ġhabitual":5580,"Ġexpe":5581,"ĠSistema":5582,"Ġreforma":5583,"Ġsuma":5584,"Ġrojo":5585,"Ġwww":5586,"Ġbeneficio":5587,"ĠPartido":5588,"Ġorganismo":5589,"rarse":5590,"Ġvistas":5591,"Ġbi":5592,"Ġsabor":5593,"Ġmusical":5594,"grÃŃa":5595,"estiones":5596,"Ġhermanos":5597,"Ġcáncer":5598,"Ġduración":5599,"35":5600,"Ġllevan":5601,"ĠInvesti":5602,"Ġpermanente":5603,"érez":5604,"ĠGer":5605,"Ġpref":5606,"ólogo":5607,"Después":5608,"Ġpromoción":5609,"ĠLuego":5610,"Ġbreve":5611,"%.":5612,"Ġbos":5613,"uelos":5614,"lección":5615,"Ġconciencia":5616,"Ġtera":5617,"Ġsupon":5618,"Ġtendrán":5619,"Ġperfecta":5620,"Ġsuminist":5621,"Ġarran":5622,"Ġmovimientos":5623,"ĠguÃŃa":5624,"PS":5625,"Ġexam":5626,"tiende":5627,"osos":5628,"Ġrefiere":5629,"Ġpocas":5630,"ĠSam":5631,"Ġpotencia":5632,"tég":5633,"Ġevolución":5634,"Ġreduci":5635,"Ġvul":5636,"Ġasistencia":5637,"ĠAD":5638,"inada":5639,"gadas":5640,"Ġlenguaje":5641,"Ġcontrolar":5642,"Ġhier":5643,"Ġpuestos":5644,".)":5645,"ĠAquÃŃ":5646,"Ġreserva":5647,"izada":5648,"ército":5649,"amblea":5650,"Ġtambien":5651,"Ġencontrado":5652,"Ġbici":5653,"Ġcree":5654,"Ġhonor":5655,"Ġiglesia":5656,"jeron":5657,"quinas":5658,"Ġplaneta":5659,"Ġdescrib":5660,"ĠIndust":5661,"Ġubicado":5662,"Ġprecisamente":5663,"ĠDurante":5664,"jal":5665,"Ġrestaurante":5666,"Ġinferior":5667,"Ġaguas":5668,"Ġútil":5669,"28":5670,"Ġpose":5671,"Ġconocida":5672,"Ġconcurso":5673,"âĢĻ,":5674,"Ġmencion":5675,"ĠVI":5676,"ÃŃc":5677,"Ġperdido":5678,"ĠEuropea":5679,"Ġlóg":5680,"ĠDerecho":5681,"Ġdependi":5682,"uestros":5683,"ĠRE":5684,"ĠtecnologÃŃas":5685,"Ġsuelen":5686,"ĠfÃŃsico":5687,"duce":5688,"ĠTierra":5689,"Ġaplicar":5690,"genierÃŃa":5691,"Ġsaben":5692,"Ġquizás":5693,"Ġrealización":5694,"ruguay":5695,"Ġnombres":5696,"Ġreconocer":5697,"Ġarreg":5698,"ĠAL":5699,"Ġhipo":5700,"ĠFor":5701,"Ġoptim":5702,"quen":5703,"Ġespectá":5704,"ritán":5705,"Ġrecuerda":5706,"Ġfrecuencia":5707,"Ġrápidamente":5708,"Ġpresentado":5709,"IDAD":5710,"ondo":5711,"Ġsuave":5712,"ĠRusia":5713,"33":5714,"Ġhttp":5715,"Ġasegura":5716,"Ġinfantil":5717,"Ġrecibió":5718,"Ãij":5719,"ĠSub":5720,"Ġhacemos":5721,"Ġprodu":5722,"Ġ300":5723,"ĠAna":5724,"zz":5725,"Ġefectu":5726,"ĠMá":5727,"ung":5728,"Ġagentes":5729,"Ġputas":5730,"Ġsolicitar":5731,"Mi":5732,"Ġpele":5733,"Ġconsiste":5734,"Ġlengua":5735,"ĠÐ":5736,"ĠCiencias":5737,"Ġasesor":5738,"Ġvendi":5739,"ĠTécn":5740,"Ġformar":5741,"Ġvenezol":5742,"ĠPri":5743,"mm":5744,"ane":5745,"Ġdomicilio":5746,"Ġmercados":5747,"Mar":5748,"let":5749,"quia":5750,"Ġplacer":5751,"Ġsubir":5752,"Ġvemos":5753,"eció":5754,"Ġgl":5755,"Ġintelec":5756,"Ġcierta":5757,"ĠCopa":5758,"ĠAst":5759,"Ġsegundos":5760,"Ġmisión":5761,"Ġhos":5762,"ĠHar":5763,"Ġporta":5764,"Ġcuentan":5765,"Ġmotiv":5766,"rucciones":5767,"aa":5768,"pira":5769,"ĠMunicipal":5770,"90":5771,"Ġcomportamiento":5772,"ciles":5773,"Ġdeberán":5774,"Ġquis":5775,"Ġrepresentantes":5776,"Ġasc":5777,"Ġpresentó":5778,"Ġaudio":5779,"Ġapartado":5780,"Ġimplic":5781,"Ġalimentación":5782,"OD":5783,"olina":5784,"Ġadecuado":5785,"Ġgana":5786,"Ġasegurar":5787,"Ġacaba":5788,"Ġevaluación":5789,"ÃŃsticos":5790,"Ġvio":5791,"Ġprivada":5792,"Ġsiento":5793,"hat":5794,"Ġentregar":5795,"Ġporcent":5796,"Ġgratuita":5797,"ĠTwitter":5798,"Ġcontinuar":5799,"Ġdormitor":5800,"Ġalcance":5801,"Ġsimp":5802,"piración":5803,"Ġbru":5804,"Ġutilizando":5805,"hor":5806,"Ġindustrial":5807,"ĠPérez":5808,"Dis":5809,"Ġfom":5810,"ĠGre":5811,"Ġactuación":5812,"Ġalco":5813,"Ġtantos":5814,"vimos":5815,"rimiento":5816,"Ġfrancés":5817,"ĠCentral":5818,"ĠenvÃŃo":5819,"Ġexpan":5820,"ĠBas":5821,"Ġgrab":5822,"we":5823,"ĠRu":5824,"Ġriesgos":5825,"Ġ36":5826,"ini":5827,"sen":5828,"Ġpaque":5829,"Ġprotes":5830,"Ġfenóm":5831,"ĠEsp":5832,"Ġpretende":5833,"Ġantiguo":5834,"Ġresponsables":5835,"Ġconcreto":5836,"Ġelemento":5837,"Ġpróximos":5838,"Ġchicos":5839,"%,":5840,"Ġsuces":5841,"Ġlleno":5842,"Ġerrores":5843,"ĠHol":5844,"ÃŃsima":5845,"ĠDist":5846,"ĠForm":5847,"ĠPlaza":5848,"Ġnecesitan":5849,"ii":5850,"Ġconsecuencias":5851,"ting":5852,"ĠEstas":5853,"Ġprogres":5854,"Ġexpec":5855,"ĠSte":5856,"ĠTribunal":5857,"Ġcookies":5858,"ĠquÃŃm":5859,"Ġcomunes":5860,"Ġinfraestruc":5861,"Ġcarretera":5862,"viera":5863,"Ġpiscina":5864,"Ġespal":5865,"Ġabierta":5866,"Ġetique":5867,"guar":5868,"Ġllen":5869,"Ġ)":5870,"Ġvale":5871,"Ġclara":5872,"ĠDepartamento":5873,"Ġpuesta":5874,"ĠLin":5875,"Ġniña":5876,"Ġcocin":5877,"Rec":5878,"orts":5879,"Ġejecución":5880,"Ġgestion":5881,"igna":5882,"Ġcafé":5883,"Ġgar":5884,"Ġarchivo":5885,"Ġdieron":5886,"Ġamist":5887,"Ġmasa":5888,"rÃŃ":5889,"Ġalcalde":5890,"Ġadj":5891,"tización":5892,"Ġtrabaja":5893,"Ġestación":5894,"UC":5895,"Ġterra":5896,"ĠSala":5897,"Ġasunto":5898,"ueve":5899,"Ġresponder":5900,"Ġcercan":5901,"Ġhuel":5902,"Ġincluyen":5903,"cesa":5904,"Ġestablece":5905,"Ġvaya":5906,"Ġutilizado":5907,"Ġoposición":5908,"Ġflor":5909,"úcar":5910,"UL":5911,"adura":5912,"doba":5913,"Ġdejo":5914,"Ġsituado":5915,"ĠCosta":5916,"esÃŃa":5917,"ĠPuede":5918,"Ġneg":5919,"cir":5920,"Ġfich":5921,"Ġconvoc":5922,"ĠDr":5923,"ĠProduc":5924,"Ġperfectamente":5925,"Ġdesen":5926,"Ġbu":5927,"Ġbebé":5928,"Ġesposa":5929,"Ġproporcion":5930,"Ġautores":5931,"Ġflo":5932,"Ġsencilla":5933,"Ġtranspar":5934,"Ġpensamiento":5935,"Ġmédicos":5936,"Ġexplor":5937,"Gracias":5938,"ĠON":5939,"Ġcontactos":5940,"Much":5941,"sal":5942,"Ġsoporte":5943,"ĠfotografÃŃa":5944,"tuales":5945,"Ġestándar":5946,"?,":5947,"Ġpilo":5948,"Ġescon":5949,"abora":5950,"roid":5951,"Ġcelebración":5952,"rue":5953,"Ġpeligro":5954,"grado":5955,"ĠAudi":5956,"iverso":5957,"ecido":5958,"rida":5959,"américa":5960,"Ġinvoluc":5961,"Ġnúmeros":5962,"Ġconsejos":5963,"Ġaccidente":5964,"Ġimporta":5965,"',":5966,"Ġminer":5967,"ĠZapa":5968,"Ġhablando":5969,"Ġdestru":5970,"afa":5971,"tom":5972,"Ġlujo":5973,"ueva":5974,"Ġcabal":5975,"Ġextraord":5976,"rieron":5977,"pendencia":5978,"Ġmenudo":5979,"ĠsÃŃnt":5980,"Ġconflicto":5981,"ĠVol":5982,"Ġdesconoci":5983,"Ġflex":5984,"Ġafirma":5985,"ĠTrabajo":5986,"Ġmotivos":5987,"ĠTrump":5988,"TER":5989,"bos":5990,"ĠFederal":5991,"Ġlist":5992,"70":5993,"ĠJavier":5994,"ĠincreÃŃble":5995,"Ġdaños":5996,"Ġdesea":5997,"Ġdesay":5998,"Ġreceta":5999,"lin":6000,"Ġfuertes":6001,"ualmente":6002,"ĠÃīl":6003,"Ġfuncionarios":6004,"Ġsabes":6005,"ĠTom":6006,"Ġcontes":6007,"Ġbases":6008,"óstico":6009,"Ġcomunicado":6010,"Ġabra":6011,"Ġconvierte":6012,"Ġagradable":6013,"Ġverdadero":6014,"Ġameric":6015,"iernos":6016,"Ġdocument":6017,"AB":6018,"ĠAmb":6019,"ys":6020,"29":6021,"esper":6022,"Ġprote":6023,"Ġhabilidades":6024,"Ġdefens":6025,"ĠPrograma":6026,"tieron":6027,"Ġindependiente":6028,"Ġcoleg":6029,"Ġrem":6030,"Ġcaliente":6031,"inte":6032,"Ġautén":6033,"Ġtécnicos":6034,"Ġservir":6035,"Pue":6036,"Ġcarb":6037,"Ġactuales":6038,"Ġnaveg":6039,"dimientos":6040,"ĠAgu":6041,"Ġcaer":6042,"ĠCorte":6043,"Ġautoridad":6044,"Ġ..":6045,"Ġalar":6046,"Ġdiscipl":6047,"Ġrelo":6048,"Ġapertura":6049,"Ġmáquina":6050,"ĠConstitución":6051,"ionales":6052,"Ġger":6053,"Ġaclar":6054,"icales":6055,"quez":6056,"ĠCla":6057,"ĠFernández":6058,"ĠCul":6059,"ĠSecretarÃŃa":6060,"Ġaument":6061,"ni":6062,"hol":6063,"Ġrecibe":6064,"Ġanunció":6065,"Ġrecién":6066,"Ġdeuda":6067,"Ġ2006":6068,"Ġjuez":6069,"Ġauton":6070,"Ġestrellas":6071,"Ġturismo":6072,"Ġcabello":6073,"Hace":6074,"ĠGa":6075,"Ġcontribu":6076,"ĠJohn":6077,"Ġhacerse":6078,"Ġvit":6079,"alacio":6080,"Ġmarketing":6081,"vos":6082,"pin":6083,"Ġtoque":6084,"Ġquedado":6085,"Ġposterior":6086,"Ġdeleg":6087,"Ġresca":6088,"ĠAC":6089,"Ġperro":6090,"Ġdécada":6091,"Ġmira":6092,"ĠFuer":6093,"Ġpeti":6094,"Ġcontam":6095,"Ġingre":6096,"Ġsecretario":6097,"ĠMat":6098,"ĠLiga":6099,"teo":6100,"ĠDeb":6101,"ĠEjecu":6102,"Ġimpon":6103,"risa":6104,"adá":6105,"36":6106,"ĠDef":6107,"bum":6108,"xo":6109,"Ġmod":6110,"ĠMientras":6111,"ĠdecÃŃa":6112,"Ġenviar":6113,"Ġgenerales":6114,"americana":6115,"QU":6116,"ilos":6117,"endas":6118,"ube":6119,"Ġúnicamente":6120,"ástico":6121,"Ġcosta":6122,"ĠGuerra":6123,"Ġcuidad":6124,"Ġllevado":6125,"ĠðŁ":6126,"Ġanimal":6127,"Ġtráfico":6128,"ĠItalia":6129,"IV":6130,"Ġchico":6131,"Ġileg":6132,"ĠMartÃŃnez":6133,"Ġsup":6134,"Ġartic":6135,"guen":6136,"Ġestablecido":6137,"Ġfacilitar":6138,"Ġchoc":6139,"Ġrobo":6140,"Ġaccion":6141,"-,":6142,"capacidad":6143,"ĠcaÃŃda":6144,"Ġnerv":6145,"IB":6146,"Ġcuán":6147,"ĠInformación":6148,"Ġprotagonista":6149,"500":6150,"Ġderiv":6151,"Ġfantas":6152,"ĠTiene":6153,"Ġrecuperación":6154,"Ġprostitutas":6155,"Ġreca":6156,"Ġafirmó":6157,"zca":6158,"Ġvienen":6159,"Ġalquiler":6160,"Ġtasa":6161,"rente":6162,"Ġindicó":6163,"Ġintegral":6164,"ajo":6165,"bios":6166,"Ġdesn":6167,"Ġpremios":6168,"Ġvidas":6169,"Ġbritán":6170,"tistas":6171,"Ġpensando":6172,"Ġactitud":6173,"ĠGuar":6174,"ológicas":6175,"ĠCámara":6176,"ĠsabÃŃa":6177,"entro":6178,"ñar":6179,"Ġvisitas":6180,"Ġinicial":6181,"orar":6182,"ĠfrÃŃo":6183,"ĠAN":6184,"ĠWindows":6185,"Per":6186,"Ġviendo":6187,"duras":6188,"oras":6189,"Ġprácticamente":6190,"Ġfutbol":6191,"mart":6192,"Ġdecidió":6193,"ÃŃficas":6194,"Ġdefinitiva":6195,"Ġviajar":6196,"Ġeconómicos":6197,"Ġcuel":6198,"Ġenamor":6199,"Ġreform":6200,"Ġcostos":6201,"Ġteatro":6202,"zon":6203,"igos":6204,"Ġmóviles":6205,"Ġdispuesto":6206,"Ġinspir":6207,"isten":6208,"Ġadecuada":6209,"Ġllena":6210,"uma":6211,"Ġbanco":6212,"Ġesencial":6213,"ĠTar":6214,"ĠJulio":6215,"ábamos":6216,"Ġimpar":6217,"Ġoficiales":6218,"´":6219,"ĠâĤ¬":6220,"Ġnecesarias":6221,"IG":6222,"ĠTur":6223,"Ġasign":6224,"Ġcandidato":6225,"Ġrin":6226,"Ġimplica":6227,"Ġbuscan":6228,"icultura":6229,"ĠHotel":6230,"Ġempieza":6231,"Ġrecuperar":6232,"Ġcruz":6233,"ecreto":6234,"Ġcamp":6235,"bres":6236,"ĠAma":6237,"Ġsufici":6238,"Ġtarif":6239,"afas":6240,"ĠGe":6241,"Ġconsultar":6242,"ĠCá":6243,"Ġelectoral":6244,"Ġsimilares":6245,"Ġtier":6246,"SS":6247,"ĠMuseo":6248,"ĠOc":6249,"Ġconcur":6250,"Ġurg":6251,"ij":6252,"ĠFlor":6253,"ĠPD":6254,"ĠActu":6255,"aso":6256,"ĠMundo":6257,"Ġrepresentación":6258,"ĠHern":6259,"Ġregalo":6260,"Ġprést":6261,"ĠPues":6262,"So":6263,"Ġmatrimonio":6264,"Ġpintura":6265,"lada":6266,"ille":6267,"Ġdepende":6268,"Ġindividual":6269,"Ġhago":6270,"Ġapara":6271,"Ġabre":6272,"ĠSanto":6273,"Ġterceros":6274,"itando":6275,".[":6276,"Ġdispone":6277,"Ġaport":6278,"Ġcausas":6279,"CIA":6280,"Ġmanejo":6281,"Par":6282,"Ġinvertir":6283,"ĠReino":6284,"Ġañadir":6285,"Ġdelan":6286,"Ġestrategias":6287,"Ġfácilmente":6288,"osofÃŃa":6289,"tern":6290,"Ġrostro":6291,"Ġhuev":6292,"ficos":6293,"Ġcomprender":6294,"Ġsalón":6295,"Ġfiestas":6296,"Ġpropiedades":6297,"Ġign":6298,"III":6299,"Ġcél":6300,"Ġaquello":6301,"Ġsocio":6302,"Ġcompras":6303,"ĠCOM":6304,"Ġesperanza":6305,"Ġmezcl":6306,"tones":6307,"ĠgarantÃŃa":6308,"55":6309,"Ġdejando":6310,"Ġescribió":6311,"mes":6312,"Ġconfir":6313,"Ġinnovación":6314,"Ġprofesores":6315,"ĠSab":6316,"Ġreales":6317,"Ġregul":6318,"Ġpese":6319,"Ġlide":6320,"cción":6321,"Ġcircunstancias":6322,"Ġventaja":6323,"túa":6324,"Ġaconte":6325,".\"":6326,"Ġgenial":6327,"Ġllamar":6328,"Ġlogró":6329,"Ġadquirir":6330,"ĠParque":6331,"Ġcop":6332,"Ġpleno":6333,"ĠSen":6334,"ĠLatina":6335,"Ġcamis":6336,"ĠBoliv":6337,"andro":6338,"tol":6339,"ĠMen":6340,"Ġorgul":6341,"tudes":6342,"Ġtradición":6343,"Ġves":6344,"Ġniñas":6345,"Ġnecesitas":6346,"ĠFil":6347,"Ġperci":6348,"istencia":6349,"land":6350,"ĠSalv":6351,"Ġrespal":6352,"tesis":6353,"yendo":6354,"Ġsalvo":6355,"Ġcapaces":6356,"��":6357,"Ġjuz":6358,"ĠiP":6359,"Ġtorneo":6360,"ĠCat":6361,"Ġfechas":6362,"Ġcelebrar":6363,"Ġespecies":6364,"órm":6365,"Ġpecho":6366,"Ġcomienzo":6367,"ĠCór":6368,"lando":6369,"TR":6370,"Ġsalió":6371,"Ġexpor":6372,"MP":6373,"tÃŃ":6374,"Ġcomplejo":6375,"Ġdieta":6376,"Ġcreer":6377,"ĠMedio":6378,"ĠcompañÃŃas":6379,"Ġacu":6380,"Ġjapon":6381,"Ġflores":6382,"idu":6383,"Ġtono":6384,"Ġbiblio":6385,"Ġfuncional":6386,"Ġincluir":6387,"Ġpuedas":6388,"Ġempezó":6389,"Ġaltos":6390,"Ġdestacar":6391,"Ġ32":6392,"ĠSolo":6393,"Ġacredi":6394,"ricación":6395,"vio":6396,"Ġanalizar":6397,"Ġago":6398,"Ġpuerto":6399,"Ġreto":6400,"Ġordenador":6401,"Ġposee":6402,"Car":6403,"Ġestratég":6404,"isos":6405,"ami":6406,"Ġpieza":6407,"americano":6408,"ĠteorÃŃa":6409,"Ġmovil":6410,"Ġazúcar":6411,"Ġestudiar":6412,"ualidad":6413,"apón":6414,"95":6415,"DE":6416,"ĠFiscal":6417,"ĠparecÃŃa":6418,"habil":6419,"Ġprobablemente":6420,"ĠSociedad":6421,"Ġpriva":6422,"Ġusa":6423,"ĠlÃŃqu":6424,"ĠAndr":6425,"Ġviento":6426,"eler":6427,"ĠPública":6428,"Ġtuvieron":6429,"Ġdeterminar":6430,"Ġadicional":6431,"ĠGestión":6432,"Ġreducción":6433,"ĠLeer":6434,"Ġcorresponde":6435,"Ġestados":6436,"ĠFre":6437,"tologÃŃa":6438,"Ġutilizan":6439,"sted":6440,"dremos":6441,"Ġcá":6442,"Ġconta":6443,"Ha":6444,"Ġacor":6445,"quÃŃa":6446,"Ġcomput":6447,"Nos":6448,"Ġtextos":6449,"Ġnueve":6450,"ĠMag":6451,"Ġantigua":6452,"ĠPC":6453,"Ġcuch":6454,"Ġdiferencias":6455,"Ġhábi":6456,"ĠComercio":6457,"Ġinvierno":6458,"tric":6459,"operación":6460,"Ġconoz":6461,"Ġcuál":6462,"Ġsiente":6463,"Ġpresentan":6464,"ham":6465,"mites":6466,"ĠjardÃŃn":6467,"Ġdominio":6468,"ife":6469,"IP":6470,"ondres":6471,"Ġconvertirse":6472,"Ġcircu":6473,"Ġdestaca":6474,"Ġdeclaración":6475,"Ġviven":6476,"Ġculturales":6477,"ĠEstá":6478,"uir":6479,"maras":6480,"ĠtÃŃtulos":6481,"Ġdemocracia":6482,"Ġál":6483,"rará":6484,"Ġrestaurantes":6485,"ot":6486,"Ġnuevamente":6487,"Ġexpecta":6488,"orán":6489,"ĠGab":6490,"ĠRÃŃo":6491,"turación":6492,"Ġ2000":6493,"ela":6494,"ód":6495,"ota":6496,"Ġtocar":6497,"ĠAndalucÃŃa":6498,"Ġseñala":6499,"ĠHospital":6500,"Ġenseñanza":6501,"IEN":6502,"ĠFederación":6503,"ridos":6504,"Ġrecientemente":6505,"Ġentradas":6506,"ĠNuevo":6507,"----":6508,"Ġescuelas":6509,"ĠfotografÃŃas":6510,"Ġguer":6511,"Ġadmi":6512,"ĠJul":6513,"Ġjamás":6514,"Ġinmedi":6515,"inarias":6516,"Ġhiper":6517,"tral":6518,"Ġmm":6519,"bel":6520,"Ġutilización":6521,"Ġconqu":6522,"han":6523,"Ġquerido":6524,"Ġimpuestos":6525,"ĠEd":6526,"Ġpermitirá":6527,"Ġanual":6528,"34":6529,"ĠEntonces":6530,"Ġliteratura":6531,"Ġdecre":6532,"Ġsentencia":6533,"lon":6534,"Ġenga":6535,"Ġllegan":6536,"Ġcorrupción":6537,"dimos":6538,"Ġentrenamiento":6539,"frica":6540,"Ġfinalidad":6541,"Ġasociación":6542,"Ġdefender":6543,"Ġrazon":6544,"ters":6545,"Ġcuadro":6546,"Ġescolar":6547,"dy":6548,"Ġdiscurso":6549,"Ġdor":6550,"Ġcomponentes":6551,"Ġpantal":6552,"drÃŃa":6553,"Ġminuto":6554,"Ġtum":6555,"ĠDiv":6556,"Ġbolsa":6557,"ĠDec":6558,"Ġatender":6559,"Todos":6560,"Ġinterac":6561,"ĠcrÃŃtica":6562,"Ġensay":6563,"Ma":6564,"Ġrealizan":6565,"Todo":6566,"Ġseguros":6567,"Ġtantas":6568,"Ġclásico":6569,"Ġlum":6570,"Ġpopulares":6571,"Ġfib":6572,"ĠNoticias":6573,"Ġvolvió":6574,"comun":6575,"Ġans":6576,"ĠProtección":6577,"Ġmanual":6578,"dados":6579,"ilación":6580,"Ġsuperar":6581,"Ġjudicial":6582,"Ġincremento":6583,"iller":6584,"ĠLiber":6585,"Ġrealizada":6586,"ĠBur":6587,"Ġlluvia":6588,"dom":6589,"Ġdesarrollado":6590,"Ġciertos":6591,"ĠParÃŃs":6592,"fas":6593,"pp":6594,"mal":6595,"ĠHistoria":6596,"ĠDecreto":6597,"ĠRafa":6598,"DO":6599,"Ġaceptar":6600,"ADO":6601,"Ġcerv":6602,"menta":6603,"ristas":6604,"ĠPlata":6605,"ĠCó":6606,"Ġdiálogo":6607,"ĠDoc":6608,"Ġrent":6609,"Ġgr":6610,"Ġpeligros":6611,"dental":6612,"ánico":6613,"Ġnacimiento":6614,"Ġaparecen":6615,"Ġconforme":6616,"!!!!":6617,"migo":6618,"Ġesperando":6619,"ionar":6620,"ev":6621,"ĠMur":6622,"ĠPaz":6623,"Ġdur":6624,"Ġactivos":6625,"Ġargentino":6626,"Ġdecidido":6627,"Ġactores":6628,"Ġreglas":6629,"Ġaj":6630,"ĠAust":6631,"ĠalegrÃŃa":6632,"icen":6633,"Ġadv":6634,"Ġdecoración":6635,"Ġrecurso":6636,"Ġautón":6637,"ant":6638,"undar":6639,"Ġcoste":6640,"izon":6641,"Ġacero":6642,"ĠFestival":6643,"Ġpide":6644,"DA":6645,"ĠTea":6646,"xil":6647,"Ġactor":6648,"Ġresal":6649,"ieren":6650,"Ġcurios":6651,"arago":6652,"Ġperiodista":6653,"inter":6654,"letas":6655,"Ġ34":6656,"Ġgig":6657,"Ġmoto":6658,"Ġapos":6659,"Ġchil":6660,"Ġescala":6661,"Ġsof":6662,"Ġtribu":6663,"sar":6664,"Ġhorm":6665,"ándole":6666,"ĠNew":6667,"Ġcampos":6668,"Ġalternativa":6669,"partam":6670,"jera":6671,"Ġdescuento":6672,"unda":6673,"Ġsól":6674,"Ġpartida":6675,"Ġsorpresa":6676,"tú":6677,"Ġvisitantes":6678,"ĠJer":6679,"Ġprevia":6680,"Ġventajas":6681,"Ġdispu":6682,"Ġvigil":6683,"Esto":6684,"Ġcorrer":6685,"ĠAP":6686,"Ġbienestar":6687,"ego":6688,"tres":6689,"laciones":6690,"Ġevidente":6691,"Ġdoctor":6692,"39":6693,"Ġrespuestas":6694,"raron":6695,"Ġviviendas":6696,"Ġactuar":6697,"Ġconseguido":6698,"Ġzapatos":6699,"Ġvál":6700,"Ġhice":6701,"Ġcuestiones":6702,"Ġrelacionadas":6703,"ĠAR":6704,"Ġquiera":6705,"Ġperros":6706,"Ġdécadas":6707,"Ġproto":6708,"75":6709,"Ġhorario":6710,"Ġpersonalidad":6711,"ĠValle":6712,"laga":6713,"Ãł":6714,"Ġnegoci":6715,"enaje":6716,"Ġdelito":6717,"ubl":6718,"ĠPolÃŃtica":6719,"Ġdije":6720,"Ġseguimiento":6721,"Ġmercan":6722,"ĠsÃŃntomas":6723,"ĠPremio":6724,"Ġaler":6725,"ĠAndroid":6726,"ventud":6727,"cindi":6728,"Ġhel":6729,"Ġparticulares":6730,"Ġpreparación":6731,"Ġcorriente":6732,"wa":6733,"Ġsilencio":6734,"Ġpudiera":6735,"ĠCórdoba":6736,"Ġcelebra":6737,"Ġconviv":6738,"ster":6739,"Ġtalleres":6740,"Ġmétodos":6741,"ÃįA":6742,"Ġvulner":6743,"Ġprevisto":6744,"Ġbatalla":6745,"Ġefectivo":6746,"Ġfrase":6747,"enten":6748,"Ġmover":6749,"Ġdeclaraciones":6750,"ĠlÃŃderes":6751,"terrán":6752,"gor":6753,"ambre":6754,"Ġemi":6755,"Ġusando":6756,"cra":6757,"Ġfrases":6758,"ĠDerechos":6759,"Ġrecord":6760,"Ġepiso":6761,"Ġcantante":6762,"idación":6763,"Ġama":6764,"Ġpromover":6765,"ĠFacultad":6766,"ĠGol":6767,"Ġdirigido":6768,"Ġaleg":6769,"izados":6770,"Ġcombinación":6771,"GO":6772,"yen":6773,"ĠLondres":6774,"Ġintento":6775,"Ġgir":6776,"zando":6777,"Ġofrecemos":6778,"Ġsho":6779,"Ġrato":6780,"ĠSólo":6781,"ĠUno":6782,"ónico":6783,"âĢ¦.":6784,"Ġplano":6785,"ĠAM":6786,"Ġcuestion":6787,"derÃŃa":6788,"Ġhoteles":6789,"Ġanuncios":6790,"ĠEspañola":6791,"Ġhumanidad":6792,"ezca":6793,"Ġbajar":6794,"Pues":6795,"Ġuniversidad":6796,"?.":6797,"ames":6798,"Ġperspectiva":6799,"ĠIng":6800,"alizadas":6801,"Ġvestido":6802,"Ġcotidi":6803,"Ġalm":6804,"Ġexplicar":6805,"Ġtradicionales":6806,"Ġgira":6807,"Ġparecen":6808,"ificados":6809,"Ġestancia":6810,"ĠEra":6811,"Ġacabar":6812,"ĠVil":6813,"Ġdiagn":6814,"ux":6815,"aste":6816,"Ġrap":6817,"Ġcontribuy":6818,"ald":6819,"Ġcár":6820,"Ġrefug":6821,"iada":6822,"Ġincluido":6823,"Ġhumor":6824,"cidas":6825,"Ġtelef":6826,"Ġorganizado":6827,"Ġdará":6828,"Ġdesign":6829,"Ġpropon":6830,"epres":6831,"Ġsocios":6832,"Ġcerebro":6833,"áles":6834,"Ġcatá":6835,"Ġ2005":6836,"Ġinteligencia":6837,"Ġsosp":6838,"Ġacercar":6839,"Ġinfluencia":6840,"Ġinteresantes":6841,"Ġdefec":6842,"Ġcuesta":6843,"Ġ150":6844,"ĠJuegos":6845,"Ġindis":6846,"о":6847,"Ġsuger":6848,"ĠInst":6849,"Ġpenal":6850,"ĠJe":6851,"ox":6852,"ómico":6853,"ĠNavidad":6854,"ĠIb":6855,"Ġfracas":6856,"ezas":6857,"usos":6858,"Ġacondi":6859,"®":6860,"iciones":6861,"Ġlanzamiento":6862,"Ġesfuerzos":6863,"Ġforman":6864,"Ġregional":6865,"Ġescritor":6866,"Ġaso":6867,"Ġrepu":6868,"ĠSegun":6869,"Ġtrituradora":6870,"Ġdificultades":6871,"Ġmeter":6872,"Ġcolegio":6873,"Ġprevención":6874,"Ġingreso":6875,"Ġedificios":6876,"Ġcolum":6877,"Ġatre":6878,"ortun":6879,"art":6880,"Ġimpresión":6881,"ĠSÃŃ":6882,"Ġtrayec":6883,"ĠCastilla":6884,"atamente":6885,"ĠEncuent":6886,"Ġopiniones":6887,"Ġlogra":6888,"ĠDaniel":6889,"ĠAlej":6890,"ijo":6891,"Co":6892,"pul":6893,"Ġcompañero":6894,"Ġestablecimiento":6895,"ĠLatino":6896,"Ġbotón":6897,"ómica":6898,"ĠInform":6899,"Ġeficaz":6900,"Ġconsiderar":6901,"ĠHasta":6902,"aman":6903,"Ġdescanso":6904,"Ġvay":6905,"ĠDig":6906,"ferencias":6907,"enciales":6908,"ĠEr":6909,"Ġcober":6910,"Ġaltas":6911,"ĠCataluña":6912,"Ġiniciar":6913,"Ġlogrado":6914,"ua":6915,"osas":6916,"dicas":6917,"Ġtec":6918,"Ġciertas":6919,"Ġprivi":6920,"48":6921,"ĠOrden":6922,"Ġdemocr":6923,"uación":6924,"ĠEnrique":6925,"ianza":6926,"Ġ48":6927,"38":6928,"inando":6929,"Ġcuento":6930,"Ġcari":6931,"ĠConsul":6932,"Ġmalo":6933,"asti":6934,"ĠPubl":6935,"Ġcerrar":6936,"Ġdesac":6937,"Ġganado":6938,"Ġcruc":6939,"Ġpreparar":6940,"Ġnació":6941,"Ġarre":6942,"Ġcrecer":6943,"Ġpolici":6944,"éut":6945,"ĠCO":6946,"ĠMos":6947,"Ġparticipa":6948,"ington":6949,"ey":6950,"Ġaver":6951,"Ġseleccion":6952,"ló":6953,"Ġcorrespondientes":6954,"derá":6955,"Ġmuestran":6956,"Ġgastron":6957,"demia":6958,"Ġconcierto":6959,"ock":6960,"adal":6961,"aragoza":6962,"Ġconvocatoria":6963,"Ġsole":6964,"Ġcorrecta":6965,"Ġvosotros":6966,"Ġfren":6967,"Ġdiscu":6968,"Ġplena":6969,"Ġcorrecto":6970,"Ġamiga":6971,"Ġprobable":6972,"Ġhin":6973,"iversario":6974,"Ġaeropuerto":6975,"Ġblanca":6976,"aque":6977,"gues":6978,"ĠMes":6979,"Ġprestig":6980,"Ġsobreviv":6981,"Ġingredientes":6982,"Ġcomprobar":6983,"Ġretro":6984,"Ġestarán":6985,"ĠUsu":6986,"Ġpade":6987,"Ġpoca":6988,"Ġconceptos":6989,"Ġposteriormente":6990,"itó":6991,"Ġálbum":6992,"crito":6993,"Ġ195":6994,"____":6995,"Ġproporciona":6996,"Ġdesplaz":6997,"ĠIsrael":6998,"Ġdeba":6999,"Ġafecta":7000,"ariamente":7001,"ĠRadio":7002,"Ġaventura":7003,"Ġestatal":7004,"Ġbro":7005,"Ġfactor":7006,"ICO":7007,"SOE":7008,"Ġbr":7009,"Ġpene":7010,"Ġ38":7011,"Ġejercicios":7012,"ĠSuperior":7013,"ibe":7014,"Ġhermana":7015,"Ġaparecer":7016,"ÃŃna":7017,"CH":7018,"Ġmontaña":7019,"Ġcolectivo":7020,"Ġagencia":7021,"ĠEcu":7022,"orio":7023,"Ġcombust":7024,"ficas":7025,"ĠArm":7026,"Ġmuertos":7027,"Ġgrad":7028,"Ġsentimientos":7029,"Ġcomisión":7030,"ĠMed":7031,"Ġmanip":7032,"Ġdenuncia":7033,"Ġaprovechar":7034,"Ġviejo":7035,"Ġdosis":7036,"iosos":7037,"Ġidioma":7038,"Ġfl":7039,"cada":7040,"ĠAsamblea":7041,"Ġestrech":7042,"ĠlÃŃmites":7043,"ĠDos":7044,"Ġpasión":7045,"ĠIII":7046,"ood":7047,"ĠAca":7048,"Ġactivo":7049,"Ġcoches":7050,"ĠComité":7051,"ique":7052,"Ġempresarial":7053,"Ġmaestro":7054,"pla":7055,"Ġtuve":7056,"ĠDirector":7057,"Ġguitar":7058,"Ġacostumb":7059,"ajaj":7060,"Ġelaboración":7061,"Ġimpac":7062,"Ġarena":7063,"Ġestrella":7064,"Ġdifun":7065,"Ġcorta":7066,"Ġvotos":7067,"cambio":7068,"Ġcorpor":7069,"Ġfinanciera":7070,"Ġinmediato":7071,"Ġrealizará":7072,"Ġpatrimonio":7073,"Ġpositivo":7074,"ĠGas":7075,"Ġinvestigadores":7076,"Ġlabora":7077,"Ġdestacó":7078,"Ġmuebles":7079,"Ġimpul":7080,"ĠMis":7081,"Son":7082,"rg":7083,"Ġmirar":7084,"ĠvÃŃctima":7085,"tornos":7086,"Ġid":7087,"Ġic":7088,"Ac":7089,"Ġencontraba":7090,"teral":7091,"ĠNº":7092,"drán":7093,"edi":7094,"Ġmetal":7095,"ike":7096,"ĠEjecutivo":7097,"Ġcancel":7098,"hibi":7099,"Ġfij":7100,"ĠApple":7101,"Ġcientos":7102,"ser":7103,"Ġactiva":7104,"ĠPaÃŃs":7105,"Ġnoches":7106,"Ġporcentaje":7107,"icha":7108,"37":7109,"Ġbonito":7110,"ĠSalvador":7111,"ĠDiego":7112,"Ġnormativa":7113,"quie":7114,"Ġentreten":7115,"PE":7116,"Ġhabil":7117,"Ġenfoc":7118,"Ġmunicipios":7119,"Ġlegales":7120,"Ġlicencia":7121,"ĠMir":7122,"Ġbes":7123,"ĠVis":7124,"Ġdemostrar":7125,"Ġdiciendo":7126,"ĠcapÃŃtulo":7127,"ĠMuy":7128,"bur":7129,"ĠJapón":7130,"Ġdormir":7131,"wer":7132,"ensiones":7133,"Ġeconómicas":7134,"Ġespectáculo":7135,"Ġparcial":7136,"Ġpot":7137,"opera":7138,"ĠAutón":7139,"Ġaccesorios":7140,"Ġgobiernos":7141,"Ġobservar":7142,"Ġcuello":7143,"éro":7144,"ĠLic":7145,"ĠViv":7146,"sin":7147,"ĠLor":7148,"Ġtriunfo":7149,"Ġtrato":7150,"ight":7151,"quito":7152,"Ġidentificar":7153,"ĠMov":7154,"Ġmilitares":7155,"Ġcubrir":7156,"Ġdios":7157,"ĠPopular":7158,"Ġmetodo":7159,"Ġintegración":7160,"Ġespalda":7161,"Ġapa":7162,"Ġdedicado":7163,"cienda":7164,"Ġseguramente":7165,"Ġcercano":7166,"ĠApren":7167,"Ġhojas":7168,"Ġconvirtió":7169,"its":7170,"inten":7171,"ĠUnidad":7172,"Ġportal":7173,"Ġelegido":7174,"abel":7175,"get":7176,"Ġespectacular":7177,"hone":7178,"ney":7179,"Ġquizá":7180,"Ġcable":7181,"Ġcontinúa":7182,"ĠAndrés":7183,"SE":7184,"Ġdiri":7185,"Ġje":7186,"ĠcientÃŃficos":7187,"Ġanuncio":7188,"Ġinfin":7189,"Ġhubi":7190,"ld":7191,"medi":7192,"Ġmapa":7193,"Ġoficinas":7194,"Ġsueños":7195,"а":7196,"Ġsucede":7197,"Ġgustan":7198,"cita":7199,"Ġmoral":7200,"Ġtermina":7201,"Ġnovia":7202,"genda":7203,"Ġprocedimientos":7204,"Ġambiental":7205,"Ġlibres":7206,"Ġpanor":7207,"Ġurban":7208,"ĠAlberto":7209,"isp":7210,"Ġcompati":7211,"ĠIl":7212,"Ġmoderno":7213,"ĠCE":7214,"Ġletras":7215,"Ġelegante":7216,"berg":7217,"Ġabsor":7218,"Ġtierras":7219,"sion":7220,"lÃŃn":7221,"Ġfamoso":7222,"Ġanteriormente":7223,"Ġhomenaje":7224,"Ġvoto":7225,"Ġperu":7226,"Ġboda":7227,"Ġrelaj":7228,"Ġcriterios":7229,"Ġigualdad":7230,"Ġpista":7231,"©":7232,"Ġmac":7233,"Ġinmig":7234,"Ġvuelo":7235,"Ġmetro":7236,"Ġfabricación":7237,"ĠcategorÃŃas":7238,"ĠlÃŃmite":7239,"Ġapartamento":7240,"Ġcélulas":7241,"...]":7242,"Ġ33":7243,"Ġclaramente":7244,"Ġasesina":7245,"Ġgor":7246,"Ġfantá":7247,"Ġmuerto":7248,"Ġsujeto":7249,"Ġparecido":7250,"Ġuniverso":7251,"áticamente":7252,"Ġdecidir":7253,"mobil":7254,"terra":7255,"ĠSiempre":7256,"Ġllegaron":7257,"Ġpunta":7258,"ure":7259,"ĠTurismo":7260,"ĠÃģl":7261,"Ġbasado":7262,"Ġorganiza":7263,"iforn":7264,"domin":7265,"Ġpasaj":7266,"posiciones":7267,"ĠCódigo":7268,"yn":7269,"ĠXV":7270,"IX":7271,"abilidades":7272,"ĠLoc":7273,"Ġespecialistas":7274,"Ġelig":7275,"presión":7276,"ĠLuc":7277,"Ġ400":7278,"Ġimplan":7279,"FE":7280,"Ġcapit":7281,"Ġprevio":7282,"alizó":7283,"ongitud":7284,"Ġamistad":7285,"Ġprisión":7286,"idel":7287,"Ġcifra":7288,"ĠAgr":7289,"Ġgasto":7290,"cura":7291,"Ġvigente":7292,"Ġtanta":7293,"rimir":7294,"Ġcarreras":7295,"Ġimprescindi":7296,"Ġbancos":7297,"Ġplatos":7298,"Ġeficiencia":7299,"Ġocupa":7300,"Ġalcohol":7301,"Ġmental":7302,"Ġlatino":7303,"Ġconmigo":7304,"Ġoriginales":7305,"Ġtelevis":7306,"Ġbrazos":7307,"Ġdiseños":7308,"cientes":7309,"Ġexitos":7310,"Ġemociones":7311,"Ġmexicano":7312,"Ġsexuales":7313,"Ġconsta":7314,"ĠTeatro":7315,"ĠvÃŃdeos":7316,"ĠÃļ":7317,"Ġsimul":7318,"éticos":7319,"Ġpasan":7320,"DI":7321,"ish":7322,"47":7323,"Ġdichos":7324,"Ġreparación":7325,"ĠPARA":7326,"ĠNuestra":7327,"Ġ;":7328,"Ġsecreto":7329,"Ġrique":7330,"Ġsopor":7331,"Ġrob":7332,"Ġconces":7333,"ĠColegio":7334,"ragón":7335,"Ġesque":7336,"ganos":7337,"Ġprotec":7338,"Ġdocumentación":7339,"Ġnovedades":7340,"Ġexactamente":7341,"ĠFamil":7342,"Ġobligación":7343,"Ġencab":7344,"Ġinstrumentos":7345,"Ġfáb":7346,"Ġconsiderado":7347,"UM":7348,"ĠComp":7349,"Ġcartas":7350,"elos":7351,"100":7352,"Ġserio":7353,"stos":7354,"ĠYou":7355,"Ġestudiante":7356,"ĠUnido":7357,"Ġeléctrica":7358,"dri":7359,"culares":7360,"Ġacord":7361,"Ġganó":7362,"Ġseguidores":7363,"fal":7364,"Ġapropi":7365,"Ġtratamientos":7366,"Ġmedicamentos":7367,"ĠSobre":7368,"Ġarras":7369,"ĠsÃŃmb":7370,"Ġausencia":7371,"anes":7372,"erio":7373,"Ġlector":7374,"ĠUruguay":7375,"ĠSch":7376,"Ġversiones":7377,"Ġexces":7378,"Ġpronunci":7379,"ĠHon":7380,"ĠCreo":7381,"Ġadolescentes":7382,"Ġpared":7383,"Ġrepresentante":7384,"desa":7385,"Ġculpa":7386,"Ġcabe":7387,"Ġojo":7388,"Ġfundamentales":7389,"Ġpatr":7390,"Ġplazas":7391,"Ġdibujos":7392,"Ġinfraestructura":7393,"ĠLeg":7394,"Ġprogramación":7395,"ĠAra":7396,"Ġaliment":7397,"Ġformulario":7398,"Ġbicicle":7399,"viendo":7400,"Ġsonrisa":7401,"Ġtabla":7402,"Ġdiseñado":7403,"Ġconfiguración":7404,"ĠBro":7405,"Ġinversiones":7406,"ucle":7407,"Ġoperativo":7408,"Ġpermita":7409,"Ġsignificado":7410,"Ġaceler":7411,"Ġactuaciones":7412,"Ġpeda":7413,"Ġbras":7414,"Ġadquis":7415,"rés":7416,"05":7417,"formas":7418,"Ġmascul":7419,"pó":7420,"ĠbaterÃŃa":7421,"ĠClar":7422,"Ġgratuito":7423,"Ġtestimon":7424,"San":7425,"Ġgeneralmente":7426,"SA":7427,"riel":7428,"Ġincendi":7429,"venciones":7430,"Ġ2019":7431,"Ġfelicidad":7432,"Ġparejas":7433,"ĠEconomÃŃa":7434,"Ġgrasa":7435,"ĠCD":7436,"ĠArte":7437,"Ġinterpretación":7438,"Ġventana":7439,"ĠVie":7440,"Ġequilibrio":7441,"Ġaparición":7442,"Ġpobreza":7443,"terial":7444,"ĠPin":7445,"ĠOrganización":7446,"Ġtrim":7447,"ĠTi":7448,"Ġrefor":7449,"Ġpidió":7450,"emor":7451,"Ġseguido":7452,"Ġaplica":7453,"tara":7454,"ĠNov":7455,"unción":7456,"Ġcanales":7457,"Ġingles":7458,"ĠindÃŃgen":7459,"Ġconferencia":7460,"Ġrevisión":7461,"Ġcompetencias":7462,"Ġlla":7463,"Ġfenómeno":7464,"Ġconsumidores":7465,"inadas":7466,"ĠHumanos":7467,"Ġmerece":7468,"Ġgobernador":7469,"Ġplato":7470,"Ġdulce":7471,"Ġinteresa":7472,"Ġinvestigaciones":7473,"Ġafirm":7474,"ĠAir":7475,"ĠTrabaj":7476,"Ġejemplos":7477,"Ġequival":7478,"iesta":7479,"Ġfelici":7480,"tid":7481,"Ġpreparado":7482,"arlas":7483,"Mo":7484,"ĠArtes":7485,"Ġfrac":7486,"Ġcelular":7487,"urÃŃa":7488,"ĠAlcal":7489,"Ġ2004":7490,"zadas":7491,"ĠFal":7492,"Ġinmediatamente":7493,"Ġcargos":7494,"ĠleÃŃdo":7495,"ĠRic":7496,"Mientras":7497,"bus":7498,"rom":7499,"ĠPSOE":7500,"Ġtransformación":7501,"Ġafi":7502,"ray":7503,"Ġtrabajan":7504,"imnas":7505,"Ġavance":7506,"imp":7507,"Ġvenir":7508,"cedentes":7509,"ĠPuedes":7510,"ionado":7511,"Ġpublicó":7512,"ĠAsimismo":7513,"amá":7514,"Ġresuel":7515,"Ġdejan":7516,"ĠTex":7517,"Ġgraves":7518,"Ġhagan":7519,"ĠPDF":7520,"Ġintegrantes":7521,"ith":7522,"undo":7523,"Ġalojamiento":7524,"ĠVide":7525,"ics":7526,"е":7527,"Ġreemp":7528,"199":7529,"ĠMel":7530,"isco":7531,"ĠMc":7532,"Ġtrayectoria":7533,"Ġllamadas":7534,"Ġrecre":7535,"Ġjoy":7536,"ómez":7537,"Ġsolar":7538,"camiento":7539,"Ġninguno":7540,"ándolo":7541,"Ġcómodo":7542,"terna":7543,"46":7544,"ĠCir":7545,"Ġclasificación":7546,"Ġpodremos":7547,"Ġnumerosos":7548,"Ġline":7549,"Ġperf":7550,"Ġenfoque":7551,"dras":7552,"rana":7553,"Ġmet":7554,"ĠMálaga":7555,"Ġ75":7556,"Ġemocional":7557,"Ġtengas":7558,"Ġcontigo":7559,"Man":7560,"Ġcontratos":7561,"ográ":7562,"Ġcorpora":7563,"iten":7564,"Ġcifras":7565,"ĠTel":7566,"32":7567,"Ġdefinición":7568,"ĠFab":7569,"Ġdesayuno":7570,"Ġfui":7571,"apia":7572,"Ġafil":7573,"ĠRafael":7574,"Ġplástico":7575,"Ġbásicos":7576,"Ġpolvo":7577,"Cada":7578,"Ġvib":7579,"The":7580,"zados":7581,"asas":7582,"Ġinstalar":7583,"Ġcolon":7584,"Ġvuelto":7585,"éspe":7586,"Ġeconom":7587,"ĠJef":7588,"Ġtendencias":7589,"Ġcandidatos":7590,"Ġdirigida":7591,"ĠBos":7592,"Ġcontemporán":7593,"ĠEspecial":7594,"Ġvirtual":7595,"Ġregiones":7596,"Ġtalento":7597,"Ġquerer":7598,"ñez":7599,"Ġarquitectura":7600,"ré":7601,"ende":7602,"ĠDÃŃaz":7603,"Ġagregó":7604,"Ġubicada":7605,"Ġsú":7606,"Ġapuesta":7607,"31":7608,"Ġdefinir":7609,"Ġseg":7610,"Ġpár":7611,"Ġempresarios":7612,"Pres":7613,"Ġquede":7614,"78":7615,"Ġhorizon":7616,"inales":7617,"ACIÃĵN":7618,"tencia":7619,"Ġtarjetas":7620,"xi":7621,"tn":7622,"ç":7623,"Ġacompañado":7624,"Ġbols":7625,"Ġfórm":7626,"ĠTorre":7627,"CIONES":7628,"cula":7629,"ĨĴ":7630,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":7631,"ÃŃmp":7632,"tedr":7633,"Ġsufrir":7634,"Ġfirme":7635,"Ġocurrió":7636,"Ġeducativo":7637,"izaciones":7638,"ĠInte":7639,"Ġterminó":7640,"Ġsober":7641,"uz":7642,"ĠConse":7643,"ólogos":7644,"gano":7645,"Ġponen":7646,"Ġlaborales":7647,"Ġreuniones":7648,"Ġembarazo":7649,"Ġpropone":7650,"rosoft":7651,"Ġpreguntar":7652,"ĠSupre":7653,"ĠCampe":7654,"ĠElla":7655,"Ġintelectual":7656,"Ġconcentración":7657,"Ġterraza":7658,"by":7659,"Ġpus":7660,"itarias":7661,"taje":7662,"Ġdesarrolla":7663,"Ġmág":7664,"Ġnegra":7665,"Ġpuntu":7666,"Ġllegue":7667,"2017":7668,"Ġtransmisión":7669,"sic":7670,"Ġaé":7671,"Ġexpectativas":7672,"Ġlav":7673,"Ġcopia":7674,"ĠFa":7675,"Tra":7676,"ĠAlex":7677,"Ġafron":7678,"Ġacuerdos":7679,"iner":7680,"Ġhistórica":7681,"ĠDiseño":7682,"ĠRub":7683,"Ġalternativas":7684,"Ġcontinua":7685,"Ġhermosa":7686,"umbre":7687,"Ġcuerpos":7688,"lón":7689,"Ġgustado":7690,"Ġcobertura":7691,"Ġconsist":7692,"Ġincu":7693,"Ġhomb":7694,"Ġproporcionar":7695,"ĠAtl":7696,"ĠLes":7697,"ĠRoma":7698,"OC":7699,"ĠSim":7700,"Ġdocentes":7701,"He":7702,"merÃŃa":7703,"44":7704,"Ġprepara":7705,"Ġcristal":7706,"Ġprofundo":7707,"Ġocci":7708,"ĠLima":7709,"entimiento":7710,"Ġadver":7711,"Ġataques":7712,"lia":7713,"Ġinscripción":7714,"ALES":7715,"ĠJim":7716,"Ġmoles":7717,"Ġprofundidad":7718,"ĠPúblico":7719,"Ġvirus":7720,"Ġemergencia":7721,"Ġirre":7722,"ind":7723,"ĠInvestigación":7724,"Ġnotas":7725,"Ġtoca":7726,"Ġlegisla":7727,"Ġjugue":7728,"Ġfues":7729,"entaria":7730,"Ġmunicipales":7731,"Ġactriz":7732,"Ġrecop":7733,"olut":7734,"ĠtendrÃŃa":7735,"dador":7736,"Ġreti":7737,"Estos":7738,"è":7739,"Ġcárcel":7740,"arro":7741,"gando":7742,"Ġinquie":7743,"ĠSeb":7744,"Ġsesiones":7745,"Ġenfrentar":7746,"Ġseria":7747,"Ġfisc":7748,"ertos":7749,"voz":7750,"Ġconocidos":7751,"Ġrival":7752,"Ġactualización":7753,"Ġlegislación":7754,"Ġgoles":7755,"ĠHace":7756,"Ġ37":7757,"Ġconsigue":7758,"Ġsug":7759,"Ġaportar":7760,"ĠEnerg":7761,"Ġdra":7762,"Ġproveedores":7763,"Ġrecomienda":7764,"ans":7765,"Ġaca":7766,"fos":7767,"Fin":7768,"Ġintercambio":7769,"Ġ55":7770,"tz":7771,"ĠÃģlvar":7772,"ny":7773,"Ġquitar":7774,"Ġalemán":7775,"ĠZaragoza":7776,"ĠEdu":7777,"Ġrein":7778,"Ġpac":7779,"Ġpiensa":7780,"Ġjud":7781,"Ġ2003":7782,"óst":7783,"ĠdebÃŃa":7784,"torÃŃa":7785,"Ġsing":7786,"Ġtol":7787,"ĠArch":7788,"ĠvÃŃas":7789,"Ġcomplicado":7790,"Ġmontón":7791,"Ġplas":7792,"Ġgarantiz":7793,"ĠPadre":7794,"Hab":7795,"Ġguardar":7796,"endario":7797,"ólica":7798,"Ġconstituye":7799,"hÃŃ":7800,"años":7801,"Ġ?":7802,"ĠBor":7803,"Ġdeterminado":7804,"ĠMonte":7805,"Ġretras":7806,"Ġlectores":7807,"Ġfiguras":7808,"Ġservidor":7809,"Ġdivis":7810,"Ġfinanciero":7811,"olutamente":7812,"mática":7813,"Ġllevará":7814,"Asimismo":7815,"Ġbasada":7816,"Ġextensión":7817,"Ġdaba":7818,"erra":7819,"Ġcontó":7820,"Ġconm":7821,"Ġsiglos":7822,"Ġaniversario":7823,"ĠMuchas":7824,"Ġposiciones":7825,"Ġprotagonistas":7826,"Ġmando":7827,"Ġapoyar":7828,"ĠciudadanÃŃa":7829,"Ġcámaras":7830,"Ġindependencia":7831,"Ġpuente":7832,"icano":7833,"06":7834,"Ġescu":7835,"Ġsacri":7836,"ficamente":7837,"08":7838,"Ġcrema":7839,"ĠVi":7840,"Ġdijeron":7841,"Ġextranjero":7842,"Ġdiferenci":7843,"ĠAlgunos":7844,"Ġpaseo":7845,"Ġrevolución":7846,"ulada":7847,"Ġsatisfacción":7848,"Ġunif":7849,"Ġcomparación":7850,"iario":7851,"Ġorganismos":7852,"Ġgris":7853,"sto":7854,"icana":7855,"Ġpiernas":7856,"Ġgrados":7857,"órico":7858,"Ġtomando":7859,"ĠPel":7860,"ĠAcu":7861,"Ġmarido":7862,"Ġdigitales":7863,"Ġsiguiendo":7864,"ĠGómez":7865,"'.":7866,"ĠAgencia":7867,"Ġdipl":7868,"ement":7869,"ÃŃcula":7870,"Ġvege":7871,"fru":7872,"iduos":7873,"Ġabund":7874,"ume":7875,"Ġaconse":7876,"Ġcolocar":7877,"Ġrecomiendo":7878,"Ġreconocido":7879,"Ġnormalmente":7880,"Ġsacerdo":7881,"Ġchocola":7882,"Ġrico":7883,"Ġamenaza":7884,"Ġamp":7885,"Ġtomó":7886,"Ġdesh":7887,"Ġreper":7888,"ifornia":7889,"Ġabogado":7890,"jó":7891,"ĠEcuador":7892,"bit":7893,"Ġreconoce":7894,"vie":7895,"ĠGranada":7896,"Ġcomedor":7897,"ĠWill":7898,"Ġespiri":7899,"ĠSU":7900,"09":7901,"Ġinvitados":7902,"Ġletra":7903,"07":7904,"Ġinformes":7905,"Ġpublici":7906,"Ġdelitos":7907,"Ġtejido":7908,"Ġmodificar":7909,"ĠMario":7910,"Ġcomodidad":7911,"ĠCarmen":7912,"ĠMejor":7913,"Ġolvidar":7914,"ugÃŃa":7915,"Ġrock":7916,"Ġcambiado":7917,"Ġtranspor":7918,"Ġinterno":7919,"ĠHernández":7920,"âĢĻ.":7921,"Ġdiagnóstico":7922,"Ġtiro":7923,"Ġvitam":7924,"ĠIns":7925,"ieres":7926,"igual":7927,"Ġtap":7928,"Ġpodéis":7929,"tible":7930,"Gu":7931,"Ġtensión":7932,"vez":7933,"ĠPrimera":7934,"ĠMol":7935,"Ġrelacionado":7936,"Luego":7937,"ĠfilosofÃŃa":7938,"Ġartifici":7939,"ĠFar":7940,"vela":7941,"ĠAlejandro":7942,"ĠRiv":7943,"Ġarma":7944,"Ġenlaces":7945,"Ġmargen":7946,"Ġentrenador":7947,"iosas":7948,"ĠBr":7949,"ĠAS":7950,"Ġmorir":7951,"Ġinteligente":7952,"Ġcitas":7953,"Ġformado":7954,"ĠâĨĴ":7955,"cán":7956,"gna":7957,"Ġtraer":7958,"Ġemail":7959,"Ġextremo":7960,"Ġfestival":7961,"utas":7962,"Ġox":7963,"gotá":7964,"rilla":7965,"rillo":7966,"Ġmoderna":7967,"Ġimpuesto":7968,"orld":7969,"ss":7970,"Ġaumenta":7971,"gráfica":7972,"ĠAnti":7973,"laterra":7974,"Ġaparte":7975,"Ġlad":7976,"Ġrealizando":7977,"Ġbrindar":7978,"Ġvisual":7979,"aller":7980,"Ġrodil":7981,"Ġexpresó":7982,"amas":7983,"lle":7984,"Ġrespectivamente":7985,"Ġaspir":7986,"TOR":7987,"49":7988,"terÃŃas":7989,"vido":7990,"Ġrestos":7991,"pañas":7992,"ĠNación":7993,"Ġcritic":7994,"mej":7995,"mica":7996,"Ġperiodistas":7997,"Ġcastel":7998,"Ġrealizadas":7999,"ĠvÃŃn":8000,"Ġcombina":8001,"hua":8002,"Ġcambia":8003,"cieron":8004,"Ġmenú":8005,"Ġdeportivo":8006,"Ġárboles":8007,"Ġatribu":8008,"Ġnación":8009,"ĠMujeres":8010,"ĠIP":8011,"ĠPresiden":8012,"ĠNicol":8013,"Ġinjust":8014,"Ġregreso":8015,"Algun":8016,"Ġlongitud":8017,"ĠContra":8018,"aras":8019,"@@@@":8020,"Ġconductor":8021,"endido":8022,"Ġmaneras":8023,"Ġseries":8024,"quilidad":8025,"ĠFoto":8026,"ĠPalacio":8027,"Ġaprobación":8028,"Ġempu":8029,"uca":8030,"Ġeficiente":8031,"ĠDip":8032,"ĠTan":8033,"Ġcapacidades":8034,"endaciones":8035,"ĠCr":8036,"oca":8037,"Ġcontamos":8038,"ĠWar":8039,"ĠAf":8040,"Ġrecomendable":8041,"Ġmatem":8042,"cinas":8043,"nal":8044,"Ġalumno":8045,"Ġmáquinas":8046,"Ġignor":8047,"top":8048,"Ġrepos":8049,"Ġlament":8050,"Ġexplotación":8051,"Ġencontrarás":8052,"Ġdientes":8053,"Ġvid":8054,"ides":8055,"Ġdependiendo":8056,"UD":8057,"Ġmonitor":8058,"Ġaudiencia":8059,"bes":8060,"od":8061,"Ġextranjeros":8062,"ĠGob":8063,"ĠBra":8064,"izan":8065,"IR":8066,"Ġdiscrim":8067,"Ġexplos":8068,"incu":8069,"Ġpublicar":8070,"ĠBolivia":8071,"Ġbrasile":8072,"Ġincom":8073,"Ġinteresados":8074,"Ġdiaria":8075,"ĠPortu":8076,"Ġinstrumento":8077,"Ġcerem":8078,"eco":8079,"Ġinició":8080,"Ġparedes":8081,"Ġpuls":8082,"ingü":8083,"strucción":8084,"ĠLOS":8085,"Ġsorte":8086,"Ġrevolucion":8087,"Ãļ":8088,"Ġaden":8089,"ĠEse":8090,"Ġfinancieros":8091,"inio":8092,"tusias":8093,"Ġpensado":8094,"Ġestadio":8095,"ĠDepor":8096,"Uno":8097,"Ġ65":8098,"Ġquieras":8099,"Ġobligaciones":8100,"Ġprevenir":8101,"unas":8102,"Ġreflexión":8103,"Ġlisto":8104,"Ġaqui":8105,"Ġacabado":8106,"Ġom":8107,"Ġpublicada":8108,"Ġmedicina":8109,"Ġfinanciación":8110,"Ġpobres":8111,"Ġecu":8112,"ĠKa":8113,"TIV":8114,"Ġplane":8115,"iter":8116,"Ġparo":8117,"Ġequivoc":8118,"Ġponerse":8119,"Ġbotel":8120,"Ġmód":8121,"ĠTes":8122,"Ġconservación":8123,"Ġautorización":8124,"Ġasuntos":8125,"ĠInde":8126,"Ġmaqu":8127,"ĠUE":8128,"Ġavión":8129,"Ġnav":8130,"Ġdarse":8131,"Ġespiritual":8132,"oluciones":8133,"Ġcircuito":8134,"icar":8135,"Ġpienso":8136,"Ġreferente":8137,"Ġconsejo":8138,"Ġpreviamente":8139,"ĠcientÃŃfico":8140,"gip":8141,"Ġdocente":8142,"Ġnumerosas":8143,"Ġvital":8144,"mana":8145,"Ġmatar":8146,"ĠTodas":8147,"ĠraÃŃz":8148,"Ġintensidad":8149,"Ġdign":8150,"Ġtomado":8151,"Ġretra":8152,"Ġcorrectamente":8153,"ĠCamp":8154,"Ġdiversidad":8155,"Ad":8156,"Ġlesiones":8157,"hats":8158,"Ġdifusión":8159,"Ġahorro":8160,"Estamos":8161,"Ġfederal":8162,"Ġdedicada":8163,"sito":8164,"Ġdejamos":8165,"fera":8166,"ĠCastro":8167,"Ġth":8168,"ĠNuestro":8169,"Ġprofunda":8170,"ĠDatos":8171,"ĠOro":8172,"entarios":8173,"ĠHD":8174,"Ġexclusiva":8175,"Ġdescarga":8176,"Ġpreocupa":8177,"dición":8178,"Ġusado":8179,"inan":8180,"Ġelectrónica":8181,"Ġevidencia":8182,"Ġasistir":8183,"Ġhecha":8184,"into":8185,"árez":8186,"Ġtendrás":8187,"idaridad":8188,"Ġclim":8189,"Ġtable":8190,"Ġguard":8191,"Ġentusias":8192,"Ġcero":8193,"Ġcampeón":8194,"Ġautos":8195,"Ġpreocupación":8196,"Ġlook":8197,"Ġpagos":8198,"Ġcerrado":8199,"Ġdemostrado":8200,"ĠmÃŃnima":8201,"Ġperteneci":8202,"ural":8203,"Ser":8204,"Ġturno":8205,"ĠSebasti":8206,"ĠQué":8207,"Ġéstos":8208,"Ġproductores":8209,"ĠBlack":8210,"Ġinspec":8211,"Sal":8212,"Ġinfancia":8213,"Ġportá":8214,"Ġvel":8215,"rista":8216,"Ġhues":8217,"ĠEstudios":8218,"allado":8219,"ĠIndustri":8220,"Ġhosp":8221,"ĠNegro":8222,"Ġrecepción":8223,"Ġexclusivamente":8224,"Ġabsolutamente":8225,"jerÃŃa":8226,"Ġrural":8227,"Ġincluidos":8228,"Ġhidra":8229,"Ġchat":8230,"ĠClas":8231,"Ġtotalidad":8232,"urias":8233,"Ġinteresado":8234,"tróleo":8235,"Ġfacilidad":8236,"Ġencontró":8237,"undaria":8238,"xx":8239,"Ġsinc":8240,"icias":8241,"omba":8242,"Ġextrem":8243,"ĠPodemos":8244,"Ġluces":8245,"ĠVirgen":8246,"Ġcuri":8247,"Ġcató":8248,"Ġpude":8249,"Ġcombate":8250,"Ġcreen":8251,"Ġindividuales":8252,"ĠSO":8253,"Ġcompletar":8254,"Ġneu":8255,"istemas":8256,"Ġ39":8257,"Ġcompuesto":8258,"ÃŃnea":8259,"Ġpetición":8260,"Ġperju":8261,"и":8262,"Ġcomentar":8263,"Ġinstrucciones":8264,"Ġcach":8265,"Ġaisl":8266,"ĠColor":8267,"ĠDar":8268,"Ġhaces":8269,"Ġdificultad":8270,"ĠContin":8271,"grafo":8272,"ĠPoder":8273,"Ġhorno":8274,"Ġcooperación":8275,"onal":8276,"Ġapas":8277,"Ġabst":8278,"ñado":8279,"'s":8280,"ĠEspañol":8281,"Ġexpon":8282,"ĠOficial":8283,"ĠiPhone":8284,"65":8285,"Ġsociedades":8286,"ĠComunicación":8287,"lie":8288,"Ġpremi":8289,"Ġtercero":8290,"idal":8291,"Ġmagia":8292,"Ġtranquilidad":8293,"Ġdeclaró":8294,"ĠRosa":8295,"Ġejercer":8296,"Ġdivertido":8297,"Ġdisponibilidad":8298,"Ay":8299,"grad":8300,"Ġsuperiores":8301,"Ġbaños":8302,"gráfico":8303,"Ġvisu":8304,"ĠPS":8305,"NA":8306,"Ġrelato":8307,"Ġagradecer":8308,"Ġcinta":8309,"ĠNaciones":8310,"ĠEqui":8311,"ĠCarta":8312,"Ġpaquete":8313,"americanos":8314,"Ġefectiva":8315,"ĠEsper":8316,"ĠdeberÃŃan":8317,"ĠSoy":8318,"Ġhablamos":8319,"Ġavances":8320,"Ġocurrido":8321,"Ġalmacenamiento":8322,"Ġbajos":8323,"Ġdrogas":8324,"Ġconstruc":8325,"Ġdiscre":8326,"medio":8327,"ĠProyecto":8328,"Ġestructuras":8329,"ĠMayor":8330,"ĠFelipe":8331,"Bueno":8332,"MI":8333,"Ġganador":8334,"BC":8335,"dismo":8336,"iam":8337,"ÃŃdos":8338,"Ġsimb":8339,"Ġreacción":8340,"Ġmarcar":8341,"Ġasistentes":8342,"Ġpertenece":8343,"Ġrecetas":8344,"Ġinsu":8345,"Ġresidencia":8346,"ĠCalifornia":8347,"Ġcog":8348,"Ġador":8349,"ĠMetro":8350,"ĠAntes":8351,"Ġcontactar":8352,"Ġtecho":8353,"mir":8354,"Ġsh":8355,"úcle":8356,"uto":8357,"toño":8358,"Ġbrillante":8359,"terapia":8360,"Ġitaliano":8361,"Ġsindica":8362,"Ġminist":8363,"ert":8364,"mala":8365,"Ġhumil":8366,"Ġproducido":8367,"Ġhambre":8368,"ĠRicardo":8369,"Ġpará":8370,"Ġrepetir":8371,"tricidad":8372,"Ġconflictos":8373,"¡¡":8374,"ĠIngenierÃŃa":8375,"ĠCe":8376,"Ġaporta":8377,"Estas":8378,"ĠIV":8379,"Ġluchar":8380,"Ġvideoj":8381,"Ġcomentó":8382,"Ġancho":8383,"ĠPh":8384,"Ġeléctrico":8385,"Ġintroducir":8386,"ĠcrÃŃticas":8387,"Ġconvenio":8388,"Ġprivacidad":8389,"Ġriqueza":8390,"Ġestrés":8391,"Ġarque":8392,"Ġcena":8393,"Ġespecialista":8394,"ĠInglaterra":8395,"denas":8396,"Ġbarra":8397,"ĠCultural":8398,"entario":8399,"ĠControl":8400,"Ġafectados":8401,"Ġayudan":8402,"Ġexcepción":8403,"ritos":8404,"Ġtranquilo":8405,"Ġcampañas":8406,"cambi":8407,"Ġtradu":8408,"Ġtrae":8409,"Ġantiguos":8410,"ĠBern":8411,"Ġimporte":8412,"Ġdias":8413,"Ġmete":8414,"Ġencargado":8415,"Ġexamen":8416,"tÃŃas":8417,"Ġtemporal":8418,"Ġmédica":8419,"ashington":8420,"Fue":8421,"Ġllevaba":8422,"Ġtenia":8423,"ĠVan":8424,"ĠCel":8425,"Ġjuris":8426,"Ġexistentes":8427,"ĠestarÃŃa":8428,"igh":8429,"Ġfrontera":8430,"04":8431,"ĠRegistro":8432,"rones":8433,"Ġextraño":8434,"tive":8435,"Ġrecoger":8436,"Ġplayas":8437,"Ġmecanismos":8438,"Ġperj":8439,"énd":8440,"ĠBre":8441,"Ġaer":8442,"Ġdesgra":8443,"ĠEEUU":8444,"ĠUsted":8445,"Ġcuarta":8446,"Ġexceso":8447,"ĠMicrosoft":8448,"Ġdirectora":8449,"ĠEduardo":8450,"denes":8451,"cioso":8452,"Ġmonum":8453,"GA":8454,"Ġanaliz":8455,"Ġpermitido":8456,"Ġtriste":8457,"ergio":8458,"Ġilusión":8459,"Ġmultitud":8460,"ĠFormación":8461,"Ġelectrónicos":8462,"Ġconversación":8463,"Ġruido":8464,"ĠhÃŃ":8465,"Ġproducen":8466,"Ġautomóvil":8467,"Ġdecide":8468,"ierte":8469,"Ġrema":8470,"ĠWal":8471,"Ġocupar":8472,"ĠTener":8473,"Ġcump":8474,"ÃŃculas":8475,"Ġadicionales":8476,"Ġcau":8477,"ĠBogotá":8478,"Ġfum":8479,"88":8480,"ĠDra":8481,"Ġconducta":8482,"Ġ2002":8483,"Ġajuste":8484,"ĠEmple":8485,"Ver":8486,"Ġplataformas":8487,"Ġsaludo":8488,"Ġplen":8489,"Ġlá":8490,"Ġhierro":8491,"ĠCómo":8492,"ICI":8493,"Ġ<":8494,"stica":8495,"Ġtrabajador":8496,"Ġeducativa":8497,"Ġuniversidades":8498,"Ġauxil":8499,"Ġpendiente":8500,"Ġcantidades":8501,"gin":8502,"ĠDomingo":8503,"ĠQuer":8504,"Ġcomunicaciones":8505,"tamen":8506,"tarán":8507,"Ġcuidados":8508,"Ġesencia":8509,"itores":8510,"fun":8511,"Ġbarco":8512,"Ġchocolate":8513,"trÃŃa":8514,"manes":8515,"Ġnarra":8516,"urar":8517,"Ġgay":8518,"Ġeditorial":8519,"tración":8520,"Ġmoneda":8521,"Ġesperan":8522,"jada":8523,"ĠMexic":8524,"bor":8525,"Ġtonel":8526,"Ġ2001":8527,"Ġdistinto":8528,"Ġmasco":8529,"Ġiban":8530,"Ġescritura":8531,"Ġencabez":8532,"ĠSud":8533,"CU":8534,"ĠIndia":8535,"Ġtemperaturas":8536,"Publ":8537,"vide":8538,"Ġregistrado":8539,"Ġoscuro":8540,"Ġatractivo":8541,"Ġdormitorios":8542,"ĠLan":8543,"Ġcaminos":8544,"Ġflujo":8545,"ĠSociales":8546,"ueble":8547,"ĠHacienda":8548,"glesias":8549,"Ġsaludable":8550,"Ġmanifies":8551,"mato":8552,"Ġhermoso":8553,"uan":8554,"stagram":8555,"ĠStar":8556,"Ġhaz":8557,"Ġmaestros":8558,"Ġvenido":8559,"2016":8560,"Ġclaves":8561,"Ġinstante":8562,"rate":8563,"ĠAmbiente":8564,"tional":8565,"Ġampliar":8566,"ĠEsa":8567,"ĠDic":8568,"Ġromper":8569,"Ġprofesión":8570,"Ġestric":8571,"Ġsalen":8572,"ader":8573,"Ġreloj":8574,"ĠBil":8575,"ĠUnidas":8576,"Ġprivileg":8577,"ormes":8578,"ĠSantos":8579,"Ġnavegación":8580,"Ġpositiva":8581,"Ġcen":8582,"Ġsusp":8583,"mis":8584,"ĠIncluso":8585,"Ġvuestra":8586,"Ġcalendario":8587,"étr":8588,"lico":8589,"ĠArt":8590,"df":8591,"Ġdivisión":8592,"Ġcuáles":8593,"Ġintenta":8594,"Ġestética":8595,"Ġcreatividad":8596,"ĠIr":8597,"itivo":8598,"ĠNatural":8599,"Ġllan":8600,"Ġabur":8601,"MS":8602,"Ġllevo":8603,"Ġpaisaje":8604,"ĠVia":8605,"SÃŃ":8606,"Ġmolino":8607,"ficio":8608,"venil":8609,"bro":8610,"ecas":8611,"parte":8612,"Ġentiende":8613,"ónimo":8614,"Ġrecuerdos":8615,"ĠProvincial":8616,"Ġfabricante":8617,"Ġconsciente":8618,"mn":8619,"Ġcertificado":8620,"Ġbosque":8621,"Ġórganos":8622,"ĠPR":8623,"Ġsombra":8624,"Ġmanifestó":8625,"Ġsecund":8626,"Ġrecomendaciones":8627,"Ġurbano":8628,"Ġagente":8629,"ĠPeña":8630,"Ġaviso":8631,"Ġinstitucional":8632,"Ġbe":8633,"Ġencuentros":8634,"Ġesperaba":8635,"Ġdiscusión":8636,"Ġcuyos":8637,"Ġbásico":8638,"Ġveter":8639,"Ġunión":8640,"ERS":8641,"tander":8642,"acu":8643,"2015":8644,"dias":8645,"Ġinmediata":8646,"Ġbalance":8647,"Ġcontrar":8648,"Ġagenda":8649,"-.":8650,"42":8651,"Ġresiduos":8652,"Ġánimo":8653,"Ġpodamos":8654,"ĠAdo":8655,"ĠLen":8656,"razgo":8657,"Ġdeje":8658,"Ġpap":8659,"Ġmostró":8660,"sh":8661,"Ġestabilidad":8662,"Ġproven":8663,"Ġconcluy":8664,"Ġdimensiones":8665,"ĠReyes":8666,"Ġgracia":8667,"Ġcien":8668,"Ġenrique":8669,"ĠRio":8670,"ĠTemp":8671,"Ġarmon":8672,"Ġdocumental":8673,"Ġimplementación":8674,"ĠpoesÃŃa":8675,"Ġrenta":8676,"Ġcaminar":8677,"Ġfinalizar":8678,"Ġeuropeo":8679,"Ġredac":8680,"ĠSierra":8681,"Ġresumen":8682,"cando":8683,"Ġperdió":8684,"ĠFondo":8685,"Ġpiloto":8686,"Ġbajas":8687,"Ġpasajeros":8688,"Ġquieran":8689,"IZ":8690,"Ġjer":8691,"ema":8692,"ĠDefensa":8693,"ĠIma":8694,"Ġrebel":8695,"Ġasigna":8696,"Ġayudas":8697,"Ġpura":8698,"ĠCine":8699,"Ġigualmente":8700,"Ġdesempeñ":8701,"toriales":8702,"66":8703,"Ġlabios":8704,"Ġtendremos":8705,"ĠLle":8706,"hibición":8707,"aunque":8708,"Ġinsul":8709,"Ġabsoluto":8710,"Ġagar":8711,"Ġcuero":8712,"Ġescla":8713,"Ġrecep":8714,"ĠDigital":8715,"Ġuniversal":8716,"Ca":8717,"Ġtrimestre":8718,"Ġinex":8719,"Ġtraducción":8720,"Ġpolém":8721,"Ġbandas":8722,"Ġiniciativas":8723,"Ġmodificación":8724,"ips":8725,"ĠEstoy":8726,"AquÃŃ":8727,"Ġrutas":8728,"utados":8729,"titudes":8730,"ĠFun":8731,"ĠNie":8732,"ribuye":8733,"Ġdesas":8734,"Ġreligión":8735,"ilio":8736,"TRA":8737,"Ġrueda":8738,"ĠcientÃŃfica":8739,"ĠMayo":8740,"ĠCastel":8741,"Ġcirculación":8742,"Ġcontratación":8743,"Ġlider":8744,"Ġnavegador":8745,"ning":8746,"Ġhue":8747,"Ġirreg":8748,"cara":8749,"media":8750,"Ġguste":8751,"Ġinsist":8752,"Ġsemej":8753,"Ġmurió":8754,"ĠHor":8755,"ĠÃŃndice":8756,"Ġcoordin":8757,"Ġaust":8758,"Segu":8759,"Ġconveniente":8760,"Ġlimpiar":8761,"Ġincrement":8762,"Ġagregar":8763,"GU":8764,"Ġexperto":8765,"eda":8766,"ienta":8767,"Ġnecesitamos":8768,"ĠPlay":8769,"ĠPág":8770,"cub":8771,"Ġorganizar":8772,"eración":8773,"Ġsituada":8774,"ĠHombre":8775,"Ġnacido":8776,"Ġciudadano":8777,"Cons":8778,"Ġorientación":8779,"ĠpodÃŃan":8780,"Ġromán":8781,"Ġexpresa":8782,"ibil":8783,"Ġtela":8784,"abas":8785,"Ġestatu":8786,"ĠRegional":8787,"ĠBu":8788,"Ġcuantos":8789,"ADA":8790,"reros":8791,"Ġsalido":8792,"Ġdiscapacidad":8793,"ÃŃtico":8794,"Ġeficacia":8795,"ĠNicolás":8796,"istar":8797,"antiles":8798,"Ġusan":8799,"Ġdemuestra":8800,"Ġcomposición":8801,"Ġdesempeño":8802,"Ġpermiso":8803,"Ġvertic":8804,"Ġprivadas":8805,"ĠCaribe":8806,"Ġdepos":8807,"Ġjuega":8808,"ĠmuchÃŃsimo":8809,"Ġhablan":8810,"Ġcoordinación":8811,"uera":8812,"taña":8813,"ĠAmeric":8814,"Ġfilm":8815,"Ġmister":8816,"habilitación":8817,"Ġprimavera":8818,"Ġcicl":8819,"ĠAutónoma":8820,"uerzo":8821,"Ġmillón":8822,"Ġeuropeos":8823,"Ġtransmitir":8824,"Ġ42":8825,"Ġlados":8826,"Hasta":8827,"ĠBlanco":8828,"ĠChar":8829,"Ġimprescindible":8830,"Ġiluminación":8831,"Ġnúcle":8832,"Ġingenier":8833,"Ġadaptación":8834,"Ġ!":8835,"Ġindividuos":8836,"ĠEstamos":8837,"Bo":8838,"Ġalf":8839,"Ġconstitucional":8840,"Ġapreci":8841,"Ġsalvar":8842,",...":8843,"Ġdoce":8844,"martph":8845,"ĠespecÃŃfico":8846,"\":":8847,"Ġfuese":8848,"Ġcréditos":8849,"Ġcariño":8850,"н":8851,"Ġpierde":8852,"Ġescul":8853,"Ġinstancia":8854,"Ġplantilla":8855,"Ġpensamientos":8856,"Ġrecorrer":8857,"enz":8858,"Ġdamos":8859,"atemala":8860,"Ġrequieren":8861,"cipe":8862,"Ġmadres":8863,"Ġconectar":8864,"Ġcompens":8865,"ósitos":8866,"ilas":8867,"ĠHan":8868,"ĠPOR":8869,"cord":8870,"uestras":8871,"Ġaprobado":8872,"Ġespecializada":8873,"Ġlimpio":8874,"Ġacondicionado":8875,"Ġavanzar":8876,"Ġmarch":8877,"ĠOtros":8878,"Ġópti":8879,"Ġjornadas":8880,"ĠOficina":8881,"Ġjugando":8882,"ĠĠĠĠ":8883,"Ġgarantiza":8884,"Ġveinte":8885,"MO":8886,"BI":8887,"Ġhoja":8888,"âĢ¦)":8889,"Ġejército":8890,"Ġcubierta":8891,"uena":8892,"ĠBueno":8893,"Ġ600":8894,"Ġutilidad":8895,"Ġdueño":8896,"sula":8897,"Ġacepta":8898,"ÃŃg":8899,"Ġnaran":8900,"Ġturistas":8901,"érico":8902,"umb":8903,"Ġabsoluta":8904,"tecas":8905,"alizaciones":8906,"Ġbebidas":8907,"Pa":8908,"Ġóp":8909,"Ġgre":8910,"Ġinformado":8911,"usto":8912,"ispo":8913,"Ġpatio":8914,"Ġcalent":8915,"Ġdiscos":8916,"Ġindividuo":8917,"ĠDiario":8918,"Ġcatálogo":8919,"ĠDI":8920,"ĠjurÃŃdica":8921,"Ġpetróleo":8922,"Ġponiendo":8923,"02":8924,"NO":8925,"jando":8926,"ĠNet":8927,"ĠRamón":8928,"PU":8929,"ĠAlic":8930,"tle":8931,"ĠSant":8932,"Ġbasa":8933,"Ġmantienen":8934,"Ġsobres":8935,"cemos":8936,"Ġargentina":8937,"Actu":8938,"Ġreún":8939,"Ġcolorear":8940,"77":8941,"Ġconsideran":8942,"Ġimpresionante":8943,"Ġestima":8944,"Ġaliv":8945,"Ġbl":8946,"Ġbancar":8947,"Ġcans":8948,"ĠKar":8949,"Ġresponde":8950,"Ġllegando":8951,"Ġvicepres":8952,"Ġliqu":8953,"ÃŃficamente":8954,"ĠCanarias":8955,"Ġutilizados":8956,"Ġmodalidad":8957,"Ġmaterias":8958,"ĠWashington":8959,"Emp":8960,"menes":8961,"úsica":8962,"Ġasociaciones":8963,"EA":8964,"Ġfri":8965,"Ġenemigo":8966,"Ġpreserv":8967,"Ġinser":8968,"ĠEX":8969,"Ġjub":8970,"Ġdepartam":8971,"Ġesperamos":8972,".âĢĶ":8973,"tarias":8974,"Ġconformidad":8975,"Ġinmobil":8976,"ĠExper":8977,"Ġcriterio":8978,"Ġrepresentan":8979,"Ġllamó":8980,"ĠPapa":8981,"Ġgimnas":8982,"03":8983,"tipo":8984,"Ġgestionar":8985,"Ġcumpleaños":8986,"Ġsindic":8987,"ĠÃĵ":8988,"ĠReglamento":8989,"Ġescas":8990,"ART":8991,"ĠToda":8992,"Ġtratando":8993,"Ġexc":8994,"Ġfrag":8995,"Ġasumir":8996,".»":8997,"trices":8998,"ĠInstagram":8999,"Ġrecientes":9000,"icioso":9001,"].":9002,"Ġexcelentes":9003,"Ġcontribuir":9004,"Ġfabricantes":9005,"iti":9006,"Ġcultivo":9007,"ĠFiscalÃŃa":9008,"ĠMurcia":9009,"Ġqueso":9010,"ĠCU":9011,"Ġindicado":9012,"Ġrosa":9013,"hop":9014,"Ġrango":9015,"Ġmodern":9016,"acha":9017,"Ġrealizados":9018,"leto":9019,"Ġnoc":9020,"istos":9021,"Ob":9022,"Ġbonita":9023,"ĠVas":9024,"ERO":9025,"Ġamable":9026,"Ġterminado":9027,"ĠAllÃŃ":9028,"Ġadjud":9029,"Ġpresidenta":9030,"gulo":9031,"Ġnucle":9032,"Col":9033,"Ġmadru":9034,"Ġanunciado":9035,"Ġcapacitación":9036,"Ġcortes":9037,"Ġdeportes":9038,"ĠXIX":9039,"ĠMercado":9040,"Ġelectro":9041,"ĠMedia":9042,"Ġquedarse":9043,"Ġces":9044,"Ġpropietario":9045,"Ġvuelos":9046,"ĠPanamá":9047,"Ġhol":9048,"Ġparlam":9049,"Ġmexicana":9050,"Ġempie":9051,"Ġlanzar":9052,"Ġpata":9053,"ĠÃŃ":9054,"Ġfamosa":9055,"Ġdistingu":9056,"ĠBon":9057,"Ġcompetición":9058,"ĠCanadá":9059,"Ġdébil":9060,"Ġportu":9061,"ĠQuiz":9062,"Ġdestacado":9063,"Ġmetál":9064,"ĠcaracterÃŃstica":9065,"ArtÃŃculo":9066,"Ġimpe":9067,"Sab":9068,"citos":9069,"anal":9070,"Ġlaboratorio":9071,"Ġmovilidad":9072,"Ġidentificación":9073,"ĠSergio":9074,"Antes":9075,"ĠBien":9076,"Ġmanga":9077,"bir":9078,"Ġreservas":9079,"Ġsuav":9080,"Ġpróximas":9081,"Ġsostenible":9082,"ĠBlanca":9083,"Ġcaj":9084,"Ġdedos":9085,"gran":9086,"ĠAuto":9087,"Ġ120":9088,"Ġbille":9089,"85":9090,"Ġceb":9091,"Otro":9092,"ariales":9093,"Ġórgano":9094,"ĠCA":9095,"Ġpuro":9096,"putación":9097,"abetes":9098,"ÑĤ":9099,"Ġset":9100,"bao":9101,"Ġaluminio":9102,"ĠUl":9103,"ĠVar":9104,"Ġsujetos":9105,"Ġabogados":9106,"Ġpobla":9107,"Ġconducir":9108,"Ġmodos":9109,"Ġdiputado":9110,"Ġglob":9111,"ÃŃcola":9112,"Ġvoces":9113,"ãģ":9114,"ĠRica":9115,"Ġsumar":9116,"Muchas":9117,"Ġhubiese":9118,"direc":9119,"ĠSegunda":9120,"Ġembaj":9121,"Ġbron":9122,"Ġfortalecer":9123,"Ġruedas":9124,"Ġbailar":9125,"ĠBiblio":9126,"Ġabrió":9127,"itadas":9128,"ĠCN":9129,"ĠCuer":9130,"vol":9131,"Ġmamá":9132,"Ġprodujo":9133,"Ġcompet":9134,"Ġexpansión":9135,"Ġcorreg":9136,"Ġ250":9137,"Ġculp":9138,"Ġtreinta":9139,"Ġprivados":9140,"64":9141,"Ġalber":9142,"Ġpermanecer":9143,"garse":9144,"Ġdichas":9145,"iadas":9146,"Ġhábitos":9147,"Ġcomprensión":9148,"ĠParlamento":9149,"Ġespañolas":9150,"Ġdato":9151,"Ġindustriales":9152,"Ġcola":9153,"Ġseñora":9154,"Nuestro":9155,"izadas":9156,"Ġconstantemente":9157,"Ġferia":9158,"Ġmusicales":9159,"Di":9160,"Ġnecesitar":9161,"Ġvuestro":9162,"Ġater":9163,"Ġexige":9164,"Ġficción":9165,"Ġdelincu":9166,"ĠSemana":9167,"Ġharán":9168,"Ġfuncionario":9169,"dea":9170,"Ġmagist":9171,"Ġentiendo":9172,"Ġpropa":9173,"fonso":9174,"ĠAlim":9175,"ĠBea":9176,"Ġañade":9177,"Sobre":9178,",,":9179,"Ġreempla":9180,"ĠNosotros":9181,"Ġvigor":9182,"ĠGlo":9183,"Ġbásica":9184,"ĠdifÃŃciles":9185,"ĠUsuario":9186,"ĠTengo":9187,"Tu":9188,"Ġevaluar":9189,"Ġdelic":9190,"Ġdesl":9191,"amar":9192,"ernam":9193,"Ġcampeonato":9194,"ME":9195,"Ġseleccionar":9196,"Ġlogo":9197,"Ġretos":9198,"Ġpolic":9199,"ĠAcademia":9200,"Ġsentimiento":9201,"Ġacudir":9202,"Ġnotable":9203,"ĠÃģfrica":9204,"Ġproductor":9205,"Ġetapas":9206,"Ġdetenido":9207,"Ġconsumidor":9208,"ĠProvincia":9209,"omina":9210,"Ġseñales":9211,"Ġquedaron":9212,"Ġcombatir":9213,"ĠEmpresa":9214,"ĠclÃŃnica":9215,"Ġcafe":9216,"gué":9217,"trans":9218,"Ġgeneraciones":9219,"nado":9220,"TOS":9221,"Ġembar":9222,"Ġvirtud":9223,"Ġdeseos":9224,"Ġnoctur":9225,"Ġmach":9226,"Ġpublicaciones":9227,"Ġit":9228,"colo":9229,"Ġdibujo":9230,"fit":9231,"Ġhaci":9232,"Ġende":9233,"ĠAustral":9234,"ĠTorres":9235,"ĠRosario":9236,"Ġenemigos":9237,"Ġdeportiva":9238,"tela":9239,"ward":9240,"iona":9241,"Ġcercana":9242,"ĠMartin":9243,"ócra":9244,"Ġmalos":9245,"ĠArtÃŃculo":9246,"Ġjuventud":9247,"tinas":9248,"Ġtasas":9249,"temp":9250,"Ġverlo":9251,"Ġcontrad":9252,"Ġdistrito":9253,"úp":9254,"RAN":9255,"Ġestuvieron":9256,"Ġteléfonos":9257,"Ġaporte":9258,"udio":9259,"Ġtorm":9260,"Cre":9261,"Ġtruc":9262,"esas":9263,"Ġfiel":9264,"Ġintercambi":9265,"Ġdesf":9266,"Ġbrazo":9267,"Ġnieve":9268,"Ġvende":9269,"Ġdirigentes":9270,"Ġmaravilloso":9271,"ĠTenemos":9272,"Ġtoneladas":9273,"Ġconfun":9274,"Ġregalos":9275,"ĠRico":9276,"Ġfallo":9277,"Ġaltamente":9278,"Ġdescripción":9279,"lga":9280,"Ġadquisición":9281,"gia":9282,"ĠSr":9283,"...)":9284,"Ġ[...]":9285,"Ġprestación":9286,"ĠRoberto":9287,"Ġsecu":9288,"Ġconsentimiento":9289,"Ġmejoras":9290,"ĠespecÃŃficos":9291,"plan":9292,"Ġcarro":9293,"Ġidiomas":9294,"trada":9295,"Ġconclusión":9296,"Ġdestacan":9297,"dicación":9298,"tarlo":9299,"riz":9300,"Ġhuevos":9301,"Ġbeso":9302,"Ġpoderes":9303,"ĠPi":9304,"43":9305,"Ġsubs":9306,"aqu":9307,"Ġprobabilidad":9308,"Ġeuropea":9309,"PD":9310,"Ġcuadros":9311,"Ġmecanismo":9312,"Ġcartel":9313,"Ġmanejar":9314,"Ġfrutas":9315,"Ġdespues":9316,"Ġmuestras":9317,"polit":9318,"Ġperiódico":9319,"ede":9320,"Ġadvers":9321,"Ġbañ":9322,"Ġhttps":9323,"Ġenseñar":9324,"Ġcreando":9325,"Ġcuidar":9326,"Ġesquina":9327,"ualquier":9328,"endar":9329,"Ġpotente":9330,"Ġconocen":9331,"ĠlÃŃquido":9332,"Ġpiedras":9333,"Ġlógica":9334,"Ġmontaje":9335,"oxid":9336,"Ġpermitan":9337,"Ġprecisión":9338,"emb":9339,"Ġantic":9340,"Ġtratado":9341,"Ġbarato":9342,"Ġhorarios":9343,"Ġasociados":9344,"Ġcomputadora":9345,"ĠAv":9346,"itat":9347,"Ġimaginar":9348,"ĠCoord":9349,"enses":9350,"Ġfutu":9351,"tito":9352,"ámico":9353,"Ġnace":9354,"ĠEduca":9355,"Ġaval":9356,"Ġconsiguió":9357,"Ġimpro":9358,"ĠxD":9359,"ĠEv":9360,"Ġinfo":9361,"Ġcómoda":9362,"tadura":9363,"cripciones":9364,"udiciales":9365,"Ġprovincial":9366,"ĠSebastián":9367,"Ġdecora":9368,"Ġgráfico":9369,"Ġsat":9370,"Ġquem":9371,"Ġasal":9372,"Ġoral":9373,"ĠCurso":9374,"Ġpropietarios":9375,"Ġpublica":9376,"Ġsaga":9377,"orro":9378,"68":9379,"·":9380,"Ġdeterior":9381,"Ġacá":9382,"bie":9383,"Ġdele":9384,"Ġmirando":9385,"ĠJorn":9386,"Ġsuyo":9387,"bús":9388,"Ġfórmula":9389,"Ġacadémico":9390,"ĠSar":9391,"Ġregla":9392,"Ġmostra":9393,"Ġronda":9394,"Ġfrancesa":9395,"Otra":9396,"ajaja":9397,"Ġdinámica":9398,"Ġdivul":9399,"âĢ¦âĢ¦":9400,"ĠAutor":9401,"Ġaceptación":9402,"ĠAragón":9403,"Ġprohib":9404,"Ġapunta":9405,"ĠcÃŃr":9406,"ĠEspa":9407,"Ġmuseo":9408,"Ġense":9409,"Ġreproduc":9410,"geno":9411,"eramente":9412,"Ġconciertos":9413,"alax":9414,"Ġmari":9415,"Ġverdes":9416,"Ġverse":9417,"ándonos":9418,"ĠPaul":9419,"ĠGuatemala":9420,"ĠMA":9421,"Os":9422,"ĠGalicia":9423,"Ġlimpia":9424,"Ġprovoca":9425,"Ġpermitió":9426,"Ġahorrar":9427,"ĠGobern":9428,"Ġpendientes":9429,"Ġiguales":9430,"Ġreformas":9431,"uncios":9432,"Ġrevisar":9433,"Ġinn":9434,"tinos":9435,"Ġprovincias":9436,"ĠvacÃŃo":9437,"Ġfueran":9438,"Ġdiputados":9439,"Ġautomáticamente":9440,"Ġderrota":9441,"Ġbasura":9442,"Ġautomo":9443,"box":9444,"Ġanticip":9445,"Ġmemor":9446,"Ġcrimen":9447,"Ġfans":9448,"lados":9449,"Ġinvita":9450,"Ġadelga":9451,"ificada":9452,"Ġminerales":9453,"Ġtransferencia":9454,"rÃŃan":9455,"tube":9456,"ĠDol":9457,"Muy":9458,"énez":9459,"ted":9460,"Ġveremos":9461,"Ġexclusivo":9462,"Ġprimaria":9463,"Ġpudieron":9464,"Ġponemos":9465,"úmero":9466,"Ġnovio":9467,"Ġportavoz":9468,"ĠOnline":9469,"Ġreiv":9470,"Ġsatisfacer":9471,"avo":9472,"ĠVida":9473,"Ġcreciente":9474,"ĠEspero":9475,"olla":9476,"Ġsoci":9477,"vias":9478,"ĠSue":9479,"Ġprolon":9480,"Ġducha":9481,"Ġgub":9482,"úrg":9483,"ERA":9484,"Ġobtuvo":9485,"Ġapariencia":9486,"Ġborde":9487,"Ġviviendo":9488,"Del":9489,"tifica":9490,"diciones":9491,"Ġfruto":9492,"Ġobserva":9493,"Ġejecutivo":9494,"Ġfábrica":9495,"Ġestablecimientos":9496,"Ġcostes":9497,"Ġlistas":9498,"ĠEjército":9499,"Ġrenunci":9500,"Ġmexicanos":9501,"ĠindÃŃgenas":9502,"ĠFeria":9503,"ges":9504,"erÃŃas":9505,"Ġsolidaridad":9506,"Ġestilos":9507,"dadas":9508,"ĠOf":9509,"TS":9510,"ĠcirugÃŃa":9511,"wood":9512,"Ġhéro":9513,"Ġplanificación":9514,"TV":9515,"tilidad":9516,"Ġcontinú":9517,"Ġdañ":9518,"alla":9519,"Ġculo":9520,"ĠQUE":9521,"Ġfuncionar":9522,"ĠNunca":9523,"Ġinoc":9524,"quillaje":9525,"Ġformal":9526,"Ġcenten":9527,"rey":9528,"ÃŃces":9529,"Ġrecomendamos":9530,"ĠFinanci":9531,"Ġestaciones":9532,"Ġemocion":9533,"Ġincumpl":9534,"ĠCristina":9535,"Ġtrama":9536,"ÑĢ":9537,"enco":9538,"Ġreglam":9539,"Ġinformar":9540,"Ġfach":9541,"Ġcayó":9542,"Ġseñalado":9543,"Ġdisposiciones":9544,"Ġdescuentos":9545,"ĠPRI":9546,"Ġï":9547,"Ġfemenino":9548,"Ġdetener":9549,"Ġdistinta":9550,"trina":9551,"Ġbolas":9552,"ĠCuenta":9553,"Creo":9554,"cómo":9555,"Ġextin":9556,"ĠSy":9557,"41":9558,"Ġobligado":9559,"Ġaccidentes":9560,"Ġ47":9561,"67":9562,"Ġescribe":9563,"Ġútiles":9564,"Ġdisciplina":9565,"ak":9566,"Ġamantes":9567,"Ġmuñ":9568,"way":9569,"Ġcoron":9570,"ĠAsturias":9571,"Ġllaman":9572,"Ġcomprob":9573,"Ġanci":9574,"Ġexplicación":9575,"illermo":9576,"Finalmente":9577,"Ġliderazgo":9578,"Ġentero":9579,"Ġbalón":9580,"Ġreciben":9581,"cismo":9582,"Ġsalas":9583,"Ġdebut":9584,"Ġcolumna":9585,"ĠMorales":9586,"ĠActualmente":9587,"peta":9588,"Ġvigilancia":9589,"ĠEuropeo":9590,"Ġdebo":9591,"Ġañadió":9592,"Ġdecreto":9593,"Ġhig":9594,"ĠVicente":9595,"Ġprobado":9596,"ĠJack":9597,"ise":9598,"ARIO":9599,"Ġtrabajado":9600,"ĠDeportes":9601,"Ġarroz":9602,"Ġrumbo":9603,"anc":9604,"Ġsirven":9605,"Ġbásicas":9606,"Ġterap":9607,"ĠautonomÃŃa":9608,"iblia":9609,"ĠChrist":9610,"Ġolor":9611,"Ġaci":9612,"ulaciones":9613,"Ġreiter":9614,"Ġcoopera":9615,"Ġestadounidenses":9616,"Ġ43":9617,"econ":9618,"Ġtranscur":9619,"iental":9620,"radores":9621,"Ġpredic":9622,"Ġprede":9623,"ĠInterior":9624,"Ġbandera":9625,"Ġimaginación":9626,"Ġcuadrados":9627,"Ġescenarios":9628,"Ġ01":9629,"Ġmaquinaria":9630,"Ġmanifesta":9631,"Ġtos":9632,"Ġcerveza":9633,"Ġsúper":9634,"critos":9635,"Ġceremonia":9636,"Ġintenso":9637,"Ġcono":9638,"Ġlej":9639,"ĠAmor":9640,"Ġaparato":9641,"Ġintegrado":9642,"Ġparar":9643,"Ġmencionar":9644,"Ġfibra":9645,"ĠLE":9646,"Ġadolescente":9647,"Ġhabló":9648,"Ġcaptur":9649,"Ġpréstamo":9650,"Ġraza":9651,"Ġhabilidad":9652,"Ġexistir":9653,"Ġmediados":9654,"ĠMuchos":9655,"Ġvinos":9656,"Ġasesinato":9657,"Ġord":9658,"Quién":9659,"Ġsufrido":9660,"Ġprevent":9661,"ĠRecuer":9662,"tuario":9663,"Ġescenas":9664,"ónicas":9665,"ings":9666,"ĠPortugal":9667,"kin":9668,"abo":9669,"Ġmedir":9670,"ĠAmazon":9671,"ĠHen":9672,"Ġsignific":9673,"Ġrespondió":9674,"BL":9675,"Ġhilo":9676,"Ġcampes":9677,"Ġ:)":9678,"Ġbendi":9679,"Ġparticiparon":9680,"Ġfija":9681,"ĠLeon":9682,"hab":9683,"ÃŃmetros":9684,"Ġrica":9685,"ĠEspÃŃritu":9686,"Ġcomenzaron":9687,"ĠveÃŃa":9688,"iremos":9689,"Ġeducativos":9690,"app":9691,"work":9692,"ĠoÃŃdo":9693,"Ġvaloración":9694,"inete":9695,"Ġdeseas":9696,"Ġsustancias":9697,"Ġbicicleta":9698,"Ġdoy":9699,"Ġcomis":9700,"ĠWil":9701,"ĠDom":9702,"Ġreferencias":9703,"Ġultra":9704,"Ġdefine":9705,"Ġingen":9706,"Ġsiga":9707,"Ġquisiera":9708,"ĠComple":9709,"Ġobtenido":9710,"Ġfemin":9711,"Ġcontinuidad":9712,"Ġfiscales":9713,"ĠMedicina":9714,"Ġemoción":9715,"Ġmesas":9716,"Ġpoeta":9717,"Ġorgullos":9718,"Ġprestaciones":9719,"ĠMich":9720,"Ġórdenes":9721,"ĠMoreno":9722,"Estoy":9723,"chos":9724,"Ġtrist":9725,"Ġrestr":9726,"Ġúnicos":9727,"ĠfÃŃsicas":9728,"Ġciviles":9729,"ĠLuna":9730,"Ñģ":9731,"Ġpárra":9732,"Ġalimento":9733,"ĠturÃŃstico":9734,"Ġhumedad":9735,"Ġgustos":9736,"Ġsp":9737,"Ġdrama":9738,"ógico":9739,"ÃŃsimas":9740,"ĠAngel":9741,"Ġpreciso":9742,"áctica":9743,"Ġescrita":9744,"Ġ44":9745,"ĠCastillo":9746,"ĠFon":9747,"Ġotoño":9748,"orden":9749,"ĠNorm":9750,"Ġingresar":9751,"lash":9752,"Ġshow":9753,"Ġtemprano":9754,"Ġescapar":9755,"Ġté":9756,"Ġtrán":9757,"ĠIsabel":9758,"Ġintroduci":9759,"Ġsalario":9760,"Ġtrop":9761,"Ġsignos":9762,"Ġmodificaciones":9763,"Ġmalas":9764,"Ġfavoritos":9765,"EX":9766,"ĠTim":9767,"ÃŃnas":9768,"Ġabrazo":9769,"Ġcreada":9770,"asión":9771,"Ġregresar":9772,"Ġconsiderable":9773,"ENTE":9774,"Ġagro":9775,"Ġinyec":9776,"Ġcombustible":9777,"ĠAtención":9778,"Ġsolucionar":9779,"icidio":9780,"ze":9781,"Ġroja":9782,"ĠContac":9783,"far":9784,"Ġpsico":9785,"Ġregistros":9786,"Ġnegociación":9787,"onso":9788,"tizar":9789,"Ġpérdidas":9790,"idi":9791,"ĠGuer":9792,"Ġdirigir":9793,"Ġayudará":9794,"gica":9795,"Ġcolombiano":9796,"Ġintim":9797,"Ġpisos":9798,"Ġilegal":9799,"Ġapp":9800,"Ġcontratar":9801,"Ġregulación":9802,"ĠCalle":9803,"GT":9804,"Ġdices":9805,"tedral":9806,"Nuestra":9807,"Ġdirige":9808,"Ġindependientes":9809,"Ġrell":9810,"Ġbienvenida":9811,"Ġabri":9812,"ĠAño":9813,"Ġvolv":9814,"Ġgafas":9815,"Ġempresario":9816,"ĠMana":9817,"Ġreduce":9818,"ĠjurÃŃdico":9819,"Ġinspiración":9820,"Ġlevantar":9821,"Ġfomentar":9822,"Ġepisodio":9823,"Ġesenciales":9824,"Ġquiso":9825,"Ġcajas":9826,"Ġterren":9827,"terales":9828,"Ġtop":9829,"Ġplantea":9830,"Ġdefinitivamente":9831,"mol":9832,"Ġ46":9833,"Ġalcanza":9834,"Ġelevado":9835,"ĠMul":9836,"iempo":9837,"TC":9838,"Ġsuspensión":9839,"mano":9840,"Ġespon":9841,"Ġmarcado":9842,"Ġpanorama":9843,"ĠIsla":9844,"Ġ95":9845,"Ġsuple":9846,"Ġasomb":9847,"gén":9848,"ĠPrincip":9849,"2014":9850,"Ġinvestigar":9851,"ÃŃv":9852,"Ġmadri":9853,"PO":9854,"Ġdependencia":9855,"entamente":9856,"idado":9857,"ĠespecÃŃfica":9858,"Ġaficionados":9859,"Ġacontecimientos":9860,"inarios":9861,"Ġeliminación":9862,"Ġodio":9863,"ucho":9864,"Ġmotores":9865,"rico":9866,"ĠCapital":9867,"tab":9868,"Ġ49":9869,"Ġcomidas":9870,"Ġsuficientes":9871,"Ġansiedad":9872,"Ġpagina":9873,"Ġatraves":9874,"Ġprocl":9875,"Ġdescubierto":9876,"for":9877,"jeje":9878,"Ġprecisa":9879,"ĠProfesional":9880,"rimonio":9881,"Ġhogares":9882,"Ġcastellano":9883,"Ġdisput":9884,"idra":9885,"Ġocurrir":9886,"ĠFrente":9887,"Ġprendas":9888,"taban":9889,"ĠMúsica":9890,"ĠSp":9891,"Ġrespaldo":9892,"ĠSitio":9893,"Ġdedica":9894,"Ġpatro":9895,"Ġpudieran":9896,"ĠespecÃŃficas":9897,"Somos":9898,"risto":9899,"Ġcolabora":9900,"ĠHabana":9901,"Ġtoler":9902,"Ġatac":9903,"ĠOp":9904,"Ġimpulso":9905,"Ġemble":9906,"rocar":9907,"%)":9908,"Ġdevolver":9909,"ĠsentÃŃa":9910,"ĠserÃŃan":9911,"Ġcria":9912,"Ġnecesito":9913,"Ġmonto":9914,"Ġcoger":9915,"ĠsÃŃmbolo":9916,"cap":9917,"Ġrecaud":9918,"Ġestablecidos":9919,"ondas":9920,"ĠExcel":9921,"Ġespecializado":9922,"Ġsuministro":9923,"jeras":9924,"Ġcaballo":9925,"ĠSomos":9926,"cons":9927,"Ġnomin":9928,"Ġejecut":9929,"cr":9930,"Ġricos":9931,"ĠGuadal":9932,"Ġlistado":9933,"Ġmand":9934,"Ġvivido":9935,"versión":9936,"trop":9937,"Ġapla":9938,"venido":9939,"uerta":9940,"Ġproveedor":9941,"ĠWorld":9942,"cargar":9943,"ĠRespon":9944,"lig":9945,"Ġexcelencia":9946,"Ġdeterminados":9947,"sung":9948,"!,":9949,"Ġacumul":9950,"Ġclásicos":9951,"Ġoración":9952,"Ġpoquito":9953,"ucar":9954,"Ġraro":9955,"Ġequivalente":9956,"Ġconocemos":9957,"ĠPA":9958,"gi":9959,"Ġpareció":9960,"Ġcuentos":9961,"Ġobstá":9962,"Ġconvivencia":9963,"ĠTecnologÃŃa":9964,"Ġmetas":9965,"Ġfes":9966,"Ġcontará":9967,"Ġmadrugada":9968,"Ġllevaron":9969,"Ġdemon":9970,"Ġeco":9971,"Ġpaga":9972,"Ġexcepcional":9973,"ledo":9974,"Ġminim":9975,"uez":9976,"ĠBio":9977,"Ġfavorito":9978,"Ġpostura":9979,"Ġéstas":9980,"ĠNeces":9981,"mico":9982,"Ġconstruido":9983,"Ġindispens":9984,"Ġpracticar":9985,"ĠSER":9986,"Ġyou":9987,"ĠCin":9988,"Ġevolu":9989,"ĠUniversitario":9990,"ĠJames":9991,"Ġlargas":9992,"Ġintentando":9993,"Ġgato":9994,"Ġbasta":9995,"ml":9996,"Ġdescenso":9997,"Ġrecoge":9998,"Ġheridas":9999,"Ġcamiseta":10000,"Ante":10001,"Ġcausar":10002,"ÃŃctor":10003,"Ġbaile":10004,"Ġcontinente":10005,"Ġguitarra":10006,"Ġencanto":10007,"Ġrealizaron":10008,"Ġentien":10009,"Ġfrust":10010,"vida":10011,"Ġrelacionada":10012,"âĨ":10013,"Ġenviado":10014,"rena":10015,"guardia":10016,"ĠGro":10017,"Ġescog":10018,"Ġandal":10019,"ĠAnte":10020,"Ġresultar":10021,"Ġsolid":10022,"Ġune":10023,"Ġlac":10024,"ĠDES":10025,"Ġtránsito":10026,"Ġtalla":10027,"Ġtribunal":10028,"Ġapo":10029,"cm":10030,"Ġsmartph":10031,"Ġreino":10032,"Ġconfes":10033,"lim":10034,"ĠLibro":10035,"Ġprestar":10036,"ĠOctubre":10037,"Ġsuficientemente":10038,"ĠLibre":10039,"ĠGust":10040,"Ġhabido":10041,"Ġgrues":10042,"Ġdelantero":10043,"Ġirregular":10044,"ĠGuardia":10045,"Ġexpresar":10046,"Bus":10047,"ata":10048,"FOR":10049,"Ġcaracteriza":10050,"Ġconfirmó":10051,"Ġfresco":10052,"Ġsalsa":10053,"±":10054,"Ġfascin":10055,"Ġnaciones":10056,"Ġcontaminación":10057,"2013":10058,"Ġelector":10059,"hael":10060,"Ġcuota":10061,"Bar":10062,"Ġcaball":10063,"Ġreproducción":10064,"lantes":10065,"Ġtraslado":10066,"Ġamenazas":10067,"Ġtranquila":10068,"daje":10069,"Ġsilla":10070,"gena":10071,"Ġestamp":10072,"Ġimpulsar":10073,"ĠForo":10074,"Ġestando":10075,"Ġpart":10076,"Ġinclusión":10077,"Ġgeográ":10078,"Ġmono":10079,"ĠDen":10080,"ómicas":10081,"ADOR":10082,"Ġvea":10083,"ĠAlta":10084,"Ġ00":10085,"Ġespi":10086,"umer":10087,"Ġintu":10088,"áus":10089,"Ġcartera":10090,"Ġllevando":10091,"Ġcontempl":10092,"Ġpasta":10093,"eciendo":10094,"Ġcongel":10095,"ĠTro":10096,"ĠCiencia":10097,"Ġdejaron":10098,"ĠAdministra":10099,"ĠMarketing":10100,"Ġgeo":10101,"Ġvag":10102,"Ġtarifa":10103,"Ġhec":10104,"Ġaguan":10105,"Ġhuéspe":10106,"Quer":10107,"Ġexplicado":10108,"ĠSenado":10109,"cones":10110,"inó":10111,"Ġinmun":10112,"Ġdestinos":10113,"ĠProp":10114,"ĠHi":10115,"ándola":10116,"Ġbrinda":10117,"Ġtransparencia":10118,"Ġreina":10119,"ógica":10120,"Ġseco":10121,"Ġcae":10122,"Ġplaca":10123,"ĠAlicante":10124,"ĠAsia":10125,"Ġocta":10126,"ĠSantander":10127,"Ġapareció":10128,"Ġsurge":10129,"Ġben":10130,"Am":10131,"Ġamo":10132,"Ġtramo":10133,"Ġlargos":10134,"ĠpolicÃŃas":10135,"Ġaves":10136,"Ġrebaj":10137,"ÃŃncipe":10138,"Ġcelebrará":10139,"Ġkilos":10140,"Ġ1999":10141,"Ġsentirse":10142,"Ġdisponer":10143,"inc":10144,"Ġby":10145,"esos":10146,"Ġdespren":10147,"Ġfotó":10148,"ĠOscar":10149,"Ġelectricidad":10150,"ĠAlto":10151,"Ġpintar":10152,"ĠDistrito":10153,"ĠEmpresas":10154,"delo":10155,"urs":10156,"tega":10157,"Ġañadido":10158,"garon":10159,"Ġelaborado":10160,"Ġfeste":10161,"Ġdiabetes":10162,"ager":10163,"Ġabordar":10164,"túan":10165,"iéndose":10166,"oli":10167,"Ġllamados":10168,"ejo":10169,"Ġhall":10170,"Ġfelices":10171,"Ġolvi":10172,"Ġrelevante":10173,"dÃŃan":10174,"ĠIS":10175,"Ġsello":10176,"tumbre":10177,"Ġcorporal":10178,"ursos":10179,"ĠpodrÃŃamos":10180,"cop":10181,"98":10182,"ificaciones":10183,"ÃŃmenes":10184,"Ġpersonalmente":10185,"Ġrepubl":10186,"ĠCalidad":10187,"Ġmineral":10188,"Ġnº":10189,"Ġtonos":10190,"Ġtin":10191,"Ġofreciendo":10192,"ĠNA":10193,"Ġvieja":10194,"izando":10195,"Ġestreno":10196,"ĠgarantÃŃas":10197,"Ġconducción":10198,"Ġparada":10199,"Ġfracaso":10200,"Ġexcur":10201,"gnacio":10202,"Ġgustó":10203,"CON":10204,"Soy":10205,"Ġdisfruta":10206,"Ġrenovación":10207,"Ġvueltas":10208,"Ġportátil":10209,"Ġechar":10210,"uido":10211,"ĠHuman":10212,"Ġrechazo":10213,"Ġasesoramiento":10214,"Ġarco":10215,"Ġcreciendo":10216,"Ġbiblioteca":10217,"ĠLAS":10218,"Ġrevistas":10219,"Fi":10220,"ĠSport":10221,"ĠTab":10222,"incl":10223,"Ġmaquillaje":10224,"ĠCity":10225,"ámenes":10226,"Ġcancha":10227,"tánea":10228,"digos":10229,"Ġbomba":10230,"ávez":10231,"Ġámbitos":10232,"ĠGir":10233,"zcan":10234,"ĠRegión":10235,"Ġvecino":10236,"clar":10237,"iertas":10238,"Ġhistóricos":10239,"Ġcristianos":10240,"ĠAcción":10241,"izó":10242,"ĠOtra":10243,"gancia":10244,"Ġcreó":10245,"Ġcompetir":10246,"ĠLea":10247,"uyendo":10248,"Ġtorre":10249,"Ġalej":10250,"Ġejecutar":10251,"ĠSta":10252,"Ġcomplementar":10253,"Ġofens":10254,"Cas":10255,"Ġprogreso":10256,"Ġ85":10257,"Ġprecioso":10258,"Ġimportar":10259,"Ġ41":10260,"ÃŃso":10261,"enza":10262,"Ġparticularmente":10263,"cedes":10264,"Ġmasaje":10265,"ĠRuiz":10266,"Ġseñalar":10267,"Ġgalard":10268,"usas":10269,"ĠHerman":10270,"ĠONU":10271,"Ġfarmac":10272,"Ġpró":10273,"........":10274,"Ġvestidos":10275,"diales":10276,"Ġsoldados":10277,"Ġpesca":10278,"ĠNavarra":10279,"Ġluna":10280,"Ġprovocar":10281,"ecimiento":10282,"ĠSecretario":10283,"Ġinflación":10284,"Ġsigo":10285,"Ġpatrocin":10286,"éramos":10287,"Ġterrible":10288,"EE":10289,"Ġdormitorio":10290,"ĠGuillermo":10291,"Ġadh":10292,"Ġsalto":10293,"ĠMarco":10294,"Ġincent":10295,"zones":10296,"Ġsubsi":10297,"acciones":10298,"ĠIde":10299,"ĠAprende":10300,"Ġrecin":10301,"GB":10302,"Ġconsultas":10303,"Ġácido":10304,"ĠRaúl":10305,"ENCIA":10306,"ĠCH":10307,"ĠNoviembre":10308,"itable":10309,"Ġfactura":10310,"pot":10311,"Ġafrontar":10312,"Ġfuimos":10313,"ĠcrÃŃtico":10314,"FA":10315,"Ġdiplom":10316,"Ġdignidad":10317,"Ġorganizada":10318,"Ġescoger":10319,"ĠRol":10320,"ĠRevolución":10321,"ĠDispon":10322,"ĠNor":10323,"Ġargumento":10324,"Ġrefleja":10325,"Ġhaberse":10326,"Ġincorporación":10327,"Ġsemillas":10328,"ĠPromo":10329,"ĠUtil":10330,"gnos":10331,"ĠExtre":10332,"ĠGen":10333,"Ġcurioso":10334,"ĠVo":10335,"Ġdetectar":10336,"Ġparad":10337,"Ġgubernam":10338,"ĠMaduro":10339,"ll":10340,"Ġvilla":10341,"Ġcuriosidad":10342,"terráneo":10343,"ficit":10344,"Ġservidores":10345,"Ġhabia":10346,"ĠJur":10347,"Ġbau":10348,"SI":10349,"tificado":10350,"BO":10351,"ÃŃticas":10352,"Cor":10353,"Ġpersegu":10354,"Ġtuvimos":10355,"Ġabandonar":10356,"Ġimpre":10357,"Ġlesión":10358,"Ġemisión":10359,"ĠÃį":10360,"ĠraÃŃces":10361,"ĠLocal":10362,"Ġlanzó":10363,"Ġliga":10364,"atorio":10365,"Ġautoma":10366,"Ġseparación":10367,"Ġnegativa":10368,"Ġpongo":10369,"Ġ800":10370,"Ġcompara":10371,"rosa":10372,"Ġafectar":10373,"Ġproductividad":10374,"icul":10375,"valuación":10376,"bimos":10377,"Ġfirmado":10378,"Ġdenominado":10379,"ĠmÃŃo":10380,"ĠAlfonso":10381,"CN":10382,"ĠZona":10383,"Tengo":10384,"Ġmanifestaciones":10385,"ĠUR":10386,"Ġcolectiva":10387,"vada":10388,"Ġsostuvo":10389,"Ġprofundi":10390,"ĠWi":10391,"Ġsufrió":10392,"ĠAlonso":10393,"Ġterapia":10394,"Ġmensual":10395,"alista":10396,"Ġrutina":10397,"ĠBilbao":10398,"Ġgolpes":10399,"Ġfrutos":10400,"Ġculmin":10401,"endoza":10402,"ĠAustralia":10403,"ĠReserv":10404,"Ġdespre":10405,"ĠWilliam":10406,"ĠKe":10407,"Ġtemor":10408,"Ġideales":10409,"ĠSeguro":10410,"ciencia":10411,"ĠDivisión":10412,"Ġfirmas":10413,"ajara":10414,"Ġcelebrado":10415,"Hemos":10416,"Pos":10417,"Ġnegativo":10418,"Ġimplement":10419,"Ġvivimos":10420,"Ġaprue":10421,"ture":10422,"Ġnegros":10423,"Ġcharla":10424,"Ġcreemos":10425,"Ġpréstamos":10426,"iedades":10427,"Ġparro":10428,".:":10429,"Ġarru":10430,"ĠfrÃŃa":10431,"Ġterminal":10432,"itará":10433,"ĠRelaciones":10434,"Ġcubano":10435,"2012":10436,"Ġoficio":10437,"eld":10438,"ĠLatinoamérica":10439,"ĠPie":10440,"Ġfrecuente":10441,"Ġocio":10442,"Ġseguirá":10443,"Ġpelota":10444,"ensor":10445,"ĠReci":10446,"ĠMaes":10447,"LAN":10448,"ĠTres":10449,"Ġconsideración":10450,"ĠEmpleo":10451,"Ġcuándo":10452,"Ġlateral":10453,"Ġdestinado":10454,"ĠGabriel":10455,"Tenemos":10456,"Ġcatalán":10457,"onces":10458,"Ġabon":10459,"Ġcortar":10460,"ĠVictoria":10461,"Ġára":10462,"Ġverduras":10463,"rección":10464,"Ġdada":10465,"Ġaudiovis":10466,"Or":10467,"Ġcarbono":10468,"Ġaventuras":10469,"Ġhielo":10470,"Ġinal":10471,"Ġencuesta":10472,"tables":10473,"itiva":10474,"Ġpistas":10475,"Ġagencias":10476,"Ġdiga":10477,"Ġmandar":10478,"Ġganancias":10479,"Ġfus":10480,"Ġautora":10481,"Ġislas":10482,"Ġparticipan":10483,"Ġpolicial":10484,"Ġviva":10485,"iertos":10486,"Ġduelo":10487,"Ġmutu":10488,"Ġbuc":10489,"comunicaciones":10490,"Ġmante":10491,"Na":10492,"entados":10493,"raba":10494,"Ġcontroles":10495,"ĠAzul":10496,"Ġprevis":10497,"Ġtemplo":10498,"Ġvigencia":10499,"oraciones":10500,"reza":10501,"Ġdeterminada":10502,"Ġentró":10503,"uelve":10504,"Ġbolsas":10505,"ilan":10506,"ö":10507,"Ġincur":10508,"Ġbritánico":10509,"ĠOtro":10510,"yeron":10511,"Ġquince":10512,"Ġincrementar":10513,"Ġviajeros":10514,"Ġquedo":10515,"Ġcultiv":10516,"Ġpapeles":10517,"uth":10518,"ĠGil":10519,"Ġexistente":10520,"ÃŃsica":10521,"Ġutilizada":10522,"TAN":10523,"ĠPenal":10524,"ĠIndustria":10525,"оÐ":10526,"Ġorgullo":10527,"Ġrepresentar":10528,"Ġafectan":10529,"Ġescán":10530,"Ġpensaba":10531,"Ġmg":10532,"Ġcostumbre":10533,"Ġsecretos":10534,"Ġalerta":10535,"Ġapell":10536,"lero":10537,"Ġventanas":10538,"Sus":10539,"Ġparticipado":10540,"Ġvotar":10541,"Ġdesesper":10542,"my":10543,"Ġhayas":10544,"Ġdesigual":10545,"Ġmonstru":10546,"Ġsensibilidad":10547,"ĠOrg":10548,"Ġespiritu":10549,"Ġvidrio":10550,"Ġoeste":10551,"Ġdescribe":10552,"Ġaqu":10553,"Ġnotar":10554,"TM":10555,"Ġabiertas":10556,"Ġcredi":10557,"Ġdiarios":10558,"Ġsentidos":10559,"Ġsocialista":10560,"áz":10561,"Ġamigas":10562,"Ġescritorio":10563,"Ġenergética":10564,"guna":10565,"enzo":10566,"Ġhablado":10567,"ĠLog":10568,"Fo":10569,"ĠLegisla":10570,"Ġinmigrantes":10571,"ĠSaludos":10572,"ĠPac":10573,"Ġconversaciones":10574,"olv":10575,"Ġpertin":10576,"ÃŃsimos":10577,"Ġbaratos":10578,"adilla":10579,"Ġtarifas":10580,"Ġsecundaria":10581,"Ġchino":10582,"Ġempleado":10583,"Ġjueces":10584,"Ġdestrucción":10585,"quero":10586,"Ġrecordó":10587,"Ġposiblemente":10588,"Ġtest":10589,"ribunales":10590,"Ġmier":10591,"INA":10592,"Ġrelatos":10593,"Ġcobre":10594,"Ġ64":10595,"ĠLO":10596,"Ġnub":10597,"Ġciencias":10598,"Ġinstalado":10599,"ĠÃģngeles":10600,"Ġlabores":10601,"69":10602,"Deb":10603,"eamente":10604,"Ġlitros":10605,"Bien":10606,"TAS":10607,"Ġpelic":10608,"Ġespecializados":10609,"IDA":10610,"ĠChávez":10611,"Ġamarillo":10612,"Eso":10613,"Ġespejo":10614,"Ġpanel":10615,"damente":10616,"olas":10617,"Ġtenéis":10618,"ĠUSB":10619,"Ġcostumb":10620,"Ġlago":10621,"adrid":10622,"Ġrecogida":10623,"Puede":10624,"Ġblogs":10625,"Ġcuánto":10626,"Ġpulgadas":10627,"Ġsubida":10628,"ĠMira":10629,"Ġcaras":10630,"Ġresultó":10631,"ĠPatri":10632,"Ġconlle":10633,"Está":10634,"drome":10635,"Ġmár":10636,"Ġrelevantes":10637,"Ġcobrar":10638,"Ġdepósito":10639,"Ġrespira":10640,"Ġdesactiv":10641,"ĠEnergÃŃa":10642,"tions":10643,"Ġpercepción":10644,"Ġsuperviv":10645,"Ġcolectivos":10646,"Ġandar":10647,"Ġprioridad":10648,"ling":10649,"Ġmontañas":10650,"ĠPersonal":10651,"CC":10652,"cubre":10653,"Ġperpe":10654,"Ġclásica":10655,"ĠMichael":10656,"Siempre":10657,"Ġargumentos":10658,"ĠSex":10659,"Ġevent":10660,"ĠBlog":10661,"ĠTenerife":10662,"Ġmencionado":10663,"Ġcuyas":10664,"Ġ1998":10665,"Ġdeportivas":10666,"ĠVÃŃctor":10667,"Ġego":10668,"pado":10669,"Ġfuturos":10670,"ĠmÃŃa":10671,"Ġcomunica":10672,"Ġvayan":10673,"ĠProductos":10674,"Ġusos":10675,"Ġmandato":10676,"Ġacabó":10677,"cionario":10678,"Ġextrac":10679,"TRO":10680,"ĠFlores":10681,"ĠtenÃŃamos":10682,"ĠParti":10683,"Ġjurado":10684,"Ġdictadura":10685,"Ġsorprendente":10686,"Ġsolicitudes":10687,"Ġpresidencial":10688,"Ġpreciosa":10689,"rent":10690,"ĠIntro":10691,"ĠBlo":10692,"Ġllegará":10693,"ĠLED":10694,"Ġvisible":10695,"Ġbode":10696,"Ġvariables":10697,"84":10698,"ĠmetodologÃŃa":10699,"tul":10700,"Ġenferm":10701,"Prim":10702,"irán":10703,"Ġsufre":10704,"Ġmontar":10705,"ej":10706,"Ġpaciencia":10707,"Ġsienten":10708,"Ġtransición":10709,"Ġmedal":10710,"illar":10711,"ĠPsic":10712,"Ġmostrado":10713,"ĠResolución":10714,"Ġreducido":10715,"embol":10716,"ésar":10717,"Ġtemática":10718,"ence":10719,"Ġneum":10720,"ther":10721,"Ġtengamos":10722,"ĠTre":10723,"ĠTécnico":10724,"Ġenve":10725,"GR":10726,"Ġnaranja":10727,"drás":10728,"Ġmisterio":10729,"Ġfrances":10730,"Ġseguimos":10731,"Ġpescado":10732,"Ġlanzado":10733,"Ġcontienen":10734,"Ġmentir":10735,"ĠDoctor":10736,"Ġfinancieras":10737,"ĠIgnacio":10738,"uncias":10739,"Ġinscrib":10740,"ĠHugo":10741,"ZA":10742,"89":10743,"tea":10744,"press":10745,"Ġestándares":10746,"hum":10747,"iciosa":10748,"ĠEvan":10749,"Ġautobús":10750,"Ġasegurado":10751,"Ġinfantiles":10752,"ĠOriente":10753,"ĠIndustrial":10754,"Ġdefecto":10755,"ĠCampeonato":10756,"ĠEsco":10757,"ĠMAR":10758,"tuvieron":10759,"ĠRef":10760,"dela":10761,"Ġriv":10762,"Ġruso":10763,"Ġapreciar":10764,"ñe":10765,"POR":10766,"ĠFranco":10767,"Ġtraje":10768,"Ġsentimos":10769,"Ġcalcul":10770,"Ġindican":10771,"Ġperfección":10772,"ĠXXI":10773,"ĠdesafÃŃo":10774,"Ġpráctico":10775,"ĠCL":10776,"ĠartÃŃstica":10777,"Ġtrataba":10778,"olvid":10779,"Ġpresidencia":10780,"ĠMesa":10781,"Ġteór":10782,"adi":10783,"Ġcolegios":10784,"Ġsimples":10785,"Ġchar":10786,"ĠPresu":10787,"Ġsana":10788,"Ġligeramente":10789,"ĠCorea":10790,"Ġfemenina":10791,"Ġconstituyen":10792,"atch":10793,"bano":10794,"ĠCAR":10795,"Ġmandatario":10796,"lid":10797,"Ġabuso":10798,"Ġtapa":10799,"Ġdeter":10800,"Ġemis":10801,"Ġsufren":10802,"Ġantiguas":10803,"endió":10804,"Ġblancos":10805,"Ġarries":10806,"tita":10807,"gio":10808,"Ġelaborar":10809,"Publicado":10810,"Ġfacilita":10811,"ĠPes":10812,"untamente":10813,"ĠConce":10814,"Ġprotesta":10815,"Ġvideojuegos":10816,"Ġadquier":10817,"87":10818,"Ġaman":10819,"ĠproteÃŃnas":10820,"ĠEllos":10821,"ĠGuti":10822,"uis":10823,"Ġocasion":10824,"htt":10825,"Ġpatrón":10826,"fice":10827,"ámb":10828,"uliar":10829,"ĠSá":10830,"Ġencuentre":10831,"güedad":10832,"ĠAnuncios":10833,"Ġquinto":10834,"ĠhacÃŃan":10835,"Imp":10836,"igma":10837,"Ġnecesariamente":10838,"Ġclick":10839,"ĠMy":10840,"ĠDominicana":10841,"ĠTanto":10842,"Ġparámetros":10843,"Ġonce":10844,"Ġconsigo":10845,"aragua":10846,"Ġdisminución":10847,"win":10848,"dura":10849,"Ġligero":10850,"ĠEstra":10851,"Ġagricultura":10852,"ĠHal":10853,"Ġresponsabilidades":10854,"ĠFútbol":10855,"Ġclaras":10856,"Ġecos":10857,"ĠSexo":10858,"Ġcelebró":10859,"ólico":10860,"ĠestadÃŃsticas":10861,"Ġintroducción":10862,"Ġlavado":10863,"Ġexcepto":10864,"!.":10865,"Ġsingular":10866,"orcio":10867,"Ġcontraseña":10868,"Ġsemin":10869,"Ġtuviera":10870,"Ġconfec":10871,"Ġhipó":10872,"BRE":10873,"Ġbarrios":10874,"Ġromp":10875,"Ġtestimonio":10876,"ÃŃes":10877,"Ġdefien":10878,"sex":10879,"ÃŃdas":10880,"Ġfruta":10881,"Ġprecip":10882,"Ġfundación":10883,"Ġincorpora":10884,"Ġmúsicos":10885,"éticas":10886,"ule":10887,"ĠDonald":10888,"Ġhabituales":10889,"Ġcumplen":10890,"cuenta":10891,"ĠGafas":10892,"Ġlanza":10893,"Ġcuantas":10894,"undamente":10895,"uche":10896,"teria":10897,"eth":10898,"ĠCanal":10899,"Ġharina":10900,"ĠPatrimonio":10901,"Ġsimpl":10902,"ĠAgua":10903,"ĠCampo":10904,"ĠFeder":10905,"Ġabord":10906,"racción":10907,"ĠED":10908,"cidades":10909,"ben":10910,"Ġmini":10911,"Ġagrup":10912,"300":10913,"ĠJard":10914,"Ġ--":10915,"ñón":10916,"Ġdimensión":10917,"ĠPros":10918,"Ġcasco":10919,"Ġanuales":10920,"ony":10921,"sea":10922,"ult":10923,"Ġimplementar":10924,"Ġtesis":10925,"Ġrepeti":10926,"Ġcondena":10927,"Ġke":10928,"ĠCoci":10929,"uelva":10930,"Ġimponer":10931,"Ġalcanzado":10932,"Ġesposo":10933,"ĠgastronomÃŃa":10934,"ĠBay":10935,"Ġreivin":10936,"Ġhabita":10937,"Ġmaravillosa":10938,"ester":10939,"letÃŃn":10940,"ĠAri":10941,"efacción":10942,"tock":10943,"Ġdeterminadas":10944,"Ġprocesamiento":10945,"camos":10946,"din":10947,"Ġcomplement":10948,"Ġdesarrollando":10949,"ĠSho":10950,"eck":10951,"Ġincluida":10952,"ianas":10953,"Ġedades":10954,"Ġabiertos":10955,"tensión":10956,"timas":10957,"ĠDocu":10958,"Ġgravedad":10959,"Ġvers":10960,"Ġtoman":10961,"Ġdisminuir":10962,"ĠAdri":10963,"Ġclan":10964,"PI":10965,"ĠharÃŃa":10966,"Ġsabido":10967,"ĠCádiz":10968,"Ġleyenda":10969,"ĠNego":10970,"Ġdivertida":10971,"Ġconozco":10972,"Dos":10973,"Ġresidentes":10974,"Ġhectá":10975,"alismo":10976,"Ġademas":10977,"ĠSupremo":10978,"Ġverdaderamente":10979,"enciado":10980,"Ġinteriores":10981,"ĠRock":10982,"Ġjurisdic":10983,"Ġinesper":10984,"Ġalgodón":10985,"Ġpeculiar":10986,"Ġpá":10987,"Ġdeclarado":10988,"bert":10989,"Ġtac":10990,"Ġlluvias":10991,"Ġimpedir":10992,"Ġlogro":10993,"Ġcuartos":10994,"Ġautomática":10995,"sor":10996,"Ġadvir":10997,"ésticos":10998,"Val":10999,"Ġquir":11000,"Ġperjuicio":11001,"Ġconfirmar":11002,"ĠMauri":11003,"ĠMendoza":11004,"Ġdirigente":11005,"Ġcomercialización":11006,"Ġremon":11007,"Ġmarcador":11008,"Ġdas":11009,"oya":11010,"ĠRay":11011,"Ġconocidas":11012,"Ġparticipó":11013,"ĠOne":11014,"Ġplást":11015,"Ġmanifestación":11016,"ifi":11017,"Ġmanz":11018,"Ġcinemato":11019,"Ġelimina":11020,"Ġatacar":11021,"lace":11022,"Ġcaro":11023,"Ġsigno":11024,"Ġliberación":11025,"ĠBri":11026,"Ġdecenas":11027,"Ġalianza":11028,"Ġvivos":11029,"cista":11030,"ĠFinalmente":11031,"Ġconsa":11032,"cionalmente":11033,"Ġdéficit":11034,"ĠMarcos":11035,"ĠCR":11036,"Ġllegamos":11037,"Ġescritos":11038,"Ġbacter":11039,"Ġvestir":11040,"angel":11041,"ortunadamente":11042,"Ġwebs":11043,"Ġvaso":11044,"Ġgeneran":11045,"Ġinsegu":11046,"Ġfuncionan":11047,"Ġhun":11048,"Ġdepartamentos":11049,"ĠDiputación":11050,"Ġtejidos":11051,"ĠRaj":11052,"Ġintr":11053,"Ġdepresión":11054,"Ġindemn":11055,"Ġlimitado":11056,"gará":11057,"ĠVamos":11058,"ÃŃnsula":11059,"Ġsonidos":11060,"Ġregistrar":11061,"Ġcopa":11062,"Ġmortal":11063,"Ġfrecuentes":11064,"Ġdólar":11065,"Ġgigante":11066,"Ġfáciles":11067,"Ġclubes":11068,"Ġhisp":11069,"Ġkg":11070,"Ġcura":11071,"Ġaparatos":11072,"Ġatm":11073,"uyen":11074,"ãĥ":11075,"ĠPueblo":11076,"VD":11077,"Ġbrillo":11078,"Ġtea":11079,"Ġche":11080,"mado":11081,"JO":11082,"Ġindicar":11083,"Ġeléctricos":11084,".....":11085,"Ġclaridad":11086,"ezcan":11087,"ĠOcci":11088,"hh":11089,"ija":11090,"Ġsuena":11091,"Ġprovis":11092,"celo":11093,"Ġinconven":11094,"Ġfunda":11095,"JA":11096,"Ġsalga":11097,"Ġinternos":11098,"ĠSalón":11099,"ĠAlgunas":11100,"Ġextraña":11101,"ĠMadre":11102,"Ġincorporar":11103,"Ġvenezolano":11104,"rimas":11105,"ĠBat":11106,"ĠJiménez":11107,"Ġproyección":11108,"Ġvuelven":11109,"ĠingenierÃŃa":11110,"ĠArquitec":11111,"Ġfundament":11112,"Ġexce":11113,"ĠvenÃŃa":11114,"ĠHel":11115,"úme":11116,"Ġrefres":11117,"Ġdedo":11118,"Ġinclus":11119,"nia":11120,"ñad":11121,"guera":11122,"Ġcens":11123,"Ġrehabilitación":11124,"tiquetas":11125,"Ġinteracción":11126,"Ġposesión":11127,"arquÃŃa":11128,"Ġapasion":11129,"Ġconferencias":11130,"trico":11131,"Ġpresi":11132,"Pas":11133,"ĠRich":11134,"Ġtrascen":11135,"Ġguarda":11136,"Ġmultiplic":11137,"ding":11138,"Ġfama":11139,"Ġzo":11140,"ĠPrimero":11141,"ASA":11142,"Ġclimático":11143,"uar":11144,"Ġterritorios":11145,"Ġ52":11146,"Ġrentabilidad":11147,"otas":11148,"Ġcombinar":11149,"Ġtestigos":11150,"eja":11151,"omosex":11152,"Ġacar":11153,"Ġampliación":11154,"Ġciudadana":11155,"toras":11156,"buen":11157,"Ġtrámite":11158,"Ġdiscur":11159,"ecÃŃan":11160,"CD":11161,"Ġenormes":11162,"ĠSAN":11163,"ax":11164,"Ġfamosos":11165,"mio":11166,"ĠFamilia":11167,"Ġpudiendo":11168,"ĠPU":11169,"Ġvicepresidente":11170,"Ġester":11171,"Ġcontado":11172,"Ġtratados":11173,"Fran":11174,"Ġexquis":11175,"lera":11176,"iler":11177,"ĠJudicial":11178,"Ġavenida":11179,"fia":11180,"Ġprevé":11181,"ĠEstatal":11182,"Ġindirec":11183,"ázquez":11184,"Gran":11185,"Ġperfiles":11186,"Ġcostumbres":11187,"cionada":11188,"Ġboliv":11189,"ĠespecÃŃficamente":11190,"Ġasiento":11191,"clo":11192,"questa":11193,"ĠDem":11194,"Ġsupermer":11195,"kes":11196,"ficar":11197,"ĠBach":11198,"tens":11199,"Ġvariable":11200,"Can":11201,"Ġsensaciones":11202,"Ġleve":11203,"ĠObama":11204,").-":11205,"ĠUb":11206,"ĠOpera":11207,"Ġmueve":11208,"Ġmolesti":11209,"ánicos":11210,"Ġobtiene":11211,"ĠAlgo":11212,"Ġalcanzó":11213,"Ġverte":11214,"Ġmantuvo":11215,"Ġacusado":11216,"Ġsorteo":11217,"Ġambi":11218,"ĠWh":11219,"áster":11220,"Ġmaltra":11221,"Ġgerente":11222,"86":11223,"lega":11224,"Ġdid":11225,"ĠSor":11226,"Ġdiversión":11227,"Ġgesto":11228,"Ġexperimentar":11229,"tex":11230,"ĠSigue":11231,"enciana":11232,"ls":11233,"ĠLuz":11234,"Ġcálculo":11235,"ĠTaller":11236,"Ġlento":11237,"organ":11238,"Ġrespetar":11239,"Ġalrededores":11240,"Ġgrabación":11241,"olar":11242,"Ġambientales":11243,"Ġviaj":11244,"Ġvalorar":11245,"Ġdetención":11246,"Ġculturas":11247,"Ġentretenimiento":11248,"ĠAses":11249,"Ġdesapareci":11250,"fac":11251,"Ġencontré":11252,"vir":11253,"Ġrelativamente":11254,"Ġaprendido":11255,"Ġgrabar":11256,"Ġsalarios":11257,"Ġderivados":11258,"Ġcalific":11259,"Ġcapitán":11260,"abra":11261,"itis":11262,"Ġemisiones":11263,"Ġtransmi":11264,"Ġinolvid":11265,"VE":11266,"Ġdemandas":11267,"ĠMax":11268,"ĠFan":11269,"ĠConten":11270,"Ġgigantes":11271,"Ġdiscul":11272,"ĠCapa":11273,"Ġvencer":11274,"Ġtransforma":11275,"érrez":11276,"Ġconcejal":11277,"ĠFrank":11278,"Ġconclusiones":11279,"Ġbordo":11280,"Ġflam":11281,"Ġresistente":11282,"Porque":11283,"ĠBiblioteca":11284,"Ġposteriores":11285,"Ġbeber":11286,"Ġdirecciones":11287,"plica":11288,"Ġjuvenil":11289,"Ġgiro":11290,"400":11291,"ortuna":11292,"ĠPens":11293,"Ġperjud":11294,"ĠPap":11295,"ĠResta":11296,"Ġcomponente":11297,"Ġamericano":11298,"Ġpromociones":11299,"fecto":11300,"Ġnúcleo":11301,"gramas":11302,"79":11303,"Ġfronteras":11304,"igan":11305,"ĠgalerÃŃa":11306,"ĠÃģrea":11307,"Ġauténtico":11308,"ĠlegÃŃ":11309,"Ġsemi":11310,"ĠSelección":11311,"76":11312,"ĠIgual":11313,"Ġpasaba":11314,"ĠCésar":11315,"Ġcentrales":11316,"ván":11317,"andante":11318,"ĠHemos":11319,"Ġdescubrimiento":11320,"Ġjardines":11321,"Tube":11322,"Ġlee":11323,"Ġestupen":11324,"Ġavanzado":11325,"ĠWhats":11326,"Cam":11327,"Ġcro":11328,"Ġcertificación":11329,"Ġrepente":11330,"trando":11331,"ĠSamsung":11332,"ĠChi":11333,"Ġnegociaciones":11334,"Ġterrenos":11335,"dujo":11336,"certid":11337,"Ġreduc":11338,"Ġhicimos":11339,"uu":11340,"Ġexpediente":11341,"Ġhechas":11342,"eme":11343,"Ġensal":11344,"Ġdiagnos":11345,"Ġexpuls":11346,"mia":11347,"Ġpresupuestos":11348,"ĠJoaqu":11349,"Ġquinta":11350,"Jos":11351,"ĠLar":11352,"Ġinterrump":11353,"Ġtitulado":11354,"Ġbrind":11355,"Ġcaza":11356,"Ġinvitación":11357,"ĠGrande":11358,"ĠObje":11359,"amora":11360,"Ġpollo":11361,"****":11362,"Ġjuntas":11363,"dest":11364,"Ġcolaboradores":11365,"Ġpelea":11366,"Ġafuera":11367,"JE":11368,"ricas":11369,"Ġacorde":11370,"Ġpop":11371,"ubo":11372,"Ġcolaborar":11373,"ĠPúblicas":11374,"esto":11375,"faz":11376,"ciado":11377,"ÃŃrez":11378,"exo":11379,"ĠSha":11380,"amanca":11381,"Actualmente":11382,"Ġwith":11383,"ĠZapatos":11384,"ĠAcces":11385,"Ġescolares":11386,"Ġdevolución":11387,"Ġmadrile":11388,"cÃŃas":11389,"Ġinev":11390,"Ġllor":11391,"Ġbolsillo":11392,"Ġencontraron":11393,"Ġhuelga":11394,"esen":11395,"Ġapete":11396,"ĠStu":11397,"ĠStre":11398,"ĠEp":11399,"Ġvenden":11400,"Ġbis":11401,"Ġbella":11402,"Ġvs":11403,"ĠBiblia":11404,"Ġvuelva":11405,"ĠconocÃŃa":11406,"ĠDin":11407,"letos":11408,"Ġfijo":11409,"Ġdisfrute":11410,"illones":11411,"ĠEscri":11412,"riles":11413,"Ġ56":11414,"Ġsanciones":11415,"Ġhacerle":11416,"Ġfla":11417,"Ġcolonia":11418,"Ġvotación":11419,"ĠNada":11420,"acruz":11421,"Ġ99":11422,"âĨij":11423,"Ġape":11424,"ĠÃģlvarez":11425,"Ġpuse":11426,"Ġatmós":11427,"Ġcóm":11428,"ĠTI":11429,"Ġllevamos":11430,"itco":11431,"idurÃŃa":11432,"Ġregionales":11433,"fol":11434,"Ġdescubre":11435,"Ġestuviera":11436,"ĠJefe":11437,"Ġpetrol":11438,"ándome":11439,"zco":11440,"apar":11441,"Ġdispuestos":11442,"Ġsuspen":11443,"NI":11444,"ĠtÃŃpico":11445,"Ġ1000":11446,"Ġlinea":11447,"Ġgráficos":11448,"Ġcoher":11449,"Ġhere":11450,"Ġnavegar":11451,"2011":11452,"Ġpresentaron":11453,"Ġincidencia":11454,"Ġizquierdo":11455,"irió":11456,"Ġfundador":11457,"Ġcompartido":11458,"onÃŃa":11459,"ĠRES":11460,"Ġviejos":11461,"ĠTiempo":11462,"Ġnube":11463,"Ġverá":11464,"ĠInnov":11465,"Ġmales":11466,"Ġconfort":11467,"olos":11468,"Ġvieron":11469,"Ġvapor":11470,"puestamente":11471,"Ġasust":11472,"Ġrurales":11473,"Ġagru":11474,"terno":11475,"onde":11476,"Ġensayo":11477,"Ġnovedad":11478,"Ġcompromisos":11479,"Ġpapa":11480,"Ġpastel":11481,"guas":11482,"Ġhospitales":11483,"Ġinfección":11484,"Ġcircular":11485,"Ġrescate":11486,"uertos":11487,"tano":11488,"Ġdesconocido":11489,"Ġpasaron":11490,"Cal":11491,"ÃŃe":11492,"Ġpensiones":11493,"Ġdetenidos":11494,"aster":11495,"Ġsustan":11496,"Ġintensa":11497,"Ġescucha":11498,"Ġética":11499,"Ġdescri":11500,"Ġluminos":11501,"ĠToledo":11502,"iaria":11503,"Ġindicadores":11504,"Ġadministrativa":11505,"ĠRecursos":11506,"Ġrelativa":11507,"Ġjudiciales":11508,"Ġmanteniendo":11509,"cera":11510,"piro":11511,"Ġadmir":11512,"Ġreconoció":11513,"ĠRomero":11514,"Ġquedará":11515,"Ġcadenas":11516,"ĠMiami":11517,"alladolid":11518,"ator":11519,"Ġhuéspedes":11520,"Ġpensé":11521,"DD":11522,"macia":11523,"ĠMancha":11524,"entre":11525,"ternidad":11526,"Ġdemues":11527,"Ġdiscriminación":11528,"logÃŃas":11529,"Ġpresentaciones":11530,"Ġhard":11531,"tificar":11532,"Ġdespertar":11533,"nar":11534,"Ġempe":11535,"inf":11536,"ĠSI":11537,"ĠClÃŃn":11538,"ĠMarina":11539,"Ġcastillo":11540,"ĠApar":11541,"Ġvalle":11542,"Ġascenso":11543,"Ġdecis":11544,"Ġeng":11545,"Ġartificial":11546,"eral":11547,"Ġdesgas":11548,"Ġdanza":11549,"tif":11550,"caba":11551,"Ġesquema":11552,"ĠMej":11553,"ĠVa":11554,"Ġinstan":11555,"España":11556,"ĠMercedes":11557,"Ġexigir":11558,"Ġpiensan":11559,"ĠcapÃŃtulos":11560,"Ġángel":11561,"ĠVill":11562,"Ġcapas":11563,"ĠCro":11564,"Ġhomosex":11565,"Ġrestric":11566,"Ġ....":11567,"Ġgenerado":11568,"Ġonda":11569,"ĠEgip":11570,"ĠvÃŃnculo":11571,"carga":11572,"tividades":11573,"hal":11574,"gués":11575,"ĠApo":11576,"ige":11577,"Ġsépti":11578,"Ġviolación":11579,"ENTA":11580,"oración":11581,"Ġactualizar":11582,"ĠGustavo":11583,"dista":11584,"Ġportada":11585,"Ġencontrarse":11586,"Ġconscientes":11587,"Ġexhib":11588,"ĠVerde":11589,"Ġamante":11590,"lana":11591,"ĠCerv":11592,"Ġmotivación":11593,"Ġimprimir":11594,"PR":11595,"Ġadaptar":11596,"Ġgatos":11597,"ets":11598,"ĠPalma":11599,"Ġinterro":11600,"tines":11601,"ĠAlfre":11602,"Ġcomplemento":11603,"Ġalemana":11604,"muy":11605,"Ġvisitante":11606,"Ġfranqu":11607,"ĠFuente":11608,"Ġurbana":11609,"Ġrecinto":11610,"ĠGRA":11611,"ĠGuÃŃa":11612,"Ġradi":11613,"Ġing":11614,"ĠJaime":11615,"Ġsiguió":11616,"ĠAlb":11617,"figu":11618,"anim":11619,"56":11620,"Ġdiseñar":11621,"Ġsalidas":11622,"ford":11623,"ĠSeptiembre":11624,"Ġhuevo":11625,"lorca":11626,"Ġconsumir":11627,"Ġrefrig":11628,"dones":11629,"Ġpaisajes":11630,"Ġincertid":11631,"low":11632,"vila":11633,"ĠSelec":11634,"Ġurgente":11635,"Ġincons":11636,"Ġabus":11637,"anti":11638,"ĠInglés":11639,"Ġcargar":11640,"ĠApro":11641,"ĠChica":11642,"Pr":11643,"ĠâĢĿ":11644,"Ġhúme":11645,"ionistas":11646,"óma":11647,"Ġregula":11648,"âĢĺ":11649,"TIC":11650,"Ġsufrimiento":11651,"ĠRajoy":11652,"Ġsensor":11653,"ometra":11654,"Ab":11655,"tear":11656,"jidad":11657,"Ġreligiosa":11658,"oper":11659,"turadora":11660,"idencial":11661,"ĠSA":11662,"ĠTampoco":11663,"Ġquie":11664,"Ġpresentada":11665,"ĠDemoc":11666,"ĠðŁĺ":11667,"Ġsupera":11668,"Ġpedidos":11669,"char":11670,"Ġunir":11671,"ĠGuadalajara":11672,"Ġnovelas":11673,"orada":11674,"yu":11675,"visor":11676,"lán":11677,"ĠSistemas":11678,"Ġsensible":11679,"Ġposeen":11680,"Ġestatales":11681,"Ġoccidental":11682,"ucristo":11683,"Ġsostiene":11684,"Ġantecedentes":11685,"Ġjuguetes":11686,"ĠStor":11687,"Ġadministrativo":11688,"Ġsatisfac":11689,"Ġrécord":11690,"ĠEscorts":11691,"ĠPRE":11692,"59":11693,"Ġretorno":11694,"ĠRevista":11695,"ÃŃgenes":11696,"of":11697,"ividad":11698,"Ġvengan":11699,"book":11700,"ĠGutiérrez":11701,"ĠDirectiva":11702,"ION":11703,"iss":11704,"ania":11705,"Ġjunta":11706,"ĠCatólica":11707,"Ġcomparte":11708,"ián":11709,"Ġbarro":11710,"Ġcontinuo":11711,"uco":11712,"Ġrecibieron":11713,"Ġdesean":11714,"Ġavanzada":11715,"iciembre":11716,"Ġmantenerse":11717,"Ġexplorar":11718,"Ġreconocida":11719,"Pe":11720,"Tal":11721,"iaciones":11722,"Ġaclarar":11723,"Ġencontrará":11724,"Ġpoblaciones":11725,"Ġquedando":11726,"mun":11727,"Ġrealizarse":11728,"ampa":11729,"Ġsar":11730,"Inicio":11731,"ander":11732,"igas":11733,"colas":11734,"ĠPágina":11735,"Ġformatos":11736,"adáver":11737,"Ġinto":11738,"Ġheridos":11739,"tent":11740,"ficientes":11741,"Ġtác":11742,"Ġfacebook":11743,"Ġfavorita":11744,"Ġmúsculos":11745,"Ġparale":11746,"Ġcorriendo":11747,"Ġpositivos":11748,"Ġpárrafo":11749,"uelta":11750,"Ġcitado":11751,"ĠGratis":11752,"Ġmolde":11753,"AA":11754,"Ġcortos":11755,"resa":11756,"Ġ180":11757,"Ġtram":11758,"ĠEnfer":11759,"Ġnarco":11760,"Ġib":11761,"Ġlocalidades":11762,"Ġencantado":11763,"Ġbebés":11764,"--------":11765,"Ġmedias":11766,"ĠArgent":11767,"ĠNicaragua":11768,"Ġsospech":11769,"Ġopos":11770,"Ġtubo":11771,"Ġsuspendi":11772,"Ġescritores":11773,"Ġefectivos":11774,"Ġsaque":11775,"Ġinteligentes":11776,"tizado":11777,"queros":11778,"Ġrebo":11779,"Ġcualidades":11780,"tti":11781,"izas":11782,"édito":11783,"Ġdenuncias":11784,"Ġdueños":11785,"Ġhijas":11786,"ò":11787,"ĠAgust":11788,"Ġdesarrollan":11789,"Ġretirar":11790,"Ġsera":11791,"ĠObserv":11792,"Ġ1997":11793,"ĠRamÃŃrez":11794,"Ġsupo":11795,"ness":11796,"Ġafectado":11797,"ÂĶ":11798,"ĠCompañ":11799,"Ġabsur":11800,"ĠRen":11801,"Ġcamas":11802,"ĠWa":11803,"obo":11804,"ĠMotor":11805,"Ġpresupues":11806,"ocar":11807,"tte":11808,"ĠTrad":11809,"egr":11810,"Ġcompuesta":11811,"Ġtransparente":11812,"Ġrecomendar":11813,"ecución":11814,"Ġnormales":11815,"eses":11816,"Ġtradiciones":11817,"Ġcompatible":11818,"Ġsangu":11819,"ĠdesafÃŃos":11820,"Mon":11821,"Ġespectadores":11822,"Ġdeportivos":11823,"Ġlev":11824,"Ġdescansar":11825,"Ġgráfica":11826,"idro":11827,"quita":11828,"Ġtecnológica":11829,"Ġmelo":11830,"IENTO":11831,"Ġvistazo":11832,"Ġpasamos":11833,"ioneros":11834,"gador":11835,"Ġotorga":11836,"Ġgimnasio":11837,"ĠTama":11838,"Ġconsiderada":11839,"Ġrestauración":11840,"Ġlindo":11841,"Ġhectáreas":11842,"Ġrevela":11843,"Ġpublicados":11844,"Ġloco":11845,"Ġcaptura":11846,"Ġcho":11847,"Ġempiezan":11848,"Ro":11849,"ĠCub":11850,"2010":11851,"ĠReina":11852,"Ġbebida":11853,"Ġimagin":11854,"ĠPresidencia":11855,"Ġocupación":11856,"CIO":11857,"grada":11858,"yente":11859,"Ġmodernos":11860,"éano":11861,"Ġcomienzan":11862,"ĠME":11863,"Ġmusul":11864,"ĠLaura":11865,"teos":11866,"Ġactúa":11867,"ĠRivera":11868,"ĠKen":11869,"Ġmuscular":11870,"ĠBi":11871,"Ġauxiliar":11872,"ĠminerÃŃa":11873,"Ġprin":11874,"Ġaline":11875,"Ġcrean":11876,"Ġbares":11877,"Ġcamar":11878,"Ġcomenzado":11879,"ĠBlue":11880,"ĠKo":11881,"Ġvos":11882,"Ġsienta":11883,"hola":11884,"Ġeducativas":11885,"Ġpolémica":11886,"Ġcalma":11887,"fonÃŃa":11888,"Ġpeligroso":11889,"Ġpaquetes":11890,"ejas":11891,"Ġdelegación":11892,"ĠMovimiento":11893,"erador":11894,"Ġbuscas":11895,"zamiento":11896,"Ġ54":11897,"Ġvuestros":11898,"gresos":11899,"ĠCic":11900,"Ġvivió":11901,"Ġprocedentes":11902,"Ġesperado":11903,"Todas":11904,"Ġseleccionado":11905,"Ġgloria":11906,"Ġcadáver":11907,"Ġmuro":11908,"Ġempresariales":11909,"Ġpresentamos":11910,"Ġextremadamente":11911,"Ġpreparados":11912,"ĠAgricultura":11913,"OP":11914,"Ġconvierten":11915,"Ġreparto":11916,"Ġexterna":11917,"Ġlink":11918,"Ġtratan":11919,"ĠVenta":11920,"Ġusados":11921,"Ġextrema":11922,"Ġdespla":11923,"Ġhabéis":11924,"pue":11925,"Ġdesaparición":11926,"ĠAll":11927,"Ġparado":11928,"Ġdesgracia":11929,"Ġasimismo":11930,"Ġintegrada":11931,"Ġtramp":11932,"Ġindependientemente":11933,"Ġcontener":11934,"achos":11935,"Ġetiqueta":11936,"ellos":11937,"mor":11938,"Ġangust":11939,"ms":11940,"Ġadoptar":11941,"ĠenergÃŃas":11942,"ĠJuz":11943,"har":11944,"Ġayudarte":11945,"Ġtim":11946,"Ġ72":11947,"Ġcumplido":11948,"Ġenmar":11949,"ĠCapÃŃtulo":11950,"Ġestuve":11951,"Ġacompañar":11952,"ĠfÃŃsicos":11953,"Ġfrontal":11954,"hay":11955,"uj":11956,"Ġcasti":11957,"Ġmierda":11958,"Ġcantar":11959,"ĠAF":11960,"util":11961,"Ġsucedido":11962,"Ġsuya":11963,"Ġligera":11964,"Ġempate":11965,"grados":11966,"Ġtardes":11967,"Ġmanifiesto":11968,"Ġlleve":11969,"Ġprestigio":11970,"Descripción":11971,"apro":11972,"Ġcreador":11973,"Ġdulces":11974,"Ġpiden":11975,"Ġatraer":11976,"Ġhombro":11977,"hÃŃa":11978,"ĠLl":11979,"ĠMara":11980,"ĠConst":11981,"Ġoptar":11982,"Jo":11983,"xa":11984,"ĠParaguay":11985,"Ġcambiando":11986,"Ġfle":11987,"ĠGan":11988,"Ġpecado":11989,"person":11990,"tuoso":11991,"Ġreforzar":11992,"IÃĵN":11993,"eres":11994,"Ġrecal":11995,"Ġacomo":11996,"Ġ51":11997,"oncesto":11998,"ĠRobert":11999,"Ġdestinados":12000,"Ġpinta":12001,"ĠConsejerÃŃa":12002,"Ġple":12003,"Ġtestigo":12004,"Ġoscuridad":12005,"Ġtrate":12006,"ADOS":12007,"hibido":12008,"Ġret":12009,"Ġempo":12010,"madura":12011,"ĠLorenzo":12012,"Ġdens":12013,"Ġlici":12014,"Ġestup":12015,"Ġconfirmado":12016,"Ġcambió":12017,"Ġcrece":12018,"Ġcaz":12019,"Ġdirectivos":12020,"ĠJunio":12021,"ĠmercancÃŃas":12022,"Ġbosques":12023,"Ġatro":12024,"Ġseparado":12025,"Ġpresentará":12026,"Ġediciones":12027,"Ġtitulares":12028,"Ġindispensable":12029,"Ġponga":12030,"ĠTipo":12031,"gs":12032,"ĠCaracas":12033,"Ġafric":12034,"Ġtextura":12035,"ani":12036,"ñal":12037,"Ġinversores":12038,"rie":12039,"Ġcomisiones":12040,"»¿":12041,"Ġuniversitarios":12042,"ĠFron":12043,"GRA":12044,"Ġprofundamente":12045,"Ġplanos":12046,"Ġrellen":12047,"dora":12048,"Ġasim":12049,"porque":12050,"tipos":12051,"Ġalcanz":12052,"Ġliberales":12053,"Ġentrevistas":12054,"oros":12055,"ĠConven":12056,"ĠMáster":12057,"elle":12058,"ĠGrecia":12059,"Ġtrasera":12060,"ásico":12061,"Ġvertical":12062,"Ġlograron":12063,"món":12064,"Ġrever":12065,"ĠElectoral":12066,"iness":12067,"Ġmedición":12068,"güenza":12069,"BS":12070,"ĠLee":12071,"rita":12072,"Ġgrie":12073,"izos":12074,"itro":12075,"Ġradical":12076,"Ġdéci":12077,"Ġmiel":12078,"irch":12079,"Ġcomplejos":12080,"Ġencantan":12081,"ĠJesucristo":12082,"Ġpoderoso":12083,"Ġexpresiones":12084,"ĠCursos":12085,"Ġcontun":12086,"Ġtransfer":12087,"Ġllave":12088,"Ġmasas":12089,"Ġconfigurar":12090,"gui":12091,"ĠDie":12092,"Ġsobrevivir":12093,"Ġnatur":12094,"Ġacadémica":12095,"Ġdespacho":12096,"cela":12097,"Ġfores":12098,"ĠMariano":12099,"Ġredi":12100,"Ġprece":12101,"Ġirá":12102,"Ġrealice":12103,"ĠStan":12104,"Ġejemplares":12105,"Ġcuotas":12106,"Ġconsideró":12107,"mático":12108,"ĠMauricio":12109,"ĠTit":12110,"Ġintegridad":12111,"Ġquedaba":12112,"Ġcercanos":12113,"Ġmanio":12114,"ramiento":12115,"PC":12116,"tadora":12117,"Leer":12118,"Ġnovedos":12119,"Ġepisodios":12120,"Ġ57":12121,"Ġadecuados":12122,"Ġengan":12123,"Ġabuela":12124,"Ġeró":12125,"Ġfinanciamiento":12126,"Ġalo":12127,"ĠDeleg":12128,"Ġefectivamente":12129,"ĠXVI":12130,"Ġcomentado":12131,"800":12132,"ĠartÃŃstico":12133,"Ġescándal":12134,"Toda":12135,"ĠâĢľÂ¿":12136,"ĠMinistro":12137,"ĠVega":12138,"Ġtomo":12139,"Ġpusieron":12140,"Ġadulto":12141,"Ġplazos":12142,"Ġbotella":12143,"ĠPra":12144,"Ġcomenta":12145,"Ġmoch":12146,"Ġconvencer":12147,"ecé":12148,"ĠMaster":12149,"ĠEu":12150,"lique":12151,"Ġmedicamento":12152,"logos":12153,"Ġalza":12154,"lfo":12155,"iki":12156,"ĠCualquier":12157,"ANA":12158,"Ġgrasas":12159,"Ġcincuenta":12160,"Ġsueldo":12161,"ĠValladolid":12162,"adar":12163,"fu":12164,"Ġsepa":12165,"selo":12166,"Ġafectadas":12167,"ĠEgipto":12168,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":12169,"Ġatmósfera":12170,"Ġpiz":12171,"Ġsinies":12172,"Ġextraordinaria":12173,"Ġauténtica":12174,"Ġsucedió":12175,"Ġgasolina":12176,"ĠBajo":12177,"Ġ1996":12178,"Ġcarreteras":12179,"Ġministerio":12180,"Ġmanifiesta":12181,"trica":12182,"Ġargentinos":12183,"Ġautomático":12184,"Ġmonedas":12185,"Ġpertenecen":12186,"Ġtrastornos":12187,"Ġaprobó":12188,"Ġexposiciones":12189,"Ġasociado":12190,"Ġsupuestamente":12191,"emia":12192,"Ġexigencias":12193,"poración":12194,"yectos":12195,"icciones":12196,"uss":12197,"dito":12198,"ĠTorn":12199,"ĠRespons":12200,"ĠNuestros":12201,"Ġcorregir":12202,"Ġchina":12203,"Ġdeterminación":12204,"Ġequipamiento":12205,"ámicas":12206,"Ġenfrenta":12207,"Ġoperadores":12208,"Ġinvitado":12209,"Ġterrorismo":12210,"dices":12211,"Ġopon":12212,"Ġsemestre":12213,"Ġfases":12214,"discipl":12215,"Ġmentira":12216,"ĠInfantil":12217,"Ġanimación":12218,"Ġespecialidad":12219,"Ġincendio":12220,"Ġputa":12221,"Ġcotidiana":12222,"aqueta":12223,"Ġcontempla":12224,"ING":12225,"Ġtemporadas":12226,"Ġoficialmente":12227,"fitri":12228,"Ġ1994":12229,"ĠMacri":12230,"Ġpreguntó":12231,"Ġlimitada":12232,"ĠquÃŃmicos":12233,"Ġconcluyó":12234,"Ġsorprender":12235,"Ġvocación":12236,"ĠWord":12237,"ĠYouTube":12238,"Ġéxitos":12239,"Ġcuchar":12240,"Ġinformática":12241,"ĠSL":12242,"Ġretom":12243,"Ġadapta":12244,"Ġtecnológico":12245,"Ġemitir":12246,"éricas":12247,"COM":12248,"Entonces":12249,"Ġaroma":12250,"Ġreacciones":12251,"abell":12252,"ñoz":12253,"ĠConferencia":12254,"Ġcorreos":12255,"Ġrenuncia":12256,"chi":12257,"Ġcontando":12258,"Ġobtenidos":12259,"ĠPrecio":12260,"aduras":12261,"Ġout":12262,"ciosa":12263,"Ġdesierto":12264,"Ġnavide":12265,"ĠAbog":12266,"Ġcubre":12267,"istente":12268,"rases":12269,"Ġdemand":12270,"57":12271,"Ġcé":12272,"mu":12273,"Ġforos":12274,"ÃŃcolas":12275,"Ġconforman":12276,"ĠOrtega":12277,"ĠAbril":12278,"yan":12279,"TEN":12280,"Ġinvestigador":12281,"Ġganadores":12282,"Ġsistem":12283,"ĠrÃŃos":12284,"Ġpromete":12285,"Ġmantenido":12286,"drigo":12287,"ĠEU":12288,"Ġaquél":12289,"ĠPerio":12290,"Ġcapitalismo":12291,"Ġrayos":12292,"Ġdestruir":12293,"Ġperdón":12294,"usk":12295,"Ġpico":12296,"Ġconcer":12297,"Ġcomparten":12298,"Ġentera":12299,"Ġvaca":12300,"Ġinterpretar":12301,"Ġcep":12302,"ĠLabor":12303,"ĠPrimer":12304,"Ġlág":12305,"Ġcalzado":12306,"ĠSección":12307,"ĠHonduras":12308,"alim":12309,"rimos":12310,"Ġaplicable":12311,"ĠseguÃŃa":12312,"Ġpist":12313,"Ġinicios":12314,"uerte":12315,"ĠEncuentro":12316,"ĠJoaquÃŃn":12317,"Ġrecurrir":12318,"Ġmama":12319,"Ġblancas":12320,"Ġcalificación":12321,"Ġobviamente":12322,"Ġmatr":12323,"ĠFlorida":12324,"ĠEncuentra":12325,"Ġzapatillas":12326,"Ġpensamos":12327,"Ġsano":12328,"Ġempleos":12329,"Fu":12330,"ĠAtlético":12331,"arela":12332,"publ":12333,"ça":12334,"Ġconduce":12335,"bados":12336,"Ġinformaciones":12337,"ĠTerri":12338,"Ġcosm":12339,"Ġenseña":12340,"Ġhem":12341,"Ġinauguración":12342,"Ġtropas":12343,"cé":12344,"Ġposicionamiento":12345,"Ġbande":12346,"Ġsitúa":12347,"urg":12348,"ómicos":12349,"ĠhabÃŃamos":12350,"Ġelectorales":12351,"ĠTécnica":12352,"Ho":12353,"Ġmaravilla":12354,"Ġemprendedores":12355,"ĠCuar":12356,"culas":12357,"Ġbloqueo":12358,"ĠBolsa":12359,"Ġinmueble":12360,"Ġperdida":12361,"Ġ59":12362,"Ġlámp":12363,"ĠSent":12364,"stein":12365,"Ġvitamina":12366,"Ġmódulo":12367,"Ġreúne":12368,"mel":12369,"Ġsincer":12370,"Ġbronce":12371,"ĠAún":12372,"cepto":12373,"ĠdirÃŃa":12374,"Ġintes":12375,"ĠturÃŃstica":12376,"Ġnecesitaba":12377,"cionalidad":12378,"Ġestábamos":12379,"Ġsecues":12380,"Ġconvirti":12381,"ĠHola":12382,"cú":12383,"Ġubica":12384,"Ġpersonalizado":12385,"ĠcÃŃrculo":12386,"Ġcoloca":12387,"ĠSac":12388,"Ġtome":12389,"Ġsupuestos":12390,"Ġconexiones":12391,"pones":12392,"Ġsobresal":12393,".).":12394,"Ġlimitaciones":12395,"Mé":12396,"uza":12397,"Ġaula":12398,"Ġ1995":12399,"Ġrodea":12400,"ross":12401,"Ġgenerando":12402,"ĠElectrón":12403,"ĠGuerrero":12404,"Cuán":12405,"Ġconcesión":12406,"Ġsubra":12407,"Ġcrónica":12408,"ĠDeportivo":12409,"CL":12410,"Ġhubieran":12411,"Ne":12412,"Ġrup":12413,"Ġcil":12414,"Do":12415,"cript":12416,"Ġdebió":12417,"CIAS":12418,"Ġcreencias":12419,"alizan":12420,"Ġfortuna":12421,"Ġcusto":12422,"ĠPorno":12423,"Ġrasgos":12424,"érpre":12425,"Ġinevitable":12426,"Ġrelevancia":12427,"Ġambientes":12428,"Ġinstituto":12429,"Ġ58":12430,"ĠVel":12431,"Ġhallaz":12432,"tren":12433,",.":12434,"radora":12435,"ĠFigu":12436,"Ġdesarrolló":12437,"Ġmascotas":12438,"Ġ53":12439,"Ġanuncia":12440,"Ġdescribir":12441,"Ġara":12442,"Ġsemif":12443,"Ġparques":12444,"Ġobservación":12445,"ótica":12446,"ĠExteriores":12447,"Ġasent":12448,"Ġpatrones":12449,"Ġofreció":12450,"EP":12451,"ĠCompe":12452,"Ġcaballos":12453,"Ġtrage":12454,"ĠAlianza":12455,"getales":12456,"Ġnavidad":12457,"ĠSig":12458,"Ġdram":12459,"Ġevangel":12460,"osten":12461,"Ġcompa":12462,"Ġpantallas":12463,"Ġ700":12464,"estrÃŃa":12465,"Ġvera":12466,"Ġterritorial":12467,"ĠsabidurÃŃa":12468,"Ġdestacados":12469,"Ġradic":12470,"Ġconviene":12471,"ĠCha":12472,"Ġcubanos":12473,"ĠDiciembre":12474,"Ġarres":12475,"Algunos":12476,"ders":12477,"Ġprotocolo":12478,"Ġlogros":12479,"Ġgradu":12480,"ĠCort":12481,"Ġsupongo":12482,"ĠPlaya":12483,"Ġporqué":12484,"ĠAnálisis":12485,"TAL":12486,"Ġverla":12487,"Ġcometido":12488,"Ġchav":12489,"Ġprevista":12490,"Ġdoctrina":12491,"ĠCrea":12492,"Ġmix":12493,"ĠPuebla":12494,"Ġflexibilidad":12495,"Ġacabo":12496,"Ġregistró":12497,"Ġencuentras":12498,"Ġinvi":12499,"ĠquÃŃmica":12500,"ĠtÃŃo":12501,"remo":12502,"Ġpacto":12503,"ĠDia":12504,"Ġpira":12505,"Ġsolos":12506,"Ġbonitas":12507,"ĠOlÃŃmp":12508,"gualmente":12509,"mens":12510,"Ġcuarenta":12511,"ĠIz":12512,"Ġcalefacción":12513,"Ġsombras":12514,"dro":12515,"Ġsalieron":12516,"Ġbrutal":12517,"Ġsolicitado":12518,"ĠCondiciones":12519,"Ġ1990":12520,"unya":12521,"ajar":12522,"ARI":12523,"Ġacompaña":12524,"ĠPark":12525,"Ġhumanas":12526,"Ġpresentarse":12527,"omento":12528,"Ġescuchado":12529,"Ġahi":12530,"ulados":12531,"Ġcamion":12532,"vista":12533,"Ġlógico":12534,"Ġexpresamente":12535,"Ġobtención":12536,"Ġdarte":12537,"Ġaseguran":12538,"Ġempa":12539,"Ġsindicatos":12540,"jecimiento":12541,"Ġvenezolanos":12542,"Ġmadu":12543,"Ġconjunta":12544,"Ġdesin":12545,"ĠFuerza":12546,"Ġcristiana":12547,"ĠNar":12548,"ĠVasco":12549,"Ġexterno":12550,"Ġreveló":12551,"ÃŃvar":12552,"Ġculto":12553,"iblemente":12554,"ĠPort":12555,"teza":12556,"ĠRan":12557,"ĠGenerales":12558,"ARC":12559,"Ġcomplejidad":12560,"TES":12561,"ãĤ":12562,"ĠSalamanca":12563,"Ġalu":12564,"Ġprofesora":12565,"Ġbásicamente":12566,"Ġencer":12567,"ect":12568,"Ġdirectores":12569,"2007":12570,"Ġenvió":12571,"Ġitaliana":12572,"Ġrapidez":12573,"Ġsecciones":12574,"resión":12575,"cusión":12576,"ĠJac":12577,"ĠSara":12578,"ĠMarta":12579,"Ġdenomina":12580,"Ter":12581,"TP":12582,"Ġdetermina":12583,"Ġvoluntarios":12584,"tándose":12585,"Ġcreativo":12586,"alizando":12587,"amarca":12588,"Ġexperiment":12589,"mita":12590,"Ġpermitiendo":12591,"ĠVers":12592,"orado":12593,"ĠAplic":12594,"Ġsometer":12595,"Ġimpide":12596,"Ġdegust":12597,"Ġformada":12598,"Ġrespectivos":12599,"Ġequipada":12600,"Ġembal":12601,"Ġexista":12602,"PER":12603,"Ġconserva":12604,"Ġcontraste":12605,"Ġfieles":12606,"Ġensayos":12607,"App":12608,"icho":12609,"Ġreen":12610,"HA":12611,"Ġconduci":12612,"Ġsentado":12613,"ĠExp":12614,"ache":12615,"Ġpersi":12616,"Ġremedio":12617,"Ġconquist":12618,"Ġincertidumbre":12619,"ueven":12620,"Encuent":12621,"ĠturÃŃsticos":12622,"Ġocultar":12623,"EB":12624,"vieran":12625,"Ġcerró":12626,"Ġcamisetas":12627,"Ġarrep":12628,"ĠDisfru":12629,"Ġplenamente":12630,"ueba":12631,"Dentro":12632,"Ġaborto":12633,"Ġcrees":12634,"ĠNúmero":12635,"Ġinflam":12636,"Ġstan":12637,"Ġconsejero":12638,"Ġsecundarios":12639,"ĠMedina":12640,"Ġevita":12641,"ĠarmonÃŃa":12642,"umas":12643,"Ġcontaba":12644,"Ġcódigos":12645,"ĠConstitucional":12646,"andra":12647,"Ġinac":12648,"Ġconductores":12649,"ĠCanaria":12650,"Ġcubana":12651,"Ġvolante":12652,"yac":12653,"tiza":12654,"Ġdiscutir":12655,"Ġintervenciones":12656,"Ġreflexionar":12657,"ĠincreÃŃbles":12658,"vic":12659,"Ġiniciado":12660,"Ġpersonalizada":12661,"ĠModer":12662,"kers":12663,"eval":12664,"ordi":12665,"Ġcruzar":12666,"Ġhábil":12667,"igar":12668,"ĠTour":12669,"ĠExtremadura":12670,"Cuál":12671,"pada":12672,"Ġparezca":12673,"Ġreconocidos":12674,"Ġfuturas":12675,"ĠLÃŃnea":12676,"Ġais":12677,"Ġdecidieron":12678,"ámites":12679,"Ġdesaparecer":12680,"Ġentrevist":12681,"Ġargument":12682,"Ġjaponés":12683,"ĠDisney":12684,"Ġsustancia":12685,"Ġfirmar":12686,"Ġ09":12687,"ĠCC":12688,"Ġcron":12689,"ĠilÃŃ":12690,"Ġbola":12691,"Ġpatria":12692,"Ġfundamentalmente":12693,"ĠCV":12694,"Ġnegras":12695,"ĠOpen":12696,"Ġconservar":12697,"Ġsoledad":12698,"uevo":12699,"Ġinterfaz":12700,"ándolos":12701,"itante":12702,"Ġestablecidas":12703,"Ġentregó":12704,"ĠTransporte":12705,"core":12706,"ĠEle":12707,"CIAL":12708,"Ġconectado":12709,"ĠSco":12710,"Ġsanción":12711,"Ġencuestas":12712,"ĠRoc":12713,"cing":12714,"Juan":12715,"Ġestés":12716,"Ġdifundir":12717,"Ġprocede":12718,"ku":12719,"Ġarreglar":12720,"Ġqueb":12721,"Ġficha":12722,"Ġdol":12723,"ĠMuñoz":12724,"Ven":12725,"ĠUSA":12726,"tto":12727,"Ġpreferencias":12728,"ĠCuerpo":12729,"ĠLucas":12730,"Ġurgencia":12731,"Ġtransformar":12732,"Ġautent":12733,"Ġconfirma":12734,"ĠAnim":12735,"Ġtrámites":12736,"Ġsolucion":12737,"ĠSiria":12738,"ĠCaja":12739,"ieras":12740,"Ġhagas":12741,"Ġtristeza":12742,"ĠenvÃŃa":12743,"Ġov":12744,"Ġirse":12745,"Ġbanca":12746,"loj":12747,"ĠAcuerdo":12748,"ĠGrado":12749,"fónica":12750,"ĠRamos":12751,"Ġnegar":12752,"jemp":12753,"Ġchoque":12754,"Ġperdiendo":12755,"Ġconstitución":12756,"enio":12757,"ĠEdad":12758,"ĠAquel":12759,"alición":12760,"Ġextremos":12761,"ĠSerá":12762,"tillos":12763,"jalá":12764,"Ġnumero":12765,"rerÃŃa":12766,"Ġunidos":12767,"Ġtetas":12768,"Ġencontraban":12769,"Ġsatél":12770,"Ġrelativo":12771,"ĠDiputados":12772,"ĠGeorge":12773,"Ġvein":12774,"ĠDeporte":12775,"ĠRural":12776,"ĠTOD":12777,"Ġacompañada":12778,"pecial":12779,"Ġexternos":12780,"Ġayuntamiento":12781,"ĠAmbos":12782,"ika":12783,"Ġefectuar":12784,"ĠEstatu":12785,"Ġincluidas":12786,"Ġmigra":12787,"Ġsemejante":12788,"Ġadecuadas":12789,"Ġcomprado":12790,"Ġfortaleza":12791,"ĠAde":12792,"ĠTeresa":12793,"Ġsuelos":12794,"ENA":12795,"Ġespectaculares":12796,"ĠWe":12797,"Ġclasific":12798,"Ġexámenes":12799,"Ġrecip":12800,"rás":12801,"Puedes":12802,"Ġtablas":12803,"Ġbil":12804,"Ġpilotos":12805,"Ġdiseñada":12806,"Ġuniforme":12807,"Ġpreca":12808,"ĠDentro":12809,"Ġdesempleo":12810,"Ġguardia":12811,"ĠmarÃŃ":12812,"Ġhabiendo":12813,"Ġcorresponden":12814,"Ġinsec":12815,"ĠVideo":12816,"ionista":12817,"Ġverificar":12818,"Ġadopción":12819,"Ġpotenciales":12820,"Ġmecánica":12821,"Ġdobl":12822,"Ġvenga":12823,"Ġnervios":12824,"ĠDVD":12825,"Ġqueridos":12826,"Ġmostrando":12827,"Ġvegetales":12828,"Ġ1993":12829,"Ġsolicita":12830,"uelto":12831,"Ġpresta":12832,"mplemente":12833,"Ġaviones":12834,"Ġredacción":12835,"Ġextraordinario":12836,"Ġjab":12837,"Ġdeportistas":12838,"sey":12839,"gol":12840,"Ġsustent":12841,"caden":12842,"Ġsillas":12843,"ĠFOR":12844,"ĠParece":12845,"Ġcierra":12846,"Ġira":12847,"Ġrelojes":12848,"Ġproceder":12849,"ĠMach":12850,"Ġhuesos":12851,"Ġinvis":12852,"ĠPacÃŃfico":12853,"Ġisrael":12854,"Ġdisfrutando":12855,"Ġpropuesto":12856,"Ġcerrada":12857,"Ġreservar":12858,"ĠjudÃŃos":12859,"ĠHijo":12860,"ĠSuiza":12861,"Ġoliva":12862,"Ġcomedia":12863,"elli":12864,"illera":12865,"Ġcomunicar":12866,"vecha":12867,"Ġterapéut":12868,"Ġlimita":12869,"Ġhigiene":12870,"unidad":12871,"EF":12872,"ĠBale":12873,"ush":12874,"ĠIra":12875,"Ġempezaron":12876,"Ġcomprende":12877,"video":12878,"Ġantigüedad":12879,"rich":12880,"venta":12881,"usal":12882,"ĠEstudio":12883,"Ġexteriores":12884,"Ġfidel":12885,"Ġabar":12886,"Ġactitudes":12887,"82":12888,"Ġuñas":12889,"Ġdetección":12890,"Ġfantástico":12891,"Ġvariar":12892,"zi":12893,"Ġuniversitaria":12894,"produc":12895,"Ġaparentemente":12896,"Ġaco":12897,"áut":12898,"Ġdinam":12899,"Ġ(âĢľ":12900,"Ġquita":12901,"irchner":12902,"ĠMaria":12903,"Ġfuga":12904,"________":12905,"Ġhallar":12906,"ions":12907,"Ġber":12908,"ĠpÃŃ":12909,"Ġaverigu":12910,"Ġnuclear":12911,"ĠUs":12912,"Ġmur":12913,"Ġfoc":12914,"desde":12915,"Recuer":12916,"gú":12917,"Ġintenciones":12918,"Ġinvent":12919,"Ġexportaciones":12920,"ĠClaro":12921,"restre":12922,"Ġesqu":12923,"Ġdecirle":12924,"Ġrazonable":12925,"ĠGén":12926,"Ġfeder":12927,"Inter":12928,"Ġaccesible":12929,"Ġunido":12930,"Ġmasculino":12931,"ĠHombres":12932,"],":12933,"Ġcostado":12934,"Ġtenis":12935,"ĠIngenier":12936,"Ġseca":12937,"Ġcentra":12938,"Ġrivales":12939,"pers":12940,"Ġdolores":12941,"Ġoperar":12942,"ĠSum":12943,"Ġcogn":12944,"Ġatravi":12945,"Ġgrabado":12946,"Ġdecorar":12947,"Madrid":12948,"ast":12949,"Ġperdon":12950,"oni":12951,"Ġcoj":12952,"Ġinvestiga":12953,"Ġsignificativo":12954,"ĠAnal":12955,"Ġfavorecer":12956,"Ġgole":12957,"Ġitiner":12958,"Ġconcepción":12959,"Ġramas":12960,"Ġmeteor":12961,"Ġanfitri":12962,"Ġflexible":12963,"iko":12964,"ĠcaÃŃdo":12965,"éndole":12966,"Ġlap":12967,"72":12968,"ĠInnovación":12969,"Ġrecibirá":12970,"Ġúnicas":12971,"Ġextender":12972,"Ġ900":12973,"Ġclaros":12974,"lywood":12975,"querÃŃa":12976,"Ġlocura":12977,"ĠSanidad":12978,"omen":12979,"Ġmapas":12980,"Ġtraspas":12981,"ĠPeter":12982,"Ġxxx":12983,"Ġeuropeas":12984,"Ġdata":12985,"Ġbanc":12986,"mann":12987,"eñas":12988,"Ġsube":12989,"Ġcriminal":12990,"Ġincidente":12991,"Ġcopias":12992,"VO":12993,"ĠMark":12994,"Ġenergético":12995,"Ġneur":12996,"Ġparto":12997,"Ġjajaja":12998,"tabria":12999,"ocen":13000,"Ġodi":13001,"Ġconcretamente":13002,"éctor":13003,"Ġapel":13004,"Ġmail":13005,"Ġconcluir":13006,"Ġsofist":13007,"Ġconcreta":13008,"intendo":13009,"ĠMarzo":13010,"Ġhermanas":13011,"Ġdecirlo":13012,"Ġroca":13013,"Ġoch":13014,"ĠBomb":13015,"Ġintentó":13016,"ĠLim":13017,"ĠIntegr":13018,"ĠSuárez":13019,"Ġcláus":13020,"Ġplay":13021,"Quieres":13022,"Ġpotenciar":13023,"Ġreseña":13024,"miten":13025,"Ġentusiasmo":13026,"Ġmejorando":13027,"ĠRoja":13028,"Ġcompl":13029,"81":13030,"Ġnariz":13031,"ĠHabÃŃa":13032,"ĠVeracruz":13033,"Ġentregado":13034,"Ġeditor":13035,"stal":13036,"Ġdenominada":13037,"Ġcertamen":13038,"ases":13039,"ayo":13040,"ĠHerrera":13041,"iciar":13042,"tit":13043,"54":13044,"ĠfantasÃŃa":13045,"dre":13046,"contra":13047,"Ġcorrientes":13048,"Ġrecomendación":13049,"grafos":13050,"Ġalturas":13051,"Ġteclado":13052,"Ġang":13053,"Ġcocinar":13054,"ĠMár":13055,"ĠComercial":13056,"Ġproporción":13057,"Her":13058,"Ġverás":13059,"ĠEditorial":13060,"ĠForma":13061,"Ġafición":13062,"tariado":13063,"Ġ69":13064,"Ġ66":13065,"osidad":13066,"Ġresultan":13067,"Ġsupervis":13068,"ĠPost":13069,"abuena":13070,"ament":13071,"Ġrequerimientos":13072,"Ġpsi":13073,"Ġfavorable":13074,"Ġgolf":13075,"iéndo":13076,"Ġtirar":13077,"ĠdecidÃŃ":13078,"Ġsumamente":13079,"Ġpoemas":13080,"Ġrespir":13081,"ĠRepres":13082,"tez":13083,"Ġfalso":13084,"tamentos":13085,"Ġdesplie":13086,"iete":13087,"utado":13088,"Muchos":13089,"Ġbloques":13090,"Ġanaliza":13091,"ĠPersonas":13092,"recha":13093,"xis":13094,"Ġ°":13095,"@@@@@@@@":13096,"ĠNike":13097,"ĠRojo":13098,"Ġvimos":13099,"ĠmÃŃnimos":13100,"Ġcompetente":13101,"Ġtatu":13102,"Ġgases":13103,"Ġnoble":13104,"ĠRioja":13105,"ÃŃgeno":13106,"PP":13107,"lara":13108,"ĠBill":13109,"táneamente":13110,"ĠIslas":13111,"Ġcodi":13112,"Ġfiltro":13113,"Ġdefinitivo":13114,"Buenas":13115,"Ġcardio":13116,"ĠIntroducción":13117,"%),":13118,"Ġaumentando":13119,"Ġgoma":13120,"Ġcultivos":13121,"ĠMora":13122,"ciende":13123,"Ġprocur":13124,"Ġsuman":13125,"Ġpuertos":13126,"Ġcircunstancia":13127,"ĠoÃŃr":13128,"Ġtún":13129,"inoso":13130,"Ġdroga":13131,"Ġbatal":13132,"Ġpreval":13133,"ĠorÃŃgenes":13134,"ĠProces":13135,"Ġatractivos":13136,"ĠAvenida":13137,"Ġsegmento":13138,"²":13139,"Ġrestaurar":13140,"Ġpantalones":13141,"SC":13142,"Ġimperial":13143,"Ġépocas":13144,"ganda":13145,"quera":13146,"Ġpoema":13147,"politana":13148,"Ġfachada":13149,"ĠGonzalo":13150,"Vamos":13151,"ĠRela":13152,"Ġperiodismo":13153,"Ġsabores":13154,"Ġgui":13155,"DUC":13156,"izador":13157,"Ġmega":13158,"Ġfallecido":13159,"Ġneuro":13160,"Ġcancelación":13161,"Ġreunir":13162,"parse":13163,"itch":13164,"Ġconstantes":13165,"Ġoscura":13166,"Ġbodas":13167,"Ġpermanece":13168,"Ġpeces":13169,"ĠValent":13170,"ilado":13171,"83":13172,"ĠNombre":13173,"ĠBaja":13174,"Ġmaestra":13175,"ĠAtlán":13176,"vena":13177,"Ġtamaños":13178,"Ġcarpeta":13179,"Ġfraude":13180,"Ġapoya":13181,"Ġgriego":13182,"dul":13183,"Serv":13184,"Ġplac":13185,"Ġnutrientes":13186,"Ġgala":13187,"Ġfijar":13188,"Ġdecimos":13189,"Ġhiciera":13190,"INE":13191,"ĠBerlÃŃn":13192,"Ġdesvi":13193,"Ġextracción":13194,"Ġembarazada":13195,"Ġvergüenza":13196,"ĠRodrigo":13197,"Ġguión":13198,"Ġpolla":13199,"ĠKing":13200,"Ġencam":13201,"Ġhech":13202,"ĠCI":13203,"itz":13204,"gase":13205,"Ġjusta":13206,"Ġsoportar":13207,"icto":13208,"Tiene":13209,"Fel":13210,"Ġmigrantes":13211,"ĠMallorca":13212,"ĠGlobal":13213,"ĠCentros":13214,"ONA":13215,"52":13216,"Ġ1992":13217,"Ġtalentos":13218,"iense":13219,"Ġformando":13220,"ĠIVA":13221,"Ġmide":13222,"Ġmagnitud":13223,"ingos":13224,"Pon":13225,"Ġconsola":13226,"ĠFol":13227,"Ġsustitución":13228,"Ġaprovechando":13229,"Ġelevada":13230,"luten":13231,"ñones":13232,"ĠQuiero":13233,"ĠGor":13234,"74":13235,"ocimiento":13236,"Ġretor":13237,"Ġsupervivencia":13238,"Ġhombros":13239,"Ġsacerdote":13240,"Ġconlleva":13241,"kia":13242,"Ġvolverá":13243,"Ġrefugio":13244,"ĠMens":13245,"hacer":13246,"Ġsanitario":13247,"Ġarbi":13248,"MC":13249,"Ġbox":13250,"Ġreporte":13251,"Ġconvencional":13252,"Ġcorrup":13253,"Ġfarmacéut":13254,"Ġnor":13255,"Ġministra":13256,"unos":13257,"Ġhipótesis":13258,"Ġhablaba":13259,"Ġplus":13260,"Ġconmem":13261,"ĠAlfredo":13262,"ĠCenter":13263,"Ġimpu":13264,"Ġdecep":13265,"Ġmensaj":13266,"Ġtrabajamos":13267,"Ġdensidad":13268,"Ġhamb":13269,"Ġalb":13270,"Ġreparar":13271,"Ġcomparar":13272,"Ġcón":13273,"ĠIndi":13274,"Ġacadémicos":13275,"ĠFra":13276,"Ġcontemplar":13277,"Ġutilizadas":13278,"Ġvolar":13279,"ĠAU":13280,"Ġpudimos":13281,"Ġcompetitividad":13282,"ĠVillar":13283,"Ġdeterioro":13284,"Ġsustituir":13285,"Ġmobil":13286,"ĠTomás":13287,"uevas":13288,"Ġmuertes":13289,"ĠPER":13290,"urado":13291,"Ġmediano":13292,"Ġbrasileño":13293,"Ġchileno":13294,"Ġlimón":13295,"iebre":13296,"Ġfalleció":13297,"tibles":13298,"Ġdedicación":13299,"Ġsanitaria":13300,"Ġempezando":13301,"Ġincumplimiento":13302,"Ġherencia":13303,"ĠMargar":13304,"Ġsepara":13305,"áser":13306,"Ġfina":13307,"ĠExtra":13308,"ĠHy":13309,"ĠCaball":13310,"Ġpinturas":13311,"Ġdebidamente":13312,"naval":13313,"Ġinfecciones":13314,"Ġempezado":13315,"Ġdarán":13316,"Ġnubes":13317,"Ġdiámetro":13318,"Ġconcil":13319,"Ġfenómenos":13320,"Ġexplicaciones":13321,"Ġnatal":13322,"Ġmensuales":13323,"ĠADN":13324,"junto":13325,"Ġmonte":13326,"Ġdesaparecido":13327,"LC":13328,"Ġmolinos":13329,"ĠCateg":13330,"ĠObras":13331,"Ġmatemáticas":13332,"Ġsurgió":13333,"Ġdemo":13334,"Ġcomplementos":13335,"ĠÂĵ":13336,"600":13337,"Ġelectr":13338,"Ġbotones":13339,"Ġperegr":13340,"ilados":13341,"ĠCatalunya":13342,"dario":13343,"ĠGalax":13344,"Ġafirmar":13345,"Plan":13346,"gob":13347,"ĠPay":13348,"Ġabandono":13349,"ĠONG":13350,"éndolo":13351,"Ġplacas":13352,"Ġmodifica":13353,"Ġsobretodo":13354,"paración":13355,"Ġasientos":13356,"Ġsanto":13357,"Solo":13358,"Ġencargada":13359,"Ġhabitualmente":13360,"ĠDIS":13361,"Ġespada":13362,"Ġobligados":13363,"Ġsolitario":13364,"Ġpav":13365,"cuando":13366,"Foto":13367,"átil":13368,"Ġabundante":13369,"Ġinterv":13370,"Ġparal":13371,"ĠVargas":13372,"Ġhero":13373,"Ġmarcó":13374,"Ġinicialmente":13375,"Ġdisponen":13376,"Ġsubió":13377,"mith":13378,"Ġentendido":13379,"Ġampliamente":13380,"ĠPilar":13381,"Ġadministrador":13382,"iemb":13383,"Ġaportan":13384,"Ġgem":13385,"Ġjugó":13386,"Ġidentificado":13387,"key":13388,"Ġdesastre":13389,"Ġcoordinador":13390,"ĠRoy":13391,"Ġretiro":13392,"Ġobstáculos":13393,"Ġsofá":13394,"Ġhidro":13395,"Ġpapá":13396,"ĠElena":13397,"ĠHaz":13398,"Ġcercanas":13399,"vá":13400,"Ġencuentren":13401,"Ġcomenzará":13402,"Ġsaludables":13403,"ĠPlus":13404,"ĠINTER":13405,"Ġinmuebles":13406,"ĠTotal":13407,"Ġmención":13408,"Ġlenguas":13409,"Ġreligioso":13410,"claje":13411,"Ġintermedi":13412,"ométr":13413,"ĠCOR":13414,"Ġevitando":13415,"cientos":13416,"tag":13417,"back":13418,"Ġbasados":13419,"ĠPatr":13420,"Ġ360":13421,"inares":13422,"Ġprimas":13423,"Ġindustrias":13424,"2009":13425,"Ġcandidatura":13426,"Ġllenar":13427,"Ġgustaba":13428,"Ġsumerg":13429,"ĠGEN":13430,"ĠIncluye":13431,"Ġadaptarse":13432,"ruecos":13433,"Ġlingü":13434,"acos":13435,"Ġsiglas":13436,"Ġcompleja":13437,"Ġfotograf":13438,"ĠNadie":13439,"Ġtard":13440,"Ġpierdas":13441,"Ġejemplar":13442,"illado":13443,"Ġpromesa":13444,"lamos":13445,"Ġrara":13446,"ĠcrÃŃticos":13447,"Ġarmado":13448,"ĠExisten":13449,"53":13450,"landia":13451,"Ġtuyo":13452,"ĠBoca":13453,"Ġbello":13454,"ĠEquipo":13455,"73":13456,"fr":13457,"Ġchu":13458,"Ġacercarse":13459,"ĠIden":13460,"Ġcanto":13461,"ĠCamino":13462,"Ġpredomin":13463,"Ġuniversitario":13464,"Ġquirúrg":13465,"Ġanunciar":13466,"Ġrecicl":13467,"ĠID":13468,"rudencia":13469,"Ġdirectos":13470,"Ġlentamente":13471,"Ġoperativos":13472,"Ġnombrado":13473,"ampl":13474,"Ġexcusa":13475,"Ġexportación":13476,"Ciudad":13477,"Ġcorona":13478,"Ġreglamento":13479,"Neces":13480,"Ġnegativos":13481,"Ġgab":13482,"Ġllego":13483,"Ġranking":13484,"uega":13485,"éndez":13486,"ĠFuerzas":13487,"Ġfilas":13488,"OG":13489,"Ġproblemática":13490,"Ġexager":13491,"Ġapuestas":13492,"Ġcore":13493,"ebra":13494,"Ġpeores":13495,"Ġllamo":13496,"ĠCocina":13497,"ĠAten":13498,"ĠSw":13499,"Ġpp":13500,"Ġlema":13501,"Ġsemb":13502,"Ġenfermos":13503,"Ġmanchas":13504,"ĠSilva":13505,"Ġrealizamos":13506,"buses":13507,"trados":13508,"Ġinalámb":13509,"Ġimagenes":13510,"ĠSEO":13511,"Ġsoñ":13512,"Ġfusión":13513,"Ġtribunales":13514,"Ġalumnado":13515,"Ġseñores":13516,"Ġsexy":13517,"Ġperteneciente":13518,"Ġtecnológicos":13519,"ĠXVIII":13520,"Ġcontento":13521,"Ġgastar":13522,"Ġrestring":13523,"clas":13524,"sec":13525,"ĠJal":13526,"Ġpasará":13527,"Ġintérpre":13528,"atÃŃa":13529,"Ġrodeado":13530,"ĠNieto":13531,"51":13532,"Ġhumo":13533,"úmenes":13534,"ĠPala":13535,"cionista":13536,"ĠOrgánica":13537,"rául":13538,"ĠConf":13539,"Ġtuber":13540,"Ġespacial":13541,"Pla":13542,"Ġdefinido":13543,"Ġsaca":13544,"lom":13545,"ĠFá":13546,"Ġacaban":13547,"Ġlocalización":13548,"ép":13549,"Ġcongreso":13550,"arones":13551,"Ġremun":13552,"Ġsacó":13553,"ĠJuventud":13554,"ĠCartagena":13555,"ĠFecha":13556,"ĠGuad":13557,"Ġoperador":13558,"acen":13559,"ikipe":13560,"Ġgramos":13561,"gráficas":13562,"Ġcolombiana":13563,"Ġtira":13564,"Ġdiarias":13565,"Ġpensión":13566,"ĠEvangel":13567,"ĠJean":13568,"Ġfuncionalidad":13569,"Ġadvirtió":13570,"Ġconoció":13571,"Ġestóma":13572,"Ġeléctricas":13573,"Ġperspectivas":13574,"ĠBru":13575,"Ġaceites":13576,"Ġida":13577,"Ġganando":13578,"bita":13579,"Ġ68":13580,"ĠÃģlvaro":13581,"Ġpregunto":13582,"Ġperiódicos":13583,"Ġintegrar":13584,"ĠISO":13585,"Ġelectrodom":13586,"http":13587,"ĠBolÃŃvar":13588,"Ġcad":13589,"Ġcomponen":13590,"Ġacaso":13591,"Ġafectada":13592,"Ġprovocó":13593,"Ġintentado":13594,"cilla":13595,"Ġfaltan":13596,"Ġchi":13597,"ĠTrabajadores":13598,"ĠpartÃŃculas":13599,"Ġcompromete":13600,"ĠAsuntos":13601,"Ġlegado":13602,"ĠSS":13603,"Ġconstancia":13604,"ĠcrÃŃmenes":13605,"Ġconsiderando":13606,"Ġservido":13607,"Ġsubje":13608,"Ġdirectiva":13609,"Ġdeudas":13610,"Ġlágrimas":13611,"Ġbacterias":13612,"ĠEstán":13613,"ĠPrimaria":13614,"eis":13615,"jados":13616,"ĠRuta":13617,"ĠGri":13618,"Ġbancaria":13619,"Ġfinca":13620,"aming":13621,"Incl":13622,"az":13623,"Ġprovocado":13624,"Ġarranque":13625,"ĠMunicipio":13626,"ĠMarcelo":13627,"quicia":13628,"istros":13629,"Ġrusa":13630,"Ġjefes":13631,"istán":13632,"xima":13633,"amba":13634,"???":13635,"Ġmanipulación":13636,"Ġdren":13637,"Ġarquitectón":13638,"ivar":13639,"fasis":13640,"Cabe":13641,"ándoles":13642,"Ġsabiendo":13643,"Ġsuperado":13644,"ĠInstal":13645,"Ġsorpresas":13646,"diera":13647,"Ġcables":13648,"Esc":13649,"Ġpidiendo":13650,"ĠQuizás":13651,"ándote":13652,"GE":13653,"ĠDebido":13654,"ázar":13655,"Ġcondenado":13656,"Ġinferiores":13657,"Ġbotas":13658,"Ġpierna":13659,"dula":13660,"Ġespectador":13661,"ĠChan":13662,"58":13663,"ĠagrÃŃcola":13664,"Ġautorizado":13665,"ĠReserva":13666,"Ġrepresión":13667,"Ġfacultad":13668,"uenca":13669,"Ġextiende":13670,"Ġremi":13671,"Ġestaremos":13672,"Ġcabec":13673,"Ġtron":13674,"ĠMedel":13675,"Ġconfiar":13676,"Ġsanta":13677,"Ġpresion":13678,"ĠÃļl":13679,"Ġsep":13680,"Ġjustific":13681,"Ġobs":13682,"ĠConsultado":13683,"Ġsaliendo":13684,"Ġadministrar":13685,"Ġsuperficies":13686,"Ġhistori":13687,"Ġalegre":13688,"br":13689,"Ġcomplicaciones":13690,"gante":13691,"ĠAce":13692,"Ġdiariamente":13693,"chado":13694,"Ġstock":13695,"Ġpagan":13696,"CIONAL":13697,"yentes":13698,"Ġmódulos":13699,"Ġexpuesto":13700,"Ġaparcamiento":13701,"Ġtib":13702,"Ġdioses":13703,"Ġcolegas":13704,"Ġmúsico":13705,"ridas":13706,"Ġmodernas":13707,"Ġsacrificio":13708,"tenimiento":13709,"Ġbritánica":13710,"Ġvitaminas":13711,"ĠRel":13712,"63":13713,"Ġcomité":13714,"Ġine":13715,"ĠOtras":13716,"Ġprohibido":13717,"Ġenfa":13718,"Ġpatas":13719,"Ġdemocrática":13720,"Ġtrib":13721,"ĠGeo":13722,"Ġnervioso":13723,"PF":13724,"71":13725,"ĠOR":13726,"allas":13727,"ek":13728,"Ġajustes":13729,"Ġcebolla":13730,"Ġimprovis":13731,"ĠRena":13732,"Ġdirigidos":13733,"ĠRA":13734,"Ġchor":13735,"Ġhermosas":13736,"Ġimplantación":13737,"ĠPsicologÃŃa":13738,"Ġnecesite":13739,"Ġpondrá":13740,"Ġsuponer":13741,"Ġemig":13742,"ĠIglesias":13743,"Ġlucro":13744,"opol":13745,"ikipedia":13746,"ĠTRA":13747,"Ġdiagnostic":13748,"Ġconsidero":13749,"ĠTru":13750,"Ġcerteza":13751,"Ġdarles":13752,"ĠmaÃŃz":13753,"ĠValenciana":13754,"ĠestÃŃm":13755,"Ġbuscamos":13756,"ĠSuc":13757,"ath":13758,"Ġactualizaciones":13759,"tigu":13760,"Ġvictorias":13761,"Ġhueco":13762,"ĠJosep":13763,"ĠdiscÃŃp":13764,"Ġagrega":13765,"Reci":13766,"anta":13767,"Ġsalvaje":13768,"Ġagricul":13769,"tades":13770,"ĠCompañÃŃa":13771,"ĠAgustÃŃn":13772,"ximo":13773,"Ġproviene":13774,"Ġdelegado":13775,"ĠRog":13776,"Ġseno":13777,"ote":13778,"ĠFÃŃsica":13779,"itim":13780,"Ġrestricciones":13781,"ĠmediodÃŃa":13782,"tona":13783,"><":13784,"Ġén":13785,"ĠcalorÃŃas":13786,"Ġcompone":13787,"Ġadecuadamente":13788,"Ġactivar":13789,"ĠleÃŃ":13790,"Ġexponer":13791,"Ġpalacio":13792,"Ġmotoci":13793,"Ġespecific":13794,"Ġcómp":13795,"tiemp":13796,"ĠiOS":13797,".),":13798,"Ġvean":13799,"Ġobede":13800,"Ġcompletos":13801,"ĠAgosto":13802,"ĠSeñora":13803,"lego":13804,"baciones":13805,"ĠQuin":13806,"Ġoptimizar":13807,"Ġregistrados":13808,"Ġsaldo":13809,"Ġespectáculos":13810,"ĠStreet":13811,"ĠOfre":13812,"ĠVent":13813,"MIN":13814,"Nosotros":13815,"Ġmostramos":13816,"Ġsenador":13817,"Ġtóx":13818,"Ġmágico":13819,"Ġterremo":13820,"Ġseleccionados":13821,"Ġfresca":13822,"Ġlaterales":13823,"Ġsaludos":13824,"Ġfalla":13825,"ĠLec":13826,"Ġreligiosas":13827,"Sol":13828,"Ġtragedia":13829,"Ġproclam":13830,"Ġbalcón":13831,"Ġbonos":13832,"Ġsobr":13833,"ĠEnero":13834,"Ġascen":13835,"edades":13836,"ĠCoruña":13837,"Ġjuegan":13838,"Ġfestiv":13839,"Ġllorar":13840,"Ġazo":13841,"ĠHéctor":13842,"ĠIndependi":13843,"jamos":13844,"Ġdirigió":13845,"ĠSerie":13846,"Ġloca":13847,"itcoin":13848,"gración":13849,"queta":13850,"Ġtranscurso":13851,"Ġcoño":13852,"Ġduros":13853,"ĠSAL":13854,"Ġpedi":13855,"Ġcontinuamente":13856,"mall":13857,"ónicos":13858,"Ġmedioamb":13859,"Ġhablo":13860,"ĠpsicologÃŃa":13861,"real":13862,"Ġmodal":13863,"ĠPok":13864,"Ġguerras":13865,"Ġcanta":13866,"emento":13867,"Ġdespo":13868,"Ġcubierto":13869,"Ġinsta":13870,"itoria":13871,"tage":13872,"Ġacoger":13873,"ĠSOL":13874,"Ġprotestas":13875,"Ġpolar":13876,"Ġaur":13877,"Ġcasualidad":13878,"Ġcintura":13879,"hara":13880,"Ġproductivo":13881,"Ġapartamentos":13882,"Nota":13883,"Ġolvido":13884,"ecieron":13885,"Ġnacionalidad":13886,"ĠHom":13887,"Ġdesee":13888,"Ġcurva":13889,"Ġdebil":13890,"Ġcreativa":13891,"Ġaprende":13892,"Ġadher":13893,"Ġbarcos":13894,"ĠHun":13895,"Ġcausado":13896,"Ġrincón":13897,"Ġcorredores":13898,"ĠHuelva":13899,"Ġicono":13900,"ĠCasas":13901,"Ġconsiguiente":13902,"ficios":13903,"ĠInforme":13904,"Ġgros":13905,"ĠBarrio":13906,"ĠEc":13907,"ĠEdición":13908,"Ġmural":13909,"Ġcement":13910,"62":13911,"Ġsanitarios":13912,"ĠFederico":13913,"licos":13914,"Ġllevarse":13915,"Ġcamión":13916,"Ġfalsa":13917,"ulsión":13918,"ally":13919,"Ġenseñanzas":13920,"Ġextensa":13921,"eban":13922,"Ġdejes":13923,"Ġobligatorio":13924,"Ġpales":13925,"2008":13926,"ĠCarolina":13927,"Ġcamiones":13928,"set":13929,"Ġtrem":13930,"Ġanima":13931,"ĠIrán":13932,"Ġconversión":13933,"ĠtÃŃpica":13934,"limp":13935,"Ġadquirido":13936,"ĠMexicana":13937,"Ġrumores":13938,"Ġpreparando":13939,"ĠAeropuerto":13940,"Ġconfor":13941,"Ġetiquetas":13942,"illerato":13943,"ĠguÃŃas":13944,"Ġsuici":13945,"âĢ¦âĢĿ":13946,"Ġtormenta":13947,"Ġprocedente":13948,"Ġaliados":13949,"Ġcapitales":13950,"Ġliv":13951,"ĠSky":13952,"Ġrepara":13953,"Ġindign":13954,"Ġpato":13955,"Ġvariedades":13956,"lix":13957,"PL":13958,"estima":13959,"Ġemer":13960,"Ġdilig":13961,"Ġreflejo":13962,"horabuena":13963,"ĠBurgos":13964,"Ġinfraestructuras":13965,"titutas":13966,"Ġ(...)":13967,"Ġhones":13968,"Ġtemprana":13969,"Ġbolso":13970,"ÃŃticos":13971,"Ġazar":13972,"Ġreferentes":13973,"Ġmito":13974,"Ġexperimentado":13975,"Ġpeat":13976,"Ġsostenibilidad":13977,"Ġreligiosos":13978,"Ġpertenecientes":13979,"Ġterroristas":13980,"ĠChamp":13981,"ĠEspeci":13982,"Ġresum":13983,"citas":13984,"Ġirri":13985,"ĠPunta":13986,"Ġpastor":13987,"Ġcruel":13988,"enciar":13989,"PRO":13990,"Ag":13991,"Ġcarbón":13992,"Ġestómago":13993,"Ġcintur":13994,"Ġpack":13995,"Ġorto":13996,"rs":13997,"itarse":13998,"fra":13999,"Ġsemanal":14000,"ĠPrin":14001,"hasta":14002,"Ġentran":14003,"TICA":14004,"Ġtip":14005,"Ġadvierte":14006,"л":14007,"Ġrequisito":14008,"Ġdeclarar":14009,"Ġarmario":14010,"ä":14011,"Ġcargas":14012,"Ġdeseado":14013,"Ġinoxid":14014,"Ġestratégica":14015,"Ġrama":14016,"Ġespu":14017,"Ġpresos":14018,"Ġdisponemos":14019,"Ġcolocación":14020,"Ġconcej":14021,"Ġintegran":14022,"Ġpdf":14023,"esis":14024,"Ġacogedor":14025,"Ġproporcionan":14026,"Comp":14027,"ĠRib":14028,"rmac":14029,"Ġcumbre":14030,"ĠFC":14031,"Ġtrucos":14032,"quillo":14033,"cribir":14034,"Ġtercio":14035,"tuar":14036,"Ġrefuer":14037,"fri":14038,"Ġuruguay":14039,"Ġiglesias":14040,"uden":14041,"ĠSé":14042,"Ġultimo":14043,"Ġabuelo":14044,"Ġsostener":14045,"ĠSegura":14046,"Cer":14047,"Ġinvitamos":14048,"Ġpoderosa":14049,"Ġestableció":14050,"Ġfutura":14051,"écdo":14052,"Ġsalva":14053,"Ġ62":14054,"Ġdiseñador":14055,"gráficos":14056,"ĠCAM":14057,"medios":14058,"ĠHos":14059,"Ġcomunicarse":14060,"Ġcamina":14061,"Ġimpec":14062,"tch":14063,"ĠRies":14064,"Ġron":14065,"álogo":14066,"Ġpega":14067,"Ġpido":14068,"ĠBau":14069,"cipación":14070,"ĠSun":14071,"Ġtelefónica":14072,"Ġlogrando":14073,"mosa":14074,"emen":14075,"ĠUniversal":14076,"61":14077,"Ġ2020":14078,"Ġlesion":14079,"Ġdeseen":14080,"Ġordenadores":14081,"ville":14082,"Ġatracción":14083,"burgo":14084,"Ġcertificados":14085,"Ġsignificativa":14086,"anca":14087,"ĠAmar":14088,"Ġhumilde":14089,"Ġsorprende":14090,"Ese":14091,"Ġexplosión":14092,"Ġpez":14093,"Ġintentos":14094,"Ġdestina":14095,"Ġarterial":14096,"Ġboc":14097,"ĠCora":14098,"Ġprosper":14099,"Ġdisciplinas":14100,"Ġalfomb":14101,"Ġfoco":14102,"Ġjugado":14103,"Ġporte":14104,"Ġprotege":14105,"Ġcén":14106,"tanos":14107,"acete":14108,"ĠFinal":14109,"Ġproponer":14110,"ionero":14111,"Ġcomercios":14112,"ĠKim":14113,"Ġgrav":14114,"OO":14115,"ĠLibertad":14116,"Ġbuscador":14117,"Ġnorteamericano":14118,"ĠMunicipalidad":14119,"Ġmio":14120,"ĠRÃŃos":14121,"ĠBM":14122,"Ġllenos":14123,"Ġaprobar":14124,"ĠHollywood":14125,"ĠAlmerÃŃa":14126,"Ġencarga":14127,"ĠAran":14128,"Ġconfirmación":14129,"Ġefectividad":14130,"Ġsolv":14131,"vidad":14132,"Ġfinanzas":14133,"Ġestacionamiento":14134,"Ġconductas":14135,"Ġolvides":14136,"Ġseas":14137,"Ġvam":14138,"Ġflota":14139,"ĠPul":14140,"Go":14141,"seguida":14142,"bida":14143,"ium":14144,"PN":14145,"ĠER":14146,"ĠAhÃŃ":14147,"Ġfundada":14148,"Ġ(âĢ¦)":14149,"Ġagresión":14150,"gadores":14151,"Ġmasiva":14152,"sobre":14153,"Ġdisputa":14154,"Ġazules":14155,"Ġjoyas":14156,"Ġempecé":14157,"máticas":14158,"ival":14159,"ĠAmpl":14160,"gÃŃa":14161,"Ġrigu":14162,"Ġescaleras":14163,"Ġimperio":14164,"ĠRojas":14165,"Ġtrayecto":14166,"Ġmundiales":14167,"cad":14168,"Ġintra":14169,"Ġcaos":14170,"Ġrecrea":14171,"Ġestablecen":14172,"ited":14173,"Ġtransacciones":14174,"ĠPIB":14175,"Ġcomarca":14176,"ĠCONS":14177,"Ġdepósitos":14178,"Ġhormig":14179,"Ġhéroe":14180,"tone":14181,"ceres":14182,"distas":14183,"Ġfármac":14184,"ĠErnes":14185,"ÃŃsmo":14186,"Ġ08":14187,"smo":14188,"élgica":14189,"Ġincapa":14190,"Ġcoco":14191,"ĠFrases":14192,"ĠEstad":14193,"ecos":14194,"hist":14195,"Ġentornos":14196,"IDE":14197,"Ġidentifica":14198,"Ġ�":14199,"Ġjustamente":14200,"Ġrojos":14201,"Ġcompañera":14202,"ÃģS":14203,"Ġvisibilidad":14204,"Ġbesos":14205,"bs":14206,"Ġdescom":14207,"Ġcalientes":14208,"ógicos":14209,"blog":14210,"dadores":14211,"ĠTurquÃŃa":14212,"ĠCient":14213,"Ġmadrid":14214,"Ġsupl":14215,"Ġexploración":14216,"Ġsabéis":14217,"turb":14218,"heim":14219,"mamente":14220,"ĠRiver":14221,"rillos":14222,"Ġénfasis":14223,"ĠBB":14224,"Ġsencillos":14225,"ĠNintendo":14226,"ĠEMP":14227,"dita":14228,"QUE":14229,"Ġenfrentarse":14230,"Ġinspección":14231,"ĠProducción":14232,"Ġcurs":14233,"Ġtriple":14234,"Ġnosotras":14235,"éricos":14236,"teur":14237,"diar":14238,"ĠMU":14239,"Ġcontestar":14240,"Ġjajaj":14241,"ĠVin":14242,"Ni":14243,"Ġchal":14244,"cionó":14245,"Ġayude":14246,"Ġalmuerzo":14247,"ĠPN":14248,"DS":14249,"Ġcortas":14250,"Ġcaminando":14251,"Ġinternas":14252,"vesti":14253,"Ġ63":14254,"olor":14255,"Ġestructur":14256,"ĠQU":14257,"Ġpoliciales":14258,"ĠPAR":14259,"TAR":14260,"Ġcastigo":14261,"ĠPrevención":14262,"Ġemprender":14263,"Ġdejaba":14264,"ĠPower":14265,"Ġsta":14266,"Ġinmers":14267,"ĠTop":14268,"dam":14269,"Ġtrasero":14270,"Ġvil":14271,"ĠteorÃŃas":14272,"Ġ000":14273,"Ġtomate":14274,"Ġnotificación":14275,"ĠPortal":14276,"Ġamericana":14277,"Ġrisa":14278,"ĠJerusal":14279,"Ġhuella":14280,"Ġdial":14281,"Ġestimul":14282,"ótico":14283,"Ġpasados":14284,"Ġmasajes":14285,"arqu":14286,"Ġsupervisión":14287,"jón":14288,"Ġcruce":14289,"ĠFotos":14290,"tena":14291,"ĠCantabria":14292,"Ġretraso":14293,"Ayer":14294,"Ġinoxidable":14295,"Ġvendido":14296,"lanos":14297,"Ġconmo":14298,"Ġarquitecto":14299,"play":14300,"Ġclaus":14301,"field":14302,"Ġamplias":14303,"ĠsoberanÃŃa":14304,"ribe":14305,"ĠInternational":14306,"Ġinda":14307,"Les":14308,"Ġcomienzos":14309,"ĠMilitar":14310,"acterÃŃsticas":14311,"Ġministros":14312,"Ġlinda":14313,"Ġvuestras":14314,"Ġrobar":14315,"Ġmillon":14316,"apas":14317,"Ġ^":14318,"edora":14319,"Ġdobles":14320,"Ġguapa":14321,"Ġdisfra":14322,"Ġdevo":14323,"Ġmoverse":14324,"penden":14325,"Ġarrancar":14326,"Tienes":14327,"Ġtabaco":14328,"Ġdestro":14329,"Ġlibremente":14330,"Etiquetas":14331,"Ġcoca":14332,"ĠcreÃŃa":14333,"Ġcentr":14334,"Ġtrastorno":14335,"ĠJornada":14336,"Ġpreocupaciones":14337,"Ġbilletes":14338,"ĠArturo":14339,"ĠModelo":14340,"Ġadentro":14341,"tancia":14342,"vÃŃo":14343,"rese":14344,"Ġcorazones":14345,"Ġsuceder":14346,"ĠFord":14347,"ĠMessi":14348,"ĠMAN":14349,"Ġaprueba":14350,"Ġaumentado":14351,"ĠPrensa":14352,"Ġdesarrollada":14353,"Ġvigentes":14354,"ĠPho":14355,"Ġhorizonte":14356,"Ġmobiliario":14357,"Ġbesti":14358,"ĠCoordin":14359,"Ġmuseos":14360,"Ġinfluen":14361,"Ġanillo":14362,"ĠEstaba":14363,"Ġmodalidades":14364,"ĠFebrero":14365,"Ġpagado":14366,"ĠBig":14367,"urt":14368,"Ġescribiendo":14369,"Ġreyes":14370,"ĠMolina":14371,"PAÃij":14372,"Ġrecordado":14373,"Ġtocado":14374,"Ġduplic":14375,"Ġingeniero":14376,"Ġbarb":14377,"trad":14378,"queo":14379,"Ġcumpliendo":14380,"ógicas":14381,"trimonial":14382,"Ġabusos":14383,"Ġacompañados":14384,"ĠObrador":14385,"ĠGeneralitat":14386,"ierro":14387,"ĠsÃŃndrome":14388,"Ġvientos":14389,"ĠParte":14390,"Ġcrip":14391,"Ġrealizarán":14392,"Ġdemuestran":14393,"ĠHarry":14394,"ĠRecom":14395,"Ġsugiere":14396,"ugh":14397,"Ġcolch":14398,"Ġdirectorio":14399,"esidad":14400,"itaron":14401,"ĠGin":14402,"Ġacogida":14403,"Ġ1991":14404,"Ġsmartphone":14405,"fan":14406,"Ġgéneros":14407,"ĠSoftware":14408,"ĠNivel":14409,"Ġaislamiento":14410,"ĠSuprema":14411,"fono":14412,"taro":14413,"Ġlicencias":14414,"ĠsentÃŃ":14415,"ĠPAN":14416,"Ġalemanes":14417,"eu":14418,"apo":14419,"Ġpájar":14420,"Ġrápidos":14421,"Ġaportación":14422,"Ġsc":14423,"Ġsigan":14424,"acán":14425,"Ġdesmon":14426,"quete":14427,"Ġasamblea":14428,"Ġsorprendió":14429,"Ġescasos":14430,"ĠvÃŃnculos":14431,"Ġconcretas":14432,"Ġsugerencias":14433,"Ġprevios":14434,"ĠOF":14435,"Ġef":14436,"Ġjaponesa":14437,"ĠRichard":14438,"?âĢĿ":14439,"Ġdetallada":14440,"Ġmarg":14441,"jam":14442,"Ġanécdo":14443,"gil":14444,"ĠMaestro":14445,"Ġinneces":14446,"Existen":14447,"Ġrefirió":14448,"Ġdemocrático":14449,"Ġcere":14450,"tter":14451,"Ġalimentar":14452,"Ġestil":14453,"Ġmencionados":14454,"Ġprovenientes":14455,"Ġhorizontal":14456,"Ġatentado":14457,"ĠGB":14458,"mante":14459,"ĠJuárez":14460,"uk":14461,"Ġmuros":14462,"José":14463,"ĠJen":14464,"Ġherida":14465,"Respecto":14466,"Ġanime":14467,"endiendo":14468,"Ġvendedor":14469,"Ġcontinúan":14470,"Ġmultina":14471,"Ġgratuitos":14472,"Ġvariaciones":14473,"VEN":14474,"Ġfranceses":14475,"ĠRon":14476,"Ġbeca":14477,"Ġextranjera":14478,"Ġconstruida":14479,"Ġllegaba":14480,"Ġexitosa":14481,"Casa":14482,"Usted":14483,"ufac":14484,"Ġmaduras":14485,"Ġcolecciones":14486,"minas":14487,"Ġrompe":14488,"Ġpiano":14489,"ĠBoy":14490,"Ġobvio":14491,"Ġpostre":14492,"Ġrecta":14493,"Ġrefugiados":14494,"ticia":14495,"Ġarreglo":14496,"Ġárabe":14497,"Ġimperme":14498,"acar":14499,"Ġfumar":14500,"Ġtrabajó":14501,"Ġarrib":14502,"Ap":14503,"aaaa":14504,"Ġhardware":14505,"Ġinolvidable":14506,"REC":14507,"Ġrenovar":14508,"istÃŃa":14509,"Ġprotagonismo":14510,"Ġinterpreta":14511,"ĠClo":14512,"Ġabaste":14513,"Ġsexto":14514,"Ġcreadores":14515,"Ġinglesa":14516,"Ġasume":14517,"ere":14518,"ĠCarre":14519,"ĠTorneo":14520,"Ġ110":14521,"tienda":14522,"Ġaprobada":14523,"ĠCOL":14524,"chool":14525,"ĠConvenio":14526,"tañas":14527,"asis":14528,"máticos":14529,"ĠBienes":14530,"Ġvanguardia":14531,"ĠCuenca":14532,"Ġacoso":14533,"Ġescándalo":14534,"Ġconfusión":14535,"Ġmatric":14536,"elia":14537,"Ġsocialistas":14538,"anco":14539,"cav":14540,"reos":14541,"Ġhacerte":14542,"ĠmatrÃŃcula":14543,"Ġposibil":14544,"Ġbecas":14545,"gri":14546,"ĠTexas":14547,"Ġmisiones":14548,"damos":14549,"oth":14550,"TAM":14551,"Ġautomóviles":14552,"ĠSeguir":14553,"ĠSony":14554,"dé":14555,"Ġcrecido":14556,"ĠAcceso":14557,"pongo":14558,"Ġestratégico":14559,"ĠPascu":14560,"unar":14561,"chan":14562,"Ġidón":14563,"ĠPic":14564,"Nuestros":14565,"ĠBás":14566,"Ġexpl":14567,"Ġolvidado":14568,"guesa":14569,"Ġofrecido":14570,"Ġdigno":14571,"Ġcontribuye":14572,"Ġconcluye":14573,"Ġtembl":14574,"Ġotorgar":14575,"untamientos":14576,"untu":14577,"Ġagradecimiento":14578,"ĠJeho":14579,"óloga":14580,"aby":14581,"Ġprotegida":14582,"ĠMont":14583,"Ġconfidencial":14584,"Ġcatólica":14585,"Ġaudiovisual":14586,"Ġabarca":14587,"Ġmolesta":14588,"Ġconsideramos":14589,"Ġacumulación":14590,"Ġalmas":14591,"Ġruptura":14592,"Ġml":14593,"ĠFidel":14594,"Ġnutrición":14595,"Ġcontex":14596,"Ġmanzana":14597,"Ġfranquicia":14598,"ĠAlma":14599,"Ġfollando":14600,"enca":14601,"ĠPuente":14602,"ástica":14603,"Ġdisparo":14604,"ĠexplÃŃ":14605,"Ġliteraria":14606,"Ġencantó":14607,"ĠexistÃŃa":14608,"Ġinmensa":14609,"ĠIntelig":14610,"Ġremar":14611,"ĠJuzgado":14612,"ĠsÃŃmbolos":14613,"ĠvivÃŃa":14614,"Ġconsenso":14615,"Ġbastantes":14616,"Ġdejará":14617,"ĠFiesta":14618,"mx":14619,"Ġaerol":14620,"Ġsindicato":14621,"Ġvence":14622,"Ġalas":14623,"Ġpersecución":14624,"Ġpopularidad":14625,"ĠGR":14626,"ĠConcurso":14627,"ĠPoco":14628,"Ġatras":14629,"Ġconvencido":14630,"pié":14631,"Ġverdaderos":14632,"Ġreunió":14633,"abar":14634,"Ġcostas":14635,"ĠMarruecos":14636,"Ġ1980":14637,"Ġsólido":14638,"Ġbac":14639,"Ġpromueve":14640,"Ġpreferencia":14641,"Ġpedag":14642,"Ġllamaba":14643,"ĠModa":14644,"Ġculpable":14645,"âĢĿ;":14646,"Ġsecretaria":14647,"ĠcentÃŃmetros":14648,"oooo":14649,"ĠAQU":14650,"ĠLimp":14651,"pri":14652,"XX":14653,"ĠVista":14654,"IFA":14655,"Ġbebe":14656,"ĠUso":14657,"Ġhacernos":14658,"Ġatractiva":14659,"92":14660,"Ġsaldrá":14661,"ĠUrban":14662,"ĠCatedral":14663,"imamente":14664,"quetas":14665,"Ġharemos":14666,"rato":14667,"Ġhs":14668,"cy":14669,"Ġcie":14670,"Ġavanza":14671,"ĠTIC":14672,"dure":14673,"ĠPalmas":14674,"Ġ(«":14675,"Ġláser":14676,"ĠJuego":14677,"Ġplana":14678,"ĠTE":14679,"Ġpad":14680,"Ġentrado":14681,"Ġcumpla":14682,"bile":14683,"Ġconsolid":14684,"bras":14685,"Ġdesplazamiento":14686,"Ġdiseñados":14687,"ĠHonor":14688,"Ġinseguridad":14689,"ĠClÃŃnica":14690,"Ġtub":14691,"laje":14692,"Ġlesbi":14693,"ĠJose":14694,"Ġprostitución":14695,"ons":14696,"Ġcontemporáneo":14697,"mus":14698,"ĠETA":14699,"Ġsirvió":14700,"Ġrefiero":14701,"Ġasignatura":14702,"Ġexci":14703,"ĠGreen":14704,"ierre":14705,"vana":14706,"ĠAlvar":14707,"ICACIÃĵN":14708,"Ġfiltros":14709,"Sólo":14710,"Ġtomaron":14711,"Ġdisp":14712,"Ġordenó":14713,"Ġduer":14714,"Ġlujos":14715,"Ġtocó":14716,"zaba":14717,"Ġrelleno":14718,"Ġmerecen":14719,"Ġparcialmente":14720,"Ġindicador":14721,"ĠBO":14722,"TUR":14723,"Ġmotos":14724,"óso":14725,"ĠFA":14726,"Ġfaltar":14727,"Ġhip":14728,"Ġpares":14729,"landa":14730,"Quiero":14731,"ĠConstrucción":14732,"ĠProyectos":14733,"stem":14734,"Ġ67":14735,"ĠLleg":14736,"pecu":14737,"Ġdenominación":14738,"ĠLeague":14739,"Ġasistente":14740,"Ġlú":14741,"ĠChe":14742,"ĠImperio":14743,"Ġmate":14744,"Ġintimidad":14745,"ĠquerÃŃan":14746,"ĠTeléf":14747,"Esa":14748,"ĠWest":14749,"Ġelegancia":14750,"Ñĥ":14751,"2006":14752,"Ġcasual":14753,"alia":14754,"Ġvecin":14755,"trá":14756,"Ġevolucion":14757,"ĠGl":14758,"Ġresulte":14759,"Ġgluc":14760,"ĠCalder":14761,"dezco":14762,"Ġchan":14763,"Ġrecibiendo":14764,"ĠMaterial":14765,"ĠTribu":14766,"Ġenfermo":14767,"Nunca":14768,"iando":14769,"orth":14770,"ĠÎ":14771,"Ġcontribución":14772,"Ġsaco":14773,"Ġnacer":14774,"к":14775,"ĠVideos":14776,"Ġcumplan":14777,"Ġdarnos":14778,"Ġhura":14779,"Ġalarma":14780,"Ġempi":14781,"Ġ91":14782,"ÃģN":14783,"ĠRé":14784,"ĠGaran":14785,"Ġpenas":14786,"Ġbusco":14787,"cate":14788,"Ġfur":14789,"Ġsacado":14790,"Ġlecturas":14791,"uselas":14792,"verde":14793,"Ġequipado":14794,"ogén":14795,"Ġdegrad":14796,"Ġayudado":14797,"Ġcerrados":14798,"ĠImpuesto":14799,"ĠlÃŃquidos":14800,"ĠOrig":14801,"Ġmaquina":14802,"trales":14803,"Ġajustar":14804,"ĠVázquez":14805,"Ġroto":14806,"ink":14807,"Ġminor":14808,"Ġenfrentan":14809,"ords":14810,"ĠtÃŃ":14811,"tiga":14812,"ĠUV":14813,"Ġdistinción":14814,"Ġdelicioso":14815,"Ġpermisos":14816,"Ġbaloncesto":14817,"cible":14818,"ĠConserv":14819,"emoria":14820,"Ġfutbolista":14821,"ĠoxÃŃgeno":14822,"zano":14823,"Ġacú":14824,"Ġcristiano":14825,"usion":14826,"Ġsupuesta":14827,"����":14828,"96":14829,"ĠCompar":14830,"Ġimpuso":14831,"Ġrod":14832,"Ġsinté":14833,"ĠVÃŃ":14834,"ĠProce":14835,"Ġextraer":14836,"Ġasesino":14837,"Ġjurisdicción":14838,"Ġcrudo":14839,"uter":14840,"ĠJoan":14841,"ĠDefin":14842,"Ġdeca":14843,"ori":14844,"ĠCarrera":14845,"Ġcolombianos":14846,"ween":14847,"isas":14848,"Ġsecuencia":14849,"Ġestre":14850,"ĠIván":14851,"Ġsencillas":14852,"Ġcalcular":14853,"Ġmulta":14854,"Ġtutorial":14855,"venidos":14856,"Ġinformáticos":14857,"Ba":14858,"Ġrecomendado":14859,"dentales":14860,"cación":14861,"intana":14862,"Ġinstancias":14863,"Ġaustral":14864,"ĠMulti":14865,"udia":14866,"Ġatento":14867,"Ġdebilidad":14868,"Ġconsiderados":14869,"ĠOut":14870,"Ġtelecomunicaciones":14871,"Ġsientes":14872,"Ġcharlas":14873,"ĠhabrÃŃan":14874,"Ġapres":14875,"udal":14876,"Ġincómo":14877,"ĠProcur":14878,"Ġafiliados":14879,"ĠMP":14880,"Ġpreju":14881,"también":14882,"ĠComentarios":14883,"CES":14884,"Ġhorri":14885,"Ġchinos":14886,"Ġdiseñadores":14887,"ĠArquitectura":14888,"Ġleal":14889,"mil":14890,"ánicas":14891,"Ġprofundizar":14892,"Ġadministraciones":14893,"Ġpalo":14894,"ensos":14895,"ĠAgro":14896,"ĠJava":14897,"orias":14898,"ĠSector":14899,"Ġsolares":14900,"EZ":14901,"ĠMediterráneo":14902,"Ġestabil":14903,"ĠMED":14904,"emin":14905,"Ġespaña":14906,"ĠAguas":14907,"Ġcontrovers":14908,"Ġgustaria":14909,"Ġoriental":14910,"Ġcerebral":14911,"Ġaportes":14912,"itorio":14913,"idalgo":14914,"Ġsólida":14915,"Ġreputación":14916,"âĢĿ)":14917,"Ġcorredor":14918,"dicamente":14919,"Ġsensibles":14920,"Ġprevistos":14921,"ĠMetal":14922,"lamente":14923,"ĠArro":14924,"ĠInformática":14925,"Ġentrenamientos":14926,"Ġretirada":14927,"Pal":14928,"Ġterminan":14929,"uchas":14930,"ĠGrandes":14931,"Ġpur":14932,"Ġagrupación":14933,"ĠideologÃŃa":14934,"Ġtermine":14935,"Ġpintor":14936,"icanos":14937,"Ġanto":14938,"ĠEva":14939,"TURA":14940,"Mu":14941,"ken":14942,"ĠVat":14943,"Ġcelulares":14944,"Ġpretenden":14945,"Ġjugada":14946,"Ġarren":14947,"Ġpartidas":14948,"esc":14949,"Ġqueden":14950,"ĠWhatsApp":14951,"Ġfacturación":14952,"Ġ61":14953,"Ġgritos":14954,"utrición":14955,"crita":14956,"Ġrespectivas":14957,"Ġfalsas":14958,"ĠDeclar":14959,"ĠRecon":14960,"ĠGuz":14961,"ĠPremios":14962,"âĢĿ:":14963,"Ġcombinado":14964,"osó":14965,"Ġdespleg":14966,"forme":14967,"icada":14968,"Ġmenciona":14969,"gaba":14970,"acÃŃa":14971,"Ġlucir":14972,"Ġreaf":14973,"ĠUniversitaria":14974,"yun":14975,"ĠðŁĻ":14976,"Ġanda":14977,"Ġcompuestos":14978,"Ġfacultades":14979,"Ġenfri":14980,"ĠNavarro":14981,"Ġsupre":14982,"Ġintern":14983,"cher":14984,"Ġdestinada":14985,"Ġasociadas":14986,"Ġoculta":14987,"ĠbaterÃŃas":14988,"Ġinfluy":14989,"Ġesfor":14990,"ÃŃneas":14991,"Ġrevolucionario":14992,"Cap":14993,"Ġhermosos":14994,"Ġexclusión":14995,"Ġplantel":14996,"Ġsubray":14997,"Ġglor":14998,"ganta":14999,"ĠColec":15000,"Ġadministrativas":15001,"Ġfichero":15002,"ĠMedellÃŃn":15003,"ĠAG":15004,"viedo":15005,"Ġfotógrafo":15006,"Ġocupado":15007,"Ġreclamo":15008,"Ġencom":15009,"Ġseguida":15010,"Ġcaptar":15011,"ĠEvaluación":15012,"ĠSeguros":15013,"Ġmemb":15014,"Ġdudes":15015,"Ġalimentaria":15016,"Ġreproducir":15017,"ĠSpa":15018,"Ġbombas":15019,"nico":15020,"Ġfavoritas":15021,"Ġvinculados":15022,"Ġcobra":15023,"Ġprestamos":15024,"Ġpatatas":15025,"utor":15026,"Ġacompañamiento":15027,"Ġrespiración":15028,"ĠGalaxy":15029,"erica":15030,"Ġpoli":15031,"ĠManual":15032,"Ġenfrentamiento":15033,"ĠiPad":15034,"Ġola":15035,"ĠEstadio":15036,"Ġincendios":15037,"uters":15038,"Ġreflexiones":15039,"tnam":15040,"ĠCAL":15041,"ĠprÃŃncipe":15042,"Ġfila":15043,"HO":15044,"Ġsalvación":15045,"Ġadministrativos":15046,"ĠMoscú":15047,"Ġbarras":15048,"Ġmedalla":15049,"Ġcobro":15050,"Ġgenética":15051,"MAS":15052,"Ġdifici":15053,"Ah":15054,"Ġsuyos":15055,"âĦ":15056,"Ġpúblicamente":15057,"Ġencu":15058,"irre":15059,"Espero":15060,"Ġjardin":15061,"Ġreconstru":15062,"Ġdistinguir":15063,"Ġdefectos":15064,"TIVO":15065,"Ġcáp":15066,"Ġdejen":15067,"Ġdelantera":15068,"ĠCri":15069,"Ġpintores":15070,"ĠJurÃŃ":15071,"Ġtaza":15072,"Ġdisper":15073,"Buenos":15074,"ĠAire":15075,"Tanto":15076,"Ġcambian":15077,"Ġsurgen":15078,"ĠEmilio":15079,"Ġidén":15080,"Ġpaneles":15081,"Ġúltimamente":15082,"óf":15083,"ĠJane":15084,"Ġmovilización":15085,"Ġdecidimos":15086,"ĠlogÃŃstica":15087,"Ġvenezolana":15088,"Ġbasadas":15089,"Ġdescubrió":15090,"Ġadmitir":15091,"Ġanón":15092,"Ġacabados":15093,"Ġaportaciones":15094,"Ġsintió":15095,"Ġpaginas":15096,"Ġbarrera":15097,"Ġtern":15098,"Ġhidrául":15099,"Ġsesenta":15100,"Ġroj":15101,"Ġkilo":15102,"Ġsacerdotes":15103,"Ġiniciales":15104,"Ġpm":15105,"ĠPhil":15106,"ĠSuecia":15107,"Ġrevesti":15108,"Ġcarn":15109,"Ġcompor":15110,"Ġpiscinas":15111,"Ġindicaciones":15112,"Ġtoros":15113,"Ġsindical":15114,"usieron":15115,"Ġincorrec":15116,"Ġavi":15117,"didades":15118,"chester":15119,"risas":15120,"moh":15121,"ĠAudiencia":15122,"Ġproxim":15123,"Ġinfierno":15124,"ĠHacer":15125,"Ġhorror":15126,"Ġprácticos":15127,"Ġofrecerá":15128,"Ġdisminuye":15129,"Ġcoalición":15130,"áctico":15131,"ĠEstrel":15132,"sol":15133,"Ġleo":15134,"Ġnegó":15135,"Ġresaltar":15136,"ĠSitu":15137,"Ġdeciden":15138,"ĠColón":15139,"Ġestrecha":15140,"Ġexplican":15141,"Ġrenunciar":15142,"Ġfuncionando":15143,"quierda":15144,"Ġdirigidas":15145,"ĠmÃĥ":15146,"Ġcemento":15147,"Ġgoogle":15148,"Ġurbanos":15149,"ĠLinux":15150,"Era":15151,"Ġprenda":15152,"Ġbusque":15153,"ĠCF":15154,"Ġads":15155,"Ġlente":15156,"Ġcelebrada":15157,"Ġestablecida":15158,"Ġmetabol":15159,"Ġmejorado":15160,"Ġdedicar":15161,"ĠLlam":15162,"Ġrar":15163,"ĠRecor":15164,"Ġdental":15165,"ĠBélgica":15166,"ĠLÃŃ":15167,"Ġregresa":15168,"Ġdistancias":15169,"flix":15170,"IDO":15171,"Ġfederales":15172,"Ġsensa":15173,"Ġmantequilla":15174,"Ġpolit":15175,"Ġinclusive":15176,"érg":15177,"Reg":15178,"ĠRubén":15179,"ĠLis":15180,"tizada":15181,"Ġcamisa":15182,"Ġdemostró":15183,"Ġciclos":15184,"Ġmascota":15185,"Ġajo":15186,"Ġsatisfecho":15187,"ieta":15188,"ĠHora":15189,"Ġbrillantes":15190,"Ġmentales":15191,"ĠIntegral":15192,"guiendo":15193,"ĠasesorÃŃa":15194,"Ġfamosas":15195,"Ġexha":15196,"Ġángulo":15197,"ĠVivienda":15198,"Ġpropuso":15199,"ĠPlanta":15200,"Ġubicados":15201,"TEC":15202,"ulario":15203,"Ġinvas":15204,"Ġpostal":15205,"Ġcometer":15206,"Ġactualizado":15207,"ĠCambio":15208,"Ġsonre":15209,"Ġlimitar":15210,"axaca":15211,"ĠAh":15212,"Ġinvitar":15213,"97":15214,"Ġpercibir":15215,"ĠPRES":15216,"Ġ98":15217,"Ġvelocidades":15218,"Ġcumplió":15219,"Ġcombinaciones":15220,"émon":15221,"Apro":15222,"Ġdesgaste":15223,"ĠReb":15224,"Ġcatalana":15225,"Ġimpone":15226,"Ġcerra":15227,"Ġsuaves":15228,"ĠAmbiental":15229,"Ġintelectuales":15230,"Ġinú":15231,"ĠINS":15232,"ĠDay":15233,"Ġinnovador":15234,"Ġpositivas":15235,"ady":15236,"Ġpermanencia":15237,"Ġelevar":15238,"Ġautobuses":15239,"Ġprocesador":15240,"ĠGreg":15241,"Ġejes":15242,"Ġexacta":15243,"viese":15244,"ĠArchivo":15245,"ĠResul":15246,"huana":15247,"Ġtransmite":15248,"Ġprohibición":15249,"Ġderiva":15250,"ĠMicro":15251,"ĠCár":15252,"ladas":15253,"Ġbinarias":15254,"lab":15255,"ĠSel":15256,"Ġdenunciar":15257,"Ġtiende":15258,"Ġdió":15259,"Ġaplicado":15260,"pón":15261,"ĠActividades":15262,"Ġdefiende":15263,"Ġmetales":15264,"chu":15265,"Ġvegetal":15266,"Ġapuntó":15267,"ĠNiño":15268,"Ġsolicitó":15269,"Ġmort":15270,"olencia":15271,"ĠEsteban":15272,"eng":15273,"Ġdescal":15274,"Don":15275,"pacio":15276,"ĠConfe":15277,"zob":15278,"ĠMill":15279,"Ġfino":15280,"ĠIsa":15281,"Ġriego":15282,"Ġpasadas":15283,"ĠFinanzas":15284,"Ġobses":15285,"uci":15286,"ĠGPS":15287,"Ġ130":15288,"Ġmedioc":15289,"Ġapellido":15290,"ĠMI":15291,"ĠEco":15292,"Ġtrituración":15293,"tics":15294,"Ġqueja":15295,"Ġjustificar":15296,"Ġlegitim":15297,"ÃŃbl":15298,"ĠMO":15299,"Ġtrigo":15300,"Ġabandonado":15301,"izante":15302,"Ġgaraje":15303,"Ġmurieron":15304,"Ġobispo":15305,"well":15306,"Ġdividen":15307,"Ġentrenar":15308,"ĠZo":15309,"Ġcamin":15310,"Ġregistra":15311,"Ġpresentados":15312,"Ġborrar":15313,"Ġcontemporánea":15314,"Ġengañ":15315,"":15316,"Ġprefiere":15317,"ĠTol":15318,"iciosos":15319,"Ġpreparada":15320,"Ġconsiguen":15321,"Ġquejas":15322,"the":15323,"ĠJerusalén":15324,",âĢ¦":15325,"ĠCooperación":15326,"ĠAlba":15327,"ĠenvÃŃos":15328,"Ġpim":15329,"Ġentendimiento":15330,"Ġterrorista":15331,"Ġcuerda":15332,"cerÃŃa":15333,"ĠTech":15334,"bias":15335,"Ġ1989":15336,"ficaces":15337,"ĠJam":15338,"bien":15339,"Ġespecificaciones":15340,"Ġfirmó":15341,"psis":15342,"Ġmacro":15343,"Ġláp":15344,"ĠAtlántico":15345,"Ġrecortes":15346,"ĠTú":15347,"Ġlegen":15348,"CP":15349,"Ġconquista":15350,"ĠagrÃŃcolas":15351,"ób":15352,"Ġllaves":15353,"Ġ140":15354,"ĠLibros":15355,"Ġautop":15356,"Ġburbu":15357,"Ġaprendiendo":15358,"Ġsed":15359,"Ġextinción":15360,"gusto":15361,"Ġlegalmente":15362,"Ġinformacion":15363,"Ġadolescencia":15364,"Ġdesigualdad":15365,"Ġreembol":15366,"Ġmarrón":15367,"Ġbarreras":15368,"Ġestir":15369,"Ġintegrante":15370,"Ġmolienda":15371,"raje":15372,"Ġaceptado":15373,"Ġgeneró":15374,"Ġdenunció":15375,"now":15376,"mag":15377,"ĠFomento":15378,"Ġcubiertas":15379,"Ġparalelo":15380,"Ġimpresionantes":15381,"Ġrincones":15382,"caso":15383,"ĠIR":15384,"cadores":15385,"Ġfinanciar":15386,"Ġdefensor":15387,"ieve":15388,"ĠMore":15389,"ĠQuintana":15390,"Ġtrituradoras":15391,"ĠVall":15392,"uebl":15393,"ĠĠĠĠĠĠĠĠ":15394,"Ġreconoz":15395,"BN":15396,"Ġtrenes":15397,"ĠInc":15398,"Ġgalletas":15399,"Ġvial":15400,"alizamos":15401,"bula":15402,"Ġdescen":15403,"Ġhipertensión":15404,"ĠTig":15405,"Ġinformaron":15406,"ºC":15407,"óxido":15408,"Ġserp":15409,"ĠComis":15410,"ciller":15411,"contrar":15412,"%).":15413,"hel":15414,"Ġtrasladado":15415,"ometraje":15416,"Ġcomprador":15417,"cistas":15418,"Ġintentan":15419,"Ġsaltar":15420,"Ġperiod":15421,"right":15422,"Ġmundos":15423,"ĠsÃŃntesis":15424,"ĠOS":15425,"Ġ350":15426,"ĠGuan":15427,"Ġpesado":15428,"cadas":15429,"Ġcomerciantes":15430,"Ġfallecimiento":15431,"Ġexigencia":15432,"ced":15433,"ĠOliv":15434,"Ġdesperdi":15435,"Ġganadora":15436,"cesis":15437,"ĠReforma":15438,"ĠConocer":15439,"Ġpenales":15440,"sticas":15441,"ĠHP":15442,"Ġayudarán":15443,"Ġencargados":15444,"Ġespar":15445,"Ġpersonalidades":15446,"Ġobesidad":15447,"Ġespan":15448,"Ġfauna":15449,"Ġseñalan":15450,"ĠSegundo":15451,"Ġvisualizar":15452,"ĠVig":15453,"Ġimagino":15454,"Ġconstrucciones":15455,"Ġlazos":15456,"Ġliterario":15457,"uts":15458,"Ġjeje":15459,"Ġreferido":15460,"Ġvela":15461,"Ġdesvent":15462,"Ġpractica":15463,"idencia":15464,"ĠIB":15465,"Ġcontinuó":15466,"Ġlavar":15467,"Ġperd":15468,"Ġtrató":15469,"Ġperuano":15470,"rimientos":15471,"dilla":15472,"eto":15473,"ĠdebÃŃan":15474,"Ġdelincuentes":15475,"ĠBellas":15476,"Ġunen":15477,"scar":15478,"Ġaulas":15479,"Ġnegociar":15480,"Ġrendir":15481,"Ġagrupa":15482,"Ġsincron":15483,"ĠIMP":15484,"Ġbail":15485,"Ġtratarse":15486,"ĠAla":15487,"ĠEugen":15488,"Ġgubernamentales":15489,"ĠXXX":15490,"Ġfacturas":15491,"Ġfuertemente":15492,"Ġprincesa":15493,"Ġrecolec":15494,"Ġlistos":15495,"Ġreclamar":15496,"ĠEmb":15497,"Ġree":15498,"ĠSmith":15499,"ĠPy":15500,"Ġcica":15501,"Ġvariación":15502,"bara":15503,"Ġconfron":15504,"Ġocéano":15505,"Ġvisitado":15506,"ids":15507,"Ġfavorece":15508,"Ġdivisas":15509,"nidad":15510,"Ġfacial":15511,"ĠBusiness":15512,"Ġinesta":15513,"Ġreten":15514,"ĠLanto":15515,"ĠMonter":15516,"Ġbombar":15517,"Ġcolumnas":15518,"Ġrealicen":15519,"nica":15520,"Ġrodean":15521,"Ġances":15522,"Ġregener":15523,"Pol":15524,",\"":15525,"ĠVIH":15526,"Ġacontecimiento":15527,"ĠreÃŃr":15528,"Ġelige":15529,"Ġvirtuales":15530,"Min":15531,"ĠNoche":15532,"Ġgrito":15533,"Ġcima":15534,"tha":15535,"Ġneol":15536,"ócrata":15537,"ĠUSD":15538,"Ġduras":15539,"Ġhacerla":15540,"ĠFilosofÃŃa":15541,"ĠSep":15542,"hos":15543,"Ġantici":15544,"ĠJaén":15545,"Ġinvad":15546,"idora":15547,"ĠCasi":15548,"Ġdispuesta":15549,"uga":15550,"Ġelecto":15551,"Ġresid":15552,"ĠÃįn":15553,"Ġautónomos":15554,"Ġutilizamos":15555,"tén":15556,"ráfico":15557,"150":15558,"Ġactualizada":15559,"Ġsuscep":15560,"Ġportugués":15561,"ĠDescripción":15562,"alta":15563,"Ġtienden":15564,"Ġirán":15565,"ĠIm":15566,"uce":15567,"ĠSk":15568,"Ġcanad":15569,"ĠChil":15570,"Ġeditar":15571,"2002":15572,"Ġvice":15573,"Ġstre":15574,"Ġfilóso":15575,"ĠLicencia":15576,"Ġasociada":15577,"Ġalegra":15578,"feo":15579,"Ġdesarrollados":15580,"ibre":15581,"doro":15582,"Ġenvejecimiento":15583,"ĠTR":15584,"ĠProstitutas":15585,"roga":15586,"cionalización":15587,"ĠAbra":15588,"ĠEmbaj":15589,"Ġservirá":15590,"Ġpavim":15591,"Ġcreció":15592,"Ale":15593,"Ġsucesos":15594,"ago":15595,"Ġfilosó":15596,"tuosa":15597,"Ġancianos":15598,"Ġyoga":15599,"ily":15600,"ĠEspacio":15601,"Ġcomprometido":15602,"Ġlogran":15603,"versa":15604,"ericor":15605,"Estás":15606,"Ġpañ":15607,"México":15608,"Ġrestable":15609,"Ġfundamento":15610,"CR":15611,"ĠOeste":15612,"Ġpautas":15613,"taño":15614,"Ġperiodos":15615,"cione":15616,"Ġquedamos":15617,"Ġautoestima":15618,"Ġperfectas":15619,"ĠRecuerda":15620,"Ġpeticiones":15621,"ĠSaint":15622,"ĠPs":15623,"END":15624,"ĠAvan":15625,"Ġcompradores":15626,"Ġprotocol":15627,"Ġluchas":15628,"Ġmisa":15629,"ĠCorpora":15630,"Ġcomplicada":15631,"ĠGU":15632,"km":15633,"Ġprevistas":15634,"EG":15635,"Ġempezamos":15636,"ĠmagnÃŃfico":15637,"Ġescorts":15638,"Ġemprendimiento":15639,"unt":15640,"yl":15641,"Is":15642,"ĠVigo":15643,"Ġcha":15644,"Ġcomportamientos":15645,"Ġbandeja":15646,"Ġmuere":15647,"Ġdigna":15648,"Ġvehic":15649,"Ġ78":15650,"órica":15651,"oroeste":15652,"Ġ04":15653,"ĠOfer":15654,"Ġdespedida":15655,"Ġhueso":15656,"Ġeterna":15657,"ĠBet":15658,"Ġrubia":15659,"Ġtope":15660,"Ġtinta":15661,"inidad":15662,"Ġdesarrolladores":15663,"Ġtecnológicas":15664,"tase":15665,"éase":15666,"Ġcuader":15667,"ĠHam":15668,"âĢĶ,":15669,"à¸":15670,"Ġrele":15671,"Ġcéle":15672,"Ġpersonalizar":15673,"ĠIdeal":15674,"rill":15675,"Ġsanidad":15676,"Ġ07":15677,"Ġfortalecimiento":15678,"ĠDC":15679,"Ġrecomp":15680,"ĠTrin":15681,"Ġasegurarse":15682,"ĠPosteriormente":15683,"Ġcurr":15684,"Ġjuzgar":15685,"Ġoff":15686,"Ġapropiado":15687,"Ġero":15688,"ĠAccesorios":15689,"Ġdiab":15690,"lerÃŃa":15691,"Ġcampesinos":15692,"Ġlleguen":15693,"Ġlenta":15694,"Ġsubvenciones":15695,"Ġmata":15696,"Ġchef":15697,"Ġfiebre":15698,"ĠproteÃŃna":15699,"Ġdependencias":15700,"uck":15701,"Ġconecta":15702,"Ġpromesas":15703,"Ġtextil":15704,"Ġdedicados":15705,"óbal":15706,"Ġfrecuentemente":15707,"Será":15708,"Util":15709,"ĠJunto":15710,"Ġfós":15711,"ĠtelefonÃŃa":15712,"Ġpasear":15713,"Ġsorprendido":15714,"ĠOB":15715,"ĠZamora":15716,"Ġbotellas":15717,"Ġcolap":15718,"Ġcansan":15719,"Ġbonitos":15720,"Ġtwitter":15721,"Ġmultimedia":15722,"Ġsuscripción":15723,"ĠSimplemente":15724,"Ġrocas":15725,"Ġcorrección":15726,"ĠLiteratura":15727,"itamente":15728,"TIL":15729,"ĠBruselas":15730,"Ġtestimonios":15731,"Ġdecirte":15732,"Ġindicando":15733,"ĠTarje":15734,"Clar":15735,"Ġpegar":15736,"Ġcivilización":15737,"uces":15738,"valo":15739,"Ġplantear":15740,"gón":15741,"Ġportero":15742,"Ġsirva":15743,"Ġluchando":15744,"ĠFuentes":15745,"Ġnormalidad":15746,"Ġtraigo":15747,"Ġingenieros":15748,"ĠHidalgo":15749,"Ġproducciones":15750,"tier":15751,"ĠCalderón":15752,"bito":15753,"Ġreside":15754,"Ġmostraron":15755,"donde":15756,"ĠPeque":15757,"Ġjuzgado":15758,"Ġ84":15759,"ĠMoto":15760,"Ġconjuntamente":15761,"Ġliquidación":15762,"ĠDebe":15763,"Ġdeberás":15764,"Ġdesagrad":15765,"versidad":15766,"ĠConcepción":15767,"Ġconcursos":15768,"ĠHome":15769,"Ġprecisó":15770,"ream":15771,"ĠMargarita":15772,"Ġbicicletas":15773,"Ġmarcada":15774,"Ġcolo":15775,"ridge":15776,"Ġcompetitivo":15777,"ĠCEO":15778,"omer":15779,"Ġdorado":15780,"ĠEstrateg":15781,"Ġciber":15782,"Ġecuator":15783,"Ġruidos":15784,"ĠAdi":15785,"celente":15786,"Ġasfal":15787,"pados":15788,"ĠREC":15789,"ĠInternacionales":15790,"Ġino":15791,"Ġ02":15792,"âĢľ,":15793,"Ġmina":15794,"ĠTienen":15795,"ĠOrtiz":15796,"Ġalteraciones":15797,"ielos":15798,"Ġconcesion":15799,"Ġexhibición":15800,"ĠPregun":15801,"Ġtardar":15802,"Ġinstruc":15803,"ĠGENER":15804,"Ġasequ":15805,"Ġms":15806,"Ġexhaust":15807,"Ġrevés":15808,"prim":15809,"gg":15810,"Ġválv":15811,"ĠSt":15812,"ĠSosten":15813,"ĠTok":15814,"\")":15815,"ĠAB":15816,"Ġasesinado":15817,"ÃŃmetro":15818,"Ġmencionó":15819,"ĠTrip":15820,"Ġcompac":15821,"Ġcriaturas":15822,"ĠFIFA":15823,"ĠUNA":15824,"ĠConvención":15825,"iversidad":15826,"ĠErnesto":15827,"Ġusada":15828,"ĠPolÃŃticas":15829,"Ġrú":15830,"ELA":15831,"exión":15832,"Ġflash":15833,"Ġvirtudes":15834,"Ġrot":15835,"Ġaber":15836,"Ġaplicables":15837,"arch":15838,"omé":15839,"ĠAmerican":15840,"ĠMarc":15841,"Ġpierden":15842,"93":15843,"feras":15844,"ĠIrlanda":15845,"Ġamplios":15846,"Ġprefieren":15847,"Ġfabricado":15848,"ĠMárquez":15849,"ĠNiños":15850,"Ġagregado":15851,"Ġvist":15852,"Ġrega":15853,"Ġdespro":15854,"Ġrid":15855,"Ġfantástica":15856,"ĠJardÃŃn":15857,"abellón":15858,"94":15859,"ĠBran":15860,"Art":15861,"adra":15862,"ĠZapatillas":15863,"Ġburo":15864,"oral":15865,"ĠXVII":15866,"Ġincorporado":15867,"pertura":15868,"ĠChicas":15869,"Ġbolsillos":15870,"Ġmarihuana":15871,"Ġformó":15872,"ĠTenÃŃa":15873,"Ġmotiva":15874,"...âĢĿ":15875,"Ġcompositor":15876,"Ġdescendi":15877,"Ġnegativas":15878,"ĠEstación":15879,"ĠMez":15880,"Ġaje":15881,"Ġrepertorio":15882,"1999":15883,"ĠCuatro":15884,"Ġlevantó":15885,"ajos":15886,"Ġotorgado":15887,"Ġacusaciones":15888,"Ġpól":15889,"ĠolÃŃmp":15890,"Ġbodega":15891,"Ġdedican":15892,"ĠThomas":15893,"Ġilegales":15894,"Ġdaban":15895,"Ġbellas":15896,"quitos":15897,"Ġinvertido":15898,"Ġneumáticos":15899,"dadura":15900,"Ġpensó":15901,"Ġrobots":15902,"Ġadelgazar":15903,"Ġindefin":15904,"Ġdila":15905,"Ġrenovables":15906,"Ġcitada":15907,"Ġreta":15908,"Ġsexualidad":15909,"Ġliteralmente":15910,"ácticas":15911,"Ġcurvas":15912,"Ġfallos":15913,"Lle":15914,"Ġmochila":15915,"Ġconcretos":15916,"ĠPalabra":15917,"ĠCliente":15918,"FC":15919,"FORMA":15920,"ĠHolanda":15921,"Ġdesconoce":15922,"Ġviejas":15923,"Ġtolerancia":15924,"itán":15925,"ÃĤ":15926,"Ġenseguida":15927,"ĠBene":15928,"estes":15929,"Ġautónoma":15930,"Ġvalidez":15931,"Ġinvolucrados":15932,"ĠtÃŃpicos":15933,"Ġexpresidente":15934,"rovi":15935,"ĠEconómico":15936,"loween":15937,"Ġcomuna":15938,"nie":15939,"tecn":15940,"ĠLaguna":15941,"Ġpublico":15942,"''":15943,"Ġdándole":15944,"Ġcaba":15945,"Ġstar":15946,"Ġobligada":15947,"Ġjugo":15948,"Ġcapitalista":15949,"ĠJan":15950,"Ġegip":15951,"ĠMontevideo":15952,"Ġacercamiento":15953,"ĠQuÃŃm":15954,"Ġadmite":15955,"Ġherido":15956,"Ġremate":15957,"Ġmanifestado":15958,"ĠDNI":15959,"Ġparroquia":15960,"Ġmolestias":15961,"Ġaérea":15962,"ifa":15963,"Ġfrenar":15964,"ĠXbox":15965,"Ġconsiguiendo":15966,"Ġhospe":15967,"Ġalmacenar":15968,"Ġdesfile":15969,"Ġinstrucción":15970,"Ġatletas":15971,"Ġintervenir":15972,"ĠEscal":15973,"ñera":15974,"Ġaran":15975,"Ġpresentando":15976,"ĠPromoción":15977,"acao":15978,"Ġracional":15979,"ĠPeru":15980,"Ġaban":15981,"Ġemocionante":15982,"Ġdespi":15983,"ĠVII":15984,"Ġcriminales":15985,"ĠVaticano":15986,"ĠCiudadanos":15987,"Ġsometido":15988,"ĠChicago":15989,"adurÃŃa":15990,"ĠLabora":15991,"Ġprofundas":15992,"Ġchilena":15993,"Ġeli":15994,"ĠWin":15995,"orra":15996,"Ġprecedentes":15997,"ĠMontes":15998,"Ġerrad":15999,"ĠCrim":16000,"Ġafirmación":16001,"denal":16002,"Ġcardi":16003,"Debido":16004,"Ġaccionistas":16005,"Person":16006,"ĠMec":16007,"Ġala":16008,"Ġconvenios":16009,"Ġsimbol":16010,"Ġrota":16011,"Ġasocia":16012,"CIOS":16013,"Ġsobra":16014,"Ġdarme":16015,"Ġ(+":16016,"ĠBla":16017,"Ġvirgen":16018,"igra":16019,"Ġelegidos":16020,"Quiz":16021,"ciano":16022,"Ġocupan":16023,"Ġrigor":16024,"ÃijO":16025,"Ġhable":16026,"ption":16027,"áce":16028,"dÃŃas":16029,"Ġcorresponda":16030,"Ġtomada":16031,"Ġverán":16032,"ĠGuzmán":16033,"Ġente":16034,"Ġllamas":16035,"Ġmusica":16036,"Ġultima":16037,"ĠOviedo":16038,"istades":16039,"Ġespecialidades":16040,"Disfru":16041,"ĠJehová":16042,"Ġdeberes":16043,"Ġconsidere":16044,"guer":16045,"ĠIbero":16046,"Ġcotización":16047,"Ġhospit":16048,"Ġderrib":16049,"Ġindemnización":16050,"ĠPatricia":16051,"Ġayudó":16052,"ANO":16053,"respons":16054,"Ġrodilla":16055,"Ġelectrodomésticos":16056,"telo":16057,"TEL":16058,"Red":16059,"Ġserlo":16060,"Ġamparo":16061,"onado":16062,"Ġcabezas":16063,"clip":16064,"ĠAllen":16065,"UCA":16066,"Ġcomodidades":16067,"Ġ05":16068,"Ġinteresadas":16069,"dole":16070,"Ġcálculos":16071,"Ġcampamento":16072,"Ġrechazar":16073,"Ġpedimos":16074,"ĠBob":16075,"blación":16076,"ENTES":16077,"tices":16078,"micos":16079,"Ġ76":16080,"foro":16081,"Ġdesvel":16082,"Ġescasa":16083,"Ġaplicando":16084,"Ġ96":16085,"IE":16086,"Ġbala":16087,"Ġllenas":16088,"Ġsubiendo":16089,"Ġhormigón":16090,"try":16091,"Ġutilice":16092,"Ġsexta":16093,"Ġescalera":16094,"Ġcobran":16095,"ĠMiranda":16096,"Ġembajador":16097,"Ġtour":16098,"Ġfabrica":16099,"Ġvulnerables":16100,"cionan":16101,"ĠÃŃndices":16102,"Ġprefiero":16103,"Ġplanteado":16104,"Ġcerámica":16105,"ĠTÃŃtulo":16106,"Ġmaterna":16107,"ĠPuig":16108,"ĠhÃŃb":16109,"Ġborra":16110,"Ġtrág":16111,"ferente":16112,"boa":16113,"Ġbach":16114,"Ġpresidentes":16115,"ĠNegocios":16116,"Ġochenta":16117,"amina":16118,"Ġantioxid":16119,"Ġincapacidad":16120,"ĠUU":16121,"Ġemprendedor":16122,"Ġdependerá":16123,"FO":16124,"ĠArgentino":16125,"olvió":16126,"casa":16127,"lago":16128,"Ġteórico":16129,"ĠNu":16130,"ĠFire":16131,"Ġcentrado":16132,"Ġdebates":16133,"Ġobservaciones":16134,"ĠTimes":16135,"ĠjurÃŃdicas":16136,"Ġeterno":16137,"ĠpenÃŃnsula":16138,"ĠhÃŃgado":16139,"Ġasignación":16140,"ĠWall":16141,"ĠRin":16142,"asterio":16143,"Ġconmemor":16144,"2000":16145,"Ġeficaces":16146,"cionistas":16147,"Ġmedieval":16148,"ĠProfesor":16149,"Ġconvencionales":16150,"Ġestudiando":16151,"Ġdesconec":16152,"Ġcomandante":16153,"Ġconsolidación":16154,"Ġexpedición":16155,"ĠUp":16156,"inger":16157,"ĠPlataforma":16158,"Ġ77":16159,"Ġcosecha":16160,"ĠAso":16161,"Ġmalestar":16162,"ologia":16163,"ĠVera":16164,"Ġclasificados":16165,"ì":16166,"Ġcompletas":16167,"ĠUsuarios":16168,"BLE":16169,"ĠProducto":16170,"Ġprimor":16171,"ĠCorporación":16172,"piraciones":16173,"ĠcardÃŃa":16174,"Ġjejeje":16175,"gantes":16176,"Ġcaña":16177,"Ġdivertir":16178,"ĠAlcalde":16179,"ĠChia":16180,"PM":16181,"ĠDemocr":16182,"Ġeviden":16183,"Ġdominante":16184,"Ġcreencia":16185,"ĠMichel":16186,"ĠLev":16187,"agro":16188,"Ġdificil":16189,"ĠNacionales":16190,"timamente":16191,"ĠTermin":16192,"Ġsecos":16193,"estiona":16194,"genos":16195,"ESTI":16196,"Ġprotector":16197,"ĠPriva":16198,"tráfico":16199,"ji":16200,"Ġelog":16201,"ditos":16202,"91":16203,"ĠNob":16204,"Ġpresunto":16205,"Ġestudia":16206,"Ġpilares":16207,"Ġartesan":16208,"Ġhered":16209,"Ġfestivales":16210,"ollo":16211,"mó":16212,"ĠKm":16213,"ĠdecÃŃan":16214,"Ġniega":16215,"dijo":16216,"Ġ73":16217,"Amb":16218,"Ġsocialismo":16219,"Ġindependen":16220,"Ġjazz":16221,"Ġcariños":16222,"Ġdestinadas":16223,"Ġvasos":16224,"Ġemitido":16225,"Ġ160":16226,"Ġtrauma":16227,"Ġ(\"":16228,"Ġocurra":16229,"ĠInvestigaciones":16230,"ĠGobernador":16231,"ĠCS":16232,"ĠUniverso":16233,"fique":16234,"ã":16235,"Ġexpuestos":16236,"Ġtemáticas":16237,"Ġemplea":16238,"ĠCristóbal":16239,"Ġgarganta":16240,"Ġsuceso":16241,"Ġpieles":16242,"Ġafirman":16243,"Ġpreservar":16244,"Ġmore":16245,"acate":16246,"dibu":16247,"ĠBuena":16248,"Ġagujero":16249,"PAR":16250,"Ġaplas":16251,"ianzas":16252,"Ġbuscaba":16253,"Ġconjuntos":16254,"ĠMari":16255,"Ġproduciendo":16256,"Ġcenar":16257,"Ġpermiti":16258,"Ġlección":16259,"cino":16260,"Sh":16261,"iestas":16262,"Ġvisuales":16263,"Ġrespecta":16264,"Ġestupenda":16265,"jadas":16266,"Ġfuncione":16267,"Ġmonumento":16268,"Ġrastre":16269,"ĠPresupuesto":16270,"avier":16271,"precio":16272,"Ġcarteles":16273,"ĠRad":16274,"Ġaumentó":16275,"grade":16276,"Ġescudo":16277,"Ġminera":16278,"Ġcartón":16279,"Ġcolocado":16280,"Ġdiam":16281,"ĠImagen":16282,"Ġautomovil":16283,"Ġjaja":16284,"ĠcercanÃŃa":16285,"ĠJornadas":16286,"tizó":16287,"Ġmantenga":16288,"Ġfalsos":16289,"Ġadquiere":16290,"reste":16291,"tricos":16292,"ié":16293,"ierten":16294,"Ġtesoro":16295,"tat":16296,"Ġfontan":16297,"Ġdigan":16298,"Ġmezclar":16299,"ĠDelegación":16300,"Ġsonora":16301,"ĠRece":16302,"astas":16303,"kar":16304,"Ġquerida":16305,"ĠCAS":16306,"ĠPaco":16307,"ĠPaseo":16308,"Ġpuntuación":16309,"ĠLeo":16310,"ĠXD":16311,"ĠAng":16312,"Ġprovocando":16313,"Ġarticulo":16314,"Ġaero":16315,"Ġtarta":16316,"ĠLucÃŃa":16317,"ORES":16318,"Ġhistóricas":16319,"Ġtriunf":16320,"Ġimportación":16321,"Ġimpecable":16322,"Ġreconstrucción":16323,"Ġmilag":16324,"ĠEstudiantes":16325,"2003":16326,"izarse":16327,"Ġmillas":16328,"Ġpelu":16329,"Ġentendemos":16330,"Ġaprovechamiento":16331,"Ġcontentos":16332,"omi":16333,"icados":16334,"Ġespaldas":16335,"ĠAudio":16336,"Ġmadura":16337,"Ġpropaganda":16338,"ĠcientÃŃficas":16339,"guero":16340,"Ġproductiva":16341,"Ġsobrepas":16342,"Ġsubido":16343,"ĠRAM":16344,"Ġestro":16345,"imental":16346,"Ġzar":16347,"Ġuse":16348,"Ġbono":16349,"â":16350,"éstico":16351,"Ġegres":16352,"icóp":16353,"Ġ125":16354,"Ġpresum":16355,"ĠInici":16356,"Ġangustia":16357,"Ġimpactos":16358,"Ġaéreo":16359,"Ġresidencial":16360,"eamiento":16361,"Ġestupendo":16362,"Ġave":16363,"ĠIber":16364,"Ġinformativo":16365,"Ġagricultores":16366,"ĠmagnÃŃfica":16367,"Ġtaxi":16368,"contin":16369,"Ġorganizadores":16370,"ĠNews":16371,"ĠSpi":16372,"ragona":16373,"Ġposeer":16374,"Ġrelativos":16375,"ĠparaÃŃso":16376,"Ġcontinuará":16377,"Ġcuerdas":16378,"ĠHistórico":16379,"Ġobligatoria":16380,"Ġpreventiva":16381,"Ġqueréis":16382,"Ġhalla":16383,"Ġcarnes":16384,"ĠJalisco":16385,"ĠSEG":16386,"Ġsensibil":16387,"Ġcuadrado":16388,"twitter":16389,"Ġhéroes":16390,"Ġaplican":16391,"Ġejerce":16392,"ĠTelevisión":16393,"700":16394,"Ġbuscado":16395,"ĠDescargar":16396,"Ġapetece":16397,"ócratas":16398,"Ġconsiderarse":16399,"Ġmiradas":16400,"Ġconoces":16401,"Ġemplear":16402,"Ġpasaje":16403,"Ġpropósitos":16404,"Ġvenganza":16405,"Ġlentes":16406,"Ġbul":16407,"sticos":16408,"Ġinmigración":16409,"Ġválido":16410,"red":16411,"Ġvayas":16412,"Ġcontundente":16413,"Ġfarmacia":16414,"Ġrestantes":16415,"gorit":16416,"Ġinsign":16417,"uado":16418,"Ġatar":16419,"Ġgestiones":16420,"Ġfér":16421,"ĠTamaño":16422,"Ġanalistas":16423,"ĠJord":16424,"ĠHues":16425,"Ġcontrola":16426,"ĠQuizá":16427,"ĠPach":16428,"less":16429,"Ġtrajes":16430,"Ġfué":16431,"Ġeman":16432,"ĠChat":16433,"patÃŃa":16434,"Ġalcaldesa":16435,"Ġexperimento":16436,"Hz":16437,"Ġmero":16438,"Ġprelim":16439,"jerci":16440,"Ġmonumentos":16441,"ison":16442,"Ġhuellas":16443,"telerÃŃa":16444,"Ġcreados":16445,"Ġ71":16446,"Ġdejarlo":16447,"tang":16448,"Ġcargado":16449,"TIS":16450,"dros":16451,"Ġinspirado":16452,"Ġcompensación":16453,"Esper":16454,"Ġproveer":16455,"Ġneoliber":16456,"Ġatracciones":16457,"Ġcontamin":16458,"Ġcopas":16459,"Ġmel":16460,"ĠÃģvila":16461,"ĠSci":16462,"ĠVÃŃa":16463,"INO":16464,"Ġcong":16465,"ĠNaturales":16466,"Ġvalenci":16467,"Ġtrajo":16468,"Ġpoderosos":16469,"ĠCle":16470,"ĠCamil":16471,"ĠBeach":16472,"ãĢ":16473,"étera":16474,"ĠComunidades":16475,"Ġ93":16476,"Ġmiedos":16477,"ĠInicio":16478,"Ġpresiones":16479,"Ġescribo":16480,"ĠVidal":16481,"Ġmanuales":16482,"Ġficheros":16483,"Ġvegetación":16484,"DÃŃa":16485,"ĠBrown":16486,"ĠindÃŃgena":16487,"Ġpotenci":16488,"gur":16489,"Ġrentable":16490,"Ġlevanta":16491,"Ġinsectos":16492,"Ġorgánica":16493,"Ġaliento":16494,"tice":16495,"Ġosci":16496,"Ġ;)":16497,"Ġrepas":16498,"Ġ88":16499,"Ġofensiva":16500,"âĦ¢":16501,"oreste":16502,"Ġgrano":16503,"Ġdesem":16504,"Ġ06":16505,"Ġlocalizar":16506,"erta":16507,"Ġartesanal":16508,"Ġcardiovas":16509,"bitro":16510,"bon":16511,"Ġexternas":16512,"Ġconsecutivo":16513,"Ġutilizó":16514,"Ġhistorial":16515,"ĠGroup":16516,"Ġmáximos":16517,"Ġatraviesa":16518,"Ġkit":16519,"Ġalegr":16520,"Da":16521,"Ġremol":16522,"obia":16523,"Ġ03":16524,"?)":16525,"VIS":16526,"ĠdeberÃŃamos":16527,"ĠVAL":16528,"ineros":16529,"Ġmatriz":16530,"adro":16531,"ĠOaxaca":16532,"Ġbañera":16533,"ĠJar":16534,"ĠDé":16535,"ĠDicho":16536,"ĠApp":16537,"ĠEnseñ":16538,"Ġinflamación":16539,"Ġcómodos":16540,"amplona":16541,"iuda":16542,"Ġup":16543,"Ġfile":16544,"Ġtoro":16545,"urso":16546,"CAR":16547,"Ġrepite":16548,"ĠBara":16549,"Ġcopiar":16550,"ĠZel":16551,"diversidad":16552,"Pese":16553,"Ġayudando":16554,"Ġdependiente":16555,"Ġmentiras":16556,"inosa":16557,"Ġcasino":16558,"ĠAndre":16559,"ĠDisponible":16560,"ĠMatem":16561,"Ġ82":16562,"Ġrecibo":16563,"izamos":16564,"Ġofrecerle":16565,"Ġterremoto":16566,"ĠTuc":16567,"Ġ74":16568,"Otros":16569,"ĠSolici":16570,"Ġbroma":16571,"ĠRead":16572,"Ġelegida":16573,"esterol":16574,"nea":16575,"Ġbaratas":16576,"ĠSir":16577,"Ġsalarial":16578,"Ġtomamos":16579,"Ġalteración":16580,"Ġliberar":16581,"ĠRum":16582,"Ġnóm":16583,"rencia":16584,"Ġcolonial":16585,"Trabaj":16586,"rimido":16587,"Ġcurar":16588,"ĠAlicia":16589,"Ġarreba":16590,"ĠAre":16591,"ĠLab":16592,"Ġestimular":16593,"Ġobreros":16594,"ĠCervantes":16595,"ĠRedes":16596,"Ġair":16597,"Ġventil":16598,"Ġcalcula":16599,"Ġregalar":16600,"ava":16601,"Ġexpone":16602,"ritas":16603,"ĠGrand":16604,"Ġamas":16605,"nis":16606,"Ġesfera":16607,"hen":16608,"ĠCy":16609,"Ra":16610,"Ġpeliculas":16611,"Ġhuir":16612,"ĠProgram":16613,"rillas":16614,"Ġayuden":16615,"Ġponerle":16616,"ĠMusic":16617,"Ġsucur":16618,"Ġmotocicle":16619,"ï¼":16620,"Ġalmoh":16621,"Ġparticipante":16622,"Ġocurren":16623,"nan":16624,"Ġpreocupes":16625,"Ġextranjeras":16626,"Ġilustraciones":16627,"Ġtemporales":16628,"ball":16629,"Ġpermitirán":16630,"ĠponÃŃa":16631,"Ġnombramiento":16632,"itivos":16633,"ĠLugar":16634,"Ġóptica":16635,"Ġintroduce":16636,"ĠNetflix":16637,"ĠðŁĻĤ":16638,"ĠAqu":16639,"itenci":16640,"Ġignorancia":16641,"EFE":16642,"Ġascensor":16643,"ĠBase":16644,"Ġperuana":16645,"Ġpala":16646,"alos":16647,"Ġespuma":16648,"Ġordenado":16649,"Ġchaqueta":16650,"Ġorilla":16651,"Ġenfrente":16652,"Ġestip":16653,"ĠHogar":16654,"Ġrecuerdan":16655,"dirse":16656,"Ġenla":16657,"IVERS":16658,"Ġambul":16659,"ĠNú":16660,"manente":16661,"Ġprotegido":16662,"ĠCala":16663,"Ġalmacén":16664,"Ġcansancio":16665,"Vis":16666,"ĠProf":16667,"ĠIND":16668,"Ġespectro":16669,"ĠMateo":16670,"ĠCorrea":16671,"ericordia":16672,"ĠBarran":16673,"Ġavanzando":16674,"ĠPueden":16675,"irma":16676,"ĠFox":16677,"Ġabren":16678,"Ġnarrativa":16679,"Ġaccede":16680,"Ġsatélite":16681,"Ġlatina":16682,"ĠCristiano":16683,"ĠJordi":16684,"Ġprivilegio":16685,"Ġdesarrollará":16686,"Ġcabecera":16687,"onesa":16688,"Ġsud":16689,"ĠFM":16690,"ĠEM":16691,"board":16692,"Ġpuri":16693,"Ġcelebraciones":16694,"Ġvolúmenes":16695,"ometrÃŃa":16696,"Ġimpunidad":16697,"Ġinformático":16698,"Ġatentos":16699,"ĠFl":16700,"cisamente":16701,"ĠHouse":16702,"Ġunirse":16703,"tx":16704,"eek":16705,"ĠDescubre":16706,"tta":16707,"Ġdies":16708,"iw":16709,"ĠMarca":16710,"gam":16711,"Ġantel":16712,"gregación":16713,"Ġdonación":16714,"Ġanterioridad":16715,"ĠCán":16716,"Ġnevera":16717,"Ġnubl":16718,"Ġbeneficiarios":16719,"TRI":16720,"Ġverificación":16721,"ĠmandÃŃ":16722,"Ġhábiles":16723,"ianismo":16724,"ĠperÃŃodos":16725,"Ġestructural":16726,"bablemente":16727,"teriales":16728,"acion":16729,"ĠAvis":16730,"ĠPV":16731,"Ġfatal":16732,"hidra":16733,"Ġintendente":16734,"Ġprioridades":16735,"Ġsubrayó":16736,"âĢĵ,":16737,"Ġproducida":16738,"Ġ1985":16739,"ĠEspec":16740,"Ġglobales":16741,"ĠEléctr":16742,"Ġcosech":16743,"Ġsecundario":16744,"Ġmasculina":16745,"Ġescasez":16746,"terránea":16747,"Ġvolvieron":16748,"Press":16749,"Ġtomas":16750,"Ġexpresado":16751,"Ġerrón":16752,"Ġalerg":16753,"pur":16754,"ĠIndependencia":16755,"Ġdivina":16756,"Ġnotific":16757,"Ġperpetu":16758,"Ġcircuitos":16759,"ĠartÃŃsticas":16760,"Ġsólidos":16761,"ĠNorma":16762,"áfrica":16763,"Ġcaracteres":16764,"Ġfronter":16765,"Ġdomingos":16766,"élix":16767,"Ġcerrad":16768,"ĠOpciones":16769,"vs":16770,"Ġfinalizó":16771,"Ġadorn":16772,"Ġradiación":16773,"Ġpertinentes":16774,"ĠRem":16775,"une":16776,"Ġfollar":16777,"zaron":16778,"Ġarra":16779,"ortante":16780,"guo":16781,"Ġetcétera":16782,"Ġtraduce":16783,"Pan":16784,"erna":16785,"Ġvoluntaria":16786,"ormal":16787,"Ġganancia":16788,"Ġóptimo":16789,"gem":16790,"Ġ::":16791,"Ġcálido":16792,"Ġantrop":16793,"Ġcompartida":16794,"ĠCabil":16795,"Ġdiscursos":16796,"ĠTravel":16797,"Ġapostar":16798,"Ġrescatar":16799,"Ġsabia":16800,"AF":16801,"minente":16802,"Ġretención":16803,"Ġdeses":16804,"ĠAndrea":16805,"ĠCoopera":16806,"Ġlactancia":16807,"Ġabsorción":16808,"Bol":16809,"rive":16810,"ĠdarÃŃa":16811,"LOS":16812,"ĠRi":16813,"2005":16814,"Ġ86":16815,"ĠIntel":16816,"Ġescape":16817,"ĠMorena":16818,"Ġmolé":16819,"Ġthis":16820,"Ġbúsquedas":16821,"ENTOS":16822,"âĤ¬.":16823,"Ġalegro":16824,"Ġinvasión":16825,"Ġayudarle":16826,"Parece":16827,"Ġextraños":16828,"Ġimpi":16829,"Ġjamón":16830,"Ġrápidas":16831,"Ġole":16832,"Ġmarx":16833,"Ġcensura":16834,"Ġdinámico":16835,"ĠCorazón":16836,"Ġciertamente":16837,"Ġhacerme":16838,"Ġrodillas":16839,"Ġcolesterol":16840,"Ġpreciosas":16841,"Ġmérito":16842,"eche":16843,"ĠYoutube":16844,"Ġilim":16845,"Ġapuntan":16846,"Ġperdieron":16847,"Ġoportuno":16848,"Ġpresentadas":16849,"Ġecológica":16850,"ĠAmigos":16851,"Ġllame":16852,"Ġcostar":16853,"ĠCamb":16854,"teado":16855,"Ġaltitud":16856,"Ġencargo":16857,"ĠClara":16858,"Ġcinturón":16859,"Ġfidelidad":16860,"Ġlegalidad":16861,"Ġaveriguar":16862,"zu":16863,"ĠMary":16864,"gers":16865,"ilateral":16866,"Ġrespirar":16867,"ĠTr":16868,"Ġexcursión":16869,"Ġaltar":16870,"Ġoriginalmente":16871,"Sa":16872,"ĠAdministrativo":16873,"Ġreportaje":16874,"Ġoscuros":16875,"velo":16876,"ory":16877,"ĠÃĵscar":16878,"ĠSofÃŃa":16879,"ĠLon":16880,"Ġsever":16881,"ĠFlo":16882,"Ġanoche":16883,"Ġpresidenciales":16884,"Ġrollo":16885,"Ġdeliciosa":16886,"Ġdiputada":16887,"Ġdébiles":16888,"ĠPaso":16889,"ĠFamiliar":16890,"Ġrosas":16891,"Ġexigen":16892,"Ġgestos":16893,"bust":16894,"Ġapoder":16895,"TRE":16896,"Ġdisfraz":16897,"cinco":16898,"Ġdetalló":16899,"Ġpsicológico":16900,"âĢľ.":16901,"ĠViernes":16902,"Ġincapaz":16903,"Ġsetenta":16904,"Ġrecub":16905,"Ġaspirantes":16906,"Ġduró":16907,"Ġminas":16908,"Ġdependen":16909,"Ġpongan":16910,"Ġepide":16911,"riga":16912,"ĠCharles":16913,"Ġgel":16914,"tum":16915,"Ġesperanzas":16916,"Ġ{":16917,"gela":16918,"Ġsencillamente":16919,"Ġacercó":16920,"Ġinunda":16921,"Ġpeg":16922,"ĠJunior":16923,"ibu":16924,"Ġquiénes":16925,"Mas":16926,"melo":16927,"Ġangel":16928,"Ġamistades":16929,"stro":16930,"Ġtitularidad":16931,"ĠAlcalá":16932,"ĠOccidente":16933,"Ġestimado":16934,"Podemos":16935,"Ġpatri":16936,"ĠEnc":16937,"ĠAcadém":16938,"Ġterminales":16939,"Ġconquistar":16940,"Ġfilme":16941,"Ġcalcio":16942,"ĠRO":16943,"Ġvinculación":16944,"Ġelenco":16945,"Ġmerca":16946,"viar":16947,"Ġdecidi":16948,"Ġcomenzando":16949,"Ġtrac":16950,"Ġresaltó":16951,"Ġtremen":16952,"Ġlegisladores":16953,"Ġorquesta":16954,"Ġgrueso":16955,"Ġgabinete":16956,"ĠsalÃŃa":16957,"Ġcuidadosamente":16958,"Ġspam":16959,"Cl":16960,"Men":16961,"Ġinvito":16962,"ariana":16963,"ĠAun":16964,"Ġconectividad":16965,"Ġaliviar":16966,"Ġabo":16967,"Ġdepre":16968,"Ġmilagro":16969,"Ġpuentes":16970,"Ġpilas":16971,"ĠPis":16972,"ĠeconomÃŃas":16973,"Ġhelicóp":16974,"Ġvarones":16975,"ali":16976,"itudes":16977,"ĠSindica":16978,"Ġestampado":16979,"Ġseparados":16980,"Ġviolaciones":16981,"ĠBretaña":16982,"Ġtrabajadora":16983,"Ġabuelos":16984,"tosa":16985,"Ġactúan":16986,"Ġprecar":16987,"Ġantelación":16988,"Ġquemar":16989,"Ġmuel":16990,"Ġdigamos":16991,"Ġlimitación":16992,"ĠPress":16993,"jemplo":16994,"Ġacademia":16995,"Sta":16996,"Ġvariantes":16997,"Ġinterrup":16998,"Ġbiz":16999,"Ġsuspender":17000,"ĠGi":17001,"Ġterrestre":17002,"Ġllantas":17003,"Ġestemos":17004,"ĠIndependiente":17005,"Ġinscripciones":17006,"ĠPaulo":17007,"Ġcatalanes":17008,"Ġbord":17009,"Ġadaptado":17010,"Ġcitar":17011,"ĠCampos":17012,"LAS":17013,"Ġfabricar":17014,"Ġvient":17015,"Ġcompartimos":17016,"Ġbarata":17017,"ĠGay":17018,"ĠAren":17019,"Ġapps":17020,"ĠMarx":17021,"Ġnombrar":17022,"mate":17023,"Ġaconsej":17024,"Ġpromocionar":17025,"Ġcort":17026,"etti":17027,"Ġfomento":17028,"Ġconsiderablemente":17029,"Ġaliado":17030,"Ġtorneos":17031,"Ġcautiv":17032,"Ġemergentes":17033,"drez":17034,"éndum":17035,"ĠPunto":17036,"ĠCorn":17037,"Ġestancias":17038,"ĠBarça":17039,"tinal":17040,"Ġaprovecha":17041,"Ġdomést":17042,"Ġexclusivos":17043,"Ġcigar":17044,"Ġpotable":17045,"ĠCerro":17046,"gracias":17047,"SL":17048,"Ġastro":17049,"Ġpeligrosos":17050,"Ġdieci":17051,"ciedad":17052,"Contin":17053,"ĠPuerta":17054,"zzi":17055,"Ġbajada":17056,"ĠMonterrey":17057,"ĠIgualmente":17058,"ĠDeclaración":17059,"ĠMIN":17060,"Ġ\"¿":17061,"Ġcementerio":17062,"Ġganan":17063,"Ġcompartiendo":17064,"bana":17065,"Ġcamioneta":17066,"Ġgentes":17067,"Ġpagando":17068,"Ġsurgir":17069,"Ġnet":17070,"Ġvinculado":17071,"Ġ1988":17072,"ĠVene":17073,"Ġfreno":17074,"Trans":17075,"copio":17076,"ĠSchool":17077,"ĠAyuda":17078,"luencia":17079,"Ġgam":17080,"Ġmanifest":17081,"Ġwifi":17082,"cesión":17083,"ĠRod":17084,"Ġreflejan":17085,"Ġmelan":17086,"ĠPropiedad":17087,"ĠclÃŃnicas":17088,"ĠPepe":17089,"Ġplug":17090,"Ġcoman":17091,"ĠDeja":17092,"Ġderrum":17093,"acia":17094,"Ġpropici":17095,"Ġdrenaje":17096,"Ġinquietudes":17097,"Ġneutr":17098,"Ġdigit":17099,"bloque":17100,"ĠIU":17101,"ĠvarÃŃa":17102,"omar":17103,"bueno":17104,"Ġsemifinales":17105,"utin":17106,"Ġpesetas":17107,"Ġ1970":17108,"Ġdistor":17109,"compañ":17110,"Ġllevada":17111,"ĠInforma":17112,"Ġescritora":17113,"Ġinnumer":17114,"Encuentra":17115,"Ġacta":17116,"Ġmicroondas":17117,"ĠMagn":17118,"dell":17119,"Ġmigración":17120,"Ġmadurez":17121,"Ġtox":17122,"riente":17123,"Ġmeditación":17124,"ĠTam":17125,"Ġespes":17126,"Ġexitoso":17127,"ĠSimón":17128,"Ġlaboratorios":17129,"Ġolas":17130,"Ġvendedores":17131,"yer":17132,"Ġlava":17133,"Ġ92":17134,"ĠCiudadana":17135,"Ġdeseamos":17136,"imenea":17137,"Ġséptimo":17138,"?\"":17139,"Ġautó":17140,"gmail":17141,"Ġtraemos":17142,"Ġprimo":17143,"Ġdefensores":17144,"aldo":17145,"Ġreciclaje":17146,"Ġtrip":17147,"ĠCortes":17148,"Ġbillete":17149,"Ġadministradores":17150,"Ġperjuicios":17151,"tooth":17152,"Ġsolteros":17153,"Ġresistir":17154,"ĠBeb":17155,"ĠAlbacete":17156,"ĠMemoria":17157,"ĠInten":17158,"Ġcatedral":17159,"Ġenamorado":17160,"ĠTrituradora":17161,"Ley":17162,"Ġllo":17163,"Ġconvicción":17164,"Ġdama":17165,"Dios":17166,"ĠIM":17167,"ENTO":17168,"ĠToy":17169,"Ġpluma":17170,"ĠPresentación":17171,"Ġcomunitaria":17172,"Ġquedé":17173,"ipo":17174,"Ġjugos":17175,"Ġavanzadas":17176,"ĠrÃŃg":17177,"Ġresultaron":17178,"Ġdedicó":17179,"ĠEconómica":17180,"Ġnacidos":17181,"Ġtuya":17182,"ĠEvangelio":17183,"nación":17184,"ICAS":17185,"Ġdistra":17186,"Ġoperan":17187,"ICE":17188,"Ġ1986":17189,"Ġinstitucionales":17190,"Ġpastillas":17191,"HE":17192,"Ġgeográfica":17193,"Ġaires":17194,"ĠTienda":17195,"Ġsom":17196,"Ġdemonios":17197,"ĠParis":17198,"Ġsustancial":17199,"ĠAlimentación":17200,"TT":17201,"Ġviaja":17202,"ĠÃŃndole":17203,"Ġproli":17204,"Ġfalda":17205,"TIVA":17206,"Ġdialo":17207,"ĠClin":17208,"ĠesquÃŃ":17209,"2004":17210,"pica":17211,"cano":17212,"cran":17213,"Ġcampeona":17214,"Ġconsistente":17215,"titas":17216,"ĠValores":17217,"Ġescuchando":17218,"Ġcurric":17219,"ĠTin":17220,"Ġmatan":17221,"ĠPolonia":17222,"Ġrealidades":17223,"Ġestudiado":17224,"racciones":17225,"ÃŃble":17226,"Ġdados":17227,"Ġinfluencias":17228,"ector":17229,"Ġarmados":17230,"Ġnu":17231,"Ġácidos":17232,"Ġove":17233,"Ġalberg":17234,"ĠESPAÃij":17235,"Ġmicró":17236,"Ġrenovado":17237,"Ġconstruye":17238,"ĠSea":17239,"quiler":17240,"Ġseguirán":17241,"ÃįS":17242,"ĠPatria":17243,"rocarril":17244,"ĠTem":17245,"Ġlibertades":17246,"Ref":17247,"mada":17248,"Ġexport":17249,"ĠCop":17250,"load":17251,"Ġaparente":17252,"Ġaumentan":17253,"Ġvinculadas":17254,"Ġconsolidar":17255,"Ġcorporativa":17256,"pedia":17257,"Ġreceptor":17258,"ĠConfederación":17259,"Ġondas":17260,"Ġóptima":17261,"Ġdespierta":17262,"Ġgustar":17263,"trac":17264,"iche":17265,"ĠpodrÃŃas":17266,"Ġacordado":17267,"Primero":17268,"Ġactivamente":17269,"Ġprol":17270,"Ġrelativas":17271,"dalena":17272,"ólicos":17273,"ĠCrédito":17274,"Ġprovisional":17275,"ĠAbogados":17276,"Ġtraducir":17277,"ĠDur":17278,"Ġlecciones":17279,"Ġduele":17280,"Ġacierto":17281,"Ġdescargas":17282,"Ġbomberos":17283,"Ġcrucero":17284,"ione":17285,"ĠLara":17286,"Ġrabia":17287,"ĠDepartam":17288,"Ġdesear":17289,"Ġtomarse":17290,"Ġintoler":17291,"fianza":17292,"Ġpublicadas":17293,"ĠJoven":17294,"GEN":17295,"Ġtramos":17296,"abras":17297,"ixa":17298,"Ġcostó":17299,"TITU":17300,"Ġmencionada":17301,"ĠMap":17302,"ensible":17303,"Ġesencialmente":17304,"ĠAñad":17305,"gara":17306,"urrección":17307,"diós":17308,"Ġcustodia":17309,"ñada":17310,"Ġcreaciones":17311,"Ġsolteras":17312,"Ġalgorit":17313,"úb":17314,"Ġconvocado":17315,"Ġlejano":17316,"ĠbÃŃbl":17317,"Ġamuebl":17318,"ĠLetras":17319,"solo":17320,"Ġpases":17321,"ĠBaleares":17322,"Ġcontenida":17323,"Ġdivide":17324,"Dec":17325,"Ġrecibirán":17326,"Ġredonda":17327,"gaz":17328,"ĠNobel":17329,"Ġesconde":17330,"iamos":17331,"andés":17332,"ĠColombi":17333,"Ġsientan":17334,"Ġsubmar":17335,"CS":17336,"ĠChristian":17337,"ĠMérida":17338,"ĠCabildo":17339,"Ġusamos":17340,"Ġselva":17341,"Ġpelicula":17342,"Ġasesinatos":17343,"táneo":17344,"Ġamericanos":17345,"Tri":17346,"Ġsumó":17347,"Ġcerdo":17348,"idan":17349,"Ġcoincide":17350,"Ġmanufac":17351,"Ġlimpias":17352,"Ġrecomien":17353,"Ġacusación":17354,"Medi":17355,"Ġcaballero":17356,"Ġ87":17357,"ĠfÃŃsicamente":17358,"veniles":17359,"than":17360,"Ġlon":17361,"Ġpatron":17362,"Ġestandar":17363,"ĠmercancÃŃa":17364,"ĠPese":17365,"Ġexcesivo":17366,"ĠComunicaciones":17367,"Ġrojas":17368,"Ġparrilla":17369,"Ġdirectivo":17370,"Ġnorteamericana":17371,"Ġsuponen":17372,"Dónde":17373,"Ġvaliente":17374,"ĠFeb":17375,"Ġdesorden":17376,"frad":17377,"Ġsupermercados":17378,"Ġreclamación":17379,"Ġgenu":17380,"Excelente":17381,"ĠMS":17382,"Ġavanzados":17383,"Ġcentenar":17384,"ĠNick":17385,"tegra":17386,"Ġdespliegue":17387,"Ġadic":17388,"Ġdesar":17389,"ató":17390,"Ġprotegidos":17391,"Ġrepent":17392,"Ġtiros":17393,"atán":17394,"Ġperfectos":17395,"ólicas":17396,"his":17397,"Ġromántica":17398,"Ġretrato":17399,"ĠYan":17400,"ĠEFE":17401,"Ġseamos":17402,"Ġmantendrá":17403,"huahua":17404,"Ġcorro":17405,"Ġauric":17406,"rupos":17407,"ĠTeléfono":17408,"Ġapoyado":17409,"ĠCru":17410,"Ġvalioso":17411,"Ġturb":17412,"Ġmejoramiento":17413,"Ġatendiendo":17414,"govia":17415,"Ġgranos":17416,"Ġprevisión":17417,"Ġaportando":17418,"Ġcentrar":17419,"Ġricas":17420,"Ġaldea":17421,"war":17422,"ĠEsperanza":17423,"Ġpones":17424,"Ġcocinas":17425,"Ġdivorcio":17426,"Ġcompetidores":17427,"ĠSmart":17428,"ulla":17429,"osamente":17430,"cierto":17431,"Ġestrictamente":17432,"Ġreivindic":17433,"Ġsierra":17434,"ĠOlÃŃmpicos":17435,"Ġconvirtiéndose":17436,"Ġvariados":17437,"Ġtacto":17438,"ampar":17439,"Ġrazas":17440,"Ġinus":17441,"Ġchis":17442,"Ġcontratado":17443,"Ġtam":17444,"Ġauge":17445,"ĠChiapas":17446,".;":17447,"Ġcielos":17448,"Ġmédicas":17449,"Ġcaris":17450,"Ġreemplazar":17451,"roll":17452,"Ġanualmente":17453,"Ġdelim":17454,"Ġsensores":17455,"ĠInteligencia":17456,"onedas":17457,"Ġdecan":17458,"iba":17459,"Ġcomparti":17460,"Ġnarcotráfico":17461,"Ġpreferido":17462,"Ġtrozos":17463,"Ġaplicada":17464,"ĠPO":17465,"Ġsovi":17466,"posa":17467,"ÃįN":17468,"tente":17469,"Ġfrescos":17470,"Ġmuchacho":17471,"illón":17472,"Ġrecompensa":17473,"Ġmarino":17474,"Ġutilizarse":17475,"ORA":17476,"ósticos":17477,"Ġajeno":17478,"Ġinconvenientes":17479,"ĠCob":17480,"html":17481,"ui":17482,"Ġmilitantes":17483,"Ġeficientes":17484,"ĠUnos":17485,"nab":17486,"Ġtrabajadoras":17487,"ĠBella":17488,"Ġcomputadoras":17489,"ĠBuscar":17490,"Ġdivulgación":17491,"Ġsudor":17492,"Ġcontrolado":17493,"Ġinca":17494,"ĠtendrÃŃan":17495,"Ġharé":17496,"Ġtablet":17497,"sales":17498,"Ġdiges":17499,"asi":17500,"Tres":17501,"Ġreducida":17502,"Ġregistrada":17503,"ĠPolit":17504,"Ġcristales":17505,"erry":17506,"dada":17507,"ĠEstatuto":17508,"ĠtuberÃŃas":17509,"ĠJones":17510,"ÃŃnguez":17511,"Ġ97":17512,"Ġcambie":17513,"ĠEmpren":17514,"ĠLy":17515,"ĠGam":17516,"algo":17517,"Ġlavan":17518,"Ġecológico":17519,"Ġtransportar":17520,"lice":17521,"ĠIlust":17522,"Ġrelieve":17523,"lave":17524,"Ġ1987":17525,"ĠChampions":17526,"ambios":17527,"ĠOx":17528,"ensas":17529,"Ġdesequilib":17530,"ift":17531,"Ġabdomin":17532,"Ġañadimos":17533,"ĠFO":17534,"Ġguiar":17535,"Ġmasivo":17536,"ĠTO":17537,"Ġmorales":17538,"met":17539,"elar":17540,"Ġ1976":17541,"Ġlana":17542,"ĠPrado":17543,"Ġradica":17544,"Ġdesencaden":17545,"Ġdeshacer":17546,"ĠRoca":17547,"Ġorientado":17548,"eller":17549,"tencias":17550,"Ġobtienen":17551,"ĠOlimp":17552,"Ġllevarlo":17553,"ivir":17554,"Algunas":17555,"Ġafecto":17556,"ĠVesti":17557,"ĠdeberÃŃas":17558,"Ġatropel":17559,"Ġscorts":17560,"alth":17561,"Ġeliminado":17562,"Ġrecipiente":17563,"Ġtermino":17564,"ĠInfo":17565,"Ġprofesionalidad":17566,"Ġespecializadas":17567,"Ġelaborados":17568,"Ġexplotar":17569,"Ġjes":17570,"Ġjuguete":17571,"ĠCompr":17572,"Ġsignificativamente":17573,"Ġdietas":17574,"ĠâĢľÂ¡":17575,"Ġplanificar":17576,"Ġpeligrosa":17577,"Ġbatallas":17578,"ĠAdministraciones":17579,"ulan":17580,"Ġratón":17581,"Ġcomunitario":17582,"Ġpreguntado":17583,"...\"":17584,"Ġvariada":17585,"Ġindicada":17586,"Ġfundamentos":17587,"Ġcompu":17588,"Ġcintas":17589,"Ġcausó":17590,"Ġ79":17591,"Ġespecialización":17592,"Ġsábados":17593,"ĠoÃŃdos":17594,"Ġleyendas":17595,"Ġcontabilidad":17596,"Ġimpresora":17597,"Ġencarcel":17598,"ĠmilÃŃmetros":17599,"Ġresoluciones":17600,"Ġconectados":17601,"ĠPrivacidad":17602,"ramientas":17603,"Ġpincel":17604,"Ġescand":17605,"atan":17606,"Ġexcursiones":17607,"Ġtransport":17608,"Ġprocedencia":17609,"Ġproduzca":17610,"Ġdedicadas":17611,"Ġcoinciden":17612,"ĠFri":17613,"Ġrobot":17614,"ĠHumanidad":17615,"Ġvisibles":17616,"Ġregistraron":17617,"éditos":17618,"Ġconmemora":17619,"Ġmetido":17620,"Ġhaberlo":17621,"ĠPad":17622,"Ġjuicios":17623,"guiente":17624,"Ġgall":17625,"Ġdesactivados":17626,"Fac":17627,"Ġremoto":17628,"Ġpresa":17629,"Ġpersonalizados":17630,"ĠEfec":17631,"Advisor":17632,"ns":17633,"Ġimprim":17634,"quir":17635,"Ġrecibidos":17636,"Ġcasero":17637,"titos":17638,"ĠSob":17639,"entando":17640,"doc":17641,"ĠFIN":17642,"Ġvestuario":17643,"Ġprofesorado":17644,"americanas":17645,"Ve":17646,"ĠtÃŃa":17647,"Ġinnovadoras":17648,"Ġmaravillas":17649,"Ġradicales":17650,"Ġresuelto":17651,"psia":17652,"Ġgubernamental":17653,"ocal":17654,"Ġ89":17655,"ĠBMW":17656,"ITA":17657,"Ġtensiones":17658,"Ġnoventa":17659,"Ġcomplejas":17660,"ĠZapatero":17661,"Ġpesa":17662,"artén":17663,"Ġacostumbrados":17664,"Ġnecesites":17665,"orros":17666,"Ġprovecho":17667,"ĠTercera":17668,"enov":17669,"Ġañadiendo":17670,"Ġdominar":17671,"Ġrecupera":17672,"ĠEric":17673,"ĠEusk":17674,"Ġrisas":17675,"Ġimpartir":17676,"adajo":17677,"pany":17678,"Ġinund":17679,"Ġsemilla":17680,"ĠTecnologÃŃas":17681,"Ġacusados":17682,"Ġcueva":17683,"ahora":17684,"Ġsutil":17685,"copia":17686,"ĠdiscÃŃpulos":17687,"Mer":17688,"ĠGobernación":17689,"Ġcompré":17690,"amen":17691,"Ġsuperó":17692,"Ġinnovadora":17693,"ĠProfesionales":17694,"Ġdetuvo":17695,"banas":17696,"Ġgotas":17697,"ioterapia":17698,"ijón":17699,"Ġare":17700,"sab":17701,"Ġ¡¡":17702,"Ġposicion":17703,"itoral":17704,"ĠsanguÃŃn":17705,"Ġvulnerabilidad":17706,"Ġ83":17707,"Ġacompañan":17708,"Ġdiera":17709,"Ġtransvers":17710,"Ġseparar":17711,"ah":17712,"Ġrecar":17713,"ueras":17714,"Ġtablero":17715,"ajada":17716,"Ġdenunciado":17717,"Ġliberal":17718,"ĠConsulta":17719,"jate":17720,"Ġsumado":17721,"Ġdebatir":17722,"gencia":17723,"Ġrector":17724,"Ġmitos":17725,"ĠLeonardo":17726,"Ġdetallado":17727,"ucción":17728,"Ġminister":17729,"Hist":17730,"Ġhierbas":17731,"Ġinnumerables":17732,"Lleg":17733,"Ġpra":17734,"centr":17735,"Ġllegué":17736,"Ġvolviendo":17737,"feros":17738,"ĠFabric":17739,"Ġalcoh":17740,"Ġcancelar":17741,"Ġapto":17742,"Ġ!!":17743,"ĠAé":17744,"Ġecha":17745,"Ġ81":17746,"Ġafro":17747,"Ġembarca":17748,"Ġafán":17749,"Ġdesb":17750,"ĠValor":17751,"AY":17752,"ĠAQUÃį":17753,"ĠAdidas":17754,"Ġwhats":17755,"ciosos":17756,"ésped":17757,"déis":17758,"ĠÃĥ":17759,"Ġleerlo":17760,"Ġentregas":17761,"Ġtrasladar":17762,"Ġmercantil":17763,"Ġmuñeca":17764,"tiempo":17765,"Ġritual":17766,"Ġalquilar":17767,"ĠQuien":17768,"Ġabstrac":17769,"Nueva":17770,"ĠLegal":17771,"Ġhelado":17772,"ĠIrak":17773,"secre":17774,"Ġ1982":17775,"ĠMedidas":17776,"Ġfall":17777,"Ġreunirse":17778,"ĠEsperamos":17779,"ĠEstu":17780,"Ġfutbolistas":17781,"star":17782,"perci":17783,"Ġenviados":17784,"Ġvisitó":17785,"Ġrepartir":17786,"Ġanimados":17787,"Ġpy":17788,"Ġritmos":17789,"ĠPonte":17790,"Ġsufriendo":17791,"Ġsolas":17792,"Ġvecina":17793,"Ġfibras":17794,"ĠBenito":17795,"Ġrusos":17796,"ĠAlbert":17797,"rigor":17798,"Ġextenso":17799,"Ġenm":17800,"ĠPir":17801,"ĠDown":17802,"mundo":17803,"ĠPL":17804,"ĠRégimen":17805,"Ġsartén":17806,"ĠAustria":17807,"Ġlicitación":17808,"ĠIgualdad":17809,"acal":17810,"ĠKirchner":17811,"Ġbajó":17812,"Ġprestado":17813,"Ġamado":17814,"ueta":17815,"uertas":17816,"Ġreivindica":17817,"Ġcuchillo":17818,"ĠSede":17819,"Ġtropical":17820,"ĠREG":17821,"Ġlote":17822,"ándolas":17823,"Ġnarración":17824,"derismo":17825,"ĠvÃŃs":17826,"ĠSteph":17827,"texto":17828,"Ġválida":17829,"Ġespir":17830,"Ġdudar":17831,"ĠAguilar":17832,"ingo":17833,"Ġsacudi":17834,"Ġcansado":17835,"die":17836,"ĠTratado":17837,"quial":17838,"ICOS":17839,"Ġordenar":17840,"ispos":17841,"Ġautónomo":17842,"Ġmágica":17843,"Ġadoptado":17844,"Ġtrabajaba":17845,"ĠTy":17846,"Ġproductora":17847,"Ġvientre":17848,"Ġcomando":17849,"Ġpotentes":17850,"arto":17851,"ADR":17852,"ulosa":17853,"Ġirregularidades":17854,"Ġsubl":17855,"pus":17856,"Ġneo":17857,"Ġponerte":17858,"Ġfracción":17859,"ientales":17860,"Ġratific":17861,"Ġsois":17862,"Ġfijado":17863,"Ġahorros":17864,"ĠSEC":17865,"Ġhabrán":17866,"Ġdespido":17867,"ifique":17868,"adajoz":17869,"TML":17870,"Ġsantos":17871,"Ãĥº":17872,"ĠCali":17873,"Ġarancel":17874,"Ġfascinante":17875,"Ġseminario":17876,"lot":17877,"bate":17878,"Ġsoldado":17879,"ĠWiFi":17880,"ĠDolores":17881,"Ġromántico":17882,"def":17883,"Ġcompartió":17884,"Ġbote":17885,"Ġdemostración":17886,"Ġimpresiones":17887,"ĠJusto":17888,"ĠFélix":17889,"Ġespirituales":17890,"aré":17891,"Ġsurtido":17892,"Ġescar":17893,"Ġafortun":17894,"plas":17895,"onales":17896,"Ġcompatibles":17897,"Ġcómodas":17898,"Ġinocente":17899,"Han":17900,"mallera":17901,"Ġejecutivos":17902,"ĠCAP":17903,"Ġregresó":17904,"ĠPleno":17905,"ĠXIII":17906,"rias":17907,"Ġciclismo":17908,"Ġ~":17909,"Ġpecados":17910,"DES":17911,"rase":17912,"Ġpozo":17913,"Ġreferéndum":17914,"Ġanat":17915,"dalias":17916,"ficado":17917,"Ġcereales":17918,"ĠNE":17919,"Ġajena":17920,"gros":17921,"Ġgranito":17922,"Ġcombustibles":17923,"Ġensalada":17924,"iÃĥ":17925,"Ġgratuitas":17926,"Ġaprecia":17927,"adecu":17928,"Ġacent":17929,"Ġcabina":17930,"Ġllamamos":17931,"Ġplancha":17932,"Ġmiró":17933,"ÃŃqu":17934,"ĠvarÃŃan":17935,"ĠGold":17936,"Ġusarlo":17937,"ojo":17938,"ĠestadÃŃstica":17939,"Ġfiguran":17940,"vit":17941,"Ġrelajación":17942,"ĠMetropolitana":17943,"Ġfree":17944,"ecemos":17945,"ĠReun":17946,"Ġequivo":17947,"Ġconozca":17948,"Ġperfum":17949,"Ġvengo":17950,"ĠKat":17951,"tificaciones":17952,"ĠTerra":17953,"Ġlobo":17954,"ĠQuito":17955,"Ġapoyos":17956,"ĠURL":17957,"ĠBoletÃŃn":17958,"Ġentienden":17959,"aching":17960,"ĠEC":17961,"Ġfilial":17962,"Ġromano":17963,"fÃŃn":17964,"traciones":17965,"Jes":17966,"Ġsinte":17967,"Ġtanque":17968,"Ġpesada":17969,"ĠCoordinación":17970,"Ġmultic":17971,"Ġhabilitado":17972,"Ġentrando":17973,"Ġdisparos":17974,"Ġevidentemente":17975,"POS":17976,"UB":17977,"MT":17978,"Ġ101":17979,"ĠTienes":17980,"Ġdij":17981,"Ġasiático":17982,"inero":17983,"Barcelona":17984,"dentemente":17985,"Ġfaltas":17986,"ĠCAN":17987,"Ġcompetentes":17988,"Ġ1978":17989,"ueces":17990,"Ġmaneja":17991,"zamos":17992,"Ġexcepciones":17993,"Ġbrecha":17994,"Ġfanáticos":17995,"merce":17996,"Ġestuvimos":17997,"icket":17998,"ĠArmadas":17999,"peso":18000,"ĠprohÃŃ":18001,"Ġprisa":18002,"ĠgeografÃŃa":18003,"Ġacelerar":18004,"Bajo":18005,"Ġnavegando":18006,"ĠNúñez":18007,"Ġconsume":18008,"ĠCáceres":18009,"unning":18010,"Ġlamentablemente":18011,"ĠTripAdvisor":18012,"Ġinterf":18013,"Ġinstala":18014,"Ġinconsciente":18015,"ĠColección":18016,"duzca":18017,"Ġalejado":18018,"ject":18019,"Ġinhib":18020,"Ġabrirá":18021,"Ġlibras":18022,"Ġayuntamientos":18023,"ĠWordPress":18024,"Ġinyección":18025,"Ġcaen":18026,"Ġaccesos":18027,"Ġexcesiva":18028,"Ġllamando":18029,"ĠMAS":18030,"Ġmortalidad":18031,"ĠSole":18032,"????":18033,"Ġreferirse":18034,"restres":18035,"Ġcompre":18036,"Ġvuelvo":18037,"cuito":18038,"SM":18039,"Ġalianzas":18040,"mira":18041,"Ġrecaudación":18042,"Ġ94":18043,"ĠPep":18044,"Ġdie":18045,"Ġmangas":18046,"dren":18047,"Ġsepan":18048,"Ġarmar":18049,"Ġaguantar":18050,"Ġvacun":18051,"Ġmortales":18052,"ulador":18053,"Ġgalax":18054,"Ġproponemos":18055,"Ġjurisp":18056,"Ġestructurales":18057,"Ġrealista":18058,"Ġmáster":18059,"ĠAlcaldÃŃa":18060,"ĠLegislativo":18061,"Ġétn":18062,"Ġlub":18063,"ĠClaudio":18064,"tedra":18065,"pool":18066,"Ġceder":18067,"ĠPamplona":18068,"Ġofrecidos":18069,"Ġfallas":18070,"ا":18071,"Ġexperimentos":18072,"Ġtransex":18073,"dig":18074,"Ġexacto":18075,"Ġinfinito":18076,"Ġhipotec":18077,"tate":18078,"Ġpatente":18079,"ĠExterior":18080,"Ġpasaporte":18081,"Ġpsicológica":18082,"Ġrecolección":18083,"Ġprevisiones":18084,"Ġaclara":18085,"Ja":18086,"sÃŃ":18087,"érmin":18088,"micas":18089,"Ġaceptan":18090,"Ġchimenea":18091,"Ġdistribuir":18092,"ĠPremi":18093,"usse":18094,"Ġmarina":18095,"Ġadmiración":18096,"ullo":18097,"Ġmatices":18098,"Ġpermanentes":18099,"iela":18100,"Ġinvisible":18101,"traron":18102,"Ġinserción":18103,"Ġdelicado":18104,"Ġelegantes":18105,"Ġtru":18106,"Ġrean":18107,"ĠManchester":18108,"ĠAndes":18109,"ĠDor":18110,"Queremos":18111,"Ġsometidos":18112,"Ġcomunión":18113,"mont":18114,"Ġaccesibles":18115,"Ġvelas":18116,"Ġparadas":18117,"uidos":18118,"Ġapuntar":18119,"Ġnaves":18120,"ĠDonde":18121,"ĠcÃŃ":18122,"acoa":18123,"ĠYuc":18124,"Ġecosistema":18125,"ĠcaÃŃdas":18126,"ĠDeci":18127,"verdad":18128,"eños":18129,"Ġtortura":18130,"Ġunico":18131,"Ġtumba":18132,"ĠClaudia":18133,"Ġchilenos":18134,"ĠProceso":18135,"Ġgenio":18136,"Ġalberga":18137,"Ġcaldo":18138,"ĠFiestas":18139,"rari":18140,"Ġimplicados":18141,"gement":18142,"usco":18143,"ĠHalloween":18144,"Ġcrucial":18145,"alizas":18146,"Ġbrasileña":18147,"Ġ1984":18148,"Ġincomo":18149,"ĠManager":18150,"siempre":18151,"Ġtóp":18152,"ológicamente":18153,"Ġsmartphones":18154,"Ġinconveniente":18155,"Ġpintado":18156,"ĠEducativa":18157,"Ġdibujar":18158,"ecerÃŃa":18159,"Ġtenerlo":18160,"Ġparticipaciones":18161,"onaldo":18162,"quién":18163,"Ġmetá":18164,"ĠData":18165,"Ġtelevisor":18166,"ĠconocÃŃ":18167,"Ġembarazadas":18168,"Ġtapas":18169,"Ġcandidata":18170,"Ġprofundos":18171,"Ġdificul":18172,"Ġacoge":18173,"Ġhomicidio":18174,"Ġartificiales":18175,"Ġhorrible":18176,"Ġrecogido":18177,"ĠPino":18178,"Ġrecibida":18179,"Ġdisfrutado":18180,"Ġcarece":18181,"Ġrodaje":18182,"ĠVER":18183,"Ġalojamientos":18184,"ocación":18185,"Ġsupermercado":18186,"ih":18187,"entada":18188,"Ġabanico":18189,"rome":18190,"Ġprogramar":18191,"Ġreconcil":18192,"Ġinmobiliario":18193,"Ġmáscara":18194,"Ġconvierta":18195,"Ġextras":18196,"Ġvacuna":18197,"Ġaproximada":18198,"iena":18199,"jarse":18200,"Ġabsurdo":18201,"ARIA":18202,"ĠSra":18203,"Ġpaseos":18204,"Ġtruco":18205,"ĠAhor":18206,"Ġimpulsado":18207,"Ġllevaban":18208,"Ġrepresentado":18209,"Ġvideojuego":18210,"Ġtramitación":18211,"pm":18212,"Ġbuque":18213,"ão":18214,"renda":18215,"inamente":18216,"Ġimportaciones":18217,"Categ":18218,"Ġimagina":18219,"Ġost":18220,"ĠSoto":18221,"Ġnocturna":18222,"Ġresistentes":18223,"Ġdefinen":18224,"alupe":18225,"Ġdesconocidos":18226,"ĠBahÃŃa":18227,"Ġrellenar":18228,"ĠMini":18229,"Ġdañar":18230,"Ġantemano":18231,"Ġvasco":18232,"xeles":18233,"Ġaprovechó":18234,"Ġaccesibilidad":18235,"Ġesmal":18236,"Aún":18237,"cador":18238,"Ġpig":18239,"udor":18240,"Ġestereo":18241,"Ġmiseria":18242,"ĠSeminario":18243,"Ġsentarse":18244,"ĠObservatorio":18245,"ĠUd":18246,"Mis":18247,"jaba":18248,"ĠBanda":18249,"Ġversos":18250,"Ġcapturar":18251,"sider":18252,"úo":18253,"ĠOC":18254,"Ġpru":18255,"Ġoscuras":18256,"ĠAk":18257,"terias":18258,"ĠGerardo":18259,"-)":18260,"Ġvotantes":18261,"ĠSERVI":18262,"ĠInstitución":18263,"Ġclandest":18264,"Ġdiscusiones":18265,"ĠUltra":18266,"ĠCabe":18267,"Ġconfiable":18268,"Ġrelajarse":18269,"Ġgent":18270,"Ġpc":18271,"Ġcontribuyen":18272,"tiquetado":18273,"uya":18274,"Ġporción":18275,"isés":18276,"Ġcuente":18277,"ĠSIN":18278,"Ġdestacando":18279,"OLU":18280,"Ġsalones":18281,"ichos":18282,"VER":18283,"ĠVegas":18284,"ĠSust":18285,"Ġcómic":18286,"Ġemite":18287,"Ġadhes":18288,"Ġdesech":18289,"cast":18290,"Ġacumula":18291,"Ġincidentes":18292,"Ġchip":18293,"Ġpreocupado":18294,"Ġ''":18295,"Ġpasillo":18296,"ĠSiglo":18297,"Ġreparaciones":18298,"Ġdesaperci":18299,"ĠShe":18300,"Ġhallazgo":18301,"Ġtotales":18302,"ĠLink":18303,"Ġnaturalmente":18304,"Ġaceptó":18305,"utos":18306,"ĠLugo":18307,"Ġciruj":18308,"rosos":18309,"ĠDomÃŃnguez":18310,"Ġinteractuar":18311,"Ġjugará":18312,"ficial":18313,"Ġconcejales":18314,"Ġvinilo":18315,"Ġemocionales":18316,"Ġasalto":18317,"Ġreutil":18318,"ĠEleg":18319,"ĠSusana":18320,"Ġpoetas":18321,"Ġcorren":18322,"Ġsuelta":18323,"Ġterrazas":18324,"lac":18325,"Ġestáis":18326,"Ġcatas":18327,"Ġconstruyendo":18328,"Ġfichas":18329,"Ġcalificado":18330,"ĠSudáfrica":18331,"Ġmusulmanes":18332,"Ġcanciller":18333,"Ġreson":18334,"ĠXII":18335,"Ġmueble":18336,"Ġinmobiliaria":18337,"eropuertos":18338,"izantes":18339,"ĠContactos":18340,"SAN":18341,"Ġpromocional":18342,"Ġcontractu":18343,"olf":18344,"Ġjefa":18345,"Ġfuncionales":18346,"Ġflora":18347,"Ġcláusula":18348,"Ġopuesto":18349,"Ġcoordinar":18350,"kg":18351,"Ġcarros":18352,"Ġimpreso":18353,"Ġfármacos":18354,"ERC":18355,"tienden":18356,"Ġprotocolos":18357,"eraciones":18358,"Ġnotificaciones":18359,"ĠEnter":18360,"Ġvendrá":18361,"ĠAlco":18362,"Ġvina":18363,"Ġaba":18364,"Ġancha":18365,"Ġdeseando":18366,"ĠAméricas":18367,"Ġreh":18368,"Ġhábito":18369,"Ġadelgazamiento":18370,"trio":18371,"ĠHill":18372,"ocas":18373,"Ġcartu":18374,"ARD":18375,"Ġpodria":18376,"ĠStore":18377,"ĠDal":18378,"talgia":18379,"petas":18380,"Ġpierda":18381,"Ġdisfrutan":18382,"Ġcelebran":18383,"Ġtutela":18384,"Ġalivio":18385,"Ġmecánico":18386,"ĠLago":18387,"irámi":18388,"[...]":18389,"Ġsecuestro":18390,"Ġjoya":18391,"Ġvenció":18392,"Ġorejas":18393,"hai":18394,"Ġaparecido":18395,"Ġhambur":18396,"Ġsuicidio":18397,"Ġ).":18398,"Ġpestañas":18399,"ĠAsi":18400,"Ġbordes":18401,"Descubre":18402,"Ġenvidia":18403,"Ġreligiones":18404,"::":18405,"abric":18406,"Ġcomunista":18407,"Ġresidente":18408,"Claro":18409,"Ġagresiones":18410,"ingue":18411,"Ġencendido":18412,"Ġmencionadas":18413,"Ġemergencias":18414,"lay":18415,"Ġllevas":18416,"Ġcuna":18417,"ĠMolino":18418,"Ġposturas":18419,"moso":18420,"Ġadelantó":18421,"cillo":18422,"Ġpantalón":18423,"ĠJackson":18424,"ĠAsegu":18425,"Ġevidencias":18426,"Ġmaltrato":18427,"Ġtrazado":18428,"cionarios":18429,"Ġordenamiento":18430,"Ġbancarias":18431,"Ġagradeció":18432,"Ġfisi":18433,"ĠPrÃŃncipe":18434,"nova":18435,"Ġafueras":18436,"Ġolla":18437,"Ġabriendo":18438,"ĠVirgin":18439,"Ġpresencial":18440,"eridad":18441,"oman":18442,"ĠTec":18443,"Ġinfinidad":18444,"ramientos":18445,"Ġruinas":18446,"Ġconvirtiendo":18447,"Ġmaxim":18448,"ĠTran":18449,"Ġprevias":18450,"Ġgozar":18451,"Ġtermo":18452,"Ġlesbianas":18453,"Ġreservado":18454,"Ġformularios":18455,"Ġtax":18456,"Ġgremio":18457,"vero":18458,"igen":18459,"tana":18460,"Ġinnovadores":18461,"Ġherv":18462,"ĠHas":18463,"Ġconociendo":18464,"Ġsuite":18465,"Ġmúsculo":18466,"Ġfic":18467,"Ġjubilación":18468,"Ġamarilla":18469,"Ġimprescindibles":18470,"ĠCho":18471,"ĠDelgado":18472,"Ġproductivos":18473,"ĠBelén":18474,"ĠLaboral":18475,"Ġviajero":18476,"ĠDirectora":18477,"Ġecho":18478,"bella":18479,"Ġamanecer":18480,"Ġcampeones":18481,"Ġmuestre":18482,"Ġarbol":18483,"Ġsospecha":18484,"900":18485,"Ġperon":18486,"Ġdivino":18487,"Ġph":18488,"Ġagil":18489,"MX":18490,"Ġaventur":18491,"ĠESO":18492,"ĠBir":18493,"Ġvariadas":18494,"orges":18495,"canes":18496,"ĠestarÃŃan":18497,"Ġángeles":18498,"Ġteatral":18499,"Ġlámpara":18500,"Ġexcav":18501,"Ġcata":18502,"Ġprimarias":18503,"ramento":18504,"né":18505,"Ġrecopilación":18506,"ĠFUN":18507,"!)":18508,"ä¸":18509,"PV":18510,"Ġelite":18511,"Home":18512,"quias":18513,"Ġpiensas":18514,"Ġcoh":18515,"ĠWars":18516,"Ġfórmulas":18517,"Ġlarg":18518,"ĠEST":18519,"ĠZe":18520,"ĠRoo":18521,"Ġasturi":18522,"pic":18523,"Ġprejuicios":18524,"Ġapoyan":18525,"Ġtitulada":18526,"inea":18527,"Ġgobier":18528,"Ġveas":18529,"Ġiconos":18530,"Ġdiscapa":18531,"ĠPere":18532,"Ġplanteamiento":18533,"Ġcaute":18534,"Ġedil":18535,"ĠMóvil":18536,"Ġback":18537,"ĠAyer":18538,"Ġcolgar":18539,"Ġextrañ":18540,"ĠHenry":18541,"Ġprema":18542,"Ġexigente":18543,"voces":18544,"Ġmonstruo":18545,"Ġposter":18546,"Ġestatus":18547,"kel":18548,"izaron":18549,"Ġcalentamiento":18550,"Ġcolonias":18551,"ĠÃŃntegra":18552,"Ġaborda":18553,"Ġanexo":18554,"ĠVietnam":18555,"iew":18556,"según":18557,"Der":18558,"árqu":18559,"Ġcriatura":18560,"Ġcomicios":18561,"ĠObra":18562,"tiro":18563,"Form":18564,"Ġvano":18565,"Ġrefuerzo":18566,"Ġsoñar":18567,"Ġurbanas":18568,"Ġfragmentos":18569,"ĠAV":18570,"Ġtubos":18571,"Ġesclavos":18572,"udÃŃ":18573,"Ġdesignado":18574,"dillo":18575,"ĠMenor":18576,"Ġobservado":18577,"Ġdirigirse":18578,"Ġagradezco":18579,"ĠGénero":18580,"Ġamateur":18581,"ĠKan":18582,"blas":18583,"ĠVerano":18584,"ĠEstable":18585,"Ġpeli":18586,"Ġfuner":18587,"ĠRestau":18588,"Ġexal":18589,"Ġvalent":18590,"Ġsurf":18591,"Ġquim":18592,"Ġreduciendo":18593,"Ġkilómetro":18594,"Ġreplic":18595,"Ġrubro":18596,"ĠShow":18597,"ĠPun":18598,"ÃŃsta":18599,"Ġrecorre":18600,"Ġcomprobado":18601,"Ġdivertidos":18602,"Ġdividir":18603,"ĠEscrib":18604,"Ġmasac":18605,"Ġsupe":18606,"Ġcubiertos":18607,"BR":18608,"Ġpermanecen":18609,"ĠMiss":18610,"ANTE":18611,"Ġ]":18612,"gable":18613,"ĠEmer":18614,"ĠMédico":18615,"Ġpánico":18616,"may":18617,"ĠPaula":18618,"alizador":18619,"ĠConoce":18620,"ĠÃįndice":18621,"Ġintérprete":18622,"Ġmed":18623,"Ġreporta":18624,"Ġmodificado":18625,"Desarrol":18626,"Ġafirmado":18627,"ĠAutoridad":18628,"ĠSerrano":18629,"Ġtv":18630,"Ġexpectativa":18631,"Ġexactitud":18632,"Ġempeño":18633,"ĠBitcoin":18634,"Ġaprox":18635,"ĠJU":18636,"Ġdelegados":18637,"Ġeditado":18638,"Ġmaternidad":18639,"Ġcomprometidos":18640,"ĠtraÃŃdo":18641,"Ġparticipando":18642,"Ġusadas":18643,"ĠjurÃŃdicos":18644,"ĠLU":18645,"Ġhuracán":18646,"Ġreconocen":18647,"Ġarticulación":18648,"ducto":18649,"ĠCastellón":18650,"Ġplom":18651,"ĠPien":18652,"ÃŃl":18653,"abal":18654,"Ġroles":18655,"Ġmiraba":18656,"Ġgin":18657,"Ġsoja":18658,"Ġcorrea":18659,"Ġ(¿":18660,"Ġindo":18661,"riba":18662,"ĠUnited":18663,"ĠEmpresarial":18664,"ĠViajes":18665,"piros":18666,"Ġtomadas":18667,"Ġmascar":18668,"AG":18669,"ĠRacing":18670,"jillo":18671,"ĠHit":18672,"Ġretroce":18673,"Ġ´":18674,"Ġtransacción":18675,"Estudi":18676,"Ġmuerta":18677,"ruro":18678,"Ġvér":18679,"Ġitalianos":18680,"Ġrefieren":18681,"ĠMinistros":18682,"Ġinterven":18683,"Ġderrotar":18684,"ĠAsistencia":18685,"Ġpersonalizadas":18686,"tanto":18687,"Ġsilic":18688,"Ġmentalidad":18689,"Ġconseguirlo":18690,"aboración":18691,"Ġpodréis":18692,"Ġmedicin":18693,"Ġadmisión":18694,"Ġplanetas":18695,"Carlos":18696,"Ġasistieron":18697,"Ġcanadiense":18698,"ĠArena":18699,"Ġlleven":18700,"Ġgrabaciones":18701,"ĠViejo":18702,"Ġdiseñadas":18703,"Ġdescrito":18704,"Ġmaniobra":18705,"NE":18706,"radoras":18707,"cilia":18708,"ĠLove":18709,"аÐ":18710,"enciada":18711,"ĠBrig":18712,"Ġlegislador":18713,"ĠVIII":18714,"Ġalmend":18715,"Ġhumildad":18716,"Ġcremas":18717,"Ġmetabolismo":18718,"Ġsignificativos":18719,"ĠJuez":18720,"Ġcatólicos":18721,"ESCO":18722,"Ġinstalada":18723,"Ġarrepent":18724,"cultural":18725,"Ġpuestas":18726,"Ġalucin":18727,"Ġescultura":18728,"ĠSocialista":18729,"hoy":18730,"quin":18731,"Ġacumulado":18732,"Ġasever":18733,"Ġárbitro":18734,"ĠHuesca":18735,"Ġasesores":18736,"ficiencias":18737,"Ġmueven":18738,"animidad":18739,"mejor":18740,"Ġaerona":18741,"Ġinteresada":18742,"ĠPiedra":18743,"ĠSecundaria":18744,"Ġautónomas":18745,"Ġconfortable":18746,"Ġ1983":18747,"ĠPetro":18748,"Ġequivocado":18749,"Ġbibliotecas":18750,"Ġcuadras":18751,"Ġelabora":18752,"Ġorientada":18753,"Ġsentencias":18754,"irÃŃa":18755,"Ella":18756,"Ġtraves":18757,"doras":18758,"Ġpresentaba":18759,"Ġrodeada":18760,"Ġamen":18761,"Ġvolcán":18762,"ĠInt":18763,"ĠExcelente":18764,"Ġsoportes":18765,"ize":18766,"\",\"":18767,"ĠTratamiento":18768,"ĠJulián":18769,"Ġesconder":18770,"Ġcontraria":18771,"Ġinminente":18772,"Ġromana":18773,"órmula":18774,"tabilidad":18775,"Ġencaj":18776,"Ġproducidos":18777,"Ġwhatsapp":18778,"Ġcrónicas":18779,"ĠLibertadores":18780,"ĠWhite":18781,"ĠColonia":18782,"ĠColeg":18783,"ĠCafé":18784,"ĠVoy":18785,"Mejor":18786,"ĠConsejos":18787,"Ġaparezca":18788,"Ġadelantado":18789,"tizados":18790,"Ġromanos":18791,"ĠEscolar":18792,"Ġdrá":18793,"Ġlocos":18794,"Ġpronóstico":18795,"ĠTelefónica":18796,"Ġresponden":18797,"quisitos":18798,"Ġ1973":18799,"Ġconcretar":18800,"ĠMagdalena":18801,"Ġarrugas":18802,"enario":18803,"Ġprogramado":18804,"Ġformaciones":18805,"ĠGolf":18806,"Ġfundó":18807,"Ġtoques":18808,"Ġmanipular":18809,"ĠsabÃŃan":18810,"Ġdestruc":18811,"ĠCabo":18812,"Ġreportes":18813,"ĠNota":18814,"Ġfijos":18815,"ĠCompra":18816,"Ġtraen":18817,"Ġpoblado":18818,"Ġsuperación":18819,"Ġgluten":18820,"ĠTU":18821,"Ġhilos":18822,"Apren":18823,"ĠPúblicos":18824,"ĠMarvel":18825,"tualmente":18826,"Ġrequerido":18827,"ciosas":18828,"Ġinfracción":18829,"ĠArmada":18830,"ĠtÃŃm":18831,"ĠOpin":18832,"entó":18833,"iger":18834,"Ġsó":18835,"Ġtrai":18836,"Ġexpulsión":18837,"Ġspa":18838,"Ġinquietud":18839,"Rep":18840,"ĠConcejo":18841,"nio":18842,"Ġencues":18843,"Ġaclaró":18844,"Ġvitales":18845,"Ġcapilla":18846,"uman":18847,"ĠMarte":18848,"Ġincondi":18849,"Ġmonetaria":18850,"illon":18851,"Ġemitió":18852,"regó":18853,"gina":18854,"Ġtorres":18855,"ERN":18856,"alizarse":18857,"Ġfinalizado":18858,"Ġdinámicas":18859,"Ġintermedio":18860,"director":18861,"ĠSoria":18862,"eléctr":18863,"ĠAdolfo":18864,"Exper":18865,"éndonos":18866,"Ġcredibilidad":18867,"Ġeditoriales":18868,"ĠmÃŃnimas":18869,"Ġsales":18870,"ĠABC":18871,"Ġprimordial":18872,"pección":18873,"Ġaficionado":18874,"identes":18875,"Ġurbanización":18876,"Ġmiras":18877,"ors":18878,"Ġplásticos":18879,"Ġmañ":18880,"ĠMonum":18881,"ĠMercan":18882,"Ġemperador":18883,"ĠNaturaleza":18884,"Ġhispano":18885,"âĢĶ.":18886,"Ġfuncionalidades":18887,"ĠGuardi":18888,"ĠLac":18889,"Ġacabe":18890,"ĠRonaldo":18891,"ĠEP":18892,"Ġsiguieron":18893,"ĠHil":18894,"Ġlimpi":18895,"ĠTeam":18896,"cionadas":18897,"Ġmole":18898,"Ġalba":18899,"Ġchanc":18900,"Ġinmenso":18901,"Ġchic":18902,"daf":18903,"Ġsujeta":18904,"Ġferrovi":18905,"Ġoraciones":18906,"ĠAlf":18907,"ĠBlas":18908,"Ġreciba":18909,"oll":18910,"Ġabundancia":18911,"asÃŃ":18912,"gulos":18913,"hoo":18914,"Ġbull":18915,"Ġdemostrando":18916,"Ġvisualización":18917,"Ġdiploma":18918,"Ġdoctora":18919,"nada":18920,"Ġcontenta":18921,"ástima":18922,"old":18923,"ĠBenjam":18924,"Ġbanderas":18925,"Ġ1960":18926,"Ġprovinciales":18927,"Ġdescrip":18928,"ĠCav":18929,"QL":18930,"Ġaceptable":18931,"hs":18932,"ĠCaballero":18933,"Ġdurabilidad":18934,"Ġlatinoamericanos":18935,"ĠDro":18936,"Ġsimultáneamente":18937,"Ġread":18938,"Ġélite":18939,"Ġhemor":18940,"Ġinventario":18941,"ĠBell":18942,"Ġpasen":18943,"Ġcopi":18944,"ĠAuxil":18945,"istes":18946,"ĠElectrónica":18947,"Ġcompacto":18948,"Ġuruguayo":18949,"MAN":18950,"ology":18951,"Ġaseguro":18952,"Ġderivado":18953,"Ġbando":18954,"Ġtexturas":18955,"Ġdividido":18956,"uo":18957,"xs":18958,"fran":18959,"Ġrepresentaciones":18960,"Ġprotagonizada":18961,"ĠPastor":18962,"gente":18963,"mones":18964,"ĠUC":18965,"ĠmensajerÃŃa":18966,"Ġorgulloso":18967,"Ġtrono":18968,"Ġbeta":18969,"Ġderivadas":18970,"Ġclásicas":18971,"lus":18972,"Ġmanifestantes":18973,"Ġyendo":18974,"Señ":18975,"ĠMovistar":18976,"Ġcésped":18977,"ĠTay":18978,"Ġgenes":18979,"Ġreaccionar":18980,"Ġdejarse":18981,"Ġimposición":18982,"ĠVirtual":18983,"está":18984,"ponerse":18985,"ĠLG":18986,"eado":18987,"ĠclÃŃnicos":18988,"Ġsiniestro":18989,"ĠEMPRES":18990,"sub":18991,"Ġpidieron":18992,"Ġdivertidas":18993,"ĠGes":18994,"DAD":18995,"ĠDOC":18996,"Ġmacho":18997,"ĠAutom":18998,"Ġapartados":18999,"ĠðŁĺī":19000,"Ġtracción":19001,"isimo":19002,"Ġprefi":19003,"sica":19004,"Ñı":19005,"Ġprovocan":19006,"ilandia":19007,"Ġcole":19008,"Ġhomolog":19009,"ĠcaracterÃŃstico":19010,"Ġdemasiada":19011,"Ġdilu":19012,"Ġhinca":19013,"Ġencender":19014,"ĠMilán":19015,"Ġreclama":19016,"Ġcooperativas":19017,"Ġinundaciones":19018,"crim":19019,"manos":19020,"Ġconveniencia":19021,"ĠCes":19022,"urada":19023,"mios":19024,"Ġfiable":19025,"Ġindiscu":19026,"Mor":19027,"Ġautorizados":19028,"Ġubicadas":19029,"Ġregularmente":19030,"PG":19031,"ésimo":19032,"noche":19033,"Ġpercep":19034,"ĠWilliams":19035,"Ġpasajes":19036,"Ġplantillas":19037,"ĠGuadalupe":19038,"cante":19039,"Ġadiv":19040,"ĠProcuradurÃŃa":19041,"Ġsindicales":19042,"Ġestúp":19043,"Ġrequerida":19044,"gogÃŃa":19045,"ĠBall":19046,"Ġorganizados":19047,"Ġelevados":19048,"Ġpimienta":19049,"movil":19050,"ĠBravo":19051,"Ġexpos":19052,"ĠUniversidades":19053,"Ġmandó":19054,"Ġpechos":19055,"ĠExpress":19056,"Ġparadigma":19057,"Ġllevarán":19058,"Ġasignado":19059,"Ġtrece":19060,"Ġcompres":19061,"Ġcaracterizan":19062,"ĠMUN":19063,"Ġeconómicamente":19064,"quim":19065,"ĠBul":19066,"identa":19067,"Ġprobabilidades":19068,"ĠISBN":19069,"ĠTarragona":19070,"Ġtocando":19071,"Ġinmejor":19072,"Ġsul":19073,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":19074,"Ġluminosidad":19075,"Ġrectificación":19076,"Ġrechazó":19077,"ionera":19078,"Ġágil":19079,"Ġescapada":19080,"Ġperca":19081,"ĠMantenimiento":19082,"Ġresponsabil":19083,"Información":19084,"Ġgranja":19085,"Ġcontenedores":19086,"parable":19087,"ámicos":19088,"2019":19089,"Ġcompetitiva":19090,"Ġates":19091,"Ġanimado":19092,"ĠTécnicas":19093,"ĠSeries":19094,"ĠSegovia":19095,"Ġdiablo":19096,"Ġexigentes":19097,"Ġdesignación":19098,"Ġviolenta":19099,"ĠSecretaria":19100,"Ġrub":19101,"jala":19102,"=\"":19103,"ĠChris":19104,"Ġreconocidas":19105,"Ġrequiera":19106,"Ġsuplemento":19107,"rÃŃas":19108,"Ġreestruc":19109,"Ġserios":19110,"ĠConside":19111,"Ġvendidos":19112,"ĠDefens":19113,"Ġingleses":19114,"Ġestall":19115,"Ġfacilidades":19116,"Ġfec":19117,"Ġestrenar":19118,"Ġabdom":19119,"Ġdesaparece":19120,"Ġdesnudo":19121,"ĠWalter":19122,"Ġexplico":19123,"Ġexpuso":19124,"ĠGram":19125,"yes":19126,"Ġacostumbrado":19127,"ĠMone":19128,"ĠenvÃŃan":19129,"Ġtrozo":19130,"ĠNer":19131,"Ġtomen":19132,"Ġidenti":19133,"árselo":19134,"mne":19135,"Ġpermanentemente":19136,"ĠToro":19137,"ĠRealmente":19138,"hot":19139,"Ġpana":19140,"ĠMónica":19141,"cien":19142,"Ġcorporación":19143,"Ġsagrado":19144,"Ġpelear":19145,"Ġcese":19146,"Ġreclamaciones":19147,"Ġcotidiano":19148,"Ġportátiles":19149,"Ġhim":19150,"ĠAbr":19151,"Ġvinagre":19152,"Ġrig":19153,"okie":19154,"Ġrevelación":19155,"vados":19156,"ĠBull":19157,"valos":19158,"decer":19159,"Lib":19160,"Ġseriedad":19161,"Ġesplen":19162,"ĠRopa":19163,"Ġcampus":19164,"sus":19165,"Ġhierba":19166,"Ġcoyun":19167,"ĠsolÃŃa":19168,"ĠTecnológico":19169,"ĠFla":19170,"Ġaterri":19171,"icidades":19172,"ĠBA":19173,"Ġacordar":19174,"Ġobteniendo":19175,"Ġpesados":19176,"burg":19177,"Ġsucesión":19178,"Ġcasilla":19179,"Ġsinceramente":19180,"vial":19181,"Ġtechos":19182,"Ġprovienen":19183,"gáis":19184,"Ġjustificación":19185,"Ġ1979":19186,"hon":19187,"mero":19188,"Ġinterpretaciones":19189,"Ġvintage":19190,"Ġalternativo":19191,"Ġluminoso":19192,"ĠRD":19193,"folio":19194,"Ġrecorridos":19195,"Ġprogresiva":19196,"ĠDiseñ":19197,"Nada":19198,"chada":19199,"tientes":19200,"ĠJerez":19201,"ÃŃferos":19202,"Ġjabón":19203,"Ġreunieron":19204,"Ġdemonio":19205,"Ġpresenten":19206,"Ġmisterioso":19207,"Ġabrigo":19208,"Ġbendición":19209,"Ġrelata":19210,"Ġagradecido":19211,"yle":19212,"Ġpremisa":19213,"Ġvej":19214,"Ġfiabilidad":19215,"Ġproponen":19216,"óstoles":19217,"Ġrecompens":19218,"ventura":19219,"Ġcrecen":19220,"macias":19221,"ĠCapacidad":19222,"Ġsugerencia":19223,"Ġdocencia":19224,"ĠProto":19225,"Ġnúcleos":19226,"Ġsonar":19227,"Ġrecuperado":19228,"Ġobse":19229,"Ġiniciaron":19230,"zarse":19231,"Ġfantasma":19232,"Ġrepública":19233,"Ġprostituta":19234,"Ġecles":19235,"tele":19236,"Ġcontag":19237,"uber":19238,"darios":19239,"ĠMicho":19240,"ĠSystem":19241,"ĠItal":19242,"Ġindios":19243,"curio":19244,"Ġdepender":19245,"Ġselecciones":19246,"Ġadquiridos":19247,"Ġbuf":19248,"Ġcotiza":19249,"alda":19250,"Ġjustifica":19251,"Ġhincapié":19252,"derÃŃas":19253,"Ġasignaturas":19254,"Ġencub":19255,"ĠAcep":19256,"ĠOrquesta":19257,"Ġdominios":19258,"ĠFotografÃŃa":19259,"éisbol":19260,"Ġexperimental":19261,"Ġgirar":19262,"ĠâĢĭ":19263,"Ġvoluntario":19264,"On":19265,"chera":19266,"Ġtrampa":19267,"IDADES":19268,"Ġfatiga":19269,"Ġoptimización":19270,"Ġseguras":19271,"wich":19272,"Ġnocturno":19273,"zona":19274,"Ġ220":19275,"Ġrastro":19276,"ĠclÃŃnico":19277,"ĠEquipos":19278,"ĠGris":19279,"ésima":19280,"ĠVoz":19281,"HH":19282,"Ġmemorias":19283,"ĠPers":19284,"Ġinstru":19285,"ĠPrima":19286,"Ġhúmedo":19287,"Ġcaudal":19288,"Ġenormemente":19289,"Ġetiquetada":19290,"ĠSindicato":19291,"ols":19292,"Ġveran":19293,"ĠFilip":19294,"ĠMaya":19295,"Ġnad":19296,"Ġcomiendo":19297,"Ġmedioambiental":19298,"ecidos":19299,"Ġparticiparán":19300,"crania":19301,"Ġhomo":19302,"ĠAlan":19303,"torce":19304,"Ġsilves":19305,"Ġsupuso":19306,"Ġmera":19307,"Ġantibió":19308,"Ġencantados":19309,"ĠFMI":19310,"ĠmuchÃŃsimas":19311,"ĠRas":19312,"Ġ1975":19313,"lah":19314,"Ñĭ":19315,"ĠIsidro":19316,"gura":19317,"Ġmultas":19318,".(":19319,"Ġsurgido":19320,"ĠFemen":19321,"ĠInm":19322,"Ġtortu":19323,"ĠMéndez":19324,"Ġtarda":19325,"Ġsinónimo":19326,"Ġ450":19327,"Ġpuntas":19328,"cribe":19329,"ĠFinanciera":19330,"Ġnostalgia":19331,"Ġfachadas":19332,"udar":19333,"rocarb":19334,"Ġolvida":19335,"jug":19336,"Ġintac":19337,"Ġescaso":19338,"Ġcayendo":19339,"Ġatrae":19340,"Ġpertenecer":19341,"Ġatributos":19342,"ĠparecÃŃan":19343,"......":19344,"Ġaparecerá":19345,"ĠOccidental":19346,"IOS":19347,"ĠMoisés":19348,"âĢ¦..":19349,"Ġautopista":19350,"Ġdispara":19351,"Ġeducar":19352,"Ġseda":19353,"Ġfaltaba":19354,"ĠAdam":19355,"Ġlealtad":19356,"obos":19357,"ĠCra":19358,"Ġmaravillosas":19359,"ĠpatologÃŃa":19360,"trarse":19361,"Ġextracto":19362,"aden":19363,"Ġdoméstico":19364,"Ġdero":19365,"Ġpreciosos":19366,"Ġponerme":19367,"Ġextendido":19368,"Ġnovios":19369,"Ġredactado":19370,"ĠCasta":19371,"ĠPLAN":19372,"Ġimpulsa":19373,"ĠHip":19374,"Ġlatinos":19375,"Af":19376,"Ġ1977":19377,"Ġcúp":19378,"Ġtelas":19379,"ĠFavor":19380,"Ġtributaria":19381,"tariamente":19382,"IZACIÃĵN":19383,"ĠUniversity":19384,"ĠJulia":19385,"lava":19386,"ĠSD":19387,"Ġlavadora":19388,"Noticias":19389,"Ġdurar":19390,"uncio":19391,"ĠcÃŃrculos":19392,"ĠJuvenil":19393,"vitud":19394,"darse":19395,"ĠJoe":19396,"ĠDJ":19397,"rimidos":19398,"ĠPesca":19399,"cog":19400,"ĠHTML":19401,"ĠTera":19402,"ĠIC":19403,"Ġreclamos":19404,"Ġrompió":19405,"lista":19406,"Ġsalvador":19407,"Ġsituados":19408,"ambien":19409,"Ġlineal":19410,"Ġintermin":19411,"ĠMass":19412,"Ġdiálogos":19413,"Ġdesnuda":19414,"ĠCara":19415,"ĠSpe":19416,"Ġconformado":19417,"rientes":19418,"ĠCoun":19419,"Ġobtenida":19420,"Ġinadecu":19421,"Ġsubord":19422,"Ġequidad":19423,"Ġsinton":19424,"Ġpodio":19425,"Ġmontado":19426,"Ġstand":19427,"Ġincluyó":19428,"Ġexperta":19429,"ĠJud":19430,"laron":19431,"Ġapoyando":19432,"Ġinvitó":19433,"qués":19434,"Ġcatástro":19435,"ĠPH":19436,"ĠPed":19437,"Ġlien":19438,"Ġsubasta":19439,"Ġrotación":19440,"Ġalcanzan":19441,"acetas":19442,"Ġcaseros":19443,"Ġintroduc":19444,"Ġferias":19445,"Ġméritos":19446,"Ġglobo":19447,"temos":19448,"Ġhongos":19449,"ĠSomb":19450,"Ġenfocado":19451,"Ġmts":19452,"Ġbuscadores":19453,"ĠContenido":19454,"Ġinformal":19455,"Ġsombrero":19456,"Ġchile":19457,"Ġmostrará":19458,"Ġdesarrolladas":19459,"Ġespl":19460,"ĠTarjeta":19461,"ĠLunes":19462,"cro":19463,"lanueva":19464,"bación":19465,"Ġtitulo":19466,"Ġfrág":19467,"Ġeval":19468,"Ġenz":19469,"Ġvalora":19470,"Ġdejé":19471,"vÃŃ":19472,"Ġescritas":19473,"doso":19474,"ĠParro":19475,"Ġdeterminante":19476,"ĠLive":19477,"ĠRepubl":19478,"gunas":19479,"Ġinscritos":19480,"ĠQuÃŃmica":19481,"ĠInfraestruc":19482,"Existe":19483,"socia":19484,"tradas":19485,"ocos":19486,"zobispo":19487,"ĠGijón":19488,"UT":19489,"Ġsusci":19490,"ĠJoy":19491,"ĠcÃŃv":19492,"ĠFuego":19493,"ĠQueremos":19494,"locu":19495,"Ġvocab":19496,"ĠauditorÃŃa":19497,"ueño":19498,"ĠGloria":19499,"Ġconsign":19500,"Ġdorada":19501,"Ġcheque":19502,"Ġrepaso":19503,"Ġgla":19504,"ĠMiemb":19505,"OLOG":19506,"Ġsentimental":19507,"gonal":19508,"Ġcarpin":19509,"Ġprocu":19510,"Ġmisterios":19511,"Ġesplendor":19512,"etc":19513,"ĠHO":19514,"Ġsencillez":19515,"Ġreemplazo":19516,"guila":19517,"ĠCinco":19518,"Luis":19519,"Ġcuriosa":19520,"ĠmandÃŃbula":19521,"Ġrevolucionaria":19522,"dex":19523,"Ġverbal":19524,"Ġatenta":19525,"icismo":19526,"wards":19527,"Ġinútil":19528,"ĠcuantÃŃa":19529,"lama":19530,"001":19531,"Ġrio":19532,"Ġinfluir":19533,"Ub":19534,"Ġorillas":19535,"ĠOh":19536,"Ġuniform":19537,"Ġmonopol":19538,"ĠvenÃŃan":19539,"cionismo":19540,"Ġjuveniles":19541,"Ġreunido":19542,"Super":19543,"Ġparking":19544,"Ġdelincuencia":19545,"ĠDOM":19546,"ĠAguirre":19547,"ĠRepresent":19548,"ĠïĤ":19549,"Ġalimenta":19550,"Ġdefinida":19551,"Ġ\\":19552,"rededor":19553,"Ġintercambiar":19554,"ĠScott":19555,"Ġhipoteca":19556,"Ġparecida":19557,"Ġdebida":19558,"Ġapellidos":19559,"Ġdeliber":19560,"ĠValentÃŃn":19561,"ĠHigh":19562,"Ġcerro":19563,"ĠTrinidad":19564,"wagen":19565,"ĠCampus":19566,"ĠAur":19567,"Ġequipaje":19568,"ĠEDUCA":19569,"ĠIT":19570,"Aquel":19571,"Ġclo":19572,"Ġ^^":19573,"Ġcatalog":19574,"Ġponerlo":19575,"Ġconstruyó":19576,"Ġaspira":19577,"here":19578,"Ġmonstruos":19579,"Junto":19580,"Ġalcaldes":19581,"Ġoculto":19582,"Ġlamentable":19583,"ĠAlguien":19584,"rona":19585,"Ġniñez":19586,"ĠDuque":19587,"CRI":19588,"ĠlibrerÃŃa":19589,"Ġpuntual":19590,"ĠRenta":19591,"Ġilustración":19592,"ibo":19593,"renta":19594,"Ġaseo":19595,"mond":19596,"ring":19597,"Ġdiccionario":19598,"recer":19599,"pie":19600,"ĠGT":19601,"ĠChap":19602,"Ġcalificó":19603,"Ġimplicación":19604,"Ġconfies":19605,"Ġanticon":19606,"ĠEstruc":19607,"Ġcremallera":19608,"Ġreza":19609,"ĠAT":19610,"Ġqueria":19611,"ars":19612,"elly":19613,"Ġfábricas":19614,"ĠSaba":19615,"dome":19616,"Ġcuenca":19617,"Ġcoherente":19618,"ĠCaracterÃŃsticas":19619,"Ġarquitectos":19620,"Ġorgas":19621,"Ġlegislatura":19622,"cc":19623,"Ġaproximación":19624,"Ġrecibimos":19625,"Ġafines":19626,"ĠOrlando":19627,"Ġpelos":19628,"Ġcayeron":19629,"quesa":19630,"iantes":19631,"Ġclasificar":19632,"cipes":19633,"Ġsendero":19634,"ĠSilvia":19635,"Ġcaballeros":19636,"ĠPERS":19637,"Ġoccidentales":19638,"Ġorina":19639,"cales":19640,"Ġempeñ":19641,"[âĢ¦]":19642,"Ġsoltar":19643,"Ġelaborada":19644,"Ġenju":19645,"Ġminimizar":19646,"Ġmicros":19647,"Ġretirado":19648,"Ġlea":19649,"Ġacusa":19650,"Ġrecogidos":19651,"quio":19652,"Ban":19653,"lick":19654,"Ġsolidaria":19655,"ĠMOD":19656,"Ġnómina":19657,"Ġremedios":19658,"Ġ1968":19659,"Ġbizco":19660,"Ġquedarán":19661,"veda":19662,"Ġdisim":19663,"dimens":19664,"ĠSerÃŃa":19665,"Ġgota":19666,"Ġanalista":19667,"Ġtúnel":19668,"ĠNingun":19669,"Ġaudiovisuales":19670,"educ":19671,"omal":19672,"Curso":19673,"Ġvolvemos":19674,"ĠVé":19675,"Ġconvertirá":19676,"Ġperif":19677,"Ġmaquil":19678,"donado":19679,"Ġprivilegios":19680,"ĠOmar":19681,"ĠMedios":19682,"Ġfals":19683,"Ġpenetración":19684,"Ġpájaros":19685,"ĠAnna":19686,"ĠPlanificación":19687,"dés":19688,"ĠBautista":19689,"ĠArti":19690,"Ġlác":19691,"Ġvariado":19692,"ĠEne":19693,"ĠArabia":19694,"ÃŃlica":19695,"Ġforestales":19696,"mental":19697,"Ġatmos":19698,"ificador":19699,"ĠBron":19700,"iros":19701,"Ġmap":19702,"Ġdisculpas":19703,"Ġdude":19704,"ĠAcos":19705,"bitraje":19706,"Ġencantador":19707,"Cualquier":19708,"Ġatiende":19709,"Ġbarcelona":19710,"endida":19711,"Ġexistan":19712,"Ġordinario":19713,"anista":19714,"ĠColum":19715,"Ġadjudicación":19716,"ĠpermitÃŃa":19717,"letismo":19718,"Ġgobernantes":19719,"Ġsingle":19720,"ĠAlum":19721,"Tan":19722,"héro":19723,"sche":19724,"cero":19725,"Ġrobust":19726,"Ġrib":19727,"Ġexaminar":19728,"ĠjudÃŃo":19729,"Ġbea":19730,"ĠTos":19731,"Ġveamos":19732,"Ġcreativos":19733,"ACE":19734,"Ġvisitan":19735,"Ġpreco":19736,"ceptos":19737,"Ġquise":19738,"ĠObjetivos":19739,"Ġarreglos":19740,"Ġdonaciones":19741,"web":19742,"Ġescogido":19743,"UDAD":19744,"ĠPop":19745,"Ġ©":19746,"Oh":19747,"MarÃŃa":19748,"Ġformulación":19749,"UEL":19750,"Ġaprendiz":19751,"ISTE":19752,"Ġencontrados":19753,"Ġinauguró":19754,"ĠLengua":19755,"dré":19756,"Ġinfil":19757,"Ġbritánicos":19758,"Ġtrom":19759,"videncia":19760,"FER":19761,"ĠenfermerÃŃa":19762,"ĠencantarÃŃa":19763,"Ġrelaciona":19764,"ĠAmericana":19765,"ĠSolar":19766,"Ġrevelado":19767,"ĠturÃŃsticas":19768,"Ġtérmica":19769,"ĠSteve":19770,"cionando":19771,"ĠCarnaval":19772,"ADRID":19773,"Ġcontrolada":19774,"figuración":19775,"Ġvisite":19776,"élica":19777,"Ġventilación":19778,"Ġproducirse":19779,"Lu":19780,"ĠHisp":19781,"Ġestrenos":19782,"Ġactualiza":19783,"Ġrepercusión":19784,"Ġingrediente":19785,"Ġquema":19786,"Ġcarril":19787,"Ġlogotipo":19788,"Ġitinerario":19789,"Ġestarás":19790,"Ġpadecen":19791,"Ġsueldos":19792,"ĠCarab":19793,"Ġparlamentario":19794,"Ġremitir":19795,"Ġcantera":19796,"ĠCorona":19797,"ĠmaestrÃŃa":19798,"Ġedificación":19799,"Ġpobladores":19800,"Ġcasarse":19801,"Ġsuavemente":19802,"very":19803,"ĠOffice":19804,"Ġfijación":19805,"Ġmonitoreo":19806,"Mal":19807,"Ġpalma":19808,"Ġintegrales":19809,"ĠcocaÃŃna":19810,"Ġagujeros":19811,"Ġpostres":19812,"Ġestratégicos":19813,"Ġobservando":19814,"producción":19815,"jen":19816,"rosión":19817,"ĠDesign":19818,"ĠLaboratorio":19819,"ollas":19820,"Ġterminaron":19821,"Ġpedal":19822,"ĠRap":19823,"Ġconting":19824,"Gener":19825,"Ġhormonas":19826,"Ġarbitrar":19827,"ĠAva":19828,"pto":19829,"Ġesclar":19830,"Ġsepul":19831,"pio":19832,"Ġdesprende":19833,"mÃŃn":19834,"Ġinversionistas":19835,"ĠPenÃŃnsula":19836,"Ġblin":19837,"Ġlograrlo":19838,"Ġconsulte":19839,"Ġendeud":19840,"Ġselecciona":19841,"Ġcatedr":19842,"ciadamente":19843,"Ġfalse":19844,"Ġresuelve":19845,"Ġsatisfechos":19846,"Ġinformativa":19847,"dible":19848,"Estim":19849,"ĠTodavÃŃa":19850,"olin":19851,"ĠCaj":19852,"Ġhabitan":19853,"ĠpsÃŃqu":19854,"ĠPremium":19855,"ĠOP":19856,"Ġviolentos":19857,"ĠCabrera":19858,"Ġcarbo":19859,"cala":19860,"cian":19861,"Ġderra":19862,"ĠTren":19863,"ĠCompos":19864,"Ġpresento":19865,"ĠHermandad":19866,"icon":19867,"Ġcabellos":19868,"Ġestético":19869,"ĠUribe":19870,"ĠpatologÃŃas":19871,"Ġsuplementos":19872,"Ġbrindan":19873,"Ġcorporaciones":19874,"Ġandaluz":19875,"Ġelevación":19876,"Ġcesión":19877,"Ġatentados":19878,"ĠnÃŃ":19879,"Ġequilibrada":19880,"Ġparcela":19881,"ĠÃīste":19882,"ĠPOL":19883,"Ġexclusivas":19884,"Ġtempl":19885,"ĠMexico":19886,"Ġpotencias":19887,"Ġredondo":19888,"ĠPresidenta":19889,"Ġárabes":19890,"Ġfavorables":19891,"Ġincompati":19892,"Ġgobernar":19893,"Ġmedallas":19894,"Ġséptima":19895,"Ġvisitando":19896,"Tom":19897,"!âĢĿ":19898,"ĠNel":19899,"Ġcaros":19900,"abeth":19901,"mbres":19902,"Ġmiro":19903,"Ġcrearon":19904,"Ġprolifer":19905,"ican":19906,"ĠAdu":19907,"mad":19908,"Ġingesta":19909,"Ġaeropuertos":19910,"Ġdependientes":19911,"Ġadvertencia":19912,"Organ":19913,"Ġorganizó":19914,"ulia":19915,"ĠBook":19916,"Ġengaño":19917,"Ġtomará":19918,"ĠconsultorÃŃa":19919,"Ġrecomiendan":19920,"Ġencaje":19921,"Ġmetálico":19922,"deza":19923,"Ġacudieron":19924,"Ġabdomen":19925,"Ġidio":19926,"ĠEstadÃŃstica":19927,"Ġiremos":19928,"Ġball":19929,"ronto":19930,"Ġhorne":19931,"ĠDim":19932,"Ġgriega":19933,"Ġbiodiversidad":19934,"Ġintegrados":19935,"Ġpulso":19936,"Ġpila":19937,"Ġprefieres":19938,"Ġdictamen":19939,"Ġventan":19940,"Ġtiras":19941,"Ġconcentra":19942,"Ġobstáculo":19943,"Ġpleg":19944,"Ġcuadra":19945,"Ġidentificados":19946,"idados":19947,"Bl":19948,"Ġtutor":19949,"Ġdivor":19950,"Ġorganizan":19951,"Ġeventual":19952,"?...":19953,"ĠSuperinten":19954,"Ġhur":19955,"Ġrevelar":19956,"Ġmodernidad":19957,"ĠApertura":19958,"onel":19959,"Ġdelicada":19960,"ĠCRE":19961,"==":19962,"Ġimposibilidad":19963,"peuta":19964,"Ġforestal":19965,"tricas":19966,"riera":19967,"Ġreposo":19968,"rela":19969,"Ġestrena":19970,"ĠExplor":19971,"Ġlocu":19972,"Ġbarbar":19973,"Ġactivistas":19974,"semos":19975,"ĠGib":19976,"Ġcritica":19977,"ĠPrueba":19978,"aná":19979,"Ġmineros":19980,"Ġcontribuyentes":19981,"Ġinocencia":19982,"Ġflujos":19983,"ĠFórmula":19984,"Ġproyecciones":19985,"ius":19986,"Ġaspiraciones":19987,"ĠquÃŃmicas":19988,"Ġpredio":19989,"ĠExiste":19990,"ĠMucho":19991,"ĠNetwork":19992,"Ġadu":19993,"ĠExperiencia":19994,"tella":19995,"Ġactuando":19996,"Ġdomicil":19997,"Ġrenal":19998,"Ġcilin":19999,"penas":20000,"Ġmiser":20001,"Ġfrustración":20002,"Ġeri":20003,"Ġcomparto":20004,"Ġsevil":20005,"Ġdesbloque":20006,"Ġbancario":20007,"Ġesperaban":20008,"TACIÃĵN":20009,"Ġcooperativa":20010,"ĠContemp":20011,"ĠDIREC":20012,"Ġcontable":20013,"iff":20014,"Ġsedes":20015,"Ġpaul":20016,"Ġnoroeste":20017,"Ġmanifestar":20018,"ĠRoyal":20019,"uyó":20020,"Ġpreparan":20021,"portivo":20022,"Ġordinaria":20023,"Ġcompatrio":20024,"indust":20025,"drÃŃan":20026,"LES":20027,"ĠYucatán":20028,"FI":20029,"Ġcélebre":20030,"Ġcoro":20031,"Ġcoronel":20032,"Ġfirmeza":20033,"Ġglobalización":20034,"Ġintroducido":20035,"ĠEjerci":20036,"ocup":20037,"Ġequivale":20038,"Ġllegara":20039,"Ġentrenadores":20040,"fort":20041,"Ġposte":20042,"cuer":20043,"Ġviolento":20044,"rerÃŃas":20045,"Ġpedazo":20046,"Ġtremendo":20047,"ĠRomán":20048,"ĠEmil":20049,"Ġirres":20050,"Ġactivación":20051,"Ġatribuy":20052,"Ġpercibe":20053,"Ġcocción":20054,"Ġpeligrosas":20055,"Ġconcede":20056,"écnica":20057,"Ġsecar":20058,"Compar":20059,"Ġumb":20060,"Ġmolestia":20061,"ĠBoston":20062,"witch":20063,"ĠEllo":20064,"Ġrecogen":20065,"igencia":20066,"date":20067,"Ġtransf":20068,"For":20069,"Vol":20070,"Ġchamp":20071,"Ġacudió":20072,"Ġpertinente":20073,"Ġdistribuidores":20074,"Ġacarici":20075,"ĠquedarÃŃa":20076,"ĠIX":20077,"Ġbuscará":20078,"Ġrecordamos":20079,"avent":20080,"JER":20081,"Ġdistritos":20082,"plo":20083,"ĠBolso":20084,"Ġdesgar":20085,"ĠUcrania":20086,"Ġteles":20087,"ĠNum":20088,"ĠZa":20089,"ĠPav":20090,"Ġseguidos":20091,"Ġmultidiscipl":20092,"ĠYu":20093,"VAL":20094,"Ġopositores":20095,"Ġorgánico":20096,"Ġincrementa":20097,"Mujer":20098,"dist":20099,"ayuno":20100,"ÃŃen":20101,"Estados":20102,"Ġadelantar":20103,"Ġrecurrente":20104,"ómetro":20105,"Ġreúnen":20106,"Ġsensual":20107,"ĠCarl":20108,"ĠConde":20109,"Ġdesconocida":20110,"Ġremodel":20111,"étaro":20112,"Algo":20113,"Ġextens":20114,"Ġpistola":20115,"Ġrespetando":20116,"ĠSamuel":20117,"Ġasciende":20118,"Ġdeterminó":20119,"Ġpadecer":20120,"ĠIzquierda":20121,"Ġcomprendido":20122,"ĠNormalmente":20123,"atear":20124,"Ġcanon":20125,"Ġconsciencia":20126,"Ġpescadores":20127,"ĠNis":20128,"Ġinsistió":20129,"Ġdog":20130,"Ġhegem":20131,"ĠVictor":20132,"Ġdesaparecidos":20133,"ĠVolun":20134,"ĠFree":20135,"Ġdeform":20136,"Ġnul":20137,"Ġhomosexuales":20138,"adillas":20139,"Ġinsa":20140,"Ġreflejar":20141,"Ġnoci":20142,"Ġsuba":20143,"Ġalli":20144,"ĠParticipación":20145,"Ġdiré":20146,"Ġamplitud":20147,"kswagen":20148,"Ġconozcan":20149,"Ġconde":20150,"blogs":20151,"Ġesperas":20152,"Ġgritar":20153,"Ġdesesperación":20154,"rack":20155,"Ġdotar":20156,"Ġcomúnmente":20157,"iciosas":20158,"Ġdocumentales":20159,"Ġanex":20160,"ĠOruro":20161,"Ġromance":20162,"Ġarranca":20163,"Ġagropecu":20164,"Ġfrigor":20165,"ĠCiclo":20166,"Ġnaz":20167,"Ġpreocuparse":20168,"Ġlocalizado":20169,"Ġ1981":20170,"alizará":20171,"Ġbajando":20172,"caria":20173,"Ġterapias":20174,"Ġsemanales":20175,"chet":20176,"ĠFerrari":20177,"Ġrecordando":20178,"ĠAdolesc":20179,"rr":20180,"Ġeleva":20181,"ĠRue":20182,"Ġrecopil":20183,"Ġproximidad":20184,"ĠAlar":20185,"els":20186,"inho":20187,"Ġverlos":20188,"Ġcines":20189,"parencia":20190,"Ġsucediendo":20191,"ĠRestaurante":20192,"iscos":20193,"losa":20194,"ĠPAS":20195,"Ġanimo":20196,"Ġinher":20197,"Ġcenta":20198,"ĠAntiguo":20199,"Ġpuntuales":20200,"ĠChihuahua":20201,"lea":20202,"Ġluce":20203,"Ġsemejantes":20204,"Ġdistribuidor":20205,"Ġsenderismo":20206,"Ġdefra":20207,"Ġcomprando":20208,"Ġdemora":20209,"ediencia":20210,"Ġingresó":20211,"dolfo":20212,"Ġesquemas":20213,"inosau":20214,"Ġadjun":20215,"ĠPokémon":20216,"Ġconstituido":20217,"Ġ%.":20218,"cab":20219,"deas":20220,"Ġcompatibilidad":20221,"Ġnativos":20222,"Ġretomar":20223,"Ġciclistas":20224,"Ġcumplim":20225,"Ġenfrentamientos":20226,"udes":20227,"Ġpersigue":20228,"ĠEscuelas":20229,"acemos":20230,"ĠNik":20231,"Ġestrenó":20232,"ĠDanza":20233,"ĠPaÃŃses":20234,"inilla":20235,"Ġcausando":20236,"ĠWatch":20237,"Ġandan":20238,"Vide":20239,"Ġbillones":20240,"ĠNeu":20241,"Ġladrones":20242,"lla":20243,"ĠtuberÃŃa":20244,"Ġ170":20245,"ĠMediante":20246,"Ġacordes":20247,"dd":20248,"ĠDetal":20249,"Ġcacao":20250,"Ġoperativa":20251,"Ġdesembar":20252,"Ġpetrolera":20253,"Ġaltern":20254,"Ġinsiste":20255,"Ġcuántos":20256,"Ġcinematográfica":20257,"Ġeligió":20258,"Ġpopul":20259,"visa":20260,"Ġdevas":20261,"ÃĹ":20262,"Ġconclu":20263,"Ġsuperficial":20264,"ĠEvo":20265,"Ġdile":20266,"Ġverific":20267,"Dan":20268,"Ġplural":20269,"Ġconsiguieron":20270,"nap":20271,"dependi":20272,"ĠTokio":20273,"ranas":20274,"ĠArque":20275,"Ġligar":20276,"ĠAdul":20277,"amon":20278,"ĠOcho":20279,"ĠPrecios":20280,"Ġsuscrip":20281,"Ġconcluido":20282,"ĠBU":20283,"ĠBár":20284,"kins":20285,"Ġdamas":20286,"Ġmediación":20287,"icom":20288,"2001":20289,"ĠDebemos":20290,"Ġdesalo":20291,"Ġsalgan":20292,"Ġrepetición":20293,"yy":20294,"ĠJon":20295,"Ġprocesar":20296,"ĠOperaciones":20297,"Ġincul":20298,"ĠCumbre":20299,"Ġrepi":20300,"Ġcompeticiones":20301,"edicto":20302,"ĠAlexander":20303,"Ġunanimidad":20304,"grafia":20305,"ĠTac":20306,"Ġmatrimon":20307,"Ġpreguntan":20308,"ĠisraelÃŃ":20309,"ĠpodÃŃamos":20310,"Ġfrecuencias":20311,"lámico":20312,"Ġpercib":20313,"Ġmadrileño":20314,"Ġverticales":20315,"Ġfinalización":20316,"ĠInstituciones":20317,"Ġcriptom":20318,"Ġcasado":20319,"ĠConcejal":20320,"Ġcolega":20321,"jun":20322,"quidez":20323,"Ġperiódicamente":20324,"Ġexilio":20325,"Ġdureza":20326,"ĠVisita":20327,"Ġasumió":20328,"ĠStra":20329,"Ġjaponeses":20330,"itre":20331,"ĠCi":20332,"Ins":20333,"Ġformales":20334,"Ġbloquear":20335,"istra":20336,"tición":20337,"Ġdisputar":20338,"peras":20339,"dromo":20340,"Ġhayamos":20341,"Ġsumando":20342,"Ġteniente":20343,"ĠquÃŃmico":20344,"ĠMet":20345,"Ġasegú":20346,"ĠNational":20347,"formance":20348,"Ġconstitucionales":20349,"Ġrechaza":20350,"estidad":20351,"ĠPE":20352,"ose":20353,"Ġdestacadas":20354,"tl":20355,"ĠGO":20356,"Ġrelax":20357,"Ġsenda":20358,"quot":20359,"ĠParlam":20360,"ĠMata":20361,"Ġgestor":20362,"Ġorn":20363,"Poco":20364,"Ġ(-":20365,"donos":20366,"ĠtÃŃpicas":20367,"Ġbreves":20368,"Ġlegislativo":20369,"ĠDA":20370,"Ġanotó":20371,"Ġpromul":20372,"Ġmuchachos":20373,"ĠâĤ¬.":20374,"ĠEmpez":20375,"esco":20376,"abamos":20377,"wo":20378,"Ġhagamos":20379,"ĠViz":20380,"Ġsuperando":20381,"Ġsecreta":20382,"ĠMX":20383,"Ġci":20384,"ĠProgramas":20385,"iras":20386,"ĠResultados":20387,"Ġcontaminantes":20388,"Ġregistradas":20389,"Ġpreso":20390,"embra":20391,"Ġescén":20392,"ĠAviso":20393,"Ġdistingue":20394,"ĠMÃī":20395,"ĠAmp":20396,"Ġmalla":20397,"Ġveracidad":20398,"Ġaplicará":20399,"Ġajenos":20400,"Ġyoutube":20401,"ĠEnferme":20402,"Ġsacando":20403,"Station":20404,"Ġagradables":20405,"Ġcondens":20406,"Ġimb":20407,"ĠRecu":20408,"Direc":20409,"Ġsanitarias":20410,"Ġabandonó":20411,"Ġpestaña":20412,"Ġcualita":20413,"Ġsecas":20414,"...,":20415,"Ġvaliosa":20416,"Ġarticulaciones":20417,"Ġcristianismo":20418,"esio":20419,"Ġrentas":20420,"Ġmayormente":20421,"ĠBadajoz":20422,"Ġajusta":20423,"Ġimpugn":20424,"ĠHard":20425,"Cuáles":20426,"ĠFalta":20427,"senal":20428,"Ġpresuntamente":20429,"pá":20430,"Ġmodernización":20431,"ref":20432,"elec":20433,"Ġmolesto":20434,"Ġconfidencialidad":20435,"Ġsalimos":20436,"Ġcontroversia":20437,"Ġrepublicano":20438,"Ġinstantánea":20439,"Ġlogre":20440,"ĠCristian":20441,"ĠBusca":20442,"ĠMaestrÃŃa":20443,"Ġmaravillosos":20444,"Ġcontabil":20445,"ĠEstrella":20446,"Ġinverna":20447,"Ġcompetitivos":20448,"ĠArmando":20449,"Ġabsten":20450,"ĠMode":20451,"ĠFlorencia":20452,"Ġcalentar":20453,"ĠmarÃŃtimo":20454,"ĠTrujillo":20455,"Ġtraductor":20456,"ĠAlimentos":20457,"Ġmaratón":20458,"Ġópera":20459,"ĠProfesores":20460,"Ġorgullosos":20461,"éndome":20462,"Ġgoza":20463,"Ġrepercu":20464,"Ġinsumos":20465,"Ġlámparas":20466,"Ġvivencias":20467,"Ġmisericordia":20468,"Ġrevolu":20469,"Ġdécimo":20470,"Ġcometidos":20471,"ĠSC":20472,"Ġdeportista":20473,"Ġvaler":20474,"Ġcham":20475,"Ġgus":20476,"Ġagrado":20477,"ĠMartÃŃ":20478,"camente":20479,"amentablemente":20480,"Ġgeniales":20481,"ĠTributaria":20482,"Ġmentes":20483,"úr":20484,"Ġembri":20485,"urgo":20486,"Ġsuela":20487,"Ġadulta":20488,"tiembre":20489,"ĠKevin":20490,"Ġminia":20491,"Ġcompañeras":20492,"Ġvocal":20493,"Ġpedirle":20494,"Ġmanus":20495,"Ġperdidas":20496,"ĠFru":20497,"ĠLuisa":20498,"Ġperdidos":20499,"istentes":20500,"Ġtradicionalmente":20501,"Ġadjunto":20502,"icidios":20503,"Ġconcentrado":20504,"EDAD":20505,"Ġenunci":20506,"Ġdesarrollarse":20507,"ĠMatÃŃas":20508,"Ġprole":20509,"ĠÃŃbamos":20510,"vedra":20511,"escol":20512,"Ġalt":20513,"Ġregulares":20514,"Ġsaberlo":20515,"ĠNUE":20516,"ĠIbiza":20517,"izarra":20518,"Ġdesbord":20519,"ĠAth":20520,"Ġengaños":20521,"Ġalfombra":20522,"ĠSEM":20523,"Ġprecaución":20524,"ĠFores":20525,"versiones":20526,"Ġfundado":20527,"FL":20528,"Ġ!!!":20529,"ï":20530,"Ġfacilitan":20531,"Ġram":20532,"cosa":20533,"Ġacababa":20534,"ĠAsociaciones":20535,"Ġdetiene":20536,"sever":20537,"enter":20538,"Ġacreditación":20539,"Ġturnos":20540,"Ġnas":20541,"Ġbasan":20542,"ĠÃŃntimo":20543,"Ġdestitu":20544,"Ġpanorámica":20545,"Ġinvir":20546,"Ġbenef":20547,"cter":20548,"ĠLouis":20549,"ĠDiana":20550,"Ġestrecho":20551,"zgo":20552,"BE":20553,"Ġcolaborador":20554,"Ġmiti":20555,"venidas":20556,"Ġvegetar":20557,"Ġorgánicos":20558,"ĠPublicidad":20559,"Ġcreadas":20560,"ĠGermán":20561,"Ġartesanos":20562,"ties":20563,"Ġmuchacha":20564,"ĠtrilogÃŃa":20565,"ĠElim":20566,"Ġafer":20567,"Ġblanque":20568,"Ġpeques":20569,"Ġexpreso":20570,"day":20571,"resas":20572,"estra":20573,"onaer":20574,"Ġdestacada":20575,"Ġlápiz":20576,"Ġadhesión":20577,"ĠEntrada":20578,"Ġcalifica":20579,"Tú":20580,"Ġmandos":20581,"Ġindicios":20582,"ĠJazz":20583,"еÐ":20584,"Ġcongres":20585,"ĠSaf":20586,"Ġdesemb":20587,"Ġalojar":20588,"blemas":20589,"ĠExposición":20590,"Ġvalorado":20591,"Ġinjusticia":20592,"Ġcontradic":20593,"Ġcomenzamos":20594,"Ġvinculada":20595,"Ġconceder":20596,"Ġsatur":20597,"ĠjoyerÃŃa":20598,"ĠEstratég":20599,"Gar":20600,"Ġoptimismo":20601,"ĠVenecia":20602,"Ġescalada":20603,"ĠVicepres":20604,"fato":20605,"Ġvinieron":20606,"Ġsopa":20607,"Ġencontraremos":20608,"¸ı":20609,"ild":20610,"ĠCerca":20611,"urnal":20612,"Ġcomprometida":20613,"ĠHitler":20614,"umán":20615,"\":\"":20616,"ĠApoyo":20617,"Ġrehabil":20618,"ajua":20619,"ĠJas":20620,"ments":20621,"ĠBang":20622,"Ġanillos":20623,"iese":20624,"Ġdiente":20625,"ĠBis":20626,"Ġprosperidad":20627,"amiliar":20628,"Ġconfundir":20629,"Ġinesperado":20630,"ĠVentas":20631,"Ġrobos":20632,"Ġgalardón":20633,"Ġatribuye":20634,"ĠBy":20635,"Ġproveniente":20636,"Ġversion":20637,"Ġadapte":20638,"ueltos":20639,"Ġnova":20640,"ĠMike":20641,"Ġhistoriador":20642,"ĠJaneiro":20643,"Ġactualizados":20644,"ĠSabemos":20645,"Ġtormentas":20646,"ĠDesta":20647,"Ġandando":20648,"ĠEscu":20649,"Ġdecorado":20650,"ĠViolencia":20651,"ĠBomberos":20652,"Autor":20653,"Ġdecida":20654,"Ġrostros":20655,"ÃŃb":20656,"ĠNBA":20657,"Ġdistribuy":20658,"Ġmilagros":20659,"IER":20660,"lé":20661,"ĠInversión":20662,"Ġcalaba":20663,"Ġagrupaciones":20664,"ivado":20665,"Ġdefensas":20666,"Ġmediana":20667,"TULO":20668,"Ġmajes":20669,"Ġolores":20670,"aludos":20671,"ĠSonora":20672,"Ġdiferencial":20673,"Ġversa":20674,"Ġconstituir":20675,"Ġsw":20676,"ĠEstrategia":20677,"Ġcomparado":20678,"érminos":20679,"Ġadvertir":20680,"Ġajustado":20681,"Ġbajado":20682,"ibar":20683,"BU":20684,"Ġmexico":20685,"Ġasistido":20686,"Ġplantean":20687,"ĠOce":20688,"ĠGame":20689,"Ġcóc":20690,"bis":20691,"Ġarticular":20692,"Recor":20693,"Ġmáximas":20694,"ĠConsum":20695,"itness":20696,"Ġeh":20697,"Ġnoción":20698,"ĠAngeles":20699,"Ġviral":20700,"ĠVeh":20701,"Ġengañar":20702,"DR":20703,"YO":20704,"ĠLam":20705,"ĠGracia":20706,"Ġverteb":20707,"Ġanotar":20708,"rocarburos":20709,"ĠCUR":20710,"Ġsignificativas":20711,"MINIS":20712,"Ġrecam":20713,"nabis":20714,"Ġator":20715,"Ġportales":20716,"Ġviajan":20717,"ads":20718,"ecida":20719,"ĠTS":20720,"ĠSM":20721,"Ġgráficas":20722,"ĠLicenciatura":20723,"Ġpatrimonial":20724,"ĠTelecomunicaciones":20725,"Ġacuden":20726,"ĠSouth":20727,"Ġdesemple":20728,"ĠMexicano":20729,"Ġtremenda":20730,"Ġturista":20731,"Ġprometido":20732,"ĠArias":20733,"Ġardu":20734,"ĠJona":20735,"Ġclasificado":20736,"Ġabiertamente":20737,"Ġguardias":20738,"istir":20739,"ĠSandra":20740,"Ġagradece":20741,"Ġcoherencia":20742,"Ġplomo":20743,"Cos":20744,"achas":20745,"ĠCM":20746,"ĠpasarÃŃa":20747,"ĠPersonales":20748,"Ġusarse":20749,"Ġ(¡":20750,"ĠTony":20751,"ĠcafeterÃŃa":20752,"Ġpadece":20753,"antemente":20754,"ĠbiografÃŃa":20755,"ĠEnseñanza":20756,"Ġpatrio":20757,"Ġgrosor":20758,"ĠVirginia":20759,"ĠClaus":20760,"Ġmorena":20761,"Ġvest":20762,"vich":20763,"ĠVillanueva":20764,"Ġmenstru":20765,"ĠCual":20766,"ĠToma":20767,"ĠmÃŃos":20768,"Ġcomprometer":20769,"ĠKong":20770,"Ġimpedi":20771,"entaciones":20772,"Ġtrasladó":20773,"Ġmutuo":20774,"Ġencargar":20775,"Ġoriginalidad":20776,"Ġcontextos":20777,"Ġdispuso":20778,"Ġcaracterizado":20779,"Ġapetito":20780,"Pens":20781,"quillas":20782,"adir":20783,"Ġ|--":20784,"rentes":20785,"Ġconsideraciones":20786,"Ãīl":20787,"Ġtitulación":20788,"Ġdetectado":20789,"guesÃŃa":20790,"ĠUNESCO":20791,"ĠDescu":20792,"ĠsÃŃntoma":20793,"Estu":20794,"Ġverdaderas":20795,"Ġpartiendo":20796,"ĠPit":20797,"Ġincluirá":20798,"ienza":20799,"Ġcalibre":20800,"adita":20801,"vertido":20802,"ĠEdiciones":20803,"Ġinmediaciones":20804,"ĠIngeniero":20805,"Ġdisputado":20806,"ĠUNIVERS":20807,"Ġ105":20808,"ĠestÃŃmulo":20809,"Centro":20810,"Ġallan":20811,"hidratos":20812,"Ġconvirtieron":20813,"ĠPeso":20814,"ĠSÃŃn":20815,"pole":20816,"Ġmueren":20817,"Ġdesapareció":20818,"OLA":20819,"xia":20820,"landés":20821,"ĠMam":20822,"Ġsimil":20823,"olis":20824,"ĠJueves":20825,"Ġplanteó":20826,"Ġobservó":20827,"Ġgallego":20828,"Ġcollar":20829,"ĠRedacción":20830,"intena":20831,"ĠAgo":20832,"Ġpasé":20833,"ĠNASA":20834,"inaron":20835,"Ġinspira":20836,"Ġinsulina":20837,"alina":20838,"Ġinformamos":20839,"Ġvencimiento":20840,"TIVOS":20841,"ĠTus":20842,"Segun":20843,"átiles":20844,"ĠSimp":20845,"Ġcélula":20846,"Ġoriente":20847,"Ġescapa":20848,"ĠAmerica":20849,"ĠJacob":20850,"élico":20851,"Ġ365":20852,"heimer":20853,"Universidad":20854,"Ġgeométr":20855,"ĠDisfruta":20856,"relación":20857,"uciones":20858,"ĠBernardo":20859,"Ġincentivos":20860,"Ġmarcan":20861,"Ġsuperan":20862,"ĠPublicado":20863,"Mira":20864,"ĠMON":20865,"acol":20866,"Ġpaises":20867,"ĠSalto":20868,"ĠAmbas":20869,"ĠNoruega":20870,"Ġmeterse":20871,"ĠÃŃdo":20872,"our":20873,"Ġgarantizado":20874,"ĠEliz":20875,"Ġurnas":20876,"ĠDisco":20877,"Respuesta":20878,"Ġesclavitud":20879,"ĠMichoacán":20880,"Ġaparecieron":20881,"ĠFueron":20882,"Ġmetáf":20883,"ĠLil":20884,"Ġcatorce":20885,"ĠPolo":20886,"Ġclausura":20887,"Ġartil":20888,"ĠINFORMA":20889,"Ġsanos":20890,"Ġdetalla":20891,"Ġejecutiva":20892,"Google":20893,"ĠAuton":20894,"ĠPresupuestos":20895,"Ġbits":20896,"tár":20897,"Ġexcepcionales":20898,"itivas":20899,"Ġpalos":20900,"ódulo":20901,"ĠBeatriz":20902,"ĠMuebles":20903,"Ġreseñ":20904,"fonos":20905,"Via":20906,"ĠvolvÃŃ":20907,"Ġpizza":20908,"Ju":20909,"Ġescort":20910,"Ġcompró":20911,"Ġenvases":20912,"Ġaplaudi":20913,"Ġát":20914,"ĠFantas":20915,"Ġobrero":20916,"ĠRubio":20917,"ĠempatÃŃa":20918,"ĠCOMP":20919,"ĠPermanente":20920,"Ġastron":20921,"Ġdiecis":20922,"ĠMaldonado":20923,"ĠJóvenes":20924,"Ġinfluye":20925,"Ġurgentes":20926,"ĠbahÃŃa":20927,"Ġqueramos":20928,"ĠFL":20929,"Ġmarro":20930,"Ġcontribuciones":20931,"Ġcarencia":20932,"Ġefectivas":20933,"Ġecosistemas":20934,"nic":20935,"ĠEUR":20936,"250":20937,"Ġurgencias":20938,"Ġrestante":20939,"Ġfrom":20940,"ĠHua":20941,"itariamente":20942,"Ġbellos":20943,"uerdo":20944,"Ġconsecutivos":20945,"parar":20946,"Argentina":20947,"Ġdemocra":20948,"Ġflamenco":20949,"Ġsincero":20950,"Ġpredis":20951,"ĠComen":20952,"ĠCont":20953,"Ġdecisivo":20954,"Ġglucosa":20955,"Ġexpedientes":20956,"Ġdejas":20957,"Ġhomogén":20958,"Ġacome":20959,"Ġmarcos":20960,"Ġfabricados":20961,"tain":20962,"Ġdesfil":20963,"ĠLine":20964,"Ġfotográfica":20965,"Resolución":20966,"Ġbuques":20967,"ĠMala":20968,"ĠconfÃŃa":20969,"ĠAsunción":20970,"Ġconcentraciones":20971,"Ġcorrespondencia":20972,"Ġindique":20973,"Ġemisora":20974,"Ġrespectivo":20975,"Ġveinti":20976,"ĠGirona":20977,"Ġasegurando":20978,"Ġinnovaciones":20979,"misiones":20980,"ĠBarra":20981,"Ġcombinan":20982,"Ġhidratación":20983,"Ġfero":20984,"Ġactivas":20985,"Ġafian":20986,"tivismo":20987,"Ġsostenido":20988,"Ġconvocar":20989,"sterdam":20990,"ĠOriental":20991,"Ġresign":20992,"hl":20993,"Ġplacent":20994,"dibujos":20995,"Ġaccionar":20996,"Ġfluido":20997,"sulas":20998,"ásquez":20999,"peda":21000,"Ġinger":21001,"Ġjuzgados":21002,"Ġ_":21003,"chor":21004,"ĠMisión":21005,"Ġcanje":21006,"ances":21007,"Ġdescans":21008,"noso":21009,"Ġestal":21010,"Ġhallazgos":21011,"ĠCertificado":21012,"Ġcrimin":21013,"ĠBienestar":21014,"Ġmp":21015,"Ġmármol":21016,"ĠImpres":21017,"itÃŃ":21018,"Ġcervezas":21019,"ĠDun":21020,"Ġemplaz":21021,"ĠXI":21022,"Ġmoción":21023,"Ġ112":21024,"ĠInicia":21025,"Ġderma":21026,"Script":21027,"Ġenre":21028,"Ġlevantamiento":21029,"veno":21030,"Ġmañanas":21031,"ácticos":21032,"ĠSl":21033,"Ġreiteró":21034,"blan":21035,"Ġcoma":21036,"ĠGü":21037,"ĠBachillerato":21038,"ï¸ı":21039,"Ġtrascendencia":21040,"ĠFlash":21041,"Ġexpuestas":21042,"Ġseriamente":21043,"Ġquedaban":21044,"Ġdedi":21045,"Ġvariante":21046,"Ġnatación":21047,"Ġpequeñ":21048,"ciación":21049,"Ġresuci":21050,"Ġarmada":21051,"Ġsenadores":21052,"Ġcompensar":21053,"éster":21054,"Ġfantasmas":21055,"ĠDeportiva":21056,"ángulo":21057,"ADAS":21058,"ĠAños":21059,"Ġtripul":21060,"Ġalien":21061,"ĠResponsabilidad":21062,"pÃŃ":21063,"PRE":21064,"FF":21065,"áez":21066,"ĠBs":21067,"jetivo":21068,"Ġinsuficiente":21069,"Ġnotablemente":21070,"caras":21071,"ĠgalerÃŃas":21072,"ĠlatÃŃn":21073,"Ġtob":21074,"ĠGENERAL":21075,"DUCCIÃĵN":21076,"ĠDani":21077,"Ġsolidario":21078,"Ġmire":21079,"Ġhort":21080,"túe":21081,"arcas":21082,"Ġinces":21083,"ĠHall":21084,"Ġdescentr":21085,"ĠGom":21086,"Ġmúltiple":21087,"ĠLife":21088,"Ġacordó":21089,"pez":21090,"ĠCatalina":21091,"Ġobligó":21092,"copo":21093,"Ġcomento":21094,"Ġnietos":21095,"Ġdotado":21096,"utar":21097,"Ġguantes":21098,"Ġboletos":21099,"éstor":21100,"Ġmexicanas":21101,"ĠGN":21102,"Ġperderse":21103,"Ġnublado":21104,"Fe":21105,"ervo":21106,"Ġvenimos":21107,"ĠGig":21108,"ĠBluetooth":21109,"ilancia":21110,"Ġprimario":21111,"poca":21112,"Ġadelanto":21113,"ĠZelanda":21114,"BB":21115,"ĠpacÃŃfica":21116,"Ġfide":21117,"Ġperfume":21118,"Ġarquero":21119,"ĠNuevas":21120,"má":21121,"ĠInmobil":21122,"ĠOct":21123,"Ġrayas":21124,"Ġasesinos":21125,"Ġganaron":21126,"Ġdefinidos":21127,"Ġgarantizan":21128,"Ġauxiliares":21129,"Cuánto":21130,"ĠAnaly":21131,"Ġfinas":21132,"Ġentrañ":21133,"larse":21134,"ĠBode":21135,"boy":21136,"Ġzana":21137,"Ġplanea":21138,"edia":21139,"Ġdadas":21140,"Ġtentación":21141,"Ġnucleares":21142,"Ġbodegas":21143,"ĠtrÃŃo":21144,"òn":21145,"Ġprogen":21146,"ĠTEC":21147,"ĠInstitucional":21148,"social":21149,"voc":21150,"sent":21151,"Ġsocioecon":21152,"ĠEsos":21153,"Fun":21154,"genas":21155,"Ġbarbacoa":21156,"Ġcirco":21157,"Ġacompañantes":21158,"ĠAbierto":21159,"Ġeconomista":21160,"Ġcondenados":21161,"ĠDoctorado":21162,"vertir":21163,"Ġconsistencia":21164,"Ġ1936":21165,"Ġcerradas":21166,"onada":21167,"Ġasfalto":21168,"Eres":21169,"jaron":21170,"Ġconseguimos":21171,"Ġfinaliza":21172,"Ġamortigu":21173,"Ġconceptual":21174,"Ġadmira":21175,"Ġinterpretado":21176,"Ġacreedores":21177,"Ġferrocarril":21178,"ĠAse":21179,"ules":21180,"Ġestaré":21181,"Ġautoriza":21182,"Ġalumb":21183,"cracia":21184,"Ġdisparar":21185,"Ġoreja":21186,"Ġtuvieran":21187,"Ġteóricos":21188,"ĠDibu":21189,"Ġcolocó":21190,"táneas":21191,"Ġ//":21192,"Ġtronco":21193,"ĠExpo":21194,"ĠAlz":21195,"Ġcontinental":21196,"ĠUrbano":21197,"ilable":21198,"ĠDicha":21199,"Ġalterar":21200,"Ġalmacenes":21201,"Ġconsideradas":21202,"dillera":21203,"Ġordena":21204,"Ġ1974":21205,"Ġpasiones":21206,"Ġreactiv":21207,"Ġreemplaz":21208,"Ġnulidad":21209,"ĠBBC":21210,"wei":21211,"ĠEnfermerÃŃa":21212,"Ġcolorido":21213,"señor":21214,"ulip":21215,"ĠJohnson":21216,"Ġhincha":21217,"Ġdesastres":21218,"Ġreducen":21219,"ĠXL":21220,"ĠGerente":21221,"ĠGeorg":21222,"UAL":21223,"vira":21224,"ĠGabri":21225,"ĠAlber":21226,"Ġanarqu":21227,"ĠEconom":21228,"GP":21229,"chen":21230,"Ġtransformaciones":21231,"Ġmetió":21232,"Ġacop":21233,"Ġtransferencias":21234,"Ġdegustar":21235,"Ġmaster":21236,"Ġfelicitar":21237,"ajust":21238,"Ġpostul":21239,"ĠAgenda":21240,"Ġdistribuidos":21241,"ĠArtÃŃculos":21242,"vor":21243,"phone":21244,"ĠKit":21245,"ĠvolvÃŃa":21246,"Ġintensos":21247,"Ġtemplos":21248,"lanta":21249,"ises":21250,"Ġregistrarse":21251,"Ġabrum":21252,"non":21253,"Ġpresentarán":21254,"Ġaromas":21255,"Ġmy":21256,"lear":21257,"ĠPales":21258,"ĠVillal":21259,"gamiento":21260,"Ġleña":21261,"Ġconcesiones":21262,"Ġconsideraba":21263,"ĠQuerétaro":21264,"Ġfranja":21265,"Ġproductivas":21266,"Ġcausan":21267,"ĠLiv":21268,"Ġtumor":21269,"Ġramo":21270,"Ġed":21271,"ĠMB":21272,"graph":21273,"ĠCapitán":21274,"Incluso":21275,"ĠCecilia":21276,"ĠDÃŃas":21277,"Ġilusiones":21278,"Ġinsuficiencia":21279,"dard":21280,"Ġamino":21281,"Ġmagistrados":21282,"Ġsellos":21283,"ĠPom":21284,"Ġacadémicas":21285,"Ġagrav":21286,"Ġsuciedad":21287,"Ġempiece":21288,"Ġilustra":21289,"Ġanfitrión":21290,"ĠPutas":21291,"tonio":21292,"ĠVlad":21293,"Ġclasifica":21294,"ĠBox":21295,"Ġpremium":21296,"PEC":21297,"Ġcuenten":21298,"Ġray":21299,"Ġoportuna":21300,"tidor":21301,"ĠOcta":21302,"Ġverdades":21303,"Ġpoética":21304,"NS":21305,"erial":21306,"âĢĿ).":21307,"Ġdudo":21308,"ĠLux":21309,"Ġrestricción":21310,"Ġestricto":21311,"Má":21312,"Quien":21313,"ights":21314,"Ġdesfavor":21315,"Ġrecto":21316,"blar":21317,"ĠVino":21318,"ĠNegra":21319,"Ġvibra":21320,"Ġsite":21321,"ĠHerramientas":21322,"ĠVitoria":21323,"Ġcomposiciones":21324,"has":21325,"tenos":21326,"cerca":21327,"Ġflan":21328,"Ġcomencé":21329,"Ġgriegos":21330,"Ġsustra":21331,"Ġblack":21332,"Ġanécdotas":21333,"icó":21334,"Ġraras":21335,"fección":21336,"ĠCircuito":21337,"rógeno":21338,"ĠHabrá":21339,"ĠburguesÃŃa":21340,"Ġcomplicidad":21341,"Ġrechazado":21342,"toriamente":21343,"ĠTailandia":21344,"ĠEdgar":21345,"Ġllegas":21346,"temporada":21347,"\"...":21348,"Ġcaf":21349,"Ġvacunas":21350,"Ġgro":21351,"Ġmayús":21352,"Ġmostraba":21353,"éndola":21354,"ĠSostenible":21355,"ĠWat":21356,"Rob":21357,"turismo":21358,"Ġdoña":21359,"ĠMarbella":21360,"Ġescapara":21361,"ĠBBVA":21362,"Ġcitados":21363,"Ġmarinos":21364,"Ġderrotas":21365,"Situ":21366,"Ġbuscó":21367,"Ġrecorte":21368,"Ġinmor":21369,"ĠHaga":21370,"Ġacercan":21371,"ulce":21372,"Ġpapas":21373,"Ġpublicitarios":21374,"ĠDijo":21375,"Ġcooper":21376,"âĢ¦âĢ¦âĢ¦âĢ¦":21377,"Ġaguda":21378,"Ġasesinados":21379,"ĠGana":21380,"Ġlapso":21381,"undan":21382,"ĠSas":21383,"Ġinteresan":21384,"ĠPLA":21385,"TRUC":21386,"ĠMañana":21387,"Ġorganizadas":21388,"ĠpretendÃŃa":21389,"ĠTerritorial":21390,"plante":21391,"fox":21392,"Ġviabilidad":21393,"ĠIndic":21394,"Ġestrope":21395,"ANDO":21396,"Ġalcantar":21397,"Ġdescriben":21398,"Ġsocor":21399,"cans":21400,"Ġacerc":21401,"Empresa":21402,"moder":21403,"irus":21404,"Ġantiv":21405,"ARIOS":21406,"Ġeditores":21407,"ĠCreación":21408,"Ġinscribirse":21409,"ĠjerarquÃŃa":21410,"Ġocupó":21411,"Ġceremon":21412,"sel":21413,"ĠMemor":21414,"Ġfeminista":21415,"Ġdaremos":21416,"Has":21417,"Ġdedicarse":21418,"ĠEncar":21419,"Ġestres":21420,"ĠFrances":21421,"áneo":21422,"ĠespÃŃritus":21423,"Ġdimos":21424,"ĠCárdenas":21425,"Ġadiós":21426,"Ġextrater":21427,"Ġdeclarada":21428,"ĠModi":21429,"Ġcontestó":21430,"ĠmÃŃtico":21431,"Ġposes":21432,"ĠChu":21433,"Ġviable":21434,"Ġembajada":21435,"Ġdesagradable":21436,"ĠDuran":21437,"Edi":21438,"ĠVac":21439,"Ġllamaron":21440,"torrent":21441,"Ġredonde":21442,"Ġfilósofo":21443,"Ġtráiler":21444,"Ġpertenencia":21445,"ĠGuarda":21446,"Ġverb":21447,"ĠCENT":21448,"?-":21449,"Ġracha":21450,"ĠInvierno":21451,"ĠContacto":21452,"Ġdevoción":21453,"Ġexistido":21454,"grano":21455,"ĠBust":21456,"quien":21457,"Ġavisos":21458,"ĠAntio":21459,"Ġodon":21460,"ĠCuentas":21461,"ĠSábado":21462,"Ġaproximado":21463,"Ġoctavos":21464,"/.":21465,"Ġconversar":21466,"ĠTucumán":21467,"Ġbarran":21468,"Arch":21469,"Ġcriticar":21470,"Ġprocederá":21471,"ĠHoteles":21472,"Ġstreaming":21473,"ĠCay":21474,"Ġnotables":21475,"Ġajedrez":21476,"edy":21477,"ĠminorÃŃa":21478,"ĠCorreo":21479,"Ġrespectiva":21480,"Ġtributo":21481,"Ġextraordinarias":21482,"ĠCirugÃŃa":21483,"dosa":21484,"especial":21485,"Ġentraron":21486,"Ġdesenf":21487,"Ġentretenido":21488,"Sub":21489,"ĠGimnas":21490,"ĠÃīsta":21491,"Ġaumentos":21492,"Ġtranquilos":21493,"Ġternura":21494,"Ġsilicona":21495,"ĠLlo":21496,"Ġanciano":21497,"&#":21498,"ĠRobin":21499,"glish":21500,"Ġsostienen":21501,"Ġtáctil":21502,"ĠRiesgos":21503,"Ġliderado":21504,"ĠCategorÃŃa":21505,"ĠNaran":21506,"ĠJohan":21507,"Ġindiferente":21508,"Pregun":21509,"Nuevo":21510,"----------------":21511,"pino":21512,"ĠBush":21513,"UA":21514,"@@@@@@@@@@@@@@@@":21515,"Ġbolsos":21516,"Ġmagistrado":21517,"Ġbestia":21518,"Nadie":21519,"Ġdirectrices":21520,"ĠquerÃŃamos":21521,"Tar":21522,"ĠPotos":21523,"Ġimaginario":21524,"Ġauriculares":21525,"Ġestudiantil":21526,"ĠFuen":21527,"Ġmango":21528,"ĠStudio":21529,"Ġrebeldes":21530,"ĠComprar":21531,"Ġgripe":21532,"Ġaccesorio":21533,"weet":21534,"Ġjar":21535,"ĠEstilo":21536,"Ġfro":21537,"ĠDinamarca":21538,"Ġmaleta":21539,"Ġparlamentaria":21540,"ĠRegist":21541,"ĠClase":21542,"lum":21543,"ĠToyota":21544,"ĠJuana":21545,"estim":21546,"Ġmedianas":21547,"Ġliquidez":21548,"ĠCuarto":21549,"nel":21550,"Ġobispos":21551,"ĠSudamérica":21552,"Ġecológicos":21553,"Ġdoctorado":21554,"Ġés":21555,"Ġindicación":21556,"Ġrelajar":21557,"Ġadicción":21558,"ĠPack":21559,"ducido":21560,"¨":21561,"Ġbondad":21562,"Ofre":21563,"andy":21564,"Ġ1950":21565,"ĠMercantil":21566,"Ġnacen":21567,"Ġcaridad":21568,"ĠGregorio":21569,"Ġfertil":21570,"ĠBolivariana":21571,"Ġantioxidantes":21572,"lación":21573,"Ġinvestigadora":21574,"isi":21575,"Ġmax":21576,"ĠVerdad":21577,"Ġprecedente":21578,"Ġpreocupante":21579,"Ġcomience":21580,"Ġpeleas":21581,"Ġcupones":21582,"Ġpasas":21583,"Ġllamativo":21584,"ĠSalazar":21585,"teto":21586,"Ġmenús":21587,"Ġpalp":21588,"ĠBank":21589,"ĠIES":21590,"guaya":21591,"Ġtemer":21592,"iarse":21593,"Ġimpa":21594,"tiente":21595,"Ġcarbohidratos":21596,"Ġmejoran":21597,"Ġestablezca":21598,"ISA":21599,"Ġasamble":21600,"ágina":21601,"ĠManagement":21602,"Ġcantando":21603,"Ġgit":21604,"Ġdiar":21605,"Ġneto":21606,"Ġdeseada":21607,"ĠexistÃŃan":21608,"Ġ-.":21609,"óngase":21610,"Ġapropiada":21611,"Ta":21612,"Ġoye":21613,"Ġreseñas":21614,"pura":21615,"Ġmultinacional":21616,"Ġ->":21617,"lib":21618,"udad":21619,"Ġâĸ":21620,"Ġlitro":21621,"ĠimplÃŃ":21622,"Ġposts":21623,"Ġviste":21624,"Ġesperada":21625,"ĠPlayStation":21626,"ĠRomano":21627,"UES":21628,"Ġplenitud":21629,"tróp":21630,"Ġcentrada":21631,"Ġmicrófono":21632,"Ġtas":21633,"ĠOriginal":21634,"Ġprestan":21635,"Ġsepas":21636,"ĠpedÃŃa":21637,"Ġsincera":21638,"\";":21639,"Ġdirá":21640,"Ġimpo":21641,"ĠSolid":21642,"Ġgrandeza":21643,"Ġnorteamericanos":21644,"adillo":21645,"FES":21646,"ĠIdi":21647,"Ġextrañas":21648,"ĠClinton":21649,"ĠAssocia":21650,"Ġaburrido":21651,"sólo":21652,"fobia":21653,"Ġenglo":21654,"GRAMA":21655,"Ġcabez":21656,"Ġciclista":21657,"ámp":21658,"Ġproporciones":21659,"activo":21660,"ĠAbraham":21661,"ciados":21662,"inda":21663,"Ġbeneficiarse":21664,"Fern":21665,"Ġrepuesto":21666,"ĠCookies":21667,"Ġcreativas":21668,"ĠSalta":21669,"Ġenca":21670,"Ġestimación":21671,"ĠUnas":21672,"iarias":21673,"Ġapuntado":21674,"Ġautóc":21675,"emon":21676,"Ġsoporta":21677,"Ġpasivo":21678,"ĠDragon":21679,"ĠGRAN":21680,"Ġsuavidad":21681,"ĠDemocrática":21682,"Ġtonto":21683,"Ġterceras":21684,"Ġrapido":21685,"Ġderivada":21686,"Ġsupresión":21687,"ĠMateriales":21688,"ĠPRD":21689,"Ġdesnudas":21690,"Ġdespedir":21691,"Ġdisfraces":21692,")...":21693,"ajuato":21694,"ázaro":21695,"ĠRoger":21696,"Ġmojado":21697,"gate":21698,"Ġflexibles":21699,"Ġvistos":21700,"ĠGr":21701,"Ġteórica":21702,"Ġsacan":21703,"ÑĮ":21704,"Ġzumo":21705,"Ġrumor":21706,"ès":21707,"Ġejecuta":21708,"Ġpermitieron":21709,"Ġnadar":21710,"Ġreportó":21711,"Ġayudarnos":21712,"Ġnovedoso":21713,"Ġcelos":21714,"ĠPeriodismo":21715,"Ġsusur":21716,"Clas":21717,"Ġcausados":21718,"conoci":21719,"guesas":21720,"Ġesplén":21721,"ury":21722,"Ġvecinas":21723,"ĠHong":21724,"Ġversátil":21725,"Ġtriunfos":21726,"cus":21727,"ĠEfe":21728,"cisco":21729,"ĠCOMUN":21730,"Ġdemasiados":21731,"Ġhumanitaria":21732,"Ġinstantes":21733,"ĠHero":21734,"Ġhep":21735,"ĠFeliz":21736,"umos":21737,"tuosos":21738,"ĠVelas":21739,"Ġgobernante":21740,"ĠCortés":21741,"Ġsedi":21742,"ĠXia":21743,"ĠImágenes":21744,"Ġmoléculas":21745,"Ġrebelión":21746,"Ġpróximamente":21747,"Ġpsiquia":21748,"Ġfrescas":21749,"Ġconjun":21750,"Diseño":21751,"ĠDado":21752,"Ġseñalando":21753,"Ġpausa":21754,"Ġtranscurrido":21755,"ĠCroacia":21756,"ĠNadal":21757,"ĠvacÃŃa":21758,"Ġrebajas":21759,"Ġvocabulario":21760,"Ġpaja":21761,"financi":21762,"ĠSalas":21763,"ĠNecesita":21764,"quista":21765,"Ġreflexion":21766,"Ġsimpa":21767,"erie":21768,"ĠVeter":21769,"Ġaprobados":21770,"Ġpotencialmente":21771,"ĠGolfo":21772,"ĠSuperintendencia":21773,"ĠMÃģS":21774,"Ġculpables":21775,"ĠCanc":21776,"ĠLisboa":21777,"ĠMatemáticas":21778,"ĠBatman":21779,"ĠAnto":21780,"Ġreproductor":21781,"Ġcrianza":21782,"Ġconsultora":21783,"ĠVila":21784,"Ġparciales":21785,"ĠRED":21786,"egu":21787,"Ġdefendido":21788,"ĠNico":21789,"Ġrepublicanos":21790,"Ġsistemática":21791,"ĠporterÃŃa":21792,"ĠSIM":21793,"Ġmató":21794,"Ġevacu":21795,"Ġingenio":21796,"Ġach":21797,"Ġsalvajes":21798,"Ġnormativas":21799,"Ġdeficiencias":21800,"Ġamores":21801,"ĠHonda":21802,"ipsis":21803,"Ġlidera":21804,"Ġnin":21805,"ĠHid":21806,"Ġincomple":21807,"Ima":21808,"ĠAplicación":21809,"Ġconsecución":21810,"ridades":21811,"Ġpreocupar":21812,"Ġfeo":21813,"ruce":21814,"Ġvendiendo":21815,"Ġpabellón":21816,"creo":21817,"Ġmayoria":21818,"Ġreba":21819,"tici":21820,"Ġviajó":21821,"Ġmarcados":21822,"tengo":21823,"iat":21824,"Ġcabaña":21825,"Ġinteracciones":21826,"blogspot":21827,"GAN":21828,"Ġdesple":21829,"Ġtendré":21830,"Ġempleada":21831,"Ġrige":21832,"Ġadmitió":21833,"Ġterminando":21834,"Ġsignificar":21835,"Ġmaniobras":21836,"óstol":21837,"tory":21838,"critas":21839,"ĠAnexo":21840,"ĠPotter":21841,"Ġoctava":21842,"Ġpirámi":21843,"istado":21844,"Ġanimar":21845,"ĠMarÃŃn":21846,"alizaron":21847,"Bienvenido":21848,"Ġcadera":21849,"Ġelef":21850,"Ġcruzado":21851,"inopsis":21852,"ĠMr":21853,"PAL":21854,"HS":21855,"ĠAFP":21856,"Ġevaluaciones":21857,"Ġdivisiones":21858,"ĠVale":21859,"Ġutens":21860,"ĠJoseph":21861,"Ġconfer":21862,"ĠPolar":21863,"enció":21864,"Ġvuelvan":21865,"comp":21866,"Ġtraducido":21867,"ĠpolÃŃticamente":21868,"Ġislam":21869,"Ġobsesión":21870,"Ġdinosau":21871,"Ġiniciará":21872,"ĠValde":21873,"Ġtransferir":21874,"Tor":21875,"Ġame":21876,"Ġnacionalismo":21877,"IES":21878,"Ġfolk":21879,"Ġcúpula":21880,"istad":21881,"ĠWay":21882,"Ġdirectas":21883,"ĠPacto":21884,"Ġpublican":21885,"Ġantepas":21886,"Ġorientar":21887,"cif":21888,"ĠAvi":21889,"ĠEmbajada":21890,"âĢĿ),":21891,"ĠPartici":21892,"Ġresgu":21893,"hr":21894,"Ġabono":21895,"Ġmeramente":21896,"Dispon":21897,"Ġbeneficia":21898,"Ġvenas":21899,"Ġpesadilla":21900,"Ġestables":21901,"videntemente":21902,"Ġcomunistas":21903,"ĠQues":21904,"ĠAlm":21905,"instein":21906,"Ġencargó":21907,"ĠHernán":21908,"Ġenviando":21909,"Ġpresunta":21910,"Ġrestitu":21911,"ĠBes":21912,"Ġparlamentarios":21913,"ALL":21914,"ĠWikipedia":21915,"Ġacel":21916,"ĠGRATIS":21917,"ĠComunista":21918,"Ġfrenos":21919,"Ġsospechos":21920,"Ġfull":21921,"Conoce":21922,"Ġseparadas":21923,"gener":21924,"ĠNutrición":21925,"ĠSeguramente":21926,"Ġrevertir":21927,"ĠHur":21928,"Ġasequible":21929,"Ġobrera":21930,"Ġmoderado":21931,"Ġfotógrafos":21932,"Ġlevantado":21933,"Ġasistió":21934,"Ġrecibidas":21935,"ĠTemplo":21936,"ĠFigura":21937,"rima":21938,"ĠRenault":21939,"Casi":21940,"ĠFrontera":21941,"Sé":21942,"Ġguionista":21943,"Ġaplicarse":21944,"Ġmanualidades":21945,"vern":21946,"ym":21947,"Ġtrack":21948,"Ġrelajante":21949,"Ġpse":21950,"Ġjal":21951,"XICO":21952,"Ġfotográfico":21953,"liquen":21954,"Ġrodar":21955,"Ġindicados":21956,"Ġsodio":21957,"rara":21958,"Ġnobles":21959,"Ġcompresión":21960,"PON":21961,"ĠCentroamérica":21962,"bina":21963,"Ġyogur":21964,"ĠDO":21965,"ónimos":21966,"ĠMAT":21967,"ĠGames":21968,"Ġambición":21969,"Jesús":21970,"Ġmetodol":21971,"Ġnut":21972,"Ġpresuntos":21973,"tórica":21974,"Ġgratuitamente":21975,"Ġcreyentes":21976,"ĠDoña":21977,"Ġevangelio":21978,"ĠFres":21979,"Ġpulmon":21980,"Ġestudió":21981,"Ġguitarrista":21982,"ciada":21983,"ĠCoca":21984,"Ġoctavo":21985,"èn":21986,"Ġdesarrollos":21987,"ĠLong":21988,"pete":21989,"Ġatendido":21990,"ĠVarios":21991,"Ġral":21992,"Ġcortinas":21993,"Ġfincas":21994,"Ġcrom":21995,"Ġjovenes":21996,"ĠOblig":21997,"Ġinformativos":21998,"Ġhonestidad":21999,"ffet":22000,"Ġnecesitará":22001,"iega":22002,"Ġdecirse":22003,"Ġincrementado":22004,"Ġavalan":22005,"ĠNéstor":22006,"Ġminero":22007,"ĠFred":22008,"Ġcontrarres":22009,"deste":22010,"ĠUSU":22011,"Ġgestación":22012,"Ġfrio":22013,"Ġgenoci":22014,"Ġpó":22015,"ĠNuevos":22016,"Hotel":22017,"inst":22018,"Ġrobado":22019,"Ġveterano":22020,"Ġestatua":22021,"ĠAugusto":22022,"ĠCore":22023,"Ġconsumen":22024,"Ġampar":22025,"Ġcantantes":22026,"encio":22027,"ĠBesos":22028,"Ġviceversa":22029,"Ġmim":22030,"ĠHierro":22031,"Ġnovel":22032,"Ġextensiones":22033,"ĠlegÃŃtimo":22034,"Ġterminación":22035,"ĠMila":22036,"Ġperuanos":22037,"ĠBosque":22038,"ĠCIA":22039,"Ġrecomendada":22040,"Ġconcedido":22041,"ombo":22042,"ités":22043,"Ġestatutos":22044,"Ġanon":22045,"ĠWW":22046,"Ġformados":22047,"Ġdemasiadas":22048,"Ġamables":22049,"embras":22050,"Book":22051,"Gal":22052,"Ġanestes":22053,"Ġconocerse":22054,"gir":22055,"Ġinversor":22056,"Ġjubilados":22057,"ĠboletÃŃn":22058,"Ġacumular":22059,"Ġengran":22060,"ĠganaderÃŃa":22061,"Ġnutricional":22062,"Ġinspirada":22063,"Ġmetálica":22064,"Ġexquisito":22065,"Ġcómodamente":22066,"Ġcoraje":22067,"Ġopcional":22068,"Ġcajón":22069,"Star":22070,"cima":22071,"ĠFuerte":22072,"Ġacompañó":22073,"licas":22074,"Ġsospechoso":22075,"Ġsuscrito":22076,"ĠAnder":22077,"Ġtortur":22078,"Ġincluya":22079,"ĠContiene":22080,"estu":22081,"ĠAum":22082,"Ġauténticos":22083,"ĠGalerÃŃa":22084,"Ġlaber":22085,"Ġespecifica":22086,"dominio":22087,"Ġ),":22088,"ĠestadÃŃa":22089,"Ġ1972":22090,"mera":22091,"ĠTime":22092,"Ġrituales":22093,"IDOS":22094,"Ġtocaba":22095,"ette":22096,"Ġutilidades":22097,"Ġintente":22098,"ulum":22099,"Ġpeinado":22100,"ĠInterés":22101,"ĠMah":22102,"Ġpersonalización":22103,"ĠProcedimiento":22104,"CAN":22105,"ĠRivas":22106,"ĠAsh":22107,"Ġaéreas":22108,"time":22109,"Ġcuantita":22110,"ĠDeber":22111,"ĠAsesor":22112,"Ġacompañante":22113,"als":22114,"leros":22115,"ilios":22116,"Ġpotes":22117,"Ġmancha":22118,"Ġterritoriales":22119,"Ġencabezado":22120,"ĠMorelos":22121,"Ġparados":22122,"copa":22123,"ĠPM":22124,"Ġcuida":22125,"ĠConn":22126,"Ġemplean":22127,"Ġcolchón":22128,"ĠNelson":22129,"Ġprivilegiada":22130,"Ġaudiencias":22131,"Ġembarcaciones":22132,"Ġdescendientes":22133,"Ġocurriendo":22134,"Ġcordo":22135,"Ġabonar":22136,"Ġcadáveres":22137,"ticar":22138,"uchos":22139,"onto":22140,"Ġiran":22141,"terminación":22142,"Ġbuceo":22143,"ocado":22144,"ĠMix":22145,"entarias":22146,"Ġlidiar":22147,"ĠCER":22148,"IENTE":22149,"Ġgad":22150,"ĠXIV":22151,"ferentes":22152,"Ġcrono":22153,"Ġdiscrimina":22154,"Programa":22155,"ipié":22156,"Ġacusó":22157,"ILL":22158,"Ġautocon":22159,"Ġpir":22160,"Ġpositivamente":22161,"Ġreservados":22162,"Ġfos":22163,"guardar":22164,"Ġnic":22165,"Ġestafa":22166,"Ġtech":22167,"Ġfarmacias":22168,"Ġafectando":22169,"Ġpasillos":22170,"tológico":22171,"sela":22172,"Ġprototipo":22173,"ambiente":22174,"viado":22175,"?âĢĿ.":22176,"cht":22177,"Ġimpera":22178,"Ġcib":22179,"!\"":22180,"panish":22181,"ĠTalleres":22182,"cientemente":22183,"ĠVersión":22184,"ĠSalinas":22185,"Ġdefiniciones":22186,"Ðĵ":22187,"ĠVélez":22188,"Ġefectuado":22189,"Ġmediciones":22190,"Ġirrespons":22191,"Ġderram":22192,"ĠpartÃŃ":22193,"Ġgenerados":22194,"Ġantena":22195,"Ġcotiz":22196,"ĠIbar":22197,"Ġlinks":22198,"Ġjurisprudencia":22199,"ĠFull":22200,"Ġético":22201,"reak":22202,"ĠEscobar":22203,"DEN":22204,"BER":22205,"Ġ240":22206,"Ġtripulación":22207,"Ġsegmentos":22208,"Ġprestigioso":22209,"Ġcór":22210,"Ġmerecido":22211,"Ġcaiga":22212,"Ġbell":22213,"gata":22214,"Ġescuchó":22215,"Ġprofundiz":22216,"Ġreembolso":22217,"Ġproblemáticas":22218,"Ġnata":22219,"genera":22220,"Ġdisfrutamos":22221,"Ġnotado":22222,"Ġespesor":22223,"Ġinaugurado":22224,"ĠOk":22225,"Ġcalib":22226,"ĠMontaña":22227,"Ġbiológica":22228,"Ġsometerse":22229,"ĠDT":22230,"Ġindud":22231,"Ġtelefónicas":22232,"Ġamistoso":22233,"Ġescur":22234,"peo":22235,"ĠJr":22236,"guerra":22237,"ĠRocÃŃo":22238,"info":22239,"ĠveÃŃan":22240,"Ġseguiremos":22241,"Ġalusión":22242,"ĠHubo":22243,"ĠActualidad":22244,"pper":22245,"Ġadquirió":22246,"ĠTeorÃŃa":22247,"Ġcontradicción":22248,"Ġconsolas":22249,"Ġejercitar":22250,"Ġaguja":22251,"Ġlinf":22252,"Ġrequerir":22253,"ĠUnidades":22254,"cual":22255,"Ġrefriger":22256,"Ġ115":22257,"Ġrequieran":22258,"ĠUNAM":22259,"ijote":22260,"Ġinfluyen":22261,"Ġabundantes":22262,"ĠBruno":22263,"ajillas":22264,"ĠNex":22265,"Ġelevadas":22266,"Ġpuñado":22267,"Ġdene":22268,"ÃŃrculo":22269,"ĠLula":22270,"Ġconsigna":22271,"ĠAuditorio":22272,"Ġrepresentada":22273,"ĠRonda":22274,"Ġdisfruten":22275,"Ġaconsejable":22276,"Ġrecordaba":22277,"Ġfranco":22278,"ĠestÃŃmulos":22279,"Ġvacas":22280,"ĠVolkswagen":22281,"ĠMelilla":22282,"Ġaislado":22283,"hue":22284,"ĠZar":22285,"Ġtranquilamente":22286,"Ġpresionar":22287,"Ġserias":22288,"ĠWes":22289,"Contra":22290,"citación":22291,"Ġrecort":22292,"Ġespiral":22293,"Ġplumas":22294,"ĠAplicaciones":22295,"Ġlazo":22296,"Ġconstituida":22297,"ë":22298,"ĠBrad":22299,"Ġgastronómica":22300,"ĠMenos":22301,"ĠContamos":22302,"ĠComún":22303,"éticamente":22304,"ĠPlaneta":22305,"Ġlooks":22306,"Ġajenas":22307,"tecnologÃŃa":22308,"Ġrayo":22309,"Ġanalizando":22310,"inch":22311,"Mediante":22312,"Ġestimulación":22313,"Ġdormido":22314,"uloso":22315,"Ġcañ":22316,"ĠSeat":22317,"Zapa":22318,"Ġconservador":22319,"Ġdeshidra":22320,"Ġped":22321,"Ġaconseja":22322,"PH":22323,"Ġasilo":22324,"Ġsustentable":22325,"Ġacento":22326,"Ġpromocionales":22327,"cs":22328,"Ġinmejorable":22329,"tv":22330,"house":22331,"ÃīS":22332,"Ġahog":22333,"Ġplur":22334,"Ġintentaba":22335,"uevos":22336,"Ġejecutado":22337,"ĠGabinete":22338,"Ġestuvieran":22339,"Ġticket":22340,"Ġ3000":22341,"Ġconmemoración":22342,"PUB":22343,"ĠAdrián":22344,"tomÃŃa":22345,"ĠmuchÃŃsimos":22346,"gras":22347,"politano":22348,"RAS":22349,"tré":22350,"bando":22351,"Ġdelgada":22352,"Ġcontribuido":22353,"Ġgays":22354,"rosas":22355,"Ġ978":22356,"Ġautorizada":22357,"Ġconducido":22358,"vidos":22359,"Ġcomenzaba":22360,"GAR":22361,"Ġhinchas":22362,"Ġcubren":22363,"Ġecuación":22364,"brica":22365,"Ġdestinar":22366,"ĠPRIM":22367,"Ġmuc":22368,"Ġseleccione":22369,"ĠViena":22370,"legas":22371,"Ġhembra":22372,"ĠmetodologÃŃas":22373,"bó":22374,"Ġconcurs":22375,"ĠZara":22376,"Ġciego":22377,"Ġdiur":22378,"ĠCross":22379,"ĠEventos":22380,"ĠridÃŃculo":22381,"Bas":22382,"Ġencontre":22383,"inarse":22384,"Ġviñe":22385,"Ġtableta":22386,"Ġausp":22387,"Ġdefendió":22388,"Ġsuministros":22389,"ĠAnth":22390,"ĠKu":22391,"Ġagresivo":22392,"Ġhelicóptero":22393,"áñez":22394,"Ġarom":22395,"Ġsientas":22396,"Ġescap":22397,"Ġcaprich":22398,"éri":22399,"Ġabastecimiento":22400,"Ġrepuestos":22401,"ĠprohÃŃbe":22402,"Ġcanela":22403,"Ġretener":22404,"ÃŃculum":22405,"Ġcolocan":22406,"ï¼Į":22407,"ĠWork":22408,"ulando":22409,"Ġmuelle":22410,"ils":22411,"CULO":22412,"Ġenseñado":22413,"ĠDispone":22414,"Ġdirigen":22415,"Ġserpiente":22416,"Ġactivado":22417,"mic":22418,"Ġprocesión":22419,"Ġdisputará":22420,"ĠDesp":22421,"Ġgenerosidad":22422,"Ġexpresan":22423,"Ġenfo":22424,"puede":22425,"Ġenta":22426,"Ġcorporativo":22427,"Ġimpiden":22428,"Ġvarón":22429,"Ġligado":22430,"ĠStephen":22431,"ĠvalentÃŃa":22432,"Ġsoltera":22433,"Ġopina":22434,"ĠvivÃŃan":22435,"ĠdifÃŃcilmente":22436,"Ġchofer":22437,"Ġdiferenciar":22438,"Ġintercon":22439,"Ġafirmaciones":22440,"Ġnumer":22441,"ĠHoras":22442,"Ġdúo":22443,"tonas":22444,"Ġuva":22445,"Consul":22446,"Ġseminarios":22447,"Ġanticipación":22448,"alan":22449,"ĠArroyo":22450,"ĠRelig":22451,"Fund":22452,"Ġcuración":22453,"ĠAlquiler":22454,"Ġaprenden":22455,"desl":22456,"Ġ1500":22457,"Ġenseñó":22458,"ZO":22459,"Ġatmosf":22460,"ĠMisa":22461,"Ġpropiamente":22462,"ĠJosef":22463,"]âĢĭ[":22464,"trán":22465,"Ġmago":22466,"Ġauditorio":22467,"Ġembalaje":22468,"RC":22469,"ittle":22470,"Ġlaguna":22471,"uches":22472,"polis":22473,"ĠRecomend":22474,"ĠLt":22475,"Ġpedia":22476,"Ġgusten":22477,"Ġmonitores":22478,"Ġenriquece":22479,"ĠdescubrÃŃ":22480,"ĠMensajes":22481,"ĠDice":22482,"ĠYoga":22483,"Ġdesconocimiento":22484,"Ġencantadora":22485,"Mir":22486,"ĠRick":22487,"ĠBuenas":22488,"ĠCáncer":22489,"Ġmarcadores":22490,"ĠFlam":22491,"ésel":22492,"!!!!!":22493,"Ġsufrieron":22494,"ĠGinebra":22495,"ĠPapel":22496,"ĠGala":22497,"ĠâĢº":22498,"Ġsolicite":22499,"poder":22500,"Ġvisa":22501,"Ġojalá":22502,"Ġpersever":22503,"Ġperseguir":22504,"Ġconservan":22505,"ichas":22506,"ĠTercer":22507,"Ġlotes":22508,"Ġdesechos":22509,"Ġconfigura":22510,"Ġacude":22511,"análisis":22512,"tecnia":22513,"ĠfrÃŃos":22514,"ĠMobile":22515,"menos":22516,"Ġencuentres":22517,"Ġplát":22518,"ĠaerolÃŃnea":22519,"kan":22520,"ĠCano":22521,"Ġalcanzando":22522,"Recuerda":22523,"Ġdragón":22524,"Ġindiscutible":22525,"Ġlamin":22526,"UP":22527,"Ġdetecta":22528,"áramos":22529,"Ġtaur":22530,"Ġbrus":22531,"ĠSupongo":22532,"Ġproporcionado":22533,"ĠMayores":22534,"Ġsn":22535,"Ġmonasterio":22536,"aloa":22537,"Ġmism":22538,"Ġmetaf":22539,"Ġtablets":22540,"ĠLegislatura":22541,"Ġextendió":22542,"Ġeb":22543,"Ġcelda":22544,"Ġdelgado":22545,"ĠCard":22546,"Ġgradualmente":22547,"rina":22548,"ĠTER":22549,"ĠÃŃntima":22550,"iverpool":22551,"Ġcómics":22552,"Ġcordón":22553,"Ġfundadores":22554,"ĠVeci":22555,"Viv":22556,"Ġtemporalmente":22557,"Ġpreliminar":22558,"jim":22559,"isfer":22560,"Ġobjetiva":22561,"paraÃŃso":22562,"Ġpsicólogo":22563,"ĠEran":22564,"ĠConsell":22565,"Ġdueña":22566,"porta":22567,"Ġquedas":22568,"Ġunida":22569,"ĠLand":22570,"Ġresultante":22571,"Ġtacón":22572,"Ġactivista":22573,"Ġpegado":22574,"vocatoria":22575,"ĠJavaScript":22576,"Ġinvestigando":22577,"Ġfijas":22578,"yug":22579,"Ġhistóricamente":22580,"ĠTRAN":22581,"rev":22582,"diéndose":22583,"terio":22584,"Ġdesempeñar":22585,"Ġpureza":22586,"ĠMete":22587,"ĠConsumo":22588,"+]":22589,"Ġeliminando":22590,"Ġpaleta":22591,"Ġvulgar":22592,"ĠPelÃŃculas":22593,"toshop":22594,"Ġpreside":22595,"ND":22596,"kis":22597,"Ġgrasos":22598,"Ġgiras":22599,"ĠmantenÃŃa":22600,"Euro":22601,"ety":22602,"Ġunió":22603,"ĠCielo":22604,"Ġcortado":22605,"ĠHaw":22606,"ĠAdobe":22607,"Ġdiscapaci":22608,"Ġdisolución":22609,"talo":22610,"ĠCoch":22611,"ĠEns":22612,"casi":22613,"Quizás":22614,"Ġhrs":22615,"ĠLaw":22616,"Ġhacerlos":22617,"Ġfedera":22618,"ĠGrad":22619,"Ġocupados":22620,"ĠSes":22621,"ativo":22622,"Ġdesees":22623,"ĠTérminos":22624,"Ġcultivar":22625,"ĠNas":22626,"proyecto":22627,"rian":22628,"ĠRecuerdo":22629,"Ġquesos":22630,"Ġconvivir":22631,"ĠOfrece":22632,"Ġmarchas":22633,"Ġvener":22634,"ĠHumano":22635,"ĠTeruel":22636,"Ġdefienden":22637,"Ġespejos":22638,"Ġpaulat":22639,"Ġnacionalistas":22640,"ĠSMS":22641,"Ġdomina":22642,"Ġcargador":22643,"Ġregulan":22644,"ĠFilipinas":22645,"acon":22646,"fectos":22647,"ĠNatalia":22648,"Ġreval":22649,"Ġtanques":22650,"ĠResulta":22651,"ozco":22652,"Ġfilo":22653,"Ġfestivos":22654,"conf":22655,"dge":22656,"Ġexcesivamente":22657,"ĠLum":22658,"tento":22659,"Ġprescripción":22660,"ĠAlejandra":22661,"Ġopinar":22662,"Ġriquezas":22663,"Ġentregados":22664,"ĠTransportes":22665,"Ġestimula":22666,"Ġbiológico":22667,"lock":22668,"Ġsobrena":22669,"ĠPOS":22670,"Ġmiran":22671,"Otras":22672,"Deja":22673,"Ġ1969":22674,"ĠIndÃŃ":22675,"ĠdÃŃg":22676,"Ġsacarle":22677,"ĠNave":22678,"Ġsuceden":22679,"quila":22680,"Ġantaño":22681,"Ġenvol":22682,"Ġdam":22683,"Ġlibera":22684,"omagn":22685,"Ġesculturas":22686,"Equi":22687,"ĠFort":22688,"Ġglam":22689,"Ġapasionante":22690,"daria":22691,"ingu":22692,"Ġsecundar":22693,"Ġhebre":22694,"Ġfallecidos":22695,"Ġcontradicciones":22696,"Ġplasma":22697,"ĠMega":22698,"Ġ1967":22699,"Ġdescubriendo":22700,"quet":22701,"ĠTema":22702,"SD":22703,"Ġleves":22704,"vidas":22705,"Ġsocialmente":22706,"Ġsimulación":22707,"iante":22708,"ĠPadres":22709,"ĠEspeciales":22710,"ĠGallar":22711,"Ġpymes":22712,"ĠWEB":22713,"ags":22714,"Dav":22715,"ĠNI":22716,"Ġpilar":22717,"Ġcargada":22718,"ĠPeda":22719,"ĠNACIONAL":22720,"ĠLázaro":22721,"xel":22722,"Ġatas":22723,"Ġinjer":22724,"Ġmaletas":22725,"Ġcoincidir":22726,"ĠLight":22727,"Ġenfermera":22728,"Sem":22729,"âĢ¦,":22730,"Ġpulsar":22731,"fradÃŃa":22732,"ĠAdap":22733,"Ġcorteza":22734,"Ġexpro":22735,"ĠDif":22736,"ĠCloud":22737,"Ġyour":22738,"ionados":22739,"Ġanomal":22740,"ĠNazar":22741,"Ġdoméstica":22742,"ĠaverÃŃas":22743,"ĠSign":22744,"ĠOfrecemos":22745,"uró":22746,"Ġpuramente":22747,"ĠTransparencia":22748,"ĠSiendo":22749,"Ġsiembra":22750,"Ġapreh":22751,"Ġocultos":22752,"Ġ750":22753,"Ġválvula":22754,"COO":22755,"ĠPrimavera":22756,"Mig":22757,"Ġcomplementarias":22758,">>":22759,"Comun":22760,"dencial":22761,"Ġvalen":22762,"ĠAsoci":22763,"Ġofreci":22764,"tore":22765,"ĠGrupos":22766,"Ġcontinentes":22767,"Ġcera":22768,"ĠAntigua":22769,"Ġprivilegiado":22770,"Ġpiratas":22771,"ĠGerencia":22772,"uty":22773,"Ġdotación":22774,"ĠSOBRE":22775,"Ġaterriz":22776,"ĠTechn":22777,"ĠPodrÃŃa":22778,"Ġprecipitaciones":22779,"ĠPodrás":22780,"fl":22781,"izadores":22782,"Ġenviada":22783,"Ġsuyas":22784,"ĠDy":22785,"ĠsequÃŃa":22786,"ĠAriel":22787,"Ġdiversa":22788,"ĠSecu":22789,"Ġeva":22790,"Ġgarantizando":22791,"Ġcabida":22792,"Ġrequerimiento":22793,"Ġprometió":22794,"ĠDocente":22795,"AMA":22796,"Ġendo":22797,"ĠPueblos":22798,"Ġvisiones":22799,"Ġdefinió":22800,"Real":22801,"Ġinjusto":22802,"Ġtirada":22803,"Ġabras":22804,"tru":22805,"Ġinterrupción":22806,"Ġcarrito":22807,"Ġencontrarán":22808,"ĠArmas":22809,"Ġdibuj":22810,"Ġremota":22811,"Ġava":22812,"Ġpregunté":22813,"ĠGuanajuato":22814,"Ġcomunitarios":22815,"ĠLew":22816,"super":22817,"Ġformalmente":22818,"Ġsaneamiento":22819,"teres":22820,"Ġcalificaciones":22821,"ĠRespecto":22822,"campe":22823,"Ġladrillo":22824,"Ġinestabilidad":22825,"zor":22826,"Ġdesplazamientos":22827,"Ġenfatizó":22828,"pping":22829,"Ġ%,":22830,"Ġsobrepeso":22831,"Ġincorporan":22832,"Ġdescartar":22833,"ĠVarela":22834,"Ġsucesor":22835,"Ġimpermeabil":22836,"Ġafe":22837,"Cuenta":22838,"Ġempaque":22839,"Ġinvitan":22840,"Ġdesal":22841,"ĠGim":22842,"Ġcomandos":22843,"Ġanunciaron":22844,"ĠPVC":22845,"Tener":22846,"ificadas":22847,"ĠElÃŃas":22848,"ĠtravesÃŃa":22849,"manas":22850,"Ġtabletas":22851,"ping":22852,"Ġprohibida":22853,"ustro":22854,"Ġcombates":22855,"Ġconvocó":22856,"Ġdesembol":22857,"Ġolvide":22858,"Ġinstalados":22859,"Ġcompasión":22860,"Ġsorprendentes":22861,"Ġnacida":22862,"Ġrotura":22863,"eat":22864,"óticos":22865,"Ġtraducciones":22866,"Ġpredetermin":22867,"ĠLista":22868,"bell":22869,"ĠCorre":22870,"Ġproporcional":22871,"ÃijOS":22872,"Ġencabeza":22873,"tiéndose":22874,"ĠBarack":22875,"Disfruta":22876,"ĠPotosÃŃ":22877,"Ġsabio":22878,"Ġhábitat":22879,"ĠGarantÃŃa":22880,"Ġrespeta":22881,"Ġorganizador":22882,"Ġmatemática":22883,"Ġorques":22884,"Ġsolicitante":22885,"Ġvivas":22886,"Ġenriquecer":22887,"Ġaspirante":22888,"Posteriormente":22889,"Ġsecado":22890,"ĠRevolucion":22891,"ĠNeuro":22892,"Ġapagar":22893,"ĠOperación":22894,"ĠBelgrano":22895,"Ġparan":22896,"tenido":22897,"Ġconfesó":22898,"ĠCup":22899,"Ġbonaer":22900,"Ġmarcando":22901,"Ġcruj":22902,"ĠNorth":22903,"ĠÃij":22904,"Ġconfección":22905,"Ġcaravana":22906,"Ġdentales":22907,"Ġlevadura":22908,"Ġautomatización":22909,"\").":22910,"ĠPERSON":22911,"inará":22912,"ĠEPUB":22913,"uston":22914,"Ġpiense":22915,"ĠAcosta":22916,"ĠNokia":22917,"Ġintercep":22918,"Ġsolicitados":22919,"Ġperi":22920,"Selec":22921,"ĠColo":22922,"Ġlun":22923,"Ġcatalo":22924,"Ġvayamos":22925,"ĠÃŃntegramente":22926,"Ġregulador":22927,"hy":22928,"anual":22929,"tasio":22930,"Ġgeneralizada":22931,"ĠVuelta":22932,"Ġmárgenes":22933,"Ġveis":22934,"Ġatencion":22935,"Ġ1971":22936,"ĠSoc":22937,"ĠSanz":22938,"cóp":22939,"Ġabrieron":22940,"ĠKey":22941,"Ġtapar":22942,"ĠCoordinador":22943,"Ġprescin":22944,"ĠFlu":22945,"Ġergon":22946,"Ġsuspendido":22947,"Ġaprovechado":22948,"Ġmisteriosa":22949,"imir":22950,"berry":22951,"dif":22952,"carse":22953,"Ġtarot":22954,"Ġvelada":22955,"activa":22956,"ĠFerrer":22957,"Ġescriben":22958,"ĠSociedades":22959,"Ġvulnerable":22960,"Ġtratamos":22961,"ĠActividad":22962,"Ġempezaba":22963,"Ġsuben":22964,"Ġgordo":22965,"Ġgobernadores":22966,"Ġeuf":22967,"ĠAman":22968,"Ġimputado":22969,"Servicio":22970,"roco":22971,"Ġentregaron":22972,"iarios":22973,"cena":22974,"Ev":22975,"Ġreferida":22976,"Ġdescubrimientos":22977,"IST":22978,"ĠRodolfo":22979,"Ġsenderos":22980,"ój":22981,"Ġintensas":22982,"ĠcortesÃŃa":22983,"Ġbelga":22984,"Ġdicta":22985,"Haz":22986,"ductor":22987,"Ġfirmes":22988,"Ġcoe":22989,"Ġutilizo":22990,"ĠpermitirÃŃa":22991,"ĠBun":22992,"Ġatleta":22993,"stitucional":22994,"Ġlatinoamericano":22995,"ML":22996,"ĠAparte":22997,"Ġéramos":22998,"ministra":22999,"Ġsubsidi":23000,"Ġcohe":23001,"Ġaccidental":23002,"Ġbalanza":23003,"Ġsimbólico":23004,"Ġrej":23005,"Ġactrices":23006,"ĠConocimiento":23007,"ĠSP":23008,"Ġobtuvieron":23009,"osotras":23010,"Ġconvento":23011,"lao":23012,"ĠEres":23013,"Ġtraición":23014,"Ġimpregn":23015,"Ġluchan":23016,"ĠAérea":23017,"Ġvitalidad":23018,"ipiélago":23019,"CAL":23020,"Conside":23021,"Ġconvencidos":23022,"pÃŃa":23023,"Ġimposibles":23024,"Ġtumores":23025,"Ġsic":23026,"Ġrendimientos":23027,"Ġlineamientos":23028,"rity":23029,"Ġzur":23030,"Ġemprende":23031,"ĠHoracio":23032,"Ġmotocicleta":23033,"ĠBow":23034,"Ġvoluntariamente":23035,"Ġregeneración":23036,"EI":23037,"Ġcontorno":23038,"Ġencier":23039,"Ġcongresos":23040,"bai":23041,"Ġrei":23042,"ĠSports":23043,"Ġordenada":23044,"Ġpasajero":23045,"Ġanular":23046,"Ġgenerada":23047,"Ġdesprecio":23048,"Ġcompletado":23049,"Ġqueriendo":23050,"Ġretroceso":23051,"volta":23052,"Ġmartillo":23053,"elo":23054,"Ġniebla":23055,"ĠLlor":23056,"Ġtomates":23057,"Alguien":23058,"ĠTRABA":23059,"Ġdecente":23060,"Ġagarre":23061,"Ġtraslada":23062,"ĠTaylor":23063,"damiento":23064,"legos":23065,"ĠartÃŃsticos":23066,"ision":23067,"Ġvais":23068,"Ġelectrónicas":23069,"Ġpenitenci":23070,"ĠSinaloa":23071,"Ġestudian":23072,"Ġalternativos":23073,"Ġpareciera":23074,"éndoles":23075,"TB":23076,"Ġforzar":23077,"âĸ":23078,"Ġlindas":23079,"ĠCambie":23080,"Ġtrofeo":23081,"Ġenvase":23082,"rÃŃo":23083,"Ġcasera":23084,"ĠGabriela":23085,"Ġlogramos":23086,"ĠArist":23087,"rime":23088,"Ġusó":23089,"ricos":23090,"ĠBou":23091,"Ġatractivas":23092,"Ġconstruidos":23093,"ĠDuarte":23094,"Ġatravesar":23095,"Ġdemol":23096,"Ġconsent":23097,"Ġencontrando":23098,"Ġprodujeron":23099,"Ġsuceda":23100,"Ġcoral":23101,"Ġanalizado":23102,"Ġmaf":23103,"Ġinsultos":23104,"Ġtransformado":23105,"miendo":23106,"Ġteclas":23107,"cn":23108,"Ġaludi":23109,"Ġtoallas":23110,"ĠKir":23111,"Ġcláusulas":23112,"Ġburbuja":23113,"titis":23114,"Ġreflejado":23115,"Ġbob":23116,"Ġfrescura":23117,"ĠSentencia":23118,"lege":23119,"ĠAfgan":23120,"ÃļBL":23121,"ĠFORMA":23122,"ming":23123,"ĠPur":23124,"Ġmaquinas":23125,"Ġpolo":23126,"Ġarmarios":23127,"quÃŃn":23128,"Ġopositor":23129,"ĠInstrum":23130,"roja":23131,"Ġleido":23132,"sur":23133,"Ġcarecen":23134,"Ġtecla":23135,"ĠvolverÃŃa":23136,"llo":23137,"Ġplagas":23138,"Ġrecorriendo":23139,"ĠRoss":23140,"Ġcontemporáneos":23141,"Ġviuda":23142,"ĠContemporán":23143,"Ġdri":23144,"ĠIngenieros":23145,"ĠHermanos":23146,"Ġdeseaba":23147,"Ġholan":23148,"Ġalbergue":23149,"gramos":23150,"Ġinvolucrado":23151,"Ġcorporales":23152,"ómi":23153,"Ġconectarse":23154,"Ġbruto":23155,"Ġejercen":23156,"ĠAcon":23157,"Ġcolombia":23158,"Ġplantar":23159,"Ġimplicaciones":23160,"Ġcriticado":23161,"ĠCaixa":23162,"ĠAtenas":23163,"Ġaminoá":23164,"Ġhito":23165,"desarrol":23166,"Ġinno":23167,"ENTACIÃĵN":23168,"Ġnecesit":23169,"ĠPago":23170,"rene":23171,"Ġprotegidas":23172,"Ġausente":23173,"Ġsugieren":23174,"Ġengor":23175,"Ġretiró":23176,"Ġofrecerte":23177,"Ġordenación":23178,"ĠNova":23179,"ĠQuijote":23180,"deses":23181,"ĠLIB":23182,"ĠlibrerÃŃas":23183,"Ġinvernadero":23184,"Ġcirujano":23185,"ĠescribÃŃ":23186,"Ġparecidos":23187,"camp":23188,"ĠResponsable":23189,"Ġmale":23190,"cencia":23191,"Ġintercambios":23192,"TIF":23193,"Ġsentada":23194,"Ġproyecta":23195,"ĠCog":23196,"etafe":23197,"Ġtips":23198,"Ġvendió":23199,"iscal":23200,"vadas":23201,"Ġepi":23202,"Ġcontrolador":23203,"ĠBrook":23204,"ĠContral":23205,"itivamente":23206,"Ġinterlocu":23207,"ROS":23208,"Ġquehacer":23209,"ĠAlterna":23210,"Ġbeneficiar":23211,"Ġrevisiones":23212,"Ġjuntar":23213,"Ġenamorada":23214,"tografÃŃa":23215,"Ġequipadas":23216,"Grupo":23217,"Ġcannabis":23218,"Ġenhorabuena":23219,"ĠNacho":23220,"kas":23221,"Ġabdominal":23222,"Ġmusculares":23223,"rang":23224,"Ġformular":23225,"Ġinocentes":23226,"Ġequita":23227,"Ġoptimista":23228,"Ġpasara":23229,"Ġentregan":23230,"plicó":23231,"ĠCuad":23232,"lyn":23233,"ĠAmaz":23234,"Ġobtenga":23235,"Ġrefrigeración":23236,"Ġponte":23237,"juana":23238,"ĠTabla":23239,"Ġsuizo":23240,"urmet":23241,"Ġgiros":23242,"Ġcreamos":23243,"ucaristÃŃa":23244,"ĠJournal":23245,"Ġsetiembre":23246,"ĠLlan":23247,"émica":23248,"Ġmachos":23249,"Ġguardan":23250,"democ":23251,"recho":23252,"Ġpinch":23253,"Ġelijas":23254,"Sistema":23255,"Ġgarra":23256,"Ġrecreación":23257,"quetes":23258,"Ġtesoros":23259,"Ġidóneo":23260,"Ġcosmética":23261,"ĠRedon":23262,"Ġmilen":23263,"ĠLorca":23264,"Ġsujeción":23265,"Ġmadrileña":23266,"estres":23267,"ĠADMINIS":23268,"Ġdesliz":23269,"Ġreceptores":23270,"ĠMars":23271,"Seguro":23272,"ĠRR":23273,"Ġcompla":23274,"Ġpasarela":23275,"ĠContr":23276,"ĠUnida":23277,"Ġpodés":23278,"ĠObjetivo":23279,"ĠDepartamental":23280,"Ġcoincidencia":23281,"yright":23282,"Ġalejar":23283,"ĠCancún":23284,"ĠCasino":23285,"ĠAbel":23286,"ĠlingüÃŃstica":23287,"Ġtil":23288,"Ġrubio":23289,"Ġglánd":23290,"ĠDescarga":23291,"cisión":23292,"you":23293,"Ġtig":23294,"Ġinciso":23295,"Ġ\"¡":23296,"ĠBarb":23297,"Ġinfinita":23298,"Ġsubsecre":23299,"Ġnegado":23300,"Ġplie":23301,"Ġdesplazar":23302,"Th":23303,"ĠDoble":23304,"Ġinfracciones":23305,"ĠComandante":23306,"Ġregistran":23307,"ĠCarm":23308,"Ġvibración":23309,"Ġdesg":23310,"Ġpromotores":23311,"Ġtelefónico":23312,"ĠCres":23313,"Ġiniciación":23314,"pata":23315,"Ġsubvención":23316,"Ġgrises":23317,"Ġalimenticios":23318,"Ġcostura":23319,",âĢĿ":23320,"ĠDarÃŃo":23321,"jol":23322,"Ġrealismo":23323,"Ġaraña":23324,"ĠirÃŃa":23325,"Ġláminas":23326,"Ġramp":23327,"Ġórbita":23328,"zen":23329,"pelo":23330,"Ġcorrió":23331,"Ġtallas":23332,"ĠAlmac":23333,"Ġhiciste":23334,"Ġdefensiva":23335,"Ġterminada":23336,"Ġindio":23337,"Ġadaptan":23338,"Ġdomésticos":23339,"Ġesquinas":23340,"Ġindia":23341,"Ġprobando":23342,"Ġpatentes":23343,"Ġsubsidios":23344,"Ġrevelan":23345,"ĠChel":23346,"ĠIdeas":23347,"ĠMuerte":23348,"ĠKn":23349,"ĠEver":23350,"Ġsucio":23351,"ĠJuvent":23352,"Ġhipotecas":23353,"seguir":23354,"Ġguardi":23355,"Ġcejas":23356,"ĠESTA":23357,"Ġfractura":23358,"ĠNaval":23359,"udul":23360,"soy":23361,"ĠSpo":23362,"Ġresalta":23363,"Ġcañón":23364,"Ġmanejan":23365,"amilton":23366,"Ġvagina":23367,"Ġsureste":23368,"Ġinversa":23369,"zer":23370,"ĠVit":23371,"Ġdescripciones":23372,"leos":23373,"ĠBorges":23374,"Ġdeterminan":23375,"Ġacreditar":23376,"Ġspo":23377,"fue":23378,"ĠGet":23379,"Ġsubven":23380,"Ġrequeridos":23381,"ĠTitan":23382,"Ġdoctr":23383,"Ġconcentrar":23384,"Tampoco":23385,"Ġlatinoamericana":23386,"ĠGio":23387,"Ġexplora":23388,"Ġwa":23389,"Ġhola":23390,"Ġdominicano":23391,"Ġcuántas":23392,"Ġcalmar":23393,"clus":23394,"ĠManzan":23395,"ĠincreÃŃblemente":23396,"actividad":23397,"Ġutilizarlo":23398,"Ġligeros":23399,"Ġcotidianas":23400,"Ġprestigiosa":23401,"vino":23402,"ĠIntegración":23403,"ners":23404,"Ġgane":23405,"ĠllegarÃŃa":23406,"Ġporcentajes":23407,"Ġpalestinos":23408,"ordenadas":23409,"Ġalbergar":23410,"ĠFir":23411,"ĠpornografÃŃa":23412,"Ġinvolucra":23413,"Ġenoj":23414,"Ġtransportes":23415,"gazine":23416,"ĠCompostela":23417,"Ġacné":23418,"ĠTA":23419,"etta":23420,"achi":23421,"Ġlegitimidad":23422,"Ġinventar":23423,"Tex":23424,"ĠNig":23425,"Ġnew":23426,"Ġ128":23427,"Ġcalce":23428,"Ġrebelde":23429,"incluyendo":23430,"ĠEjemplo":23431,"HD":23432,"Ġdesnivel":23433,"Ġcuriosos":23434,"ĠProgramación":23435,"profes":23436,"ĠCarras":23437,"rino":23438,"Ġatrapar":23439,"ĠDead":23440,"Ġtérmico":23441,"Ġremonta":23442,"Ġmalware":23443,"Ġdescubren":23444,"Ġreconstruir":23445,"Ġcenas":23446,"cordia":23447,"ĠPirine":23448,"ĠmarroquÃŃ":23449,"ĠEuros":23450,"ĠEri":23451,"defin":23452,"Ġcupón":23453,"ADE":23454,"tacion":23455,"Ġmecánicos":23456,"Ġsusceptibles":23457,"Ġmotivado":23458,"Ġtritura":23459,"Ġcompran":23460,"Ġmediática":23461,"ĠChrome":23462,"Ġreferidos":23463,"Ġescucho":23464,"ĠAjust":23465,"ĠOliver":23466,"Ġtratara":23467,"Ġmolestar":23468,"glo":23469,"reta":23470,"Ġlevantarse":23471,"Ġcarnaval":23472,"Ġprovee":23473,"?âĢĿ,":23474,"amel":23475,"ĠSN":23476,"Ġjugaba":23477,"?¿":23478,"ĠRat":23479,"Ġgrabados":23480,"Ġpublicitaria":23481,"Ġveterinario":23482,"TICAS":23483,"Ġcaptación":23484,"ĠPermite":23485,"Ġvanguar":23486,"ÑģÑĤ":23487,"Ġpino":23488,"ĠTestamento":23489,"Ġrelacionar":23490,"Sabes":23491,"Ġadecuación":23492,"ĠFen":23493,"Ġtirando":23494,":.":23495,"ĠBut":23496,"Ġresume":23497,"Ġindicaron":23498,"PRES":23499,"Ġconvocatorias":23500,"torrique":23501,"allen":23502,"ĠCará":23503,"ĠÃģr":23504,"Ġaceleración":23505,"Ġalcanzaron":23506,"iseo":23507,"inetes":23508,"ISMO":23509,"ĠBerg":23510,"lojamiento":23511,"Ġbrig":23512,"Ġescalas":23513,"1998":23514,"Ġretribu":23515,"ĠLlev":23516,"Ġsuperhéro":23517,"Ġchinas":23518,"Ġarmadas":23519,"viene":23520,"xt":23521,"ĠdÃŃ":23522,"Ġindignación":23523,"vimiento":23524,"Ġpondremos":23525,"Ġintersec":23526,"Ġevang":23527,"ĠDS":23528,"ércitos":23529,"Ġguardado":23530,"Ġcoordinadora":23531,"YEC":23532,"Ġdictador":23533,"cuencia":23534,"ĠVerg":23535,"Ġintervin":23536,"Dep":23537,"Ġdominación":23538,"ĠSubsecre":23539,"Igualmente":23540,"ries":23541,"Ġmezclas":23542,"Ġestratégicas":23543,"ĠfantasÃŃas":23544,"Ġbik":23545,"Ġzan":23546,"ĠFerre":23547,"Ġconsecutiva":23548,"Ġprogresivamente":23549,"ermo":23550,"Ġcineasta":23551,"Ġeventualmente":23552,"ĠGoya":23553,"Ġsam":23554,"cillos":23555,"Ġhidr":23556,"Ġcreas":23557,"Sabemos":23558,"ĠLozano":23559,"ĠObviamente":23560,"Ġincorporando":23561,"avera":23562,"ĠMontero":23563,"Ġquiebra":23564,"Ġlástima":23565,"ĠDream":23566,"Ġtaquilla":23567,"Ġterribles":23568,"ONES":23569,"icé":23570,"Ġdecirles":23571,"Ġcodo":23572,"Ġresulten":23573,"Ġdedicamos":23574,"ĠAlcan":23575,"Ġfolcl":23576,"Ġprecisos":23577,"py":23578,"ĠSqu":23579,"ĠOjalá":23580,"Ġcontinuado":23581,"Dijo":23582,"Ġrelajado":23583,"Ġconfiguraciones":23584,"Ġexpuesta":23585,"ĠMejores":23586,"ĠOL":23587,"ĠCuanto":23588,"ĠAlc":23589,"ĠSimon":23590,"ĠCONTRA":23591,"Ġdesenv":23592,"Ġserás":23593,"Ġnerviosa":23594,"tológica":23595,"ĠHaitÃŃ":23596,"ĠaÃĥ":23597,"pectiva":23598,"Ġcandidaturas":23599,"Ġplástica":23600,"Ġprótesis":23601,"ÃŃgono":23602,"Ġextremas":23603,"tÃŃan":23604,"ĠUP":23605,"Intro":23606,"":25105,"Ġcatástrofe":25106,"Ġdefendiendo":25107,"Ġfestividad":25108,"jimo":25109,"Ġjul":25110,"Rom":25111,"Ġreapar":25112,"ston":25113,"ĠEng":25114,"Ġ190":25115,"iscopal":25116,"Ġjoder":25117,"Ġomisión":25118,"âĤ¬,":25119,"ĠSnap":25120,"ĠIt":25121,"garo":25122,"Ġfeminismo":25123,"Ġfuncionaba":25124,",[":25125,"ĠFortal":25126,"ĠâĢĭâĢĭ":25127,"Contac":25128,"Ġfavorecen":25129,"Ġinmortal":25130,"Ġpastores":25131,"Ġdesagü":25132,"ĠDorm":25133,"Ġlimitadas":25134,"Ġsubterrán":25135,"Ġgenético":25136,"ĠBiologÃŃa":25137,"Vesti":25138,"ĠGetafe":25139,"Ġllevarla":25140,"Ġrinde":25141,"vamos":25142,"Ġbamb":25143,"ĠIslandia":25144,"ĠSarmiento":25145,"ĠPoesÃŃa":25146,"Ġavisar":25147,"paron":25148,"ĠvacÃŃos":25149,"ĠÃģra":25150,"Ġbacteri":25151,"lut":25152,"Ġenvuelto":25153,"Ġalmendras":25154,"Ġdestruido":25155,"úper":25156,"Ġbou":25157,"Ġnaturalidad":25158,"Ġseguidas":25159,"Ġdesarrollen":25160,"ĠCrear":25161,"Ġtremendamente":25162,"ĠSatur":25163,"Ġcúb":25164,"Ġhil":25165,"ĠAutomo":25166,"Ġ1962":25167,"Ġresol":25168,"Ġrecuerde":25169,"estial":25170,"Ġhidrocarburos":25171,"ĠsinfÃŃn":25172,"ĠNight":25173,"Ġpartió":25174,"dol":25175,"ĠEt":25176,"Ġcoc":25177,"Ġ1920":25178,"Ġprosa":25179,"Ġ320":25180,"ĠPet":25181,"Ġparticipen":25182,"Ġabol":25183,"ĠMuestra":25184,"ĠQuinta":25185,"ĠBotas":25186,"Ġimpresoras":25187,"escri":25188,"Ġtriunfar":25189,"uble":25190,"Ġpicado":25191,"Ġelectores":25192,"Ġaislados":25193,"Ġcompartidos":25194,"Ġfet":25195,"ĠEtiquetas":25196,"Ġcoordenadas":25197,"Ġradicalmente":25198,"ĠInteramericana":25199,"Ġtramit":25200,"Ġherederos":25201,"ĠPorto":25202,"Ġtáctica":25203,"Ġbudi":25204,"Ġfederación":25205,"ĠSoledad":25206,"ĠCif":25207,"ITAL":25208,"ĠPerón":25209,"ĠNey":25210,"Ġshows":25211,"laba":25212,"TenÃŃa":25213,"Ġlineas":25214,"Ġampli":25215,"ĠInés":25216,"Ġvalencia":25217,"entenario":25218,"ĠPrincipal":25219,"Ġdisponga":25220,"Ġgolpear":25221,"Ġmedicación":25222,"ĠBasta":25223,"Ġparamilitar":25224,"Ġinvertida":25225,"Ġconsejera":25226,"ĠBello":25227,"Ġpronunció":25228,"Ġhicieran":25229,"Ġaprovechan":25230,"Ġfloral":25231,"ĠPix":25232,"Ġreducidos":25233,"Ġretratos":25234,"Ġduran":25235,"ĠLicenciado":25236,"Ġcreyendo":25237,"ĠESTU":25238,"zoso":25239,"Ġirrump":25240,"Ġtenor":25241,"Ġalarmas":25242,"Ġthat":25243,"Ġgremi":25244,"Ġvaginal":25245,"Ġmaldad":25246,"bran":25247,"Ġvampiro":25248,"Ġcorrectas":25249,"rix":25250,"Ġinval":25251,"ĠPoblación":25252,"Ġocupando":25253,"ĠcurrÃŃculum":25254,"................":25255,"Ġimpotencia":25256,"Ġllamamiento":25257,"Ġreunidos":25258,"Ġinesperada":25259,"Ġinse":25260,"Ġfuesen":25261,"ejos":25262,"gy":25263,"ĠContinuar":25264,"dale":25265,"Ġexponen":25266,"Ġemergente":25267,"ĠMiles":25268,"mascar":25269,"gonés":25270,"ĠStone":25271,"Ġorgullosa":25272,"verg":25273,"Ġpiro":25274,"ĠVelo":25275,"Va":25276,"ĠValdés":25277,"Ġdivisa":25278,"Ġmarinas":25279,"ĠParticular":25280,"Ġimitar":25281,"vac":25282,"Ġprepararse":25283,"Cla":25284,"Ġyacimiento":25285,"ĠAvel":25286,"Ġcalidez":25287,"Ġcolocando":25288,"Ġconvocada":25289,"Ġmoldes":25290,"ĠSens":25291,"ĠIron":25292,"Ġinstaló":25293,"Ġerradicar":25294,"ĠOEA":25295,"Ġángulos":25296,"Ġininterrump":25297,"ĠCis":25298,"Ġtrailer":25299,"nete":25300,"Ġzinc":25301,"Ġdesmante":25302,"Ġaspiración":25303,"ĠRy":25304,"indicación":25305,"Ġpill":25306,"Ġrelevo":25307,"Ġmineras":25308,"Ġmagnético":25309,"Ġfelicidades":25310,"ĠofrecÃŃa":25311,"omasaje":25312,"Ġpreocupan":25313,"Ġmagna":25314,"Ġdelicias":25315,"stata":25316,"ernet":25317,"ISTA":25318,"Ġllevara":25319,"Ġarchiv":25320,"DER":25321,"Ġnarrador":25322,"tyle":25323,"uyo":25324,"ĠSEGUR":25325,"ĠAnthony":25326,"Ġmilitancia":25327,"Ġentienda":25328,"Ġfrágil":25329,"ágeno":25330,"Ġfasti":25331,"ĠHot":25332,"Ġestaf":25333,"Ġmasaj":25334,"vision":25335,"ugu":25336,"Ġvicio":25337,"ĠRequisitos":25338,"Ġverbo":25339,"Ġsimultánea":25340,"IAS":25341,"Ġindul":25342,"Ġbalne":25343,"Ġconfirman":25344,"Ġparlamento":25345,"Ġfinalidades":25346,"pañol":25347,"uló":25348,"Ġadaptador":25349,"Ġvómi":25350,"Ġvergon":25351,"Ġinician":25352,"rojo":25353,"tegro":25354,"ĠCollege":25355,"Debemos":25356,"Ġalertas":25357,"ĠJefa":25358,"âĢİ":25359,"ĠTeniendo":25360,"enan":25361,"Ġguerrero":25362,"Ġtardó":25363,"Ġexpulsado":25364,"Ġcuevas":25365,"ĠGráfico":25366,"haga":25367,"ĠtendrÃŃamos":25368,"ĠOrganizaciones":25369,"Ġemblemático":25370,"Ġsatisfactoria":25371,"vig":25372,"tners":25373,"Ġpatrimon":25374,"ĠQuienes":25375,"mega":25376,"Ġwebcam":25377,"Ġrea":25378,"ĠConstituyente":25379,"onera":25380,"ĠIncre":25381,"Ġincómodo":25382,"Ġescalo":25383,"Ġaltavoces":25384,"Ġpretemporada":25385,"ĠChev":25386,"Ġcomunicó":25387,"Ġcentavos":25388,"ĠAniversario":25389,"Ġadversos":25390,"queño":25391,"Ġintervalo":25392,"Ġenergéticos":25393,"Ġinsertar":25394,"ĠAdriana":25395,"ĠHumanidades":25396,"Ġsillón":25397,"Ġdesent":25398,"ĠVerónica":25399,"ĠTomo":25400,"Ġcolina":25401,"Ġpreguntando":25402,"ihad":25403,"Ġnazi":25404,"Ġinternacionalmente":25405,"ĠIndonesia":25406,"ark":25407,"eli":25408,"Ġsecador":25409,"Ġignorar":25410,"ĠKon":25411,"Ġarrastra":25412,"Ġsubyac":25413,"oney":25414,"ĠVolver":25415,"Ġconsuelo":25416,"personal":25417,"Ġå":25418,"Ġcate":25419,"Ġencabezada":25420,"Ġescuchan":25421,"estable":25422,"Ġpulver":25423,"ĠOMS":25424,"Ġladrón":25425,"Ġrestablecer":25426,"Ġcoge":25427,"ÃijA":25428,"ĠRecord":25429,"ĠOfertas":25430,"Ġcentrarse":25431,"ĠPerió":25432,"ĠMusical":25433,"Ġetiquetado":25434,"Ġmaximizar":25435,"Ġespin":25436,"Ġfeed":25437,"Ġlimitados":25438,"cusiones":25439,"ĠDiplom":25440,"ĠYoung":25441,"Ġcontesta":25442,"Ġexplosivos":25443,"autor":25444,"Ġreciclado":25445,"ĠStr":25446,"Ġarea":25447,"capaces":25448,"Ġpizarra":25449,"ress":25450,"ĠjudÃŃa":25451,"Ġsalta":25452,"Ġalgoritmo":25453,"edo":25454,"uchar":25455,"Ġcobi":25456,"gico":25457,"ĠLinares":25458,"ĠLou":25459,"ĠPatricio":25460,"Ġfemeninas":25461,"IAL":25462,"ĠIslam":25463,"ĠPalencia":25464,"itra":25465,"ĠIsland":25466,"Ġformativas":25467,"Ġ135":25468,"Francia":25469,"ĠEmma":25470,"ĠPrecisamente":25471,"asticidad":25472,"ientas":25473,"ógn":25474,"Ġintentamos":25475,"Ġentretenida":25476,"ĠPiñera":25477,"ĠfrÃŃas":25478,"gobern":25479,"Ġcontados":25480,"Ġintuición":25481,"ĠMonitor":25482,"ĠLola":25483,"Ġcongre":25484,"ibra":25485,"Ġmanto":25486,"ĠMeta":25487,"ĠGuay":25488,"ĠAvailable":25489,"ĠEtiquetado":25490,"Hacer":25491,"KE":25492,"ĠZapata":25493,"Ġinnovar":25494,"Ġasiste":25495,"Ġindividualmente":25496,"Ġespadas":25497,"Ġcontención":25498,"ĠIG":25499,"nunca":25500,"ĠAI":25501,"Ġprestados":25502,"hace":25503,"ĠTecnológica":25504,"Ġquirúrgica":25505,"Jorge":25506,"ocada":25507,"Ġirme":25508,"Ġinteranual":25509,"Ġfortalezas":25510,"dria":25511,"Ġconcedió":25512,"Ġdespacio":25513,"Ġcompartirlo":25514,"Ġmosa":25515,"Ġauxilio":25516,"ĠSoviética":25517,"Ġsitúan":25518,"Ġinforman":25519,"Ġdeberemos":25520,"Ġmediterránea":25521,"Ġadquieren":25522,"ĠOpinión":25523,"Ġfaldas":25524,"Ġreedi":25525,"ĠEugenia":25526,"watch":25527,"Ġgasta":25528,"Ġindef":25529,"Ġrecogidas":25530,"Ġexcusas":25531,"ĠPierre":25532,"inflama":25533,"flores":25534,"Ġadición":25535,"ĠBenÃŃtez":25536,"ĠMajes":25537,"ELL":25538,"Ġfluc":25539,"enciación":25540,"ĠTalla":25541,"equi":25542,"Cuatro":25543,"Ġvolverse":25544,"Ġpersianas":25545,"ĠVive":25546,"hotmail":25547,"Ġforzada":25548,"ĠPage":25549,"Ġbic":25550,"Ġligeras":25551,"Ġgastronómico":25552,"Ġausteridad":25553,"ĠNou":25554,"Ġmedioambientales":25555,"ĠLion":25556,"ierras":25557,"Vic":25558,"illero":25559,"ying":25560,"Ġduradera":25561,"cÃŃ":25562,"Ġincans":25563,"Ġasma":25564,"Ġsop":25565,"Ġcomprobación":25566,"mesa":25567,"Ġprogresión":25568,"Ġpicos":25569,"Ġsalmón":25570,"Ġcazadores":25571,"Ġentregará":25572,"ĠINF":25573,"cillas":25574,"Santa":25575,"Ġcicatriz":25576,"Pien":25577,"ÙĦ":25578,"letic":25579,"ógrafo":25580,"Ġplaneado":25581,"Ġsexualmente":25582,"ĠMódulo":25583,"ĠDam":25584,"Ġuniversitarias":25585,"Ġrodillos":25586,"ĠDesaf":25587,"Ġfinanciado":25588,"Ġenamorar":25589,"Ġbiológicos":25590,"Ġdegradación":25591,"ĠAprovech":25592,"ience":25593,"ĠBusco":25594,"ĠContreras":25595,"tismos":25596,"Ġfelicitaciones":25597,"ĠSiete":25598,"ĠEmo":25599,"Ġenteras":25600,"Ġviagra":25601,"ĠQueda":25602,"Están":25603,"espa":25604,"Ġcantos":25605,"Ġafectó":25606,"ĠComplutense":25607,"Ġpresidido":25608,"ĠAriz":25609,"Ġvalientes":25610,"Ġvon":25611,"cesor":25612,"Ġimportant":25613,"ess":25614,"ĠvendrÃŃa":25615,"Siguiente":25616,"Ġpsicólogos":25617,"ĠFácil":25618,"Dist":25619,"rint":25620,"Ġatendidos":25621,"eman":25622,"ĠFunda":25623,"Ġrecibi":25624,"ĠCalvo":25625,"osis":25626,"ranza":25627,"Ġsufrag":25628,"Ġmermel":25629,"Ġacompañadas":25630,"Ġampliado":25631,"ĠMichelle":25632,"Saludos":25633,"153":25634,"ĠSOCI":25635,"datario":25636,"ĠElectro":25637,"mentado":25638,"Ġdigestión":25639,"Ġenmarca":25640,"ĠAli":25641,"ÂĶ,":25642,"ĠReunión":25643,"ĠMAC":25644,"Ġdijera":25645,"ĠSie":25646,"Ġapues":25647,"Ġdesarrolle":25648,"Ġmansión":25649,"Ġmasacre":25650,"Ġcn":25651,"Ġsacrificios":25652,"ĠNOR":25653,"Ġafluencia":25654,"mitente":25655,"gh":25656,".*":25657,"Ġadmiten":25658,"Ġaproxima":25659,"Ġhablaremos":25660,"?:":25661,"Ġaro":25662,"EO":25663,"ĠAntic":25664,"Especial":25665,"Ġdistanci":25666,"Ġentenderse":25667,"Ġsolemos":25668,"Ġ¨":25669,"ĠentendÃŃa":25670,"Ġsk":25671,"Ġpropietaria":25672,"ĠEspecialmente":25673,"Ġafortunadamente":25674,"ĠPuigdemont":25675,"ĠEar":25676,"Ġcuestionario":25677,"utada":25678,"Ġasesinar":25679,"Ġpromueven":25680,"historia":25681,"Pedro":25682,"Ġasco":25683,"Ġjugadas":25684,"Ġcondicion":25685,"Ġrespondido":25686,"wski":25687,"ship":25688,"Ġvicepresidenta":25689,"Ġmandado":25690,"Ġalquileres":25691,"foto":25692,"ignas":25693,"Ġencargan":25694,"Ġborrador":25695,"Ġrene":25696,"ĠEspar":25697,"ĠAero":25698,"Ġpublicando":25699,"ĠRepresentantes":25700,"Ġtobillo":25701,"IMA":25702,"ĠAntrop":25703,"dle":25704,"tadoras":25705,"ĠWoo":25706,"Ġcocer":25707,"indro":25708,"urce":25709,"ĠCristal":25710,"ĠAndaluz":25711,"Ġbilateral":25712,"ĠConjunto":25713,"Ġregala":25714,"Ġescuchaba":25715,"denciales":25716,"ĠManejo":25717,"cén":25718,"Ġ`":25719,"ĠInterpre":25720,"óticas":25721,"ĠBásica":25722,"Ġº":25723,"ĠClausura":25724,"Ġincompr":25725,"Ġhidrógeno":25726,"âĢĶâĢĶ":25727,"Ġ>>":25728,"Ġrug":25729,"Ġautomotriz":25730,"Ġtranscurre":25731,"ĠsabÃŃamos":25732,"ĠIlum":25733,"Ġpoliéster":25734,"caya":25735,"émico":25736,"Ġforzado":25737,"Ġclos":25738,"Ġimpresos":25739,"Ġejércitos":25740,"Ġestricta":25741,"lete":25742,"ĠEspi":25743,"Ġgorda":25744,"queras":25745,"Ġmonos":25746,"Ġsemen":25747,"Ġaplausos":25748,"ĠKy":25749,"ĠINE":25750,"Ġcuidando":25751,"AMIENTO":25752,"Ġamada":25753,"Ġrealizaba":25754,"Ġsangri":25755,"Ġjubil":25756,"Ġdesapro":25757,"Recom":25758,"Ġfertilidad":25759,"Ġreab":25760,"iertamente":25761,"ĠCÃŃv":25762,"Ġchiste":25763,"Ġaislada":25764,"Ġataca":25765,"Ġrecuento":25766,"Ġpastoral":25767,"Ġautomáticos":25768,"senger":25769,"ĠNissan":25770,"Ġrepleto":25771,"Ġvalles":25772,"ĠElche":25773,"Ġentramos":25774,"Ġnal":25775,"ĠTron":25776,"Ġreformar":25777,"Ġrecomendó":25778,"Ġcoincidiendo":25779,"Ġtocan":25780,"Ġcontribuyendo":25781,"Ġarcos":25782,"Ġtio":25783,"ĠBeat":25784,"Ġvacunación":25785,"Ġwe":25786,"Ġincreible":25787,"oke":25788,"Ġcoordinado":25789,"Apo":25790,"Ġconejo":25791,"Ġuniformes":25792,"ĠCeuta":25793,"Ġperegrinos":25794,"Ġparaje":25795,"Ġcierran":25796,"Ġcarc":25797,"Ġyer":25798,"Ġjustos":25799,"EST":25800,"ĠInfraestructura":25801,"Ġcomprometió":25802,"tenga":25803,"garia":25804,"ĠKas":25805,"Mus":25806,"idón":25807,"Ġenrol":25808,"quÃŃmica":25809,"Ġproliferación":25810,"ĠPrácticas":25811,"quinaria":25812,"kÃŃn":25813,"Ġresolvió":25814,"ĠLau":25815,"commerce":25816,"Ġraya":25817,"Ġaleja":25818,"ĠcercanÃŃas":25819,"ĠParra":25820,"Ġayudante":25821,"Ġ103":25822,"Ġexil":25823,"Ġkar":25824,"Ġbarril":25825,"ĠAss":25826,"Ġencaden":25827,"Ġnormativo":25828,"Ġiniciada":25829,"ato":25830,"ĠUbuntu":25831,"xit":25832,"ĠIbérica":25833,"Comprar":25834,"ĠTÃī":25835,"ĠGara":25836,"Ġcriticó":25837,"Ġarresto":25838,"pace":25839,"Ġescuadra":25840,"Ġdomicili":25841,"ĠHealth":25842,"Ġanunciada":25843,"Ġempuje":25844,"Ġhadas":25845,"ĠvÃŃspera":25846,"Ġmanifestaron":25847,"Ġpreferidos":25848,"Ġmuertas":25849,"ĠTerritorio":25850,"ĠOde":25851,"ĠMeteor":25852,"tical":25853,"ĠÃļnico":25854,"erción":25855,"Ġcápsulas":25856,"Ġcanchas":25857,"Ġpresidida":25858,"ĠPasa":25859,"Ġtierna":25860,"ĠAmplio":25861,"Ġdeseados":25862,"dafone":25863,"Ġexplicaron":25864,"Ġresiduales":25865,"Ġempleador":25866,"ĠUtiliza":25867,"Ġgratitud":25868,"Ġllevadas":25869,"eeee":25870,"ĠSingapur":25871,"ĠTOR":25872,"Ġpincha":25873,"Ġmagistral":25874,"Ġcucharada":25875,"1992":25876,"ĠMarch":25877,"ĠCommun":25878,"Ġ1939":25879,"Fecha":25880,"Ġmusic":25881,"Entrada":25882,"Ġdolorosa":25883,"Ġquemaduras":25884,"ĠMisiones":25885,"Ġirregulares":25886,"Ġnazis":25887,"Ġbroche":25888,"Ġhortalizas":25889,"udita":25890,"ĠEntra":25891,"Ġzapato":25892,"alas":25893,"Ġvaliosos":25894,"ĠUD":25895,"Ġguion":25896,"chain":25897,"técn":25898,"ĠIba":25899,"Ġenviará":25900,"ĠCeleb":25901,"fs":25902,"Ġbruja":25903,"Ġavena":25904,"ĠOrange":25905,"ĠShop":25906,"ĠGaza":25907,"ĠBR":25908,"Ġcote":25909,"Ġcolgado":25910,"Ġbrevemente":25911,"Ġdifundido":25912,"ásticas":25913,"ocol":25914,"thur":25915,"seca":25916,"Ġgimnasia":25917,"ĠChic":25918,"Ġtomaba":25919,"lanca":25920,"cine":25921,"Ġcomentaba":25922,"Ġllanto":25923,"Ġtuer":25924,"ĠHouston":25925,"Ġfotovolta":25926,"ĠDiccionario":25927,"dium":25928,"ĠCapacitación":25929,"abé":25930,"ĠSucre":25931,"ĠPicas":25932,"vet":25933,"Ġesperemos":25934,"Ġpromovido":25935,"Ġliterarias":25936,"pago":25937,"Ġrefiri":25938,"Ġmisiles":25939,"Ġeducadores":25940,"row":25941,"ĠML":25942,"Ġendeudamiento":25943,"ĠTamaulipas":25944,"Ġinsatisf":25945,"lina":25946,"Ġentrará":25947,"ends":25948,"Ġexplicamos":25949,"Ġcaucho":25950,"Ġcamuf":25951,"Ġcalur":25952,"zul":25953,"Ġimitación":25954,"tético":25955,"amelo":25956,"ĠPiso":25957,"ĠdejarÃŃa":25958,"Ġlegislativa":25959,"Ġevolucionar":25960,"Ġcupo":25961,"Ġmicroorgan":25962,"Ġenfrentó":25963,"Ġpongas":25964,"Ġnieto":25965,"ludo":25966,"ĠRS":25967,"Ġprestam":25968,"strong":25969,"ĠToronto":25970,"Ġestampados":25971,"iá":25972,"ĠBry":25973,"Ġafecte":25974,"Ġcalentador":25975,"Ġparaguay":25976,"Ġeligen":25977,"Ġmerced":25978,"óscopo":25979,"avy":25980,"Ãłs":25981,"Ġtrig":25982,"Ġmembrana":25983,"emo":25984,"olanda":25985,"ĠInstalaciones":25986,"anterÃŃa":25987,"ĠDirectorio":25988,"Ġagresiva":25989,"ENO":25990,"ductos":25991,"Ġesperados":25992,"Ġdiseñadora":25993,"ĠRosas":25994,"tológicos":25995,"Ġterapéutico":25996,"Ġsuscriptores":25997,"ĠManga":25998,"Ġayudarlo":25999,"quisición":26000,"Ġusarla":26001,"ĠPlane":26002,"Ġconfiado":26003,"!!!!!!!!":26004,"ĠPak":26005,"Mat":26006,"GUA":26007,"istan":26008,"ĠCambridge":26009,"ĠChav":26010,"Ġacogedora":26011,"Ġinfinitas":26012,"Ġplaneación":26013,"Ġdoctores":26014,"Ġgremios":26015,"Ġopcion":26016,"Ġtrasc":26017,"ĠMedic":26018,"uevan":26019,"ĠInversiones":26020,"Ġrentables":26021,"ĠJordan":26022,"Ġgracioso":26023,"Ġdescif":26024,"Comple":26025,"ĠLanzarote":26026,"Ġreplante":26027,"Ġlevante":26028,"Ġaranceles":26029,"Ġcriptomonedas":26030,"Ġlob":26031,"toriedad":26032,"Ġcompraventa":26033,"Ġdiócesis":26034,"Ġinterdiscipl":26035,"1995":26036,"iseta":26037,"Ġtomé":26038,"->":26039,"Ġindispensables":26040,"Ġmatrimonial":26041,"Ġpretexto":26042,"ĠClásico":26043,"ĠDep":26044,"gets":26045,"Apar":26046,"wan":26047,"Ġimpuesta":26048,"Ġorienta":26049,"ajen":26050,"Ġnido":26051,"Ġimprev":26052,".¿":26053,"Du":26054,"ĠilÃŃcito":26055,"Ġprofe":26056,"Ġimpartido":26057,"Ġinmovil":26058,"Ġaseguraron":26059,"Ġmetáfora":26060,"ĠResort":26061,"Ġincógn":26062,"ĠPonce":26063,"ĠBAR":26064,"ĠSing":26065,"Ġtriángulo":26066,"Ġaumentaron":26067,"ibus":26068,"Ġocurridos":26069,"ĠMejÃŃa":26070,"Ġcerradura":26071,"inz":26072,"Ġnovias":26073,"Ġdespidos":26074,"Ġproceden":26075,"TIN":26076,"Ġpuertorrique":26077,"Ġenvio":26078,"ĠÃļltimo":26079,"ĠEA":26080,"ĠintrÃŃn":26081,"Ġdesob":26082,"ĠVicepresidente":26083,"Ġútero":26084,"ĠRoad":26085,"Ger":26086,"Ġutilizará":26087,"loque":26088,"Ġacústica":26089,"demas":26090,"Ġinterrumpir":26091,"arcal":26092,"Ġfé":26093,"Ġhormona":26094,"Ġperdi":26095,"Ġexperimentación":26096,"Ġrebaja":26097,"IPO":26098,"Lic":26099,"Ġcircuns":26100,"Ġprolongada":26101,"Ġoct":26102,"ĠWater":26103,"Pat":26104,"[/":26105,"acón":26106,"\"),":26107,"ĠEsther":26108,"ifico":26109,"Ġcoch":26110,"Ġbusquen":26111,"Ġconector":26112,"Ġsupremo":26113,"Ġcoreo":26114,"Ġcloro":26115,"tuarios":26116,"Ġtraum":26117,"Ġenvenen":26118,"Ġafricanos":26119,"Ġnáut":26120,"ificando":26121,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":26122,"Ġimplantes":26123,"pé":26124,"abamba":26125,"Ġsolvencia":26126,"Ġnec":26127,"ockey":26128,"ĠPartes":26129,"vertida":26130,"Ġbonaerense":26131,"Ġabismo":26132,"ĠGeneración":26133,"Ġultras":26134,"ĠAcadem":26135,"Ġrá":26136,"eot":26137,"cretamente":26138,"ĠAlca":26139,"Ġfestivo":26140,"Ben":26141,"Ġdebieron":26142,"Ġâľ":26143,"iang":26144,"ĠAprendizaje":26145,"Ġlabi":26146,"ĠJugue":26147,"Ġpsicos":26148,"ĠCP":26149,"Ġsonrisas":26150,"Ġestereotipos":26151,"Ġpublicitarias":26152,"uelen":26153,"ĠAdministrativa":26154,"acul":26155,"Ġespaciales":26156,"ampe":26157,"Ġdrones":26158,"ĠMarket":26159,"Ġtatuaje":26160,"ĠPatagonia":26161,"Ġenamorados":26162,"TH":26163,"Ġarcilla":26164,"Ġinvitaciones":26165,"Ġespeculación":26166,"Ġacertada":26167,"ĠRector":26168,"ĠOtoño":26169,"ĠFP":26170,"Ġalega":26171,"Ġmatrimonios":26172,"Bon":26173,"ĠLav":26174,"Ġdeban":26175,"ĠacrÃŃ":26176,"Ġargumenta":26177,"Ġrenovada":26178,"Ġhaciéndose":26179,"Ġbrujas":26180,"Antonio":26181,"Ġpractican":26182,"Ġpreventivo":26183,"tify":26184,"Ġsentados":26185,"Ġdefinidas":26186,"Ġeconomistas":26187,"ÃīN":26188,"ĠGESTI":26189,"Ġsecuelas":26190,"ĠDejar":26191,"ĠSesión":26192,"hattan":26193,"Ġferoz":26194,"ĠEqu":26195,"ĠEntidad":26196,"Ġofensivo":26197,"Ġprocedió":26198,"ĠCena":26199,"fecta":26200,"Ġsurgieron":26201,"xos":26202,"Ġechó":26203,"Mil":26204,"Ġreorgan":26205,"ĠDistancia":26206,"Ġhallan":26207,"ĠPrincipado":26208,"Ġreestructuración":26209,"Ġlima":26210,"Ġcolectivas":26211,"Ġ":26212,"Ġcinematográfico":26213,"Ġdesactivar":26214,"MB":26215,"DOS":26216,"Ġarzobispo":26217,"ĠEstar":26218,"ĠLimpieza":26219,"COR":26220,"tarra":26221,"Ġintentarlo":26222,"ĠManolo":26223,"ê":26224,"sy":26225,"Ġcheck":26226,"ĠPerfil":26227,"Ġ280":26228,"Ġ1958":26229,"ĠDura":26230,"verso":26231,"Ġbajista":26232,"Ġhervir":26233,"ĠsecretarÃŃa":26234,"ĠMalvinas":26235,"Ġdiarrea":26236,"Ġdepositar":26237,"Ġolvidemos":26238,"Ġmutua":26239,"Ġtornillos":26240,"ollos":26241,"Ġcontraer":26242,"Ġcombinados":26243,"ĠEURO":26244,"Ġedificaciones":26245,"ĠJavi":26246,"Ġsujetas":26247,"trógeno":26248,"Ġcombustión":26249,"ĠÏ":26250,"GL":26251,"ficantes":26252,"Ġlanzada":26253,"Ġentraba":26254,"ĠAlvarado":26255,"Ġconcebido":26256,"dosas":26257,"Ġmetab":26258,"Ġotorgan":26259,"Ġfog":26260,"Ġresbal":26261,"Ġcelulitis":26262,"Ġobligan":26263,"Ġhash":26264,"Ġestrechamente":26265,"Ġaviación":26266,"ĠGood":26267,"Ġroll":26268,"ĠFI":26269,"Ġsolicitan":26270,"GOS":26271,"sia":26272,"Ġporciones":26273,"Ġdemócrata":26274,"Ġescuche":26275,"Ġropas":26276,"Ġtransmitido":26277,"Ġdisminuyendo":26278,"Ġherb":26279,"ĠPROFES":26280,"ĠApos":26281,"Ġcampanas":26282,"Ġvolveremos":26283,"Ġplanteamientos":26284,"Ġimportaba":26285,"ĠSao":26286,"Ġenton":26287,"Ġnacieron":26288,"Ġrelacionarse":26289,"valor":26290,"Ġvascos":26291,"izará":26292,"ĠSteven":26293,"ĠPereira":26294,"Lar":26295,"elamente":26296,"Ġautonómica":26297,"Ellos":26298,"Ġabsorb":26299,"Ġpóngase":26300,"Ġarmadura":26301,"Ġafectación":26302,"UNA":26303,"ĠParroquia":26304,"Resumen":26305,"tificia":26306,"895":26307,"kh":26308,"uida":26309,"Ġevacuación":26310,"Ġmachista":26311,"ĠMina":26312,"Ġescriba":26313,"Ġilumina":26314,"Ġcansada":26315,"Ġsatélites":26316,"ĠLewis":26317,"Ġavenidas":26318,"Ġburs":26319,"Ġbrindando":26320,"ai":26321,"Ġcontrolados":26322,"Ġpotestad":26323,"Sinopsis":26324,"Ġcolm":26325,"rándose":26326,"ĠmÃŃtica":26327,"Ġestadios":26328,"ximadamente":26329,"ÃįAS":26330,"Ġfranquicias":26331,"Ġasisten":26332,"Ġbarriles":26333,"ĠInfancia":26334,"Ġlógicamente":26335,"ĠConcil":26336,"ĠWii":26337,"ĠMADRID":26338,"Ġdiscrep":26339,"Ġprec":26340,"Ġchaque":26341,"úsqueda":26342,"Ġcachorros":26343,"ĠYun":26344,"Ġdiscreción":26345,"ueltas":26346,"Ġhabilitar":26347,"ĠArco":26348,"acuzzi":26349,"ĠDescar":26350,"Ġgarantizada":26351,"ocó":26352,"Ġfusion":26353,"Ġdemandante":26354,"ESA":26355,"Ġduradero":26356,"email":26357,"Ġpreguntarse":26358,"urne":26359,"Ġestacion":26360,"Ġcafés":26361,"Ġdeudor":26362,"Ġnoveno":26363,"Ġcazar":26364,"Ġcamara":26365,"erne":26366,"Ġsinceridad":26367,"ĠDev":26368,"Ġvasca":26369,"Ġabandonados":26370,"Ġcristianas":26371,"ĠTijuana":26372,"Ġ108":26373,"ĠChelsea":26374,"Ġfugas":26375,"Ġbarn":26376,"illy":26377,"Ġdiésel":26378,"ĠsanguÃŃneo":26379,"aceta":26380,"Ġcasta":26381,"TROS":26382,"Ġorientales":26383,"ĠCharlie":26384,"Ġllenan":26385,"Ġtrading":26386,"ĠFro":26387,"ĠGod":26388,"uestion":26389,"ĠConfiguración":26390,"Ġvacacional":26391,"Ġformativa":26392,"MAR":26393,"Ġtratada":26394,"Ġrealistas":26395,"ĠSagrada":26396,"trabaj":26397,"Ġoponente":26398,"Ġrecuperó":26399,"ĠUrbanismo":26400,"Ġjueza":26401,"olun":26402,"Ġfacilitado":26403,"lectual":26404,"ucidad":26405,"tibilidad":26406,"ĠArenas":26407,"ĠBritán":26408,"Ġinsom":26409,"Ġmaestras":26410,"Ġegresados":26411,"Ġcampeonatos":26412,"225":26413,"ĠAznar":26414,"Ġhonorarios":26415,"pico":26416,"Ġactuado":26417,"ĠrecibÃŃ":26418,"Ġexpresarse":26419,"Gen":26420,"Ġsonrió":26421,"Ġtuv":26422,"ragones":26423,"orno":26424,"Ġbajan":26425,"Ġ1963":26426,"Ġpatios":26427,"Cuándo":26428,"ĠTob":26429,"Ġimputados":26430,"Ġneurol":26431,"Ġdramatur":26432,"perio":26433,"unidense":26434,"mael":26435,"Ġprójimo":26436,"COL":26437,"ded":26438,"Ġsuroeste":26439,"ilea":26440,"Ġrecuperarse":26441,"Figu":26442,"ĠMaj":26443,"Ġintensamente":26444,"Ġcomesti":26445,"Ġgoce":26446,"Ġdestreza":26447,"Ġvestimenta":26448,"Ġtribus":26449,"cuál":26450,"Ġsueco":26451,"IMIENTO":26452,"Ġhuecos":26453,"Ġmariposa":26454,"ĠIrene":26455,"Ġestuviese":26456,"éndote":26457,"Ġmanta":26458,"Ġmineria":26459,"Ġdiscern":26460,"Ġpseudo":26461,"Ġhuerto":26462,"Ġterminará":26463,"Ġsobrino":26464,"Ġautode":26465,"ĠHumberto":26466,"Ġderrotado":26467,"Ġench":26468,"Ġsospechas":26469,"Ġexhor":26470,"ĠcreÃŃ":26471,"CRE":26472,"Ġguatemal":26473,"Ġautorizadas":26474,"Ġdecidida":26475,"oko":26476,"alao":26477,"Ġevitarlo":26478,"ĠPuntos":26479,"ĠHenares":26480,"ooo":26481,"Ġcontrarrestar":26482,"Ġ855":26483,"ĠAceite":26484,"Ġagotado":26485,"Ġánimos":26486,"calo":26487,"Ġseñalización":26488,"ĠCauca":26489,"Ġconstatar":26490,"Ġdil":26491,"eum":26492,"Ġincapaces":26493,"ĠUrbana":26494,"Econ":26495,"ĠPronto":26496,"Ġteme":26497,"resta":26498,"Ġimplantar":26499,"Ġfat":26500,"Ġatún":26501,"Ġinne":26502,"Ġprecisar":26503,"Lin":26504,"Ġcontador":26505,"Ġexpositores":26506,"Ġhonesto":26507,"Ġlobos":26508,"Ġarag":26509,"Ġpresume":26510,"ĠEstim":26511,"ciana":26512,"ĠIBM":26513,"dec":26514,"Ġprecur":26515,"Ġagudo":26516,"Ġcaliza":26517,"ĠChaco":26518,"ÃģC":26519,"Ġremarcó":26520,"ibol":26521,"Ġcajones":26522,"ean":26523,"ĠCoronel":26524,"Ġconsultado":26525,"ĠRab":26526,"Ġqe":26527,"Ġdramático":26528,"ĠEnten":26529,"Ġsalio":26530,"Ġmetropolitana":26531,"Quienes":26532,"Ġdemocráticos":26533,"tering":26534,"ĠFAC":26535,"Ġadopta":26536,"tomas":26537,"Aun":26538,"Ġprincipiantes":26539,"ámina":26540,"Ġestelar":26541,"Ġlanzaron":26542,"lá":26543,"ĠUber":26544,"Ġprórroga":26545,"Ġrecab":26546,"Ġtemático":26547,"Ġdecorativos":26548,"Ġesmalte":26549,"toda":26550,"Ġfrecuent":26551,"ĠKenn":26552,"Ġsabrá":26553,"riosamente":26554,"Ġadquiriendo":26555,"Ãļl":26556,"Ġengen":26557,"Ġequipados":26558,"Ġpuño":26559,"Ġbole":26560,"ski":26561,"Ġando":26562,"ĠGeneralmente":26563,"Ġuniversales":26564,"PUES":26565,"ĠPalermo":26566,"Ġreposición":26567,"ĠAtlas":26568,"Ġbaje":26569,"Ġpertur":26570,"Ġmantengan":26571,"ucci":26572,"ĠCuidado":26573,"Ġvehicular":26574,"iertan":26575,"taduras":26576,"Ġpreguntarle":26577,"Ġdeven":26578,"Ġfolla":26579,"Ġconstruyen":26580,"Ġacreditado":26581,"Ġdesnudos":26582,"ĠBest":26583,"Ġ107":26584,"Ġcontenga":26585,"ĠMiércoles":26586,"ĠTambien":26587,"grupo":26588,"ĠTRANS":26589,"ĠSERVICIOS":26590,"ĠSH":26591,"Ġdespar":26592,"Señor":26593,"cionarias":26594,"Ġprecisas":26595,"ĠFBI":26596,"Ġminús":26597,"Ġoriginario":26598,"Ġresina":26599,"ĠCompeti":26600,"Ġconvocados":26601,"Ġexen":26602,"Ġsustituido":26603,"ĠMono":26604,"ĠParaná":26605,"Ġauditor":26606,"Ġperturb":26607,"Ġbordado":26608,"Ġprofesionalmente":26609,"ĠMoham":26610,"Ġlomo":26611,"Ġcerraduras":26612,"Ġrena":26613,"ĠCatálogo":26614,"adÃŃa":26615,"loso":26616,"ĠInn":26617,"Ġsustituto":26618,"Ġimpactante":26619,"Ġpájaro":26620,"Ġcomplementarios":26621,"Ġavatar":26622,"Ġunánime":26623,"Ġaprendizajes":26624,"Ġescombros":26625,"Fil":26626,"Ġend":26627,"Ġdescarta":26628,"Ġerótico":26629,"ĠDependi":26630,"ĠELEC":26631,"Ġempan":26632,"Conf":26633,"Asociación":26634,"Ġésto":26635,"Ġneoliberal":26636,"Ġfestejo":26637,"ĠEDUCACIÃĵN":26638,"Ġvaloraciones":26639,"Ġecuatoriano":26640,"Ġdiligencia":26641,"Ġdeshacerse":26642,"Ġasistencias":26643,"Ġpropuestos":26644,"Sil":26645,"Ġfuncionó":26646,"Ġbarcel":26647,"Ġvencedor":26648,"Ġcontaron":26649,"Ġhispana":26650,"Ġsembrar":26651,"Ġrendición":26652,"ĠOchoa":26653,"Ġbende":26654,"ciocho":26655,"Ġsuelto":26656,"ĠCOMER":26657,"ĠMolinos":26658,"ÂĶ.":26659,"ionaje":26660,"Ġtalón":26661,"dano":26662,"ĠWell":26663,"Ġempleando":26664,"Ġcitadas":26665,"Ġpulmonar":26666,"Ġidentifican":26667,"pire":26668,"ĠPine":26669,"ĠBic":26670,"ĠRobles":26671,"Ġchaval":26672,"Ġ1200":26673,"Resulta":26674,"ĠLGB":26675,"Ġósea":26676,"ĠPáginas":26677,"ĠHem":26678,"Ġmedianoche":26679,"yd":26680,"Ġporn":26681,"Ġvoltaje":26682,"ĠPosee":26683,"ĠPolitécnica":26684,"Ġopinion":26685,"Ġcamping":26686,"Ġción":26687,"Ġratas":26688,"olution":26689,"etan":26690,"Ġraros":26691,"Ġsoltero":26692,"ugeot":26693,"ÃįCULO":26694,"Ġorales":26695,"Ġayudaron":26696,"Ġhuérf":26697,"Ofrecemos":26698,"yera":26699,"ayer":26700,"Ġalmacenados":26701,"Ġhuele":26702,"Ġtrampas":26703,"ezco":26704,"allos":26705,"ĠCajas":26706,"ĠInfin":26707,"Ġsimpático":26708,"úan":26709,"Ġconsens":26710,"ĠView":26711,"...).":26712,"Ġtraerá":26713,"categ":26714,"Ġentretener":26715,"mons":26716,"Ġinvierte":26717,"Ġmanej":26718,"ĠCOMO":26719,"ĠNep":26720,"ĠCasado":26721,"Ġrespondiendo":26722,"Ġ1961":26723,"ĠAguascalientes":26724,"ĠHarvard":26725,"Ġobligar":26726,"Taller":26727,"ĠPorta":26728,"Ġutop":26729,"Ġasignar":26730,"Ġremuner":26731,"ĠHipo":26732,"HL":26733,"ĠHER":26734,"Ġaconsejar":26735,"Ġalejarse":26736,"Ġtrágico":26737,"Ġant":26738,"Ġsignificó":26739,"Ġaminoácidos":26740,"Ġdébito":26741,"Ġmatemático":26742,"Ġ1948":26743,"ĠBarre":26744,"ĠFirefox":26745,"ĠRally":26746,"Ġimpidió":26747,"Ġcruda":26748,"Ġreanud":26749,"ĠQuiro":26750,"princip":26751,"elación":26752,"ĠBaby":26753,"ITOS":26754,"guaje":26755,"ĠescribÃŃa":26756,"Ġcarcasa":26757,"Ġorif":26758,"Ġwas":26759,"Ġvaci":26760,"Ġdistintivo":26761,"Ġabordaje":26762,"Ġpatrocinio":26763,"Ġgraduación":26764,"Ġinmersión":26765,"ĠMaxim":26766,"Ġpionera":26767,"Ġcausante":26768,"uele":26769,"Ġampliando":26770,"Ġcoser":26771,"Ġucran":26772,"ĠAlas":26773,"ĠOjo":26774,"Ġ5000":26775,"Ġdorados":26776,"ĠContinue":26777,"clopedia":26778,"Ġadquirida":26779,"ĠvalÃŃa":26780,"Ġnegativamente":26781,"Ġratones":26782,"Ġrepiten":26783,"ifican":26784,"ĠIno":26785,"Ġmonarca":26786,"Ġinteractivo":26787,"itaba":26788,"edu":26789,"Ġbiblia":26790,"Ġ2030":26791,"Ġtestamento":26792,"Ġlesionados":26793,"Ġcordero":26794,"Ġreading":26795,"bata":26796,"ñan":26797,"ĠLyn":26798,"Ġcós":26799,"ÃŃfero":26800,"ĠAlexis":26801,"room":26802,"ĠrÃŃt":26803,"Ġyacimientos":26804,"Ġconcurrencia":26805,"ĠPI":26806,"elio":26807,"ĠDió":26808,"Ġalineación":26809,"Ġcomputación":26810,"Ġcim":26811,"Ġsabios":26812,"Reuters":26813,"cf":26814,"ng":26815,"Ġsetas":26816,"fondo":26817,"Er":26818,"MOS":26819,"Ġportadas":26820,"Ġproceda":26821,"ĠRueda":26822,"ĠCama":26823,"Ġmarea":26824,"Ġencontras":26825,"ports":26826,"Ġdesaparecen":26827,"Ġprogramadas":26828,"aquÃŃ":26829,"Ġelasticidad":26830,"Ġresultando":26831,"Fer":26832,"MM":26833,"Ġintentará":26834,"Ġcomprens":26835,"FT":26836,"Ġneuronas":26837,"ĠHorizon":26838,"Ġpunk":26839,"ĠTécnicos":26840,"Ġsospechosos":26841,"Ġcositas":26842,"ĠSerena":26843,"Ġrevoluciones":26844,"ffs":26845,"Ġintolerancia":26846,"ĠBartol":26847,"Ġbeneficiario":26848,"Ġespecificar":26849,"Ġresidencias":26850,"Ġatribuciones":26851,"curo":26852,"Ġaho":26853,"Acu":26854,"Ġpida":26855,"Ġendure":26856,"Ġriqu":26857,"ponen":26858,"Ġmalague":26859,"ĠOper":26860,"Ġdesayunos":26861,"Ġconforma":26862,"Ġvotado":26863,"Ġencontraras":26864,"Ġpreferible":26865,"Ġfritas":26866,"Ġcorn":26867,"Ġcomunal":26868,"Ġapuntes":26869,"ĠOferta":26870,"Ġencomend":26871,"Ġconstar":26872,"Ġpatronal":26873,"Ġvola":26874,"Ġargentinas":26875,"Ġenganch":26876,"Ġcomunitarias":26877,"Ġrepresentativos":26878,"Ġcreadora":26879,"Ġcelebramos":26880,"Ġmamada":26881,"Ġcampamentos":26882,"Fa":26883,"Ġacantil":26884,"Ġtransformó":26885,"ĠPersona":26886,"úd":26887,"Ġcomplicados":26888,"Ġsirvan":26889,"Ġ104":26890,"Ġdelica":26891,"Ġlisa":26892,"ĠsalÃŃ":26893,"Ġtrasladados":26894,"Ġham":26895,"ĠPuesto":26896,"Ġbendiciones":26897,"Ġhelados":26898,"Ġluminosa":26899,"ĠSALUD":26900,"ulle":26901,"emex":26902,"Ġalojamos":26903,"Ġdesempleados":26904,"Solici":26905,"ILIDAD":26906,"tua":26907,"ĠHaya":26908,"Ġpodré":26909,"Vi":26910,"úas":26911,"Ġvenda":26912,"Ġrevit":26913,"ĠClima":26914,"Ġafectará":26915,"ĠConcl":26916,"med":26917,"ĠAlojamiento":26918,"Ġsinerg":26919,"Ġpagados":26920,"Ġtrasplante":26921,"Ġaprobadas":26922,"uladas":26923,"Ġrepito":26924,"gentes":26925,"ĠLectura":26926,"llev":26927,"Ġcasó":26928,"Ġcorrido":26929,"Ġrepartidos":26930,"Ġcito":26931,"ĠEugenio":26932,"ĠEnfermedades":26933,"gle":26934,"Ġcaderas":26935,"lismo":26936,"Ġrequi":26937,"ĠSUPER":26938,"æľ":26939,"Ġcontables":26940,"ĠURSS":26941,"Ġponder":26942,"ĠXP":26943,"Ġaprendió":26944,"Ġbran":26945,"ĠArn":26946,"Ġasumiendo":26947,"ĠMinister":26948,"ĠResearch":26949,"tuve":26950,"Record":26951,"Ġaleda":26952,"ARCEL":26953,"Ġdecadencia":26954,"Ġcaldera":26955,"Ġllamarse":26956,"Ġcontinuada":26957,"punto":26958,"Ġcárceles":26959,"Ġabarcar":26960,"Ġascender":26961,"Ġarrendamiento":26962,"Ġsaludar":26963,"Ġválvulas":26964,"Ġinfiel":26965,"árs":26966,"Ġsilencioso":26967,"ĠArequipa":26968,"ĠMarie":26969,"ĠMartes":26970,"atoria":26971,"Ġveneno":26972,"ĠEmerg":26973,"ĠOrdenación":26974,"Ġencla":26975,"nistÃŃa":26976,"Ġconsiga":26977,"Ġwork":26978,"entista":26979,"ĠFle":26980,"ĠXavier":26981,"Ġasambleas":26982,"ĠPropor":26983,"ĠDiscapacidad":26984,"ĠMonta":26985,"Ġlindos":26986,"Ġconsecutivas":26987,"Ġinflama":26988,"ĠconsistÃŃa":26989,"Ġvives":26990,"Ġcerebrales":26991,"Ġcomercializa":26992,"ĠMERC":26993,"ĠFrida":26994,"AllÃŃ":26995,"Ġpapás":26996,"Ġenfermeras":26997,"Ġanonima":26998,"Ġinstaladas":26999,"Ġdistribuido":27000,"Ġacuerda":27001,"Ġcompensa":27002,"Ġpsiquiá":27003,"Ġpubli":27004,"ĠSocio":27005,"Ġlocalizada":27006,"ĠISS":27007,"Ġatravesando":27008,"Ġcolágeno":27009,"Ġsl":27010,"Ġprimos":27011,"Defin":27012,"ĠIndustriales":27013,"Tele":27014,"tés":27015,"ĠInmac":27016,"Ġtejado":27017,"Ġincorporó":27018,"Ġreconozco":27019,"Ġcomplementa":27020,"ĠBec":27021,"Ġelectromagn":27022,"Ġpeatones":27023,"Ġmasivos":27024,"Ġactuó":27025,"Fre":27026,"Ġocurrieron":27027,"dese":27028,"Ġcascada":27029,"Ġgratific":27030,"Ġcubo":27031,"ĠSales":27032,"Ġparas":27033,"Ġsonda":27034,"Ġemitidos":27035,"ĠPelÃŃcula":27036,"ĠSabadell":27037,"antino":27038,"Ġwebsite":27039,"Ġescasas":27040,"Ġriguroso":27041,"ĠElo":27042,"ĠLiberación":27043,"ĠInspección":27044,"Ġconvenciones":27045,"Ġintermediarios":27046,"Ġtime":27047,"Ġcordones":27048,"ĠRemo":27049,"creen":27050,"fuer":27051,"además":27052,"Ġsexos":27053,"Ġsintético":27054,"Berry":27055,"base":27056,"ĠROM":27057,"Ġinvolun":27058,"ĠProm":27059,"Ġrenombre":27060,"HC":27061,"ambas":27062,"estamos":27063,"ĠTráfico":27064,"Ġsignificaba":27065,"Ġdesigualdades":27066,"ĠSoluciones":27067,"Ġpagas":27068,"Ġcartuchos":27069,"ĠIslámico":27070,"Ġdown":27071,"Ġcedido":27072,"âĢ³":27073,"Ġgeneralizado":27074,"Ġdividendos":27075,"Ġimportan":27076,"ĠPalabras":27077,"Ġmágicos":27078,"Che":27079,"ost":27080,"Ġandaba":27081,"Ġ}":27082,"Ġreproduci":27083,"Ġnutricionales":27084,"ĠINFORMACIÃĵN":27085,"Ġori":27086,"Ġalcantarillado":27087,"Ġdestinatario":27088,"Web":27089,"ĠGrá":27090,"иÐ":27091,"Ġempiezo":27092,"Ġanotaciones":27093,"Ġreflejos":27094,"Video":27095,"Ġgeneroso":27096,"Ġesbo":27097,"ĠmuchÃŃsima":27098,"Ġpasiva":27099,"Ġcometió":27100,"Ġcontribuyente":27101,"Aplic":27102,"Ġpolémico":27103,"ĠAthletic":27104,"Ġninos":27105,"Ġaleación":27106,"Brasil":27107,"Ġcup":27108,"Ġimparcial":27109,"layo":27110,"Ġfea":27111,"Mac":27112,"Ġcontraseñas":27113,"Ġ(@":27114,"ĠAprender":27115,"Ġreden":27116,"Ġsaldrán":27117,"kespe":27118,"Ġ210":27119,"Ġpropongo":27120,"Ġconvención":27121,"gins":27122,"Ġlicenciatura":27123,"ĠLlu":27124,"ĠVisual":27125,"ities":27126,"ĠPacheco":27127,"Ġchatear":27128,"Ġdesesta":27129,"Ġgalaxia":27130,"reci":27131,"ĠDrive":27132,"ĠExpe":27133,"Ġpeatonal":27134,"CAM":27135,"Ġseque":27136,"bonato":27137,"érgica":27138,"Ġobservamos":27139,"tualización":27140,"pona":27141,"Ġensan":27142,"Ġhabitacion":27143,"Ġpalmas":27144,"Ġfragancia":27145,"Ġapreciación":27146,"Ġcardiovasculares":27147,"Ġtaxis":27148,"Ġanestesia":27149,"guin":27150,"Ġobtenidas":27151,"Ġentenderá":27152,"Ġtrataron":27153,"ĠCad":27154,"ĠSIG":27155,"Ġdespachos":27156,"Ġcomporta":27157,"yar":27158,"Ġligas":27159,"Ġcomenzarán":27160,"Ġdurmiendo":27161,"Ġsoñado":27162,"Ġmoviendo":27163,"Ġcun":27164,"ĠGallardo":27165,"ĠCham":27166,"ĠFelici":27167,"Ġinaugura":27168,"Ġdivin":27169,"Ġatienden":27170,"Ġfacilite":27171,"Ġboxeo":27172,"Nuestras":27173,"ĠCry":27174,"ĠLondon":27175,"Ġcordob":27176,"Ġlag":27177,"horia":27178,"Orden":27179,"Ġcontrolan":27180,"Ġinvención":27181,"ĠCosas":27182,"ĠAer":27183,"Ġentendiendo":27184,"Ġdejarla":27185,"Total":27186,"Ġcomerciante":27187,"calipsis":27188,"ĠGuayaquil":27189,"ĠJimmy":27190,"ĠAsegú":27191,"ĠST":27192,"Ġtibia":27193,"Ġantivirus":27194,"Ġexitosos":27195,"JOS":27196,"Cha":27197,"Ġavanzó":27198,"Ġenvolv":27199,"onio":27200,"ĠCumpl":27201,"Ġepic":27202,"Ġverme":27203,"ideportivo":27204,"Ġsagrada":27205,"ür":27206,"Ġinsistir":27207,"Ġcuarzo":27208,"ĠmitologÃŃa":27209,"Siguiendo":27210,"Hombre":27211,"ienses":27212,"centro":27213,"ĠCarol":27214,"ĠpH":27215,"Ġimponerse":27216,"nn":27217,"ĠBorja":27218,"tética":27219,"Ġcuestionar":27220,"Ġinmune":27221,"Ġmanualmente":27222,"Fuente":27223,"ĠEast":27224,"Ġarriesgar":27225,"Ġtuyos":27226,"Ġextreme":27227,"Ġsucursales":27228,"ĠPareja":27229,"ternos":27230,"ĠKin":27231,"ĠESPAÃijA":27232,"Ġfuria":27233,"Ġcombinada":27234,"roño":27235,"ĠSolidaridad":27236,"Ġlaberinto":27237,"ĠBerm":27238,"ĠWood":27239,"ĠlegÃŃtima":27240,"ĠTw":27241,"Ġcogido":27242,"Ġbailando":27243,"ĠCum":27244,"sim":27245,"ĠLleida":27246,"zy":27247,"Ġviola":27248,"Ġhidratante":27249,"ĠØ":27250,"Ġexponencial":27251,"Ġdiligencias":27252,"dema":27253,"Ġinternacionalización":27254,"Ġalumbrado":27255,"ĠDefinición":27256,"patitis":27257,"Ġcursar":27258,"ĠQuién":27259,"ĠCola":27260,"ĠPardo":27261,"Ġcognitivo":27262,"entino":27263,"Ġmedico":27264,"ĠNay":27265,"Ġsubt":27266,"ов":27267,"Ġadoptada":27268,"Ġeludi":27269,"tegui":27270,"Ġcapilar":27271,"Ġinvolucradas":27272,"Ġdorsal":27273,"Ġcotizaciones":27274,"ĠConsorcio":27275,"Ġfollada":27276,"Ġaterrizaje":27277,"ĠVelázquez":27278,"Ġrebas":27279,"Ġperjudicial":27280,"CRIP":27281,"icida":27282,"Ġconfesión":27283,"onna":27284,"rison":27285,"Ġ123":27286,"Ġsusto":27287,"Ġoriginarios":27288,"izaba":27289,"ĠMail":27290,"ĠManhattan":27291,"Ġmontaños":27292,"juven":27293,"Ġrunning":27294,"ĠCamacho":27295,"ĠocurrÃŃa":27296,"ilaterales":27297,"Ġinexplic":27298,"ĠMIL":27299,"ĠSEN":27300,"énico":27301,"Ġfaltó":27302,"Ġdiamante":27303,"ĠcumplÃŃa":27304,"trabajo":27305,"Ġdespejado":27306,"Ġreclaman":27307,"escolar":27308,"Ġprevalencia":27309,"ĠSalida":27310,"Ġvision":27311,"Ġrespiratorias":27312,"esp":27313,"Ġparadój":27314,"Ġanuncian":27315,"Ġmuralla":27316,"Ġantenas":27317,"Ġarist":27318,"Ġreportado":27319,"Ġescuché":27320,"ĠAnimal":27321,"Ġatrevido":27322,"ĠQuir":27323,"ĠLleva":27324,"ĠvacÃŃas":27325,"Ġespecula":27326,"Ġveloz":27327,"Ġaéreos":27328,"Ġralent":27329,"Ġcalabaza":27330,"Ġjen":27331,"bian":27332,"Ġdesayunar":27333,"Port":27334,"agua":27335,"Ġtutores":27336,"Ġmoment":27337,"ĠService":27338,"Ġbó":27339,"Ġeu":27340,"Ġfranquismo":27341,"1996":27342,"Ste":27343,"Ġejerciendo":27344,"Ġespere":27345,"Agregó":27346,"ĠEléctrica":27347,"Ġencaja":27348,"ĠIll":27349,"à¤":27350,"Ġepidemia":27351,"Ġzombi":27352,"Ġmasculinos":27353,"ĠINTERNA":27354,"Ġcromos":27355,"Ġmeren":27356,"ĠDistribución":27357,"Ġamargo":27358,"ĠPintura":27359,"Ġedific":27360,"Ġescuchamos":27361,"Ġquitarle":27362,"Ġlamentó":27363,"ĠShin":27364,"Ġapego":27365,"Ġdestre":27366,"ĠAfortunadamente":27367,"tólogo":27368,"Ġnativo":27369,"Ġlavavajillas":27370,"Ġalgas":27371,"ĠAdán":27372,"Ġcapturado":27373,"ĠAcero":27374,"204":27375,"Ġcimientos":27376,"Ġlagunas":27377,"riam":27378,"Ġdañado":27379,"ĠConservación":27380,"ĠSosa":27381,"ĠCertificación":27382,"Ġparab":27383,"ĠCuán":27384,"Ġtácticas":27385,"Ġenterado":27386,"Ġrecorrió":27387,"LP":27388,"ĠSalom":27389,"mom":27390,"Ġdetective":27391,"Ġabsorbe":27392,"ĠDil":27393,"ĠInterno":27394,"Ġdialogar":27395,"Ġgemelos":27396,"Ġatletismo":27397,"Ġcabel":27398,"plicas":27399,"ĠMetodo":27400,"Ġinfluyentes":27401,"ódromo":27402,"phy":27403,"Ġrech":27404,"Ġnaranjas":27405,"ĠOlÃŃmpico":27406,"endieron":27407,"Ġestigma":27408,"opa":27409,"Ġrevisa":27410,"Ġpale":27411,"cient":27412,"Ġtrabaje":27413,"Estudio":27414,"estado":27415,"Ġtertul":27416,"ĠInteres":27417,"ĠPNV":27418,"ĠIo":27419,"Ġubican":27420,"ÃŃsticamente":27421,"ĠFigueroa":27422,"Ġlibra":27423,"ĠOFICI":27424,"Ġinsignia":27425,"ĠKate":27426,"endio":27427,"Ġfantásticos":27428,"tión":27429,"ĠPuedo":27430,"101":27431,"Ġniegan":27432,"Ġaque":27433,"ĠSantuario":27434,"ĠBOE":27435,"Ġcapricho":27436,"Ġllamaban":27437,"trituradora":27438,"Ġtoxinas":27439,"Ġconectada":27440,"ĠState":27441,"Ġresumir":27442,"ĠreferÃŃa":27443,"Ġimaginado":27444,"tems":27445,"zzo":27446,"Ġtazas":27447,"Ġrecorda":27448,"Ġsalvó":27449,"ĠTest":27450,"talm":27451,"brar":27452,"Ġia":27453,"ĠCitas":27454,"gota":27455,"Ġclimáticas":27456,"Ġnegación":27457,"Ġabandonada":27458,"ĠCreador":27459,"paje":27460,"Ġhaberme":27461,"Ġdescribió":27462,"Ġesqui":27463,"seño":27464,"Ġoportunas":27465,"Ġretrasos":27466,"Ġintegradas":27467,"Ġliderada":27468,"Ġself":27469,"Ġplaga":27470,"ulsa":27471,"activos":27472,"ceras":27473,"Ġesteril":27474,"ĠMalas":27475,"Ġseparan":27476,"Ġvocero":27477,"Ġcicatrices":27478,"ĠMand":27479,"ditas":27480,"Ġobediencia":27481,"Ġadrenalina":27482,"Ġrestaur":27483,"Ġvoluntariado":27484,"ĠSpace":27485,"Ġpresumir":27486,"ambres":27487,"interest":27488,"Ġmia":27489,"ĠDick":27490,"ĠAnaya":27491,"ĠOxford":27492,"zana":27493,"ilers":27494,"Ġmandan":27495,"control":27496,"Ġprotestar":27497,"under":27498,"éanos":27499,"Ġcomprarlo":27500,"ĠFacil":27501,"Ġaseme":27502,"And":27503,"ĠLaborales":27504,")-":27505,"Ġpicante":27506,"Ġestatuto":27507,"ĠChip":27508,"ĠAPI":27509,"Ġalleg":27510,"Ġterrestres":27511,"ámaras":27512,"ĠPÃļBL":27513,"ĠCable":27514,"estoy":27515,"Ġsábanas":27516,"ĠMC":27517,"ĠFarmacia":27518,"quese":27519,"ĠPY":27520,"Ġregulado":27521,"Ġfortalece":27522,"ĠJersey":27523,"exuales":27524,"Compra":27525,"kespeare":27526,"Ġalergia":27527,"Ġfech":27528,"emi":27529,"loma":27530,"Ġtécnicamente":27531,"Ġorganizando":27532,"ĠCorral":27533,"Ġintensivo":27534,"ĠEncuesta":27535,"ĠtÃŃos":27536,"ĠAY":27537,"Ġsolventar":27538,"Ġnicaragü":27539,"tie":27540,"Ġdimisión":27541,"Ġdiet":27542,"Ġalergias":27543,"cupa":27544,"ĠAndy":27545,"Ġdescender":27546,"Santiago":27547,"ĠViña":27548,"ĠPira":27549,"Ġapagado":27550,"Ġciudadanas":27551,"ĠMurillo":27552,"Comen":27553,"Ġcruzada":27554,"Ġatu":27555,"ĠCesar":27556,"Ġnudo":27557,"Ġvertiente":27558,"China":27559,"iqu":27560,"0000":27561,"ĠOcéano":27562,"Ġcómputo":27563,"ĠIntendente":27564,"Ġpodáis":27565,"Ġperiódica":27566,"Ġemocionado":27567,"icadas":27568,"ĠDoug":27569,"ĠlavanderÃŃa":27570,"ĠJennifer":27571,"Ġfiltración":27572,"Ġmezclan":27573,"Ġazule":27574,"Ġpreparativos":27575,"Ġempezará":27576,"Dado":27577,"Ġdejarán":27578,"Ġbromas":27579,"Ġdesconectar":27580,"mg":27581,"Ġinigualable":27582,"ĠBAN":27583,"Análisis":27584,"Ġaumente":27585,"ĠKra":27586,"Ġaportó":27587,"Ġquit":27588,"Ġclon":27589,"Ġavergon":27590,"ĠTap":27591,"ĠConsist":27592,"Ġtraslados":27593,"ĠFrancesa":27594,"Ġestrenará":27595,"Ġseguidor":27596,"ĠÃĤ":27597,"Ġsofisticado":27598,"Ġste":27599,"Ġtemáticos":27600,"Ġcastigar":27601,"Ġafin":27602,"ticen":27603,"Ġomi":27604,"Ġacogerá":27605,"Ġequipar":27606,"ĠQuil":27607,"Ġrecalcó":27608,"caciones":27609,"Ġchistes":27610,"Ġponencias":27611,"Ġinhum":27612,"Ġfuncionaria":27613,"Ġganaderos":27614,"ĠOportun":27615,"Ġblue":27616,"Ġsugerir":27617,"Ġreivindicaciones":27618,"Ġrefrescante":27619,"ència":27620,"ĠPia":27621,"ĠHat":27622,"ĠAgrupación":27623,"Ġjurada":27624,"ĠContralorÃŃa":27625,"Ġdejaban":27626,"Ġimpulsos":27627,"Ġconno":27628,"ñade":27629,"gger":27630,"Ġmarcaron":27631,"Ġmagnética":27632,"Ġhemo":27633,"Ġgrifo":27634,"Foro":27635,"Ġbue":27636,"Ġimpuestas":27637,"ominación":27638,"ĠChristop":27639,"ĠTigre":27640,"!...":27641,"Ġcaducidad":27642,"ĠBruce":27643,"izadora":27644,"Ġanalizó":27645,"Ġcolaborando":27646,"ен":27647,"Cr":27648,"ĠNevada":27649,"Ġdificulta":27650,"ĠGeografÃŃa":27651,"Ġcanario":27652,"Feliz":27653,"Ġpreventivas":27654,"Ġprocesadores":27655,"ĠEMPRESA":27656,"Ġax":27657,"Ġexitosas":27658,"Ġcarisma":27659,"VV":27660,"Ġlimitan":27661,"ĠCámaras":27662,"did":27663,"ĠAmistad":27664,"Ġidentidades":27665,"Ġparcelas":27666,"Ġosteo":27667,"ĠApenas":27668,"riguez":27669,"Ġplugin":27670,"hard":27671,"FP":27672,"uli":27673,"unk":27674,"esel":27675,"Ġlesionado":27676,"Ġarqueológico":27677,"Ġcerrajeros":27678,"tors":27679,"Ġaná":27680,"ĠRecords":27681,"ĠCES":27682,"Ġplásticas":27683,"Ġanchura":27684,"ĠEncan":27685,"Ġatacado":27686,"RS":27687,"Ġdirán":27688,"Ġcontinuos":27689,"Ġdidáctico":27690,"color":27691,"Ġcabelludo":27692,"Ġburbujas":27693,"Ġ650":27694,"Ġfacetas":27695,"abezas":27696,"ĠMÃīXICO":27697,"pina":27698,"Ġecharle":27699,"Pel":27700,"Ġinventado":27701,"Ġfarmacéutico":27702,"Página":27703,"Ġprólogo":27704,"Indic":27705,"Ġése":27706,"Ġcomprueba":27707,"facebook":27708,"Ġfomenta":27709,"ĠefÃŃm":27710,"vania":27711,"Ġcatedrático":27712,"ĠVenus":27713,"ĠPROYEC":27714,"ĠRyan":27715,"comedor":27716,"ĠGarden":27717,"IOR":27718,"ĠYO":27719,"Ġdejarnos":27720,"tizadas":27721,"Ġfianza":27722,"ĠLiz":27723,"ĠOliva":27724,"Ġisl":27725,"ĠGolden":27726,"Ġaptitudes":27727,"Ġcontrata":27728,"Ġopresión":27729,"ĠART":27730,"Ġpedirá":27731,"ĠVIS":27732,"Ġdéj":27733,"ĠNúm":27734,"ĠBosch":27735,"Ġvestida":27736,"ĠMejora":27737,"ĠAhorro":27738,"ÃįTULO":27739,"Ġpersistente":27740,"ĠalegrÃŃas":27741,"ĠMachado":27742,"Ġdetall":27743,"Ġsucesivas":27744,"Ġarqueológicos":27745,"Ġdesma":27746,"Ġtang":27747,"acta":27748,"Ġanemia":27749,"Ġdemandado":27750,"pop":27751,"Ġburocracia":27752,"unte":27753,"Ġperformance":27754,"rÃŃe":27755,"Ġangeles":27756,"isticas":27757,"Ġcolmo":27758,"Vale":27759,"Ġoficialismo":27760,"patri":27761,"Ġcontrarios":27762,"Ġpróstata":27763,"Ġfluidez":27764,"gento":27765,"ĠLibia":27766,"ĠClarÃŃn":27767,"Lee":27768,"gaban":27769,"ĠEslo":27770,"ĠEnvÃŃo":27771,"Ġclav":27772,"Ġenvej":27773,"ĠRGB":27774,"ĠAlcor":27775,"Ġanimaciones":27776,"Ġdamn":27777,"Ġcapacitados":27778,"ĠMD":27779,"Ġdescol":27780,"Ġceremonias":27781,"iley":27782,"Ġpostales":27783,"Ġsimbólica":27784,"ĠLinked":27785,"ĠConec":27786,"Ġabejas":27787,"chel":27788,"ĠEucaristÃŃa":27789,"Ġsuscribir":27790,"ĠMate":27791,"Pablo":27792,"bitros":27793,"Ġapoyó":27794,"adona":27795,"Ġnumeral":27796,"Ġparecidas":27797,"ĠVivir":27798,"Ġesclavo":27799,"Ġvalidación":27800,"John":27801,"Ġporcelana":27802,"Ġelemental":27803,"Ġrevisado":27804,"Ġparámetro":27805,"rigo":27806,"Ġcirug":27807,"ĠAurora":27808,"Ġbuffet":27809,"ĠMexicanos":27810,"Ġmotivaciones":27811,"ĠAA":27812,"ĠJapon":27813,"Ġservirán":27814,"ICIÃĵN":27815,"Ġum":27816,"ĠAnderson":27817,"Ġmédula":27818,"Ġalambre":27819,"Ġhidráulica":27820,"Ġblock":27821,"Ġpredicciones":27822,"abi":27823,"Ġsoldadura":27824,"idable":27825,"Ġindicadas":27826,"ĠPantal":27827,"fón":27828,"Ġmolecular":27829,"zán":27830,"Ġdiscoteca":27831,"ĠSantÃŃsima":27832,"Ġquitó":27833,"ĠDuero":27834,"ĠGrey":27835,"Ġpioneros":27836,"Ġincorporarse":27837,"FIN":27838,"acÃŃ":27839,"Ġmorada":27840,"Ġsonriendo":27841,"Ġcorrectos":27842,"Ġrelató":27843,"ĠAcadémico":27844,"ĠBetis":27845,"ĠTraducción":27846,"fle":27847,"ĠCach":27848,"Ġéticos":27849,"ĠKennedy":27850,"Ġcuen":27851,"ĠcarrocerÃŃa":27852,"Ġleemos":27853,"Ġ106":27854,"Ġrepetidas":27855,"Ġnavideñas":27856,"Ġcabra":27857,"Ġmanager":27858,"Ġcomplicadas":27859,"Ġdinosaurios":27860,"Ġyeso":27861,"Ġhomicidios":27862,"Ġcogiendo":27863,"amental":27864,"Ġfluidos":27865,"icidas":27866,"CaracterÃŃsticas":27867,"Ġaustraliano":27868,"ving":27869,"Ġbrisa":27870,"ĠSpain":27871,"izarro":27872,"Ġartefactos":27873,"ĠFashion":27874,"Ġsumas":27875,"ĠConver":27876,"Ġdesplegar":27877,"Ġhob":27878,"Ġpregunte":27879,"Ġdeterminará":27880,"Ġconcebir":27881,"Ġmercad":27882,"Ġlocaliza":27883,"ĠiT":27884,"ĠSup":27885,"dian":27886,"%;":27887,"ĠEspinosa":27888,"Ġúl":27889,"ĠIberia":27890,"Ġcomparecencia":27891,"Ġrevivir":27892,"Ġgrup":27893,"Ġcontengan":27894,"ĠINTRODUCCIÃĵN":27895,"ĠPrincesa":27896,"ĠDell":27897,"alapa":27898,"ĠGem":27899,"Ġhinch":27900,"ĠJardines":27901,"Ġhidromasaje":27902,"Ġbrindó":27903,"Ġcomponer":27904,"Ġlargometraje":27905,"Ġprivatización":27906,"ĠLet":27907,"guilas":27908,"Ġguiadas":27909,"zuelo":27910,"Ġalmor":27911,"Ġtelevisiva":27912,"ĠAdicionalmente":27913,"zuela":27914,"Ġcráneo":27915,"Ġgeneren":27916,"ĠParedes":27917,"Ġescalar":27918,"Ġforro":27919,"Comer":27920,"Bal":27921,"Ġaumentará":27922,"Ġreivindicación":27923,"onés":27924,"Ġsolista":27925,"bete":27926,"rieta":27927,"tives":27928,"Ñĩ":27929,"Ġhamburguesas":27930,"Ġtuviese":27931,"ĠPrieto":27932,"ĠNin":27933,"ĠKal":27934,"Ġelectri":27935,"Ġreforzado":27936,"Ġfacilitados":27937,"Ġpresupuestaria":27938,"Ġmixto":27939,"Ġdescontento":27940,"Ġtuvi":27941,"Ġdual":27942,"Ġformula":27943,"Ġaspirar":27944,"Ġmicroorganismos":27945,"Ġimped":27946,"ĠsalÃŃan":27947,"Ġoptó":27948,"Ġreservada":27949,"ACA":27950,"Ġcualificados":27951,"Ġalfombras":27952,"Varios":27953,"more":27954,"ĠPozo":27955,"GI":27956,"Ġleones":27957,"Ġvisibil":27958,"ipú":27959,"Ġarrastrar":27960,"Ġdigitalización":27961,"Ġdale":27962,"pea":27963,"Ġconstruidas":27964,"Ġconfiesa":27965,"wall":27966,"Ġprocurar":27967,"Ġeras":27968,"Ġheter":27969,"ĠValdi":27970,"orrupción":27971,"ĠHabitaciones":27972,"ĠcomisarÃŃa":27973,"ĠBrigada":27974,"Promo":27975,"Ġdecorativo":27976,"Ġgrabó":27977,"Ġfrancesas":27978,"ĠSON":27979,"ĠâĢķ":27980,"Ġenchu":27981,"ĠestÃĥ":27982,"ili":27983,"Ġanonimato":27984,"ciudad":27985,"Ġtratos":27986,"Ġdisminuido":27987,"ĠHiper":27988,"Ġliso":27989,"Ġpasteles":27990,"Ġconcern":27991,"TÃŃtulo":27992,"Ġtranspira":27993,"Ġsco":27994,"Ġinsoportable":27995,"UPO":27996,"Ġbut":27997,"Ġimprenta":27998,"Ġdesconocen":27999,"Ġcocinero":28000,"Ed":28001,"ĠBaños":28002,"Ġpelotas":28003,"tail":28004,"Ġhex":28005,"ĠArgel":28006,"inastÃŃa":28007,"ĠPAL":28008,"cillerÃŃa":28009,"Alguna":28010,"Ġcrezca":28011,"Ġapoyada":28012,"WS":28013,"Ġ($":28014,"Ġconviven":28015,"ialis":28016,"Ġilus":28017,"Ġpresenciales":28018,"Ġcasados":28019,"ensores":28020,"ĠEstructura":28021,"Ġetern":28022,"Ġcumplirse":28023,"Ġparticularidades":28024,"Ġbené":28025,"TIA":28026,"gibre":28027,"Ġimpermeable":28028,"ĠCientÃŃfica":28029,"acatecas":28030,"Ġcapitan":28031,"ĠImpacto":28032,"Ġpelir":28033,"Continu":28034,"Ġinterminable":28035,"Ġcasinos":28036,"Ġdesacuerdo":28037,"Ġcarcel":28038,"Ġadquisitivo":28039,"ĠCafe":28040,"ĠLegan":28041,"urdes":28042,"ĠSebastian":28043,"ĠLeyes":28044,"étrica":28045,"Ġdesgraciadamente":28046,"Ġaseguradoras":28047,"ĠHacia":28048,"ĠcurrÃŃculo":28049,"Ġtransitar":28050,"Ġmejore":28051,"Ġviolentas":28052,"ĠTara":28053,"Ġcomercializar":28054,"ĠXiaomi":28055,"Ġcargados":28056,"Ġsentenció":28057,"Ġhumildes":28058,"vergadura":28059,"Ġagresor":28060,"fet":28061,"facto":28062,"Ġrusas":28063,"Ġinsignific":28064,"Villa":28065,"Ġrespetuoso":28066,"GM":28067,"ĠIngles":28068,"Ġemisor":28069,"Ġandroid":28070,"Ġdestrezas":28071,"Ġdaré":28072,"Ġmáscaras":28073,"Ġvalla":28074,"6433":28075,"Be":28076,"Ġservicial":28077,"Ġcapturas":28078,"Ġsupondrá":28079,"Ġempobre":28080,")?":28081,"ĠTenis":28082,"Ġsentirte":28083,"Ġanticipada":28084,"ĠSpider":28085,"cuán":28086,"omasa":28087,"ĠABS":28088,"ĠSQL":28089,"brecht":28090,"Ġocupantes":28091,"Ġfusil":28092,"May":28093,"Ġcascos":28094,"mara":28095,"ucal":28096,"ĠGP":28097,"ĠVallejo":28098,"Ġobstacul":28099,"Ġdetenida":28100,"Ġdesignar":28101,"filia":28102,"Dirección":28103,"Ġreve":28104,"Ġtriang":28105,"Ġespontánea":28106,"Ġrigidez":28107,"Ġfaena":28108,"Ġfontanero":28109,"Ġresonancia":28110,"MON":28111,"Ġjaula":28112,"Ġcostoso":28113,"zará":28114,"Tipo":28115,"ĠPá":28116,"Ġministerios":28117,"CED":28118,"Ġcompletó":28119,"ĠEspecialista":28120,"PAN":28121,"ĠCCOO":28122,"Ġveintena":28123,"ĠColegios":28124,"ARCELONA":28125,"Ġmultim":28126,"Diseñ":28127,"Ġconmemorar":28128,"inamos":28129,"ped":28130,"Ġdirectivas":28131,"Ġpusimos":28132,"Ġalla":28133,"ĠAcompañ":28134,"Ġfundas":28135,"Mol":28136,"Ġentres":28137,"rolet":28138,"ĠNeymar":28139,"town":28140,"ĠmonarquÃŃa":28141,"Ġgela":28142,"Ġsoberano":28143,"Ġdiferenciación":28144,"Ġacelerado":28145,"Ġintemp":28146,"ĠconocÃŃan":28147,"ism":28148,"Ġsemá":28149,"Ġemotivo":28150,"Ġprestando":28151,"Ġideológico":28152,"ĠPontificia":28153,"ciso":28154,"quitas":28155,"Ġsalvado":28156,"Ġhomosexualidad":28157,"cleros":28158,"Ġnaval":28159,"ĠTradi":28160,"clipse":28161,"Ġprorro":28162,"ĠMiembro":28163,"Ġrealizo":28164,"ĠenvÃŃe":28165,"Ġceldas":28166,"ĠSando":28167,"Ġelaboradas":28168,"ancy":28169,"Ġenlaz":28170,"Ġanos":28171,"itarra":28172,"Ġaplicados":28173,"dán":28174,"urÃŃ":28175,"Ġdesesperada":28176,"Ġfarmacéutica":28177,"ĠïĤ·":28178,"ĠDanilo":28179,"Ġcondenó":28180,"ĠisraelÃŃes":28181,"ĠTable":28182,"ĠSangre":28183,"Ġtregua":28184,"lanes":28185,"Ġinsomnio":28186,"ĠBros":28187,"ĠCheca":28188,"ĠgeometrÃŃa":28189,"Ġpasarlo":28190,"Ġenvergadura":28191,"Ġdieciocho":28192,"Ġubicaciones":28193,"Ġproporcionada":28194,"ĠBand":28195,"Ġencontrarnos":28196,"Debe":28197,"ĠAdemas":28198,"ĠAlh":28199,"ĠSonia":28200,"Ġpatata":28201,"Ġencargará":28202,"alimentación":28203,"Ġnulo":28204,"Adi":28205,"ĠWo":28206,"Ġcomprue":28207,"Ġcachorro":28208,"Ġagilizar":28209,"cienden":28210,"Ġgrupal":28211,"ĠTaiw":28212,"ĠSwitch":28213,"Ġcompañia":28214,"Ġdominado":28215,"Ġdialéc":28216,"Ġgene":28217,"ĠRC":28218,"Ġcasting":28219,"Ġcapo":28220,"ĠColombiana":28221,"ĠFÃŃs":28222,"ĠAndorra":28223,"Ġburla":28224,"ecidas":28225,"Ġregaló":28226,"Ġsonoro":28227,"ĠMatt":28228,"Ġvejez":28229,"Ġunica":28230,"Ġcelebraron":28231,"Ġdemocráticas":28232,"Ġlamenta":28233,"Imag":28234,"Ġcuriosidades":28235,"Ġpirata":28236,"Ġambulancia":28237,"Ġalejados":28238,"Ġunieron":28239,"Ġanónimo":28240,"Ġpalanca":28241,"Ġcombinando":28242,"ĠperÃŃmetro":28243,"Ġriendas":28244,"cimos":28245,"ĠBlu":28246,"Ġcilindro":28247,"Ġcancer":28248,"Ġbuses":28249,"Ġdeficiencia":28250,"Ġjesu":28251,"inv":28252,"inista":28253,"Ġfana":28254,"ĠSAT":28255,"Ġparadero":28256,"credi":28257,"ĠâĻ":28258,"ĠEspino":28259,"Ġcontarán":28260,"Ġrepresentó":28261,"ĠDetalles":28262,"ĠhÃŃbrido":28263,"Ġresiste":28264,"Ġemiten":28265,"ĠharÃŃan":28266,"tlán":28267,"ĠCooper":28268,"Ġpracticando":28269,"ĠMáquina":28270,"Diario":28271,"Ġ1955":28272,"Ġrecarga":28273,"Ġiniciarse":28274,"hoto":28275,"ĠOrganismo":28276,"Ġhabrás":28277,"Ġaza":28278,"Ġheteros":28279,"Ġpertenencias":28280,"iloto":28281,"Ġbuscaban":28282,"Ġiluminar":28283,"Ġcuriosamente":28284,"Ġperpetua":28285,"Ġparaguas":28286,"gne":28287,"Inv":28288,"Ġmarcadas":28289,"Ġresidenciales":28290,"dere":28291,"inga":28292,"Ġapariciones":28293,"ferir":28294,"Ġdestacaron":28295,"uster":28296,"Ġhubiere":28297,"Ġbrotes":28298,"Ġexplicaba":28299,"Ġdesarrollador":28300,"Ġexh":28301,"ecerá":28302,"Ġotorgamiento":28303,"Ġelástica":28304,"Ġpensarlo":28305,"Ġlimite":28306,"cimo":28307,"Ġpastilla":28308,"Ġgenerosa":28309,"amaño":28310,"Ġalargar":28311,"ĠATP":28312,"mex":28313,"Ġpenúlti":28314,"Ġpreocupada":28315,"Ġdilema":28316,"Ġsupere":28317,"Ġparticularidad":28318,"Ġascendente":28319,"ĠSituado":28320,"Donde":28321,"ço":28322,"ĠVillarreal":28323,"ĠScar":28324,"Estado":28325,"Ġconju":28326,"LL":28327,"ĠVillas":28328,"ĠKg":28329,"Ġlangos":28330,"Ġadaptadas":28331,"Ġfacilit":28332,"Ġdefraud":28333,"GC":28334,"ĠToluca":28335,"Ġcontrac":28336,"ĠAwards":28337,"ĠFR":28338,"deramiento":28339,"Ġfelicito":28340,"euro":28341,"enn":28342,"Ġvalenciana":28343,"Ġardiente":28344,"ĠSound":28345,"Ġtelevisores":28346,"ĠForal":28347,"Ġprotected":28348,"Ġsingulares":28349,"Ġindependentistas":28350,"Efec":28351,"abro":28352,"Ġpodcast":28353,"Ġdescubrimos":28354,"ĠExtraord":28355,"ĠSatan":28356,"coso":28357,"Ġdeline":28358,"iladel":28359,"Manuel":28360,"ĠReferencia":28361,"ĠPekÃŃn":28362,"Ġerupción":28363,"deremos":28364,"ĠPhotoshop":28365,"Ġaseguradora":28366,"Puedo":28367,"laza":28368,"Ġterminamos":28369,"Ġincrust":28370,"Ġvisitaron":28371,"ĠSkype":28372,"Ġmaldición":28373,"Ġarchipiélago":28374,"Ġpierdan":28375,"Ġposgrado":28376,"Ġjugaron":28377,"Ġdemor":28378,"alias":28379,"Ġenajen":28380,"ĠDIA":28381,"Ġconfiere":28382,"especialmente":28383,"ĠVAN":28384,"Ġsilvestre":28385,"gasta":28386,"Ġpaisaj":28387,"Ġpreguntamos":28388,"Ġobtendrá":28389,"Ġcontaban":28390,"Ġcala":28391,"aut":28392,"Ġsantander":28393,"ĠAbre":28394,"Ġaniquil":28395,"Ġcig":28396,"ĠlÃŃquida":28397,"ejil":28398,"ĠAnn":28399,"Ġhaberle":28400,"ezo":28401,"Ġpenetrar":28402,"rosis":28403,"ĠWik":28404,"Ġmencionan":28405,"ormales":28406,"Ġvendrán":28407,"Ġsótano":28408,"ĠAdultos":28409,"ĠPier":28410,"Ġenfrentado":28411,"Ġviera":28412,"ĠLeopol":28413,"Ġtópicos":28414,"ĠDOMINGO":28415,"ied":28416,"Ġcomplica":28417,"Ġtortilla":28418,"Ġenvuelve":28419,"Ġinterrogantes":28420,"Ġome":28421,"ĠTVE":28422,"Ġdobla":28423,"Ġalimentan":28424,"ĠcaracterÃŃsticos":28425,"VAR":28426,"Ġcarib":28427,"Ġflorales":28428,"Ġproposición":28429,"Ġfiloso":28430,"ful":28431,"Ġcallar":28432,"después":28433,"Ġmeridi":28434,"Ġmotivar":28435,"Ġperciben":28436,"Ġheb":28437,"Ġofrenda":28438,"CategorÃŃas":28439,"Ġconectan":28440,"CAS":28441,"DH":28442,"Ġword":28443,"ĠcaÃŃa":28444,"Ġobligadas":28445,"Ġayudarme":28446,"Ġconspiración":28447,"Ġdeliciosas":28448,"ĠDicen":28449,"ĠGobiernos":28450,"Ġseducir":28451,"Ġdestruye":28452,"Ġestrib":28453,"IDAS":28454,"Ġproporcionados":28455,"ĠJuventus":28456,"Ġiso":28457,"dorf":28458,"Ġrasgo":28459,"ĠDocumento":28460,"ĠRossi":28461,"ĠTECN":28462,"Ġseñas":28463,"Ġdebutó":28464,"ĠSexual":28465,"books":28466,"ĠHispano":28467,"Har":28468,"ĠPiz":28469,"ĠGall":28470,"Ġrecurrentes":28471,"ĠQueen":28472,"ĠFoo":28473,"ĠArts":28474,"icarbonato":28475,"Ġcacer":28476,"veras":28477,"Ġmillonario":28478,"talos":28479,"Ġgrietas":28480,"Ġcualificado":28481,"Quizá":28482,"out":28483,"Ġtun":28484,"Ġarmamento":28485,"ientan":28486,"varo":28487,"Ġ1080":28488,"Ġcapitalistas":28489,"Ġoperado":28490,"Ġ*****":28491,"ĠLittle":28492,"ĠteologÃŃa":28493,"uyeron":28494,"Ġfaculta":28495,"ĠSporting":28496,"ĠNoel":28497,"Ġpienses":28498,"Ġinevitablemente":28499,"dimensional":28500,"ĠVladimir":28501,"Ġalegres":28502,"Ġdesconcer":28503,"Ġpavimento":28504,"OK":28505,"Ġextrava":28506,"TANTE":28507,"Ġalaban":28508,"pulco":28509,"ĠloterÃŃa":28510,"Ġruina":28511,"Ġacidez":28512,"ĠEscribir":28513,"Ġderre":28514,"ĠMajestad":28515,"kt":28516,"Ġgallega":28517,"tori":28518,"Ġover":28519,"Tema":28520,"Ġhúmeda":28521,"Ġdecepcion":28522,"Em":28523,"ango":28524,"ĠMartha":28525,"onic":28526,"Ġfantásticas":28527,"ĠMapa":28528,"monte":28529,"ĠAirlines":28530,"ieblas":28531,"Ġ1957":28532,"online":28533,"Ġmejillas":28534,"ĠThom":28535,"Ġfaciales":28536,"Ġahorra":28537,"ĠLorena":28538,"Ġexistió":28539,"ĠSantana":28540,"Ġdenuncian":28541,"Ġorganizacional":28542,"Trabajo":28543,"ĠDá":28544,"Ġfármaco":28545,"ĠCarrasco":28546,"Ġbenefician":28547,"Ġdelincuente":28548,"Ġalcohólicas":28549,"ĠRevolucionario":28550,"ĠBras":28551,"uello":28552,"QD":28553,"ĠDisponemos":28554,"cesos":28555,"kaia":28556,"Ġteatros":28557,"Ġibérico":28558,"Ġefectuada":28559,"ĠSitios":28560,"Fernando":28561,"Ġestéticos":28562,"Ġbrasileños":28563,"ĠmarÃŃtima":28564,"Ġdetuvieron":28565,"Ġdecisiva":28566,"Ġconcord":28567,"Ġonc":28568,"ĠPHP":28569,"Ġdijimos":28570,"Ġfiables":28571,"ĠAyala":28572,"Ġadversario":28573,"ĠDurán":28574,"Ġcauce":28575,"Ġplaceres":28576,"ĠsintonÃŃa":28577,"Ġvicios":28578,"ĠMucha":28579,"kinson":28580,"Ġdespach":28581,"gés":28582,"endientes":28583,"kee":28584,"ĠContinu":28585,"ĠMoon":28586,"Ġzanahoria":28587,"Ġalmacena":28588,"Ġbb":28589,"toso":28590,"ĠAH":28591,"Ġinfal":28592,"Ġordenanza":28593,"Ġprudente":28594,"Ġconfirmada":28595,"Ġserenidad":28596,"Ġestupe":28597,"ĠCordero":28598,"Ġreconociendo":28599,"evales":28600,"Nombre":28601,"atlón":28602,"ĠTún":28603,"teralmente":28604,"Ġsaltó":28605,"Ġflamante":28606,"Ġcalzada":28607,"Mad":28608,"Ġprudencia":28609,"Ġpianista":28610,"ĠTerror":28611,"Hor":28612,"Ġdespertado":28613,"ining":28614,"Ġcoordinada":28615,"Ġdedico":28616,"Ġnike":28617,"ĠDefensorÃŃa":28618,"Ġátomos":28619,"Ġenro":28620,"bÃŃ":28621,"Ġcentran":28622,"Ġdeco":28623,"ground":28624,"Ġsubsan":28625,"Ġocultas":28626,"Ġasignados":28627,"Ġvillas":28628,"ĠCien":28629,"anamente":28630,"Ġreinos":28631,"piter":28632,"ĠBanca":28633,"Ġagarrar":28634,"Ġexperimentando":28635,"antas":28636,"Ġtelevisivo":28637,"ĠfrigorÃŃfico":28638,"ĠDERE":28639,"Ġâ":28640,"Ġpuntaje":28641,"Ġoz":28642,"ĠrecibÃŃa":28643,"Ġaprecio":28644,"ĠCuevas":28645,"Ġembu":28646,"elet":28647,"ĠEV":28648,"Ġempleadas":28649,"Ġsangrado":28650,"indic":28651,"ĠLé":28652,"ĠiTunes":28653,"tepec":28654,"Ġintervenido":28655,"Ġharto":28656,"Ġpatrocinadores":28657,"Ġpatin":28658,"Ġsabrás":28659,"Cual":28660,"inaba":28661,"Ġpoker":28662,"Ġpremiado":28663,"Ġpreferida":28664,"CIS":28665,"łĢ":28666,"Ġinstructor":28667,"centes":28668,"Ġconsecuente":28669,"Ġdegustación":28670,"ĠFi":28671,"Ġambientación":28672,"Ġarroyo":28673,"Ġreproducciones":28674,"Ġinterviene":28675,"Ġigualar":28676,"ĠMonts":28677,"Ġcondominio":28678,"ĠPRODUC":28679,"ĠLargo":28680,"ĠTas":28681,"Ġport":28682,"---":28683,"Ġfeministas":28684,"Ġkilogramos":28685,"Ġnano":28686,"Ġdesigna":28687,"ĠNegocio":28688,"Ġhemisferio":28689,"ĠolÃŃmpico":28690,"ĠPich":28691,"SerÃŃa":28692,"Ġmatado":28693,"Ġcarteras":28694,"Ġpolaco":28695,"Ġválidos":28696,"Ġdesventajas":28697,"Ġhemorrag":28698,"!âĢĿ.":28699,"ĠcreÃŃdo":28700,"Ġperforación":28701,"onder":28702,"Ġinhal":28703,"Ġsustituye":28704,"indle":28705,"llam":28706,"Ġutilizaba":28707,"Ġcomprensible":28708,"Ġ175":28709,"ĠMorgan":28710,"Ġprever":28711,"Ġofrecerán":28712,"Ġcontinuarán":28713,"iji":28714,"dirección":28715,"feria":28716,"Ġcompatriotas":28717,"Ġaccionista":28718,"Sigue":28719,"ĠFuera":28720,"SP":28721,"ĠExpres":28722,"Ġatrapados":28723,"view":28724,"Ġtierno":28725,"ĠHablamos":28726,"Ġdevenir":28727,"ĠaverÃŃa":28728,"ienten":28729,"Ġconcejala":28730,"NG":28731,"avi":28732,"Ġchalet":28733,"blado":28734,"ĠDependiendo":28735,"ĠBin":28736,"Ġnobleza":28737,"Ġinformando":28738,"Ġexistencias":28739,"Ġllegados":28740,"ĠClasificación":28741,"ĠAgropecu":28742,"Ġdesarrollarán":28743,"ĠJuntos":28744,"RT":28745,"Ġcumplieron":28746,"Ġgenero":28747,"Ġmafia":28748,"ĠEnv":28749,"kov":28750,"Ġcertificada":28751,"Ġconson":28752,"ĠOrganiza":28753,"bps":28754,"Ġmatando":28755,"Ġcesar":28756,"odo":28757,"xicación":28758,"Ġexcluidos":28759,"Ġtesor":28760,"IZA":28761,"ĠSand":28762,"Ġaguacate":28763,"Ġbotán":28764,"Ġligados":28765,"ĠAven":28766,"Ġacuario":28767,"Fal":28768,"Ġgrama":28769,"ĠAntropologÃŃa":28770,"Ġsalariales":28771,"Ġenviaremos":28772,"ĠDATOS":28773,"EMOS":28774,"Ġautonómicas":28775,"Ġcohesión":28776,"ILI":28777,"Ġcirculan":28778,"Ġyihad":28779,"Ġperfumes":28780,"puso":28781,"Ġelástico":28782,"ĠCreemos":28783,"ARROL":28784,"Ġfeb":28785,"Precisamente":28786,"ĠIndias":28787,"Ġespionaje":28788,"Ġexistiendo":28789,"ĠZamb":28790,"ĠClases":28791,"fren":28792,"Ġdictada":28793,"Ġhala":28794,"ivia":28795,"ĠLenin":28796,"ĠGuinea":28797,"Ġhablaban":28798,"OMBRE":28799,"Ġcivilizaciones":28800,"ĠRefug":28801,"mez":28802,"Juego":28803,"ĠSav":28804,"Ġtrago":28805,"Ġbitcoin":28806,"ĠBC":28807,"ĠSOCIAL":28808,"ĠCuesta":28809,"Ġmovido":28810,"Ġconsideren":28811,"Ġpodes":28812,"ĠCampeón":28813,"Ġsupervisar":28814,"Ġeyac":28815,"âĢ²":28816,"ĠTito":28817,"tiempos":28818,"äº":28819,"ĠPrivada":28820,"Ġsubmarino":28821,"Ġestira":28822,"eciera":28823,"Ġculminó":28824,"orización":28825,"Ġmigratoria":28826,"Ġfiltraciones":28827,"Ġfracasos":28828,"Ġfestejar":28829,"Ġconfesar":28830,"ĠShakespeare":28831,"Ġlona":28832,"ĠLL":28833,"ERIA":28834,"ĠIk":28835,"Ġpreceptos":28836,"Ġfuncionado":28837,"Ġcomentan":28838,"Ġpropagación":28839,"ĠAñadir":28840,"ayuda":28841,"Ġcuanta":28842,"Ġpisar":28843,"tainment":28844,"Ġaras":28845,"Ġinterpretada":28846,"ĠsanguÃŃneos":28847,"ĠArchivos":28848,"ĠNinguna":28849,"Ġbár":28850,"Ġpescar":28851,"Ġplátano":28852,"Ġvertebral":28853,"ĠPROGRAMA":28854,"Ġproporcionará":28855,"flu":28856,"ĠmamÃŃferos":28857,"Ġvom":28858,"Ġredactar":28859,"Ġfresas":28860,"istem":28861,"ĠCanon":28862,"Ġcóctel":28863,"Ġcomensales":28864,"Ġreproduce":28865,"Ġpirámide":28866,"Ġandadura":28867,"ĠChur":28868,"Ġrefuerzos":28869,"Ġencontrarlo":28870,"tizo":28871,"ĠRetiro":28872,"Ġfisio":28873,"ĠCapilla":28874,"Ġagregando":28875,"Ġgerencia":28876,"1994":28877,"Ġbolivianos":28878,"Ġcuat":28879,"Ġcompacta":28880,"Ġapta":28881,"Ġpresentador":28882,"Ġmundialmente":28883,"enovela":28884,"Ġusur":28885,"Ġsanas":28886,"Ġdistorsion":28887,"Ġrecomendados":28888,"vd":28889,"Ġplanear":28890,"Ġhipote":28891,"bury":28892,"Ġapasiona":28893,"ĠOsorio":28894,"ruguaya":28895,"Ġcontroladores":28896,"Ġcariñosa":28897,"feos":28898,"ĠEinstein":28899,"ĠNeo":28900,"Ġlanzan":28901,"Ġsometidas":28902,"Ġadversas":28903,"ĠEje":28904,"Ġvestidor":28905,"jemplos":28906,"ĠAquellos":28907,"ternas":28908,"page":28909,"Ġexigiendo":28910,"Ġconvenga":28911,"tidora":28912,"Ġalgoritmos":28913,"Ġinfusión":28914,"ĠepÃŃ":28915,"Sam":28916,"tijo":28917,"isima":28918,"ĠFreud":28919,"ĠNigeria":28920,"tinales":28921,"Ġcomplacer":28922,"ĠHOR":28923,"Ġsignifican":28924,"Ġevolucionando":28925,"Observ":28926,"vÃŃn":28927,"Ġresultará":28928,"tológicas":28929,"Tel":28930,"Ġperra":28931,"Ġcás":28932,"ĠHecho":28933,"Ġmentalmente":28934,"Ġperdonar":28935,"etano":28936,"uladores":28937,"ĠDestac":28938,"1000":28939,"ĠConv":28940,"Ġadoración":28941,"ĠParticip":28942,"Ġparó":28943,"ñeta":28944,"ÃŃpro":28945,"Ġcontrasta":28946,"teando":28947,"mercado":28948,"ĠMáximo":28949,"Aprovech":28950,"ionada":28951,"positivo":28952,"Ġocular":28953,"Ġdesemboc":28954,"ĠÑģ":28955,"Ãľ":28956,"ofici":28957,"Ġmultimillon":28958,"Ġcibern":28959,"exper":28960,"ĠMonasterio":28961,"Ġselectivo":28962,"Ġtemblor":28963,"Ġsalgo":28964,"ĠVEN":28965,"ĠpertenecÃŃa":28966,"Ġportafolio":28967,"Ġfenomenal":28968,"buena":28969,"click":28970,"Ġ111":28971,"Ġafecciones":28972,"Ġanunciantes":28973,"ĠleÃŃa":28974,"Ġobservador":28975,"Ġnarices":28976,"Just":28977,"Ġmesti":28978,"Ġlámina":28979,"Ġfabricadas":28980,"Ġdiverso":28981,"Ġcolombianas":28982,"Ġcue":28983,"ĠAlfa":28984,"ciòn":28985,"Ġoscil":28986,"Ġdesconocidas":28987,"Ġcreces":28988,"ĠIntelectual":28989,"Ġsuenan":28990,"Ġbienvenido":28991,"Ġbalcones":28992,"Ġinterroga":28993,"doy":28994,"Ġburocr":28995,"crÃŃ":28996,"Ġtambor":28997,"wen":28998,"ĠMaratón":28999,"Ġdiesel":29000,"ográfico":29001,"ĠBlackBerry":29002,"Ġimplementa":29003,"Ġdiscreta":29004,"ĠCusco":29005,"Ġabro":29006,"ĠAuditorÃŃa":29007,"Ġcoque":29008,"ĠBeltrán":29009,"Ġtenencia":29010,"Ġdemostraron":29011,"Nav":29012,"Ġgobierna":29013,"Ġlanzando":29014,"Ġaceptando":29015,"ĠComprom":29016,"Ġempujar":29017,"Ġreleg":29018,"ĠDD":29019,"Ġtendido":29020,"Ġperonismo":29021,"Ġsantidad":29022,"Ġimplac":29023,"Ġmascarilla":29024,"Gonz":29025,"Ġpower":29026,"ĠSuite":29027,"Ġtacos":29028,"Ġtenes":29029,"ĠHabitación":29030,"Ġsellado":29031,"gus":29032,"tini":29033,"Ġescru":29034,"vivencia":29035,"Ġevoc":29036,"Ġcrueldad":29037,"gana":29038,"ĠBenjamÃŃn":29039,"ĠRazón":29040,"ĠRecientemente":29041,"Ġintegrarse":29042,"Ġalejada":29043,"ĠMoy":29044,"vedades":29045,"ĠColon":29046,"ĠPatronato":29047,"Ġcerraron":29048,"Ġdecretos":29049,"ĠDinero":29050,"Ġterapéutica":29051,"ylon":29052,"Ġnicho":29053,"ajajaja":29054,"Ġverga":29055,"ĠTesis":29056,"Ġasequibles":29057,"Ġépica":29058,"Ġrotos":29059,"Ġasentamiento":29060,"ĠManif":29061,"Ġabarcan":29062,"ricense":29063,"éndolos":29064,"Salud":29065,"Ġexcre":29066,"Ġconcient":29067,"¡¡¡":29068,"rop":29069,"Ġdespropor":29070,"ĠposeÃŃa":29071,"Ġbin":29072,"ĠRita":29073,"Ġdióxido":29074,"Ġviñedos":29075,"Ġinsistencia":29076,"Ġgolp":29077,"Ġcocido":29078,"Ġintriga":29079,"ĠBernabé":29080,"110":29081,"Ġemin":29082,"racle":29083,"Ġenviaron":29084,"utación":29085,"Ġaltavoz":29086,"Ġinalámbrico":29087,"Ġrezar":29088,"Ġderivar":29089,"Trad":29090,"Ġindex":29091,"Venezuela":29092,"liber":29093,"ĠEndesa":29094,"Ġaeronave":29095,"Ġencajar":29096,"ĠCarri":29097,"Ġcapucha":29098,"Ġcostera":29099,"ĠCoco":29100,"ĠLEY":29101,"ĠVodafone":29102,"ĠBartolomé":29103,"tarle":29104,"TAC":29105,"js":29106,"ásicos":29107,"Ġpatrulla":29108,"Ġmacroecon":29109,"Ġbatido":29110,"Detal":29111,"ĠArtic":29112,"ĠOlga":29113,"ozca":29114,"Ġnovedosa":29115,"uerpos":29116,"?!":29117,"ĠCierre":29118,"ĠOld":29119,"ĠAgencias":29120,"Ġlistados":29121,"Ġcómplice":29122,"Ġ×":29123,"Ġrondas":29124,"Ġprofundidades":29125,"ĠastrologÃŃa":29126,"Ġadyac":29127,"Ġhot":29128,"Ġbab":29129,"Ġbarri":29130,"Ġpublicará":29131,"Ġeliminatoria":29132,"xito":29133,"Buena":29134,"ĠFos":29135,"Ġmaderas":29136,"Ġñ":29137,"ĠGale":29138,"Cat":29139,"Ġdiger":29140,"Ġ109":29141,"Ġaugu":29142,"élicos":29143,"Ġcolocados":29144,"icerÃŃa":29145,"Ġcortina":29146,"++":29147,"ĠQuerÃŃa":29148,"Ġvendo":29149,"MD":29150,"Ġembo":29151,"Javier":29152,"unch":29153,"Ġmiramos":29154,"Ġefectúa":29155,"Ġanfitriones":29156,"Ir":29157,"algun":29158,"ĠSeleccione":29159,"PodrÃŃa":29160,"Ġpresas":29161,"Ġ1956":29162,"Ġsubsecretario":29163,"asto":29164,"ĠEstrellas":29165,"ĠKle":29166,"Ġcolocarse":29167,"Ġmodular":29168,"Ġexperimentados":29169,"bable":29170,"Ġacordaron":29171,"Ġcontracción":29172,"Ġaprendan":29173,"ĠAntár":29174,"Ġamericanas":29175,"Ġenseño":29176,"rillero":29177,"Ġexplotaciones":29178,"Ġparis":29179,"Ġdepartamental":29180,"Ġpulido":29181,"Ġtransexuales":29182,"Ġreflec":29183,"letter":29184,"amaha":29185,"ĠMagazine":29186,"ĠMétodo":29187,"ĠTÃīCN":29188,"ĠBit":29189,"orne":29190,"Ġsuspens":29191,"Ġabundan":29192,"ĠSantam":29193,"Ġrepresentaba":29194,"blema":29195,"ĠFase":29196,"Ġsolidez":29197,"Ġinsistido":29198,"ĠpÃŃxeles":29199,"ĠPadilla":29200,"ĠFlex":29201,"Ġusual":29202,"Ġenérg":29203,"Ġsaliera":29204,"ĠTipos":29205,"Ġsurgimiento":29206,"ĠDivina":29207,"Seguramente":29208,"Ġ[+]":29209,"Ġoriginaria":29210,"Ġpodeis":29211,"Ġrodillo":29212,"ĠUEFA":29213,"Ġmonopolio":29214,"Ġentras":29215,"Ġgasolin":29216,"Ġechando":29217,"Ġgrabada":29218,"Ġvibrante":29219,"Igual":29220,"iño":29221,"ĠBL":29222,"ĠValley":29223,"Ġcompramos":29224,"Ġdivulgar":29225,"ĠSalva":29226,"ĠPinterest":29227,"ĠTouch":29228,"Daniel":29229,"táneos":29230,"ĠRevisión":29231,"Ġentier":29232,"ĠBatalla":29233,"Ġgallina":29234,"Ġcomprenden":29235,"Ġescuad":29236,"Ġcalienta":29237,"wal":29238,"ĠConsulte":29239,"Ġnavideña":29240,"Ele":29241,"ĠâĢľâĢ¦":29242,"Ġazúcares":29243,"Ġminimalista":29244,"ĠEstrada":29245,"Ġafecten":29246,"Us":29247,"Ġtó":29248,"Ġtrabajaron":29249,"Ġadaptaciones":29250,"ĠEQU":29251,"ĠVid":29252,"Ġconstituyó":29253,"Ġpresenciar":29254,"Precio":29255,"Ġaperitivo":29256,"ĠCURSO":29257,"Ġexplique":29258,"Alemania":29259,"Ġextremidades":29260,"Ġreglamentación":29261,"ĠclÃŃ":29262,"ĠElabor":29263,"túen":29264,"Ġgastado":29265,"iiii":29266,"Ġgalo":29267,"ĠVehÃŃculos":29268,"año":29269,"eland":29270,"Ġbata":29271,"Ġleyó":29272,"ĠPicasso":29273,"Ġok":29274,"Ġnot":29275,"ĠNapole":29276,"Flor":29277,"libre":29278,"*)":29279,"ĠSolamente":29280,"CUR":29281,"ĠTun":29282,"ĠGMT":29283,"thon":29284,"Ġcarbon":29285,"ĠAlmagro":29286,"sonaro":29287,"Ġacusada":29288,"Ġadmin":29289,"Ġeru":29290,"Ġalérg":29291,"Ġacabará":29292,"ĠBárbara":29293,"Mucho":29294,"Ġobl":29295,"Ġpauta":29296,"Ġcamisas":29297,"Ġmitigar":29298,"ónima":29299,"ĠTEN":29300,"Ġobedece":29301,"ĠDescuento":29302,"ĠtenÃŃas":29303,"poco":29304,"Cola":29305,"UER":29306,"Ġincorrecto":29307,"Ġcomputador":29308,"Ġsimpatizantes":29309,"Ġsituar":29310,"Ġreportajes":29311,"Ġgesta":29312,"Ġmamás":29313,"ĠVergara":29314,"erme":29315,"Ġapostado":29316,"enzamos":29317,"Ġprevisible":29318,"tuando":29319,"Ġrepresentativo":29320,"IONES":29321,"Ġnavideño":29322,"Ġrecreativas":29323,"Ġut":29324,"ĠApartamento":29325,"Ġapela":29326,"itcoins":29327,"Ġв":29328,"amanga":29329,"ĠComb":29330,"Ġreferir":29331,"Ġdescubierta":29332,"Ġrodeados":29333,"ĠminorÃŃas":29334,"ĠcontenÃŃa":29335,"Ġvertig":29336,"Ġcelebrarse":29337,"ICACIONES":29338,"ĠCochabamba":29339,"eal":29340,"Ġmedioambiente":29341,"ĠPau":29342,"Ġinicie":29343,"iser":29344,"Ġdescritos":29345,"ĠBloque":29346,"Ġretribución":29347,"Ġvillano":29348,"hou":29349,"Ġenseñando":29350,"ĠJohnny":29351,"ĠconfÃŃan":29352,"ĠPolÃŃtico":29353,"ĠPráctica":29354,"ĠCardenal":29355,"Ġautobio":29356,"Ġvideoclip":29357,"ĠCátedra":29358,"ĠMecánica":29359,"ĠRecetas":29360,"tivación":29361,"ĠRuss":29362,"apropi":29363,"Ġbrasil":29364,"Ġempap":29365,"grana":29366,"Ġfitness":29367,"Ġboy":29368,"Ġradial":29369,"Ġgozan":29370,"ĠIdentidad":29371,"Ġinel":29372,"ĠNoreste":29373,"Ġpelis":29374,"Ġguay":29375,"Ġdireccion":29376,"Ġone":29377,"Ġriñones":29378,"ĠAus":29379,"Ġpesadas":29380,"ĠAND":29381,"peto":29382,"iedo":29383,"Ġsensualidad":29384,"Ġincrementos":29385,"dinámica":29386,"Ġporos":29387,"Ġelo":29388,"laneda":29389,"ĠIntervención":29390,"ο":29391,"Informe":29392,"Ġdesahu":29393,"Ġpremiados":29394,"ahuila":29395,"Ġgolpeado":29396,"Ġesposas":29397,"Ġ.-":29398,"ĠPeters":29399,"Ġconducto":29400,"Ġamarillos":29401,"Ġlong":29402,"Ġencantará":29403,"Ġancestral":29404,"Ġcomete":29405,"Ġacarre":29406,"AV":29407,"oms":29408,"Ġrepel":29409,"ambla":29410,"ĠLord":29411,"Ġgrand":29412,"cules":29413,"Ġfumadores":29414,"ĠBayern":29415,"ĠCris":29416,"Ġsirio":29417,"Ġocéanos":29418,"Ġequilibrar":29419,"lisis":29420,"ĠEth":29421,"Ġmanic":29422,"Ġdoscientos":29423,"Ġgalardonado":29424,"Ġporteño":29425,"Ġnociones":29426,"quiz":29427,"ĠMob":29428,"ĠNotas":29429,"ĠAgrade":29430,"ĠSat":29431,"Ġcelo":29432,"Ġevalúa":29433,"ĠArizona":29434,"Ġpuros":29435,"Ġagotamiento":29436,"UV":29437,"FR":29438,"ĠPAC":29439,"Ġvaqueros":29440,"ĠCabello":29441,"working":29442,"peros":29443,"yon":29444,"Ġnon":29445,"Ġinna":29446,"BAS":29447,"Ġdefensivo":29448,"Ġcorrespondan":29449,"Ġsolicitantes":29450,"Ġballet":29451,"Ġamarillas":29452,"CESO":29453,"Ġpronósticos":29454,"ĠJOS":29455,"Ġembra":29456,"Ġcomparable":29457,"Ġestructurado":29458,"Ġcondujo":29459,"Ġlujoso":29460,"Ġgeográficas":29461,"Ġmediterráneo":29462,"ĠSarah":29463,"endadas":29464,"ĠYA":29465,"Ġcertificaciones":29466,"Ġubicó":29467,"geci":29468,"ymp":29469,"Ġhits":29470,"quiere":29471,"Ġrectangular":29472,"ĠGeorgia":29473,"Aparte":29474,"ĠVisión":29475,"ĠAcce":29476,"Ġencarn":29477,"Ġcobrado":29478,"Ġdesequilibrio":29479,"pac":29480,"ĠRevis":29481,"ĠGun":29482,"tese":29483,"Ġfax":29484,"icina":29485,"Ġdiagrama":29486,"Ġmariposas":29487,"Sea":29488,"ĠTib":29489,"Ġdominicana":29490,"Ġrubros":29491,"Ġmapuche":29492,"ĠVigilancia":29493,"Ġimplicado":29494,"Ġpoético":29495,"Ġtenta":29496,"Ġmejorada":29497,"Ġganados":29498,"ĠcardÃŃaca":29499,"Ġratificó":29500,"Ġimpulsando":29501,"Seguimos":29502,"Cab":29503,"Ġredund":29504,"ETA":29505,"Ġfotocopia":29506,"ĠLamentablemente":29507,"ĠComando":29508,"Ġplatillos":29509,"Ġpanes":29510,"Ġagroalim":29511,"ĠTerapia":29512,"Ġcazador":29513,"Ġsuspiro":29514,"Ġcubriendo":29515,"Ġtonalidades":29516,"Ġagobi":29517,"Ġsendas":29518,"ĠDecora":29519,"Ġmemorable":29520,"Ġchispa":29521,"Ġenriquecimiento":29522,"ures":29523,"Ġsentirnos":29524,"itano":29525,"Ġotorgada":29526,"Ġgeográfico":29527,"Ġvernos":29528,"Ġemisoras":29529,"ĠPIN":29530,"Åį":29531,"Ġflechas":29532,"clerosis":29533,"Ġcongén":29534,"ĠVaya":29535,"Ġverlas":29536,"Ġpenins":29537,"ĠFarmac":29538,"Ġplantaciones":29539,"ĠMilan":29540,"ĠcreÃŃan":29541,"icks":29542,"ĠSurf":29543,"Habrá":29544,"zosa":29545,"Ġaud":29546,"ĠExplorer":29547,"Ġconsiderará":29548,"Ġirrad":29549,"four":29550,"Ġnarcotra":29551,"Ġpillar":29552,"ARES":29553,"Ġmantenerlo":29554,"Ġinterruptor":29555,"eds":29556,"mediatamente":29557,"ĠEnglish":29558,"ERG":29559,"Ġcigarrillos":29560,"juelas":29561,"ĠPinto":29562,"bada":29563,"Ġpil":29564,"Ġfav":29565,"Ġmontos":29566,"BOR":29567,"Ġprós":29568,"Ġdignos":29569,"Ġrevan":29570,"étrico":29571,"Ġcorrelación":29572,"Ġsentar":29573,"Ġestablecieron":29574,"Ġpajar":29575,"Ġacabas":29576,"Ġbook":29577,"Ġenfocados":29578,"Ġilimitado":29579,"Ġdisfruto":29580,"Ġproductoras":29581,"Ġelementales":29582,"ĠCNN":29583,"Ġdispersión":29584,"Ġpublicaron":29585,"Ġmudanza":29586,"Ġtacones":29587,"Ġrepasar":29588,"Ġgenuino":29589,"iev":29590,"Ġresi":29591,"Ġuni":29592,"Ġunilateral":29593,"Ġcansados":29594,"ĠCAT":29595,"cosas":29596,"Ġvotaron":29597,"Ġsurre":29598,"ĠOficiales":29599,"ĠJurÃŃdica":29600,"Ġdisfunción":29601,"ĠsanguÃŃnea":29602,"Ġasimilar":29603,"Ġsusceptible":29604,"ĠScience":29605,"landesa":29606,"Presentación":29607,"cibles":29608,"Ġcumplirá":29609,"ĠPraga":29610,"Ġcavidad":29611,"bec":29612,"Ġamueblado":29613,"Ġbecause":29614,"ĠPodrá":29615,"eather":29616,"ĠProblemas":29617,"auto":29618,"Ġintroduciendo":29619,"ĠCriminal":29620,"Sim":29621,"head":29622,"ĠVieja":29623,"lanco":29624,"down":29625,"Ġvincular":29626,"ĠIDE":29627,"ĠVeamos":29628,"Termin":29629,"Ġrodado":29630,"Ġlejanos":29631,"Ġseré":29632,"Ġnitrógeno":29633,"Ġadoptó":29634,"Ġcotidianos":29635,"ĠiPod":29636,"Ġapropiación":29637,"Ġquitarse":29638,"Ġdescansa":29639,"ĠFujim":29640,"Apartamento":29641,"tificados":29642,"Ġdesestabil":29643,"Ġsensacional":29644,"Facebook":29645,"Ġlegalización":29646,"lf":29647,"ĠPienso":29648,"Ġclor":29649,"muchas":29650,"ĠPrue":29651,"Ġeficazmente":29652,"ĠpondrÃŃa":29653,"Ġoperando":29654,"Ġshock":29655,"Ġsucu":29656,"itarismo":29657,"Ġcelebrarán":29658,"Ġconciliar":29659,"hombre":29660,"ĠArsenal":29661,"Ġdevor":29662,"Ġemplazamiento":29663,"Ġancl":29664,"ogue":29665,"ĠKer":29666,"ĠDesn":29667,"ĠFunciones":29668,"Ġperjudicar":29669,"ĠProme":29670,"Ġmotocicletas":29671,"Ġtrabajen":29672,"herine":29673,"ĠInformes":29674,"ĠSUV":29675,"ĠCero":29676,"ĠDallas":29677,"Ġmodifican":29678,"Ġpañales":29679,"ĠCarles":29680,"Ġderivan":29681,"ump":29682,"Inf":29683,"Ġfabuloso":29684,"Ġprofetas":29685,"Ġponerla":29686,"ĠSquare":29687,"ĠComunitat":29688,"Ġdistribuidas":29689,"ĠDirectivo":29690,"Ġabstracto":29691,"Ġlino":29692,"trato":29693,"Ġblas":29694,"ĠSÃŃndrome":29695,"Ġmágicas":29696,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":29697,"ĠEf":29698,"ĠVela":29699,"Ġviajado":29700,"Ġacumulan":29701,"álida":29702,"ĠpedagogÃŃa":29703,"Ġalti":29704,"Ġexigido":29705,"Ġenteramente":29706,"Ġrond":29707,"Ġmariscos":29708,"Ġdelegada":29709,"erios":29710,"Ġcancion":29711,"Ur":29712,"ĠAmo":29713,"amilia":29714,"Ampl":29715,"tÃŃfice":29716,"Ġóxido":29717,"Ġirritación":29718,"ĠinequÃŃ":29719,"ĠKur":29720,"ĠcarpinterÃŃa":29721,"Ġprag":29722,"Ġopuestos":29723,"ĠWarner":29724,"Ġpedagógica":29725,"Ġentrañable":29726,"Ġchampú":29727,"sul":29728,"Ġarterias":29729,"Ġdecidan":29730,"ĠBenedicto":29731,"comunicación":29732,"Ġconcesionario":29733,"Mos":29734,"ĠanatomÃŃa":29735,"Ġanhelo":29736,"Ġhipoc":29737,"ĠPAT":29738,"Ġrepercusiones":29739,"Ġandaluces":29740,"ĠTLC":29741,"comple":29742,"Ġopen":29743,"ĠSagrado":29744,"Ġrejuven":29745,"ĠGarrido":29746,"Ġdemar":29747,"Ġchorro":29748,"ĠLP":29749,"Ġdentista":29750,"ĠLig":29751,"Ġdisfrutaron":29752,"Hubo":29753,"tires":29754,"Ġdesist":29755,"Ġdeterminantes":29756,"Ġbancada":29757,"incido":29758,"ĠEras":29759,"ĠSeis":29760,"Ġkey":29761,"ĠHear":29762,"Ġcoach":29763,"Ġfreelance":29764,"Ġadjudica":29765,"Ġmaduración":29766,"Ġacreedor":29767,"ĠCoro":29768,"ĠKi":29769,"ĠContratación":29770,"rÃŃamos":29771,"ĠAve":29772,"Ġagradecemos":29773,"Ġmuestro":29774,"Ġformativos":29775,"Ġescaparate":29776,"./":29777,"Ġ1947":29778,"hibió":29779,"Ġbucal":29780,"Ġpuños":29781,"Ġcerdos":29782,"Ġrepresentativa":29783,"dl":29784,"ĠRendi":29785,"Ġfallado":29786,"Ġrepleta":29787,"psic":29788,"Ãģn":29789,"Ġdiagnosticar":29790,"sticamente":29791,"Ġdeberia":29792,"Ġlanzará":29793,"contramos":29794,"Ġconsolida":29795,"irmar":29796,"ĠToni":29797,"Ġinacep":29798,"Ġentor":29799,"ticismo":29800,"ĠParques":29801,"Ġenviadas":29802,"Ġgaranticen":29803,"ĠNieves":29804,"ĠHad":29805,"nombre":29806,"Conocer":29807,"Ġseñaladas":29808,"Ġcriado":29809,"amia":29810,"ĠPoint":29811,"Ġfotografiar":29812,"ĠConcejalÃŃa":29813,"Ġdesil":29814,"Ġefectuará":29815,"ĠVotos":29816,"Ġprotegerse":29817,"ĠAutos":29818,"Ġblues":29819,"INS":29820,"Ġbeneficiado":29821,"Ġrepetido":29822,"ĠCabeza":29823,"Ġguia":29824,"Ġfiltrado":29825,"Ġacercaba":29826,"Ġenclave":29827,"ÃŃbulo":29828,"Ġmayúsculas":29829,"ĠIna":29830,"orestación":29831,"ĠKh":29832,"Ġasesorar":29833,"Atención":29834,"Ġpolos":29835,"ĠNecesitamos":29836,"Ġsobremesa":29837,">":44060,"ĠDID":44061,"Pasamos":44062,"ĠTemuco":44063,"ĠDrag":44064,"ĠPata":44065,"ĠUrdan":44066,"Ġmona":44067,"ĠCIS":44068,"ĠFama":44069,"cadena":44070,"Ġusuarias":44071,"ĠSOLU":44072,"ĠAluminio":44073,"ĠIndicadores":44074,"Card":44075,"drada":44076,"ĠDependencia":44077,"abank":44078,"ĠPROCESO":44079,"ofer":44080,"Ġ301":44081,"ĠEslovenia":44082,"ñé":44083,"conserv":44084,"ĠInclus":44085,"Ġasedio":44086,"Ġplanean":44087,"Ġ!!!!":44088,"ciclo":44089,"Ġ222":44090,"ĠÃŃnf":44091,"ĠOriol":44092,"étricas":44093,"Ġnoté":44094,"Ġmoralmente":44095,"Ġinstalacion":44096,"Ġfluvial":44097,"Ġcofre":44098,"Ġtuits":44099,"ĠFormas":44100,"Ġdemocratización":44101,"Ġinseparable":44102,"vear":44103,"ganeso":44104,"ĠSeúl":44105,"ĠKane":44106,"ĠNacimiento":44107,"Ġincluimos":44108,"ĠBaham":44109,"Ġprefieras":44110,"Ġencajan":44111,"ĠCd":44112,"Ġignorando":44113,"ĠBotánico":44114,"todavÃŃa":44115,"Ġescribas":44116,"Ġcontarles":44117,"Ġmostraremos":44118,"Ġmilenaria":44119,"ĠEtiopÃŃa":44120,"fat":44121,"ĠlogÃŃsticos":44122,"Ġdespreciable":44123,"Ġadministrados":44124,"Ġextremistas":44125,"ĠCastellana":44126,"ĠOBJETIVO":44127,"igua":44128,"ĠDH":44129,"Ġactuaron":44130,"ĠFinancial":44131,"Ġdibujado":44132,"ĠBerme":44133,"IVO":44134,"Ġpormenor":44135,"bero":44136,"Ġinep":44137,"Ġpensador":44138,"Ġradiadores":44139,"ĠDetalle":44140,"Ġtirador":44141,"ĠEstudiante":44142,"ĠGaudÃŃ":44143,"Ġincursion":44144,"ĠForn":44145,"ĠBoda":44146,"Ġadopte":44147,"ĠmandÃŃbulas":44148,"erias":44149,"IGA":44150,"ĠPortuaria":44151,"Ġfetiche":44152,"Porno":44153,"brazo":44154,"Ġagrupan":44155,"ĠSIEMPRE":44156,"usimos":44157,"ĠCastil":44158,"Ġsustentar":44159,"Ġmetamor":44160,"Ġculos":44161,"Ġétnicos":44162,"Vie":44163,"deria":44164,"Ġpruebe":44165,"ĠProveedores":44166,"pet":44167,"ĠRedonda":44168,"Ġosteoporosis":44169,"ĠZambrano":44170,"MÃī":44171,"ĠAdver":44172,"ĠPeñal":44173,"Ġastr":44174,"Cursos":44175,"Ġtrabajarán":44176,"ĠTupper":44177,"Buscando":44178,"Ġsumergirse":44179,"Ġsucias":44180,"ĠRama":44181,"Ġjinete":44182,"ĠBarajas":44183,"ĠJugar":44184,"ĠBarceló":44185,"Ġhé":44186,"Ġsintaxis":44187,"ĠcentÃŃmetro":44188,"Ġrecalcar":44189,"bacteri":44190,"adur":44191,"ĠEnju":44192,"ĠCasillas":44193,"Ġoligo":44194,"Ġmostrarte":44195,"omware":44196,"Ġrecurrido":44197,"Ġpenúltima":44198,"Ġpatógenos":44199,"Ġpreex":44200,"Ġcancela":44201,"Ġcaracterizar":44202,"]:":44203,"oneta":44204,"guos":44205,"Ġbater":44206,"Ġautocar":44207,"ĠSudán":44208,"dfunding":44209,"Ġexcus":44210,"Ġevidencian":44211,",..":44212,"sho":44213,"Ġvolcar":44214,"Ġcontarte":44215,"Ġbenéf":44216,"ĠRecibir":44217,"depor":44218,"ĠSES":44219,"herán":44220,"ĠCosme":44221,"ĠMención":44222,"Ġbachiller":44223,"й":44224,"ĠLI":44225,"Ġdictadas":44226,"Ġdestellos":44227,"Ġayudaran":44228,"ĠUrquiza":44229,"ĠJueces":44230,"ERTA":44231,"ILLO":44232,"Ġ=)":44233,"Ġtúnica":44234,"Ġadhesiva":44235,"letes":44236,"Ġpolim":44237,"Ġtortillas":44238,"ĠBusque":44239,"Ġninja":44240,"Ġvolcánica":44241,"Libre":44242,"zone":44243,"alud":44244,"ĠMeza":44245,"Ġ(?)":44246,"ificas":44247,"ĠTrastornos":44248,"Ġbancarrota":44249,"ĠSAM":44250,"Ġtrafico":44251,"Ġalcanzada":44252,"ĠRegalo":44253,"ĠGreat":44254,"Ġpatriarcal":44255,"voy":44256,"rué":44257,"Ġimpru":44258,"ĠPozuelo":44259,"Ġpreparador":44260,"Ġpatrull":44261,"Ġesquiv":44262,"Cierto":44263,"yD":44264,"Ġentu":44265,"Ġhostilidad":44266,"ĠStein":44267,"mónica":44268,"enar":44269,"Ġvalorando":44270,"ampagne":44271,"ĠMachine":44272,"Ġnavarro":44273,",(":44274,"úblicas":44275,"Ġsaf":44276,"ĠAplica":44277,"Ġdespertador":44278,"Prepar":44279,"Ġrecopilado":44280,"negro":44281,"ĠPresencia":44282,"OLÃĵG":44283,"Ġsobresalen":44284,"ĠAquino":44285,"ĠBLAN":44286,"Ġinterferencias":44287,"ĠEstaban":44288,"portar":44289,"Ġsalado":44290,"Ġdescensos":44291,"ĠTextil":44292,"Ġdecidiera":44293,"Ġencontrándose":44294,"Ġrestringida":44295,"ĠPhar":44296,"QuerÃŃa":44297,"uterÃŃa":44298,"ĠtÃŃas":44299,"Ġrogamos":44300,"Ġsiniestra":44301,"ĠPERSONAS":44302,"Ġcarcajada":44303,"posito":44304,"ĠComentario":44305,"ĠRosen":44306,"ĠStation":44307,"ĠLGTB":44308,"Ġdañino":44309,"Aprovecha":44310,"Ġcaracterizó":44311,"Ġcuchilla":44312,"Gol":44313,"Sabe":44314,"ĠPBI":44315,"Ġdesco":44316,"Ġregenera":44317,"Ġobservo":44318,"Ġreinterpre":44319,"elf":44320,"cuidado":44321,"ĠGuipúzcoa":44322,"Ġutilizarlas":44323,"Ġincapaci":44324,"Ġencarcelados":44325,"Ġabsorbente":44326,"dato":44327,"Ġpactar":44328,"Ġsembrado":44329,"Ġcorrespondió":44330,"ĠCódigos":44331,"ĠSÃį":44332,"ĠReno":44333,"Ġpasividad":44334,"ĠPRESENTACIÃĵN":44335,"Ġcontraproduc":44336,"Ġplantado":44337,"Ġ163":44338,"hanna":44339,"Ġimpartirá":44340,"ĠCamagüey":44341,"oto":44342,"Ġgloriosa":44343,"jitas":44344,"greb":44345,"Ġenseres":44346,"ĠMilitares":44347,"éntanos":44348,"Ġcaminan":44349,"ĠWIFI":44350,"Ġconciencias":44351,"ĠQuedan":44352,"Ġprecisado":44353,"Ġharinas":44354,"ĠneumonÃŃa":44355,"Ġafortunada":44356,"Ġescénico":44357,"Ġunisex":44358,"ĠNariño":44359,"Ġedificar":44360,"ĠRebeca":44361,"Ġestomago":44362,"Ġcuidarse":44363,"ĠCOMERCIAL":44364,"ĠZoo":44365,"ĠBaterÃŃa":44366,"ĠEstudió":44367,"Ġestiramiento":44368,"ĠEdimburgo":44369,"Ġvoceros":44370,"Ġchill":44371,"Ġexponiendo":44372,"textos":44373,"ĠEcheverrÃŃa":44374,"Emb":44375,"ĠantÃŃ":44376,"ĠJosh":44377,"Ġmencionas":44378,"Ġdisputan":44379,"ĠSustentable":44380,"quirir":44381,"putaciones":44382,"Ġgoteo":44383,"Ġimplicaba":44384,"Ġpavimentación":44385,"hub":44386,"orial":44387,"ĠNuevamente":44388,"Ġganadera":44389,"ĠArquitecto":44390,"bomb":44391,"Ġllevaran":44392,"Ġdistracciones":44393,"ĠquerÃŃas":44394,"ĠEliminar":44395,"Windows":44396,"Ġobreras":44397,"ĠCuentan":44398,"Ġviñetas":44399,"Ġeréctil":44400,"ĠFisher":44401,"AI":44402,"raza":44403,"ĠHielo":44404,"naldo":44405,"Ġsuspense":44406,"Añadió":44407,"Ġdescuidar":44408,"ĠFuncionamiento":44409,"ĠEUA":44410,"Recu":44411,"cario":44412,"tach":44413,"ĠBID":44414,"Entiendo":44415,"Ġfragancias":44416,"Ġinconscientemente":44417,"Cocina":44418,"deja":44419,"Ġóm":44420,"ĠSerge":44421,"ĠONCE":44422,"ĠLennon":44423,"ĠEducativos":44424,"farro":44425,"wh":44426,"ĠCues":44427,"Ġcomod":44428,"ĠActivo":44429,"ĠCeleste":44430,"ĠBlood":44431,"Bos":44432,"actamente":44433,"ĠCurios":44434,"Ġpodre":44435,"Ġdiferenciado":44436,"Ġdañadas":44437,"Ġfluctuaciones":44438,"ĠNace":44439,"Ġcánceres":44440,"Ġreconocerlo":44441,"230":44442,"fino":44443,"Cuidado":44444,"Ġhipertens":44445,"ĠBachiller":44446,"aleja":44447,"Ġaprenderá":44448,"Ġsantafes":44449,"Ġpóster":44450,"Ġexcluyente":44451,"RG":44452,"ĠVam":44453,"GAE":44454,"Gafas":44455,"hero":44456,"Ġcinismo":44457,"programa":44458,"ffff":44459,"Ġchapu":44460,"Ġparadójicamente":44461,"ĠGAN":44462,"igamos":44463,"gart":44464,"ĠNepal":44465,"Ġquisiéramos":44466,"ĠJefes":44467,"Ġpenúltimo":44468,"ĠCoño":44469,"Ġpredominantemente":44470,"ĠGPU":44471,"Blue":44472,"Ġesquizofrenia":44473,"eales":44474,"Ġbillar":44475,"ĠamnistÃŃa":44476,"Recordó":44477,"Agua":44478,"ĠReto":44479,"Ġcurro":44480,"Ġinstalarlo":44481,"Ġmoviles":44482,"ĠCarreño":44483,"Ġpuzzle":44484,"Ġaccionamiento":44485,"Ġrefrán":44486,"ĠDominicano":44487,"Ġcobrará":44488,"Ġallanamiento":44489,"Cic":44490,"ÛĮ":44491,"Ġlamentado":44492,"ĠreÃŃrse":44493,"ĠTransex":44494,"Ġnovatos":44495,"num":44496,"Ġhabiéndose":44497,"Ġseñoritas":44498,"orig":44499,"ĠenvÃŃen":44500,"iaron":44501,"ĠAsturi":44502,"Ġsupedi":44503,"ciarse":44504,"Ġcofra":44505,"ĠGavi":44506,"Ġresúmenes":44507,"ĠCamar":44508,"Ġsatisfactoriamente":44509,"ĠZoom":44510,"Ġimaginamos":44511,"Ġcisterna":44512,"olores":44513,"ésamo":44514,"Ġamén":44515,"ĠestablecÃŃa":44516,"Ġencargaron":44517,"ĠJamie":44518,"Lab":44519,"Ġdefina":44520,"Ġtalones":44521,"Ġ164":44522,"Ġmamas":44523,"Ġgrúas":44524,"Ġinalter":44525,"ĠErick":44526,"Ġmulticultural":44527,"Ġentrarán":44528,"ĠCorintios":44529,"Len":44530,"tasuna":44531,"Ġañada":44532,"Ġм":44533,"ĠMecan":44534,"Ġgitanos":44535,"ĠTwin":44536,"sour":44537,"Ġtomaban":44538,"Ġandino":44539,"Administra":44540,"Ġevacuar":44541,"Ejemplo":44542,"pode":44543,"Ġprime":44544,"Ġcesado":44545,"Ġpsicoterapia":44546,"Ġfilosóficas":44547,"ĠmÃŃticos":44548,"Ġcaudales":44549,"ĠMaci":44550,"Ġobservados":44551,"Ġpreocupamos":44552,"ĠAsesora":44553,"Ġfulmin":44554,"ĠcentÃŃgrados":44555,"Ġcofundador":44556,"Ġadven":44557,"ĠExchange":44558,"Ġmencionamos":44559,"Ġfieltro":44560,"ĠROS":44561,"ĠUNO":44562,"Ġfelizmente":44563,"Videos":44564,"Ġastrónomos":44565,"jin":44566,"ĠNS":44567,"Ġanimas":44568,"ĠVIVI":44569,"Ġconsagrada":44570,"ĠBike":44571,"ĠHU":44572,"ĠcaÃŃan":44573,"INAS":44574,"Ġtrekking":44575,"Ġsimultáneo":44576,"ĠRaymond":44577,"ĠLimited":44578,"ĠsupremacÃŃa":44579,"Cel":44580,"ĠLily":44581,"ĠMago":44582,"Ġtaquillas":44583,"ĠtambiÃĥ":44584,"ĠInaugu":44585,"Ġemplearse":44586,"ĠCrystal":44587,"ĠScan":44588,"ĠDoctora":44589,"dulidad":44590,"Ġrecabados":44591,"turistas":44592,"ĠFr":44593,"Ġcontaros":44594,"Ġdiseñando":44595,"Ġfábula":44596,"Ġsevillana":44597,"âĢĿ[":44598,"mitido":44599,"Ġruedo":44600,"IZAR":44601,"molino":44602,"ĠautocrÃŃtica":44603,"Ġio":44604,"ófer":44605,"ĠSpielberg":44606,"Ġâľħ":44607,"Basta":44608,"trepo":44609,"Ġcontingencias":44610,"Ġmodales":44611,"nadie":44612,"nillo":44613,"Ġinson":44614,"Ġproxima":44615,"Ġmarqués":44616,"Ġintentas":44617,"Ġfinanciada":44618,"Ġbrutales":44619,"ĠPÃļBLICA":44620,"CEN":44621,"Ġmudarse":44622,"erosas":44623,"Ġtecnicas":44624,"Ġdenominó":44625,"Ġunan":44626,"ĠDorada":44627,"tizamos":44628,"Ġremotas":44629,"Ġresucitado":44630,"ĠECONOM":44631,"Ġdisolv":44632,"Ġsaludó":44633,"Ġtérmicos":44634,"Ubicación":44635,"Ġpich":44636,"Ġmacer":44637,"Pack":44638,"ĠSIL":44639,"ĠElvis":44640,"Ġbatu":44641,"Ġviña":44642,"Ġprevar":44643,"Ġinj":44644,"Ġ212":44645,"ĠTorra":44646,"ĠViajar":44647,"embran":44648,"Ġswing":44649,"{\"":44650,"Ġcalentadores":44651,"Ġsospechosa":44652,"Ġllevarlas":44653,"ĠAMB":44654,"Detalles":44655,"couver":44656,"Ġconvertirnos":44657,"acencia":44658,"ĠAmén":44659,"ĠCubano":44660,"hman":44661,"Ġhuertos":44662,"ĠTAB":44663,"Ġplantearon":44664,"Comisión":44665,"Aprovechando":44666,"Oye":44667,"Ġou":44668,"ONG":44669,"Aca":44670,"paÃŃs":44671,"ĠMediación":44672,"plataforma":44673,"Ġromperse":44674,"elección":44675,"Ġcity":44676,"ĠRealizamos":44677,"VOCA":44678,"Ġparalelamente":44679,"ĠLaboratorios":44680,"dependientemente":44681,"hun":44682,"135":44683,"ĠMickey":44684,"Ġmigratorios":44685,"plastia":44686,"WW":44687,"Ġcuñada":44688,"ĠMontoro":44689,"Ġcallejeros":44690,"Ġlevanté":44691,"ĠMarcus":44692,"Ġgolosinas":44693,"cigalpa":44694,"Ġtóxica":44695,"Ġdesfal":44696,"blico":44697,"ebe":44698,"onazo":44699,"Ġfomentan":44700,"ĠMotoGP":44701,"Ġeti":44702,"Ġdolar":44703,"Ġconsentir":44704,"alizarán":44705,"Ġcoló":44706,"ĠSalle":44707,"Ġmostrada":44708,"Ġmartirio":44709,"Ġvaticin":44710,"Ġpriista":44711,"ĠObjeto":44712,"Ġtraumas":44713,"ĠZelaya":44714,"Ġdetenimiento":44715,"Ġenteramos":44716,"Ġsegmentación":44717,"fuente":44718,"Ġpalpable":44719,"ĠEspiritu":44720,"Gust":44721,"ĠOm":44722,"ĠRelatos":44723,"wers":44724,"Ġvaria":44725,"Ġrefuerzan":44726,"ĠMezquita":44727,"Ġinterrogatorio":44728,"Ġdeudores":44729,"Ġtitu":44730,"Ġintros":44731,"Ġcomillas":44732,"Ġoperacional":44733,"ĠMacÃŃas":44734,"Ġespontáneamente":44735,"Ġpackaging":44736,"ĠSilla":44737,"Ġopuso":44738,"ĠHow":44739,"Ġinhibidores":44740,"ä¸Ń":44741,"Tienda":44742,"jad":44743,"incha":44744,"ĠACE":44745,"Ġtoall":44746,"Ġteam":44747,"ĠvendÃŃan":44748,"ĠJUR":44749,"quilibrio":44750,"Ġoleaje":44751,"Dem":44752,"ativa":44753,"Ġexceda":44754,"ĠPlasencia":44755,"Ġacueducto":44756,"Ġarbit":44757,"Ġquisimos":44758,"Ġparábola":44759,"Ġtranseúntes":44760,"ĠVAR":44761,"ĠcaÃŃ":44762,"ĠReformas":44763,"Ġmonja":44764,"Compañ":44765,"Ġempeora":44766,"Ġlaptop":44767,"Ġrepentino":44768,"Ġenojado":44769,"Ġcactus":44770,"rimo":44771,"ĠAltas":44772,"ĠDebate":44773,"Ġafinar":44774,"omedi":44775,"ĠperderÃŃa":44776,"Ġdorso":44777,"Ġdurado":44778,"Ġjejejeje":44779,"ĠBebé":44780,"Ġempleabilidad":44781,"ĠBaile":44782,"Ġdesperfectos":44783,"ĠPublimetro":44784,"Ġinfiltración":44785,"Sir":44786,"Ġabrig":44787,"ĠColmen":44788,"Ġenemiga":44789,"Ġtabaquismo":44790,"Vivir":44791,"ĠTlal":44792,"ĠSite":44793,"Ġacontece":44794,"Ġmudar":44795,"Ġvacuno":44796,"Ġinspirador":44797,"Escucha":44798,"hire":44799,"ĠCuch":44800,"Portu":44801,"ĠLucio":44802,"Ġotorgando":44803,"Ġintroducirse":44804,"Ġheroica":44805,"Ġviñedo":44806,"ĠMaule":44807,"Ġprospecto":44808,"ĠJaguar":44809,"Ġresaltan":44810,"Ġnegociado":44811,"Ġconstata":44812,"Ġrompieron":44813,"ĠEloy":44814,"ĠMozilla":44815,"ĠCit":44816,"cheb":44817,"Ġsuso":44818,"Ġgenéricos":44819,"ĠAlman":44820,"Ġcuantificar":44821,"Ġconstituidas":44822,"Anuncios":44823,"lesa":44824,"Ġactualizan":44825,"ERVA":44826,"Ġigualitario":44827,"ĠIntenta":44828,"undi":44829,"General":44830,"Ġmunición":44831,"Ġzarago":44832,"ópolis":44833,"Ġpropiciado":44834,"Ġdecen":44835,"ĠEscrito":44836,"Ġmargin":44837,"ĠSeguidamente":44838,"fuera":44839,"Ġsismos":44840,"Ġmires":44841,"ocÃŃ":44842,"ocracia":44843,"Ġigualado":44844,"ĠvolvÃŃan":44845,"Ġrobando":44846,"ĠUnicaja":44847,"ĠUtilizamos":44848,"peza":44849,"rough":44850,"ĠSabor":44851,"ĠBÃģS":44852,"Ġconteniendo":44853,"Permite":44854,"ĠFabra":44855,"Ġvagab":44856,"Ġecléc":44857,"ĠDial":44858,"ĠBEL":44859,"Ġasper":44860,"ĠVu":44861,"Hal":44862,"feb":44863,"Ġactúen":44864,"ĠÃĺ":44865,"Descarga":44866,"Ġcolocarlo":44867,"Ġarrogante":44868,"ĠVitamina":44869,"ffee":44870,"Ġcitan":44871,"ĠPiura":44872,"Ġofensa":44873,"Ġvisiblemente":44874,"Sac":44875,"Ġaristas":44876,"Ġdoncel":44877,"ĠContacta":44878,"Ġprimogén":44879,"ĠCraig":44880,"deber":44881,"ĠExport":44882,"Ġagudi":44883,"ĠSocialismo":44884,"Camiseta":44885,"ĠJurÃŃdicas":44886,"Ġcontrapartida":44887,"Ġretiraron":44888,"Ġresplande":44889,"ĠmorfologÃŃa":44890,"Ll":44891,"ilum":44892,"mat":44893,"Ġestacional":44894,"ĠOIT":44895,"iteatro":44896,"Ġmirarlo":44897,"Ġdiagramas":44898,"sasuna":44899,"diosas":44900,"gea":44901,"Ġlares":44902,"Ġhabitado":44903,"Ġvividas":44904,"Ġvaciar":44905,"Ġdiscuten":44906,"olito":44907,"Ġveáis":44908,"ĠSanitarios":44909,"Ġinvertidos":44910,"Ġarriesgada":44911,"Ġdinamizar":44912,"Ġmeteorológicos":44913,"Ġimprevisto":44914,"ĠOreg":44915,"Ġespinal":44916,"bots":44917,"Ġpeligrosidad":44918,"Ġrecreativa":44919,"Ġcontextu":44920,"Ġinfalible":44921,"sexo":44922,"ponemos":44923,"ĠReden":44924,"Ġconsagró":44925,"ĠIndividual":44926,"ĠGigantes":44927,"VM":44928,"óndi":44929,"ĠStop":44930,"Ġgratuidad":44931,"Ġtriunfa":44932,"Ġafricanas":44933,"Ġreconocible":44934,"Ġimaginan":44935,"Ġfrijoles":44936,"Ġescaparates":44937,"ĠUBA":44938,"Ġrecorrieron":44939,"ĠLip":44940,"Ġganada":44941,"Ġfrunci":44942,"ĠmaletÃŃn":44943,"ĠVIR":44944,"Ġcomputadores":44945,"ĠGarantÃŃas":44946,"Ġsuspensiones":44947,"acales":44948,"Ġasentado":44949,"Ġdestinan":44950,"Ġtrio":44951,"Ġcotidianidad":44952,"Ġsúbita":44953,"ĠWarren":44954,"Ġescogida":44955,"alcaba":44956,"Ġreinici":44957,"Ġcongreg":44958,"ĠRápido":44959,"âĺħ":44960,"vante":44961,"ĠEscan":44962,"Ġdista":44963,"Ġ2050":44964,"ĠComunal":44965,"ĠBrothers":44966,"Ġmetáforas":44967,"Ġpresentara":44968,"ĠJung":44969,"Ġinsecti":44970,"Ġexcedentes":44971,"Ġmúsicas":44972,"ĠâĿ¤":44973,"ĠCertificados":44974,"Ġabstinencia":44975,"ĠHOTEL":44976,"Ġfortunas":44977,"ĠEvel":44978,"ĠIquique":44979,"Ġhack":44980,"ĠKurt":44981,"oka":44982,"Ġprovistos":44983,"ĠCarpin":44984,"ĠClaire":44985,"ĠViviendas":44986,"Ġdestrozado":44987,"ĠBroadway":44988,"Ġvolcado":44989,"ĠSEAT":44990,"Ġmayúscula":44991,"Ġnichos":44992,"posterÃŃa":44993,"tirar":44994,"ĠChocolate":44995,"corporación":44996,"ĠCLUB":44997,"ĠBayer":44998,"figurar":44999,"ĠGráfica":45000,"Elige":45001,"ocados":45002,"Ġdesconozco":45003,"Ġacostumbrar":45004,"ĠCarrión":45005,"Ġmust":45006,"Ġambiciosos":45007,"ĠFactory":45008,"ĠRepublicano":45009,"Ġayudarla":45010,"Ġatacados":45011,"ĠUNIVERSIT":45012,"ĠAlpha":45013,"neth":45014,"Ġabandonando":45015,"ĠGuadalquivir":45016,"Ġdesfavorable":45017,"Ġfitosan":45018,"TRAN":45019,"Ġguerrillero":45020,"ĠCircun":45021,"Ġfarmacéuticas":45022,"Ġcualitativa":45023,"ĠMarin":45024,"Ġitinerante":45025,"Adidas":45026,"SES":45027,"tarlos":45028,"urrec":45029,"ĠIngredientes":45030,"Ġ512":45031,"Ġimita":45032,"Ġpersiguiendo":45033,"ĠPixel":45034,"pais":45035,"jetas":45036,"Ġcanina":45037,"Ġascendencia":45038,"NDICE":45039,"Ġmareas":45040,"huas":45041,"ĠTB":45042,"Ġvallado":45043,"Ġarriendo":45044,"pain":45045,"Ġmagnifica":45046,"Ġfrustraciones":45047,"Fui":45048,"Ġcontu":45049,"ĠSOLICI":45050,"Zaragoza":45051,"ĠHR":45052,"Ġprioritaria":45053,"Ġmazo":45054,"posici":45055,"Ġagrarias":45056,"Ġservirle":45057,"pacho":45058,"riet":45059,"ĠFunes":45060,"Ġ166":45061,"ĠGaga":45062,"Ġvagones":45063,"ĠHomero":45064,"Ġdevotos":45065,"Ġdesta":45066,"Ġsagradas":45067,"ĠResidencial":45068,"Ġajustando":45069,"gola":45070,"ÃŃferas":45071,"Ġtransiciones":45072,"Ġ159":45073,"Ġ255":45074,"ĠBloomberg":45075,"Ġacogerse":45076,"Ġequivoca":45077,"ĠUtilizando":45078,"ĠFINAL":45079,"anor":45080,"Ġqui":45081,"Ġ177":45082,"Ġacepten":45083,"Ġcolaboradoras":45084,"Ġinmediatez":45085,"Ġcamaradas":45086,"Ġdesembocadura":45087,"calle":45088,"Ġmultis":45089,"Ġencruci":45090,"Ġtecno":45091,"asterios":45092,"Ġtermitas":45093,"Sha":45094,"Ġpervers":45095,"ámonos":45096,"Ġfacilitó":45097,"Ġaportaron":45098,"ĠSecretariado":45099,"Ġexcesivos":45100,"entren":45101,"Ġtag":45102,"Ġrecrim":45103,"ĠPosición":45104,"Ġdetectadas":45105,"ĠAstor":45106,"Ġclandestina":45107,"Ġreutilizar":45108,"ñán":45109,"exiones":45110,"Ġdeplor":45111,"Ġintentarán":45112,"Ġdecisivos":45113,"Ġbobina":45114,"ĠcacerÃŃa":45115,"Ġalfabeto":45116,"elina":45117,"ĠEddie":45118,"ĠMurphy":45119,"Ġicon":45120,"Cádiz":45121,"rÃĥ":45122,"Ġ1906":45123,"ĠAnalizar":45124,"Ġacerqué":45125,"Ġsufran":45126,"ĠTela":45127,"Ġinterpretará":45128,"Ġaveces":45129,"Ġburlas":45130,"Ġgatillo":45131,"Ġexpedida":45132,"´,":45133,"Ġfijamos":45134,"Ġocasionó":45135,"Ġerróneamente":45136,"Ġensambl":45137,"ÃĵR":45138,"Ġfelinos":45139,"ĠExperiencias":45140,"Ġmarginales":45141,"Ġcoloquio":45142,"ĠConsultar":45143,"entaba":45144,"Ġestel":45145,"ptim":45146,"oluble":45147,"Ġbuscarla":45148,"ĠPlano":45149,"Ġcomprendió":45150,"ĠorgÃŃa":45151,"ĠPatrio":45152,"Ġchocó":45153,"ĠGRADO":45154,"upe":45155,"ĠSainz":45156,"Ġarmónico":45157,"Ġ178":45158,"Ġrecuperan":45159,"IDEOS":45160,"ĠGrados":45161,"puta":45162,"Ġmojada":45163,"Ġmodificadas":45164,"ĠMilton":45165,"ĠVillalobos":45166,"Ġengranaje":45167,"ĠZARAGOZA":45168,"Cultura":45169,"ĠVW":45170,"Ġ206":45171,"ĠQueens":45172,"ĠSti":45173,"Ġvertidos":45174,"ĠCuaresma":45175,"ĠInspir":45176,"Ġconcertar":45177,"ĠApre":45178,"Ġprobamos":45179,"Ġgrieta":45180,"ĠADSL":45181,"иÑı":45182,"persona":45183,"oa":45184,"Ġsaltan":45185,"Ġcambiario":45186,"Ġradiaciones":45187,"ĠBeauty":45188,"ĠItaliana":45189,"ĠElectrodom":45190,"ekwondo":45191,"conocer":45192,"Ġculinarias":45193,"Ġlistón":45194,"ĠLaurent":45195,"Ġsintoma":45196,"ignidad":45197,"Ġañadida":45198,"ĠFinanciación":45199,"Ġómnibus":45200,"Eran":45201,"dación":45202,"Ġpornos":45203,"ĠAlgún":45204,"ĠArtista":45205,"Ġaparcamientos":45206,"Ġdisfrutas":45207,"Ġbiodegrad":45208,"ĠConselleria":45209,"ondr":45210,"tist":45211,"ĠFAN":45212,"Ġminucioso":45213,"hiro":45214,"Ġignoran":45215,"Ġmarginación":45216,"ĠodontologÃŃa":45217,"ĠFerreira":45218,"Ġpegas":45219,"Ġnormativos":45220,"ĠKarina":45221,"ĠJOSÃī":45222,"ĠIMPORTANTE":45223,"Ġarrogancia":45224,"Ġcuánta":45225,"ĠSombras":45226,"dier":45227,"Ġleucemia":45228,"Ġwall":45229,"Ġreventar":45230,"Ġdisfrutarás":45231,"Ġexporta":45232,"Ġindulto":45233,"ĠCóm":45234,"Ġsiti":45235,"empren":45236,"velt":45237,"Ġreglamentario":45238,"Ġrespiratorios":45239,"Ġtractores":45240,"Ġagropecuaria":45241,"Ġsubterráneos":45242,"Hub":45243,"Mt":45244,"ĠDora":45245,"Ġevitarse":45246,"Ġeducados":45247,"tropÃŃa":45248,"IK":45249,"Ġcráter":45250,"pil":45251,"ĠBrito":45252,"Ġqueridas":45253,"ĠFisioterapia":45254,"ĠEspecialistas":45255,"Ġacumuladas":45256,"ĠUshuaia":45257,"ĠBowl":45258,"Ġdebieran":45259,"Ġenviarlo":45260,"wy":45261,"ĠDEPOR":45262,"ĠencontrarÃŃa":45263,"Ġmodest":45264,"Ġanunciadas":45265,"Ġferrocarriles":45266,"Ġsupra":45267,"wid":45268,"Ġregu":45269,"Ġdiana":45270,"ĠTerreno":45271,"ĠTenÃŃamos":45272,"PLAN":45273,"ĠEdo":45274,"ĠFrac":45275,"Ġhumos":45276,"ParÃŃs":45277,"Ġrenunciado":45278,"face":45279,"rologÃŃa":45280,"ĠPide":45281,"Ġprint":45282,"bago":45283,"Ġroedores":45284,"ĠPoten":45285,"ĠGerman":45286,"Ġcigarro":45287,"ĠDucati":45288,"ĠDeje":45289,"Ġentrara":45290,"Ġpublicaba":45291,"Ġbesote":45292,"Ġpañuelos":45293,"Domingo":45294,"Ġatemor":45295,"Ġ245":45296,"Ġintroduzca":45297,"ĠAbi":45298,"Ġinteresen":45299,"109":45300,"Ġdisputados":45301,"rd":45302,"Ġnidos":45303,"Ġhuyeron":45304,"Ġsinago":45305,"Ġcoja":45306,"Ġproblemático":45307,"wel":45308,"ibio":45309,"énicas":45310,"Ġdudoso":45311,"Ġhoteleros":45312,"Ġbrújula":45313,"Ġnoviazgo":45314,"ĠAcreditación":45315,"?»":45316,"gama":45317,"Ġnue":45318,"ин":45319,"ĠxDD":45320,"Ġdesistimiento":45321,"Ġlongevidad":45322,"ĠSampaoli":45323,"isha":45324,"ĠMG":45325,"ĠSuger":45326,"Ġbailarinas":45327,"Ġirrelevante":45328,"Ġquerrás":45329,"Ġestacionamientos":45330,"Ġidiosinc":45331,"Ġpipa":45332,"ĠPolÃŃgono":45333,"Mateo":45334,"Ġahondar":45335,"Nivel":45336,"realmente":45337,"data":45338,"ĠAngulo":45339,"ÃģF":45340,"ĠCocinas":45341,"ĠEpide":45342,"ĠRecre":45343,"Ġenmarcada":45344,"Ġaltibajos":45345,"Ġstory":45346,"Ġcosillas":45347,"ĠPlazas":45348,"Ġconceden":45349,"Ġatacada":45350,"Ġsaharaui":45351,"Ġpartidaria":45352,"Ġcementerios":45353,"Ġremitente":45354,"ĠDejamos":45355,"Ġbastidor":45356,"ologo":45357,"Personas":45358,"ICIA":45359,"ĠArtem":45360,"ĠDormitorio":45361,"inson":45362,"ĠKant":45363,"Ġagregue":45364,"Ġintestinales":45365,"Ġdesvelado":45366,"ĠEnsayo":45367,"ficaz":45368,"Ġinstalador":45369,"ĠAnatomÃŃa":45370,"Ġinterrumpe":45371,"Ġinvasores":45372,"ĠFX":45373,"ĠCálculo":45374,"Ġadoc":45375,"Ġreapertura":45376,"Ġinclemencias":45377,"ĠFocus":45378,"Ġapl":45379,"Ġveracruz":45380,"Ġinterpuso":45381,"Ġviolado":45382,"Ġarrastrado":45383,"habÃŃa":45384,"ĠSpencer":45385,"Ecuador":45386,"deña":45387,"ÃŃacos":45388,"ucos":45389,"ĠTep":45390,"Ġdeforma":45391,"ĠCatas":45392,"güen":45393,"ĠfutbolÃŃstico":45394,"ĠINGENIER":45395,"alba":45396,"ĠJM":45397,"Ġlentejuelas":45398,"Ġbinario":45399,"ĠFarm":45400,"emelo":45401,"Ġcatalizador":45402,"Ġaledañas":45403,"ĠHISTORIA":45404,"VEL":45405,"ajira":45406,"yección":45407,"ORACIÃĵN":45408,"Ġenganchado":45409,"Ġgenerosos":45410,"ĠпÑĢ":45411,"Ġbúl":45412,"ĠAngola":45413,"Ġrán":45414,"Unión":45415,"Ġsilenci":45416,"Ġland":45417,"Ġimpot":45418,"ĠNot":45419,"Ġsabeis":45420,"Ġinglesas":45421,"ĠBarranco":45422,"imán":45423,"ĠProb":45424,"Ġconsiderarán":45425,"Ġfocal":45426,"Definitivamente":45427,"Ġhumedales":45428,"ĠPart":45429,"Ġconfesiones":45430,"ĠMachu":45431,"Ġcompruebe":45432,"VSA":45433,"espal":45434,"Ġfati":45435,"Ġnórdico":45436,"isterÃŃa":45437,"ĠOber":45438,"bióticos":45439,"Ase":45440,"Base":45441,"lú":45442,"Ġbajen":45443,"Ġbiopsia":45444,"ades":45445,"Ġedema":45446,"ĠTrá":45447,"ĠExcur":45448,"cinos":45449,"Ġpatriotismo":45450,"Ġlucidez":45451,"Aplicación":45452,"Calidad":45453,"ĠREN":45454,"ĠIndio":45455,"Ġpolideportivo":45456,"Ġconfiamos":45457,"ÃŃdico":45458,"Ġrectores":45459,"Ġacuar":45460,"Ġlimpiando":45461,"Ġcrudos":45462,"Ġrellenando":45463,"Pay":45464,"Tea":45465,"tsky":45466,"ĠfreÃŃr":45467,"Ġhidrata":45468,"Ġobsoleto":45469,"Ġespárragos":45470,"ĠDerma":45471,"SIÃĵN":45472,"ĠReuniones":45473,"Ġnomás":45474,"erón":45475,"hey":45476,"Ġcrónicos":45477,"ĠPotro":45478,"ĠHabrÃŃa":45479,"Ġcometidas":45480,"orema":45481,"Ġincumplimientos":45482,"Ġdesplazan":45483,"Ġaloja":45484,"cles":45485,"ĠPura":45486,"ĠMEX":45487,"ĠFicción":45488,"ĠHeras":45489,"utanas":45490,"ĠsubÃŃ":45491,"Ġ172":45492,"Ġlargu":45493,"Ġquebrar":45494,"Ġleerte":45495,"Ġflotantes":45496,"Ġalicante":45497,"ĠFilar":45498,"obe":45499,"Ġrubor":45500,"ĠEscritores":45501,"Clases":45502,"Ġamonton":45503,"GRES":45504,"issan":45505,"ĠTransmisión":45506,"ĠAirbnb":45507,"ĠhÃŃdricos":45508,"ĠDate":45509,"anasonic":45510,"Ġperipe":45511,"empres":45512,"Ġsufridos":45513,"ĠApóstoles":45514,"Ġmultifunción":45515,"ĠCabos":45516,"Gonzalo":45517,"Ġsumerge":45518,"ĠAi":45519,"Ġhacin":45520,"ĠNUNCA":45521,"creación":45522,"sss":45523,"Ġrondar":45524,"quena":45525,"ALO":45526,"990":45527,"ĠNazareno":45528,"ĠPilates":45529,"Ġequitativo":45530,"Ġlisos":45531,"ĠHaro":45532,"Ġvendan":45533,"Ġterraten":45534,"Ġpijama":45535,"üller":45536,"omenclatura":45537,"ĠBier":45538,"Ġderrocar":45539,"Ġuniformidad":45540,"Ġordenanzas":45541,"Ġcolumnista":45542,"buenos":45543,"Ġesforzar":45544,"ĠQuesada":45545,"Ġporteros":45546,"Operación":45547,"Ġcache":45548,"ĠDad":45549,"ĠSupervisión":45550,"Ġmicroscopio":45551,"revolucion":45552,"ĠPellegr":45553,"ĠRN":45554,"uere":45555,"Ġconscientemente":45556,"Ġpartidista":45557,"Ġdonado":45558,"Ġmovemos":45559,"ĠMorris":45560,"Ġpadecimientos":45561,"Ġejecutó":45562,"mosis":45563,"cao":45564,"Ġcoincida":45565,"âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦":45566,"aris":45567,"ĠVisto":45568,"talaya":45569,"Ġmitin":45570,"Ġbagaje":45571,"Ġ325":45572,"Ġderivación":45573,"ĠObligatoria":45574,"aldas":45575,"Ġmatri":45576,"Ġmarket":45577,"Ġpregunten":45578,"ĠArnold":45579,"dibles":45580,"ĠLTE":45581,"Ġvisitada":45582,"Ġconsiderarlo":45583,"ĠTurner":45584,"Ġirrever":45585,"regor":45586,"Ġdeterminen":45587,"Ġsimplificación":45588,"ĠTáchira":45589,"dará":45590,"hana":45591,"Ġ����":45592,"espe":45593,"Ġasustada":45594,"Ġdesdo":45595,"ĠKhan":45596,"filos":45597,"Ġelevador":45598,"Ġgalardonados":45599,"TAMENTO":45600,"ĠIntellig":45601,"Ġpagarán":45602,"ĠLeonard":45603,"Ġtrascendió":45604,"Ġzen":45605,"Ġofertar":45606,"ĠSteel":45607,"ĠAPRO":45608,"ĠContinente":45609,"gala":45610,"Ġusufruc":45611,"JAR":45612,"Ġunimos":45613,"ĠBug":45614,"ĠHaremos":45615,"Ġcomunicador":45616,"BIERNO":45617,"Cub":45618,"Ġperre":45619,"ĠElija":45620,"ICAR":45621,"ÃįF":45622,"ĠSeccional":45623,"ĠGanar":45624,"ĠDeberá":45625,"algunas":45626,"CIF":45627,"Ġgasa":45628,"ĠCanario":45629,"Ġguardas":45630,"ĠShim":45631,"ĠRomanos":45632,"ĠSabina":45633,"réd":45634,"idamos":45635,"Ġexigimos":45636,"ITAS":45637,"Ġadelantos":45638,"ĠRecién":45639,"Ġinmersa":45640,"Ġbufanda":45641,"ĠCienfuegos":45642,"Ġdesprenderse":45643,"ĠFEM":45644,"Ġoptaron":45645,"Ġtroy":45646,"ĠFerias":45647,"Ġtriangular":45648,"bea":45649,"garra":45650,"Ġpegando":45651,"ĠPoemas":45652,"Ġpromovió":45653,"Ġproporcionalidad":45654,"Ġgarajes":45655,"Ġextravagante":45656,"ĠFide":45657,"ĠHac":45658,"Ġfuéramos":45659,"Ġproclamar":45660,"ĠCAPÃįTULO":45661,"Ġucraniano":45662,"ĠPene":45663,"paros":45664,"ĠPopulares":45665,"ULTAD":45666,"Ġdesentra":45667,"^^":45668,"Ġapple":45669,"ingres":45670,"avidas":45671,"trónica":45672,"Ġobservancia":45673,"Ġdinosaurio":45674,"podrÃŃa":45675,"Ġdescargue":45676,"Ġmache":45677,"Ġespiritualmente":45678,"Ġdetergente":45679,"Ġovarios":45680,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":45681,"aditas":45682,"Ġindicativo":45683,"ĠCarlota":45684,"Ġexfol":45685,"Ġdosificación":45686,"ĠArgu":45687,"Ġobtendrán":45688,"Ġdesmontable":45689,"116":45690,"Ġsustentan":45691,"Ġpeculiaridad":45692,"Ġdestrozar":45693,")(":45694,"ĠconfÃŃo":45695,"ĠProven":45696,"Ġblanquia":45697,"KET":45698,"ĠSOM":45699,"Ġ316":45700,"portamiento":45701,"tress":45702,"Ġseveridad":45703,"Ġconmemorativa":45704,"ĠBooks":45705,"map":45706,"visores":45707,"Ġvarita":45708,"ĠProfessional":45709,"Ġlongitudes":45710,"Ġspi":45711,"loa":45712,"Ġ\"...":45713,"Ġocurriera":45714,"Ġacristal":45715,"ĠTT":45716,"ĠManzana":45717,"Ġarañazos":45718,"balo":45719,"Ġdeceso":45720,"mod":45721,"ĠFénix":45722,"Ġponiente":45723,"âĢĶ¿":45724,"Ġincesto":45725,"bul":45726,"ĠPilo":45727,"ĠSna":45728,"ĠSola":45729,"ĠMarti":45730,"Ġbaraj":45731,"Ġdenunciante":45732,"Ġdescubrirás":45733,"omática":45734,"ĠEme":45735,"Ġchist":45736,"Ġfriki":45737,"Ġsuperhéroe":45738,"boro":45739,"ĠHappy":45740,"Ġfrialdad":45741,"ĠAAA":45742,"ÃŃntesis":45743,"Ġagota":45744,"Ġbeisbol":45745,"Ġmilenios":45746,"Jim":45747,"Pac":45748,"Ġ162":45749,"ampton":45750,"ĠCEIP":45751,"Ġomiso":45752,"ĠHomenaje":45753,"Ġvitrina":45754,"Ġvictima":45755,"Ġfracasar":45756,"ĠPAIS":45757,"ĠPicchu":45758,"fam":45759,"ĠRox":45760,"Ġchorros":45761,"Ġaprendieron":45762,"550":45763,"recuer":45764,"ĠPuno":45765,"ĠMud":45766,"Ġapalan":45767,"Ġvalorización":45768,"Ġpredecible":45769,"Ġapoderarse":45770,"Ġastronautas":45771,"SON":45772,"Ġmonólogo":45773,"Ġpudieras":45774,"Ġaccedido":45775,"Ġofensivas":45776,"Ġesforzamos":45777,"ĠSoraya":45778,"ĠCúcuta":45779,"ĠSuela":45780,"Ġsubirá":45781,"Ġlarvas":45782,"Ġevolutiva":45783,"Ġdesartic":45784,"ĠDIC":45785,"Ġregidores":45786,"ethe":45787,"Ġconocerlos":45788,"ĠClip":45789,"Ġtemido":45790,"Ġincertidumbres":45791,"ĠAdecu":45792,"ĠMÃŃnimo":45793,"fly":45794,"г":45795,"ĠDónde":45796,"ĠPato":45797,"Ġemprendedoras":45798,"Ġinquis":45799,"ĠLavado":45800,"Ġgénesis":45801,"Ġanota":45802,"ĠConsultor":45803,"Lucas":45804,"kie":45805,"Ġperece":45806,"Ġcapilares":45807,"Ġgolfo":45808,"Ġbragas":45809,"Ġcánta":45810,"Ġentere":45811,"Ġplátanos":45812,"ĠAlternativa":45813,"ERT":45814,"Ġsancionados":45815,"Media":45816,"ÃŃmiles":45817,"Ġadopten":45818,"Ġtrayectorias":45819,"Ġpercance":45820,"Ġhabréis":45821,"obra":45822,"Ġcoincidido":45823,"Ġvistió":45824,"Ġautomovilistico":45825,"ĠPadrón":45826,"Ġmoviéndose":45827,"Ġaliciente":45828,"cisa":45829,"ervicio":45830,"Ġpandillas":45831,"Ġtalentoso":45832,"Ġiluminados":45833,"Ġpresupuestarias":45834,"Ġespeluzn":45835,"Ġdespos":45836,"ĠpaÃĥ":45837,"dry":45838,"Ġprincipiante":45839,"Ġcastiga":45840,"ĠBárcenas":45841,"ĠLech":45842,"ĠIlustre":45843,"Ġalternando":45844,"Ġpartimos":45845,"ĠBarbie":45846,"ĠDeberÃŃa":45847,"Ġintraven":45848,"Ġingra":45849,"Ġgótica":45850,"Ġmosquito":45851,"iéndome":45852,"Ġpoliticos":45853,"ĠOlimpia":45854,"Ġmalagueño":45855,"ĠAgüero":45856,"Evaluación":45857,"Ġinfame":45858,"park":45859,"ĠReport":45860,"úlveda":45861,"ICET":45862,"Ġllevarme":45863,"ĠinformaciÃĥ":45864,"ĠPowerPoint":45865,"Ġanochecer":45866,"Luz":45867,"Ġestampar":45868,"Ġlevantada":45869,"Ġasistan":45870,"ĠStaff":45871,"Ġarrestados":45872,"Ġrevolucionar":45873,"mono":45874,"sign":45875,"ĠDior":45876,"Ġascienden":45877,"ĠFranja":45878,"tting":45879,"Ġejecute":45880,"Ġaceituna":45881,"Ġdesplome":45882,"Pen":45883,"Ġoyen":45884,"ĠAX":45885,"ĠCorriente":45886,"Ġlegisladora":45887,"Ġseme":45888,"Ġsuscripciones":45889,"Ġcertero":45890,"Ġpié":45891,"Ġconstituyendo":45892,"Ġreglamentarias":45893,"TecnologÃŃa":45894,"Ġdiapositivas":45895,"Twitter":45896,"ĠMID":45897,"active":45898,"ranos":45899,"ĠCree":45900,"ĠBurton":45901,"Ġalmidón":45902,"Diez":45903,"ĠEI":45904,"ĠBinarias":45905,"Ġapri":45906,"dern":45907,"Ġmajestuoso":45908,"ĠRurales":45909,"Ġsolapa":45910,"partes":45911,"ĠNoble":45912,"Ġmasivamente":45913,"Ġplanificada":45914,"Ġcosechar":45915,"ĠLauren":45916,"Ġcuide":45917,"ĠWang":45918,"Ġmerecemos":45919,"Ġoportunos":45920,"Ġeróticas":45921,"ĠMensajero":45922,".¡":45923,"onismo":45924,"Ġrifle":45925,"ĠMitsubishi":45926,"ĠGate":45927,"Ġ¬":45928,"Ġurl":45929,"Ġerr":45930,"Ġdisfrazado":45931,"ĠMalaga":45932,"ĠDAN":45933,"ĠBÃŃo":45934,"Ġfood":45935,"Ġindicamos":45936,"pensión":45937,"rap":45938,"Ġ370":45939,"Ġlipo":45940,"ĠDiferentes":45941,"ĠNueve":45942,"ĠWells":45943,"Ġpantanos":45944,"Ġinvolucrarse":45945,"Ġviajamos":45946,"Volviendo":45947,"ĠVuelos":45948,"ĠIndica":45949,"Ġsubesti":45950,"Ġpodrias":45951,"Serie":45952,"Ġcomentaristas":45953,"Ġabusivo":45954,"ĠKick":45955,"Ġbarbilla":45956,"Ninguna":45957,"Ġinhibición":45958,"Ġespátula":45959,"Ġhábitats":45960,"ĠFaust":45961,"ĠDIGITAL":45962,"innova":45963,"itza":45964,"Ġantin":45965,"Ġbrusco":45966,"Ġsimultan":45967,"ĠBorn":45968,"Ġpagaba":45969,"ĠbiotecnologÃŃa":45970,"Ġsociólogo":45971,"ĠShopping":45972,"enovelas":45973,"ĠEusebio":45974,"Sue":45975,"busto":45976,"ĠAlbor":45977,"Ġculpas":45978,"Ġgenialidad":45979,"Ġtail":45980,"ĠHumala":45981,"Ġretrasado":45982,"Ġconstructoras":45983,"ĠMier":45984,"icienta":45985,"Ġmaliciosos":45986,"body":45987,"Ġsalvando":45988,"Ġdistribuciones":45989,"upon":45990,"ionalidad":45991,"duzco":45992,"lamo":45993,"Ġincluirse":45994,"ĠQuintan":45995,"Ġtrompeta":45996,"Ġarrecifes":45997,"ingen":45998,"Ġdesna":45999,"Ġagrid":46000,"ĠBoard":46001,"ĠMINISTERIO":46002,"å¹":46003,"etz":46004,"ĠXim":46005,"Ġportavoces":46006,"Ġdivir":46007,"Podéis":46008,"Ġtranscurridos":46009,"ĠConsumidores":46010,"Ġcuatrimestre":46011,"ĠTLCAN":46012,"Ġconyugal":46013,"eline":46014,"ONU":46015,"Ġcriollos":46016,"Ġtransportan":46017,"grupos":46018,"Ġmorib":46019,"Ġestructuración":46020,"Ġfollan":46021,"ĠregalÃŃas":46022,"Ġfrena":46023,"tónico":46024,"ĠPRIMERA":46025,"descub":46026,"ĠJue":46027,"Ġsenté":46028,"Ġjustici":46029,"Ġintroducidas":46030,"Ġdescendente":46031,"Ġevidenciar":46032,"Ġabstracta":46033,"Ġsinergia":46034,"DAS":46035,"Ġagas":46036,"chados":46037,"ĠorquÃŃ":46038,"Ġamigables":46039,"Ġpasarla":46040,"Ġdebilit":46041,"Ġfolklore":46042,"Ado":46043,"sand":46044,"Ġparalizado":46045,"ĠFast":46046,"ĠCuadernos":46047,"ĠDomicilio":46048,"Siete":46049,"ĠPik":46050,"ĠMóstoles":46051,"Ġ275":46052,"Ġequivalencia":46053,"ĠCoches":46054,"Esco":46055,"ĠServi":46056,"letazo":46057,"ĠHolguÃŃn":46058,"ĠImagina":46059,"ĠMemorias":46060,"Ġinformo":46061,"Ġdeslin":46062,"Ġayudantes":46063,"Ġformuladas":46064,"criminación":46065,"ĠReflexiones":46066,"HER":46067,"ĠSócrates":46068,"Ġanac":46069,"ĠChaque":46070,"Ġcentradas":46071,"ĠProstitu":46072,"APA":46073,"ĠArbitraje":46074,"Ġsumarán":46075,"ĠBritánico":46076,"fób":46077,"ĠSalsa":46078,"Ġmolestan":46079,"ĠCIDH":46080,"ĠRestrepo":46081,"Ġreservando":46082,"incluido":46083,"Ġcognitivos":46084,"Ġdesenfren":46085,"BF":46086,"Ġbucear":46087,"ĠMezcla":46088,"PES":46089,"égano":46090,"ĠNerv":46091,"Ġirlandesa":46092,"Ġescribirnos":46093,"Ġepid":46094,"Actividad":46095,"ĠÄ":46096,"exp":46097,"Ġprometer":46098,"ĠRecibe":46099,"Ġasfixia":46100,"ĠdarÃŃan":46101,"Ġenfure":46102,"Ġcolegial":46103,"ĠTablas":46104,"Ġirremediablemente":46105,"amanos":46106,"Ġsumergido":46107,"ĠDesafortunadamente":46108,"Ġacupuntura":46109,"Ġuranio":46110,"Ġintri":46111,"ĠQuieres":46112,"Ġlucharon":46113,"Ġborre":46114,"ĠFlorence":46115,"ĠEmpezamos":46116,"ĠAsociado":46117,"Ġpatrullas":46118,"Ġseccion":46119,"ĠSof":46120,"Ġperteneció":46121,"Ġconfirme":46122,"ĠJaramillo":46123,"ĠCastaño":46124,"ĠMinutos":46125,"Ġferiado":46126,"Ġvibrador":46127,"Serán":46128,"Ġcolosal":46129,"Hos":46130,"Ġko":46131,"ĠBolonia":46132,"ĠAfter":46133,"Ġfolclore":46134,"Ġdesviaciones":46135,"ĠSAC":46136,"ĠMejorar":46137,"chero":46138,"Ġcómica":46139,"ĠAdv":46140,"Ġatroz":46141,"ĠCIENCIAS":46142,"Ġ(*)":46143,"versibles":46144,"Ġgangl":46145,"Ġlegiti":46146,"Ġhumanismo":46147,"Ġlubricantes":46148,"indicaciones":46149,"Ġpresionado":46150,"Ġrepresentaban":46151,"Ġcocinado":46152,"Ġestreme":46153,"Ġdesperdicios":46154,"ĠInicialmente":46155,"ĠMixta":46156,"DEC":46157,"omes":46158,"Ġrecuadro":46159,"ĠPeñas":46160,"ĠExtrac":46161,"Ïĥ":46162,"odé":46163,"ĠScioli":46164,"Ġincalcul":46165,"ĠAmaya":46166,"ĠCruceros":46167,"Ġbocetos":46168,"ĠMUD":46169,"ĠConvers":46170,"Ġapoyará":46171,"Ġelimine":46172,"Ġincongru":46173,"Ġpsicomo":46174,"ĠSANTA":46175,"Ġsuspendidos":46176,"Ġescénica":46177,"ĠHospitales":46178,"ĠAGUA":46179,"Ġ167":46180,"Ġpermanecieron":46181,"Ġholandeses":46182,"ĠFusión":46183,"ĠEnsen":46184,"Ġjungla":46185,"Ġtimón":46186,"Ġalucina":46187,"Ġexag":46188,"observ":46189,"Ġwestern":46190,"Ġtapado":46191,"ĠValentina":46192,"Ġalbahaca":46193,"Adap":46194,"Ġdella":46195,"eppe":46196,"ĠAmelia":46197,"Ġprotestantes":46198,"ĠCórdova":46199,"revolución":46200,"Ġsobrellevar":46201,"ĠcompartÃŃa":46202,"ĠCasanova":46203,"Ġimperante":46204,"Ġdescargarse":46205,"Ġmezclada":46206,"Ġencerrada":46207,"ĠUNICEF":46208,"Ġantica":46209,"cea":46210,"Ġmaris":46211,"Ġ925":46212,"Ġdesatas":46213,"ðŁĮ":46214,"Ġarribaron":46215,"ĠEscar":46216,"Ġchec":46217,"ĠKiss":46218,"ĠMacBook":46219,"esar":46220,"ĠAcor":46221,"Ġmenaje":46222,"ĠKla":46223,"Ġurna":46224,"ĠvestÃŃa":46225,"Ġlomb":46226,"ĠEnvi":46227,"Ġ202":46228,"Ġfranque":46229,"Ġintendentes":46230,"Ġmodifique":46231,"ĠShadow":46232,"Ġlegislaciones":46233,"ĠFraga":46234,"Ġpederas":46235,"ideas":46236,"ĠArévalo":46237,"ignon":46238,"tróleos":46239,"ĠJoyerÃŃa":46240,"Ġlate":46241,"Ġtril":46242,"entaron":46243,"ĠPERO":46244,"pard":46245,"Ġmarfil":46246,"monio":46247,"Ġcomplicar":46248,"Ġgeoloc":46249,"Ġporcentual":46250,"Sos":46251,"_.":46252,"ĠNest":46253,"ĠIca":46254,"Ġhabria":46255,"Ġescuchen":46256,"Ġtertulia":46257,"Ġhúngaro":46258,"Ġbaúl":46259,"ĠXxx":46260,"Ġcolectivamente":46261,"works":46262,"Ġinvirtió":46263,"sword":46264,"Ġincorporadas":46265,"Ġperegrino":46266,"ĠPhilippe":46267,"Wa":46268,"ĠHoff":46269,"Ġgata":46270,"ĠMercadona":46271,"iseos":46272,"ĠExamen":46273,"Ġnutricionista":46274,"Ġpapeletas":46275,"ĠepÃŃgraf":46276,"Luc":46277,"Å«":46278,"×ķ":46279,"aray":46280,"ĠMarea":46281,"Ġjaulas":46282,"Ġhomenajes":46283,"Ġconej":46284,"ĠCun":46285,"ĠGoku":46286,"rasia":46287,"Ġcarcin":46288,"ĠGuitarra":46289,"Ġcursado":46290,"ĠYugoslavia":46291,"Ġbim":46292,"Ġpersa":46293,"teriza":46294,"etica":46295,"Ġminibar":46296,"Ġhumorista":46297,"bucks":46298,"hecho":46299,"ĠPAD":46300,"bags":46301,"Ġbusqué":46302,"ĠPared":46303,"Ġencantadores":46304,"ĠPequeñas":46305,"Ġenvejecer":46306,"Uruguay":46307,"Ġgym":46308,"ĠPec":46309,"Ġllamativas":46310,"Ġafic":46311,"ĠcartografÃŃa":46312,"Ġmalversación":46313,"Ġresistirse":46314,"Ġartilug":46315,"tÃŃo":46316,"abia":46317,"Ġalz":46318,"ĠXS":46319,"Ġexpresados":46320,"Ġpadecido":46321,"Ġchequeo":46322,"ĠMilagro":46323,"teurs":46324,"ellón":46325,"nesota":46326,"Ġadhiere":46327,"Ġteóricamente":46328,"Ġluminosas":46329,"tÃŃsima":46330,"ĠBord":46331,"clusión":46332,"Ġlectivo":46333,"ĠLegión":46334,"Ġheterosexuales":46335,"ĠJeremy":46336,"stock":46337,"ĠTCP":46338,"Ġlipos":46339,"deraciones":46340,"Ġarregla":46341,"bike":46342,"ĠArreg":46343,"ĠCourt":46344,"Ġ203":46345,"ĠActas":46346,"ĠAction":46347,"ĠperiodÃŃsticos":46348,"Ġcuantitativa":46349,"âĨĴ":46350,"echea":46351,"Ġxeno":46352,"Ġajard":46353,"iadora":46354,"Ġcuela":46355,"ĠDort":46356,"Ġsabore":46357,"ĠMurió":46358,"Ġvidri":46359,"Ġchancadoras":46360,"Ġlegalizar":46361,"ĠTeherán":46362,"ĠJairo":46363,"ĠStart":46364,"ĠRepresenta":46365,"ĠcalabacÃŃn":46366,"λ":46367,"Ġaleta":46368,"Ġgaz":46369,"ĠBasic":46370,"ĠMcK":46371,"Ġreorden":46372,"Ġsordo":46373,"Ġreportados":46374,"ĠMath":46375,"Ġfascinado":46376,"quizás":46377,"Ġtrazabilidad":46378,"mberg":46379,"legal":46380,"Ġconservas":46381,"Ġdibujando":46382,"ométrica":46383,"ĠAsocia":46384,"Ġteñido":46385,"Ġner":46386,"Ġregion":46387,"ĠPrimeros":46388,"Ġpartos":46389,"itri":46390,"Ġoscure":46391,"Ġcuidador":46392,"ĠLlantas":46393,"Ġmanillar":46394,"Ġeviten":46395,"ILIA":46396,"Ġacercarme":46397,"Ġomni":46398,"Ġdesesperados":46399,"Ġmurcia":46400,"ĠPeñarol":46401,"trava":46402,"ĠPÃŃ":46403,"ĠIf":46404,"Ġnaci":46405,"ubio":46406,"Ġmorenas":46407,"Ġprocedido":46408,"ĠProvinciales":46409,"Ġsonro":46410,"Ġ290":46411,"ĠErik":46412,"kal":46413,"ĠSiga":46414,"Ġreferencial":46415,"Ġfrustrante":46416,"Ġdispersos":46417,"Ġmanutención":46418,"amino":46419,"Ġpaterna":46420,"Ġhabernos":46421,"Ġheladera":46422,"Ġforce":46423,"ĠCaballo":46424,"POSICIÃĵN":46425,"Ġlienzos":46426,"005":46427,"ĠMadison":46428,"Ġexpedi":46429,"Ġretiros":46430,"Utiliza":46431,"ĠFlora":46432,"seco":46433,"Ġchófer":46434,"cury":46435,"ĠEstudiantil":46436,"ĠSubdirección":46437,"ĠBuf":46438,"Ġtoreros":46439,"Ġprotagonizaron":46440,"Ġconversando":46441,"Ġsecuestrada":46442,"Bea":46443,"ĠEro":46444,"Ġgér":46445,"ĠFortuna":46446,"Ġinveros":46447,"ĠHegel":46448,"ĠFalla":46449,"Ġgrin":46450,"sono":46451,"Ġaprendimos":46452,"Ġalmacenado":46453,"Ġurgentemente":46454,"Ġmisteriosos":46455,"ĠDennis":46456,"ĠLimpia":46457,"Ġmascarillas":46458,"Ġyogurt":46459,"utanasia":46460,"CF":46461,"Time":46462,"Ġao":46463,"Ġpuebl":46464,"Ġmalvados":46465,"ĠasesorÃŃas":46466,"Ġcomprarla":46467,"Ġmonedero":46468,"Ġrestaurant":46469,"Ġaconsejan":46470,"Ġmentiroso":46471,"Ġcosechado":46472,"Ġlife":46473,"ĠInsu":46474,"ĠsabÃŃas":46475,"Ġrabi":46476,"ĠCorrupción":46477,"ĠASIGNA":46478,"ĠWarriors":46479,"celos":46480,"tiendas":46481,"ĠPrestamos":46482,"Ġpatentado":46483,"Ġsidra":46484,"Ġserigra":46485,"ĠasÃĥ":46486,"inegro":46487,"Ġobjetivas":46488,"Ġfotom":46489,"ipes":46490,"Ġsacramento":46491,"Ġregresión":46492,"ĠCaban":46493,"Ġresorte":46494,"jov":46495,"ĠVALENCIA":46496,"Ġpromulgación":46497,"Ġacoj":46498,"ĠTaj":46499,"ĠPerdón":46500,"ĠLuque":46501,"Ġbalonmano":46502,"Ġesclava":46503,"iniciar":46504,"deno":46505,"ĠAndres":46506,"ĠVancouver":46507,"Ġbrindaron":46508,"Ġalinea":46509,"Ġcordiales":46510,"Espacio":46511,"ĠMoney":46512,"Ġexiliados":46513,"Ġscrip":46514,"107":46515,"ĠPoniente":46516,"Ġmástil":46517,"ĠENTR":46518,"aproximadamente":46519,"Ġestimulantes":46520,"Ġdesiertos":46521,"ĠAlexandra":46522,"ĠNATURAL":46523,"ĠÃįNDICE":46524,"Ġabordará":46525,"ĠTiz":46526,"Ġlibrarse":46527,"Ġamorosas":46528,"ĠBenavente":46529,"ĠinfografÃŃa":46530,"Ġskate":46531,"!:":46532,"currió":46533,"Ġofendido":46534,"Ġcelulosa":46535,"Ġsobrio":46536,"Ġtransmitiendo":46537,"Ġmatriculación":46538,"ĠJosefa":46539,"ĠMUNICIPAL":46540,"Ġsabréis":46541,"Ġcontratan":46542,"Ġmontados":46543,"RIO":46544,"Ġdivierte":46545,"ĠRecomendaciones":46546,"ĠAdolescencia":46547,"ĠACTIVIDADES":46548,"Ġrencontre":46549,"uestre":46550,"Ġpopa":46551,"Escri":46552,"Ġadministradora":46553,"Ġmagnifico":46554,"Ġrapidos":46555,"Ġgamas":46556,"Ġmetidos":46557,"construcción":46558,"cinia":46559,"Ġexploradores":46560,"Próx":46561,"Doble":46562,"Ġhomologado":46563,"deles":46564,"ĠJhon":46565,"comm":46566,"ĠdefendÃŃa":46567,"Ġderogación":46568,"ĠAlejandrÃŃa":46569,"Ciertamente":46570,"Ġcumb":46571,"Ġcuenco":46572,"ĠPasamos":46573,"Ġaumenten":46574,"Actualización":46575,"ĠTIPO":46576,"reses":46577,"Ġreconf":46578,"ĠOlive":46579,"ĠBegoña":46580,"Marco":46581,"Ġreiterada":46582,"Ġmártir":46583,"chebuena":46584,"rata":46585,"lem":46586,"tógrafo":46587,"Ġcontara":46588,"ĠIndian":46589,"sc":46590,"ortes":46591,"ĠAlerta":46592,"128":46593,"ĠElectorales":46594,"Ġprevalecer":46595,"ĠONGs":46596,"ĠmembresÃŃa":46597,"ĠDiseñado":46598,"Molino":46599,"Ġvet":46600,"Ġperenne":46601,"ĠAldea":46602,"ĠRegina":46603,"Ġtributación":46604,"Ġempujó":46605,"Ġexpositor":46606,"Ġyihadistas":46607,"nac":46608,"Ġexim":46609,"pán":46610,"Ġee":46611,"ĠSG":46612,"ĠElda":46613,"Ġsinu":46614,"Ġempezo":46615,"wser":46616,"acaso":46617,"Colección":46618,"ĠCuervo":46619,"Ġincómodos":46620,"ĠEstrecho":46621,"mebol":46622,"Ġép":46623,"Ġcoincidimos":46624,"ofón":46625,"ĠDiagonal":46626,"ĠOil":46627,"exe":46628,"Ġnegaba":46629,"Niños":46630,"ĠMonsanto":46631,"Jn":46632,"Ġazoteas":46633,"Ġreeleg":46634,"JUE":46635,"Ġsnow":46636,"Ġcayera":46637,"Ġsonando":46638,"Ġexpol":46639,"Ġpelvis":46640,"Ġ207":46641,"Ġliderados":46642,"árquico":46643,"Ġsedimentos":46644,"PLA":46645,"ĠMiedo":46646,"ĠLama":46647,"Ġtire":46648,"Ġpintando":46649,"ĠbrujerÃŃa":46650,"género":46651,"ĠErika":46652,"ĠMing":46653,"Ġvisas":46654,"Accesorios":46655,"Cree":46656,"ĠNBC":46657,"igrantes":46658,"cuentros":46659,"Ġbañarse":46660,"Ġingenuo":46661,"ĠResponder":46662,"ĠCompatible":46663,"ĠPensar":46664,"Ġsubordinados":46665,"ĠGus":46666,"Ġelegibles":46667,"ĠSong":46668,"Ġdelegar":46669,"Ġtuviste":46670,"ennials":46671,"Ġcuadr":46672,"olÃĥ":46673,"asegu":46674,"Ġasumimos":46675,"Ġdeclaratoria":46676,"ĠStones":46677,"Ġ950":46678,"Ġliberan":46679,"ĠLucena":46680,"dv":46681,"Ġinstau":46682,"Ġmagistrales":46683,"Ġenalte":46684,"ĠNiza":46685,"Ġespej":46686,"Ġcuaj":46687,"Ġobviar":46688,"ĠCortázar":46689,"tla":46690,"trera":46691,"âĢľâĢ¦":46692,"Ġnazismo":46693,"Ġalmer":46694,"stitución":46695,"ĠEmpleos":46696,"Ġperdáis":46697,"cope":46698,"Ġrincon":46699,"ĠBoliviana":46700,"Var":46701,"Ġestructurar":46702,"Ġchubas":46703,"amis":46704,"ĠCut":46705,"ĠAmazonÃŃa":46706,"Ġjustificó":46707,"Ġeucalip":46708,"Ġvisites":46709,"Ġtambale":46710,"Ġimplementó":46711,"Ġcrediticia":46712,"Online":46713,"ĠSimposio":46714,"Gro":46715,"Ġarnés":46716,"Ġprescrip":46717,"Ġentrego":46718,"ĠPrimo":46719,"ĠLenguas":46720,"Ġati":46721,"amigo":46722,"âĢĥ":46723,"Ġprofer":46724,"ĠFore":46725,"Ġsuperflu":46726,"Ġfolios":46727,"ĠGn":46728,"Ġpolis":46729,"Ġtrasmitir":46730,"Ġestrechar":46731,"ĠLedesma":46732,"Ġfavorablemente":46733,"dalas":46734,"Proce":46735,"ĠAlmuerzo":46736,"Ġcaracoles":46737,"Ġportando":46738,"itolio":46739,"tanol":46740,"Ġestadunidense":46741,"Ġintensificar":46742,"Ġpabell":46743,"ĠDepósito":46744,"Ġgasolineras":46745,"ĠImplementación":46746,"Ġerupciones":46747,"tezas":46748,"ĠAxel":46749,"Escrito":46750,"terapeutas":46751,"Ġcriada":46752,"Ġhumanitarias":46753,"ĠExperimental":46754,"RodrÃŃguez":46755,"ĠQaeda":46756,"tentes":46757,"ĠEscuchar":46758,"Ġlideres":46759,"Ġautóctonas":46760,"ĠmorÃŃa":46761,"Ġaccedan":46762,"Ġdeslumbrante":46763,"Ġtoráci":46764,"Ġverguenza":46765,"Ġinmensas":46766,"Ġenseñe":46767,"Ġrecón":46768,"Administración":46769,"pores":46770,"too":46771,"Ġempece":46772,"ANAS":46773,"Ġconsultante":46774,"ĠConsulting":46775,"Ġvagón":46776,"fantas":46777,"Ġzombis":46778,"Nuevamente":46779,"ĠFrie":46780,"ĠextraÃŃdos":46781,"Ġodisea":46782,"Ġfit":46783,"Ġmelón":46784,"ĠCarp":46785,"Ġregistre":46786,"Ġinstrumentales":46787,"tÃŃb":46788,"ĠEducation":46789,"llos":46790,"Ġpesimismo":46791,"Ġfiliación":46792,"Ġdeclarando":46793,"Ġbullicio":46794,"?;":46795,"EZA":46796,"Ġarg":46797,"ésimas":46798,"Ġmetida":46799,"ĠCostas":46800,"ĠmarroquÃŃes":46801,"cron":46802,"aduc":46803,"Ġproyectiles":46804,"Ġlio":46805,"ĠsimetrÃŃa":46806,"Ġsintom":46807,"Ġcabre":46808,"ÃģTICA":46809,"guren":46810,"orah":46811,"ĠOslo":46812,"Ġdividió":46813,"Ġelectrodoméstico":46814,"UI":46815,"Ġbió":46816,"Dejar":46817,"Ġleerlos":46818,"Higgins":46819,"tun":46820,"ĠOle":46821,"Ġcerezas":46822,"ĠbolÃŃgrafo":46823,"Ġsemáforos":46824,"Ġplebiscito":46825,"rance":46826,"compe":46827,"Ġbasarse":46828,"tania":46829,"Ġcolorida":46830,"Ġrefleje":46831,"Ġtiernas":46832,"copias":46833,"Cristina":46834,"ĠBritánica":46835,"Ġsubcampeón":46836,"Ġsandwich":46837,"chile":46838,"ĠMartina":46839,"Ġalertar":46840,"Ġirresponsabilidad":46841,"Ġafeitado":46842,"Set":46843,"fila":46844,"Ġ(.":46845,"âĢ¦-":46846,"Ġóse":46847,"ĠPio":46848,"ĠMÃĥ":46849,"ĠFierro":46850,"thia":46851,"ĠEscucha":46852,"aire":46853,"ĠMarac":46854,"Ġlidi":46855,"Ġcomprada":46856,"ĠESCUELA":46857,"Ġlloraba":46858,"XXX":46859,"ĠRenovables":46860,"Ġmanantial":46861,"Iz":46862,"ĠLX":46863,"Ġsobremanera":46864,"âĢ¦âĢĿ,":46865,"eyra":46866,"Ġdelictivo":46867,"ĠAssist":46868,"480":46869,"Ġft":46870,"ibaba":46871,"imperial":46872,"licé":46873,"ĠMigraciones":46874,"ĠBeethoven":46875,"ĠChinch":46876,"Ġinsatisfacción":46877,"Ġdelin":46878,"Ġaprendes":46879,"Ġrenacer":46880,"Ġindependentismo":46881,"Ġvegetariana":46882,"ĠCome":46883,"ĠFernandez":46884,"ĠCatamarca":46885,"Ġcentralizada":46886,"ĠSolidario":46887,"Ġparos":46888,"Ġdebidos":46889,"Ġobjetivamente":46890,"Ġesperma":46891,"Ġ1890":46892,"ĠGogh":46893,"Divers":46894,"Ġincis":46895,"ĠPorte":46896,"Ġmorosidad":46897,"Ġpagarle":46898,"Ġderiven":46899,"Ġcolaterales":46900,"Ġsolvente":46901,"\"-":46902,"Ġdesmar":46903,"ĠRut":46904,"ĠanÃĥ":46905,"Ġlimit":46906,"Ġaltares":46907,"ĠISSN":46908,"González":46909,"udez":46910,"Ġate":46911,"Ġfacción":46912,"Ġabordaron":46913,"ĠConnect":46914,"Ġgremiales":46915,"chia":46916,"Ġacompañarán":46917,"ĠTania":46918,"Ġmediocres":46919,"OMBIA":46920,"iris":46921,"Ġalzada":46922,"tadamente":46923,"digital":46924,"ĠTechnologies":46925,"Ġtala":46926,"Ġobvi":46927,"ĠSanitario":46928,"ĠCruise":46929,"Ġalérgicas":46930,"FRE":46931,"ĠCrónicas":46932,"eber":46933,"inoco":46934,"Ġregirán":46935,"Ġbrigadas":46936,"Ġcontracciones":46937,"Ġporfavor":46938,"ĠPele":46939,"ĠTP":46940,"Ġentreg":46941,"Ġrespetados":46942,"ĠLente":46943,"portu":46944,"Ġdispongo":46945,"ĠVengadores":46946,"Ġgestionando":46947,"Ġembajadas":46948,"Ġrevocaciones":46949,"Ġavaricia":46950,"padre":46951,"api":46952,"ĠBanderas":46953,"Cort":46954,"Ġexhum":46955,"Ġdesguace":46956,"ulin":46957,"etricia":46958,"ĠBarba":46959,"Ġ179":46960,"Ġrefugiado":46961,"Ġoxig":46962,"ĠEspectáculos":46963,"TERS":46964,"úplex":46965,"Estudiantes":46966,"Ġconstató":46967,"Ġ204":46968,"ĠCeballos":46969,"villo":46970,"Ġhectárea":46971,"Ġengañosa":46972,"Ġpizar":46973,"Ġjustifique":46974,"Ġradiales":46975,"Ġhablarle":46976,"Ġdrástica":46977,"elles":46978,"ĠFich":46979,"ĠMeyer":46980,"Ġinsuf":46981,"ĠObst":46982,"ĠDecisión":46983,"Londres":46984,"Ġanul":46985,"ĠPatron":46986,"1981":46987,"ilates":46988,"ĠOficio":46989,"Ġimaginarse":46990,"Emple":46991,"ĠEnamor":46992,"ambiental":46993,"Ġfronterizos":46994,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":46995,"Ġmudó":46996,"ĠUF":46997,"Ġpascua":46998,"Ġorador":46999,"ĠGuitar":47000,"TUD":47001,"ĠhÃŃbrida":47002,"tap":47003,"Ġobjeciones":47004,"ĠBiodiversidad":47005,"Ġpurga":47006,"ndo":47007,"cagua":47008,"Ġcarnavales":47009,"Ġflexión":47010,"Ġsoportado":47011,"Ġalineados":47012,"Ġpinceles":47013,"Ġenorgullece":47014,"Hospital":47015,"trana":47016,"Ġadorar":47017,"tiner":47018,"Ãģrea":47019,"ĠPARTE":47020,"ĠFav":47021,"ĠAlvear":47022,"ĠColoma":47023,"Ġderrotados":47024,"Ġrespaldada":47025,"Ġovario":47026,"Ġengranajes":47027,"chua":47028,"ĠTrauma":47029,"noviembre":47030,"ĠTudela":47031,"ĠBosques":47032,"Ġcalifican":47033,"ĠTODAS":47034,"ĠBowie":47035,"ĠprofecÃŃas":47036,"Ġpanda":47037,"ĠInfierno":47038,"Ġvisitadas":47039,"Profesor":47040,"Interesante":47041,"Ġpegan":47042,"Ġampliaciones":47043,"Ġatrocidades":47044,"ĠESTUDIOS":47045,"Ġrealeza":47046,"Ġvisitarla":47047,"Agentes":47048,"Ġahumado":47049,"tándola":47050,"conocimiento":47051,"Ġ1909":47052,"ĠPetit":47053,"Ġcambiarla":47054,"ĠMusica":47055,"Ġcortejo":47056,"Ġbrutalidad":47057,"ĠAragonés":47058,"Ġmetes":47059,"guard":47060,"Ġarrepiento":47061,"Ġhacker":47062,"ĠPasó":47063,"Ġconformarse":47064,"Ġdañan":47065,"Ġtransmisor":47066,"Ġnbsp":47067,"rand":47068,"ĠartÃĥ":47069,"Ġredistribución":47070,"Ġbay":47071,"ĠWiki":47072,"ificadora":47073,"Ġmorbosa":47074,"Adri":47075,"mash":47076,"uyan":47077,"Ġ173":47078,"Ġgordos":47079,"Ġconcientización":47080,"ĠPró":47081,"Pad":47082,"reña":47083,"caros":47084,"Ġradiofrecuencia":47085,"ĠFundador":47086,"Ġbendita":47087,"ĠPoe":47088,"Ġalejó":47089,"Ġanimes":47090,"Ġestrato":47091,"dóñez":47092,"ĠTak":47093,"ĠÃļnicamente":47094,"inapa":47095,"nota":47096,"Ġcentramos":47097,"Ġencendió":47098,"ĠocurrirÃŃa":47099,"ĠRefugio":47100,"Bron":47101,"ciA":47102,"baja":47103,"Ġdelimitación":47104,"ĠIncreÃŃble":47105,"zonas":47106,"Ġteta":47107,"ĠAdrian":47108,"txe":47109,"Ġráfagas":47110,"Ġinsolv":47111,"Ġbohem":47112,"Ġempezaban":47113,"Ġepilepsia":47114,"iaba":47115,"Ġbasuras":47116,"ANG":47117,"Ġpreciosidad":47118,"Ġanticipadas":47119,"ĠAbogacÃŃa":47120,"ĠAvanzado":47121,"Ġredujeron":47122,"ĠSinceramente":47123,"ĠbiografÃŃas":47124,"Ġatravesó":47125,"Ġconcesionaria":47126,"ĠDifusión":47127,"Ġsancionador":47128,"Ġdron":47129,"Rey":47130,"Ġcasamiento":47131,"Ġhand":47132,"ingitis":47133,"compar":47134,"Ġentregarle":47135,"Ġsepulcro":47136,"saludos":47137,"Ġdico":47138,"Ġhead":47139,"Ġinfecciosas":47140,"ĠPARTICI":47141,"Ġpolietileno":47142,"Ademas":47143,"administ":47144,"Ġinfortun":47145,"Ġopio":47146,"ating":47147,"onadas":47148,"ñados":47149,"ĠTX":47150,"ĠÂŃ":47151,"ĠArra":47152,"Ġagudas":47153,"orales":47154,"mile":47155,"ĠdecÃŃr":47156,"Ġgestionada":47157,"azul":47158,"ĠEcológica":47159,"Ġvariando":47160,"Ġautentica":47161,"Ġreversible":47162,"ioni":47163,"Ġorinar":47164,"Ġpensemos":47165,"Ġarrojado":47166,"Ġbiodi":47167,"ĠIncorpor":47168,"Ġamazon":47169,"Ġdisputada":47170,"ĠOpus":47171,"Ġplomero":47172,"Ġjubilaciones":47173,"cuánto":47174,"ĠPenitenciario":47175,"ĠGill":47176,"ĠcrecÃŃa":47177,"ĠMariscal":47178,"Ġexaltación":47179,"ĠSISTEMAS":47180,"Ġestribillo":47181,"Ġdesvincul":47182,"cuyo":47183,"bledon":47184,"Ġ184":47185,"Ġbondados":47186,"Ġsalvamento":47187,"ĠSchwarz":47188,"Ġlúdicas":47189,"oriasis":47190,"Ġnasales":47191,"Ġamedr":47192,"Fon":47193,"Ġvierte":47194,"ángulos":47195,"Ġcomparan":47196,"ĠConclusiones":47197,"Ġpalmarés":47198,"Ġbastos":47199,"ĠDisplay":47200,"ballo":47201,"Ġfideos":47202,"Ġacantilado":47203,"Ġanalizada":47204,"Ġpregrado":47205,"Ġultimamente":47206,"Ġapuntarse":47207,"ĠHuila":47208,"Ġplanetario":47209,"Ġbranding":47210,"ĠDoce":47211,"Ġespas":47212,"Ġollas":47213,"Ġexplotó":47214,"Ġadornar":47215,"Ġidiotas":47216,"Genial":47217,"Viernes":47218,"Ġhen":47219,"ĠPagos":47220,"Ġautocara":47221,"Ġexigirá":47222,"ĠBenal":47223,"ĠEMPRESAS":47224,"ĠEmpezó":47225,"PJ":47226,"anya":47227,"Ġmatinal":47228,"Ġcabellera":47229,"ĠLoco":47230,"Ġsoberanos":47231,"ĠDESCRIPCIÃĵN":47232,"Ġrehus":47233,"Ġautodidacta":47234,"Conjunto":47235,"Ġajustables":47236,"Ġingenioso":47237,"د":47238,"Ġrepo":47239,"Ġlastimar":47240,"ĠIntercambio":47241,"Ġpreparo":47242,"Ġcallejeras":47243,"remlin":47244,"Oferta":47245,"ĠAraucanÃŃa":47246,"Ġapreciada":47247,"Ġsubsistir":47248,"Ġadictivo":47249,"ĠIncorpora":47250,"Ġresaca":47251,"quiales":47252,"Ġcriolla":47253,"Ġintencion":47254,"Ġprofesoras":47255,"ĠSepúlveda":47256,"Ġchupando":47257,"ĠMain":47258,"Ġcelebridad":47259,"Ġmaterialismo":47260,"ĠIker":47261,"ĠLuiz":47262,"Ġdominando":47263,"ĠStark":47264,"ĠBalears":47265,"Amar":47266,"Ġdejéis":47267,"Ġpensionados":47268,"Ġobsesionado":47269,"lés":47270,"ĠOst":47271,"çĶ":47272,"Ġmonitorizar":47273,"Ġdesprendimiento":47274,"ĠDéj":47275,"Ġdevastador":47276,"Ġmotriz":47277,"Ġpulgas":47278,"navaca":47279,"Ġconectó":47280,"Ġcomprenda":47281,"capaci":47282,"initis":47283,"Ġsaturadas":47284,"ĠPROSTITU":47285,"Mesa":47286,"Ġcoar":47287,"ĠDese":47288,"Power":47289,"Ġsarcas":47290,"Ġentremez":47291,"ĠBaix":47292,"ĠREF":47293,"ĠHoliday":47294,"Ġresaltando":47295,"ĠJordán":47296,"Ġgentiles":47297,"Bene":47298,"hand":47299,"Ġsms":47300,"ambo":47301,"ĠEfra":47302,"ĠPorfi":47303,"ĠlÃŃpidos":47304,"Ġvocablo":47305,"Ġintrom":47306,"Ġdudan":47307,"Ġacabara":47308,"inerfe":47309,"Km":47310,"Ġdemandó":47311,"Ġinvadido":47312,"Ġtraumatismo":47313,"gicas":47314,"Ġtriat":47315,"Ġtoreo":47316,"Ġhablaros":47317,"Ġdisfrutarla":47318,"ĠSensor":47319,"itualmente":47320,"Ġ304":47321,"Ġcolofón":47322,"Ġtextual":47323,"opin":47324,"Ġentrevistar":47325,"amoto":47326,"Investigadores":47327,"Duración":47328,"Ġmuuu":47329,"Ġcuestionarios":47330,"Ġenseñas":47331,"ULA":47332,"Ġlegión":47333,"Ġincursiones":47334,"ĠRover":47335,"168":47336,"ULL":47337,"Ġlocutor":47338,"Ġarrancará":47339,"ĠAlain":47340,"ĠEslovaquia":47341,"SEM":47342,"ĠClÃŃnicas":47343,"Ġrecargo":47344,"Ġhondureños":47345,"rÃŃn":47346,"Ġinduce":47347,"ĠFren":47348,"ÃŃtanos":47349,"YE":47350,"ĠTari":47351,"Ġforrado":47352,"Ġdescubiertas":47353,"ĠSecreto":47354,"Ġafiliadas":47355,"Ġgriegas":47356,"ĠHolocausto":47357,"Ġwhat":47358,"ĠRespuestas":47359,"ĠESPEC":47360,"ĠDeluxe":47361,"Ġexpandirse":47362,"Ġaburre":47363,"ĠIndependientemente":47364,"Ġbocadillo":47365,"ĠGOL":47366,"ĠTelegram":47367,"Ġgarante":47368,"Ġdiestra":47369,"ĠREGIS":47370,"210":47371,"Ġradicado":47372,"Ġimaginarios":47373,"ĠTauro":47374,"ĠGuardar":47375,"ĠAcuario":47376,"Ġredirig":47377,"Ġmelanc":47378,"uerzos":47379,"Ġrodeaba":47380,"Ġimpulsores":47381,"Ġperdiera":47382,"lap":47383,"Ġcumplimos":47384,"Ġengaña":47385,"ĠHipólito":47386,"Ġnun":47387,"ĠCayo":47388,"ĠSweet":47389,"Ġllegase":47390,"Ġrecaer":47391,"invierno":47392,"rt":47393,"ĠJor":47394,"Ġsentarme":47395,"Ġmillonarias":47396,"ĠAtocha":47397,"itec":47398,"óleo":47399,"ĠDres":47400,"Ġchula":47401,"Ġarrancado":47402,"ĠGolpe":47403,"Ġconcluyen":47404,"ĠBarbara":47405,"ĠCorpor":47406,"Ġcorrespondido":47407,"ĠGeneralidad":47408,"Ġradares":47409,"Ġmolido":47410,"Ġremates":47411,"Encuentro":47412,"Ġesgrim":47413,"Ġgérmenes":47414,"RERA":47415,"ófago":47416,"ĠNarra":47417,"Ġtez":47418,"ĠEspera":47419,"Ġreconozcan":47420,"Ġchiringu":47421,"ĠRia":47422,"portaciones":47423,"Ġ1907":47424,"Ġpensábamos":47425,"Japón":47426,"ÃŃquese":47427,"cule":47428,"Ġcorra":47429,"Ġatreves":47430,"ĠBird":47431,"ĠAsesoramiento":47432,"1531556":47433,"Ġculturalmente":47434,"ropileno":47435,"Ġpesimista":47436,"Ġamados":47437,"ĠSee":47438,"ĠAnillos":47439,"ĠChim":47440,"Ġimportadores":47441,"Sigo":47442,"étricos":47443,"técnico":47444,"Ġcist":47445,"Ġaunar":47446,"Ġsofisticadas":47447,"ĠOcupacional":47448,"norte":47449,"Ġaprieta":47450,"ĠrespondÃŃ":47451,"Ġfetal":47452,"Ġahorrado":47453,"timex":47454,"ĠCED":47455,"chando":47456,"ĠYORK":47457,"ĠDeuda":47458,"ĠQuis":47459,"ĠFOTOS":47460,"AK":47461,"Ġasol":47462,"ĠWind":47463,"Ġescritorios":47464,"positiva":47465,"Ġelevando":47466,"Ġcomunicacion":47467,"ĠPython":47468,"ĠRRHH":47469,"ĠLituania":47470,"Ġhaceros":47471,"Ġshop":47472,"Ġalfar":47473,"Ġpedagógicos":47474,"Ġcapitanes":47475,"Murcia":47476,"entará":47477,"mine":47478,"Ġmáxime":47479,"ĠServidor":47480,"Ġsacerdocio":47481,"Ġperimetral":47482,"Gl":47483,"bona":47484,"Ġconsigas":47485,"Ġembru":47486,"ĠKaw":47487,"Ġautomatizados":47488,"ĠFat":47489,"ĠFERN":47490,"!!,":47491,"eps":47492,"ármelo":47493,"Ġdolorosos":47494,"ĠÃīxito":47495,"Ġvelero":47496,"cv":47497,"zmÃŃn":47498,"ĠSáhara":47499,"Ġcobardes":47500,"Ġterci":47501,"Ġrefiriendo":47502,"Ġjugarse":47503,"ог":47504,"ĠAmplia":47505,"Ġaplaudir":47506,"ĠJurisdicción":47507,"ĠFECHA":47508,"cocina":47509,"etón":47510,"Ġwiki":47511,"ĠPiedad":47512,"ĠNy":47513,"Ġcremoso":47514,"eton":47515,"Ġaleatorio":47516,"ðŁĩ":47517,"Ġhidratada":47518,"Ġlujosos":47519,"Ġsoplo":47520,"Ġrif":47521,"Ġinvertirá":47522,"ĠCatherine":47523,"Ġarqueólogo":47524,"Ġrequirió":47525,"Ġlicenciados":47526,"Ġdecidirse":47527,"Ġnubosidad":47528,"Ġheredera":47529,"Ġtracks":47530,"fio":47531,"quebran":47532,"Ġcontrajo":47533,"Ġrelatar":47534,"Ġincrementará":47535,"Ġgitana":47536,"ĠINTEGR":47537,"ĠBing":47538,"ĠFAB":47539,"Ġtalib":47540,"ĠXalapa":47541,"Ġofertados":47542,"Ġdevueltos":47543,"Parque":47544,"odle":47545,"Ġaberturas":47546,"ĠWoody":47547,"frán":47548,"Ġacercarte":47549,"Usa":47550,"rium":47551,"ĠAnillo":47552,"ĠDiamante":47553,"Ġapoyarse":47554,"ICULO":47555,"estés":47556,"poli":47557,"ĠRubalcaba":47558,"Ġhipócrita":47559,"Ġconcluirá":47560,"Hom":47561,"Ġsudo":47562,"Ġestudiadas":47563,"ĠNaturalmente":47564,"Ġigualó":47565,"Ġsostenimiento":47566,"ĠAduana":47567,"Ġentrañables":47568,"SEC":47569,"Ġpararse":47570,"Ġcuarent":47571,"Ġconstruirse":47572,"Ġusaremos":47573,"Ġhablara":47574,"Ġrepartiendo":47575,"ICIDAD":47576,"Ġdoblado":47577,"ĠLác":47578,"Ġjinetes":47579,"Ġregad":47580,"Ġpolig":47581,"ĠCOMPR":47582,"Ġinevitables":47583,"ĠDeterminar":47584,"Intentamos":47585,"ranes":47586,"ĠHech":47587,"ĠYer":47588,"ubridad":47589,"Ġespeso":47590,"ĠincluÃŃan":47591,"Ġidentificador":47592,"Ġrespaldan":47593,"Ġhomogéneo":47594,"Ġasteroide":47595,"Ġstyle":47596,"Ġengal":47597,"...":47598,"Ġcorrieron":47599,"Preciosa":47600,"Ġinesperadas":47601,"Ġcacerola":47602,"ĠAdvanced":47603,"Ġquebra":47604,"ĠUz":47605,"ĠGourmet":47606,"ĠPortland":47607,"Ġavecin":47608,"ĠAfil":47609,"ĠEspada":47610,"Ġmatarlo":47611,"Ġneutros":47612,"ĠAquello":47613,"Ġyuca":47614,"Ġconcom":47615,"Ġcorres":47616,"Ġmoradores":47617,"Ġmigrante":47618,"ĠPiña":47619,"ĠDISEÃijO":47620,"ĠPavón":47621,"ĠFortaleza":47622,"tuno":47623,"ĠOsasuna":47624,"ĠBebidas":47625,"ĠFrancesc":47626,"Ġencapuch":47627,"Ġperdedor":47628,"Ġcalculan":47629,"ĠMargaret":47630,"ĠNOS":47631,"Ġcotil":47632,"Ġ1300":47633,"ĠEducativas":47634,"Ġautóctona":47635,"Ġimpermeabilizar":47636,"Ġcomuniones":47637,"Ġfaltaron":47638,"ĠLook":47639,"Ġempezarán":47640,"eee":47641,"ĠIPv":47642,"ĠChildren":47643,"Ġelijan":47644,"Ġcomputar":47645,"Ġaflu":47646,"Ġentron":47647,"Ġdespist":47648,"free":47649,"ĠTacón":47650,"Ġsicarios":47651,"Ġadiner":47652,"ĠMonzón":47653,"Ġcompartimentos":47654,"ĠEpidemi":47655,"Ġtendras":47656,"Ġmaria":47657,"ĠPrefectura":47658,"Ġarmó":47659,"ĠHelen":47660,"eléctrico":47661,"Ġestara":47662,"Ġdictados":47663,"Ġdocumentada":47664,"ĠFES":47665,"Ġareas":47666,"Ġocurran":47667,"Ġatenu":47668,"ĠBurdeos":47669,"roma":47670,"ĠTW":47671,"Ġmagnitudes":47672,"Ġduraderas":47673,"razy":47674,"ĠIlde":47675,"Ġguardó":47676,"ĠnÃŃquel":47677,"Ġempanadas":47678,"Ġveré":47679,"Ġimplementadas":47680,"Ġendocr":47681,"Punto":47682,"game":47683,"Ġabunda":47684,"ĠMaur":47685,"ONZ":47686,"Ġresfriado":47687,"Ġflecos":47688,"Ġproactiva":47689,"Conoces":47690,"Ġprueban":47691,"Ġprocedi":47692,"Ġsuicidas":47693,"Ġespontaneidad":47694,"Ġ182":47695,"Ġasesinó":47696,"inski":47697,"Ġjerez":47698,"Ġphoto":47699,"Ġsumen":47700,"Ġble":47701,"Ġconociera":47702,"Ġcambiaba":47703,"Ġcontaminados":47704,"Ġcuestionan":47705,"ĠBrent":47706,"Ġconstructivas":47707,"Ġcoctel":47708,"280":47709,"Ġ1400":47710,"ĠAbas":47711,"Ġproponga":47712,"ĠNúmeros":47713,"ĠPeliculas":47714,"Ġalbe":47715,"Ġimpag":47716,"bau":47717,"Ġagradecerle":47718,"ĠFitz":47719,"ĠEscon":47720,"ĠTejido":47721,"Ġagravio":47722,"ĠfactorÃŃa":47723,"ĠfisiologÃŃa":47724,"Ġfurgonetas":47725,"Ġposmoder":47726,"Ġpetar":47727,"Ġintencional":47728,"850":47729,"jona":47730,"turando":47731,"ĠDuc":47732,"Ġbastará":47733,"Ġpintan":47734,"Ġadaptándose":47735,"ilantro":47736,"ĠApart":47737,"gard":47738,"pite":47739,"ĠSaga":47740,"ĠDIARIO":47741,"Ġprestada":47742,"stasis":47743,"Ġcontradice":47744,"ĠLici":47745,"ERIC":47746,"ĠParo":47747,"Ġalmirante":47748,"Ġsuperinten":47749,"Ġsorprendieron":47750,"Ġrecordé":47751,"Ġprotectoras":47752,"Ġaltruista":47753,"Seb":47754,"Ġreconversión":47755,"Ġprovech":47756,"Ġtriatlón":47757,"Ġhumanidades":47758,"ĠVivimos":47759,"Ġhidratar":47760,"Ġimperialistas":47761,"Ġtenerlas":47762,"Ġfaltando":47763,"ĠZub":47764,"ĠClásicos":47765,"Ġapaci":47766,"Ġjardinero":47767,"Fondo":47768,"ĠPola":47769,"Ġverificado":47770,"ĠConfianza":47771,"ĠEspiritual":47772,"Jornada":47773,"Ġsaltado":47774,"Ġfallan":47775,"Ġeconomia":47776,"Ġsangrienta":47777,"Ġbarcelonés":47778,"Ġtentaciones":47779,"Ġdecidas":47780,"Ġdecididamente":47781,"ĠEscolares":47782,"Ġexprimir":47783,"Ġmeseta":47784,"Ġatendemos":47785,"Ġtaco":47786,"Ġentraña":47787,"ĠBustos":47788,"Ġprecario":47789,"ndice":47790,"Ġexpo":47791,"Ġgustara":47792,"Ġvitrinas":47793,"Ġajusten":47794,"ĠCSIC":47795,"Ġauspici":47796,"ĠatreverÃŃa":47797,"Ġpsiquiátrico":47798,"1979":47799,"ĠPascal":47800,"goglio":47801,"Ġsuavizar":47802,"ĠDidáctica":47803,"Ġbálsamo":47804,"ĠLena":47805,"inela":47806,"ĠArk":47807,"Ġxd":47808,"ĠHerramienta":47809,"Ġirreal":47810,"Editorial":47811,"Ġenrojecimiento":47812,"Ġsaba":47813,"Ġperrita":47814,"Ġyate":47815,"Ġjuegas":47816,"Ġpartner":47817,"Ġsostuvieron":47818,"ĠConsuelo":47819,"Ġexplotado":47820,"económico":47821,"ĠautomovilÃŃstico":47822,"Ġemular":47823,"Ġrecorrerá":47824,"ön":47825,"ĠValentino":47826,"ĠMasculino":47827,"HN":47828,"Ġrecibirlo":47829,"Declaración":47830,"ĠRobledo":47831,"Ġderroche":47832,"ĠArtÃŃstica":47833,"ĠIniciación":47834,"Capacidad":47835,"ĠBecerra":47836,"crea":47837,"Ġacabé":47838,"Ġcaerse":47839,"Ġsch":47840,"gregar":47841,"Ġ174":47842,"ĠAbrir":47843,"Ġreparado":47844,"Ġreformada":47845,"ĠNormativa":47846,"Ġresidir":47847,"VÃŃctor":47848,"ĠcaserÃŃo":47849,"Ġpicor":47850,"ĠFax":47851,"Ġasintió":47852,"ĠAlmacenamiento":47853,"Ġpuber":47854,"ISS":47855,"°.":47856,"Ġserial":47857,"ĠWho":47858,"Ġatentar":47859,"Ġobservada":47860,"ĠTiempos":47861,"tiendan":47862,"Ġcapitulos":47863,"Ġjugoso":47864,"Ġvaron":47865,"Ġshorts":47866,"ĠolÃŃmpicos":47867,"Ġcolgada":47868,"ĠChester":47869,"Ġjuristas":47870,"ĠKaf":47871,"ĠInfanta":47872,"ĠVIVO":47873,"ĠCervera":47874,"osevelt":47875,"ĠExtraordinario":47876,"Big":47877,"ĠAfec":47878,"Ġguiso":47879,"âĢľÂ¡":47880,"Ġorgasmos":47881,"Ġsubsidiaria":47882,"Añadir":47883,"Tierra":47884,"ĠSpecial":47885,"ĠTric":47886,"Ġmaridos":47887,"Ġgang":47888,"Ġentreno":47889,"Ġlegi":47890,"Hermosa":47891,"Ġbruscamente":47892,"Sp":47893,"Ġactive":47894,"Ġ1880":47895,"Ġdilatación":47896,"Ġentabl":47897,"Ġcomul":47898,"Ġvaciado":47899,"ĠMandela":47900,"IDER":47901,"Ġpsoriasis":47902,"upé":47903,"Ġacuarela":47904,"Cy":47905,"Sistemas":47906,"ideros":47907,"sio":47908,"adÃŃsima":47909,"ĠBeca":47910,"Ġmeterle":47911,"California":47912,"Ġrojiblanco":47913,"ĠDuro":47914,"ĠJau":47915,"Ġcaida":47916,"Ġrió":47917,"Ġembel":47918,"Ġefeméri":47919,"Ġveraniego":47920,"ĠRenovación":47921,"ĠEUROPE":47922,"Ġsable":47923,"iews":47924,"arato":47925,"alizante":47926,"ĠCapriles":47927,"Ġreciprocidad":47928,"Bat":47929,"ĠFay":47930,"Ġcandel":47931,"amoros":47932,"Ġaceptarlo":47933,"ĠFinanciamiento":47934,"Ġinterlocutores":47935,"ĠChaves":47936,"ĠInfinity":47937,"ĠKno":47938,"ĠALIM":47939,"libro":47940,"ĠhomeopatÃŃa":47941,"Ġingenuidad":47942,"strac":47943,"Ġculata":47944,"Ġespiar":47945,"ĠLuka":47946,"Ġadministrada":47947,"ĠAcabo":47948,"Autoridades":47949,"Ġmaciza":47950,"Ġasfál":47951,"tanes":47952,"Ġcontaminante":47953,"iffel":47954,"Ġbudista":47955,"ĠAarón":47956,"Ġiva":47957,"ĠFem":47958,"Ġcanceros":47959,"Ġdisputaron":47960,"ométrico":47961,"Ġdiecinueve":47962,"Ġflanque":47963,"ĠCargo":47964,"ĠStran":47965,"Ġinvoca":47966,"Ġfug":47967,"ĠManizales":47968,"ĠBak":47969,"Ġdevuelva":47970,"Ġindemnizar":47971,"Israel":47972,"Drive":47973,"Ġtempo":47974,"Ġhostigamiento":47975,"Ġabasto":47976,"ecita":47977,"QUIER":47978,"Ġsimulacro":47979,"ĠEnergÃŃas":47980,"CB":47981,"Frases":47982,"Ä«":47983,"Ġfusiones":47984,"Ġnecesitó":47985,"ĠBali":47986,"Ġmoleste":47987,"Guillermo":47988,"ĠAntequera":47989,"ktop":47990,"vaya":47991,"tubre":47992,"actualmente":47993,"ĠGros":47994,"Ġuds":47995,"Ġ1870":47996,"ĠSnapdragon":47997,"Ġbudismo":47998,"AZ":47999,"Ġextrapol":48000,"Ġdomiciliario":48001,"Sábado":48002,"\"]":48003,"ompié":48004,"ĠEPA":48005,"Ġalzas":48006,"Ġperfeccion":48007,"ĠMAX":48008,"ĠinvestigaciÃĥ":48009,"ĠRoberts":48010,"Ġdiafragma":48011,"ĠBreak":48012,"Ġmonoc":48013,"TOP":48014,"ÃģM":48015,"Ġfundacional":48016,"ĠMaravillas":48017,"ĠReproduc":48018,"ĠCorto":48019,"Ġderribo":48020,"Ġempleó":48021,"Ġsalvarse":48022,"Ġposteriori":48023,"ĠHispania":48024,"Ġconfluyen":48025,"dp":48026,"ove":48027,"rn":48028,"uñ":48029,"parente":48030,"Ġfirmando":48031,"ĠFacultades":48032,"Ġintenten":48033,"ĠSectorial":48034,"Ġmenciono":48035,"ĠEmprendedor":48036,"ĠNathan":48037,"Ġcocodrilo":48038,"Ġpesquisas":48039,"Ġking":48040,"Ġsacarla":48041,"Ġplanteaba":48042,"ĠGremio":48043,"ĠAuditor":48044,"Ġrapida":48045,"ĠIntentar":48046,"graphy":48047,"153155":48048,"RM":48049,"ĠÑĢ":48050,"Ġtat":48051,"Ġcommun":48052,"Ġsueñan":48053,"Ġdesliza":48054,"burgh":48055,"Ġroza":48056,"ĠKremlin":48057,"tambien":48058,"ĠCampana":48059,"Ġespermatozoides":48060,"ĠValero":48061,"Ġdisciplinario":48062,"Publicación":48063,"Ġmanzanilla":48064,"ĠPsiquiatrÃŃa":48065,"Ġperversa":48066,"ĠDG":48067,"ĠGama":48068,"ĠOEM":48069,"Ġoprim":48070,"Ġinsal":48071,"Ġsignifique":48072,"Ġsocializar":48073,"intamente":48074,"Ġterna":48075,"Ġantise":48076,"Ġmostrados":48077,"ĠPrior":48078,"ĠMySQL":48079,"ĠHostal":48080,"Ġmuched":48081,"Ġsacra":48082,"Ġ265":48083,"Ġtraducen":48084,"Ġtradujo":48085,"Ġcónsul":48086,"Ġmanejable":48087,"Ġatemporal":48088,"Äį":48089,"Ġhp":48090,"Ġsiria":48091,"ĠRights":48092,"loro":48093,"Ġestupendamente":48094,"ĠCayetano":48095,"Ġmétrica":48096,"hiper":48097,"ĠRaza":48098,"Ġmultiplicidad":48099,"Ġestéis":48100,"Ġmediterrán":48101,"Ġmarques":48102,"Ġcandado":48103,"joso":48104,"ĠAmena":48105,"ĠApache":48106,"Ġvideoconferencia":48107,"ĠMeses":48108,"ĠPresidentes":48109,"Ġface":48110,"ĠMt":48111,"Ġllé":48112,"Ġmarginados":48113,"Ġinfluyó":48114,"ĠmÃłs":48115,"ĠFajardo":48116,"ĠDedic":48117,"ĠSeco":48118,"Ġalbergan":48119,"ĠRodamientos":48120,"Ġpubliqué":48121,"ĠLérida":48122,"ĠEJECU":48123,"Ġfly":48124,"Ġextro":48125,"Ġbanners":48126,"timore":48127,"Ġavel":48128,"Ġomitir":48129,"Ġ187":48130,"ĠTemporal":48131,"Ġpresupuestal":48132,"ĠHermosillo":48133,"ĠFootball":48134,"ĠHidra":48135,"Ġimportó":48136,"ĠACAD":48137,"Ġcachondas":48138,"Castel":48139,"Ġfraudulenta":48140,"tary":48141,"quest":48142,"ĠAyudas":48143,"Ġandamos":48144,"Tenga":48145,"Ġdeposita":48146,"Ġmagistrada":48147,"Ġxenóf":48148,"ĠSty":48149,"ĠSans":48150,"Ġopinas":48151,"Ġusuaria":48152,"Ġpublicarse":48153,"ĠStro":48154,"Ġingresados":48155,"Ġcostosas":48156,"Negro":48157,"Ġenunciados":48158,"Open":48159,"Ġ430":48160,"Ġhumec":48161,"Ġcontendrá":48162,"Ġlimitando":48163,"ĠFoster":48164,"Ġvitae":48165,"ĠDortmund":48166,"ĠoÃŃa":48167,"Ġcomimos":48168,"Ġmedica":48169,"ĠIdea":48170,"Ġseveramente":48171,"Lec":48172,"ĠUPS":48173,"ĠSanders":48174,"ĠTamayo":48175,"ĠRuso":48176,"ĠBestia":48177,"Ġpasaportes":48178,"Ġdiferenciada":48179,"Ġbrasileñas":48180,"Ġbilletera":48181,"ĠAco":48182,"Ġtrail":48183,"Ġvacil":48184,"Ġapostamos":48185,"ĠTorrejón":48186,"Ġemisores":48187,"ĠCamboya":48188,"Next":48189,"ĠDIP":48190,"ĠTard":48191,"ĠYunes":48192,"mace":48193,"ĠCY":48194,"ĠNub":48195,"ĠcabrÃŃa":48196,"ĠMinnesota":48197,"114":48198,"Ġkarma":48199,"Ġparabrisas":48200,"Ġridicul":48201,"ĠCela":48202,"Ġmake":48203,"Ġespana":48204,"Ġtomarla":48205,"Ġmoderadas":48206,"ĠImposible":48207,"Ġtasación":48208,"Ġtenacidad":48209,"ueña":48210,"pod":48211,"Ġaplicaron":48212,"PUESTA":48213,"gow":48214,"Ġdivinos":48215,"ĠTrevi":48216,"ĠNIVEL":48217,"ĠEstaremos":48218,"veh":48219,"ĠKath":48220,"Ġprotagonizan":48221,"Ġotorgadas":48222,"Ġreinv":48223,"Ġinfeliz":48224,"name":48225,"ĠUCR":48226,"recia":48227,"ĠBÃŃbl":48228,"Ġiniciarán":48229,"CHOS":48230,"Ġtransportaba":48231,"Ġcoronado":48232,"Ġinseguro":48233,"Ġdiscernimiento":48234,"Ġzodiaco":48235,"clima":48236,"ĠAzu":48237,"Ġplanetaria":48238,"Ġnecesitarán":48239,"Ġestrepitos":48240,"ĠRadical":48241,"ĠNinja":48242,"ĠcomunÃŃcate":48243,"guage":48244,"Ġcursor":48245,"ACO":48246,"ĠFuture":48247,"Ġgasoil":48248,"meda":48249,"Ġcoronó":48250,"ĠjurÃŃdicamente":48251,"ĠHosting":48252,"ĠBrand":48253,"amonte":48254,"ĠimplÃŃcito":48255,"ĠefÃŃmero":48256,"Ġgolazo":48257,"ĠSever":48258,"ESO":48259,"Ġreúnan":48260,"tiful":48261,"Ġincorporamos":48262,"siendo":48263,"turador":48264,"Ġ188":48265,"ĠFabricantes":48266,"Ġreanudación":48267,"falo":48268,"tién":48269,"ĠEnte":48270,"Ġcalas":48271,"ĠtomarÃŃa":48272,"Ġ183":48273,"Ġasfixi":48274,"árselas":48275,"Ġmanganeso":48276,"TIZ":48277,"ĠFlorencio":48278,"ĠFloyd":48279,"Ġsintetizar":48280,"danos":48281,"ĠICO":48282,"ĠConseguir":48283,"Ġrecitales":48284,"ĠpelÃŃn":48285,"Ġdiablos":48286,"Ġelogio":48287,"Ġcarpintero":48288,"Ġ1903":48289,"ĠEmis":48290,"ĠPropio":48291,"Ġdiplomado":48292,"Ġcuantitativo":48293,"ĠâĪĴ":48294,"Ġesclerosis":48295,"Ġreclusos":48296,"Busco":48297,"âĢĶâĢĶâĢĶâĢĶ":48298,"Ġprominente":48299,"urgia":48300,"ĠDEFIN":48301,"ĠZin":48302,"Alerta":48303,"INOS":48304,"Ġ&#":48305,"imetrÃŃa":48306,"Ġpromueva":48307,"Ġdificultan":48308,"Ġsentimentales":48309,"ĠDesastres":48310,"anme":48311,"ĠMÃģ":48312,"ĠOsw":48313,"ĠActual":48314,"Ġdramáticos":48315,"Ġvill":48316,"ĠextraÃŃble":48317,"mendar":48318,"Ġpinche":48319,"Ġ217":48320,"Ġdescribiendo":48321,"Ġencerrar":48322,"Ġconstructivos":48323,"Ġgue":48324,"Ġexo":48325,"bide":48326,"Ġinformaremos":48327,"ĠAnita":48328,"ĠHeavy":48329,"antÃŃas":48330,"Ġcontrincante":48331,"Ġtul":48332,"Ġtweets":48333,"ĠVogue":48334,"Ġkin":48335,"abela":48336,"ĠWeber":48337,"ĠHebre":48338,"ĠPSP":48339,"Ġvertedero":48340,"ĠRECUR":48341,"ĠridÃŃcula":48342,"jico":48343,"sat":48344,"ä¹":48345,"ĠRegreso":48346,"care":48347,"viol":48348,"Ġviolada":48349,"Ġconsumimos":48350,"ĠRubia":48351,"rigoyen":48352,"ĠAltamira":48353,"ictos":48354,"Ġobtienes":48355,"Ġtumblr":48356,"Ġansiosa":48357,"icencio":48358,"ĠINSTITUTO":48359,"âĿ¤":48360,"Ġvaquero":48361,"Ġdestacables":48362,"ivery":48363,"Recono":48364,"Ġsensato":48365,"Ġpopulista":48366,"selec":48367,"quÃŃmico":48368,"ketch":48369,"Ġrecuperada":48370,"ĠHostel":48371,"ĠWimbledon":48372,"amex":48373,"Ġcomió":48374,"ĠprÃĥ":48375,"Ġtomarte":48376,"Ġsupimos":48377,"Necesita":48378,"Ġapó":48379,"taller":48380,"Ġregresaba":48381,"Ġocupamos":48382,"Ġpracticada":48383,"Ġvirtu":48384,"Ġpostula":48385,"Ġimpecables":48386,"TURAS":48387,"ĠCrimen":48388,"ĠOportunidad":48389,"Ġhistorietas":48390,"Ġnatalidad":48391,"Ġcastañas":48392,"ĠShip":48393,"Ġdesmo":48394,"ogia":48395,"Ġmereció":48396,"Ġ171":48397,"putnik":48398,"ĠBeau":48399,"Ġfotografia":48400,"Ġasas":48401,"Ġreplicas":48402,"continental":48403,"aum":48404,"Ġexplicará":48405,"Ġreclutar":48406,"Ġpulsaciones":48407,"Ġenlaza":48408,"Ġinorg":48409,"ĠOrel":48410,"drÃŃo":48411,"ĠConcello":48412,"etina":48413,"Ġagredido":48414,"ĠCircu":48415,"Ġpresupuestarios":48416,"lazo":48417,"Ġrevisados":48418,"IPOS":48419,"Ġbrom":48420,"Ġarmonizar":48421,"Ġsuicidarse":48422,"Ġstart":48423,"Ġinmensidad":48424,"Ġsobras":48425,"Ġaprie":48426,"Ġ315":48427,"ĠAnterior":48428,"Ġformadores":48429,"Ġconquistadores":48430,"ĠmetafÃŃs":48431,"ĠDemasiado":48432,"ĠاÙĦ":48433,"Lista":48434,"omus":48435,"Ġdj":48436,"ĠRibe":48437,"Ġrepetidos":48438,"Ġempujando":48439,"Ġmarxistas":48440,"learning":48441,"técnicos":48442,"plácito":48443,"onne":48444,"jase":48445,".âĢ¢":48446,"Psic":48447,"resul":48448,"Ġandas":48449,"Ġmimos":48450,"ĠCombate":48451,"Ġcomprometieron":48452,"Ġlagrimas":48453,"âĢħ":48454,"haciendo":48455,"ĠNEGO":48456,"Ġcordobesa":48457,"queños":48458,"Ġportaba":48459,"ĠPista":48460,"ĠRIES":48461,"Ġtraficantes":48462,"áctanos":48463,"Ġemitiendo":48464,"Ġarribar":48465,"ĠZúñiga":48466,"ĠArellano":48467,"Ġbungalo":48468,"Ġprover":48469,"Ġimpidan":48470,"Ġmalaria":48471,"ĠCuento":48472,"RACIÃĵN":48473,"Ġ216":48474,"Ġlanzamos":48475,"Acá":48476,"Ġcaribeño":48477,"Ġ1902":48478,"Ġcristalina":48479,"Ġcatólicas":48480,"ĠiranÃŃes":48481,"119":48482,"uba":48483,"rasa":48484,"Ġinfruc":48485,"ĠPASO":48486,"vinos":48487,"Ġgastando":48488,"ĠRovira":48489,"ĠGarci":48490,"Ġlevantarme":48491,"erado":48492,"Ġhada":48493,"ĠPAP":48494,"ĠInvers":48495,"ordan":48496,"Ġquemada":48497,"Ġak":48498,"andÃŃa":48499,"Ġbruscos":48500,"Ġdesodor":48501,"Ġraiz":48502,"asaki":48503,"ĠRichter":48504,"Ġhidráulicos":48505,"Ġvistoso":48506,"Ġdelimitar":48507,"ĠEdificios":48508,"Ġreactivos":48509,"Ġinexistentes":48510,"Ġcomprometemos":48511,"Ġenfatizar":48512,"Pronto":48513,"ĠOrdóñez":48514,"Ġtape":48515,"Ġalarde":48516,"Ġadicta":48517,"Ġhonradez":48518,"Ġselfies":48519,"Ġcet":48520,"Ġpalomitas":48521,"ĠTax":48522,"CONS":48523,"Ġmt":48524,"igón":48525,"Ġarts":48526,"explo":48527,"Ġfactibilidad":48528,"Ġcompensaciones":48529,"pton":48530,"araz":48531,"Ġmuscul":48532,"ĠDirecta":48533,"Ġmetano":48534,"Ġplaticar":48535,"Ġincorpore":48536,"Ġsobren":48537,"Ġmemorizar":48538,"Ġamur":48539,"ORDEN":48540,"Ġonly":48541,"areas":48542,"Ġprocesiones":48543,"Ġimpidieron":48544,"Ġpedan":48545,"Ġexigieron":48546,"ĠTermina":48547,"Ġhipotético":48548,"ĠTomé":48549,"ĠÃŃtem":48550,"Ġaclamado":48551,"American":48552,"Ġparecerá":48553,"Ġcontamina":48554,"Ġbigote":48555,"Ġvocacional":48556,"Acción":48557,"usiera":48558,"Ġmantén":48559,"Ġimpliquen":48560,"ĠEstaciones":48561,"Ġtrasto":48562,"Ġviolando":48563,"ĠESPN":48564,"Ġexceptuando":48565,"ĠFuncionarios":48566,"aros":48567,"amin":48568,"Ġgustas":48569,"Ġdivinas":48570,"ĠBlanc":48571,"ĠFN":48572,"Ġmerezca":48573,"ulouse":48574,"Ġinterpretarse":48575,"Ġcomentarista":48576,"ĠCUAL":48577,"ĠlejanÃŃa":48578,"Ġaledaños":48579,"yéndose":48580,"tativo":48581,"Ġposto":48582,"Ġexpresiva":48583,"Ġ802":48584,"Ġburgueses":48585,"ĠapatÃŃa":48586,"Ġsolemnidad":48587,"Mau":48588,"Ġvieran":48589,"Ġsegui":48590,"Ġalterada":48591,"Ġvinculan":48592,"ÃŃgenos":48593,"ĠcronologÃŃa":48594,"ĠLluÃŃs":48595,"Ġanorexia":48596,"Ġdecididos":48597,"Ġalegria":48598,"Ġesterilización":48599,"Rem":48600,"ĠPé":48601,"Ġasador":48602,"ĠLinks":48603,"ĠASE":48604,"Elabor":48605,"ĠCastle":48606,"Ġanimando":48607,"113":48608,"ECH":48609,"ĠCAPA":48610,"uka":48611,"ĠLane":48612,"partito":48613,"carias":48614,"Ġlux":48615,"Ġaceptará":48616,"ĠEnsenada":48617,"ĠSach":48618,"ĠPenales":48619,"Estimados":48620,"Pi":48621,"Ġpanza":48622,"Ġlatidos":48623,"ĠStand":48624,"Ġside":48625,"ĠDuty":48626,"ĠempÃŃrica":48627,"uelvan":48628,"Ġasistirá":48629,"ĠHago":48630,"Ġcomenzaban":48631,"Ġposeemos":48632,"Ġdesfavorecidos":48633,"ĠEscorial":48634,"Edición":48635,"Ġadvent":48636,"Consejos":48637,"ĠAntigüedad":48638,"ĠDrake":48639,"ĠEpic":48640,"ágen":48641,"ĠItz":48642,"carcel":48643,"Ġdotadas":48644,"Ġestandarte":48645,"Ġderrama":48646,"Ġroot":48647,"Proceso":48648,"Ġpreestable":48649,"Ġimprovisado":48650,"ĠSustitu":48651,"ĠRebelde":48652,"edding":48653,"âĤ¬/":48654,"ĠAgregó":48655,"ĠAqua":48656,"Ġsufragar":48657,"Ġchimeneas":48658,"CG":48659,"Ġcontornos":48660,"ĠMarcial":48661,"Ġatón":48662,"Ġsép":48663,"ĠError":48664,"ĠCull":48665,"tares":48666,"marketing":48667,"Ġconsumida":48668,"Ġpárpado":48669,"Ġobsesion":48670,"FUN":48671,"KK":48672,"ĠLLE":48673,"ĠPasos":48674,"Ġflorecer":48675,"serie":48676,"Ġtolerante":48677,"Ġlif":48678,"ĠLez":48679,"ĠpolÃĥ":48680,"telli":48681,"ĠProfun":48682,"Leon":48683,"Ġaseos":48684,"iceleste":48685,"ĠHACER":48686,"Ġdame":48687,"Ello":48688,"Ġmisas":48689,"Ġsentamos":48690,"Ġintegren":48691,"It":48692,"Ġsirenas":48693,"ĠFlow":48694,"Ġcoloridas":48695,"Ġlibreto":48696,"Ġreservadas":48697,"ĠxDDD":48698,"Ġescanear":48699,"trich":48700,"Ġprimitivos":48701,"ĠNacido":48702,"ĠSuf":48703,"Ġ1898":48704,"gonos":48705,"ĠImpuls":48706,"Ġacontecer":48707,"Ġmazmor":48708,"ĠATENCIÃĵN":48709,"pien":48710,"Ġmisionera":48711,"Ġcamarones":48712,"ĠMérito":48713,"Ġfelino":48714,"Ġadornado":48715,"Ġgrandiosa":48716,"Ġsemántica":48717,"ĠCumpleaños":48718,"quinos":48719,"ĠMake":48720,"Ġconstruimos":48721,"Ġradioterapia":48722,"Ġblasf":48723,"SK":48724,"Ġsudadera":48725,"ĠAres":48726,"ĠguarderÃŃas":48727,"ĠDocencia":48728,"Motor":48729,"Pantal":48730,"ĠNOTICIAS":48731,"lima":48732,"elones":48733,"Ġnacidas":48734,"Ġsuban":48735,"Ġdisfrutéis":48736,"tiny":48737,"Ġmaternal":48738,"!!!.":48739,"ĠRevesti":48740,"Ġentrevistó":48741,"ĠCiro":48742,"irman":48743,"Ġmonasterios":48744,"Ġquirúrgicos":48745,"ĠCinta":48746,"Ġamenazando":48747,"Ġdestruidas":48748,"Ġmovernos":48749,"ĠBlade":48750,"Ġlargometrajes":48751,"ĠAfi":48752,"Ġdesinf":48753,"usta":48754,"Ġfibromialgia":48755,"Ġpregún":48756,"Ġtransbor":48757,"arrama":48758,"Ġabrevia":48759,"Ġalimentador":48760,"ĠLanka":48761,"Ġduela":48762,"ceda":48763,"Ġsimulaciones":48764,"friends":48765,"Ġnavarra":48766,"Ġespecificidad":48767,"UDA":48768,"riza":48769,"ĠEDI":48770,"Ġcristian":48771,"RIP":48772,"bitat":48773,"Ġrotativo":48774,"ĠTRES":48775,"Ġtraba":48776,"015":48777,"Ġcursa":48778,"ĠJesu":48779,"Ġpreferencial":48780,"Ġdetenga":48781,"Haciendo":48782,"ĠARTE":48783,"ĠImagin":48784,"Raúl":48785,"Ġuterino":48786,"Ġstr":48787,"Ġreojo":48788,"ĠLiu":48789,"Ġfavorezcan":48790,"Ġretratar":48791,"Ġdepositados":48792,"Ġenseñaros":48793,"Ġbarroca":48794,"ĠDisfrutar":48795,"Ġconnotaciones":48796,"inistas":48797,"ĠMocas":48798,"Ġsostenidos":48799,"Ġnutritiva":48800,"Ġlomos":48801,"ĠMarl":48802,"entismo":48803,"Ġelfos":48804,"Ġpasea":48805,"Ġrealizarla":48806,"Ġ211":48807,"Ġligamentos":48808,"ĠEncuentre":48809,"Ġantibiótico":48810,"principalmente":48811,"Ġofrecernos":48812,"Ġenemigas":48813,"Ġtranscurrió":48814,"он":48815,"ĠBlasco":48816,"ĠPróximo":48817,"Ġhoci":48818,"Ġdesecho":48819,"idae":48820,"ĠâĢľ,":48821,"ĠMatrimonio":48822,"Ġenfadado":48823,"Aviso":48824,"DIC":48825,"ĠDiar":48826,"Ġcuestionada":48827,"Ġaterrador":48828,"ĠCOMPLE":48829,"Ġadd":48830,"ĠDelhi":48831,"ĠRepresentación":48832,"Ġmillonaria":48833,"Ġdiluci":48834,"ĠReed":48835,"hacia":48836,"Ġpedirles":48837,"ĠPlur":48838,"Ġprecandidato":48839,"atales":48840,"ĠCartu":48841,"Ġviolencias":48842,"Ġcoronación":48843,"ĠInteligente":48844,"Ġconsolidarse":48845,"Ġerróneo":48846,"Ġdiscrepancia":48847,"ĠPCI":48848,"Ġdesórdenes":48849,"tasar":48850,"Ġbolchevi":48851,"oring":48852,"Ġmiento":48853,"ĠCell":48854,"quistas":48855,"Ġcorros":48856,"Grandes":48857,"ĠHidrocarburos":48858,"Ġpoliti":48859,"Ġ193":48860,"Ġhaberes":48861,"Ġdeteriorado":48862,"ectomÃŃa":48863,"Ġexman":48864,"Ġmobile":48865,"tham":48866,"ĠANTON":48867,"ĠDeclara":48868,"Ġcronológico":48869,"zia":48870,"ĠBD":48871,"Ġluis":48872,"Ġpesquera":48873,"Ġrutin":48874,"ĠAndreas":48875,"Ġarrojan":48876,"Ġchorrito":48877,"Hu":48878,"Ġcepillos":48879,"República":48880,"κ":48881,"Ġcontrapres":48882,"ĠCartel":48883,"Ġhow":48884,"Ġencargue":48885,"ĠTeres":48886,"264":48887,"Ġasistirán":48888,"Ġhipn":48889,"Ġruidoso":48890,"leños":48891,"tags":48892,"ĠTower":48893,"ĠDioses":48894,"Ġemita":48895,"Ġdevuelven":48896,"Ġacatar":48897,"Ġdesemboca":48898,"Ġperiférica":48899,"ĠHudson":48900,"Ġapio":48901,"Ġtelevi":48902,"Ġprovocaba":48903,"transmis":48904,"Ġinaugurará":48905,"Ġglosario":48906,"erata":48907,"Ġroturas":48908,"Ġmoro":48909,"ĠCream":48910,"ĠCreed":48911,"Ġabrazó":48912,"Ġentretenidos":48913,"Ġincub":48914,"Ġavalada":48915,"Ġbisab":48916,"Ġmultidisciplinario":48917,"Ġalde":48918,"Ġcollage":48919,"ugna":48920,"ĠlucÃŃa":48921,"Ġreincorpor":48922,"ĠHimno":48923,"Listado":48924,"Ġtraidores":48925,"Ġinvit":48926,"ĠArri":48927,"Ġmosto":48928,"Ġignorado":48929,"Ġcomunicativa":48930,"ĠBrujas":48931,"Ġreclusión":48932,"ĠlegÃŃtimas":48933,"ĠPolarizados":48934,"Ġepider":48935,"fices":48936,"Ġbeneplácito":48937,"155":48938,"Ġmodulo":48939,"ĠGUÃįA":48940,"ĠFortalecimiento":48941,"Ġdels":48942,"Ġalme":48943,"ayor":48944,"ĠDenver":48945,"Ġplegar":48946,"Ġcompartimento":48947,"Ġmarcial":48948,"Ġpeones":48949,"ceps":48950,"Ġdispondrán":48951,"enton":48952,"ĠCondes":48953,"ĠArna":48954,"Ġrepresenten":48955,"Suc":48956,"serÃŃa":48957,"uerpo":48958,"Ġ191":48959,"Ġtransitan":48960,"creto":48961,"Ġculinario":48962,"Ġgaleria":48963,"ĠCepeda":48964,"Ġclandestino":48965,"Ġlargamente":48966,"ĠPitt":48967,"zel":48968,"ĠUVA":48969,"ĠLost":48970,"Ġatom":48971,"ĠEjido":48972,"Ġcorrupta":48973,"ĠValls":48974,"Ġatorn":48975,"Ġgps":48976,"urus":48977,"ĠRepar":48978,"Ġdesempeñarse":48979,"ĠGordo":48980,"Ġmultilateral":48981,"idando":48982,"Ġarroll":48983,"ĠTortu":48984,"Ġimpresionar":48985,"Consulte":48986,"Ġremunerado":48987,"zine":48988,"Ġconcurren":48989,"Ġaplastar":48990,"1977":48991,"ĠComodoro":48992,"Ġrecomendaron":48993,"Ġevaluó":48994,"ĠRango":48995,"Ġfuneraria":48996,"Ġdescansando":48997,"petegui":48998,"ĠZul":48999,"tizadores":49000,"Ġtelefónicos":49001,"Ġnicaragüenses":49002,"Ġanalgésicos":49003,"Ġimbécil":49004,"Caso":49005,"mam":49006,"patÃŃas":49007,"Ġvaina":49008,"TED":49009,"Ġadulter":49010,"Ġrumano":49011,"Ġgrs":49012,"ĠAparece":49013,"Ġsatelital":49014,"ponga":49015,"Ġacertadas":49016,"Ġpines":49017,"zania":49018,"Ġpelean":49019,"sentido":49020,"anés":49021,"Ġinterpuesta":49022,"ĠSaneamiento":49023,"Ġimitando":49024,"Ġsacudir":49025,"LU":49026,"ancas":49027,"anne":49028,"ĠCiti":49029,"Ġsoca":49030,"úcleo":49031,"Ġestilismo":49032,"Ġinfieles":49033,"power":49034,"Ġpropuse":49035,"ĠBalne":49036,"JERCI":49037,"ĠParticipar":49038,"fÃŃsico":49039,"OEA":49040,"Stu":49041,"vita":49042,"Ġvicis":49043,"Ġvacio":49044,"Ġnormalizar":49045,"ĠTrato":49046,"Ġabrirlo":49047,"ĠDivi":49048,"Ġdevolverle":49049,"ĠDiscovery":49050,"dn":49051,"ĠBrea":49052,"ĠAnime":49053,"Ġdescuidado":49054,"Ġconvirtiera":49055,"Ġchoferes":49056,"Ġecommerce":49057,"EDADES":49058,"Ġfrancotir":49059,"Ġdesagües":49060,"Básicamente":49061,"Sport":49062,"aser":49063,"ĠMoc":49064,"ĠQuique":49065,"Ġreaccionan":49066,"679":49067,"Ġreglamentariamente":49068,"Ġproa":49069,"Energ":49070,"new":49071,"Ġestipula":49072,"Ġcotizan":49073,"Ġpabellones":49074,"pital":49075,"ĠLanda":49076,"till":49077,"Notas":49078,"ĠClaude":49079,"Ġmediocridad":49080,"Ġbufete":49081,"PIO":49082,"Ġnecesitando":49083,"ĠDescan":49084,"MuchÃŃsimas":49085,"Ġinvasiva":49086,"ĠEmbal":49087,"Ġbenéfico":49088,"Ġflotas":49089,"edición":49090,"Ġsaharauis":49091,"actual":49092,"ĠBON":49093,"Ġ§":49094,"omaquia":49095,"Ġdiner":49096,"ĠPatrimon":49097,"Fol":49098,"ĠIgua":49099,"Ġvaga":49100,"Ġafectaron":49101,"Ġbesitos":49102,"ĠCaval":49103,"Ġcórner":49104,"iable":49105,"cuáles":49106,"ĠComic":49107,"ĠcontenÃŃan":49108,"Ġesférico":49109,"Ġpunteros":49110,"Ġescaño":49111,"Ġindividualismo":49112,"ĠGOBIERNO":49113,"ĠSeo":49114,"Ġrepasa":49115,"ĠZárate":49116,"Ġcuarteles":49117,"ĠARM":49118,"Ġtapizado":49119,"ĠPocas":49120,"Ġcolump":49121,"Selecciona":49122,"Ġpiojos":49123,"ĠSeñores":49124,"Ġadoran":49125,"ĠMAG":49126,"polo":49127,"Ġdejándolo":49128,"Ġsubur":49129,"ĠSchmid":49130,"import":49131,"Ġcangrejo":49132,"Ġvaloramos":49133,"ĠMayer":49134,"Podrán":49135,"fán":49136,"ĠICA":49137,"ĠIFE":49138,"immer":49139,"Ġmilicias":49140,"ĠAmen":49141,"endly":49142,"Ġsimpáticos":49143,"Desarrollar":49144,"ĠParroquial":49145,"Ġmiserables":49146,"Ġolvidadas":49147,"Ġmendo":49148,"ĠPanasonic":49149,"ĠJuanjo":49150,"mediante":49151,"Ġindefinidamente":49152,"ĠGard":49153,"Ġcrearse":49154,"Ġcontratante":49155,"Ġdetectores":49156,"Ġbisexuales":49157,"Ġencantaron":49158,"Ġalienta":49159,"ĠAMA":49160,"Ġantag":49161,"ĠNm":49162,"uerga":49163,"meta":49164,"lictos":49165,"estructura":49166,"Ġacudiendo":49167,"Ġacorral":49168,"ĠErdo":49169,"Mov":49170,"ĠGomera":49171,"fermedad":49172,"Ġlegislar":49173,"show":49174,"ĠMica":49175,"Ġdestacaba":49176,"LEY":49177,"TERA":49178,"Ġdesechables":49179,"cencias":49180,"Ġtweet":49181,"Ġgemelo":49182,"mping":49183,"tashop":49184,"ĠSey":49185,"Ġcastigados":49186,"Ġseductor":49187,"loc":49188,"Ġaprenderán":49189,"QM":49190,"db":49191,"larios":49192,"Ġexigible":49193,"ĠBerta":49194,"Ġrevelando":49195,"Ġguatemalteco":49196,"Ġinnata":49197,"nol":49198,"icón":49199,"raf":49200,"ĠPG":49201,"ĠGI":49202,"Ġmerecedor":49203,"Ġsubal":49204,"ĠPersonalidad":49205,"Entrega":49206,"Ġlavados":49207,"Ġingestión":49208,"Ġcilantro":49209,"endose":49210,"Ġaxi":49211,"Ġtocados":49212,"ajeros":49213,"Ġcerramos":49214,"Ġproblem":49215,"Ġtirano":49216,"Disposición":49217,"Ġcruzaron":49218,"Ġrazonar":49219,"Ġfiscalidad":49220,"ĠASIGNATURA":49221,"ĠList":49222,"Ġexótica":49223,"Ġrespondo":49224,"Ġmanteniéndose":49225,"Ġtiradores":49226,"éptico":49227,"PIB":49228,"Ġadaptarnos":49229,"ĠlingüÃŃsticos":49230,"ĠAntoine":49231,"Tabla":49232,"ĠBP":49233,"Ġpartituras":49234,"Ġnupcial":49235,"ending":49236,"Ġfisica":49237,"Escuch":49238,"Ġboicot":49239,"Ġdona":49240,"illot":49241,"Ġmanejaba":49242,"Ġastucia":49243,"Ġaburridos":49244,"Ġmeridional":49245,"Rese":49246,"ĠAdem":49247,"ĠRB":49248,"pela":49249,"Ġexclamó":49250,"ĠForense":49251,"Ġlicuadora":49252,"Num":49253,"Ġquil":49254,"ĠAllan":49255,"Ġrizado":49256,"ĠGibson":49257,"ĠCéspedes":49258,"ulto":49259,"122":49260,"estrella":49261,"ĠEXTRA":49262,"Ġidóneos":49263,"Ġtangibles":49264,"Jug":49265,"Ġperdedores":49266,"Ġinferioridad":49267,"tzinapa":49268,"ãĥ³":49269,"ĠTacna":49270,"ĠclÃŃmax":49271,"UERDO":49272,"Ġhipertensiva":49273,"Pocos":49274,"Ġdegeneración":49275,"Ġexprese":49276,"Ġacompañaban":49277,"Ġrecubierto":49278,"Ġevalúan":49279,"Ġping":49280,"ĠOasis":49281,"Ġprotestan":49282,"Ġveraniega":49283,"equipo":49284,"Ġdiame":49285,"ĠdebÃŃamos":49286,"ĠRescate":49287,"Ġsumido":49288,"Ġvisitaremos":49289,"ĠFausto":49290,"Ġreverencia":49291,"Ġjarra":49292,"Ġsigla":49293,"tello":49294,"Ġenseñaba":49295,"ĠSergi":49296,"kens":49297,"Ġsoya":49298,"ĠcarecÃŃa":49299,"Ġmilici":49300,"ĠPoly":49301,"DIA":49302,"Ġtinerfe":49303,"Ġdisi":49304,"Ġauda":49305,"imagenes":49306,"Ġlogras":49307,"burn":49308,"ĠVentajas":49309,"Ġafeitar":49310,"Ġanecdó":49311,"ĠNon":49312,"Ġvelcro":49313,"ĠtestÃŃculos":49314,"Ġst":49315,"Ġpremedi":49316,"lard":49317,"Ġceloso":49318,"ĠArtesanÃŃa":49319,"ĠLoyola":49320,"jord":49321,"Ġsmo":49322,"uczynski":49323,"ĠGallery":49324,"conven":49325,"cendente":49326,"Ġsalvavidas":49327,"Ġabsorben":49328,"sori":49329,"ĠUsando":49330,"Ġganchillo":49331,"unde":49332,"ĠunÃŃa":49333,"ĠEiffel":49334,"Ġsuscita":49335,"Ġ181":49336,"ĠRecurso":49337,"ĠHice":49338,"1976":49339,"ĠDispositivos":49340,"Ġpreguntarme":49341,"ĠhÃŃdrico":49342,"Ġdesintegración":49343,"åIJ":49344,"Ġalpin":49345,"ĠJES":49346,"ĠKro":49347,"Ġpanf":49348,"Ġrevelada":49349,"Ġpayasos":49350,"ĠRGPD":49351,"rige":49352,"ĠBed":49353,"Ġtrap":49354,"ĠRealización":49355,"Ġparticipaba":49356,"ĠFilarmónica":49357,"Ġunila":49358,"note":49359,"Ġrozando":49360,"Ġtomillo":49361,"Ġacepción":49362,"ĠINCLU":49363,"Ġapetecible":49364,"Ġvecindad":49365,"junio":49366,"Ġhabitáculo":49367,"ĠCuyo":49368,"Ġmareo":49369,"Ġacariciar":49370,"Ġjajajajaja":49371,"ĠExtraordinaria":49372,"eadas":49373,"Ġgemas":49374,"erosa":49375,"Ġexistieron":49376,"estaciones":49377,"Ġ221":49378,"ĠMenem":49379,"ĠAsesores":49380,"Ġmiocardio":49381,"ĠAQUI":49382,"ĠDevelopment":49383,"Ġestorn":49384,"ĠEVA":49385,"Ġtransitor":49386,"Ġinsensa":49387,"ĠMercury":49388,"Ġreintegro":49389,"Ġprecede":49390,"Ġabuelita":49391,"Ġorégano":49392,"Ġcabos":49393,"gler":49394,"eradores":49395,"Ġinquebran":49396,"ĠVirg":49397,"PEG":49398,"Ġdesmantelamiento":49399,"ĠCabra":49400,"jejeje":49401,"Dif":49402,"Ġcometas":49403,"neider":49404,"ĠCamisetas":49405,"Ġandam":49406,"Ġcuelgan":49407,"ĠTroya":49408,"ĠPunk":49409,"ĠMúltiples":49410,"ludio":49411,"ĠanalÃŃticos":49412,"éntate":49413,"élulas":49414,"ĠCABA":49415,"primero":49416,"girl":49417,"Ġbitácora":49418,"ĠPina":49419,"Ġibas":49420,"Ġpeo":49421,"Ġrefinada":49422,"Ġdesaho":49423,"Ġconsolidados":49424,"ĠANC":49425,"Ġdeshon":49426,"coreana":49427,"AFP":49428,"Ġplayoffs":49429,"1973":49430,"Ġmonetarias":49431,"ĠFinancieras":49432,"Ġmovies":49433,"lub":49434,"Ġaos":49435,"ĠTul":49436,"ĠseguÃŃs":49437,"Ġocaso":49438,"Ġlactantes":49439,"ĠBeso":49440,"ĠSimpl":49441,"Ġescucharla":49442,"Ġbelgas":49443,"Ġconcedidas":49444,"Ġindividualizada":49445,"Ġrecogerá":49446,"ĠPeriodista":49447,"ĠVenezolano":49448,"Ġbrócoli":49449,"Ġindistintamente":49450,"Fácil":49451,"RP":49452,"ĠSche":49453,"Ġmat":49454,"Ġejerza":49455,"imenez":49456,"Ġinfernal":49457,"Ġrescata":49458,"luen":49459,"Ġcapuch":49460,"Ġmoderadores":49461,"Consigue":49462,"adis":49463,"Ġalican":49464,"Ġimpas":49465,"Ġfracasó":49466,"RÃŃo":49467,"Ġautoritarismo":49468,"Ġsindicalistas":49469,"Ġministeriales":49470,"Ġrezo":49471,"âĢ¦âĢ¦.":49472,"cense":49473,"ĠViews":49474,"Ġrotundamente":49475,"Ġamenazante":49476,"Ġtesorero":49477,"abes":49478,"úster":49479,"Toledo":49480,"ĠJair":49481,"Ġolvidaba":49482,"Ġsuministrado":49483,"Ġpreservativo":49484,"ĠOlimpiadas":49485,"Blanco":49486,"wiki":49487,"Ġprovi":49488,"tuall":49489,"cuma":49490,"Ġapad":49491,"Ġpasaran":49492,"Ġinclinada":49493,"ĠChrom":49494,"ĠCardo":49495,"340":49496,"Ġlep":49497,"Ġapareci":49498,"tinencia":49499,"Ġtenerte":49500,"Ġhaberlos":49501,"ĠCantos":49502,"Ġoperados":49503,"Ġmachistas":49504,"aldi":49505,"Ġgeno":49506,"ĠOso":49507,"ĠEnf":49508,"Ġcanino":49509,"Ġsacerdotal":49510,"Ġmandaba":49511,"Ġlentas":49512,"Ġapéndice":49513,"Ġganara":49514,"Ġdeberian":49515,"Ġanalógica":49516,"kota":49517,"Ġcártel":49518,"ĠElectronics":49519,"Ġserotonina":49520,"espaldas":49521,"Lunes":49522,"Ġbalear":49523,"ĠVoluntariado":49524,"Ġniger":49525,"ĠReporte":49526,"telier":49527,"ĠRoosevelt":49528,"Ġpróspero":49529,"Ġpatos":49530,"Ġguir":49531,"ĠObispos":49532,"Ġregresando":49533,"Ġecharse":49534,"ĠmonotonÃŃa":49535,"Llevamos":49536,"ASTA":49537,"Ġreanudar":49538,"Ġarrepentido":49539,"Ġiii":49540,"ĠConciencia":49541,"Ġ520":49542,"Ġregistral":49543,"Ġaplastante":49544,"Brin":49545,"fits":49546,"Ġeutanasia":49547,"iosis":49548,"Ġ-¡":49549,"ĠLearning":49550,"Ġuniversalidad":49551,"Ġviniera":49552,"Ġocasionando":49553,"Ġrediseño":49554,"Ġpaulatina":49555,"Ġbuey":49556,"£":49557,"ĠCus":49558,"ĠSuena":49559,"ĠHÃŃ":49560,"ĠCau":49561,"Back":49562,"Ùĩ":49563,"ervas":49564,"ĠCampa":49565,"Ġcaravanas":49566,"dominios":49567,"Ġvibrantes":49568,"ĠSueños":49569,"Ġdesesperanza":49570,"ĠLEÃĵN":49571,"ĠCARLOS":49572,"Ġvistiendo":49573,"lamientos":49574,"Ġodian":49575,"Ġatienda":49576,"quedad":49577,"ĠTÃŃtulos":49578,"ĠRing":49579,"Inte":49580,"ĠPete":49581,"Ġconducida":49582,"ĠMarisol":49583,"Out":49584,"Ġdedicas":49585,"ĠfÃŃl":49586,"Ġrevueltas":49587,"ĠDifer":49588,"REND":49589,"runa":49590,"Ġfurioso":49591,"ĠSag":49592,"Ġvestidas":49593,"Ġrinden":49594,"Robert":49595,"ĠRunner":49596,"ttenham":49597,"Hombres":49598,"ief":49599,"ĠOtor":49600,"call":49601,"ĠEurovisión":49602,"Ġ214":49603,"Ġimponga":49604,"Ġimponentes":49605,"Ġtamiz":49606,"ĠTat":49607,"Ġrudi":49608,"Ġdesplazó":49609,"Ġimpredecible":49610,"Mex":49611,"lip":49612,"ĠVS":49613,"Ġquinteto":49614,"Ġrecreativo":49615,"dep":49616,"tuosamente":49617,"guenos":49618,"Ġacampar":49619,"Ġ440":49620,"Ġ218":49621,"cker":49622,"Ġdirija":49623,"Ġdragon":49624,"Ġinstaurar":49625,"Ġvillan":49626,"ĠLIC":49627,"Ġdejaste":49628,"Ġconectando":49629,"Zapatillas":49630,"ĠRegÃŃstrese":49631,"entantes":49632,"Ġunificado":49633,"Porqué":49634,"ĠHumor":49635,"ĠRobot":49636,"Ġmisteriosas":49637,"ĠCreativa":49638,"Ġcucarachas":49639,"informa":49640,"Ġalist":49641,"mitió":49642,"Ġraton":49643,"Ġcapitalina":49644,"Ġorganizativo":49645,"ĠÃļN":49646,"Ġgavio":49647,"jis":49648,"ĠEnci":49649,"Ġmesita":49650,"Ġpermitidas":49651,"ĠVialidad":49652,"ĠLlegar":49653,"tere":49654,"ĠEngels":49655,"Ġpubs":49656,"Ġmenosc":49657,"Ġpermito":49658,"ĠDiseñador":49659,"Ġginecólogo":49660,"ĠPaj":49661,"dadero":49662,"sons":49663,"Ġcordoba":49664,"ĠFrecuencia":49665,"Ġmanifieste":49666,"Ġrendirse":49667,"Ġhimnos":49668,"Ġsuscitado":49669,"Ġtribun":49670,"Ġdesfas":49671,"iciÃĥ":49672,"ĠMotril":49673,"Ġacondicionador":49674,"ĠJefferson":49675,"Ġgadgets":49676,"RU":49677,"Ġconstruirá":49678,"Ġcomercialmente":49679,"ĠHablando":49680,"Ġadquirieron":49681,"Ġbravo":49682,"ográficos":49683,"ĠStanford":49684,"Ġeclesiástica":49685,"Ġacarrear":49686,")\",":49687,"330":49688,"Vuelve":49689,"§":49690,"Ф":49691,"Ġpesaba":49692,"Ġvoló":49693,"Ġcurry":49694,"ĠSource":49695,"260":49696,"ÆĴ":49697,"Ġretoques":49698,"juela":49699,"onial":49700,"Ġquejó":49701,"Ġapretando":49702,"Ġpreguntarte":49703,"Ġdesmaquil":49704,"ĠCardio":49705,"Ġefectúe":49706,"Ġcontactado":49707,"Ġrepresentaron":49708,"Ġfondant":49709,"Ġcomprobando":49710,"ĠMale":49711,"Ġdespa":49712,"Ġquereis":49713,"ĠManrique":49714,"ĠejercÃŃa":49715,"ĠCriterios":49716,"gramar":49717,"ĠcostarÃŃa":49718,"ĠCamps":49719,"Ġfragu":49720,"ĠBaeza":49721,"Ġoperada":49722,"ĠEcuator":49723,"Ġsorprendernos":49724,"Ġdespojo":49725,"ĠArenal":49726,"criptible":49727,"ĠMisterio":49728,"ĠNiñez":49729,"Ġmigas":49730,"Ġfideicomiso":49731,"Ġpita":49732,"inara":49733,"ĠAru":49734,"ĠSuroeste":49735,"Ġcereza":49736,"1978":49737,"Ġbrokers":49738,"ĠDESDE":49739,"Ġdemagogia":49740,"piso":49741,"Ġmator":49742,"Ġelegirá":49743,"Ġinconcl":49744,"ĠconsejerÃŃa":49745,"Ġentraban":49746,"Ġcongelada":49747,"Ġdemuestren":49748,"biana":49749,"Ġ1810":49750,"Ġranuras":49751,"Ġconfundirse":49752,"Ġidiosincrasia":49753,"aditos":49754,"viados":49755,"Ġinversion":49756,"Ġoptimiza":49757,"Ġlocuras":49758,"ĠEstará":49759,"Ġbatiendo":49760,"Ġpsicópata":49761,"ĠHoyos":49762,"Ġexpedir":49763,"ĠSesiones":49764,"cama":49765,"Ġsystem":49766,"ĠOw":49767,"ĠKhal":49768,"Ġbarrido":49769,"Ġagregada":49770,"ĠDenunci":49771,"ĠCornejo":49772,"Ġagridulce":49773,"licéridos":49774,"Ġlax":49775,"ĠSis":49776,"img":49777,"Expres":49778,"ĠKeiko":49779,"Ġhidráulicas":49780,"Ġpresumiblemente":49781,"Ġtic":49782,"Ġconsuma":49783,"Ġcomplej":49784,"Ġsancionada":49785,"Ġrealicé":49786,"Ġincorporen":49787,"Ġtranquilizar":49788,"Ġurbanizaciones":49789,"Ġsensiblemente":49790,"ĠCouncil":49791,"Ġcoeficientes":49792,"Comenzó":49793,"Jen":49794,"Ġmerchandising":49795,"Ġdiscriminar":49796,"Ġconsolidó":49797,"ĠMEDIA":49798,"ĠEzeiza":49799,"').":49800,"Ġesófago":49801,"éter":49802,"Ġcabrón":49803,"ĠSilicon":49804,"Post":49805,"ĠCuadros":49806,"ĠmetÃŃa":49807,"plemento":49808,"Medidas":49809,"Ġabortar":49810,"Ġmolestas":49811,"ĠQUI":49812,"ĠEquidad":49813,"Sand":49814,"utadas":49815,"Ġsimula":49816,"Ġconcurrido":49817,"Ġautomovilismo":49818,"Tec":49819,"ĠNombres":49820,"ĠEnzo":49821,"ĠMontiel":49822,"Ġovación":49823,"lahoma":49824,"Ġpatriotas":49825,"Ġcomas":49826,"teno":49827,"luza":49828,"Ġreflexivo":49829,"Ġpercibimos":49830,"Ġdiferenciarse":49831,"Ġtransgénero":49832,"ĠHarley":49833,"rible":49834,"Ġcompases":49835,"ĠDesgraciadamente":49836,"Ġviajo":49837,"Ġtablón":49838,"Versión":49839,"Ġóvulos":49840,"bacter":49841,"ĠPirámi":49842,"Ġdoler":49843,"Ġentusiasmado":49844,"Ġcontrarreloj":49845,"ĠNAV":49846,"Ġtransmitidos":49847,"ponsor":49848,"Sexo":49849,"ĠPerÃŃodo":49850,"ĠPacientes":49851,"Ġcontaminada":49852,"Ġdirijo":49853,"Sitio":49854,"ĠSalon":49855,"Ġconsultarse":49856,"Leg":49857,"Ġensayar":49858,"ĠPeriodo":49859,"Ġgemela":49860,"ĠMandatario":49861,"monÃŃa":49862,"Ġagrava":49863,"Ġviciosa":49864,"Ġfingir":49865,"Ġquerrán":49866,"Ġexpresivo":49867,"Ġrespetada":49868,"Ġconversó":49869,"Ġluzca":49870,"Exp":49871,"Ġatribuyó":49872,"ĠtesorerÃŃa":49873,"Acerca":49874,"ĠFija":49875,"ĠFibra":49876,"Ġinalámbricas":49877,"dimensionales":49878,"Ġencrucijada":49879,"Ina":49880,"ezmann":49881,"Ġestetica":49882,"Ġroad":49883,"1975":49884,"Ġprolongados":49885,"ĠINVESTIGACIÃĵN":49886,"ĠWhat":49887,"Ġcompete":49888,"ĠTejada":49889,"ĠCAF":49890,"Ġstra":49891,"ĠGhost":49892,"Ġmediáticos":49893,"Ġservida":49894,"Ġincorporará":49895,"Ġparadis":49896,"Ġhundió":49897,"Ġestilista":49898,"Ġdispersa":49899,"Ġparalizar":49900,"Ġinestim":49901,"ĠElev":49902,"Ġplaus":49903,"dicto":49904,"Ġdistrital":49905,"Ġgaseos":49906,"Felipe":49907,"ĠAdaptación":49908,"ĠLlevamos":49909,"Ġindiferentes":49910,"ĠManzano":49911,"Ġpermanezcan":49912,"ĠVenga":49913,"Ġgalas":49914,"ĠrepetÃŃa":49915,"Ġbrindarles":49916,"Ġmedirse":49917,"Ġrebajado":49918,"IVERSIDAD":49919,"Ġtransfiere":49920,"Ġoigo":49921,"sona":49922,"ĠtutorÃŃa":49923,"ENDO":49924,"Ġ213":49925,"Anti":49926,"175":49927,"Ġaportada":49928,"Ġabatido":49929,"Fernández":49930,"ĠIldefonso":49931,"bora":49932,"ĠCNA":49933,"cribo":49934,"Ġpeatonales":49935,"GUEZ":49936,"Ġdesab":49937,"Ġplanifica":49938,"Ġzig":49939,"ĠSalcedo":49940,"Chat":49941,"Reglamento":49942,"ĠVoluntarios":49943,"ĠpsiquiatrÃŃa":49944,"idoro":49945,"ĠDame":49946,"ĠWhe":49947,"corriente":49948,"Ġvividos":49949,"Registro":49950,"Ġadhesivos":49951,"ĠbellÃŃsima":49952,"Ġarraigada":49953,"ĠSello":49954,"Ġcutáneas":49955,"ĠPeregr":49956,"ĠInstitucionales":49957,"ĠESPA":49958,"éuticos":49959,"Ġperfila":49960,"Key":49961,"ĠNord":49962,"Ġincumb":49963,"Ġestereotipo":49964,"ĠBangla":49965,"Ġnaufragio":49966,"ĠAutopista":49967,"Ġiceberg":49968,"gang":49969,"ómulo":49970,"Ġrecurrió":49971,"ĠafectarÃŃa":49972,"Ġcuadrilla":49973,"ĠNorberto":49974,"Ġpubliquen":49975,"ÃģLISIS":49976,"nicas":49977,"Ġmueca":49978,"ĠAct":49979,"ĠCapitolio":49980,"Ġgirl":49981,"ĠJaponés":49982,"Ġvirginidad":49983,"Ġmantra":49984,"Ġamorosos":49985,"dalenas":49986,"Ġderbi":49987,"Ġdespertando":49988,"Ġdiscretos":49989,"ĠManifiesto":49990,"RERO":49991,"fab":49992,"Ġist":49993,"ĠRho":49994,"ĠInvestigador":49995,"Ġperiférico":49996,"Pasa":49997,"erse":49998,"ĠTán":49999,"cesana":50000,"écnico":50001,"Ġtelenovelas":50002,"ĠMeridi":50003,"Ġenfrentados":50004,"ĠDHL":50005,"»:":50006,"Ġprerroga":50007,"diosa":50008,"ĠTall":50009,"Ġanulado":50010,"tenango":50011,"Ġahuy":50012,"ĠProblema":50013,"ĠAdwords":50014,"Ġincredulidad":50015,"Ġdance":50016,"Ġhomil":50017,"Ġaguarda":50018,"ĠEsparta":50019,"ĠJULIO":50020,"Gente":50021,"fate":50022,"Ġcolgó":50023,"Ġeditados":50024,"ĠLodge":50025,"Ġrecobrar":50026,"amblaje":50027,"Ġescoba":50028,"Ġprecedido":50029,"ĠCalatrava":50030,"ĠriquÃŃsimo":50031,"ĠSUPERIOR":50032,"!?":50033,"uris":50034,"Ġmotel":50035,"Ġcopiloto":50036,"ĠMoss":50037,"Ġacomoda":50038,"Ġescrup":50039,"Regres":50040,"ĠAntecedentes":50041,"ĠTeodoro":50042,"Coo":50043,"gunto":50044,"Ġemocionar":50045,"Ġexplotados":50046,"Ġsumergida":50047,"ĠGeographic":50048,"Ġestamentos":50049,"ĠDECRE":50050,"Ġtalle":50051,"Ġkernel":50052,"Ġacostumbran":50053,"Ġapropiarse":50054,"ĠTemple":50055,"Ġexageración":50056,"tiroidismo":50057,"ĠDesafÃŃo":50058,"QUISITOS":50059,"insa":50060,"Ġfinlandés":50061,"Ġpermitirnos":50062,"ĠRefugiados":50063,"ĠScho":50064,"ĠHiros":50065,"Ġreflejadas":50066,"úbilo":50067,"Ġbbw":50068,"Prostitutas":50069,"Ġatados":50070,"zares":50071,"Ġprocesada":50072,"Page":50073,"Ġdegener":50074,"Ġotom":50075,"Ġraja":50076,"Ġminuciosa":50077,"globina":50078,"ĠElba":50079,"Ġinclinar":50080,"Ġafter":50081,"ĠNahuel":50082,"orning":50083,"Ġsiluetas":50084,"Ġmaravillosamente":50085,"Ġjudicialmente":50086,"nier":50087,"ĠConfi":50088,"Ġcalambres":50089,"ĠJuli":50090,"Ġrefugiarse":50091,"ĠSED":50092,"Ġperform":50093,"turada":50094,"Ġguinda":50095,"////":50096,"ĠConsultivo":50097,"tentri":50098,"eléctrica":50099,"Semana":50100,"campo":50101,"ÃŁ":50102,"ĠOT":50103,"elementos":50104,"Conec":50105,"Ġbandolera":50106,"Ġenérgico":50107,"Ġtransnacional":50108,"Ġplagada":50109,"Ġhumilla":50110,"Ġimplicó":50111,"ĠVisite":50112,"Ġautentico":50113,"ponente":50114,"gaste":50115,"Ġremoviendo":50116,"Ġsociocultural":50117,"Ġinteractu":50118,"Ġsinceras":50119,"ĠAuxiliares":50120,"Ġtajante":50121,"udado":50122,"Ġasegurador":50123,"Ġrealzar":50124,"Ġborda":50125,"hech":50126,"itter":50127,"Ġanteojos":50128,"Ġsaciar":50129,"ĠVerás":50130,"Ġtx":50131,"ĠChicos":50132,"Ġcertificadas":50133,"ĠEterno":50134,"ĠAves":50135,"ĠNube":50136,"Ġcertámenes":50137,"ĠAnastas":50138,"Coinci":50139,"ĠAngelina":50140,"Ġsalvadoreño":50141,"Ġbinomio":50142,"Ġléxico":50143,"Ġvicisitudes":50144,"Ġcerdas":50145,"ĠmasonerÃŃa":50146,"Ġquedándose":50147,"ĠAdjunto":50148,"ĠMelgar":50149,"ĠINVERS":50150,"Ġprestamo":50151,"War":50152,"cott":50153,"Ġcreerlo":50154,"Ġtransferido":50155,"ĠOlimpiada":50156,"ĠPearl":50157,"Ġfort":50158,"Ġvotan":50159,"118":50160,"Ġsatisfacen":50161,"Ġrománico":50162,"antha":50163,"ĠCintur":50164,"ĠIru":50165,"ĠTovar":50166,"bow":50167,"ĠEstadounidense":50168,"Ġenfermas":50169,"Ġprocedieron":50170,"Ġconsumismo":50171,"Poder":50172,"Ġautóctonos":50173,"Roma":50174,"ĠfÃŃn":50175,"Ġmetó":50176,"007":50177,"Ġlibrado":50178,"ĠChad":50179,"Ġband":50180,"ĠalcaldÃŃas":50181,"Ġjamones":50182,"Ġpersuadir":50183,"Ġdelib":50184,"ĠNÃļ":50185,"ĠConmebol":50186,"Ġnazar":50187,"Ġindias":50188,"Ġimaginé":50189,"Isabel":50190,"Ġhomofobia":50191,"Ġtequila":50192,"Ġautorice":50193,"Ġtroquel":50194,"Ġevangélica":50195,"Ġdesilusión":50196,"Ġparaguaya":50197,"ulfo":50198,"ĠArcángel":50199,"Ġfalacia":50200,"Ġpaisanos":50201,"ĠAparicio":50202,"ĠCIVIL":50203,"ĠSz":50204,"Ġfortalecido":50205,"Ġsarc":50206,"Ġcaótico":50207,"ĠRuz":50208,"Ġimpartió":50209,"Ġconcluya":50210,"farmacia":50211,"Ġcrochet":50212,"ĠÃģrtico":50213,"Ġmanagement":50214,"GINA":50215,"Ġvengarse":50216,"Ġfeminidad":50217,"Ġexi":50218,"Ġcopro":50219,"endra":50220,"Ġseces":50221,"acre":50222,"Ġteoria":50223,"ARTICULO":50224,"Ġimpaciencia":50225,"Ġincuestionable":50226,"Ġcarru":50227,"Algún":50228,"ĠâĤ¬/":50229,"DOC":50230,"Ġliviana":50231,"fores":50232,"Ġedicion":50233,"Noche":50234,"ĠGalilea":50235,"ĠACN":50236,"ой":50237,"Ġadmiradores":50238,"vist":50239,"åľ":50240,"Ġpach":50241,"Ġduelen":50242,"Ġsufridas":50243,"Ġdesenvolverse":50244,"Vigencia":50245,"Ġoprimidos":50246,"Ġpelliz":50247,"Ġlanzo":50248,"Ġresolverlo":50249,"Ġmadridista":50250,"Ġsuscribirse":50251,"Ġexponencialmente":50252,"Ġtanga":50253,"Ġcanarias":50254,"Ġplaquetas":50255,"ĠCaf":50256,"ĠBuñ":50257,"ĠPatrona":50258,"Ġtrascendido":50259,"ĠPRODUCTOS":50260,"Ġdesenvolvimiento":50261,"ná":50262,"Ġjet":50263,"reau":50264},"merges":["d e","Ġ e","Ġ de","Ġ l","o s","Ġ p","Ġ c","a r","e n","e r","Ġ a","e s","a s","Ġ s","o n","c i","o r","u e","a n","Ġ m","a d","a l","Ġl a","q ue","Ġe n","u n","à ³","i n","Ġ t","r e","Ġ y","s t","Ġ que","en t","Ġe l","à Ń","i c","Ġc on","ó n","à ¡","Ġ n","Ġ un","Ġ h","o m","r a","d o","r o","d i","t i","Ġs e","Ġ f","ci ón","Ġ v","a m","Ġe s","Ġl os","Ġp ar","t e","Ġe st","Ġ o","l e","t a","r i","Ġ in","Ġ re","à ©","t o","Ġs u","Ġde l","ad o","o l","i d","Ġc om","Ġ C","r es","a b","Ġ E","Ġa l","Ġp or","e c","Ġ b","Ġ d","Ġl as","Ġpar a","Ġ g","ent e","m p","à ±","Ġ A","i s","a ción","Ġ P","Ġun a","Ġ S","i l","ci on","ÃŃ a","Ġ di","Ġn o","u l","â Ģ","q u","Ġ M","Ġp ro","t u","a c","Ġs i","á s","Ġp er","Ġc u","Ġ L","t er","i en","t r","l o","l a","ad a","Ġm e","i o","d a","Ġl o","m a","u c","i st","i r","à º","Ġde s","ic a","i a","e l","ci a","g u","Ġ D","Ġa c","t os","u s","g o","i z","i er","i ent","r an","ti v","i t","Ġ 1","Ġcom o","Ġ (","al es","an do","Ġt o","Ġe x","Ġ i","id ad","Ġ 2",". .","u es","cion es","Ġ T","Ġh a","Ġm ás","m o","i ci","m os","a j","s e","b re","ad os","t or","ic o","Ġ R","c u","p a","i e","á n","Ġs er","d ad","Ġ B","Ġ j","Ġp o","de n","i v","Ġs o","Ġa n","t ra","Ġ G","t es","de s","Ġ N","Ġ I","b i","t en","er a","t ro","Ġ F","t ar","Ġt ra","Ġ res","Ġ âĢ","id a","Ġa p","i ón","r as","i g","c o","i b","er o","Ġl e","i m","c h","Ġt e","or m","c a","ad or","d os","Ġp ue","ient o","Ġcom p","u m","Ġ qu","Ġm u","Ġp re","Ġsu s","p er","i os","c e","an te","Ġm a","Ġt en","p o","0 0","r u","t as","de r","é n","âĢ Ŀ","e z","Ġa s","Ġ H","Ġp r","am os","Ġ V","am ente","Ġp a","p e","t re","Ġ ar","Ġest e","uc h","Ġ J","b l","Ġa ñ","Ġh ac","Ġh ab","Ġ U","m ente","Ġc a","ar a","u er","Ġm an","Ġi mp","c on","g un","en cia","ĠâĢ ľ","g ar","i on","ĠE l","Ġp res","s on","i do","ri m","u r","Ġper o","Ġs in","al iz","ĠL a","n a","g a","am bi","ad as","Ġc as","tr os","d uc","Ġest a","Ġt ien","u st","é s","ent o","E l","ue v","l es","in a","Ġs on","v er","z a","f er","Ġv er","Ġ O","l os","Ġp as","Ġ r","d as","j e","Ġm o","or es","Ġin ter","Ġdi s","an a","en s","ú n","0 1","ĠE n",".. .","or a","Ġper son","Ġso bre","c es","l as","c ul","Ġc ar","c l","Ġc o","ar io","Ġ Â","Ġen tre","n o","ic os","ent es","l an","ĠE st","Ġl le","t al","Ġ or","Ġm is","Ġcon s","Ġo b","Ġs ol","p or","Ġe mp","ic as","Ġn ues","b aj","Ġa m","Ġt u","p on","Ġn os","Ġin f","Ġm uch","ĠI n","ĠE s","Ġy a","ec h","e mos","ci as","Ġmu y","pa ñ","ci al","ent a","e m","Ġs al","Ġc re","ambi én","Ġto do","Ġme di","o y","Ġ 3","L a","j o","ec es","Ġc or","Ġp os","Ġ \"","d r","i f","p ar","Ġa b","Ġ2 01","Ġes c","ab le","Ġp rim","Ġn uev","ĠC on","Ġm i","Ġme j","Ġde b","tiv o","Ġf in","an o","Ġt an","re c","g ra","cion al","o c","ÃŃ as","en do","m in","ab a","ÃŃ n","Ġm ar","or ma","v e","Ġc am","ci o","ñ o","ti l","i ta","m e","Ġtra baj","u di","tu ra","ÃŃ s","Ġest á","i as","p os","u en","b le","f ici","b a","Ġ Y","Ġañ os","r en","e b","Ġp e","es ti","Ġg ran","E n","Ġt ambién","Ġc al","l ar","Ġd u","as ta","ist a","Ġf ue","m as","v en","an tes","Ġdes de","Ġpue de","ida des","Ġha y","Ġ us","am iento","Ġn i","g an","r os","Ġn a","ar ios","ci p","Ġpar ti","u t","j er","ĠR e","Ġc ol","Ġd os","Ġcu ando","Ġ -","Ġhac er","o ci","Ġcu al","ĠS e","in o","f ec","c ar","or t","Ġ u","Ġtien e","Ġto dos","Ġd on","u d","ĠU n","qu i","ie mp",") .","ÃŃ t","Ġse gu","Ġre g","Ġm en","Ġm un","l ic","ar on","Ġh asta","g en","m b","Ġn eces","Ġt er","Ġpro p","p ec","Ġc os","Ġ é","Ġl u","Ġh an","Ġmej or","Ġma y","Ġ 4","ĠA l","en er","in g","v i","qu ier","tiv a","on es","o g","ent os","Ġb ien","ar á","Ġt iemp","Ġde ci","Ġdon de","Ġc an","tr as","m i","Ġpar te",") ,","Ġal gun","Ġpro duc","s o","a y","al mente","ter i","i tu","Ġa d","Ġex p","Ġf un","Ġc h","g r","ion es","Ġg ra","m ás","ador es","o b","tu r","Ġ 5","Ġv ez","ĠD e","Ġinf orm","m an","ue l","c an","Ġm il","Ġp ol","ri b","Ġc ada","Ġd a","z o","Ġb uen","Ġas ÃŃ","Ġre aliz","id os","Ġpor que","Ġf orma","j a","e t","Ġl l","ar se","t ado","st e","i u","ran te","Ġp u","Ġser v","Ġtiemp o","Ġ do","ĠC om","i de","ÃŃ cul","er v","Ġv e","ro l","ci l","on a","Ġs ab","Ġt i","ĠM ar","ĠN o","e mp","âĢ ¦","er os","p u","Ġt ran","Ġes pe","cu r","Ġd ÃŃa","Ġ1 9","ul ar","un to","c om","n os","g os","a v","Ġañ o","Ġn e","Ġ ¿","Ġun o","e d","ÃŃ an","m iento","Ġc er","é r","Ġcon tra","Ġc l","Ġa de","Ġin st","Ġcon t","Ġcon f","Ġv ida","it ar","ñ os","ú l","i den","Ġa h","ic ación","Ġemp res","i to","Ġin v","Ġd ic","Ġ W","v o","ib le","Ġa u","ĠS an","al idad","Ġin cl","il idad","Ġo p","ĠA n","Ġf u","e a","tiv os","Ġf uer","Ġlle v","om b","iu dad","ar rol","Ġperson as","a ciones","ti r","ú bl","úl ti","Ġpro f","le c","u b","Ġhac e","Ġl ib","Ġmis mo","Ġ ro","Ġa y","Ġ ra","Ġe v","er s","Ġg ener","Ġlu gar","Ġo f","ĠC h","a t","ci os","g ún","Ġcom un","Ġserv ici","Ġmay or","d u","Ġpa ÃŃs","c as","ĠL os","Ġo tros","Ġb as","c or","âĢĿ ,","Ġre ci","ue go","i ción","Ġj u","en a","Ġcon st","Ġdi rec","á t","Ġtran s","y ec","an os","p ues","Ġp la","ient os","Ġse c","Ġpo dr","Ġe ra","Ġm in","Ġ 6","Ġm om","d ic","ñ a","in cip","Ġac tu","mp l","Ġm as","Ġp lan","Ġimp ort","Ġmun do","j os","ech o","Ġde n","ien do","Ġdi st","u y","Ġre p","ĠP or","Ġv al","ver s","ra ción","Ġsi g","Ġdi fer","Ġf orm","é c","Ġ últi","Ġm es","cu ent","Ġtan to","Ġest án","Ġv is","ó lo","Ġdes arrol","Ġ K","Ġmuch o","Ġv iv","Ġpr incip","in e","ĠA r","t on","Ġen con","âĢĿ .","aj e","Ġdu rante","Ġ w","Ġu til","Ġl i","Ġs ent","om bre","Ġsol o","Ġsi emp","Ġsiemp re","t ic","Ġtrabaj o","en di","un que","v is","Ġe qui","pu és","am il","is mo","Ġten er","Ġp ues","Ġc ent","Ġh ist","Ġp on","Ġh er","Ġcu enta","Ġqu ien","r ar","Ġde st","Ġc ab","ĠL e","Ġl es","or ia","Ġb aj","Ġes o","Ġp es","tr ar","Ġde j","Ġest udi","c er","r uc","ist as","ces o","Ġcas o","Ġcual quier","Ġc iudad","se gu","te l","Ġ á","ĠP ro","Ġqu ier","ta ción","Ġal go","tor es","Ġt ras","i ente","f ic","Ġes e","Ġt ar","re ch","ent ar","Ġo tro","st a","Ġv ol","ar go","Ġmen os","da des","d ar","Ġres ul","i mo","Ġre f","Ġcomp le","Ġ ri","Ġll am","Ġen cuent","Ġb us","Ġmu jer","Ġc ó","ĠM e","z ar","Ġh or","Ā Ā","Ġsi do","Ġex per","Ġpo co","Ġt om","Ġnues tro","en e","Ġutil iz","ĠS i","u ción","e o","h o","c al","Ġv en","te g","Ġp l","Ġto da","ú s","Ġmom ento","gu a","an cia","it al","ier no","Ġsu per","ĠC ar","Ġre la","Ġm on","Ġf al","Ġ 7","Ġap ar","Ġest os","Ġ2 00","ec e","pañ a","Ġpue den","Ġinform ación","Ġse a","Ġde f","al a","Ġh i","ó m","Ġto das","om o","Ġg ust","ĠA s","ol a","Ġf amil","Ġpro yec","c el","Ġ 8","iv ers","ci ales","Ġm er","Ġprof es","ri s","ĠD E","Ġnues tra","Ġnuev o","t an","Ġor gan","Ġpo der","Ġy o","L os","Ġpro ble","Ġ Q","Ġti po","t ó","ÃŃ st","Ġpol ÃŃt","Ġac tiv","Ġp úbl","Ġt r","c re","C I","Ġtra v","Ġca p","Ġc ul","Ġde rech","Ġhab ÃŃa","Ġ z","us o","Ġe mb","Ġv a","Ġd ÃŃas","Ġest ar","u ro","Ġan tes","v il","Ġf i","ti s","ÃŃ o","Ġman era","Ġob je","Ġh um","g res","g e","que l","Ġel ec","Ġ1 0","Ġpu bl","Ġprim er","ol og","Ġh e","Ġt al","Ġt res","Ġprim era","E S","im iento","Ġes p","i ma","er on","Ġdes pués","Ġah ora","Ġi de","Ġtrav és","Ġ 9","Ġo tra","á c","Ġg ru","om in","Ġtien en","Ġsi gu","ce p","ĠD es","Ġd ar","Ġh echo","Ġs ólo","te c","Ġest o","Ġv ar","t amente","ch e","Ġa f","Ġqu é","Ġse gun","ob ierno","ĠN a","c os","ab an","qu ÃŃ","ĠL as","t ados","iv el","u al","ĠS u","s ión","t ica","Ġdeci r","E R","Ġ ir","er g","Ġes a","ó g","om e","Ġf o","v a","Ġo tras","Ġb a","Ġ Ã","tiv as","Ġg u","er ÃŃa","Ġh oy","a p","Ġun os","Ġcon oci","Ġcas a","Ġel los","ient es","Ġin s","Ġg an","ient ras","Ġf r","Ġpro gra","Ġsi tu","le g","v an","Ġe fec","Ġm al","Ġp el","Ġsu b","id as","ci dad","Ġp ens","tur al","Ġpe que","Ġa unque","Ġex ist","Ġen tr","ó r","i ar","Ġespe cial","di do","Ġn ada","z as","Ġa quel","i ó","! !","Ġ ,","di a","\" ,","am a","Ġres pon","Ġper mi","Ġcont in","Ġn ivel","Ġan te","ri dad","i or","ien cia","Ġre l","ĠC u","Ġe con","c ado","en o","Ġest ado","Ġorgan iz","du ci","Ġ k","in as","s a","g as","Ġ .","Ġap ro","Ġcó mo","Ġpres ent","Ġse ñ","âĢ ľ","r ado","Ġé l","á g","A R","Ġb o","Ġmil l","ri l","in ar","ri st","O S","er n","Ġe di","Ġc ier","ĠP ar","á l","Ġp ri","Ġe je","min ist","00 0","Ġest as","Ġsin o","E N","os o","Ġar t","ste ma","Ġp al","Ġsi stema","Ġte mp","Ġade más","Ġau tor","Ġda tos","S e","Ġdeb e","Ġp i","e ci","ĠM a","Ġb ar","or d","Ġ ún","l ica","Ġse m","Ġdi se","Ġmedi o","ú m","Ġser á","e le","ten er","Ġcom er","ĠC o","Ġpas ado","i al","C on","P or","Ġ X","Ġa g","Ġmuch os","ez a","Ġ Z","Ġc ambi","m ar","i mos","ĠP ara","Ġcos as","Ġca pa","l or","Ġequi po","if ic","Ġs an","teri or","éc n","iden te","qu il","ador a","ĠP ero","O N","Ġw eb","s os","Ġ os","Ġh o","N o","i cia","Ġs ÃŃ","Ġinter es","Ġeje mp","cion ales","E s","ĠT o","t am","Ġb an","Ġalgun os","Ġimport ante","un tos","ÃŃcul o","\" .","ch a","ĠEs paña","h e","f ica","Ġlle g","A S","Ġhist oria","oc er","ten ción","ul o","Ġempres a","y a","Ġto tal","Ġmill ones","Ġ1 5","ri g","Ġest able","ti do","em bre","Ġ2 0","Ġnues tros","Ġrep res","Ġel la","Ġcal idad","h a","ar an","ab les","in os","Ġnuev a","Ġ ¡","an za","i tos","Ġcomp ar","c ri","ĠâĢ ĵ","Ġhor as","Ġes per","t ad","b o","e p","Ġm ientras","Ġservici os","e x","Ġfin al","m ent","d an","ad re","Ġel e","u ra","or n","A N","ier on","i p","Ġre con","Ġv ia","Ġap lic","Ġus o","Ġcon tro","olog ÃŃa","ri r","Ġin ici","ĠIn ter","Ġha cia","Ġinv esti","de mos","b io","por t","Ġre cu","Ġprofes ion","Ġdifer entes","Ġc r"," »","lo g","Ġv eces","Ġservici o","Ġg ente","or te","Ġden tro","gu al","Ġes pa","A L","Ġest aba","ti dad","Ġdi jo","Ġus u","ĠL o","Ġn úm","av or","ab or","ci miento","ec n","Ġa gua","Ġ1 2","ta c","il o","ó x","Ġac uer","on o","ĠC as","ci e","Ġof re","Ġin d","Ġse gún","ue la","Ġdis pon","S i","Ġre v","Ġmuch as","o k","di o","Ġes pañ","al l","Ġa ut","Ġcom pañ","en cias","ĠB ar","Ġso cial","ri d","Ġfun cion","Ġ1 8","Ġmis ma","Ġel lo","ar d","Ġperson a","an d","Ġproduc tos","ĠS al","Ġre cor","Ġan ti","Ġp an","Ġ ru","es ta","Ġ ...","ul a","Ġi ma","Ġemb argo","mp le","Ġo fici","Ġdist in","Ġt us","Ġgru po","de más","Ġcontin u","Ġlle gar","Ġpos ible","Ġa quÃŃ","r al","âĢ Ļ","a tro","g n","Ġdis f","ci n","O R","u da","Ġesc ri","p i","Ġm á","ĠJ u","il la","Ġle y","r á","ar ia","ri a","Ġpro ceso","Ġor ig","Ġs ue","Ġam b","Ġse x","Ġhab er","Ġcon v","Ġc las","Ġf avor","Ġpro v","ol óg","om a","ici p","Ġv i","Ġmujer es","Ġt écn","il l","ĠM ad","e ta","b ol","Ġv o","Ġm é","st itu","L as","Ġgener al","Ġp ie","ti o","t ante","Ġju g","ĠP er","tor io","Ġcu er","Ġejemp lo","di da","Ġpre gun","Ġcu r","Ġes pec","z ón","Ġdesarrol lo","gra f","f orm","b er","d or","bi do","tu ras","Ġencon trar","Ġay ud","is o","ĠD i","un ca","it as","Ġgran des","Ġnos o","t amiento","ĠG u","Ġfuer on","ac h","Ġmo de","Ġreci b","Ġproyec to"," ¿","Ġcon di","esti ón","j as","ĠP a","Ġbaj o","Ġl uego","ter a","Ġpr óx","ĠE x","Ġle g","p en","Ġp unto","ci endo","Ġf á","ĠNa cional","ac e","á m","g ación","Ġparti cip","ĠM é","Ġpo d","Ġ 0","Ġqu er","Ġin t","Ġin di","Ġc in","Ġperson al","Ġt ri","Ġcomp r","Ġe duc","pec to","Ġen f","Ġpos ib","Ġg as","r ic","Ġcas i","Ġsem ana","Ġd in","ec u","E st","t ico","Ġ «","por te","Ġcon ten","ĠUn ivers","un ci","ele b","Ġni ños","Ġno v","ĠR o","Ġs ac","Ġcon ocer","Ġnoso tros","Ġf or"," Ń","Ġecon óm","Ġtr ad","Ġa mpl","A D","Ġacuer do","Ġdisf ru","Ġcol or","Ġn ombre","er as","Ġc lar","Ġval or","Ġmin u","Ġmu er","Ġap oy","aj es","re a","ĠP o","Ġempres as","ton ces","x ico","Ġexper iencia","Ġv uel","Ġbuen a","Ġinter na","I C","di ó","Ġor den","Ġdes cu","Ġz ona","ĠC ol","Ġrespon s","ĀĀ ĀĀ","Ġm ie","ĠM an","p re","ĠA m","Ġinst al","Ġmej ores","Ġgra cias","Ġsegu ridad","Ġi gual","ens a","Ġne go","Ġsal ud","Ġc eleb","Ġnúm ero","ues tra","Ġp ág","i te","ac ter","ĠS in","Ġex tra","is ión","t á","Ġe t","ci na","os a","ien e","den cia","ĠC a","Ġten dr","Ġt ecn","ab ilidad","ech a","ĠEst e","c tu","f ico","Ġca us","Ġre com","Ġpal ab","à ĥ","á p","ĠV al","ĠS o","Ġcons i","Ġrealiz ar","v id","Ġcu an","Ġla b","n e","Ġa um","iz ación","Ġmes es","pos ición","Ġl ado","Ġal l","2 01","Ġter min","Ġa segu","Ġexp res","ra m","Ġque d","Ġ /","D es","ir m","Ġs a","ñ as","Ġfamil ia","tor ia","Ġdi f","ĠM o","A l","Ġap ren","Ġ on","Ġtra ta","Ġ |","Ġl ÃŃ","Ġpre v","Ġh ombre","Ġcent ro","omb res","Ġna tural","Ġf a","b an","ĠU na","Ġin te","iv o","Ġ1 1","l am","Ġ #","Ġc ir","Ġlib ro","Ġcu mpl","P ara","D e","i re","Ġl ÃŃn","ĠF ran","Ġv ent","Ġfu era","ol es","de ra","ci s","pues to","Ġre cur","p ti","g ent","iz o","Ġpue des","an ci","Ġn unca","Ġincl uso","Ġmer cado","dos e","ĠEst a","Ġ3 0","Ġj uego","Ġpr ác","ĠMad rid","Ġten emos","Ġh emos","Ġj ue","Ġam ig","Ġdeb er","Ġ201 8","Ġpres idente","ĠEst ado","ĠM un","i es","port un","Ġma teri","Ġemp le","Ġ [","ist o","Ġam or","Ġun as","ar es","ec er","Ġper fec","ic amente","Ġal im","Ġac er","Ġpar ece","b ar","Ġproble mas","Ġdest ac","Ġcam bio","Ġal can","Ġreg ist","Ġincl uy","Ġs en","ol ución","Ġten go","n et","Ġa le","Ġj ust","à ĵ","Ġcom en","den te","Ġa ún","Ġh ora","Ġ ust","ĠC ent","ur os","Ġsegu ir","Ġre fer","un d","ti tu","Ġj unto","Ġprogra ma","Ġsab er","ti fic","Ġalgun a","Ġrel ación","ic ado","bl es","en d","i le","a f","ter min","ri o","Ġcon tac","l u","ĠE uro","re g","t ando","Ġo portun","Ġa fec","Ġm os","Ġsol ici","Ġpon er","aliz ación","res pon","ĠMé xico","ĠC or","y o","Ġdef in","Ġsig n","Ġalgun as","ĠL u","Ġet c","Ġd omin","Ġcu atro","ĠM on","Ġf ac","Ġfo to","Q u","Ġre d","Ġte ma","I N","ĠD ios","t ada","Ġcuer po","Ġpre cio","us ión","ci do","er ic","ier a","Ġsitu ación","Ġparti r","in ación","Ġan im"," ¡","Ġp uer","Ġn orm","Ġna cional","ĠJ os","Ġdo cu","Ġcom ent","Ġg obierno","ï ¿","Ġe m","Ġfr ente","Ġg en","ï¿ ½","Ġe jer","Ġdi vers","Ġcomp e","Ġproble ma","Ġdi rig","Ġo l","ici o","Ġ1 4","ie dad","if ica","Ġcar acter","Ġse lec","Ġb ene","Ġm ús","ĠO r","z os","Ġlo gr","Ġencuent ra","Ġso cie","Ġdes p","Ġcontro l","t in","Ġpúbl ico","aj a","bl ig","Ġo cas","ĠQ u","Ġver dad","Ġv arios","1 9","di r","Ġdic e","b lo","ist er","Ġf il","Ġofre ce","j ar","Ġminu tos",". -","Ġl argo","Ġpo demos","Ġcon segu","Ġúlti mo","di al","Ġe j","Ġest u","Ġlo c","ist e","ĠC an","Ġen fer","g er","p el"," º","Ġad minist","g ado","Ġpas o","Ġr áp","m ento","Ġmo v","Ġsi endo","ĠC am","Ġlib er","iv a","m bre","ier ra","Ġ1 6","é is","ar ÃŃa","an as","ĠG obierno","qu es","v es","Ġman o","Ġm or","Ġobje tivo","Ġpel ÃŃcul","r ó","e f","Ġre alidad","Ġfá cil","Ġpre par","Ġ1 3","Ġp in","Ġactiv idades","ĠEst ados","Ġv ÃŃ","Ġde tal","Ġsec tor","Ġp untos","re o","Ġcons ide","Ġo blig","Ġen tonces","Ġparti do","Ġte le","r on","Ġfun d","Ġi den","n as","Ġcor respon","Ġa tra","ar lo","om ÃŃa","ĠpolÃŃt ica","rib u","duci r","s erv","Ġno che","Ġ2 5","Ġu b","Ġser ie","Ġde cl","ĠM in","Ġbene fici","Ġsu r","Ġbas e","Ġob ra","Ġderech o","Ġen erg","Ġele g","Ġso ciales","Ġg aran","át ica","p ción","Ġv ide","g on","Ġart ÃŃculo","Ġmun icip","I n","ar e","Ġa t","ĠpaÃŃs es","z ado","Ġj un","m ientos","p as","om os","Ġa tención","m it","C u","Ġfal ta","Ġespa cio","Ġtemp or","Ġten ÃŃa","tr ón","ent al","g re","Ġsi tio","Ġrepres ent","U n","Ġà ģ","Ġpre cios","ĠA demás","Ġm ens","Ġpr ue","v al","Ġre al","ĠâĢ ĺ","i ado","ra c","v ar","Ġdin ero","Ġv an","ic h","Ġde termin","Ġmedi ante","r era","e as","ĠP ol","Ġpermi te","ol u","el l","Ġpodr ÃŃa","Ġin dic","n es","Ġt or","Ġ '","Ãĵ N","Ġinst itu","g les","ch o","en as","Ġin de","Ġal ta","g el","ruc ción","ĠA d","ar án","le x","Ġfin anci","c ent","Ġemp ez","b ado","m on","Ġexp lic","Ġpro ce","Ġh izo","ĠP re","Ġb lan","Ġm us","g ro","Ġ1 7","ri ó","Ġ :","ĠUnivers idad","Ġo cur","Ġen can","Ġte x","g ue","vis ión","pos i","Ġsegun do","ĠUn idos","Ġcondi ciones","E ste","Ġsigu iente","tar io","Ġnuev os","Ġau to","Ġseñ al","st as","Ġre un","Ġmayor ÃŃa","cion ar","Ġcons ul","Ġsent ido","ĠG ener","Ġpar e","Ġal gún","un a","Ġb ol","Ġ201 7","Ġespe ci","a te","Ġdise ño","aliz ar","d al","Ġm ir","Ġsu f","Ġ il","ul io","Ġof rec","tr an","Ġper io","Ġmo do","Ġnuev as","Ġsocie dad","I S","Ġderech os","Ġactiv idad","Ġac om","Ġcas os","t s","or ÃŃa","T A","Ġal um","ues ta","Ġconf i","Ġmá x","Ġcon j","Ġay uda","ti on","Ġima gen","Ġcer ca","Ġproduc to","Ġs os","Ġquien es","ib les","Ġpro ces","ĠJu an","p endi","baj o","Ġlab or","Ġ1 00","Ġa van","in al","Ġencon tr","Ġcu b","Ġresul tados","Ġ2 4","cu p","Ġs ens","ñ ana","Ġre co","s i","Ġpr omo","Ġas ist","Ġel em","át ico","Ġf on","Ġrela cion","Ġco lec","Ġneces ario","Ġtar de","Ġac ceso","Ġvi ol","Ġcon ven","ÃŃt ulo","i k","Ġcon ver","ĠB o","Ġj o","v ÃŃa","Ġest amos","Ġsegun da","I I","Ġind ust","Ġe uros","ti en","ĠP res","am b","Ġust ed","Ġdi g","ĠT ambién","in gun","Ġs or","u ales","l ine","ĠlÃŃn ea","p ular","pues ta","Ġide a","Ġes os","Ġres pecto","t ón","Ġdej ar","Ġprincip al","v ent","Ġr ad","Ġpos i",".. ..","án do","Ġpres ente","U na","ÃŃcul os","Ġac ep","t h","ĠP e","ĠN e","p res","1 0","Ġac ab","ech os","Ġm ul","ti ene","Ġpas ar","Ġcre o","Ġsi mple","d ico","Ġest ra","un ta","ĠJos é","ÃŃst icas","em as","Ġestudi o","Ġl uch","á r","z ó","u rante","tic ular","Ġcuan to","Ġpue blo","r ero","i go","g l","Ġnues tras","Ġin cre","Ġ ur","3 0","Ġri es","Ġimp res","ĠR es","ita ción","tu ro","tec ción","ri do","ĠG ran","Ġl ec","Ġcom b","Ġcl ientes","ie mbre","ctu bre","Ġpág ina","Ġhay a","Ġv ac","l ado","Ġen ten","Ġl an","Ġh ombres","ĠLe y","d ica","Ġmie mb","Ġdic ho","ĠA c","Ġtien es","Ġen vi","ĠY o","l er","Ġhac en","Ġen c","ing ún","Ġli bre","Ġllev ar","Ġbas tante","Ġpues to","ol o","Ġespañ ol","Ġamig os","gen es","Ġincl u","ĠC al","Ġas es","per ación","ér ica","ad ie","Ġesc uch","ti ó","Ġcap ital","ÃŃ amos","gu ien","ĠA p","Ġpa pel","Ġcin co","Ġest oy","Ġusu arios","Ġin vers","Ġún ico","Ġsi m","ĠT ra","ó s","Ġdes e","I D","Ġ19 9","r ados","Ġfa cil","on e","ram ient","Ġdescu b","Ġmode lo","ic e","Ġan terior","il lo","Ġacom pañ","ci ó","Ġpri v","Ġrecon oci","u g","Ġprop io","2 0","ó vil","Ġclar o","ter o","duc ción","Ġvar ias","Ġcon te","Ġn ingun","T E","ente mente","Ġma ñana","Ġ201 6","Ġf ab","f o","Ġli mp","Ġe r","i ra","Ġmar ca","Ġpa ci","Ġg ol","Ġa do","ad amente","r or","Ġin m","gres o","pti embre","Ġn ingún","Ġdeb en","ĠP la","Ġcapa cidad","Ġmedi os","Ġf ÃŃs","il ar","Ġman ten","Ġcan tidad","Ġparti ci","iz a","Ġproduc ción","Ġprim ero","ĠRe g","t ri","Ġv ista","i an","Ġesc rib","Ġúlti mos","Ġf el","i én","Ġt el","il idades","Ġen car","Ġdo c","Ġpue da","ĠCom o","Ġlu z","Ġf ran","Ġpro por","Ġcam ino","Ġdes car","Ġel las","ti z","Ġcier to","Ġres ta","Ġgust a","R O","h ora","Ġma ter","Ġconsi der","Ġ5 0","tam ento","r in","Ġpo bl","Ġpubl ic","Ġac ciones","Ġhab lar","Ġh ub","Ġquier e","gent ina","ĠV er","de z","Ġcab o","ĠGener al","Ġcre ar","qu is","w w","iv il","Ġlo cal","iz ar","Ġcu ar","Ġob serv","Ġinvesti gación","Ġpalab ras","se ñ","CI ÃĵN","Ġpar ticular","if icación","Ġmús ica","Ġelec trón","Ġpi el","ac k","R A","Ġman if","Ġdisfru tar","Ġv ir","on os","Ġtom ar","Ġha ciendo","ĠC l","Ġun ivers","ĠI s","ad res","Ġconst itu","Ġ x","Ġa gu","ister io","is is","Ġdi ci","bi ó","Ġdes a","ĠDi rec","ĠD is","Ġprov in","Ġde más","Ġpo ten","ul os","Ġejer ci","m entos","Ġf echa","ec re","o ce","tiv idad","Ġab ier","Ġb log","t icas","p le","l ante","Ġl im","ac er","Ġper man","Ġal to","E sta","da p","ĠAs ÃŃ","Ġdirec tor","b e","Ġde dic","Ġher ramient","t án","as e","Ġb eb","Ġc ri","Ġade cu","Ġc la","Ġr om","Ġaplic ación","Ġprop ia","ven es","Ġrecu er","M e","Ġactu al","Ġrecur sos","al o","Ġno ti","Ġcos a","Ġo fer","Ġsen cil","Ġfund am","Ġcu ales","Ġtra tamiento","om as","5 0","Ġpes ar","tu al","Ġman tener","Ġi m","am ientos","ĠF e","uer ra","Ġin ten","ig n","Ġbuen o","f t","ien da","tal la","Ġcal le","Ġes f","Ġv ig","Ġres to","cul o","Ġresul tado","m ac","Ġal guien","Ġev itar","Ġal ter","Ġconst ru","tur ales","Ġprofesion ales","Ġde bido","ar ias","Ġo ctubre","à ¼","Ġgra tis","de dor","Ġex cl","Ġdif ÃŃ","Ġfamil iar","re z","Ġe dad","Ġfu turo","c ÃŃa","Ġprofesion al","Ġest ilo","Ġab s","Ġúlti ma","Ġconsegu ir","R E","on as","Ġnov iembre","Ġenfer me","Ġdici embre","Ġe mo","é f","Ġcol abor","Ġb al","j ust","iv os","ĠSe gu","Ġentr ada","Ġde por","Ġvol ver","Ġt ér","ec en","Ġdu da","Ġcon cep","Ġcon tar","Ġt it","Ġm ÃŃ","Ġgran de","Ġmo der","graf ÃŃa","Ġsegu ro","s iones","de ro","Ġcon ci","Ġé x","Ġsign ifica","en ci","ĠCu ando","Ġser ÃŃa","Ġ2 1","Ġform ación","it or","Ġ201 5","Ġpro b","Ġpr on","Ġayud ar","Ġbus c","ac ción","bi ente","Ġen v","Ġve h","Ġ is","Ġmedi da","Ġtu vo","cel ona","ĠN uev","j es","ĠâĢ Ķ","ó venes","Ġn adie","Ġa dap","ĠT e","p ara","Ġjo ven","Ġa gr","Ġv enta","Ġa z","i ano","Ġar ti","Ġproyec tos","Ġt a","ĠG ra","Ġa ire","Ġsig ue","f icación","Ġcomun icación","Ġinter ior","âĢ Ķ","T I","Ġop era","Ġso y","Ġf re","Ġpróx imo","tiv amente","Ġg estión","Ġse ptiembre","Ġest ruc","Ġinterna cional","to do","Ġm ol","Ġd ado","Ġenf r","ál isis","Ġcom ien","t ÃŃn","ĠG o","Ġt ur","Ġmuer te","Ġsec re","ador as","Ġprof un","tr ás","Ġter ri","t ina","Ġhi jos","Ġf e","Ġaquel los","Ġapoy o","ul ación","ĠA b","L o","úbl ica","ici os","ó p","Ġcomun idad","Ġfo tos","Ġprincip ales","es a","Ġoportun idad","Ġah ÃŃ","Ġtrabaj ar","Ġop in","Ġest é","Ġdirec ción","f orma","Ġter c","re l","Ġex cel","lar es","Ġv isto","ĠJ o","Ġres pe","ul s","Ġse an","ĠG ar","ta ciones","t t","Ġman os","ĠH a","ĠQ ue","t icos","il las","Ġe ran","Ġmejor ar","Ġf an","ĠP ue","Ġm adre","Ġac ción","Ġa ta","Ġinter és","Ġindi vid","an cias","T o","Ġpla ta","p s","Ġdis posi","Ġllev a","Ġcomp rar","ÃŃst ica","Ġcu ad","Ġp udi","Ġmo di","Ġcor rec","Ġes as","Ġvide o","a u","ĠpelÃŃcul a","Ġf ir","Ġinte gr","ĠL A","C omo","Ġde mas","ĠM or","ac to","Ġbus car","u mo","r ada","b as","Ġpodr á","os p","ien cias","Ġcam po","ó mo","é l","Ġpo pular","ĠCom un","Ġ2 2","A s","Ġpre o","m en","p ro","Ġcon tr","Ġus ar","Ġm uestra","Ġj ulio","ÃŃ f","r ÃŃa","Ġob ras","Ġcab eza","ib ilidad","Ġj óvenes","Ġsig lo","Ġv amos","ven ción","am po","tor no","Ġhab l","Ġc ora","Ġpas a","Ġle er","Ġl ig","t é","Ġimport antes","ĠO b","ĠCent ro","Ġcu id","Ġtempor ada","Ġjun io","Ġno ve","Ġel im","ta gon","Ġre des","Ġenerg ÃŃa","T O","Ġin cor","se jo","Ġusu ario","ĠS erv","il a","ran tes","Ġdi o","Ġcompañ ÃŃa","ĠA y","á genes","Ġl ar","Ġob tener","st ico","rim on","Ġca teg","ĠR ec","2 00","Ġdecl ar","Ġutiliz ar","Ġdise ñ","Ġex ig","Ġcontac to","Ġsi st","ru z","al u","Ġall ÃŃ","Ġten ido","Ġfuer te","fici ente","Ġc ara","Qu é","Ġg ob","Ġcon duc","ĀĀĀĀ ĀĀĀĀ","l io","ent as","Ġmay o","Ġpobl ación","Ġneces idad","Ġvia je","Ġdes con","ici dad","cion ado","Ġprim eros","án dose","Ġa udi","Ġcur so","Ġde r","Ġre almente","ĠInter na","Ġen señ","b u","Ġcar rera","Ġtrad i","Ġpue do","tar on","Ġequi pos","Ġfuer za","Ġres erv","Ġan unci","ĠEs c","Ġl en","ĠJ es","Ġque da","Ġtér min","Ġv iene","O M","Ġon line","Ġb el","Ġres puesta","Ġmis mos","Ġ201 4","Ġpos t","Ġpeque ño","cul ar","gos to","Ġeduc ación","Ġposib ilidad","re mos","pon e","Ġte mas","Ġv as","r ad","p ren","Ġconten ido","Ġex ten","Ġb ás","ĠB uen","ĠEst o","b al","Ġt ierra","orm e","es ión","x ic","Ġentr en","it an","ĠBar celona","Ġpl ante","Ġorganiz ación","Ġconst rucción","u do","Ġpres encia","Ġal re","Ġf is","Ġo jos","ĠIn stitu","Ġá rea","Ġconj unto","d ra","ir se","ĠI N","am eric","ĠF ac","ion al","A M","1 1","Ġtecn ologÃŃa","A n","P ero","Ġv ic","Ġmuch a","ĠB an","Ġde man","Ġmedi a","l i","Ġries go","ir á","al e","x im","Ġéx ito","Ġho tel","Ġdi a","gles ia","ti m","Ġser án","Ġcon cre","es t","or o","ĠE duc","ĠdifÃŃ cil","Ġneces ita","oci ación","Ġse man","im ientos","Ġs é","ĠEuro pa","Ġin me","ĠMar ÃŃa","Ġver da","Ġgru pos","- -","ar i","Ġfi gu","Ġin gres","ĠH o","Ġd ó","c en","me tros","cur so","teri ores","Ġespecial mente","Ġpre m","lica ciones","ĠAr gentina","Ġm ÃŃn","ĠM i","Ġcons um","ampo co","Ġhist ór","v ech","Ġprincip io","Ġhi jo","Ġp adre","Ġedi ción","Ġpla zo","Ġmateri al","ic ÃŃa","Ġelem entos","Ġ4 0","Ġmedi das","Ġañ ad","Ġencuent ro","Ġsi r","ĠC rist","Ġim ágenes","ĠLu is","Ġsuper ior","Ġen ero","Ġsal ir","ĠA le","E L","é m","Ġmar zo","ier nes","Ġtel éf","Ġneces idades","Ġen ci","Ġfun ción","Ġm ad","t adas","Ġtoda vÃŃa","Ġop ción","Ġamb os","uer to","Ġ $","ĠSan ta","ti endo","e te","ent an","d ÃŃa","Ġpro tagon","Ġcar go","Ġningun a","h i","Ġin icia","f a","E C","Ġre par","Ġlib ros","ĠCar los","h er","Ġver sión","Ġar te","gl és","Ġme tros","Ġesf uer","aliz ado","re as","Ġb on","O L","à į","it ado","ues to","eb rero","Ġsigu ientes","k e","Ġt ama","b il","Ġé po","Ġparticip ación","Ġde mos","ul as","Ġ2 3","Ġpue dan","Ġexist e","Ġl ista","ĠM u","Ġclas e","Ġp adres","de o","Ġcl iente","Ġbus ca","Ġm óvil","1 2","ĠC iudad","Ġac on","Ġpar tes","Ġa gra","Ġconoci miento","Ġsu ce","Ġpartici par","Ġhacer lo","in es","Ġab ril","Ġestudi os","ist ro","Ġf ru","Ġf ra","Ġofrec er",". ,","Ġsol u","Ġcambi os","Ġra zón","p ir","Ġpres enta","v ia","Ġe uro","f il","de l","un es","Ġc ine","di endo","ent ación","Ġquier o","Ġofici al","Ġjue gos","Ġp ier","ti a","Ġsab e","Ġefec to","Ġco cina","ĠS on","Ġel abor","f i","Ġmiemb ros","no v","cri pción","Ġconside ra","Ġún ica","Ġam biente","ĠS a","R e","p l","ÃŃ do","es e","in ado","Ġ â","Ġar ch","Ġcon ec","ĠH ay","Ġre c","ĠT er","Ġs á","ac a","ĠP r","r um","é di","mo c","I A","fer encia","Ġju gar","Ġcambi ar","tor a","w are","E D","Ġcom ún","Ġcre a","éc tr","Ġna ve","Ĥ ¬","den tes","Ġtendr á","Ġgra tu","Ġh ici","Ġcomp ra","Ġmen or","Ġviv ir","Ġima g","Ġj orn","Ġn um","id ores","f e","ic al","Ġgu ar","ĠV en","t ino","Ġcre cimiento","ĠCon s","r ica","k et","ch es","ie za","Ġestra teg","tar se","Ġcon cl","Ġpro teg","Ġpare ja","Ġp s","Ġcora zón","Ġb or","Ġ201 3","Ġp en","Ġcol oc","Ġsex o","ĠT en","Ġnego cio","ac es","ĠS er","Ġcons erv","Ġd om","1 5","en da","Ġpúbl ica","Ġv in","Ġc iento","ita ciones","Ġse is","ran do","Ġme z","Ġpre ten","par tamento","tis f","Ġh as","Ġprue ba","o o","Ġpa go","ÃŃt ica","Ġa di","omb ia","Ġde pen","Ġac ce","Ġl in","Ġimport ancia","ĠS ol","Ġefec tos","ám ara","ue lo","s u","Ġcul tura","es te","it ario","Ġa gosto","titu d","ĠP lan","Ġc rist","di z","Ġmay ores","H ola","Ġper ten","ÃŃ os","Ġcor reo","Ġpro tección","Ġcomple to","Ġre quier","Ġpr os","Ġeduc a","Ġrecib ir","n er","it antes","ĠM er","Ġlugar es","Ġap or","âĢ ĵ","Ġtrabaj adores","Ġc ient","ĠE S","Ġv oy","Ġdes c","Ġapro vech","Ġg al","Ġv iernes","ter ÃŃa","Ġcan dida","Cu ando","Ġte m","t amos","v ieron","Ġev ento","Ġtotal mente","ó l","Ġsist emas","ol ver","ar do","c k","Ġform as","ĠB ol","ĠMin isterio","Ġk il","ris is","di go","Ġpens ar","Ġd an","Ġfre cu","ris mo","Ġg ri","g ada","ed or","Ġ2 8","Ġten ga","ier e","Ġve lo","Ġacer ca","Ġan álisis","Ġsu st","Ġestudi antes","o p","Ġalre dedor","Ġreg ión","eb o","Ġencon tra","Ġ201 2","Ġinter pre","ĠF ern","ri tu","ĠDes de","Ġg o","ác ter","Ġcaracter ÃŃsticas","ta ble","ĠInter net","Ġpes o","Ġman e","Ġ q","t rimon","Ġhab ÃŃan","Ġreg res","Ġedi fici","Ġcar ácter","mi te","ú a","or k","Ġmater ia","ica ciones","Ġdesarrol lar","tu d","Ġc el","tel ig","A C","ues tas","Ġcol ores","v in","Ġrecom end","Ġexcl us","Ġpr ome","Ġd orm","Ġdifer encia","Ġpel ig","Ġcompr om","Ġdeci sión","Ġcaus a","Ġbaj a","ĠY a","1 8","Ġmov imiento","Ġ2 6","orm ente","Ġres ist","Ġv esti","Ġ2 7","Ġmom entos","Ġnatural eza","ĠP as","Ġh on","Ġt ÃŃtulo","cion a","Ġépo ca","Ġg uerra","Ġhum anos","ta ba","Ġop ciones","át icos","ti da","Ġpermi tir","r y","Ġf ebrero","Ġpres u","Ġob st","Ġn orte","Ġdo lor","t ales","Ġp is","Ġencuent ran","er ia","es tr"," ³","Ġa just","ig a","ĠD er","um en","Ġex tre","Ġev alu","Ġni ño","Ġpeque ña","Ġide as","Ġdemas iado","Ġentre ga","z an","Ġp ien","w s","ĠT or","Ġsa tisf","Ġn ar","og le","Ġpa gar","ĠE N","Ġall á","Ġre cl","ĠH er","til la","ÃŃ m","ĠB a","Ġa ten","Ġvis ita","ĠâĢ ¦","ÃŃ fico","Ġdó lares","ri os","Ġrela ciones","Ġc risis","Ġin tro","Ġmun dial","Ġfab ric","e ar","Ġm ara","Ġliber tad","Ġtama ño","Ġm ec","ti dades","Ġj ur","Ġvar i","ĠE mp","ay a","Ġorig inal","Ġsor pren","Ġfon do","Ġcompar tir","Ġmáx imo","Ġs omos","Ġcons ecu","Ġper der","Ġcompe ten","ĠAd minist","Des de","ul tura","Ġaut om","Ġra z","Ġ +","Ġorig en","es o","Ġvol un","Ġin glés","Ġ iz","Ġcam paña","Ġor ient","Ġsu m","Ġper s","Ġay er","Ġme m","di ente","Ġmateri ales","m bi","qu ina","Ġprác tica","ĠInterna cional","Ġmos tr","c ti","Ġesp era","ul ta","Ġver ano","Ġt ampoco","Ġtex to","Ġan d","Ġdistin tos","Ġimp or","ĠT u","Ġlle ga","Ġpeque ños","Ġdomin go","Ġsu puesto","Ġautor idades","Ġincor por","Ġs il","Ġexper im","Ġcre ación","ĠN av","e tas","Ġcom ida","Ġanti gu","e e","tar ia","cep ción","Ġe qu","Ġe ta","Ġdesarrol l","Ġz onas","Ġprop ie","on g","Ġprogra mas","/ /","Ġbien es","Ġmon ta","Ġenten der","ĠCh ile","Ġ19 8","i ana","form ación","Ġd é","Ġe vi","Ġsal ida","Ġse par","ĠRe al","Ġar ri","Ġincluy e","Ġs uel","ĠCol ombia","aliz ada","Ġpan talla","ĠSu per","ús que","Ġdirec tamente","Ġseman as","Ġper mit","Ġpos ición","cul os","Ġho gar","h u","Ġrel ig","ti les","Ġiz quier","Ġb lo","Ġcon ce","Ġteléf ono","esti on","Ġproces os","Ġprovin cia","Ġt ab","Ġdesa par","Ġcons umo","ológ ico","r án","ĠT he","ren o","Ġv ie","ab il","Ġejerci cio","ues tro","ĠEduc ación","ĠU S","Ġquier es","Ġ6 0","Ġenci ma","Ġalum nos","r er","Ġc ivil","t bol","ĠJes ús","Ġt ro","Ġpod ÃŃa","ĠAn ton","osp ital","id or","e dad","Ġiden tific","Ġde ja","Ġest aban","Ġel éctr","C om","Ġllam ado","Ġher m","R I","vo ca","teri ormente","Ġval ores","ĠRe p","Ġco che","Ġcomp ren","ti os","Ġá mbi","Ġtrabaj os","Ġg lo","ĠCon sejo","un tamiento","Ġde v","Ġb rin","Ġcontinu ación","Ġhum ano","é st","Ġconver tir","Ġp ul","Ġsá bado","Ġac e","as a","Ġpalab ra","Ġp un","Ġlleg ó","Ġi ba","p ero","i el","Ġle van","able mente","p ut","Ġmar co","ĠP al","ci to","ib er","Ġinf orma","A demás","ti dos","é tica","Ġdefin i","Ġlogr ar","di s","ĠP u","ac o","Ġcontr ario","Ġgaran ti","d ores","di entes","t ÃŃa","ri to","Ġprov oc","uy e","di miento","d on","Ġblan co","tar ÃŃa","Ġplan ta","Ġexist en","ĠpolÃŃt icas","Ġsol ución","tor ial","Ġdistin tas","Ġimp os","ĠD el","ci dos","Ġeuro pe","ĠP rim","Ġide al","Ġparti dos","rib un","Ġpodr án","ĠSo cial","gen ier","Ġvo z","en os","Ġindust ri","Ġnivel es","Ġm ic","Ġc ic","le v","U N","ebo ok","Ġmil itar","Ġdis co","ĠAm érica","Ġrefer encia","M A","Ġsu je","Ġrespons abilidad","át icas","Ġade lante","Ġab and","Ġtiemp os","er to","Ġr endi","Ġne gro","Ġmens aje","Ġcompe ti","ĠvÃŃ cti","er te","Ġcl ub","qui tec","p h","ú tbol","ĠMar tÃŃn","ĠFran cis","ĠC ON","Ġdo ble","f es","Ġt ir","Ġgan ar","Ġpo cos","uev es","Ġf amos","Ġan un","Ġrecu per","e ño","Ġluch a","ab lo","Ġ201 1","Ġh u","Ġb úsque","Ġob ten","ĠR a","Ġh om","Ġtar je","ĠA u","Ġcor ri","Ġfamil ias","ar la","Ġap re","Ġsimple mente","Ġjug adores","d icos","Ġllam a","Ġme xic","c ados","ar te","qu é","Ġapren der","Ġin nov","Ġdetal les","Ġeconóm ica","c le","Ġdifer ente","k a","u ri","den a","Ġl unes","Ġo per","Ġcl ás","ĠM ay","Ġà ī","Ġen torno","Ġqu iz","Ġalter na","Ġt ú","y e","Ġest rel","ĠInstitu to","Ġn orma","tar á","Ġr en",": //","Ġrespons able","Ġecon omÃŃa","im as","A r","p an","ĠMun dial","m er","Ġelectrón ico","Ġsue lo","Ġcomer cial","Ġba ño","is l","Ġloc ales","log ÃŃa","Ġesc en","Ġac to","Ġti pos","Ġmara vil","Ġin telig","a pa","ĠE L","S in","Ġen l","ÃŃst ico","ĠF in","ment ación","Ġmo tivo","ĠpolÃŃt ico","Ġest ad","ra ciones","ent ado","Ġentre v","Ġtemp era","c la","Ġapro xim","âĢ¦ ]","Ġhist or","Ġrealiz ado","Ġsuper fici","ens ión","ĠC os","Ġconoci do","Ġher mos","ĠH ab","f f","Ġej ecu","Ġperson ales","Ġinvers ión","Ġpresent ación","Ġocas ión","is mos","la z","id amente","ÃŃ p","ĠS oci","pec tos","ĠD a","Ġmar cha","Ġperson ajes","ón ica","di das","Ġviol encia","Ġdi ver","Ġde c","i ro","itar ia","ĠM ig","ĠC ap","gr á","_ _","Ġdis posición","Ġac ces","Ġg én","ĠRep ública","» .","ti que","ĠA hora","Ġpuer ta","Ġprop iedad","Ġad qui","Ġpregun ta","1 6","Ġdi bu","v ado","Ġr é","Ġinici o","Ġr os","!! !","Ġpres iden","Ġpar eci","ĠM as","Ġen trar","Ġinde pendi","Ġ201 0","w it","aj as","s as","Ġh echos","Ġinteres ante","Ġ2 9","Ġah or","Ġhab itu","Ġtrans porte","E x","Ġocas iones","Ġherramient as","Ġobje to","di os","en cial","Ġve ci","Ġam igo","Ġenferme dad","Ġselec ción","Ġpodr ás","es tiv","Ġ ÃŃn","Ġcom e","CI ON","j u","Ġpres entar","Ġagra de","rib ución","Ġart ÃŃculos","Ġde m","Ġ %","Ġeconóm ico","Ġm it","Ġin ver","Ġen s","Ġcon oce","Ġalim entos","Ġar m","Ġbuen as","Ġde moc","Ġj ef","Ġatra c","1 4","Ġtien da","ĠS ecre","Ġexcel ente","j ero","ie lo","Ġex tran","am e","Ġcon vers","Ġp ér","Ġin ci","Ġprop uesta","Ġjorn ada","Ġrepres enta","Ġvuel ta","ĠTo do","Ġam ena","Ġespa cios","ĠG al","Ġcon cent","Ġdes emp","iv er","Ġpe lo","Ġé ste","Ġas i","Ġal mac","lo go","leg io","tar ios","Ġdispon ible","ĠCom isión","Y o","ĠJ a","Ġso b","im en","2 5","Ġcateg orÃŃa","ĠMun icip","ez uela","Ġac us","ar o","Ġcomprom iso","el lo","ĠAnton io","ĠNuev a","l ores","ra g","ed ro","ĠSal ud","ĠEn tre","o z","ológ ica","ul tad","ent ales","ĠR os","Ġd éc","ĠM us","ĠJ ust","Ġindust ria","Ġconf orm","Ġ za","o j","Ġvelo cidad","Ġgob ern","un iden","i res","Ġma es","ci ente","Ġpron to","Ġtra tar","ĠFrancis co","Ġfun ciones","Ġtal ler","on ia","Ġf ras","iu dades","Ġinter net","ĠI mp","Ġre ce","Ġcla ve","Ġopin ión","im ismo","i x","Ġes ca","Ġpr ensa","Ġobje tivos","or ÃŃas","dr á","Ġpre cis","Ġcent ros","ic es","iz ado","Ġc ru","ĠH um","Ġesc uela","inar ia","Ġmul ti","it ales","Ġban da","Ġ ór","am p","Ġcapa z","ter as","c oles","qu er","Ġpon e","Ġ &","ĠM ás","ĠEuro pe","Ġrep ro","Ġconten idos","Ġinstal aciones","Ġeleg ir","Ġres pec","ens o","Ġtit ular","Ġos cu","Ġas pectos","z ada","Ġbenefici os","T U","Ġmes a","Ġpaci entes","u ras","b ia","Ġaum ento","1 3","ón de","Ġcr édi","Ġráp ido","1 7","Ġin teg","ific ar","Ġcoment arios","Ġtécn ica","Ġfr on","Ġdi ario","Ġofer ta","Ġpre ci","Ġco b","ran s","Ġcapa ci","ÃŃ r","Ġf em","Ġdis c","Ġnorm al","Ġsu erte","ĠAn d","Ġanim ales","Ġv ÃŃa","an til","Ġh id","Ġper m","Ġmode los","Ġcomple ta","Ġac ci","Ġcumpl ir","Ġ19 7","Ġpreo cup","Ġcomp on","Ġref le","p al","aliz a","irm ó","Ġp ena","ĠSe ñ","Ġsent ir","Ġquer emos","Ġespañ ola","Ġj a","Ġbúsque da","Ġ ú","? ?","Ġo cup","ĠA unque","Ġad ul","ÃŃ ritu","Ġinform e","ĠP an","Ġj ueves","Ġmit ad","ĠGo ogle","Ġtom a","Ġdi ez","Ġcent ral","ĠU N","Ġab rir","v iv","or ge","ĠO l","P ro","Ġtécn icas","Ġma gn","ĠD ÃŃa","trimon io","Ġest im","S u","Ġapro b","à ģ","Ġco ord","Ġa un","Ġde cor","Ġconf lic","on z","Ġe res","Ġdeber á","m entar","Ġdi fic","ri que","Ġprue bas","Ġresul ta","Ġestruc tura","Se gún","Ġol vid","Ġsu ficiente","Ġcuid ado","Ġo tor","Ġlabor al","Ġap licaciones","ific ado","Ġkil ó","un o","Ġconst ante","p ia","Ġo c","án dez","ru mp","l ad","ós ito","Ġqu ién","6 0","Ġprincip ios","Ġc iudades"," °","ĠpolÃŃt icos","jer os","vi ó","I L","Ġ[ âĢ¦]","di l","Ġmanif es","Ġcu yo","Ġest ás","ér coles","Ġex terior","com o","Ġinf l","Ġdest ino","ft ware","ĠS h","Ġqu in","Ġescrib ir","Ġub ic","Ġsegu ra","ues tos","tia go","Ġb ril","c ol","ra mos","ien en","Ġsan gre","e os","Ġl ic","Ġ8 0","Ġinst rum","ier to","Ġas oci","Ġt re","Ġdic ha","Ġacce der","ĠS us","Ġdivers os","Ġampl ia","ĠAy untamiento","Ġperfec to","tor ios","Ġpro ve","Ġest ará","b amos","Ġal cal","ÃŃs imo","Ġbusc ando","les c","Ġcomp ro","Ġin con","Ġor g","ÃŃ fica","Ġher man","der al","j ado","tor al","Ġestu vo","Ġciudad anos","y as","ĠM ic","Ġmie do","ĠMig uel","Ġadminist ración","Ġp rac","tu vo","Ġpág inas","Ġdig ital","Ġestado uniden","ĠD o","Ġr eno","ĠCon greso","oso tros","a g","ĠD an","p es","Q ue","ĠV ic","U E","ĠAs ociación","Ġb ra","Ġconfi gu","Ġdist ancia","le z","Ġc lic","ab e","Ġconfi anza","Ġinstitu ciones","S O","Ġrealiz a","Ġcon se","Ġconcep to","Ġdef ensa","ma il","Ġbuen os","Ġconv ier","d ado","te les","ru po","Ġá reas","Ġemple o","ĠVen ezuela","Ġclas es","Ġm ente","ĠMan uel","Ġm ues","ĠE j","quier a","Ġmil es","Ġpa z","à ī","Ġesfuer zo","Ġtécn ico","Ġde ri","ĠlÃŃ der","Ġor o","Ġhab la","Ġaz ul","E M","Ġt he","gu ay","Ġcir c","Ġmé dico","Ġe p","ar emos","ĠP edro","I O","ue gos","ech as","cion ados","L e","4 0","k i","Ġc if","Ġa trás","gra ma","ĠCas a","di eron","ĠGar cÃŃa","Ġinterna cionales","el as","c ó","Ġcu estión","á st","ig ue","Ġpla ya","Ġpes os","Ġro pa","ti ficación","Ġdi v","Ġreun ión","ĠGra cias","Ġcon ex","Ġ3 1","T ambién","t antes","Ġgol pe","Ġseñ or","Ġactu almente","di dos","Ġcam pe","Ġf ol","Ġna turales","ut ri","Ġmo da","ĠM al","Ġam ar","Ġinme dia","Ġque dar","te ca","Ġlan z","Ġfi esta","Ġma dera","ĠDes arrol","Ġámbi to","Ġ ó","im e","Ġquier en","Ġma g","ĠSegu ridad","Ġdeb emos","Ġconsi gu","Ġpa is","Ġal tura","ĠRe y","Ġorig in","ras il","tr on","Ġref lex","Ġprop ios","Ġcom ba","t ador","é tico","Ġno ta","ue las","ĠL i","Ġmunicip io","Ġcolabor ación","ios o","Ġden omin","ĠC er","Ġdis min","itu d","Ġpúbl icos","Ġh tt","Ġtran quil","Ġf res","Ġdivers as","an ÃŃa","âĢ ĭ","g ó","Ġes pos","Ġa v","ul l","ÃŃf icos","Ġ *","Ġvis itar","b ilidad","am o","Ġs ÃŃn","ð Ł","Ġnum eros","cri p","x to","Ġfu ente","Ġap enas","Ġne ga","Ġempez ar","Ġimp le","Ġnego cios","ĠI I","Ġemp ren","Ġfuncion amiento","Ġaf ir","Ġ ul","Ġá r","Ġsac ar","Ġtérmin os","Ġescri to","Ġlo g","Ġcar re","ĠG onz","de m","Ġperio di","Ġmem oria","Ġprogra m","Ġsi ete","Ġgust o","Ġen tidad","ĠF o","Ġeta pa","Ġllam ada","Ġfor tal","Ġcontra to","ĠI glesia","ad ém","den cias","pues tos","Ġun idad","C ómo","Ġdu ra","Ġtradi cional","Ġt orn","Ġdeb erÃŃa","Ġes co","Ġper fil","Ġesc ol","ĠCon stitu","ros o","Ġej ec","ĠO s","ĠP os","Ġhub iera","Ġutiliz a","Ġvis ión","Ġ ·","Ġtr á","Ġas um","Ġhab itaciones","Ġplata forma","IC A","Ġcomen zó","Ġtele visión","Ġperio do","ket ing","Ġmi ércoles","Ġha ga","Ġinvesti g","lam ento","Ġsal a","Ġj ard","it es","estiv al","Ġcomple tamente","Ġrad io","it y","p ol","Ġgén ero","Ġmo tor","ĠW eb","Ġterri torio","ĠH e","Ġhab rá","iste ma","wit ter","Ġv ino","ĠE con","Ġt on","Ġmar tes","Ġimp acto","Ġsos ten","Ġdes can","Ġcul tural","2 4","Ġcu ya","Ġpu do","Ġres iden","Ġf útbol","Ġev entos","L A","Ġpre fer","i ales","Ġe ch","in ci","Ġarri ba","Ġter cer","Ġpro duci","Ġpubl icación","Ġkiló metros","Ġderech a","Ġt esti","ĠB en","gu st","g ü","ĠB el","Ġ9 0","Ġdispon ibles","tri z","Ġcuar to","tro l","Ġactu alidad","Ġre cha","C A","Ġdar le","quil ib","p era","Ġfigu ra","Ġpres ión","Ġf lu","ĠV e","ĠCa tal","Ġequ iv","I T","Ġcal les","ic k","Ġcualquier a","ca pa","Ġmar cas","Ġd ando","Ġsi tios","T e","Ġdeman da","Ġin fer","ĠX X","ĠEs pañ","en se","Ġa vent","Ġcomun ic","ĠTo dos","is a","de res","di dad","M ás","Ġizquier da","ĠpelÃŃcul as","ter os","Ġfue go","om bi","Ġan teriores","Ġinicia tiva","Ġlen gu","le o","â Ĥ¬","Ġorganiz aciones","mi tir","gue z","Ġar quitec","ĠS ur","Ġhab itación","an ce","Ġgan as","Ġpregun tas","Ġconte mp","ĠSan tiago","Ġalmac en","ĠT rans","Ġre vis","ĠM uch","ar ca","ĠE di","Ġelec ciones","ec ÃŃa","Ġdocu mento","Ġfundam ental","óp ez","Ġc m","Ġint ent","Ġmos trar","Ġequi p","Ġmis mas","Ġ200 9","Ġcor re","ĠF und","ribun al","Ġlleg ado","Ġinteres es","ĠA t","As ÃŃ","H ay","Ġza pa","Ġas pecto","ib lio","Ġcirc un","tien en","Ġcar ga","Ġar ro","Ġpor no","ri endo","ĠâĢ ¢","p ora","Ġalcan zar","Ġten iendo","Ġgra ve","ĠE E","Ġn ie","estr uc","i ados","Ġace ite","Ġo cu","» ,","j an","Ġ án","y os","U S","2 2","Ġc e","le za","Ġgen era","Ġjur ÃŃ","an to","ru p","it ados","Ġde ten","Ġpe dir","Ġgener ación","Ġac og","Ġle jos","Ġestrateg ia","ĠD on","Ġps ic","Ġper ÃŃo","d ó","in s","Ġapar ece","Ġprimer as","Ġg rado","ĠP at","Ġt ales","Ġconoci mientos","Ġsolu ciones","Ġ ras","Ġaband on","Ġado lesc","g imen","Ġdic en","Ġprofes or","Ġvac aciones","Ġg rá","Ġre pe","Ġconv ir","Ġb ur","ĠS E","Ġder ro","Ġamb ient","Ġado p","Ġedifici o","Ġde tec","ĠBuen os","Ġblo que","ĠA ut","Ġro de","us a","Ġperson aje","h t","Ġplan tas","pon er","l y","Ġjust icia","Ġar gu","Ġsitu aciones","ĠA ires","ul ado","ĠmÃŃn imo","Ġesper ar","ĠP ablo","v as","ĠFran cia","Ġ7 0","Ġpros titu","ĠMe di","Ġimp er","Ġé sta","Ġtrabaj ando","olog ÃŃas","Ġk m","Ġmanten imiento","Ġjust o","m án","Ġch ica","ĠC ab","Ġfamiliar es","ĠCu ba","Ġch icas","diz aje","Ġre quis","ĠvÃŃ deo","Ġhi ja","Ġf er","Ġterc era","Ġre ducir","Ġalgun o","Ġpie zas","Ġpa g","Ġrequier e","P A","in ario","ĠL ópez","bl os","Ġmodi fic","ci ar","ĠMu jer","vil la","Ġdi á","r ón","Ġen orme","ed ores","ac ho","en der","Ġ »","ĠCh ina","Ġsol a","Ġfin ales","ĠO fici","Y a","g al","Ġnorm as","Ġan al","ĠDes pués","ĠR ob","d ÃŃ","Ġf irm","Ġveh ÃŃculos","Ġ3 5","ĠDesarrol lo","Ġqu erÃŃa","ĠIn v","Ġadminist ra","Ġespe ciales","Ġvar iedad","ĠH oy","udi cial","r ador","cip l","ĠCom er","am or","Ġúlti mas","Ġinstal ación","til las","Ġveci nos","ĠFac ebook","Ġten gan","ÃŃt ulos","Ġse l","s an","Ġpe or","i amente","Ġherramient a","Ġimp uls","til lo","Ġb ara","u ta","Ġlar ga","Ġcomen z","Ġnoti cias","Ġin c","Ġcompeten cia","ĠR am","ĠT h","Ġaquel la","T en","Ġdu das","Ġsol amente","Ġsab emos","Ġcompr ome","Ġindivid u","a ve","Ġmej ora","Ġvent as","Ġcar ta","on d","Ġdej ó","Ġmon e","ĠF u","Ġd ónde","ĠG rupo","Ġpas os","B uen","U U","Ġl uc","Ġal quil","Ġposib ilidades","ĠEst udi","Ġviv ienda","Ġter ror","us e","y ó","Ġab og","Ġd ue","Ġcomp ort","ĠH ist","Ġac um","iv as","Ġdeci siones","ci mientos","U R","Ġ200 8","i ores","il los","Ġs esión","ĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀ","tr ó","Ġsex ual","Ġsue ño","Ġbo ca","Ġpresu puesto","Ġreg al","Ġtri un","il es","Ġdes pe","ĠCl ub","Ġhum an","Ġb re","Ġpuer tas","Ġfuer zas","Ġconsecu encia","s es","Ġexp lica","Ġcomp lic","Ġexist encia","ĠB rasil","Ġdirec to","ĠB lan","m ina","ĠUn ión","Ġlec tura","R es","ĠlÃŃn eas","Ġo cho","Ġsu stitu","ĠN os","Ġhici eron","Ġcu entas","Ġo cul","tic amente","Ġcas as","Ġpubl icado","ÃŃ da","Ġri t","ĠB er","Ġrecor dar","á is","Ġexp lo","Ġal oj","Ġdescar gar","Ġf as","ĠPres idente","Ġjug ador","Ġveh ÃŃculo","Ġa vis","Ġcr ÃŃt","v el","2 3","Ġt amb","Ġfin es","Ì ģ","aliz ados","ar nos","Ġe fica","c am","Ġvin cul","an g","Ġobst ante","Ġm ala","tu s","Ġca tal","iemp re","Ġen tra","L O","Ġab or","Ġsal v","it amos","Ġcompañ eros","Ġviv o","V A","Ġpie dra","Ġposib les","Ġencan ta","Ġp ris","Ġbar rio","h n","Ġso ftware","Ġfu entes","Ġrespe to","ĠDirec ción","Ġsec tores","Ġfir ma","Ġll u","ĠfÃŃs ica","ĠÃģ n","f re","Ġjef e","ch as","P o","Ġaquel las","Ġregist ro","8 0","Ġesc al","H oy","Ġdic h","Ġestable cer","man ia","ĠVal encia","Ġrev el","Ġse de","Ġl ech","Ġqued ó","Ġmic ro","p les","Ġfis cal","Ġen tidades","Ġmen ores","Ġcon oc","Ġex posición","Ġfin almente","ĠB l","Ġpo bre","Ġi di","ĠC re","Ġm am","Ġre lev","ti g","Ġi do","t y","Ġmin istro","Ġex ter","Ġnove la","Ġpodr ÃŃan","f on","Ġescen ario","Ġs ome","k er","Ġrendi miento","ĠPer ú","ru pción","ĠEs o","ĠEmp res","ĠC ruz","ic ción","Ġsuperfici e","Ġun idades","Ġre quer","Ġ ran","Ġprop ias","D urante","Ġopera ciones","ch ez","Ġt es","Ġme ta","Ġcu mple","Ġver de","Ġcam a","Ġmáx ima","ĠJ av","Ġan o","Ġresta u","ĠAdminist ración","Ġpr om","@ @","Ġlleg ada","Ġdocu mentos","Ġest an","Ġac adém","ci da","ie go","c és","ios a","Ġgener ar","Ġex ac","b la","Ġap un","d ón","Ġg ras","Ġ >","Ġre tir","Ġm ent","ĠF er","un cia","Ġdom ici","Ġenfr ent","Ġpeque ñas","Ġres olver","fica ciones","el es","Ġhac ÃŃa","in do","Ġp ec","Ġres olución","Ġsec ción","ue bles","Ġex cep","Ġprác ticas","ĠD av","Ġc ita",") :","Ġde p","ier o","an zas","Ġar gent","ven ida","am ble","Ġo peración","ĠT a","Ġincre ÃŃ","f in","k o","Ġc án","ĠDE L","Ġespe cie","ĠE lec",") ;","Ġcer c","ga ciones","p lic","Ġg es","A T","Ġemb ara","or g","ĠE m","Ġtempera tura","f ÃŃa","C O","Ġhab rÃŃa","ĠRe v","Ġh ará","Ġar tes","Ġpla za","Ġag reg","Ġre ac","an da","Ġg a","on da","ĠPol icÃŃa","ĠF ue","Ġcri ter","Ġsencil lo","ĠN orte","d ust","f é","ero p","ĠA g","ĠY ork","Ġdi go","iv e","ĠOr gan","de ración","Ġf en","tu mb","por tes","Ġsu pone","Ġpe dido","Ġa bajo","Ġvide os","us ia","Ġreg ular","Ġc ámara","Ġa st","Ġpér dida","ĠF is","Ġenferme dades","ĠEst os","ĠB e","Ġleg al","Ġcomer ciales","Ġmaravil los","Ġint entar","ĠB us","Ġm últi","der os","Ġs omb","ra cia","Ġprincip almente","ĠD u","Ġbel leza","Ġabier to","Ġproduc e","Ġpermit en","Ġsue le","Ġcolec ción","ona to","Ġingres os","k y","er an","Ġpas ó","Ġrealiz ó","Ġhum ana","Ġtien das","ier an","it é","tis mo","tor ias","Ġpol icÃŃa","9 9","uen cias","Ġseñal ó","ĠEs pe","Ġpo dido","ok ies","j or","Ġcal or","ĠM ac","ĠD omin","Ġsim ilar","Ġmec an","Ġdi put","ĠC ada","Ġh á","Ġag re","Ġexper iencias","Ġescuch ar","ĠR om","pues tas","Ġagr ad","Ġis la","ĠH u","ĠSeñ or","* *","Ġfel iz","Ġcor te","Ġcorrespon diente","ĠV ir","ĠPro fes","ĠFund ación","it ada","Ġc iencia","Ġtrans form","Ġprem io","e des","Ġvic toria","Ġna cionales","Ġamb as","Ġcircun st","Ġtras lad","Ġincluy endo","ĠJust icia","Ġj am","te m","Ġcons ol","Ġsal e","Ġár bol","Ġte j","âĢ ¢","Ġve o","Ġde porte","is iones","Ġer ror","Ġru ta","Ġgas tos","ĠC ivil","I M","Ġtrad uc","Ġabs olu","Ġdes af","Ġelec ción","Ġloc alidad","Ġsigu en","Ġco inci","r ales","Ġfac tores","il ares","r eras","it arios","l en","Ġapren dizaje","u das","ĠPre m","Ġre y","Ġtri tur","ĠN i","Ġimpos ible","ĠperÃŃo do","Ġcer eb","Ġ =","Ġh ar","Ġcomun idades","ĠP úbl","in ados","E T","Ġdes eo","ÃŃ guez","ĠT ri","e ñ","Ġpúbl icas","Ġcumpl imiento","Ġdeb es","Ġofrec en","id ar","Ġparticip antes","Ġfal le","i ación","Ġconsul ta","Ġcomen zar","Ġcomer cio","Ġrecor rido","Ġg e","Ġp iso","Ġ Ġ","quil la","Ġdi vi","T ras","Ġfuncion a","Ġman da","Ġpue blos","Ġde trás","ĠT ele","ier ta","b ra","Ġexper tos","ĠB al","ĠServ icio","Ġn omb","dr ÃŃguez","án ica","Ġcomer ci","vi amente","Ġap er","Ġpriv ado","Ġur b","v era","ar le","Ġraz ones","Ġreco g","i gu","Ġpro bar","ĠPer son","Ġcó digo","Ġr ue","Ġaum entar","Ġf ase","Ġinform ó","Ġhub o","Ġr ÃŃo","Ġe quilib","k s"," ª","me tro","án d","u f","Ġvuel ve","m isión","ĠC ur","Ġverda dera","iv amente","h ib","am ento",". âĢĿ","Ġllev ó","ar ial","Ġré gimen","Ġdisposi tivos","ad io","g ados","Ġf ar","ĠS ec","in t","Ġ ital","Ġtarje ta","Ġsor pres","Ġhay an","Ġgaranti zar","Ġten ÃŃan","Ġcor to","Ġsens ación","Ġforma to","u ña","án chez","d s","Ġs es","Ġcondi ción","Ġprop uestas","o que","ĠP P","Ġsi quiera","Ġdist ribución","Ġc rim","i anos","ra z","Ġest én","ĠSe gún","l ÃŃ","Ġreconoci miento","ĠU r","Ġson ido","tal ia","ide z","C h","Ġcomien za","ológ icos","Ġrev ista","Ġd ul","Ġdeb ate","Ġdes per","Ġconstru ir","Ġa us","in ta","ĠPro vin","Ġata que","graf ÃŃas","Ġesp ero","ĠT ras","ĠEsc uela","ar me","Ġpres entes","ien das","Ġofer tas","es tre","Ġden unci","Ġcomp os","Ġcur sos","Ġiden tidad","Ġdis par","is la","Ġinten s","ĠN O","Ġnoti cia","Ġman tiene","Ġfon dos","Ġcrédi to","c rib","ra estruc","p r","Ġe c","Ġenl ace","Ġplan es","k ing","cion amiento","st ru","Ġac re","én dose","ĠÃģn gel","ez ol","or e","Ġdecl ara","am entos","ti go","au gu","Ġpar que","Ġrelacion ados","ĠvÃŃcti mas","Ġen em","Ġaproxim adamente","ĠP l","Ġmunicip al","ĠF el","Ġre mo","ĠRo drÃŃguez","Ġpar ecer","ven ir","Ġmar c","Ġráp ida","rib uy","ĠP RO","w n","ĠIn f","g amos","Ġh al","Ġexplic ó","Ġexpres ión","fici encia","ĠJ orge","Ġform ul","ĠP uerto","u p","ĠServ icios","Ġind ica","A P","gen cias","Ġesp ÃŃritu","V I","Ġviv e","Ġin augu","Ġdescub rir","Ġele v","u de","Ġarti stas","Ġglo bal","4 5","Ġcan ciones","en es","Ġdel ante","ĠRe d","] âĢĭ","Ġcoment ario","Ġdisposi tivo","Ġj untos","á lez","Ġpri or","En tre","Ġmé todo","Ġcon tras","ra el","A hora","Ġb io","Ġadul tos","ÃŃ gen","e ña","uc ÃŃa","ám ica","ac as","Ġherm ano","EN T","Ġtar ea","ĠJ un","Ġconver tido"," «","Ġdej ado","Ġgust arÃŃa","Ġtérmin o","Ġconex ión","Ġt ren","Ġcons ec","to dos","ti ma","én do","Ġ5 00","Ġc ielo","Ġcos to","pa ti","Ġoportun idades","Ġc aja","Ġil um","Ġhab itantes","Ġentrev ista","Ġfor o","Ġdist ribu","Ġencontra mos","ti sta","Ġb omb","Ġrit mo","Ġn utri","Ġfem en","ĠS ánchez","Ġespañ oles","Ġestadouniden se","ec a","Ġ200 7","ĠO n","ĠN ic","G ra","yec to","Ġin tención","Ġoblig a","Ġconte xto","Ġtermin ar","Ġemple ados","L E","Ġac tos","ĠPor que","Ġpi es","or ios","ĠT V","Ġcir cul","ĠM il","Ġreci bido","Ġpaci ente","Ġcar ne","Ġju icio","Ġmiemb ro","Ġinf lu","cia ciones","Ġsir ve","Ġar mas","Ġper ió","Ġdu ro","A unque","ĠLe ón","Ġal ma","ar los","i ri","ĠComun idad","Ġampl io","Ġreno v","Ġpoten cial","Ġpubl icidad","ar ra","Ġ4 5","Ġdetal le","c ón","olu cion","Ġsil en","Ġac os","t ÃŃculo","Ġcre ado","Ġcon tiene","Ġde bajo","ĠIn cl","Ġvol umen","de ras","Ġter reno","Ġproteg er","Ġr um","Ġg ama","Ġobje tos","ol uc","Ġinstitu ción","ĠAl gun","Ġi gu","ĠAle mania","B A","tera tura","Ġpas ando","Ġarti sta","Ġc ál","Ġdirec ta","Ġmir ada","Ġhistor ias","Ġpróx ima","Ġley es","Ġocur re","ĠS il","Ġley endo","Ġsur g","Ġhistór ico","Ġade lan","ĠJ unta","Ġ19 6","ti cias","as h","Ġrecuer do","Ġcon den","ĠFern ando","AR A","i pe","tr ado","Ġespec ta","Ġm ig","ĠSe villa","Ġelim inar","ĠAn dal","p ens","Ġser es","ĠGonz ález","Ġpreo cu","ulta des","Ġme dic","uch a","Ġconf irm","Ġca dena","2 1","ĠBan co","Ġleg isl","Ġcer tific","Ġp uso","Ġen ter","ĠA z","Ġli ter","Ġrecl am","Ġpas ada","Ġpers pec","Ġinter vención","201 8","Ġcol ombi","r adas","Ġlimp ieza","Ġofici na","Ġneces aria","Ġcon voca","le ta","ĠL ib","ti mos","Ġcier re","Ġt ÃŃp","de os","Ġust edes","Ġprome dio","Ġil ust","Ġasegu ró","ĠT ecn","P re","ĠDav id","Ġproce dimiento","ber to","Ġprac tic","Ġmens ajes","Ġv oc","Ġvolun tad","R ES","us iones","Ġmez cla","ĠO ri","Ġpri ma","r ores","lan o","Ġde partamento","Ġ @","ti mo","Ġa gres","ĠV illa","ut bol","Ġcl ÃŃn","Ġprop ósito","2 6","Ġrequis itos","C E","ĠP en","ĠCrist o","Ġcan ción","2 7","es tas","Ġten dencia","Ġresist encia","Ġque dan","ular es","Ġest ren","indo ws","u dos","ti das","Ġp ic","I F","ran o","Ġcan al","tam ientos","gra m","Ġsolici tud","Ġdi m","ĠT al","Ġub icación","a de","Ġa se","Ġlech e","ien es","Ġre por","Ġp endi","Ġda ño","el la","Ġpas e","ĠS em","Ġimpres ion","Ġtar eas","Ġpa t","Ġd ro","Ġven der","Ġinte gra","de dores","Ġac udi","Ġmúlti ples","Ġem erg","Ġcic lo","Ġh ospital","Ġvia jes","ĠP on","ÃŃ z","Ġco ti","Ġneces arios","Ġcl ima","Ġvis it","ci Ãĥ","Ġesc ena","erop uerto","ĠC ultura","er do","ww w","Ġ rol","t adores","Ġreci ente","le y","Ġarch ivos","Ġpro ducir","Ġinf ec","dic e","Ġtor no","Ġhabitu al","Ġex pe","ĠS istema","Ġref orma","Ġsu ma","Ġro jo","Ġw ww","Ġbenefici o","ĠPar tido","Ġorgan ismo","r arse","Ġv istas","Ġb i","Ġsab or","Ġmus ical","gr ÃŃa","esti ones","Ġherman os","Ġcán cer","Ġdu ración","3 5","Ġllev an","ĠInv esti","Ġperman ente","é rez","ĠG er","Ġpre f","ólo go","Des pués","Ġpromo ción","ĠL uego","Ġbre ve","% .","Ġb os","ue los","lec ción","Ġconci encia","Ġt era","Ġsu pon","Ġtendr án","Ġperfec ta","Ġsu minist","Ġar ran","Ġmov imientos","Ġgu ÃŃa","P S","Ġex am","tien de","os os","Ġref iere","Ġpo cas","ĠS am","Ġpoten cia","té g","Ġev olución","Ġre duci","Ġv ul","Ġasist encia","ĠA D","in ada","g adas","Ġlengu aje","Ġcontro lar","Ġh ier","Ġpues tos",". )","ĠA quÃŃ","Ġreserv a","iz ada","ér cito","amble a","Ġtamb ien","Ġencontr ado","Ġb ici","Ġcre e","Ġhon or","Ġi glesia","jer on","qu inas","Ġplan eta","Ġdesc rib","ĠIn dust","Ġub icado","Ġprecis amente","ĠD urante","j al","Ġresta urante","Ġinfer ior","Ġagu as","Ġú til","2 8","Ġpos e","Ġconoci da","Ġcon curso","âĢĻ ,","Ġmen cion","ĠV I","ÃŃ c","Ġper dido","ĠEurope a","Ġl óg","ĠDer echo","Ġde pendi","ues tros","ĠR E","Ġtecn ologÃŃas","Ġsuel en","ĠfÃŃs ico","duc e","ĠT ierra","Ġaplic ar","genier ÃŃa","Ġsab en","Ġquiz ás","Ġrealiz ación","ru guay","Ġn ombres","Ġrecon ocer","Ġar reg","ĠA L","Ġhi po","ĠF or","Ġop tim","qu en","Ġespec tá","ri tán","Ġrecuer da","Ġfrecu encia","Ġráp idamente","Ġpresent ado","ID AD","on do","Ġsu ave","ĠR usia","3 3","Ġhtt p","Ġasegu ra","Ġinf antil","Ġreci bió","à ij","ĠS ub","Ġhac emos","Ġpro du","Ġ3 00","ĠA na","z z","Ġefec tu","ĠM á","un g","Ġag entes","Ġpu tas","Ġsolici tar","M i","Ġpe le","Ġcons iste","Ġlen gua","Ġ Ð","ĠC iencias","Ġases or","Ġv endi","ĠT écn","Ġform ar","Ġven ezol","ĠP ri","m m","an e","Ġdomici lio","Ġmer cados","M ar","le t","qu ia","Ġpl acer","Ġsub ir","Ġv emos","eci ó","Ġg l","Ġinte lec","Ġcier ta","ĠCo pa","ĠA st","Ġsegun dos","Ġmis ión","Ġh os","ĠH ar","Ġpor ta","Ġcu entan","Ġmo tiv","ruc ciones","a a","pi ra","ĠMunicip al","9 0","Ġcomport amiento","ci les","Ġdeber án","Ġqu is","Ġrepresent antes","Ġas c","Ġpresent ó","Ġaudi o","Ġapar tado","Ġimp lic","Ġalim entación","O D","ol ina","Ġadecu ado","Ġg ana","Ġasegu rar","Ġac aba","Ġevalu ación","ÃŃst icos","Ġv io","Ġpriv ada","Ġsi ento","h at","Ġentre gar","Ġpor cent","Ġgratu ita","ĠT witter","Ġcontinu ar","Ġdorm itor","Ġalcan ce","Ġsi mp","pi ración","Ġb ru","Ġutiliz ando","h or","Ġindustri al","ĠP érez","D is","Ġf om","ĠG re","Ġactu ación","Ġal co","Ġtan tos","vi mos","rim iento","Ġfran cés","ĠCent ral","Ġenv ÃŃo","Ġexp an","ĠB as","Ġgra b","w e","ĠR u","Ġries gos","Ġ3 6","in i","s en","Ġpa que","Ġpro tes","Ġfen óm","ĠEs p","Ġpreten de","Ġantigu o","Ġrespons ables","Ġconcre to","Ġelem ento","Ġpróx imos","Ġch icos","% ,","Ġsu ces","Ġll eno","Ġer rores","ĠH ol","ÃŃs ima","ĠD ist","ĠF orm","ĠPla za","Ġneces itan","i i","Ġconsec uencias","t ing","ĠEst as","Ġpro gres","Ġex pec","ĠS te","ĠT ribunal","Ġco okies","Ġqu ÃŃm","Ġcomun es","Ġinf raestruc","Ġcarre tera","v iera","Ġpis cina","Ġesp al","Ġabier ta","Ġe tique","gu ar","Ġll en","Ġ )","Ġval e","Ġcl ara","ĠDe partamento","Ġpues ta","ĠL in","Ġni ña","Ġco cin","R ec","ort s","Ġejec ución","Ġg estion","ig na","Ġca fé","Ġg ar","Ġarch ivo","Ġdi eron","Ġam ist","Ġmas a","r ÃŃ","Ġalcal de","Ġad j","tiz ación","Ġtrabaj a","Ġest ación","U C","Ġter ra","ĠS ala","Ġas unto","uev e","Ġrespon der","Ġcer can","Ġh uel","Ġincluy en","ces a","Ġestable ce","Ġv aya","Ġutiliz ado","Ġo posición","Ġf lor","ú car","U L","ad ura","do ba","Ġde jo","Ġsitu ado","ĠCos ta","es ÃŃa","ĠPue de","Ġne g","ci r","Ġf ich","Ġconv oc","ĠD r","ĠPro duc","Ġperfec tamente","Ġdes en","Ġb u","Ġbeb é","Ġespos a","Ġpropor cion","Ġau tores","Ġf lo","Ġsencil la","Ġtrans par","Ġpens amiento","Ġmé dicos","Ġexp lor","Gra cias","ĠO N","Ġcontac tos","M uch","s al","Ġso porte","Ġfoto grafÃŃa","tu ales","Ġestán dar","? ,","Ġp ilo","Ġes con","ab ora","ro id","Ġceleb ración","r ue","Ġpelig ro","gr ado","ĠA udi","iver so","eci do","ri da","am érica","Ġinv oluc","Ġnúm eros","Ġconse jos","Ġacci dente","Ġimpor ta","' ,","Ġmin er","ĠZ apa","Ġhabl ando","Ġdest ru","af a","t om","Ġlu jo","uev a","Ġcab al","Ġextra ord","ri eron","pen dencia","Ġmen udo","ĠsÃŃn t","Ġconflic to","ĠV ol","Ġdescon oci","Ġf lex","Ġafir ma","ĠTra bajo","Ġmo tivos","ĠT rump","T ER","b os","ĠFe deral","Ġl ist","7 0","ĠJav ier","ĠincreÃŃ ble","Ġda ños","Ġdes ea","Ġdes ay","Ġrece ta","l in","Ġfuer tes","u almente","ĠÃī l","Ġfuncion arios","Ġsab es","ĠT om","Ġcon tes","Ġbas es","ó stico","Ġcomun icado","Ġab ra","Ġconvier te","Ġagrad able","Ġverda dero","Ġam eric","ier nos","Ġdocu ment","A B","ĠA mb","y s","2 9","es per","Ġpro te","Ġhab ilidades","Ġdef ens","ĠPro grama","ti eron","Ġindependi ente","Ġco leg","Ġre m","Ġcal iente","in te","Ġaut én","Ġtécn icos","Ġserv ir","P ue","Ġcar b","Ġactu ales","Ġnave g","di mientos","ĠA gu","Ġca er","ĠC orte","Ġautor idad","Ġ ..","Ġal ar","Ġdis cipl","Ġre lo","Ġaper tura","Ġmá quina","ĠConstitu ción","ion ales","Ġg er","Ġac lar","ic ales","que z","ĠC la","ĠFern ández","ĠC ul","ĠSecre tarÃŃa","Ġaum ent","n i","h ol","Ġrecib e","Ġanunci ó","Ġreci én","Ġde uda","Ġ200 6","Ġjue z","Ġaut on","Ġestrel las","Ġtu rismo","Ġcab ello","H ace","ĠG a","Ġcont ribu","ĠJo hn","Ġhacer se","Ġv it","ala cio","Ġmar keting","v os","p in","Ġto que","Ġqued ado","Ġpos terior","Ġde leg","Ġres ca","ĠA C","Ġper ro","Ġdéc ada","Ġmi ra","ĠF uer","Ġpe ti","Ġcont am","Ġin gre","Ġsecre tario","ĠM at","ĠL iga","te o","ĠD eb","ĠEj ecu","Ġimp on","ris a","ad á","3 6","ĠDe f","b um","x o","Ġmo d","ĠM ientras","Ġde cÃŃa","Ġenvi ar","Ġgener ales","americ ana","Q U","il os","en das","ub e","Ġún icamente","á stico","Ġcos ta","ĠG uerra","Ġcu idad","Ġllev ado","Ġ ðŁ","Ġanim al","Ġtrá fico","ĠI talia","I V","Ġch ico","Ġi leg","ĠMartÃŃn ez","Ġsu p","Ġar tic","gu en","Ġestable cido","Ġfacil itar","Ġch oc","Ġro bo","Ġac cion","- ,","capa cidad","Ġca ÃŃda","Ġn erv","I B","Ġcu án","ĠIn formación","Ġprotagon ista","5 00","Ġderi v","Ġfan tas","ĠT iene","Ġrecu peración","Ġprostitu tas","Ġre ca","Ġaf irmó","z ca","Ġv ienen","Ġalquil er","Ġt asa","r ente","Ġindic ó","Ġintegr al","aj o","bi os","Ġdes n","Ġprem ios","Ġv idas","Ġb ritán","ti stas","Ġpens ando","Ġac titud","ĠGu ar","ológ icas","ĠC ámara","Ġsab ÃŃa","ent ro","ñ ar","Ġvis itas","Ġinici al","or ar","Ġfr ÃŃo","ĠA N","ĠW indows","P er","Ġv iendo","du ras","or as","Ġprác ticamente","Ġf utbol","mar t","Ġdeci dió","ÃŃf icas","Ġdefini tiva","Ġvia jar","Ġeconóm icos","Ġc uel","Ġen amor","Ġref orm","Ġcos tos","Ġte atro","z on","ig os","Ġmóvil es","Ġdis puesto","Ġins pir","ist en","Ġadecu ada","Ġll ena","u ma","Ġban co","Ġes encial","ĠT ar","ĠJ ulio","á bamos","Ġimp ar","Ġofici ales"," ´","Ġâ Ĥ¬","Ġneces arias","I G","ĠT ur","Ġas ign","Ġcandida to","Ġr in","Ġimp lica","Ġbus can","ic ultura","ĠHo tel","Ġemp ieza","Ġrecuper ar","Ġc ruz","ecre to","Ġcam p","b res","ĠA ma","Ġsu fici","Ġtar if","af as","ĠG e","Ġconsul tar","ĠC á","Ġelec toral","Ġsim ilares","Ġt ier","S S","ĠMus eo","ĠO c","Ġcon cur","Ġur g","i j","ĠF lor","ĠP D","ĠA ctu","as o","ĠMun do","Ġrepresent ación","ĠH ern","Ġreg alo","Ġpr ést","ĠP ues","S o","Ġma trimonio","Ġpin tura","l ada","il le","Ġdepen de","Ġindivid ual","Ġha go","Ġap ara","Ġa bre","ĠSan to","Ġterc eros","it ando",". [","Ġdispon e","Ġap ort","Ġcaus as","CI A","Ġmane jo","P ar","Ġinver tir","ĠRe ino","Ġañad ir","Ġdel an","Ġestrateg ias","Ġfácil mente","oso fÃŃa","ter n","Ġros tro","Ġh uev","f icos","Ġcompren der","Ġsal ón","Ġfi estas","Ġpropie dades","Ġi gn","II I","Ġc él","Ġaquel lo","Ġso cio","Ġcomp ras","ĠC OM","Ġesper anza","Ġmez cl","t ones","Ġgaran tÃŃa","5 5","Ġdej ando","Ġescri bió","m es","Ġconf ir","Ġinnov ación","Ġprofes ores","ĠS ab","Ġre ales","Ġreg ul","Ġpes e","Ġl ide","c ción","Ġcircunst ancias","Ġvent aja","t úa","Ġacon te",". \"","Ġgen ial","Ġllam ar","Ġlogr ó","Ġadqui rir","ĠPar que","Ġco p","Ġpl eno","ĠS en","ĠLa tina","Ġcam is","ĠBol iv","and ro","to l","ĠM en","Ġorg ul","tu des","Ġtrad ición","Ġv es","Ġni ñas","Ġneces itas","ĠF il","Ġper ci","ist encia","lan d","ĠSal v","Ġres pal","tes is","y endo","Ġsal vo","Ġcap aces","� �","Ġju z","Ġi P","Ġtorn eo","ĠC at","Ġf echas","Ġceleb rar","Ġespeci es","ór m","Ġp echo","Ġcomien zo","ĠC ór","l ando","T R","Ġsal ió","Ġex por","M P","t ÃŃ","Ġcomple jo","Ġdi eta","Ġcre er","ĠMe dio","Ġcompañ ÃŃas","Ġac u","Ġja pon","Ġf lores","id u","Ġt ono","Ġb iblio","Ġfun cional","Ġinclu ir","Ġpue das","Ġempez ó","Ġal tos","Ġdestac ar","Ġ3 2","ĠS olo","Ġacre di","r icación","v io","Ġan alizar","Ġa go","Ġpuer to","Ġre to","Ġorden ador","Ġpos ee","C ar","Ġestra tég","is os","am i","Ġpie za","americ ano","Ġte orÃŃa","Ġmo vil","Ġaz úcar","Ġestudi ar","u alidad","ap ón","9 5","D E","ĠFis cal","Ġpar ecÃŃa","h abil","Ġprob ablemente","ĠSoci edad","Ġpri va","Ġus a","ĠlÃŃ qu","ĠAn dr","Ġv iento","el er","ĠP ública","Ġtu vieron","Ġdetermin ar","Ġadi cional","ĠG estión","Ġre ducción","ĠLe er","Ġcorrespon de","Ġest ados","ĠF re","to logÃŃa","Ġutiliz an","ste d","d remos","Ġc á","Ġcon ta","H a","Ġac or","qu ÃŃa","Ġcomp ut","N os","Ġtex tos","Ġnuev e","ĠMa g","Ġanti gua","ĠP C","Ġcu ch","Ġdifer encias","Ġhá bi","ĠComer cio","Ġinv ierno","tr ic","o peración","Ġcon oz","Ġcu ál","Ġsi ente","Ġpresent an","h am","mit es","Ġjard ÃŃn","Ġdomin io","if e","I P","ond res","Ġconvertir se","Ġcir cu","Ġdestac a","Ġdeclar ación","Ġviv en","Ġcul turales","ĠEst á","u ir","mar as","Ġt ÃŃtulos","Ġdemoc racia","Ġá l","r ará","Ġrestau rantes","o t","Ġnuev amente","Ġexpec ta","or án","ĠG ab","ĠR ÃŃo","tura ción","Ġ200 0","e la","ó d","o ta","Ġto car","ĠAndal ucÃŃa","Ġseñ ala","ĠH ospital","Ġenseñ anza","I EN","ĠFe deración","ri dos","Ġreci entemente","Ġentr adas","ĠNuev o","-- --","Ġesc uelas","Ġfoto grafÃŃas","Ġg uer","Ġad mi","ĠJ ul","Ġjam ás","Ġinme di","inar ias","Ġhi per","tr al","Ġm m","b el","Ġutiliz ación","Ġcon qu","h an","Ġquer ido","Ġimp uestos","ĠE d","Ġpermitir á","Ġan ual","3 4","ĠEn tonces","Ġli teratura","Ġde cre","Ġsent encia","l on","Ġen ga","Ġlle gan","Ġcor rupción","di mos","Ġentren amiento","f rica","Ġfin alidad","Ġas ociación","Ġdef ender","Ġraz on","ter s","Ġcuad ro","Ġescol ar","d y","Ġdis curso","Ġd or","Ġcompon entes","Ġpan tal","dr ÃŃa","Ġminu to","Ġt um","ĠD iv","Ġbol sa","ĠD ec","Ġaten der","To dos","Ġinter ac","Ġcr ÃŃtica","Ġens ay","M a","Ġrealiz an","To do","Ġsegu ros","Ġtan tas","Ġclás ico","Ġl um","Ġpopular es","Ġf ib","ĠNo ticias","Ġvol vió","com un","Ġan s","ĠPro tección","Ġman ual","d ados","il ación","Ġsuper ar","Ġj udicial","Ġincre mento","ill er","ĠL iber","Ġrealiz ada","ĠB ur","Ġllu via","d om","Ġdesarrol lado","Ġcier tos","ĠPar ÃŃs","f as","p p","m al","ĠHist oria","ĠD ecreto","ĠR afa","D O","Ġacep tar","AD O","Ġc erv","m enta","rist as","ĠPla ta","ĠC ó","Ġdiá logo","ĠD oc","Ġr ent","Ġg r","Ġpelig ros","den tal","án ico","Ġna cimiento","Ġapar ecen","Ġconf orme","!! !!","mi go","Ġesper ando","ion ar","e v","ĠM ur","ĠPa z","Ġd ur","Ġac tivos","Ġargent ino","Ġdeci dido","Ġac tores","Ġreg las","Ġa j","ĠA ust","Ġale grÃŃa","ic en","Ġad v","Ġdecor ación","Ġrecur so","Ġaut ón","an t","un dar","Ġcos te","iz on","Ġac ero","ĠF estival","Ġp ide","D A","ĠT ea","x il","Ġac tor","Ġres al","ier en","Ġcu rios","ara go","Ġperiodi sta","in ter","le tas","Ġ3 4","Ġg ig","Ġmo to","Ġap os","Ġch il","Ġesc ala","Ġso f","Ġt ribu","s ar","Ġh orm","ándo le","ĠNe w","Ġcam pos","Ġalterna tiva","par tam","j era","Ġdescu ento","un da","Ġs ól","Ġparti da","Ġsorpres a","t ú","Ġvis itantes","ĠJ er","Ġprev ia","Ġvent ajas","Ġdis pu","Ġvig il","Est o","Ġcor rer","ĠA P","Ġbienes tar","e go","t res","la ciones","Ġevi dente","Ġdoc tor","3 9","Ġres puestas","r aron","Ġviv iendas","Ġactu ar","Ġconsegu ido","Ġzapa tos","Ġv ál","Ġh ice","Ġcu estiones","Ġrelacion adas","ĠA R","Ġquier a","Ġper ros","Ġdéc adas","Ġpro to","7 5","Ġhor ario","Ġperson alidad","ĠVal le","la ga","à ł","Ġnego ci","en aje","Ġdel ito","u bl","ĠPol ÃŃtica","Ġdi je","Ġsegu imiento","Ġmer can","ĠsÃŃnt omas","ĠPrem io","Ġal er","ĠAnd roid","vent ud","cin di","Ġh el","Ġparticular es","Ġprepar ación","Ġcorri ente","w a","Ġsilen cio","Ġpudi era","ĠCór doba","Ġceleb ra","Ġconv iv","st er","Ġtaller es","Ġmé todos","Ãį A","Ġvul ner","Ġprev isto","Ġba talla","Ġefec tivo","Ġfras e","ent en","Ġmo ver","Ġdeclara ciones","ĠlÃŃ deres","ter rán","g or","am bre","Ġe mi","Ġus ando","c ra","Ġfras es","ĠDer echos","Ġrecor d","Ġep iso","Ġcan tante","id ación","Ġa ma","Ġpromo ver","ĠFac ultad","ĠG ol","Ġdirig ido","Ġa leg","iz ados","Ġcomb inación","G O","y en","ĠL ondres","Ġint ento","Ġg ir","z ando","Ġofrece mos","Ġs ho","Ġra to","ĠS ólo","ĠU no","ón ico","âĢ¦ .","Ġplan o","ĠA M","Ġcu estion","der ÃŃa","Ġho teles","Ġanun cios","ĠEspañ ola","Ġhuman idad","ez ca","Ġbaj ar","P ues","Ġunivers idad","? .","am es","Ġperspec tiva","ĠIn g","aliz adas","Ġvesti do","Ġcoti di","Ġal m","Ġexplic ar","Ġtradi cionales","Ġg ira","Ġpar ecen","ific ados","Ġest ancia","ĠE ra","Ġacab ar","ĠV il","Ġdia gn","u x","as te","Ġra p","Ġcont ribuy","al d","Ġc ár","Ġref ug","i ada","Ġinclu ido","Ġhum or","ci das","Ġtele f","Ġorganiz ado","Ġd ará","Ġdes ign","Ġpro pon","ep res","Ġso cios","Ġcereb ro","á les","Ġca tá","Ġ200 5","Ġintelig encia","Ġsos p","Ġacer car","Ġinflu encia","Ġinteres antes","Ġde fec","Ġcu esta","Ġ15 0","ĠJ uegos","Ġindi s","Ð ¾","Ġsu ger","ĠIn st","Ġpen al","ĠJ e","o x","óm ico","ĠNav idad","ĠI b","Ġfra cas","ez as","us os","Ġacon di"," ®","i ciones","Ġlanz amiento","Ġesfuer zos","Ġform an","Ġreg ional","Ġescri tor","Ġas o","Ġre pu","ĠSe gun","Ġtritur adora","Ġdific ultades","Ġme ter","Ġco legio","Ġpre vención","Ġin greso","Ġedifici os","Ġcol um","Ġa tre","ort un","ar t","Ġimpres ión","ĠS ÃŃ","Ġtra yec","ĠCas tilla","at amente","ĠEn cuent","Ġopin iones","Ġlo gra","ĠDan iel","ĠAle j","i jo","C o","p ul","Ġcompañ ero","Ġestable cimiento","ĠLa tino","Ġbo tón","óm ica","ĠIn form","Ġefica z","Ġconsider ar","ĠH asta","am an","Ġdescan so","Ġv ay","ĠD ig","fer encias","en ciales","ĠE r","Ġco ber","Ġal tas","ĠCatal uña","Ġinici ar","Ġlogr ado","u a","os as","d icas","Ġt ec","Ġcier tas","Ġpri vi","4 8","ĠOr den","Ġdemoc r","u ación","ĠEn rique","i anza","Ġ4 8","3 8","in ando","Ġcu ento","Ġcar i","ĠCons ul","Ġmal o","as ti","ĠPu bl","Ġcer rar","Ġdes ac","Ġgan ado","Ġc ruc","Ġprepar ar","Ġna ció","Ġar re","Ġcre cer","Ġpol ici","é ut","ĠC O","ĠM os","Ġpartici pa","ing ton","e y","Ġa ver","Ġselec cion","l ó","Ġcorrespon dientes","der á","Ġmues tran","Ġgas tron","dem ia","Ġconci erto","oc k","ad al","arago za","Ġconvoca toria","Ġso le","Ġcorrec ta","Ġv osotros","Ġf ren","Ġdis cu","Ġpl ena","Ġcorrec to","Ġamig a","Ġprob able","Ġh in","ivers ario","Ġa eropuerto","Ġblan ca","a que","gu es","ĠM es","Ġpres tig","Ġsobre viv","Ġingre dientes","Ġcompro bar","Ġre tro","Ġestar án","ĠU su","Ġpa de","Ġpo ca","Ġconcep tos","Ġpos teriormente","it ó","Ġál bum","cri to","Ġ19 5","__ __","Ġpropor ciona","Ġdesp laz","ĠIs rael","Ġdeb a","Ġafec ta","ari amente","ĠR adio","Ġavent ura","Ġesta tal","Ġb ro","Ġfac tor","IC O","SO E","Ġb r","Ġp ene","Ġ3 8","Ġejerci cios","ĠSuper ior","ib e","Ġherm ana","Ġapar ecer","ÃŃ na","C H","Ġmonta ña","Ġcolec tivo","Ġag encia","ĠE cu","or io","Ġcomb ust","f icas","ĠAr m","Ġmuer tos","Ġg rad","Ġsent imientos","Ġcom isión","ĠM ed","Ġman ip","Ġden uncia","Ġaprovech ar","Ġvie jo","Ġdos is","ios os","Ġidi oma","Ġf l","c ada","ĠAs amblea","Ġest rech","ĠlÃŃ mites","ĠD os","Ġpas ión","ĠI II","oo d","ĠA ca","Ġac tivo","Ġco ches","ĠCom ité","i que","Ġempres arial","Ġmaes tro","p la","Ġtu ve","ĠDirec tor","Ġgu itar","Ġacos tumb","aj aj","Ġelabor ación","Ġimp ac","Ġar ena","Ġestrel la","Ġdif un","Ġcor ta","Ġvo tos","cam bio","Ġcor por","Ġfinanci era","Ġinmedia to","Ġrealiz ará","Ġpa trimonio","Ġposi tivo","ĠG as","Ġinvestig adores","Ġlab ora","Ġdestac ó","Ġm uebles","Ġimp ul","ĠM is","S on","r g","Ġmir ar","ĠvÃŃcti ma","tor nos","Ġ id","Ġ ic","A c","Ġencontra ba","ter al","ĠN º","dr án","e di","Ġme tal","ik e","ĠEjecu tivo","Ġcan cel","hi bi","Ġfi j","ĠAp ple","Ġc ientos","s er","Ġac tiva","ĠPa ÃŃs","Ġno ches","Ġporcent aje","ic ha","3 7","Ġbon ito","ĠSalv ador","ĠD iego","Ġnorma tiva","qu ie","Ġentre ten","P E","Ġhab il","Ġenf oc","Ġmunicip ios","Ġleg ales","Ġlic encia","ĠM ir","Ġb es","ĠV is","Ġdemos trar","Ġdi ciendo","Ġcap ÃŃtulo","ĠM uy","b ur","ĠJ apón","Ġdorm ir","w er","ens iones","Ġeconóm icas","Ġespectá culo","Ġpar cial","Ġpo t","op era","ĠAut ón","Ġacces orios","Ġgob iernos","Ġobserv ar","Ġcuel lo","é ro","ĠL ic","ĠV iv","s in","ĠL or","Ġtriun fo","Ġtra to","ig ht","qui to","Ġidentific ar","ĠMo v","Ġmilitar es","Ġcub rir","Ġdi os","ĠPo pular","Ġme todo","Ġintegra ción","Ġespal da","Ġa pa","Ġdedic ado","ci enda","Ġsegura mente","Ġcerc ano","ĠAp ren","Ġho jas","Ġconvir tió","it s","in ten","ĠUn idad","Ġpor tal","Ġeleg ido","ab el","g et","Ġespecta cular","h one","ne y","Ġquiz á","Ġc able","Ġcontin úa","ĠAndr és","S E","Ġdi ri","Ġj e","Ġcient ÃŃficos","Ġanun cio","Ġinf in","Ġhu bi","l d","me di","Ġma pa","Ġofici nas","Ġsue ños","Ð °","Ġsuce de","Ġgust an","ci ta","Ġmor al","Ġter mina","Ġnov ia","gen da","Ġproce dimientos","Ġambient al","Ġlib res","Ġpan or","Ġur ban","ĠAl berto","is p","Ġcom pati","ĠI l","Ġmoder no","ĠC E","Ġle tras","Ġeleg ante","b erg","Ġabs or","Ġtier ras","s ion","l ÃŃn","Ġfamos o","Ġan teriormente","Ġhom enaje","Ġvo to","Ġper u","Ġbo da","Ġrela j","Ġcriter ios","Ġigual dad","Ġp ista"," ©","Ġm ac","Ġinm ig","Ġv uelo","Ġme tro","Ġfab ricación","Ġcateg orÃŃas","ĠlÃŃ mite","Ġapar tamento","Ġcél ulas","... ]","Ġ3 3","Ġclar amente","Ġases ina","Ġg or","Ġfan tá","Ġmuer to","Ġsuje to","Ġpareci do","Ġun iverso","át icamente","Ġdeci dir","mo bil","ter ra","ĠS iempre","Ġllegar on","Ġp unta","u re","ĠTu rismo","ĠÃģ l","Ġbas ado","Ġorganiz a","if orn","d omin","Ġpas aj","posi ciones","ĠCó digo","y n","ĠX V","I X","ab ilidades","ĠL oc","Ġespecial istas","Ġel ig","pres ión","ĠL uc","Ġ4 00","Ġimp lan","F E","Ġcap it","Ġprev io","aliz ó","ong itud","Ġamist ad","Ġpris ión","ide l","Ġcif ra","ĠA gr","Ġgas to","cu ra","Ġvig ente","Ġtan ta","rim ir","Ġcar reras","Ġimpres cindi","Ġban cos","Ġpla tos","Ġe ficiencia","Ġocu pa","Ġalco hol","Ġm ental","Ġla tino","Ġcon migo","Ġorigin ales","Ġtele vis","Ġbra zos","Ġdise ños","ci entes","Ġex itos","Ġemo ciones","Ġmexic ano","Ġsex uales","Ġconst a","ĠTea tro","ĠvÃŃ deos","Ġà ļ","Ġsim ul","é ticos","Ġpas an","D I","is h","4 7","Ġdich os","Ġrepar ación","ĠP ARA","ĠN uestra","Ġ ;","Ġsecre to","Ġri que","Ġso por","Ġro b","Ġcon ces","ĠCo legio","rag ón","Ġes que","gan os","Ġpro tec","Ġdocu mentación","Ġnove dades","Ġexac tamente","ĠF amil","Ġoblig ación","Ġenc ab","Ġinstrum entos","Ġfá b","Ġconsider ado","U M","ĠCom p","Ġcar tas","el os","1 00","Ġser io","st os","ĠYo u","Ġestudi ante","ĠUn ido","Ġeléctr ica","d ri","cul ares","Ġac ord","Ġgan ó","Ġsegu idores","f al","Ġapro pi","Ġtra tamientos","Ġmedic amentos","ĠSo bre","Ġar ras","ĠsÃŃ mb","Ġaus encia","an es","er io","Ġlec tor","ĠU ruguay","ĠS ch","Ġver siones","Ġex ces","Ġpron unci","ĠH on","ĠC reo","Ġadolesc entes","Ġpar ed","Ġrepresent ante","des a","Ġcul pa","Ġcab e","Ġo jo","Ġfundam entales","Ġpa tr","Ġpla zas","Ġdibu jos","Ġinfraestruc tura","ĠLe g","Ġprogram ación","ĠA ra","Ġalim ent","Ġformul ario","Ġbici cle","v iendo","Ġson risa","Ġtab la","Ġdiseñ ado","Ġconfigu ración","ĠB ro","Ġinvers iones","uc le","Ġopera tivo","Ġperm ita","Ġsign ificado","Ġac eler","Ġactu aciones","Ġpe da","Ġb ras","Ġad quis","r és","0 5","form as","Ġmas cul","p ó","Ġba terÃŃa","ĠC lar","Ġgratu ito","Ġtesti mon","S an","Ġgener almente","S A","ri el","Ġinc endi","ven ciones","Ġ201 9","Ġfel icidad","Ġpare jas","ĠEcon omÃŃa","Ġgras a","ĠC D","ĠAr te","Ġinterpre tación","Ġvent ana","ĠV ie","Ġequilib rio","Ġapar ición","Ġpobre za","teri al","ĠP in","ĠOrgan ización","Ġt rim","ĠT i","Ġref or","Ġpi dió","em or","Ġsegu ido","Ġap lica","tar a","ĠNo v","un ción","Ġcan ales","Ġin gles","Ġind ÃŃgen","Ġcon ferencia","Ġre visión","Ġcompeten cias","Ġl la","Ġfenóm eno","Ġconsum idores","in adas","ĠHum anos","Ġmer ece","Ġgobern ador","Ġpla to","Ġdul ce","Ġinteres a","Ġinvesti gaciones","Ġaf irm","ĠA ir","ĠTra baj","Ġejemp los","Ġequiv al","i esta","Ġfel ici","ti d","Ġprepar ado","ar las","M o","ĠAr tes","Ġf rac","Ġcel ular","ur ÃŃa","ĠAl cal","Ġ200 4","z adas","ĠF al","Ġinmedi atamente","Ġcar gos","Ġle ÃŃdo","ĠR ic","M ientras","b us","r om","ĠP SOE","Ġtrans formación","Ġaf i","ra y","Ġtrabaj an","im nas","Ġavan ce","i mp","Ġven ir","ce dentes","ĠPue des","ion ado","Ġpublic ó","ĠAs imismo","am á","Ġres uel","Ġdej an","ĠT ex","Ġgra ves","Ġha gan","ĠPD F","Ġinteg rantes","it h","un do","Ġaloj amiento","ĠV ide","ic s","Ð µ","Ġre emp","19 9","ĠM el","is co","ĠM c","Ġtrayec toria","Ġllam adas","Ġre cre","Ġj oy","óm ez","Ġsol ar","c amiento","Ġningun o","ándo lo","Ġcómo do","ter na","4 6","ĠC ir","Ġclas ificación","Ġpod remos","Ġnumeros os","Ġl ine","Ġper f","Ġenf oque","d ras","ran a","Ġme t","ĠMá laga","Ġ7 5","Ġemo cional","Ġten gas","Ġcon tigo","M an","Ġcontra tos","og rá","Ġcor pora","it en","Ġcif ras","ĠT el","3 2","Ġdefin ición","ĠF ab","Ġdesay uno","Ġfu i","ap ia","Ġaf il","ĠRafa el","Ġpl ástico","Ġbás icos","Ġpol vo","C ada","Ġv ib","T he","z ados","as as","Ġinstal ar","Ġcol on","Ġvuel to","és pe","Ġecon om","ĠJ ef","Ġten dencias","Ġcandida tos","Ġdirig ida","ĠB os","Ġcontemp orán","ĠEspe cial","Ġvir tual","Ġreg iones","Ġtal ento","Ġquer er","ñ ez","Ġarquitec tura","r é","en de","ĠDÃŃa z","Ġagreg ó","Ġubic ada","Ġs ú","Ġap uesta","3 1","Ġdefin ir","Ġse g","Ġp ár","Ġempres arios","P res","Ġque de","7 8","Ġhor izon","in ales","A CIÃĵN","ten cia","Ġtarje tas","x i","t n","à §","Ġacompañ ado","Ġbol s","Ġf órm","ĠTor re","CION ES","cul a","Ĩ Ĵ","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ÃŃ mp","te dr","Ġsuf rir","Ġfir me","Ġocur rió","Ġeduca tivo","iz aciones","ĠIn te","Ġtermin ó","Ġso ber","u z","ĠCon se","ólo gos","g ano","Ġpon en","Ġlabor ales","Ġreun iones","Ġembara zo","Ġpro pone","roso ft","Ġpregun tar","ĠSu pre","ĠCam pe","ĠEl la","Ġintelec tual","Ġconcent ración","Ġterra za","b y","Ġp us","itar ias","ta je","Ġdesarrol la","Ġm ág","Ġne gra","Ġpun tu","Ġlleg ue","201 7","Ġtrans misión","s ic","Ġa é","Ġexpecta tivas","Ġla v","Ġco pia","ĠF a","T ra","ĠA lex","Ġaf ron","Ġacuer dos","in er","Ġhistór ica","ĠDis eño","ĠR ub","Ġalterna tivas","Ġcontinu a","Ġhermos a","um bre","Ġcuer pos","l ón","Ġgust ado","Ġcober tura","Ġcons ist","Ġin cu","Ġh omb","Ġpropor cionar","ĠAt l","ĠL es","ĠR oma","O C","ĠS im","Ġdoc entes","H e","m erÃŃa","4 4","Ġpre para","Ġcrist al","Ġprofun do","Ġoc ci","ĠL ima","ent imiento","Ġad ver","Ġata ques","l ia","Ġins cripción","AL ES","ĠJ im","Ġm oles","Ġprofun didad","ĠPúbl ico","Ġvir us","Ġemerg encia","Ġir re","in d","ĠInvesti gación","Ġno tas","Ġto ca","Ġleg isla","Ġjug ue","Ġf ues","entar ia","Ġmunicip ales","Ġac triz","Ġreco p","ol ut","Ġtendr ÃŃa","dad or","Ġre ti","Est os","à ¨","Ġcár cel","ar ro","g ando","Ġin quie","ĠS eb","Ġses iones","Ġenfr entar","Ġser ia","Ġfis c","er tos","vo z","Ġconoci dos","Ġri val","Ġactu alización","Ġlegisl ación","Ġg oles","ĠH ace","Ġ3 7","Ġcons igue","Ġsu g","Ġapor tar","ĠEn erg","Ġd ra","Ġprove edores","Ġrecom ienda","an s","Ġac a","f os","F in","Ġinter cambio","Ġ5 5","t z","ĠÃģl var","n y","Ġqu itar","Ġale mán","ĠZ aragoza","ĠE du","Ġre in","Ġp ac","Ġpien sa","Ġj ud","Ġ200 3","ó st","Ġdeb ÃŃa","tor ÃŃa","Ġsin g","Ġt ol","ĠAr ch","Ġv ÃŃas","Ġcomplic ado","Ġmon tón","Ġp las","Ġgaran tiz","ĠP adre","H ab","Ġguar dar","end ario","ó lica","Ġconstitu ye","h ÃŃ","a ños","Ġ ?","ĠB or","Ġdetermin ado","ĠMon te","Ġre tras","Ġlec tores","Ġfigu ras","Ġserv idor","Ġdi vis","Ġfinanci ero","olut amente","m ática","Ġllev ará","As imismo","Ġbas ada","Ġexten sión","Ġd aba","er ra","Ġcont ó","Ġcon m","Ġsig los","Ġan iversario","ĠMuch as","Ġposi ciones","Ġprotagon istas","Ġm ando","Ġapoy ar","Ġciudad anÃŃa","Ġcá maras","Ġinde pendencia","Ġpu ente","ic ano","0 6","Ġes cu","Ġsac ri","fic amente","0 8","Ġcre ma","ĠV i","Ġdi jeron","Ġextran jero","Ġdifer enci","ĠAlgun os","Ġpas eo","Ġrev olución","ul ada","Ġsatisf acción","Ġun if","Ġcompar ación","i ario","Ġorgan ismos","Ġg ris","st o","ic ana","Ġpier nas","Ġg rados","ór ico","Ġtom ando","ĠP el","ĠA cu","Ġmar ido","Ġdig itales","Ġsigu iendo","ĠG ómez","' .","ĠAg encia","Ġdi pl","em ent","ÃŃcul a","Ġve ge","f ru","idu os","Ġab und","um e","Ġacon se","Ġcoloc ar","Ġrecom iendo","Ġreconoci do","Ġnorm almente","Ġsac erdo","Ġchoc ola","Ġr ico","Ġamena za","Ġa mp","Ġtom ó","Ġdes h","Ġre per","iforn ia","Ġabog ado","j ó","ĠEcu ador","b it","Ġrecon oce","v ie","ĠGran ada","Ġcom edor","ĠW ill","Ġesp iri","ĠS U","0 9","Ġinv itados","Ġle tra","0 7","Ġinform es","Ġpubl ici","Ġdel itos","Ġtej ido","Ġmodific ar","ĠM ario","Ġcomo didad","ĠCar men","ĠMe jor","Ġolvid ar","ug ÃŃa","Ġro ck","Ġcambi ado","Ġtrans por","Ġinter no","ĠHern ández","âĢĻ .","Ġdiagn óstico","Ġti ro","Ġvit am","ĠIn s","ier es","i gual","Ġt ap","Ġpod éis","ti ble","G u","Ġten sión","v ez","ĠPrim era","ĠM ol","Ġrelacion ado","L uego","Ġfil osofÃŃa","Ġarti fici","ĠF ar","ve la","ĠAlej andro","ĠR iv","Ġar ma","Ġenl aces","Ġmar gen","Ġentren ador","ios as","ĠB r","ĠA S","Ġmor ir","Ġintelig ente","Ġc itas","Ġform ado","Ġâ ĨĴ","c án","g na","Ġtra er","Ġe mail","Ġextre mo","Ġf estival","u tas","Ġo x","go tá","ril la","ril lo","Ġmoder na","Ġimp uesto","or ld","s s","Ġaum enta","grá fica","ĠAn ti","la terra","Ġapar te","Ġl ad","Ġrealiz ando","Ġbrin dar","Ġvis ual","all er","Ġro dil","Ġexpres ó","am as","l le","Ġrespec tivamente","Ġas pir","T OR","4 9","ter ÃŃas","v ido","Ġres tos","pañ as","ĠN ación","Ġcri tic","me j","m ica","Ġperiodi stas","Ġcas tel","Ġrealiz adas","Ġv ÃŃn","Ġcomb ina","hu a","Ġcam bia","ci eron","Ġmen ú","Ġdepor tivo","Ġárbol es","Ġat ribu","Ġn ación","ĠMujer es","ĠI P","ĠPres iden","ĠNic ol","Ġin just","Ġregres o","Al gun","Ġl ongitud","ĠCon tra","ar as","@@ @@","Ġconduc tor","endi do","Ġman eras","Ġser ies","qu ilidad","ĠFo to","ĠP alacio","Ġaprob ación","Ġemp u","uc a","Ġe ficiente","ĠD ip","ĠT an","Ġcapaci dades","enda ciones","ĠC r","o ca","Ġcont amos","ĠW ar","ĠA f","Ġrecomend able","Ġma tem","cin as","n al","Ġalum no","Ġmá quinas","Ġign or","to p","Ġre pos","Ġla ment","Ġexplo tación","Ġencontrar ás","Ġdi entes","Ġv id","i des","Ġdependi endo","U D","Ġmon itor","Ġaudi encia","b es","o d","Ġextran jeros","ĠG ob","ĠB ra","iz an","I R","Ġdisc rim","Ġexp los","in cu","Ġpublic ar","ĠBoliv ia","Ġbras ile","Ġin com","Ġinteres ados","Ġdi aria","ĠPor tu","Ġinstrum ento","Ġcer em","ec o","Ġinici ó","Ġpare des","Ġp uls","ing ü","st rucción","ĠL OS","Ġs orte","Ġrev olucion","à ļ","Ġa den","ĠE se","Ġfinanci eros","in io","tus ias","Ġpens ado","Ġestad io","ĠDe por","U no","Ġ6 5","Ġquier as","Ġoblig aciones","Ġpre venir","un as","Ġreflex ión","Ġl isto","Ġa qui","Ġacab ado","Ġ om","Ġpublic ada","Ġmedi cina","Ġfinanci ación","Ġpo bres","Ġe cu","ĠK a","TI V","Ġplan e","i ter","Ġpar o","Ġequiv oc","Ġponer se","Ġbo tel","Ġm ód","ĠT es","Ġconserv ación","Ġautor ización","Ġas untos","ĠIn de","Ġma qu","ĠU E","Ġav ión","Ġna v","Ġd arse","Ġespiri tual","olu ciones","Ġcircu ito","ic ar","Ġpien so","Ġrefer ente","Ġcon sejo","Ġpre viamente","Ġcient ÃŃfico","g ip","Ġdoc ente","Ġnumeros as","Ġv ital","m ana","Ġma tar","ĠTo das","Ġra ÃŃz","Ġintens idad","Ġdi gn","Ġtom ado","Ġre tra","Ġcorrec tamente","ĠCam p","Ġdivers idad","A d","Ġles iones","hat s","Ġdif usión","Ġahor ro","Est amos","Ġfe deral","Ġdedic ada","s ito","Ġdej amos","f era","ĠCas tro","Ġt h","ĠN uestro","Ġprofun da","ĠDa tos","ĠO ro","ent arios","ĠH D","Ġexclus iva","Ġdescar ga","Ġpreocu pa","di ción","Ġus ado","in an","Ġelectrón ica","Ġevi dencia","Ġasist ir","Ġh echa","in to","á rez","Ġtendr ás","idar idad","Ġcl im","Ġt able","Ġgu ard","Ġen tusias","Ġc ero","Ġcampe ón","Ġau tos","Ġpreocup ación","Ġlo ok","Ġpa gos","Ġcer rado","Ġdemos trado","ĠmÃŃn ima","Ġperten eci","ur al","S er","Ġtur no","ĠSeb asti","ĠQu é","Ġé stos","Ġproduc tores","ĠBl ack","Ġins pec","S al","Ġinf ancia","Ġpor tá","Ġv el","ri sta","Ġh ues","ĠEstudi os","all ado","ĠIndust ri","Ġh osp","ĠNe gro","Ġre cepción","Ġexclus ivamente","Ġabs olutamente","jer ÃŃa","Ġru ral","Ġinclu idos","Ġhid ra","Ġch at","ĠC las","Ġtotal idad","uri as","Ġinteres ado","tró leo","Ġfacil idad","Ġencontr ó","undar ia","x x","Ġsin c","ici as","om ba","Ġextre m","ĠPo demos","Ġluc es","ĠVir gen","Ġcu ri","Ġca tó","Ġpu de","Ġcomba te","Ġcre en","Ġindivid uales","ĠS O","Ġcomple tar","Ġne u","ist emas","Ġ3 9","Ġcomp uesto","ÃŃn ea","Ġpeti ción","Ġper ju","Ð ¸","Ġcom entar","Ġinst rucciones","Ġc ach","Ġa isl","ĠCol or","ĠD ar","Ġhac es","Ġdific ultad","ĠCon tin","graf o","ĠPo der","Ġhor no","Ġco operación","on al","Ġap as","Ġab st","ñ ado","' s","ĠEspañ ol","Ġex pon","ĠOfici al","ĠiP hone","6 5","Ġsocie dades","ĠComun icación","l ie","Ġpre mi","Ġterc ero","id al","Ġmag ia","Ġtran quilidad","Ġdeclar ó","ĠR osa","Ġejer cer","Ġdiver tido","Ġdispon ibilidad","A y","gr ad","Ġsuper iores","Ġba ños","grá fico","Ġvis u","ĠP S","N A","Ġrela to","Ġagrade cer","Ġcin ta","ĠN aciones","ĠE qui","ĠCar ta","Ġpaque te","americ anos","Ġefec tiva","ĠEs per","Ġdeber ÃŃan","ĠS oy","Ġhabl amos","Ġavan ces","Ġocur rido","Ġalmacen amiento","Ġbaj os","Ġdro gas","Ġconst ruc","Ġdis cre","me dio","ĠPro yecto","Ġestruc turas","ĠMay or","ĠFel ipe","Buen o","M I","Ġgan ador","B C","dis mo","i am","ÃŃ dos","Ġsi mb","Ġre acción","Ġmar car","Ġasist entes","Ġperten ece","Ġrece tas","Ġins u","Ġresiden cia","ĠCal ifornia","Ġco g","Ġad or","ĠMe tro","ĠAn tes","Ġcontac tar","Ġt echo","m ir","Ġs h","ú cle","u to","to ño","Ġbril lante","ter apia","Ġital iano","Ġsin dica","Ġmin ist","er t","m ala","Ġhum il","Ġproduci do","Ġh ambre","ĠRic ardo","Ġpar á","Ġrepe tir","tri cidad","Ġconflic tos","¡ ¡","ĠIn genierÃŃa","ĠC e","Ġapor ta","Est as","ĠI V","Ġluch ar","Ġvideo j","Ġcoment ó","Ġan cho","ĠP h","Ġeléctr ico","Ġintro ducir","ĠcrÃŃt icas","Ġconven io","Ġpriva cidad","Ġrique za","Ġest rés","Ġar que","Ġc ena","Ġespecial ista","ĠIng laterra","den as","Ġbar ra","ĠCul tural","ent ario","ĠCon trol","Ġafec tados","Ġayud an","Ġex cepción","ri tos","Ġtranquil o","Ġcam pañas","c ambi","Ġtrad u","Ġtra e","Ġantigu os","ĠB ern","Ġimp orte","Ġdi as","Ġme te","Ġencar gado","Ġexam en","t ÃŃas","Ġtempor al","Ġmé dica","ash ington","F ue","Ġllev aba","Ġten ia","ĠV an","ĠC el","Ġju ris","Ġexist entes","Ġestar ÃŃa","ig h","Ġfron tera","0 4","ĠReg istro","r ones","Ġextra ño","tiv e","Ġreco ger","Ġpla yas","Ġmecan ismos","Ġper j","én d","ĠB re","Ġa er","Ġdes gra","ĠEE UU","ĠU sted","Ġcuar ta","Ġex ceso","ĠMic rosoft","Ġdirector a","ĠEdu ardo","den es","cios o","Ġmon um","G A","Ġan aliz","Ġpermi tido","Ġtri ste","erg io","Ġil usión","Ġmul titud","ĠForm ación","Ġelectrón icos","Ġconvers ación","Ġru ido","Ġh ÃŃ","Ġproduc en","Ġautom óvil","Ġdeci de","ier te","Ġre ma","ĠW al","Ġocu par","ĠT ener","Ġcu mp","ÃŃcul as","Ġadi cionales","Ġca u","ĠBo gotá","Ġf um","8 8","ĠD ra","Ġconduc ta","Ġ200 2","Ġajust e","ĠE mple","V er","Ġplata formas","Ġsal udo","Ġpl en","Ġl á","Ġhier ro","ĠC ómo","I CI","Ġ <","st ica","Ġtrabaj ador","Ġeduca tiva","Ġunivers idades","Ġau xil","Ġpendi ente","Ġcan tidades","g in","ĠDomin go","ĠQ uer","Ġcomun icaciones","tam en","tar án","Ġcuidad os","Ġes encia","it ores","f un","Ġbar co","Ġchocola te","tr ÃŃa","man es","Ġnar ra","ur ar","Ġg ay","Ġedi torial","tra ción","Ġmone da","Ġesper an","j ada","ĠMe xic","b or","Ġton el","Ġ200 1","Ġdistin to","Ġmas co","Ġi ban","Ġescri tura","Ġencab ez","ĠS ud","C U","ĠIn dia","Ġtempera turas","P ubl","vi de","Ġregist rado","Ġoscu ro","Ġatrac tivo","Ġdormitor ios","ĠL an","Ġcam inos","Ġflu jo","ĠSoci ales","ue ble","ĠHa cienda","gles ias","Ġsalud able","Ġmanif ies","ma to","Ġhermos o","u an","sta gram","ĠS tar","Ġha z","Ġmaes tros","Ġven ido","201 6","Ġcla ves","Ġinst ante","ra te","ĠAm biente","tion al","Ġampl iar","ĠEs a","ĠD ic","Ġrom per","Ġprofes ión","Ġest ric","Ġsal en","a der","Ġrelo j","ĠB il","ĠUn idas","Ġprivi leg","orm es","ĠSan tos","Ġnave gación","Ġposi tiva","Ġc en","Ġsus p","m is","ĠIncl uso","Ġv uestra","Ġcal endario","é tr","l ico","ĠAr t","d f","Ġdi visión","Ġcu áles","Ġint enta","Ġesté tica","Ġcrea tividad","ĠI r","i tivo","ĠNa tural","Ġl lan","Ġab ur","M S","Ġlle vo","Ġpais aje","ĠV ia","S ÃŃ","Ġmol ino","fici o","ven il","b ro","ec as","par te","Ġen tiende","ón imo","Ġrecuer dos","ĠProvin cial","Ġfabric ante","Ġcons ciente","m n","Ġcertific ado","Ġbos que","Ġór ganos","ĠP R","Ġsomb ra","Ġmanifes tó","Ġsec und","Ġrecom endaciones","Ġurb ano","Ġag ente","ĠPe ña","Ġavis o","Ġinstitu cional","Ġb e","Ġencuent ros","Ġesper aba","Ġdisc usión","Ġcu yos","Ġbás ico","Ġve ter","Ġun ión","ER S","tan der","ac u","201 5","di as","Ġinmedia ta","Ġbal ance","Ġcon trar","Ġa genda","- .","4 2","Ġres iduos","Ġán imo","Ġpod amos","ĠA do","ĠL en","raz go","Ġde je","Ġpa p","Ġmostr ó","s h","Ġest abilidad","Ġpro ven","Ġconcl uy","Ġdim ensiones","ĠRey es","Ġgra cia","Ġc ien","Ġen rique","ĠR io","ĠT emp","Ġar mon","Ġdocument al","Ġimple mentación","Ġpo esÃŃa","Ġr enta","Ġcam inar","Ġfin alizar","Ġeurope o","Ġred ac","ĠS ierra","Ġres umen","c ando","Ġper dió","ĠF ondo","Ġpilo to","Ġbaj as","Ġpasaj eros","Ġquier an","I Z","Ġj er","e ma","ĠDef ensa","ĠI ma","Ġre bel","Ġas igna","Ġay udas","Ġpu ra","ĠC ine","Ġigu almente","Ġdesemp eñ","tor iales","6 6","Ġla bios","Ġten dremos","ĠL le","hibi ción","a unque","Ġins ul","Ġabsolu to","Ġa gar","Ġcu ero","Ġesc la","Ġre cep","ĠDig ital","Ġunivers al","C a","Ġtrim estre","Ġin ex","Ġtraduc ción","Ġpol ém","Ġban das","Ġinicia tivas","Ġmodi ficación","ip s","ĠEst oy","A quÃŃ","Ġru tas","ut ados","titu des","ĠF un","ĠN ie","rib uye","Ġdes as","Ġrelig ión","il io","T RA","Ġrue da","Ġcient ÃŃfica","ĠMay o","ĠCas tel","Ġcircul ación","Ġcontra tación","Ġli der","Ġnaveg ador","n ing","Ġh ue","Ġir reg","c ara","me dia","Ġgust e","Ġins ist","Ġse mej","Ġmu rió","ĠH or","ĠÃŃn dice","Ġcoord in","Ġa ust","Se gu","Ġconven iente","Ġlimp iar","Ġincre ment","Ġagre gar","G U","Ġexper to","e da","ient a","Ġneces itamos","ĠPla y","ĠP ág","cu b","Ġorganiz ar","er ación","Ġsitu ada","ĠH ombre","Ġna cido","Ġciudad ano","Con s","Ġorient ación","Ġpod ÃŃan","Ġrom án","Ġexpres a","ib il","Ġte la","ab as","Ġesta tu","ĠReg ional","ĠB u","Ġcuan tos","AD A","r eros","Ġsal ido","Ġdis capacidad","ÃŃt ico","Ġefica cia","ĠNicol ás","ist ar","an tiles","Ġus an","Ġdem uestra","Ġcompos ición","Ġdesemp eño","Ġperm iso","Ġver tic","Ġpriv adas","ĠCar ibe","Ġde pos","Ġjue ga","Ġmuch ÃŃsimo","Ġhab lan","Ġcoord inación","u era","ta ña","ĠAm eric","Ġfil m","Ġm ister","habil itación","Ġprima vera","Ġcic l","ĠAutón oma","uer zo","Ġmill ón","Ġeurope os","Ġtrans mitir","Ġ4 2","Ġl ados","H asta","ĠBlan co","ĠCh ar","Ġimprescindi ble","Ġilum inación","Ġn úcle","Ġin genier","Ġadap tación","Ġ !","Ġindividu os","ĠEst amos","B o","Ġal f","Ġconstitu cional","Ġapre ci","Ġsal var",", ...","Ġdo ce","mart ph","Ġespec ÃŃfico","\" :","Ġfues e","Ġcrédi tos","Ġcari ño","Ð ½","Ġpier de","Ġes cul","Ġinst ancia","Ġplan tilla","Ġpens amientos","Ġrecor rer","en z","Ġd amos","ate mala","Ġrequier en","ci pe","Ġm adres","Ġconec tar","Ġcomp ens","ós itos","il as","ĠH an","ĠP OR","cor d","ues tras","Ġapro bado","Ġespeci alizada","Ġlimp io","Ġacondi cionado","Ġavan zar","Ġmar ch","ĠO tros","Ġó pti","Ġjorn adas","ĠOfici na","Ġjug ando","ĠĠ ĠĠ","Ġgaranti za","Ġve inte","M O","B I","Ġho ja","âĢ¦ )","Ġej ército","Ġcub ierta","uen a","ĠBuen o","Ġ6 00","Ġutil idad","Ġdue ño","s ula","Ġacep ta","ÃŃ g","Ġn aran","Ġtu ristas","ér ico","um b","Ġabsolu ta","te cas","aliz aciones","Ġbeb idas","P a","Ġ óp","Ġg re","Ġinform ado","ust o","is po","Ġpa tio","Ġcal ent","Ġdis cos","Ġindividu o","ĠDi ario","Ġcatá logo","ĠD I","ĠjurÃŃ dica","Ġpe tróleo","Ġpon iendo","0 2","N O","j ando","ĠN et","ĠRam ón","P U","ĠA lic","t le","ĠSan t","Ġbas a","Ġman tienen","Ġsob res","ce mos","Ġar gentina","A ctu","Ġre ún","Ġcolor ear","7 7","Ġconside ran","Ġimpresion ante","Ġest ima","Ġal iv","Ġb l","Ġban car","Ġcan s","ĠK ar","Ġrespon de","Ġlleg ando","Ġvic epres","Ġli qu","ÃŃ ficamente","ĠCan arias","Ġutiliz ados","Ġmod alidad","Ġmater ias","ĠW ashington","E mp","men es","ús ica","Ġaso ciaciones","E A","Ġf ri","Ġenem igo","Ġpres erv","Ġins er","ĠE X","Ġj ub","Ġde partam","Ġesper amos",". âĢĶ","tar ias","Ġconform idad","Ġin mobil","ĠEx per","Ġcriter io","Ġrepresent an","Ġllam ó","ĠPa pa","Ġg imnas","0 3","ti po","Ġgestion ar","Ġcumple años","Ġsin dic","Ġà ĵ","ĠReg lamento","Ġesc as","AR T","ĠTo da","Ġtra tando","Ġex c","Ġfra g","Ġasum ir",". »","tr ices","ĠIn stagram","Ġreci entes","ici oso","] .","Ġexcel entes","Ġcontribu ir","Ġfabric antes","i ti","Ġcul tivo","ĠFiscal ÃŃa","ĠMur cia","Ġqu eso","ĠC U","Ġindic ado","Ġr osa","ho p","Ġran go","Ġmoder n","ac ha","Ġrealiz ados","le to","Ġno c","ist os","O b","Ġbon ita","ĠV as","ER O","Ġam able","Ġtermin ado","ĠAl lÃŃ","Ġadj ud","Ġpresiden ta","g ulo","Ġn ucle","C ol","Ġmad ru","Ġanunci ado","Ġcapaci tación","Ġcor tes","Ġdepor tes","ĠX IX","ĠMer cado","Ġelec tro","ĠMe dia","Ġqued arse","Ġc es","Ġpropie tario","Ġv uelos","ĠPan amá","Ġh ol","Ġpar lam","Ġmexic ana","Ġemp ie","Ġlan zar","Ġpa ta","Ġ ÃŃ","Ġfamos a","Ġdistin gu","ĠB on","Ġcompeti ción","ĠCan adá","Ġdé bil","Ġpor tu","ĠQu iz","Ġdestac ado","Ġmet ál","Ġcaracter ÃŃstica","Ar tÃŃculo","Ġimp e","S ab","ci tos","an al","Ġlabora torio","Ġmov ilidad","Ġiden tificación","ĠS ergio","An tes","ĠB ien","Ġman ga","b ir","Ġreserv as","Ġsu av","Ġpróx imas","Ġsosten ible","ĠBlan ca","Ġc aj","Ġde dos","g ran","ĠAu to","Ġ12 0","Ġb ille","8 5","Ġc eb","O tro","ari ales","Ġór gano","ĠC A","Ġpu ro","pu tación","abe tes","Ñ Ĥ","Ġse t","ba o","Ġalum inio","ĠU l","ĠV ar","Ġsuje tos","Ġabog ados","Ġpo bla","Ġcon ducir","Ġmo dos","Ġdiput ado","Ġglo b","ÃŃc ola","Ġvo ces","ã ģ","ĠR ica","Ġsu mar","Much as","Ġhubi ese","di rec","ĠSegun da","Ġem baj","Ġb ron","Ġfortal ecer","Ġrue das","Ġba ilar","ĠB iblio","Ġab rió","it adas","ĠC N","ĠC uer","v ol","Ġmam á","Ġprodu jo","Ġcomp et","Ġexpan sión","Ġcor reg","Ġ25 0","Ġcul p","Ġtre inta","Ġpriv ados","6 4","Ġal ber","Ġperman ecer","gar se","Ġdich as","i adas","Ġhábi tos","Ġcompr ensión","ĠPar lamento","Ġespañol as","Ġda to","Ġindustri ales","Ġcol a","Ġseñ ora","N uestro","iz adas","Ġconstante mente","Ġf eria","Ġmus icales","D i","Ġneces itar","Ġv uestro","Ġa ter","Ġexig e","Ġf icción","Ġdel incu","ĠSem ana","Ġh arán","Ġfuncion ario","de a","Ġmag ist","Ġen tiendo","Ġpro pa","fon so","ĠAl im","ĠB ea","Ġañ ade","So bre",", ,","Ġreemp la","ĠN osotros","Ġvig or","ĠG lo","Ġbás ica","ĠdifÃŃ ciles","ĠUsu ario","ĠTen go","T u","Ġevalu ar","Ġdel ic","Ġdes l","am ar","ern am","Ġcampe onato","M E","Ġselec cionar","Ġlo go","Ġre tos","Ġpol ic","ĠAca demia","Ġsent imiento","Ġacudi r","Ġno table","ĠÃģ frica","Ġproduc tor","Ġeta pas","Ġdeten ido","Ġconsum idor","ĠProvin cia","om ina","Ġseñ ales","Ġqued aron","Ġcomba tir","ĠEmpres a","ĠclÃŃn ica","Ġca fe","gu é","tran s","Ġgenera ciones","n ado","T OS","Ġemb ar","Ġvir tud","Ġdese os","Ġnoc tur","Ġm ach","Ġpubl icaciones","Ġ it","c olo","Ġdibu jo","f it","Ġha ci","Ġen de","ĠAust ral","ĠTor res","ĠRos ario","Ġenem igos","Ġdepor tiva","te la","w ard","ion a","Ġcerc ana","ĠMar tin","ó cra","Ġmal os","ĠAr tÃŃculo","Ġju ventud","t inas","Ġt asas","te mp","Ġver lo","Ġcontr ad","Ġdist rito","ú p","R AN","Ġestu vieron","Ġteléf onos","Ġap orte","udi o","Ġt orm","C re","Ġt ruc","es as","Ġfi el","Ġinter cambi","Ġdes f","Ġbra zo","Ġnie ve","Ġven de","Ġdirig entes","Ġmaravillos o","ĠTen emos","Ġtonel adas","Ġconf un","Ġregal os","ĠR ico","Ġfal lo","Ġal tamente","Ġdes cripción","l ga","Ġadquis ición","g ia","ĠS r","... )","Ġ[ ...]","Ġpres tación","ĠRob erto","Ġse cu","Ġcons entimiento","Ġmejor as","Ġespec ÃŃficos","p lan","Ġcar ro","Ġidi omas","tr ada","Ġconcl usión","Ġdestac an","d icación","tar lo","ri z","Ġhuev os","Ġb eso","Ġpo deres","ĠP i","4 3","Ġsub s","a qu","Ġprob abilidad","Ġeurope a","P D","Ġcuad ros","Ġmecan ismo","Ġcar tel","Ġmane jar","Ġfru tas","Ġdes pues","Ġmues tras","pol it","Ġperió dico","e de","Ġad vers","Ġba ñ","Ġhtt ps","Ġenseñ ar","Ġcre ando","Ġcuid ar","Ġes quina","ual quier","en dar","Ġpot ente","Ġconoc en","ĠlÃŃqu ido","Ġpie dras","Ġlóg ica","Ġmonta je","ox id","Ġpermit an","Ġpreci sión","em b","Ġan tic","Ġtra tado","Ġbara to","Ġhor arios","Ġasoci ados","Ġcomput adora","ĠA v","ita t","Ġimag inar","ĠCo ord","ens es","Ġfu tu","ti to","ám ico","Ġn ace","ĠEduc a","Ġa val","Ġconsigu ió","Ġimp ro","Ġx D","ĠE v","Ġinf o","Ġcómo da","tad ura","crip ciones","udi ciales","Ġprovin cial","ĠSebasti án","Ġdec ora","Ġgrá fico","Ġs at","Ġque m","Ġas al","Ġor al","ĠCur so","Ġpropie tarios","Ġpubl ica","Ġsa ga","or ro","6 8"," ·","Ġde terior","Ġac á","b ie","Ġde le","Ġmir ando","ĠJ orn","Ġsu yo","b ús","Ġfórm ula","Ġacadém ico","ĠS ar","Ġreg la","Ġmos tra","Ġr onda","Ġfran cesa","O tra","aj aja","Ġdin ámica","Ġdiv ul","âĢ¦ âĢ¦","ĠAu tor","Ġacep tación","ĠA ragón","Ġpro hib","Ġap unta","Ġc ÃŃr","ĠEs pa","Ġmus eo","Ġen se","Ġrepro duc","gen o","er amente","Ġconci ertos","ala x","Ġmar i","Ġver des","Ġver se","ánd onos","ĠPa ul","ĠGu atemala","ĠM A","O s","ĠGal icia","Ġlimp ia","Ġpro voca","Ġpermi tió","Ġahor rar","ĠGob ern","Ġpendi entes","Ġigu ales","Ġreform as","un cios","Ġrevis ar","Ġin n","t inos","Ġprovin cias","Ġvac ÃŃo","Ġfuer an","Ġdiput ados","Ġautom áticamente","Ġderro ta","Ġbas ura","Ġaut omo","bo x","Ġanti cip","Ġmem or","Ġcrim en","Ġfan s","l ados","Ġinv ita","Ġade lga","ific ada","Ġminer ales","Ġtrans ferencia","r ÃŃan","tu be","ĠD ol","M uy","én ez","te d","Ġver emos","Ġexclus ivo","Ġprim aria","Ġpudi eron","Ġpon emos","úm ero","Ġnov io","Ġporta voz","ĠOn line","Ġre iv","Ġsatisf acer","av o","ĠV ida","Ġcre ciente","ĠEs pero","ol la","Ġso ci","v ias","ĠS ue","Ġpro lon","Ġd ucha","Ġg ub","ú rg","ER A","Ġob tuvo","Ġapar iencia","Ġbor de","Ġviv iendo","D el","ti fica","di ciones","Ġfru to","Ġobserv a","Ġejecu tivo","Ġfáb rica","Ġestable cimientos","Ġcos tes","Ġl istas","ĠEj ército","Ġren unci","Ġmexic anos","ĠindÃŃgen as","ĠF eria","g es","er ÃŃas","Ġsol idaridad","Ġest ilos","dad as","ĠO f","T S","Ġcir ugÃŃa","w ood","Ġh éro","Ġplan ificación","T V","til idad","Ġcontin ú","Ġda ñ","al la","Ġcul o","ĠQ UE","Ġfuncion ar","ĠN unca","Ġin oc","quilla je","Ġform al","Ġcent en","re y","ÃŃ ces","Ġrecomend amos","ĠFin anci","Ġesta ciones","Ġemo cion","Ġincu mpl","ĠCrist ina","Ġtra ma","Ñ Ģ","en co","Ġreg lam","Ġinform ar","Ġf ach","Ġca yó","Ġseñal ado","Ġdisposi ciones","Ġdescu entos","ĠP RI","Ġ ï","Ġfemen ino","Ġde tener","Ġdistin ta","tr ina","Ġbol as","ĠCu enta","C reo","c ómo","Ġex tin","ĠS y","4 1","Ġoblig ado","Ġacci dentes","Ġ4 7","6 7","Ġescrib e","Ġú tiles","Ġdiscipl ina","a k","Ġam antes","Ġmu ñ","w ay","Ġcor on","ĠAst urias","Ġllam an","Ġcompro b","Ġan ci","Ġexplic ación","iller mo","Fin almente","Ġlide razgo","Ġen tero","Ġbal ón","Ġrecib en","cis mo","Ġsal as","Ġdeb ut","Ġcolum na","ĠMor ales","ĠActu almente","pe ta","Ġvigil ancia","ĠEurope o","Ġdeb o","Ġañad ió","Ġdecre to","Ġh ig","ĠVic ente","Ġpro bado","ĠJ ack","is e","AR IO","Ġtrabaj ado","ĠDe portes","Ġarro z","Ġrum bo","an c","Ġsir ven","Ġbás icas","Ġtera p","Ġauton omÃŃa","ib lia","ĠCh rist","Ġo lor","Ġa ci","ul aciones","Ġre iter","Ġco opera","Ġestadouniden ses","Ġ4 3","ec on","Ġtrans cur","ient al","r adores","Ġpre dic","Ġpre de","ĠIn terior","Ġban dera","Ġimag inación","Ġcuad rados","Ġescen arios","Ġ 01","Ġmaqu inaria","Ġmanif esta","Ġt os","Ġcerv eza","Ġsú per","cri tos","Ġcerem onia","Ġinten so","Ġcon o","Ġle j","ĠAm or","Ġapara to","Ġintegr ado","Ġpar ar","Ġmen cionar","Ġfib ra","ĠL E","Ġadolesc ente","Ġhabl ó","Ġcap tur","Ġprést amo","Ġra za","Ġhab ilidad","Ġexist ir","Ġmedi ados","ĠMuch os","Ġv inos","Ġasesina to","Ġor d","Qu ién","Ġsuf rido","Ġprev ent","ĠRec uer","tu ario","Ġesc enas","ón icas","ing s","ĠPortu gal","k in","ab o","Ġmedi r","ĠAma zon","ĠH en","Ġsign ific","Ġrespon dió","B L","Ġh ilo","Ġcam pes","Ġ: )","Ġb endi","Ġparticipar on","Ġfi ja","ĠLe on","h ab","ÃŃ metros","Ġr ica","ĠEsp ÃŃritu","Ġcomenz aron","Ġve ÃŃa","ire mos","Ġeduca tivos","ap p","w ork","Ġo ÃŃdo","Ġvalor ación","ine te","Ġdes eas","Ġsust ancias","Ġbicicle ta","Ġdo y","Ġcom is","ĠW il","ĠD om","Ġrefer encias","Ġul tra","Ġdef ine","Ġin gen","Ġsi ga","Ġquis iera","ĠCom ple","Ġobten ido","Ġfem in","Ġcontinu idad","Ġfisc ales","ĠMedi cina","Ġemo ción","Ġmes as","Ġpo eta","Ġorgul los","Ġpres taciones","ĠM ich","Ġór denes","ĠMor eno","Est oy","ch os","Ġt rist","Ġres tr","Ġún icos","ĠfÃŃs icas","Ġcivil es","ĠL una","Ñ ģ","Ġpár ra","Ġalim ento","Ġtur ÃŃstico","Ġhum edad","Ġgust os","Ġs p","Ġdra ma","óg ico","ÃŃs imas","ĠAn gel","Ġpreci so","ác tica","Ġescri ta","Ġ4 4","ĠCas tillo","ĠF on","Ġo toño","or den","ĠN orm","Ġingres ar","las h","Ġsho w","Ġtemp rano","Ġesca par","Ġt é","Ġtr án","ĠIs abel","Ġintro duci","Ġsal ario","Ġtro p","Ġsig nos","Ġmodi ficaciones","Ġmal as","Ġfavor itos","E X","ĠT im","ÃŃn as","Ġabra zo","Ġcre ada","as ión","Ġregres ar","Ġconsidera ble","EN TE","Ġag ro","Ġin yec","Ġcombust ible","ĠA tención","Ġsolu cionar","ici dio","z e","Ġro ja","ĠCon tac","f ar","Ġps ico","Ġregist ros","Ġnegoci ación","on so","ti zar","Ġpér didas","i di","ĠG uer","Ġdirig ir","Ġayud ará","g ica","Ġcolombi ano","Ġin tim","Ġpis os","Ġileg al","Ġap p","Ġcontra tar","Ġreg ulación","ĠCal le","G T","Ġdic es","tedr al","N uestra","Ġdiri ge","Ġindependi entes","Ġrel l","Ġbien venida","Ġab ri","ĠA ño","Ġvol v","Ġg afas","Ġempres ario","ĠM ana","Ġre duce","ĠjurÃŃ dico","Ġins piración","Ġlevan tar","Ġfom entar","Ġepiso dio","Ġes enciales","Ġqu iso","Ġc ajas","Ġter ren","ter ales","Ġto p","Ġplante a","Ġdefini tivamente","m ol","Ġ4 6","Ġalcan za","Ġele vado","ĠM ul","iemp o","T C","Ġsusp ensión","m ano","Ġes pon","Ġmar cado","Ġpanor ama","ĠIs la","Ġ9 5","Ġsu ple","Ġas omb","g én","ĠPr incip","201 4","Ġinvesti gar","ÃŃ v","Ġmad ri","P O","Ġdepen dencia","ent amente","id ado","Ġespec ÃŃfica","Ġafi cionados","Ġaconte cimientos","in arios","Ġelim inación","Ġo dio","uch o","Ġmo tores","r ico","ĠCap ital","ta b","Ġ4 9","Ġcom idas","Ġsufici entes","Ġans iedad","Ġpag ina","Ġatra ves","Ġpro cl","Ġdescub ierto","f or","je je","Ġpreci sa","ĠProfes ional","rimon io","Ġhogar es","Ġcastel lano","Ġdis put","id ra","Ġocur rir","ĠF rente","Ġpr endas","ta ban","ĠM úsica","ĠS p","Ġrespal do","ĠSi tio","Ġde dica","Ġpa tro","Ġpudi eran","Ġespec ÃŃficas","S omos","rist o","Ġcol abora","ĠHab ana","Ġtol er","Ġa tac","ĠO p","Ġimpul so","Ġem ble","ro car","% )","Ġdev olver","Ġsent ÃŃa","Ġser ÃŃan","Ġc ria","Ġneces ito","Ġmon to","Ġco ger","ĠsÃŃmb olo","ca p","Ġreca ud","Ġestable cidos","on das","ĠEx cel","Ġespeci alizado","Ġsuminist ro","jer as","Ġcabal lo","ĠS omos","con s","Ġn omin","Ġejec ut","c r","Ġr icos","ĠGu adal","Ġlist ado","Ġman d","Ġviv ido","vers ión","tro p","Ġap la","ven ido","uer ta","Ġprove edor","ĠW orld","car gar","ĠRes pon","l ig","Ġexcel encia","Ġdetermin ados","s ung","! ,","Ġacum ul","Ġclás icos","Ġor ación","Ġpo quito","uc ar","Ġr aro","Ġequival ente","Ġconoce mos","ĠP A","g i","Ġpareci ó","Ġcu entos","Ġobst á","Ġconviv encia","ĠTecn ologÃŃa","Ġme tas","Ġf es","Ġcontar á","Ġmadru gada","Ġllev aron","Ġde mon","Ġe co","Ġpa ga","Ġexcep cional","le do","Ġmin im","ue z","ĠB io","Ġfavor ito","Ġpos tura","Ġé stas","ĠN eces","m ico","Ġconstru ido","Ġindis pens","Ġpractic ar","ĠS ER","Ġyo u","ĠC in","Ġev olu","ĠUnivers itario","ĠJ ames","Ġlar gas","Ġintent ando","Ġga to","Ġb asta","m l","Ġdesc enso","Ġreco ge","Ġher idas","Ġcamis eta","An te","Ġcaus ar","ÃŃc tor","Ġba ile","Ġcontin ente","Ġguitar ra","Ġencan to","Ġrealiz aron","Ġen tien","Ġfru st","v ida","Ġrelacion ada","â Ĩ","Ġenvi ado","ren a","guar dia","ĠG ro","Ġesco g","Ġan dal","ĠAn te","Ġresul tar","Ġsol id","Ġun e","Ġla c","ĠDE S","Ġtrán sito","Ġtal la","Ġt ribunal","Ġap o","c m","Ġs martph","Ġre ino","Ġconf es","l im","ĠLib ro","Ġpres tar","ĠO ctubre","Ġsufici entemente","ĠLi bre","ĠG ust","Ġhab ido","Ġgr ues","Ġdelan tero","Ġirreg ular","ĠGuar dia","Ġexpres ar","B us","a ta","F OR","Ġcaracter iza","Ġconf irmó","Ġfres co","Ġsal sa"," ±","Ġfas cin","Ġna ciones","Ġcontam inación","201 3","Ġelec tor","ha el","Ġcu ota","B ar","Ġcab all","Ġrepro ducción","lan tes","Ġtras lado","Ġamena zas","Ġtranquil a","da je","Ġs illa","gen a","Ġest amp","Ġimpuls ar","ĠF oro","Ġest ando","Ġpar t","Ġincl usión","Ġge ográ","Ġmon o","ĠD en","óm icas","AD OR","Ġve a","ĠAl ta","Ġ 00","Ġesp i","um er","Ġin tu","á us","Ġcar tera","Ġllev ando","Ġconte mpl","Ġpas ta","eci endo","Ġcon gel","ĠT ro","ĠC iencia","Ġdej aron","ĠAdminist ra","ĠMar keting","Ġg eo","Ġva g","Ġtarif a","Ġh ec","Ġagu an","Ġhu éspe","Q uer","Ġexplic ado","ĠSen ado","con es","in ó","Ġinm un","Ġdest inos","ĠPro p","ĠH i","ándo la","Ġbrin da","Ġtranspar encia","Ġre ina","óg ica","Ġse co","Ġca e","Ġpl aca","ĠAlic ante","ĠAs ia","Ġoc ta","ĠSan tander","Ġapar eció","Ġsur ge","Ġb en","A m","Ġa mo","Ġtra mo","Ġlar gos","Ġpolic ÃŃas","Ġa ves","Ġre baj","ÃŃn cipe","Ġceleb rará","Ġkil os","Ġ199 9","Ġsent irse","Ġdispon er","in c","Ġb y","es os","Ġdesp ren","Ġfo tó","ĠOs car","Ġelec tricidad","ĠAl to","Ġpin tar","ĠDist rito","ĠEmpres as","de lo","ur s","te ga","Ġañad ido","gar on","Ġelabor ado","Ġf este","Ġdi abetes","a ger","Ġabor dar","tú an","ién dose","ol i","Ġllam ados","e jo","Ġh all","Ġfel ices","Ġol vi","Ġrelev ante","d ÃŃan","ĠI S","Ġsel lo","tu mbre","Ġcorpor al","ur sos","Ġpodr ÃŃamos","co p","9 8","ifica ciones","ÃŃ menes","Ġperson almente","Ġrepu bl","ĠC alidad","Ġminer al","Ġn º","Ġt onos","Ġt in","Ġofre ciendo","ĠN A","Ġvie ja","iz ando","Ġest reno","Ġgaran tÃŃas","Ġcon ducción","Ġpar ada","Ġfracas o","Ġex cur","gna cio","Ġgust ó","C ON","S oy","Ġdisfru ta","Ġrenov ación","Ġvuel tas","Ġportá til","Ġech ar","u ido","ĠHum an","Ġrecha zo","Ġasesor amiento","Ġar co","Ġcre ciendo","Ġbiblio teca","ĠL AS","Ġrev istas","F i","ĠS port","ĠT ab","in cl","Ġma quillaje","ĠC ity","ám enes","Ġcan cha","tán ea","di gos","Ġb omba","á vez","Ġámbi tos","ĠG ir","z can","ĠReg ión","Ġveci no","cl ar","ier tas","Ġhistór icos","Ġcrist ianos","ĠAc ción","iz ó","ĠO tra","gan cia","Ġcre ó","Ġcompe tir","ĠL ea","uy endo","Ġtor re","Ġale j","Ġejecu tar","ĠS ta","Ġcomple mentar","Ġof ens","C as","Ġpro greso","Ġ8 5","Ġprecios o","Ġimpor tar","Ġ4 1","ÃŃs o","en za","Ġparticular mente","ce des","Ġmas aje","ĠRu iz","Ġseñal ar","Ġgal ard","us as","ĠHer man","ĠON U","Ġfar mac","Ġpr ó",".... ....","Ġvesti dos","di ales","Ġsol dados","Ġpes ca","ĠNav arra","Ġl una","Ġprovoc ar","eci miento","ĠSecre tario","Ġinfl ación","Ġsi go","Ġpatro cin","é ramos","Ġterri ble","E E","Ġdormitor io","ĠGu illermo","Ġad h","Ġsal to","ĠMar co","Ġin cent","z ones","Ġsub si","ac ciones","ĠI de","ĠApren de","Ġreci n","G B","Ġconsul tas","Ġá cido","ĠRa úl","EN CIA","ĠC H","ĠNov iembre","ita ble","Ġfac tura","po t","Ġafron tar","Ġfu imos","ĠcrÃŃt ico","F A","Ġdipl om","Ġdign idad","Ġorganiz ada","Ġesco ger","ĠR ol","ĠRev olución","ĠDis pon","ĠN or","Ġargu mento","Ġrefle ja","Ġhaber se","Ġincorpor ación","Ġsem illas","ĠPr omo","ĠU til","g nos","ĠEx tre","ĠG en","Ġcuri oso","ĠV o","Ġdetec tar","Ġpar ad","Ġgub ernam","ĠMad uro","l l","Ġv illa","Ġcurios idad","terrán eo","fici t","Ġserv idores","Ġhab ia","ĠJ ur","Ġba u","S I","tific ado","B O","ÃŃt icas","C or","Ġper segu","Ġtu vimos","Ġabandon ar","Ġimp re","Ġles ión","Ġem isión","Ġà į","Ġra ÃŃces","ĠLoc al","Ġlan zó","Ġlig a","a torio","Ġaut oma","Ġsepar ación","Ġnega tiva","Ġpon go","Ġ8 00","Ġcomp ara","ros a","Ġafec tar","Ġproduc tividad","ic ul","val uación","bi mos","Ġfirm ado","Ġdenomin ado","Ġm ÃŃo","ĠAl fonso","C N","ĠZ ona","Ten go","Ġmanifesta ciones","ĠU R","Ġcolec tiva","v ada","Ġsos tuvo","Ġprofun di","ĠW i","Ġsuf rió","ĠAl onso","Ġtera pia","Ġmens ual","al ista","Ġru tina","ĠBil bao","Ġgol pes","Ġfru tos","Ġcul min","endo za","ĠAustral ia","ĠRes erv","Ġdes pre","ĠWill iam","ĠK e","Ġtem or","Ġide ales","ĠSegu ro","ci encia","ĠDiv isión","Ġfir mas","aj ara","Ġceleb rado","H emos","P os","Ġnega tivo","Ġimple ment","Ġviv imos","Ġap rue","tu re","Ġneg ros","Ġch arla","Ġcre emos","Ġprést amos","ie dades","Ġpar ro",". :","Ġar ru","Ġfr ÃŃa","Ġtermin al","it ará","ĠRe laciones","Ġcub ano","201 2","Ġofici o","el d","ĠLatino américa","ĠP ie","Ġfrecu ente","Ġo cio","Ġseguir á","Ġpelo ta","ens or","ĠRe ci","ĠMa es","L AN","ĠT res","Ġconside ración","ĠEmple o","Ġcu ándo","Ġla teral","Ġdest inado","ĠGab riel","Ten emos","Ġcatal án","on ces","Ġab on","Ġcor tar","ĠVic toria","Ġá ra","Ġver duras","rec ción","Ġd ada","Ġaudio vis","O r","Ġcarb ono","Ġavent uras","Ġh ielo","Ġin al","Ġenc uesta","ta bles","i tiva","Ġp istas","Ġa gencias","Ġdi ga","Ġman dar","Ġgan ancias","Ġf us","Ġautor a","Ġis las","Ġparticip an","Ġpolici al","Ġviv a","ier tos","Ġd uelo","Ġmu tu","Ġb uc","comun icaciones","Ġm ante","N a","ent ados","ra ba","Ġcontro les","ĠAz ul","Ġpre vis","Ġtemp lo","Ġvig encia","ora ciones","re za","Ġdetermin ada","Ġentr ó","uel ve","Ġbol sas","il an","à ¶","Ġin cur","Ġbritán ico","ĠO tro","y eron","Ġquin ce","Ġincre mentar","Ġvia jeros","Ġque do","Ġcul tiv","Ġpapel es","ut h","ĠG il","Ġexist ente","ÃŃs ica","Ġutiliz ada","T AN","ĠPen al","ĠIndust ria","о Ð","Ġorgul lo","Ġrepres entar","Ġafec tan","Ġesc án","Ġpens aba","Ġm g","Ġcos tumbre","Ġsecre tos","Ġaler ta","Ġap ell","l ero","Ġvent anas","S us","Ġparticip ado","Ġvo tar","Ġdes esper","m y","Ġhay as","Ġdes igual","Ġmon stru","Ġsens ibilidad","ĠOr g","Ġespi ritu","Ġvid rio","Ġo este","Ġdescrib e","Ġa qu","Ġno tar","T M","Ġabier tas","Ġcre di","Ġdi arios","Ġsent idos","Ġsocial ista","á z","Ġamig as","Ġescri torio","Ġenerg ética","gun a","en zo","Ġhab lado","ĠL og","F o","ĠLeg isla","Ġinmig rantes","ĠSal udos","ĠP ac","Ġconvers aciones","ol v","Ġper tin","ÃŃs imos","Ġbara tos","ad illa","Ġtarif as","Ġsec undaria","Ġch ino","Ġemple ado","Ġjue ces","Ġdest rucción","qu ero","Ġrecor dó","Ġposible mente","Ġt est","ribun ales","Ġm ier","IN A","Ġrela tos","Ġco bre","Ġ6 4","ĠL O","Ġn ub","Ġc iencias","Ġinstal ado","ĠÃģngel es","Ġlab ores","6 9","D eb","e amente","Ġli tros","B ien","T AS","Ġpel ic","Ġespeci alizados","ID A","ĠCh ávez","Ġamar illo","E so","Ġespe jo","Ġpan el","d amente","ol as","Ġten éis","ĠUS B","Ġcos tumb","Ġla go","ad rid","Ġrecog ida","Pue de","Ġblog s","Ġcuán to","Ġpul gadas","Ġsub ida","ĠM ira","Ġcar as","Ġresul tó","ĠPat ri","Ġcon lle","Est á","dr ome","Ġmá r","Ġrelev antes","Ġcob rar","Ġdep ósito","Ġres pira","Ġdesac tiv","ĠEnerg ÃŃa","tion s","Ġper cepción","Ġsuper viv","Ġcolec tivos","Ġan dar","Ġprior idad","l ing","Ġmonta ñas","ĠPerson al","C C","cu bre","Ġper pe","Ġclás ica","ĠMic hael","S iempre","Ġargu mentos","ĠSe x","Ġev ent","ĠB log","ĠTener ife","Ġmen cionado","Ġcu yas","Ġ199 8","Ġdepor tivas","ĠV ÃŃctor","Ġe go","p ado","Ġfutu ros","Ġm ÃŃa","Ġcomun ica","Ġvay an","ĠProduc tos","Ġus os","Ġmanda to","Ġacab ó","cion ario","Ġextra c","T RO","ĠF lores","Ġten ÃŃamos","ĠPar ti","Ġjur ado","Ġdic tadura","Ġsorpren dente","Ġsolici tudes","Ġpresiden cial","Ġprecios a","r ent","ĠIn tro","ĠB lo","Ġllegar á","ĠL ED","Ġvis ible","Ġbo de","Ġvari ables","8 4","Ġmetodo logÃŃa","t ul","Ġenfer m","P rim","ir án","Ġsuf re","Ġmon tar","e j","Ġpaci encia","Ġsi enten","Ġtrans ición","Ġme dal","il lar","ĠP sic","Ġmostr ado","ĠRes olución","Ġreduci do","em bol","és ar","Ġtem ática","en ce","Ġne um","th er","Ġten gamos","ĠT re","ĠTécn ico","Ġen ve","G R","Ġnaran ja","dr ás","Ġm isterio","Ġfran ces","Ġsegu imos","Ġpes cado","Ġlan zado","Ġcon tienen","Ġment ir","ĠDoc tor","Ġfinanci eras","ĠI gnacio","un cias","Ġins crib","ĠHu go","Z A","8 9","te a","pres s","Ġestándar es","h um","ici osa","ĠE van","Ġauto bús","Ġasegu rado","Ġinf antiles","ĠOri ente","ĠIndustri al","Ġdefec to","ĠCampe onato","ĠEs co","ĠM AR","tu vieron","ĠRe f","de la","Ġri v","Ġr uso","Ġapre ciar","ñ e","P OR","ĠFran co","Ġtra je","Ġsent imos","Ġcal cul","Ġindic an","Ġperfec ción","ĠXX I","Ġdesaf ÃŃo","Ġprác tico","ĠC L","Ġart ÃŃstica","Ġtrata ba","ol vid","Ġpresiden cia","ĠM esa","Ġte ór","ad i","Ġcoleg ios","Ġsimp les","Ġch ar","ĠPres u","Ġs ana","Ġlig eramente","ĠCor ea","Ġfemen ina","Ġconstitu yen","at ch","b ano","ĠC AR","Ġmanda tario","l id","Ġab uso","Ġta pa","Ġde ter","Ġem is","Ġsuf ren","Ġantigu as","endi ó","Ġblan cos","Ġarri es","ti ta","g io","Ġelabor ar","Publ icado","Ġfacil ita","ĠP es","un tamente","ĠCon ce","Ġprotes ta","Ġvideoj uegos","Ġad quier","8 7","Ġam an","Ġprote ÃŃnas","ĠEl los","ĠGu ti","u is","Ġocas ion","h tt","Ġpa trón","fic e","á mb","ul iar","ĠS á","Ġencuent re","gü edad","ĠAn uncios","Ġquin to","Ġhac ÃŃan","I mp","ig ma","Ġneces ariamente","Ġclic k","ĠM y","ĠDomin icana","ĠT anto","Ġpará metros","Ġon ce","Ġconsi go","ara gua","Ġdismin ución","w in","du ra","Ġlig ero","ĠEst ra","Ġagr icultura","ĠH al","Ġrespons abilidades","ĠF útbol","Ġclar as","Ġe cos","ĠSe xo","Ġceleb ró","ól ico","Ġestad ÃŃsticas","Ġintro ducción","Ġla vado","Ġexcep to","! .","Ġsing ular","or cio","Ġcontras eña","Ġse min","Ġtu viera","Ġcon fec","Ġhi pó","B RE","Ġbar rios","Ġrom p","Ġtestimon io","ÃŃ es","Ġdef ien","se x","ÃŃ das","Ġfru ta","Ġpre cip","Ġfund ación","Ġincor pora","Ġmús icos","é ticas","u le","ĠDon ald","Ġhabitu ales","Ġcumpl en","cu enta","ĠG afas","Ġl anza","Ġcuan tas","und amente","uch e","ter ia","et h","ĠCan al","Ġhar ina","ĠPat rimonio","Ġsi mpl","ĠA gua","ĠCam po","ĠFe der","Ġab ord","rac ción","ĠE D","ci dades","b en","Ġmin i","Ġag rup","3 00","ĠJ ard","Ġ- -","ñ ón","Ġdim ensión","ĠP ros","Ġcas co","Ġan uales","on y","se a","ul t","Ġimple mentar","Ġtes is","Ġrepe ti","Ġcon dena","Ġk e","ĠC oci","uel va","Ġimpon er","Ġalcan zado","Ġespos o","Ġgastron omÃŃa","ĠB ay","Ġreiv in","Ġhab ita","Ġmaravillos a","es ter","le tÃŃn","ĠA ri","ef acción","to ck","Ġdetermin adas","Ġproces amiento","c amos","d in","Ġcomple ment","Ġdesarroll ando","ĠS ho","ec k","Ġinclu ida","i anas","Ġe dades","Ġabier tos","ten sión","ti mas","ĠDo cu","Ġgrave dad","Ġver s","Ġtom an","Ġdismin uir","ĠAd ri","Ġc lan","P I","Ġh arÃŃa","Ġsab ido","ĠCá diz","Ġley enda","ĠNe go","Ġdiver tida","Ġconoz co","D os","Ġresiden tes","Ġhec tá","al ismo","Ġade mas","ĠSupre mo","Ġverdadera mente","enci ado","Ġinter iores","ĠR ock","Ġjuris dic","Ġin esper","Ġalgo dón","Ġpec uliar","Ġp á","Ġdeclar ado","ber t","Ġt ac","Ġllu vias","Ġimpe dir","Ġlo gro","Ġcuar tos","Ġautom ática","s or","Ġadv ir","ést icos","V al","Ġqu ir","Ġperju icio","Ġconfir mar","ĠMa uri","ĠM endoza","Ġdirig ente","Ġcomerci alización","Ġre mon","Ġmarc ador","Ġd as","oy a","ĠR ay","Ġconoci das","Ġparticip ó","ĠO ne","Ġpl ást","Ġmanifes tación","if i","Ġman z","Ġcine mato","Ġelim ina","Ġata car","l ace","Ġcar o","Ġsig no","Ġliber ación","ĠB ri","Ġdec enas","Ġal ianza","Ġviv os","ci sta","ĠFin almente","Ġcons a","cional mente","Ġdé ficit","ĠMar cos","ĠC R","Ġlleg amos","Ġescri tos","Ġb acter","Ġvesti r","an gel","ortun adamente","Ġweb s","Ġvas o","Ġgener an","Ġin segu","Ġfuncion an","Ġh un","Ġdepartam entos","ĠDi putación","Ġtej idos","ĠR aj","Ġin tr","Ġde presión","Ġinde mn","Ġlim itado","gar á","ĠV amos","ÃŃn sula","Ġson idos","Ġregist rar","Ġco pa","Ġmor tal","Ġfrecu entes","Ġdó lar","Ġgig ante","Ġfá ciles","Ġclub es","Ġh isp","Ġk g","Ġcu ra","Ġapara tos","Ġat m","uy en","ã ĥ","ĠPue blo","V D","Ġbril lo","Ġte a","Ġch e","m ado","J O","Ġindic ar","Ġeléctr icos",".. ...","Ġclar idad","ez can","ĠOc ci","h h","i ja","Ġsu ena","Ġpro vis","ce lo","Ġincon ven","Ġfun da","J A","Ġsal ga","Ġinter nos","ĠSal ón","ĠAlgun as","Ġextra ña","ĠM adre","Ġincorpor ar","Ġvenezol ano","rim as","ĠB at","ĠJim énez","Ġproyec ción","Ġvuel ven","Ġin genierÃŃa","ĠAr quitec","Ġfundam ent","Ġex ce","Ġven ÃŃa","ĠH el","ú me","Ġref res","Ġde do","Ġincl us","n ia","ñ ad","gu era","Ġc ens","Ġre habilitación","tique tas","Ġinter acción","Ġpos esión","ar quÃŃa","Ġapas ion","Ġcon ferencias","tr ico","Ġpres i","P as","ĠR ich","Ġtras cen","Ġguar da","Ġmulti plic","d ing","Ġf ama","Ġ zo","ĠPrim ero","AS A","Ġclim ático","u ar","Ġterri torios","Ġ5 2","Ġrent abilidad","o tas","Ġcomb inar","Ġtesti gos","e ja","omos ex","Ġac ar","Ġampl iación","Ġciudad ana","tor as","b uen","Ġtrá mite","Ġdis cur","ec ÃŃan","C D","Ġen ormes","ĠS AN","a x","Ġfamos os","m io","ĠFamil ia","Ġpudi endo","ĠP U","Ġvicepres idente","Ġest er","Ġcon tado","Ġtra tados","F ran","Ġex quis","l era","il er","ĠJ udicial","Ġa venida","f ia","Ġprev é","ĠEsta tal","Ġindi rec","áz quez","G ran","Ġperfil es","Ġcostumb res","cion ada","Ġbol iv","Ġespec ÃŃficamente","Ġas iento","c lo","qu esta","ĠD em","Ġsuper mer","k es","fic ar","ĠB ach","ten s","Ġvari able","C an","Ġsens aciones","Ġle ve","ĠOb ama","). -","ĠU b","ĠO pera","Ġm ueve","Ġmol esti","án icos","Ġob tiene","ĠAl go","Ġalcan zó","Ġver te","Ġman tuvo","Ġacus ado","Ġsorte o","Ġam bi","ĠW h","ást er","Ġmal tra","Ġger ente","8 6","le ga","Ġdi d","ĠS or","Ġdivers ión","Ġges to","Ġexperim entar","te x","ĠS igue","enci ana","l s","ĠLu z","Ġcál culo","ĠT aller","Ġl ento","or gan","Ġrespe tar","Ġalre dedores","Ġgrab ación","ol ar","Ġambient ales","Ġvia j","Ġvalor ar","Ġde tención","Ġcul turas","Ġentreten imiento","ĠAs es","Ġdesapar eci","f ac","Ġencontr é","v ir","Ġrela tivamente","Ġapren dido","Ġgra bar","Ġsal arios","Ġderiv ados","Ġcal ific","Ġcapit án","ab ra","i tis","Ġem isiones","Ġtrans mi","Ġin olvid","V E","Ġdeman das","ĠMa x","ĠF an","ĠCon ten","Ġgig antes","Ġdis cul","ĠCa pa","Ġven cer","Ġtrans forma","ér rez","Ġconce jal","ĠFran k","Ġconcl usiones","Ġbor do","Ġf lam","Ġresist ente","Por que","ĠBiblio teca","Ġpos teriores","Ġbeb er","Ġdirec ciones","p lica","Ġju venil","Ġg iro","4 00","ort una","ĠP ens","Ġperj ud","ĠP ap","ĠR esta","Ġcompon ente","Ġameric ano","Ġpromo ciones","fec to","Ġnúcle o","gra mas","7 9","Ġfron teras","ig an","Ġgal erÃŃa","ĠÃģ rea","Ġautén tico","Ġleg ÃŃ","Ġse mi","ĠSe lección","7 6","ĠI gual","Ġpas aba","ĠC ésar","Ġcent rales","v án","and ante","ĠH emos","Ġdescub rimiento","Ġjard ines","T ube","Ġle e","Ġestu pen","Ġavan zado","ĠW hats","C am","Ġc ro","Ġcer tificación","Ġrep ente","tr ando","ĠSam sung","ĠCh i","Ġnego ciaciones","Ġterren os","du jo","cer tid","Ġre duc","Ġhici mos","u u","Ġexpe diente","Ġh echas","em e","Ġens al","Ġdia gnos","Ġexp uls","m ia","Ġpresu puestos","ĠJo aqu","Ġquin ta","J os","ĠL ar","Ġinter rump","Ġtit ulado","Ġbrin d","Ġca za","Ġinv itación","ĠGran de","ĠOb je","am ora","Ġpol lo","** **","Ġjun tas","de st","Ġcolabor adores","Ġpele a","Ġaf uera","J E","r icas","Ġacor de","Ġpo p","ub o","Ġcolabor ar","ĠPúbl icas","es to","fa z","ci ado","ÃŃ rez","ex o","ĠS ha","aman ca","Actu almente","Ġw ith","ĠZapa tos","ĠAc ces","Ġescol ares","Ġdev olución","Ġmadri le","c ÃŃas","Ġin ev","Ġll or","Ġbols illo","Ġencontr aron","Ġhuel ga","es en","Ġap ete","ĠS tu","ĠS tre","ĠE p","Ġven den","Ġb is","Ġbel la","Ġv s","ĠB iblia","Ġvuel va","Ġconoc ÃŃa","ĠD in","le tos","Ġfi jo","Ġdisfru te","ill ones","ĠEs cri","ri les","Ġ5 6","Ġsan ciones","Ġhacer le","Ġf la","Ġcol onia","Ġvo tación","ĠN ada","ac ruz","Ġ9 9","âĨ ij","Ġap e","ĠÃģlvar ez","Ġp use","Ġatm ós","Ġcó m","ĠT I","Ġllev amos","it co","id urÃŃa","Ġreg ionales","f ol","Ġdescu bre","Ġestu viera","ĠJef e","Ġpe trol","ánd ome","z co","a par","Ġdis puestos","Ġsus pen","N I","ĠtÃŃp ico","Ġ1 000","Ġlin ea","Ġgrá ficos","Ġco her","Ġher e","Ġnave gar","201 1","Ġpresent aron","Ġinci dencia","Ġizquier do","i rió","Ġfun dador","Ġcompar tido","on ÃŃa","ĠR ES","Ġvie jos","ĠT iempo","Ġn ube","Ġver á","ĠIn nov","Ġm ales","Ġconf ort","ol os","Ġv ieron","Ġva por","pues tamente","Ġas ust","Ġru rales","Ġag ru","ter no","on de","Ġensay o","Ġnove dad","Ġcomprom isos","Ġpa pa","Ġpas tel","gu as","Ġhosp itales","Ġinfec ción","Ġcir cular","Ġresca te","uer tos","t ano","Ġdesconoci do","Ġpas aron","C al","ÃŃ e","Ġpens iones","Ġdeten idos","as ter","Ġsust an","Ġinten sa","Ġescuch a","Ġé tica","Ġdes cri","Ġlum inos","ĠTo ledo","iar ia","Ġindic adores","Ġadministra tiva","ĠRec ursos","Ġrela tiva","Ġj udiciales","Ġmanten iendo","c era","pi ro","Ġad mir","Ġreconoci ó","ĠRom ero","Ġqued ará","Ġca denas","ĠMi ami","allado lid","a tor","Ġhuéspe des","Ġpens é","D D","ma cia","ĠMan cha","ent re","tern idad","Ġdem ues","Ġdiscrim inación","log ÃŃas","Ġpresenta ciones","Ġh ard","tific ar","Ġdesper tar","n ar","Ġemp e","in f","ĠS I","ĠCl ÃŃn","ĠMar ina","Ġcas tillo","ĠA par","Ġval le","Ġasc enso","Ġdeci s","Ġen g","Ġartifici al","er al","Ġdes gas","Ġd anza","ti f","c aba","Ġesque ma","ĠMe j","ĠV a","Ġinst an","Es paña","ĠMer cedes","Ġexig ir","Ġpien san","Ġcap ÃŃtulos","Ġán gel","ĠV ill","Ġcap as","ĠC ro","Ġh omosex","Ġres tric","Ġ ....","Ġgener ado","Ġon da","ĠE gip","ĠvÃŃn culo","car ga","tiv idades","h al","gu és","ĠA po","ig e","Ġsé pti","Ġviol ación","EN TA","or ación","Ġactu alizar","ĠGust avo","di sta","Ġpor tada","Ġencontr arse","Ġcons cientes","Ġex hib","ĠVer de","Ġam ante","l ana","ĠC erv","Ġmotiv ación","Ġimp rimir","P R","Ġadap tar","Ġga tos","et s","ĠPal ma","Ġinter ro","tin es","ĠAl fre","Ġcomple mento","Ġale mana","m uy","Ġvisit ante","Ġfran qu","ĠFu ente","Ġurb ana","Ġrecin to","ĠG RA","ĠGu ÃŃa","Ġrad i","Ġin g","ĠJa ime","Ġsigu ió","ĠAl b","fi gu","an im","5 6","Ġdiseñ ar","Ġsal idas","f ord","ĠSe ptiembre","Ġhuev o","lor ca","Ġconsum ir","Ġref rig","d ones","Ġpais ajes","Ġin certid","lo w","vil a","ĠSe lec","Ġurg ente","Ġincon s","Ġab us","an ti","ĠIn glés","Ġcar gar","ĠAp ro","ĠCh ica","P r","ĠâĢ Ŀ","Ġh úme","ion istas","ó ma","Ġreg ula","âĢ ĺ","T IC","Ġsuf rimiento","ĠRaj oy","Ġsens or","ome tra","A b","te ar","j idad","Ġrelig iosa","o per","tur adora","iden cial","ĠS A","ĠT ampoco","Ġqu ie","Ġpresent ada","ĠDe moc","ĠðŁ ĺ","Ġsu pera","Ġpe didos","ch ar","Ġun ir","ĠGuadal ajara","Ġnov elas","or ada","y u","vis or","l án","ĠS istemas","Ġsens ible","Ġpose en","Ġesta tales","Ġocci dental","uc risto","Ġsos tiene","Ġante cedentes","Ġjugue tes","ĠS tor","Ġadministra tivo","Ġsatisf ac","Ġré cord","ĠEsc orts","ĠP RE","5 9","Ġre torno","ĠRev ista","ÃŃ genes","o f","iv idad","Ġven gan","bo ok","ĠGuti érrez","ĠDirec tiva","I ON","is s","an ia","Ġjun ta","ĠCat ólica","Ġcompar te","i án","Ġbar ro","Ġcontinu o","uc o","Ġrecib ieron","Ġdese an","Ġavan zada","ici embre","Ġmantener se","Ġexplor ar","Ġreconoci da","P e","T al","ia ciones","Ġaclar ar","Ġencontr ará","Ġpobla ciones","Ġqued ando","m un","Ġrealiz arse","am pa","Ġs ar","In icio","an der","ig as","col as","ĠPág ina","Ġforma tos","adá ver","Ġin to","Ġher idos","t ent","fici entes","Ġt ác","Ġfac ebook","Ġfavor ita","Ġmús culos","Ġpar ale","Ġcorri endo","Ġposi tivos","Ġpárra fo","uel ta","Ġc itado","ĠGra tis","Ġmol de","A A","Ġcor tos","res a","Ġ18 0","Ġtra m","ĠEn fer","Ġnar co","Ġi b","Ġlocal idades","Ġencan tado","Ġbeb és","---- ----","Ġmedi as","ĠAr gent","ĠNic aragua","Ġsosp ech","Ġo pos","Ġtu bo","Ġsus pendi","Ġescri tores","Ġefec tivos","Ġsa que","Ġintelig entes","ti zado","qu eros","Ġre bo","Ġcual idades","t ti","iz as","édi to","Ġden uncias","Ġdue ños","Ġhi jas","à ²","ĠA gust","Ġdesarrol lan","Ġretir ar","Ġser a","ĠOb serv","Ġ199 7","ĠRam ÃŃrez","Ġsu po","nes s","Ġafec tado"," Ķ","ĠCom pañ","Ġabs ur","ĠR en","Ġcam as","ĠW a","ob o","ĠMo tor","Ġpresu pues","oc ar","t te","ĠT rad","e gr","Ġcomp uesta","Ġtranspar ente","Ġrecom endar","ec ución","Ġnorm ales","es es","Ġtradi ciones","Ġcompati ble","Ġsan gu","Ġdesaf ÃŃos","M on","Ġespec tadores","Ġdepor tivos","Ġle v","Ġdescan sar","Ġgrá fica","id ro","qu ita","Ġtecn ológica","Ġme lo","IEN TO","Ġvista zo","Ġpas amos","ion eros","g ador","Ġotor ga","Ġgimnas io","ĠT ama","Ġconsider ada","Ġrestau ración","Ġlin do","Ġhectá reas","Ġre vela","Ġpublic ados","Ġlo co","Ġcap tura","Ġch o","Ġempie zan","R o","ĠC ub","201 0","ĠRe ina","Ġbeb ida","Ġimag in","ĠPresiden cia","Ġocup ación","CI O","gr ada","y ente","Ġmoder nos","é ano","Ġcomien zan","ĠM E","Ġmus ul","ĠLa ura","te os","Ġac túa","ĠRiv era","ĠK en","Ġmus cular","ĠB i","Ġauxil iar","Ġmin erÃŃa","Ġpr in","Ġal ine","Ġcre an","Ġbar es","Ġcam ar","Ġcomen zado","ĠBl ue","ĠK o","Ġv os","Ġsi enta","h ola","Ġeduca tivas","Ġpolém ica","Ġcal ma","fon ÃŃa","Ġpelig roso","Ġpaque tes","e jas","Ġdeleg ación","ĠMov imiento","er ador","Ġbus cas","z amiento","Ġ5 4","Ġv uestros","gres os","ĠC ic","Ġviv ió","Ġproce dentes","Ġesper ado","To das","Ġselec cionado","Ġgl oria","Ġc adáver","Ġmu ro","Ġempres ariales","Ġpresent amos","Ġextrem adamente","Ġprepar ados","ĠAgr icultura","O P","Ġconvier ten","Ġrepar to","Ġexter na","Ġlin k","Ġtra tan","ĠV enta","Ġus ados","Ġextre ma","Ġdesp la","Ġhab éis","p ue","Ġdesapar ición","ĠAl l","Ġpar ado","Ġdesgra cia","Ġas imismo","Ġintegr ada","Ġtra mp","Ġindependi entemente","Ġcon tener","ach os","Ġetique ta","el los","m or","Ġan gust","m s","Ġadop tar","Ġenerg ÃŃas","ĠJu z","h ar","Ġayudar te","Ġt im","Ġ7 2","Ġcumpl ido","Ġen mar","ĠCap ÃŃtulo","Ġestu ve","Ġacompañ ar","ĠfÃŃs icos","Ġfron tal","h ay","u j","Ġcas ti","Ġmier da","Ġcan tar","ĠA F","u til","Ġsuce dido","Ġsu ya","Ġlig era","Ġemp ate","gr ados","Ġtar des","Ġmanifies to","Ġlle ve","Ġprestig io","Des cripción","ap ro","Ġcre ador","Ġdul ces","Ġp iden","Ġatra er","Ġhomb ro","h ÃŃa","ĠL l","ĠM ara","ĠCon st","Ġop tar","J o","x a","ĠPara guay","Ġcambi ando","Ġf le","ĠG an","Ġpec ado","per son","tu oso","Ġrefor zar","I ÃĵN","er es","Ġre cal","Ġac omo","Ġ5 1","onces to","ĠRob ert","Ġdest inados","Ġpin ta","ĠConse jerÃŃa","Ġp le","Ġtesti go","Ġoscu ridad","Ġtra te","AD OS","hi bido","Ġre t","Ġemp o","m adura","ĠLor enzo","Ġden s","Ġl ici","Ġestu p","Ġconfirm ado","Ġcambi ó","Ġcre ce","Ġca z","Ġdirec tivos","ĠJun io","Ġmercan cÃŃas","Ġbos ques","Ġa tro","Ġsepar ado","Ġpresent ará","Ġedi ciones","Ġtitular es","Ġindispens able","Ġpon ga","ĠTi po","g s","ĠCar acas","Ġaf ric","Ġtex tura","an i","ñ al","Ġinvers ores","ri e","Ġcom isiones","» ¿","Ġunivers itarios","ĠF ron","G RA","Ġprof undamente","Ġplan os","Ġrel len","d ora","Ġas im","por que","ti pos","Ġalcan z","Ġliber ales","Ġentrev istas","or os","ĠCon ven","ĠM áster","el le","ĠGre cia","Ġtras era","ás ico","Ġvertic al","Ġlogr aron","m ón","Ġre ver","ĠElec toral","ines s","Ġmedi ción","gü enza","B S","ĠLe e","ri ta","Ġgri e","iz os","it ro","Ġrad ical","Ġdé ci","Ġmi el","ir ch","Ġcomple jos","Ġencan tan","ĠJes ucristo","Ġpoder oso","Ġexpres iones","ĠCur sos","Ġcont un","Ġtrans fer","Ġlla ve","Ġmas as","Ġconfigu rar","gu i","ĠD ie","Ġsobreviv ir","Ġna tur","Ġacadém ica","Ġdesp acho","ce la","Ġf ores","ĠMar iano","Ġre di","Ġpre ce","Ġir á","Ġreal ice","ĠS tan","Ġejemp lares","Ġcu otas","Ġconsider ó","m ático","ĠMauri cio","ĠT it","Ġinteg ridad","Ġqued aba","Ġcercan os","Ġman io","ra miento","P C","t adora","Le er","Ġnove dos","Ġepiso dios","Ġ5 7","Ġadecu ados","Ġen gan","Ġab uela","Ġe ró","Ġfinanci amiento","Ġal o","ĠDe leg","Ġefec tivamente","ĠX VI","Ġcoment ado","8 00","Ġart ÃŃstico","Ġescán dal","To da","ĠâĢľ ¿","ĠMin istro","ĠVe ga","Ġtom o","Ġpus ieron","Ġadul to","Ġpla zos","Ġbotel la","ĠP ra","Ġcom enta","Ġmo ch","Ġconven cer","ec é","ĠMas ter","ĠE u","li que","Ġmedic amento","lo gos","Ġal za","l fo","ik i","ĠC ualquier","AN A","Ġgras as","Ġcin cuenta","Ġsuel do","ĠV alladolid","ad ar","f u","Ġse pa","se lo","Ġafec tadas","ĠEgip to","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","Ġatmós fera","Ġp iz","Ġsin ies","Ġextraord inaria","Ġautén tica","Ġsuce dió","Ġgas olina","ĠB ajo","Ġ199 6","Ġcarre teras","Ġmin isterio","Ġmanif iesta","tr ica","Ġargent inos","Ġautom ático","Ġmone das","Ġperten ecen","Ġtras tornos","Ġaprob ó","Ġex posiciones","Ġasoci ado","Ġsu puestamente","em ia","Ġexig encias","por ación","yec tos","ic ciones","us s","di to","ĠT orn","ĠRespon s","ĠN uestros","Ġcorreg ir","Ġch ina","Ġdetermin ación","Ġequip amiento","ám icas","Ġenfr enta","Ġoper adores","Ġinv itado","Ġterror ismo","dic es","Ġo pon","Ġsem estre","Ġfas es","dis cipl","Ġment ira","ĠInf antil","Ġanim ación","Ġespecial idad","Ġincendi o","Ġpu ta","Ġcotidi ana","aque ta","Ġcontemp la","IN G","Ġtempor adas","Ġofici almente","fit ri","Ġ199 4","ĠMac ri","Ġpregun tó","Ġlim itada","ĠquÃŃm icos","Ġconcluy ó","Ġsorpren der","Ġvoc ación","ĠW ord","ĠYou Tube","Ġéx itos","Ġcuch ar","Ġinform ática","ĠS L","Ġre tom","Ġadap ta","Ġtecn ológico","Ġe mitir","ér icas","C OM","En tonces","Ġar oma","Ġreac ciones","ab ell","ño z","ĠCon ferencia","Ġcorre os","Ġren uncia","ch i","Ġcont ando","Ġobten idos","ĠPre cio","ad uras","Ġo ut","cios a","Ġdes ierto","Ġna vide","ĠAb og","Ġcu bre","ist ente","ras es","Ġdeman d","5 7","Ġc é","m u","Ġfor os","ÃŃ colas","Ġconform an","ĠOr tega","ĠAb ril","y an","T EN","Ġinvestig ador","Ġgan adores","Ġsist em","Ġr ÃŃos","Ġprome te","Ġmanten ido","dri go","ĠE U","Ġaqu él","ĠPer io","Ġcapital ismo","Ġra yos","Ġdestru ir","Ġper dón","us k","Ġp ico","Ġcon cer","Ġcompar ten","Ġen tera","Ġvac a","Ġinterpre tar","Ġc ep","ĠL abor","ĠPrim er","Ġl ág","Ġcal zado","ĠSec ción","ĠHon duras","al im","ri mos","Ġaplic able","Ġsegu ÃŃa","Ġp ist","Ġinici os","uer te","ĠEncuent ro","ĠJoaqu ÃŃn","Ġrecur rir","Ġm ama","Ġblan cas","Ġcal ificación","Ġob viamente","Ġma tr","ĠFlor ida","ĠEncuent ra","Ġzapa tillas","Ġpens amos","Ġs ano","Ġemple os","F u","ĠAtl ético","are la","pu bl","ç a","Ġconduc e","b ados","Ġinforma ciones","ĠTer ri","Ġcos m","Ġense ña","Ġh em","Ġinaugu ración","Ġtro pas","c é","Ġposi cionamiento","Ġban de","Ġsi túa","ur g","óm icos","Ġhab ÃŃamos","Ġelector ales","ĠTécn ica","H o","Ġmaravil la","Ġempren dedores","ĠCu ar","cul as","Ġbloque o","ĠBol sa","Ġinm ueble","Ġper dida","Ġ5 9","Ġlá mp","ĠS ent","ste in","Ġvitam ina","Ġmód ulo","Ġreún e","m el","Ġsin cer","Ġbron ce","ĠA ún","cep to","Ġdi rÃŃa","Ġin tes","Ġtur ÃŃstica","Ġnecesita ba","cional idad","Ġestá bamos","Ġsec ues","Ġconvir ti","ĠH ola","c ú","Ġub ica","Ġperson alizado","ĠcÃŃr culo","Ġcol oca","ĠS ac","Ġtom e","Ġsu puestos","Ġconex iones","pon es","Ġsobres al",". ).","Ġlim itaciones","M é","u za","Ġa ula","Ġ199 5","Ġrode a","ros s","Ġgener ando","ĠElec trón","ĠGuer rero","Cu án","Ġconces ión","Ġsub ra","Ġcr ónica","ĠDepor tivo","C L","Ġhub ieran","N e","Ġru p","Ġc il","D o","crip t","Ġde bió","CI AS","Ġcre encias","aliz an","Ġf ortuna","Ġcu sto","ĠPor no","Ġras gos","ér pre","Ġinev itable","Ġrelev ancia","Ġamb ientes","Ġinstitu to","Ġ5 8","ĠV el","Ġhal laz","tr en",", .","r adora","ĠF igu","Ġdesarroll ó","Ġmasco tas","Ġ5 3","Ġanun cia","Ġdescrib ir","Ġar a","Ġsem if","Ġpar ques","Ġobserv ación","ó tica","ĠEx teriores","Ġas ent","Ġpatr ones","Ġofre ció","E P","ĠCom pe","Ġcabal los","Ġtra ge","ĠAl ianza","get ales","Ġnav idad","ĠS ig","Ġd ram","Ġev angel","os ten","Ġcom pa","Ġpantal las","Ġ7 00","estr ÃŃa","Ġv era","Ġterri torial","Ġsab idurÃŃa","Ġdestac ados","Ġrad ic","Ġconv iene","ĠCh a","Ġcub anos","ĠD iciembre","Ġar res","Algun os","der s","Ġproto colo","Ġlog ros","Ġgrad u","ĠC ort","Ġsupon go","ĠPla ya","Ġpor qué","ĠAn álisis","T AL","Ġver la","Ġcome tido","Ġch av","Ġprev ista","Ġdoc trina","ĠC rea","Ġmi x","ĠPue bla","Ġflex ibilidad","Ġacab o","Ġregist ró","Ġencuent ras","Ġin vi","ĠquÃŃm ica","Ġt ÃŃo","re mo","Ġp acto","ĠD ia","Ġpi ra","Ġsol os","Ġbon itas","ĠOl ÃŃmp","gu almente","m ens","Ġcuar enta","ĠI z","Ġcal efacción","Ġsomb ras","d ro","Ġsal ieron","Ġbru tal","Ġsolici tado","ĠCon diciones","Ġ199 0","un ya","aj ar","AR I","Ġacom paña","ĠPar k","Ġhum anas","Ġpresent arse","om ento","Ġescuch ado","Ġah i","ul ados","Ġcam ion","v ista","Ġlóg ico","Ġexpres amente","Ġob tención","Ġdar te","Ġasegu ran","Ġemp a","Ġsindica tos","je cimiento","Ġvenezol anos","Ġmad u","Ġconj unta","Ġdes in","ĠFuer za","Ġcrist iana","ĠN ar","ĠVas co","Ġexter no","Ġrevel ó","ÃŃ var","Ġcul to","ible mente","ĠP ort","te za","ĠR an","ĠGener ales","AR C","Ġcomple jidad","T ES","ã Ĥ","ĠSal amanca","Ġal u","Ġprofes ora","Ġbás icamente","Ġen cer","ec t","Ġdirec tores","200 7","Ġenvi ó","Ġital iana","Ġrap idez","Ġsec ciones","res ión","c usión","ĠJ ac","ĠS ara","ĠMar ta","Ġden omina","T er","T P","Ġdeter mina","Ġvolun tarios","tán dose","Ġcrea tivo","aliz ando","am arca","Ġexperim ent","m ita","Ġpermi tiendo","ĠV ers","or ado","ĠAp lic","Ġsome ter","Ġimp ide","Ġde gust","Ġform ada","Ġrespec tivos","Ġequip ada","Ġemb al","Ġex ista","P ER","Ġconserv a","Ġcontras te","Ġfi eles","Ġensay os","A pp","ic ho","Ġre en","H A","Ġcon duci","Ġsent ado","ĠEx p","ac he","Ġper si","Ġre medio","Ġconqu ist","Ġincertid umbre","uev en","En cuent","Ġtur ÃŃsticos","Ġocul tar","E B","v ieran","Ġcer ró","Ġcamis etas","Ġarre p","ĠDis fru","Ġplen amente","ue ba","D entro","Ġabor to","Ġcre es","ĠN úmero","Ġinf lam","Ġs tan","Ġconse jero","Ġsecund arios","ĠMed ina","Ġev ita","Ġarmon ÃŃa","um as","Ġcon taba","Ġcó digos","ĠConstitu cional","and ra","Ġin ac","Ġconduc tores","ĠCan aria","Ġcub ana","Ġvol ante","y ac","ti za","Ġdiscu tir","Ġinter venciones","Ġreflex ionar","ĠincreÃŃ bles","v ic","Ġinici ado","Ġperson alizada","ĠMo der","k ers","e val","or di","Ġcru zar","Ġhá bil","ig ar","ĠTo ur","ĠExtre madura","Cu ál","p ada","Ġpar ezca","Ġreconoci dos","Ġfu turas","ĠL ÃŃnea","Ġa is","Ġdeci dieron","ám ites","Ġdesapar ecer","Ġentrev ist","Ġargu ment","Ġjapon és","ĠDis ney","Ġsust ancia","Ġfir mar","Ġ0 9","ĠC C","Ġcr on","Ġil ÃŃ","Ġb ola","Ġpat ria","Ġfundament almente","ĠC V","Ġneg ras","ĠO pen","Ġconserv ar","Ġsole dad","uev o","Ġinter faz","ándo los","it ante","Ġestable cidas","Ġentre gó","ĠTrans porte","cor e","ĠE le","CI AL","Ġconec tado","ĠS co","Ġsan ción","Ġenc uestas","ĠR oc","cin g","J uan","Ġest és","Ġdifun dir","Ġproce de","k u","Ġarreg lar","Ġque b","Ġf icha","Ġdo l","ĠMu ñoz","V en","ĠUS A","t to","Ġprefer encias","ĠCuer po","ĠLuc as","Ġurg encia","Ġtransform ar","Ġaut ent","Ġconfir ma","ĠAn im","Ġtr ámites","Ġsolu cion","ĠSi ria","ĠC aja","ier as","Ġha gas","Ġtrist eza","Ġen vÃŃa","Ġo v","Ġir se","Ġban ca","lo j","ĠAcu erdo","ĠG rado","f ónica","ĠR amos","Ġne gar","je mp","Ġch oque","Ġper diendo","Ġconstitu ción","en io","ĠE dad","ĠA quel","al ición","Ġextre mos","ĠSer á","til los","jal á","Ġnum ero","r erÃŃa","Ġun idos","Ġte tas","Ġencontra ban","Ġsat él","Ġrela tivo","ĠDip utados","ĠGe orge","Ġve in","ĠDe porte","ĠR ural","ĠT OD","Ġacompañ ada","pe cial","Ġexter nos","Ġay untamiento","ĠAmb os","ik a","Ġefectu ar","ĠEsta tu","Ġinclu idas","Ġmig ra","Ġsemej ante","Ġadecu adas","Ġcomp rado","Ġfortal eza","ĠA de","ĠTer esa","Ġsue los","EN A","Ġespecta culares","ĠW e","Ġclas ific","Ġex ámenes","Ġre cip","r ás","Pue des","Ġtab las","Ġb il","Ġpilo tos","Ġdiseñ ada","Ġunif orme","Ġpre ca","ĠD entro","Ġdesemp leo","Ġguar dia","Ġmar ÃŃ","Ġhab iendo","Ġcorrespon den","Ġins ec","ĠVide o","ion ista","Ġver ificar","Ġado pción","Ġpoten ciales","Ġmec ánica","Ġdo bl","Ġven ga","Ġnerv ios","ĠD VD","Ġquer idos","Ġmostr ando","Ġve getales","Ġ199 3","Ġsolici ta","uel to","Ġpres ta","mple mente","Ġav iones","Ġred acción","Ġextraord inario","Ġj ab","Ġdepor tistas","se y","g ol","Ġsust ent","ca den","Ġs illas","ĠF OR","ĠPar ece","Ġcier ra","Ġi ra","Ġrelo jes","Ġproce der","ĠM ach","Ġhues os","Ġinv is","ĠPac ÃŃfico","Ġis rael","Ġdisfru tando","Ġprop uesto","Ġcer rada","Ġreserv ar","Ġjud ÃŃos","ĠH ijo","ĠSu iza","Ġol iva","Ġcome dia","ell i","ill era","Ġcomunic ar","v echa","Ġterap éut","Ġlim ita","Ġhig iene","un idad","E F","ĠB ale","us h","ĠI ra","Ġempez aron","Ġcompren de","vi deo","Ġanti güedad","ric h","v enta","us al","ĠEstudi o","Ġex teriores","Ġf idel","Ġab ar","Ġac titudes","8 2","Ġu ñas","Ġde tección","Ġfantá stico","Ġvar iar","z i","Ġunivers itaria","pro duc","Ġapar entemente","Ġac o","á ut","Ġdin am","Ġ( âĢľ","Ġqu ita","irch ner","ĠMar ia","Ġfu ga","____ ____","Ġhal lar","ion s","Ġb er","Ġp ÃŃ","Ġaver igu","Ġnucle ar","ĠU s","Ġmu r","Ġf oc","des de","Rec uer","g ú","Ġinten ciones","Ġinv ent","Ġexpor taciones","ĠClar o","res tre","Ġes qu","Ġdecir le","Ġrazon able","ĠG én","Ġfe der","In ter","Ġacces ible","Ġun ido","Ġmascul ino","ĠH ombres","] ,","Ġcos tado","Ġten is","ĠIn genier","Ġse ca","Ġcent ra","Ġriv ales","per s","Ġdo lores","Ġoper ar","ĠS um","Ġco gn","Ġatra vi","Ġgra bado","Ġdecor ar","M adrid","as t","Ġper don","on i","Ġco j","Ġinvesti ga","Ġsignifica tivo","ĠAn al","Ġfavor ecer","Ġgo le","Ġit iner","Ġconcep ción","Ġra mas","Ġmete or","Ġan fitri","Ġflex ible","ik o","Ġca ÃŃdo","éndo le","Ġla p","7 2","ĠInnov ación","Ġrecib irá","Ġún icas","Ġexten der","Ġ9 00","Ġclar os","ly wood","qu erÃŃa","Ġlo cura","ĠSan idad","om en","Ġma pas","Ġtras pas","ĠPe ter","Ġx xx","Ġeurope as","Ġda ta","Ġban c","man n","e ñas","Ġsub e","Ġcrim inal","Ġinci dente","Ġcop ias","V O","ĠMar k","Ġenerg ético","Ġne ur","Ġpar to","Ġj ajaja","tab ria","oc en","Ġo di","Ġconcre tamente","éc tor","Ġap el","Ġma il","Ġconcl uir","Ġsof ist","Ġconcre ta","inten do","ĠMar zo","Ġherman as","Ġdecir lo","Ġro ca","Ġo ch","ĠB omb","Ġintent ó","ĠL im","ĠInte gr","ĠSu árez","Ġcl áus","Ġpla y","Qu ieres","Ġpoten ciar","Ġres eña","mit en","Ġentusias mo","Ġmejor ando","ĠRo ja","Ġcomp l","8 1","Ġnar iz","ĠHab ÃŃa","ĠVer acruz","Ġentre gado","Ġedi tor","st al","Ġdenomin ada","Ġcer tamen","as es","ay o","ĠHer rera","ici ar","ti t","5 4","Ġfantas ÃŃa","d re","con tra","Ġcorri entes","Ġrecomend ación","graf os","Ġal turas","Ġtec lado","Ġan g","Ġcocin ar","ĠM ár","ĠComer cial","Ġpropor ción","H er","Ġver ás","ĠEdi torial","ĠF orma","Ġaf ición","tar iado","Ġ6 9","Ġ6 6","os idad","Ġresul tan","Ġsuper vis","ĠPos t","ab uena","am ent","Ġrequer imientos","Ġp si","Ġfavor able","Ġgol f","ién do","Ġtir ar","Ġdeci dÃŃ","Ġsum amente","Ġpo emas","Ġres pir","ĠRe pres","te z","Ġfal so","tam entos","Ġdesp lie","ie te","ut ado","Much os","Ġblo ques","Ġan aliza","ĠPerson as","rech a","x is","Ġ °","@@@@ @@@@","ĠN ike","ĠRo jo","Ġv imos","ĠmÃŃn imos","Ġcompet ente","Ġta tu","Ġgas es","Ġno ble","ĠRio ja","ÃŃgen o","P P","l ara","ĠB ill","tán eamente","ĠIs las","Ġco di","Ġfil tro","Ġdefini tivo","Buen as","Ġcar dio","ĠIntro ducción","% ),","Ġaument ando","Ġg oma","Ġcul tivos","ĠM ora","ci ende","Ġpro cur","Ġsu man","Ġpuer tos","Ġcircunst ancia","Ġo ÃŃr","Ġt ún","in oso","Ġdro ga","Ġba tal","Ġprev al","Ġor ÃŃgenes","ĠPro ces","Ġatrac tivos","ĠA venida","Ġseg mento"," ²","Ġresta urar","Ġpantal ones","S C","Ġimper ial","Ġépo cas","gan da","qu era","Ġpo ema","polit ana","Ġfach ada","ĠGonz alo","V amos","ĠRe la","Ġperio dismo","Ġsab ores","Ġgu i","D UC","iz ador","Ġme ga","Ġfalle cido","Ġne uro","Ġcancel ación","Ġreun ir","par se","it ch","Ġconst antes","Ġoscu ra","Ġbo das","Ġperman ece","Ġp eces","ĠVal ent","il ado","8 3","ĠN ombre","ĠB aja","Ġmaes tra","ĠAtl án","ven a","Ġtama ños","Ġcar peta","Ġfra ude","Ġapoy a","Ġgri ego","d ul","S erv","Ġpl ac","Ġnutri entes","Ġg ala","Ġfi jar","Ġdeci mos","Ġhici era","IN E","ĠBer lÃŃn","Ġdes vi","Ġextra cción","Ġembara zada","Ġver güenza","ĠRo drigo","Ġgu ión","Ġpol la","ĠK ing","Ġenc am","Ġh ech","ĠC I","it z","gas e","Ġjust a","Ġsopor tar","ic to","T iene","F el","Ġmig rantes","ĠMal lorca","ĠGlo bal","ĠCent ros","ON A","5 2","Ġ199 2","Ġtal entos","ien se","Ġform ando","ĠI VA","Ġmi de","Ġmagn itud","ing os","P on","Ġcons ola","ĠF ol","Ġsustitu ción","Ġaprovech ando","Ġelev ada","lu ten","ñ ones","ĠQu iero","ĠG or","7 4","oci miento","Ġre tor","Ġsuperviv encia","Ġhomb ros","Ġsacerdo te","Ġconlle va","k ia","Ġvolver á","Ġrefug io","ĠM ens","h acer","Ġsan itario","Ġar bi","M C","Ġbo x","Ġre porte","Ġconven cional","Ġcor rup","Ġfarmac éut","Ġn or","Ġminist ra","un os","Ġhipó tesis","Ġhabl aba","Ġpl us","Ġconm em","ĠAlfre do","ĠCent er","Ġimp u","Ġde cep","Ġmens aj","Ġtrabaj amos","Ġdens idad","Ġh amb","Ġal b","Ġrepar ar","Ġcompar ar","Ġc ón","ĠIn di","Ġacadém icos","ĠF ra","Ġcontemp lar","Ġutiliz adas","Ġvol ar","ĠA U","Ġpudi mos","Ġcompeti tividad","ĠVil lar","Ġdeterior o","Ġsustitu ir","Ġmo bil","ĠTom ás","uev as","Ġmuer tes","ĠP ER","ur ado","Ġmedi ano","Ġbrasile ño","Ġchil eno","Ġlim ón","ie bre","Ġfalle ció","ti bles","Ġde dicación","Ġsan itaria","Ġempez ando","Ġincumpl imiento","Ġher encia","ĠMar gar","Ġse para","ás er","Ġf ina","ĠEx tra","ĠH y","ĠCab all","Ġpin turas","Ġdeb idamente","na val","Ġinfec ciones","Ġempez ado","Ġdar án","Ġnub es","Ġdiá metro","Ġcon cil","Ġfenóm enos","Ġexp licaciones","Ġna tal","Ġmens uales","ĠAD N","j unto","Ġmon te","Ġdesapar ecido","L C","Ġmol inos","ĠCa teg","ĠOb ras","Ġmatem áticas","Ġsurg ió","Ġde mo","Ġcomple mentos","Ġ ĵ","6 00","Ġelec tr","Ġbo tones","Ġper egr","il ados","ĠCatal unya","d ario","ĠG alax","Ġafir mar","P lan","go b","ĠP ay","Ġaband ono","ĠON G","éndo lo","Ġpl acas","Ġmodi fica","Ġsobre todo","par ación","Ġas ientos","Ġsan to","S olo","Ġencar gada","Ġhabitu almente","ĠD IS","Ġesp ada","Ġoblig ados","Ġsol itario","Ġpa v","cu ando","Fo to","á til","Ġabund ante","Ġinter v","Ġpar al","ĠVar gas","Ġh ero","Ġmar có","Ġinici almente","Ġdispon en","Ġsu bió","mit h","Ġenten dido","Ġampl iamente","ĠP ilar","Ġadminist rador","ie mb","Ġaport an","Ġg em","Ġjug ó","Ġidentific ado","ke y","Ġdesas tre","Ġcoordin ador","ĠR oy","Ġreti ro","Ġobstá culos","Ġsof á","Ġhid ro","Ġpap á","ĠEl ena","ĠHa z","Ġcercan as","v á","Ġencuent ren","Ġcomenz ará","Ġsalud ables","ĠPl us","ĠIN TER","Ġinm uebles","ĠTo tal","Ġmen ción","Ġlengu as","Ġrelig ioso","cla je","Ġinter medi","om étr","ĠC OR","Ġev itando","ci entos","ta g","b ack","Ġbas ados","ĠPa tr","Ġ3 60","inar es","Ġprim as","Ġindustri as","200 9","Ġcandida tura","Ġllen ar","Ġgust aba","Ġsum erg","ĠG EN","ĠIncl uye","Ġadap tarse","rue cos","Ġl ingü","ac os","Ġsig las","Ġcomple ja","Ġfoto graf","ĠN adie","Ġtar d","Ġpier das","Ġejemp lar","ill ado","Ġprom esa","l amos","Ġr ara","ĠcrÃŃt icos","Ġarm ado","ĠEx isten","5 3","lan dia","Ġtu yo","ĠBo ca","Ġbel lo","ĠEqui po","7 3","f r","Ġch u","Ġacercar se","ĠI den","Ġcan to","ĠCam ino","Ġpre domin","Ġunivers itario","Ġquir úrg","Ġanunci ar","Ġreci cl","ĠI D","ru dencia","Ġdirec tos","Ġl entamente","Ġopera tivos","Ġnomb rado","am pl","Ġexc usa","Ġexpor tación","C iudad","Ġcor ona","Ġreg lamento","N eces","Ġnega tivos","Ġg ab","Ġlle go","Ġran king","ue ga","én dez","ĠFuer zas","Ġfil as","O G","Ġproble mática","Ġex ager","Ġap uestas","Ġcor e","eb ra","Ġpe ores","Ġllam o","ĠCoci na","ĠA ten","ĠS w","Ġp p","Ġle ma","Ġse mb","Ġenfer mos","Ġman chas","ĠSil va","Ġrealiz amos","bus es","tr ados","Ġinal ámb","Ġimagen es","ĠSE O","Ġso ñ","Ġf usión","Ġt ribunales","Ġalum nado","Ġseñ ores","Ġsex y","Ġperteneci ente","Ġtecn ológicos","ĠXV III","Ġcont ento","Ġgas tar","Ġrestr ing","c las","s ec","ĠJ al","Ġpas ará","Ġint érpre","at ÃŃa","Ġrode ado","ĠNie to","5 1","Ġh umo","úm enes","ĠP ala","cion ista","ĠOrg ánica","rá ul","ĠCon f","Ġtu ber","Ġespa cial","P la","Ġdefin ido","Ġsac a","l om","ĠF á","Ġac aban","Ġloc alización","é p","Ġcon greso","aron es","Ġrem un","Ġsac ó","ĠJu ventud","ĠCarta gena","ĠF echa","ĠGu ad","Ġoper ador","ac en","ik ipe","Ġgra mos","grá ficas","Ġcolombi ana","Ġti ra","Ġdi arias","Ġpens ión","ĠEvan gel","ĠJe an","Ġfuncional idad","Ġadvir tió","Ġconoci ó","Ġest óma","Ġeléctr icas","Ġperspec tivas","ĠB ru","Ġace ites","Ġ ida","Ġgan ando","bi ta","Ġ6 8","ĠÃģlvar o","Ġpregun to","Ġperió dicos","Ġintegr ar","ĠI SO","Ġelectro dom","htt p","ĠBol ÃŃvar","Ġc ad","Ġcompon en","Ġac aso","Ġafec tada","Ġprovoc ó","Ġint entado","cil la","Ġfal tan","Ġch i","ĠTrabaj adores","Ġpart ÃŃculas","Ġcomprome te","ĠAs untos","Ġleg ado","ĠS S","Ġconst ancia","Ġcr ÃŃmenes","Ġconside rando","Ġserv ido","Ġsub je","Ġdirec tiva","Ġde udas","Ġlág rimas","Ġbacter ias","ĠEst án","ĠPrim aria","e is","j ados","ĠR uta","ĠG ri","Ġbancar ia","Ġfin ca","am ing","In cl","a z","Ġprovoc ado","Ġarran que","ĠMunicip io","ĠMar celo","qui cia","ist ros","Ġr usa","Ġjef es","ist án","x ima","am ba","?? ?","Ġmanip ulación","Ġd ren","Ġarquitec tón","iv ar","fas is","C abe","ándo les","Ġsab iendo","Ġsuper ado","ĠInst al","Ġsorpres as","di era","Ġcab les","Es c","Ġpi diendo","ĠQuiz ás","ándo te","G E","ĠDe bido","á zar","Ġconden ado","Ġinfer iores","Ġbo tas","Ġpier na","d ula","Ġespec tador","ĠCh an","5 8","Ġagr ÃŃcola","Ġautor izado","ĠReserv a","Ġrepres ión","Ġfac ultad","uen ca","Ġex tiende","Ġre mi","Ġestar emos","Ġcab ec","Ġtr on","ĠMe del","Ġconf iar","Ġsan ta","Ġpres ion","ĠÃļ l","Ġse p","Ġjust ific","Ġob s","ĠConsul tado","Ġsal iendo","Ġadminist rar","Ġsuperfici es","Ġhistor i","Ġaleg re","b r","Ġcomp licaciones","g ante","ĠA ce","Ġdi ariamente","ch ado","Ġs tock","Ġpa gan","CION AL","y entes","Ġmód ulos","Ġexp uesto","Ġapar camiento","Ġt ib","Ġdios es","Ġcoleg as","Ġmús ico","ri das","Ġmoder nas","Ġsacri ficio","ten imiento","Ġbritán ica","Ġvitam inas","ĠR el","6 3","Ġcom ité","Ġin e","ĠO tras","Ġpro hibido","Ġenf a","Ġpa tas","Ġdemocr ática","Ġt rib","ĠG eo","Ġnerv ioso","P F","7 1","ĠO R","al las","e k","Ġajust es","Ġceb olla","Ġimpro vis","ĠR ena","Ġdirig idos","ĠR A","Ġch or","Ġhermos as","Ġimplan tación","ĠPsic ologÃŃa","Ġneces ite","Ġpon drá","Ġsu poner","Ġem ig","ĠI glesias","Ġluc ro","op ol","ikipe dia","ĠT RA","Ġdiagnos tic","Ġconside ro","ĠT ru","Ġcer teza","Ġdar les","Ġma ÃŃz","ĠVal enciana","Ġest ÃŃm","Ġbusc amos","ĠS uc","at h","Ġactu alizaciones","ti gu","Ġvic torias","Ġhue co","ĠJos ep","Ġdisc ÃŃp","Ġagre ga","R eci","an ta","Ġsalv aje","Ġagr icul","ta des","ĠCompañ ÃŃa","ĠAgust ÃŃn","x imo","Ġprov iene","Ġdeleg ado","ĠR og","Ġs eno","o te","ĠF ÃŃsica","i tim","Ġrestric ciones","Ġmedio dÃŃa","t ona","> <","Ġ én","Ġcal orÃŃas","Ġcomp one","Ġadecu adamente","Ġactiv ar","Ġle ÃŃ","Ġex poner","Ġp alacio","Ġmoto ci","Ġespeci fic","Ġcó mp","ti emp","Ġi OS",". ),","Ġve an","Ġob ede","Ġcomple tos","ĠA gosto","ĠSeñ ora","le go","ba ciones","ĠQu in","Ġoptim izar","Ġregist rados","Ġsal do","Ġespectá culos","ĠStre et","ĠO fre","ĠV ent","M IN","N osotros","Ġmostra mos","Ġsen ador","Ġt óx","Ġmág ico","Ġter remo","Ġselec cionados","Ġfres ca","Ġla terales","Ġsal udos","Ġfal la","ĠL ec","Ġrelig iosas","S ol","Ġtrage dia","Ġprocl am","Ġbal cón","Ġb onos","Ġsob r","ĠEn ero","Ġas cen","e dades","ĠCor uña","Ġjue gan","Ġf estiv","Ġll orar","Ġa zo","ĠH éctor","ĠInde pendi","j amos","Ġdirig ió","ĠSer ie","Ġlo ca","itco in","gra ción","que ta","Ġtrans curso","Ġco ño","Ġd uros","ĠS AL","Ġpe di","Ġcontinu amente","m all","ón icos","Ġmedio amb","Ġhab lo","Ġpsic ologÃŃa","re al","Ġmo dal","ĠP ok","Ġguer ras","Ġcan ta","em ento","Ġdes po","Ġcub ierto","Ġinst a","it oria","ta ge","Ġacog er","ĠS OL","Ġprotes tas","Ġpol ar","Ġa ur","Ġcas ualidad","Ġcin tura","h ara","Ġproduc tivo","Ġapar tamentos","No ta","Ġol vido","eci eron","Ġnacional idad","ĠH om","Ġdese e","Ġcur va","Ġdeb il","Ġcrea tiva","Ġapren de","Ġad her","Ġbar cos","ĠH un","Ġcaus ado","Ġrin cón","Ġcorre dores","ĠH uelva","Ġic ono","ĠCas as","Ġconsigu iente","fici os","ĠInform e","Ġg ros","ĠBar rio","ĠE c","ĠEdi ción","Ġmu ral","Ġc ement","6 2","Ġsan itarios","ĠFeder ico","l icos","Ġllev arse","Ġcam ión","Ġfal sa","ul sión","all y","Ġenseñ anzas","Ġexten sa","eb an","Ġdej es","Ġobliga torio","Ġp ales","200 8","ĠCar olina","Ġcam iones","se t","Ġtre m","Ġan ima","ĠI rán","Ġconvers ión","ĠtÃŃp ica","li mp","Ġadqui rido","ĠMexic ana","Ġrum ores","Ġprepar ando","ĠA eropuerto","Ġconf or","Ġetique tas","illera to","Ġgu ÃŃas","Ġsu ici","âĢ¦ âĢĿ","Ġtorm enta","Ġproce dente","Ġal iados","Ġcap itales","Ġl iv","ĠS ky","Ġrep ara","Ġindi gn","Ġpa to","Ġvar iedades","li x","P L","esti ma","Ġem er","Ġdi lig","Ġrefle jo","hor abuena","ĠBur gos","Ġinfraestruc turas","titu tas","Ġ( ...)","Ġh ones","Ġtemp rana","Ġbol so","ÃŃt icos","Ġa zar","Ġrefer entes","Ġmi to","Ġexperim entado","Ġpe at","Ġsosten ibilidad","Ġrelig iosos","Ġperteneci entes","Ġterror istas","ĠCh amp","ĠEspe ci","Ġres um","ci tas","Ġir ri","ĠP unta","Ġpas tor","Ġcr uel","enci ar","P RO","A g","Ġcarb ón","Ġestóma go","Ġcin tur","Ġp ack","Ġor to","r s","it arse","f ra","Ġseman al","ĠP rin","h asta","Ġentr an","T ICA","Ġti p","Ġadv ierte","Ð »","Ġrequis ito","Ġdeclar ar","Ġarm ario","à ¤","Ġcar gas","Ġdese ado","Ġin oxid","Ġestratég ica","Ġra ma","Ġes pu","Ġpres os","Ġdispon emos","Ġcoloc ación","Ġconce j","Ġinteg ran","Ġp df","es is","Ġacog edor","Ġproporcion an","Com p","ĠR ib","r mac","Ġcu mbre","ĠF C","Ġtruc os","quil lo","crib ir","Ġter cio","tu ar","Ġref uer","f ri","Ġu ruguay","Ġi glesias","u den","ĠS é","Ġul timo","Ġab uelo","Ġsos tener","ĠSegu ra","C er","Ġinv itamos","Ġpoder osa","Ġestable ció","Ġfu tura","éc do","Ġsal va","Ġ6 2","Ġdiseñ ador","grá ficos","ĠC AM","me dios","ĠH os","Ġcomunic arse","Ġcam ina","Ġimp ec","t ch","ĠR ies","Ġr on","á logo","Ġpe ga","Ġp ido","ĠB au","cip ación","ĠS un","Ġtelef ónica","Ġlog rando","mos a","em en","ĠUnivers al","6 1","Ġ20 20","Ġles ion","Ġdese en","Ġorden adores","vil le","Ġatrac ción","bur go","Ġcertific ados","Ġsignifica tiva","an ca","ĠA mar","Ġhumil de","Ġsorpren de","E se","Ġexplos ión","Ġp ez","Ġint entos","Ġdest ina","Ġar terial","Ġb oc","ĠC ora","Ġpros per","Ġdiscipl inas","Ġalf omb","Ġfo co","Ġjug ado","Ġpor te","Ġproteg e","Ġc én","t anos","ace te","ĠF inal","Ġpro poner","ion ero","Ġcomer cios","ĠK im","Ġgra v","O O","ĠLiber tad","Ġbusc ador","Ġnorte americano","ĠMunicip alidad","Ġm io","ĠR ÃŃos","ĠB M","Ġll enos","Ġapro bar","ĠHol lywood","ĠAl merÃŃa","Ġencar ga","ĠA ran","Ġconfirm ación","Ġefec tividad","Ġsol v","v idad","Ġfin anzas","Ġesta cionamiento","Ġconduc tas","Ġolvi des","Ġse as","Ġv am","Ġflo ta","ĠP ul","G o","segu ida","b ida","i um","P N","ĠE R","ĠA hÃŃ","Ġfund ada","Ġ( âĢ¦)","Ġagres ión","g adores","Ġmas iva","so bre","Ġdispu ta","Ġazul es","Ġjoy as","Ġemp ecé","m áticas","iv al","ĠA mpl","g ÃŃa","Ġri gu","Ġescal eras","Ġimper io","ĠRo jas","Ġtra yecto","Ġmun diales","c ad","Ġin tra","Ġca os","Ġrecre a","Ġestable cen","ite d","Ġtrans acciones","ĠP IB","Ġcom arca","ĠCON S","Ġdep ósitos","Ġhorm ig","Ġhéro e","ton e","cer es","di stas","Ġfá rmac","ĠEr nes","ÃŃs mo","Ġ0 8","s mo","él gica","Ġin capa","Ġco co","ĠF rases","ĠEst ad","ec os","h ist","Ġen tornos","ID E","Ġiden tifica","Ġ �","Ġjust amente","Ġro jos","Ġcompañ era","Ãģ S","Ġvis ibilidad","Ġbes os","b s","Ġdes com","Ġcal ientes","óg icos","b log","dad ores","ĠTur quÃŃa","ĠC ient","Ġmad rid","Ġsu pl","Ġexplor ación","Ġsab éis","tur b","he im","m amente","ĠR iver","ril los","Ġén fasis","ĠB B","Ġsencil los","ĠN intendo","ĠE MP","di ta","Q UE","Ġenfrent arse","Ġinspec ción","ĠPro ducción","Ġcur s","Ġtri ple","Ġnoso tras","ér icos","te ur","di ar","ĠM U","Ġcontes tar","Ġj ajaj","ĠV in","N i","Ġch al","cion ó","Ġay ude","Ġalm uerzo","ĠP N","D S","Ġcor tas","Ġcam inando","Ġinter nas","v esti","Ġ6 3","ol or","Ġestruc tur","ĠQ U","Ġpolici ales","ĠP AR","T AR","Ġcas tigo","ĠPre vención","Ġempren der","Ġdej aba","ĠPo wer","Ġs ta","Ġinm ers","ĠTo p","d am","Ġtras ero","Ġv il","Ġte orÃŃas","Ġ 000","Ġtom ate","Ġnoti ficación","ĠPor tal","Ġameric ana","Ġri sa","ĠJer usal","Ġhuel la","Ġdi al","Ġestim ul","ó tico","Ġpas ados","Ġmas ajes","ar qu","Ġsuper visión","j ón","Ġcruc e","ĠFo tos","ten a","ĠCan tabria","Ġretras o","Ay er","Ġinoxid able","Ġvendi do","lan os","Ġcon mo","Ġarquitec to","pla y","Ġcla us","fi eld","Ġampl ias","Ġsober anÃŃa","rib e","ĠInterna tional","Ġin da","L es","Ġcomien zos","ĠMil itar","acter ÃŃsticas","Ġminist ros","Ġlin da","Ġv uestras","Ġro bar","Ġmill on","ap as","Ġ ^","ed ora","Ġdo bles","Ġgu apa","Ġdisf ra","Ġde vo","Ġmover se","pen den","Ġarran car","T ienes","Ġtab aco","Ġdest ro","Ġlibre mente","E tiquetas","Ġco ca","Ġcre ÃŃa","Ġcent r","Ġtras torno","ĠJorn ada","Ġpreocupa ciones","Ġbille tes","ĠAr turo","ĠMo delo","Ġaden tro","t ancia","v ÃŃo","res e","Ġcora zones","Ġsuce der","ĠF ord","ĠMes si","ĠM AN","Ġaprue ba","Ġaum entado","ĠPr ensa","Ġdesarroll ada","Ġvig entes","ĠP ho","Ġhorizon te","Ġmobil iario","Ġb esti","ĠCoord in","Ġmus eos","Ġinfl uen","Ġan illo","ĠEst aba","Ġmodal idades","ĠF ebrero","Ġpa gado","ĠB ig","ur t","Ġescrib iendo","Ġrey es","ĠM olina","PA Ãij","Ġrecor dado","Ġto cado","Ġdu plic","Ġingenier o","Ġbar b","tr ad","que o","Ġcumpl iendo","óg icas","trimon ial","Ġab usos","Ġacompañ ados","ĠOb rador","ĠGeneral itat","ier ro","ĠsÃŃn drome","Ġv ientos","ĠPar te","Ġcri p","Ġrealizar án","Ġdemues tran","ĠHar ry","ĠRec om","Ġsug iere","ug h","Ġcol ch","Ġdirec torio","es idad","it aron","ĠG in","Ġacog ida","Ġ199 1","Ġsmartph one","f an","Ġgén eros","ĠSo ftware","ĠN ivel","Ġaisl amiento","ĠSupre ma","f ono","tar o","Ġlic encias","Ġsent ÃŃ","ĠP AN","Ġale manes","e u","a po","Ġpá jar","Ġráp idos","Ġapor tación","Ġs c","Ġsi gan","ac án","Ġdes mon","que te","Ġas amblea","Ġsorpren dió","Ġescas os","ĠvÃŃn culos","Ġconcre tas","Ġsuger encias","Ġprev ios","ĠO F","Ġe f","Ġjapon esa","ĠRich ard","? âĢĿ","Ġdetal lada","Ġmar g","j am","Ġan écdo","g il","ĠMaes tro","Ġinn eces","Ex isten","Ġref irió","Ġdemocr ático","Ġcer e","t ter","Ġalim entar","Ġest il","Ġmen cionados","Ġproven ientes","Ġhorizon tal","Ġat entado","ĠG B","m ante","ĠJu árez","u k","Ġmu ros","Jos é","ĠJ en","Ġher ida","Res pecto","Ġanim e","endi endo","Ġven dedor","Ġcontinú an","Ġmul tina","Ġgratu itos","Ġvar iaciones","V EN","Ġfrances es","ĠR on","Ġb eca","Ġextran jera","Ġconstru ida","Ġlleg aba","Ġexitos a","C asa","U sted","uf ac","Ġmad uras","Ġcolec ciones","min as","Ġrom pe","Ġpi ano","ĠB oy","Ġob vio","Ġpos tre","Ġrec ta","Ġrefug iados","ti cia","Ġarreg lo","Ġára be","Ġimper me","ac ar","Ġfum ar","Ġtrabaj ó","Ġar rib","A p","aa aa","Ġhard ware","Ġinolvid able","RE C","Ġreno var","ist ÃŃa","Ġprotagon ismo","Ġinterpre ta","ĠC lo","Ġab aste","Ġsex to","Ġcre adores","Ġingles a","Ġasum e","er e","ĠCar re","ĠTorn eo","Ġ11 0","tien da","Ġaprob ada","ĠC OL","cho ol","ĠConven io","ta ñas","as is","m áticos","ĠB ienes","Ġvan guardia","ĠC uenca","Ġac oso","Ġescándal o","Ġconf usión","Ġma tric","el ia","Ġsocial istas","an co","ca v","re os","Ġhacer te","Ġmatr ÃŃcula","Ġposib il","Ġb ecas","g ri","ĠTex as","Ġmis iones","d amos","o th","TA M","Ġautomóvil es","ĠSegu ir","ĠSon y","d é","Ġcre cido","ĠAc ceso","pon go","Ġestratég ico","ĠPas cu","un ar","ch an","Ġid ón","ĠP ic","N uestros","ĠB ás","Ġexp l","Ġolvid ado","gu esa","Ġofre cido","Ġdig no","Ġcont ribuye","Ġconcl uye","Ġtem bl","Ġotor gar","un tamientos","un tu","Ġagrade cimiento","ĠJe ho","ólo ga","ab y","Ġproteg ida","ĠMon t","Ġconf idencial","Ġcató lica","Ġaudiovis ual","Ġab arca","Ġmol esta","Ġconsidera mos","Ġacum ulación","Ġal mas","Ġrup tura","Ġm l","ĠF idel","Ġnutri ción","Ġconte x","Ġmanz ana","Ġfran quicia","ĠAl ma","Ġfol lando","en ca","ĠPu ente","ást ica","Ġdispar o","Ġexp lÃŃ","Ġliter aria","Ġencan tó","Ġexist ÃŃa","Ġinm ensa","ĠIn telig","Ġre mar","ĠJuz gado","ĠsÃŃmb olos","Ġviv ÃŃa","Ġcons enso","Ġbas tantes","Ġdej ará","ĠF iesta","m x","Ġaer ol","Ġsindica to","Ġven ce","Ġal as","Ġpers ecución","Ġpopular idad","ĠG R","ĠCon curso","ĠPo co","Ġa tras","Ġconven cido","pi é","Ġverda deros","Ġreun ió","ab ar","Ġcos tas","ĠMar ruecos","Ġ198 0","Ġsól ido","Ġb ac","Ġprom ueve","Ġpre ferencia","Ġpeda g","Ġllam aba","ĠMo da","Ġculp able","âĢĿ ;","Ġsecre taria","Ġcent ÃŃmetros","oo oo","ĠA QU","ĠLi mp","p ri","X X","ĠV ista","IF A","Ġbeb e","ĠU so","Ġhacer nos","Ġatrac tiva","9 2","Ġsal drá","ĠUr ban","ĠCa tedral","im amente","que tas","Ġh aremos","ra to","Ġh s","c y","Ġc ie","Ġavan za","ĠT IC","du re","ĠPal mas","Ġ( «","Ġl áser","ĠJ uego","Ġpl ana","ĠT E","Ġp ad","Ġentr ado","Ġcump la","bi le","Ġconsol id","b ras","Ġdesplaz amiento","Ġdiseñ ados","ĠHon or","Ġinsegu ridad","ĠClÃŃn ica","Ġtu b","la je","Ġles bi","ĠJos e","Ġprostitu ción","on s","Ġcontemporán eo","m us","ĠE TA","Ġsir vió","Ġref iero","Ġasigna tura","Ġex ci","ĠGre en","ier re","v ana","ĠAl var","ICA CIÃĵN","Ġfil tros","S ólo","Ġtom aron","Ġdis p","Ġorden ó","Ġd uer","Ġlu jos","Ġto có","z aba","Ġrell eno","Ġmer ecen","Ġparcial mente","Ġindic ador","ĠB O","TU R","Ġmo tos","ó so","ĠF A","Ġfal tar","Ġhi p","Ġpar es","lan da","Qu iero","ĠCon strucción","ĠPro yectos","st em","Ġ6 7","ĠL leg","pec u","Ġdenomin ación","ĠLea gue","Ġasist ente","Ġl ú","ĠCh e","ĠImp erio","Ġma te","Ġintim idad","Ġquer ÃŃan","ĠTel éf","E sa","ĠW est","Ġele gancia","Ñ ĥ","200 6","Ġcas ual","al ia","Ġve cin","tr á","Ġev olucion","ĠG l","Ġresul te","Ġgl uc","ĠCal der","dez co","Ġch an","Ġrecib iendo","ĠMa terial","ĠT ribu","Ġenfer mo","N unca","i ando","ort h","Ġ Î","Ġcont ribución","Ġsac o","Ġn acer","Ð º","ĠVide os","Ġcump lan","Ġdar nos","Ġh ura","Ġalar ma","Ġemp i","Ġ9 1","Ãģ N","ĠR é","ĠG aran","Ġp enas","Ġbus co","ca te","Ġf ur","Ġsac ado","Ġlec turas","us elas","ver de","Ġequip ado","og én","Ġde grad","Ġayud ado","Ġcer rados","ĠImp uesto","ĠlÃŃqu idos","ĠO rig","Ġma quina","tr ales","Ġajust ar","ĠV ázquez","Ġro to","in k","Ġmin or","Ġenfr entan","ord s","Ġt ÃŃ","ti ga","ĠU V","Ġdistin ción","Ġdel icioso","Ġperm isos","Ġbal oncesto","ci ble","ĠCon serv","em oria","Ġfutbol ista","Ġox ÃŃgeno","z ano","Ġac ú","Ġcrist iano","us ion","Ġsu puesta","�� ��","9 6","ĠCom par","Ġimp uso","Ġro d","Ġsin té","ĠV ÃŃ","ĠPro ce","Ġextra er","Ġases ino","Ġjurisdic ción","Ġcru do","u ter","ĠJo an","ĠDe fin","Ġde ca","or i","ĠCar rera","Ġcolombi anos","we en","is as","Ġsecu encia","Ġest re","ĠI ván","Ġsencil las","Ġcal cular","Ġmul ta","Ġtu torial","ven idos","Ġinform áticos","B a","Ġrecomend ado","den tales","c ación","int ana","Ġinst ancias","Ġaust ral","ĠMul ti","udi a","Ġat ento","Ġdeb ilidad","Ġconsider ados","ĠO ut","Ġtele comunicaciones","Ġsi entes","Ġch arlas","Ġhab rÃŃan","Ġap res","ud al","Ġinc ómo","ĠPro cur","Ġafil iados","ĠM P","Ġpre ju","t ambién","ĠCom entarios","C ES","Ġhor ri","Ġch inos","Ġdiseñ adores","ĠArquitec tura","Ġle al","m il","án icas","Ġprofundi zar","Ġadminist raciones","Ġpal o","ens os","ĠA gro","ĠJav a","or ias","ĠSec tor","Ġsol ares","E Z","ĠMedi terráneo","Ġest abil","ĠM ED","em in","Ġes paña","ĠAgu as","Ġcontro vers","Ġgust aria","Ġorient al","Ġcereb ral","Ġapor tes","itor io","idal go","Ġsól ida","Ġrepu tación","âĢĿ )","Ġcorre dor","dic amente","Ġsens ibles","Ġprev istos","ĠMe tal","l amente","ĠAr ro","ĠInform ática","Ġentren amientos","Ġretir ada","P al","Ġtermin an","uch as","ĠGran des","Ġp ur","Ġagrup ación","Ġide ologÃŃa","Ġtermin e","Ġpin tor","ic anos","Ġan to","ĠE va","TU RA","M u","k en","ĠV at","Ġcel ulares","Ġpreten den","Ġjug ada","Ġar ren","Ġparti das","es c","Ġque den","ĠWhats App","Ġfac turación","Ġ6 1","Ġgri tos","utri ción","cri ta","Ġrespec tivas","Ġfal sas","ĠDec lar","ĠRec on","ĠGu z","ĠPrem ios","âĢĿ :","Ġcomb inado","os ó","Ġdesp leg","form e","ic ada","Ġmen ciona","g aba","ac ÃŃa","Ġlu cir","Ġre af","ĠUnivers itaria","y un","ĠðŁ Ļ","Ġan da","Ġcomp uestos","Ġfac ultades","Ġenf ri","ĠNav arro","Ġsu pre","Ġinter n","ch er","Ġdest inada","Ġasoci adas","Ġocul ta","Ġba terÃŃas","Ġinfl uy","Ġesf or","ÃŃn eas","Ġrevolucion ario","C ap","Ġhermos os","Ġexcl usión","Ġplante l","Ġsub ray","Ġg lor","gan ta","ĠCo lec","Ġadministra tivas","Ġfich ero","ĠMedel lÃŃn","ĠA G","vie do","Ġfotó grafo","Ġocup ado","Ġrecl amo","Ġen com","Ġsegu ida","Ġcap tar","ĠE valuación","ĠSegu ros","Ġme mb","Ġdu des","Ġalim entaria","Ġrepro ducir","ĠS pa","Ġbomb as","n ico","Ġfavor itas","Ġvincul ados","Ġcob ra","Ġpres tamos","Ġpata tas","u tor","Ġacompañ amiento","Ġres piración","ĠGalax y","er ica","Ġpol i","ĠMan ual","Ġenfrent amiento","ĠiP ad","Ġo la","ĠEst adio","Ġincendi os","u ters","Ġreflex iones","tn am","ĠC AL","Ġpr ÃŃncipe","Ġfil a","H O","Ġsalv ación","Ġadministra tivos","ĠMos cú","Ġbar ras","Ġmedal la","Ġcob ro","Ġgen ética","M AS","Ġdi fici","A h","Ġsu yos","â Ħ","Ġpúbl icamente","Ġen cu","ir re","Es pero","Ġjard in","Ġrecon stru","Ġdistingu ir","Ġdefec tos","TIV O","Ġc áp","Ġdej en","Ġdelan tera","ĠC ri","Ġpin tores","ĠJur ÃŃ","Ġta za","Ġdis per","Buen os","ĠA ire","T anto","Ġcambi an","Ġsur gen","ĠEm ilio","Ġid én","Ġpan eles","Ġúlti mamente","ó f","ĠJ ane","Ġmovil ización","Ġdeci dimos","Ġlog ÃŃstica","Ġvenezol ana","Ġbas adas","Ġdescub rió","Ġad mitir","Ġan ón","Ġacab ados","Ġapor taciones","Ġsin tió","Ġpag inas","Ġbar rera","Ġter n","Ġhid rául","Ġses enta","Ġro j","Ġk ilo","Ġsacerdo tes","Ġinici ales","Ġp m","ĠPh il","ĠSue cia","Ġrev esti","Ġcar n","Ġcomp or","Ġpis cinas","Ġind icaciones","Ġtor os","Ġsindic al","us ieron","Ġincor rec","Ġa vi","di dades","ches ter","ris as","mo h","ĠAudi encia","Ġpro xim","Ġinf ierno","ĠH acer","Ġhor ror","Ġprác ticos","Ġofrecer á","Ġdismin uye","Ġco alición","ác tico","ĠEst rel","s ol","Ġle o","Ġne gó","Ġresal tar","ĠS itu","Ġdeci den","ĠCol ón","Ġestrech a","Ġexplic an","Ġrenunci ar","Ġfuncion ando","quier da","Ġdirig idas","Ġm Ãĥ","Ġc emento","Ġgo ogle","Ġurb anos","ĠLin ux","E ra","Ġpr enda","Ġbus que","ĠC F","Ġad s","Ġl ente","Ġceleb rada","Ġestable cida","Ġmeta bol","Ġmejor ado","Ġdedic ar","ĠL lam","Ġr ar","ĠRec or","Ġden tal","ĠB élgica","ĠL ÃŃ","Ġregres a","Ġdist ancias","f lix","ID O","Ġfeder ales","Ġs ensa","Ġmante quilla","Ġpol it","Ġinclus ive","ér g","Re g","ĠRub én","ĠL is","tiz ada","Ġcam isa","Ġdemos tró","Ġcic los","Ġmasco ta","Ġa jo","Ġsatisf echo","ie ta","ĠH ora","Ġbril lantes","Ġm entales","ĠIntegr al","gu iendo","Ġases orÃŃa","Ġfamos as","Ġex ha","Ġán gulo","ĠViv ienda","Ġprop uso","ĠPlan ta","Ġubic ados","TE C","ul ario","Ġinv as","Ġpos tal","Ġcome ter","Ġactu alizado","ĠCam bio","Ġson re","Ġlim itar","ax aca","ĠA h","Ġinv itar","9 7","Ġperci bir","ĠP RES","Ġ9 8","Ġvelo cidades","Ġcumpl ió","Ġcombina ciones","é mon","A pro","Ġdesgas te","ĠR eb","Ġcatal ana","Ġimp one","Ġcer ra","Ġsuav es","ĠAmb iental","Ġintelec tuales","Ġin ú","ĠIN S","ĠD ay","Ġinnov ador","Ġposi tivas","ad y","Ġperman encia","Ġele var","Ġauto buses","Ġproces ador","ĠG reg","Ġej es","Ġexac ta","vi ese","ĠArch ivo","ĠRes ul","hu ana","Ġtrans mite","Ġpro hibición","Ġderi va","ĠMic ro","ĠC ár","l adas","Ġb inarias","l ab","ĠS el","Ġdenunci ar","Ġtien de","Ġdi ó","Ġaplic ado","p ón","ĠAc tividades","Ġdefien de","Ġme tales","ch u","Ġvege tal","Ġapun tó","ĠNi ño","Ġsolici tó","Ġm ort","ol encia","ĠEst eban","en g","Ġdes cal","D on","pa cio","ĠCon fe","z ob","ĠM ill","Ġfin o","ĠI sa","Ġri ego","Ġpas adas","ĠFin anzas","Ġob ses","u ci","ĠG PS","Ġ13 0","Ġmedi oc","Ġapell ido","ĠM I","ĠE co","Ġtri turación","tic s","Ġque ja","Ġjust ificar","Ġleg itim","ÃŃ bl","ĠM O","Ġtri go","Ġabandon ado","iz ante","Ġgar aje","Ġmu rieron","Ġob ispo","w ell","Ġdivi den","Ġentren ar","ĠZ o","Ġcam in","Ġregist ra","Ġpresent ados","Ġbor rar","Ġcontemporán ea","Ġenga ñ","ï »¿","Ġpref iere","ĠT ol","icios os","Ġprepar ada","Ġconsigu en","Ġque jas","t he","ĠJerusal én",", âĢ¦","ĠCo operación","ĠAl ba","Ġenv ÃŃos","Ġp im","Ġenten dimiento","Ġterror ista","Ġcuer da","cer ÃŃa","ĠT ech","bi as","Ġ198 9","fic aces","ĠJ am","b ien","Ġespeci ficaciones","Ġf irmó","ps is","Ġmac ro","Ġl áp","ĠAtlán tico","Ġrecor tes","ĠT ú","Ġle gen","C P","Ġconqu ista","Ġagr ÃŃcolas","ó b","Ġlla ves","Ġ14 0","ĠLib ros","Ġauto p","Ġbur bu","Ġapren diendo","Ġse d","Ġextin ción","gust o","Ġleg almente","Ġinforma cion","Ġadolesc encia","Ġdesigual dad","Ġre embol","Ġmar rón","Ġbar reras","Ġest ir","Ġinteg rante","Ġmol ienda","ra je","Ġacep tado","Ġgener ó","Ġdenunci ó","no w","ma g","ĠF omento","Ġcub iertas","Ġparale lo","Ġimpresion antes","Ġrin cones","cas o","ĠI R","c adores","Ġfinanci ar","Ġdefens or","ie ve","ĠMor e","ĠQu intana","Ġtritur adoras","ĠV all","ue bl","ĠĠĠĠ ĠĠĠĠ","Ġrecon oz","B N","Ġtren es","ĠIn c","Ġgal letas","Ġv ial","aliz amos","b ula","Ġdes cen","Ġhiper tensión","ĠT ig","Ġinform aron","º C","óx ido","Ġser p","ĠCom is","cil ler","con trar","% ).","h el","Ġtraslad ado","ometra je","Ġcompr ador","ci stas","Ġint entan","Ġsal tar","Ġperio d","rig ht","Ġmun dos","ĠsÃŃn tesis","ĠO S","Ġ3 50","ĠGu an","Ġpes ado","c adas","Ġcomerci antes","Ġfalle cimiento","Ġexig encia","ce d","ĠOl iv","Ġdesper di","Ġgan adora","ces is","ĠRe forma","ĠCon ocer","Ġpen ales","st icas","ĠH P","Ġayud arán","Ġencar gados","Ġes par","Ġpersonal idades","Ġob esidad","Ġesp an","Ġfa una","Ġseñal an","ĠSegun do","Ġvisu alizar","ĠV ig","Ġimag ino","Ġconst rucciones","Ġla zos","Ġliter ario","ut s","Ġje je","Ġrefer ido","Ġve la","Ġdes vent","Ġprac tica","iden cia","ĠI B","Ġcontinu ó","Ġla var","Ġper d","Ġtra tó","Ġperu ano","rim ientos","dil la","e to","Ġdeb ÃŃan","Ġdelincu entes","ĠBel las","Ġun en","s car","Ġa ulas","Ġnego ciar","Ġrendi r","Ġagru pa","Ġsinc ron","ĠI MP","Ġba il","Ġtra tarse","ĠA la","ĠEu gen","Ġgubernam entales","ĠXX X","Ġfac turas","Ġfuerte mente","Ġprin cesa","Ġreco lec","Ġlist os","Ġreclam ar","ĠE mb","Ġre e","ĠS mith","ĠP y","Ġc ica","Ġvari ación","b ara","Ġconf ron","Ġoc éano","Ġvis itado","id s","Ġfavor ece","Ġdivis as","n idad","Ġfa cial","ĠBus iness","Ġin esta","Ġre ten","ĠL anto","ĠMon ter","Ġbomb ar","Ġcolum nas","Ġreal icen","n ica","Ġrode an","Ġan ces","Ġreg ener","P ol",", \"","ĠVI H","Ġaconte cimiento","Ġre ÃŃr","Ġelig e","Ġvir tuales","M in","ĠNo che","Ġgri to","Ġc ima","t ha","Ġne ol","ócra ta","ĠUS D","Ġdu ras","Ġhacer la","ĠFil osofÃŃa","ĠSe p","h os","Ġanti ci","ĠJa én","Ġinv ad","id ora","ĠCas i","Ġdis puesta","u ga","Ġelec to","Ġres id","ĠÃį n","Ġautón omos","Ġutiliz amos","t én","rá fico","1 50","Ġactu alizada","Ġsus cep","Ġportu gués","ĠDes cripción","al ta","Ġtien den","Ġir án","ĠI m","uc e","ĠS k","Ġcan ad","ĠCh il","Ġedi tar","200 2","Ġv ice","Ġs tre","Ġfil óso","ĠLic encia","Ġasoci ada","Ġale gra","f eo","Ġdesarroll ados","i bre","dor o","Ġenve jecimiento","ĠT R","ĠPros titutas","ro ga","cion alización","ĠAb ra","ĠEm baj","Ġserv irá","Ġpav im","Ġcre ció","A le","Ġsuces os","a go","Ġfil osó","tu osa","Ġanci anos","Ġyo ga","il y","ĠEspa cio","Ġcomprome tido","Ġlog ran","vers a","eric or","Est ás","Ġpa ñ","Mé xico","Ġresta ble","Ġfundam ento","C R","ĠO este","Ġpa utas","ta ño","Ġperio dos","cion e","Ġqued amos","Ġauto estima","Ġperfec tas","ĠRecuer da","Ġpeti ciones","ĠSa int","ĠP s","EN D","ĠA van","Ġcompr adores","Ġproto col","Ġluch as","Ġmis a","ĠCor pora","Ġcomplic ada","ĠG U","k m","Ġprev istas","E G","Ġempez amos","Ġmagn ÃŃfico","Ġesc orts","Ġempren dimiento","un t","y l","I s","ĠV igo","Ġch a","Ġcomport amientos","Ġbande ja","Ġmuer e","Ġdig na","Ġveh ic","Ġ7 8","ór ica","oro este","Ġ0 4","ĠO fer","Ġdespe dida","Ġhues o","Ġe terna","ĠB et","Ġru bia","Ġto pe","Ġt inta","in idad","Ġdesarroll adores","Ġtecn ológicas","tas e","é ase","Ġcu ader","ĠH am","âĢĶ ,","à ¸","Ġre le","Ġcé le","Ġperson alizar","ĠIde al","ril l","Ġsan idad","Ġ0 7","Ġfortal ecimiento","ĠD C","Ġrecom p","ĠT rin","Ġasegu rarse","ĠPos teriormente","Ġcur r","Ġjuz gar","Ġof f","Ġapropi ado","Ġe ro","ĠAcces orios","Ġdi ab","l erÃŃa","Ġcampes inos","Ġlle guen","Ġl enta","Ġsub venciones","Ġma ta","Ġch ef","Ġf iebre","Ġprote ÃŃna","Ġdepen dencias","uc k","Ġconec ta","Ġprom esas","Ġtex til","Ġdedic ados","ó bal","Ġfrecu entemente","Ser á","U til","ĠJ unto","Ġf ós","Ġtele fonÃŃa","Ġpas ear","Ġsorpren dido","ĠO B","ĠZ amora","Ġbotel las","Ġcol ap","Ġcan san","Ġbon itos","Ġt witter","Ġmulti media","Ġsus cripción","ĠSi mplemente","Ġro cas","Ġcorrec ción","ĠLi teratura","it amente","TI L","ĠBr uselas","Ġtestimon ios","Ġdecir te","Ġindic ando","ĠTar je","C lar","Ġpe gar","Ġcivil ización","uc es","val o","Ġplante ar","g ón","Ġpor tero","Ġsir va","Ġluch ando","ĠFu entes","Ġnorm alidad","Ġtra igo","Ġingenier os","ĠH idalgo","Ġproduc ciones","ti er","ĠCalder ón","bi to","Ġres ide","Ġmostr aron","don de","ĠPe que","Ġjuz gado","Ġ8 4","ĠMo to","Ġconj untamente","Ġliqu idación","ĠDeb e","Ġdeber ás","Ġdesa grad","vers idad","ĠCon cepción","Ġconcur sos","ĠH ome","Ġprecis ó","re am","ĠMargar ita","Ġbicicle tas","Ġmarc ada","Ġcol o","rid ge","Ġcompeti tivo","ĠCE O","om er","Ġdor ado","ĠEstra teg","Ġc iber","Ġecu ator","Ġru idos","ĠA di","cel ente","Ġas fal","p ados","ĠR EC","ĠInterna cionales","Ġin o","Ġ0 2","âĢľ ,","Ġm ina","ĠT ienen","ĠOr tiz","Ġalter aciones","iel os","Ġconces ion","Ġex hibición","ĠPre gun","Ġtar dar","Ġinst ruc","ĠGEN ER","Ġase qu","Ġm s","Ġexha ust","Ġrev és","p rim","g g","Ġvál v","ĠS t","ĠS osten","ĠTo k","\" )","ĠA B","Ġases inado","ÃŃ metro","Ġmencion ó","ĠTri p","Ġcomp ac","Ġcria turas","ĠF IFA","ĠUN A","ĠCon vención","ivers idad","ĠErnes to","Ġus ada","ĠPol ÃŃticas","Ġr ú","EL A","ex ión","Ġf lash","Ġvir tudes","Ġro t","Ġab er","Ġaplic ables","ar ch","om é","ĠAmeric an","ĠMar c","Ġpier den","9 3","fer as","ĠIr landa","Ġampl ios","Ġpref ieren","Ġfabric ado","ĠMár quez","ĠNi ños","Ġagreg ado","Ġv ist","Ġre ga","Ġdesp ro","Ġri d","Ġfantá stica","ĠJard ÃŃn","abell ón","9 4","ĠB ran","Ar t","ad ra","ĠZapa tillas","Ġb uro","or al","ĠXV II","Ġincorpor ado","per tura","ĠCh icas","Ġbols illos","Ġmari huana","Ġform ó","ĠTen ÃŃa","Ġmo tiva","... âĢĿ","Ġcompos itor","Ġdesc endi","Ġnega tivas","ĠEst ación","ĠM ez","Ġa je","Ġreper torio","19 99","ĠCu atro","Ġlevan tó","aj os","Ġotor gado","Ġacus aciones","Ġp ól","Ġol ÃŃmp","Ġbode ga","Ġdedic an","ĠTh omas","Ġileg ales","Ġd aban","Ġbel las","qui tos","Ġinver tido","Ġneum áticos","dad ura","Ġpens ó","Ġrobo ts","Ġadelga zar","Ġinde fin","Ġdi la","Ġrenov ables","Ġc itada","Ġre ta","Ġsex ualidad","Ġliter almente","ác ticas","Ġcur vas","Ġfal los","L le","Ġmoch ila","Ġconcre tos","ĠPal abra","ĠCl iente","F C","FOR MA","ĠHol anda","Ġdescon oce","Ġvie jas","Ġtoler ancia","it án","à Ĥ","Ġen seguida","ĠB ene","es tes","Ġautón oma","Ġval idez","Ġinvoluc rados","ĠtÃŃp icos","Ġexpres idente","ro vi","ĠEcon ómico","lo ween","Ġcomun a","n ie","tec n","ĠLa guna","Ġpubl ico","' '","Ġd ándole","Ġc aba","Ġs tar","Ġoblig ada","Ġju go","Ġcapital ista","ĠJ an","Ġe gip","ĠMonte video","Ġacer camiento","ĠQu ÃŃm","Ġad mite","Ġher ido","Ġrema te","Ġmanifes tado","ĠD NI","Ġparro quia","Ġmolesti as","Ġaé rea","if a","Ġfren ar","ĠX box","Ġconsigu iendo","Ġhos pe","Ġalmacen ar","Ġdesf ile","Ġinst rucción","Ġat letas","Ġinter venir","ĠEs cal","ñ era","Ġar an","Ġpresent ando","ĠPromo ción","aca o","Ġra cional","ĠPer u","Ġab an","Ġemocion ante","Ġdes pi","ĠV II","Ġcrim inales","ĠVat icano","ĠCiudad anos","Ġsome tido","ĠChica go","ad urÃŃa","ĠL abora","Ġprofun das","Ġchil ena","Ġel i","ĠW in","or ra","Ġpre cedentes","ĠMon tes","Ġer rad","ĠC rim","Ġafirm ación","den al","Ġcar di","De bido","Ġaccion istas","Per son","ĠM ec","Ġal a","Ġconven ios","Ġsimb ol","Ġro ta","Ġaso cia","CI OS","Ġsob ra","Ġdar me","Ġ( +","ĠB la","Ġvir gen","ig ra","Ġeleg idos","Qu iz","ci ano","Ġocup an","Ġri gor","Ãij O","Ġhab le","pti on","á ce","d ÃŃas","Ġcorrespon da","Ġtom ada","Ġver án","ĠGuz mán","Ġen te","Ġllam as","Ġmus ica","Ġul tima","ĠO viedo","ista des","Ġespecial idades","Dis fru","ĠJeho vá","Ġdeber es","Ġconside re","gu er","ĠIb ero","Ġco tización","Ġhosp it","Ġder rib","Ġindemn ización","ĠPatri cia","Ġayud ó","AN O","respon s","Ġrodil la","Ġelectrodom ésticos","te lo","TE L","R ed","Ġser lo","Ġamp aro","on ado","Ġcab ezas","cl ip","ĠAl len","U CA","Ġcomo didades","Ġ0 5","Ġinteres adas","do le","Ġcál culos","Ġcamp amento","Ġrecha zar","Ġpe dimos","ĠB ob","bl ación","ENT ES","tic es","m icos","Ġ7 6","f oro","Ġdes vel","Ġesc asa","Ġaplic ando","Ġ9 6","I E","Ġb ala","Ġll enas","Ġsub iendo","Ġhormig ón","tr y","Ġutil ice","Ġsex ta","Ġescal era","Ġcob ran","ĠMir anda","Ġembaj ador","Ġto ur","Ġfab rica","Ġvulner ables","cion an","ĠÃŃn dices","Ġpref iero","Ġplante ado","Ġcer ámica","ĠT ÃŃtulo","Ġmater na","ĠPu ig","ĠhÃŃ b","Ġbor ra","Ġtr ág","fer ente","bo a","Ġb ach","Ġpresiden tes","ĠNego cios","Ġoch enta","am ina","Ġanti oxid","Ġin capacidad","ĠU U","Ġempren dedor","Ġdepen derá","F O","ĠArgent ino","ol vió","cas a","la go","Ġte órico","ĠN u","ĠF ire","Ġcent rado","Ġdeba tes","Ġobserv aciones","ĠTim es","ĠjurÃŃ dicas","Ġe terno","Ġpen ÃŃnsula","ĠhÃŃ gado","Ġasign ación","ĠW all","ĠR in","aster io","Ġconm emor","2 000","Ġe ficaces","cion istas","Ġmedi eval","ĠProfes or","Ġconven cionales","Ġestudi ando","Ġdescon ec","Ġcom andante","Ġconsol idación","Ġexpe dición","ĠU p","ing er","ĠPlata forma","Ġ7 7","Ġcos echa","ĠA so","Ġmales tar","olog ia","ĠV era","Ġclas ificados","à ¬","Ġcomple tas","ĠUsu arios","B LE","ĠProduc to","Ġprim or","ĠCor poración","pi raciones","Ġcar dÃŃa","Ġje jeje","g antes","Ġca ña","Ġdiver tir","ĠAlcal de","ĠCh ia","P M","ĠDemoc r","Ġevi den","Ġdomin ante","Ġcre encia","ĠMich el","ĠLe v","a gro","Ġdifici l","ĠNa cionales","tim amente","ĠTer min","Ġsec os","esti ona","gen os","ES TI","Ġprotec tor","ĠPri va","trá fico","j i","Ġel og","di tos","9 1","ĠN ob","Ġpres unto","Ġestudi a","Ġp ilares","Ġartes an","Ġher ed","Ġfestiv ales","ol lo","m ó","ĠK m","Ġdec ÃŃan","Ġnie ga","di jo","Ġ7 3","A mb","Ġsocial ismo","Ġinde penden","Ġja zz","Ġcari ños","Ġdest inadas","Ġvas os","Ġemi tido","Ġ16 0","Ġtra uma","Ġ( \"","Ġocur ra","ĠInvesti gaciones","ĠGobern ador","ĠC S","ĠUn iverso","fi que","à £","Ġexp uestos","Ġtem áticas","Ġemple a","ĠCrist óbal","Ġgar ganta","Ġsu ceso","Ġpiel es","Ġafir man","Ġpreserv ar","Ġmor e","ac ate","di bu","ĠBuen a","Ġagu jero","P AR","Ġap las","ian zas","Ġbusc aba","Ġconj untos","ĠMar i","Ġproduci endo","Ġcen ar","Ġpermi ti","Ġlec ción","ci no","S h","ies tas","Ġvis uales","Ġrespec ta","Ġestupen da","j adas","Ġfuncion e","Ġmonum ento","Ġras tre","ĠPresu puesto","av ier","pre cio","Ġcar teles","ĠR ad","Ġaument ó","gra de","Ġescu do","Ġmin era","Ġcar tón","Ġcoloc ado","Ġdi am","ĠIma gen","Ġautomo vil","Ġj aja","Ġcercan ÃŃa","ĠJorn adas","ti zó","Ġmanten ga","Ġfal sos","Ġadquier e","res te","tr icos","i é","ier ten","Ġtes oro","ta t","Ġfon tan","Ġdi gan","Ġmezcl ar","ĠDeleg ación","Ġson ora","ĠR ece","as tas","k ar","Ġquer ida","ĠC AS","ĠP aco","ĠPas eo","Ġpuntu ación","ĠLe o","ĠX D","ĠAn g","Ġprovoc ando","Ġartic ulo","Ġa ero","Ġtar ta","ĠL ucÃŃa","OR ES","Ġhistór icas","Ġtriun f","Ġimpor tación","Ġimpec able","Ġrecon strucción","Ġmil ag","ĠEstudi antes","200 3","iz arse","Ġmil las","Ġpel u","Ġenten demos","Ġaprovech amiento","Ġcont entos","om i","ic ados","Ġespal das","ĠAudi o","Ġmad ura","Ġpropa ganda","Ġcient ÃŃficas","gu ero","Ġproduc tiva","Ġsobre pas","Ġsu bido","ĠR AM","Ġest ro","im ental","Ġ zar","Ġus e","Ġb ono","à ¢","é stico","Ġe gres","ic óp","Ġ12 5","Ġpres um","ĠIn ici","Ġangust ia","Ġimpac tos","Ġaé reo","Ġresiden cial","e amiento","Ġestup endo","Ġa ve","ĠI ber","Ġinforma tivo","Ġagricul tores","Ġmagn ÃŃfica","Ġta xi","con tin","Ġorganiz adores","ĠNe ws","ĠS pi","rag ona","Ġpose er","Ġrela tivos","Ġpara ÃŃso","Ġcontinu ará","Ġcuer das","ĠHist órico","Ġobliga toria","Ġprevent iva","Ġquer éis","Ġhal la","Ġcar nes","ĠJal isco","ĠSE G","Ġsens ibil","Ġcuad rado","t witter","Ġhéro es","Ġaplic an","Ġejer ce","ĠTele visión","7 00","Ġbus cado","ĠDes cargar","Ġapete ce","ócra tas","Ġconsider arse","Ġmir adas","Ġcono ces","Ġemple ar","Ġpas aje","Ġprop ósitos","Ġvengan za","Ġl entes","Ġb ul","st icos","Ġinmig ración","Ġvál ido","re d","Ġvay as","Ġcontun dente","Ġfar macia","Ġres tantes","gor it","Ġins ign","u ado","Ġa tar","Ġg estiones","Ġf ér","ĠTama ño","Ġanal istas","ĠJ ord","ĠH ues","Ġcontro la","ĠQuiz á","ĠP ach","les s","Ġtra jes","Ġfu é","Ġe man","ĠCh at","pa tÃŃa","Ġalcal desa","Ġexperim ento","H z","Ġm ero","Ġpre lim","jer ci","Ġmonum entos","is on","Ġhuel las","tel erÃŃa","Ġcre ados","Ġ7 1","Ġdej arlo","tan g","Ġcar gado","T IS","dr os","Ġinspir ado","Ġcompens ación","Es per","Ġprove er","Ġneol iber","Ġatrac ciones","Ġcontam in","Ġco pas","Ġme l","ĠÃģ vila","ĠS ci","ĠV ÃŃa","IN O","Ġcon g","ĠNa turales","Ġval enci","Ġtra jo","Ġpoder osos","ĠC le","ĠC amil","ĠBe ach","ã Ģ","é tera","ĠComun idades","Ġ9 3","Ġmie dos","ĠIn icio","Ġpres iones","Ġescrib o","ĠV idal","Ġman uales","Ġfich eros","Ġvege tación","D ÃŃa","ĠBro wn","ĠindÃŃgen a","Ġpoten ci","gu r","Ġrent able","Ġlevan ta","Ġinsec tos","Ġorg ánica","Ġal iento","tic e","Ġos ci","Ġ; )","Ġrep as","Ġ8 8","Ġofens iva","âĦ ¢","ores te","Ġgran o","Ġdes em","Ġ0 6","Ġloc alizar","er ta","Ġartes anal","Ġcardio vas","bit ro","b on","Ġexter nas","Ġconsecu tivo","Ġutiliz ó","Ġhistor ial","ĠGro up","Ġmáx imos","Ġatravi esa","Ġk it","Ġale gr","D a","Ġrem ol","ob ia","Ġ0 3","? )","V IS","Ġdeber ÃŃamos","ĠV AL","in eros","Ġma triz","ad ro","ĠO axaca","Ġbañ era","ĠJ ar","ĠD é","ĠDic ho","ĠAp p","ĠEn señ","Ġinflam ación","Ġcómo dos","ampl ona","iu da","Ġu p","Ġfi le","Ġtor o","ur so","C AR","Ġrep ite","ĠB ara","Ġcop iar","ĠZ el","di versidad","P ese","Ġayud ando","Ġdependi ente","Ġmentir as","inos a","Ġcas ino","ĠAnd re","ĠDispon ible","ĠMa tem","Ġ8 2","Ġreci bo","iz amos","Ġofrecer le","Ġterremo to","ĠT uc","Ġ7 4","O tros","ĠSol ici","Ġbr oma","ĠRe ad","Ġeleg ida","ester ol","n ea","Ġbara tas","ĠS ir","Ġsal arial","Ġtom amos","Ġalter ación","Ġliber ar","ĠR um","Ġn óm","r encia","Ġcolon ial","Tra baj","rim ido","Ġcu rar","ĠAl icia","Ġarre ba","ĠA re","ĠL ab","Ġestim ular","Ġob reros","ĠCerv antes","ĠRe des","Ġa ir","Ġvent il","Ġcal cula","Ġregal ar","av a","Ġex pone","ri tas","ĠGran d","Ġam as","n is","Ġesf era","h en","ĠC y","R a","Ġpelic ulas","Ġhu ir","ĠPro gram","ril las","Ġay uden","Ġponer le","ĠMus ic","Ġsu cur","Ġmotoci cle","ï ¼","Ġal moh","Ġparticip ante","Ġocur ren","n an","Ġpreocup es","Ġextran jeras","Ġilust raciones","Ġtempor ales","b all","Ġpermitir án","Ġpon ÃŃa","Ġnomb ramiento","i tivos","ĠLu gar","Ġóp tica","Ġintro duce","ĠNet flix","ĠðŁĻ Ĥ","ĠA qu","it enci","Ġignor ancia","E FE","Ġasc ensor","ĠB ase","Ġperu ana","Ġp ala","al os","Ġespu ma","Ġorden ado","Ġch aqueta","Ġor illa","Ġenfr ente","Ġest ip","ĠHo gar","Ġrecuer dan","dir se","Ġen la","IV ERS","Ġamb ul","ĠN ú","man ente","Ġproteg ido","ĠC ala","Ġalmac én","Ġcansan cio","V is","ĠPro f","ĠIN D","Ġespec tro","ĠMa teo","ĠCor rea","ericor dia","ĠBar ran","Ġavan zando","ĠPue den","ir ma","ĠFo x","Ġab ren","Ġnarra tiva","Ġacce de","Ġsatél ite","Ġla tina","ĠCrist iano","ĠJ ordi","Ġprivi legio","Ġdesarrollar á","Ġcabec era","ones a","Ġsu d","ĠF M","ĠE M","bo ard","Ġpu ri","Ġceleb raciones","Ġvol úmenes","ome trÃŃa","Ġimp unidad","Ġinform ático","Ġat entos","ĠF l","cis amente","ĠHo use","Ġun irse","t x","ee k","ĠDes cubre","t ta","Ġdi es","i w","ĠMar ca","g am","Ġan tel","gre gación","Ġdon ación","Ġanterior idad","ĠC án","Ġne vera","Ġn ubl","Ġbenefici arios","T RI","Ġver ificación","Ġman dÃŃ","Ġhábil es","ian ismo","ĠperÃŃo dos","Ġestruc tural","b ablemente","teri ales","a cion","ĠA vis","ĠP V","Ġfa tal","h idra","Ġinten dente","Ġprior idades","Ġsubra yó","âĢĵ ,","Ġproduci da","Ġ198 5","ĠEs pec","Ġglob ales","ĠEl éctr","Ġcos ech","Ġsecund ario","Ġmascul ina","Ġescas ez","terrán ea","Ġvol vieron","Pres s","Ġtom as","Ġexpres ado","Ġer rón","Ġal erg","p ur","ĠInde pendencia","Ġdiv ina","Ġno tific","Ġperpe tu","Ġcircu itos","Ġart ÃŃsticas","Ġsól idos","ĠN orma","á frica","Ġcaracter es","Ġfron ter","Ġdom ingos","él ix","Ġcer rad","ĠOp ciones","v s","Ġfin alizó","Ġad orn","Ġrad iación","Ġpertin entes","ĠR em","un e","Ġfol lar","z aron","Ġar ra","ort ante","gu o","Ġetc étera","Ġtraduc e","P an","er na","Ġvolun taria","orm al","Ġgan ancia","Ġópti mo","g em","Ġ: :","Ġcál ido","Ġan trop","Ġcompar tida","ĠC abil","Ġdiscur sos","ĠTra vel","Ġapos tar","Ġresca tar","Ġsab ia","A F","min ente","Ġre tención","Ġdes es","ĠAnd rea","ĠCo opera","Ġlac tancia","Ġabsor ción","B ol","ri ve","Ġdar ÃŃa","L OS","ĠR i","200 5","Ġ8 6","ĠIn tel","Ġesca pe","ĠMor ena","Ġmol é","Ġth is","Ġbúsque das","ENT OS","âĤ¬ .","Ġaleg ro","Ġinv asión","Ġayudar le","Par ece","Ġextra ños","Ġimp i","Ġjam ón","Ġráp idas","Ġo le","Ġmar x","Ġcens ura","Ġdin ámico","ĠCora zón","Ġcier tamente","Ġhacer me","Ġrodil las","Ġcol esterol","Ġprecios as","Ġmé rito","ech e","ĠYou tube","Ġil im","Ġapun tan","Ġper dieron","Ġoportun o","Ġpresent adas","Ġec ológica","ĠAm igos","Ġllam e","Ġcos tar","ĠCam b","te ado","Ġal titud","Ġencar go","ĠCl ara","Ġcintur ón","Ġfidel idad","Ġleg alidad","Ġaverigu ar","z u","ĠMar y","g ers","ila teral","Ġrespir ar","ĠT r","Ġexcur sión","Ġal tar","Ġorigin almente","S a","ĠAdministra tivo","Ġrepor taje","Ġoscu ros","ve lo","or y","ĠÃĵ scar","ĠSo fÃŃa","ĠL on","Ġse ver","ĠF lo","Ġano che","Ġpresiden ciales","Ġrol lo","Ġdel iciosa","Ġdiput ada","Ġdébil es","ĠPas o","ĠFamil iar","Ġros as","Ġexig en","Ġges tos","b ust","Ġapo der","T RE","Ġdisf raz","cin co","Ġdetal ló","Ġpsic ológico","âĢľ .","ĠV iernes","Ġincapa z","Ġset enta","Ġrecu b","Ġaspir antes","Ġdur ó","Ġmin as","Ġdepen den","Ġpon gan","Ġep ide","ri ga","ĠChar les","Ġg el","tu m","Ġesper anzas","Ġ {","ge la","Ġsencil lamente","Ġacer có","Ġin unda","Ġpe g","ĠJun ior","ib u","Ġquién es","M as","me lo","Ġan gel","Ġam istades","st ro","Ġtitular idad","ĠAlcal á","ĠOcci dente","Ġestim ado","Po demos","Ġpa tri","ĠEn c","ĠAc adém","Ġtermin ales","Ġconqu istar","Ġfil me","Ġcal cio","ĠR O","Ġvincul ación","Ġel enco","Ġmer ca","vi ar","Ġdeci di","Ġcomenz ando","Ġtra c","Ġresal tó","Ġtre men","Ġlegisl adores","Ġor questa","Ġgrues o","Ġgab inete","Ġsal ÃŃa","Ġcuidados amente","Ġsp am","C l","M en","Ġinvi to","ari ana","ĠA un","Ġconec tividad","Ġaliv iar","Ġab o","Ġde pre","Ġmil agro","Ġpu entes","Ġp ilas","ĠP is","Ġeconom ÃŃas","Ġhel icóp","Ġv arones","al i","itu des","ĠSin dica","Ġestamp ado","Ġsepar ados","Ġviol aciones","ĠBre taña","Ġtrabaj adora","Ġab uelos","tos a","Ġac túan","Ġpre car","Ġantel ación","Ġque mar","Ġm uel","Ġdig amos","Ġlim itación","ĠPres s","jemp lo","Ġaca demia","S ta","Ġvari antes","Ġinter rup","Ġb iz","Ġsuspen der","ĠG i","Ġter restre","Ġllan tas","Ġeste mos","ĠIndependi ente","Ġins cripciones","ĠPa ulo","Ġcatal anes","Ġb ord","Ġadap tado","Ġc itar","ĠCam pos","L AS","Ġfabric ar","Ġv ient","Ġcompar timos","Ġbara ta","ĠG ay","ĠA ren","Ġap ps","ĠMar x","Ġnomb rar","ma te","Ġaconse j","Ġpromo cionar","Ġcor t","et ti","Ġfom ento","Ġconsiderable mente","Ġal iado","Ġtorn eos","Ġcau tiv","Ġemerg entes","d rez","énd um","ĠP unto","ĠC orn","Ġest ancias","ĠBar ça","tin al","Ġapro vecha","Ġdom ést","Ġexclus ivos","Ġc igar","Ġpo table","ĠCer ro","gra cias","S L","Ġast ro","Ġpeligros os","Ġdi eci","cie dad","Con tin","ĠP uerta","zz i","Ġbaj ada","ĠMonter rey","ĠI gualmente","ĠDeclar ación","ĠM IN","Ġ\" ¿","Ġcement erio","Ġgan an","Ġcompar tiendo","b ana","Ġcamion eta","Ġg entes","Ġpag ando","Ġsurg ir","Ġn et","Ġvincul ado","Ġ198 8","ĠV ene","Ġf reno","T rans","cop io","ĠS chool","ĠAy uda","lu encia","Ġg am","Ġmanif est","Ġw ifi","ces ión","ĠRo d","Ġrefle jan","Ġme lan","ĠProp iedad","ĠclÃŃn icas","ĠPe pe","Ġpl ug","Ġcom an","ĠDe ja","Ġder rum","a cia","Ġprop ici","Ġdren aje","Ġinquie tudes","Ġneu tr","Ġdig it","blo que","ĠI U","Ġvar ÃŃa","om ar","buen o","Ġsemif inales","ut in","Ġpes etas","Ġ197 0","Ġdist or","com pañ","Ġllev ada","ĠIn forma","Ġescri tora","Ġinn umer","Encuent ra","Ġac ta","Ġmicro ondas","ĠMa gn","del l","Ġmig ración","Ġmadu rez","Ġto x","ri ente","Ġmedi tación","ĠT am","Ġesp es","Ġexitos o","ĠSim ón","Ġlabora torios","Ġo las","Ġven dedores","y er","Ġla va","Ġ9 2","ĠCiudad ana","Ġdese amos","imen ea","Ġsépti mo","? \"","Ġaut ó","g mail","Ġtra emos","Ġpri mo","Ġdefens ores","al do","Ġreci claje","Ġtri p","ĠCor tes","Ġbille te","Ġadminist radores","Ġperju icios","to oth","Ġsol teros","Ġresist ir","ĠB eb","ĠAlb acete","ĠM emoria","ĠIn ten","Ġca tedral","Ġenamor ado","ĠTri turadora","Le y","Ġl lo","Ġconv icción","Ġd ama","D ios","ĠI M","EN TO","ĠT oy","Ġpl uma","ĠPres entación","Ġcomun itaria","Ġqued é","i po","Ġju gos","Ġavan zadas","Ġr ÃŃg","Ġresul taron","Ġdedic ó","ĠEcon ómica","Ġna cidos","Ġtu ya","ĠEvangel io","n ación","IC AS","Ġdist ra","Ġoper an","IC E","Ġ198 6","Ġinstitu cionales","Ġpas tillas","H E","Ġgeográ fica","Ġa ires","ĠT ienda","Ġs om","Ġdemon ios","ĠPar is","Ġsustan cial","ĠAlim entación","T T","Ġvia ja","ĠÃŃn dole","Ġpro li","Ġfal da","TI VA","Ġdi alo","ĠCl in","Ġes quÃŃ","200 4","p ica","c ano","c ran","Ġcampe ona","Ġconsist ente","ti tas","ĠVal ores","Ġescuch ando","Ġcur ric","ĠT in","Ġma tan","ĠPol onia","Ġreal idades","Ġestudi ado","rac ciones","ÃŃ ble","Ġd ados","Ġinfl uencias","ec tor","Ġarm ados","Ġn u","Ġá cidos","Ġo ve","Ġal berg","ĠES PAÃij","Ġmic ró","Ġreno vado","Ġconstru ye","ĠSe a","quil er","Ġseguir án","Ãį S","ĠPat ria","rocar ril","ĠT em","Ġliber tades","R ef","m ada","Ġex port","ĠCo p","lo ad","Ġapar ente","Ġaum entan","Ġvincul adas","Ġconsol idar","Ġcorpora tiva","pe dia","Ġrecep tor","ĠConfe deración","Ġon das","Ġópti ma","Ġdesp ierta","Ġgust ar","tra c","ic he","Ġpodr ÃŃas","Ġacord ado","Prim ero","Ġactiv amente","Ġpro l","Ġrela tivas","dal ena","ól icos","ĠCr édito","Ġprovis ional","ĠAbog ados","Ġtradu cir","ĠD ur","Ġlec ciones","Ġdue le","Ġaci erto","Ġdescar gas","Ġbomb eros","Ġcruc ero","ion e","ĠL ara","Ġra bia","ĠDe partam","Ġdese ar","Ġtom arse","Ġinto ler","fi anza","Ġpublic adas","ĠJo ven","G EN","Ġtra mos","ab ras","ix a","Ġcos tó","TI TU","Ġmencion ada","ĠM ap","ens ible","Ġesencial mente","ĠA ñad","g ara","ur rección","dió s","Ġcusto dia","ñ ada","Ġcre aciones","Ġsol teras","Ġal gorit","ú b","Ġconvoc ado","Ġlej ano","Ġb ÃŃbl","Ġam uebl","ĠLe tras","s olo","Ġpas es","ĠBale ares","Ġconten ida","Ġdivi de","D ec","Ġrecibir án","Ġred onda","ga z","ĠNob el","Ġescon de","i amos","and és","ĠCol ombi","Ġsi entan","Ġsub mar","C S","ĠChrist ian","ĠMé rida","ĠCabil do","Ġus amos","Ġsel va","Ġpelic ula","Ġasesina tos","tán eo","Ġameric anos","T ri","Ġsum ó","Ġcer do","id an","Ġcoinci de","Ġman ufac","Ġlimp ias","Ġrecom ien","Ġacus ación","Me di","Ġcaball ero","Ġ8 7","ĠfÃŃs icamente","ven iles","th an","Ġl on","Ġpa tron","Ġestan dar","Ġmercan cÃŃa","ĠP ese","Ġexces ivo","ĠComun icaciones","Ġro jas","Ġpar rilla","Ġdirec tivo","Ġnorte americana","Ġsupon en","D ónde","Ġval iente","ĠF eb","Ġdes orden","f rad","Ġsupermer cados","Ġreclam ación","Ġgen u","Ex celente","ĠM S","Ġavan zados","Ġcenten ar","ĠN ick","te gra","Ġdesplie gue","Ġad ic","Ġdes ar","at ó","Ġproteg idos","Ġrep ent","Ġtir os","at án","Ġperfec tos","ól icas","h is","Ġromán tica","Ġretra to","ĠY an","ĠE FE","Ġse amos","Ġmanten drá","hua hua","Ġcor ro","Ġaur ic","ru pos","ĠTeléf ono","Ġapoy ado","ĠC ru","Ġval ioso","Ġtur b","Ġmejor amiento","Ġaten diendo","go via","Ġgran os","Ġpre visión","Ġaport ando","Ġcent rar","Ġr icas","Ġal dea","w ar","ĠEsper anza","Ġp ones","Ġcocin as","Ġdiv orcio","Ġcompeti dores","ĠS mart","ul la","os amente","ci erto","Ġestric tamente","Ġreivin dic","Ġsi erra","ĠOlÃŃmp icos","Ġconvirti éndose","Ġvari ados","Ġt acto","am par","Ġra zas","Ġin us","Ġch is","Ġcontra tado","Ġt am","Ġau ge","ĠChia pas",". ;","Ġc ielos","Ġmé dicas","Ġcar is","Ġreempla zar","rol l","Ġan ualmente","Ġdel im","Ġsens ores","ĠIntelig encia","one das","Ġde can","ib a","Ġcompar ti","Ġnarco tráfico","Ġprefer ido","Ġtro zos","Ġaplic ada","ĠP O","Ġso vi","pos a","Ãį N","t ente","Ġfres cos","Ġmuch acho","ill ón","Ġrecomp ensa","Ġmar ino","Ġutiliz arse","OR A","óst icos","Ġaj eno","Ġinconven ientes","ĠC ob","ht ml","u i","Ġmil itantes","Ġe ficientes","ĠUn os","n ab","Ġtrabaj adoras","ĠBel la","Ġcomput adoras","ĠBus car","Ġdivul gación","Ġsu dor","Ġcontrol ado","Ġin ca","Ġtendr ÃŃan","Ġhar é","Ġtable t","s ales","Ġdig es","as i","T res","Ġreduci da","Ġregist rada","ĠPol it","Ġcrist ales","er ry","d ada","ĠEstatu to","Ġtuber ÃŃas","ĠJ ones","ÃŃn guez","Ġ9 7","Ġcam bie","ĠEmp ren","ĠL y","ĠG am","al go","Ġla van","Ġec ológico","Ġtranspor tar","lic e","ĠIl ust","Ġrel ieve","la ve","Ġ198 7","ĠChamp ions","ambi os","ĠO x","ens as","Ġdese quilib","if t","Ġab domin","Ġañad imos","ĠF O","Ġgu iar","Ġmas ivo","ĠT O","Ġmor ales","me t","el ar","Ġ197 6","Ġl ana","ĠP rado","Ġrad ica","Ġdesen caden","Ġdesh acer","ĠRo ca","Ġorient ado","ell er","ten cias","Ġob tienen","ĠO limp","Ġllev arlo","iv ir","Algun as","Ġafec to","ĠV esti","Ġdeber ÃŃas","Ġatro pel","Ġsc orts","al th","Ġelim inado","Ġrecip iente","Ġtermin o","ĠIn fo","Ġprofesion alidad","Ġespeci alizadas","Ġelabor ados","Ġexplo tar","Ġj es","Ġjugue te","ĠCom pr","Ġsignifica tivamente","Ġdi etas","ĠâĢľ ¡","Ġplan ificar","Ġpeligros a","Ġbatal las","ĠAdminist raciones","ul an","Ġra tón","Ġcomun itario","Ġpregun tado","... \"","Ġvari ada","Ġindic ada","Ġfundam entos","Ġcomp u","Ġcin tas","Ġcaus ó","Ġ7 9","Ġespeci alización","Ġsá bados","Ġo ÃŃdos","Ġley endas","Ġconta bilidad","Ġimpres ora","Ġencar cel","Ġmil ÃŃmetros","Ġres oluciones","Ġconec tados","ĠPriva cidad","ramient as","Ġpin cel","Ġesc and","at an","Ġexcur siones","Ġtrans port","Ġproce dencia","Ġprodu zca","Ġdedic adas","Ġcoinci den","ĠF ri","Ġrobo t","ĠHuman idad","Ġvis ibles","Ġregist raron","édi tos","Ġconmem ora","Ġme tido","Ġhaber lo","ĠP ad","Ġju icios","gu iente","Ġg all","Ġdesactiv ados","F ac","Ġremo to","Ġpres a","Ġperson alizados","ĠE fec","Ad visor","n s","Ġimp rim","qu ir","Ġrecib idos","Ġcas ero","ti tos","ĠS ob","ent ando","do c","ĠF IN","Ġves tuario","Ġprofesor ado","americ anas","V e","Ġt ÃŃa","Ġinnov adoras","Ġmaravil las","Ġrad icales","Ġresuel to","ps ia","Ġgubernam ental","oc al","Ġ8 9","ĠBM W","I TA","Ġten siones","Ġnov enta","Ġcomple jas","ĠZapa tero","Ġpes a","art én","Ġacostumb rados","Ġneces ites","or ros","Ġprov echo","ĠTer cera","eno v","Ġañad iendo","Ġdomin ar","Ġrecu pera","ĠE ric","ĠE usk","Ġri sas","Ġimpar tir","ada jo","pan y","Ġin und","Ġsem illa","ĠTecn ologÃŃas","Ġacus ados","Ġc ueva","a hora","Ġsu til","co pia","ĠdiscÃŃp ulos","M er","ĠGobern ación","Ġcompr é","am en","Ġsuper ó","Ġinnov adora","ĠProfes ionales","Ġde tuvo","ban as","Ġgo tas","io terapia","ij ón","Ġar e","s ab","Ġ¡ ¡","Ġposi cion","itor al","Ġsangu ÃŃn","Ġvulner abilidad","Ġ8 3","Ġacompañ an","Ġdi era","Ġtrans vers","Ġsepar ar","a h","Ġre car","uer as","Ġtab lero","aj ada","Ġdenunci ado","Ġliber al","ĠCons ulta","ja te","Ġsum ado","Ġdeba tir","g encia","Ġrec tor","Ġmi tos","ĠLeon ardo","Ġdetal lado","uc ción","Ġmin ister","H ist","Ġhier bas","Ġinnumer ables","L leg","Ġp ra","cent r","Ġlle gué","Ġvol viendo","fer os","ĠFab ric","Ġalco h","Ġcancel ar","Ġap to","Ġ !!","ĠA é","Ġe cha","Ġ8 1","Ġaf ro","Ġemb arca","Ġaf án","Ġdes b","ĠVal or","A Y","ĠAQU Ãį","ĠA didas","Ġw hats","cios os","éspe d","d éis","Ġà ĥ","Ġleer lo","Ġentre gas","Ġtraslad ar","Ġmercan til","Ġmuñ eca","tiemp o","Ġri tual","Ġalquil ar","ĠQu ien","Ġabst rac","N ueva","ĠLe gal","Ġhel ado","ĠIra k","s ecre","Ġ198 2","ĠMe didas","Ġfal l","Ġreun irse","ĠEsper amos","ĠEst u","Ġfutbol istas","st ar","per ci","Ġenvi ados","Ġvisit ó","Ġrepar tir","Ġanim ados","Ġp y","Ġrit mos","ĠPon te","Ġsuf riendo","Ġsol as","Ġve cina","Ġfib ras","ĠBen ito","Ġr usos","ĠAl bert","rig or","Ġexten so","Ġen m","ĠP ir","ĠDo wn","m undo","ĠP L","ĠRé gimen","Ġs artén","ĠAust ria","Ġlici tación","ĠIgual dad","ac al","ĠK irchner","Ġbaj ó","Ġpres tado","Ġam ado","ue ta","uer tas","Ġreivin dica","Ġcuch illo","ĠSe de","Ġtrop ical","ĠRE G","Ġlo te","ándo las","Ġnar ración","de rismo","Ġv ÃŃs","ĠSte ph","te xto","Ġvál ida","Ġesp ir","Ġdu dar","ĠAgu ilar","in go","Ġsac udi","Ġcans ado","di e","ĠTra tado","qui al","IC OS","Ġorden ar","is pos","Ġautón omo","Ġmág ica","Ġadop tado","Ġtrabaj aba","ĠT y","Ġproduc tora","Ġvient re","Ġcom ando","Ġpot entes","ar to","AD R","ul osa","Ġirregular idades","Ġsu bl","p us","Ġne o","Ġponer te","Ġfrac ción","ient ales","Ġra tific","Ġso is","Ġfi jado","Ġahor ros","ĠS EC","Ġhab rán","Ġdesp ido","if ique","adajo z","TM L","Ġsan tos","Ãĥ º","ĠCal i","Ġaran cel","Ġfascin ante","Ġsemin ario","lo t","ba te","Ġsol dado","ĠWi Fi","ĠDol ores","Ġromán tico","de f","Ġcompar tió","Ġbo te","Ġdemos tración","Ġimpres iones","ĠJust o","ĠF élix","Ġespiritu ales","ar é","Ġsur tido","Ġesc ar","Ġaf ortun","p las","on ales","Ġcompati bles","Ġcómo das","Ġinoc ente","H an","mall era","Ġejecu tivos","ĠC AP","Ġregres ó","ĠPl eno","ĠX III","ri as","Ġcicl ismo","Ġ ~","Ġpec ados","D ES","ras e","Ġpo zo","Ġrefer éndum","Ġan at","dal ias","fic ado","Ġcere ales","ĠN E","Ġaj ena","g ros","Ġgran ito","Ġcombust ibles","Ġensal ada","i Ãĥ","Ġgratu itas","Ġapre cia","ade cu","Ġac ent","Ġcab ina","Ġllam amos","Ġplan cha","Ġmir ó","ÃŃ qu","Ġvar ÃŃan","ĠGol d","Ġus arlo","o jo","Ġestad ÃŃstica","Ġfigu ran","v it","Ġrelaj ación","ĠMetro politana","Ġfre e","ec emos","ĠRe un","Ġequ ivo","Ġconoz ca","Ġperf um","Ġven go","ĠK at","ti ficaciones","ĠTer ra","Ġlo bo","ĠQu ito","Ġapoy os","ĠUR L","ĠBo letÃŃn","Ġentien den","ach ing","ĠE C","Ġfil ial","Ġrom ano","f ÃŃn","tra ciones","J es","Ġsin te","Ġtan que","Ġpes ada","ĠCoord inación","Ġmul tic","Ġhabil itado","Ġentr ando","Ġdispar os","Ġevidente mente","P OS","U B","M T","Ġ1 01","ĠT ienes","Ġdi j","Ġasi ático","in ero","Bar celona","dente mente","Ġfal tas","ĠC AN","Ġcompet entes","Ġ197 8","ue ces","Ġmane ja","z amos","Ġexcep ciones","Ġb recha","Ġfan áticos","mer ce","Ġestu vimos","ic ket","ĠArm adas","p eso","Ġpro hÃŃ","Ġpris a","Ġgeo grafÃŃa","Ġaceler ar","B ajo","Ġnaveg ando","ĠNú ñez","Ġconsum e","ĠCá ceres","un ning","Ġlament ablemente","ĠTrip Advisor","Ġinter f","Ġinst ala","Ġincons ciente","ĠCo lección","du zca","Ġale jado","j ect","Ġin hib","Ġabrir á","Ġlib ras","Ġay untamientos","ĠWord Press","Ġinyec ción","Ġca en","Ġacces os","Ġexces iva","Ġllam ando","ĠM AS","Ġmortal idad","ĠSo le","?? ??","Ġrefer irse","res tres","Ġcomp re","Ġvuel vo","cu ito","S M","Ġal ianzas","mi ra","Ġrecaud ación","Ġ9 4","ĠP ep","Ġdi e","Ġman gas","dr en","Ġse pan","Ġar mar","Ġaguan tar","Ġvac un","Ġmort ales","ul ador","Ġg alax","Ġpropon emos","Ġjuris p","Ġestruc turales","Ġreal ista","Ġmá ster","ĠAlcal dÃŃa","ĠLegisla tivo","Ġé tn","Ġlu b","ĠCla udio","te dra","po ol","Ġce der","ĠP amplona","Ġofre cidos","Ġfal las","Ø §","Ġexperim entos","Ġtran sex","di g","Ġex acto","Ġinfin ito","Ġhipo tec","ta te","Ġpat ente","ĠEx terior","Ġpasa porte","Ġpsic ológica","Ġreco lección","Ġprevis iones","Ġac lara","J a","s ÃŃ","ér min","m icas","Ġacep tan","Ġch imenea","Ġdistribu ir","ĠPre mi","us se","Ġmar ina","Ġadmi ración","ul lo","Ġma tices","Ġperman entes","ie la","Ġinvis ible","tr aron","Ġinser ción","Ġdel icado","Ġeleg antes","Ġt ru","Ġre an","ĠMan chester","ĠAn des","ĠD or","Quer emos","Ġsome tidos","Ġcomun ión","mon t","Ġacces ibles","Ġv elas","Ġpar adas","u idos","Ġapun tar","Ġna ves","ĠDon de","Ġc ÃŃ","aco a","ĠY uc","Ġecos istema","Ġca ÃŃdas","ĠDe ci","ver dad","e ños","Ġtor tura","Ġun ico","Ġtum ba","ĠCla udia","Ġchil enos","ĠPro ceso","Ġgen io","Ġalber ga","Ġcal do","ĠF iestas","rar i","Ġimplic ados","g ement","us co","ĠHal loween","Ġcru cial","aliz as","Ġbrasile ña","Ġ198 4","Ġin como","ĠMana ger","s iempre","Ġt óp","ológ icamente","Ġsmartph ones","Ġinconven iente","Ġpin tado","ĠEduca tiva","Ġdibu jar","ec erÃŃa","Ġtener lo","Ġparticipa ciones","onal do","qui én","Ġme tá","ĠDa ta","Ġtelevis or","Ġconoc ÃŃ","Ġembara zadas","Ġtap as","Ġcandida ta","Ġprofun dos","Ġdific ul","Ġacog e","Ġhom icidio","Ġartifici ales","Ġhorri ble","Ġrecog ido","ĠP ino","Ġrecib ida","Ġdisfru tado","Ġcar ece","Ġro daje","ĠV ER","Ġaloj amientos","oc ación","Ġsupermer cado","i h","ent ada","Ġaban ico","r ome","Ġprogra mar","Ġrecon cil","Ġinmobil iario","Ġmás cara","Ġconvier ta","Ġex tras","Ġvac una","Ġaproxim ada","ien a","j arse","Ġabsur do","AR IA","ĠS ra","Ġpas eos","Ġtruc o","ĠA hor","Ġimpuls ado","Ġllev aban","Ġrepresent ado","Ġvideoj uego","Ġtram itación","p m","Ġbu que","ã o","ren da","in amente","Ġimpor taciones","Ca teg","Ġimag ina","Ġos t","ĠSo to","Ġnoctur na","Ġresist entes","Ġdefin en","alu pe","Ġdesconoci dos","ĠBa hÃŃa","Ġrellen ar","ĠMin i","Ġda ñar","Ġante mano","Ġvas co","x eles","Ġaprovech ó","Ġacces ibilidad","Ġes mal","A ún","c ador","Ġp ig","ud or","Ġester eo","Ġmis eria","ĠSem inario","Ġsent arse","ĠObserv atorio","ĠU d","M is","j aba","ĠBan da","Ġver sos","Ġcaptur ar","si der","ú o","ĠO C","Ġp ru","Ġoscu ras","ĠA k","ter ias","ĠGer ardo","- )","Ġvo tantes","ĠSER VI","ĠInstitu ción","Ġclan dest","Ġdisc usiones","ĠUl tra","ĠC abe","Ġconfi able","Ġrelaj arse","Ġg ent","Ġp c","Ġcontribuy en","tique tado","uy a","Ġpor ción","is és","Ġcu ente","ĠS IN","Ġdestac ando","OL U","Ġsal ones","ich os","V ER","ĠVe gas","ĠS ust","Ġcóm ic","Ġe mite","Ġadh es","Ġdes ech","cas t","Ġacum ula","Ġinci dentes","Ġch ip","Ġpreocup ado","Ġ' '","Ġpas illo","ĠSig lo","Ġrepara ciones","Ġdesa perci","ĠS he","Ġhallaz go","Ġto tales","ĠLin k","Ġnatur almente","Ġacep tó","u tos","ĠLu go","Ġcir uj","ros os","ĠDom ÃŃnguez","Ġinterac tuar","Ġjugar á","fici al","Ġconcej ales","Ġvin ilo","Ġemo cionales","Ġasal to","Ġre util","ĠE leg","ĠSus ana","Ġpo etas","Ġcor ren","Ġsuel ta","Ġterra zas","l ac","Ġestá is","Ġca tas","Ġconstru yendo","Ġfich as","Ġcal ificado","ĠSud áfrica","Ġmusul manes","Ġcan ciller","Ġres on","ĠX II","Ġm ueble","Ġinmobil iaria","erop uertos","iz antes","ĠContac tos","S AN","Ġpromo cional","Ġcontra ctu","ol f","Ġjef a","Ġfun cionales","Ġfl ora","Ġcláus ula","Ġop uesto","Ġcoord inar","k g","Ġcar ros","Ġimpres o","Ġfármac os","ER C","tien den","Ġprotocol os","era ciones","Ġnoti ficaciones","ĠEn ter","Ġven drá","ĠAl co","Ġv ina","Ġab a","Ġan cha","Ġdese ando","ĠAm éricas","Ġre h","Ġhábi to","Ġadelga zamiento","t rio","ĠH ill","oc as","Ġcar tu","AR D","Ġpod ria","ĠStor e","ĠD al","tal gia","pe tas","Ġpier da","Ġdisfru tan","Ġceleb ran","Ġtu tela","Ġaliv io","Ġmec ánico","ĠLa go","irá mi","[ ...]","Ġsec uestro","Ġjoy a","Ġven ció","Ġor ejas","ha i","Ġapar ecido","Ġhamb ur","Ġsu icidio","Ġ ).","Ġpes tañas","ĠAs i","Ġbor des","Des cubre","Ġenvi dia","Ġrelig iones",": :","ab ric","Ġcomun ista","Ġres idente","Clar o","Ġagres iones","ing ue","Ġenc endido","Ġmencion adas","Ġemer gencias","la y","Ġllev as","Ġc una","ĠMol ino","Ġpos turas","mos o","Ġadelan tó","cil lo","Ġpantal ón","ĠJack son","ĠA segu","Ġevi dencias","Ġmaltra to","Ġtra zado","cion arios","Ġorden amiento","Ġbancar ias","Ġagrade ció","Ġfis i","ĠPr ÃŃncipe","no va","Ġaf ueras","Ġol la","Ġab riendo","ĠVir gin","Ġpres encial","er idad","om an","ĠT ec","Ġinfin idad","ram ientos","Ġru inas","Ġconvir tiendo","Ġma xim","ĠT ran","Ġprev ias","Ġgo zar","Ġter mo","Ġlesbi anas","Ġreserv ado","Ġformul arios","Ġta x","Ġgre mio","v ero","ig en","t ana","Ġinnov adores","Ġh erv","ĠH as","Ġconoci endo","Ġsu ite","Ġmús culo","Ġf ic","Ġjub ilación","Ġamar illa","Ġimprescindi bles","ĠCh o","ĠDel gado","Ġproduc tivos","ĠBel én","ĠLabor al","Ġvia jero","ĠDirec tora","Ġe cho","b ella","Ġaman ecer","Ġcampe ones","Ġmues tre","Ġar bol","Ġsosp echa","9 00","Ġper on","Ġdiv ino","Ġp h","Ġag il","M X","Ġavent ur","ĠES O","ĠB ir","Ġvari adas","org es","can es","Ġestar ÃŃan","Ġángel es","Ġtea tral","Ġlámp ara","Ġex cav","Ġca ta","Ġprim arias","ram ento","n é","Ġrecop ilación","ĠF UN","! )","ä ¸","P V","Ġel ite","H ome","qu ias","Ġpien sas","Ġco h","ĠWar s","Ġfórm ulas","Ġlar g","ĠES T","ĠZ e","ĠRo o","Ġast uri","p ic","Ġpreju icios","Ġapoy an","Ġtit ulada","in ea","Ġgob ier","Ġve as","Ġic onos","Ġdis capa","ĠPer e","Ġplante amiento","Ġcau te","Ġedi l","ĠM óvil","Ġb ack","ĠAy er","Ġcol gar","Ġextra ñ","ĠHen ry","Ġpre ma","Ġexig ente","vo ces","Ġmonstru o","Ġpos ter","Ġesta tus","k el","iz aron","Ġcalent amiento","Ġcolon ias","ĠÃŃn tegra","Ġabor da","Ġan exo","ĠVie tnam","ie w","se gún","D er","ár qu","Ġcria tura","Ġcom icios","ĠOb ra","ti ro","F orm","Ġv ano","Ġref uerzo","Ġso ñar","Ġurban as","Ġfrag mentos","ĠA V","Ġtu bos","Ġescla vos","ud ÃŃ","Ġdesign ado","dil lo","ĠMen or","Ġobserv ado","Ġdirig irse","Ġagra dezco","ĠGén ero","Ġama teur","ĠK an","bl as","ĠVer ano","ĠEst able","Ġpel i","Ġfun er","ĠResta u","Ġex al","Ġval ent","Ġsur f","Ġqu im","Ġreduci endo","Ġkiló metro","Ġrep lic","Ġru bro","ĠSho w","ĠP un","ÃŃ sta","Ġrecor re","Ġcompro bado","Ġdiver tidos","Ġdivi dir","ĠEsc rib","Ġmas ac","Ġsu pe","Ġcub iertos","B R","Ġperman ecen","ĠMis s","AN TE","Ġ ]","g able","ĠE mer","ĠMé dico","Ġp ánico","ma y","ĠPa ula","aliz ador","ĠCon oce","ĠÃįn dice","Ġintérpre te","Ġme d","Ġrepor ta","Ġmodific ado","Des arrol","Ġafirm ado","ĠAutor idad","ĠSer rano","Ġt v","Ġexpecta tiva","Ġexac titud","Ġemp eño","ĠB itcoin","Ġapro x","ĠJ U","Ġdeleg ados","Ġedi tado","Ġmater nidad","Ġcomprome tidos","Ġtra ÃŃdo","Ġparticip ando","Ġus adas","ĠjurÃŃ dicos","ĠL U","Ġhura cán","Ġrecon ocen","Ġartic ulación","duc to","ĠCastel lón","Ġpl om","ĠP ien","ÃŃ l","ab al","Ġro les","Ġmira ba","Ġg in","Ġso ja","Ġcor rea","Ġ( ¿","Ġin do","ri ba","ĠUn ited","ĠEmpres arial","ĠVia jes","pir os","Ġtom adas","Ġmas car","A G","ĠRa cing","j illo","ĠH it","Ġretro ce","Ġ ´","Ġtrans acción","Est udi","Ġmuer ta","ru ro","Ġv ér","Ġital ianos","Ġref ieren","ĠMin istros","Ġinter ven","Ġderro tar","ĠAs istencia","Ġperson alizadas","tan to","Ġsil ic","Ġment alidad","Ġconseguir lo","abor ación","Ġpodr éis","Ġmedi cin","Ġad misión","Ġplan etas","C arlos","Ġasist ieron","Ġcanad iense","ĠA rena","Ġlle ven","Ġgra baciones","ĠVie jo","Ġdiseñ adas","Ġdes crito","Ġmanio bra","N E","r adoras","cil ia","ĠLo ve","а Ð","enci ada","ĠB rig","Ġlegisl ador","ĠV III","Ġalm end","Ġhumil dad","Ġcre mas","Ġmetabol ismo","Ġsignifica tivos","ĠJ uez","Ġcató licos","ES CO","Ġinstal ada","Ġarrep ent","cul tural","Ġpues tas","Ġalu cin","Ġescul tura","ĠSocial ista","h oy","qu in","Ġacum ulado","Ġase ver","Ġár bitro","ĠHues ca","Ġases ores","fici encias","Ġm ueven","anim idad","me jor","Ġaer ona","Ġinteres ada","ĠPie dra","ĠSec undaria","Ġautón omas","Ġconfor table","Ġ198 3","ĠPe tro","Ġequivoc ado","Ġbiblio tecas","Ġcuad ras","Ġel abora","Ġorient ada","Ġsent encias","ir ÃŃa","El la","Ġtrav es","dor as","Ġpresent aba","Ġrode ada","Ġam en","Ġvol cán","ĠIn t","ĠExcel ente","Ġso portes","iz e","\", \"","ĠTra tamiento","ĠJul ián","Ġescon der","Ġcontrar ia","Ġin minente","Ġrom ana","órm ula","ta bilidad","Ġenc aj","Ġproduci dos","Ġwhats app","Ġcr ónicas","ĠLiber tadores","ĠWh ite","ĠCol onia","ĠCo leg","ĠCa fé","ĠV oy","Me jor","ĠConse jos","Ġapar ezca","Ġadelan tado","tiz ados","Ġrom anos","ĠEsc olar","Ġd rá","Ġlo cos","Ġpron óstico","ĠTele fónica","Ġrespon den","quis itos","Ġ197 3","Ġconcre tar","ĠMag dalena","Ġarru gas","en ario","Ġprogram ado","Ġforma ciones","ĠGol f","Ġfund ó","Ġto ques","Ġmanip ular","Ġsab ÃŃan","Ġdest ruc","ĠCab o","Ġre portes","ĠNo ta","Ġfi jos","ĠComp ra","Ġtra en","Ġpobl ado","Ġsuper ación","Ġg luten","ĠT U","Ġh ilos","A pren","ĠPúbl icos","ĠMar vel","tu almente","Ġrequer ido","cios as","Ġinf racción","ĠArm ada","Ġt ÃŃm","ĠO pin","ent ó","ig er","Ġs ó","Ġtra i","Ġexp ulsión","Ġs pa","Ġinquie tud","R ep","ĠConce jo","n io","Ġenc ues","Ġaclar ó","Ġv itales","Ġcap illa","um an","ĠMar te","Ġincon di","Ġmone taria","ill on","Ġemi tió","reg ó","g ina","Ġtor res","ER N","aliz arse","Ġfin alizado","Ġdin ámicas","Ġinter medio","direc tor","ĠS oria","el éctr","ĠAdo lfo","Ex per","énd onos","Ġcredi bilidad","Ġedi toriales","ĠmÃŃn imas","Ġs ales","ĠA BC","Ġprimor dial","pec ción","Ġafi cionado","iden tes","Ġurban ización","Ġmir as","or s","Ġplást icos","Ġma ñ","ĠMon um","ĠMer can","Ġemp erador","ĠNatural eza","Ġhisp ano","âĢĶ .","Ġfuncional idades","ĠGuar di","ĠL ac","Ġacab e","ĠR onaldo","ĠE P","Ġsigu ieron","ĠH il","Ġlimp i","ĠTe am","cion adas","Ġmo le","Ġal ba","Ġch anc","Ġinm enso","Ġch ic","da f","Ġsuje ta","Ġfer rovi","Ġ oraciones","ĠAl f","ĠB las","Ġreci ba","ol l","Ġabund ancia","as ÃŃ","g ulos","ho o","Ġb ull","Ġdemos trando","Ġvisu alización","Ġdipl oma","Ġdoc tora","n ada","Ġcont enta","ást ima","ol d","ĠBen jam","Ġban deras","Ġ19 60","Ġprovin ciales","Ġdes crip","ĠC av","Q L","Ġacep table","h s","ĠCaball ero","Ġdura bilidad","Ġlatino americanos","ĠD ro","Ġsimul táneamente","Ġre ad","Ġél ite","Ġh emor","Ġinv entario","ĠB ell","Ġpas en","Ġco pi","ĠAu xil","ist es","ĠElectrón ica","Ġcomp acto","Ġuruguay o","M AN","olog y","Ġasegu ro","Ġderi vado","Ġb ando","Ġtex turas","Ġdivi dido","u o","x s","f ran","Ġrepresenta ciones","Ġprotagon izada","ĠPas tor","g ente","m ones","ĠU C","Ġmensaj erÃŃa","Ġorgullos o","Ġtr ono","Ġb eta","Ġderiv adas","Ġclás icas","l us","Ġmanifest antes","Ġy endo","Se ñ","ĠMov istar","Ġc ésped","ĠT ay","Ġgen es","Ġreac cionar","Ġdej arse","Ġimpos ición","ĠVir tual","es tá","poner se","ĠL G","e ado","ĠclÃŃn icos","Ġsinies tro","ĠEMP RES","s ub","Ġpi dieron","Ġdiver tidas","ĠG es","D AD","ĠD OC","Ġm acho","ĠAut om","Ġapar tados","ĠðŁĺ ī","Ġtra cción","is imo","Ġpre fi","s ica","Ñ ı","Ġprovoc an","ilan dia","Ġco le","Ġhom olog","Ġcaracter ÃŃstico","Ġdemas iada","Ġdi lu","Ġhin ca","Ġenc ender","ĠMil án","Ġrecl ama","Ġcoopera tivas","Ġinunda ciones","c rim","man os","Ġconven iencia","ĠC es","ur ada","m ios","Ġfi able","Ġindis cu","M or","Ġautor izados","Ġubic adas","Ġregular mente","P G","és imo","no che","Ġper cep","ĠWilliam s","Ġpas ajes","Ġplan tillas","ĠGuad alupe","c ante","Ġadi v","ĠProcur adurÃŃa","Ġsindic ales","Ġest úp","Ġrequer ida","go gÃŃa","ĠB all","Ġorganiz ados","Ġelev ados","Ġpim ienta","mo vil","ĠBra vo","Ġex pos","ĠUnivers idades","Ġman dó","Ġp echos","ĠEx press","Ġparad igma","Ġllev arán","Ġasign ado","Ġtre ce","Ġcomp res","Ġcaracter izan","ĠM UN","Ġeconóm icamente","qu im","ĠB ul","iden ta","Ġprob abilidades","ĠIS BN","ĠTar ragona","Ġto cando","Ġinme jor","Ġsu l","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","Ġluminos idad","Ġrec tificación","Ġrecha zó","ion era","Ġá gil","Ġesca pada","Ġper ca","ĠMan tenimiento","Ġrespons abil","In formación","Ġgran ja","Ġconten edores","par able","ám icos","201 9","Ġcompeti tiva","Ġa tes","Ġanim ado","ĠTécn icas","ĠSer ies","ĠSe govia","Ġdi ablo","Ġexig entes","Ġdesign ación","Ġviol enta","ĠSecre taria","Ġru b","j ala","= \"","ĠCh ris","Ġreconoci das","Ġrequier a","Ġsuple mento","r ÃŃas","Ġre estruc","Ġser ios","ĠCons ide","Ġvendi dos","ĠDef ens","Ġingles es","Ġest all","Ġfacil idades","Ġf ec","Ġestren ar","Ġab dom","Ġdesapar ece","Ġdesn udo","ĠWal ter","Ġexp lico","Ġexp uso","ĠG ram","y es","Ġacostumb rado","ĠMon e","Ġenv ÃŃan","Ġtro zo","ĠN er","Ġtom en","Ġiden ti","ár selo","m ne","Ġperman entemente","ĠT oro","ĠRe almente","ho t","Ġp ana","ĠM ónica","ci en","Ġcorpor ación","Ġsa grado","Ġpele ar","Ġc ese","Ġreclam aciones","Ġcotidi ano","Ġportá tiles","Ġh im","ĠAb r","Ġvina gre","Ġri g","ok ie","Ġrevel ación","v ados","ĠB ull","val os","de cer","L ib","Ġser iedad","Ġesp len","ĠRo pa","Ġcamp us","s us","Ġhier ba","Ġco yun","Ġsol ÃŃa","ĠTecn ológico","ĠF la","Ġater ri","ici dades","ĠB A","Ġacor dar","Ġobten iendo","Ġpes ados","bur g","Ġsuces ión","Ġcas illa","Ġsincer amente","vi al","Ġt echos","Ġprov ienen","g áis","Ġjust ificación","Ġ197 9","h on","m ero","Ġinterpre taciones","Ġvin tage","Ġalterna tivo","Ġlum inoso","ĠR D","fol io","Ġrecor ridos","Ġprogres iva","ĠDis eñ","N ada","ch ada","ti entes","ĠJer ez","ÃŃ feros","Ġjab ón","Ġreun ieron","Ġdemon io","Ġpresent en","Ġmister ioso","Ġabri go","Ġbendi ción","Ġrela ta","Ġagrade cido","y le","Ġprem isa","Ġve j","Ġfi abilidad","Ġpropon en","óst oles","Ġrecom pens","vent ura","Ġcre cen","ma cias","ĠCapa cidad","Ġsuger encia","Ġdoc encia","ĠPro to","Ġnúcle os","Ġson ar","Ġrecuper ado","Ġob se","Ġinici aron","z arse","Ġfantas ma","Ġrep ública","Ġprostitu ta","Ġec les","te le","Ġconta g","ub er","d arios","ĠMic ho","ĠSy stem","ĠI tal","Ġindi os","cu rio","Ġdepen der","Ġselec ciones","Ġadqui ridos","Ġb uf","Ġcoti za","al da","Ġjust ifica","Ġhinca pié","der ÃŃas","Ġasigna turas","Ġen cub","ĠA cep","ĠOr questa","Ġdomin ios","ĠFoto grafÃŃa","éis bol","Ġexperim ental","Ġgir ar","ĠâĢ ĭ","Ġvolun tario","O n","ch era","Ġtramp a","IDAD ES","Ġfa tiga","Ġoptim ización","Ġsegu ras","w ich","Ġnoctur no","z ona","Ġ2 20","Ġras tro","ĠclÃŃn ico","ĠEqui pos","ĠG ris","és ima","ĠV oz","H H","Ġmemor ias","ĠP ers","Ġinst ru","ĠPri ma","Ġhúme do","Ġca udal","Ġenorme mente","Ġetique tada","ĠSindica to","ol s","Ġver an","ĠFil ip","ĠM aya","Ġn ad","Ġcom iendo","Ġmedioamb iental","eci dos","Ġparticipar án","cran ia","Ġh omo","ĠA lan","tor ce","Ġsil ves","Ġsup uso","Ġm era","Ġanti bió","Ġencan tados","ĠF MI","Ġmuch ÃŃsimas","ĠR as","Ġ197 5","la h","Ñ ĭ","ĠIs idro","gu ra","Ġmul tas",". (","Ġsurg ido","ĠF emen","ĠIn m","Ġtor tu","ĠM éndez","Ġtar da","Ġsin ónimo","Ġ4 50","Ġpun tas","crib e","ĠFinanci era","Ġnos talgia","Ġfach adas","ud ar","rocar b","Ġol vida","j ug","Ġin tac","Ġesc aso","Ġca yendo","Ġatra e","Ġperten ecer","Ġatribu tos","Ġpar ecÃŃan",".... ..","Ġaparecer á","ĠOcci dental","I OS","ĠMo isés","âĢ¦ ..","Ġautop ista","Ġdis para","Ġeduc ar","Ġse da","Ġfalta ba","ĠAd am","Ġleal tad","ob os","ĠC ra","Ġmaravillos as","Ġpa tologÃŃa","tr arse","Ġextrac to","a den","Ġdom éstico","Ġde ro","Ġprecios os","Ġponer me","Ġexten dido","Ġnov ios","Ġredac tado","ĠC asta","ĠP LAN","Ġimpul sa","ĠH ip","Ġla tinos","A f","Ġ197 7","Ġc úp","Ġtel as","ĠF avor","Ġtribu taria","tar iamente","IZ ACIÃĵN","ĠUnivers ity","ĠJul ia","la va","ĠS D","Ġlav adora","No ticias","Ġdur ar","un cio","ĠcÃŃr culos","ĠJu venil","vi tud","d arse","ĠJo e","ĠD J","rim idos","ĠPes ca","co g","ĠH TML","ĠT era","ĠI C","Ġrecl amos","Ġromp ió","l ista","Ġsalv ador","Ġsitu ados","amb ien","Ġline al","Ġinter min","ĠMas s","Ġdiá logos","Ġdesn uda","ĠC ara","ĠS pe","Ġconform ado","ri entes","ĠCo un","Ġobten ida","Ġin adecu","Ġsub ord","Ġequ idad","Ġsin ton","Ġpo dio","Ġmon tado","Ġstan d","Ġincluy ó","Ġexper ta","ĠJ ud","lar on","Ġapoy ando","Ġinv itó","qu és","Ġcatá stro","ĠP H","ĠP ed","Ġl ien","Ġsub asta","Ġro tación","Ġalcan zan","ace tas","Ġcas eros","Ġintro duc","Ġfer ias","Ġmé ritos","Ġglo bo","te mos","Ġhon gos","ĠS omb","Ġenfoc ado","Ġm ts","Ġbusc adores","ĠConten ido","Ġinform al","Ġsomb rero","Ġch ile","Ġmostr ará","Ġdesarroll adas","Ġesp l","ĠTarje ta","ĠL unes","c ro","lan ueva","b ación","Ġtit ulo","Ġfr ág","Ġev al","Ġen z","Ġval ora","Ġdej é","v ÃŃ","Ġescri tas","dos o","ĠPar ro","Ġdetermin ante","ĠL ive","ĠRe publ","gun as","Ġins critos","ĠQuÃŃm ica","ĠInf raestruc","Ex iste","so cia","tr adas","oc os","zob ispo","ĠG ijón","U T","Ġsus ci","ĠJ oy","Ġc ÃŃv","ĠF uego","ĠQuer emos","lo cu","Ġvoc ab","Ġaudi torÃŃa","ue ño","ĠGl oria","Ġcons ign","Ġdor ada","Ġche que","Ġrep aso","Ġg la","ĠM iemb","OL OG","Ġsent imental","gon al","Ġcar pin","Ġpro cu","Ġmister ios","Ġesplen dor","et c","ĠH O","Ġsencil lez","Ġreempla zo","gu ila","ĠCin co","L uis","Ġcuri osa","ĠmandÃŃ bula","Ġrevolucion aria","de x","Ġver bal","Ġat enta","ici smo","ward s","Ġinú til","Ġcuan tÃŃa","l ama","00 1","Ġri o","Ġinflu ir","U b","Ġor illas","ĠO h","Ġunif orm","Ġmon opol","Ġven ÃŃan","cion ismo","Ġju veniles","Ġreun ido","Su per","Ġpar king","Ġdelincu encia","ĠD OM","ĠAgu irre","ĠRepres ent","Ġï Ĥ","Ġalim enta","Ġdefin ida","Ġ \\","re dedor","Ġintercambi ar","ĠSco tt","Ġhipo teca","Ġpareci da","Ġdeb ida","Ġapell idos","Ġdel iber","ĠValent ÃŃn","ĠH igh","Ġcer ro","ĠTrin idad","wa gen","ĠCamp us","ĠA ur","Ġequip aje","ĠED UCA","ĠI T","A quel","Ġc lo","Ġ^ ^","Ġcatal og","Ġponer lo","Ġconstru yó","Ġas pira","her e","Ġmonstru os","J unto","Ġalcal des","Ġocul to","Ġlament able","ĠAl guien","r ona","Ġni ñez","ĠDu que","C RI","Ġlib rerÃŃa","Ġpun tual","ĠR enta","Ġilust ración","ib o","r enta","Ġase o","mon d","r ing","Ġdic cionario","rec er","p ie","ĠG T","ĠCh ap","Ġcalific ó","Ġimplic ación","Ġconf ies","Ġantic on","ĠEst ruc","Ġcre mallera","Ġre za","ĠA T","Ġquer ia","ar s","ell y","Ġfáb ricas","ĠS aba","d ome","Ġcu enca","Ġcoher ente","ĠCar acterÃŃsticas","Ġarquitec tos","Ġor gas","Ġlegisla tura","c c","Ġaproxim ación","Ġreci bimos","Ġaf ines","ĠOr lando","Ġpel os","Ġca yeron","ques a","i antes","Ġclas ificar","cip es","Ġsen dero","ĠSil via","Ġcaball eros","ĠP ERS","Ġocci dentales","Ġor ina","c ales","Ġemp eñ","[ âĢ¦]","Ġsol tar","Ġelabor ada","Ġen ju","Ġminim izar","Ġmic ros","Ġretir ado","Ġle a","Ġacus a","Ġrecog idos","qu io","B an","lic k","Ġsolid aria","ĠM OD","Ġnóm ina","Ġre medios","Ġ196 8","Ġbiz co","Ġquedar án","ve da","Ġdis im","di mens","ĠS erÃŃa","Ġgo ta","Ġanal ista","Ġtún el","ĠN ingun","Ġaudiovis uales","e duc","om al","C urso","Ġvolv emos","ĠV é","Ġconvertir á","Ġper if","Ġma quil","don ado","Ġprivileg ios","ĠO mar","ĠMe dios","Ġfal s","Ġpene tración","Ġpájar os","ĠAn na","ĠPlan ificación","d és","ĠBau tista","ĠAr ti","Ġl ác","Ġvar iado","ĠEn e","ĠAra bia","ÃŃ lica","Ġfores tales","ment al","Ġat mos","ific ador","ĠB ron","ir os","Ġma p","Ġdiscul pas","Ġdu de","ĠA cos","bit raje","Ġencan tador","C ualquier","Ġa tiende","Ġbar celona","endi da","Ġexist an","Ġord inario","an ista","ĠCol um","Ġadjud icación","Ġpermit ÃŃa","le tismo","Ġgobern antes","Ġsing le","ĠAl um","T an","h éro","s che","c ero","Ġrob ust","Ġ rib","Ġexam inar","Ġjud ÃŃo","Ġb ea","ĠT os","Ġve amos","Ġcrea tivos","AC E","Ġvis itan","Ġpre co","cep tos","Ġquis e","ĠObje tivos","Ġarreg los","Ġdon aciones","w eb","Ġescog ido","UD AD","ĠPo p","Ġ ©","O h","M arÃŃa","Ġform ulación","U EL","Ġapren diz","IS TE","Ġencontr ados","Ġinaugu ró","ĠLen gua","dr é","Ġinf il","Ġbritán icos","Ġtr om","vi dencia","F ER","Ġenfer merÃŃa","Ġencan tarÃŃa","Ġrelacion a","ĠAmeric ana","ĠSol ar","Ġrevel ado","Ġtur ÃŃsticas","Ġtér mica","ĠSte ve","cion ando","ĠCar naval","ADR ID","Ġcontrol ada","figu ración","Ġvis ite","é lica","Ġvent ilación","Ġproducir se","L u","ĠH isp","Ġestren os","Ġactu aliza","Ġreper cusión","Ġingre diente","Ġque ma","Ġcar ril","Ġlogo tipo","Ġitiner ario","Ġestar ás","Ġpade cen","Ġsuel dos","ĠCar ab","Ġparlam entario","Ġre mitir","Ġcan tera","ĠCor ona","Ġma estrÃŃa","Ġedi ficación","Ġpobl adores","Ġcas arse","Ġsuave mente","ver y","ĠOf fice","Ġfij ación","Ġmonitor eo","M al","Ġpal ma","Ġintegr ales","Ġcoca ÃŃna","Ġagu jeros","Ġpost res","Ġestratég icos","Ġobserv ando","pro ducción","j en","ros ión","ĠDes ign","ĠLabora torio","ol las","Ġtermin aron","Ġpe dal","ĠR ap","Ġcont ing","G ener","Ġhorm onas","Ġarbi trar","ĠA va","p to","Ġes clar","Ġse pul","p io","Ġdespren de","m ÃŃn","Ġinvers ionistas","ĠPen ÃŃnsula","Ġb lin","Ġlogr arlo","Ġconsul te","Ġende ud","Ġselec ciona","Ġca tedr","ci adamente","Ġfal se","Ġresuel ve","Ġsatisf echos","Ġinforma tiva","di ble","Est im","ĠToda vÃŃa","ol in","ĠC aj","Ġhab itan","Ġps ÃŃqu","ĠPremi um","ĠO P","Ġviol entos","ĠCab rera","Ġcar bo","cal a","ci an","Ġder ra","ĠT ren","ĠCom pos","Ġpres ento","ĠHerman dad","ic on","Ġcab ellos","Ġesté tico","ĠU ribe","Ġpato logÃŃas","Ġsuple mentos","Ġbrin dan","Ġcorpora ciones","Ġandal uz","Ġelev ación","Ġc esión","Ġat entados","Ġn ÃŃ","Ġequilib rada","Ġpar cela","ĠÃī ste","ĠP OL","Ġexclus ivas","Ġte mpl","ĠMe xico","Ġpoten cias","Ġred ondo","ĠPresiden ta","Ġára bes","Ġfavor ables","Ġincom pati","Ġgobern ar","Ġmedal las","Ġsépti ma","Ġvisit ando","T om","! âĢĿ","ĠN el","Ġcar os","ab eth","mb res","Ġmi ro","Ġcre aron","Ġproli fer","ic an","ĠA du","m ad","Ġing esta","Ġa eropuertos","Ġdependi entes","Ġadver tencia","Or gan","Ġorganiz ó","ul ia","ĠBo ok","Ġenga ño","Ġtom ará","Ġconsul torÃŃa","Ġrecomien dan","Ġenc aje","Ġmetál ico","de za","Ġacudi eron","Ġabdom en","Ġi dio","ĠEstad ÃŃstica","Ġi remos","Ġb all","ron to","Ġhor ne","ĠD im","Ġgrie ga","Ġbio diversidad","Ġintegr ados","Ġpul so","Ġp ila","Ġpref ieres","Ġdic tamen","Ġvent an","Ġtir as","Ġconcent ra","Ġobstá culo","Ġp leg","Ġcuad ra","Ġidentific ados","idad os","B l","Ġtu tor","Ġdiv or","Ġorganiz an","Ġevent ual","? ...","ĠSuper inten","Ġh ur","Ġrevel ar","Ġmodern idad","ĠA pertura","on el","Ġdelic ada","ĠC RE","= =","Ġimpos ibilidad","pe uta","Ġfores tal","tr icas","ri era","Ġrepos o","re la","Ġestren a","ĠExp lor","Ġlo cu","Ġbar bar","Ġactiv istas","se mos","ĠG ib","Ġcri tica","ĠPr ueba","an á","Ġmin eros","Ġcontribuy entes","Ġinoc encia","Ġflu jos","ĠF órmula","Ġproyec ciones","i us","Ġas piraciones","ĠquÃŃm icas","Ġpre dio","ĠEx iste","ĠMuch o","ĠNet work","Ġad u","ĠExper iencia","tel la","Ġactu ando","Ġdomici l","Ġren al","Ġcil in","pen as","Ġmis er","Ġfrust ración","Ġe ri","Ġcompar to","Ġse vil","Ġdes bloque","Ġbanc ario","Ġesper aban","TA CIÃĵN","Ġcoopera tiva","ĠCon temp","ĠDI REC","Ġcon table","if f","Ġse des","Ġpa ul","Ġn oroeste","Ġmanifes tar","ĠRoy al","uy ó","Ġprepar an","por tivo","Ġord inaria","Ġcompa trio","in dust","dr ÃŃan","L ES","ĠYuc atán","F I","Ġcéle bre","Ġcor o","Ġcoron el","Ġfirm eza","Ġglob alización","Ġintroduci do","ĠE jerci","o cup","Ġequiv ale","Ġlleg ara","Ġentren adores","f ort","Ġpos te","cu er","Ġviol ento","rer ÃŃas","Ġpeda zo","Ġtrem endo","ĠRom án","ĠEm il","Ġir res","Ġactiv ación","Ġat ribuy","Ġperci be","Ġco cción","Ġpeligros as","Ġconce de","écn ica","Ġse car","Com par","Ġ umb","Ġmolesti a","ĠBos ton","wit ch","ĠEl lo","Ġreco gen","ig encia","da te","Ġtrans f","F or","V ol","Ġch amp","Ġacudi ó","Ġpertin ente","Ġdistribu idores","Ġacar ici","Ġquedar ÃŃa","ĠI X","Ġbuscar á","Ġrecord amos","av ent","J ER","Ġdist ritos","p lo","ĠBol so","Ġdes gar","ĠU crania","Ġtel es","ĠN um","ĠZ a","ĠP av","Ġsegu idos","Ġmulti discipl","ĠY u","V AL","Ġopos itores","Ġorg ánico","Ġincre menta","Mu jer","di st","ay uno","ÃŃ en","Est ados","Ġadelan tar","Ġrecur rente","ó metro","Ġreún en","Ġsens ual","ĠCar l","ĠCon de","Ġdesconoci da","Ġremo del","é taro","Al go","Ġexten s","Ġpist ola","Ġrespe tando","ĠSam uel","Ġas ciende","Ġdetermin ó","Ġpade cer","ĠIz quierda","Ġcompren dido","ĠNorm almente","ate ar","Ġcan on","Ġcons ciencia","Ġpes cadores","ĠN is","Ġinsist ió","Ġdo g","Ġhe gem","ĠVic tor","Ġdesapareci dos","ĠVol un","ĠFre e","Ġdef orm","Ġn ul","Ġhomosex uales","ad illas","Ġins a","Ġrefle jar","Ġno ci","Ġsu ba","Ġall i","ĠParti cipación","Ġdi ré","Ġampl itud","ks wagen","Ġconoz can","Ġcon de","blog s","Ġesper as","Ġgri tar","Ġdeses peración","rac k","Ġdo tar","Ġcomún mente","icios as","Ġdocument ales","Ġan ex","ĠO ruro","Ġrom ance","Ġarran ca","Ġagro pecu","Ġf rigor","ĠCic lo","Ġna z","Ġpreocu parse","Ġloc alizado","Ġ198 1","aliz ará","Ġbaj ando","car ia","Ġterap ias","Ġseman ales","ch et","ĠFer rari","Ġrecord ando","ĠAdo lesc","r r","Ġele va","ĠR ue","Ġrecop il","Ġproxim idad","ĠA lar","el s","in ho","Ġver los","Ġcin es","par encia","Ġsuce diendo","ĠResta urante","is cos","los a","ĠP AS","Ġan imo","Ġin her","Ġc enta","ĠAnti guo","Ġpun tuales","ĠChi huahua","le a","Ġluc e","Ġsemej antes","Ġdistribu idor","Ġsen derismo","Ġdef ra","Ġcomp rando","Ġdem ora","edi encia","Ġingres ó","do lfo","Ġesque mas","inos au","Ġadj un","ĠPok émon","Ġconstitu ido","Ġ% .","c ab","de as","Ġcompati bilidad","Ġna tivos","Ġretom ar","Ġcicl istas","Ġcumpl im","Ġenfrent amientos","u des","Ġpers igue","ĠEsc uelas","ac emos","ĠN ik","Ġestren ó","ĠD anza","ĠPaÃŃs es","in illa","Ġcaus ando","ĠW atch","Ġan dan","V ide","Ġb illones","ĠNe u","Ġlad rones","l la","Ġtub erÃŃa","Ġ17 0","ĠMedi ante","Ġacor des","d d","ĠDe tal","Ġc acao","Ġopera tiva","Ġdesem bar","Ġpetrol era","Ġalter n","Ġins iste","Ġcuán tos","Ġcinemato gráfica","Ġelig ió","Ġpo pul","vis a","Ġdev as","à Ĺ","Ġconcl u","Ġsuperfici al","ĠE vo","Ġdi le","Ġver ific","D an","Ġpl ural","Ġconsigu ieron","na p","de pendi","ĠTok io","ran as","ĠAr que","Ġlig ar","ĠAd ul","am on","ĠO cho","ĠPre cios","Ġsus crip","Ġconcl uido","ĠB U","ĠB ár","k ins","Ġd amas","Ġmedi ación","ic om","200 1","ĠDeb emos","Ġdes alo","Ġsal gan","Ġrepeti ción","y y","ĠJ on","Ġproces ar","ĠOpera ciones","Ġin cul","ĠC umbre","Ġrep i","Ġcompeti ciones","ed icto","ĠAlex ander","Ġun animidad","graf ia","ĠT ac","Ġma trimon","Ġpregun tan","Ġisrael ÃŃ","Ġpod ÃŃamos","Ġfrecu encias","l ámico","Ġperci b","Ġmadrile ño","Ġvertic ales","Ġfin alización","ĠInstitu ciones","Ġcrip tom","Ġcas ado","ĠConce jal","Ġco lega","j un","qui dez","Ġperió dicamente","Ġex ilio","Ġdu reza","ĠVis ita","Ġasum ió","ĠS tra","Ġjapon eses","it re","ĠC i","In s","Ġform ales","Ġbloque ar","ist ra","ti ción","Ġdispu tar","per as","dr omo","Ġhay amos","Ġsum ando","Ġten iente","ĠquÃŃm ico","ĠM et","Ġase gú","ĠNa tional","form ance","Ġconstitu cionales","Ġrecha za","esti dad","ĠP E","os e","Ġdestac adas","t l","ĠG O","Ġrela x","Ġsen da","qu ot","ĠPar lam","ĠMa ta","Ġges tor","Ġor n","Po co","Ġ( -","d onos","ĠtÃŃp icas","Ġbre ves","Ġlegisla tivo","ĠD A","Ġano tó","Ġprom ul","Ġmuch achos","ĠâĤ¬ .","ĠEmp ez","es co","ab amos","w o","Ġha gamos","ĠV iz","Ġsuper ando","Ġsecre ta","ĠM X","Ġc i","ĠPro gramas","ir as","ĠResul tados","Ġcontamin antes","Ġregist radas","Ġpres o","em bra","Ġesc én","ĠAvis o","Ġdist ingue","ĠM Ãī","ĠA mp","Ġmal la","Ġvera cidad","Ġaplic ará","Ġaj enos","Ġyou tube","ĠEnfer me","Ġsac ando","Sta tion","Ġagrad ables","Ġconden s","Ġi mb","ĠR ecu","Di rec","Ġsan itarias","Ġabandon ó","Ġpes taña","Ġcual ita","Ġse cas","... ,","Ġval iosa","Ġartic ulaciones","Ġcrist ianismo","es io","Ġr entas","Ġmay ormente","ĠB adajoz","Ġajust a","Ġimpu gn","ĠH ard","Cu áles","ĠFal ta","sen al","Ġpres untamente","p á","Ġmodern ización","re f","e lec","Ġmoles to","Ġconfidencial idad","Ġsal imos","Ġcontrovers ia","Ġrepubl icano","Ġinstan tánea","Ġlo gre","ĠCrist ian","ĠBus ca","ĠMa estrÃŃa","Ġmaravillos os","Ġconta bil","ĠEstrel la","Ġinver na","Ġcompeti tivos","ĠArm ando","Ġabst en","ĠMo de","ĠFlor encia","Ġcal entar","ĠmarÃŃ timo","ĠTru jillo","Ġtraduc tor","ĠAlim entos","Ġmara tón","Ġóp era","ĠProfes ores","Ġorgullos os","énd ome","Ġgo za","Ġreper cu","Ġinsu mos","Ġlámp aras","Ġviv encias","Ġmis ericordia","Ġrev olu","Ġdéci mo","Ġcome tidos","ĠS C","Ġdepor tista","Ġval er","Ġch am","Ġg us","Ġagr ado","ĠMar tÃŃ","c amente","ament ablemente","Ġgen iales","ĠTribu taria","Ġm entes","ú r","Ġemb ri","ur go","Ġs uela","Ġad ulta","ti embre","ĠKe vin","Ġmin ia","Ġcompañ eras","Ġvoc al","Ġpedir le","Ġman us","Ġper didas","ĠF ru","ĠLuis a","Ġper didos","ist entes","Ġtradicional mente","Ġadj unto","ici dios","Ġconcent rado","ED AD","Ġen unci","Ġdesarrollar se","ĠMat ÃŃas","Ġpro le","ĠÃŃ bamos","ve dra","es col","Ġal t","Ġregular es","Ġsaber lo","ĠN UE","ĠIb iza","izar ra","Ġdesb ord","ĠA th","Ġenga ños","Ġalfomb ra","ĠS EM","Ġpreca ución","ĠF ores","vers iones","Ġfund ado","F L","Ġ !!!","à ¯","Ġfacil itan","Ġra m","cos a","Ġacab aba","ĠAso ciaciones","Ġde tiene","se ver","ent er","Ġacredi tación","Ġtur nos","Ġn as","Ġbas an","ĠÃŃn timo","Ġdest itu","Ġpanor ámica","Ġinv ir","Ġbene f","c ter","ĠLo uis","ĠDi ana","Ġestrech o","z go","B E","Ġcolabor ador","Ġmi ti","ven idas","Ġvege tar","Ġorg ánicos","ĠPubl icidad","Ġcre adas","ĠGer mán","Ġartes anos","ti es","Ġmuch acha","Ġtri logÃŃa","ĠEl im","Ġa fer","Ġblan que","Ġpe ques","Ġexpres o","da y","res as","es tra","ona er","Ġdestac ada","Ġláp iz","Ġadh esión","ĠEn trada","Ġcal ifica","T ú","Ġman dos","Ġindi cios","ĠJa zz","е Ð","Ġcon gres","ĠS af","Ġdes emb","Ġalo jar","ble mas","ĠEx posición","Ġvalor ado","Ġinjust icia","Ġcontrad ic","Ġcomenz amos","Ġvincul ada","Ġconce der","Ġsa tur","Ġjoy erÃŃa","ĠEstra tég","G ar","Ġoptim ismo","ĠVene cia","Ġescal ada","ĠVic epres","fa to","Ġvin ieron","Ġso pa","Ġencontrar emos","¸ ı","il d","ĠCer ca","ur nal","Ġcomprome tida","ĠHit ler","um án","\": \"","ĠApo yo","Ġre habil","aj ua","ĠJ as","ment s","ĠBan g","Ġan illos","ies e","Ġdi ente","ĠB is","Ġprosper idad","amil iar","Ġconfun dir","Ġinesper ado","ĠV entas","Ġro bos","Ġgalard ón","Ġat ribuye","ĠB y","Ġproven iente","Ġver sion","Ġadap te","uel tos","Ġno va","ĠM ike","Ġhistori ador","ĠJane iro","Ġactu alizados","ĠSab emos","Ġtorm entas","ĠDes ta","Ġand ando","ĠEs cu","Ġdecor ado","ĠVi olencia","ĠBomb eros","A utor","Ġdeci da","Ġros tros","ÃŃ b","ĠN BA","Ġdist ribuy","Ġmilag ros","I ER","l é","ĠIn versión","Ġcal aba","Ġagrupa ciones","iv ado","Ġdefens as","Ġmedi ana","TU LO","Ġm ajes","Ġol ores","alu dos","ĠSon ora","Ġdifer encial","Ġver sa","Ġconstitu ir","Ġs w","ĠEstrateg ia","Ġcompar ado","érmin os","Ġadver tir","Ġajust ado","Ġbaj ado","ib ar","B U","Ġme xico","Ġasist ido","Ġplante an","ĠO ce","ĠG ame","Ġcó c","b is","Ġar ticular","Rec or","Ġmáx imas","ĠCons um","it ness","Ġe h","Ġno ción","ĠAngel es","Ġvir al","ĠVe h","Ġenga ñar","D R","Y O","ĠL am","ĠGra cia","Ġverte b","Ġano tar","rocarb uros","ĠC UR","Ġsignifica tivas","MIN IS","Ġrec am","nab is","Ġa tor","Ġpor tales","Ġvia jan","ad s","eci da","ĠT S","ĠS M","Ġgrá ficas","ĠLicencia tura","Ġpa trimonial","ĠTele comunicaciones","Ġacu den","ĠSo uth","Ġdesemp le","ĠMexic ano","Ġtremen da","Ġtu rista","Ġprome tido","ĠAri as","Ġar du","ĠJ ona","Ġclas ificado","Ġabier tamente","Ġguar dias","ist ir","ĠSan dra","Ġagrade ce","Ġcoher encia","Ġpl omo","C os","ach as","ĠC M","Ġpas arÃŃa","ĠPerson ales","Ġus arse","Ġ( ¡","ĠT ony","Ġcafe terÃŃa","Ġpade ce","ante mente","Ġbio grafÃŃa","ĠEnseñ anza","Ġpat rio","Ġgros or","ĠVirgin ia","ĠCla us","Ġmor ena","Ġv est","v ich","ĠVil lanueva","Ġmen stru","ĠC ual","ĠT oma","ĠmÃŃ os","Ġcomprome ter","ĠK ong","Ġimp edi","enta ciones","Ġtraslad ó","Ġmutu o","Ġencar gar","Ġorigin alidad","Ġcontex tos","Ġdisp uso","Ġcaracter izado","Ġape tito","P ens","quil las","ad ir","Ġ| --","r entes","Ġconsidera ciones","Ãī l","Ġtit ulación","Ġdetec tado","gu esÃŃa","ĠUN ESCO","ĠDes cu","ĠsÃŃnt oma","Est u","Ġverda deras","Ġparti endo","ĠP it","Ġinclu irá","ien za","Ġcal ibre","ad ita","ver tido","ĠEdi ciones","Ġinmedi aciones","ĠIngenier o","Ġdisput ado","ĠUN IVERS","Ġ10 5","ĠestÃŃm ulo","C entro","Ġal lan","hidra tos","Ġconvir tieron","ĠP eso","ĠS ÃŃn","po le","Ġmuer en","Ġdesapar eció","OL A","x ia","land és","ĠM am","Ġsim il","ol is","ĠJ ueves","Ġplante ó","Ġobserv ó","Ġgal lego","Ġcol lar","ĠRed acción","inten a","ĠA go","Ġpas é","ĠN ASA","in aron","Ġins pira","Ġinsul ina","al ina","Ġinform amos","Ġven cimiento","TIV OS","ĠT us","Se gun","á tiles","ĠSi mp","Ġcél ula","Ġor iente","Ġesca pa","ĠAm erica","ĠJac ob","él ico","Ġ36 5","heim er","Un iversidad","Ġge ométr","ĠDisfru ta","rel ación","u ciones","ĠBern ardo","Ġincent ivos","Ġmar can","Ġsuper an","ĠPubl icado","M ira","ĠM ON","ac ol","Ġpais es","ĠSal to","ĠAmb as","ĠNor uega","Ġmeter se","Ġ ÃŃdo","o ur","Ġgaranti zado","ĠEl iz","Ġur nas","ĠDis co","Res puesta","Ġescla vitud","ĠMicho acán","Ġapar ecieron","ĠFuer on","Ġmetá f","ĠL il","Ġca torce","ĠPol o","Ġclaus ura","Ġar til","ĠIN FORMA","Ġs anos","Ġdetal la","Ġejecu tiva","Go ogle","ĠAut on","ĠPresu puestos","Ġb its","tá r","Ġexcep cionales","i tivas","Ġpal os","ód ulo","ĠBea triz","ĠM uebles","Ġres eñ","f onos","V ia","Ġvolv ÃŃ","Ġpiz za","J u","Ġesc ort","Ġcompr ó","Ġenv ases","Ġapla udi","Ġ át","ĠFan tas","Ġob rero","ĠRub io","Ġemp atÃŃa","ĠCOM P","ĠPer manente","Ġast ron","Ġdieci s","ĠMal donado","ĠJ óvenes","Ġinfl uye","Ġurg entes","Ġba hÃŃa","Ġquer amos","ĠF L","Ġmar ro","Ġcontribu ciones","Ġcar encia","Ġefec tivas","Ġecos istemas","n ic","ĠE UR","2 50","Ġur gencias","Ġres tante","Ġfr om","ĠHu a","itar iamente","Ġbel los","uer do","Ġconsecu tivos","par ar","Ar gentina","Ġdemoc ra","Ġflam enco","Ġsinc ero","Ġpre dis","ĠCom en","ĠCon t","Ġdecis ivo","Ġgluc osa","Ġexpe dientes","Ġdej as","Ġhom ogén","Ġac ome","Ġmar cos","Ġfabric ados","ta in","Ġdes fil","ĠL ine","Ġfoto gráfica","Res olución","Ġbu ques","ĠM ala","Ġconf ÃŃa","ĠAs unción","Ġconcent raciones","Ġcorrespon dencia","Ġindi que","Ġemis ora","Ġrespec tivo","Ġvein ti","ĠGir ona","Ġasegu rando","Ġinnov aciones","m isiones","ĠBar ra","Ġcomb inan","Ġhidra tación","Ġf ero","Ġactiv as","Ġaf ian","tiv ismo","Ġsosten ido","Ġconvoc ar","ster dam","ĠOri ental","Ġres ign","h l","Ġplac ent","dibu jos","Ġac cionar","Ġflu ido","s ulas","ás quez","pe da","Ġin ger","Ġjuz gados","Ġ _","ch or","ĠM isión","Ġcan je","an ces","Ġdescan s","nos o","Ġest al","Ġhallaz gos","ĠCer tificado","Ġcrim in","ĠBienes tar","Ġm p","Ġmár mol","ĠImp res","it ÃŃ","Ġcerv ezas","ĠD un","Ġemp laz","ĠX I","Ġmo ción","Ġ11 2","ĠIn icia","Ġder ma","S cript","Ġen re","Ġlevan tamiento","ven o","Ġmañ anas","ác ticos","ĠS l","Ġreiter ó","bl an","Ġcom a","ĠG ü","ĠBach illerato","ï ¸ı","Ġtrascen dencia","ĠF lash","Ġexp uestas","Ġser iamente","Ġqued aban","Ġde di","Ġvari ante","Ġna tación","Ġpeque ñ","ci ación","Ġres uci","Ġarm ada","Ġsen adores","Ġcompens ar","ést er","Ġfantas mas","ĠDepor tiva","án gulo","AD AS","ĠA ños","Ġtri pul","Ġal ien","ĠRespons abilidad","p ÃŃ","P RE","F F","á ez","ĠB s","je tivo","Ġinsu ficiente","Ġnotable mente","car as","Ġgal erÃŃas","Ġla tÃŃn","Ġto b","ĠGENER AL","DUC CIÃĵN","ĠDan i","Ġsolid ario","Ġmi re","Ġh ort","tú e","ar cas","Ġin ces","ĠH all","Ġdes centr","ĠG om","Ġmúlti ple","ĠL ife","Ġacord ó","p ez","ĠCatal ina","Ġoblig ó","co po","Ġcom ento","Ġnie tos","Ġdo tado","u tar","Ġgu antes","Ġbo letos","ést or","Ġmexic anas","ĠG N","Ġperder se","Ġnubl ado","F e","erv o","Ġven imos","ĠG ig","ĠBlue tooth","il ancia","Ġprim ario","po ca","Ġadelan to","ĠZel anda","B B","Ġpac ÃŃfica","Ġf ide","Ġperf ume","Ġar quero","ĠNuev as","m á","ĠIn mobil","ĠOc t","Ġra yas","Ġases inos","Ġgan aron","Ġdefin idos","Ġgarantiz an","Ġauxiliar es","Cuán to","ĠAnal y","Ġfin as","Ġentra ñ","lar se","ĠBo de","b oy","Ġz ana","Ġplan ea","e dia","Ġd adas","Ġt entación","Ġnucle ares","Ġbode gas","Ġtr ÃŃo","ò n","Ġpro gen","ĠT EC","ĠInstitu cional","so cial","v oc","s ent","Ġsocio econ","ĠEs os","F un","gen as","Ġbarb acoa","Ġcir co","Ġacompañ antes","ĠAb ierto","Ġeconom ista","Ġconden ados","ĠDoctor ado","ver tir","Ġcons istencia","Ġ19 36","Ġcer radas","on ada","Ġasfal to","E res","j aron","Ġconsegu imos","Ġfin aliza","Ġamor tigu","Ġconcep tual","Ġadmi ra","Ġinterpre tado","Ġacre edores","Ġfer rocarril","ĠA se","ul es","Ġestar é","Ġautor iza","Ġalum b","c racia","Ġdispar ar","Ġor eja","Ġtu vieran","Ġteór icos","ĠD ibu","Ġcoloc ó","tán eas","Ġ/ /","Ġtron co","ĠEx po","ĠAl z","Ġcontin ental","ĠUr bano","il able","ĠD icha","Ġalter ar","Ġalmacen es","Ġconsider adas","dil lera","Ġorden a","Ġ197 4","Ġpas iones","Ġreac tiv","Ġreemp laz","Ġnul idad","ĠB BC","we i","ĠEnfer merÃŃa","Ġcolor ido","señ or","ul ip","ĠJohn son","Ġhin cha","Ġdesas tres","Ġreduc en","ĠX L","ĠGer ente","ĠGe org","U AL","vi ra","ĠGab ri","ĠAl ber","Ġan arqu","ĠEcon om","G P","ch en","Ġtransforma ciones","Ġme tió","Ġac op","Ġtrans ferencias","Ġdegust ar","Ġmas ter","Ġfelici tar","aj ust","Ġpost ul","ĠA genda","Ġdistribu idos","ĠArt ÃŃculos","v or","ph one","ĠK it","Ġvol vÃŃa","Ġinten sos","Ġtemp los","lan ta","is es","Ġregist rarse","Ġab rum","n on","Ġpresentar án","Ġar omas","Ġm y","le ar","ĠP ales","ĠVill al","g amiento","Ġle ña","Ġconces iones","Ġconsidera ba","ĠQuer étaro","Ġfran ja","Ġproduc tivas","Ġcaus an","ĠL iv","Ġtum or","Ġra mo","Ġe d","ĠM B","gra ph","ĠCap itán","Incl uso","ĠCe cilia","ĠD ÃŃas","Ġil usiones","Ġinsu ficiencia","dar d","Ġam ino","Ġmagist rados","Ġsel los","ĠP om","Ġacadém icas","Ġagra v","Ġsu ciedad","Ġempi ece","Ġilust ra","Ġanfitri ón","ĠPu tas","ton io","ĠV lad","Ġclas ifica","ĠBo x","Ġpremi um","P EC","Ġcu enten","Ġra y","Ġoportun a","ti dor","ĠOc ta","Ġver dades","Ġpo ética","N S","er ial","âĢĿ ).","Ġdu do","ĠLu x","Ġrestr icción","Ġestric to","M á","Qu ien","igh ts","Ġdesf avor","Ġrec to","bl ar","ĠV ino","ĠNe gra","Ġvib ra","Ġsi te","ĠHer ramientas","ĠV itoria","Ġcompos iciones","h as","ten os","cer ca","Ġf lan","Ġcomen cé","Ġgrie gos","Ġsust ra","Ġbl ack","Ġanécdo tas","ic ó","Ġr aras","fec ción","ĠCir cuito","ró geno","ĠHab rá","Ġbur guesÃŃa","Ġcompl icidad","Ġrecha zado","tor iamente","ĠTa ilandia","ĠEd gar","Ġlle gas","temp orada","\" ...","Ġca f","Ġvac unas","Ġg ro","Ġmay ús","Ġmostra ba","éndo la","ĠSosten ible","ĠW at","R ob","tu rismo","Ġdo ña","ĠMar bella","Ġesca para","ĠBB VA","Ġc itados","Ġmar inos","Ġderro tas","S itu","Ġbusc ó","Ġrecor te","Ġinm or","ĠHa ga","Ġacer can","ul ce","Ġpa pas","Ġpublici tarios","ĠDi jo","Ġco oper","âĢ¦âĢ¦ âĢ¦âĢ¦","Ġagu da","Ġases inados","ĠG ana","Ġlap so","un dan","ĠS as","Ġinteres an","ĠP LA","TR UC","ĠMa ñana","Ġorganiz adas","Ġpreten dÃŃa","ĠTerri torial","p lante","fo x","Ġvi abilidad","ĠIn dic","Ġestro pe","AN DO","Ġalcan tar","Ġdescrib en","Ġso cor","can s","Ġacer c","Emp resa","mo der","ir us","Ġan tiv","ARI OS","Ġedi tores","ĠCre ación","Ġinscrib irse","Ġjer arquÃŃa","Ġocup ó","Ġcerem on","s el","ĠM emor","Ġfemin ista","Ġdar emos","H as","Ġdedic arse","ĠEn car","Ġest res","ĠFran ces","án eo","ĠespÃŃritu s","Ġdi mos","ĠCár denas","Ġa diós","Ġextra ter","Ġdeclar ada","ĠMo di","Ġcontes tó","Ġm ÃŃtico","Ġpos es","ĠCh u","Ġvi able","Ġembaj ada","Ġdesagrad able","ĠDu ran","E di","ĠV ac","Ġllam aron","tor rent","Ġred onde","Ġfilóso fo","Ġtrá iler","Ġperten encia","ĠGuar da","Ġver b","ĠC ENT","? -","Ġra cha","ĠInv ierno","ĠContac to","Ġdevo ción","Ġexist ido","g rano","ĠB ust","qu ien","Ġavis os","ĠAn tio","Ġo don","ĠCu entas","ĠSá bado","Ġaproxim ado","Ġocta vos","/ .","Ġconvers ar","ĠTuc umán","Ġbar ran","Ar ch","Ġcritic ar","Ġproce derá","ĠHo teles","Ġstre aming","ĠC ay","Ġnota bles","Ġaje drez","ed y","Ġmin orÃŃa","ĠCor reo","Ġrespec tiva","Ġtribu to","Ġextraord inarias","ĠCir ugÃŃa","dos a","es pecial","Ġentr aron","Ġdesen f","Ġentreten ido","S ub","ĠG imnas","ĠÃī sta","Ġaum entos","Ġtranquil os","Ġtern ura","Ġsilic ona","ĠL lo","Ġanci ano","& #","ĠRob in","gl ish","Ġsos tienen","Ġtác til","ĠRies gos","Ġlider ado","ĠCateg orÃŃa","ĠN aran","ĠJo han","Ġindi ferente","Pre gun","N uevo","-------- --------","p ino","ĠBus h","U A","@@@@@@@@ @@@@@@@@","Ġbol sos","Ġmagist rado","Ġbesti a","N adie","Ġdirec trices","Ġquer ÃŃamos","T ar","ĠPo tos","Ġimag inario","Ġauric ulares","Ġestudi antil","ĠF uen","Ġman go","ĠStu dio","Ġrebel des","ĠComp rar","Ġgri pe","Ġacces orio","we et","Ġj ar","ĠEst ilo","Ġf ro","ĠDin amarca","Ġmal eta","Ġparlam entaria","ĠReg ist","ĠClas e","l um","ĠToy ota","ĠJu ana","esti m","Ġmedi anas","Ġli quidez","ĠCuar to","n el","Ġob ispos","ĠSud américa","Ġec ológicos","Ġdoctor ado","Ġ és","Ġind icación","Ġrela jar","Ġad icción","ĠP ack","duci do"," ¨","Ġbon dad","O fre","and y","Ġ19 50","ĠMercan til","Ġn acen","Ġcar idad","ĠGreg orio","Ġfer til","ĠBoliv ariana","Ġantioxid antes","l ación","Ġinvestig adora","is i","Ġma x","ĠVer dad","Ġprece dente","Ġpreocup ante","Ġcomien ce","Ġpele as","Ġcu pones","Ġpas as","Ġllama tivo","ĠSala zar","te to","Ġmen ús","Ġpal p","ĠBan k","ĠI ES","gu aya","Ġtem er","i arse","Ġimp a","ti ente","Ġcarbo hidratos","Ġmejor an","Ġestable zca","IS A","Ġas amble","ág ina","ĠMana gement","Ġcan tando","Ġg it","Ġdi ar","Ġne to","Ġdese ada","Ġexist ÃŃan","Ġ- .","ón gase","Ġapropi ada","T a","Ġo ye","Ġres eñas","pu ra","Ġmultina cional","Ġ- >","l ib","u dad","Ġâ ĸ","Ġl itro","Ġimp lÃŃ","Ġpos ts","Ġv iste","Ġesper ada","ĠPlay Station","ĠRom ano","U ES","Ġplen itud","tr óp","Ġcent rada","Ġmicró fono","Ġt as","ĠOrig inal","Ġpres tan","Ġse pas","Ġpe dÃŃa","Ġsinc era","\" ;","Ġdi rá","Ġimp o","ĠSol id","Ġgrande za","Ġnorte americanos","ad illo","F ES","ĠI di","Ġextra ñas","ĠClin ton","ĠAs socia","Ġabur rido","s ólo","f obia","Ġeng lo","GRA MA","Ġcab ez","Ġcicl ista","á mp","Ġpropor ciones","ac tivo","ĠAbra ham","ci ados","in da","Ġbenefici arse","F ern","Ġre puesto","ĠCo okies","Ġcrea tivas","ĠSal ta","Ġen ca","Ġestim ación","ĠUn as","iar ias","Ġapun tado","Ġautó c","em on","Ġsopor ta","Ġpas ivo","ĠDra gon","ĠG RAN","Ġsuav idad","ĠDemocr ática","Ġton to","Ġtercer as","Ġrap ido","Ġderiv ada","Ġsu presión","ĠMa teriales","ĠPR D","Ġdesn udas","Ġdespe dir","Ġdisfra ces",") ...","ajua to","ázar o","ĠRog er","Ġmo jado","ga te","Ġflex ibles","Ġv istos","ĠG r","Ġteór ica","Ġsac an","Ñ Į","Ġz umo","Ġrum or","è s","Ġejecu ta","Ġpermi tieron","Ġn adar","Ġrepor tó","Ġayudar nos","Ġnovedos o","Ġcel os","ĠPerio dismo","Ġsus ur","C las","Ġcaus ados","con oci","gues as","Ġespl én","ur y","Ġve cinas","ĠH ong","Ġvers átil","Ġtriun fos","c us","ĠE fe","cis co","ĠCOM UN","Ġdemas iados","Ġhuman itaria","Ġinst antes","ĠH ero","Ġhe p","ĠFel iz","u mos","tu osos","ĠV elas","Ġgobern ante","ĠCort és","Ġse di","ĠX ia","ĠIm ágenes","Ġmolé culas","Ġrebel ión","Ġpróx imamente","Ġpsi quia","Ġfres cas","Ġconj un","Dis eño","ĠD ado","Ġseñal ando","Ġpa usa","Ġtranscur rido","ĠCro acia","ĠN adal","Ġvac ÃŃa","Ġrebaj as","Ġvocab ulario","Ġp aja","fin anci","ĠSal as","ĠNeces ita","qu ista","Ġreflex ion","Ġsimp a","er ie","ĠVe ter","Ġaprob ados","Ġpotencial mente","ĠGol fo","ĠSuperinten dencia","ĠM ÃģS","Ġculp ables","ĠCan c","ĠLis boa","ĠMatem áticas","ĠBat man","ĠAn to","Ġreproduc tor","Ġcri anza","Ġconsul tora","ĠV ila","Ġpar ciales","ĠR ED","e gu","Ġdef endido","ĠN ico","Ġrepubl icanos","Ġsistem ática","Ġpor terÃŃa","ĠS IM","Ġma tó","Ġev acu","Ġingen io","Ġac h","Ġsalv ajes","Ġnorma tivas","Ġde ficiencias","Ġam ores","ĠH onda","ips is","Ġlide ra","Ġn in","ĠH id","Ġincom ple","I ma","ĠAplic ación","Ġconsec ución","ri dades","Ġpreocu par","Ġf eo","ruc e","Ġvendi endo","Ġp abellón","cre o","Ġmayor ia","Ġre ba","ti ci","Ġvia jó","Ġmar cados","ten go","ia t","Ġcaba ña","Ġinterac ciones","blogs pot","G AN","Ġdesp le","Ġtendr é","Ġemple ada","Ġri ge","Ġadmi tió","Ġtermin ando","Ġsign ificar","Ġmanio bras","óst ol","tor y","cri tas","ĠAn exo","ĠPo tter","Ġocta va","Ġp irámi","ist ado","Ġanim ar","ĠMar ÃŃn","aliz aron","Bien venido","Ġca dera","Ġele f","Ġcru zado","ino psis","ĠM r","P AL","H S","ĠAF P","Ġevalu aciones","Ġdivis iones","ĠVal e","Ġu tens","ĠJosep h","Ġcon fer","ĠPol ar","en ció","Ġvuel van","com p","Ġtradu cido","ĠpolÃŃt icamente","Ġis lam","Ġobs esión","Ġd inosau","Ġinici ará","ĠVal de","Ġtransfer ir","T or","Ġam e","Ġnacional ismo","I ES","Ġfol k","Ġcúp ula","ist ad","ĠW ay","Ġdirec tas","ĠP acto","Ġpublic an","Ġante pas","Ġorient ar","ci f","ĠA vi","ĠEmbaj ada","âĢĿ ),","ĠParti ci","Ġres gu","h r","Ġab ono","Ġmer amente","Dis pon","Ġbenef icia","Ġven as","Ġpes adilla","Ġest ables","vi dentemente","Ġcomun istas","ĠQ ues","ĠAl m","in stein","Ġencar gó","ĠHern án","Ġenvi ando","Ġpres unta","Ġres titu","ĠB es","Ġparlam entarios","AL L","ĠW ikipedia","Ġac el","ĠGRA TIS","ĠComun ista","Ġfren os","Ġsosp echos","Ġf ull","Con oce","Ġsepar adas","gen er","ĠN utrición","ĠSegura mente","Ġrever tir","ĠH ur","Ġasequ ible","Ġob rera","Ġmoder ado","Ġfotó grafos","Ġlevan tado","Ġasist ió","Ġrecib idas","ĠTemp lo","ĠFigu ra","ri ma","ĠRena ult","Cas i","ĠFron tera","S é","Ġgu ionista","Ġaplic arse","Ġmanual idades","ver n","y m","Ġtra ck","Ġrelaj ante","Ġp se","Ġj al","X ICO","Ġfoto gráfico","li quen","Ġro dar","Ġindic ados","Ġso dio","r ara","Ġno bles","Ġcomp resión","P ON","ĠCentro américa","b ina","Ġyo gur","ĠD O","ón imos","ĠM AT","ĠG ames","Ġambi ción","Jes ús","Ġmetodo l","Ġn ut","Ġpres untos","tó rica","Ġgratu itamente","Ġcre yentes","ĠDo ña","Ġevangel io","ĠF res","Ġpul mon","Ġestudi ó","Ġguitar rista","ci ada","ĠCo ca","Ġocta vo","è n","Ġdesarrol los","ĠL ong","pe te","Ġaten dido","ĠV arios","Ġr al","Ġcor tinas","Ġfin cas","Ġcr om","Ġjo venes","ĠO blig","Ġinforma tivos","Ġhon estidad","ff et","Ġneces itará","ie ga","Ġdecir se","Ġincrement ado","Ġaval an","ĠN éstor","Ġmin ero","ĠFre d","Ġcontrar res","de ste","ĠUS U","Ġges tación","Ġf rio","Ġgen oci","Ġp ó","ĠNuev os","Ho tel","in st","Ġro bado","Ġveter ano","Ġestatu a","ĠAu gusto","ĠCor e","Ġconsum en","Ġamp ar","Ġcan tantes","en cio","ĠB esos","Ġvice versa","Ġm im","ĠH ierro","Ġnov el","Ġexten siones","ĠlegÃŃ timo","Ġtermin ación","ĠM ila","Ġperu anos","ĠBos que","ĠC IA","Ġrecomend ada","Ġconce dido","omb o","it és","Ġestatu tos","Ġan on","ĠW W","Ġform ados","Ġdemas iadas","Ġam ables","emb ras","Bo ok","G al","Ġan estes","Ġconocer se","g ir","Ġinvers or","Ġjub ilados","Ġbo letÃŃn","Ġacum ular","Ġen gran","Ġgana derÃŃa","Ġnutri cional","Ġinspir ada","Ġmetál ica","Ġexquis ito","Ġcómo damente","Ġcor aje","Ġop cional","Ġcaj ón","S tar","ci ma","ĠFuer te","Ġacompañ ó","l icas","Ġsospech oso","Ġsus crito","ĠAn der","Ġtor tur","Ġincluy a","ĠCon tiene","es tu","ĠA um","Ġautén ticos","ĠGal erÃŃa","Ġla ber","Ġespeci fica","domin io","Ġ ),","Ġestad ÃŃa","Ġ197 2","m era","ĠT ime","Ġri tuales","ID OS","Ġto caba","et te","Ġutil idades","Ġint ente","ul um","Ġpe inado","ĠInter és","ĠMa h","Ġperson alización","ĠProce dimiento","C AN","ĠR ivas","ĠAs h","Ġaé reas","ti me","Ġcuan tita","ĠDeb er","ĠAses or","Ġacompañ ante","al s","l eros","il ios","Ġpo tes","Ġman cha","Ġterri toriales","Ġencabez ado","ĠMor elos","Ġpar ados","co pa","ĠP M","Ġcu ida","ĠCon n","Ġemple an","Ġcolch ón","ĠNel son","Ġprivileg iada","Ġaudi encias","Ġembarca ciones","Ġdescendi entes","Ġocur riendo","Ġcor do","Ġabon ar","Ġcadáver es","tic ar","uch os","on to","Ġir an","termin ación","Ġbuc eo","oc ado","ĠMi x","entar ias","Ġli diar","ĠC ER","IEN TE","Ġg ad","ĠX IV","fer entes","Ġcr ono","Ġdiscrim ina","Pro grama","ip ié","Ġacus ó","IL L","Ġauto con","Ġp ir","Ġposi tivamente","Ġreserv ados","Ġf os","guar dar","Ġn ic","Ġesta fa","Ġt ech","Ġfar macias","Ġafec tando","Ġpas illos","tol ógico","se la","Ġproto tipo","ambi ente","vi ado","? âĢĿ.","ch t","Ġimp era","Ġc ib","! \"","pan ish","ĠTaller es","ci entemente","ĠVers ión","ĠSal inas","Ġdefini ciones","Ð ĵ","ĠVé lez","Ġefectu ado","Ġmedi ciones","Ġir respons","Ġder ram","Ġpar tÃŃ","Ġgener ados","Ġan tena","Ġco tiz","ĠI bar","Ġlin ks","Ġjurisp rudencia","ĠF ull","Ġé tico","rea k","ĠEsco bar","D EN","B ER","Ġ24 0","Ġtrip ulación","Ġseg mentos","Ġprestig ioso","Ġcó r","Ġmer ecido","Ġca iga","Ġb ell","ga ta","Ġescuch ó","Ġprofun diz","Ġreembol so","Ġproble máticas","Ġna ta","gen era","Ġdisfru tamos","Ġno tado","Ġespes or","Ġinaugu rado","ĠO k","Ġcal ib","ĠMon taña","Ġbi ológica","Ġsometer se","ĠD T","Ġind ud","Ġtelef ónicas","Ġamist oso","Ġes cur","pe o","ĠJ r","gu erra","ĠRoc ÃŃo","in fo","Ġve ÃŃan","Ġsegu iremos","Ġal usión","ĠH ubo","ĠActu alidad","p per","Ġadqui rió","ĠTe orÃŃa","Ġcontrad icción","Ġconsol as","Ġejerci tar","Ġagu ja","Ġlin f","Ġrequer ir","ĠUn idades","cu al","Ġrefrig er","Ġ11 5","Ġrequier an","ĠUN AM","ijo te","Ġinfl uyen","Ġabund antes","ĠBr uno","aj illas","ĠN ex","Ġelev adas","Ġpu ñado","Ġden e","ÃŃr culo","ĠL ula","Ġcons igna","ĠAudi torio","Ġrepresent ada","ĠR onda","Ġdisfru ten","Ġaconsej able","Ġrecord aba","Ġfran co","ĠestÃŃm ulos","Ġvac as","ĠVol kswagen","ĠMel illa","Ġais lado","h ue","ĠZ ar","Ġtranquil amente","Ġpres ionar","Ġser ias","ĠW es","Con tra","ci tación","Ġrec ort","Ġespir al","Ġpl umas","ĠAp licaciones","Ġla zo","Ġconstitu ida","à «","ĠB rad","Ġgastron ómica","ĠM enos","ĠCon tamos","ĠCom ún","é ticamente","ĠPlan eta","Ġlook s","Ġaj enas","tecn ologÃŃa","Ġra yo","Ġanaliz ando","in ch","Medi ante","Ġestim ulación","Ġdorm ido","ul oso","Ġca ñ","ĠSe at","Z apa","Ġconserv ador","Ġdesh idra","Ġpe d","Ġaconse ja","P H","Ġas ilo","Ġsustent able","Ġac ento","Ġpromo cionales","c s","Ġinmejor able","t v","ho use","Ãī S","Ġah og","Ġpl ur","Ġintent aba","uev os","Ġejecut ado","ĠGab inete","Ġestu vieran","Ġt icket","Ġ3 000","Ġconmemor ación","PU B","ĠAdri án","t omÃŃa","Ġmuch ÃŃsimos","g ras","polit ano","R AS","tr é","b ando","Ġdel gada","Ġcontribu ido","Ġgay s","ros as","Ġ9 78","Ġautor izada","Ġconduci do","v idos","Ġcomenz aba","G AR","Ġhin chas","Ġcub ren","Ġecu ación","b rica","Ġdest inar","ĠPRI M","Ġm uc","Ġseleccion e","ĠV iena","leg as","Ġhem bra","Ġmetodo logÃŃas","b ó","Ġconcur s","ĠZ ara","Ġc iego","Ġdi ur","ĠC ross","ĠEv entos","Ġrid ÃŃculo","B as","Ġencon tre","in arse","Ġvi ñe","Ġtable ta","Ġaus p","Ġdef endió","Ġsuminist ros","ĠAn th","ĠK u","Ġagres ivo","Ġhelicóp tero","á ñez","Ġar om","Ġsi entas","Ġesca p","Ġcap rich","é ri","Ġabaste cimiento","Ġre puestos","ĠprohÃŃ be","Ġcan ela","Ġre tener","ÃŃcul um","Ġcoloc an","ï¼ Į","ĠW ork","ul ando","Ġmuel le","il s","CU LO","Ġenseñ ado","ĠDis pone","Ġdiri gen","Ġserp iente","Ġactiv ado","m ic","Ġproces ión","Ġdispu tará","ĠDes p","Ġgener osidad","Ġexpres an","Ġenf o","pue de","Ġen ta","Ġcorpora tivo","Ġimp iden","Ġvar ón","Ġlig ado","ĠSteph en","Ġvalent ÃŃa","Ġsol tera","Ġop ina","Ġviv ÃŃan","ĠdifÃŃcil mente","Ġcho fer","Ġdiferenci ar","Ġinter con","Ġafirma ciones","Ġnum er","ĠH oras","Ġd úo","ton as","Ġu va","Cons ul","Ġsemin arios","Ġanticip ación","al an","ĠArro yo","ĠRel ig","F und","Ġcu ración","ĠAl quiler","Ġapren den","des l","Ġ15 00","Ġenseñ ó","Z O","Ġatmos f","ĠM isa","Ġprop iamente","ĠJos ef","]âĢĭ [","tr án","Ġma go","Ġaudi torio","Ġembal aje","R C","it tle","Ġla guna","uch es","pol is","ĠRecom end","ĠL t","Ġpe dia","Ġgust en","Ġmon itores","Ġenrique ce","Ġdescub rÃŃ","ĠMens ajes","ĠD ice","ĠYo ga","Ġdesconoci miento","Ġencan tadora","M ir","ĠR ick","ĠBuen as","ĠCán cer","Ġmarc adores","ĠF lam","és el","!! !!!","Ġsuf rieron","ĠGin ebra","ĠPap el","ĠG ala","ĠâĢ º","Ġsolici te","po der","Ġvis a","Ġo jalá","Ġper sever","Ġpersegu ir","Ġconserv an","ich as","ĠTer cer","Ġlo tes","Ġdes echos","Ġconfigu ra","Ġac ude","an álisis","tec nia","Ġfr ÃŃos","ĠMo bile","men os","Ġencuent res","Ġpl át","Ġaerol ÃŃnea","k an","ĠC ano","Ġalcan zando","Recuer da","Ġd ragón","Ġindiscu tible","Ġla min","U P","Ġdetec ta","á ramos","Ġta ur","Ġbr us","ĠSu pongo","Ġpropor cionado","ĠMay ores","Ġs n","Ġmon asterio","alo a","Ġmis m","Ġmeta f","Ġtable ts","ĠLegisla tura","Ġexten dió","Ġe b","Ġcel da","Ġdel gado","ĠCar d","Ġgrad ualmente","r ina","ĠT ER","ĠÃŃn tima","iver pool","Ġcóm ics","Ġcor dón","Ġfun dadores","ĠV eci","V iv","Ġtempor almente","Ġprelim inar","j im","is fer","Ġobje tiva","para ÃŃso","Ġpsic ólogo","ĠE ran","ĠCons ell","Ġdue ña","por ta","Ġque das","Ġun ida","ĠL and","Ġresul tante","Ġtac ón","Ġactiv ista","Ġpe gado","voca toria","ĠJava Script","Ġinvestig ando","Ġfi jas","y ug","Ġhistór icamente","ĠT RAN","re v","di éndose","ter io","Ġdesempeñ ar","Ġpu reza","ĠMe te","ĠCons umo","+ ]","Ġelim inando","Ġpal eta","Ġvul gar","ĠPel ÃŃculas","tos hop","Ġpres ide","N D","k is","Ġgras os","Ġgir as","Ġmanten ÃŃa","E uro","et y","Ġun ió","ĠC ielo","Ġcor tado","ĠHa w","ĠAdo be","Ġdiscapa ci","Ġdis olución","tal o","ĠCo ch","ĠEn s","cas i","Quiz ás","Ġh rs","ĠLa w","Ġhacer los","Ġfe dera","ĠG rad","Ġocup ados","ĠS es","a tivo","Ġdese es","ĠT érminos","Ġcultiv ar","ĠN as","pro yecto","ri an","ĠRecuer do","Ġqu esos","Ġconviv ir","ĠOfre ce","Ġmar chas","Ġv ener","ĠHum ano","ĠTer uel","Ġdefien den","Ġespe jos","Ġpaul at","Ġnacional istas","ĠS MS","Ġdom ina","Ġcar gador","Ġregul an","ĠFilip inas","ac on","fec tos","ĠNa talia","Ġrev al","Ġtan ques","ĠRes ulta","oz co","Ġf ilo","Ġfes tivos","con f","d ge","Ġexces ivamente","ĠL um","t ento","Ġpres cripción","ĠAlej andra","Ġop inar","Ġrique zas","Ġentre gados","ĠTrans portes","Ġestim ula","Ġbi ológico","lo ck","Ġsob rena","ĠP OS","Ġmir an","O tras","De ja","Ġ196 9","ĠIn dÃŃ","Ġd ÃŃg","Ġsacar le","ĠNa ve","Ġsuce den","quil a","Ġan taño","Ġenv ol","Ġd am","Ġlib era","oma gn","Ġescul turas","E qui","ĠF ort","Ġg lam","Ġapasion ante","dar ia","in gu","Ġsec undar","Ġhe bre","Ġfalle cidos","Ġcontrad icciones","Ġplas ma","ĠMe ga","Ġ196 7","Ġdescub riendo","que t","ĠTe ma","S D","Ġle ves","v idas","Ġsocial mente","Ġsim ulación","i ante","ĠP adres","ĠEspe ciales","ĠGal lar","Ġpy mes","ĠW EB","ag s","D av","ĠN I","Ġp ilar","Ġcar gada","ĠPe da","ĠNA CIONAL","ĠL ázaro","x el","Ġa tas","Ġin jer","Ġmal etas","Ġcoinci dir","ĠL ight","Ġenferm era","S em","âĢ¦ ,","Ġpuls ar","frad ÃŃa","ĠA dap","Ġcorte za","Ġexp ro","ĠD if","ĠClo ud","Ġyo ur","ion ados","Ġan omal","ĠNa zar","Ġdomést ica","Ġaver ÃŃas","ĠS ign","ĠOfre cemos","ur ó","Ġpura mente","ĠTrans parencia","ĠS iendo","Ġsi embra","Ġapre h","Ġocul tos","Ġ7 50","Ġválv ula","CO O","ĠPrima vera","M ig","Ġcomplementar ias","> >","Com un","den cial","Ġval en","ĠAs oci","Ġofre ci","tor e","ĠG rupos","Ġcontin entes","Ġc era","ĠAnti gua","Ġprivileg iado","Ġpira tas","ĠGer encia","ut y","Ġdo tación","ĠSO BRE","Ġater riz","ĠTech n","ĠPo drÃŃa","Ġprecip itaciones","ĠPo drás","f l","iz adores","Ġenvi ada","Ġsu yas","ĠD y","Ġse quÃŃa","ĠA riel","Ġdivers a","ĠS ecu","Ġev a","Ġgarantiz ando","Ġcab ida","Ġrequer imiento","Ġprome tió","ĠDoc ente","AM A","Ġen do","ĠPue blos","Ġvis iones","Ġdefin ió","Re al","Ġinjust o","Ġtir ada","Ġab ras","tr u","Ġinter rupción","Ġcar rito","Ġencontrar án","ĠAr mas","Ġdibu j","Ġremo ta","Ġa va","Ġpregun té","ĠGuan ajuato","Ġcomun itarios","ĠLe w","su per","Ġform almente","Ġsan eamiento","ter es","Ġcal ificaciones","ĠRes pecto","cam pe","Ġlad rillo","Ġinesta bilidad","z or","Ġdesplaz amientos","Ġenfa tizó","pp ing","Ġ% ,","Ġsobre peso","Ġincorpor an","Ġdescar tar","ĠV arela","Ġsuces or","Ġimperme abil","Ġaf e","Cu enta","Ġemp aque","Ġinv itan","Ġdes al","ĠG im","Ġcoman dos","Ġanunci aron","ĠPV C","T ener","ific adas","ĠEl ÃŃas","Ġtrav esÃŃa","man as","Ġtable tas","p ing","Ġprohib ida","ust ro","Ġcomba tes","Ġconvoc ó","Ġdes embol","Ġol vide","Ġinstal ados","Ġcomp asión","Ġsorpren dentes","Ġna cida","Ġro tura","ea t","ó ticos","Ġtraduc ciones","Ġprede termin","ĠL ista","b ell","ĠCor re","Ġpropor cional","Ãij OS","Ġencab eza","ti éndose","ĠBar ack","Disfru ta","ĠPotos ÃŃ","Ġsab io","Ġhábi tat","ĠGaran tÃŃa","Ġrespe ta","Ġorganiz ador","Ġmatem ática","Ġor ques","Ġsolici tante","Ġviv as","Ġenrique cer","Ġaspir ante","Pos teriormente","Ġsec ado","ĠRev olucion","ĠNe uro","Ġapa gar","ĠO peración","ĠBel grano","Ġpar an","ten ido","Ġconfes ó","ĠCu p","Ġb onaer","Ġmarc ando","Ġcru j","ĠN orth","Ġà ij","Ġconfec ción","Ġcara vana","Ġden tales","Ġlev adura","Ġautoma tización","\" ).","ĠPERS ON","in ará","ĠE PUB","ust on","Ġpien se","ĠAcos ta","ĠNo kia","Ġinter cep","Ġsolici tados","Ġper i","Se lec","ĠCol o","Ġl un","Ġcatal o","Ġvay amos","ĠÃŃntegra mente","Ġregul ador","h y","an ual","tas io","Ġgener alizada","ĠV uelta","Ġmár genes","Ġve is","Ġaten cion","Ġ197 1","ĠS oc","ĠSan z","c óp","Ġab rieron","ĠK ey","Ġta par","ĠCoordin ador","Ġpres cin","ĠF lu","Ġer gon","Ġsuspendi do","Ġaprovech ado","Ġmister iosa","im ir","ber ry","di f","car se","Ġtar ot","Ġvel ada","ac tiva","ĠFer rer","Ġescrib en","ĠSoci edades","Ġvulner able","Ġtra tamos","ĠAc tividad","Ġempez aba","Ġsub en","Ġgor do","Ġgobern adores","Ġe uf","ĠA man","Ġimp utado","Serv icio","ro co","Ġentregar on","i arios","c ena","E v","Ġrefer ida","Ġdescub rimientos","IS T","ĠRo dolfo","Ġsen deros","ó j","Ġinten sas","Ġcortes ÃŃa","Ġbel ga","Ġdic ta","Ha z","duc tor","Ġfirm es","Ġco e","Ġutiliz o","Ġpermitir ÃŃa","ĠB un","Ġat leta","stitu cional","Ġlatino americano","M L","ĠA parte","Ġé ramos","minist ra","Ġsubsi di","Ġco he","Ġacci dental","Ġbal anza","Ġsimb ólico","Ġre j","Ġac trices","ĠCon ocimiento","ĠS P","Ġob tuvieron","oso tras","Ġconv ento","la o","ĠE res","Ġtra ición","Ġimpre gn","Ġluch an","ĠAé rea","Ġvit alidad","ipié lago","C AL","Cons ide","Ġconven cidos","p ÃŃa","Ġimpos ibles","Ġtum ores","Ġs ic","Ġrendi mientos","Ġline amientos","ri ty","Ġz ur","Ġempren de","ĠHora cio","Ġmotocicle ta","ĠBo w","Ġvolun tariamente","Ġregener ación","E I","Ġcon torno","Ġenci er","Ġcon gresos","ba i","Ġre i","ĠSport s","Ġorden ada","Ġpasaj ero","Ġan ular","Ġgener ada","Ġdespre cio","Ġcomple tado","Ġquer iendo","Ġretro ceso","vol ta","Ġmar tillo","e lo","Ġnie bla","ĠL lor","Ġtoma tes","Al guien","ĠTRA BA","Ġdec ente","Ġagar re","Ġtras lada","ĠTay lor","d amiento","le gos","Ġart ÃŃsticos","is ion","Ġva is","Ġelectrón icas","Ġpen itenci","ĠSin aloa","Ġestudi an","Ġalterna tivos","Ġpareci era","éndo les","T B","Ġfor zar","â ĸ","Ġlin das","ĠCam bie","Ġtro feo","Ġenv ase","r ÃŃo","Ġcas era","ĠGabri ela","Ġlogra mos","ĠA rist","rim e","Ġus ó","r icos","ĠBo u","Ġatrac tivas","Ġconstru idos","ĠDu arte","Ġatraves ar","Ġdem ol","Ġcons ent","Ġencontr ando","Ġprodu jeron","Ġsuce da","Ġcor al","Ġan alizado","Ġma f","Ġinsul tos","Ġtransform ado","m iendo","Ġtec las","c n","Ġal udi","Ġto allas","ĠK ir","Ġcláus ulas","Ġburbu ja","ti tis","Ġrefle jado","Ġb ob","Ġfres cura","ĠSent encia","le ge","ĠAf gan","Ãļ BL","ĠFOR MA","min g","ĠP ur","Ġma quinas","Ġpol o","Ġarm arios","qu ÃŃn","Ġopos itor","ĠInst rum","ro ja","Ġle ido","s ur","Ġcar ecen","Ġtec la","Ġvolver ÃŃa","l lo","Ġpla gas","Ġrecor riendo","ĠRos s","Ġcontemporán eos","Ġv iuda","ĠContemp orán","Ġd ri","ĠIngenier os","ĠHerman os","Ġdese aba","Ġhol an","Ġalberg ue","gra mos","Ġinvoluc rado","Ġcorpor ales","ó mi","Ġconec tarse","Ġbru to","Ġejer cen","ĠA con","Ġcol ombia","Ġplan tar","Ġimp licaciones","Ġcritic ado","ĠCa ixa","ĠAten as","Ġamino á","Ġh ito","des arrol","Ġin no","ENTA CIÃĵN","Ġneces it","ĠPa go","ren e","Ġproteg idas","Ġaus ente","Ġsug ieren","Ġen gor","Ġretir ó","Ġofrecer te","Ġorden ación","ĠNo va","ĠQu ijote","des es","ĠL IB","Ġlib rerÃŃas","Ġinverna dero","Ġciruj ano","Ġescrib ÃŃ","Ġpareci dos","c amp","ĠRespons able","Ġmal e","c encia","Ġintercambi os","TI F","Ġsent ada","Ġproyec ta","ĠC og","eta fe","Ġti ps","Ġvendi ó","is cal","v adas","Ġe pi","Ġcontrol ador","ĠBro ok","ĠCon tral","i tivamente","Ġinter locu","R OS","Ġque hacer","ĠAl terna","Ġbenefici ar","Ġrevis iones","Ġjun tar","Ġenamor ada","to grafÃŃa","Ġequip adas","G rupo","Ġcan nabis","Ġen horabuena","ĠN acho","k as","Ġabdomin al","Ġmus culares","ran g","Ġform ular","Ġinoc entes","Ġequ ita","Ġoptim ista","Ġpas ara","Ġentre gan","plic ó","ĠCu ad","ly n","ĠAma z","Ġobten ga","Ġrefrig eración","Ġpon te","ju ana","ĠTab la","Ġsu izo","ur met","Ġgir os","Ġcre amos","ucar istÃŃa","ĠJo urnal","Ġse tiembre","ĠL lan","ém ica","Ġmach os","Ġguar dan","de moc","rech o","Ġpin ch","Ġeli jas","S istema","Ġg arra","Ġrecre ación","que tes","Ġtes oros","Ġidón eo","Ġcosm ética","ĠRe don","Ġmil en","ĠLor ca","Ġsuje ción","Ġmadrile ña","est res","ĠAD MINIS","Ġdesl iz","Ġrecep tores","ĠMar s","Segu ro","ĠR R","Ġcomp la","Ġpas arela","ĠCon tr","ĠUn ida","Ġpod és","ĠObje tivo","ĠDepartam ental","Ġcoinci dencia","y right","Ġale jar","ĠCanc ún","ĠCas ino","ĠAb el","Ġlingü ÃŃstica","Ġt il","Ġru bio","Ġgl ánd","ĠDes carga","ci sión","yo u","Ġt ig","Ġinci so","Ġ\" ¡","ĠBar b","Ġinfin ita","Ġsubs ecre","Ġne gado","Ġpl ie","Ġdespla zar","T h","ĠDo ble","Ġinf racciones","ĠCom andante","Ġregist ran","ĠCar m","Ġvib ración","Ġdes g","Ġpromo tores","Ġtelef ónico","ĠC res","Ġinici ación","pa ta","Ġsub vención","Ġgris es","Ġaliment icios","Ġcos tura",", âĢĿ","ĠDar ÃŃo","j ol","Ġreal ismo","Ġara ña","Ġir ÃŃa","Ġlá minas","Ġra mp","Ġór bita","z en","pe lo","Ġcor rió","Ġtal las","ĠAl mac","Ġhici ste","Ġdefens iva","Ġtermin ada","Ġin dio","Ġadap tan","Ġdom ésticos","Ġes quinas","Ġin dia","Ġprob ando","Ġpat entes","Ġsubsi dios","Ġrevel an","ĠCh el","ĠIde as","ĠM uerte","ĠK n","ĠE ver","Ġsu cio","ĠJu vent","Ġhipo tecas","segu ir","Ġguar di","Ġce jas","ĠES TA","Ġfrac tura","ĠNav al","ud ul","s oy","ĠS po","Ġresal ta","Ġca ñón","Ġmane jan","amil ton","Ġvag ina","Ġsu reste","Ġinvers a","z er","ĠV it","Ġdes cripciones","le os","ĠB orges","Ġdetermin an","Ġacredi tar","Ġs po","f ue","ĠG et","Ġsub ven","Ġrequer idos","ĠT itan","Ġdoc tr","Ġconcent rar","T ampoco","Ġlatino americana","ĠG io","Ġexpl ora","Ġw a","Ġh ola","Ġdomin icano","Ġcuán tas","Ġcal mar","cl us","ĠMan zan","ĠincreÃŃble mente","ac tividad","Ġutiliz arlo","Ġlig eros","Ġcotidi anas","Ġprestig iosa","v ino","ĠInte gración","n ers","Ġgan e","Ġllegar ÃŃa","Ġporcent ajes","Ġpales tinos","orden adas","Ġalber gar","ĠF ir","Ġporno grafÃŃa","Ġinvoluc ra","Ġen oj","Ġtrans portes","gaz ine","ĠCompos tela","Ġac né","ĠT A","et ta","ach i","Ġlegitim idad","Ġinv entar","T ex","ĠN ig","Ġne w","Ġ12 8","Ġcal ce","Ġrebel de","incl uyendo","ĠE jemplo","H D","Ġdesn ivel","Ġcurios os","ĠProgram ación","pro fes","ĠCar ras","r ino","Ġatra par","ĠDe ad","Ġtér mico","Ġremon ta","Ġmal ware","Ġdescub ren","Ġreconstru ir","Ġc enas","cor dia","ĠPir ine","Ġmarro quÃŃ","ĠE uros","ĠE ri","de fin","Ġcu pón","AD E","ta cion","Ġmec ánicos","Ġsuscep tibles","Ġmotiv ado","Ġtri tura","Ġcomp ran","Ġmedi ática","ĠCh rome","Ġrefer idos","Ġescuch o","ĠA just","ĠOl iver","Ġtratar a","Ġmoles tar","g lo","re ta","Ġlevan tarse","Ġcar naval","Ġprove e","? âĢĿ,","am el","ĠS N","Ġjug aba","? ¿","ĠR at","Ġgrab ados","Ġpublici taria","Ġveter inario","TIC AS","Ġcap tación","ĠPer mite","Ġvan guar","Ñģ ÑĤ","Ġp ino","ĠTes tamento","Ġrela cionar","Sab es","Ġadecu ación","ĠF en","Ġtir ando",": .","ĠB ut","Ġres ume","Ġindic aron","P RES","Ġconvoca torias","tor rique","all en","ĠC ará","ĠÃģ r","Ġaceler ación","Ġalcanz aron","is eo","ine tes","IS MO","ĠB erg","loj amiento","Ġb rig","Ġescal as","199 8","Ġret ribu","ĠL lev","Ġsuper héro","Ġch inas","Ġarm adas","v iene","x t","Ġd ÃŃ","Ġindign ación","v imiento","Ġpon dremos","Ġinter sec","Ġev ang","ĠD S","ér citos","Ġguard ado","Ġcoordin adora","Y EC","Ġdic tador","cu encia","ĠV erg","Ġinter vin","D ep","Ġdomin ación","ĠSub secre","I gualmente","ri es","Ġmez clas","Ġestratég icas","Ġfantas ÃŃas","Ġb ik","Ġz an","ĠFer re","Ġconsecu tiva","Ġprogres ivamente","er mo","Ġcine asta","Ġevent ualmente","ĠG oya","Ġs am","cil los","Ġhid r","Ġcre as","Sab emos","ĠLo zano","ĠOb viamente","Ġincorpor ando","av era","ĠMon tero","Ġquie bra","Ġl ástima","ĠD ream","Ġta quilla","Ġterri bles","ON ES","ic é","Ġdecir les","Ġco do","Ġresul ten","Ġdedic amos","ĠAl can","Ġfol cl","Ġpreci sos","p y","ĠS qu","ĠO jalá","Ġcontinu ado","D ijo","Ġrela jado","Ġconfigu raciones","Ġexp uesta","ĠMej ores","ĠO L","ĠCu anto","ĠAl c","ĠSim on","ĠCON TRA","Ġdesen v","Ġser ás","Ġnerv iosa","tol ógica","ĠHa itÃŃ","Ġa Ãĥ","pec tiva","Ġcandida turas","Ġplást ica","Ġpró tesis","ÃŃg ono","Ġextre mas","t ÃŃan","ĠU P","In tro","< /","ĠL iverpool","ĠWil son","Ġatac ante","man uel","Ġpreserv ación","Ġneces iten","ĠF ARC","ara gü","Ġlleg aban","Ġllegar án","Ġpreco z","Ġdes van","Ġsum aron","Ġa gen","Ġsus crib","Ġvol ando","K A","ri t","Ġac tas","ĠCh aqueta","dad ora","Ġne gl","Col ombia","Ġcuader no","ĠâĢ Ļ","ce dente","ĠPascu a","Ġcolap so","Ġinv ento","Amb os","Ġre dujo","Ġtrav esti","Ġ\" .","Ġcr ÃŃa","Ġocup ada","Ġguitar ras","Ġel ija","Ġlanz amientos","Ġman tuvieron","Ġretir arse","Ġmoder ada","ash ion","Ġmovil izaciones","Ġto alla","ĠCoordin adora","Ġcar denal","Ġamb icioso","Ġex tor","Ġcar encias","Ġto po","ĠH ig","ĠM ª","ĠN uestras","Ġconsol idado","âĢĿ âĢ¦","ĠPs ico","ĠMar cel","V enta","ĠEs as","ĠDemoc racia","Ġfen omen","ĠEusk adi","b idos","ĠP utin","Ġpul mones","ĠH A","Ġcor dial","AC H","Ġpromo viendo","Ð ²","Ġconten edor","tu res","Ġgra f","Ġp ica","Ġdis puestas","Ġmelo dÃŃa","Ġtatu ajes","Ġreti ra","ĠAfgan istán","Ġaz ucar","W h","Ġespiritu alidad","Ġsu mo","ĠT C","ĠBa ño","Ġtan go","cel as","ĠVelas co","ĠS pr","Ġllev ados","Ġemi tida","ĠJur ado","Ġcep illo","qui á","Gu ÃŃa","Ġcon tienda","oc ÃŃa","ĠAle mán","Ġto d","Ġges tores","ĠCon tabilidad","ĠB ajos","e h","Ġinst into","Ġviv ieron","Ġsan tuario","ĠOri gen","uel ven","Ġseleccion ada","c eros","ĠhÃŃ dr","Ġra tos","Ġmuñ ecas","ĠTex to","ru st","Ġinmedia tos","Ġcon dado","Ġhum ill","Ġsub idas","ĠCoopera tiva","Ġla gos","ig no","Ġsa turación","Ġsome tida","Ġbo leto","ii i","Ġre inado","ĠJ ob","Ġlub ric","Ġabsor ber","Ġdoc ena","ĠEx tran","ĠSer ra","Ġdéci ma","Ġc enso","Ġpublici tario","Ġen teros","Ġinform ados","Ġmultina cionales","ĠMin erÃŃa","D eci","p ad","ĠT ir","ĠR enov","Ġle ón","Ġfeste jos","Ġcamp ana","Ġdi gas","Ġin er","cul tura","ĠRe tro","Ġumb ral","Ġdescon fianza","ca t","Ġob so","Ġador nos","ran ge","M ES","end ÃŃa","Ġma ci","Ġrefer imos","Ġg estiona","ĠVal paraÃŃso","Ġfra udul","Ġsuces ivamente","Ġestable ciendo","Ġconcil iación","Ġo posiciones","Ġexplic ando","Ġdele gaciones","Ġn omina","ást icos","ga t","Ġ19 45","Ġsepar ada","ĠPro ve","Ġantibió ticos","Ġch apa","Ġinterv ienen","Ġartesan ales","Ġconsa gr","t ál","Ġt ach","Ġop ta","Ġdes inter","ĠIma g","Ġreac cion","Ġfirm aron","al lo","Ġestima ciones","Ġcomplementar ia","j uy","Ġespe cias","Ġhere dero","Ġusu almente","Ġdelan teros","tur adoras","Ġsolici tada","Ġreconoci mientos","Ġseñal ados","Ġapos tó","Ġenfer ma","Ġintent aron","ĠTes oro","Ġtra tará","á culo","RO L","ĠEn contrar","Ġcilin dros","cl ub","Ġanón ima","n eces","ĠL CD","Ġpr onos","ĠCom pany","ric k","Ġtelef ono","ĠEn tren","Ġrazon amiento","ál ido","C rist","Ġotor gó","Ġdi osa","ĠCa dena","ĠRin cón","Ġmas turb","ĠDu ración","Ġtram itar","Ġpudi ese","Ġdivi dida","Ġenv as","Ġcar net","Ġenseñ an","Ġfuer e","Ġba tir","Ġseñor as","Ġescon dido","Ġter m","Ġaport ado","ch at","Ġna var","Ġinstrum ental","ĠR un","ĠG ente","na v","Ġal ias","án ime","Ġpa gó","Ġsan dalias","Ġsubsi dio","Ġincondi cional","Ġesco te","Ġp om","Ġten és","Ġadap tada","ĠS ISTE","l ines","Ġanécdo ta","an ismo","orm almente","Ġba te","Ġarran có","res ÃŃa","u te","Ġlic enciado","Ġorgas mo","v ina","Ġin co","Ġde no","ĠU sa","Ġfacil itando","ĠD io","Ġen umer","Ġproyec tar","U RA","ĠG las","Ġincl inación","Ġemble máticos","ĠJust in","AT OS","ometra jes","Ġpro cura","Ġap unto","Ġro uter","ĠWhats app","a pos","Ġdispar ó","tien es","Ġins in","Ġbi ologÃŃa","Ġexquis ita","Ġanticon cep","ig ne","Ġt ambi","ĠCon oci","Ġsigu es","con o","Ġdolor oso","Ġte mo","ĠIsa ac","ĠT on","yu ge","Ġesc an","ĠEn tidades","Re almente","ĠPascu al","AN D","Ġm ora","ĠMar ÃŃ","Ġcruc eros","Ġdesemp eña","Ġor todo","ĠA gre","Ġad uan","Ġfinal istas","Ġocas ionar","ĠT RI","Ġc ac","Ġcosm éticos","ĠEdi ficio","Ġrevolucion arios","Ġf ul","Ġin igual","Ġevi dentes","Ġnomin al","Ġfós iles","u go","s hop","pe ci","Ġencues tados","ni fer","na cionales","Ġcar ica","Dav id","ĠMo d","Ġdisput ó","ĠE ze","Ġbal as","Ġfirme mente","ten as","Ġforma tivo","Pro yecto","Ġrecaud ar","Ġdetermin e","Ġintes tino","Ġprol ong","Ġsecu encias","cal ientes","tur almente","ĠBar rios","ĠN at","ri tal","Ġexces os","Ġins crito","Ġhol andés","can os","Ġfabric ada","estr al","ĠCl im","Ġsal tos","qui pa","Hist oria","ĠG el","Ġajust able","ier s","ĠS om","Ġcambi aron","Ġofre cieron","Ġn ór","Ġutens ilios","cul ación","Ġpas aban","EL O","Ġf ruc","Ġpon encia","Ġno vena","Ġimp arte","Ġpa gue","ĠL ady","Ġcaus ada","cor por","tu p","ĠLoc ales","Ġembar cación","ĠSh ang","mu jer","Ġconform ación","ás ica","ĠPro tec","Ġus aba","ĠSer ver","ĠF utbol","Ġmanz anas","Ġtur co","Ġliter al","ri al","Ġproces ado","Ġsust ento","Ġinalámb rica","Ġar en","Ġceleb rando","it ora","ĠCam paña","ĠTOD OS","Ġe rig","te te","Ġprotagon izado","ĠDocu mentación","Ġdid áctica","Ġcuales quiera","Ġproporcion ando","Ġcató lico","Ġsolici tando","uev ara","Ġsegu ÃŃan","D icho","Ġllev arÃŃa","ĠCiudad ano","Ġvam piros","Ġcomp i","Ġfiscal ÃŃa","Ġlig ada","Ġdu re","O l","Ġbreve dad","Ġhacer las","b ola",". °","v inas","Ġin quil","Ġex trad","Ġesc omb","Ġvig ilar","Pro fes","Ġpuls era","eron áut","ĠSo vi","Ġcer rando","Ġva inilla","Ġposi cionar","Ġpreten siones","og ÃŃa","p df","ðŁ ĺ","Ġsosten ibles","d t","ĠO pti","Ġtrans mis","IDE O","ĠES PE","Ġdeb ilidades","Ġmad uro","Ġbach illerato","Ġreg ÃŃmenes","Ġra cismo","ma x","Ġace it","U LO","Ġes feras","ĠCol l","Ġbanc arios","Ġdes ol","Ġop tado","ÃŃ mos","Ġcan asta","ĠCambie mos","ĠO la","so por","Con tamos","Ġaband ona","pos as","Ġproduci das","Ġvoc ales","Ġdi min","Ġcuid ada","m ados","ĠInstal ación","Ġsum arse","Ġsil ueta","ĠRib era","ĠAnaly tics","Ġimplic an","Ġi mit","Ġcos mo","ĠGas tron","te ch","Ġex termin","Ġpr ór","Ġexperim enta","Ġautent icidad","ra ft","par ti","ĠMé dicos","Ġmanifies tan","Ġli tig","Ġapas ionado","Ġboliv iano","ĠT ribunales","ĠB ack","ano va","Ġfur gon","Ġmedi ático","ear ch","Ġrebo te","Hab ÃŃa","ĠM ik","Ġpo dia","Ġhon dure","ĠEsco cia","Ġen tro","Ġcom ens","Ġgrues a","Ġayud amos","Ġsin tiendo","- ¿","Des cargar","Ġizquier das","ĠProces os","Ġenfrent ará","CH O","ec ción","Ġla ta","Ġle en","Ġdist ribuye","ĠS her","Ġprof eta","Ġsuf ra","ĠC all","Ġtrans gén","Ġdefender se","Ġro da","Ġpes cados","ĠRo que","Ġca t","Ġcenten ario","Ġventil ador","Ġenfo ques","x y","ĠAn ual","ĠPro teg","endi dos","Ġprogram ada","ĠDes cub","ĠOB JE","ĠJona than","ór icos","Ġsen os","ĠOb ispo","d ando","Ġgener e","Ġsec uela","Ġprofes iones","Ġir onÃŃa","Ġvalenci ano","ĠContra to","Ġcamina ta","V aya","Ġpregun taba","Ġartes anÃŃa","Ġh embras","Ġpo zos","Ġcal ificar","Ġautor ÃŃa","Ġinolvid ables","Ġparale la","Toda vÃŃa","Ġpar ás","Ġdecir me","cin to","l aces","Ġcorrespon der","Ġprohib ir","ent ador","ĠPrem ier","Ġro ble","itor ios","ĠRes istencia","an cial","ĠF unción","Ġresul taba","Ġalcal dÃŃa","Ġsemif inal","Ġvac antes","ĠÐ ¿","Ġp é","Ġ2 30","ĠB uc","Ġtor pe","is sa","Ġaerol ÃŃneas","ĠEmer gencias","Ġres plan","Ġ195 9","ĠCateg orÃŃas","I TO","à ´","Ġpa pe","Ġcel este","inter rump","e ando","ap an","a hu","ig mas","Ġcoyun tura","ĠIN V","Ġprogres ivo","ĠDav is","er ve","Ġliber ado","Ġré plica","Ġpelu querÃŃa","Ġcomis ario","Ġ uc","Ġadi das","Ġremo ver","Ġintes tinal","Ġauton ómico","Ġmix ta","Ġaplic adas","Ġgaran tice","ĠPro bablemente","Ġpens ada","Ġdiscre to","Ġcora zon","ĠCu ero","Reci entemente","ĠLa ur","Ġpre di","ĠPales tina","Ġprede cir","Ġre cesión","T ON","Ġen ven","Est aba","Ġobserv an","oluc a","ĠS tal","Ġincorpor ados","Ġagu jas","inter pre","Ġgu apo","am ante","lic es","Ġqued ara","dones ia","ron g","Ġintro dujo","A ñad","Ġliter arios","ĠSo porte","F rente","Ġen tes","in en","amil itar","Ġnaveg adores","Ġrecop ila","Ġmagn esio","Ġconoci eron","Ġregul aciones","Ġma gos","Ġdej ara","Ġdel a","ĠIN TRO","D C","Ġfal lar","Ġha cienda","Ġte ñ","de mont","Ġdel iciosos","Ġmetál icos","s w","ter ona","ĠE che","z al","Ġe ternidad","Ġperman eció","Ġseleccion adas","Ġapren dÃŃ","Ġtrist es","N ET","Ġanim ada","Ġpromo tor","is ex","ĠM OR","segu ridad","Ġleve mente","ĠTOD O","Ġingres a","Ġtrop icales","Ġdem ócratas","Ġasever ó","ul itis","Ġag ilidad","ĠC ambi","Ġpu p","Ġfre el","ran t","Ġl itoral","Ġpor cel","Ġgole ador","ĠH is","Ġcen izas","incl uso","ric e","Ġcru ci","Ġsh ort","Ġcuchar adas","Ġinvesti gado","Ġescol ta","ĠN Y","ac á","Ġtóx icos","Esper amos","E duc","Ġconserv adores","Ġhomosex ual","v é","ĠColor ado","Ġcál ida","Ma ñana","Ġenfoc ada","Ġprodu zcan","ss ss","Ġfirm ada","Ġecles i","Ġparticipar á","Ġus as","ĠF U","je tivos","amb ul","Ġequival entes","Ġprepar adas","Ġdesper tó","ér f","Ġinci dencias","ĠPonte vedra","ĠEd ward","ĠM iller","Ġkm s","Ġutiliz aron","Ġcru za","Ġrepresent ados","ap ren","Ġacompañ ando","ĠM id","ga pur","s is","ate mal","Ġenf ad","ĠCompe tencia","Ġprotec tora","Ġco bar","ĠElectrón ico","ĠT la","Ġempe or","Ġdis pens","Ġb la","ĠA ta","s k","Ġapar ecÃŃa","ve y","Ġponer nos","ĠVen ezol","ĠP iel","ĠTit ular","Ġmedi cinas","ĠB uda","Ġrefuer za","Ġquedar me","lex ión","ĠCampe ones","Ġqu itado","Ġcenten ares","ingü e","F ull","ĠCh al","dr ÃŃamos","Ġfle cha","qu én","Ġven cido","Ġacep tada","ĠDar k","ĠLev ante","Ġsuperior idad","it ancia","Ġofici os","ment ados","Ġ15 5","Y A","Ġparti darios","Ġagu ar","ur ense","Ġove jas","ch ura","ĠPa is","l ist","Ġpro visión","Ġcuch ara","Ġdram ática","Ġatar decer","Ġtransvers al","Ġpreocup ados","UL T","p g","ĠP ent","Ġcuar tel","ĠEcon ómicas","Ġcardiovas cular","Ġech ado","Ġvel ar","Ġconduc en","tur ar","de lar","ĠV ivo","Ġrebo tes","hibi ciones","A caso","ĠCa ñ","Ġconform ar","Ġsent ó","ten se","ĠMar iana","Ch ile","Ġsign ificados","Ġse vera","Ġpoder osas","Ġrecl ut","Ġ oso","Ġremodel ación","Ġubic ar","Ġadver tido","ĠJ A","ĠComple jo","Ġba iles","enci ados","Ġimpon ente","Ġest abas","com er","Ġtu toriales","Ġri gen","Ġlider ar","Ġbar ba","olo ca","Ġafric ano","Ġgrad ual","ĠMa dera","rán sito","Ġapar ezcan","Ġestad ÃŃsticos","ĠADMINIS TRA","U nos","Ġcircul a","Ġllor ando","Ġre trans","Ġequilib rado","âĢĿ ?","Ġafil iación","ĠT EL","Ġ¡ ¡¡","Ġb ec","ĠE F","Ġacab amos","Ġalf abe","ĠPhil ip","F uer","ici al","Ġdeb iendo","rel l","TOR IA","Ġinscrib ir","Ġexpan dir","ĠC ruc","ĠCor rientes","Ġhig ién","ent amos","Ġpe dÃŃ","Ġapel ación","ĠT her","ĠV io","Ġn oreste","ĠSil ver","Ġllen ado","lo ok","Ġmo vi","Ġide ológica","Ġcruc es","Ġadmir ar","s ch","Ġde ton","Ġasum ido","Ġutil icen","Ġsole mne","Ġindirec tamente","Ġlegen dario","ci tamente","ec encia","gen eración","Ġimpres a","Ġquis ieron","Ġconsul tor","Ġasomb ro","Ġc d","Ġb it","ĠM inas","Ġpas ivos","Ġes por","Ġpa ño","Ġrecibir ás","ar y","ĠRe alizar","O f","Ġorient ados","Res pon","Ġextin gu","Ġha za","dor ra","Ġversa tilidad","Ġne ws","Ġcontinu as","Serv icios","Ġfich aje","i der","Ġcontractu al","Ġl ent","Ġpól iza","c ente","Ġpul món","Ġmar es","Ġeró ticos","ADOR ES","Ġac ol","ĠI A","Ġver so","Ġinstitu tos","Ġencan tada","Ġproces ados","Ġpar che","Ġdic tado","Ġcambi ará","TI ON","ÃŃst as","Ġlegisla tivas","f en","Ġdesl umb","Ġper su","Ġ19 40","vie ja","ĠG ian","unta in","Ġcom ido","ĠF E","Ġgrave mente","Ġradi ante","T F","m eras","Ġhim no","ĠC OS","Ġrepresent ando"," ¬","Ġmayor itariamente","al to","Ġev ac","Ì ĥ","Ġpal adar","T ICO","Ġcol as","ĠZ en","ĠJu juy","Ġas fi","Ġconfron tación","e idad","Ġbizco cho","Ġch asis","Ġab raz","Ġh allado","es tan","Ġinteres ar","Ġde pres","Ġp ionero","ĠS US","Ġpris ioneros","uc as","Ġpie dad","Ġfac eta","C in","ti era","Ġsonre ÃŃr","Ġexpor tar","ĠHua wei","Ġguer rilla","Ġgan arse","ár ra","Ġle gu","Ġimpuls ada","Ġabog ada","Ġpronunci ado","1 20","di almente","Ġcual idad","Ġcolabora ciones","al idades","Ġins ól","Ġalum nas","ĠPala cios","Ġcolabor ado","ra mente","Ġdivertir se","Ġindi ferencia","Ġandal uza","Ġgran di","acu te","ĠF ED","ĠSab er","jug ador","Ġnacional ista","á i","ĠMé dica","ĠD amas","ĠMon s","h es","Ġec olog","gu eros","ĠNo te","end amente","In stitu","Ġapos tando","v ard","Ġofre zca","Ġsensibil ización","Ġpro fec","ich i","Ġtem ores","Ġsup rimir","Mig uel","Ġdesarrollar on","ĠEscri tura","gu eras","Ġseñal aron","ĠMa z","Ġle d","Ġar ca","Ġsimp atÃŃa","g ad","ĠC B","Ġcar petas","or ient","ho w","Ġasist encial","IL LA","Ġprobar lo","Ġadap tados","du jeron","Ġamig able","ĠProto colo","A na","Ġpo tasio","ulip as","ĠRec o","Ġsucur sal","Ġpar ientes","ĠT eo","âĢ¦ ).","ĠCas o","Ġes mer","d ú","p x","tagon ia","Ġlengu ajes","ĠColec tivo","Ġhubi esen","ste des","Ġhacer les","ám enos","ĠBel leza","Ġhos telerÃŃa","Ġar bitraje","Ġabra zar","na cional","Ġplom erÃŃa","Ġgin ec","ĠR áp","Ġgu iada","Ġexten dida","Ġpreten der","Ġer mita","P in","ter ror","Ġacredi ta","ĠInst rucción","ĠVia je","ĠCará cter","ĠRa quel","Ġcontinú e","ĠRe uters","Ġsac aron","Ġlimp ios","Ġmejor ÃŃa","Ġrec tang","Ġamena z","ri tis","Ġir ra","â Ļ","Ġac lam","Ġhaci éndolo","ĠFinanci ero","ĠME J","Ġdisfru tes","Ġamor osa","Ġhon ra","Ġampl ÃŃa","Ġanal ÃŃtica","ĠW olf","Ġgo zo","Ġorient adas","Ġmon tes","Ġpreca uciones","Ġatra pado","Ġcapaci tado","Ġdeci des","Ġdev uelve","Ġver as","s un","Ġde ducir","Ġañ aden","Ġrecib an","Ġde t","Ġsupon ÃŃa","ĠT ránsito","Ġinus ual","Ġregular idad","UL AR","Ġrad ios","Ġingres ado","Ġk irchner","ĠG uevara","im ar","Ġmor f","Ġsuminist rar","can dida","ĠAlz heimer","Ġan hel","Ġol vidad","ĠDie z","Ġtranspar entes","Ġmutu amente","Ġdinam ismo","ER OS","ĠOri entación","ĠAs c","Ġban quillo","Gu ar","N et","Ġam abilidad","AL A","Ġru tinas","ĠB iz","ĠFin landia","ĠCamil o","Ġpárra fos","Ġinf arto","Ġderro tó","ĠC eb","Ġdiplom ático","v echo","gues es","htt ps","Ġensal adas","ĠPlan es","Ġlác teos","Ġconten idas","Ġsol es","Ġproces al","Ġvolver án","ĠCon stru","Ġv ec","ĠB AS","Ġcorrup tos","Ġantepas ados","pro p","Ġconse jeros","Ġ196 4","Ġpi ña","Ġfrag mento","Ġdesen lace","h em","da dera","CE P","Ġmedicin ales","Ġprolon gado","ĠH idro","Ġc esta","Ġatre ver","ci able","fac tos","J uegos","Ġintérpre tes","u ada","ĠA ula","mas ter","Ġguer reros","ĠP las","ĠT um","Ġimplement ado","Ġanaliz an","Ġda ting","Ġform aron","Ġcontra tados","Emp ez","Ġin édi","ĠD F","Ġmec ánicas","Ġhab las","ĠVal verde","f el","Ġmu d","Ġde cepción","Ġap lique","Ġdenomin ados","ĠAntio quia","Ġprior i","Ġsecundar ias","av ajillas","qu o","ĠBri an","t oma","ĠPro ject","Ġplas mar","Ġinter valos","Ġacum ulada","Ġprote gen","ĠCh ico","gn óstico","Ġreun irá","Ġherman dad","Ġcom and","ĠC en","qu ismo","ĠRes umen","Ġindirec ta","Ġfemen inos","Ġbas ándose","Ġmetál icas","don cia","ĠFran cés","r us","c ana","ĠP T","ĠAutón omas","ĠS AP","vers ible","ĠBas es","as y","Ġmelo dÃŃas","Ġs ismo","fec ciones","Ġidentific ada","Ġinaugu ral","________ ________","Ġdeb iera","zar ote","Ġdesplaz arse","ĠDi rig","Ġre tar","Ġrevesti miento","ĠAuxil iar","Ġ ora","car on","Ġfoc os","n ik","Po d","Ġtex tiles","Ġduer me","Ġes lo","ĠO TAN","cer n","Ġlien zo","Ġsu cia","im al","D oc","Ġ196 6","Ġocci dente","Ġarra ig","isfer io","ĠBarran quilla","Ġpreten sión","Ġsubray ado","Ġmezcl ado","Ġsu ro","Ġinv itada","Ġun idas","Ġinteres e","Ġa dren","Ġgas tro","ĠCar lo","Ġseñor ita","ĠDist ribu","ĠM ano","ĠEduca tivo","Ġpuntu alizó","ĠUSU ARIO","Ġentre gada","Ġfin os","Ġacer tado","Ġelite torrent","Ġrelacion an","ĠMov ilidad","Ġsitu adas","Ġremun eración","Ġtir ado","Ġreconcil iación","Ġlu ci","r éis","ĠDec oración","ĠEliz abeth","ÃŃ tez","ĠD IF","Ġch up","Ġgener ador","ĠAllen de","ĠCON F","Ġcapit ulo","Ġno te","ĠMunicip ales","Ġree lección","Ġtoda via","ril ler","Ġhistori adores","Ġir é","luten se","Ġabrir se","Ġdirig ÃŃa","ĠEjecu tiva","Ġtr ic","Ġpas arán","Ġcam pan","Ġcorpora tivos","Ġ19 30","Ġdel icia","Ġliv ing","ĠDOM IN","Ġdesvent aja","Ġdiam antes","M ic","ĠVan guardia","ĠU GT","Ġan i","Fran cisco","ĠRies go","Ġtrans miten","Ġtib ur","Ġextra ñar","rup ación","ĠFon dos","ĠRos e","Ġ196 5","Ġglo bos","Ġhos ting","ici ado","Ġapar eciendo","Ġpermanecer á","ĠH amilton","Ġinclu ÃŃa","Ġsimpa tiz","Ġdemos tra","Ġin sopor","ur bios","Ġacab aron","199 7","dil las","ĠAudio vis","ĠE bro","Ġhos til","Ġvib raciones","b ón","ĠW eek","Ġb éisbol","ĠTex t","ĠRen é","a ga","ge lo","ĠEdi tion","to x","ĠInstitu te","Ġrecor tar","Ġpeda zos","erv a","ec edor","Ġsacri fic","p ido","ĠCent enario","Ġpon drán","Ġenvi di","Ġ10 2","ph p","Ġsub ieron","G S","Ġsan cion","Ġevolu cionado","Ġu vas","de ar","24 3","Ġrecop ilar","V oy","Ġas om","pol ÃŃtica","la te","Ġreglam entos","ĠHun grÃŃa","is iera","cuent ro","Ġh ome","ĠC ÃŃrculo","ĠH ub","ĠCar rillo","in tos","Ġcas ada","Ġproduci rá","ĠOr d","Ġpa yas","Ġextraord inarios","Ġmonum ental","Ġcl ip","Ġres urrección","Ġser emos","Ġil usion","Ġtraspas o","Ġvia jando","Ġfac tible","Ġcorri da","ĠM EN","Ġálbum es","Ġrepos ar","Ġref in","Ġdirig encia","aya quil","Ġrazon ables","Ġveter anos","Ġn ueces","ud an","Ġdescub rieron","ĠRE AL","Val encia","ĠLa gos","Ġo h","ero a","Ġpsic ológicos","om io","Ġbenefici oso","Ġconfirm aron","Ġw indows","Ġin ad","Ġincent ivar","ĠNorm as","da z","ĠV ial","Ġjajaj aja","st ruc","Ġper las","Ġimperial ismo","ĠL ucha","Ġfr entes","Ġjoven cita","Ġsubra ya","Ġmil itante","Ġser en","Ġco okie","ĠDeb es","Ġan he","inar iamente","Î ±","ĠEl ige","Ġcon ste","Ġn ula","R os","ĠConten idos","ĠQ a","ĠVI P","ĠNorte américa","Ġcón yuge","de te","ĠB ad","Ġarquitectón ico","TU AL","Ġsal te","v emos","Ġconform ada",") )","Ġfue gos","Ġpo de","Ġcomun ismo","In vesti","Ġenfri ar","Ġdiges tivo","M V","Ġan tis","Ġesta tura","ric ho","Ġ/ >","Ġcatástro fe","Ġdef endiendo","Ġfes tividad","j imo","Ġj ul","R om","Ġre apar","st on","ĠEn g","Ġ19 0","isco pal","Ġjo der","Ġom isión","âĤ¬ ,","ĠS nap","ĠI t","gar o","Ġfemin ismo","Ġfuncion aba",", [","ĠFor tal","ĠâĢĭ âĢĭ","Con tac","Ġfavor ecen","Ġinmor tal","Ġpas tores","Ġdesa gü","ĠD orm","Ġlim itadas","Ġsub terrán","Ġgen ético","ĠBi ologÃŃa","V esti","ĠG etafe","Ġllevar la","Ġrin de","v amos","Ġb amb","ĠIs landia","ĠSar miento","ĠPo esÃŃa","Ġavis ar","par on","Ġvac ÃŃos","ĠÃģ ra","Ġbac teri","l ut","Ġenv uelto","Ġalmend ras","Ġdestru ido","ú per","Ġbo u","Ġnatur alidad","Ġsegu idas","Ġdesarroll en","ĠCre ar","Ġtrem endamente","ĠSa tur","Ġc úb","Ġh il","ĠAut omo","Ġ196 2","Ġres ol","Ġrecuer de","esti al","Ġhid rocarburos","Ġsin fÃŃn","ĠN ight","Ġparti ó","do l","ĠE t","Ġco c","Ġ19 20","Ġpr osa","Ġ3 20","ĠP et","Ġparticip en","Ġab ol","ĠM uestra","ĠQu inta","ĠBo tas","Ġimpres oras","es cri","Ġtriun far","u ble","Ġp icado","Ġelec tores","Ġaisl ados","Ġcompar tidos","Ġf et","ĠE tiquetas","Ġco ordenadas","Ġradic almente","ĠInter americana","Ġtra mit","Ġhere deros","ĠPor to","Ġt áctica","Ġb udi","Ġfe deración","ĠSole dad","ĠC if","IT AL","ĠPer ón","ĠNe y","Ġsho ws","l aba","Ten ÃŃa","Ġline as","Ġampl i","ĠIn és","Ġval encia","enten ario","ĠPrincip al","Ġdispon ga","Ġgolpe ar","Ġme dicación","ĠB asta","Ġpar amilitar","Ġinver tida","Ġconse jera","ĠB ello","Ġpronunci ó","Ġhici eran","Ġaprovech an","Ġflor al","ĠP ix","Ġreduci dos","Ġretra tos","Ġdu ran","ĠLic enciado","Ġcre yendo","ĠES TU","z oso","Ġir rump","Ġten or","Ġalar mas","Ġt hat","Ġgre mi","Ġvag inal","Ġmal dad","b ran","Ġvam piro","Ġcorrec tas","ri x","Ġinv al","ĠPo blación","Ġocup ando","Ġcurr ÃŃculum","........ ........","Ġimpo tencia","Ġllam amiento","Ġreun idos","Ġinesper ada","Ġin se","Ġfues en","e jos","g y","ĠContin uar","dal e","Ġexpon en","Ġemerg ente","ĠM iles","mas car","gon és","ĠS tone","Ġorgullos a","ver g","Ġpi ro","ĠVe lo","V a","ĠVal dés","Ġdivis a","Ġmar inas","ĠPar ticular","Ġim itar","v ac","Ġprepar arse","C la","Ġya cimiento","ĠA vel","Ġcal idez","Ġcoloc ando","Ġconvoc ada","Ġmol des","ĠS ens","ĠI ron","Ġinstal ó","Ġerrad icar","ĠO EA","Ġán gulos","Ġin interrump","ĠC is","Ġtra iler","ne te","Ġz inc","Ġdes mante","Ġas piración","ĠR y","ind icación","Ġp ill","Ġrele vo","Ġmin eras","Ġmagn ético","Ġfelici dades","Ġofrec ÃŃa","omas aje","Ġpreocup an","Ġmag na","Ġdel icias","sta ta","ern et","IS TA","Ġllev ara","Ġarch iv","D ER","Ġnar rador","ty le","uy o","ĠSEG UR","ĠAnth ony","Ġmil itancia","Ġentien da","Ġfrág il","á geno","Ġfas ti","ĠHo t","Ġesta f","Ġmas aj","vis ion","u gu","Ġv icio","ĠRe quisitos","Ġver bo","Ġsimul tánea","I AS","Ġind ul","Ġbal ne","Ġconfir man","Ġpar lamento","Ġfinal idades","pañ ol","ul ó","Ġadap tador","Ġv ómi","Ġver gon","Ġinici an","ro jo","teg ro","ĠCol lege","Deb emos","Ġaler tas","ĠJef a","âĢ İ","ĠTen iendo","en an","Ġguer rero","Ġtar dó","Ġexpuls ado","Ġc uevas","ĠG ráfico","ha ga","Ġtendr ÃŃamos","ĠOrgan izaciones","Ġemble mático","Ġsatisfac toria","v ig","tn ers","Ġpa trimon","ĠQu ienes","me ga","Ġweb cam","Ġre a","ĠConstitu yente","on era","ĠIn cre","Ġincómo do","Ġesc alo","Ġalta voces","Ġpre temporada","ĠCh ev","Ġcomunic ó","Ġcenta vos","ĠAn iversario","Ġadvers os","que ño","Ġinter valo","Ġenerg éticos","Ġinser tar","ĠAdri ana","ĠHuman idades","Ġs illón","Ġdes ent","ĠVer ónica","ĠT omo","Ġcol ina","Ġpregun tando","ih ad","Ġna zi","Ġinternacional mente","ĠIn donesia","ar k","el i","Ġsec ador","Ġign orar","ĠK on","Ġarras tra","Ġsub yac","one y","ĠV olver","Ġcons uelo","person al","Ġ å","Ġca te","Ġencabez ada","Ġescuch an","esta ble","Ġpul ver","ĠO MS","Ġlad rón","Ġrestable cer","Ġco ge","Ãij A","ĠRec ord","ĠOfer tas","Ġcent rarse","ĠPer ió","ĠMus ical","Ġetique tado","Ġmaxim izar","Ġesp in","Ġfe ed","Ġlim itados","c usiones","ĠDip lom","ĠYo ung","Ġcontes ta","Ġexplos ivos","au tor","Ġrecicl ado","ĠS tr","Ġar ea","cap aces","Ġp izarra","res s","Ġjud ÃŃa","Ġsal ta","Ġalgorit mo","e do","uch ar","Ġco bi","g ico","ĠL inares","ĠLo u","ĠPatri cio","Ġfemen inas","I AL","ĠIs lam","ĠPal encia","it ra","ĠIs land","Ġforma tivas","Ġ13 5","Fran cia","ĠEm ma","ĠPre cisamente","asti cidad","ient as","óg n","Ġintent amos","Ġentreten ida","ĠPi ñera","Ġfr ÃŃas","gob ern","Ġcont ados","Ġintu ición","ĠMon itor","ĠL ola","Ġcon gre","ib ra","Ġman to","ĠMe ta","ĠGu ay","ĠAva ilable","ĠE tiquetado","H acer","K E","ĠZapa ta","Ġinno var","Ġas iste","Ġindividu almente","Ġesp adas","Ġcon tención","ĠI G","n unca","ĠA I","Ġpres tados","h ace","ĠTecn ológica","Ġquirúrg ica","J orge","oc ada","Ġir me","Ġinter anual","Ġfortal ezas","d ria","Ġconce dió","Ġdes pacio","Ġcompartir lo","Ġm osa","Ġauxil io","ĠSovi ética","Ġsi túan","Ġinform an","Ġdeber emos","Ġmedi terránea","Ġadquier en","ĠOpin ión","Ġfal das","Ġre edi","ĠEugen ia","w atch","Ġg asta","Ġinde f","Ġrecog idas","Ġexc usas","ĠP ierre","inf lama","f lores","Ġadi ción","ĠBen ÃŃtez","ĠM ajes","EL L","Ġfl uc","enci ación","ĠTal la","e qui","Cu atro","Ġvolver se","Ġpersi anas","ĠV ive","hot mail","Ġfor zada","ĠPa ge","Ġb ic","Ġlig eras","Ġgastron ómico","Ġaust eridad","ĠNo u","Ġmedioamb ientales","ĠL ion","ier ras","V ic","ill ero","y ing","Ġdura dera","c ÃŃ","Ġin cans","Ġas ma","Ġso p","Ġcomprob ación","m esa","Ġprogres ión","Ġp icos","Ġsal món","Ġcaz adores","Ġentregar á","ĠIN F","cil las","San ta","Ġcica triz","P ien","Ù Ħ","le tic","ó grafo","Ġplane ado","Ġsex ualmente","ĠM ódulo","ĠD am","Ġunivers itarias","Ġrodil los","ĠDes af","Ġfinanci ado","Ġenamor ar","Ġbi ológicos","Ġdegrad ación","ĠApro vech","ien ce","ĠBus co","ĠContr eras","tis mos","Ġfelici taciones","ĠS iete","ĠE mo","Ġen teras","Ġvia gra","ĠQue da","Est án","es pa","Ġcan tos","Ġafec tó","ĠComp lutense","Ġpresi dido","ĠA riz","Ġval ientes","Ġv on","ces or","Ġimport ant","es s","Ġven drÃŃa","Si guiente","Ġpsic ólogos","ĠFá cil","D ist","rin t","Ġaten didos","em an","ĠF unda","Ġreci bi","ĠCal vo","os is","ran za","Ġsuf rag","Ġmer mel","Ġacompañ adas","Ġampl iado","ĠMich elle","S aludos","15 3","ĠSO CI","da tario","ĠElec tro","ment ado","Ġdig estión","Ġenmar ca","ĠAl i","ÂĶ ,","ĠReun ión","ĠM AC","Ġdi jera","ĠS ie","Ġap ues","Ġdesarrol le","Ġman sión","Ġmasac re","Ġc n","Ġsacri ficios","ĠN OR","Ġaf luencia","mit ente","g h",". *","Ġad miten","Ġapro xima","Ġhablar emos","? :","Ġar o","E O","ĠAn tic","Es pecial","Ġdist anci","Ġentender se","Ġsole mos","Ġ ¨","Ġenten dÃŃa","Ġs k","Ġpropie taria","ĠEspecial mente","Ġaf ortunadamente","ĠPuig demont","ĠE ar","Ġcuestion ario","ut ada","Ġases inar","Ġprom ueven","hist oria","P edro","Ġas co","Ġjug adas","Ġcondi cion","Ġrespon dido","ws ki","sh ip","Ġvicepres identa","Ġman dado","Ġalquiler es","fo to","ig nas","Ġencar gan","Ġbor rador","Ġr ene","ĠEs par","ĠA ero","Ġpublic ando","ĠRepresent antes","Ġtob illo","I MA","ĠAn trop","d le","t adoras","ĠW oo","Ġco cer","ind ro","ur ce","ĠCrist al","ĠAndal uz","Ġb ilateral","ĠCon junto","Ġreg ala","Ġescuch aba","den ciales","ĠMan ejo","c én","Ġ `","ĠInter pre","ó ticas","ĠBás ica","Ġ º","ĠClaus ura","Ġincom pr","Ġhid rógeno","âĢĶ âĢĶ","Ġ> >","Ġru g","Ġautomo triz","Ġtranscur re","Ġsab ÃŃamos","ĠIl um","Ġpoli éster","ca ya","ém ico","Ġfor zado","Ġc los","Ġimpres os","Ġej ércitos","Ġestric ta","le te","ĠEs pi","Ġgor da","qu eras","Ġmon os","Ġsem en","Ġapla usos","ĠK y","ĠIN E","Ġcuid ando","AM IENTO","Ġam ada","Ġrealiz aba","Ġsan gri","Ġjub il","Ġdes apro","Rec om","Ġfer tilidad","Ġre ab","ier tamente","ĠC ÃŃv","Ġch iste","Ġaisl ada","Ġata ca","Ġrecu ento","Ġpas toral","Ġautom áticos","sen ger","ĠNis san","Ġrep leto","Ġval les","ĠEl che","Ġentra mos","Ġn al","ĠT ron","Ġreform ar","Ġrecomend ó","Ġcoinci diendo","Ġto can","Ġcontribuy endo","Ġar cos","Ġt io","ĠBea t","Ġvacun ación","Ġw e","Ġincre ible","ok e","Ġcoord inado","A po","Ġcon ejo","Ġunif ormes","ĠCe uta","Ġperegr inos","Ġpara je","Ġcier ran","Ġcar c","Ġy er","Ġjust os","ES T","ĠInfraestruc tura","Ġcomprome tió","ten ga","gar ia","ĠK as","M us","id ón","Ġen rol","quÃŃ mica","Ġprolifer ación","ĠPr ácticas","qu inaria","k ÃŃn","Ġres olvió","ĠLa u","com merce","Ġra ya","Ġale ja","Ġcercan ÃŃas","ĠPar ra","Ġayud ante","Ġ10 3","Ġex il","Ġk ar","Ġbar ril","ĠAs s","Ġen caden","Ġnorma tivo","Ġinici ada","a to","ĠUb untu","x it","ĠIb érica","Comp rar","ĠT Ãī","ĠG ara","Ġcritic ó","Ġarres to","p ace","Ġescu adra","Ġdomici li","ĠHe alth","Ġanunci ada","Ġempu je","Ġh adas","ĠvÃŃs pera","Ġmanifes taron","Ġprefer idos","Ġmuer tas","ĠTerri torio","ĠO de","ĠMete or","tic al","ĠÃļ nico","er ción","Ġcáp sulas","Ġcan chas","Ġpresi dida","ĠPas a","Ġtier na","ĠAmpl io","Ġdese ados","daf one","Ġexplic aron","Ġresid uales","Ġemple ador","ĠUtil iza","Ġgra titud","Ġllev adas","ee ee","ĠSin gapur","ĠT OR","Ġpin cha","Ġmagist ral","Ġcuchar ada","199 2","ĠMar ch","ĠCom mun","Ġ19 39","F echa","Ġmus ic","En trada","Ġdolor osa","Ġquem aduras","ĠM isiones","Ġirreg ulares","Ġnaz is","Ġbro che","Ġhort alizas","udi ta","ĠEn tra","Ġzapa to","al as","Ġval iosos","ĠU D","Ġgu ion","cha in","t écn","ĠI ba","Ġenvi ará","ĠC eleb","f s","Ġbru ja","Ġa vena","ĠO range","ĠS hop","ĠGa za","ĠB R","Ġco te","Ġcol gado","Ġbreve mente","Ġdifun dido","ást icas","oc ol","th ur","s eca","Ġgimnas ia","ĠCh ic","Ġtom aba","lan ca","cin e","Ġcoment aba","Ġllan to","Ġt uer","ĠHo uston","Ġfoto volta","ĠDic cionario","di um","ĠCapa citación","ab é","ĠSuc re","ĠP icas","ve t","Ġesper emos","Ġpromo vido","Ġliter arias","pa go","Ġref iri","Ġmis iles","Ġeduc adores","ro w","ĠM L","Ġendeud amiento","ĠTama ulipas","Ġinsa tisf","l ina","Ġentr ará","end s","Ġexplic amos","Ġca ucho","Ġcam uf","Ġcal ur","z ul","Ġim itación","té tico","ame lo","ĠP iso","Ġdej arÃŃa","Ġlegisla tiva","Ġevolu cionar","Ġcu po","Ġmicro organ","Ġenfrent ó","Ġpon gas","Ġnie to","lu do","ĠR S","Ġpres tam","st rong","ĠTor onto","Ġestamp ados","i á","ĠB ry","Ġafec te","Ġcalent ador","Ġpara guay","Ġelig en","Ġmer ced","ós copo","av y","Ãł s","Ġt rig","Ġmemb rana","e mo","ol anda","ĠInstal aciones","an terÃŃa","ĠDirec torio","Ġagres iva","EN O","duc tos","Ġesper ados","Ġdiseñ adora","ĠRos as","tol ógicos","Ġterapéut ico","Ġsuscrip tores","ĠMan ga","Ġayud arlo","quis ición","Ġusar la","ĠPlan e","Ġconf iado","!!!! !!!!","ĠPa k","M at","GU A","ist an","ĠCamb ridge","ĠCh av","Ġacog edora","Ġinfin itas","Ġplane ación","Ġdoc tores","Ġgre mios","Ġop cion","Ġtras c","ĠMed ic","uev an","ĠIn versiones","Ġrent ables","ĠJord an","Ġgra cioso","Ġdes cif","Com ple","ĠLan zarote","Ġrep lante","Ġlev ante","Ġarancel es","Ġcriptom onedas","Ġlo b","tor iedad","Ġcompra venta","Ġdió cesis","Ġinter discipl","19 95","is eta","Ġtom é","- >","Ġindispens ables","Ġma trimonial","Ġpre texto","ĠCl ásico","ĠDe p","get s","A par","w an","Ġimp uesta","Ġorient a","aj en","Ġn ido","Ġimpre v",". ¿","D u","ĠilÃŃ cito","Ġprof e","Ġimpar tido","Ġin movil","Ġasegu raron","Ġmetáf ora","ĠRes ort","Ġinc ógn","ĠPon ce","ĠB AR","ĠS ing","Ġtri ángulo","Ġaument aron","ib us","Ġocur ridos","ĠMej ÃŃa","Ġcerrad ura","in z","Ġnov ias","Ġdesp idos","Ġproce den","T IN","Ġpuer torrique","Ġenv io","ĠÃļl timo","ĠE A","Ġintr ÃŃn","Ġdes ob","ĠVicepres idente","Ġú tero","ĠRo ad","G er","Ġutiliz ará","lo que","Ġacú stica","de mas","Ġinterrump ir","ar cal","Ġf é","Ġhorm ona","Ġper di","Ġexperim entación","Ġrebaj a","IP O","L ic","Ġcircun s","Ġprolon gada","Ġoc t","ĠWa ter","P at","[ /","ac ón","\" ),","ĠEst her","if ico","Ġco ch","Ġbus quen","Ġconec tor","Ġsupre mo","Ġcor eo","Ġcl oro","tu arios","Ġtra um","Ġenven en","Ġafric anos","Ġn áut","ific ando","ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ","Ġimplan tes","p é","ab amba","Ġsolv encia","Ġn ec","oc key","ĠPar tes","ver tida","Ġbonaer ense","Ġab ismo","ĠGener ación","Ġul tras","ĠAca dem","Ġr á","eo t","cre tamente","ĠAl ca","Ġfes tivo","B en","Ġdeb ieron","Ġâ ľ","ian g","ĠApren dizaje","Ġla bi","ĠJu gue","Ġps icos","ĠC P","Ġson risas","Ġestereo tipos","Ġpublici tarias","uel en","ĠAdministra tiva","ac ul","Ġespa ciales","am pe","Ġd rones","ĠMar ket","Ġtatu aje","ĠPa tagonia","Ġenamor ados","T H","Ġar cilla","Ġinv itaciones","Ġespec ulación","Ġacer tada","ĠRec tor","ĠO toño","ĠF P","Ġale ga","Ġmatrimon ios","B on","ĠLa v","Ġdeb an","Ġac rÃŃ","Ġargu menta","Ġrenov ada","Ġhaci éndose","Ġbru jas","An tonio","Ġpractic an","Ġprevent ivo","tif y","Ġsent ados","Ġdefin idas","Ġeconom istas","Ãī N","ĠG ESTI","Ġsec uelas","ĠDe jar","ĠS esión","hat tan","Ġfero z","ĠE qu","ĠEn tidad","Ġofens ivo","Ġproce dió","ĠC ena","fec ta","Ġsurg ieron","x os","Ġech ó","M il","Ġre organ","ĠDist ancia","Ġhal lan","ĠPrincip ado","Ġreestruc turación","Ġli ma","Ġcolec tivas","Ġï »¿","Ġcinemato gráfico","Ġdesactiv ar","M B","D OS","Ġar zobispo","ĠEst ar","ĠLimp ieza","C OR","tar ra","Ġintentar lo","ĠMan olo","à ª","s y","Ġch eck","ĠPer fil","Ġ28 0","Ġ195 8","ĠD ura","ver so","Ġbaj ista","Ġherv ir","Ġsecre tarÃŃa","ĠMal vinas","Ġdiar rea","Ġdepos itar","Ġolvi demos","Ġmutu a","Ġtorn illos","ol los","Ġcontra er","Ġcomb inados","ĠEU RO","Ġedi ficaciones","ĠJa vi","Ġsuje tas","tró geno","Ġcombust ión","Ġ Ï","G L","fic antes","Ġlan zada","Ġentra ba","ĠAlvar ado","Ġconce bido","dos as","Ġmeta b","Ġotor gan","Ġf og","Ġres bal","Ġcel ulitis","Ġoblig an","Ġhas h","Ġestrech amente","Ġavi ación","ĠGo od","Ġrol l","ĠF I","Ġsolici tan","G OS","s ia","Ġpor ciones","Ġdem ócrata","Ġescuch e","Ġro pas","Ġtransmi tido","Ġdismin uyendo","Ġher b","ĠPRO FES","ĠA pos","Ġcamp anas","Ġvolver emos","Ġplante amientos","Ġimpor taba","ĠSa o","Ġen ton","Ġna cieron","Ġrelacion arse","val or","Ġvas cos","iz ará","ĠSte ven","ĠPere ira","L ar","el amente","Ġauton ómica","El los","Ġabsor b","Ġp óngase","Ġarm adura","Ġafec tación","UN A","ĠParro quia","Res umen","tif icia","8 95","k h","u ida","Ġevac uación","Ġmach ista","ĠM ina","Ġescri ba","Ġilum ina","Ġcans ada","Ġsatél ites","ĠLew is","Ġa venidas","Ġbur s","Ġbrind ando","a i","Ġcontrol ados","Ġpotes tad","S inopsis","Ġcol m","r ándose","Ġm ÃŃtica","Ġestad ios","xim adamente","Ãį AS","Ġfranqu icias","Ġasist en","Ġbar riles","ĠInf ancia","Ġlóg icamente","ĠCon cil","ĠW ii","ĠM ADRID","Ġdiscre p","Ġpre c","Ġch aque","úsque da","Ġcach orros","ĠY un","Ġdiscre ción","uel tas","Ġhabil itar","ĠAr co","acu zzi","ĠDes car","Ġgarantiz ada","oc ó","Ġfus ion","Ġdemand ante","ES A","Ġdura dero","e mail","Ġpregun tarse","ur ne","Ġesta cion","Ġcaf és","Ġde udor","Ġno veno","Ġca zar","Ġcam ara","ern e","Ġsincer idad","ĠDe v","Ġvas ca","Ġabandon ados","Ġcrist ianas","ĠTi juana","Ġ10 8","ĠChel sea","Ġfu gas","Ġbar n","ill y","Ġdi ésel","ĠsanguÃŃn eo","ac eta","Ġcas ta","TR OS","Ġorient ales","ĠChar lie","Ġllen an","Ġtrad ing","ĠF ro","ĠGo d","ues tion","ĠCon figuración","Ġvaca cional","Ġforma tiva","M AR","Ġtra tada","Ġreal istas","ĠSa grada","tra baj","Ġopon ente","Ġrecuper ó","ĠUrban ismo","Ġjue za","ol un","Ġfacil itado","lec tual","u cidad","ti bilidad","ĠAren as","ĠB ritán","Ġins om","Ġmaes tras","Ġegres ados","Ġcampeona tos","2 25","ĠAz nar","Ġhonor arios","p ico","Ġactu ado","Ġrecib ÃŃ","Ġexpres arse","G en","Ġson rió","Ġtu v","rag ones","or no","Ġbaj an","Ġ196 3","Ġpa tios","Cu ándo","ĠT ob","Ġimp utados","Ġneu rol","Ġdrama tur","per io","uniden se","ma el","Ġpró jimo","C OL","de d","Ġsuro este","ile a","Ġrecuper arse","F igu","ĠM aj","Ġintens amente","Ġcom esti","Ġg oce","Ġdest reza","Ġvesti menta","Ġtrib us","cu ál","Ġsue co","IM IENTO","Ġhue cos","Ġmari posa","ĠI rene","Ġestu viese","éndo te","Ġman ta","Ġmin eria","Ġdis cern","Ġpse udo","Ġh uerto","Ġtermin ará","Ġsobr ino","Ġauto de","ĠHum berto","Ġderro tado","Ġen ch","Ġsosp echas","Ġex hor","Ġcre ÃŃ","C RE","Ġgu atemal","Ġautor izadas","Ġdeci dida","ok o","ala o","Ġevitar lo","ĠP untos","ĠHen ares","oo o","Ġcontrarres tar","Ġ8 55","ĠAce ite","Ġago tado","Ġán imos","cal o","Ġseñ alización","ĠCa uca","Ġconsta tar","Ġdi l","e um","Ġin capaces","ĠUr bana","E con","ĠP ronto","Ġte me","res ta","Ġimplan tar","Ġf at","Ġat ún","Ġin ne","Ġprecis ar","L in","Ġcont ador","Ġexpos itores","Ġhones to","Ġlo bos","Ġar ag","Ġpres ume","ĠEst im","ci ana","ĠIB M","de c","Ġpre cur","Ġagu do","Ġc aliza","ĠCh aco","Ãģ C","Ġremar có","ib ol","Ġcaj ones","e an","ĠCor onel","Ġconsul tado","ĠR ab","Ġq e","Ġdram ático","ĠEn ten","Ġsal io","Ġmetro politana","Qu ienes","Ġdemocr áticos","ter ing","ĠF AC","Ġadop ta","t omas","A un","Ġprincip iantes","ám ina","Ġest elar","Ġlanz aron","l á","ĠU ber","Ġprór roga","Ġrec ab","Ġtem ático","Ġdecora tivos","Ġesmal te","to da","Ġfre cuent","ĠKen n","Ġsab rá","rios amente","Ġadqui riendo","Ãļ l","Ġen gen","Ġequip ados","Ġpu ño","Ġbo le","s ki","Ġan do","ĠGener almente","Ġunivers ales","PU ES","ĠPal ermo","Ġre posición","ĠAt las","Ġb aje","Ġper tur","Ġmanten gan","uc ci","ĠCu idado","Ġvehic ular","ier tan","tad uras","Ġpreguntar le","Ġde ven","Ġfol la","Ġconstru yen","Ġacredi tado","Ġdesn udos","ĠB est","Ġ10 7","Ġconten ga","ĠMi ércoles","ĠT ambien","g rupo","ĠTRAN S","ĠSERVI CIOS","ĠS H","Ġdes par","Señ or","cionar ias","Ġprecis as","ĠF BI","Ġmin ús","Ġorigin ario","Ġres ina","ĠCompe ti","Ġconvoc ados","Ġex en","Ġsustitu ido","ĠM ono","ĠPar aná","Ġaudi tor","Ġper turb","Ġbord ado","Ġprofesion almente","ĠMo ham","Ġl omo","Ġcerrad uras","Ġr ena","ĠCat álogo","ad ÃŃa","los o","ĠIn n","Ġsustitu to","Ġimpac tante","Ġpájar o","Ġcomplement arios","Ġava tar","Ġun ánime","Ġaprendiz ajes","Ġescomb ros","F il","Ġen d","Ġdescar ta","Ġeró tico","ĠDe pendi","ĠEL EC","Ġemp an","Con f","As ociación","Ġé sto","Ġneoliber al","Ġfeste jo","ĠEDUCA CIÃĵN","Ġval oraciones","Ġecuator iano","Ġdilig encia","Ġdeshacer se","Ġasist encias","Ġprop uestos","S il","Ġfuncion ó","Ġbar cel","Ġvence dor","Ġcontar on","Ġhisp ana","Ġsemb rar","Ġrendi ción","ĠOcho a","Ġb ende","cio cho","Ġsuel to","ĠCOM ER","ĠMol inos","ÂĶ .","ion aje","Ġtal ón","d ano","ĠW ell","Ġemple ando","Ġc itadas","Ġpulmon ar","Ġidentific an","pi re","ĠP ine","ĠB ic","ĠRo bles","Ġchav al","Ġ12 00","Res ulta","ĠL GB","Ġó sea","ĠPág inas","ĠH em","Ġmediano che","y d","Ġpor n","Ġvol taje","ĠPos ee","ĠPolit écnica","Ġopin ion","Ġcamp ing","Ġc ión","Ġra tas","olu tion","et an","Ġrar os","Ġsol tero","ug eot","Ãį CULO","Ġor ales","Ġayud aron","Ġhu érf","Ofre cemos","y era","ay er","Ġalmacen ados","Ġhue le","Ġtramp as","ez co","al los","ĠC ajas","ĠIn fin","Ġsimp ático","ú an","Ġcons ens","ĠVie w","... ).","Ġtraer á","ca teg","Ġentre tener","mon s","Ġinv ierte","Ġmane j","ĠCOM O","ĠN ep","ĠCas ado","Ġrespon diendo","Ġ196 1","ĠAguas calientes","ĠHar vard","Ġoblig ar","T aller","ĠPor ta","Ġu top","Ġasign ar","Ġremun er","ĠHi po","H L","ĠH ER","Ġaconse jar","Ġalej arse","Ġtrág ico","Ġan t","Ġsignific ó","Ġaminoá cidos","Ġdé bito","Ġmatem ático","Ġ19 48","ĠBar re","ĠFire fox","ĠR ally","Ġimpi dió","Ġcru da","Ġrean ud","ĠQu iro","pr incip","el ación","ĠB aby","IT OS","gu aje","Ġescrib ÃŃa","Ġcar casa","Ġor if","Ġw as","Ġva ci","Ġdistin tivo","Ġabor daje","Ġpatrocin io","Ġgrad uación","Ġinmers ión","ĠMa xim","Ġp ionera","Ġcaus ante","ue le","Ġampl iando","Ġcos er","Ġuc ran","ĠA las","ĠO jo","Ġ5 000","Ġdor ados","ĠContin ue","clo pedia","Ġadqui rida","Ġval ÃŃa","Ġnega tivamente","Ġra tones","Ġrep iten","ific an","ĠI no","Ġmon arca","Ġinterac tivo","ita ba","ed u","Ġb iblia","Ġ20 30","Ġtes tamento","Ġlesion ados","Ġcor dero","Ġread ing","ba ta","ñ an","ĠL yn","Ġcó s","ÃŃf ero","ĠAlex is","ro om","Ġr ÃŃt","Ġya cimientos","Ġconcur rencia","ĠP I","el io","ĠD ió","Ġaline ación","Ġcompu tación","Ġc im","Ġsab ios","Re uters","c f","n g","Ġse tas","fon do","E r","M OS","Ġpor tadas","Ġproce da","ĠRue da","ĠC ama","Ġmar ea","Ġencon tras","port s","Ġdesapar ecen","Ġprogram adas","a quÃŃ","Ġel asticidad","Ġresul tando","F er","M M","Ġintent ará","Ġcompr ens","F T","Ġneur onas","ĠHor izon","Ġpun k","ĠTécn icos","Ġsospechos os","Ġcos itas","ĠSer ena","Ġrev oluciones","ff s","Ġintoler ancia","ĠBar tol","Ġbenefici ario","Ġespeci ficar","Ġresiden cias","Ġatribu ciones","cu ro","Ġah o","A cu","Ġp ida","Ġen dure","Ġri qu","pon en","Ġmala gue","ĠO per","Ġdesay unos","Ġconf orma","Ġvo tado","Ġencontrar as","Ġprefer ible","Ġfri tas","Ġcor n","Ġcomun al","Ġapun tes","ĠOfer ta","Ġencom end","Ġconst ar","Ġpatron al","Ġvol a","Ġargent inas","Ġengan ch","Ġcomun itarias","Ġrepresenta tivos","Ġcre adora","Ġceleb ramos","Ġmam ada","Ġcamp amentos","F a","Ġac antil","Ġtransform ó","ĠPerson a","ú d","Ġcomplic ados","Ġsir van","Ġ10 4","Ġdel ica","Ġl isa","Ġsal ÃŃ","Ġtraslad ados","Ġh am","ĠP uesto","Ġbendi ciones","Ġhel ados","Ġluminos a","ĠSAL UD","ul le","em ex","Ġaloj amos","Ġdesemple ados","Sol ici","IL IDAD","tu a","ĠHay a","Ġpodr é","V i","ú as","Ġven da","Ġrev it","ĠCl ima","Ġafec tará","ĠCon cl","me d","ĠA lojamiento","Ġsin erg","Ġpag ados","Ġtras plante","Ġaprob adas","ul adas","Ġrep ito","g entes","ĠLec tura","l lev","Ġcas ó","Ġcor rido","Ġrepar tidos","Ġc ito","ĠEugen io","ĠEnferme dades","g le","Ġca deras","l ismo","Ġre qui","ĠSU PER","æ ľ","Ġconta bles","ĠUR SS","Ġpon der","ĠX P","Ġapren dió","Ġb ran","ĠAr n","Ġasum iendo","ĠMin ister","ĠRes earch","tu ve","Rec ord","Ġale da","ARC EL","Ġdeca dencia","Ġcal dera","Ġllam arse","Ġcontinu ada","p unto","Ġcárcel es","Ġabar car","Ġascen der","Ġarren damiento","Ġsalud ar","Ġválv ulas","Ġinf iel","ár s","Ġsilen cioso","ĠAre quipa","ĠMar ie","ĠMar tes","a toria","Ġven eno","ĠEm erg","ĠOrden ación","Ġenc la","n istÃŃa","Ġcons iga","Ġw ork","ent ista","ĠF le","ĠX avier","Ġasamble as","ĠPro por","ĠDis capacidad","ĠMon ta","Ġlin dos","Ġconsecu tivas","Ġinfl ama","Ġconsist ÃŃa","Ġviv es","Ġcereb rales","Ġcomerci aliza","ĠM ERC","ĠF rida","Al lÃŃ","Ġpap ás","Ġenferm eras","Ġanon ima","Ġinstal adas","Ġdistribu ido","Ġacuer da","Ġcomp ensa","Ġpsi quiá","Ġpubl i","ĠSo cio","Ġloc alizada","ĠI SS","Ġatraves ando","Ġcol ágeno","Ġs l","Ġpri mos","De fin","ĠIndustri ales","T ele","t és","ĠIn mac","Ġte jado","Ġincorpor ó","Ġreconoz co","Ġcomple menta","ĠB ec","Ġelectr omagn","Ġpeat ones","Ġmas ivos","Ġactu ó","F re","Ġocur rieron","de se","Ġcas cada","Ġgra tific","Ġcu bo","ĠS ales","Ġpar as","Ġson da","Ġemi tidos","ĠPel ÃŃcula","ĠSaba dell","an tino","Ġwebs ite","Ġesc asas","Ġrigu roso","ĠE lo","ĠLiber ación","ĠIns pección","Ġconven ciones","Ġintermedi arios","Ġt ime","Ġcor dones","ĠRe mo","cre en","f uer","a demás","Ġsex os","Ġsinté tico","B erry","b ase","ĠR OM","Ġinv olun","ĠPr om","Ġren ombre","H C","amb as","est amos","ĠT ráfico","Ġsignific aba","Ġdesigual dades","ĠS oluciones","Ġpa gas","Ġcartu chos","ĠIs lámico","Ġdo wn","Ġce dido","âĢ ³","Ġgener alizado","Ġdividen dos","Ġimport an","ĠPal abras","Ġmág icos","C he","os t","Ġand aba","Ġ }","Ġrepro duci","Ġnutri cionales","ĠINFORMA CIÃĵN","Ġor i","Ġalcantar illado","Ġdestina tario","W eb","ĠG rá","и Ð","Ġempie zo","Ġano taciones","Ġrefle jos","Vide o","Ġgener oso","Ġes bo","Ġmuch ÃŃsima","Ġpas iva","Ġcome tió","Ġcontribuy ente","A plic","Ġpolém ico","ĠAth letic","Ġn inos","Ġale ación","B rasil","Ġcu p","Ġimpar cial","la yo","Ġf ea","M ac","Ġcontras eñas","Ġ( @","ĠApren der","Ġre den","Ġsal drán","kes pe","Ġ2 10","Ġpropon go","Ġconven ción","g ins","Ġlicencia tura","ĠL lu","ĠVis ual","iti es","ĠPach eco","Ġch atear","Ġdes esta","Ġgalax ia","re ci","ĠD rive","ĠEx pe","Ġpeat onal","C AM","Ġse que","b onato","ér gica","Ġobserv amos","tu alización","pon a","Ġens an","Ġhabita cion","Ġpal mas","Ġfra gancia","Ġapreci ación","Ġcardiovas culares","Ġta xis","Ġanestes ia","gu in","Ġobten idas","Ġentender á","Ġtra taron","ĠC ad","ĠS IG","Ġdesp achos","Ġcompor ta","y ar","Ġlig as","Ġcomenzar án","Ġdur miendo","Ġso ñado","Ġmov iendo","Ġc un","ĠGallar do","ĠCh am","ĠFel ici","Ġinaugu ra","Ġdi vin","Ġa tienden","Ġfacil ite","Ġbox eo","N uestras","ĠC ry","ĠLon don","Ġcordo b","Ġla g","h oria","Or den","Ġcontro lan","Ġin vención","ĠCos as","ĠA er","Ġenten diendo","Ġdejar la","To tal","Ġcomerci ante","cal ipsis","ĠGu ayaquil","ĠJim my","ĠAse gú","ĠS T","Ġtib ia","Ġantiv irus","Ġexitos os","J OS","C ha","Ġavan zó","Ġenv olv","on io","ĠCu mpl","Ġep ic","Ġver me","ide portivo","Ġsa grada","ü r","Ġinsist ir","Ġcuar zo","Ġmi tologÃŃa","Si guiendo","H ombre","ien ses","cent ro","ĠCar ol","Ġp H","Ġimponer se","n n","ĠBor ja","té tica","Ġcuestion ar","Ġinmun e","Ġman ualmente","Fu ente","ĠE ast","Ġarries gar","Ġtu yos","Ġextre me","Ġsucur sales","ĠPar eja","ter nos","ĠK in","ĠESPAÃij A","Ġfu ria","Ġcomb inada","ro ño","ĠSol idaridad","Ġlaber into","ĠBer m","ĠW ood","ĠlegÃŃ tima","ĠT w","Ġcog ido","Ġbail ando","ĠC um","s im","ĠLle ida","z y","Ġvi ola","Ġhidra tante","Ġ Ø","Ġexpon encial","Ġdilig encias","de ma","Ġinterna cionalización","Ġalumb rado","ĠDefin ición","pati tis","Ġcur sar","ĠQu ién","ĠC ola","ĠPar do","Ġcogn itivo","ent ino","Ġme dico","ĠN ay","Ġsub t","оР²","Ġadop tada","Ġel udi","te gui","Ġcap ilar","Ġinvoluc radas","Ġdor sal","Ġcotiza ciones","ĠCons orcio","Ġfol lada","Ġaterriz aje","ĠVel ázquez","Ġre bas","Ġperj udicial","CRI P","ici da","Ġconf esión","on na","ri son","Ġ12 3","Ġsust o","Ġorigin arios","iz aba","ĠMa il","ĠMan hattan","Ġmonta ños","ju ven","Ġr unning","ĠCam acho","Ġocur rÃŃa","ila terales","Ġinex plic","ĠM IL","ĠS EN","én ico","Ġfal tó","Ġdiam ante","Ġcumpl ÃŃa","tra bajo","Ġdespe jado","Ġreclam an","escol ar","Ġpreval encia","ĠSal ida","Ġvis ion","Ġrespira torias","es p","Ġparad ój","Ġanunci an","Ġmural la","Ġan tenas","Ġar ist","Ġrepor tado","Ġescuch é","ĠAnim al","Ġatre vido","ĠQu ir","ĠLle va","Ġvac ÃŃas","Ġespec ula","Ġvelo z","Ġaé reos","Ġral ent","Ġcalaba za","Ġj en","bi an","Ġdesay unar","P ort","a gua","Ġtu tores","Ġmom ent","ĠServ ice","Ġb ó","Ġe u","Ġfranqu ismo","199 6","S te","Ġejer ciendo","Ġesper e","Ag regó","ĠEléctr ica","Ġenc aja","ĠIl l","à ¤","Ġepide mia","Ġz ombi","Ġmascul inos","ĠINTER NA","Ġcr omos","Ġmer en","ĠDist ribución","Ġam argo","ĠPin tura","Ġedi fic","Ġescuch amos","Ġquitar le","Ġlament ó","ĠSh in","Ġap ego","Ġdest re","ĠAf ortunadamente","t ólogo","Ġna tivo","Ġlav avajillas","Ġal gas","ĠAd án","Ġcaptur ado","ĠAc ero","20 4","Ġc imientos","Ġla gunas","ri am","Ġda ñado","ĠConserv ación","ĠS osa","ĠCer tificación","Ġpar ab","ĠCu án","Ġtác ticas","Ġenter ado","Ġrecor rió","L P","ĠSal om","m om","Ġdetec tive","Ġabsor be","ĠD il","ĠInter no","Ġdialo gar","Ġgem elos","Ġat letismo","Ġcab el","pl icas","ĠMe todo","Ġinfluy entes","ó dromo","ph y","Ġre ch","Ġnaran jas","ĠOlÃŃmp ico","endi eron","Ġest igma","o pa","Ġrevis a","Ġpal e","ci ent","Ġtrabaj e","Est udio","es tado","Ġter tul","ĠInter es","ĠPN V","ĠI o","Ġubic an","ÃŃst icamente","ĠFigu eroa","Ġlib ra","ĠOF ICI","Ġinsign ia","ĠK ate","endi o","Ġfantá sticos","ti ón","ĠPue do","1 01","Ġnie gan","Ġa que","ĠSan tuario","ĠBO E","Ġcap richo","Ġllam aban","tri turadora","Ġtox inas","Ġconec tada","ĠSta te","Ġresum ir","Ġrefer ÃŃa","Ġimag inado","tem s","z zo","Ġta zas","Ġrecor da","Ġsalv ó","ĠT est","tal m","b rar","Ġ ia","ĠC itas","go ta","Ġclim áticas","Ġne gación","Ġabandon ada","ĠCre ador","p aje","Ġhaber me","Ġdescri bió","Ġes qui","se ño","Ġoportun as","Ġretras os","Ġintegr adas","Ġlider ada","Ġsel f","Ġpla ga","ul sa","ac tivos","cer as","Ġester il","ĠMal as","Ġsepar an","Ġvoc ero","Ġcica trices","ĠM and","di tas","Ġob ediencia","Ġadren alina","Ġresta ur","Ġvolun tariado","ĠSp ace","Ġpresum ir","amb res","inter est","Ġm ia","ĠD ick","ĠAna ya","ĠOx ford","z ana","il ers","Ġman dan","con trol","Ġprotes tar","un der","é anos","Ġcomprar lo","ĠFa cil","Ġase me","An d","ĠLabor ales",") -","Ġpic ante","Ġestatu to","ĠCh ip","ĠAP I","Ġal leg","Ġter restres","á maras","ĠP ÃļBL","ĠC able","esto y","Ġsá banas","ĠM C","ĠFar macia","ques e","ĠP Y","Ġreg ulado","Ġfortal ece","ĠJer sey","ex uales","Comp ra","kespe are","Ġalerg ia","Ġf ech","em i","l oma","Ġtécn icamente","Ġorganiz ando","ĠCor ral","Ġintens ivo","ĠEnc uesta","Ġt ÃŃos","ĠA Y","Ġsolv entar","Ġnic aragü","ti e","Ġdi misión","Ġdi et","Ġalerg ias","cu pa","ĠAnd y","Ġdescen der","San tiago","ĠVi ña","ĠP ira","Ġapa gado","Ġciudad anas","ĠMu rillo","Com en","Ġcruz ada","Ġa tu","ĠCes ar","Ġn udo","Ġver tiente","Ch ina","i qu","00 00","ĠOc éano","Ġcómp uto","ĠInten dente","Ġpod áis","Ġperió dica","Ġemo cionado","ic adas","ĠDo ug","Ġlavan derÃŃa","ĠJen nifer","Ġfil tración","Ġmezcl an","Ġaz ule","Ġprepara tivos","Ġempez ará","D ado","Ġdej arán","Ġbr omas","Ġdesconec tar","m g","Ġinigual able","ĠB AN","An álisis","Ġaum ente","ĠK ra","Ġaport ó","Ġqu it","Ġcl on","Ġaver gon","ĠT ap","ĠCons ist","Ġtras lados","ĠFran cesa","Ġestren ará","Ġsegu idor","Ġà Ĥ","Ġsofist icado","Ġs te","Ġtem áticos","Ġcasti gar","Ġaf in","tic en","Ġom i","Ġacoger á","Ġequi par","ĠQu il","Ġrecal có","ca ciones","Ġch istes","Ġpon encias","Ġin hum","Ġfuncion aria","Ġgana deros","ĠO portun","Ġbl ue","Ġsuger ir","Ġreivindica ciones","Ġrefres cante","èn cia","ĠP ia","ĠH at","ĠAg rupación","Ġjur ada","ĠContral orÃŃa","Ġdej aban","Ġimpul sos","Ġcon no","ña de","g ger","Ġmarcar on","Ġmagn ética","Ġhe mo","Ġgri fo","F oro","Ġb ue","Ġimp uestas","omin ación","ĠChrist op","ĠTig re","! ...","Ġcad ucidad","ĠB ruce","iz adora","Ġan alizó","Ġcolabor ando","е н","C r","ĠNe vada","Ġdific ulta","ĠGeo grafÃŃa","Ġcan ario","Fel iz","Ġprevent ivas","Ġproces adores","ĠEMPRES A","Ġa x","Ġexitos as","Ġcaris ma","V V","Ġlim itan","ĠCá maras","di d","ĠAm istad","Ġiden tidades","Ġpar celas","Ġos teo","ĠA penas","rig uez","Ġplug in","h ard","F P","ul i","un k","es el","Ġles ionado","Ġarque ológico","Ġcerra jeros","tor s","Ġan á","ĠRec ords","ĠC ES","Ġplást icas","Ġan chura","ĠEn can","Ġata cado","R S","Ġdi rán","Ġcontinu os","Ġdid áctico","col or","Ġcabel ludo","Ġburbu jas","Ġ6 50","Ġf acetas","ab ezas","ĠMÃī XICO","p ina","Ġech arle","P el","Ġinv entado","Ġfarmacéut ico","P ágina","Ġpr ólogo","In dic","Ġé se","Ġcompr ueba","fac ebook","Ġfom enta","Ġef ÃŃm","van ia","Ġcatedr ático","ĠVen us","ĠPRO YEC","ĠR yan","com edor","ĠGar den","I OR","ĠY O","Ġdejar nos","tiz adas","Ġfi anza","ĠL iz","ĠOl iva","Ġis l","ĠGol den","Ġap titudes","Ġcontra ta","Ġop resión","ĠAR T","Ġpedi rá","ĠV IS","Ġdé j","ĠN úm","ĠBos ch","Ġvesti da","ĠMej ora","ĠAhor ro","Ãį TULO","Ġpers istente","Ġalegr ÃŃas","ĠMach ado","Ġdetal l","Ġsuces ivas","Ġarque ológicos","Ġdes ma","Ġtan g","ac ta","Ġan emia","Ġdeman dado","po p","Ġburo cracia","un te","Ġper formance","rÃŃ e","Ġangel es","ist icas","Ġcol mo","V ale","Ġoficial ismo","pa tri","Ġcontr arios","Ġpró stata","Ġflu idez","g ento","ĠLib ia","ĠClar ÃŃn","L ee","g aban","ĠEs lo","ĠEn vÃŃo","Ġcla v","Ġenve j","ĠR GB","ĠAl cor","Ġanima ciones","Ġdam n","Ġcapaci tados","ĠM D","Ġdesc ol","Ġceremon ias","ile y","Ġpost ales","Ġsimb ólica","ĠLink ed","ĠCon ec","Ġab ejas","ch el","ĠE ucaristÃŃa","Ġsus cribir","ĠMa te","P ablo","bi tros","Ġapoy ó","ad ona","Ġnum eral","Ġpareci das","ĠViv ir","Ġescla vo","Ġval idación","Jo hn","Ġporcel ana","Ġelem ental","Ġrevis ado","Ġpará metro","ri go","Ġcir ug","ĠAur ora","Ġbu ffet","ĠMexic anos","Ġmotiva ciones","ĠA A","ĠJa pon","Ġservir án","I CIÃĵN","Ġ um","ĠAnder son","Ġmé dula","Ġal ambre","Ġhidrául ica","Ġblo ck","Ġpredic ciones","ab i","Ġsol dadura","id able","Ġindic adas","ĠPan tal","f ón","Ġmole cular","z án","Ġdisco teca","ĠSant ÃŃsima","Ġqu itó","ĠDu ero","ĠGre y","Ġp ioneros","Ġincorpor arse","F IN","ac ÃŃ","Ġmor ada","Ġson riendo","Ġcorrec tos","Ġrela tó","ĠAcadém ico","ĠBe tis","ĠTrad ucción","f le","ĠC ach","Ġé ticos","ĠKenn edy","Ġcu en","Ġcarro cerÃŃa","Ġle emos","Ġ10 6","Ġrepe tidas","Ġnavide ñas","Ġcab ra","Ġman ager","Ġcomplic adas","Ġdinosau rios","Ġy eso","Ġhom icidios","Ġcog iendo","am ental","Ġflu idos","ici das","Car acterÃŃsticas","Ġaustral iano","v ing","Ġb risa","ĠSpa in","izar ro","Ġarte factos","ĠF ashion","Ġsu mas","ĠCon ver","Ġdesple gar","Ġh ob","Ġpregun te","Ġdetermin ará","Ġconce bir","Ġmer cad","Ġloc aliza","Ġi T","ĠSu p","di an","% ;","ĠEsp inosa","Ġ úl","ĠIber ia","Ġcompar ecencia","Ġrev ivir","Ġgru p","Ġconten gan","ĠINTRO DUCCIÃĵN","ĠPrin cesa","ĠD ell","ala pa","ĠG em","Ġhin ch","ĠJard ines","Ġhidr omasaje","Ġbrin dó","Ġcompon er","Ġlarg ometraje","Ġpriva tización","ĠL et","gu ilas","Ġgu iadas","z uelo","Ġalm or","Ġtelevis iva","ĠAdi cionalmente","z uela","Ġcr áneo","Ġgener en","ĠPar edes","Ġescal ar","Ġfor ro","Com er","B al","Ġaument ará","Ġreiv indicación","on és","Ġsol ista","be te","ri eta","tiv es","Ñ ĩ","Ġhambur guesas","Ġtu viese","ĠPri eto","ĠN in","ĠK al","Ġelec tri","Ġrefor zado","Ġfacil itados","Ġpresupues taria","Ġmi xto","Ġdescon tento","Ġtu vi","Ġdu al","Ġform ula","Ġaspir ar","Ġmicroorgan ismos","Ġimp ed","Ġsal ÃŃan","Ġop tó","Ġreserv ada","AC A","Ġcual ificados","Ġalfomb ras","V arios","m ore","ĠPo zo","G I","Ġle ones","Ġvis ibil","ip ú","Ġarras trar","Ġdigit alización","Ġd ale","pe a","Ġconstru idas","Ġconfies a","w all","Ġprocur ar","Ġe ras","Ġhe ter","ĠVal di","or rupción","ĠHab itaciones","Ġcomis arÃŃa","ĠBrig ada","Pr omo","Ġdecora tivo","Ġgrab ó","Ġfrances as","ĠS ON","ĠâĢ ķ","Ġen chu","Ġest Ãĥ","il i","Ġanonima to","ci udad","Ġtra tos","Ġdismin uido","ĠHi per","Ġl iso","Ġpas teles","Ġconcer n","T ÃŃtulo","Ġtrans pira","Ġs co","Ġinsopor table","U PO","Ġb ut","Ġimp renta","Ġdescon ocen","Ġcocin ero","E d","ĠBa ños","Ġpelo tas","ta il","Ġhe x","ĠAr gel","inas tÃŃa","ĠP AL","cil lerÃŃa","Algun a","Ġcre zca","Ġapoy ada","W S","Ġ( $","Ġconviv en","ial is","Ġil us","Ġpres enciales","Ġcas ados","ens ores","ĠEstruc tura","Ġe tern","Ġcumpl irse","Ġparticular idades","Ġben é","TI A","gi bre","Ġimperme able","ĠCient ÃŃfica","acate cas","Ġcap itan","ĠImp acto","Ġpel ir","Contin u","Ġintermin able","Ġcas inos","Ġdesac uerdo","Ġcar cel","Ġadquis itivo","ĠCa fe","ĠLe gan","ur des","ĠSebasti an","ĠLey es","étr ica","Ġdesgra ciadamente","Ġasegu radoras","ĠHa cia","Ġcurr ÃŃculo","Ġtrans itar","Ġmejor e","Ġviol entas","ĠT ara","Ġcomerci alizar","ĠXia omi","Ġcar gados","Ġsent enció","Ġhumil des","verg adura","Ġagres or","f et","f acto","Ġr usas","Ġinsign ific","V illa","Ġrespe tuoso","G M","ĠIn gles","Ġemis or","Ġand roid","Ġdestre zas","Ġdar é","Ġmás caras","Ġval la","64 33","B e","Ġservici al","Ġcap turas","Ġsupon drá","Ġempo bre",") ?","ĠTen is","Ġsentir te","Ġanticip ada","ĠSpi der","cu án","omas a","ĠA BS","ĠS QL","bre cht","Ġocup antes","Ġfus il","M ay","Ġcas cos","m ara","uc al","ĠG P","ĠValle jo","Ġobst acul","Ġdeten ida","Ġdesign ar","fil ia","Di rección","Ġre ve","Ġtri ang","Ġespon tánea","Ġrig idez","Ġfa ena","Ġfontan ero","Ġreson ancia","M ON","Ġja ula","Ġcostos o","z ará","T ipo","ĠP á","Ġminister ios","C ED","Ġcomple tó","ĠEspecial ista","P AN","ĠC COO","Ġve intena","ĠColeg ios","ARCEL ONA","Ġmul tim","Dis eñ","Ġconmem orar","in amos","pe d","Ġdirec tivas","Ġpus imos","Ġal la","ĠA compañ","Ġfun das","M ol","Ġen tres","ro let","ĠNey mar","to wn","Ġmon arquÃŃa","Ġge la","Ġsober ano","Ġdiferenci ación","Ġaceler ado","Ġinte mp","Ġconoc ÃŃan","is m","Ġsem á","Ġemo tivo","Ġpres tando","Ġide ológico","ĠPon tificia","ci so","qu itas","Ġsal vado","Ġhomosex ualidad","cl eros","Ġna val","ĠTrad i","clip se","Ġpr orro","ĠMiemb ro","Ġrealiz o","Ġenv ÃŃe","Ġcel das","ĠS ando","Ġelabor adas","anc y","Ġen laz","Ġan os","itar ra","Ġaplic ados","d án","ur ÃŃ","Ġdesesper ada","Ġfarmacéut ica","ĠïĤ ·","ĠDan ilo","Ġconden ó","Ġisrael ÃŃes","ĠT able","ĠSan gre","Ġtre gua","lan es","Ġinsom nio","ĠB ros","ĠCh eca","Ġge ometrÃŃa","Ġpas arlo","Ġen vergadura","Ġdie ciocho","Ġub icaciones","Ġproporcion ada","ĠB and","Ġencontrar nos","Deb e","ĠAde mas","ĠAl h","ĠSon ia","Ġpata ta","Ġencar gará","alim entación","Ġn ulo","A di","ĠW o","Ġcompr ue","Ġcach orro","Ġagil izar","cien den","Ġgru pal","ĠTa iw","ĠS witch","Ġcompañ ia","Ġdomin ado","Ġdial éc","Ġg ene","ĠR C","Ġcas ting","Ġca po","ĠColombi ana","ĠF ÃŃs","ĠAn dorra","Ġbur la","eci das","Ġregal ó","Ġson oro","ĠMat t","Ġvej ez","Ġun ica","Ġceleb raron","Ġdemocr áticas","Ġla menta","I mag","Ġcurios idades","Ġpira ta","Ġambul ancia","Ġalej ados","Ġun ieron","Ġan ónimo","Ġpal anca","Ġcomb inando","Ġper ÃŃmetro","Ġri endas","ci mos","ĠB lu","Ġcil indro","Ġcan cer","Ġbus es","Ġde ficiencia","Ġjes u","in v","in ista","Ġf ana","ĠS AT","Ġpara dero","cre di","Ġâ Ļ","ĠEsp ino","Ġcontar án","Ġrepresent ó","ĠDetal les","ĠhÃŃb rido","Ġres iste","Ġem iten","Ġhar ÃŃan","t lán","ĠCo oper","Ġpractic ando","ĠMá quina","D iario","Ġ19 55","Ġre carga","Ġinici arse","ho to","ĠOrgan ismo","Ġhab rás","Ġa za","Ġhe teros","Ġperten encias","ilo to","Ġbusc aban","Ġilum inar","Ġcurios amente","Ġperpetu a","Ġpara guas","gn e","In v","Ġmarc adas","Ġresiden ciales","de re","in ga","Ġapar iciones","fer ir","Ġdestac aron","ust er","Ġhub iere","Ġbro tes","Ġexplic aba","Ġdesarroll ador","Ġex h","ecer á","Ġotor gamiento","Ġel ástica","Ġpens arlo","Ġlim ite","ci mo","Ġpas tilla","Ġgener osa","ama ño","Ġalar gar","ĠA TP","me x","Ġpen últi","Ġpreocup ada","Ġdile ma","Ġsuper e","Ġparticular idad","Ġascen dente","ĠSitu ado","D onde","ç o","ĠVillar real","ĠS car","Est ado","Ġconj u","L L","ĠV illas","ĠK g","Ġlan gos","Ġadap tadas","Ġfacil it","Ġdefra ud","G C","ĠT oluca","Ġcontra c","ĠA wards","ĠF R","dera miento","Ġfelici to","e uro","en n","Ġval enciana","Ġar diente","ĠSo und","Ġtelevis ores","ĠFor al","Ġprotec ted","Ġsing ulares","Ġindependen tistas","E fec","ab ro","Ġpod cast","Ġdescub rimos","ĠExtra ord","ĠS atan","cos o","Ġdel ine","ila del","Man uel","ĠRe ferencia","ĠPe kÃŃn","Ġe rupción","de remos","ĠPho toshop","Ġasegu radora","Pue do","la za","Ġtermin amos","Ġinc rust","Ġvisit aron","ĠSky pe","Ġmal dición","Ġarch ipiélago","Ġpier dan","Ġpos grado","Ġjugar on","Ġdem or","al ias","Ġen ajen","ĠD IA","Ġconf iere","especial mente","ĠV AN","Ġsilves tre","g asta","Ġpais aj","Ġpregun tamos","Ġobten drá","Ġconta ban","Ġcal a","a ut","Ġsan tander","ĠA bre","Ġani quil","Ġc ig","ĠlÃŃqu ida","ej il","ĠAn n","Ġhaber le","ez o","Ġpene trar","ros is","ĠW ik","Ġmencion an","orm ales","Ġven drán","Ġsó tano","ĠAdul tos","ĠP ier","Ġenfr entado","Ġv iera","ĠLe opol","Ġtóp icos","ĠDOMIN GO","ie d","Ġcomp lica","Ġtor tilla","Ġenv uelve","Ġinterro gantes","Ġ ome","ĠTV E","Ġdo bla","Ġalim entan","Ġcaracter ÃŃsticos","V AR","Ġcar ib","Ġflor ales","Ġpro posición","Ġfil oso","f ul","Ġcal lar","des pués","Ġmer idi","Ġmotiv ar","Ġperci ben","Ġh eb","Ġof renda","Categ orÃŃas","Ġconec tan","C AS","D H","Ġw ord","Ġca ÃŃa","Ġoblig adas","Ġayudar me","Ġcons piración","Ġdel iciosas","ĠD icen","ĠGob iernos","Ġse ducir","Ġdestru ye","Ġest rib","ID AS","Ġpropor cionados","ĠJuvent us","Ġ iso","dor f","Ġras go","ĠDocu mento","ĠRos si","ĠTEC N","Ġseñ as","Ġdebut ó","ĠSex ual","book s","ĠHisp ano","H ar","ĠP iz","ĠG all","Ġrecur rentes","ĠQue en","ĠF oo","ĠAr ts","icar bonato","Ġc acer","ver as","Ġmillon ario","tal os","Ġgri etas","Ġcual ificado","Quiz á","o ut","Ġt un","Ġarm amento","ient an","var o","Ġ10 80","Ġcapital istas","Ġoper ado","Ġ* ****","ĠL ittle","Ġte ologÃŃa","uy eron","Ġfac ulta","ĠSport ing","ĠNo el","Ġpien ses","Ġinevitable mente","dimens ional","ĠVlad imir","Ġale gres","Ġdescon cer","Ġpavim ento","O K","Ġextra va","TAN TE","Ġal aban","pul co","Ġlo terÃŃa","Ġru ina","Ġaci dez","ĠEscrib ir","Ġder re","ĠMajes tad","k t","Ġgal lega","tor i","Ġo ver","Te ma","Ġhúme da","Ġdecep cion","E m","an go","ĠMar tha","on ic","Ġfantá sticas","ĠMa pa","mon te","ĠAir lines","ie blas","Ġ195 7","on line","Ġmej illas","ĠTh om","Ġfa ciales","Ġahor ra","ĠLor ena","Ġexist ió","ĠSant ana","Ġdenunci an","Ġorganiza cional","Tra bajo","ĠD á","Ġfármac o","ĠCarras co","Ġbenefici an","Ġdelincu ente","Ġalcoh ólicas","ĠRevolucion ario","ĠB ras","uel lo","Q D","ĠDispon emos","ces os","ka ia","Ġtea tros","Ġib érico","Ġefectu ada","ĠSi tios","Fern ando","Ġesté ticos","Ġbrasile ños","ĠmarÃŃ tima","Ġde tuvieron","Ġdecis iva","Ġcon cord","Ġon c","ĠPH P","Ġdij imos","Ġfi ables","ĠAy ala","Ġadvers ario","ĠDur án","Ġca uce","Ġplacer es","Ġsinton ÃŃa","Ġv icios","ĠMuch a","kin son","Ġdesp ach","g és","endi entes","ke e","ĠContin u","ĠMo on","Ġzana horia","Ġalmac ena","Ġb b","tos o","ĠA H","Ġinf al","Ġorden anza","Ġpru dente","Ġconfirm ada","Ġseren idad","Ġestu pe","ĠCor dero","Ġreconoci endo","ev ales","N ombre","at lón","ĠT ún","ter almente","Ġsal tó","Ġflam ante","Ġcal zada","M ad","Ġp rudencia","Ġpi anista","ĠTer ror","H or","Ġdesper tado","in ing","Ġcoord inada","Ġde dico","Ġni ke","ĠDefens orÃŃa","Ġát omos","Ġen ro","b ÃŃ","Ġcent ran","Ġde co","gro und","Ġsub san","Ġocul tas","Ġasign ados","Ġv illas","ĠC ien","an amente","Ġre inos","pi ter","ĠBan ca","Ġagar rar","Ġexperiment ando","an tas","Ġtelevis ivo","Ġfrigor ÃŃfico","ĠDE RE","Ġà ¢","Ġpunta je","Ġo z","Ġrecib ÃŃa","Ġapre cio","ĠC uevas","Ġemb u","ele t","ĠE V","Ġemple adas","Ġsan grado","in dic","ĠL é","ĠiT unes","te pec","Ġinter venido","Ġhar to","Ġpatrocin adores","Ġpa tin","Ġsab rás","C ual","in aba","Ġpo ker","Ġpremi ado","Ġprefer ida","CI S","ł Ģ","Ġinstruc tor","c entes","Ġconsecu ente","Ġdegust ación","ĠF i","Ġambient ación","Ġarro yo","Ġreproduc ciones","Ġinterv iene","Ġigual ar","ĠMon ts","Ġcon dominio","ĠPRO DUC","ĠL argo","ĠT as","Ġpor t","-- -","Ġfemin istas","Ġkilo gramos","Ġn ano","Ġdes igna","ĠNego cio","Ġhem isferio","ĠolÃŃmp ico","ĠP ich","S erÃŃa","Ġma tado","Ġcar teras","Ġpol aco","Ġvál idos","Ġdesvent ajas","Ġhemor rag","! âĢĿ.","Ġcre ÃŃdo","Ġperf oración","on der","Ġin hal","Ġsustitu ye","ind le","l lam","Ġutiliz aba","Ġcompr ensible","Ġ17 5","ĠMor gan","Ġpre ver","Ġofrecer án","Ġcontinu arán","ij i","direc ción","fer ia","Ġcompatrio tas","Ġaccion ista","S igue","ĠFu era","S P","ĠEx pres","Ġatra pados","vie w","Ġt ierno","ĠHab lamos","Ġde venir","Ġaver ÃŃa","ient en","Ġconcej ala","N G","a vi","Ġchal et","bl ado","ĠDependi endo","ĠB in","Ġnoble za","Ġinform ando","Ġexist encias","Ġlleg ados","ĠClas ificación","ĠAgro pecu","Ġdesarrollar án","ĠJ untos","R T","Ġcumpl ieron","Ġgen ero","Ġma fia","ĠEn v","ko v","Ġcertific ada","Ġcon son","ĠOrgan iza","b ps","Ġma tando","Ġces ar","o do","x icación","Ġexcl uidos","Ġtes or","IZ A","ĠSan d","Ġagu acate","Ġbo tán","Ġlig ados","ĠA ven","Ġacu ario","F al","Ġgra ma","ĠAntrop ologÃŃa","Ġsal ariales","Ġenvi aremos","ĠD ATOS","EM OS","Ġauton ómicas","Ġcoh esión","IL I","Ġcircul an","Ġy ihad","Ġperfum es","p uso","Ġel ástico","ĠCre emos","AR ROL","Ġf eb","Pre cisamente","ĠIn dias","Ġesp ionaje","Ġexist iendo","ĠZ amb","ĠClas es","f ren","Ġdic tada","Ġh ala","iv ia","ĠLen in","ĠGu inea","Ġhabl aban","OM BRE","Ġcivil izaciones","ĠRef ug","m ez","J uego","ĠS av","Ġtra go","Ġb itcoin","ĠB C","ĠSO CIAL","ĠC uesta","Ġmov ido","Ġconsider en","Ġpo des","ĠCampe ón","Ġsupervis ar","Ġe yac","âĢ ²","ĠT ito","tiemp os","ä º","ĠPri vada","Ġsubmar ino","Ġest ira","eci era","Ġculmin ó","or ización","Ġmigra toria","Ġfil traciones","Ġfracas os","Ġfeste jar","Ġconfes ar","ĠSha kespeare","Ġl ona","ĠL L","ER IA","ĠI k","Ġpre ceptos","Ġfuncion ado","Ġcoment an","Ġpropa gación","ĠAñad ir","ay uda","Ġcuan ta","Ġpis ar","tain ment","Ġar as","Ġinterpre tada","ĠsanguÃŃn eos","ĠArch ivos","ĠNingun a","Ġb ár","Ġpes car","Ġplát ano","Ġverteb ral","ĠPRO GRAMA","Ġproporcion ará","f lu","Ġmam ÃŃferos","Ġv om","Ġredac tar","Ġfres as","ist em","ĠCan on","Ġcóc tel","Ġcomens ales","Ġrepro duce","Ġpirámi de","Ġan dadura","ĠCh ur","Ġrefuer zos","Ġencontrar lo","ti zo","ĠRe tiro","Ġfis io","ĠCap illa","Ġagreg ando","Ġger encia","199 4","Ġboliv ianos","Ġcu at","Ġcompac ta","Ġap ta","Ġpresent ador","Ġmun dialmente","eno vela","Ġus ur","Ġsan as","Ġdistor sion","Ġrecomend ados","v d","Ġplan ear","Ġhipo te","bur y","Ġapas iona","ĠOs orio","ru guaya","Ġcontrol adores","Ġcariños a","fe os","ĠE instein","ĠN eo","Ġlan zan","Ġsome tidas","Ġadvers as","ĠE je","Ġvesti dor","jemp los","ĠAquel los","ter nas","pa ge","Ġexig iendo","Ġconven ga","tid ora","Ġalgorit mos","Ġinf usión","Ġep ÃŃ","S am","ti jo","is ima","ĠFre ud","ĠNig eria","tin ales","Ġcompl acer","ĠH OR","Ġsignific an","Ġevolucion ando","Ob serv","v ÃŃn","Ġresul tará","tol ógicas","T el","Ġper ra","Ġc ás","ĠH echo","Ġment almente","Ġperdon ar","et ano","ul adores","ĠDes tac","1 000","ĠCon v","Ġador ación","ĠParti cip","Ġpar ó","ñ eta","ÃŃ pro","Ġcontr asta","te ando","mer cado","ĠMá ximo","Apro vech","ion ada","posi tivo","Ġo cular","Ġdesemb oc","Ġ Ñģ","à ľ","o fici","Ġmultim illon","Ġcib ern","ex per","ĠMon asterio","Ġselec tivo","Ġtembl or","Ġsal go","ĠV EN","Ġperten ecÃŃa","Ġporta folio","Ġfenomen al","b uena","cl ick","Ġ11 1","Ġafec ciones","Ġanunci antes","Ġle ÃŃa","Ġobserv ador","Ġnar ices","J ust","Ġm esti","Ġl ámina","Ġfabric adas","Ġdiver so","Ġcolombi anas","Ġc ue","ĠAl fa","ci òn","Ġos cil","Ġdesconoci das","Ġcre ces","ĠInte lectual","Ġsu enan","Ġbien venido","Ġbal cones","Ġinterro ga","do y","Ġburo cr","c rÃŃ","Ġtamb or","w en","ĠMara tón","Ġdies el","ográ fico","ĠBlack Berry","Ġimple menta","Ġdiscre ta","ĠC usco","Ġab ro","ĠAudi torÃŃa","Ġco que","ĠBel trán","Ġten encia","Ġdemos traron","N av","Ġgobier na","Ġlanz ando","Ġacep tando","ĠCompr om","Ġempu jar","Ġre leg","ĠD D","Ġten dido","Ġperon ismo","Ġsan tidad","Ġimp lac","Ġmascar illa","G onz","Ġpo wer","ĠSu ite","Ġtac os","Ġten es","ĠHab itación","Ġsel lado","gu s","tin i","Ġesc ru","viv encia","Ġev oc","Ġcruel dad","g ana","ĠBenjam ÃŃn","ĠRa zón","ĠReci entemente","Ġintegr arse","Ġale jada","ĠM oy","ve dades","ĠCol on","ĠPatr onato","Ġcer raron","Ġdecre tos","ĠDin ero","Ġterapéut ica","y lon","Ġn icho","ajaj aja","Ġver ga","ĠTes is","Ġasequ ibles","Ġé pica","Ġro tos","Ġasent amiento","ĠMan if","Ġabar can","ric ense","éndo los","Sal ud","Ġex cre","Ġconci ent","¡¡ ¡","ro p","Ġdespro por","Ġpose ÃŃa","Ġb in","ĠR ita","Ġdi óxido","Ġviñe dos","Ġins istencia","Ġgol p","Ġco cido","Ġint riga","ĠBern abé","1 10","Ġe min","rac le","Ġenvi aron","u tación","Ġalta voz","Ġinalámb rico","Ġre zar","Ġderi var","T rad","Ġinde x","Ven ezuela","l iber","ĠEn desa","Ġaerona ve","Ġenc ajar","ĠCar ri","Ġcap ucha","Ġcos tera","ĠCo co","ĠLE Y","ĠVo dafone","ĠBartol omé","tar le","TA C","j s","ás icos","Ġpatr ulla","Ġmacro econ","Ġba tido","De tal","ĠAr tic","ĠOl ga","oz ca","Ġnovedos a","uer pos","? !","ĠC ierre","ĠOl d","ĠA gencias","Ġlist ados","Ġcómp lice","Ġ ×","Ġr ondas","Ġprofundi dades","Ġastro logÃŃa","Ġad yac","Ġho t","Ġb ab","Ġbar ri","Ġpublic ará","Ġelimina toria","x ito","Buen a","ĠF os","Ġma deras","Ġ ñ","ĠG ale","C at","Ġdi ger","Ġ10 9","Ġau gu","él icos","Ġcoloc ados","ic erÃŃa","Ġcor tina","+ +","ĠQuer ÃŃa","Ġv endo","M D","Ġemb o","J avier","un ch","Ġmi ramos","Ġefec túa","Ġanfitri ones","I r","al gun","ĠSelec cione","Po drÃŃa","Ġpres as","Ġ195 6","Ġsubsecre tario","as to","ĠEstrel las","ĠK le","Ġcoloc arse","Ġmod ular","Ġexperim entados","b able","Ġacord aron","Ġcontra cción","Ġapren dan","ĠAn tár","Ġameric anas","Ġense ño","ril lero","Ġexplo taciones","Ġpar is","Ġdepartam ental","Ġpul ido","Ġtransex uales","Ġref lec","let ter","ama ha","ĠMa gazine","ĠMé todo","ĠTÃī CN","ĠB it","orn e","Ġsus pens","Ġab undan","ĠSan tam","Ġrepresent aba","ble ma","ĠF ase","Ġsol idez","Ġinsist ido","ĠpÃŃ xeles","ĠP adilla","ĠF lex","Ġus ual","Ġen érg","Ġsal iera","ĠTi pos","Ġsurg imiento","ĠDiv ina","Segu ramente","Ġ[ +]","Ġorig inaria","Ġpode is","Ġrodil lo","ĠUE FA","Ġmonopol io","Ġen tras","Ġgas olin","Ġech ando","Ġgrab ada","Ġvib rante","I gual","i ño","ĠB L","ĠVal ley","Ġcompra mos","Ġdivul gar","ĠSal va","ĠP interest","ĠTo uch","Dan iel","tán eos","ĠRe visión","Ġen tier","ĠBa talla","Ġgall ina","Ġcompren den","Ġescu ad","Ġcal ienta","w al","ĠConsul te","Ġnavide ña","E le","ĠâĢľ âĢ¦","Ġazúcar es","Ġminim alista","ĠEst rada","Ġafec ten","U s","Ġt ó","Ġtrabaj aron","Ġadap taciones","ĠE QU","ĠV id","Ġconstitu yó","Ġpres enciar","Pre cio","Ġaper itivo","ĠCUR SO","Ġexp lique","Ale mania","Ġextrem idades","Ġreglam entación","Ġcl ÃŃ","ĠEl abor","tú en","Ġgas tado","ii ii","Ġg alo","ĠVeh ÃŃculos","a ño","el and","Ġba ta","Ġley ó","ĠPicas so","Ġo k","Ġno t","ĠNa pole","F lor","li bre","* )","ĠSol amente","C UR","ĠT un","ĠG MT","th on","Ġcarb on","ĠAlma gro","son aro","Ġacus ada","Ġad min","Ġe ru","Ġal érg","Ġacab ará","ĠBár bara","Much o","Ġo bl","Ġpa uta","Ġcamis as","Ġmiti gar","ón ima","ĠT EN","Ġobede ce","ĠDescu ento","Ġten ÃŃas","po co","C ola","U ER","Ġincorrec to","Ġcomput ador","Ġsimpatiz antes","Ġsitu ar","Ġreporta jes","Ġg esta","Ġmam ás","ĠVerg ara","er me","Ġapos tado","enz amos","Ġprevis ible","tu ando","Ġrepresenta tivo","ION ES","Ġnavide ño","Ġrecrea tivas","Ġ ut","ĠA partamento","Ġap ela","itco ins","ĠÐ ²","aman ga","ĠCom b","Ġrefer ir","Ġdescub ierta","Ġrode ados","Ġmin orÃŃas","Ġconten ÃŃa","Ġver tig","Ġceleb rarse","ICA CIONES","ĠCoch abamba","e al","Ġmedio ambiente","ĠPa u","Ġinici e","is er","Ġdes critos","ĠBlo que","Ġret ribución","Ġvil lano","ho u","Ġenseñ ando","ĠJohn ny","Ġconf ÃŃan","ĠPol ÃŃtico","ĠPr áctica","ĠCar denal","Ġauto bio","Ġvideo clip","ĠCá tedra","ĠMec ánica","ĠRece tas","tiv ación","ĠR uss","apro pi","Ġb rasil","Ġemp ap","g rana","Ġf itness","Ġb oy","Ġrad ial","Ġgo zan","ĠIden tidad","Ġin el","ĠN oreste","Ġpel is","Ġgu ay","Ġdirec cion","Ġon e","Ġri ñones","ĠA us","Ġpes adas","ĠAN D","pe to","ie do","Ġsens ualidad","Ġincre mentos","din ámica","Ġpor os","Ġel o","lan eda","ĠInter vención","Î ¿","In forme","Ġdesa hu","Ġpremi ados","ahu ila","Ġgolpe ado","Ġespos as","Ġ. -","ĠPe ters","Ġconduc to","Ġamar illos","Ġl ong","Ġencan tará","Ġances tral","Ġcom ete","Ġacar re","A V","om s","Ġrep el","amb la","ĠL ord","Ġgran d","cul es","Ġfum adores","ĠBay ern","ĠC ris","Ġsi rio","Ġoc éanos","Ġequilib rar","l isis","ĠE th","Ġman ic","Ġdos cientos","Ġgalard onado","Ġporte ño","Ġno ciones","qu iz","ĠM ob","ĠNo tas","ĠA grade","ĠS at","Ġce lo","Ġeval úa","ĠAriz ona","Ġp uros","Ġago tamiento","U V","F R","ĠP AC","Ġva queros","ĠCab ello","work ing","per os","y on","Ġn on","Ġin na","B AS","Ġdefens ivo","Ġcorrespon dan","Ġsolici tantes","Ġbal let","Ġamar illas","CES O","Ġpron ósticos","ĠJ OS","Ġemb ra","Ġcompar able","Ġestructur ado","Ġcon dujo","Ġlujos o","Ġgeográ ficas","Ġmedi terráneo","ĠSara h","en dadas","ĠY A","Ġcer tificaciones","Ġubic ó","ge ci","y mp","Ġh its","quier e","Ġrectang ular","ĠGeorg ia","A parte","ĠV isión","ĠAc ce","Ġencar n","Ġcob rado","Ġdesequilib rio","p ac","ĠRe vis","ĠG un","tes e","Ġfa x","ici na","Ġdia grama","Ġmari posas","S ea","ĠT ib","Ġdomin icana","Ġrub ros","Ġmap uche","ĠVig ilancia","Ġimplic ado","Ġpo ético","Ġt enta","Ġmejor ada","Ġgan ados","ĠcardÃŃa ca","Ġratific ó","Ġimpuls ando","Segu imos","C ab","Ġred und","E TA","Ġfoto copia","ĠL amentablemente","ĠCom ando","Ġpla tillos","Ġpan es","Ġagro alim","ĠTera pia","Ġcaz ador","Ġsus piro","Ġcub riendo","Ġton alidades","Ġago bi","Ġsen das","ĠDec ora","Ġmemor able","Ġchis pa","Ġenrique cimiento","u res","Ġsentir nos","it ano","Ġotor gada","Ġgeográ fico","Ġver nos","Ġemis oras","ĠP IN","Å į","Ġfle chas","cleros is","Ġcon gén","ĠV aya","Ġver las","Ġpen ins","ĠFar mac","Ġplan taciones","ĠMil an","Ġcre ÃŃan","ick s","ĠSur f","Hab rá","z osa","Ġa ud","ĠExplor er","Ġconsider ará","Ġir rad","fo ur","Ġnarco tra","Ġp illar","AR ES","Ġmantener lo","Ġinterrup tor","ed s","medi atamente","ĠEn glish","ER G","Ġcigar rillos","j uelas","ĠPin to","b ada","Ġp il","Ġf av","Ġmon tos","B OR","Ġpr ós","Ġdig nos","Ġre van","étr ico","Ġcor relación","Ġsent ar","Ġestable cieron","Ġp ajar","Ġacab as","Ġbo ok","Ġenfoc ados","Ġilim itado","Ġdisfru to","Ġproductor as","Ġelem entales","ĠCN N","Ġdisper sión","Ġpublic aron","Ġmud anza","Ġtac ones","Ġrepas ar","Ġgenu ino","ie v","Ġres i","Ġun i","Ġun ilateral","Ġcans ados","ĠC AT","cos as","Ġvo taron","Ġsur re","ĠOfici ales","ĠJurÃŃ dica","Ġdisf unción","Ġsangu ÃŃnea","Ġasim ilar","Ġsuscep tible","ĠSci ence","lan desa","Pres entación","ci bles","Ġcumpl irá","ĠPra ga","Ġca vidad","b ec","Ġamuebl ado","Ġbeca use","ĠPo drá","ea ther","ĠPro blemas","au to","Ġintroduci endo","ĠCrim inal","S im","he ad","ĠVie ja","lan co","do wn","Ġvin cular","ĠI DE","ĠVe amos","Ter min","Ġro dado","Ġlej anos","Ġser é","Ġni trógeno","Ġadop tó","Ġcotidi anos","Ġi Pod","Ġapropi ación","Ġqu itarse","Ġdescan sa","ĠFu jim","A partamento","tific ados","Ġdesesta bil","Ġsensa cional","Fac ebook","Ġleg alización","l f","ĠPien so","Ġcl or","m uchas","ĠPr ue","Ġeficaz mente","Ġpon drÃŃa","Ġoper ando","Ġsh ock","Ġsu cu","itar ismo","Ġcelebrar án","Ġconcil iar","h ombre","ĠAr senal","Ġdev or","Ġemplaz amiento","Ġan cl","og ue","ĠK er","ĠDes n","ĠFun ciones","Ġperjud icar","ĠPr ome","Ġmotocicle tas","Ġtrabaj en","her ine","ĠInform es","ĠSU V","ĠC ero","ĠD allas","Ġmodific an","Ġpañ ales","ĠCar les","Ġderi van","u mp","In f","Ġfab uloso","Ġprof etas","Ġponer la","ĠSqu are","ĠComun itat","Ġdistribu idas","ĠDirec tivo","Ġabstrac to","Ġl ino","tra to","Ġb las","ĠSÃŃn drome","Ġmág icas","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ĠE f","ĠVe la","Ġvia jado","Ġacumul an","ál ida","Ġpeda gogÃŃa","Ġal ti","Ġexig ido","Ġenter amente","Ġr ond","Ġmar iscos","Ġdeleg ada","er ios","Ġcan cion","U r","ĠA mo","amil ia","A mpl","tÃŃ fice","Ġ óxido","Ġirri tación","Ġine quÃŃ","ĠK ur","Ġcarpin terÃŃa","Ġp rag","Ġop uestos","ĠWar ner","Ġpedag ógica","Ġentrañ able","Ġchamp ú","s ul","Ġar terias","Ġdeci dan","ĠBen edicto","comun icación","Ġconcesion ario","M os","Ġanat omÃŃa","Ġanhe lo","Ġhipo c","ĠP AT","Ġreper cusiones","Ġandal uces","ĠT LC","com ple","Ġop en","ĠSa grado","Ġre juven","ĠGar rido","Ġde mar","Ġch orro","ĠL P","Ġden tista","ĠL ig","Ġdisfrutar on","H ubo","ti res","Ġdes ist","Ġdetermin antes","Ġban cada","in cido","ĠE ras","ĠSe is","Ġk ey","ĠH ear","Ġco ach","Ġfreel ance","Ġadjud ica","Ġmadu ración","Ġacre edor","ĠCor o","ĠK i","ĠContra tación","r ÃŃamos","ĠA ve","Ġagrade cemos","Ġm uestro","Ġforma tivos","Ġescapara te",". /","Ġ19 47","hi bió","Ġbuc al","Ġpu ños","Ġcer dos","Ġrepresenta tiva","d l","ĠR endi","Ġfal lado","Ġrep leta","ps ic","Ãģ n","Ġdiagnostic ar","st icamente","Ġdeber ia","Ġlanz ará","contra mos","Ġconsol ida","ir mar","ĠT oni","Ġinac ep","Ġen tor","ti cismo","ĠPar ques","Ġenvi adas","Ġgaran ticen","ĠNie ves","ĠH ad","n ombre","Con ocer","Ġseñal adas","Ġcri ado","am ia","ĠPo int","Ġfotograf iar","ĠConcejal ÃŃa","Ġdes il","Ġefectu ará","ĠVo tos","Ġproteger se","ĠAu tos","Ġbl ues","IN S","Ġbenefici ado","Ġrepe tido","ĠCab eza","Ġgu ia","Ġfil trado","Ġacer caba","Ġenc lave","ÃŃb ulo","Ġmayús culas","ĠI na","ores tación","ĠK h","Ġasesor ar","A tención","Ġpol os","ĠNeces itamos","Ġsobre mesa",">< /","ĠR us","ĠV isa","Ġe usk","ĠD ri","Ġrequer irá","ar re","ĠG h","Ġconcent ran","Ġmagn ÃŃficas","Ġafirm ando","Ġsentir me","ĠPas ión","ĠSan cho","Ġacep to","Ġens am","Ġsobresal iente","Ġf aro","EM BRE","Ġagres ividad","on erÃŃa","Ġautor izar","ĠMa gal","ĠCI UDAD","g estión","Ġb ig","ĠPe dia","ĠL OC","ĠO ver","ĠTu ve","ĠBal oncesto","ĠER C","Ġen su","Ġdese able","Ġacu áticos","ĠSatan ás","Ġcre yó","Ġromp iendo","Ġador able","Ġcal am","Ġde ficiente","Ġtener la","ĠGal lego","Ġsel lar","Ġab rup","ĠT é","ĠAP L","LA CIÃĵN","ĠM ea","Ġco digo","Ġlad rillos","ĠFavor itos","Ġbailar ines","Ġpin tadas","Ġintu itiva","Ġirres ist","Ġpris as","Col or","Ġinaugu rar","Ġserv ÃŃa","Ġcomple tan","Ġvola tilidad","Ġte men","Ġrell enos","Ġagr aria","rue ba","ĠTermin al","Ġporcent uales","Ġasent amientos","Ġtermin aba","\" ?","Ġmatan za","Ġc c","Ġquiz as","Ġgra ta","Ġrecre o","ĠLa tin","Ġag ran","Î ¹","Ġcons isten","Ġexhib e","® ,","Ġre mite","Ġadquis iciones","ĠMetro politano","Ġimp ens","Ġreform ado","Ġreconoz ca","Ġcalce tines","Se villa","ĠS to","Ġver eda","aa a","Ġhidra tos","ĠAr men","ĠPro greso","Ġtor turas","Ġmanufac tur","Ġturb ul","Ġbril lar","Ġmur m","Ġneces itados","Ġcatá logos","Y S","Ġcas ita","Ġesc ép","Ġdescri ption","Ġjen gibre","ral tar","Ġbenefici ados","le ibol","Ġter mos","Ġ7 20","Ġopin an","Ġparticipa tiva","Ġinf rar","ĠCor reos","Ġcuader nos","ĠEjerci cio","b n","Ġnacional idades","Ġlon ge","Ġnegl igencia","Ġb est","ĠHer mano","Ġ195 4","ĠEntre ga","Ġo ponerse","Ġj acuzzi","Ġacer que","Ġ195 3","Ġapropi ados","Ġmarch ó","ĠLog roño","In form","Ġte jer","ĠMa gos","Ġacep te","Ġpartici pe","Ġsa hara","Ġgran ada","ĠA leg","ĠP ila","cu a","Ġgen érico","Ġter cios","Cu ba","le ts","Ġfe to","G N","ĠRel ación","Ġacce da","Ġmodific ada","ĠFab ián","Ġcafe tera","Ġalmoh ada","ĠLa ke","Ġrecuper ando","Ġbacter ia","Ġla bio","Ġaument ada","Ġmarx ismo","tis h","Ġreaf irm","Ġchar lar","ĠSan ti","ĠN ingún","Ġcons orcio","Ġen amora","ĠMar cha","Ġadop tadas","Ġp imiento","Ġprelim inares","ama ica","Ġvit ro","di t","ĠPen itenci","S ent","tar nos","Ġacompañ aron","Ġneu tro","Ġhegem onÃŃa","Ġpañ uelo","Ġvol antes","Ġech amos","ĠPis cina","ĠH amb","Ġrealiz aban","ĠAn tena","es an","ĠO z","Ġvolver é","ĠCl ientes","Ġdan zas","ĠBern ard","v ora","Yo u","Ġgradu ados","Ġhero ÃŃna","h il","o ter","ĠD orado","Ġsir vieron","Ġno vil","ĠO urense","ĠÃģ lava","ĠSud americana","qui el","Ġtir ó","Ġ.. ...","ĠRam iro","Ġapasion ada","ĠGESTI ÃĵN","Ġmer cen","Ġincorrec ta","Ġl echo","ĠAr thur","Ġev itan","at s","Ġper ejil","Ġfacil itará","Ġver ÃŃa","Ġprolon gar","ĠTig res","ĠSpo tify","Ġy an","le er","Ġcar icias","gü edades","Ġm ech","Ġsu ene","Ġcas illas","Ġtraslad arse","Ġans ias","oci tos","Ġart ritis","Ġqu itan","Ġesper es","Ġpregun taron","ti miento","Ġmir ador","Ġpagar á","Ġrespal dar","it ana","Ġ9 11","Ġdispon drá","ĠD og","J un","ÃŃ lico","ĠMar qués","Ġreci en","Ġneum ático","g ios","Ġas er","Ġenci ende","ñ ó","Ġdev oluciones","Ġimpon en","ĠRe paración","Ġcambi ante","Ġlic or","di rá","ĠEst ás","ĠAD V","Ġen ig","Ġsal p","ĠCar di","Ġilust rar","Ġcre cieron","ĠMira flores","Ġdiecis éis","Ġinde se","Ġadmira ble","ten emos","Ġemp are","Ġrespon da","Ġl it","Ġinmobil iarios","Ġtritura cion","b anos","Am or","Ġn áus","ĠP abellón","Ġen o","ud ales","Ġacep tas","Ġretor n","ĠF ul","Ġprotec tores","Ġn ena","rim ento","Ġenter arse","Ġolvid arse","Recuer do","ci era","Ġcaus adas","Ġasi ática","Ġ5 50","Ġluc ra","ĠPregun tas","ea u","Ġenfoc ar","ĠP ÃŃo","je to","Ġcuer nos","Ġinm er","Ġconv inc","ĠTRABA JO","Ġn m","G AL","Ġl ÃŃo","Ġper eza","Ġparro quial","tes t","Ġprop iciar","ĠElec tron","on ga","Ġcr ónico","Pue den","Ġpon entes","ĠO ff","Don ald","Ġbiblio grafÃŃa","Ġescand al","ĠÃŃdo lo","Ġtraduc tores","Ġenerg éticas","ĠFIN AN","Ä ģ","Ġfu iste","Ġform arse","ĠMunicip ios","V endo","ĠUn der","Ġvol um","Ġgu iones","ĠPas s","os io","ha us","Ġdiscapaci tados","is hi","oci ales","ĠC PU","ĠP rac","ĠCom isiones","Ġne ta","ĠT D","Ġval las","Ġdic tar","Ġconv icciones","ó teles","Ġens ueño","ĠMag ic","Ġex uber","Ġcor rom","ps ol","Ġrecompens as","AB LE","ĠC SS","Ġtraslad aron","Ġpol las","ca pe","Ġcomp rimido","Rec on","ĠAnim ales","Ġlig er","Ġasegu rada","Ġcob rando","un dos","Ġfu ero","Ġcruz an","Ġincrement ando","Ġgalard ones","Ġhablar on","ĠMor elia","Ġv iu","Ġtribu tarias","Ġdiagn ósticos","E lec","ĠB ono","Ġobede cer","G an","ĠP lu","Ġv osotras","ĠR h","Ġos ea","graf a","Ġth riller","Cer ca","Ġinter nado","ĠMa za","Ġ% )","S ur","ĠAndre w","ent able","ĠS par","ĠPer fecto","ĠAc to","p tos","Ġcol inas","Ġh d","ĠP ico","ina ciones","Ġjapon esas","Ġparado ja","vis ible","ĠZ or","cons ciente","ian ce","Ġtra ÃŃa","Ġaz u","Ġri s","Ġestren ado","ti cio","Ġrepresenta tivas","Ġamor oso","Ġóp tico","Ä ±","Ġ6 01","Ġdesinter es","Ġgener ará","Ġvol c","23 7","Ġexhaust ivo","Ġcol isión","Ġclima tización","Ġme to","Ġsome te","Ġvid rios","ĠF iel","Ġexclus ividad","C EL","Ġre tórica","c ÃŃan","ĠOde brecht","ord on","ĠAdminist rador","Ġindependen tista","Ġhab itante","Ġgra ba","US A","am ó","Ġcal deras","Ġdist ante","ĠilÃŃ cita","Ġdesac eler","Ġfl uye","ĠLegan és","Ġse villa","Ġflu ida","Ġsuces ivos","Ŀ ¤","Ġexcl uye","Ġdetener se","ĠM ág","ĠFujim ori","fi quen","Re ad","Ġbe ige","ĠNick y","Ġ19 41","Ġco aching","Ġbo om","Ġcoment é","Ġpron ta","Ġhech izo","Ġentra ñas","ĠPU BL","Ġg los","Ġinjust a","Ġa tado","Ġgri tando","Ġero ticos","Ġtum bas","Ġobst rucción","Ġgenoci dio","ĠOfici nas","Ġextrac tos","Ġmal dito","Ġceleb ridades","Ġagrade cida","Incl uye","in ador","Ġconstru yeron","ĠPerió dico","ent s","ĠJ O","Ġcor rosión","ĠCon gresos","ÃŃv ares","Ġroj ib","tor o","ĠH uerta","Ġconserv ado","ĠLeopol do","Ġfol leto","ĠCul turales","ĠD ir","ĠServ ices","Ġimpuls ó"," ½","Ġ19 00","Ġsolici taron","Ġesca ños","ĠB ola","ĠG av","ĠH AB","Ġexperim entan","Ġsobreviv ientes","Ġchanc adora","Ġmol er","Ġincrement ó","Institu to","ĠI v","Ġhos tel","Ġadelan ta","Ġcá tedra","A hÃŃ","Ġpi di","Res ul","lor e","Ġenz imas","ĠLo urdes","Ġasist ida","Ġgolpe ó","Ġescon den","Ġimpar able","n ias","ada via","Prim era","vi ales","Ġbril la","ĠForma to","Mujer es","Ġpan car","Ġsilen ciosa","c un","ĠRe habilitación","Ġconven cida","Ġch ir","anti cismo","Ġjust as","cti mas","c tion","Ġsig as","ĠEle mentos","S or","Ġdeten ciones","Ġnoctur nos","un ge","oci na","Ġhab ÃŃas","Ġinvis ibles","Ġne oy","Ġgu ap","Ġsac amos","Ġb esa","ĠO don","Ġsól idas","Ġv ello","Ġinf idel","d ona","Ġentr ante","ĠMer cados","ĠDES ARROL","Ġtin tes","; .","Ġ19 29","Ġarro jar","ĠMa de","ĠQ ual","ĠdiscÃŃp ulo","Ġinvoluc rar","l ight","ĠS K","Ġconoci mos","Ġsta ff","Ġan ormal","ĠMon to","Ġcre yente","ĠImp uestos","Ġconserv adora","ĠIden tificación","Ġdestac able","ĠFil m","A segu","Ġlo w","rill eros","Ġle tal","ĠT emas","ex ual","Ġconven ce","Ġsu puestas","Ġpa ternidad","Ġcober turas","Ġpe tro","ĠPer alta","Ġrob ótica","Ġcar amelo","ĠIbero americana","Ġdemand ada","g ie","ta to","im es","Ġ11 6","Ġbac alao","Ġperiod ÃŃstica","Ġcoe ficiente","ĠRes idencia","C á","Ġsust rato","ĠÃī tica","ul siones","ĠT QD","Ġcar riles","Ġintersec ción","b uc","ĠP uertas","ĠPo déis","Ġilum inado","ac t","Ġdiplom áticas","on omÃŃa","Ġacog ió","Ġautoma tizado","ĠCrea tive","Ġinger ir","ĠdÃŃg itos","Ġepic entro","Ġavis a","** *","Ġex or","ĠF AM","Ġbeb es","L ea","Ġenf oca","Ġtribu tario","Ġex f","Ġorto grafÃŃa","Ġqu ite","ĠCo ahuila","Ġcompar tieron","ĠJes sica","ĠEv ita","Ġ11 4","Ġconsegu ÃŃ","Ġagrade cidos","ĠBas ÃŃlica","Ð ±","Ġdesesper ado","Cuán tas","Ġang ular","Ġcompeti tivas","Ġdim ens","ĠNorm al","Ġo ce","ĠVil legas","ĠDuran go","u ados","Ġlo como","Ġsober bia","ĠAU TO","Ġdes vÃŃo","oci edad","ok u","Ġprior itario","ĠA E","ĠJ ay","Ġsuperfici ales","Ġapre tar","Bien venidos","Ġsub campe","Ġcort ometraje","Ġacon sejo","st ra","Ġec ologÃŃa","ĠF all","Ġca ñones","Ġinterac tiva","Ġfontan erÃŃa","Figu ra","Ġsub tit","Ġorig ina","ĠCar la","Ġtre p","in tes","Ġme ten","IS O","Ġus es","ĠG uy","ĠClas sic","ab ado","Ġk a","ĠX unta","Ġcoloc amos","ĠH ue","Ġch ap","Ġcorri das","Ġcampes ino","Ġaerona ves","Ġalcan zados","Ġestu vi","Ġinm ort","Ġhom eo","Ġminia tura","Ġi i","T it","as en","Ġom n","Ġgestion ado","ĠP ES","ĠT HE","ren das","Ġconcent rarse","ĠSEGUR IDAD","ĠIbar ra","Ġcolabor an","Ġsosten ida","dos is","Ġinmobil iarias","ĠC ana","ĠEs cor","ĠJun tas","p amiento","ĠJef f","ĠMode los","ul d","Ġconcent rados","ĠJas on","Ġcas eras","Ġequivoc ada","geci ras","an das","ĠO mega","Ġconstruc tora","ĠMaes tros","ĠInmac ulada","ĠE CON","Ġ19 37","Ġautén ticas","w ords","ĠElec tricidad","Ġaprender ás","Ġincon form","Ġprole tariado","ĠMo ore","Ġelec tron","Ġestad ÃŃstico","ial s","Ġat entamente","cer amente","ĠAca pulco","w ikipedia","igra fÃŃa","ĠFu turo","ĠRe psol","ĠConst ruc","OM B","m und","ay as","Ġe cl","Ġc ris","tel l","ĠSh ane","Ġol ig","Ġrecam bio","ĠClim ático","Ġli tio","ĠFa ir","Ġantioxid ante","gl omer","Ġdec ena","ĠAz teca","ĠT ub","Ġap ocal","ĠDel ta","ĠMa dero","Ġfabric an","Ġtrop ez","ĠConsum idor","Ġo pone","Ġalcan ces","Ġsab roso","Ġ19 17","ĠL GT","Ġilust rado","L lev","ĠKar l","ĠA x","ĠBal ance","19 90","OM A","ĠMU Y","Ġl unar","Ġap tos","ĠSin dic","Ġenci erra","Ġdiplom ática","Ġdon ar","Ten iendo","z ol","F S","ER RA","ĠPr óx","ĠPe dr","Ġdescom posición","h isp","ĠT iendas","Ġhon do","ĠMas ters","Ġpal iar","Ġperder á","Ġsensor ial","Ġinterrup ciones","Ġlec tora","Ġdes bor","áp oles","Ġencer rado","b endas","ĠZ acatecas","ĠH UM","ĠV ásquez","ĠSan itaria","D iv","Ġdenomin adas","ĠBenjam in","M y","Ġ19 49","... -","ĠSando val","ĠF RAN","ĠLa va","ĠDist rital","Ġdomin antes","Ġred on","Ġfilóso fos","Ġpreten demos","Ġacudi do","Ġdistin guen","Ġh is","Ġmos quitos","Ġhotel era","ĠEnter tainment","Ġcas tig","Ġconfigu rado","Ġinform arse","Vesti do","Ġcog ió","ĠPatr ick","Ġconce dida","B el","P aso","ĠL obo","Ġpen it","ces as","S um","Ġtrabaj ará","Ġg il","ĠM ÃŃn","Ġres piro","ðŁ Ĵ","Ġestablecer se","Ġrec ÃŃpro","A U","Imp ortante","ĠIR PF","Ġpa guen","ÃŃf era","ĠConten cioso","ĠGRA CIAS","Ġpor men","ĠB rin","ĠBeat les","tu ps","Ġelev ó","Ġabur rida","D icen","ĠCarm ona","hos t","Ġinver nal","ĠAvel laneda","Ġin édito","Ġfas cismo","w art","ĠEst ambul","ĠBar cel","ĠES P","ĠBen z","ĠModer n","t ner","ĠCual quiera","Ġencar gadas","Ġw h","Ġfil trar","de recha","vo que","Ġtor ta","ĠNeu quén","Ġano tación","ĠSuper man","Ġentra mado","Desarrol lo","ti cidad","Ġtra ga","Ġentre gando","Ġinstal arse","ĠDI Y","Ġf erv","ĠEspe jo","? ).","Ġidio ta","Ġdet rimento","e i","n úmero","Ġexig ió","Ġtera peuta","ĠMone tario","ĠSe t","Ġescándal os","Ġmedi evales","ĠMar adona","ĠSpr ing","ĠI E","pe utas","st one","Ġast rona","Ġculmin ar","Ġsuperhéro es","Ġtom ados","ta pa","Ġprovoc ada","! âĢĿ,","Ġeleg imos","Ġmay a","Ġinmun ológico","Ġlegu mbres","B log","Ġper dÃŃ","ĠD OS","ĠColum bia","Ġcor rÃŃa","person ales","Ġcro ata","ĠAmaz onas","Ġpar ten","Ġprecip itación","ĠB ici","Ġay uno","Ġsust enta","ĠInicia tiva","ĠP ampa","Ġ11 8","Ġestim ada","Ġplante ada","ĠArch ivado","ĠG AR","u entes","Ġ27 0","ĠHum ana","ĠSE Ãij","ĠAlic e","Ġ19 44","Ġfar os","Ġconmo ve","Ġvendi das","Ġjer árqu","Ġelectr ones","ific ó","Ġarre me","la gos","Ġjug amos","ĠSh ar","col n","Ġespor á","Ġsitu a","ĠSE P","Ġrenov able","Ġinsta gram","l ora","Ġgal lo","Ġide ologÃŃas","Ġseguir é","Ġmor ado","Ġexisten cial","d aron","ed ic","tern al","Ġpredis posición","ED A","Ġc rack","tiv ista","Ġexpro pi","Ġr all","Ġperfec cionar","Ġhipotec ario","ga tas","Ġanti inflama","Ġprev iene","Ġnerv io","Ġtempl ado","AN TES","Ġdes m","ĠMon clo","Ġ Å","ĠI L","Ġhorizon tes","Do cu","Ġinter media","Ġdev ol","ĠEsper emos","Ġexac tos","Ġexter n","lab rada","Ġmanufac tura","N úmero","ĠD ante","Ġcorre la","ĠMad res","Ġperió dicas","z ura","um entaria","Ġbo tÃŃn","Ġmos ca","Ġsuici da","u zas","ar ena","Ġdic tó","Ġestra tos","ina cional","Ġgra mática","Ġsobrena tural","D ie","ve a","ĠK il","Ġ22 5","pl it","Ġestu v","Ġbor rado","G re","P arte","de b","Ġjam as","n ales","Ġimpedi mento","ĠM ón","AN ZA","f avor","ĠMil enio","cur sos","Ġsitu arse","Ġestable zcan","Ġdesempeñ an","ĠImp erial","ĠD ivers","Ġap óstoles","ĠAc ciones","Ġevent uales","Ġcre ará","Ġrespe tuosa","ĠAssocia tion","ĠP EN","V ÃŃ","Ġb uta","Ġper me","Ġas ado","an na","ĠG ál","ĠTen ga","aliz arlo","Ġviv an","OLU CIÃĵN","duc tores","Ġofre cida","Ġhe tero","Ġtemp er","ĠBan cos","Ġepide mi","Ġsubl ime","Ġcal ificados","Ġmarx ista","Ġto t","ig ración","ĠMer kel","comun idad","Ġmism ÃŃsimo","D en","Ġmeteor ológicas","j ito","te as","ĠRod riguez","ĠC GT","ĠPe ugeot","Ġan ulación","Ġpr omin","ern as","Ġadj unta","In ici","ĠPlan tas","Ġna uf","Ġw ill","Ġhall aba","Ġmi den","Ġadmi tido","ĠPay Pal","ĠA SO","ĠMag na","Ġcastel lana","ĠAn ÃŃ","Ġsu ero","ĠIs mael","Ġdev uelto","Ġrob usto","Ġtir ón","Ġdespe jar","ĠRecor demos","Ġcu este","Ġinform ará","Ġrefle jada","Ġvecin dario","Neces ito","Ġapropi adas","ĠZ u","Ġcontactar nos","ĠGio van","Ġsin ónimos","Ġc it","Ġcómp lices","ĠC ueva","Ġdes mor","Ġsa una","Ġviol ar","Ġmante ca","S T","ĠCu ader","ĠCh ino","Ġgu iado","EN CIAS","ÃŃr ico","ĠMen ores","Ġpiz ca","Ġsustancial mente","T iempo","ĠBach elet","Ġcorrup to","Ġp imientos","Ġsaber es","Ġaplic ó","ĠB ásico","Ġsem án","ĠSa úl","b ico","f ines","Ġcu estan","Ġri ñón","Ġiran ÃŃ","Ġw his","Ġrel i","ĠEnerg y","aj al","ĠPr ést","ĠJurÃŃ dico","! ).","ic emos","Ġfin alizada","pec ta","Ġrecor ren","ĠD ÃŃ","pos o","Ġsepar arse","ĠLeg isl","ĠR T","abas co","Ġdistingu ido","Ġjardin erÃŃa","Ġdelica deza","Ġger min","du zcan","Ġvoc alista","Ġabra zos","Ġ ás","Ġes lab","Ġinici ando","Ġextrad ición","Ġbo tes","ĠE videntemente","Ġinquie tante","Ġhu ida","tar me","Ġpac tado","Ġinf el","Ġpresent adora","OLOG ÃįA","Ġbailar ina","Ġv asta","Ġcol gante","Ġâ Ī","Ġdo lares","Ġrespe tado","Ġalmacen aje","M ag","ĠPor sche","Ġimag inas","Ġcambi arlo","Ġgratific ante","Ġn es","Ġman i","Ġcu estiona","Ġtra mas","ĠBol sonaro","Ġpas arse","tar i","B ay","Ġviaj aba","ac an","ĠIn gresos","Ġoportun amente","ĠEx c","Ġveinti cinco","Ġexpres aron","Ġinel udi","ĠAd vent","Ġprefer entemente","uc emia","ĠA ga","Ġger entes","Ġlib rar","Ġár bitros","ĠStu dios","C M","ĠH ura","Ġnecesita ban","Ġmultiplic ar","L iga","Ġases ora","ĠEp iscopal","Ġencontr ada","Ġmar ciales","ĠS it","Ġcos taba","Ġgan aba","Ġhabl é","Ġdivi didos","ĠJu ris","Ġquirúrg ico","Ġconfi ables","Ġaten dió","Ġnav idades","153 15","Ġform ulado","Ġrefer idas"," Ĵ","ri oso","Ġal cista","oc ola","Ġconv al","ĠPara ÃŃso","Ġanaliz amos","Ġvo taciones","Ġsuel tos","f uegos","Ġdeci mo","Ġcomp iten","Ġrecur re","a tivos","t za","ba y","Ġmer ienda","Ġan a","Ġprome to","o ff","Ġflo tante","ĠA pe","TE M","o h","al les","dic ho","on ados","ĠEN TRE","Ġpen de","Ġregal ado","ĠConse jero","ĠlegÃŃ timos","ór icas","Ġren cor","ĠCarre tera","Ġmanten drán","Ġdesbloque ar","ĠTrabaj amos","ĠAn tón","bl r","Ġr ing","ie ves","Ġfun eral","Ġingen u","Ġt b","Ġmermel ada","R am","Ġcomun as","cos ur","Ġtermin é","Ġvic tim","ĠOC DE","Ġviol ÃŃn","dica ciones","ĠAt lanta","Ġlej ana","ĠAudiovis ual","ĠF eng","Ġcoment as","Ġcé dula","ĠAlc ázar","Ġromán ticas","P AS","Ġ\" ,","Ġocur rencia","ĠMon tre","Ġrel u","Ġdon es","Ġajust ada","Ġpic ada","3 50","Ġh y","Ġrequer idas","а н","ĠMan u","Ġfronter iza","ĠJunior s","ĠMo z","Ġan chas","Ġam er","par to","ĠPar ker","ĠHor ario","Ġexhaust iva","udi llo","Ġdirig imos","Ġteór icas","Ġdiscul pa","tu alidad","aj ero","ĠV IDA","è re","Ġar bust","Ġexcl uy","ĠMe g","ĠRes puesta","Ġapues tan","tal e","Ġexce der","ĠGu ill","C apa","IG O","Ġinne gable","ĠM ART","go v","Ġfal ló","Ġecu aciones","Ġsatisfac torio","Ġidén tico","Ġobserv adores","ĠPho to","se gun","ĠG ior","ĠMer curio","Ġher edi","Ġredi st","Ġnomb ró","Ġl lano","Ġaudi ción","ĠAb s","Ġemail s","ográ fica","Ġinda gar","Ġnomb ra","Ġafil iado","Ġtrans misiones","ĠAgu il","ĠCu au","Ġcliente la","ĠCD MX","Ġópti mas","Ġanticip ado","Ġestu fa","Ġinterpre tó","Ġcartel era","Ġpa y","Ġt ie","Ġal fa","ĠF iat","ĠComple ta","â łĢ","Ġcos tará","Ġra tio","Ġindo cu","re m","Ġcar pa","Ġna tiva","Ġul timas","Ġautor izaciones","Ġmode ración","Ġprepar amos","Ġtún eles","Ġco un","Ġ14 4","Ġtripul antes","Ġcor dillera","Ġencar ar","ĠDef ensor","Ġinú tiles","Ġexcl uir","Ġinci erto","ĠCorpora tion","j ita","Ġsa tis","Ġprogram ados","Ġl itu","Ġluch ador","Ġam amos","Ġsitu acion","Ġprestig iosos","ib es","ár sela","Se ñal","j ano","g inas","aya k","pro f","ĠAl tura","Ġco ex","Ġdic tam","L og","end arios","Ġllu v","Ġneu tral","ĠH and","dic ción","Ġpolém icas","Ġver dura","Ġor ar","Ġ19 38","Ġcor tada","ĠSol ÃŃs","B er","ĠV ari","Ġson deo","ĠDan iela","Ġqueb ran","o ces","ĠO RI","Ġdur ará","Ġval ió","ĠO ral","Ġllen ó","Ġacercar on","bs p","Ġt inte","Ġcaute lar","ĠCh allen","Ġinterna utas","ĠAc ci","Ġautom áticas","Ġgar ras","Ġcolabora tivo","ĠCom ienza","Ġaca dem","u ario","ib al","Ġobje tividad","ĠCan nes","Ġazul grana","ĠAbog ado","Ġsan cionado","Ġtro feos","Ġinmig rante","in era","Ġprecar iedad","Ġm enta","ĠGas tos","Ġdeman dan","C rea","Ġpar ches","Ġbau tizado","ĠE mail","emin istro","Ġme tiendo","Ġpas to","Ġz omb","Ġocup aba","Ġcáp sula","Ġten gáis","Ġaloj ado","p ito","con i","Ġam aba","ĠD ulce","Ġmuch isimo","ĠModer na","z za","er rec","Ġest ero","ĠB úsqueda","Ġeduc ado","Ġ195 2","Ġcomp uls","ĠAM LO","Ġmer curio","Ġenve je","Ġmagn ÃŃficos","Po int","Ġosci la","Ġin cip","ÃŃn cipes","Ġescri turas","ĠYa hoo","Fu entes","Ġton ta","Ġsub es","Ġingres aron","ĠRiv ero","Ġmas tur","Ġhabl en","Ġarro ja","om ec","Ġfavor eciendo","ĠMag ist","Ġindefin ido","Situ ado","l ones","ba t","Ġtem ario","ĠTit ulación","ĠJ ara","Ġbon dades","ĠM it","zu ki","Ġpe gada","Ġag lut","f fe","OR D","Ġafron ta","Ġestimul ante","Ġases inada","ket s","Ġposterior idad","ĠCR M","ĠIndi vid","ĠCar bon","i ya","Ġcas tillos","Ġadvers arios","ĠC aba","ĠEl aboración","ÃŃn ica","Ġus en","Ġsorte os","Ġcom ités","E leg","P T","m é","Ġpun tero","aj adas","ide razgo","Ġemble ma","ĠEmerg encia","ti mar","ĠM ental","ú piter","ĠT AR","Ġanunci ando","Ġlesion ó","as cript","an dez","Ġinex istente","ĠCon dado","Ġobst ru","Ġacel era","Ġx q","ĠAu rel","Ġasturi ano","ĠG aceta","Ġblan da","Ġrad ar","p ación","qu ino","Ġcorrespon sal","Ġmur ci","Ġdescif rar","ĠSi guiendo","Ġestim ar","den tro","ĠPan talla","Ġenten dió","j ido","Ġaf inidad","Ġle as","Ġencabez ó","â Ĺ","Ġbon ificación","ĠPan el","Ġhospit alidad","ĠCub ana","o u","Ġmil enio","ip res","ĠÃģ reas","Ġadv ierten","Ġexplos iones","ĠVesti dos","Ġconsigu es","Ġretras ar","ĠRon ald","Ġmar ti","In st","tri p","ĠSol er","ela ya","no c","ĠRay o","ĠMo del","Ġmoch ilas","ĠR af","ĠOR GAN","Ġorden es","Ġfalse dad","Ġench uf","Ġincur rir","ĠH ans","Ġrespon dieron","Ġtribu tos","ĠLic eo","B M","Ġbro te","ĠNeces ito","di ario","ĠV iva","ĠGo vern","Ġsemej anza","Ġsu tiles","Ġplante arse","Ġtransform arse","ADOR A","Ġacog ido","BI ER","bl anco","ĠLe gen","ĠMor o","Ġpene tra","Ġestar ÃŃamos","to das","Ġap titud","iu re","EN DA","ĠMan tener","Ġtransex ual","ĠF ood","Ġdecl ive","ĠAb u","ĠPak istán","Ġprem isas","ĠNapole ón","to tal","Ġsen adora","Ġe voca","ĠMar is","ĠJes us","Ġ< /","ĠSISTE MA","Ġpatrimon iales","Ġcuad rada","Ma terial","Ġsug irió","ĠViz caya","ĠJugue tes","Ġpedag ógico","ĠCENT RO","ĠDI OS","Ġmel ena","Ġfluc tu","ent arse","ĠV O","se le","Ġde valuación","Ġas idu","Ġver le","Ġcontra taciones","Ġsatisf echa","ĠReb el","A t","Ġcontra bando","Ġcaracter ización","ÃŃp ica","ar ning","Ġcier res","ĠEleg ir","Ġha iti","ener se","Ġla tente","lec er","Ġdespe dido","Ġ* *","d ónde","ĠCol ores","Ġpod ras","é semos","ĠM V","Ġbau tismo","Ġdial og","Ġe rección","Ġllama tivos","Ġquin cena","Ġapun tando","Ġparal elas","Ġpo le","Ġcie ga","ro ck","Ġquedar nos","Ġvómi tos","Ġgan cho","o tra","ar iado","Ġbaj aron","ĠOrden anza","Ġde ducción","Ġtrans itoria","Ġsitu ó","jes e","Ġest ri","ĠS now","ĠS úper","ucle ar","Ġalba ñ","ĠJo el","Ġestup idez","Ġmir é","ĠBro ad","Ġenter rado","ĠMen éndez","ĠL AN","ces s","Ġprop icia","Ġperfec cionamiento","Ġrecomendar ÃŃa","Ġra cial","Ġefectu ó","ĠLiber tador","Bus ca","ic ero","tos terona","Ġno to","Ġtin ieblas","Ġmultidiscipl inar","Ġj ac","ĠZ ulia","R adio","et to","mm m","Ġarre ci","ue to","Ġau tismo","Ġsegun das","l is","Ġdesperdi cio","úr pura","ĠexplÃŃ cita","Ġcafe ÃŃna","ucar amanga","erra t","ĠApo calipsis","Ġreci clar","Ġdesign ados","Ġhomogén ea","Ġpe inados","Ġadul tas","Mar tÃŃn","ĠER P","Ġresgu ardo","et ic","Ġvisit ará","NO TA","Ġdestina tarios","Ġre port","Ġsan ar","Ġmos cas","Ġagreg ados","om ÃŃas","ĠF ed","Ġhor aria","Ġinher entes","Ġpro ba","ĠN ápoles","ĠTrans ición","ĠIMP OR","Ġdesaperci bido","Ġadiv inar","Ġto co","Ġacumul ados","ĠCarab ineros","Ġo jala","in ense","Ġh ún","ro ides","T ienen","erv os","Ġfas cista","l al","sal ud","Ãī R","Ġpenal ti","Ġh uyendo","ñ imiento","Ġrej illa","Ġdivers ificación","Ġmoles tos","A st","en j","B AN","ĠC iudades","Ġa dos","Ġaparecer án","ĠLegisla tiva","Ġsin gles","Ġdecora ciones","Ġrecog iendo","Ġestan que","ĠStan dard","Ġfinal ista","ĠBan dera","Ġca tara","Ġpros egu","id orm","Ġcom eta","ĠPon er","Ġincent ivo","Ġplur alidad","ĠShang hai","D omin","C ir","Ġcó mico","ex cepto","vs ki","ĠVelo cidad","d aba","v ación","u ria","ĠB endi","ĠJ UN","Ġdispon ÃŃa","Ġ11 3","ĠPol ic","Ġje ans","ĠEscri turas","Ġtra zar","ĠReg alos","ĠAmeric ano","Ġabo ut","ĠC IF","lan ds","Ġcor ral","ĠGar zón","Ġ19 46","Ġred ondas","ĠEstatu tos","Ġpien sen","Ġimprovis ación","Ġsir viendo","A lex","Ġse vero","Ġan tologÃŃa","Ġinvesti dura","Ġgener adas","Ġpuls eras","Ne w","ĠR is","Ġsal iva","IS IÃĵN","ĠT N","ĠB OL","Ġcúb icos","Ġinspec ciones","Ġacumul ando","ĠRan king","Ġrot undo","ĠVesti do","ĠI van","pos t","Ġdon antes","Ġenten dida","ĠFe dera","Ġmej illa","L imp","pa tas","unda tion","Ġhe la","ĠJer em","ĠTes or","ĠEstrateg ias","F M","Ġins crita","Ġno tario","Ġpu zz","Ġincon stitu","th y","ĠAg entes","Ġh uerta","om ia","Ġvol vi","ue ca","Ġresist encias","Ġinspec tor","z ale","Ġast rón","F IL","Ġre poner","T ecn","Ġsan cionar","Ġcomplement ario","Ġsimpl ificar","Ġfranqu ista","Ġjoven citas",". âĢ¦","ĠCor al","u gas","Ġdel i","gr adas","pen ha","Ġnumeros a","ĠCel ta","Ġrei tera","Ġal tru","fici e","ĠY os","Ġfun dar","Ġton terÃŃa","Ġbrind amos","Ġbol ÃŃvares","1 30","ĠArist óteles","ĠTri un","ĠAgr ÃŃcola","way s","Ġtransform an","Ġche ques","Ġances trales","EL EC","ĠLatino americano","Ġblog ger","Ġrec ambios","N ic","Ġcogn itiva","ĠRena cimiento","ĠD ÃįA","Ġpercep ciones","Ġpara jes","Ġbo chor","Ġalum na","Ġdes inte","Ġni ñ","U nas","Ġafric ana","Educ ación","p adas","ur n","Ġ19 42","Ġd inastÃŃa","Ġhebre o","f ÃŃsica","ĠDu bl","Ġconoz cas","ro ta","ĠTemp orada","EC ES","Ġdecor adas","Ġcomunic ados","C ent","Ġce dió","ier i","ĠCh en","ĠAcadém ica","Ġuniform ados","ĠF ly","Ġk its","Ġprogram ador","ĠSil ves","Ġfrac ciones","Ġsoci alización","Ġacú stico","Ġtorn illo","ĠEn con","Ġlava dero","Ġcon gregación","Ġtel ón","Ġrú stico","Ġcal l","IT OR","Ġhorne ar","Ġexci tación","in stal","Ġv ector","tor ales","ti as","Ġ14 5","Ġasi áticos","Ġcrono grama","Ġs pin","ĠC AD","Ġescul tor","Ġhipotec arios","Ġcigar rillo","ĠEST ADO","p ha","Ġasegú rate","ta za","Ġcor reas","âĢĵ .","Ġde pu","ĠD id","Ġmode sto","ĠSitu ación","b ac","Ġcr omo","ĠIndustri as","go ci","ĠN UES","Ġfru tales","Ġaleg ando","A u","Ġtras plan","rg ia","Ġemple adores","Ġde duc","Ġcomplement an","g ido","Ġaloj arse","Ġtrascen dental","I TE","ĠSin fónica","Ġejer cido","Ġse den","Ġcal ado","Ġra ción","ĠMa quinaria","ĠComer ci","Ġint rig","Ġpers iste","Ġmarch ar","T ab","inal do","Ġafec ción","UC H","Cons ulta","L lam","ve te","Ġagr ada","ĠT ales","Ġconci enciar","ĠCol lec","Ġcompos itores","ĠV E","ill eros","Fuer on","g ing","Ġorigin ó","C ó","K O","Ġcif rado","L lega","ĠP ensiones","ĠBern al","Ġatravi esan","â ĺ","Ġencontr adas","Ġang los","ĠValdi via","tar la","Ġexig idos","Ġextra e","Ġde duci","Ġfor ense","Ġtig re","j ica","ĠEx tensión","for os","Ġfunda ciones","aca ibo","Ġme ll","G as","ĠT abasco","G e","Ġn om","Ġsistem áticamente","Ġb usto","Ġmo vió","Ġcomba tientes","Ġrepubl icana","ĠUb icación","produc tos","Ġestim ó","Ġpol if","Ġpag amos","ĠHi jos","an idad","Ġacci den","M ED","ĠIN G","Ġprescin dir","ĠIn cor","TOR ES","Ġinjust icias","A uto","Ġca ÃŃdos","Ġesté ticas","ĠUN IDAD","ĠCr éditos","Ġfilosó fico","Ġglam our","bi tos","Ġpersegu ido","Ġno taba","ĠAndal uza","å ¤","ĠMo untain","Ġ900 1","Ġin apropi","pec abezas","Ġd ay","Ġpronunci amiento","Ġinesta ble","ĠAm sterdam","A v","ĠHer edia","Ġconec tadas","Ġprefer ir","Ġvin ilos","Ġacomo dar","Ġreivindic ar","é e","EC A","ĠJa ume","Ġhuéspe d","ĠA ro","Ġprotagon izó","Ġjer sey","ĠLion el","Ġc rib","Ġproporcion e","ĠcardÃŃa co","O p","Ġentusias ta","m ec","Ġus aron","Ġhaber la","Ġaisl adas","Ġpar pa","dal o","Ġla tas","óg icamente","Ġconsum ido","Ġego ÃŃsmo","iza cion","se o","ú na","ĠU K","Ġsa tel","Ġacab ando","Ġprofesional ismo","Ġinterv ino","Ġcie gos","Ġenvi amos","Ġenfrent amos","u cia","ÃŃn ico","Ġgo urmet","Ġarres tado","S OS","ĠW el","ĠGram my","ĠE J","Ġi ris","ĠMar ino","Ġd uchas","Ġten ista","i ñ","ór icamente","Ġofre zcan","Ġper dÃŃa","Ġsue ña","Ġagres ivos","Ġus aban","Ġbloque ado","ĠP OD","ĠStor y","ĠU mb","Ġpol vos","Ġvac ante","ĠTes la","le jo","tic u","ĠCas ual","Ġconseguir ás","Ġmural las","Ġm ola","Ġres urg","ĠY e","Ġ26 0","CI UDAD","Ġce de","Ġsusp enso","Ġpatr ul","Ġin a","Ġorden ados","re cu","ĠN am","ĠHo ja","ĠR ip","ĠR ug","Ġdistribu ida","е ÑĢ","ĠQuin tero","Ġpersever ancia","Ġparás itos","ĠLleg ó","Ġanto jo","Ġenerg ia","Ġafirm aba","ĠFab ricación","Ġdesapareci da","Ġhincha zón","Ġsub terráneo","Ġmovil izar","h uel","le d","ĠN utri","y r","Ġcomp lace","ĠMas aje","Ġs lo","ĠDes ayuno","Ġcoment ando","Ġabsur da","ĠINS TITU","Ġpens ados","Ġdesp res","Ġrenunci ó","ĠCon tro","ĠL ed","Ġo ir","ĠAC TIV","Ġref ren","Ġdise min","Ġchav ales","Ġdes esti","Ġrom an","Ġiner cia","ĠFores tal","ĠES TE","Ġde ma","Per ú","car dio","ĠCaball eros","Ġh ir","tu osas","Ġprefer ente","ĠCal iente","Ġazo tea","ĠSob er","ĠChev rolet","Ġma taron","Ġutilizar la","sal vo","t éis","Ġsobr ina","ĠLÃŃ bano","ER ÃįA","ac om","ĠSimp son","es tán","ĠDi ablo","Ġentren ado","Ġinspir ados","Ġcompara tiva","ival ente","Ġl é","Ġpar álisis","ĠCom edor","Ġcer rará","Ġconcesion arios","Ġsign ificación","Ġcomun ÃŃ","ĠC EL","je da","ĠCor in","Ġpin tada","Ġrecre ar","Ġhidrául ico","Ġform aba","Ġolvid ó","Ġdispu tas","gam onedas","Ġutop ÃŃa","ĠV aca","Ġfac ciones","Ġcoinci dieron","Ġtiro teo","ARD IA","ĠCon cha","Ġseñal ada","Ġdeman dar","ĠE val","ĠFar c","ĠBr un","oloca usto","Ġdid ácticos","Ġbox e","Ġcons umos","Ġgran ad","ĠEstratég ico",": \"","ti dores","Ġmunicip alidad","Ġperman ecido","Ġcre denciales","Ġrep udi","Ġprepar ó","Ġmostr ador","Ġdesempeñ ó","Ġemocional mente","Ġfuncion ará","Ġjug adoras","gl io","Ġfisc alización","Ġbik ini","Ġtrac to","Ġenvi arnos","âĢ ķ","Ġcu a","ĠA vil","ĠFrank lin","Ġmanifes tarse","inta ge","culos is","ĠHur tado","id ada","Ġconocer á","**** ****","ĠS lim","Ġas umen","ĠH osp","Ġah um","Ġnorm alización","ÃŃst er","ĠAd van","ĠAn ne","Ġcontac te","ĠRiv adavia","c ola","ac tas","Ġmad uros","ame da","ĠC AB","Ġhe patitis","Ġrastre ar","Ġtur bo","t ámenes","cu ta","ĠUnivers itat","Ġmon jes","ser á","ĠFran ce","Ġmatem áticos","ĠSá enz","ĠChristop her","Ġes g","Ġcontac ta","Cre emos","D ar","Ġsalva guardar","ĠS ici","Ġcor os","Ġpubl ique","Ġdecora cion","ĠÐ ¸","Ġvál idas","Ġgolpe a","Ġgl ú","ĠCr ónica","Ġhamb ri","ĠDió cesis","ĠDi á","Ġ11 7","ĠLatino americana","Ġen crip","ĠP hone","Ġrespe tan","Ġlas tim","Ġna cion","s son","V ID","Ġale gaciones","Ġren ueva","Ġcompañ er","Ġconocer lo","pel l","Ġsup ieron","Ġhabil itados","Ġen e","pre gun","Ġdobl ar","Ġ19 43","ĠCh ub","ĠRo usse","Ġcable ado","ĠRef lex","Ġtras eros","Ġayudar les","partam entos","¬ ģ","Com entarios",",, ,","Ġbarro co","Ġin ducción","ĠCom pro","ĠHis pan","ur bano","Ġmov ida","hh hh","Ġsupre ma","ĠAutom óvil","Ġdes vir","iéndo lo","Ġolvid an","Ġmostr arse","ñ igo","Ġcam bien","Ġdiplom áticos","Ġb ilaterales","úrg ica","ĠSecu rity","Ġprogres ista","Ġfol letos","Ġduplic ado","ĠMenor ca","Ġecu ador","Ġdespi dió","Ġego ÃŃsta","ĠBol s","Ġefectu adas","Ġdesarroll amos","ĠEst ética","Ġ12 7","ĠAlvar ez","ĠHo ward","Ġconver tida","Ġrecog ió","In stal","Ġestan terÃŃas","t ÃŃsimo","Ġvalor an","Ġre tros","ĠG and","Ġprovoc aron","Ġdon ante","Ġconvier tan","ĠMana gua","algun os","ĠL ongitud","Ġhon rar","Ġcar gadas","Ġtim bre","ban k","Ġexpon entes","él v","Ġperj udiciales","Ġsentir ás","Ġost enta","Ġcalur oso","Cin co","ĠA lo","la g","Ġtin tas","POR T","ĠAcon di","Ġjue gue","Ġinneces ario","Ġinspir ó","Ġd ad","Ġau ra","ĠMed alla","ĠPartici pa","ĠBos co","Ġg ótico","ada p","Ġpre candida","avent ura","rel ig","Ġitiner arios","ÃŃ jate","ĠU A","Ġamena zado","Ġaclar ación","ĠBic entenario","Ġcontribuy an","Ġo yentes","Ġri tos","g la","Ġargument ó","es tar","ĠTu vo","ĠCom pren","Ġreci tal","pri se","Ġanti desl","ĠA tra","ron e","20 20","Ġvest ÃŃbulo","ĠN áut","ĠIn ca","ĠLt d","Ġden sa","Ġcamion etas","ko vic","Ġtortu gas","Ġpref abric","Ġbo ico","Ġsuperviv ientes","Ġpla teado","Ġlabor ables","Ġrom pen","Ġaden tra","j pg","ĠLi ter","Ġprop uls","ál v","Ġfrac turas","Ġno tó","ĠBas ket","Ġvis ualmente","Ġauxil ios","N ormalmente","Ġal ude","Ġpa tada","Ġpar am","ĠA qui","Ġ20 21","tid amente","um bres","Ġab arro","Ġequip amientos","Ġcál idos","ĠT EM","ĠAl tos","Ġacep tamos","es tad","Ġsober ana","ú dez","Ġgan amos","Ġcobar de","Ġest ampa","Ġle an","Ġmadrile ños","ĠS martph","Ġpul sa","Ġquedar te","Ġcruz ando","Ġcolch ones","es ca","car d","ĠCar reras","ĠCar acol","Ġasegú rese","ĠPala u","ĠN an","Ġcorrec ciones","ĠLe andro","tas is","Ġ19 14","Ġregistrar te","I talia","cul turales","Ġmas ivas","Ġcapital ino","Ġpsic óloga","Ġzo om","Ġminor istas","B OL","ĠH á","ér cules","K I","s ino","z aban","ĠCh ill","ĠGar cia","Ġentren ando","Ġparro quias","Ġch ak","Ġs as","Ġdes ment","Ġposibil ita","ĠPar ad","Ġinm ens","ĠBene ficios","Ġen ojo","ĠB iel","ĠPal oma","ĠIb áñez","ĠH éro","ĠCh arlo","Ġtom arán","Ġba tidora","ĠGR UPO","ona tos","ĠPres enta","Ġcach onda","an ge","ón icamente","Ġsupon drÃŃa","ĠrÃŃg ido","Ġt into","ĠR U","Ġsa grados","Ġton tos","Ġcéle bres","ĠhÃŃb ridos","ĠC UL","ĠSa udÃŃ","Ġinform ales","Ġtor ero","Ġcaba ñas","Ġmejor en","Ġapar car","Ġtit ula","ION AL","D ra","Ġsec ta","I den","al ez","Ù ħ","Con trol","ar it","Ġun der","ĠAn dra","ĠExper to","Segun do","Ġval ga","ĠC oy","Ãĵ D","j ara","z ador","lan as","ac or","pa to","ĠH eb","Ġimp ure","Ġhe ma","Ġcru zó","Ġpales tino","v ario","ĠA no","Ġbo ce","Ġ12 2","Ġapor tará","Ġcel estial","Ġdecor ada","Ġvincul a","Ġhabil itación","ĠMes senger","Ale j","Ġdes le","ĠDes con","Ġcontribuy ó","âĢľ ¿","Ġportu guesa","en ne","Ġcamar ero","ta forma","Ġurban ismo","ĠSERVI CIO","Ġcomp rimidos","Ġhor nos","Ġmusul mana","ĠExcel encia","* .","ĠP J","Ġpsic ológicas","Ġpredic ción","Ġprim arios","Ġinv oc","Ġsinté tica","p ra","Ġamar ill","Ġpaulat inamente","Ġanglos aj","P RI","aliz adores","Ġbrin dado","ĠGimnas ia","Ġencan tar","Ġacu ático","es tos","ici s","Ġreserv amos","Ġpul gar","Ġman ada","Ġexce de","Ġar cas","Ġpon ÃŃan","ĠMus eos","Ġhi tos","Ġempren dimientos","Ġtemp ranas","tam e","ĠDip loma","ĠEncuent ros","Ġnecesitar ás","Ġbesti as","Ġen um","ĠCor respon","Ġentrevist ado","Ġdomicil ios","Ġabus ar","Ġutiliz aban","Ġpin tados","Ġsovi ético","Ġform aban","Ġayud ara","ĠComis arÃŃa","Ġc is","I de","in di","ĠT ruc","ĠCla ve","ĠGib raltar","Intro ducción","Ġbi omasa","Ġencu ad","Ð ´","Ġan alizados","Ġindemn izaciones","Ġsal iente","Ar te","Ġlogra ba","Ġsacri ficar","Ġdelic ados","K S","Ġinspir ar","Ha cia","Ġetern amente","Ġpin zas","ĠMes ÃŃas","Ġexplos ivo","ĠI an","Ġsecues trado","Ġm ó","Ġofre zco","Ġadver tencias","Ġacep tadas","ĠBal les","Ġban quete","ĠBa h","ĠMotor s","Ġconting encia","Ġv ena","den se","Ġpas tas","Ġhon ores","ĠLin coln","Inter net","ti ra","Ġprob é","ĠAn t","? \",","Ġre jas","Ġsi esta","Ġtra gar","ĠIP C","Ġlogo tipos","Ġllevar los","Ġcuestion ado","En horabuena","Ġfirm ados","Ġantic uerpos","ĠE mira","ĠM ún","Ġaf lor","Ġcontinu amos","A ma","Ġamist osos","( )","Ġà ł","Ġrec tificar","ED E","Ġpus iera","Ġcompar tidas","Ġanomal ÃŃas","ĠVÃŃ deos","is ado","Ġcatas tró","R afa","ĠD IN","Ġcontes tación","Ġa temp","Ġv ara","Ġdul zura","Ġrestring ir","Ġatre ve","Ġsilves tres","EC O","Ġemi tidas","Ġfij ó","ten e","ĠMar cela","das h","Ġmanten emos","Ġconvertir ÃŃa","j on","Ġp inos","Ġt ent","Ġdes at","ĠGo doy","ment ada","Ġescuch as","Ġexager ado","Ġconsul tados","Ġlen cerÃŃa","ĠSE X","Ġcoj ones","ĠIlum inación","g ones","ĠDe termin","pen de","ĠilÃŃ citos","I l","J C","M es","á ci","ĠS AB","Ġa i","orn io","ĠÃģn gela","ĠAlar cón","ĠMalas ia","Ġdura mente","ĠA VE","Ġan tir","Ġconvertir lo","Ġrepeti ciones","Ġcor bata","ib el","Ġmejor ó","Ġform en","Ġale manas","Ġfurgon eta","Ġdis er","Ġab rÃŃa","ĠPro gres","Ġfra ternidad","Ġome ga","i cion","Ġsegu ÃŃ","Ġpár roco","en ix","Ġtr in","Ġdesas tros","Ġhones ta","19 85","ĠBoy s","ĠDoug las","Ġilust re","gob ierno","Ġparamilitar es","cios amente","ĠAr ce","Ġgarantiz ados","Ġhambur guesa","ĠLl ama","Ġaca par","ĠGuardi ola","Ġpol ÃŃgono","ĠCent re","Ġprom et","Ġacome ter","ĠNar uto","Ġdi eran","Ġimagin aba","Ġso port","Ġtrabaj aban","cl aro","ĠRom an","Ġcalcul ado","ĠSoci ologÃŃa","ĠJefa tura","Ġp ech","Ġfre ga","may or","Ġ19 31","Ġval ido","Ġelim inan","Ġline ales","Ġdespren der","Ġrepos terÃŃa","Ġcén trica","Ġeró tica","Ġbl usa","Ġsimbol iza","ab l","ĠA cer","ĠMa uro","Ġquer ella","Ġpe ña","199 3","ĠStal in","h é","Ġinaugu rada","fun dador","Ġcab il","Ġaf iciones","ĠSte am","Cuán tos","ĠSantam arÃŃa","n eros","v éase","Ġ11 9","Ġaco pl","Ġdomést icas","ĠF EL","Ġcredi tos","Ġcla vo","ĠIn gres","ĠGRA TU","Ġcar g","ĠCam pes","Ġce ñ","Ġpuri fic","ĠM M","ĠM W","Ġinvir tiendo","b idas","Ġdes ató","ĠVal lec","Ġdenunci aron","Ġacredi te","Ġseleccion ador","Ġquim ioterapia","Ġten eis","Ġprop icio","ĠZ h","ĠTra ta","Ġmulti la","Ġimplic adas","Ġdes vin","ĠMap s","ĠL omas","Ġpl u","Ġelabor an","ĠEl isa","tal a","ĠBar rera","3 60","te co","emp leo","ĠV ul","Ġmon tada","Ġaten ciones","Ġcon glomer","ĠCamp eche","Ġh eces","Ġhablar á","E U","Ġch ance","Ġdesagü e","ma terial","Ġgust aron","Ġmer ecÃŃa","Ġajust arse","° ,","Ġobten gan","Ġenfrent aron","ĠLux em","dom ina","ĠJuz gados","Ġminor ista","Ġpa vo","Ġbien venidos","Ġdiseñ ó","ĠUN E","Ġcontrar ias","ĠConsist orio","ĠF ON","Ġaconse jamos","ĠV R","ĠNav as","p is","Ġech an","Ġdesn utrición","Prim er","am ado","j ec","Ġins crip","Ġelim inados","Ġc úm","Ġasomb roso","Ġa ga","ĠB ab","Ġcurric ular","ĠC lan","wit z","ĠCom posición","eros os","Ġtar tas","Ġsub ro","ðŁ ı","ĠFá tima","ĠPla te","ĠSoci ety","f ano","Ġp tas","ĠDESARROL LO","im i","Ġev asión","Ġdeten idas","b ach","Ġpedi á","Ġaplic arán","Ġfilosó fica","ĠolÃŃmp ica","Ġexh ort","ĠS ul","ĠG on","Ġlleg adas","ĠPerio distas","Ġen du","on ista","Ġf s","Ġcontemp lan","Ġaceit unas","ĠSa hara","Ġdenomin an","ĠÐ ½","ave dra","Ġpele ando","Ġac era","Ġregul adora","v ÃŃas","Ġver éis","quier o","Ġculp abilidad","ĠCoun try","aliz o","Ġespan ol","Ġc ele","ĠH IS","Ġtrib una","ut an","ĠSal vo","Ġdol encias","Ġcurric ulum","ta h","Ġmov ÃŃa","Ġrebel dÃŃa","Ġanci ana","Ġab ul","ĠImp ort","Ġest ru","Ġplan tación","Ġcolec cion","Ġusar los","qu ios","ĠBal let","Ġnomb rados","Ġesclar ecer","ol ÃŃn","ren os","Ġderech as","ĠCo fradÃŃa","Ġcumpl idos","ĠB ARCELONA","Ġne fas","Ġcontinu aron","ĠCo le","Ġtri ples","Ġestal lar","Ġde cia","Ġco ol","Ġsimil itudes","Ø ±","ĠG ales","Pr incip","Ġdesvi ación","Ġrevan cha","ĠD IG","ĠMa teria","Ġign ora","Dispon emos","mom ix","Ġdes ciende","ĠJ amaica","Ġbrindar le","Ġesqu izo","Ġmu rales","AM OS","ric ol","Ġincorpor ada","ĠEcon ómicos","Ġdeje mos","Ġexpuls ar","i riendo","in ismo","Ġcons er","Ġfi re","ĠSh an","Ġmarg inal","Util izamos","Ġdistribuy en","Ġplan as","val do","Ġreal ity","Ġgri ta","Ġcocin eros","Segu ir","Ġconsegu ÃŃa","ij ing","Ġpolit ica","cor ds","ĠÃģ guila","Ġsistem ático","g estion","Ġtra tadas","Des tac","cri ption","Ġfres a","Ġinsul to","min is","Ġsimp ática","Ġpana derÃŃa","Ġgra ciosos","Ġgener adores","an tos","par t","Ġjer arqu","ĠCres po","Ġ***** **","Ġtea trales","Ġante cedente","Ġk ara","Ġarro jó","Ġest en","por to","Ġvis ado","i éramos","ĠT ag","Ġplante o","ĠElec ciones","Ġmens ualmente","Ġenc ÃŃas","Ġdeclar ados","Ġegip cio","o tro","Ġdescub ri","J ulio","ter ios","Ġembara zos","TRO L","Ġen loque","Ġdes me","Ġ: -)","ĠEmpres arios","Ġdesagrad ables","Ġcirc und","Ġrestring ido","tur ado","ĠMontre al","Ġmu riendo","Ġrefrig erador","Ġobse qui","ĠA del","ĠT esti","ton o","EC U","ĠEmil iano","ad ado","Ġconci enciación","ĠCle mente","Ġb ip","Ġmin imo","Ġw ar","ĠSegu imiento","Ġconta gio","Ġparticipa tivo","Ġin trans","ĠJ úpiter","ĠMar sh","ĠCol abor","Ġremi tido","Ġman ch","Ġver du","Ġembar que","Ġval idar","ra x","ĠL ie","ĠCu mple","Ġpla te","M ate","ĠMar rón","ĠOpera tivo","ĠFinanci eros","Ġ4 000","ton ina","Ġconven ientes","Ġtir an","ĠTele visa","ent amiento","Ġchal eco","P u","Ġenla zar","Ġn udos","âĢ¦ ),","ĠAv da","ĠV ik","ĠAb ad","Ġaprob aron","Ġre tina","Ġper cusión","uc ker","ĠY olanda","Ġespacios o","Ġquem ado","ĠO cio","Ġcontra tista","Ġsino psis","Ġcruz ados","Ġfran camente","ĠDar win","Ġhelicóp teros","Ġtra vi","ĠRe ales","Ġprob ada","delar ia","B io","Ġconcur rir","Ġre voca","ĠM ire","co co","mis ible","Ġsatis fa","tr ará","ĠYo ur","Ġincom parable","ĠFemen ino","Ġteles copio","Ġse ts","Ġgen itales","Ġgri tó","Ġincon fun","y stem","ĠOliv ia","Ca tal","es pero","Ñ ħ","g no","im an","Ġvis itamos","Ġren omb","Ġpar ano","Ġpsico análisis","Ġsub as","ĠDia gnóstico","ĠC ement","Ġban dos","Ġesca pó","Ġevolu ciona","m ética","ĠLo go","Re la","Ġcuid an","Ġbamb ú","Ġejecut an","illar y","Ġpo k","Ġre misión","Ġfil mes","ĠBan kia","Ġsubje tivo","M IENTO","Ġref un","ĠI ris","ud ónimo","Ġdecidi rá","Ġvér tigo","Ġcorrespon dÃŃa","Ġidentific ó","Ġprofec ÃŃa","Ġextrater restres","ren ce","Ġra cista","Ġdescri tas","ĠPrincip ios","Ġrefres cos","ĠInmobil iaria","M ur","Ġg ano","ĠMiemb ros","you tube","os ible","la v","ĠBar ri","ĠDen ominación","en dos","Ġm ÃŃstica","Ġgalax ias","Ġsimpl icidad","ci entas","Ġdis u","Ġrecor demos","Ġcentro camp","CA A","S H","ĠS uelo","Ġmelan col","Ġcol onos","Ġproyec tado","Ġdif um","Ġtor na","Ġmo das","Ġgra va","Ġnomin ación","ĠUb icado","Ġg las","Ġdes o","Ġcome ten","ĠP ase","Ġorient aciones","Ġasomb rosa","Ġad icciones","Ġutiliz as","ĠPar al","ĠAlim entaria","Ġperegr inación","ocol mo","Ġpens aban","ĠH ell","cis iones","Ġtransform ando","ĠDol or","Ġdespres tig","ĠInterpre tación","ĠS hi","AN OS","â Ķ","Ġinter puesto","Ġab ander","ĠCir cular","Ġd uc","Ġinda ga","Ġimp lique","Ġc ef","éut ica","ág ono","ĠSa udita","n uevo","tr ero","Ġsorpren didos","ĠRe loj","Ġcaus al","ĠLu ciano","Ġhospital ario","Ġazule jos","ĠCompar tir","Ġam igu","Ġabsten ción","ĠMón aco","Ġregres an","Ġzombi es","Ġplante ando","ĠR al","Ġton alidad","Ġquis ieran","ĠM AD","Ġte tona","Ġgar ban","ĠCient ÃŃfico","Ð ¼","Ġinter medios","Ġsum er","ĠRos al","B ur","ĠT apia","ĠAn gela","Ġhospe daje","ĠAc ta","Ġdeten idamente","Ġnoci vos","el y","Ġimp lante","Ġ19 33","ĠK elly","ĠMún ich","Ġper demos","ĠB ian","Ġcorro bor","Ġfin de","ĠIndÃŃ genas","Ġpor tador","Ġconf uso","Ġcredi to","ĠBat tle","ĠMonum ento","ĠS R","ĠPel ic","Ġdeci ros","ĠGim énez","rim estre","ĠComer ciales","Ġmulti jugador","Ġcén trico","Ġo tr","Ġob via","ĠS pin","ĠK ara","Ġajust an","Ġment or","ĠPin k","Má laga","e qu","Ġac túe","Ġha ve","Ġap óstol","Ġdesp ierto","Ġaler tó","im b","fa gasta","Ġpul se","Ġprocur ador","Ġegip cios","Ġsu cul","Ġdoc toral","Ġdesplaz ados","ĠB US","Ġmin us","ĠV ita","Ġguar derÃŃa","Ġacondi cionamiento","Ġroda jas","Ġconcurs antes","ir ante","Ġcos t","val ÃŃa","ĠA frica","ĠHer mos","Cap ÃŃtulo","Ġn á","amb ra","lin k","ĠOut look","Ġelef ante","ur ados","ĠLe ido","posi tivos","ĠPe lo","Ġsup rim","ĠAses orÃŃa","Ġnervios ismo","Pre mio","ĠLog ÃŃstica","ĠA credi","ac y","Ġcal um","tiza ciones","ĠBiz kaia","I VA","o w","ie zas","Ġag lom","ĠJer ónimo","Ac abo","ĠG ear","Ġcar d","gre dientes","F ar","Ġprac ticas","? \".","Ġrec abar","ĠMetodo logÃŃa","ĠS id","ĠG A","ine o","ĠCastel l","Ġopera tivas","ĠDeb en","Ġox idación","ĠIlust ración","Ġinher ente","Ġros ado","Di rig","tu ri","Ġsab rán","S U","lo jes","Ġnomin ado","D r","Ġestá tica","Com pr","ĠL ad","D esta","h ip","Ġcre ÃŃble","Ġch ulo","Ġvol viera","Ġacce dió","ĠIND US","ĠCon cierto","Ġneces itado","ĠS IDA","ĠF ray","ĠCal zado","Ġimper fecciones","Ġaterri zar","Ġaf oro","Ġgigantes co","Ġfil iales","ĠH ob","Ġinform ada","ĠMo do","Ġi os","Ġloc alizados","Ġlog ÃŃstico","ĠBien venido","Ġprogen itores","ĠH orn","ĠPe ñ","Ġjugar án","Ġform e","P ros","ĠTaiw án","Ġex tienden","Ġle es","Ġcos echas","Ġdetal lar","Ġobliga torios","ado w","Ġun iones","ĠSelec ciona","h onda","ĠS iento","Ġhab ian","Ġinf ring","Ġpost grado","Ġen co","Ġlibre ta","Ġexten derá","ĠFac undo","b in","Ġper dura","el las","Ġclos et","f ina","ĠE ch","ĠY PF","Ġmone tario","Ġpac tos","Bl ack","G estión","u idas","ĠAl geciras","Ġgener aron","th ers","Ġdisfrutar lo","noso tros","Ġimpera tivo","Ġcal ef","Ġarte facto","ĠMonclo a","bi anas","Ġestall ido","N ingun","Ġto c","ĠUn esco","ĠColombi ano","Ġapa ga","Ġtras eras","Ġhorizon tales","Ġmensaj ero","A grade","Ġm ÃŃas","ĠB ud","Ġvi ales","ĠFo undation","Ġaden trarse","ĠM om","f á","Ġto urs","Ġinfin itamente","Ġpanor ámicas","l umb","Ġal tera","ĠCo ok","Ġrepor taron","Ġprogres ar","Ġlo gos","Ġtra bas","ác ticamente","Dec lar","ĠSe an","Ġcontrol adas","Ġcircul ares","Ġsal sas","Ġsub st","Ġentr é","ĠCo aching","Ġanim ó","ĠMu ñ","V ir","Ġcal idades","Ġtendr éis","+ ,","Ġimpe dido","Ġacostumb rada","Ġabord an","G UN","Ġba ila","Ġde tes","Ġgas o","Ġ16 5","ĠAgr aria","Ġeludi r","Ġpriv ación","Ġqu o","Ġinv entarios","Ġactu ará","Ġprefer idas","Ġdespla za","s ens","que tbol","ten der","RE A","Ġaport ados","Ġca tar","Ġparti dario","Ġad onde","Ġest uche","Ġfr icción","Ġpersi guen","Ġpro dig","Ġdesg los","ĠA bajo","Ġtr omb","ĠGu in","Ġconver gencia","Ġcardi aca","Ġtra jeron","Ġcor onas","Ġdirig iendo","ĠcÃŃv ico","TV E","Ġtener se","Ġl ond","Ġnarra tivo","Ġcanta utor","Ġe rosión","am entales","Ġsub astas","áce os",". '","ó t","ĠE asy","Ġvalor ados","are do","ĠCastel lano","Ġempa tar","Ġcapaci tar","Ġfer mentación","Ġpase ando","Ġautop istas","e ada","ticu atro","Ġpo da","Ġrepor tar","ĠHerman as","f um","Ġest ival","ĠT iro","Ġur be","Ġsuce dÃŃa","Ġenm ienda","Ġacompañ e","ĠOb tener","L INE","ĠC ASA","Ġesp ÃŃa","Ġval iosas","Ġcontempl ado","ĠM IC","ĠPo tencia","gu ÃŃn","ér selo","Ġliqu ida","Ġcoj ines","ĠCom arca","C op","Ġdescri ta","er ÃŃo","Ġan tagon","Ġpon dré","ĠBerm údez","Ġin tang","Ġestre ñimiento","Ġpreocu parte","Ġhorm onal","Ġencontras te","Ġfras co","ĠAc á","Ġdedic arle","ĠEst an","Ġconduc ÃŃa","Ġindirec tos","ĠTotal mente","se m","Ġexperim entales","Ġpreocu pe","ĠIns pec","T rump","Ġsimul ador","Ġenglo ba","Ġen org","Ġper rito","TUR AL","Ġt sun","Ġcoment amos","Ġnie ta","Ġerrón ea","mir ante","uu uu","ci ario","ĠRes iden","Ġreclam ado","S iendo","j itos","Ġ19 10","ĠâĢ¦ .","Ġimplic ar","Ġdescen dencia","Ġmedi anos","ĠpartÃŃ cipes","Ġal deas","ve dad","Ġperiod ÃŃstico","ĠCon vocatoria","Ġfin ancia","Ġw in","O fer","ĠMon eda","Ġsatisf ace","uri ta","Ġanal gés","ĠZ av","Ġretroce der","ó metros","Ġasc endió","Ġpronunci ar","Ġrá fa","ĠLo w","Ġcontras tes","Ġrespe te","ĠPri vado","ĠOpti m","ri cia","ĠCan tidad","ju ria","Ġtravesti s","} }","Ġreg ga","ĠUl tima","Ġasegu ramos","Ġcompara ciones","Ġre cargar","Ġileg almente","Ġesc ane","Ġcol oque","Ġesco ge","Ġsoci ologÃŃa","Ġb ir","ĠRe alidad","Ġcongres ista","Ġh ib","ĠS olu","Ġmedi tar","Ġgen éticos","Ġremo tos","Ġfom entando","Ġescon didas","Ġimpar ten","ĠEd ge","Ġjes us","ĠLiv ing","Ġdespe gue","f ál","n en","o va","ĠS ina","ĠM ET","pe ar","Ġllev é","ramient a","Ġb lando","A i","ĠEn lace","OM S","Da tos","Ġa eronáut","Ġan si","ĠB ena","Ġpobla cional","Ġla tinas","ur ales","Ġintens iva","Ġcafe terÃŃas","f ÃŃs","Ġtes tosterona","Ġtras fondo","Ġmusul mán","Ġrealizar lo","Ġacostumb ra","Sab ÃŃas","ĠEjerci cios","ĠPlane ación","Ġdejar te","Ġcoord ina","Ġincans able","Ġdep ilación","ĠÃļ nete","Ġadjud ic","a ún","Ġqu ito","ĠJ in","Ġtran vÃŃa","ilo che","Ġmen ester","Ġ19 2","As es","Ġartic ulos","J ES","Ġautom at","Ġpractic ado","isp ado","Ġcorro b","Ġest i","Ġprogres istas","OLU CION","ĠC ron","ĠEnerg ética","12 5","Ġexhib ir","ĠM endi","Ġsum amos","of ens","Ġmotoci cl","Ġru bias","Ġidentific adas","ĠS os","val le","Ġdescar tó","ĠActu alización","ĠMar cas","Ġfacil iten","tr ario","Ġpre cep","Ãļ N","ĠSer án","Ġin habil","Ġre ub","Ġcar ita","Ġdis ip","Ġop tan","Ġtranquil as","Ġabri mos","ĠPrin ce","Ġfós foro","D IO","dr ÃŃas","Ġdeci do","j án","Ġc le","Ġsingular idad","ĠNingun o","ĠEspino za","Ġch ur","Ġincur sión","Ġinf ra","Ġtir antes","Ġde trac","Ġcar ab","Ġqu itando","Ġatribu to","ĠR F","Ġflo tación","Ġrespira toria","Ġapren demos","B ro","ĠFor ce","ĠEze quiel","ĠAleg re","U l","or nos","ĠEl las","Ġbloque os","Ġconsist ió","ĠC itro","ĠSalom ón","Ġinform áticas","ĠAndr é","Ġe po","Ġfran cis","A ño","Ġc aca","Ġtran se","Ġatra en","Ġde com","Ġap u","ĠCasta ñ","Ġf rito","ĠMer cosur","un ivers","ĠM últi","ĠUn ion","ĠNa tal","ĠVer des","Ġsopor tan","ĠPS C","Ġreen cuentro","Ġsud americano","era tura","Ġsub contra","ard ÃŃa","Ġ195 1","Ġhidro eléctr","Ġdisim ular","z io","Ġmus los","Ġdiploma cia","m ucho","Ġacer cando","R epres","k it","Ġnáus eas","Ġnos tál","Ġata can","ricol aje","des c","Ġson aba","ĠCom ida","Ġper ez","aj ardo","Ġju an","ex tra","Ġresuel va","Ġbo ton","ĠRom eo","Ġsuminist ra","Ġapar e","ti erra","Ġ4 80","Ġconduc tos","Ġelig iendo","Ġrecuer den","ru gas","Ġbar ca","ENT AL","ĠexplÃŃ citamente","am ación","ĠDocu mentos","Ġabdomin ales","Ġmus cula","Ġfab ulosa","ĠAg ente","ĠLen guaje","Ġacep tados","Ġboliv iana","ĠCuar ta","ĠPirine os","ĠCom pu","P ap","Ġsu ites","re di","Ġcre cientes","Ġvic torios","Ġindic aba","Ġâ Ħ","Ġescal ones","Ġprohib idos","Ġejer ció","Ġllen ando","Ġcoleg iado","Ġimplac able","J U","ĠR eme","Ġviv iente","Ġll ora","ĠCons iste","Ġadi tivos","iéndo le","L AR","ĠH ércules","ĠMo o","Ġsole ado","ĠSum in","f rente","Ġy e","ĠTri ple","Ġdest er","Ġeva por","U p","Ġrepres ente","Ġanal f","JA JA","ĠEs mer","Ġgradu ado","Ġino doro","Ġnomina ciones","Ġ- ,","Ġperi feria","Ġinmer so","M EN","v és","di es","me la","Ġdispar ado","ĠArgel ia","Ġincom pe","Ġs pot","ĠPa ola","Ġatribuy en","Ġdomin ó","GU ARDIA","V II","n ormal","es pacio","Ġejerci to","Ġcirug ÃŃas","Ġanunci aba","Ġcoloc ada","Ġestrech as","âĨ IJ","ĠSubsecre tarÃŃa","Ġman anti","vo co","Man ual","Ġbalne ario","ue les","ut ó","ĠCal lao","- ¡","on mano","ĠCu ra","mar k","Ġrevis ando","Ġsul f","desarrol lo","ĠPan americana","Ġdesapro vech","V IDEO","Ġins osten","Ġsub o","al co","AD I","Ġdom es","Ġrecip ientes","Ġv á","ĠRu tas","ĠGar y","Ġconf e","Ġcontun dentes","u ps","or r","Ġnas al","Ġv ienes","ĠP si","ĠPar ty","ĠH BO","Ġregres e","Ġpul po","Ġi p","va quia","ĠMan uela","Ġju ramento","Ġpers istencia","ĠMas sa","ĠFamil ias","Ġpes as","Ġfirm ware","Ġconstruc tor","ĠB IEN","Ġind umentaria","M U","x e","Ġsab rÃŃa","Ġprome ten","Ġfracas ado","Ġempo deramiento","Ġsubje tiva","Ġdrá sticamente","Ġr allado","Ġmor bo","Ġestra gos","Ġbr ome","Ġdesfil es","Ġviaj aban","ĠDemocr ático","p idos","ĠG ras","Ġapreci an","B ox","ĠBa g","Ġileg ÃŃ","Ġsta tus","Arch ivo","en go","Ġluch adores","Ġdescon ocer","IA BLE","Ġpic ar","Ġemble mática","Ġball enas","Ġpre con","ĠO cul","ús culo","Ġdem encia","Ġdesaf ortun","ad ministra","Ġrol los","ĠBlo ck","Ġidón ea","ĠSa k","ĠMoham ed","ĠHist órica","ĠTrabaj os","Ġin ap","ul ti","Ġexpres ada","ĠProp iedades","Ġ4 11","Ġop uesta","Ġcompren didas","us et","ĠB eck","til eno","Ch ar","ĠC IC","Ad minist","Ġca v","Ġn uca","ĠQuiro ga","Ġapro vecho","Ġvo tó","Ġcuestion ó","Ġmen opa","Ġllevar te","ĠIN FOR","Ġexpec tación","Ġtranspor ta","ì a","Ġpsiquia tra","ĠSe arch","tiz an","Ġacercar nos","Ġmen u","Ġsac arlo","ĠMo ch","Par tici","Ġaguan ta","T écn","c alización","Ġinterpre tando","ĠB ond","Ġdin ámicos","Ġpar én","ĠJul ieta","Ġs un","quil o","ĠTh is","Ġglánd ulas","ent ón","ĠL arra","Ġul timos","ĠR ambla","ĠESPE CIAL",".... ...","Ġobten drás","Ġdocument ado","Ġriv alidad","Ġhep ática","Ġburs átil","Ġcomp uta","I U","Ġser ena","Ġexplor ador","Ġnu tre","ĠB ucaramanga","Ġfal te","emp resa","ĠZ an","Ġcapaci taciones","Ġasegurar nos","Ġasign ada","f lo","Ġpa ge","Ġtan da","ho tel","Ġreac ciona","ĠMea de","ĠI ta","Ġmerca deo","Ġdes ocup","ĠT imo","Ġabur rimiento","ĠKar en","Ġfun dido","Ġregres ado","IF ICACIÃĵN","ÃŃp tico","Ġfich ajes","ĠJU AN","ĠEv olución","Ġsustent abilidad","Ġcu ba","Ġcongel ador","V ers","ĠL igas","ol an","ĠCre ma","Ġpuntu almente","Ġaber tura","Ġrep rim","Ġjust ificado","Ġalmacen an","ÃŃ rica","Ġcob ró","Ġres fri","Ġcm s","ĠHist orias","ĠTur ÃŃstico","van as","ĠO racle","Ġembal se","Ġin h","Ġasegurar te","ro bo","Ġven ida","OS O","Ġautode terminación","IM O","Ġintu itivo","Ġcere al","Ġcla ustro","Ġdiscu te","Ġmostra ban","Ġcom emos","ĠRos ales","j ones","Ġcomple tando","ĠPla tón","ĠB ona","Ġinfluy ente","Ġdespe gar","Ġgela tina","ad ia","ĠPro videncia","Ġapoy ados","Ġpublic amos","Ãģ L","ĠEspa cial","Ġart ÃŃ","Ġnar rar","aro t","Ġb ug","ĠH uel","Ġperci bido","Ġirre medi","Ġ12 4","Ġclas ificaciones","ĠPa tio","Ġvera z","Ġincómo da","Ġtecn olog","Ġrigu rosa","Ġintermin ables","ar di","Ġla mento","ĠPro yec","Ġactu alizadas","AN T","ĠK or","Ġestablecer á","indust ria","Ġbár bar","ca kes","Ġsen ior","Ġacus an","por no","A cep","ĠV intage","Ġ25 6","ĠAdu anas","Ġgu ante","ĠCatal ana","ĠS AS","ĠIN TE","Ġrefiri éndose","Ġtener los","Des ayuno","Ġlide rato","Ġapreci ado","in é","Ġd ragones","ĠM ust","Ġmater no","Ġ12 6","ĠCam inos","IS IS","Ġgor ro","ifi quen","um i","Ġacer tar","Ġemocion antes","ĠEspa cios","ĠP ris","ĠU L","Ġvent aj","ĠPre paración","Ġn up","Ġmanus crito","Ġinf rac","Ġform alizar","Ġvar ices","Ġmolé cula","ĠEC TS","ĠOcta vio","Ġterremo tos","Ġ19 34","ĠNa ció","ĠDa ily","Ġrema tar","t ril","ĠR av","Ġplug ins","Ġpo em","Ġcons ignas","ĠCuer pos","Ġdescu ido","ĠP le","gl ia","ĠLe al","Ġeuro pa","ĠFuen labrada","pe que","ĠSan dalias","app y","Ġproto tipos","Ġmedioc re","Ġarbust os","Ġvalor ada","Ġrecom endadas","Ġnoctur nas","F orma","Ġamuebl ada","ĠMonum ental","ĠEmp erador","Ġperjud ic","Ġfarmacéut icos","tiz ador","Ġver os","ĠRe pe","ĠPubl icaciones","Ġcu ras","Ġtab ú","R ub","Ġver ifica","Ġaquél los","Ġrom pecabezas","ri te","Ġin duci","ĠC IEN","Ġvulner ación","ac ea","Ġdign as","rocar riles","is imas","ĠF IS","Ġtom arlo","ĠAs ist","Ġcompatrio ta","Ġespec ulaciones","Ġlog ren","Ġmillon arios","Ġartil lerÃŃa","ĠBode gas","Ġaliment icio","Ġmode lado","Ġdetal lan","B AL","Ġy emas","Ġcon os","Ġbombar deo","De f","Ġblan dos","ĠLy on","Ġse ducción","Ġop res","in amarca","il ding","Ġsubt ÃŃtulos","ĠI d","Ġocas ional","ĠConsul torÃŃa","m ias","Ġhorm onales","buen as","ĠMUN DO","Ġinst ó","Ġprogres os","f is","Ġs cript","Ġal entar","Ġnomb rada","ĠV et","ara zo","Su pongo","Ġdor adas","Estim ado","ba to","Ġindefin ida","Ima gen","Ġtra po","Ġlevan tando","Ġob e","Ġelig ieron","ĠAl mu","ing e","Ġmal dita","Ġar enas","E du","Ġe rec","al ar","Ġpa tó","ĠEsc ol","Ġconserv ando","Ġpur é","Ġliger eza","z ko","do ble","ĠR SS","ĠV ital","ĠEl ite","Ub icado","ĠD R","Ġpe qu","Ġrealiz ador","Ġestip ulado","ES S","Ġprev én","Ġlav abo","Ġatac ó","Ġencier ro","ist ico","ĠH orm","Ġmis ioneros","Ġmis ionero","Ġll ueve","Ġpiz zas","Ġopon en","ĠBás icamente","Red acción","ĠMi riam","Ġcu mbres","ĠRec og","ĠCan ales","ĠGra tu","de los","Ġholan desa","Ġflor ación","Ġcolon ización","log ia","Ġfrag ilidad","Ġal zó","ĠA ventura","Ġdecor ados","Ġexcav aciones","ĠRestau rantes","ĠD yn","ĠSa avedra","Ġanim amos","Ġcar gando","Ġescal ón","Ġcaj eros","ĠEst ocolmo","Ġdesmon tar","Ġhaza ña","D ig","ĠModer no","Ġri to","Ġdise ña","Ġdoc enas","Ġbendi ga","Ġabaste cer","Ġe ros","ĠPrim e","Ġcomesti bles","el ing","Ġco ad","Ġestatu as","estra miento","18 0","Ġdes ampar","Ġmar rones","Ġcoloc aron","Ġmenopa usia","ĠT x","n és","Ġcuch illos","ĠAM OR","Ġtrág ica","Ġcaracter izada","ĠV iene","itu s","Ġreca e","Ġdiferenci an","ĠJam ás","Ġó v","Ġast ero","Ġocurrir á","Ġhech izos","g t","ĠB aj","Ġpresent aban","Ġaudi tiva","Ġrepor tero","tr um","Ġfuncion en","ĠMU JER","Ġs ky","ĠF as","Ġsue ca","Ġempi ecen","le e","Ġex tir","ĠV arias","mar ca","Ġconfi abilidad","Ġen dos","Ġproduc ÃŃa","ĠMun ich","Ġhomo gen","m ando","rec en","Ġinsu per","Ġinmun idad","Ġrepi tiendo","Ġdescar gado","ff in","Econ omÃŃa","f und","Ġen mascar","Ġcolor ación","Ġfac to","ÃŃp ico","ĠPeque ño","Ġpromo vida","Ġsupl ente","di fic","Ġcar tul","Ġesper ábamos","Ġhar ta","Ġalb oro","Ġvio leta","unda i","ĠCar ne","Ġtec lados","des h","Ġcuar teto","Ġ ??","Ġcas taño","Ġdis olver","IN CI","Ġalar mante","Ġpromo cion","Ġbal ones","ĠAcadem y","Ġal bum","Ġsinies tros","Ġch ips","Ġconduc tora","vio leta","Ġestúp ido","Ġsol ÃŃan","Ġmezcl ando","7 50","Î µ","Ġet no","Ġesque leto","Ġpul pa","ĠMal ta","Ġcontempl ación","g ables","ĠT á","Ġcamin aba","Ġdespe didas","Ġsup iera","Ġaceler ador","Ġmuscula tura","Ġat l","ĠHab lar","ĠTele cinco","Ġamena zan","Ġsome ten","ĠÃļl tima","ĠY as","Ġtemp ran","Ġvin iendo","ĠUS O","Ġre medi","rÃŃ quez","ö r","pá rate","C V","j ales","s ional","ĠD onos","Ġdu que","Ġexen ción","Ġutilizar los","Ġejecu ciones","Ġresuel tos","ĠAlf aro","Ġpre ven","ĠVÃŃ deo","Ġdibuj ante","ĠCh ef","ĠAr c","UN IDAD","Ġabon ado","Ġkirchner ismo","ĠT omas","ĠB ac","ña ki","ĠI mple","Ġcomunic an","Ġten der","ĠMe lo","ĠAmeric anos","an ie","Ġpala cios","Ġcomp uestas","Ġmayor ista","o v","s ico","ĠTechn ology","ĠB ala","ĠMir ó","ĠCONF IABLE","ĠTún ez","Ġt aj","ĠFá brica","ĠY amaha","chan ge","E sos","Ġs mart","ĠInstrum entos","Ġn ico","Ġexplo ta","ĠSeat tle","re ce","tr in","Ġman tas","Ġra ciones","Ġbal dosas","ĠSon ic","ĠPap á","ĠG ordon","AM I","16 0","ren se","Ġpatron ales","Ġconden ar","Ġconden ada","Ġirra cional","zar t","id ante","Ġri dic","AR E","Ġidén tica","Ġser ver","Ġof ender","Ġinneces arios","k on","Î ½","Ġgal legos","Ġcor tó","Ġvendi eron","Ġcomprome ten","ĠG L","ĠIM SS","H U","Ġdesvi ar","Ġal c","ĠL omb","Ġtar dan","Å ĵ","ĠS tock","Ġter mó","Ġajust ados","ĠCon gregación","ĠDIREC CIÃĵN","ĠOce an","Ġform adas","Ġestren ada","d ina","Ù Ī","Ġpa us","G IS","Ġag itación","L amentablemente","un tura","ĠU stedes","ĠCN T","ĠMara vil","Ġp ivo","án eos","ĠLu ci","Ġe poca","Ġmodific ados","Ġestra tega","Ġespecific ado","Ġole ada","Ġrec tas","Ġaci ertos","Ġindis crim","Ġque jar","Ġgor ra","Ġconf l","ĠPre para","Ġineludi ble","ton da","Ġfan ático","pon iendo","Ġmin is","P lus","Ġaliment ario","e g","Ġmejor ará","Ġvincul ante","Ġrell ena","Ġren ac","Ġras ca","Ġirre lev","H i","Ġro ce","quÃŃ micos","and ome","Ġdesempeñ ado","Ġsolid arios","Ġocasion almente","Ġgrab adas","Ġcoopera tivo","zco a","ĠAmar illo","w l","Ġde par","ĠJ ub","ĠPeters burgo","Ġwhis ky","t Ãĥ","Ġno tificar","tu ber","ĠD ama","Ġdejar emos","ĠGal lo","ĠF it","Ġpier des","Ġfér til","b eb","P ARA","ĠC ita","pati ble","Ġgarantiz amos","pa z","Ġsolici tará","Ġlevan to","ĠAst ro","ĠS hu","Ġmayor ÃŃas","Ġavan zan","ĠHD MI","k ira","ĠIn vent","ĠDis posición","Ġabst enerse","Ġconsa grado","crÃŃ bete","d ney","Ġolvidad os","Ġviv encia","CI N","Ġtra gamonedas","Ġres il","Ġpes adillas","Ġrev ol","ĠRestau ración","ĠP ET","Ġun ificar","Ġinter ino","Ġlig adas","Ġav ist","Ġnova to","ĠINTERNA CIONAL","ic el","ĠL ang","s ing","Ġson riente","Ġdue los","Ġpropa gan","tra vel","Ġmotiv ó","ĠcÃŃ tricos","Ġd Ãĥ","Ġven ezuela","ĠGana derÃŃa","Ġemprende dora","Ġlo ve","Ġcos mos","Con stru","Ġperman eciendo","ánd wich","Ġtercio pelo","im er","Ġofrecer les","Ġmonitor ización","Ġafortun ado","om at","Ġmor b","Ġindud able","Ġtar dado","rid or","Ġincluy an","S en","Ġun ificación","cl ásico","dr és","Ġsab rosa","Ġsubterrán eas","Ġrelaj ada","Ġuruguay os","Ġreten ciones","et ÃŃn","ific adores","D ice","Ġcan gre","Ġro c","Ġinvent ó","B ra","f unción","Ġdocu mentar","ĠPrue bas","g ru","ame la","Ġlun ares","Ġra cionalidad","Ġinforma tivas","á rea","Ġprim itiva","Ġimpro bable","ĠT UR","Ġenseñ amos","QU I","Ġrecin tos","ĠTra il","Ġdia gonal","Ġoper adora","Ġmarch arse","Ġconduci endo","Ġs r","re pres","Ġsu iza","bre gat","Ġimp ida","Ġolvid amos","Ġentien dan","RE D","Ġplante adas","ack s","Ġarras tre","ion ante","Ġcie gas","ĠLuxem burgo","Ġp io","ĠConcil io","p ier","Ġser o","pon entes","ĠCam eron","ĠTor os","Ġprohib idas","ues a","ĠBrook lyn","Ġrecha zan","ide a","tas te","ĠGa to","Ġchan taje","gra ciadamente","B u","Ġdes into","Ġmil f","ĠGu ia","p ág","tiz ando","ĠMat the","ts u","ĠAy untamientos","cons ul","Ġca ci","jos a","Ġrecuper ados","ĠNay arit","T ur","ĠCan delaria","о ÑĢ","ĠAvil és","Ġbil ingüe","Ġdesplie ga","ĠEntre vista","Ġinmers os","Ġn ó","Ġimp ron","Ġpl iego","v istas","Ù Ĩ","ĠE jemplos","ach er","Ġi phone","Ġpetrol ero","Ġpu to","Ġartic ulado","gu illa","Ġ ®","Ġacompañ ará","Ġencar gamos","CRIP CIÃĵN","T N","ĠConst antino","Ġsol tó","IT Y","Ġprestig iosas","Ġdi va","Ġselec tiva","Ġestudios os","ade ci","Ġcás cara","Ġx en","ĠA RA","Ġca tol","ĠSe g","ĠMaes tra","ĠCu adro","Ġnovel ista","de rech","ĠZ ero","Ġdetal ladas","Ġagra vado","ĠCivil es","ĠIdi omas","Ġhash tag","Ġconfor tables","Con cl","f amiliar","w orld","ĠAc tos","ób ulos","Ġimpi diendo","Ġliber ados","ĠH TC","Ġsabor ear","! -","ĠLu ÃŃs","DA H","un tas","tar emos","ce do","Ġapoder ado","Ġcom edores","e ing","ĠMonts errat","ĠS W","ĠOr le","Ġim án","Ġotor gados","Ġhin dú","Ġelog ios","Ġejecut ando","ĠUNIVERS IDAD","Ġbo tines","Ġperd ona","Ġheter ogén","Ġpres unción","ĠPos i","Ġsubs istencia","Ġempu ja","Fel icidades","Ġlabi al","Ġcu banas","Ġcl imas","ĠDip utado","Ġmil lar","Ġbi ológicas","Con oci","Ġprepara toria","Cl ub","Ġcos tados","Ġton terÃŃas","Ġform idable","Ġsolu cionado","Ġromán ticos","Ġquir óf","Ġsep amos","Ġestabil ización","ĠP izarro","Ġform amos","Ġconvoc an","j uegos","t ney","le b","Ġpre cepto","ĠSil vio","Ġintern amente",": -","Ġmigra torio","Ġin ducir","Ġeje mpl","quil los","ĠEuro copa","Ġdedic aba","Ġmen ciones","Ġpi j","Ġor b","Ġber enj","Ġnave ga","Ġsp ray","ĠAc tiv","ĠPino chet","ĠAdolesc entes","ÃŃ grafo","ĠS ap","ĠCon cep","Ġcuán tica","ĠN ich","TER IO","Ay uda","Ġpol ip","L an","ue ducto","ĠS ino","ĠT rac","Ġdestitu ción","on t","cap ital","Ġproclam ó","Ġcontrovers ias","Ġinterac tivos","Ġpuntu aciones","Ġb igo","ĠSolici tud","Ġoficial ista","Ġcolap s","Ġferrovi ario","ĠC lick","Ġmon ton","ĠPra t","ó genos","AS E","cion ador","ĠAl tam","ĠT rib","ĠRo ble","ĠPla zo","Ġso ft","âĢ¦ âĢĿ.","Ġmenos pre","Ġadop tan","I m","Ġc itó","Ġ3 30","Ġperder te","ĠD j","Ġca ver","yug es","Ġmonitor ear","Ġsal on","ĠAg reg","ĠÃŃn timos","ĠComp ras","ĠOro zco","C lo","Ġcar ies","one idad","Neces itamos","ĠCompeti tividad","Ġb ró","ĠEn horabuena","ĠMas ajes","lar ta","ĠCas s","Ġignor ante","Ġpres te","ĠG mail","ĠG Hz","Ġcos tillas","Ġocas iona","Ġrecolec tar","ol ita","ĠCu idados","Ġdes amor","Ġalquil a","Ġfren ado","Ġgene al","Ġcohe tes","Ġenten dÃŃ","Ġais lar","ĠESTU DI","Ġparal elos","ĠPien sa","Ġneoy or","te ma","Ġne garse","Ġconstruc tores","Ġmanic ura","Ġcontr inc","Ġaden trar","S ecre","ĠT IEN","Ġcomp ilación","ari us","Ġmelancol ÃŃa","ĠB ecer","Ġtip ologÃŃa","ĠC ál","Ġma tu","Ġden so","CA P","O ri","ĠM ent","it t","Ġexc én","át ula","Ġsuf rÃŃa","Ġ13 2","Ġzapa tilla","Ġpe gó","Ġcos turas","Ġfinal ice","Ġseñal aba","Ġcompeti dor","Ġsac os","ĠtÃŃp icamente","Ġabur rir","ien s","Ġperson aliz","rg ano","Ġrepent ina","Ġprim itivo","Ġgrues as","ĠMas cul","ĠBe ijing","Ġencam inadas","ĠPa olo","ĠA Z","gu sta","ĠT H","Ġira quÃŃ","pe dal","tera peuta","ĠAp óstol","Ġbuscar án","ĠSegu imos","Ġferv or","Ġconveniente mente","ĠF EC","vers ación","Ġreclut amiento","Ġgust ará","Ġcub os","Ġnum eración","Ġasim il","Esc uela","OS A","Ġdejar me","Ġresponder á","Ġborra cho","u rel","Ġmode l","f urt","ĠD ub","ĠN ancy","Ġjust ificada","ĠMedi as","Ġpersegu idos","ĠBus camos","ĠC ip","Ġcon ejos","Ġextender se","an io","Ġv uela","po int","omb ro","ĠLo pez","Ġtro ce","Ġresuel ven","Ġgole ada",". �","Ġque j","Est able","Ġcongres istas","Ġcal endarios","ĠCar ter","Lib ro","ras h","Ġ8 50","ĠFORMA CIÃĵN","ĠDe ath","ĠMad ri","ĠHo p","ĠGlo bo","gu ió","ĠCu entos","Ġ18 00","Ġrepresent adas","Ġnavide ños","Ġarquitectón ica","Ġderrum be","Ġtóp ico","Ġrug by","Ġbloque a","ĠChub ut","Ġguar de","k os","Ġcontra tistas","Ġmir ado","ĠGas par","com e","Ġlevan tan","Ġl entos","ĠS olución","Ġpre dios","âĢ¦ ?","Ġ19 28","Ġprac ticamente","ĠProce dimientos","escri tura","s ig","ĠM ÃŃ","Ġac ciona","ĠAl rededor","Ġ12 1","ĠVal enci","ĠMEJ OR","Ġcote jo","ĠE ul","ĠG AL","ĠCar o","cri bió","ĠMin era","Ġpresupues tario","Ġimpos ibil","Ġmultic ul","e ga","Ġman ÃŃa","ag ing","Ġabra za","ĠH illary","Ġu ruguaya","Ġentre gadas","ĠFin ca","Ġtraslad ada","ĠDibu jo","Car ta","Ġconcep tuales","Ap ple","Ġinci dir","ĠOl ymp","Ġbomb illas","Ġespar cimiento","Ġneoliber alismo","ĠAr riba","Ġw id","cie la","Ġconstitu yente","Ġce ja","Ġpetrol eras","Ġmosa ico","fer me","il iano","Ġatra ÃŃdo","Ġirre versible","p itos","Ġh it","ĠR ach","ina to","bo le","Ġacer camos","Ġflo jo","ĠO jos","Ġvis lumb","Ñģ к","Ġestan terÃŃa","ces ores","Ġsuf rimientos","Ġesp olv","Ġobserv aron","CH E","Ġconqu istas","Ġfelici tación","Ġhex adeci","ĠDi am","Ġcuidad ores","Ġregul ada","Ġfij ada","Ġove ja","ĠH im","Ġsub ÃŃa","Ġconten cioso","Ġconsidera ban","$ $","âĢ¢ âĢ¢","ĠNUE VO","ĠWes tern","Ġg if","Ġtra tase","Ġaclar ado","ÃŃ cil","ĠCal endario","Ġreve laciones","w i","Ġmer eces","ĠL ore","Ġeste la","Ġdo tes","u ke","es tro","Ġson oras","Ġcontra tada","Ġliber alismo","Ġopin ó","ĠN oc","ĠV iento","Ġmed all","ú j","Ġesp esa","Ġpin char","Ġinvoluc ran","ĠFab io","ĠV eo","ĠReg ulación","Ġgran jas","Ġsum isión","ĠConserv atorio","bo urne","Ġfor jado","ĠNew ton","Ġbes ar","Ġdesin fec","Ġrecuper e","F abric","P SOE","ĠReg ionales","199 1","Ġun ids","ĠM ia","Ġdialo go","ĠB CE","Ġresal tado","ĠAmp aro","ĠH ea","one da","Ġconsider aron","pro ces","Ġbur guesa","Ġremon tar","Ġresponsabil iza","ĠAnto fagasta","ĠL entes","Ġw orld","ĠCa ta","Ġsomb reros","Ġestall ó","ĠEng ine","ĠEm manuel","Ġrepi tió","ma in","ĠV PN","Ġextra ÃŃdo","Ġsim ular","ĠJ US","Ġreclam ó","Ġasegura ba","ĠGENER ALES",". <","Ġsu re","Ġcan aria","Ġmuel les","Ġimpac tar","Ù Ĭ","Ex plicó","ĠTro p","Ġreembol s","Ġlo cas","Ġrealiz ara","Ġsig amos","Ġrec tán","ĠItal iano","Ġform alización","dro la","Ġins ular","Ġdesp lom","Ġvig as","Ġacredi tados","Ġimpu tación","Ġrobust a","r endo","Ġlegen daria","Ġsegu idamente","Ġgu is","Ġestim an","Ġreclam ando","ĠDe tec","Ġpre ve","ĠDa kar","ðŁ ij","we ets","ĠD ion","Ġponer los","Ġpopular mente","R esta","á culos","Ġocasion ados","Ġcon llev","Ġran gos","ĠIdi oma","tu ran","ur l","Ġcan tón","Ġtecn ologia","ĠDirec t","Ġcartu cho","ue tas","Ġcar ac","Ġemp ató","150 204","ho gar","Ġapete zca","Ġmagna te","Ġn ylon","tique ta","Ġsurg iendo","Ġexist iera","Ġdeshidra tación","Ġinacep table","ĠF AL","Ġvol vimos","ĠCa iro","D é","ti el","Ġconfun dido","Ġabord ado","ĠUr gencias","Ġcaz uela","Ġecuator iana","ĠK am","ĠAran da","Ġesc eno","Ġconj unción","ĠFern anda","ĠI PS","ĠLar ga","Ġintercon ec","V IL","Ġdis gust","ĠMar acaibo","ĠAc tiva","Ġexport ador","ĠCon cretamente","ĠAn uncio","ĠCan cillerÃŃa","ĠCal das","Ġlas tima","Ġas in","Ġpronos tic","T L","fec t","Ġllam arlo","Ġsolici ten","Ġguer rilleros","Ġviv ida","Ġencontrar éis","Ġrú stica","M un","Ġas queros","fa go","Ġorg ánicas","Ġlanz arse","ĠTh or","Ġprocl ama","ĠAlas ka","u é","Ġsal ch","Ġdesay un","Ġout fit","Ġvehic ulo","ab lanca","ma yo","Ġsue gra","Ġconocer nos","Ġgobern adora","Ġaliment arse","Ġequivo co","ĠM AL","Ġfun dadora","Ġemb ria","Ġelector ado","ĠPerson almente","ĠEn d","Ġdetal lados","Ġmostrar le","c enas","ad illos","Ġo je","Que da","Ġmiser able","ĠG ru","ĠTri turadoras","Ġelec tos","ĠBen idorm","Lar en"," ĵ","Ġre ñ","Ġno tificado","Ġinci de","Ġtóx ico","Ġescon dida","ĠAcu ña","ĠIn tent","Ġcontra par","Ġms n","j uez","ĠPo bre","ĠJul ian","Ġo val","ĠA gra","Ġcab en","Ġregul ados","ĠPeru ana","Ġaliment arios","ĠAguil era","Ġb ios","ĠVal ència","Ġfil ip","âłĢ âłĢ","Ġré cords","ĠFor ex","Ġemo tiva","ĠBri tish","19 88","Ġenv olver","tr uc","Ġmayor itario","J AS","Ġ19 18","Ġampl ió","Ġdif unto","ĠCrist iana","Ġerrad icación","Ġam ablemente","ON O","Ġla dera","ĠV es","Ġpol icia","ĠDeleg ado","ĠSpe ed","Par ti","ĠL EC","ami án","de cir","ĠI ce","Ġtor rente","Ġrom anticismo","Ġprema turo","ic ardo","Ġentre gue","Ġasum irá","Ġla gar","ĠAcces s","J er","Ġmar tillos","Ġev itó","Ġsen dos","Ġcoco dri","Ġinfidel idad","Ġá guila","ĠRol and","ĠCon sta","ĠParticular es","ĠM amá","Ġf ara","Ġasegu rados","Ġan h","Ġr un","Ġdele ite","Ġpa tadas","Ġpod ra","olv emos","Ġenta blar","Ġme ló","f ana","ci ertos","ĠCon cer","Ġpuls ando","Ġentender lo","Ġsever as","Ġinund ación","ĠO V","Ġanón imos","Ġcom ic","ĠLle ga","Ġlob by","ĠH AC","Ġsector ial","Ġcalle jón","ĠAb ierta","ĠPok er","ĠMo ur","ĠMon tal","Bo letÃŃn","Ġgus anos","Ġoz ono","Ġson or","Ġenv ÃŃ","Ġsincron ización","Ġam aman","ĠVol vo","TIC OS","emp resas","Ġven ia","Ġs ÃŃs","ĠP uls","ĠBar iloche","Ġvers us","Ġbrind ará","Ġbo ta","ĠCer tamen","Ġd uen","oc r","Ġ13 6","Ġinédi ta","Ġflu ir","Ġentregar án","Ġgrab ando","ĠPie dras","ĠG lad","Ġregul adores","er i","Ġacompañ aba","Ġprogram adores","ay os","Ġade ptos","ĠZ ur","Ġadher encia","ri tual","ita cion","Ġc itando","Ġurban ÃŃstica","ĠArque ologÃŃa","Ġpan ame","Ġafec tos","Ġinmedia tas","Ġador no","ĠWil d","Ġespon ja","Ġparén tesis","Ġencontrar me","Ġjur ados","Ġcateg or","Ġembra gue","G aran","ĠLi qu","Ġtuber culosis","Ġru leta","ĠSici lia","ĠAP P","Ġenm iendas","g ebra","Ġque des","ĠB EN","ĠG is","Ġab onos","ha w","Ġencar na","Ġsuce derá","Ġdetec tó","Ġdepu ración","ĠV inos","Ġpreten do","Ġmach ismo","Ġprocu rando","ĠZ ú","ĠOs valdo","ĠRiv iera","Ġreflex iona","ĠM ena","Ġdispon es","ĠCient ÃŃficas","ĠJob s","à ¹","ĠR id","Ġgu ionistas","ĠT asa","LO G","Ġvein ticuatro","ĠGén esis","ĠAsoci ados","ĠB ie","at ina","eci damente","Ġindic ará","Ġmay as","Ġllevar nos","ÃŃda te","IB LE","Ġord inarias","Ġanex os","Ġencontre mos","Ġestupe fa","O rig","Ġad quir","Ġpier do","Ġ- ¿","Ġ14 9","Ġsorte ar","Ġchaque tas","Ġque jan","Ġ12 9","ĠRecon ocimiento","Ġoper arios","ĠPedia trÃŃa","H I","R usia","ĠC id","ĠL IM","rec or","acer do","ĠFemen ina","Ġconte o","Ġaust ri","Efec tivamente","Ġempie zas","ĠE B","pi es","Ġcad uc","Entre vista","Ġfac ul","Ġfronter izo","Ġconcord ancia","core ano","go ña","Ġpropon iendo","ĠLGB T","Ġc ran","ĠB ios","ĠArquitec tos","Ġcomp ás","Ġindic arnos","Ġllama tiva","ĠInten dencia","Ġdiecis iete","em ber","ĠPre par","Ġparaguay o","Ġorganiz aron","ĠAst ron","Ġse duc","Ġd s","por tación","Ġo ÃŃ","Ġab uel","Ġrecib os","Ġ: (","Ġprecis an","ánd anos","Ġrob aron","Ġconquist ó","Ġal ab","Ġgastro intes","Ġreden ción","in dex","oc us","ĠComis ionado","u jo","ĠG ur","ĠO ca","ĠRuss ell","c rist","ar ez","ĠPro puesta","Ġpobl ados","ĠM itre","cre as","cindi ble","Ġf osas","ĠCo alición","ĠAlfre d","ĠG os","ĠH S","me work","Ġdec ano","Ġcoleg iados","D iego","or ama","em es","ĠMin istra","mic ro","m ientras","ĠEmpres ariales","ĠTa ur","Ġp q","ajada honda","n ero","al guien","ĠM all","ĠT apa","Ġrecomend ables","dr ic","Ġadminist rado","CH A","Ġgor das","Ġinstitucional idad","con tent","ĠPa ci","Ġocas ionado","19 89","Ġcurios as","Ġcan arios","Ġcoinci dió","ĠGas tón","Ġconstruc tiva","Ġbord ados","Ġconson ancia","Ġsal pic","Ġom isiones","Pon emos","Ġhipoc resÃŃa","ĠCá ritas","Ġdic tan","Ġgastron ómicas","Ġpes quis","ri edad","Ġbuscar lo","ĠDro gas","Ġsubyac ente","Ġdes orient","ĠGran ja","Ġo asis","ĠAM D","Ġhar ás","tro po","Ġles a","ene gal","ĠVilla v","Ġhigién ico","Ġo ur","Ġfun dición","Ġtom os","Ġfi jan","b ulas","st om","ĠM IT","Ġcal ificada","tá is","w ord","Ġconce jo","tro it","Ãĵ M","Ġsupon ga","Ġnut rir","ĠTla x","ch ea","ĠV ice","ĠEn laces","Ġconocer te","Ġpatr ona","Pres idente","s istema","ib ilidades","J usto","Ġc y","iv an","ĠFu i","Ġmanda tos","p lor","Ġmu era","ĠIn tens","Ġinstan táneamente","ARI AS","ĠJac ques","n eo","tu rista","ĠB I","Ġfav ores","G EL","Ġsent irá","if y","? âĢ¦","Ġw al","14 0","Ġcusto di","ĠVer emos","Ġdenomina ciones","Ġconjun tas","in is","Ġadqui ridas","Ġhubi éramos","Ġfascin ación","Ġmix tas","Ġadecu ar","Ġdoble te","ĠLegisl ación","Ġro ba","ĠCompe tencias","s ite","Ġfis ioterapia","Ġtransmi tida","Ġbarran co","Ġincip iente","Ġco de","fo que","Fo tos","ĠSw ift","Ġegres ado","Ġadmi tidos","Ġlogr ará","Ġfigu rar","Ġveter inaria","Ġalien ÃŃgen","uch i","Ġz aragoza","Ġmor eno","Ġexpon ente","Cre ar","Ġper itos","ĠAnd ina","ares ma","Ġformul ada","Ġalleg ados","Ãĵ G","Ġrestitu ción","a o","ér tete","b ull","Ġemp la","Ġquer és","ĠUtil izar","Ġdesapareci eron","Ġs s","ĠCon cepto","Ġtej ados","@@@@@@@@@@@@@@@@ @@@@@@@@@@@@@@@@","ĠSindic al","t ten","nos is","Ġpedia tra","l iga","Ġsuper st","IN D","Ġgui ño","Ġdamn ificados","ĠJ udi","Ġ4 47","ĠAust in","Ġartesan ÃŃas","Ġtortu ga","Ġinconstitu cionalidad","par que","Ġquer áis","ĠComun itaria","Ġpá del","i ologÃŃa","n icamente","in ts","Pro bablemente","ĠClub es","Ġvigil ante","ĠT ajo","ĠB ecas","Ġmostrar án","ĠMass ach","ĠL eb","QU IS","ĠM IS","ĠG ual","Ġ19 35","Ġdomin icanos","Ġcontrol ando","Ġdeclar aron","Ġmane jando","Ġagar ra","2 40","j oy","pa t","Ġpr er","Ġescu dos","ti gua","le zas","To p","Ġfall ido","Ġros ca","Ġmercan tiles","Ġdelic adas","Ġesp inas","Ġdecir nos","ĠCamil a","ĠSi mple","ĠDiplom ado","M adre","Ġr ally","Ġenter ó","Ġara gonés","ĠGN U","Ġp it","ĠCan cel","Ġañad idos","Ġlum bar","ĠProces al","ĠA MP","pp y","S QL","Ġguard am","Ġaprue be","Ġest or","ĠS yn","Ġ21 5","Ġsensibil izar","ĠParlam ent","ab ella","Ġ14 2","ĠL isa","Ġenseñ aron","Ġpreten da","Ġcort ometrajes","V olver","Ġm ueva","Ob viamente","z ara","Ġanfitri ona","T oma","Ġdi me","ĠMar ian","de leg","p ment","ĠP ér","Ġnorma tividad","ĠÃŃdo los","Ġre defin","Ġca tering","ĠSel va","Ġirre pe","mol inos","Ġac rec","Ġten s","Ġfab ulos","Ġmanda tarios","ĠRobin son","Ġinterlocu tor","ĠC LA","Ġlesbi ana","Ġag ach","ĠÃŃn tegro","Ġf osa","Ġab uelas","Ġmotiv ada","Ġcón yuges","aj illa","Ġmedi do","Adi cionalmente","Ġmode sta","Ġescuch aron","Ġpeg aj","SAN TO","Ġticket s","ĠM US","Ġconec tores","ĠAt lan","ĠArgent inas","# #","t ándole","Ġen dul","iv es","Ġcambi amos","ĠF aro","Ġlig ht","Ġgall inas","Ġentre ver","En tra","ĠSo ph","Ġsosten iendo","Ġconfec cionar","di eran","ĠP il","ĠEn tradas","Ġrepar tidas","Ġafian zar","ĠContin úa","ĠVio leta","ĠK indle","Ġemitir á","ar ón","ĠE PS","Ġobten emos","Ġdespla zado","Ġprema tura","ĠR uth","un cie","ell era","Ġelef antes","ü n","Ġintermedi ación","ĠComen zó","gu ito","ĠCo pia","Ġinac tividad","Ġra bo","Ġreduci das","Ġeuf oria","ĠD re","Ġestudi antiles","ĠexplÃŃ cito","Ġtrabaj as","ác tenos","Ġevi te","Ġexpl ici","Ġstar tups","Ġanticoncep tivos","g icos","or an","ĠR ent","enz uela","Ġsofist icados","pi ña","Ġcuchar adita","a tas","å ħ","Ġtra za","Ġtrans gres","z á","G AS","Ġinf un","Ġcó lera","ĠPe layo","ĠHe ad","Ġasoci an","ĠTar ifa","Ġredac tor","n ista","ci encias","tar te","Ġres ent","RA M","Ġdemos traciones","Ġcapit alización","H T","ĠCon go","Ġsuel tas","ĠY es","iu ra","ĠNa ture","ĠMan s","ĠTarje tas","4 50","Ġconsul torio","Ġdila tada","am elos","Ġinv icto","Ġdomin ical","Ġafortun ados","Ġenju a","Ġson rÃŃe","Ġsub irse","ĠPe ar","Ġhel adas","Ġrebaj ar","Ġresid ual","ĠMUN ICI","Ġvaca cionales","ĠEfec tos","ĠSy l","ĠLlam e","ĠMer ca","ĠE z","Ġper la","Ġlim ites","Ġcontar é","ac ci","Ġper ple","ĠG estion","ĠJ UE","Ġhac éis","ĠReg ular","Ġcritic an","Ġre ir","Ġsu ble","ĠCif uentes","tur n","Ġinm óvil","K a","N ike","ĠAl ameda","Ġcent ró","ĠMA Y","Ġultras on","ios amente","O jalá","Ġc ano","ĠK ent","ĠGir l","Ġpolar izadas","Ġeleg idas","Ġcrea cion","par ables","ux e","Ġvej iga","ĠK un","ĠOn ce","Ġpe dÃŃan","Ġtum b","ĠBru to","Ġintroduc en","ĠO pel","Ġr ÃŃe","ĠCom mons","Ġcontinu aba","AM E","Ġlas er","Ġpon ente","po tencia","Ġtar dÃŃa","Ġcr é","Ġ13 3","ĠSo ft","Ġol er","Ġte tonas","ĠDe velo","Ġconocer la","Ġmonta ñ","Ġinconfun dible","ĠCal zada","Ġce guera","Ġasc ensión","Ġhorm igas","ĠBul garia","Ġmé tricas","Ġsimil itud","Ġdetrac tores","G ab","za te","ĠLin da","Ġid oneidad","ĠCon venciones","ones es","Ġauto cr","Ġinvestig ados","V ES","Ġañ itos","Ġll ámenos","ĠVeci nos","m id","Ġsus pir","CI DAD","ĠDan ny","Ġu ter","mi ente","ka i","CI D","Ġdes ca","Ġmal vado","Ġol fato","Ġexac tas","Ġmuñ eco","Ġpág s","Ġolvi den","ĠContemporán eo","Ġ19 32","Ġul tim","ĠA cerca","na tural","icom iso","Ġac ud","ĠT s","Ġrespe table","ĠPERSON AL","r un","Ġprepara ciones","ĠS abe","ĠBar ros","Ġdistin ciones","Ġencabez ados","Compar tir","Ġcosmo pol","ĠSex ta","p t","Ġp án","ĠO K","ĠVal dez","Ġcatalo go","Ġhexadeci mal","Ġra tito","Ġasc ensores","ue lan","Lle vo","Ġg ur","Ġten edor","Ġr ót","Ġfundam enta","Ġsolu ciona","Ġpac ÃŃfico","Ġentusias tas","vi te","Ġdomin an","Ġverb ales","ĠDi esel","Ġconseguir á","Ġhuel gas","Ġe ólica","ĠÃŃn timamente","Ġmeren gue","que da","Ġamor tización","Ġrespe ten","ĠAnton ia","Ġcentrocamp ista","l ita","Ï ģ","Cre es","Ġarries gado","J ul","Ġros ario","Ġchu par","Ġmon jas","col i","ĠBill y","Ġpredomin ante","Ġt aba","Ġinf lexión","Ġdu dó","Ġescrib es","ĠAf ric","Ġestupen das","Ġcan alizar","ign ación","M ez","ĠP ART","Ġpre domina","Ġhum ed","Re alizar","ĠT ierras","Ġamena zar","Ġejec utados","Ġse cular","ĠM anos","ĠM uro","Ġex ito","Ġcol lares","Ġindi st","Ġconsul tores","Ġsubs uelo","ĠL ana","Ġcandida tas","Ġib ero","Ġam eno","Ġdivin idad","Ġn uez","ĠAr g","T emp","ĠS c","Ġviv ÃŃ","Ġsan ación","Ð ¿","ĠP isos","ĠK el","Ġcri ar","ĠCON TEN","Ġdividen do","ĠDesta ca","ĠAm y","Ġplan ificado","A compañ","ig i","Ġins urg","ĠSuper iores","ĠVent ura","Ġestir ar","poder oso","Ġazu fre","Al rededor","gol pe","Ġg ást","Ġon d","Ġencontr ara","Ġpor venir","ica tura","Ġenv uelta","Ġdorm ida","Ġnorte americanas","ĠHab la","c ár","de ado","Ġper noc","Ġri enda","Ġpal meras","Ġsorpren dida","Ġsob ran","TAM IENTO","Ġsufrag io","Ġresta ura","abil onia","ĠDel iber","à ¥","ó calo","Ġar dor","Ġimpac tó","Ġdeber se","Ġtro pa","ajust e","lan ada","Ġrev ocar","Ġpar idad","Ġra mos","Ġcoloc adas","Ġinesper ados","Ġconoce dor","ĠEstable cer","Ġnal gas","Ġb if","Ġex tr","Ġrespon dÃŃa","Ġhallar on","ĠEspeci alizada","Ġcol os","Ġtranspor tistas","ĠH ack","Con sejo","Ġmu dan","ĠAnÃŃ bal","B AR","l ador","Ġâ ĺ","ĠPhil ips","Ġrecub rimiento","Ġposicion arse","qu ÃŃas","Ġme ti","Ġme tan","ĠR and","Ġpreci ado","Ġcom ics","ĠDy lan","Ġp óst","ĠUn isex","Ġir landés","ĠNav idades","Ġfla uta",") âĢ¦","c able","Ġi ones","Ġinter ferir","ĠSab ÃŃa","til de","Un idad","ĠBo tán","Ġreempla zado","Na ció","ÃŃn dr","IC S","Ġnumeros o","TR AS","h té","m ers","Ġpart ÃŃcula","Ġcruj iente","ar iano","ad ron","Ġdec ÃŃamos","BL ES","s ier","ĠS lo","Ġhaber te","ies to","Ġterapéut icas","ĠA ÃijOS","ĠG M","ment ario","ĠArm strong","Ġanaliz aron","Ġcuen cas","h im","ĠV IA","ĠRo th","Ġhac kers","Ġpon gamos","Ġvuel vas","Ġsecre tas","Ġmuñ ecos","Ġas a","ĠH E","Ġdemol ición","in telig","ĠC iertamente","ĠZ af","p est","ĠO cupa","ĠDo w","Ġvenezol anas","Lleg amos","Ġves tuarios","Emp resas","vir us","n it","ĠK id","Ġhor óscopo","Ġocupa ciones","ĠCr ÃŃtica","Ġparad igmas","cion amos","ĠPu jol","c aja","ĠEl sa","Ġcul mina","Ġaloj ados","Ġpor che","ĠPrincip ales","de pres","ĠMc Car","W A","ĠMos trar","Ġra b","Ġblan queo","ĠOrgan ismos","Ġsupl entes","Ġpeg amento","Ġsal tando","Ġmon tones","ĠGu ido","Ġargu mentación","P AC","Ġtu it","ĠCom putación","E tiquetado","Ġex on","Ġpresion ando","ĠHun ter","im ia","Ġcelebra ba","Ġremol que","Ġsobre carga","per u","ĠO tero","ve d","Ġcan tan","C ER","Ġmedi dor","Ġvulner abilidades","V III","ĠTo wn","ila cion","Ġperjud ica","Ġar senal","Ġprolon gación","Ġcore ano","Ġllo ver","Ġvanguar dista","ĠArmen ia","Ġcub ra","ĠIb ex","Ġox igen","ĠC ambios","Ġabandon aron","Ġfertil izantes","ĠEche ver","Ġpol los","ĠFuerte ventura","Ġpres enci","Ġ18 5","Ġventil adores","Ġapor ten","ĠClar k","Ġimport ados","Ġceleb rados","Ġderrib ar","Ġderra me","ĠSilves tre","Ġguar do","Bus cas","y ang","Ġmon tura","Ġzo di","Ġinici amos","aliz adora","Ġsuper ada","Ġtr ÃŃ","T us","Ġa jos","man i","ĠW is","ex t","Ġcén timos","Ġpol in","ĠTer ry","Ġenvi arle","Ġape tec","Ġsi er","tre o","ĠElec tric","Bus camos","Ġtra ten","Ġam i","ĠCam bia","Ġsur ja","Ġhospital aria","ĠCommun ity","ĠL itoral","eo ple","Ġpris ionero","Ġconstruc tivo","éndo las","D L","Ġarque ologÃŃa","Ġpleg able","Ġhemorrag ia","Fund ación","it ador","Ġju ro","ĠCar acter","Ġvar illas","ĠPho enix","Ġpres tadores","Ġco chera","Der echo","ci ando","ĠVal larta","Ġ13 1","Ġinsu ficientes","ĠAquel la","Ġconsolid ada","à ¹","Ġb aby","tar ismo","Ġdia posi","ĠImp ortante","ĠOn da","tz sche","Ġre querÃŃa","Ġsab remos","Ġz orra","ĠWal ker","ĠWW E","ol ÃŃtico","Ġsospech ar","F ab","Ġincluy eron","ĠPre f","Ġmand amientos","Ġapo do","ĠAplic ar","ĠPeque ña","ĠTal avera","... ),","tri tis","Recor demos","Ġtric olor","à ¸","ĠB omba","Ġprov isto","Ġretro alimentación","Ġvol te","Ġplane ando","ĠbÃŃbl ico","Ġrecorda torio","Ġpos tes","Ġrecaud ado","Ġirresist ible","Ġbu zón","Ġsuger ido","Ġperif éricos","Ġinv ierten","å ı","Ġmar que","Ġauto vÃŃa","Ġdec ÃŃs","Ġrefres co","ĠF ile","Ġblog gers","Ġmale tero","Ġaudi os","Ġdisco tecas","ÃŃna te","Ġarrep entimiento","Ġconfer enci","un ciones","Ġasoci ar","ĠComple to","Ġcom arcas","ima gin","ó geno","ĠC ep","ĠS tad","gn er","Ġvas to","Ġfuga z","ĠW ifi","Ġdist racción","ĠPar ecÃŃa","ĠTo urs","Ġhuman ista","Ġl ust","ĠS ad","ĠCh er","Ġconfun de","Ġirrespons able","Ġ16 00","Pa ul","ĠMens aje","Ġindud ablemente","Des cu","Ġquin ientos","Ġgras o","Ġconquist ado","f res","Ġcogn itivas","Ġap laz","vi ente","Ġmayor itaria","Ġtrans mit","ach es","Ġdismin uyen","k ok","Ġre inte","ü l","Ġramp a","S á","Ġgra to","Ġpron uncia","ĠExper im","ĠÃŃ cono","ĠEstad ÃŃsticas","D ia","\" ¿","Ġcent er","Ġestric tas","hté moc","Ġsal ada","EN S","Ġmo use","Ġantigu amente","ir d","Ġcabez al","cel lo","ĠFis cales","ĠNu ria","m sterdam","Ġrep unte","Amb as","Ġpermiti era","o ch","in almente","tr inas","f ónico","bi es","ĠâĢľ .","Ġcorpora tivas","Ġs top","Ġla mp","Ġg radas","ĠP ED","ĠPer ten","Ġdibu ja","Ġav ion","Ġinflu ido","t ribu","Ġrev uelo","Ġdescub iertos","Ġfortal eciendo","ĠA tac","Ġte or","ĠCa z","ĠS uerte","Ġos os","Ġ« ¿","Ġescrib ieron","Ġcen iza","Ġp úrpura","Ġpens adas","ok er","Ġsu bimos","ĠS au","ĠM T","ĠO d","Ġba g","Ġdistra er","Ġapasion ados","ĠP rice","Ġsecre ción","Ġbus ques","Ãī ste","ĠEl i","Ġtransform ador","ĠÐ º","ĠCol ima","Ġocu pe","fec tura","Ġcr á","Ġenfri amiento","Ġcual ificación","ĠMarÃŃ timo","Ġllam en","Ġvas cular","Ġcomprome tidas","Ġmicro bi","Ġcontemporán eas","Ġco ta","Ġemp al","Ġven ide","und ación","ĠWat son","Ġautor izó","Ġcerv ec","Ġesc r","Ġtom es","Ġnoti ci","ĠMartin ez","Imp res","Ġimpure zas","re tro","ĠV on","Ġinvesti gan","Ġconcep ciones","Ġautent icación","Inter es","Ġalmor zar","Ġespacios a","Ġsob ornos","Ġincomo didad","Tri turadora","Ġprefi rió","ita bles","Ġinteres aba","ĠW onder","ĠK ids","di put","ĠD ragón","ĠQ R","Ġgr úa","quil es","Ġatu endo","Ġefectu arse","ĠVenezol ana","Ġlent itud","ĠP emex","ĠL iderazgo","Ġconf is","rón icas","Ġfrac cionamiento","Ġestric tos","Ġp élv","et t","ram entos","Ġseguir ÃŃa","ĠAvi ación","tu b","V as","ci ares","Ġmon op","Ġcomplic ación","Ġdecep cionado","Ġcariños o","Ġpinch ando","Ġcompi tiendo","Ġno torio","Ġob rar","dor e","Ġfran ca","Ġliqu idar","ĠBo dy","ĠFer ro","tele fonos","re e","ĠD ale","Ġpasar elas","Ġaten didas","ĠH acemos","ĠH echos","Ġatac ando","Ġde tras","Ġun d","ĠAl do","Ġtern era","Ġcl in","Ġform arán","Ġmag isterio","ĠFel icidades","ent istas","Ġutiliz arán","ime tro","ĠH og","ile o","ĠInf antiles","Ġabon ados","a quel","d ana","Ġtel enovela","Ġmover te","h in","POR TE","Ġhisp anos","Ġpor tar","ec raft","Ġsac aba","Ġpers ecu","Ãĥº n","iz er","Ġhaz lo","Ġp ick","Ġcas cadas","Ġstan ds","Ġvo ca","ĠSé pti","Gar cÃŃa",", -","s ide","ĠÃŃn timas","ĠFer mÃŃn","A ut","ĠMotor ola","Me j","Ġtox icidad","ĠtÃŃm ido","K e","ĠS era","... ¿","M ucha","ĠD emas","ĠBode ga","ĠMes as","Ġvolun tarias","Ġaprue ban","Ġp aj","Ġargu mentar","Ġec ológicas","Ġdesen vol","aste cimiento","Ġr uego","Ġmar gar","Ġimpres as","Ġcalle jero","Encuent re","ĠVÃŃ ctimas","Ġarro dil","Equi po","Ġe book","ĠGu a","Ġjun ior","Ġenfrentar án","Ġpens aron","quer ÃŃas","ĠSeñ al","Ġclic s","Ġcho ques","ĠCastañ eda","ent i","ĠA je","ĠDi abetes","ĠÐ ¾","Ġcomp ite","Ġmor der","Ġestan camiento","ar tic","ĠPos e","ĠLib res","Ġdialéc tica","ac ÃŃn","ĠQuil mes","Ġhab it","Ġambi ciones","G IN","G UE","ĠHa ciendo","Ġdesapar eciendo","ri cio","Ġapoy aron","ĠClas s","Ġv ine","Ġi f","Ġminister ial","ĠPol ÃŃticos","IL E","Ġpez ones","Ġresgu ard","Ġemocion ada","ĠVillal ba","Ġk ayak","ĠMez cl","Ġlum inarias","ta xis","ĠO tto","Ġingres an","ĠRev iew","ĠCharlo tte","ĠD iversidad","mb urgo","Ġrecha zada","Ġoptim istas","Ġpsico anal","ĠFamiliar es","ĠÃģr bol","ĠQu im","Ġocupa cional","ë n","ĠM IR","Ġgigantes ca","frad ÃŃas","Ġdoctr inas","Ġencan taba","ad u","Ġt á","ĠC é","is bol","Ġlech uga","ĠKen ia","ĠAnim ación","Ġpens adores","Ġbar aja","Ġrecib es","Ġantici par",") âĢĿ.","Ġp esti","Ġcont ent","ĠReg istros","ĠTrans ferencia","Ġpenins ular","e das","Ġinf la","Ġquer rÃŃa","Ġculmin ación","mil itar","w oo","Ġdestru ida","ent adas","Ġviv irá","ĠSu reste","Ġgir ando","Ġcomis ionado","L ine","is en","En con","Ġpel uche","ul k","Ġdestru yendo","Ġdemues tre","L iber","n ición","Ġan cla","Ġpre escolar","ĠSh el","ĠFantas y","Pien so","Ġchat s","ĠExper tos","Ġcampes inas","Ġvesti gios","ĠPas toral","k king","Ġanim an","ĠSer bia","ĠNicol as","A si","ĠA ÃijO","Ġj udi","Ġcompr aron","Ġpreguntar nos","Ġar teria","Ġdog ma","Ġamena zó","Ġreac cionó","Ġbron ca","N C","t ándolo","â ľ","Ġapren da","Ġintent é","Ġpes im","ĠEscal a","en den","Ġcu pos","Ġcl ero","Ġmodific ando","am erica","ĠC OD","Ġg esti","Ġcar ibe","Ġsorprendente mente","ĠLiber al","ĠacrÃŃ lico","ĠN oroeste","Ġbas tón","Ġesp ina","C ór","contin u","Ġentier ro","ĠNi ñas","Ġma ximo","Ġay udo","Ġbar riga","ĠLA BOR","Ġapun te","Ġconting ente","ĠTom ar","Ġembaj adores","Ġads crito","Ġenvolv ente","Ġne garon","ĠCement erio","de v","а ÑĤ","ĠG ub","Est ar","Ġaplica cion","Ġs ándwich","Ġpres tó","Ġdid ácticas","ĠPost grado","Ġn eb","Ġamb ula","ĠTur ÃŃstica","Ġseleccion ando","Ġph p","A qui","ome tros","tin io","ĠDom ici","Ġconden as","U ACIÃĵN","ci elos","Ġelabor ó","Ġcient ÃŃficamente","Ġgir an","ĠcÃŃ cl","Ġatmosf érica","h uela","C amp","Ġman di","Ġextrater restre","ĠL em","Ġlú dico","Ġserp ientes","Ġgil ip","Ġsecre tarios","Neces itas","Ġne xo","fic ante","Ġmues tren","úrg ico","Ġdij iste","ĠQa tar","ĠMonto ya","ve do","No v","Ġfrust rado","ĠTu vimos","Ġambient ada","Ġdel fines","Ġsur jan","l uego","ĠAn s","Ġmonta jes","icul tores","figu ra","Ġv and","ĠA bar","Ġdepos itado","' )","ĠS ora","la ge","ĠRom ana","ĠN ora","ĠZ onas","ĠFred dy","ĠA ber","Ġadmi ro","Ġempa tes","Ġsol itaria","Ġreg idor","Ġad oro","20 2","ĠRol ando","' t","ist ica","ĠT M","Ġj on","C OS","ĠJ ong","CIA CIÃĵN","Ġtax ista","ĠAcu er","ĠCar ga","Ġenfoc adas","Ġprovis ionales","gr ar","Ġclo ud","Ġcoad yu","Ġpu ras","vas cular","In cre","Ġor os","cal de","Ġtermin en","ĠA za","ĠG E","ĠG AS","Ġform ará","Ġlic enciada","ro pa","Ġan tor","car o","Ġago tar","ĠSor iano","um bra","ĠI ñaki","Ġmun dillo","Ġir nos","Ġindocu mentados","es tern","Ġrevis e","ĠSex y","Ġre tic","Ġmu da","Ġdist urbios","on ero","Ġpres ag","Ġarbol es","L i","Ġcompar tan","Ġvalor ó","dash ian","Pre cioso","ĠCu ál","Ġru t","ĠCons ol","Ġlevan taron","Ġs Ãĥ","Ġdes comun","ĠAl bar","Ġbuscar on","Ġlim itó","Ġdemand antes","A penas","Ġsaque o","minist ro","ĠPol i","Ġconce bida","Ġmanus critos","Ġgremi al","Ġal i","Ġproces ales","ĠC risis","fici entemente","Ġvis itados","ĠFor um","ĠPre visión","Ha ga","z ú","am pas","ĠAy ud","Ġb itcoins","Ġprin cesas","* ,","ĠReg ÃŃst","gobern ador","ĠV A","ĠTerra za","Ġpo es","ĠG at","Ġacuer dan","Ġenci clopedia","ĠEdi tor","Ġbarbar ie","Ġpubl icas","Ġhid rol","ĠPine da","T ags","ĠD M","Ġflu ores","Ġrespira torio","Ġir rita","F uera","ĠX i","Ġhomolog ación","Euro pa","ĠMon ro","ED O","Ġmac eta","Ġtoler ar","ĠRob o","Ġsan tiago","ĠAd s","Ġfij arse","Ġveter inarios","Ġe i","Ġs ard","Ġcomb inadas","Ġcompor tarse","Ġtuer ca","R EN","ĠMa k","Ġobserv aba","ello w","Ġaus encias","Ġdesaceler ación","Ġten ian","Ġar os","tene gro","Ġesc ab","tex t","Ġdéci mas","Ġmulti plica","R ay","g ed","ĠTO TAL","Ġcualita tivo","Ġmach ac","Ġcontempl ando","CL US","ab los","Ġdecl aran","ĠJun ÃŃn","Ġdiab éticos","ÃŃm il","Ġatribu ir","Ġb ál","ĠG S","Ġ20 5","Ġrealizar emos","Ġma de","Ġinfec tados","Ġperu anas","Ġincompati ble","Indic ó","P uerto","oc om","Ġdo tados","Ġcolabor ó","Ġfol io","ĠEspec tá","ĠEar th","ff f","iladel fia","ci adas","ĠD amián","ĠO re","Ġna tivas","Ġcaus antes","Ġó leo","Ġexpe dido","ĠSant ÃŃsimo","p ita","Ġtur quesa","Ġpromete dor","Ġmu til","Ġestrech os","ĠEmbaj ador",". âĢĵ","lo pe","Ġcas ar","ĠPer m","Ġconver tidos","Ġsuspendi da","Ġretor nar","Ġluch ado","ço is","T Y","Ġsuper en","Ġsimp at","b ala","vo t","Ġeusk era","] [","am inas","Ġas uma","Ġro ban","Ġtom ara","ĠDu bai","Ġï ĥ","Ġ16 9","Ġinspec tores","uset ts","entos a","ĠCom ics","Ġfestiv idades","h om","ĠC ID","Ġnos e","Ġfalta ban","ĠAR G","ĠC ón","ĠW ith","ĠMer cad","ĠTur bo","Ġantrop ologÃŃa","Categ orÃŃa","apren dizaje","U Z","Ġcóc teles","ĠReg lam","Ġlóg icas","Ġdes an","Ġev itado","Ġsub terránea","Ġsub consciente","ĠAuton omÃŃa","di ficación","Ġab r","Ġab ara","Ġve te","RE Z","Ġbomb illa","Ġpotencial idades","Ġfij amente","ĠFan tá","Å ¡","bo ca","Ġaper turas","ĠDiv ino","M iles","ter reno","ici e","Ġli tera","ĠAt letismo","ĠO cas","Ġli ke","Ġargument ando","ĠManzan ares","Ġposi cionado","Ġpintores co","Ġma queta","Ġpe aje","Ġdescon trol","Ġs tic","Ġo yó","ĠS ib","Ġasegura miento","Ġm ula","ĠR G","én dice","Lleg ó","ĠHel ena","Ġcostar ricense","En rique","ĠFor os","ĠI CE","Pre vio","Ġcáp ita","PON S","Ġdes er","Ġmar isco","Ġdeman dados","Ġgrues os","baj os","Ġobliga toriamente","f eld","ĠLle vo","Ġinvad ir","Ġd ac","él icas","Ġevalu ado","ĠVAN GUARDIA",". @","AT OR","Ġdispu tarán","v c","gu ÃŃa","Ġtrans nacionales","ĠMo ta","Ġtron cos","Ġseque dad","Ġb ú","po blación","ĠCarab obo","ĠStan ley","ĠAndra de","ĠAr ca","Ġref inado","Ġre lan","par do","at l","Ġtermin ados","Ġev itará","Ġplante ados","pl icidad","Ġrastre o","c eno","Ġven demos","Ġproyec tor","ĠJosef ina","Ġo dia","ĠL itu","ĠCan to","ear s","Ġreiter adas","ten demos","ĠNo vedades","cas as","Ġprior izar","ĠT ed","ĠRo cha","Ġocas ionales","Ġcompren didos","Ġventan illa","ici amiento","qu ense","Ġhall ó","Ġca y","cla ve","k us","Ġma tiz","gan cias","fre do","ĠA dela","ves t","Ġcasti gado","ĠSosten ibilidad","c amientos","if as","Ġval l","Ġfalle cieron","a gu","Ġher ir","da tos","um ba","ar tÃŃculo","ĠCo penha","Ġ13 7","Ġtonel ada","ĠCom put","Ġmos taza","ĠMor al","ĠAl pes","let te","De partamento","ĠEfec tivamente","ĠMagal lanes","Ġdisco gráfica","Ġarrib o","Ġcondi cional","Ġnerv iosos","Ġextor sión","ĠHig iene","Ġdistor sión","Ġincluir án","Ġsinc eros","Ġde cap","Ġla icos","ĠE VAL","ĠV OL","ho ven","Ġocup adas","ĠEj ecución","anes sa","i ador","Ġac al","ĠVide oj","Ġpeculiar idades","ĠL amb","ĠB áez","Ġdo tada","Ġescon didos","Ï Ħ","Ġin cle","Ġclub s","D ip","Ġl ive","des as","ĠContin ental","Ġidentific arse","ĠRog elio","pa y","Ġhom en","Ġp és","Ġof rendas","Ġpal mar","Ġfor zados","mm mm","Ġelig es","in form","Ġtele fon","Ġrepar te","ld ora","ĠSue le","f lor","Ġcar ente","aaaa aaaa","Zapa tos","Ġpayas o","Ġbombar deos","Ġastron omÃŃa","Ġacantil ados","V an","Ġdesle al","Ġi on","ĠEntre tenimiento","ĠGastron omÃŃa","Ġre do","ĠLe x","ĠSOCI EDAD","ad ito","Ġtra tándose","ion ario","Ġprovoc ados","ĠUn iv","Ġllev es","Ġpermitir se","ĠTI TU","eno vo","Ġdispon gan","Ġtit ulaciones","ĠAnton i","adal ona","Ġcongel ado","Ġagen das","Ġal ca","pres a","ju an","T ech","s é","Ġa sta","Ġqu es","ĠCon exión","C ambi","J e","A H","D IS","ĠX in","Ġinde bida","Ġs illones","Ġb icarbonato","is se","ĠI gu","pu zko","ocola te","p ida","Ġdes habil","Ġagru par","Ġdistin tivos","Ġacer cado","Ġdele itar","Ġvecin al","Ġintroduci da","Ġminia turas","ĠGimnas io","Ġtranspira ble","Ġcele bre","Ġle on","Estudi os","10 5","Ġfas h","Ġgana dero","Ġreen con","la via","Ġcal iforn","endi das","Ġcom bo","Ġtit ulados","Ġbru ta","ĠSS L","Ġre ban","Ob jetivo","Ġal ici","ĠAl gar","pas o","Ġcordob és","Ġtranse ún","ĠPer man","Ġnauf rag","E j","ba g","Ġsa xo","Ġemin entemente","pa zo","Ġdif us","AA AA","z ante","Ġpla tillo","Ġvuel ves","TIV AS","ĠLinked In","Ġcúm ulo","Ġvestir se","ter ran","mos lo","Ġcompar amos","Ġ14 7","ĠA da","Ġdesp ide","ĠÃģ msterdam","Ġcaptur ados","Apren de","i y","Ġcol gando","ĠDE N","Ġmantener te","ĠIncl usión","Ġenc endida","ĠTom my","Ġaer ób","Ġpad rón","Ġri oj","Ġre gar","Ġsuce dieron","ĠEst er","RA C","ĠS ime","Ġcooper ar","ĠP alo","Ġconst elación","Ġcul par","Ġaprovech aron","Ġtra zo","ĠTrans formación","ĠRol ling","ĠSac ramento","Ġcaute lares","Ġcont é","Ġfal tado","ór um","Ġsuf rimos","eros o","ĠD ual","ĠCap it","Ġafirm aron","Ġpla tic","Ġbici s","Ġrepu gn","de ando","ĠBol sas","v re","Ä ĩ","ĠG og","Ġcos teras","eci ente","ĠMo zart","Ġplante les","Ġdiscu tiendo","Ġcaj ero","ĠTe ologÃŃa","EM PO","Ġcalcul adora","Ġluc en","Ġinm uno","Ġimpor tes","ĠDa ve","Ġreproduc tiva","ĠFron teras","Ġcong ru","ci anos","Ġsubray ar","ĠMob il","M c","e ur","Ġan ÃŃm","ĠNo ticia","ĠHer m","Ġapre tado","Ġilust res","ĠT rist","ĠSen ior","ab s","ĠEd win","Ġcomprob ante","Ġ ij","UN D","Ġclim áticos","Ġre cos","Ġinquil inos","go ogle","al ur","ĠCar ranza","Ġgu apas","Ġsobr inos","Ġy ar","ĠPe tróleo","Ġconven cimiento","ĠRecu peración","Ġc ialis","Ġaplic arlo","Ġpost ulados","Ġmez quita","Ġmemor ables","ĠAlvar o","Ġinces ante","Ġcoment aron","Ġsubje tividad","ĠH arle","lic er","Ġrespal dado","Ġescri bimos","c á","Ġma z","ver tidos","Ġsolucion arlo","ĠC ord","Ġhab remos","ĠCar tas","ĠÃģ guilas","23 3","O fici","Ġsu deste","Ġmanten ÃŃan","ĠâĤ¬ ,","Ġtocar á","Ġapla uso","Señal ó","Alej andro","Ġdis gusto","Ġviaj ará","Ġcontractu ales","ĠVet tel","ĠP im","ĠO bre","Ġ25 00","Ġcuidad oso","Ġestre m","Ġtra zos","Ġhac ÃŃamos","Ġca va","ĠCON TROL","Ġexplor ando","ĠBernabé u","Ġsorpren derá","ac ro","ĠV istas","Ġinter cal","Ġinv itadas","Ġceleb radas","ĠVal les","ĠHar t","ĠNaran ja","ĠI gn","Ġmá st","ĠCa za","fas t","Ġincomple ta","ĠRes iduos","Ġacredi tada","Ġmu ero","Ġcan as","Ġofre cidas","ĠrÃŃg ida","k k","Ġque jarse","Ġti jeras","Ġrom pa","Ġinteg rando","Ġexquis itos","Ġinsignific ante","L ink","Ġal ic","Ġél ites","ĠMars ella","Ġac amp","Ġinf antes","ĠDel itos","Ġrein vent","Ġh alo","ĠA dor","ĠZ ucker","Ġdedi que","Ġra cistas","Ġfij ados","Ġnews letter","Ġobliga torias","ĠEstán dar","ĠChur ch","ĠS erg","Ġcontar emos","Ġduplic ar","ĠRug by","A um","ĠS ay","Ġten sa","par as","Ġpul ir","ra jes","ĠS ri","Ġocupar á","omb ra","ĠRelig ión","ĠDeliber ante","ĠDe troit","ĠCas co","forma ciones","ĠADMINISTRA CIÃĵN","Ġra tificado","ĠEth ernet","ĠðŁ Ĵ","Ġintac ta","Mic rosoft","ent onces","Ġrom ero","iure tano","ĠG lor","Ġplan chas","Ġinstal an","Ġprotagon iza","Ġu ña","Ġpes quero","Ġindi cio","Ġcolec cionista","Ġmem es","ĠMig ración","Ġimpre de","ĠLe van","Ġenter é","Ġmezcl amos","Ġexpuls ados","m uchos","Ġver edicto","ho le","Ġvic eministro","ĠD ental","Ġutil ices","Ġencontrar la","Ġalim entado","Ġhuman itario","Ġnicaragü ense","RI L","Ġseleccion amos","s p","Ġcomo do","Ġtrans itorio","Ġapar tar","ĠInici al","ĠF IL","âĢĿ (","Ġsa qué","Ġrespal da","F an","V iva","ĠL ob","Ġcompr endo","Ġconvers a","ĠEurope an","M ed","ĠPre vent","Ġrecuer das","ĠGonz alez","ĠA rea","Ġabst racción","ĠP ob","ĠProfes ora","Ġsab iendas","Ġpapel erÃŃa","ĠDirec tores","Ġfirm antes","Ġdifun dida","Ġapreh ensión","Ġdetall adamente","m adrid","Ġme tic","Ġ19 25","Ġreduc ciones","Ġintermedi ario","Trabaj amos","Pregun ta","Ġac ech","ĠMan go","Ġ13 4","ĠBa tal","ueve do","Ġdesapareci das","Ġhable mos","Ġvol canes","Ġmenstru ación","Ġla mentar","Ġdejar los","ĠHa wa","ven ia","Ġtar ima","Ġbole tines","re t","Ġescuch arlo","Com ienza","Ġmedicin al","iz quierda","Ġemb esti","Ġantici po","Ġés a","ĠFoo t","o cial","tu viera","Ġme tam","Ġsan d","Ġarm ónica","Ġnovedos os","Ġtir anÃŃa","ĠÐ ´","d omo","Ġex ento","Ġgas tan","Ġalmacen ada","Ġexport adores","Ġes cup","Ġpro videncia","ĠCor dillera","ĠGra y","Ġfalle cida","Ġpronunci ación","res t","Al im","ĠFeder er","Ġcas e","Ġases inadas","Ġsi ervo","Ġcolabora tiva","Ġesca pan","Ġorganiza tivas","id ane","op las","Pla y","Ġengan che","og ado","ĠProfes orado","ĠEnter prise","G a","ĠMoy ano","Ġp ud","gu ita","Ġan du","ĠG len","Ġ19 27","Ġchef s","ĠSEÃij OR","Ġcomien cen","Ġconsist entes","cán gel","Ġsobres ale","Ġero tismo","Ġgrup ales","R R","j ajaja","Ġres olu","Ġextra j","ĠSmartph one","Ġan ec","Ġital ianas","ĠA bo","Ġac ro","ĠK os","Ġilum inada","Ġdifun dió","Ġgent il","Ġd á","Ġcatal anas","Ġadhes ivo","Ġpar ecerÃŃa","S ec","b b","Ġjurisdic cional","Ġdu dosa","ĠCor rec","i tia","con ferencia","Ġactu alizando","Ġextermin io","Ġsu plic","Ġentien des","Ġgol os","Ġinterf aces","ĠLaw rence","Ġcu ñado","Ġpa ella","Ġrod amientos","Al l","ĠRob er","ĠR ace","Ġaplic amos","Ġamortigu ación","V IN","qu iza","ac tos","du ino","Ġincrement an","Ġdañ ados","Ġrefres car","ĠPeda gogÃŃa","c alidad","Ġaspir an","C UL","ĠGra ciela","Ġtos tado","esc uela","Ġin ago","ĠVal eria","ĠBa il","ĠEm ily","vs ky","Ġcer co","tó rico","Ġsof ás","ĠBiblio tecas","Ġemig ración","g ora","ĠCine ma","R IC","ĠCo ol","J orn","ĠS pec","ĠF rÃŃa","Ġacab arÃŃa","Ġcau tela","Ġimpron ta","Ġinde bido","al t","om on","ĠD ul","tor re","G obierno","Ġev adir","Ġinstal aron","ĠMus eum","m ales","ĠAs istente","gel s","Ġof talm","Ġbenefici ará","ĠMc Laren","Ġpes an","Ġcel estes","Ġest oma","Ġin util","Ġhura canes","Lu gar","ĠNo w","th is","Ġh ara","Ġinf or","In tent","M ario","Ġconvinc ente","p son","ec ologÃŃa","ĠRe in","Ġlan ce","Ġguard ados","Ġgrav ita","ĠA to","ó pata","Ġevalu ados","ĠBre xit","ĠD ona","c d","ĠA be","cal e","Ġpán creas","ĠO ak","Ġpasar te","Ġe clipse","Ġen t","En contrar","19 86","ĠHern ando","Ġocupar se","Ġnovedos as","Ġcab inas","ĠMé todos","ĠDis cipl","Ġbeb iendo","Ġevolu tivo","Ġdiger ir","w ick","Ġten a","ian i","lic to","Ġaustral iana","Form ación","ĠHamb urgo","ĠEst é","jer an","Ġimpac ta","Ġdivul ga","ĠPeda g","Ġmu tación","Ġre ins","ĠC isco","ĠOrle ans","co okies","at t","Ġmir en","Ġlin aje","Ġd unas","Ġver tientes","ĠCon cent","ĠMa o","ĠAutor idades","Ġac eras","Ġt apón","ĠG iro","pl us","Ġtamb ores","ĠSex uales","S ala","Ġcu estas","Ġsal irse","Ġda te","Port ada","Ġserv id","Ġb et","Ġad ue","ĠQu iere","Ġatre vo","ĠKar dashian","ĠF IA","Ġmon tan","hu ac","Ġpredomin io","Ġaseme ja","Ġgarban zos","R icardo","Ġacus ar","Ġsuper aron","Ġedi tada","ĠHer rero","ĠBl ues","Ġcom itiva","Ġparti ción","Ġconf luencia","Ġporta bilidad","Ġcompara tivo","Ġcons pir","Ġdici éndole","Ġcontun dencia","pe ya","Al berto","def ensa","Ġdes gu","Ġtratar án","Ġdismin uyó","ĠÃĵ rgano","c ross","ĠB E","Ġpe pino","Ġapar iencias","ĠTar de","ĠAcep tar","an dos","Ġgust aban","en cos","Ġpec adores","Ġreduci rá","ti ana","óp ico","Ġdiagn óst","Ġreglam entar","Ġpastel erÃŃa","me trÃŃa","w ing","Ġl is","âĢ ¨","ĠC ierto","il oc","ĠM BA","ĠM uertos","Ġlá tex","Ġtecn ico","Ġc ra","Ġc ross","ces ano","ĠPubl ica","Ġabri gos","Ġactiv ismo","Ġpermi tida","Ġcompr ados","Ġafec tivo","Ġdirig iéndose","Ġbó veda","ĠMour inho","ĠAr zobispo","Ġdar os","Ġconcre ción","Ġalber ca","Ġtsun ami","Ġch as","ĠMar il","Ġduer men","Ġpar ezcan","ĠF AR","Ġpu ñal","Ġpoder ÃŃo","ĠT arot","Ġé ticas","Ġinser ta","Ġexcav ación","tá bamos","ram eric","ister na","Ġy u","Ġpro di","pa gos","ér mica","ĠDepor tivas","Ġsoñ ando","Ġme tróp","Ġinstitu cion","Ġredi señ","iuda dela","Ġacol chado","ĠAntic orrupción","Ġbal ances","ĠHer e","ĠB oc","ĠF ior","ĠZ al","ĠPos ada","Ġclasific ó","ul u","Ġllam ará","Ġelim inó","ĠC andy","ĠA gü","fre cuencia","ĠH SL","Ġinv ari","ĠMatem ática","Ġcent rados","ĠK rist","S ER","g eo","ócra tes","Ġhab itar","gal pa","Ġpun tera","Ġreutil ización","Cos ta","Ġdramatur go","Ġconcern iente",") âĢĿ,","Ġa eros","Ġdes v","ĠAutón omo","Ġsecues trados","Ġcintur ones","D F","Ġcr ueles","v ajal","ĠI MA","ĠCal efacción","Ġadi vin","Ġdorm ÃŃa","Ġatre ven","Ġin ofens","Ġver anos","Ġautomo ción","ĠInfraestruc turas","Ġde amb","Ġun ÃŃ","Ġartes ano","ĠJard in","ĠCAL IDAD","ĠF iladelfia","ĠSi x","Ġasal ari","hh h","Ġinadecu ado","Ġloc alizaciones","ár telo","Ġcohe te","ĠH I","ion almente","Ġcolec cionistas","Ġbritán icas","Ġbro ker","f ron","ĠB abilonia","ĠAp olo","ĠAc tive","Ġimpuls an","Ġhúme dos","ĠTriun fo","Ġentre laz","Ġasist iendo","Ġmár tires","ĠvÃŃs peras","Ġrin dió","s il","Ġen igma","Ġra ta","com pr","ĠFO TO","ser ve","ĠC oc","ĠT DAH","k ele","ĠA TEN","Ġco dos","tiz ia","Ġextraord inariamente","ĠLlo bregat","ĠR TVE","ĠRe us","Ġhered ado","ĠLu ján","Ġagradecer ÃŃa","Ġesper adas","Ġexten sas","Ġreaf irma","Ġrib era","Ġs pe","ab os","Le ón","Ġdetec tives","Segun da","ĠC IN","ĠS cor","ante ón","Ġcongel ados","A ra","Ġgo teras","ĠAp ps","ĠImp resión","aller y","ĠApe laciones","Ġhel ada","ĠCha po","s omos","Ġpres iona","ĠVal enzuela","C eleb","ĠL T","Ġade re","Ġpredic ar","ĠE jer","ĠJu das","Ġperman ezca","ĠNav a","ĠS panish","ĠT F","du rante","ĠIndi ana","do cu","Ġgen éticas","Ġagres ores","Ġdepos ito","Ġarru inar","ĠC uello","PD F","Ġcomple te","Ġbeneficios os","Ġpól vora","Pro ductos","Ġep istem","l t","en ia","Ġespon táneo","Deb er","ĠCuau htémoc","Ġconfirm ando","Ġinto xicación","g iles","p ros","Ãļ S","Ġvegetar ianos","ĠHura cán","Ġcor tadas","Ġconci erne","Ġmaci zo","Ġvalenci anos","ida y","Ġcl ips","Ġatra pa","ari ño","Ġsuspendi ó","Ġdesvel ar","Ġarrepent ir","ĠA ch","ĠEn tiendo","Ġtribu tarios","Ġpár pados","an y","Ġvil lanos","Ġp álido","ĠP GR","Ġrepent inamente","é valo","én ix","Ġtr un","Ġdesaf iante","Ġpre hist","ĠMur ray","ĠPi qué","Y T","w ear","T amaño","aliz aba","end remos","ĠCine mato","Ġcro w","Lin ux","Ġs cra","ĠG ene","Ġedi tora","Ġpelo tón","Ġindirec to","Ġarquitectón icos","ĠRe ich","ĠFINAN CI","iz u","pon de","Ġpe laje","ĠTrans form","ĠÃģra bes","Ġdisco gráfico","ĠVal oración","daf ric","Ġf ún","IF I","ĠEspeci alización","Ġped ales","it te","ĠRe para","Ġconven ció","mbi to","ĠFir st","Ġen ar","Ġtra yendo","Ġcanad ienses","Ġterapéut icos","f ile","s ionar","Ġt ónica","Ġcerv ical","Ġautos u","ĠCon cordia","Ġpal omas","Ġlin terna","Ġnomb ramientos","hor ias","ĠIns cripción","v y","Ġcereb ros","Ġfur or","Ġembu tidos","ĠE CO","Ġpi leta","und inamarca","Ġ13 8","Ġpatrocin ador","Ġcham pi","ues t","lic ante","Ġconsist orio","ĠT ags","puzko a","tra ck","Ġson ó","ĠSu zuki","Ġacep taron","r genes","n ueva","Ġs ap","da ño","Ġcar amelos","Ġlu ció","Ġdesalo jo","se e","Ġat lán","V o","ĠAgre gar","p lex","Ġb icho","den ales","ĠâĢ İ","endi ente","ĠÃģ lex","ĠVilla ge","ĠAje drez","Ġampl ificador","ĠCre cimiento","ĠDefin itivamente","Ġpermi tidos","ĠAle grÃŃa","Ġren gl","ĠCel ia","Ġpira terÃŃa","Ġtóx icas","ĠCorre dor","ĠEntren amiento","de ri","Ġqu era","Ġdan és","ĠAut oma","6 50","Ġir rupción","cri pti","ĠProduc ts","ĠMila gros","ĠF ace","esti a","ĠMedic amentos","en ces","DE Z","qu ist","Ġlatino americanas","om itas","Ġestudi ados","ĠCar idad","Ġadicional mente","Ġglánd ula","profes ional","ĠDem ócrata","ĠAlh ambra","al de","Ġh t","per ras","Ġmon je","Ġofre cimiento","ĠDesarrol lar","Ġperf or","Ġhorri bles","ĠOlimp o","ĠRecu per","Ġg ambas","car lo","Ġdescar tado","Ġresta urado","Ġpenitenci ario","ĠAn cho","ĠAr tistas","Ġconcent rada","Ġconfirm ados","ĠL la","uel vo","Ġmotiv ados","cán tara","Ġapar ecÃŃan","ill s","ĠVel ásquez","ĠCoopera tivas","ĠY ar","ĠCir co","lan deses","Ġalucin ante","ent ina","Ġdeb idas","Ġide ológicas","ĠOn c","Ġrepor tan","n ull","Ġencan tos","Ġadop tando","Ġrestable cimiento","Ġges tora","Ġenter rar","ĠLO PD","Ġdesenv olver","ĠPos iblemente","Ġgub erna","Ġasust a","ĠE ficiencia","Ġesp el","Ġpudi éramos","Ġflo tando","ingü ÃŃstica","Ġcodi fic","Ġ æ","Ġeduc ada","Ġelimina torias","Ġdescendi ente","al ÃŃ","Ġaus entes","Ġz or","Ġentr antes","Ġplacent era","Vis ita","Ġescán er","Ġmor tero","ĠMin eral","ĠFer rol","cons umo","B y","Ġaf lo","ĠG ral","gan es","ĠW ol","Ġsuger imos","ĠF es","ĠRe por","ĠCar e","In terna","Ġfascin antes","Ġimportant ÃŃsimo","pue des","Ġchoc ar","in stitucional","Ġorganiz arse","Ġnomin ados","Ġtrascen dente","Ġdañ inos","Ġcan taba","Re vista","ĠSer na","Ġtre intena","Ġa tis","Ġen cas","iz ed","Ġso pl","AM ENTO","Ġconsum iendo","Ġlitig io","M el","s um","ĠGa z","UM EN","Ġagricul tor","ol oc","ĠP inar","quier do","Ġgu an","Ġplacent ero","Ġestim e","Ġdenunci ando","ĠDig itales","Ġmand aron","Ġlond inense","Ġah on","Ġtir adas","ñ etas","ĠSan til","ĠDes apar","3 20","V R","ĠB AL","ĠS ide","ĠJ um","ĠSu ites","Ġgir ó","ĠAurel io","ĠAcondi cionado","di rig","Ġcál idas","ĠPens amiento","Ġluminos os","ĠVac aciones","C hi","l eras","ac ucho","ĠW ire","Ġrec tific","gü ey","Ġsab ado","fo tos","ĠApro vecha","Ġblock chain","M enos","P ri","Ġselec to","Ġpost ular","Ġï ģ","Ġpla tino","ĠLo terÃŃa","ĠGál vez","ĠCan ción","Ġagu dos","lle var","Ġimb é","is io","Ġis lámico","ĠHol mes","Ġcostos os","Am eric","Ġcu m","Ġproteg iendo","ĠVol umen","Ġdar lo","ĠMos sos","ĠTan go","Ġsofist icada","Ġcomprometer se","ĠDubl ÃŃn","ÃŃn icos","Ġidenti fique","Ġliber ada","osp ech","Ġcomprob ó","Ġau daz","ĠMi quel","Ġardu o","ÃŃo do","ĠSh ell","Ġus ará","ed onia","fica cia","Ġib érica","Ġalcanz ará","Ġláp ices","U so","Ġp end","ĠF icha","ĠPS G","ĠRecuer de","Ġempe orar","Ġemig rantes","Ġescru tinio","Ġescr úp","Ġde ud","Ġes cep","Ġhir viendo","ñ ales","ut z","Ġliqu ido","Ġbarbar idad","Ġre b","ter est","Ġgen éticamente","Ġcateg oria","Ġvic tor","Ġestratég icamente","D icha","W ill","ĠD ichos","ĠChamp ion","Ġg et","Person al","Ġventan ales","ĠConn ec","Ġal quim","ĠJ uega","Ġbacteri ana","ĠA ñade","ce de","ĠPer ro","Ġater ror","ĠDÃŃ ez","Ġsier ras","Ġbaj aba","Ġur ge","Ġpagar on","de be","Ġg im","Ġdenomin ador","ĠAlmac en","Ġcon dol","per ia","Ġorto doncia","T i","ï ¬ģ","Ġch im","ĠBien al","Ġauditor ÃŃas","im il","Ġcoun try","Ġagre gan","Ġentregar se","ari um","ĠTen drá","ĠBer lin","Ġimpresion ado","�� �","Ġgrandi oso","T ambien","e ados","Ġsu izos","ge te","Ġfir man","ĠRa in","ĠEc ologÃŃa","Ġbou tique","M ADRID","Ġprimer amente","CI L","GRA F","ĠT v","bl igo","ĠEmil ia","ĠDesp acho","n icos","Ġdestac amos","Ġdesp l","Ġunif amiliar","ĠNa tura","ĠContra tos","Ġenvas ado","nav ales","pa pel","ĠN es","ĠAlum nos","Ġto uch","19 87","Ġs ill","Ġatac antes","ĠCo hen","Al ta","Ġmoment án","? ),","Ġban ner","ĠCas h","Ġpin za","Ġdetec tor","DD DD","ĠDim ensiones","om ista","ĠD iver","cin es","Ġacce den","Com merce","Ġrazon ablemente","е ÑĤ","Ġhur to","' âĢĶ","An terior","Ñ Ĩ","un i","Ġimp usieron","ĠEl vira","Ġ19 24","ĠCo che","ie gos","ĠSoci os","Ġsosten ÃŃa","Ġhumill ación","ĠSatur no","Ġen uncia","Ġg av","ĠI tur","ĠSE GU","ĠAC B","Ġpro ximo","ĠCh ivas","Ġvisit en","Ġcon cha","ĠM TV","Ġmi mo","Ġanim adas","Ġdejar é","be lo","ish ing","ĠRepubl ica","an istas","Ġpr ÃŃncipes","Ġins isten","Ġ[ [","democ racia","Ġh uye","Ġrob ó","Ġper can","iz arlo","Ġotor gará","es pec","ĠM Hz","ĠPe ñar","Ġ ا","Ġsu bi","Ġcomun ales","ĠMá quinas","Ġencarcel ado","Ġimport ado","Ġrev iv","Ġinex istencia","ĠGiovan ni","Ġcu car","Ġad quiera","Ġag on","Ġ13 9","Ġcelebrar lo","01 0","Ġsobre dosis","ĠLe ones","EN SA","Ġcontinu ando","Ġconoc éis","Ġfrág iles","Ġinco her","Ġpé talos","lu gar","Ġarbitrar ia","pÃŃ xeles","Ġanarqu istas","Ġtibur ones","Ġpelir roja","Ġt w","do va","Ġexp lanada","Ġcentro americanos","Ġespon tan","Ġda ña","Es as","Ġre goci","Ġk Wh","ĠTen drás","Ġresca tado","Ġenz ima","Ġsu da","ĠMon señor","pro ceso","12 3","dis pon","Ġdesn ud","M AC","Ġp illa","ĠD ebo","ĠGu ard","M aster","Ġre bos","Ġalter ado","ĠUl ises","ĠConv ento","H P","ac tiv","tor is","ĠQ uevedo","Ġsobreviv ido","Ġances tros","Ġc v","Ġra ting","Ġsol idar","ima ge","Ġfor tu","j é","ĠRe lojes","US D","ĠFrank furt","Ġe rup","Ġatra pada","Ġcome tiendo","ĠMir ror",". ?","Ġenf ado","tit lán","im on",". ]","ĠP ocos","ĠD U","Ġdej aran","Ġinexplic able","Ġaná lo","sa ge","Ġesper mato","aliza cion","Am igos","Ġfer ry","Ġproporcion ó","Ġ3 80","ĠContin ua","Ġtur cos","Ġprecur s","ĠðŁ ij","ĠAlcor cón","o jos","ĠM ES","Ġdescon f","Deb es","ĠCon ducción","Ġreun imos","Ġdiscur re","Ġreta il","Ġasist enciales","Ġord inarios","ĠM ona","Ġano ch","Ġgarantiz ará","ĠÃĵ r","Ġexperiment ó","Ġboc ado","Ġpos ea","ĠGal legos","Ġfas cistas","Ġ90 2","ĠHan na","Ġdial ec","Ġmuestre o",".. ,","co u","Ġpa te","Ġro tonda","ĠEsta cionamiento","A licante","f lex","Ġconvertir te","Ġgobern anza","Ġemble máticas","Ġsar gento","mo delo","Ġamb iciosa","Ġtritur ador","ĠPR OS","Ġpeculiar es","ĠS n","D B","Ġb at","Ġab ran","ĠCon duc","Ġrep ita","Ġsil icio","fr ÃŃo","ĠMulti media","Ġaud ÃŃf","ĠCom edia","Ġrepor teros","Ġmuch achas","ent era","le ña","Ġfiel mente","Ġpist olas","Ġexpropi ación","O T","ĠEn viar","Ġprefer iblemente","ĠVis itas","Ġcontra tó","Ġcircul aba","al dad","Ġexhib en","Ġhemor roides","Ġtal lo","ĠEncar nación","B or","ĠDe trás","se jos","Ġsolici tadas","Ġincon trol","ĠMed ical","Ġparo dia","Ġintroduci dos","Ġel as","Ġrev iew","Ġadap tando","gran de","ĠDibu jos","ĠIndÃŃ gena","ĠJ UL","Cu anto","le tt","ut her","Ġho guera","Ġrecur ren","cop ios","\" \"","Ġla titudes","Ġex acer","ĠDe le","Ġingres e","ĠPRO PI","Ġresul tantes","ĠInst ancia","ci er","ces orios","Ġcruz adas","ĠÃļ nica","Ġgem elas","X L","Ġvie tnam","Ġdeform ación","gre ga","Ġmam adas","ĠChil ena","gu ro","Ġtrim estral","Ġembri ón","idad as","Ġjud ÃŃas","ici ales","Ġmar ineros","OR K","Ġjo dido","ĠHer mosa","Ġllan ta","Ġma tch","Ġdesp il","Ġre bus","Ġb reak","ĠT amb","Si mplemente","ry n","Ġdenomin ar","rom ial","Có digo","ĠP umas","Ġ19 19","ĠAn ima","Ġleer se","Ġcore ana","Min isterio","Ġtras tero","Ġadu anas","Ġva ti","Ġasign adas","Ġantidesl izante","Ġsu c","Ġser bio","ód ulos","Ġne f","Ġexten diendo","ĠFrida y","A ust","Ġsir v","ĠEsc ribe","Ġam on","Ġ4 20","ĠNo vo","ĠLe tra","Ġcul tos","Ġrepar ten","B IO","ĠLu ke","Ġpromo tora","Ġras tros","g adora","Ġc res","Ġaprovech amos","ĠvÃŃ rgenes","Ġchor izo","ĠpartÃŃ cipe","Ġsucu mb","ĠL aredo","ĠAl fon","ĠCam iseta","ĠForm ulario","A ce","Ġclas ificada","Ġinstal e","Ġdesaf iar","W e","qu ines","Ġ- --","S ergio","i alidad","ĠS ter","ero y","ĠGar za","ól ito","A ir","Ġsector iales","Ġcrip to","war ts","Cór doba","Ġreg irá","Ġrep rimir","Ġestructur ada","Af ortunadamente","2 20","Ġampl iada","Ġcolabor adora","b ene","ĠE vent","ig ü","ĠmÃŃn imamente","ung alo","ĠArti ficial","ar u","Ġin éditos","Ġac ort","Ġsal drÃŃa","Ġsuper visor","Ġfis uras","Ġolvid arnos","Ġcertific ar","ĠInm igración","Ġcl amor","ĠArgent inos","de le","Ġllegar an","Ġmagn e","Ġrelaj antes","ĠNex us","Ġfrega dero","tr ante","Ġproporcion amos","Ġfedera ciones","Ġleg is","Ġdin eros","Ġacer co","LE O","Ġfelici tó",": ...","S ch","Ġen cog","ĠH ugh","ĠPor n","ip lo","Ġafec taciones","ino is","ac cion","ĠV inci","ĠPon emos","ĠHy undai","Ġabandon an","Ġpat rió","p lano","Ġpar entes","ĠS lam","ĠCh or","Ġgan adoras","ĠMon tenegro","Ġinfec tado","Ġconsa grados","Ġsurre alista","den t","Ġinst intos","Ġmaqu inarias","ĠL ite","ĠIn ver","Ġcolec tividad","Ġcomunic arnos","ĠNi ña","ĠL if","Ġad jetivo","Ġinjer encia","in m","ĠH izo","ĠE us","Ġestupen dos","ĠTok yo","Ġloc almente","Ġimplement ando","Ġplac ebo","Ġcontra ata","Ġcont adas","Ġorganiz adora","Ġpremi ar","ĠFun ciona","ĠIsa ÃŃas","ĠM ist","ĠN FL","ĠCon j","Ġ14 3","Ġcep as","Ġin des","Ġrefor zada","Ġsocioecon ómico","Ġanarqu ista","pol ÃŃtico","Ġcorrer á","Ġré plicas","Ġalbañ il","ĠS OS","ĠPa quete","Ġu d","19 84","Ġocupar on","Ġenchu fe","Ġelo cu","Ġejerci da","Ġdetec taron","Ġresuel ta","Ġarque ólogos","ĠTen iente","s ky","ĠDefens ores","Ġca igan","ĠJa cinto","Ġpega tinas","Ġalmend ra","go t","Ġescri bi","Ġinex per","Ġsovi ética","Ġpu b","Ġ19 26","ĠKa z","Ġbuen ÃŃsimo","gos o","Ġama zón","C ul","O c","ĠC IR","Ġhab ra","ĠEst ero","Ġdesp ensa","ĠPh ill","új ula","Z AS","li qué","ĠTh ea","Ġsigu iera","Ġal ent","Ex tra","Ġhin chada","V ent","Ġcub rÃŃa","Ġcru ciales","Ġanón imas","Ġdema go","le ño","ĠCar ro","Ġenv ueltos","Ġdev olvió","ab ul","Ġabord ó","F EC","ĠO porto","Ġmantener los","' ',","Ġespeci fico","Ġhospit alización","Ġsex enio","Ġhon go","Ġencu ader","Rafa el","Ġvigil antes","Ġsupl ir","ĠAntár tida","Ġex óticos","Ġpig mentos","tr om","ios idad","ĠV ea","Ġ ĸ","Ġgro tes","ĠK ub","ĠPer ez","Ġintentar é","ĠbÃŃbl ica","Ġag onÃŃa","Ġapunta ba","N UE","ĠPar kinson","Ġexpan s","Ġolig arquÃŃa","Ġcu rado","Ġch in","ĠTen dencias","ĠMag ia","ion arios","Ġdejar le","ĠDirec to","es pañol","je ta","Ġplie gues","ĠReme dios","lev eland","ĠMos trando","Ġinstruc tores","ĠInstitu tos","ra mo","mo do","Ġhac ke","ĠCON SE","Ġdiscu tido","Ġads critos","ĠtÃŃm ida","ĠRedon do","Ġexuber ante","Ġan claje","Ġban queros","Ġsum ario","tiv in","Ġha gáis","Ġconocer emos","Ġpos tear","ĠD B","Ġan or","Ġimpon ible","ĠSor pren","Ġrena cimiento","Ġanalf abe","Ġestupefa cientes","Ġv ió","Ġper ime","LE X","Ġcatástro fes","ĠI st","Ġhum ede","Ġelabor ando","Ġavalan cha","Ġinsosten ible","Clo ud","v aca","Ġd ándose","Ġtermin ologÃŃa","ĠIn nova","Ġsent enciado","оР»","Ġvari abilidad","de ce","Ġc ante","ĠEurope os","Ġpres ten","ET AS","ĠExtre me","Ġe Bay","ĠC ib","Ġb ib","Ġtembl ar","Ġdri vers","Ġcor rig","ĠOs curo","Ġres ar","Ġsem bl","p tica","Ġp aliza","ĠBar co","amb ia","Ġesc rÃŃ","Ġcan tó","Ġolvid ada","Ġbomb eo","Ġman ag","Ġexp ensas","Ġcl éri","Ġsubl im","Ġgobier nan","ĠN ECES","Ġna cimientos","Ġperm is","Ġasim ilación","F á","é rito","Ġbas tar","zar d","ĠVers ÃŃculo","ĠObre gón","lan de","Ġhos tig","Pon er","an ÃŃas","Ġcompar ando","Ġpost ulación","ĠMis ericordia","ĠD ON","ĠH omo","Ġexager ada","ĠSystem s","ĠM ajadahonda","ĠU CI","Ġman zan","Ġorganiz amos","ĠTlax cala","R u","Ġca zo","Ġinv ade","Ġgenu ina","ĠPOL Ãį","Edu ardo","ĠA FA","Ġposes iones","Ġcom es","ĠGu ÃŃas","Ġguardi án","Ġpres tador","Ġ £","ĠUn i","D ecreto","Ġman che","ĠPar tidos","Ġrev uelta","ĠFac tor","Ġsignific arÃŃa","ĠSolu tions","Ġesceno grafÃŃa","Ġe dul","eb ro","Ġcer ros","ĠAs igna","Ġfacil itamos","Ġcampes ina","Ġvec tores","ĠGlas s","ĠD as","Ġpre hisp","Ġacce diendo","democ r","Ġinter personales","ĠCom una","Ġdep rim","ĠF ib","ida de","ĠCu riosamente","Ġprovis iones","ĠFED ER","Ġprivileg iados","Ġfrag mentación","bl ica","ĠRe gres","omb erg","Ġleer la","am eño","ĠD NS","ĠCa usa","Ġfl ip","ĠTrabaj a","Ġportu gueses","Ġesqu ivar","Ġintac to","Ġdiscern ir","ist ió","Ġintens ivos","Ġam ones","Ġmayor istas","Ġderiv ó","ĠCL IENTE","ĠSOL O","Exper tos","Ġa var","Ġcomun ique","Ġcompla ciente","ĠMaz da","ĠEx posiciones","Ġpag adas","ĠMassach usetts","Ġm acetas","Ġro tas","Ġidén ticos","Ġrep udio","Ġcambi arÃŃa","ĠProvin cias","Ġferrovi aria","Ġba teria","Ġfas cina","R AL","Ġgan ará","Ġbusque da","Ġ20 22","and re","Ġpod ÃŃas","Ġcoj ÃŃn","ĠO sa","ĠEx pan","Ġpack s","iz able","can z","Ġsup lan","ĠF irma","Ġap uros","Ġfun g","ĠHar ris","ĠMichel in","ul ina","Ġrasca cielos","ĠCiudad anÃŃa","cle ta","Ġderiv arse","Ġre uma","ĠP ron","Ġop cionales","ĠRA E","Ġétn ico","&# ;","unta des","Ġsumerg ir","Ġcerra jerÃŃa","Ġ6 000","ĠINV ESTI","D M","L N","ĠG rim","оР´","ĠL ud","ĠHen ri","Ġopos itora","Ġbande jas","Ġprefer entes","Ġran ura","Ġtrac tor","ĠElim ina","te las","dr ich","Ġri endo","ĠA ge","ĠRe a","AS H","ĠÃģra be","enta i","Ġtor rent","Ġeman cipación","Ġcomp il","Ġmal lor","econ omÃŃa","Ġmu taciones","Ġpre gon","ĠWal t","Ġdifer enciales","idu o","ĠEnferme dad","Ġtit anio","li ques","Ġconfigu ran","Ġdespe dirse","Ġdep ur","ĠAcuer dos","ĠQu i","Mo delo","Ġconfec cionado","Ġcompres or","Ġp udor","ipú zcoa","ç ļ","Ġcas eta","Ġadi estramiento","Ġcontempl ados","Ġpra xis","ĠM eso","Ġtrans cripción","ĠWar ri","del la","Ġhabil ita","ĠRol l","Ġlici taciones","ĠMIN IS","ĠVideoj uegos","Ġin imagin","Ġcaus aron","Ġjun tan","ĠFon tan","ãĥ ¼","tos is","ĠB éisbol","Ġcircul ando","ãģ ®","Ġagropecu ario","ic u","var rÃŃa","ĠTer cero","Ġnomin ada","Ġju ra","Ġmoder ados","Ġsimbol ismo","TE G","s ina","Ġm aj","Ġcomp as","Ġbur ro","Ġtemper amento","Ġlu to","Ġprome tida","ĠPon s","Ġsever os","ton ÃŃa","ĠBust amante","Ñ Ī","ĠC RI","con os","Ġin cin","Ġviv ientes","11 2","ĠRe iki","ON E","Ġdocu menta","Ġbrig ada","G lo","O ne","Ġc ian","Ġé bano","Ġeduca cion","Ġchocola tes","Ġpatrocin ado","Ġtác tico","Ġc Ãĥ","Ġcostos a","Ġcolon iales","Ġtradu cida","ú stica","Ġres entimiento","gan as","Ġun itario","ĠCar vajal","Ġimpac tantes","Ġjustific an","; ,","ĠCo bre","Ġmand amiento","Ġcongel ación","Ġcal lado","Ġprob ados","ĠEN ERG","ĠMac ron","Ġcal uros","Ġaz teca","Ġdispar aron","Ġvendi da","Ġm ÃŃstico","ĠF ER","Ġdeb éis","Ġal bar","ĠP inos","Ġsus hi","Ġro tul","tt y","ĠCos pedal","Co ord","Ġrein iciar","Segu ridad","ĠPregun ta","ĠP rada","ĠDe an","Ġaper itivos","Bus car","ãĢ ģ","Ġmicró fonos","Ġtax istas","ell s","Ġdispar es","S iento","Ġcar ajo","Ġacadem ias","Ġr pm","Do wn","ĠSum mer","Ġdesembol so","ĠT et","Ġ15 6","Ġcolor ante","Ġpros igu","Ġexci tante","Ġcancel ado","ĠMaxim iliano","Ġ ÃŃmp","Ġcoinci dencias","Ġcodi ficación","ĠChill án","fi x","ĠMer ced","ĠUn ica","ĠX avi","Ġarque ológica","Ġmurci é","Ġs ida","Ġpi ece","Ġbenefici osa","Ġlac tosa","ĠEstu vo","Ġoblig aron","ĠLeon el","Ġdel gadas","id ó","Ġpol ÃŃm","An drés","L eo","mp la","ĠMu jica","Ġenfrent ando","ĠCU P","Ġroc ÃŃo","w ri","x on","Ġsi rena","Ġho jal","ĠRo zas","L ópez","ĠP UN","Ġpla yo","ĠPlay er","á rate","Ġre as","Ġans ia","Ġliv iano","Ġequita tiva","ĠBuda pest","Ġecolog istas","i pa","Ġcal m","Ġinspir an","oooo oooo","Ġpor tadores","Ġdi af","Pro ducto","Ġemig rar","L M","Ġen ano","ĠLe tizia","Ġpan dilla","Ġdistribu idora","Ġbes ito","Ġintemp erie","Ġas unción","ĠEv itar","Ġbil iar","Ġtra tarÃŃa","ĠDepartam entos","R ock","Ġo to","ĠY ang","Ġdeb u","df ul","ion eras","Ġboc as","Ġcha tarra","V in","ĠAR N","S anto","ĠM ister","Ġdif iere","Ġinterac túan","Ġchil enas","Ġzana horias","Ġmasturb ación","Ġesper arse","Ġpobl ada","!!!! !!","it su","Ġ19 12","Ġestrel ló","Lib ros","s ÃŃn","ra me","Ġdic taduras","ál idos","Ġex enta","ER AS","Ġprepar aba","Ġll ene","ĠDes tino","ĠInter americano","ĠRo om","ĠComun itario","dependi ente","Ġglú teos","Ġcos tero","ĠAle mana","Ñ ĸ","ĠX ML","Ġdirig ieron","Ġreconoci eron","Ġfe ha","Ġhard core","Ġtres cientos","Ġdar ás","ĠFamil y","Ġcamina tas","S N","ĠA migo","tu vimos","ĠT ram","Ġan ales","Ġver bos","lu jo","Ġmane jado","Ġcarn é","ĠRendi miento","ú e","y al","romial gia","Ġser ian","Ġli mos","ĠP eople","Ġus abilidad","ito l","Ġflex ibil","Ġenamor ó","ĠU se","ĠlÃŃ rica","Ãį O","Ġexpan de","Am érica","ĠG ad","Ġexig ÃŃa","Ġaventur ero","Ġn ick","Ġme me","ĠIn gen","ĠAl cántara","vis o","Ġreti re","Ġchan ces","Recom end","VÃŃ deo","Ġa mos","ĠL obos","ĠD ue","Ġarras trando","Ġclasific an","Ġde roga","ĠR adi","Ġbur gués","Ġincent iv","Ġmenstru al","j ack","Ġest antes","Ġmes o","est yle","Ġo ido","ros so","ĠYa h","Ġprovoc ación","Ġultra violeta","ĠIbero américa","Ġman guera","entos o","Ġsuje tar","â Ī","Ġser an","Ġlogr é","Ġreiter ado","terror ista","Ġre duzca","Ġconstruc cion","im ba","Ġar rol","ĠRe ver","Ġvic timas","Ġindustri alización","Ġát omo","Ġimpens able","Ġfin alizará","Ġexpres ando","Ġsa quen","Ġinadecu ada","ac ab","Ġtra iga","Ġbaj amos","Ġremo de","C ine","I CIONES","ĠPer la","ĠPol ideportivo","Ġofrec ÃŃan","Ġagu ard","Ġadap ten","Ġimpuls or","Ġcuestion amientos","H ol","ic anas","Ġv éase","Ġrevel aron","Ġenamor arse","ĠPach uca","Ġdepre dadores","ĠS pen","ios co","ĠEsc uch","Ġhotel ero","ĠLle var","Ġalber gues","Ġla deras","Ġcon je","Ġmanten ida","Ġcil ÃŃndr","ĠN ina","Ġgenera cional","ĠPl ace","Ġcaprich os","ĠEmira tos","ĠBo eing","ĠPort ada","Ġcas ación","ĠEs qu","Ġvuel co","Ġluch ó","rad ura","Ġvisibil izar","L I","Ġdes mes","ici mos","Ġcop yright","Ġplen aria","Ġglor ioso","Ġw ikipedia","ĠMun diales","Ġorganiza tiva","Ġmodern izar","ĠCar melo","Ġfran jas","Bol ivia","ĠE fecto","ĠK ris","Ġdecre tó","Ġesc or","Ġpro hibió","ĠDe ep","ĠAs pectos","Ġacondi cionados","Ġfla g","Ġdi ste","ĠZ ap","Ġresist en","Ġjub ilado","Ġeng ros","d ran","ria ga","Ġagr ario","ĠMc C","Ġho p","ĠTe gu","ĠAtac ama","] ]","Ma gn","ci éndose","Ġno toriedad","ru ci","jo kovic","at lán","Ġp ent","va te","ĠPe trol","ĠGal án","Ġconsa gración","Ġadu ana","Ġpro x","Ġsin ti","Ġsent im","ĠMa tar","ĠK B","amb os","B iblio","ĠSo ul","ĠTe tas","ĠTh eo","ra k","Ġanomal ÃŃa","ĠPantal ones","ĠM EC","ĠHO Y","Ġpredi lec","Ġla tón","Ġan y","ĠN ano","Ġfoto gráficas","Ġinde termin","Ġmedi ar","Ġcont ada","Ġcomer se","ula cion","ĠRen fe","V AS","á d","Ġdis pers","Ġref ieres","Ġinquie ta","Ġmultiplic ado","Ġdeno ta","Ġcach é","ĠDra ma","Ġcaj ita","Ġest rang","Ġsu dafric","Ġ3 40","Ġdesob ediencia","Ġbaj adas","Ġencar ecidamente","Ġdobla je","ĠSit ges","C e","Ġex óticas","Ġamar ga","Ġpose edor","Ġadquier an","ĠTradi cional","Ġpor q","Ġmo jar","pres idente","Ġagu ante","TI CI","Ġre man","Ġar men","Ġpi ados","ém icas","ĠDERE CHO","36 5","Ġinjust amente","Ġvo leibol","pas a","ĠCatal án","Ġcasti gos","Ġtenta tiva","Ġtecn ica","Re alizamos","dis co","å Ľ","am ás","ab ajo","Ġpe do","Ġve ÃŃamos","Ġra tificación","ĠSal gado","Ġregal aron","ĠEras mus","Ġsu cios","AC K","Ġcoreo grafÃŃa","B re","Ġes encias","ĠMen ú","Ġde duce","Ġbuen ÃŃsima","Ġconcre tó","Ġref rac","ĠCab al","gri ma","Ġreaf irmar","Person almente","Ġsinerg ias","om ing","ĠLe jos","ĠLas t","ĠUN IC","Ġino cu","Ġa tur","Ġd ándoles","ĠJ ol","Ġconci be","de t","ĠIn greso","Ġrespon dan","Ġcondi cionado","Ġtri plic","tar ÃŃas","Es peci","s ie","Ġso pas","ĠNO TA","Ġfidel ización","R D","ĠM oya","Ġretra ta","Quién es","Ġ19 23","ĠGran ados","Ġarreg lado","Ġenmar cado","ĠDamas co","Ġacos tarse","á cido","om or","Ġmu do","ĠMe dida","Ġapoy amos","n or","Ġpara ca","Ġvecin ales","Ġe tim","Ġencontrar te","ĠFo ur","Ġanal ogÃŃa","Ġhos tal","Ġre inci","ĠL losa","Ġdescub ra","Ġcontes tado","ĠDyn am","Ġk ur","ENT AS","Ġdespleg able","o tros","Ġo jeras","ĠDe uts","Ġsus critos","min o","ĠP ale","vi des","Ġmedioc amp","an ero","Ġpar iente","ri ano","Ġmer ec","ĠPal ace","Ġesco cés","Ġcuidad osa","ĠTro feo","In fo","Ġinvers ionista","Ġbon ificaciones","pl ora","Ġbio grafia","ĠFon t","Ġregist rando","Ġconsul tadas","ĠEr mita","Ġescla v","vig ilancia","ĠZav ala","ra t","Ġreun irán","Ġintercon exión","Ġincógn ita","ci cl","Ġcor tan","Ġop uestas","ĠQu isiera","н Ñĭ","Ġalej adas","ĠPy mes","ĠIber drola","Ġrene go","n uestro","Ġreg ir","10 2","Ġurban ÃŃstico","Ġb ucle","ĠUnivers itarios","Ġtur ca","s amo","en era","Ġdest inará","Ġtras ciende","ĠCh eck","Ġsepar ador","Ġsupon iendo","Ġcoordin adores","ĠSS D","re go","Ġdes anim","Ġco ag","Ġcoti zar","Ġtibur ón","Ġcarc ajadas","m ut","Ġat ribución","Com enzamos","Ġgestion ados","ĠE ros","Ġpudi esen","ĠRa w","sion s","Ġimpermeabil ización","pu b","Ġposi ciona","Ġproxim idades","ĠCorpora tiva","en lace","mb ar","ĠAm nistÃŃa","M ens","ad ares","ti ones","Ġex entos","Ġayud arÃŃa","Ġindi e","ĠPens é","Ġeslo gan","ĠBry an","Ġg rada","Ġcontra posición","Ġjug adora","ĠSuper ficie","Ġgobern ado","ĠPie zas","n era","ĠGir ls","ĠHil ton","Ġpol ÃŃ","Ġpl enos","Ġtipo grafÃŃa","ĠPar ejas","ĠNe gras","ĠSon ido","ĠChan nel","Apren der","Ban k","B r","Ġ16 8","Ġespeci ficación","Ġcome tieron","Ġimprim e","Ġan aran","Ġconf ió","Fel ici","Ġt uc","ut ón","reg ulación","Ġinterpre tan","Ġa pañ","al te","ĠEx presión","Ġarom áticas","h ima","ac ep","Ġinstan táneas","Ġt án","Ġreactiv ar","! \",","A E","P iso","ar ta","Ġtelevis iones","ĠPROYEC TO","A hor","co ck","Ġpol ie","Ġquer rá","Ġlim ÃŃ","Ġatribu ido","ĠR ELA","Ġinter ferencia","Ġce didos","Ġceb ada","ĠOb rero","ĠimplÃŃ cita","de pendencia","Ġapoy e","Ġdecora tivas","ĠPal m","DI CIONES","ĠJord ania","ĠAlco bendas","Ġenten didos","ist encias","Ġir te","qu eria","Ġam ol","th ing","ICI O","ĠF ig","ex ia","Qu isiera","Ġfra mb","ĠG endar","Ġcuad rang","Ġarro yos","igh ter","Ġempo der","ĠF est","tac k","Ġabsolu tos","ĠBras ile","RES OLUCION","an era","ĠJu icio","Ġtrascen der","ĠCONS UL","Ġcontar le","ĠRam on","Direc tor","ĠR AD","Ġpas tos","Ġamena zada","h ual","ĠA j","Ġman de","inos os","Ġbril lan","Ġp idan","espa cial","ĠMill án","ic ular","rec om","com bust","ĠFor mosa","ĠHar vey","Ġescog ió","Ġespin acas","Ġ19 22","Ġmantener la","ĠAra uc","Ġusar las","Ġp ho","ci ru","ad izo","Ġprob ó","Ġcuch illas","ĠTrabaj ar","Ġinter mitente","ĠIr ma","al ea","Ġfacil mente","Fu imos","ĠCÃŃv ico",") \"","y pe","Ġpe p","Ġhom ónimo","ĠDi go","Ġdesc endió","Ġzo o","Empez amos","Ġla urel","Ġab rÃŃ","ĠSi guiente","Ġdefini tivas","Ġanal ÃŃtico","ĠFal le","Ġinvent or","ĠProve edor","g ándose","Ġl unas","ĠR ud","ĠIn iesta","Ġins critas","éspe des","Ġs port","ĠCo ur","ĠSus an","Ġcentr alizado","Ġpar tners","Ġcondi cionada","ĠSolid aria","ĠAr ica","Ġ15 3","mujer es","Ġsuger ente","Ġterren al","Ġalaban za","CUR SO","Ġgen ital","Ġviaj aron","G G","t ólogos","Ġba tidos","ĠRu bi","Ġdiscrep ancias","Ġex hibiciones","Ġneutr alidad","ĠNex t",") âĢĿ","ĠP uertos","00 2","vi deos","ĠSI EM","Ġjab ones","Ġgen ios","Ġal p","ur f","Ġinsul tar","ĠImp or","Ġdura deros","а л","ĠPRE CIO","Ġreen car","ĠH av","Ġco ña","Ġdu pla","ĠBlan cas","du ro","tó lica","ĠPa trón","Ġol ivos","viv ir","Ġcomunic ará","Aquel los","Ġreba ño","Ġotr ora","Ġesp árra","und ing","Ġincon tables","00 3","Ġoptim izado","Ġandal uzas","Ġlimpi ador","Ġaf lig","ĠZ idane","Ġrefug ios","p d","Ġentr ena","Ġarrib ó","M arca","tr all","ÃŃs os","Ġproces a","ĠReg las","adal ajara","Ġcon cuer","tón ica","ĠFA O","Ġdemar cación","Ġy ema","Ġterrible mente","Ġrigu ros","Ġesconder se","Ġprofundiz ación","Ġº C","Ġ( âĢĺ","Ġdecl are","Ġparque t","ĠGrad uado","Ġas ienta","Ġpu ñeta","Ġéx tasis","Ġlente jas","Ġilim itada","Ġcaracter isticas","Ġret oma","ĠContemporán ea","Ġengen dr","en c","ĠPel ig","Ġrema ke","== ==","e tu","ci ty","Ġno dos","Ġfin g","Ġante proyecto","ĠHéro es","ĠCarre four","Ï Ĥ","te b","ex cl","ĠEmp ieza","Ġcome dias","Ġvisitar lo","Ġempres aria","Ġhi alur","Ġtiro ides","оР¼","fren ia","ĠAm ado","Ġmeteor ológica","sab es","ĠSomb rero","Ġrevolu cionarias","ĠD GT","Ġra chas","Ġespeci fici","An dal","Ġc itación","ĠP ana","co pi","Ġword press","Ġen cap","Ġven cidos","pr omo","Ġmaf ias","L ife","v ador","Ġv ita","Ġcas ualmente","Ġfi je","Tu ve","ĠRecom iendo","Ġhum edades","Des cub","Al quiler","icha el","ro jos","is cu","Ġdolor osas","ĠPos ibilidad","ĠPubl ic","áce as","N OS","Ġprac tico","Ġran cho","Par tido","Ġespermato zo","Ġf uc","Ġson deos","Ġdo quier","ĠViv es","ÃŃ no","Ġsent ÃŃan","Ġcr ÃŃas","Ġatra jo","ĠAuto bús","ĠMóvil es","Ġfuner arios","ĠLil iana","Ġpar aba","ĠMill on","Ġ( �","ut su","Ġ14 8","Ġefectu ados","Ġpremi ada","Ġlider ó","Ġsemá foro","Ide al","Ġpro tag","Ma x","Ġirregular idad","Ġcatara tas","Ġun dé","Ġayud aba","Ġnor uego","OO OO","ĠRum anÃŃa","Ġprogen itor","ad ada","Ġcor cho","Ġpod rian","Ġplante amos","Ġmarcar á","Ġsuf rida","Ġesté reo","quim bo","p ice","ĠCons ulado","Ġcompren dida","Ġadop tados","Ġasust ado","mi ó","ĠPro te","ima gen","ĠBo t","ĠHab er","Ġagreg amos","Ġans ioso","Ġrob ados","Ġmigra torias","ĠVeter inaria","Ġpenit encia","ĠL oy","ĠRec rea","Ġdenunci ados","ĠEléctr ico","de las","ĠL un","Ġimpar tida","ĠA UD","Ġra pero","Ġtrayec tos","ĠFund amentos","ĠBe et","Ġestabil izar","Ġpre ponde","Ġra cionales","Ġabor tos","ĠpsÃŃqu ica","ĠAr re","Ġcob ros","ĠBus cando","l iz","Ġten eb","Ġconvoc adas","Ġgastron ómicos","ĠINS TAL","Ġlegitim ación","bre ak","én ica","OM E","Ġperiodi cidad","Hab lar","Ġarra igo","Ġsacudi ó","ul so","la de","Ġdesc abell","Ġeco grafÃŃa","Ġpes cador","Ġcompar ada","Ġlin ux","ĠTh under","Ġingres ando","ĠH T","Ġpreten dido","Po drás","ĠPRO TEC","ĠM uel","Ġcumpl ida","ĠPu ma","ĠD IV","Ġtrop ie","ãĢ Ĥ","ĠA pa","ĠM ando","Ġdes vela","Ġhac ha","ĠU sar","Ġom bligo","j ud","por osis","Ġtermin ara","Ġdesp iertan","Ġescén icas","ĠR OD","ne go","Ġrever so","ĠCollec tion","P OL","Ġda tan","Ġsor dos","Ġfra udes","Z AR","j ajaj","mo di","Ġdetec tan","ĠÃĥ º","Ġinclus iva","Ġlamin ado","ĠEx clus","Ġadjun tar","Ġé pico","Ġtran ce","Ġcán ones","Ġol imp","Ġayudar emos","au x","ĠOc ampo","Ġdeliber adamente","Ġsevil lano","tas a","ĠY emen","99 9","Ġaliment icia","ĠCon tador","ĠLo pe","ĠRo w","ell ó","Ġmodific ó","Ġreproduc tores","Ġcontinú en","Ġintim idación","ig nos","ĠDe cir","rech as","cal cul","Ġmon tando","Co okies","ĠChallen ge","Ġejecut ada","Ġcambi antes","ĠM OL","Ġsin tieron","ĠMá xima","Ġservir ÃŃa","Ġopon entes","ĠcÃŃv ica","19 0","Ġmantener nos","Ġaventur eros","Ġgla ciares","ĠO pción","Esc orts","! ),","g alo","Ġla titud","Ġle i","Ġahor ita","Ġchav ismo","Ġantici pa","ĠTher momix","Ġv ario","Ġcor tando","Ġcup cakes","is etas","ĠFran z","Ġpetrol eros","Ġproclam ado","Ġcopi ado","Ġla ure","lev ard","ĠLa p","in formación","fer s","Ġconsidera bles","® .","Ġhun dimiento","Ġmuc osa","ĠKle in","ĠEx actas","ĠC ust","cur re","Ġempren dió","Ġresplan dor","Ġconsegu iremos","Ġlóg icos","Ġimpon iendo","Ġpade cimiento","ĠD ichas","Ġinterro gante","Ġjurisp ru","ĠWay ne","st ers","CI MIENTO","ĠUN ED","Ġmix tos","ĠS tri","ter ri","Ġat ómica","ich el","ĠESPAÃij OL","Ġam al","Ġmedi ador","Ġrevis ada","Ġde val","ĠB rid","ĠB eta","Ġhor quilla","Ġba h","ĠAndre u","Ġcon dón","di á","19 82","ĠMeteor ologÃŃa","ĠR usa","ĠEx ten","Ġgen érica","ĠCl ásica","Ġcla vos","ĠBan caria","Ġmo ho","amil lo","tec os","Ġbul to","ĠS ão","qu a","Ġco tas","Ġad ora","ĠAl ban","Ġante cesor","Ag encia","Ġreactiv ación","Ġquiróf ano","K ar","Ġg ame","Ġpreju icio","Ġdesliz amiento","um ar","ĠEl is","Ġagre dir","ĠGer ard","Ġcinemato gráficas","o ficial","de tes","Ġest om","ĠFe de","Ġmad urar","Ġna f","Ġinvoluc rada","ĠGuardi an","Ġcan sa","ĠS tyle","Ġafec tiva","ĠCor p","Ġgaran tia","ĠPresiden cial","Ġbesa zo","Ġch if","Ġfor ex","ĠSte wart","Ġexcepcional mente","ĠPic tures","Ġqu itaron","ĠMé dicas","mentar ia","Ġ23 5","ĠZucker berg","G én","q l","Ġhub ieras","Ġfich ar","ĠEvan s","ut ch","ER TO","Ġesplén dida","Ġpuertorrique ño","de grad","ĠQu into","ĠTra de","ĠIN GEN","ĠJav ascript","Ġalar m","Ġadjud icado","Ġreproduc en","ĠT EX","Ġantes ala","Ġcorrec tor","ĠLa gar","Ġven dÃŃa","tr eros","Ġpl um","11 5","Ġcro quetas","M AL","Ġentrevist ados","ĠpÃŃ ldora","Ġlitu rgia","ĠHotel s","áce o","Ġlo do","ĠH ud","Ġvo ta","Ġguard aba","ĠIbero americano","ĠCopenha gue","Ġcontar nos","Ġsobresal ientes","ĠComprom iso","ĠLu jo","Ġol ivo","dra gon","Ġdest il","ĠMad onna","Ġlegisla tivos","ĠPent ágono","çļ Ħ","p ide","ĠAs ÃŃs","Ġir ónico","Ġpin terest","Ġbull ying","Ġcanje ar","E ÃijO","ĠC iv","Ġespeci aliza","Ġresolver á","Ġauric ular","H um","to v","ol ia","lec os","Ġinex or","Ġpal ia","pro tec","ĠCos to","Ġalt ÃŃsimo","Ġdisfrutar án","a zo","á manos","ĠC EN","ĠRe aliza","Ġprovoc adas","ĠPos grado","ĠGen era","ĠCONS TRUC","Ġpr ender","ĠW C","Ġresul tarÃŃa","Ġhistor io","Ġre inas","ĠLa y","Ġdirector ios","j oles","Ġso cia","ĠDes emp","Ġgen oma","Ġinsist iendo","Ġrar amente","le var","je t","Ġentre c","ĠAmb ientales","ĠNico le","Ġdefec tuoso","Ġdesembar co","p c","Ġb ricolaje","Ġarquitectón icas","Ġalc acho","p it","Ġdis play","ĠIn ser","so via","Ġsorpren den","Ġlide rando","ĠDispon ibilidad","Ġbala zos","ĠGom ez","te lar","Ġmar ion","Ġcol ind","Ġamar gura","F AC","ĠL lanos","� ,","Ġseman almente","tam inación","Ġrepresent ará","Ġtit ul","ĠAm ador","Ġmete mos","ĠArti gas","Ġembo tel","Ġescep ticismo","ĠW omen","Ġedi ta","Ġet nia","ĠLey endo","Ġasturi ana","tu ros","Ġesc amas","Ġpresi dir","TIA GO","l itas","ac uerdo","ion ismo","Ġsens uales","ĠT AN","Ġch ub","che vi","Ġcomprar me","Ġencontrar los","ĠCrist ianos","Ġper a","ĠJ et","CU ELA","Ġlingü ÃŃstico","Ġmercen arios","y ch","Ġimp uta","estr ales","h ona","Ġtrata ban","Ġinal canz","Ġrehabil itar","Ġcom ÃŃa","ĠConsul tores","ĠAten eo","Ġlubric ante","Ġr ÃŃa","Ġrep tiles","Ġmus lo","Ġclim ática","Ġinscrib e","Ġapel ar","Ġciber seguridad","R ece","dos os","ĠRe ducción","ĠAr ran","Ġperman ecÃŃa","Ġexplos iva","H acemos","ĠCol lado","Ġprotagon izar","ĠO jeda","Ġout let","ĠEx plic","Ġdismin u","Ġrepe tidamente","Ġvence dores","Ġman u","Ġsec uestros","Ġbol itas","AM ENTE","Ġintent aban","Ġavis ado","ĠEc olog","ĠCa tedr","Ġenvidi able"," ħ","Ġten dria","Ġprop ensos","Ġanti güedades","Ġprob ables","Ġatras o","ĠP atro","Ġorig inado","Ġrod ando","ĠOrd inaria","Ġ27 2","ĠDisfru te","Ġt ante","Ġdiferenci adas","ĠAdam s","ĠNaran jo","Ġinsuper able","Ġes bel","Ġgra tamente","éf ono","Ġembri ones","i dismo","ina ta","... ?","Ġvis or","Ġbo leta","ĠELEC TR","Ġedul cor","Ġin habilitación","ĠCat ólicos","Ġescog idos","ĠâĻ ¥","Ġexhort ó","Ġ15 2","ĠMAT ER","al istas","iz arán","Ġca ñas","Ġvol untades","Ġhon rado","Ġgimnas ios","Ġevalu ando","Ġdies tro","Exper iencia","Ġdestru yó","Ġgus ano","Ġtang ible","G ACIÃĵN","ti an","ĠR M","z yn","do or","Ġpose an","Ġemer ge","rist al","Ġpos guerra","Ġexce dente","il eno","Ġhom ólogo","Ġger men","Ġmira ban","K it","ĠC leveland","Ġfinanci ados","ĠOFICI AL","A de","Ġh igh","Ġh uyó","ĠA aron","Ġilust rada","ĠLÃŃ der","se is","Ġva iv","Ġ« ¡","Ġp ut","ĠL er","ĠMon taje","Ġacab en","Ġmega pÃŃxeles","Ġpuri ficación","Ġinquil ino","( \"","Z ona","Ġ3 10","Ġz umos","Ġretir ados","Ġtrai cion","ĠDá vila","Ġconfi ando","Ġpermit ÃŃan","tem or","Ch rist","ĠDocu mental","Ġcron ista","ĠUn ic","Ġcine astas","Ġtro citos","ĠLOC AL","cu atro","Ġtor so","ámb ulo","Ġacent u","Ġesca pado","Ġins isto","N uevos","di v","Ġmon ó","Ġescon di","Ġdesgra cias","H ig","es tación","Ġperten ecÃŃan","ĠT AC","Con ven","Ġdif untos","ĠAdministra tivas","ĠLac an","qu it","Ġgal van","ĠIden tificar","P Y","p ig","ĠH ino","ĠESPAÃij OLA","Ġinsin u","es h","par ece","tec ario","ĠDepor tivos","ĠSha kira","Ġide ado","Ġdesen can","ĠPirine o","ĠA less","Ġnerv iosas","Ġapa cible","Ġcerra jero","ĠOpin iones","iz ales","ĠR EM","ĠDi álogo","ich ar","Ġcongel ar","ĠArque ológico","ti dez","IC ADO","cas e","Ġbo dy","Ġdepartam entales","p úsculo","w orth","ĠV ENTA","âĢĻ )","ĠProduc ciones","produc to","Ġdespleg ado","Ġrefun dido","ĠC ú","ĠAp to","Ġcar pas","Ġmon señor","Ġtriste mente","Ġais lante","Ġtransvers ales","ĠDro p","graph ic","ie mos","ĠO ración","Ġinst in","qu ido","Ġconst an","Ġalt ÃŃsima","xt la","ĠBie ber","Ġper iplo","Ġmar eos","Plan ta","Ġcul tiva","Estu vimos","Ġincompr ensible","å ®","ĠCan ciones","Ġremo ción","ĠInte grado","tán amo","ĠGra ham","ĠGa tes","ĠVin cent","Se x","EE UU","Ġalmoh adas","Ġtermin arÃŃa","ĠSam pa","Ġdescentr alización","ĠAsegú rese","ä »","ĠA vent","ĠNie tzsche","Ġeleg ÃŃ","Ġta ilan","Ġguardam eta","Ġpesti cidas","h emos","ac tivas","D ic","Ġdi remos","Ġincluy o","Ġprofundi za","ĠS ena","ĠCon gres","blo queo","In t","Ġcri ticas","Ġh ockey","Ġdelic tivos","ĠH ombro","segu ro","ĠMer ino","Ġasigna ciones","ĠDia z","ĠHos telerÃŃa","ĠC los","Ġan f","man era","Ġhoy o","ĠðŁĺ Ģ","Ġcalle jera","ĠLuc y","Tra tamiento","Ġt este","!! .","Ġsustan ciales","ĠE T","Un ivers","ĠFon seca","ĠResul tado","Ġpopul ismo","ĠM ack","Ġgu iados","Ġavatar es","Ġcon yug","Ġcu ran","ĠR unning","Ġten ue","ĠAn unci","Ġinac ces","Ġcartul ina","Ġl és","ĠSir ve","Ġra tifica","ĠInst ruc","Ġcaus e","Ġmal igno","Ġtér micas","Ġmig raciones","ĠDoc entes","ĠMich igan","ĠSign ifica","ĠA J","Ġj os","Ġexitos amente","ĠOR DEN","Ġexf oli","ĠRousse ff","ĠIn ci","ĠReg ulador","24 1","Ġa viv","Ġconvertir án","ĠRece pción","Ġun iendo","Ġal zar","Ġple bis","le psia","» ;","uca ti","Ġser eno","nos a","Ġbra zale","Ġevangel ización","den omin","Ġcre yeron","En contramos","ĠUtil ice","ĠV anessa","Ġac ér","po pular","Ġabsur das","Ġestúp ida","Ġescan eo","V IA","Ġc ed","Ġtelevis ivos","ĠL ÃŃneas","Ġpol iuretano","Ġesté ril","fi el","ĠÃī stos","ĠI x","Ġregal an","ĠC lic","ĠC enso","Ġsug iero","E videntemente","Ġres tar","Ġ14 6","Ac tividades","ĠlimÃŃ tro","Ġv ajilla","Ġnar cis","Ġpic nic","Ġcam aro","ren as","Ġdefin irse","Ġdescon exión","IL A","Ġenunci ado","Ġlas tre","ton os","Ġenci mera","PE P","ĠReserv as","Ġaccidental mente","ĠMatthe w","n ueve","Ġal gar","ĠCon vivencia","Pro p","Ġsub director","Ġbo quilla","Ġsolici tamos","ĠCan ada","ĠSen ador","ámp ara","S AL","ĠJa ke","ĠAlgun a","ĠÃļl timas","Ġproclam ación","di oso","ĠG oy","Ġinform arle","ĠFrancis ca","Ġimplan tado","Ġboxe ador","ĠRach el","ĠL eche","ĠB ren","ras te","Ġrecon ocÃŃa","Ġmam i","ĠEX PER","am s","ĠW y","Ġele van","Ġconglomer ado","ñ ero","Ġpr ens","dom et","ĠJ ab","Ġaten dida","Ġcomunic arte","Ġdol encia","Ġb ri","sta tion","esta ba","Ġfar sa","ĠJer ry","ĠRES PONS","Ġterm ales","l amiento","Ġlugar eños","Ġsuper á","Ġx x","Ġpal as","ĠFer rocarril","Ġatre vida","indust rial","ĠSaf ari","ĠAl me","Ġbas ó","Ġhe avy","ĠPromo ver","Ġorif icios","de recho","Ġv iz","Ġalcan cen","das e","Ãī sta","TI R","Ġanal ÃŃticas","ĠM K","ĠT ian","Ġand ina","Ġcamar era","ĠT L","ras sa","Ġconsul ado","Ġinterior ismo","Ġagrup ados","ĠHog warts","I d","O B","n d","Ġrepar tido","Ġconvers iones","Ġcuel ga","ĠLt da","M ara","} .","Ġpar ón","Ġpar amos","Ġinneces aria","ĠSEC RE","Ġinter pel","CI ALES","ĠAng élica","Ġretribu ciones","ĠN uclear","Ġpe dr","val e","Ġdesapar ezca","ĠilÃŃ citas","Ġinterrump ido","C AD","ĠE vil","Ġten dra","TE X","Ġpris iones","Car men","Ġmeter me","Ġd uch","ĠS ELEC","Ġdest ap","Ġrespe tuosos","Ġbru tos","Ġestimul an","ĠE tapa","Ġfavor ecido","Ġmanip ul","on te","Ġsol tura","ĠNe il","TI O","ĠDan ce","person as","ĠEmpren dimiento","E cu","ĠO cup","Ġch eco","Es pañol","ĠLan ús","ernam ental","ĠD ru","Ġtu be","Ġad orm","Ġpla gado","Ġradio grafÃŃa","Ġrem em","ĠJul ie","Ġfruc t","ĠT ip","Ġgalard onada","ĠOriginal s","ç ī","ci c","ĠP uc","Ġnegoci ando","D ebo","ró polis","ver es","Ġcar ecer","Ġobserv arse","mo uth","Ġsec adora","Ġmal ent","Ġapoy en","Ġsuminist rada","Ġcrimin alidad","Ġomn ipres","ri ties","mo v","Ġsal dos","ĠCon o","Ġpla gio","ON D","Ġhici ese","ĠAf ro","Pla za","Ġguar nición","ĠGer ona","Ġanto ja","ĠF itness","Ġinv entos","Ġsa ciedad","10 6","Ġemo ciona","¡¡ ¡¡","ĠRepresent ante","Ġpronunci arse","Ġmasaj istas","Ġidentific aron","Ġremon tada","z antes","af il","Ġanti depres","ies en","ĠHu anca","Ġapu ñal","ĠI F","ĠH ir","Ġcrecer á","ĠGil berto","errec tor","dful ness","Ġgra ciosa","ĠZ ARA","Ġprede cesor","ĠN ó","pl ace","ĠAu tores","Ġignor antes","Ġdudar lo","M undo","Ġn acÃŃ","ĠV aqu","Ġ< <","+ .","Ġte je","ÃŃp tica","Ġlic u","Ġanal isis","Ġnutri tivo","Ġstar tup","ĠRum ania","Ġdesequilib rios","Ġimpugn ación","Ġpedag ógicas","j ará","ĠA ward","ĠK ap","Ġale jan","Ġvib rar","Ġesplén dido","ti remos","Ġme tÃŃ","ust e","__ _","Ġses go","Ġgl óbulos","Ġeb ull","Ġse ña","di seño","il vania","Ġmi ente","Ġdirig irá","Ġrom anas","Ġétn ica","ĠNo é","Pol ÃŃtica","ta y","ac tor","pro te","Ġplane amiento","ul los","Ġle ales","Ġorden adas","ĠPol anco","Ġcompar ecer","Ġfa z","Ġinstan táneo","ĠS orte","ĠM itch","ĠRick y","Ġden gue","serv icio","ĠB ridge","ĠPlan et","Ġagar ró"," Ĺ","Ġaprovech arse","Ġinci den","gran des","Ġhall ados","ĠLleg amos","ĠCitro ën","ĠBar ry","Ġtab leros","Ġad jetivos","Ġnum érica","ĠEusk al","ÃģC TICA","c ac","ás icamente","ĠF ara","Ġflam enca","ĠPROFES IONAL","Ġchak ra","Ġvolv amos","Ġap liquen","Ġcol gantes","Ġexpres adas","Ġbro cha","Ġsal uda","ĠS acerdo","Ġserv ice","Ġhoy os","ĠCo ach","Ġcaus ales","Ġdesapar iciones","CL U","am igos","Ġprop usieron","Ġale atoria","Ġreta blo","Ġenorg ulle","tiv istas","ĠW oman","Ġtal los","Ġllev ándose","Ġcompac tos","Ġpa gada","ĠParlam entario","h emia","Ġdes pu","Ġregul adoras","Ġrepara cion","f ir","Ġ ático","Con tenido","Ġpan ista","Ġdomin ada","Ġchar co","Ġcong estión","qui que","Ġdemos trada","ĠEdi tores","Ġguard ando","j ares","Ġgra ciosas","Ġdesign ada","Ġtard ÃŃo","Destac ó","Ġtra idor","av ente","Ġosci lan","ver al","Ġlogr ada","Ġfana tismo","Ġdo ta","Ġcel eridad","TIF ICACIÃĵN","Ġincle m","olog ies","Ġmala ga","Ġorif icio","la to","Ġacer quen","Ġvir tualmente","ĠAy acucho","Ġvers átiles","Ġalcanz aba","Ġhones tos","Ġcul inaria","ĠSuper liga","imp res","ĠV éase","Ġen ra","ĠB adalona","ĠLe ticia","Ġgobern abilidad","ĠDil ma","ta zo","ĠP UE","Ġhablar é","Ġtratar emos","Ġincorpora ciones","Ġprotec ciones","Ġave cina","Ġponer las","Ġblan das","AC TER","ĠTal ca","Ġbarn iz","ĠT ubo","Ġar it","h id","Ġemp ar","Ġdedic aron","Ġrec ámaras","Ġinter poner","Car acas","Ġre anim","ĠB eth","ĠPo d","11 1","guar da","Ġremon tan","ĠLugar es","Ġm Ah","ĠC il","Ġconocer án","Ġtritur ar","ĠThom pson","Ġubic arse","Ġprote ja","Ġópti mos","Ġfeed back","ĠGRATU ITA","Ġdes uso","iemp os","ĠCo pas","Ġhom ónima","ĠF F","B LO","ĠR PG","UN CA","Ġganar le","Ġenrique cido","ĠVi ol","ĠIma genes","Ġdecora tiva","bn b","ĠC s","Ġdes pen","Ġcor tados","ĠNo vela","Ġfutu rista","ĠHy per","Ġn udi","Ġdañ ada","omen cla","Ġimped ÃŃa","ĠAl mo","Ġexpres s","Ġrepos itorio","ĠAF IP","v iz","Ġcu stom","Ġan chos","Ġrecib ÃŃan","ĠIz quierdo","Ġnet working","Ġse udónimo","ĠF ur","ĠV os","ĠV uelve","ĠO di","Ġestudi aba","IG NA","tan as","Ġcompartir la","Ġvisitar nos","Ġdown load","Ġp ingü","é dicos","ĠT aran","Ġap tas","ha ha","bo t","Ġori undo","Ġrela ja","Ġ; -)","Ġaquél las","ĠN ADA","Ġsole mn","Ġhabil itada","ĠPel le","pany ol","Ġres ort","ĠCo de","Ġdisfru tó","Man if","и ÑĤ","Na cido","ĠBlog ger","Ġadyac entes","ĠGuill én","! \".","/ )","Ġhay áis","ĠCa tar","ĠCam pan","Ġregres aron","Ġ* **","Bo gotá","Ġarbi tral","Ġambul ancias","ĠF emin","ĠEs pan","Ġcan tado","Ġfacil itada","ĠLeon or","ĠOrg ullo","ĠTera p","ĠE tio","Ġus b","Ġdef orestación","pi ramos","19 83","Ġsom n","Ġde genera","ĠL uch","Ġple ito","Ġcrib ado","e fecto","Ġl s","Ġincon stitucional","Ġocul tan","v ase","Ġf orn","Ġmul titudes","Ġrem esas","Ġdiferenci ados","ĠSue ño","Ġisl ámica","Ġl or","pen dic","ĠCor ta","Ġimplic ará","ĠModi ficación","h esa","Ġlu pa","ĠAr cos","Ġparentes co","ĠV d","ĠAl lah","Ġconf usa","serv icios","ĠMik el","Ġac udan","con stru","ĠCh acón","Ġsan g","ĠExper ience","Ġtransmi tió","ĠAdolesc ente","C ruz","Ġcas adas","10 3","Ġza ga","Ġgiras ol","k or","Ġg n","Ġvig ésimo","Ġher pes","Ġtendr ÃŃas","Ġpasar emos","Ġav ala","Cal le","Ġpim entón","Ġpirámi des","j aja","ĠN U","Ġmultiplic ación","T ro","ĠPo drán","ĠPos adas","ĠPA ÃįS","ĠrÃŃt mica","ĠN ilo","Ġactiv an","Ġmor alidad","Ġexplic arle","Ġcautiv erio","ĠS V","ĠPer ry","Ġcir culo","Ġfis ico","Ġsovi éticos","st re","Ġmostrar nos","ác ora","ĠSal e","Ġreconoce mos","á tegui","Ġsi rios","Ġ19 11","Ġfil mar","ĠRec ono","ĠBon illa","ĠS UM","con tac","Ġfel ig","Ġaval ado","Ġrepro ch","ĠOportun idades","Ġrenac entista","Ġasegu re","ĠA GR","Ġfin alizando","Ġtranscur rir","ĠTI EMPO","Ġrecicl ados","in vesti","Ġsobre car","Ġcorri ge","Ġbrutal mente","Ġinago table","Ġp illado","cle tas","ĠLi dia","Ġescalo fri","ĠMon ster","Hab lando","Ob jetivos","ĠBron ce","Ġcaer á","ĠFol lando","Ġcarica tura","ĠLu cia","ĠÃĵ pera","ĠCi U","ĠKn ight","ĠDiá metro","Ġparal el","a torial","ĠC undinamarca","ĠCon tras","Ġplas m","cual quier","à ®","Ġt Ãĥ","Ġexten sos","g ivers","Ġresta urada","bil los","Ġflo te","Ġno toria","eb io","ĠFal cón","Ġlú dica","Rob erto","tur alidad","Ġllam arnos","ĠNoc tur","ĠBo das","Ġmarc aba","ab ria","Ġ15 1","Ġilust rador","Ġembaj adora","Ġrepres alias","Ġans iosos","Ġcu tánea","ma de","Ñ İ","ci dez","ĠTal ento","Ġdelic tiva","uev amente","ĠIn mediatamente","Ġgla ciar","ĠBang kok","Ġinsól ito","man d","Ġmer ecer","Ġregular ización","Ġroj izo","Ġanh elos","Ġebull ición","Ġmercado tecnia","Ġinclus ivo","Ġtard aron","h ome","st ad","Ġ14 1","Ġregul able","Ġca uces","Ġvalor adas","Ġcontribu irá","Ġun ic","Ġtra gos","Ġadap table","Ġglob alizado","Ġtermó metro","Ġsocial dem","pas s","dra ma","Ġpos a","ĠCon forme","ĠCon ozca","Ġprem ia","Ġprom uevan","Ġpro hibiciones","Ġmos que","Ġdivers ificar","pl y","Ġdesaf ortunadamente","ĠA rel","Ġocur rida","Ġras o","Ġobserva torio","ĠTron os","Ġper gam","ĠY am","ĠK ol","ĠSuper copa","Ġmemb ranas","Ġnet amente","Ġem ana","Ġcomb in","Ġinsec to","cóp ica","f uerte","at z","ĠStad ium","ĠLic enciada","ĠAlgo dón","c ora","Ġen anos","Ġmay onesa","Ġseman ario","Ġcome di","ĠHear t","ment ales","Ġaten dieron","Ġadjud icó","ĠM R","ĠL enovo","Ġapar ta","Ġparticip amos","Ġsi ervos","Ġpe ñas","ĠCan dida","Ġinstrum entación","Ġdelan teras","Ġest rÃŃas","ĠAle jan","Ġren ales","Ġrap idamente","Ġjurisdic ciones","Gener almente","Ġno do","ĠDe i","Ãģ l","Ġtraslad an","ĠPRO MO","Ġmarch aron","ĠbÃŃbl icos","Ġtraga perras","ĠS UR","Ġ ½","Ġmun iciones","ĠRo ta","Ġviol entamente","ĠBoy acá","ĠIk ea","ĠLleg ada","ĠINDUS TRI","Ġespos os","ĠLes bianas","ĠMarsh all","ĠCon sider","Ġk W","ĠComun ión","Ġdep risa","guen za","ĠNer uda","Ġemb os","Ġlanz ados","Ġast ros","ĠLuc a","ĠCÃŃv ica","Ġdu alidad","ES TA","ĠDol ce","Ġecuator ianos","ĠVolun tad","Respon s","ie tas","Ġsub di","ĠL IN","ust ra","Ġcaball erÃŃa","Pal abras","' :","Ġas oma","Ġautor re","Con forme","Es p","Ġsac arse","rad io","Ġconsist irá","Ġceb ollas","Ġdeli rio","ÃŃ bar","ĠD N","Ġserv ÃŃan","Ġgri taba","ĠMir ador","ek w","Qu iere","Ġfilm ación","pot ente","ĠAU TOR","ust itu","Ġcar gan","ĠCon ceptos","gra cia","end ÃŃan","Ġexam ina","S ánchez","Ġne ona","Ġplan illa","ĠCN E","ĠDIS TRI","escol ares","n ivel","ñ en","ĠP ea","Ġho use","Ġquie to","Ġpredetermin ada","ĠG rin","Ġco jo","Total mente","Ġtra z","pl á","ĠR ig","Ġpen alización","Ġesco peta","Ġóp ticas","ia go","ĠI a","ĠV IDEO","ĠGra ce","ĠNUE VA","La ura","net t","Ġacerc ándose","ucal ip","Ġmal las","âĻ ¥","EN OS","Ġencar gos","Ġenseñar les","ĠIra q","Ġmatrimon iales","Ġmetaf ÃŃsica","ĠTesor erÃŃa","ĠP ON","Ġcumplim entar","conoci do","Doc tor","Ġvergon zoso","ĠJ OR","Ġaprovech e","ĠVe ge","ĠFil ms","Ġpeda go","Ġhob by","Ġb ichos","pec tivas","Ġtranspor tista","Ġqueb rada","di ci","ĠB ik","dan t","Ġedi les","Ġasal tos","W orld","Ġcont adores","Ġem ba","Ġpareci eron","prim era","ĠDonos tia","Ġpol en","ene as","Ġexcl uido","ĠBa ker","mer cados","Ġpuntu alidad","Ġdiscur s","pens ación","iéndo la","ĠCis neros","Ġtos tadas","ĠNazar et","Ġcor pus","ĠCor án","ĠPas ado","ĠDomin io","Ġrepetir se","Ġpól izas","h m","wa ter","Ġdespro teg","u ja","Ġin tran","Ġal is","Ġma que","Ġnum érico","ĠCastel lanos","Ġoblig ando","Ġlanz ador","ĠFabric ado","Ġesmal tes","ĠV oc","Ġemp adron","Ġve to","ĠMc Donald","ca y","no ticias","so ft","Ġindividu alidad","ĠEstratég ica","lo v","um iendo","Ġlav adoras","Ġescrúp ulos","B enz","lan to","ĠAl mirante","Ġcontr al","Ġcar gadores","Ġalimentar ias","Ġenajen ación","l istas","ĠSh are","b ilidades","i ola","Ġi dios","je fe","ĠInf ante","Ġdespren den","Organ ización","Ġalfabe tización","ti ño","ĠP áez","Ġj ack","aba t","tis a","Ġbo letas","Ġ20 8","Ġcompa g","Ġm ist","Ġre patri","Ġju da","Ġjug abilidad","ĠGal ileo","ĠTemp eratura","Ġhun dir","educ ación","ich es","ĠEspañ oles","Ġinédi tas","Ġeyac ulación","Ġhipote caria","ra ma","Ġfuer as","aste iz","Ġdepre ciación","ĠGendar merÃŃa","M ENTE","ĠNav arre","Ġtes ts","е л","Ġdesesper adamente","Ġpa ñal","ĠNa k","ĠTur ÃŃn","Ġquirúrg icas","Ġsobrena turales","Ġver ter","ĠSi ri","ĠPo drÃŃamos","Gran ada","Ġeng ras","ĠMarcel ino","Ġb iber","Ġesta fas","Ġad icto","Ġemb elle","ĠQu ick","Ġcomport an","Ġintentar emos","Ġardu a","Ġri e","Ġinteres ó","Ġzo ológico","te k","Ġcre zcan","Ġpos ada","Ġcambi arse","Ġcambi aria","Ġenfoc arse","NO VA","Ġlej anas","Ġcriptom oneda","el berg","Ġcal culo","Ġresca tados","ĠFol k","qu ote","Ġhor rores","ĠPubl icación","ĠCom ités","Ġllam é","Ġà Ĺ","ern el","ĠRes urrección","Ġap og","Ġdis identes","Ġtrans ita","Ġescol tas","Ġale a","Ġinquie to","ĠOBJE TIVOS","C omb","Ġpes te","ĠDes as","Ġautor as","Ġolvid ando","Ġmanifes tando","Ġprolon ga","pue den","Ġrev ocación","Ġcolor idos","Ġcri ollo","ĠAut ingo","ĠFu imos","Ġpar alización","Ġcan ce","Ġtr ue","Ġcontro vertido","ĠEmpren dedores","ĠMod alidad","Ãģn gel","ĠW as","Ġdist antes","Ġadvers idad","un ión","ĠExc mo","Ġso u","Ġnecesitar ÃŃa","Ġnecesit ábamos","A gu","Ġmil ÃŃmetro","Ġprefer ÃŃa","Ġadic tos","D ÃŃas","æ ĸ","ĠV IC","Ġparlam entarias","ĠP lante","Ġfor jar","Ġavan zaba","Ġdese adas","Ġneoliber ales","B anco","fic ción","Ġneutr alizar","Ġpoem ario","Ġmudan zas","ĠE cha","Ġ ±","ĠProcur ador","P rueba","Ġpe dest","Ġdemocra cias","ĠT eles","af e","ĠPsi quia","V eo","ar cado","on ar","Ġin duc","ĠT il","Ġlav arse","Ġtopo grafÃŃa","ran io","ĠR ell","01 1","ĠPar tners","Ġestim ados","Ġinfin itos","ĠEqui pamiento","Ġadvir tieron","Ġtim idez","ĠConst rucciones","| -","Ġconfun den","Ġtraspas ar","P l","Ġgeométr icas","di je","ĠT oc","ĠW im","Ġequivoc ados","ĠVar sovia","se d","bi ologÃŃa","ĠW inter","Ġbus iness","Ġmer ma","ĠNa tación","Ġvir ales","Ġproporcionar le","ĠTrop ical","o le","Ġsu bre","Ġinci enso","direc cional","Ġmultimillon ario","Ġdeduc ciones","ad ÃŃsimo","ĠA partamentos","Ġasist imos","Ġdetec tados","Ġcondol encias","an z","Ġb rechas","Ġdesvi ado","ĠMan ufac","Ġmateri alizar","Ġgal leta","Tu vimos","EX O","di ana","Ġconec te","Ġquedar an","Ġflo ja","Ġmaquil lar","c co","ĠM og","ĠF S","Ġ19 21","Ġsos tén","Ġentren ados","organ ización","e valuación","ĠD ó","ĠR EL","Ġinform arte","tific ada","Ġatra ÃŃdos","Ġdes dic","ĠB OR","ĠG la","Ġlan cha","tán donos","ém icos","tr ÃŃas","Ġesper ó","gram ación","Ġprosegu ir","ĠHab ilidades","its ub","ĠAdul to","ici sta","Ġalej amiento","Ġdesaperci bida","ĠO ra","av es","Ġpresion e","ĠA K","em éri","Ġpreten dÃŃan","xx x","Ġnar raciones","Ġadmir ado","n ell","ĠG ent","Ġabrir án","ĠJud á","Ġrealiz as","Ġanticip ó","Ġencer rados","i dió","ĠA quiles","Ġale tas","su p","Ġimperial ista","ĠAl t","Acu erdo","Ġheb illa","p ack","10 4","Ġacor tar","Ġsobreviv e","Ġatropel lo","Ġtó rax","c ers","m adre","Ġre ceso","ÃŃa ca","Ġres guardar","inos as","ĠBo ur","dios os","Ac ceso","Ġpresi dió","ĠLar ry","un tes","Ġdescon ocÃŃa","Ġ% ),","Ġbip olar","Ġp itch","Ġmelo co","ĠA yo","Ġpropon ÃŃa","Ġpronunci ada","ĠAce vedo","ĠBla ke","g á","Ġre es","ĠM IG","ort on","Ġlingü ÃŃsticas","Ġva go","Ġprove en","an gu","Ġano tado","Ġchu pa","re loj","ĠPaul ina","ĠNorm an","ĠProp ie","ĠS ana","ral o","Ġmulti fun","Ġdescubrir á","ĠTorre vieja","ĠÃŃ tems","Ġs tu","ñ iga","Ġni tidez","Ġcorreg ido","gra tis","Ġidentific amos","ĠLim ón","J ack","U su","it res","Ġk now","Ġcompr arse","Ġball ena","Ġtor tas","ĠBer na","Ġtransport adora","ĠS tella","ĠK ay","ĠOh io","H ern","Ġest es","ĠV M","Ġconsegu idos","ĠPas co","ĠOl ivos","Ġconcluy eron","ĠIn d","ĠEste la","Ġsa gas","Ġauto did","Ġmundial ista","Ġescand ina","ĠMa xi","Ġdefin irá","Ġelim inada","ĠN AS","ĠGal indo","Ġauton ómicos","ĠMag isterio","Ġinneces arias","ĠGuan tánamo","T re","g ales","ĠG ira","Ġcons iente","Ġlic ores","Ġsobreviv en","Ġta pones","Ġbailar ÃŃn","pro tección","Ġara ñas","Ġderma titis","Ġc ia","ĠIn teg","Ġfil tra","Ġsilen cios","ĠVia gra","C aja","ĠM ama","ĠDes eo","Ġobliga toriedad","ĠBre ve","Ġpad rino","ĠCop yright","ĠS enegal","ĠM illones","ĠMac ro","ĠCambi ar","f ruc","Ġe che","ĠD emos","ĠDen is","S ociedad","Ġres iduo","ĠMa tu","Ġinvesti gue","ĠRos ada","Ġrem or","ĠGén ova","un ga","ĠT AM","Ġw ay","Ġmon tó","ĠCN C","ĠFron t","Ġmasaj ista","D U","con ec","Ġvar illa","Ġopinión Respuesta","ĠNO TI","Ġauton omÃŃas","Ġpal oma","and ora","Ġauto psia","Ġsome tió","Ġredac tada","ĠO M","Ġcer tifica","Ġon ub","end y","Ġexpe diciones","plan ta","Ġapres ur","ĠSEG UN","Ġacepta bles","Ġdac til","' '.","ver ano","Ġjug aban","gar te","ĠX peria","ĠCro w","Ġrevesti mientos","Ġobse quio","ĠV ib","Ġne tos","Ġinv itando","Ġcompar ta","Ġinval idez","Ġemp at","Ġpró fu","C ri","Ġsist émica","viv e","Ġsustitu yendo","N ave","ĠA val","а ÑĢ","Ġo pa","ĠF rÃŃas","Se is","Ġtab erna","Ġes mero","uc ky","Ġten so","G ir","Å Ĥ","Ġab eja","Ġmar inero","Ġconclu ida","ĠA eronáut","IM E","Ġimpac tado","ĠAcci dentes","Ġ19 13","Ġdesac redi","Ġoff line","Tex to","ec ón","ĠAl quil","Ġinici ados","ĠpsÃŃqu ico","el an","ĠF DA","Ġconlle van","- ;","V arias","ve jecimiento","ĠFran çois","gara y","Ġciruj anos","Ġinmortal idad","Ġe ternos","Ġimplic ada","Ġdestru idos","ĠSU B","Ġsuspen de","Ġhúme das","g iro","Ġimp ago","Ġfor ja","ef ore","ĠPrincip io","j uego","ĠP EL","Ġpe gados","Ġk on","ĠPR INCI","Ġperjud icado","Ġcurric ulares","Ġi manes","h z","ri ana","ac le","pe cia","Ġinter cultural","Ġpan ameño","Ġsac as","Ġfer re","Ġasalari ados","Ġimper cep","ĠDOC UM","Ġdes min","Ġinc uestion","ĠFil ologÃŃa","S ign","mo grafÃŃa","ĠVig il","Ġrecopila torio","ola zo","tan era","Re quisitos","ĠHer moso","Ġatender á","ĠIns ular","ĠPer formance","Ġpremi ación","Ġaceler ada","Ġaliv ia","L ima","ĠAr duino","Ġcomunic adores","itsub ishi","j j","ĠCar b","ĠSelec cionar","Ġbronce ado","Ġtard ará","prim er","ĠW ine","ĠAman da","c ue","Ġar ándanos","uro este","ĠEsc ort","Ġrefle jados","Ġmediocamp ista","ĠC iber","Ġpor tón","ĠFlor entino","Ġac up","Ġter givers","Ġdescomun al","Ġsuperá vit","Ġd r","Ġconv ulsiones","ĠCor doba","): )","Ġaust rÃŃa","BO E","Ġremun eraciones","Ġboc adillos","Ġna ciente","Ġcomprobar lo","Ġanaliz ará","ĠChan el","Ġúl ceras","N Y","ĠP ig","ĠDes pe","ĠAb or","k un","Ġs ha","Ġinf usiones","ĠRe x","ĠPor tillo","Ġdescrip tivo","ci d","Ġcent ÃŃ","ĠDes pues","Ġoblig aba","ĠN eb","Ġcomp uso","Ġgust ando","Ġrel ámp","Ġayudar los","Ġmultiplic an","en ga","Guar dar","Ġfor zadas","ens is","Ġadj untos","R uta","ĠB le","Ġâ Ĺ","ĠSecre t","fal ta","Ġegip cia","i jas","ĠD oy","ĠMad uras","Ġdisfru té","Ġgobern ación","ĠFis calización","l aban","Ġos tent","ĠHar rison","W ork","Ġp ésima","Ġesp ÃŃas","ĠInf anterÃŃa","Ġaconte cido","Ġe a","Ġgu a","Ġpare jo","Ġasoci arse","Ġpertin encia","Ġde tienen","ter ap","ĠCo t","Ġidentific ando","ĠBra va","w ig","ten idos","Ġaf ÃŃn","Ġinver so","ĠSil encio","Ġper ito","pa per","Ġplas tico","Ġperpe trado","ĠFÃŃs icas","ĠEp iso","J ames","i dia","ĠO MC","dar ias","Ġfal to","Ġpi que","Ġartic ul","Ġsobreviv ió","Ġsofist icación","ĠAran juez","ĠHonor able","p ando","Ġcu ent","ĠD jokovic","Ġla ca","Ġtermina ciones","Ġob vias","Ġininterrump ida","f amilia","j ante","Ġsepar ó","Ġech aron","Ġaquél la","ĠExp lo","ĠPay pal","ĠPe tr","ĠOrgan izador","Ġdivi didas","Ġnó minas","Ġjesu itas","i ques","Ġ ue","ĠQ i","Ġautor itario","Ġesfuer za","Ġdevolver á","Ġenferm eros","Ġnarcotra ficantes","v ano","Ġap uro","ĠCan tá","V ive","Ġconde cor","Ġrectán gulo","Ġllegar emos","Des af","Ġaband one","Ġprosper ar","chan dis","fer ence","Ġelec trol","ĠSen adores","ĠTem er","Ġsocor ro","Ġpancar tas","Ġdes or","Ġvan idad","Ġconver tÃŃa","Ġdesin formación","Ġprefer imos","ĠLU IS","M ichael","å ½","ĠB IO","Ġap uesto","Ġclas s","Ġeduc ador","ĠProduc tores","Ġmatric ulados","Ġp ú","ra cial","Ġlos a","is ario","Ġex ca","Est ra","ĠTor rent","Ġmiti gación","P adre","ĠDes per","ĠBol sos","Ġacu áticas","ĠEmple ados","Ġco financi","Ġus é","Ġdefini tivos","Ġech aba","ĠTS J","ĠMemor ial","Ġproduc cion","ĠCO P","Ġpan tano","Ġinmun itario","Ġreorgan ización","er ing","Ġinterac tivas","ĠExpe diente","Ġver tido","pec tivo","Con sider","Ġperio don","Ġatacar on","Ġcab ras","Ġide ológicos","Ġir on","ór mate","Ġrefer endo","Ġcristal inas","Ġfic ticio","Ġdor sales","Ġwa ter","ĠB é","Ġinf anterÃŃa","ĠZe us","Ġmercad illo","Ø ª","Ġartic ula","Ġmis il","ern er","Ġfl aco","ĠAplic ada","Ġplus valÃŃa","Ġesfor zarse","ch ita","Ġmedi rá","In g","rag ma","Ġileg alidad","Ġchampi ñones","bi ble","Ġvis cer","Ġpel udo","Ġdif ieren","ĠMo vil","ĠWh it","Ġcoher entes","L oc","ĠRe vel","Ġá pice","Ġ16 1","Re v","Ġcuestion amiento","ĠCo quimbo","Ġinyec ciones","war z","f la","Ġal ero","is ca","ĠN OMBRE","ĠMin ero","Ġren con","Ġcomunic ada","ĠTol ima","Ġ é","Ġdes qu","Ġex ija","ie u","Ġpul gada","ĠCap itan","Ġintelec to","ĠLim itada","Ġpara ÃŃsos","ien zo","Ġme tieron","Ġamena zados","ĠSnap chat","Ġsi to","ĠW right","Ġproyec tan","Ġins ospech","Ġpractic antes","Ġadver so","Ġreh enes","ĠS PA","ĠU B","Ġintegr ó","Ġan alizadas","M úsica","Ġlle gues","ob s","Ġ: -","Ġdesin stal","Ġconmo ción","C T","ci co","Ġinstal ando","Ġdepor tación","Ġlavan da","en demos","Ġal érgica","Ġcor dura","vi es","Ġpu gna","ĠAu gust","Ġreca uda","éut ico","Ġcontempl adas","Ġentre gamos","los ión","Ġpe gue","Ġpi des","Ġ17 6","Ġllan ura","Ġcosmopol ita","e ira","Ġc ana","ĠK ings","ĠCR IS","ĠC osa","Ġal us","Ġto billos","vi ada","ĠPon tÃŃfice","ĠEstu ve","Mus eo","Ġclan es","ĠOdon tologÃŃa","k ara","Ġhon da","Pro tección","am er","Ġimp une","Ġvendi mia","Ġtol dos","ĠP ist","Ġtu yas","Ġhaci éndole","Ġvehic ulos","Ġcondi ciona","Ġdesa tado","Ġtriun fal","ĠBo tón","Ġtem ÃŃa","Im ágenes","ĠCh ang","AN TIL","ĠBol as","ĠMel bourne","Dep endiendo","Ġy ugo","Ġdeb utar","ĠAu top","Ġcontribuy eron","ĠCL AS","tr alidad","gar an","ana ir","Ġsobre v","Ġmil la","Estu ve","r inos","hor as","ĠInte gra","g b","ĠP ará","Ġ15 4","ĠRol dán","Ġenfa tiza","Ġno tan","ĠPeque ños","Ġf ito","cin i","ĠGran ma","Ġmezcl ados","ĠOliv ares","U stedes","Ġconside ras","Ġce pa","Ġamp ollas","Ġalf ab","ĠCic lismo","ta ts","cre ar","Ġtem ible","Ġorigin an","hua ia","j aban","CA T","Ġfér rea","ien de","Ġac tora","vent as","Ġejecut adas","Ġramp as","Ġguardi anes","ĠEVAL UACIÃĵN","ici ados","Ġañ or","Ġsuminist rados","Ġcatalog ado","Ġv ene","Ġg ara","Ġpermi timos","ĠRo jos","Ġenseñ arle","ĠXX III","Ġdro gad","Ġcalib ración","P ED","W ashington","Ġbon us","Ġsú b","ĠAbs olu","Ġpol vor","teg ia","tán dome","Ġimpuls adas","Ġdespe didos","Ġconfies o","ĠP OP","ĠJ á","Ġcri ados","mac ÃŃa","ĠTrad uc","Ġutilizar emos","Ġdesc endido","Ġpers isten","Ġahor rando","ĠOri huela","Ġsobrepas ar","Ġreval or","ĠPosi cionamiento","Ġso pla","Ġma za","ĠCon ferencias","Ġins ol","men u","Ġcontras tar","Ġfat ales","Ġre ven","ten iendo","Ġcal ab","ĠAc ab","Ġpen se","Ġprestar le","Ġexp ir","ĠÃī stas","Ġcre dencial","Ġ15 8","OR IA","ĠBuen aventura","abil izar","ĠBien venidos","ĠY uri","Ġsuces ivo","Ġhablan tes","Ġcon n","Ġper icia","go o","éc til","ĠCer ra","Ġdifun de","Ġguard ada","ĠConoci mientos","âĹ ı","Ġcontra parte","Ġproyec tada","Ġconvertir la","Ġclasific adas","Ġnut rido","Ġalo e","Ġcan teras","ĠS cra","Ġconserv ados","Ġempren dido","Ġstre et","Ġpens ionistas","ĠPar ada","ĠDie ta","Ġapetec ÃŃa","Ġcar to","Ġcontra tiempos","Ġinv ocar","Ġregres ará","con form","Ġliber arse","Ġengan cha","Ġintermedi as","Ġcatol icismo","c antes","ĠA viv","ĠM asa","Ġcas uales","Ġgas e","Ġoper adoras","ĠSan chez","ĠMac arena","Ġacop io","Ġrelu cir","ĠI TV","Ġade m","Ġsub vers","Ġcamar eros","X I","Ġespec ular","Ġcub rió","Ġpreval ece","---------------- ----------------","Ġblue tooth","ĠMon tilla","Ġdetermin aron","Ġgestion an","Ġgradu ó","Ġcompañer ismo","L IO","Ġale ator","Ġdesin fección","Ġaco tó","Ġdeclar adas","Ġinspir adas","Ġconf iden","Ġcontes to","ĠTre k","Ġp ór","ĠD ada","Ġquedar ÃŃan","âĢĭ âĢĭ","Ġañadir le","ĠAlex a","Ġmiser ias","om entar","ĠN H","ĠN IF","Ġfor zos","Ġresolver se","ĠGi puzkoa","Ġescap adas","Ġpasar me","Ġmoder ador","Ġargument al","T ran","Ġautoma tizar","ty pe","Ġdiagnostic ado","ï Ĥ","st yle","Ġpro posiciones","Ġte tra","Ġco fradÃŃa","Ġgu apos","Ġhistor ieta","ĠTri ana","ĠSu ma","Ġdefin iendo","ry s","lick r","Ġà ¼","ĠAir bus","Ġdemo gráfico","Ġprecar ia","Ġretros pectiva","Ġco ck","Ġincl inado","ĠAmb ros","ĠTeléf onos","ĠÃŃmp etu","N uevas","in n","ĠS ól","ĠN IV","ez er","ĠVir us","Ġimprev istos","Ġimparcial idad","A z","C ur","W al","Ġven cida","ór denes","ĠSy dney","Ġambi güedad","Ġdebil itar","Ġa tin","ic ua","Ġhab eis","ĠCons igue","Ġdesencaden ar","ĠChip re","A udi","Ġv icioso","Ġcor tamos","con a","ĠCom parte","posi cion","ĠON LINE","ĠJac obo","ĠCol iseo","Ġsome timiento","ĠMinister ios","Ġp ésimo","Ġb élico","us er","ĠIn fer","Ġbomb o","Ġcontribuy a","ch ira","Ġcons igan","me do","Ġinv itaron","Ġpare cia","pe ñas","je tos","Ġbeneficios as","j ana","Ġle trado","ĠIn teriores","tur ados","Des pues","pro vin","Ġrema tó","Ġposibil itar","Ġde bi","ĠP B","eb erg","ĠFlam enco","ĠEncan to","Ġf ortun","qu ivir","Ġdes via","ĠD um","Ġcolor antes","Ġocul ares","Ġdecepcion ante","ic eros","Ġh ilar","Ġper verso","cra ft","ĠHill s","Ġpostul antes","ĠIo T","Ġcompar ables","Ġhip no","Ġcontradic torio","Ġcar acol","Ġ- |-","Ġprome dios","ht m","Ġprobar la","ĠL ub","Ġcre mosa","ĠF IC","ĠK O","17 0","fun ction","Ġradi ador","Ġrecam aras","Cual quiera","Ġt iernos","émon os","Ġorques tas","Ġv or","ĠAma teur","ĠRece p","u ran","v ios","ĠAc tivos","ĠPel u","Ġdef unción","Ġobje ción","Ġenga ñado","Ġencabez ar","ĠCard ona","Ġergon ómico","ĠclÃŃ toris","Ġprofesion alización","Ġsex ys","ĠGu i","ĠPal om","Ġma trices","Ġcabeza zo","Ġá giles","Cu mpl","Ġencar nación","Ġlim itarse","Ġdem oras","Ġanal ógico","ĠART ÃįCULO","Ġfoto gráficos","ĠARG ENT","Ġeso t","Ġapun tal","Ġdefens ora","ĠInst rucciones","g all","Ġcomp endio","ĠMED IO","Ġhondure ño","Ġh uyen","ĠEs panyol","Ġtri dimensional","Ġredes cub","ĠLib rerÃŃa","Ġpatin aje","ĠFac tores","Ġkil ometros","pa ciones","tros is","gg y","Ġv isten","ĠS B","Ġempu jón","Ġtu ite","ĠCh atear","Ġatre vió","b et","ĠM ell","ĠV emos","ĠCy ber","Ġgran el","Ġu k","ĠSol ano","L or","ric ular","Ġve ia","Ġast ral","s itu","u ru","que ña","ĠS uelen","Ġestudi ada","Ġloc alizadas","Ġses ion","Ġinfluen za","dif usión","Ġirrepe tible","Ġbas ÃŃlica","Per io","Ġempo trados","Ġdiscapa cidades","Ġdri ver","O k","ó grafos","Ġv ales","Ġcorrespon derá","AT RO","Ġmecan izado","Ġpavim entos","pon gamos","ĠEsmer alda","ĠaudÃŃf onos","um nos","Re ino","Ġenter rados","Ãł n","ĠBor is","ti k","Ġinter vent","Ġpers istentes","Ġcomenz ara","Ġincompati bles","b rico","v ens","z um","Ġinter mit","ĠNe um","Ġreducir se","Ġregul adas","á »","Ġdi re","Ġso ul","ĠDal ÃŃ","ĠTable t","ĠK iko","ĠMas co","Ġfals ificación","ĠPrést amos","Ġfron tales","Ġprevent ivos","ĠP len","19 80","Ġconform es","ĠSte fan","ç ão","cu mpl","mb olo","Ġlogr ados","Ġhabl ábamos","Ġotor gue","h aca","er ales","ĠR uf","ĠLa Liga","ĠBlog s","ĠU M","Ġra tificar","Ġpl uri","Ġacab ada","Ġprior itarios","ĠAsegú rate","ĠE y","ĠW an","Ġhos t","Ġportu aria","Ġcep illado","Ġpersi ana","VEN CIÃĵN","H R","} ,","Ġas ia","cent aje","Ġdesign ó","Hab lamos","ĠIll inois","Ġfash ion","J ef","ĠCon ces","Ġgu aran","Ġinstal ará","tia gu","Ġeconom ico","in encia","Ġun irá","ĠDe pende","Ġserv il","ĠtÃŃ teres","Ġrecibi miento",". âĢľ","ig ente","Ġqu al","Ġsobre vol","ros t","ĠIl les","ĠSel ena","ĠKan sas","Ġresol viendo","N ar","Ġvi tivin","Ġdisfru taba","Ġlic enci","ĠPeru ano","Ġnarra tivas","ĠMinister ial","tra je","ĠFer rovi","Ġht ml","Ġ15 7","cin go","Ġhun de","Ġe S","El im","Ġagres ivas","Ġclasific arse","Ġen domet","do g","Ġ( '","ĠMar isa","ĠFor bes","Ġpermanecer án","Ġbar an","ĠCD s","Ġcorrob orar","Ġp isto","ñ ando","ĠHer aldo","Ġsum ará","Ġtocar on","ĠDiam ond","ĠPl ana","GO ZA","Ġacord ada","Ġmerca derÃŃa","Ġfotó grafa","Ġyar das","ĠH z","Ġmode lar","Ġbusc ados","Ġasi áticas","Ġsensor iales","Ġactiv ada","CION ALES","Ġrecord ará","Ġcabil do","ĠPer ros","ĠPre fer","ĠR ene","ij ada","Ġcom ente","Ġal iada","Ġver edas","ĠAn da","Ġgan ch","Ġt ia","Ġper dimos","Ġch apas","Ġcap ta","ĠMor ón","Ġconoc ÃŃamos","Ġintervin ieron","ÃŃ cl","Ġretra c","áce a","Ġreplic ar","chandis ing","y p","Ġ19 16","Ġconec tará","Ġcomerci alizan","Ġhojal dre","ĠK iev","IS TAS","Ġrendi do","Ġhabita cional","Ġporte ña","Ġc resta","Ġa e","ĠG ue","ĠBar ber","Ġunivers os","Ġplas mado","Ġrepercu tir","Ġde ste","ĠSi go","ĠPres ión","Ġconstitu irse","Ġde i","ĠE RE","Ġper pendic","gos a","Ġ ç","ĠF rom","ĠSe as","ĠAn teriormente","Ġalcohol ismo","om la","ĠE ur","ĠL oma","ues o","Ġpre cal","Ġma quetas","Ġexp usieron",",, ,,","A van","ĠY i","Ġanunci ados","ĠWa gner","Ġpersecu ciones","Ġac uda","IF E","ĠTE MA","Ġmedi anamente","ĠMo le","Ġnecesitar emos","Ġubica cion","ĠSoc orro","Ġdra mas","ĠBor bón","Ġox ida","H on","ĠM AP","Ġéx odo","Ġlevan taba","Ġinver ter","ĠMc G","Ġresign ación","ar ás","hi jo","Ġsolid arias","ofici ales","ién donos","Ġbel lezas","Po drá","Ġrefor zando","des ma","Ġdipl omas","Ġabo ga",") {","ques is","Ġeduca cional","Ġconoce dores","fre y","Ġporta til","Ġsecues tr","s ac","u ge","Ġdespre ocup","Ġprecur sor","ente l","ga y","ĠOr to","Ġres tan","Ġcent rará","ĠPla yas","Ġreli quias","v ÃŃdate","ĠH igu","Ġhab ida","ĠCh uck","ĠSab es","f ÃŃ","lo te","Ġme xi","Ġcar tÃŃ","ĠCh anc","Ġpros igue","Ġllen aron","v ad","un didad","ás emos","Ġex ministro","lic h","Ġlu juria","ĠCom para","Ġtar get","ĠPRO CED","Ġcinemato gráficos","ĠLore to","Ġen ce","Ġal fil","Ġper n","Ġlu ciendo","Ġrep lica","Ġz orro","RO M","pro yectos","Ġpreocup aba","Ġran a","Ġch ul","Ġfran cos","Ġrepercu te","Resul tados","H el","× Ļ","ĠS kin","ĠWill y","Ġpotenci ando","Ġd vd","Ġcor ales","Ġcontam inado","Pon te","ĠBene de","ĠFUN DA","Ġsuje tador","ĠLuc es","Ġadvers idades","ĠBill board","R en","Ġhun dido","Ġcodi cia","Ġhuérf anos","m ur","Ġ.... ..","Ġdemo le","Ġpincel adas","Ġpre pago","Ġ19 05","ĠCor pus","Ġdespe jada","Ġatraves ado","Ġgeográ ficos","ĠDecora cion","l doras","Ġg omas","Ġautomo tor","ĠSie mens","Ġgolpe ando","Ġembar car","Ġsustan tivo","Ġac ervo","ĠV ara","Ġval ida","Ġlág rima","Ġjefa tura","Ġabrum adora","Ġe ficientemente","ĠUltima te","Ġestar ia","ĠMo tos","Ġesfuer zan","Ġvigil ia","Ġbau tizo","Ġdiagnos tico","de an","Ġv ora","Ġer gu","Ġtransgén icos","u ki","Ġcu ña","ĠEs que","ĠGran t","Ġconsa gra","Ġservid umbre","Ġc esa","Ġven enos","ĠCa te","Ġpolar ización","Ġsincron izar","G ER","Ġparti tura","Ġvir gin","Ġdescon cierto","ĠDoc trina","Ġcardi aco","ĠColl ins","Ġm eros","ĠT OP","ĠCol aboración","Ġmultic olor","ti ques","Ġmagn éticos","Ġconstitucional idad","ĠCaj amarca","ĠE ye","ĠIn quisición","Ġconocer ás","Ġreempla za","ĠPY MES","ĠVallec as","Ġsu cción","no do","Ġavis ó","ĠF RE","Ġsegu idora","Ġcer raba","ĠPol icial","Ġnie go",") âĢİ","ĠC MS","ĠI ri","Ġpal etas","Ġ18 9","Ġexplic arlo","Pa ÃŃs","ĠAll á","Ġperon ista","N ingún","Ġle ÃŃdos","Ġrep ens","fi ti","Pro por","er tura","Ġconsolid ando","ĠEv ento","Ġbuta cas","ti fique","ĠC ulo","Ġ19 15","ART ÃįCULO","Ġgrav amen","Ġame trall","Ġpe go","Ġ19 04","Ġtal ad","Ġabandon adas","Ġic ónico","direc tora","Ġvers ÃŃculo","Ġtodo terreno","Ġmé xico","ĠInvesti gadores","Ġdestru yen","Ġgasolin era","V ida","ĠC T","iz aban","Ġan ula","ĠH OS","par eja","Ġpla tó","Ġidén ticas","is imos","ĠK ia","Ġhospital arios","Ġco incido","ĠCh ir","Ġpredetermin ado","h ombres","Ġv uelan","car ra","Ġcin éf","lu z","ĠCamp bell","Ġinalámb ricos","ĠProf eta","M iemb","di la","Ġin ven","Ġ19 08","ĠPul se","ĠNave gación","Ġtuvi éramos","ĠCa ñada","Ġmig rar","ĠEspecial idad","Ġcog ÃŃ","Ġencom ienda","Ġpre dicación","Ġbrin de","ĠYu gos","ĠCOMUN ICACIÃĵN","Ġhaza ñas","Ġeslab ón","Ġc iv","Ġch oca","Ġincl ina","ĠBa tista","fos is","Ġnico tina","ĠB av","Ġcam illa","Ġvalor ará","ĠCul turas","ĠDec ano","Ġpredomin an","zyn ski","ĠT ome","ĠAjust e","C K","pe ace","R osa","re ad","Ġop ino","Ġsob rante","ĠDown load","Ġrelajar te","Ġestero ides","Ġapog eo","ĠF lan","im ática","Ġson oros","fer son","ĠClÃŃn ico","ĠN ab","Ġfi tos","Ġbril los","Ġv idente","ĠR it","ĠBu ff","Ġtrage dias","Ġf ritos","Ġof fice","Ġvi ables","Ġcircun ferencia","ĠMap uche","o blig","Ġo yente","ĠC IV","Ġgri fos","Ġjuz ga","Ġpon iéndose","Ġasc endido","ĠWal king","Ġmand ando","Ġrecip ro","Ġinfluen ciado","ti zos","Ġse gregación","Ġmis iva","Viv imos","mi to","Ġvia jas","Ġsubmar inos","Ġarag onesa","Ġresil iencia","Ġte jas","Ġestá tico","ĠAC TUAL","V ista","oci n","Ġcap tado","Ġbal sa","Ġambient ado","Ġbil ingü","Ġcondens ación","a un","ĠM ura","Ġdis rup","Ġclima tizada","Ġsobrepas a","ĠLyn ch","n uestra","ĠC TA","Ġne vadas","Ġreal ices","Ġconsecu entemente","Ġneg ando","ĠGlo b","ĠQU Ãī","Ġt rol","10 8","ĠSak ura","Ġc eño","Ġsu ti","ĠA ver","ĠN ix","ĠMon tt","Ġrepe tida","Ġfer ial","Man tener","Ġfotovolta ica","Ġcarib eña","ĠC iu","ĠH acÃŃa","uz n","Ġbil bao","Ġzur do","ĠT rue","ĠN og","tic ales","Ġhialur ónico","ĠP icos","Ġdes gran","Ġten dientes","âĢĿ -","Ġpres untas","endi os","Ġven cieron","Ġpatr ono","Ġarque ológicas","ci es","ĠH AY","Ġmal icioso","ĠGra u","Ġquie bre","Ġcaris mático","ĠNavarre te","ac tu","Ġex ótico","Ġperjud icados","Ġdomicil iaria","Ġentor pec","O jo","on se","ro v","ÃŃa co","Ġcal mado","Ġexper tas","Cam bio","ĠRal ph","Ġjue guen","Ġja que","Ġlujos a","Ġido la","E V","x ica","ĠM eca","Ġpol l","Ġfum ig","n ibus","if o","ris mos","Ġ20 25","ĠCas os","ĠMan comunidad","Ġpartici po","ĠReg la","Ġimplic arÃŃa","Ġmascul inas","Ġsinté ticos","ĠL lano","Ġnego cia","ĠTor á","Ġprovoc ará","Ġrecha zaron","Ġdescargar lo","Ġnav aja","Ġfilm s","ĠpÃŃ ldoras","Ġdo p","ĠK ill","Ġredon dos","pecta cular","\" >","ĠD ID","Pas amos","ĠTem uco","ĠD rag","ĠPa ta","ĠUr dan","Ġm ona","ĠC IS","ĠF ama","ca dena","Ġusu arias","ĠSOL U","ĠAlum inio","ĠIndic adores","C ard","dr ada","ĠDe pendencia","aban k","ĠPRO CESO","o fer","Ġ3 01","ĠEslo venia","ñ é","con serv","ĠIncl us","Ġase dio","Ġplane an","Ġ !!!!","ci clo","Ġ22 2","ĠÃŃn f","ĠOri ol","étr icas","Ġno té","Ġmor almente","Ġinstala cion","Ġflu vial","Ġco fre","Ġtu its","ĠForm as","Ġdemocra tización","Ġinse parable","ve ar","gan eso","ĠSe úl","ĠK ane","ĠNa cimiento","Ġinclu imos","ĠBa ham","Ġpref ieras","Ġencaj an","ĠC d","Ġignor ando","ĠBotán ico","toda vÃŃa","Ġescrib as","Ġcontar les","Ġmostrar emos","Ġmilen aria","ĠEtio pÃŃa","f at","Ġlog ÃŃsticos","Ġdespre ciable","Ġadminist rados","Ġextrem istas","ĠCastel lana","ĠOBJE TIVO","i gua","ĠD H","Ġactu aron","ĠFin ancial","Ġdibu jado","ĠBer me","IV O","Ġpormen or","b ero","Ġin ep","Ġpens ador","Ġradi adores","ĠDetal le","Ġtir ador","ĠEstudi ante","ĠGa udÃŃ","Ġincur sion","ĠF orn","ĠBo da","Ġadop te","ĠmandÃŃ bulas","er ias","IG A","ĠPortu aria","Ġfet iche","Por no","bra zo","Ġagru pan","ĠSIEM PRE","us imos","ĠCas til","Ġsust entar","Ġmetam or","Ġcul os","Ġétn icos","V ie","de ria","Ġprue be","ĠProve edores","pe t","ĠRedon da","Ġosteo porosis","ĠZamb rano","M Ãī","ĠAd ver","ĠPe ñal","Ġast r","C ursos","Ġtrabaj arán","ĠTu pper","Bus cando","Ġsumerg irse","Ġsu cias","ĠR ama","Ġj inete","ĠBar ajas","ĠJu gar","ĠBarcel ó","Ġh é","Ġsin taxis","Ġcent ÃŃmetro","Ġrecal car","bac teri","ad ur","ĠEn ju","ĠCas illas","Ġol igo","Ġmostrar te","om ware","Ġrecur rido","Ġpenúlti ma","Ġpató genos","Ġpre ex","Ġcan cela","Ġcaracter izar","] :","on eta","gu os","Ġba ter","Ġauto car","ĠSud án","df unding","Ġexc us","Ġeviden cian",", ..","s ho","Ġvol car","Ġcontar te","Ġben éf","ĠReci bir","de por","ĠS ES","her án","ĠCos me","ĠMen ción","Ġbach iller","Ð ¹","ĠL I","Ġdic tadas","Ġdest ellos","Ġayud aran","ĠUr quiza","ĠJ ueces","ER TA","IL LO","Ġ= )","Ġtún ica","Ġadhes iva","le tes","Ġpol im","Ġtor tillas","ĠBus que","Ġnin ja","Ġvolc ánica","L ibre","z one","al ud","ĠM eza","Ġ( ?)","if icas","ĠTras tornos","Ġbancar rota","ĠS AM","Ġtra fico","Ġalcan zada","ĠReg alo","ĠGre at","Ġpatri arcal","v oy","ru é","Ġimp ru","ĠPo zuelo","Ġprepar ador","Ġpatr ull","Ġesqu iv","C ierto","y D","Ġen tu","Ġhos tilidad","ĠSte in","m ónica","en ar","Ġvalor ando","ampa gne","ĠMach ine","Ġnavar ro",", (","úbl icas","Ġsa f","ĠAp lica","Ġdesper tador","Pre par","Ġrecop ilado","ne gro","ĠPres encia","OL ÃĵG","Ġsobresal en","ĠAqu ino","ĠB LAN","Ġinter ferencias","ĠEst aban","por tar","Ġsal ado","Ġdesc ensos","ĠTex til","Ġdeci diera","Ġencontr ándose","Ġrestring ida","ĠPh ar","Quer ÃŃa","u terÃŃa","Ġt ÃŃas","Ġro gamos","Ġsinies tra","ĠPERSON AS","Ġcarc ajada","pos ito","ĠCom entario","ĠRos en","ĠSta tion","ĠLGT B","Ġdañ ino","Apro vecha","Ġcaracter izó","Ġcuch illa","G ol","S abe","ĠP BI","Ġdes co","Ġreg enera","Ġobserv o","Ġre interpre","el f","cu idado","ĠGu ipúzcoa","Ġutilizar las","Ġincapa ci","Ġencarcel ados","Ġabsorb ente","da to","Ġpac tar","Ġsemb rado","Ġcorrespon dió","ĠCó digos","ĠS Ãį","ĠR eno","Ġpas ividad","ĠPRES ENTACIÃĵN","Ġcontra produc","Ġplan tado","Ġ16 3","han na","Ġimpartir á","ĠCama güey","o to","Ġglor iosa","j itas","gre b","Ġens eres","ĠMilitar es","én tanos","Ġcam inan","ĠW IFI","Ġconci encias","ĠQue dan","Ġprecis ado","Ġhar inas","Ġneum onÃŃa","Ġafortun ada","Ġescén ico","Ġun isex","ĠN ariño","Ġedi ficar","ĠReb eca","Ġestoma go","Ġcuid arse","ĠCOMER CIAL","ĠZ oo","ĠBa terÃŃa","ĠEstudi ó","Ġestira miento","ĠEdi mburgo","Ġvoc eros","Ġch ill","Ġexpon iendo","tex tos","ĠEchever rÃŃa","E mb","Ġan tÃŃ","ĠJos h","Ġmencion as","Ġdisput an","ĠSust entable","qui rir","pu taciones","Ġgo teo","Ġimplic aba","Ġpavim entación","h ub","or ial","ĠNuev amente","Ġgana dera","ĠArquitec to","b omb","Ġllev aran","Ġdist racciones","Ġquer ÃŃas","ĠElim inar","W indows","Ġob reras","ĠCu entan","Ġvi ñetas","Ġer éctil","ĠFis her","A I","ra za","ĠH ielo","nal do","Ġsuspen se","Añad ió","Ġdescu idar","ĠFun cionamiento","ĠEU A","R ecu","c ario","ta ch","ĠB ID","En tiendo","Ġfra gancias","Ġincons cientemente","C ocina","de ja","Ġ óm","ĠSer ge","ĠON CE","ĠLen non","ĠEduca tivos","f arro","w h","ĠC ues","Ġcomo d","ĠAc tivo","ĠCel este","ĠBlo od","B os","ac tamente","ĠCu rios","Ġpod re","Ġdiferenci ado","Ġdañ adas","Ġfluctu aciones","ĠN ace","Ġcáncer es","Ġreconocer lo","2 30","f ino","Cu idado","Ġhiper tens","ĠBach iller","ale ja","Ġaprender á","Ġsanta fes","Ġpó ster","Ġexcluy ente","R G","ĠV am","GA E","G afas","h ero","Ġcin ismo","pro grama","ff ff","Ġcha pu","Ġparadój icamente","ĠG AN","ig amos","gar t","ĠNep al","Ġquis iéramos","ĠJef es","Ġpenúlti mo","ĠCo ño","Ġpredomin antemente","ĠG PU","Bl ue","Ġesquizo frenia","e ales","Ġb illar","Ġam nistÃŃa","Record ó","A gua","ĠRe to","Ġcur ro","Ġinstal arlo","Ġmovil es","ĠCarre ño","Ġpuzz le","Ġac cionamiento","Ġref rán","ĠDomin icano","Ġcob rará","Ġallan amiento","C ic","Û Į","Ġlament ado","ĠreÃŃr se","ĠTran sex","Ġnova tos","n um","Ġhab iéndose","Ġseñor itas","or ig","Ġenv ÃŃen","i aron","ĠAst uri","Ġsupe di","ci arse","Ġco fra","ĠGa vi","Ġres úmenes","ĠCam ar","Ġsatisfac toriamente","ĠZo om","Ġimagin amos","Ġc isterna","ol ores","és amo","Ġam én","Ġestable cÃŃa","Ġencar garon","ĠJam ie","L ab","Ġdef ina","Ġtal ones","Ġ16 4","Ġmam as","Ġgr úas","Ġinal ter","ĠEric k","Ġmulticul tural","Ġentrar án","ĠCorin tios","L en","tas una","Ġañ ada","ĠÐ ¼","ĠMec an","Ġgit anos","ĠT win","so ur","Ġtom aban","Ġand ino","Ad ministra","Ġevacu ar","E jemplo","po de","Ġprim e","Ġces ado","Ġpsico terapia","Ġfilosó ficas","Ġm ÃŃticos","Ġca udales","ĠMa ci","Ġobserv ados","Ġpreocup amos","ĠAses ora","Ġful min","ĠcentÃŃ grados","Ġco fundador","Ġad ven","ĠEx change","Ġmencion amos","Ġfiel tro","ĠR OS","ĠUN O","Ġfeliz mente","Vide os","Ġastrón omos","j in","ĠN S","Ġanim as","ĠVI VI","Ġconsa grada","ĠB ike","ĠH U","Ġca ÃŃan","IN AS","Ġtre kking","Ġsimul táneo","ĠRay mond","ĠLim ited","Ġsupre macÃŃa","C el","ĠL ily","ĠMa go","Ġta quillas","Ġtambi Ãĥ","ĠIna ugu","Ġemple arse","ĠCry stal","ĠS can","ĠDoc tora","dul idad","Ġrecab ados","tu ristas","ĠF r","Ġcontar os","Ġdiseñ ando","Ġfáb ula","Ġsevil lana","âĢĿ [","mi tido","Ġrue do","IZ AR","mol ino","Ġautocr ÃŃtica","Ġ io","ó fer","ĠSpi elberg","Ġâľ ħ","B asta","tre po","Ġcontin gencias","Ġmod ales","n adie","n illo","Ġin son","Ġpro xima","Ġmar qués","Ġint entas","Ġfinanci ada","Ġbru tales","ĠPÃļBL ICA","C EN","Ġmu darse","eros as","Ġtecn icas","Ġdenomin ó","Ġun an","ĠD orada","tiz amos","Ġremo tas","Ġresuci tado","ĠECON OM","Ġdis olv","Ġsalud ó","Ġtér micos","Ub icación","Ġp ich","Ġm acer","P ack","ĠS IL","ĠEl vis","Ġba tu","Ġvi ña","Ġprev ar","Ġin j","Ġ21 2","ĠTor ra","ĠVia jar","emb ran","Ġsw ing","{ \"","Ġcalent adores","Ġsospech osa","Ġllevar las","ĠAM B","Detal les","cou ver","Ġconvertir nos","ac encia","ĠAm én","ĠCub ano","h man","Ġh uertos","ĠT AB","Ġplante aron","Com isión","Aprovech ando","O ye","Ġo u","ON G","A ca","pa ÃŃs","ĠMedi ación","pla taforma","Ġromper se","e lección","Ġc ity","ĠRe alizamos","VO CA","Ġparal elamente","ĠLabora torios","dependi entemente","h un","13 5","ĠMic key","Ġmigra torios","plas tia","W W","Ġcu ñada","ĠMon toro","Ġcalle jeros","Ġlevan té","ĠMarc us","Ġgolos inas","ci galpa","Ġtóx ica","Ġdes fal","bl ico","eb e","ona zo","Ġfom entan","ĠMoto GP","Ġe ti","Ġdo lar","Ġconsent ir","aliz arán","Ġcol ó","ĠSal le","Ġmostr ada","Ġmarti rio","Ġvati cin","Ġpri ista","ĠObje to","Ġtra umas","ĠZ elaya","Ġdeten imiento","Ġenter amos","Ġseg mentación","fu ente","Ġpalp able","ĠEspi ritu","G ust","ĠO m","ĠRela tos","w ers","Ġvar ia","Ġrefuer zan","ĠMez quita","Ġinterroga torio","Ġdeud ores","Ġt itu","Ġin tros","Ġcom illas","Ġopera cional","ĠMac ÃŃas","Ġespon táneamente","Ġpack aging","ĠS illa","Ġop uso","ĠHo w","Ġinhib idores","ä¸ Ń","T ienda","j ad","in cha","ĠA CE","Ġto all","Ġte am","Ġven dÃŃan","ĠJ UR","quilib rio","Ġole aje","D em","a tiva","Ġexce da","ĠPlas encia","Ġac ueducto","Ġar bit","Ġquis imos","Ġpará bola","Ġtranseún tes","ĠV AR","Ġca ÃŃ","ĠRe formas","Ġmon ja","Com pañ","Ġempe ora","Ġlap top","Ġrepent ino","Ġenoj ado","Ġcac tus","ri mo","ĠAl tas","ĠDe bate","Ġaf inar","ome di","Ġperder ÃŃa","Ġdor so","Ġdur ado","Ġjejeje je","ĠBeb é","Ġemple abilidad","ĠBa ile","Ġdesper fectos","ĠPubl imetro","Ġinfil tración","S ir","Ġab rig","ĠCol men","Ġenem iga","Ġtaba quismo","V ivir","ĠT lal","ĠSi te","Ġaconte ce","Ġmu dar","Ġvac uno","Ġinspir ador","Esc ucha","h ire","ĠC uch","Por tu","ĠLu cio","Ġotor gando","Ġintroducir se","Ġhero ica","Ġviñe do","ĠMa ule","Ġpros pecto","ĠJa guar","Ġresal tan","Ġnegoci ado","Ġconsta ta","Ġromp ieron","ĠElo y","ĠMoz illa","ĠC it","ch eb","Ġsus o","Ġgen éricos","ĠAl man","Ġcuan tificar","Ġconstitu idas","An uncios","les a","Ġactu alizan","ER VA","Ġigual itario","ĠInt enta","un di","Gener al","Ġmun ición","Ġz arago","óp olis","Ġpropici ado","Ġde cen","ĠEs crito","Ġmar gin","ĠSegu idamente","f uera","Ġs ismos","Ġmi res","oc ÃŃ","oc racia","Ġigual ado","Ġvolv ÃŃan","Ġrob ando","ĠUnica ja","ĠUtil izamos","p eza","ro ugh","ĠS abor","ĠB ÃģS","Ġconten iendo","Per mite","ĠFab ra","Ġvag ab","Ġecl éc","ĠD ial","ĠB EL","Ġas per","ĠV u","H al","f eb","Ġac túen","Ġà ĺ","Des carga","Ġcoloc arlo","Ġarro gante","ĠVit amina","ffe e","Ġc itan","ĠP iura","Ġof ensa","Ġvisible mente","S ac","Ġar istas","Ġdon cel","ĠContac ta","Ġprimo gén","ĠCra ig","de ber","ĠEx port","Ġagu di","ĠSocial ismo","Cam iseta","ĠJurÃŃ dicas","Ġcontrapar tida","Ġretir aron","Ġresplan de","Ġmorf ologÃŃa","L l","il um","ma t","Ġesta cional","ĠO IT","ite atro","Ġmir arlo","Ġdia gramas","sas una","dios as","g ea","Ġl ares","Ġhab itado","Ġviv idas","Ġva ciar","Ġdiscu ten","ol ito","Ġve áis","ĠSan itarios","Ġinver tidos","Ġarries gada","Ġdinam izar","Ġmeteor ológicos","Ġimprev isto","ĠO reg","Ġesp inal","bo ts","Ġpeligros idad","Ġrecrea tiva","Ġcontex tu","Ġinfal ible","se xo","pon emos","ĠRe den","Ġconsagr ó","ĠIndivid ual","ĠGig antes","V M","ón di","ĠS top","Ġgratu idad","Ġtriun fa","Ġafric anas","Ġreconoci ble","Ġimag inan","Ġfri joles","Ġescapara tes","ĠU BA","Ġrecor rieron","ĠL ip","Ġgan ada","Ġfr unci","Ġmal etÃŃn","ĠVI R","Ġcomput adores","ĠGaran tÃŃas","Ġsuspens iones","ac ales","Ġas entado","Ġdest inan","Ġtri o","Ġcotidi anidad","Ġsú bita","ĠWar ren","Ġescog ida","al caba","Ġrein ici","Ġcong reg","ĠRáp ido","âĺ ħ","v ante","ĠEs can","Ġdist a","Ġ20 50","ĠComun al","ĠBro thers","Ġmetáf oras","Ġpresent ara","ĠJun g","Ġinsec ti","Ġex cedentes","Ġmús icas","Ġâ Ŀ¤","ĠCer tificados","Ġabst inencia","ĠHO TEL","Ġfortun as","ĠE vel","ĠI quique","Ġhac k","ĠK urt","ok a","Ġprov istos","ĠCar pin","ĠCla ire","ĠViv iendas","Ġdestro zado","ĠBroad way","Ġvol cado","ĠSE AT","Ġmayús cula","Ġn ichos","pos terÃŃa","tir ar","ĠCh ocolate","cor poración","ĠCL UB","ĠBay er","figu rar","ĠGrá fica","El ige","oc ados","Ġdescon ozco","Ġacostumb rar","ĠCarri ón","Ġmu st","Ġamb iciosos","ĠFac tory","ĠRepubl icano","Ġayudar la","Ġatac ados","ĠUNIVERS IT","ĠAl pha","net h","Ġabandon ando","ĠGuadal quivir","Ġdesfavor able","Ġfitos an","TR AN","Ġguer rillero","ĠCir cun","Ġfarmacéut icas","Ġcualita tiva","ĠMar in","Ġitiner ante","A didas","S ES","tar los","ur rec","ĠIn gredientes","Ġ5 12","Ġim ita","Ġpersi guiendo","ĠPix el","pa is","je tas","Ġcan ina","Ġascen dencia","ND ICE","Ġmar eas","hu as","ĠT B","Ġval lado","Ġarri endo","pa in","Ġmagn ifica","Ġfrust raciones","Fu i","Ġcon tu","ĠSOL ICI","Z aragoza","ĠH R","Ġprior itaria","Ġma zo","pos ici","Ġagr arias","Ġservir le","p acho","ri et","ĠF unes","Ġ16 6","ĠGa ga","Ġvag ones","ĠHom ero","Ġdevo tos","Ġdest a","Ġsa gradas","ĠRes idencial","Ġajust ando","g ola","ÃŃ feras","Ġtrans iciones","Ġ15 9","Ġ25 5","ĠBlo omberg","Ġacoger se","Ġequivo ca","ĠUtil izando","ĠFIN AL","an or","Ġqu i","Ġ17 7","Ġacep ten","Ġcolabor adoras","Ġinmedia tez","Ġcamar adas","Ġdesemboc adura","cal le","Ġmul tis","Ġenc ruci","Ġtec no","aster ios","Ġterm itas","S ha","Ġper vers","ám onos","Ġfacil itó","Ġapor taron","ĠSecre tariado","Ġexces ivos","ent ren","Ġta g","Ġrec rim","ĠPos ición","Ġdetec tadas","ĠAst or","Ġclandest ina","Ġreutil izar","ñ án","ex iones","Ġdep lor","Ġintentar án","Ġdecis ivos","Ġbob ina","Ġcac erÃŃa","Ġalfabe to","el ina","ĠEd die","ĠMur phy","Ġic on","Cá diz","r Ãĥ","Ġ19 06","ĠAn alizar","Ġacer qué","Ġsuf ran","ĠTe la","Ġinterpre tará","Ġav eces","Ġbur las","Ġga tillo","Ġexpe dida","´ ,","Ġfij amos","Ġocasion ó","Ġerrón eamente","Ġensam bl","Ãĵ R","Ġfel inos","ĠExper iencias","Ġmarg inales","Ġcolo quio","ĠConsul tar","ent aba","Ġest el","pti m","olu ble","Ġbuscar la","ĠPlan o","Ġcompren dió","Ġorg ÃŃa","ĠPat rio","Ġchoc ó","ĠGR ADO","u pe","ĠSa inz","Ġarm ónico","Ġ17 8","Ġrecuper an","IDE OS","ĠG rados","pu ta","Ġmo jada","Ġmodific adas","ĠMil ton","ĠVillal obos","Ġengran aje","ĠZARA GOZA","C ultura","ĠV W","Ġ20 6","ĠQue ens","ĠS ti","Ġver tidos","ĠCu aresma","ĠIns pir","Ġconcer tar","ĠA pre","Ġprob amos","Ġgri eta","ĠAD SL","и Ñı","person a","o a","Ġsal tan","Ġcambi ario","Ġrad iaciones","ĠBea uty","ĠItal iana","ĠElectro dom","ekw ondo","con ocer","Ġcul inarias","Ġlist ón","ĠLaur ent","Ġsin toma","ign idad","Ġañad ida","ĠFinanci ación","Ġóm nibus","E ran","d ación","Ġpor nos","ĠAl gún","ĠAr tista","Ġapar camientos","Ġdisfru tas","Ġbio degrad","ĠConsell eria","on dr","ti st","ĠF AN","Ġminu cioso","hi ro","Ġignor an","Ġmarg inación","Ġodon tologÃŃa","ĠFerre ira","Ġpe gas","Ġnorma tivos","ĠKar ina","ĠJOS Ãī","ĠIMPOR TANTE","Ġarro gancia","Ġcuán ta","ĠSomb ras","di er","Ġle ucemia","Ġw all","Ġrev entar","Ġdisfrutar ás","Ġexpor ta","Ġindul to","ĠC óm","Ġsi ti","emp ren","vel t","Ġreglam entario","Ġrespira torios","Ġtrac tores","Ġagropecu aria","Ġsubterrán eos","H ub","M t","ĠD ora","Ġev itarse","Ġeduc ados","trop ÃŃa","I K","Ġcrá ter","p il","ĠB rito","Ġquer idas","ĠFis ioterapia","ĠEspecial istas","Ġacumul adas","ĠUs huaia","ĠBow l","Ġdeb ieran","Ġenvi arlo","w y","ĠDE POR","Ġencontrar ÃŃa","Ġmode st","Ġanunci adas","Ġfer rocarriles","Ġsup ra","w id","Ġre gu","Ġdi ana","ĠTer reno","ĠTen ÃŃamos","P LAN","ĠE do","ĠF rac","Ġhu mos","Par ÃŃs","Ġrenunci ado","f ace","ro logÃŃa","ĠP ide","Ġpr int","ba go","Ġro edores","ĠPo ten","ĠGer man","Ġcig arro","ĠD ucati","ĠDe je","Ġentr ara","Ġpublic aba","Ġbeso te","Ġpañ uelos","Domin go","Ġa temor","Ġ24 5","Ġintro duzca","ĠA bi","Ġinteres en","10 9","Ġdisput ados","r d","Ġn idos","Ġh uyeron","Ġsin ago","Ġco ja","Ġproble mático","w el","ib io","én icas","Ġdu doso","Ġhotel eros","Ġbr újula","Ġnovia zgo","ĠAcredi tación","? »","g ama","Ġn ue","и н","ĠxD D","Ġdesist imiento","Ġlonge vidad","ĠSampa oli","is ha","ĠM G","ĠSu ger","Ġbailar inas","Ġirrelev ante","Ġquer rás","Ġestacion amientos","Ġidios inc","Ġpi pa","ĠPol ÃŃgono","Mate o","Ġahon dar","N ivel","re almente","da ta","ĠAn gulo","Ãģ F","ĠCoci nas","ĠEp ide","ĠR ecre","Ġenmar cada","Ġalti bajos","Ġs tory","Ġcos illas","ĠPla zas","Ġconce den","Ġatac ada","Ġsahara ui","Ġparti daria","Ġcement erios","Ġre mitente","ĠDe jamos","Ġbas tidor","olo go","Person as","I CIA","ĠAr tem","ĠDorm itorio","in son","ĠK ant","Ġagreg ue","Ġintes tinales","Ġdesvel ado","ĠEns ayo","fica z","Ġinstal ador","ĠAna tomÃŃa","Ġinterrump e","Ġinvas ores","ĠF X","ĠCál culo","Ġado c","Ġrea pertura","Ġinclem encias","ĠF ocus","Ġap l","Ġver acruz","Ġinter puso","Ġviol ado","Ġarras trado","hab ÃŃa","ĠSpen cer","Ecu ador","de ña","ÃŃa cos","uc os","ĠT ep","Ġdef orma","ĠCa tas","gü en","Ġfutbol ÃŃstico","ĠINGEN IER","al ba","ĠJ M","Ġlente juelas","Ġb inario","ĠFar m","eme lo","Ġcat alizador","Ġaleda ñas","ĠHIS TORIA","V EL","aj ira","yec ción","OR ACIÃĵN","Ġengan chado","Ġgener osos","Ġп ÑĢ","Ġb úl","ĠAng ola","Ġr án","Un ión","Ġsil enci","Ġl and","Ġimp ot","ĠNo t","Ġsabe is","Ġingles as","ĠBarran co","im án","ĠPro b","Ġconsider arán","Ġfoc al","Defin itivamente","Ġhumed ales","ĠPar t","Ġconfes iones","ĠMach u","Ġcomprue be","V SA","es pal","Ġfa ti","Ġnór dico","ist erÃŃa","ĠO ber","bió ticos","A se","B ase","l ú","Ġbaj en","Ġbio psia","a des","Ġe dema","ĠT rá","ĠEx cur","ci nos","Ġpatrio tismo","Ġluci dez","Aplic ación","C alidad","ĠR EN","ĠIn dio","Ġpol ideportivo","Ġconfi amos","ÃŃ dico","Ġrec tores","Ġacu ar","Ġlimp iando","Ġcru dos","Ġrellen ando","P ay","T ea","ts ky","Ġfre ÃŃr","Ġhidra ta","Ġobso leto","Ġespárra gos","ĠDer ma","SI ÃĵN","ĠReun iones","Ġnom ás","er ón","he y","Ġcr ónicos","ĠPo tro","ĠHab rÃŃa","Ġcome tidas","ore ma","Ġincumpl imientos","Ġdespla zan","Ġalo ja","c les","ĠP ura","ĠM EX","ĠF icción","ĠH eras","ut anas","Ġsub ÃŃ","Ġ17 2","Ġlar gu","Ġqueb rar","Ġleer te","Ġflo tantes","Ġalic ante","ĠF ilar","ob e","Ġru bor","ĠEscri tores","Clas es","Ġamon ton","G RES","is san","ĠTrans misión","ĠAir bnb","ĠhÃŃdr icos","ĠD ate","anas onic","Ġper ipe","emp res","Ġsuf ridos","ĠAp óstoles","Ġmulti función","ĠCab os","Gonz alo","Ġsumer ge","ĠA i","Ġha cin","ĠN UNCA","cre ación","ss s","Ġron dar","qu ena","AL O","99 0","ĠNazar eno","ĠPila tes","Ġequita tivo","Ġl isos","ĠH aro","Ġven dan","Ġterra ten","Ġpij ama","ül ler","omencla tura","ĠB ier","Ġderro car","Ġuniform idad","Ġorden anzas","Ġcolum nista","buen os","Ġesfor zar","ĠQues ada","Ġpor teros","O peración","Ġc ache","ĠD ad","ĠSuper visión","Ġmicros copio","rev olucion","ĠPelle gr","ĠR N","uer e","Ġcons cientemente","Ġparti dista","Ġdon ado","Ġmov emos","ĠMor ris","Ġpade cimientos","Ġejecut ó","mos is","ca o","Ġcoinci da","âĢ¦âĢ¦âĢ¦âĢ¦ âĢ¦âĢ¦âĢ¦âĢ¦","ar is","ĠV isto","tal aya","Ġmit in","Ġbag aje","Ġ3 25","Ġderiv ación","ĠOblig atoria","al das","Ġma tri","Ġmar ket","Ġpregun ten","ĠArn old","di bles","ĠL TE","Ġvis itada","Ġconsider arlo","ĠTur ner","Ġirre ver","reg or","Ġdetermin en","Ġsimpl ificación","ĠTá chira","d ará","h ana","Ġ ����","es pe","Ġasust ada","Ġdes do","ĠK han","fil os","Ġelev ador","Ġgalard onados","TAM ENTO","ĠIntel lig","Ġpagar án","ĠLeon ard","Ġtrasc endió","Ġz en","Ġofer tar","ĠSte el","ĠAP RO","ĠContin ente","g ala","Ġusu fruc","J AR","Ġun imos","ĠB ug","ĠH aremos","Ġcomunic ador","BIER NO","C ub","Ġper re","ĠEl ija","IC AR","Ãį F","ĠSec cional","ĠGan ar","ĠDeber á","al gunas","CI F","Ġgas a","ĠCan ario","Ġguar das","ĠSh im","ĠRom anos","ĠSab ina","ré d","id amos","Ġexig imos","IT AS","Ġadelan tos","ĠReci én","Ġinmers a","Ġbuf anda","ĠCien fuegos","Ġdesprender se","ĠF EM","Ġop taron","Ġtro y","ĠFer ias","Ġtriang ular","b ea","gar ra","Ġpe gando","ĠPo emas","Ġpromo vió","Ġpropor cionalidad","Ġgar ajes","Ġextrava gante","ĠF ide","ĠH ac","Ġfu éramos","Ġprocl amar","ĠCAP ÃįTULO","Ġucran iano","ĠP ene","par os","ĠPopular es","ULT AD","Ġdesent ra","^ ^","Ġap ple","ing res","av idas","trón ica","Ġobserv ancia","Ġdinosau rio","po drÃŃa","Ġdescar gue","Ġmac he","Ġespiritu almente","Ġdeter gente","Ġov arios","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ad itas","Ġindica tivo","ĠCarlo ta","Ġex fol","Ġdos ificación","ĠAr gu","Ġobten drán","Ġdesmon table","11 6","Ġsust entan","Ġpeculiar idad","Ġdestro zar",") (","Ġconf ÃŃo","ĠPro ven","Ġblan quia","K ET","ĠS OM","Ġ3 16","port amiento","tres s","Ġsever idad","Ġconmemora tiva","ĠBook s","ma p","vis ores","Ġvar ita","ĠProfes sional","Ġlong itudes","Ġs pi","lo a","Ġ\" ...","Ġocur riera","Ġac ristal","ĠT T","ĠMan zana","Ġaraña zos","b alo","Ġde ceso","mo d","ĠF énix","Ġpon iente","âĢĶ ¿","Ġinces to","b ul","ĠP ilo","ĠS na","ĠS ola","ĠMar ti","Ġbar aj","Ġdenunci ante","Ġdescubrir ás","om ática","ĠE me","Ġch ist","Ġfri ki","Ġsuperhéro e","b oro","ĠH appy","Ġfri aldad","ĠA AA","ÃŃn tesis","Ġago ta","Ġbe isbol","Ġmilen ios","J im","P ac","Ġ16 2","amp ton","ĠCE IP","Ġom iso","ĠHom enaje","Ġvi trina","Ġvic tima","Ġfracas ar","ĠPA IS","ĠPic chu","f am","ĠRo x","Ġchor ros","Ġapren dieron","5 50","re cuer","ĠP uno","ĠM ud","Ġap alan","Ġvalor ización","Ġprede cible","Ġapoder arse","Ġastrona utas","S ON","Ġmon ólogo","Ġpudi eras","Ġacce dido","Ġofens ivas","Ġesfor zamos","ĠSora ya","ĠCú cuta","ĠS uela","Ġsub irá","Ġlar vas","Ġevolu tiva","Ġdesar tic","ĠD IC","Ġreg idores","et he","Ġconocer los","ĠCl ip","Ġtem ido","Ġincertid umbres","ĠAde cu","ĠMÃŃn imo","f ly","Ð ³","ĠD ónde","ĠPa to","Ġemprendedor as","Ġin quis","ĠLa vado","Ġgén esis","Ġano ta","ĠConsul tor","L ucas","k ie","Ġper ece","Ġcap ilares","Ġgol fo","Ġbra gas","Ġcán ta","Ġenter e","Ġplát anos","ĠAlterna tiva","ER T","Ġsan cionados","Me dia","ÃŃm iles","Ġadop ten","Ġtrayec torias","Ġpercan ce","Ġhab réis","ob ra","Ġcoinci dido","Ġvist ió","Ġautomovil istico","ĠPad rón","Ġmovi éndose","Ġalici ente","ci sa","erv icio","Ġpan dillas","Ġtalentos o","Ġilum inados","Ġpresupues tarias","Ġespel uzn","Ġdes pos","Ġpa Ãĥ","dr y","Ġprincip iante","Ġcasti ga","ĠBár cenas","ĠL ech","ĠIlust re","Ġaltern ando","Ġparti mos","ĠBar bie","ĠDeb erÃŃa","Ġintra ven","Ġin gra","Ġg ótica","Ġmos quito","ién dome","Ġpolit icos","ĠOlimp ia","Ġmalague ño","ĠAgü ero","E valuación","Ġinf ame","par k","ĠRe port","úl veda","IC ET","Ġllevar me","Ġinforma ciÃĥ","ĠPower Point","Ġanoch ecer","L uz","Ġest ampar","Ġlevan tada","Ġasist an","ĠSta ff","Ġarres tados","Ġrevolu cionar","m ono","s ign","ĠD ior","Ġas cienden","ĠFran ja","tt ing","Ġejecu te","Ġaceit una","Ġdespl ome","P en","Ġo yen","ĠA X","ĠCor riente","Ġlegisl adora","Ġse me","Ġsus cripciones","Ġcer tero","Ġpi é","Ġconstitu yendo","Ġreglam entarias","Tecn ologÃŃa","Ġdiaposi tivas","T witter","ĠM ID","ac tive","ran os","ĠCre e","ĠBur ton","Ġalm idón","Die z","ĠE I","ĠB inarias","Ġap ri","der n","Ġmajes tuoso","ĠR urales","Ġsol apa","par tes","ĠNo ble","Ġmas ivamente","Ġplan ificada","Ġcosech ar","ĠLaur en","Ġcu ide","ĠW ang","Ġmer ecemos","Ġoportun os","Ġeró ticas","ĠMens ajero",". ¡","on ismo","Ġri fle","ĠM itsubishi","ĠG ate","Ġ ¬","Ġur l","Ġer r","Ġdisfra zado","ĠMala ga","ĠD AN","ĠB ÃŃo","Ġfo od","Ġindic amos","p ensión","ra p","Ġ3 70","Ġli po","ĠDi ferentes","ĠNuev e","ĠWell s","Ġpan tanos","Ġinvoluc rarse","Ġviaj amos","Vol viendo","ĠV uelos","ĠIn dica","Ġsub esti","Ġpod rias","Ser ie","Ġcomentar istas","Ġabus ivo","ĠK ick","Ġbarb illa","Ningun a","Ġin hibición","Ġesp átula","Ġhábi tats","ĠFa ust","ĠDIG ITAL","in nova","it za","Ġan tin","Ġbr usco","Ġsimul tan","ĠB orn","Ġpag aba","Ġbio tecnologÃŃa","Ġsoci ólogo","ĠSho pping","enov elas","ĠEus ebio","S ue","b usto","ĠAl bor","Ġcul pas","Ġgen ialidad","Ġta il","ĠHum ala","Ġretras ado","Ġconstruc toras","ĠM ier","ici enta","Ġmal iciosos","bo dy","Ġsalv ando","Ġdistribu ciones","u pon","ion alidad","du zco","lam o","Ġinclu irse","ĠQuin tan","Ġtrom peta","Ġarreci fes","in gen","Ġdes na","Ġag rid","ĠBo ard","ĠMINIS TERIO","å ¹","et z","ĠX im","Ġporta voces","Ġdiv ir","Po déis","Ġtranscur ridos","ĠConsum idores","Ġcuat rimestre","ĠTLC AN","Ġconyug al","el ine","ON U","Ġcri ollos","Ġtranspor tan","g rupos","Ġmor ib","Ġestructura ción","Ġfol lan","Ġregal ÃŃas","Ġfren a","tón ico","ĠPRIM ERA","des cub","ĠJ ue","Ġsent é","Ġjust ici","Ġintroduci das","Ġdescen dente","Ġeviden ciar","Ġabstrac ta","Ġsinerg ia","D AS","Ġa gas","ch ados","Ġor quÃŃ","Ġamig ables","Ġpasar la","Ġdebil it","Ġfolk lore","A do","s and","Ġpar alizado","ĠF ast","ĠCuader nos","ĠDomici lio","S iete","ĠP ik","ĠM óstoles","Ġ27 5","Ġequival encia","ĠCo ches","Es co","ĠSer vi","leta zo","ĠHol guÃŃn","ĠIma gina","ĠMemor ias","Ġinfor mo","Ġdes lin","Ġayud antes","Ġformul adas","crim inación","ĠReflex iones","H ER","ĠS ócrates","Ġan ac","ĠCh aque","Ġcent radas","ĠPros titu","A PA","ĠAr bitraje","Ġsumar án","ĠBritán ico","f ób","ĠSal sa","Ġmoles tan","ĠCID H","ĠRes trepo","Ġreserv ando","incl uido","Ġcogn itivos","Ġdesenf ren","B F","Ġbuc ear","ĠMez cla","P ES","é gano","ĠN erv","Ġir landesa","Ġescribir nos","Ġep id","Ac tividad","Ġ Ä","ex p","Ġprome ter","ĠReci be","Ġasfi xia","Ġdar ÃŃan","Ġenf ure","Ġcoleg ial","ĠTab las","Ġirremedi ablemente","am anos","Ġsumerg ido","ĠDesaf ortunadamente","Ġacup untura","Ġu ranio","Ġint ri","ĠQu ieres","Ġluch aron","Ġbor re","ĠFlor ence","ĠEmpez amos","ĠAsoci ado","Ġpatrul las","Ġsec cion","ĠSo f","Ġperten eció","Ġconfir me","ĠJar amillo","ĠCasta ño","ĠMin utos","Ġfer iado","Ġvib rador","Ser án","Ġcolos al","H os","Ġk o","ĠBol onia","ĠAf ter","Ġfolcl ore","Ġdesvia ciones","ĠS AC","ĠMejor ar","ch ero","Ġcó mica","ĠAd v","Ġatro z","ĠCIEN CIAS","Ġ( *)","vers ibles","Ġgan gl","Ġleg iti","Ġhuman ismo","Ġlubric antes","in dicaciones","Ġpres ionado","Ġrepresent aban","Ġcocin ado","Ġestre me","Ġdesperdi cios","ĠInici almente","ĠMix ta","D EC","om es","Ġrecu adro","ĠPe ñas","ĠExtra c","Ï ĥ","od é","ĠSci oli","Ġin calcul","ĠAma ya","ĠCruc eros","Ġboce tos","ĠM UD","ĠCon vers","Ġapoy ará","Ġelim ine","Ġincon gru","Ġpsic omo","ĠSAN TA","Ġsuspendi dos","Ġescén ica","ĠHosp itales","ĠA GUA","Ġ16 7","Ġperman ecieron","Ġholan deses","ĠF usión","ĠEn sen","Ġjun gla","Ġtim ón","Ġalu cina","Ġex ag","ob serv","Ġw estern","Ġtap ado","ĠValent ina","Ġalba haca","A dap","Ġdel la","ep pe","ĠAm elia","Ġprotes tantes","ĠCór dova","rev olución","Ġsobre llevar","Ġcompar tÃŃa","ĠCas anova","Ġimper ante","Ġdescargar se","Ġmezcl ada","Ġencer rada","ĠUNIC EF","Ġan tica","ce a","Ġmar is","Ġ9 25","Ġdesa tas","ðŁ Į","Ġarrib aron","ĠEs car","Ġch ec","ĠK iss","ĠMac Book","es ar","ĠA cor","Ġmen aje","ĠK la","Ġur na","Ġvest ÃŃa","Ġl omb","ĠEn vi","Ġ20 2","Ġfran que","Ġinten dentes","Ġmodi fique","ĠSh adow","Ġlegisla ciones","ĠFra ga","Ġpe deras","ide as","ĠAr évalo","ign on","tró leos","ĠJoy erÃŃa","Ġla te","Ġt ril","ent aron","ĠP ERO","par d","Ġmar fil","mon io","Ġcomplic ar","Ġge oloc","Ġporcent ual","S os","_ .","ĠN est","ĠI ca","Ġhab ria","Ġescuch en","Ġtertul ia","Ġhún garo","Ġba úl","ĠX xx","Ġcolec tivamente","work s","Ġinvir tió","sw ord","Ġincorpor adas","Ġperegr ino","ĠPhilip pe","W a","ĠHo ff","Ġga ta","ĠMercad ona","is eos","ĠEx amen","Ġnutri cionista","Ġpape letas","ĠepÃŃ graf","L uc","Å «","× ķ","ara y","ĠMar ea","Ġja ulas","Ġhomen ajes","Ġcon ej","ĠC un","ĠG oku","ras ia","Ġcar cin","ĠGu itarra","Ġcurs ado","ĠYugos lavia","Ġb im","Ġper sa","ter iza","et ica","Ġmin ibar","Ġhumor ista","buc ks","h echo","ĠP AD","ba gs","Ġbus qué","ĠPar ed","Ġencan tadores","ĠPeque ñas","Ġenvej ecer","U ruguay","Ġg ym","ĠP ec","Ġllama tivas","Ġa fic","Ġcar tografÃŃa","Ġmal versación","Ġresist irse","Ġartil ug","t ÃŃo","ab ia","Ġal z","ĠX S","Ġexpres ados","Ġpade cido","Ġche queo","ĠMila gro","te urs","ell ón","nes ota","Ġadh iere","Ġteór icamente","Ġluminos as","t ÃŃsima","ĠB ord","cl usión","Ġlec tivo","ĠLeg ión","Ġheteros exuales","ĠJerem y","st ock","ĠT CP","Ġli pos","dera ciones","Ġarreg la","bi ke","ĠAr reg","ĠCo urt","Ġ20 3","ĠAc tas","ĠAc tion","Ġperiod ÃŃsticos","Ġcuantita tiva","â ĨĴ","ech ea","Ġx eno","Ġaj ard","i adora","Ġc uela","ĠD ort","Ġsab ore","ĠMu rió","Ġvid ri","Ġchanc adoras","Ġleg alizar","ĠTe herán","ĠJa iro","ĠStar t","ĠRepres enta","Ġcalab acÃŃn","Î »","Ġale ta","Ġga z","ĠBas ic","ĠMc K","Ġre orden","Ġsor do","Ġrepor tados","ĠMat h","Ġfascin ado","quiz ás","Ġtraz abilidad","mb erg","leg al","Ġconserv as","Ġdibu jando","ométr ica","ĠAso cia","Ġteñ ido","Ġn er","Ġreg ion","ĠPrim eros","Ġpar tos","it ri","Ġoscu re","Ġcuidad or","ĠLlan tas","Ġman illar","Ġev iten","IL IA","Ġacercar me","Ġom ni","Ġdesesper ados","Ġmur cia","ĠPeñar ol","tra va","ĠP ÃŃ","ĠI f","Ġna ci","ub io","Ġmor enas","Ġproce dido","ĠProvin ciales","Ġson ro","Ġ29 0","ĠEri k","k al","ĠS iga","Ġrefer encial","Ġfrust rante","Ġdisper sos","Ġmanu tención","am ino","Ġpa terna","Ġhaber nos","Ġhela dera","Ġfor ce","ĠCab allo","POS ICIÃĵN","Ġlien zos","00 5","ĠMad ison","Ġexpe di","Ġreti ros","Util iza","ĠFl ora","s eco","Ġch ófer","cur y","ĠEstudi antil","ĠSub dirección","ĠB uf","Ġtor eros","Ġprotagon izaron","Ġconvers ando","Ġsecues trada","B ea","ĠE ro","Ġg ér","ĠF ortuna","Ġinver os","ĠHe gel","ĠFal la","Ġg rin","son o","Ġapren dimos","Ġalmacen ado","Ġurg entemente","Ġmister iosos","ĠDen nis","ĠLimp ia","Ġmascar illas","Ġyogur t","utanas ia","C F","T ime","Ġa o","Ġpue bl","Ġmal vados","Ġases orÃŃas","Ġcomprar la","Ġmone dero","Ġrestau rant","Ġaconse jan","Ġmentir oso","Ġcosech ado","Ġl ife","ĠIn su","Ġsab ÃŃas","Ġra bi","ĠCor rupción","ĠAS IGNA","ĠWarri ors","cel os","tien das","ĠPres tamos","Ġpat entado","Ġs idra","Ġser igra","Ġas Ãĥ","ine gro","Ġobje tivas","Ġfo tom","ip es","Ġsac ramento","Ġregres ión","ĠC aban","Ġres orte","jo v","ĠVAL ENCIA","Ġpromul gación","Ġac oj","ĠT aj","ĠPer dón","ĠLu que","Ġbal onmano","Ġescla va","in iciar","den o","ĠAnd res","ĠVan couver","Ġbrind aron","Ġal inea","Ġcor diales","Es pacio","ĠMon ey","Ġexil iados","Ġs crip","10 7","ĠPon iente","Ġmást il","ĠEN TR","apro ximadamente","Ġestimul antes","Ġdes iertos","ĠAlex andra","ĠNA TURAL","ĠÃį NDICE","Ġabord ará","ĠT iz","Ġlib rarse","Ġamor osas","ĠBen avente","Ġinfo grafÃŃa","Ġsk ate","! :","cur rió","Ġof endido","Ġcel ulosa","Ġsob rio","Ġtransmi tiendo","Ġmatric ulación","ĠJosef a","ĠMUNICI PAL","Ġsab réis","Ġcontra tan","Ġmon tados","RI O","Ġdiv ierte","ĠRecom endaciones","ĠAdolesc encia","ĠACTIV IDADES","Ġrencon tre","ues tre","Ġpo pa","Es cri","Ġadminist radora","Ġmagn ifico","Ġrap idos","Ġg amas","Ġme tidos","con strucción","cin ia","Ġexplor adores","Pr óx","Do ble","Ġhomolog ado","de les","ĠJ hon","com m","Ġdef endÃŃa","Ġdero gación","ĠAlejan drÃŃa","C iertamente","Ġcu mb","Ġcu enco","ĠPas amos","Ġaument en","Actu alización","ĠT IPO","res es","Ġrecon f","ĠOl ive","ĠBe goña","Mar co","Ġreiter ada","Ġmár tir","cheb uena","ra ta","le m","tó grafo","Ġcontar a","ĠIndi an","s c","or tes","ĠAl erta","12 8","ĠElec torales","Ġpreval ecer","ĠONG s","Ġmemb resÃŃa","ĠDiseñ ado","Mol ino","Ġv et","Ġper enne","ĠAl dea","ĠReg ina","Ġtribu tación","Ġempu jó","Ġexpos itor","Ġyihad istas","n ac","Ġex im","p án","Ġe e","ĠS G","ĠEl da","Ġsin u","Ġempez o","ws er","acas o","Co lección","ĠCuer vo","Ġincómo dos","ĠEst recho","me bol","Ġé p","Ġcoinci dimos","of ón","ĠDia gonal","ĠO il","ex e","Ġneg aba","Ni ños","ĠMons anto","J n","Ġazo teas","Ġree leg","J UE","Ġs now","Ġca yera","Ġson ando","Ġexp ol","Ġpel vis","Ġ20 7","Ġlider ados","árqu ico","Ġsedi mentos","P LA","ĠM iedo","ĠL ama","Ġti re","Ġpin tando","Ġbru jerÃŃa","gén ero","ĠEri ka","ĠM ing","Ġvis as","Ac cesorios","Cre e","ĠN BC","ig rantes","cuent ros","Ġbañ arse","Ġingen uo","ĠRespon der","ĠCom patible","ĠPens ar","Ġsubord inados","ĠG us","Ġeleg ibles","ĠSon g","Ġdele gar","Ġtuv iste","enn ials","Ġcuad r","ol Ãĥ","ase gu","Ġasum imos","Ġdeclara toria","ĠS tones","Ġ9 50","Ġliber an","ĠLuc ena","d v","Ġinst au","Ġmagist rales","Ġen alte","ĠN iza","Ġespe j","Ġcu aj","Ġob viar","ĠCort ázar","t la","tr era","âĢľ âĢ¦","Ġnaz ismo","Ġal mer","stitu ción","ĠEmple os","Ġperd áis","co pe","Ġrin con","ĠBoliv iana","V ar","Ġestructur ar","Ġchub as","am is","ĠC ut","ĠAmazon ÃŃa","Ġjustific ó","Ġe ucalip","Ġvis ites","Ġtamb ale","Ġimplement ó","Ġcredi ticia","On line","ĠSimp osio","G ro","Ġar nés","Ġpres crip","Ġentre go","ĠPri mo","ĠLen guas","Ġa ti","am igo","âĢ ĥ","Ġpro fer","ĠF ore","Ġsuper flu","Ġfol ios","ĠG n","Ġpol is","Ġtras mitir","Ġestrech ar","ĠLe desma","Ġfavor ablemente","dal as","Pro ce","ĠAlm uerzo","Ġcarac oles","Ġpor tando","ito lio","tan ol","Ġestad unidense","Ġintens ificar","Ġp abell","ĠDep ósito","Ġgasolin eras","ĠImple mentación","Ġerup ciones","te zas","ĠA xel","Es crito","tera peutas","Ġcri ada","Ġhuman itarias","ĠExper imental","Ro drÃŃguez","ĠQa eda","t entes","ĠEsc uchar","Ġlide res","Ġautóc tonas","Ġmor ÃŃa","Ġacce dan","Ġdeslumb rante","Ġtor áci","Ġver guenza","Ġinm ensas","Ġenseñ e","Ġrec ón","Administ ración","p ores","to o","Ġemp ece","AN AS","Ġconsul tante","ĠConsul ting","Ġvag ón","fan tas","Ġzomb is","N uevamente","ĠF rie","Ġextra ÃŃdos","Ġodi sea","Ġf it","Ġme lón","ĠCar p","Ġregist re","Ġinstrum entales","tÃŃ b","ĠEduca tion","l los","Ġpes imismo","Ġfil iación","Ġdeclar ando","Ġbull icio","? ;","E ZA","Ġar g","és imas","Ġme tida","ĠCos tas","ĠmarroquÃŃ es","c ron","ad uc","Ġproyec tiles","Ġl io","Ġsi metrÃŃa","Ġsin tom","Ġcab re","Ãģ TICA","gu ren","ora h","ĠOs lo","Ġdivi dió","Ġelectrodom éstico","U I","Ġb ió","De jar","Ġleer los","Hig gins","t un","ĠO le","Ġcer ezas","Ġbol ÃŃgrafo","Ġsemá foros","Ġplebis cito","ran ce","com pe","Ġbas arse","tan ia","Ġcolor ida","Ġrefle je","Ġtier nas","cop ias","Crist ina","ĠBritán ica","Ġsubcampe ón","Ġsand wich","ch ile","ĠMar tina","Ġaler tar","Ġirrespons abilidad","Ġafe itado","S et","f ila","Ġ( .","âĢ¦ -","Ġó se","ĠP io","ĠM Ãĥ","ĠF ierro","th ia","ĠEsc ucha","a ire","ĠMar ac","Ġli di","Ġcompr ada","ĠES CUELA","Ġllor aba","XX X","ĠRenov ables","Ġmananti al","I z","ĠL X","Ġsobre manera","âĢ¦ âĢĿ,","ey ra","Ġdelic tivo","ĠAss ist","4 80","Ġf t","ib aba","imp erial","lic é","ĠMig raciones","ĠBeet hoven","ĠCh inch","Ġinsatisf acción","Ġdel in","Ġapren des","Ġren acer","Ġindependen tismo","Ġvegetar iana","ĠCom e","ĠFern andez","ĠCat amarca","Ġcentr alizada","ĠSolid ario","Ġpar os","Ġdeb idos","Ġobje tivamente","Ġesper ma","Ġ18 90","ĠGog h","D ivers","Ġin cis","ĠPor te","Ġmor osidad","Ġpagar le","Ġderi ven","Ġcola terales","Ġsolv ente","\" -","Ġdes mar","ĠR ut","Ġan Ãĥ","Ġlim it","Ġaltar es","ĠISS N","Gonz ález","u dez","Ġa te","Ġfac ción","Ġabord aron","ĠConn ect","Ġgremi ales","ch ia","Ġacompañ arán","ĠTan ia","Ġmedioc res","OMB IA","i ris","Ġal zada","tad amente","dig ital","ĠTechn ologies","Ġt ala","Ġob vi","ĠSan itario","ĠCru ise","Ġalérg icas","F RE","ĠC rónicas","eb er","ino co","Ġreg irán","Ġbrig adas","Ġcontrac ciones","Ġpor favor","ĠP ele","ĠT P","Ġentre g","Ġrespe tados","ĠL ente","por tu","Ġdispon go","ĠVen gadores","Ġgestion ando","Ġembaj adas","Ġrevoca ciones","Ġavar icia","p adre","ap i","ĠBan deras","C ort","Ġex hum","Ġdesgu ace","ul in","et ricia","ĠBar ba","Ġ17 9","Ġrefug iado","Ġox ig","ĠEspectá culos","TER S","úp lex","Estudi antes","Ġconst ató","Ġ20 4","ĠCeb allos","vil lo","Ġhectá rea","Ġengaños a","Ġp izar","Ġjust ifique","Ġrad iales","Ġhablar le","Ġdrá stica","el les","ĠF ich","ĠMe yer","Ġins uf","ĠOb st","ĠDeci sión","L ondres","Ġan ul","ĠPa tron","19 81","ila tes","ĠOfici o","Ġimagin arse","E mple","ĠEn amor","amb iental","Ġfronter izos","ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ","Ġmu dó","ĠU F","Ġpas cua","Ġor ador","ĠGu itar","TU D","ĠhÃŃb rida","ta p","Ġobje ciones","ĠBio diversidad","Ġpur ga","n do","ca gua","Ġcar navales","Ġflex ión","Ġsopor tado","Ġaline ados","Ġpincel es","Ġenorgulle ce","H ospital","tr ana","Ġad orar","tin er","Ãģ rea","ĠPAR TE","ĠF av","ĠAl vear","ĠCol oma","Ġderro tados","Ġrespal dada","Ġov ario","Ġengran ajes","ch ua","ĠTra uma","nov iembre","ĠTu dela","ĠBos ques","Ġcalific an","ĠTOD AS","ĠBow ie","Ġprofec ÃŃas","Ġpan da","ĠInf ierno","Ġvisit adas","Profes or","Interes ante","Ġpe gan","Ġamplia ciones","Ġatro cidades","ĠESTUDI OS","Ġreal eza","Ġvisitar la","Ag entes","Ġahum ado","t ándola","con ocimiento","Ġ19 09","ĠPe tit","Ġcambiar la","ĠMus ica","Ġcorte jo","Ġbrutal idad","ĠAra gonés","Ġme tes","gu ard","Ġarrep iento","Ġhac ker","ĠPas ó","Ġconform arse","Ġdañ an","Ġtransmis or","Ġn bsp","ran d","Ġart Ãĥ","Ġredist ribución","Ġb ay","ĠW iki","ific adora","Ġmorb osa","A dri","mas h","uy an","Ġ17 3","Ġgor dos","Ġconcient ización","ĠP ró","P ad","re ña","car os","Ġradio frecuencia","ĠFun dador","Ġbendi ta","ĠPo e","Ġale jó","Ġanim es","Ġestra to","dó ñez","ĠTa k","ĠÃļ nicamente","ina pa","no ta","Ġcent ramos","Ġenc endió","Ġocurrir ÃŃa","ĠRefug io","B ron","ci A","baj a","Ġdelim itación","ĠIncre ÃŃble","z onas","Ġte ta","ĠAdri an","tx e","Ġráfa gas","Ġins olv","Ġbo hem","Ġempez aban","Ġepi lepsia","i aba","Ġbas uras","AN G","Ġprecios idad","Ġanticip adas","ĠAbog acÃŃa","ĠAvan zado","Ġre dujeron","ĠSin ceramente","Ġbio grafÃŃas","Ġatraves ó","Ġconcesion aria","ĠDif usión","Ġsancion ador","Ġd ron","Re y","Ġcas amiento","Ġhan d","ing itis","com par","Ġentregar le","Ġsepul cro","s aludos","Ġd ico","Ġhe ad","Ġinfec ciosas","ĠPAR TICI","Ġpolie tileno","A demas","ad minist","Ġinf ortun","Ġop io","at ing","on adas","ñ ados","ĠT X","Ġ Ń","ĠAr ra","Ġagu das","or ales","mi le","Ġdec ÃŃr","Ġgestion ada","az ul","ĠEc ológica","Ġvari ando","Ġautent ica","Ġre versible","ion i","Ġor inar","Ġpen semos","Ġarro jado","Ġbio di","ĠIn corpor","Ġama zon","Ġdisput ada","ĠOp us","Ġplom ero","Ġjubil aciones","cuán to","ĠPenitenci ario","ĠG ill","Ġcre cÃŃa","ĠMar iscal","Ġexal tación","ĠSISTE MAS","Ġestrib illo","Ġdesvin cul","cu yo","ble don","Ġ18 4","Ġbon dados","Ġsalv amento","ĠSch warz","Ġlú dicas","orias is","Ġnas ales","Ġame dr","F on","Ġv ierte","án gulos","Ġcomp aran","ĠConcl usiones","Ġpalmar és","Ġbas tos","ĠDis play","bal lo","Ġfide os","Ġacantil ado","Ġan alizada","Ġpre grado","Ġul timamente","Ġapun tarse","ĠHu ila","Ġplane tario","Ġbran ding","ĠD oce","Ġesp as","Ġol las","Ġexplo tó","Ġadorn ar","Ġidio tas","Gen ial","V iernes","Ġh en","ĠPa gos","Ġauto cara","Ġexig irá","ĠBen al","ĠEMPRES AS","ĠEmpez ó","P J","an ya","Ġma tinal","Ġcab ellera","ĠLo co","Ġsober anos","ĠDES CRIPCIÃĵN","Ġreh us","Ġautodid acta","Con junto","Ġajust ables","Ġingen ioso","Ø ¯","Ġre po","Ġlas timar","ĠInter cambio","Ġprepar o","Ġcalle jeras","rem lin","Ofer ta","ĠArauc anÃŃa","Ġapreci ada","Ġsubs istir","Ġadic tivo","ĠIncor pora","Ġres aca","qui ales","Ġcri olla","Ġinten cion","Ġprofesor as","ĠSep úlveda","Ġchup ando","ĠMa in","Ġceleb ridad","Ġmaterial ismo","ĠI ker","ĠLu iz","Ġdomin ando","ĠStar k","ĠBale ars","A mar","Ġdej éis","Ġpens ionados","Ġobses ionado","l és","ĠO st","ç Ķ","Ġmonitor izar","Ġdespren dimiento","ĠDé j","Ġdevas tador","Ġmo triz","Ġpul gas","nav aca","Ġconec tó","Ġcompren da","capa ci","ini tis","Ġsatur adas","ĠPROS TITU","M esa","Ġco ar","ĠDes e","Po wer","Ġsar cas","Ġentre mez","ĠBa ix","ĠRE F","ĠHol iday","Ġresal tando","ĠJord án","Ġgent iles","B ene","h and","Ġs ms","am bo","ĠE fra","ĠPor fi","ĠlÃŃ pidos","Ġvoc ablo","Ġintr om","Ġdu dan","Ġacab ara","iner fe","K m","Ġdeman dó","Ġinvad ido","Ġtrauma tismo","g icas","Ġtri at","Ġtor eo","Ġhablar os","Ġdisfrutar la","ĠS ensor","itu almente","Ġ30 4","Ġcol ofón","Ġtex tual","op in","Ġentrev istar","amo to","Investi gadores","Du ración","Ġmu uu","Ġcuestion arios","Ġense ñas","U LA","Ġleg ión","Ġincur siones","ĠRo ver","16 8","UL L","Ġlocu tor","Ġarrancar á","ĠAla in","ĠEslo vaquia","S EM","ĠClÃŃn icas","Ġrecar go","Ġhondure ños","r ÃŃn","Ġin duce","ĠF ren","ÃŃt anos","Y E","ĠT ari","Ġfor rado","Ġdescub iertas","ĠSecre to","Ġafil iadas","Ġgrie gas","ĠH olocausto","Ġw hat","ĠRes puestas","ĠES PEC","ĠDel uxe","Ġexpan dirse","Ġabur re","ĠIndependi entemente","Ġboc adillo","ĠG OL","ĠTele gram","Ġgar ante","Ġdies tra","ĠREG IS","2 10","Ġrad icado","Ġimag inarios","ĠTa uro","ĠGuar dar","ĠAcu ario","Ġredi rig","Ġmelan c","uer zos","Ġrode aba","Ġimpuls ores","Ġper diera","la p","Ġcumpl imos","Ġenga ña","ĠHip ólito","Ġn un","ĠC ayo","ĠS weet","Ġlle gase","Ġreca er","inv ierno","r t","ĠJ or","Ġsent arme","Ġmillon arias","ĠAto cha","i tec","ó leo","ĠD res","Ġch ula","Ġarran cado","ĠGol pe","Ġconcluy en","ĠBar bara","ĠCor por","Ġcorrespon dido","ĠGener alidad","Ġrad ares","Ġmol ido","Ġrema tes","Encuent ro","Ġesg rim","Ġgér menes","R ERA","ó fago","ĠN arra","Ġte z","ĠEs pera","Ġreconoz can","Ġchir ingu","ĠR ia","por taciones","Ġ19 07","Ġpens ábamos","J apón","ÃŃ quese","cu le","Ġcor ra","Ġatre ves","ĠBir d","ĠAsesor amiento","15315 56","Ġcul turalmente","rop ileno","Ġpesim ista","Ġam ados","ĠSe e","ĠAn illos","ĠCh im","Ġimport adores","Si go","étr icos","técn ico","Ġc ist","Ġaun ar","Ġsofist icadas","ĠOcupa cional","n orte","Ġap rieta","Ġrespon dÃŃ","Ġfe tal","Ġahor rado","time x","ĠC ED","ch ando","ĠY ORK","ĠDe uda","ĠQu is","ĠFO TOS","A K","Ġas ol","ĠW ind","Ġescri torios","posi tiva","Ġelev ando","Ġcomunica cion","ĠPy thon","ĠRR HH","ĠLitu ania","Ġhacer os","Ġsho p","Ġalf ar","Ġpedag ógicos","Ġcapitan es","Mur cia","ent ará","min e","Ġmáx ime","ĠServ idor","Ġsacerdo cio","Ġperime tral","G l","b ona","Ġcons igas","Ġemb ru","ĠKa w","Ġautoma tizados","ĠF at","ĠF ERN","!! ,","ep s","ár melo","Ġdolor osos","ĠÃī xito","Ġvel ero","c v","z mÃŃn","ĠSá hara","Ġcobar des","Ġter ci","Ġref iriendo","Ġjugar se","оР³","ĠAmpl ia","Ġaplaudi r","ĠJuris dicción","ĠFEC HA","co cina","et ón","Ġw iki","ĠP iedad","ĠN y","Ġcre moso","et on","Ġale atorio","ðŁ ĩ","Ġhidra tada","Ġlujos os","Ġso plo","Ġri f","Ġinvertir á","ĠCat herine","Ġarque ólogo","Ġrequi rió","Ġlic enciados","Ġdecidir se","Ġnub osidad","Ġhere dera","Ġtrack s","f io","que bran","Ġcontra jo","Ġrela tar","Ġincrement ará","Ġgit ana","ĠINTE GR","ĠB ing","ĠF AB","Ġtal ib","ĠX alapa","Ġofer tados","Ġdev ueltos","Par que","od le","Ġaber turas","ĠWoo dy","f rán","Ġacercar te","U sa","ri um","ĠAn illo","ĠDi amante","Ġapoy arse","IC ULO","est és","pol i","ĠRub alcaba","Ġhipó crita","Ġconclu irá","H om","Ġsu do","Ġestudi adas","ĠNa turalmente","Ġigual ó","Ġsosten imiento","ĠAdu ana","Ġentrañ ables","S EC","Ġpar arse","Ġcuar ent","Ġconstru irse","Ġusar emos","Ġhabl ara","Ġrepar tiendo","ICI DAD","Ġdobl ado","ĠL ác","Ġj inetes","Ġreg ad","Ġpol ig","ĠCOM PR","Ġinev itables","ĠDetermin ar","Intent amos","ran es","ĠH ech","ĠY er","ub ridad","Ġesp eso","Ġinclu ÃŃan","Ġidentific ador","Ġrespal dan","Ġhomogén eo","Ġastero ide","Ġs tyle","Ġen gal","... ","Ġcorri eron","Pre ciosa","Ġinesper adas","Ġcacer ola","ĠAdvan ced","Ġque bra","ĠU z","ĠGo urmet","ĠPort land","Ġave cin","ĠA fil","ĠEsp ada","Ġmatar lo","Ġneu tros","ĠAquel lo","Ġy uca","Ġcon com","Ġcor res","Ġmor adores","Ġmig rante","ĠPi ña","ĠDIS EÃijO","ĠPav ón","ĠFortal eza","t uno","ĠO sasuna","ĠBeb idas","ĠFrances c","Ġencap uch","Ġper dedor","Ġcalcul an","ĠMargar et","ĠN OS","Ġco til","Ġ13 00","ĠEduca tivas","Ġautóc tona","Ġimpermeabil izar","Ġcomun iones","Ġfal taron","ĠLo ok","Ġempez arán","ee e","ĠIP v","ĠChil dren","Ġeli jan","Ġcompu tar","Ġaf lu","Ġentr on","Ġdesp ist","fre e","ĠTac ón","Ġsic arios","Ġad iner","ĠMon zón","Ġcomparti mentos","ĠEpide mi","Ġten dras","Ġmar ia","ĠPre fectura","Ġarm ó","ĠHel en","eléctr ico","Ġest ara","Ġdic tados","Ġdocument ada","ĠF ES","Ġar eas","Ġocur ran","Ġaten u","ĠBur deos","r oma","ĠT W","Ġmagn itudes","Ġdura deras","raz y","ĠIl de","Ġguard ó","ĠnÃŃ quel","Ġempan adas","Ġver é","Ġimplement adas","Ġendo cr","P unto","g ame","Ġab unda","ĠMa ur","ON Z","Ġresfri ado","Ġf lecos","Ġpro activa","Con oces","Ġprue ban","Ġproce di","Ġsuici das","Ġespontan eidad","Ġ18 2","Ġases inó","ins ki","Ġjer ez","Ġp hoto","Ġsu men","Ġb le","Ġconoci era","Ġcambi aba","Ġcontam inados","Ġcuestion an","ĠBr ent","Ġconstruc tivas","Ġcoc tel","2 80","Ġ14 00","ĠAb as","Ġpropon ga","ĠNúm eros","ĠPelic ulas","Ġal be","Ġimp ag","ba u","Ġagradecer le","ĠF itz","ĠEs con","ĠTe jido","Ġagra vio","Ġfactor ÃŃa","Ġfisi ologÃŃa","Ġfurgon etas","Ġpos moder","Ġpe tar","Ġinten cional","8 50","j ona","tu rando","ĠD uc","Ġbas tará","Ġpin tan","Ġadap tándose","ilan tro","ĠApar t","gar d","pi te","ĠSa ga","ĠDI ARIO","Ġpres tada","stas is","Ġcontrad ice","ĠL ici","ER IC","ĠPar o","Ġalm irante","Ġsuper inten","Ġsorpren dieron","Ġrecord é","Ġprotec toras","Ġaltru ista","S eb","Ġrecon versión","Ġprov ech","Ġtri atlón","Ġhuman idades","ĠViv imos","Ġhidra tar","Ġimperial istas","Ġtener las","Ġfal tando","ĠZ ub","ĠCl ásicos","Ġapa ci","Ġjardin ero","F ondo","ĠP ola","Ġver ificado","ĠCon fianza","ĠEspi ritual","Jorn ada","Ġsal tado","Ġfal lan","Ġeconom ia","Ġsangri enta","Ġbarcel onés","Ġt entaciones","Ġdeci das","Ġdecidi damente","ĠEscol ares","Ġexp rimir","Ġmes eta","Ġaten demos","Ġt aco","Ġentra ña","ĠBust os","Ġprec ario","n dice","Ġex po","Ġgust ara","Ġvi trinas","Ġajust en","ĠCS IC","Ġausp ici","Ġatrever ÃŃa","Ġpsiquiá trico","19 79","ĠPas cal","go glio","Ġsuav izar","ĠDid áctica","Ġbál samo","ĠL ena","ine la","ĠAr k","Ġx d","ĠHer ramienta","Ġirre al","Edi torial","Ġenro jecimiento","Ġs aba","Ġper rita","Ġya te","Ġjue gas","Ġpart ner","Ġsos tuvieron","ĠCons uelo","Ġexplo tado","econ ómico","Ġautomovil ÃŃstico","Ġem ular","Ġrecorrer á","ö n","ĠValent ino","ĠMascul ino","H N","Ġrecibir lo","Declar ación","ĠRoble do","Ġderro che","ĠArt ÃŃstica","ĠInici ación","Capa cidad","ĠBecer ra","cre a","Ġacab é","Ġcaer se","Ġs ch","gre gar","Ġ17 4","ĠAb rir","Ġrepar ado","Ġreform ada","ĠNorma tiva","Ġresi dir","V ÃŃctor","Ġcas erÃŃo","Ġpic or","ĠFa x","Ġasin tió","ĠAlmacen amiento","Ġpu ber","IS S","° .","Ġser ial","ĠW ho","Ġat entar","Ġobserv ada","ĠT iempos","tien dan","Ġcapit ulos","Ġjugos o","Ġv aron","Ġsh orts","ĠolÃŃmp icos","Ġcol gada","ĠCh ester","Ġju ristas","ĠK af","ĠInf anta","ĠVI VO","ĠCerv era","ose velt","ĠExtraord inario","B ig","ĠA fec","Ġgu iso","âĢľ ¡","Ġorgas mos","Ġsubsidi aria","Añad ir","T ierra","ĠS pecial","ĠT ric","Ġmar idos","Ġgan g","Ġentr eno","Ġleg i","Her mosa","Ġbrus camente","S p","Ġactiv e","Ġ18 80","Ġdila tación","Ġenta bl","Ġcom ul","Ġva ciado","ĠMan dela","ID ER","Ġps oriasis","up é","Ġacu arela","C y","S istemas","i deros","s io","ad ÃŃsima","ĠB eca","Ġmeter le","Cal ifornia","Ġrojib lanco","ĠD uro","ĠJ au","Ġca ida","Ġri ó","Ġemb el","Ġef eméri","Ġveran iego","ĠRenov ación","ĠEURO PE","Ġs able","ie ws","ara to","aliz ante","ĠCap riles","Ġrecipro cidad","B at","ĠF ay","Ġcan del","amor os","Ġaceptar lo","ĠFinanci amiento","Ġinterlocu tores","ĠChav es","ĠInfin ity","ĠK no","ĠAL IM","lib ro","Ġhomeo patÃŃa","Ġingenu idad","st rac","Ġcul ata","Ġesp iar","ĠLu ka","Ġadminist rada","ĠAc abo","Autor idades","Ġmaci za","Ġas fál","tan es","Ġcontamin ante","iff el","Ġbudi sta","ĠA arón","Ġi va","ĠF em","Ġcan ceros","Ġdispu taron","ométr ico","Ġdieci nueve","Ġflan que","ĠC argo","ĠS tran","Ġinv oca","Ġfu g","ĠMan izales","ĠBa k","Ġdev uelva","Ġindemn izar","Is rael","D rive","Ġtemp o","Ġhostig amiento","Ġab asto","eci ta","QU IER","Ġsimul acro","ĠEnerg ÃŃas","C B","F rases","Ä «","Ġf usiones","Ġneces itó","ĠBal i","Ġmoles te","Gu illermo","ĠAnte quera","k top","v aya","tu bre","ac tualmente","ĠG ros","Ġu ds","Ġ18 70","ĠSnap dragon","Ġbudi smo","A Z","Ġextra pol","Ġdomicili ario","Sá bado","\" ]","om pié","ĠE PA","Ġal zas","Ġperfec cion","ĠMA X","Ġinvestiga ciÃĥ","ĠRober ts","Ġdiaf ragma","ĠB reak","Ġmon oc","TO P","Ãģ M","Ġfunda cional","ĠMaravil las","ĠRe produc","ĠCor to","Ġderrib o","Ġemple ó","Ġsalv arse","Ġposterior i","ĠHispan ia","Ġconfl uyen","d p","o ve","r n","u ñ","par ente","Ġfirm ando","ĠFac ultades","Ġintent en","ĠSec torial","Ġmencion o","ĠEmpren dedor","ĠNat han","Ġcocodri lo","Ġpesquis as","Ġk ing","Ġsac arla","Ġplante aba","ĠGre mio","ĠAudi tor","Ġrap ida","ĠInt entar","graph y","15315 5","R M","Ġ ÑĢ","Ġt at","Ġcom mun","Ġsue ñan","Ġdesl iza","burg h","Ġro za","ĠK remlin","tam bien","ĠCamp ana","Ġespermatozo ides","ĠVal ero","Ġdiscipl inario","Publ icación","Ġmanzan illa","ĠPsiquia trÃŃa","Ġper versa","ĠD G","ĠG ama","ĠO EM","Ġop rim","Ġins al","Ġsign ifique","Ġsoci alizar","in tamente","Ġter na","Ġanti se","Ġmostr ados","ĠPri or","ĠMy SQL","ĠHos tal","Ġmuch ed","Ġsac ra","Ġ26 5","Ġtraduc en","Ġtradu jo","Ġcón sul","Ġmanej able","Ġatemp oral","Ä į","Ġh p","Ġsi ria","ĠR ights","lor o","Ġestupen damente","ĠCay etano","Ġmé trica","hi per","ĠRa za","Ġmulti plicidad","Ġest éis","Ġmedi terrán","Ġmar ques","Ġcan dado","jos o","ĠAm ena","ĠAp ache","Ġvideo conferencia","ĠMes es","ĠPresiden tes","Ġf ace","ĠM t","Ġll é","Ġmarg inados","Ġinfluy ó","Ġm Ãłs","ĠF ajardo","ĠDe dic","ĠSec o","Ġalber gan","ĠRod amientos","Ġpubli qué","ĠLé rida","ĠEJ ECU","Ġf ly","Ġex tro","Ġban ners","tim ore","Ġav el","Ġomi tir","Ġ18 7","ĠTemp oral","Ġpresupues tal","ĠHermos illo","ĠFoot ball","ĠH idra","Ġimport ó","ĠAC AD","Ġcach ondas","Cas tel","Ġfraudul enta","tar y","ques t","ĠAy udas","Ġand amos","Ten ga","Ġdepos ita","Ġmagist rada","Ġxen óf","ĠS ty","ĠSan s","Ġop inas","Ġusu aria","Ġpublic arse","ĠS tro","Ġingres ados","Ġcostos as","Ne gro","Ġenunci ados","O pen","Ġ4 30","Ġhum ec","Ġconten drá","Ġlim itando","ĠFos ter","Ġvita e","ĠDort mund","Ġo ÃŃa","Ġcom imos","Ġme dica","ĠI dea","Ġsever amente","L ec","ĠU PS","ĠSan ders","ĠTam ayo","ĠR uso","ĠB estia","Ġpasa portes","Ġdiferenci ada","Ġbrasile ñas","Ġbille tera","ĠA co","Ġtra il","Ġva cil","Ġapos tamos","ĠTorre jón","Ġemis ores","ĠCamb oya","N ext","ĠD IP","ĠT ard","ĠY unes","m ace","ĠC Y","ĠN ub","Ġcab rÃŃa","ĠMin nesota","11 4","Ġkar ma","Ġparab risas","Ġridic ul","ĠC ela","Ġma ke","Ġesp ana","Ġtomar la","Ġmoder adas","ĠImp osible","Ġtas ación","Ġtena cidad","ue ña","po d","Ġaplic aron","PUES TA","go w","Ġdiv inos","ĠTre vi","ĠNIV EL","ĠEst aremos","ve h","ĠK ath","Ġprotagon izan","Ġotor gadas","Ġrein v","Ġinfel iz","n ame","ĠU CR","re cia","ĠB ÃŃbl","Ġinici arán","CH OS","Ġtranspor taba","Ġcoron ado","Ġinsegu ro","Ġdiscern imiento","Ġzodi aco","cl ima","ĠAz u","Ġplane taria","Ġnecesitar án","Ġestre pitos","ĠRad ical","ĠNin ja","ĠcomunÃŃ cate","gua ge","Ġcur sor","AC O","ĠFu ture","Ġgaso il","me da","Ġcoron ó","ĠjurÃŃ dicamente","ĠHos ting","ĠBran d","amon te","ĠimplÃŃ cito","ĠefÃŃm ero","Ġg olazo","ĠSe ver","ES O","Ġreún an","tif ul","Ġincorpor amos","s iendo","tur ador","Ġ18 8","ĠFabric antes","Ġreanud ación","f alo","ti én","ĠEn te","Ġcal as","Ġtom arÃŃa","Ġ18 3","Ġasfi xi","árs elas","Ġman ganeso","TI Z","ĠFlor encio","ĠFlo yd","Ġsinte tizar","d anos","ĠI CO","ĠCon seguir","Ġreci tales","Ġpel ÃŃn","Ġdiab los","Ġelog io","Ġcarpin tero","Ġ19 03","ĠEm is","ĠProp io","Ġdiplom ado","Ġcuantita tivo","ĠâĪ Ĵ","Ġes clerosis","Ġrecl usos","Bus co","âĢĶâĢĶ âĢĶâĢĶ","Ġpromin ente","ur gia","ĠDE FIN","ĠZ in","Al erta","IN OS","Ġ& #","ime trÃŃa","Ġprom ueva","Ġdificul tan","Ġsentim entales","ĠDesas tres","an me","ĠM Ãģ","ĠOs w","ĠActu al","Ġdram áticos","Ġv ill","Ġextra ÃŃble","men dar","Ġpin che","Ġ21 7","Ġdescrib iendo","Ġencer rar","Ġconstruc tivos","Ġg ue","Ġex o","bi de","Ġinform aremos","ĠAn ita","ĠHe avy","ant ÃŃas","Ġcontrinc ante","Ġt ul","Ġt weets","ĠV ogue","Ġk in","abe la","ĠWeb er","ĠHe bre","ĠPS P","Ġverte dero","ĠREC UR","Ġrid ÃŃcula","j ico","s at","ä ¹","ĠRe greso","car e","vi ol","Ġviol ada","Ġconsum imos","ĠRub ia","rigo yen","ĠAltam ira","ic tos","Ġob tienes","Ġtum blr","Ġans iosa","icen cio","ĠINSTITU TO","â Ŀ¤","Ġva quero","Ġdestac ables","iver y","Rec ono","Ġsensa to","Ġpopul ista","se lec","quÃŃ mico","ket ch","Ġrecuper ada","ĠHos tel","ĠWim bledon","am ex","Ġcom ió","Ġpr Ãĥ","Ġtomar te","Ġsup imos","Neces ita","Ġap ó","tal ler","Ġregres aba","Ġocup amos","Ġpractic ada","Ġvir tu","Ġpost ula","Ġimpec ables","TUR AS","ĠCrim en","ĠOportun idad","Ġhistor ietas","Ġnatal idad","Ġcas tañas","ĠSh ip","Ġdes mo","og ia","Ġmer eció","Ġ17 1","put nik","ĠBea u","Ġfotograf ia","Ġas as","Ġrep licas","contin ental","a um","Ġexplic ará","Ġrecl utar","Ġpuls aciones","Ġenla za","Ġin org","ĠO rel","dr ÃŃo","ĠCon cello","et ina","Ġagre dido","ĠCir cu","Ġpresupues tarios","la zo","Ġrevis ados","IP OS","Ġbr om","Ġarmon izar","Ġsuici darse","Ġstar t","Ġinmens idad","Ġsob ras","Ġap rie","Ġ3 15","ĠAn terior","Ġform adores","Ġconquist adores","Ġmetaf ÃŃs","ĠDemas iado","Ġا ÙĦ","L ista","om us","Ġd j","ĠR ibe","Ġrepe tidos","Ġempu jando","Ġmarx istas","lear ning","técn icos","plá cito","on ne","jas e",". âĢ¢","P sic","res ul","Ġan das","Ġmi mos","ĠCom bate","Ġcomprome tieron","Ġlag rimas","âĢ ħ","ha ciendo","ĠNE GO","Ġcordob esa","que ños","Ġpor taba","ĠP ista","ĠR IES","Ġtra ficantes","ác tanos","Ġemi tiendo","Ġarrib ar","ĠZú ñiga","ĠArel lano","Ġb ungalo","Ġpro ver","Ġimp idan","Ġmal aria","ĠCu ento","RA CIÃĵN","Ġ21 6","Ġlanz amos","Ac á","Ġcarib eño","Ġ19 02","Ġcristal ina","Ġcató licas","Ġiran ÃŃes","1 19","u ba","ras a","Ġinf ruc","ĠPAS O","v inos","Ġgas tando","ĠRo vira","ĠGar ci","Ġlevantar me","er ado","Ġh ada","ĠP AP","ĠIn vers","ord an","Ġquem ada","Ġa k","and ÃŃa","Ġbrus cos","Ġdeso dor","Ġra iz","asa ki","ĠRich ter","Ġhidrául icos","Ġvist oso","Ġdelim itar","ĠEdi ficios","Ġreac tivos","Ġinex istentes","Ġcompromete mos","Ġenfa tizar","P ronto","ĠOr dóñez","Ġta pe","Ġalar de","Ġadic ta","Ġhonra dez","Ġself ies","Ġc et","Ġpal omitas","ĠTa x","CON S","Ġm t","ig ón","Ġart s","ex plo","Ġfac tibilidad","Ġcompens aciones","p ton","ara z","Ġmus cul","ĠDirec ta","Ġmet ano","Ġpla ticar","Ġincorpor e","Ġsob ren","Ġmemor izar","Ġam ur","OR DEN","Ġon ly","are as","Ġproces iones","Ġimpi dieron","Ġpe dan","Ġexig ieron","ĠTer mina","Ġhipo tético","ĠTom é","ĠÃŃ tem","Ġaclam ado","Americ an","Ġparecer á","Ġcontam ina","Ġbigo te","Ġvoca cional","A cción","us iera","Ġman tén","Ġimp liquen","ĠEst aciones","Ġtras to","Ġviol ando","ĠES PN","Ġexcep tuando","ĠFun cionarios","ar os","am in","Ġgust as","Ġdiv inas","ĠBlan c","ĠF N","Ġmer ezca","ulo use","Ġinterpre tarse","Ġcomentar ista","ĠCU AL","Ġlej anÃŃa","Ġaleda ños","y éndose","ta tivo","Ġpos to","Ġexpres iva","Ġ80 2","Ġbur gueses","Ġapa tÃŃa","Ġsolemn idad","M au","Ġv ieran","Ġsegu i","Ġalter ada","Ġvincul an","ÃŃgen os","Ġcron ologÃŃa","ĠLlu ÃŃs","Ġanor exia","Ġdeci didos","Ġaleg ria","Ġesteril ización","R em","ĠP é","Ġas ador","ĠLin ks","ĠA SE","El abor","ĠCas tle","Ġanim ando","11 3","EC H","ĠCA PA","u ka","ĠL ane","par tito","car ias","Ġlu x","Ġacep tará","ĠEnsen ada","ĠS ach","ĠPen ales","Estim ados","P i","Ġp anza","Ġla tidos","ĠStan d","Ġsi de","ĠD uty","Ġemp ÃŃrica","uel van","Ġasist irá","ĠHa go","Ġcomenz aban","Ġpose emos","Ġdesfavor ecidos","ĠEscor ial","E dición","Ġad vent","Con sejos","ĠAnti güedad","ĠDra ke","ĠEp ic","á gen","ĠI tz","car cel","Ġdo tadas","Ġestandar te","Ġderra ma","Ġro ot","Pro ceso","Ġpre estable","Ġimprovis ado","ĠSust itu","ĠRebel de","ed ding","âĤ¬ /","ĠAg regó","ĠAqu a","Ġsufra gar","Ġchim eneas","C G","Ġcon tornos","ĠMar cial","Ġat ón","Ġsé p","ĠEr ror","ĠC ull","tar es","mar keting","Ġconsum ida","Ġpár pado","Ġobses ion","F UN","K K","ĠL LE","ĠPas os","Ġflor ecer","ser ie","Ġtoler ante","Ġl if","ĠL ez","Ġpol Ãĥ","tel li","ĠPro fun","Le on","Ġase os","icel este","ĠHAC ER","Ġd ame","El lo","Ġmis as","Ġsent amos","Ġinteg ren","I t","Ġsi renas","ĠF low","Ġcolor idas","Ġlibre to","Ġreserv adas","ĠxD DD","Ġescan ear","tr ich","Ġprim itivos","ĠNa cido","ĠSu f","Ġ18 98","gon os","ĠImp uls","Ġaconte cer","Ġmaz mor","ĠATEN CIÃĵN","p ien","Ġmis ionera","Ġcam arones","ĠMé rito","Ġfel ino","Ġadorn ado","Ġgrandi osa","Ġsemán tica","ĠCumple años","qu inos","ĠMa ke","Ġconstru imos","Ġradio terapia","Ġblas f","S K","Ġsu dadera","ĠA res","Ġguar derÃŃas","ĠDoc encia","Mo tor","Pan tal","ĠNOTI CIAS","l ima","el ones","Ġna cidas","Ġsub an","Ġdisfru téis","tin y","Ġmater nal","!!! .","ĠRev esti","Ġentrevist ó","ĠC iro","ir man","Ġmon asterios","Ġquirúrg icos","ĠC inta","Ġamena zando","Ġdestru idas","Ġmover nos","ĠBla de","Ġlarg ometrajes","ĠA fi","Ġdes inf","ust a","Ġfib romialgia","Ġpre gún","Ġtrans bor","arra ma","Ġabre via","Ġaliment ador","ĠLan ka","Ġd uela","ce da","Ġsimul aciones","fri ends","Ġnavar ra","Ġespecifici dad","U DA","ri za","ĠE DI","Ġcrist ian","RI P","bita t","Ġrota tivo","ĠT RES","Ġtra ba","01 5","Ġcur sa","ĠJes u","Ġprefer encial","Ġdeten ga","Ha ciendo","ĠAR TE","ĠIma gin","Ra úl","Ġuter ino","Ġs tr","Ġre ojo","ĠL iu","Ġfavor ezcan","Ġretra tar","Ġdepos itados","Ġenseñar os","Ġbarro ca","ĠDisfru tar","Ġconno taciones","in istas","ĠM ocas","Ġsosten idos","Ġnutri tiva","Ġl omos","ĠMar l","ent ismo","Ġel fos","Ġpas ea","Ġrealizar la","Ġ21 1","Ġlig amentos","ĠEncuent re","Ġantibió tico","princip almente","Ġofrecer nos","Ġenem igas","Ġtranscur rió","о н","ĠBlas co","ĠPróx imo","Ġh oci","Ġdes echo","ida e","ĠâĢľ ,","ĠMat rimonio","Ġenfad ado","A viso","D IC","ĠD iar","Ġcuestion ada","Ġater rador","ĠCOMP LE","Ġad d","ĠDel hi","ĠRepres entación","Ġmillon aria","Ġdilu ci","ĠRe ed","ha cia","Ġpedir les","ĠPl ur","Ġprecandida to","at ales","ĠCar tu","Ġviol encias","Ġcoron ación","ĠIntelig ente","Ġconsolid arse","Ġerrón eo","Ġdiscrep ancia","ĠP CI","Ġdes órdenes","tas ar","Ġbol chevi","or ing","Ġm iento","ĠC ell","qu istas","Ġcor ros","Gran des","ĠHid rocarburos","Ġpol iti","Ġ19 3","Ġhaber es","Ġdeterior ado","ect omÃŃa","Ġex man","Ġmo bile","th am","ĠAN TON","ĠDec lara","Ġcron ológico","z ia","ĠB D","Ġlu is","Ġpes quera","Ġru tin","ĠAnd reas","Ġarro jan","Ġchor rito","H u","Ġcep illos","Rep ública","Î º","Ġcontra pres","ĠCar tel","Ġho w","Ġencar gue","ĠTer es","26 4","Ġasistir án","Ġhip n","Ġruidos o","le ños","ta gs","ĠTo wer","ĠDios es","Ġem ita","Ġdev uelven","Ġaca tar","Ġdesem boca","Ġperif érica","ĠHud son","Ġap io","Ġtele vi","Ġprovoc aba","trans mis","Ġinaugu rará","Ġglos ario","era ta","Ġro turas","Ġmor o","ĠCre am","ĠCre ed","Ġabra zó","Ġentreten idos","Ġincu b","Ġaval ada","Ġbis ab","Ġmultidiscipl inario","Ġal de","Ġcol lage","ug na","Ġluc ÃŃa","Ġrein corpor","ĠHim no","L istado","Ġtra idores","Ġinv it","ĠAr ri","Ġmos to","Ġignor ado","Ġcomunica tiva","ĠBru jas","Ġrecl usión","ĠlegÃŃ timas","ĠPolar izados","Ġepi der","fic es","Ġbene plácito","15 5","Ġmod ulo","ĠGU ÃįA","ĠFortal ecimiento","Ġdel s","Ġal me","ay or","ĠDen ver","Ġple gar","Ġcomparti mento","Ġmar cial","Ġpe ones","cep s","Ġdispon drán","ent on","ĠCon des","ĠAr na","Ġrepresent en","S uc","s erÃŃa","uer po","Ġ19 1","Ġtrans itan","cre to","Ġcul inario","Ġgal eria","ĠCe peda","Ġclandest ino","Ġlarg amente","ĠPit t","z el","ĠU VA","ĠLos t","Ġat om","ĠEj ido","Ġcorrup ta","ĠVall s","Ġator n","Ġg ps","ur us","ĠRe par","Ġdesempeñ arse","ĠGor do","Ġmultila teral","id ando","Ġar roll","ĠTor tu","Ġimpresion ar","Consul te","Ġremuner ado","z ine","Ġconcur ren","Ġaplas tar","19 77","ĠComo doro","Ġrecomend aron","Ġevalu ó","ĠRan go","Ġfuner aria","Ġdescans ando","pete gui","ĠZ ul","tiz adores","Ġtelef ónicos","Ġnicaragü enses","Ġanalgés icos","Ġimbé cil","C aso","m am","pa tÃŃas","Ġva ina","TE D","Ġadul ter","Ġrum ano","Ġgr s","ĠApar ece","Ġsatel ital","pon ga","Ġacer tadas","Ġpin es","zan ia","Ġpele an","sent ido","an és","Ġinter puesta","ĠSan eamiento","Ġimit ando","Ġsacudi r","L U","an cas","an ne","ĠC iti","Ġso ca","úcle o","Ġestil ismo","Ġinfiel es","po wer","Ġprop use","ĠBal ne","JER CI","ĠPartici par","fÃŃs ico","O EA","S tu","v ita","Ġv icis","Ġva cio","Ġnorm alizar","ĠTra to","Ġabrir lo","ĠDiv i","Ġdevolver le","ĠDisco very","d n","ĠB rea","ĠAn ime","Ġdescu idado","Ġconvirti era","Ġchofer es","Ġe commerce","EDAD ES","Ġfranco tir","Ġdesagü es","B ásicamente","S port","as er","ĠM oc","ĠQu ique","Ġreac cionan","67 9","Ġreglamentar iamente","Ġpro a","En erg","ne w","Ġestip ula","Ġcotiz an","Ġpabell ones","p ital","ĠL anda","til l","No tas","ĠCla ude","Ġmedioc ridad","Ġbuf ete","P IO","Ġneces itando","ĠDes can","Much ÃŃsimas","Ġinvas iva","ĠEmb al","Ġbené fico","Ġflo tas","edi ción","Ġsahara uis","ac tual","ĠB ON","Ġ §","oma quia","Ġdin er","ĠPat rimon","F ol","ĠI gua","Ġva ga","Ġafec taron","Ġbes itos","ĠCav al","Ġcór ner","i able","cu áles","ĠCom ic","Ġconten ÃŃan","Ġesf érico","Ġpun teros","Ġesca ño","Ġindividual ismo","ĠGO BIERNO","ĠSe o","Ġrep asa","ĠZ árate","Ġcuar teles","ĠAR M","Ġtap izado","ĠP ocas","Ġcol ump","Selec ciona","Ġpio jos","ĠSeñ ores","Ġador an","ĠMA G","p olo","Ġdej ándolo","Ġsub ur","ĠSch mid","imp ort","Ġcangre jo","Ġvalor amos","ĠMay er","Po drán","f án","ĠI CA","ĠI FE","im mer","Ġmil icias","ĠAm en","end ly","Ġsimp áticos","Desarrol lar","ĠParro quial","Ġmiser ables","Ġolvidad as","Ġm endo","ĠP anasonic","ĠJuan jo","medi ante","Ġindefin idamente","ĠG ard","Ġcre arse","Ġcontra tante","Ġdetec tores","Ġbis exuales","Ġencan taron","Ġal ienta","ĠA MA","Ġan tag","ĠN m","uer ga","me ta","lic tos","estruc tura","Ġacudi endo","Ġacor ral","ĠEr do","Mo v","ĠGom era","ferme dad","Ġlegis lar","s how","ĠM ica","Ġdestac aba","LE Y","TER A","Ġdesech ables","c encias","Ġt weet","Ġg emelo","mp ing","tas hop","ĠSe y","Ġcastig ados","Ġse ductor","lo c","Ġaprender án","Q M","d b","lar ios","Ġexig ible","ĠBer ta","Ġrevel ando","Ġguatemal teco","Ġinna ta","n ol","ic ón","ra f","ĠP G","ĠG I","Ġmer ecedor","Ġsub al","ĠPerson alidad","Entre ga","Ġlav ados","Ġing estión","Ġc ilantro","en dose","Ġa xi","Ġto cados","aj eros","Ġcer ramos","Ġproble m","Ġtir ano","Dis posición","Ġcruz aron","Ġrazon ar","Ġfisc alidad","ĠASIGNA TURA","ĠL ist","Ġex ótica","Ġrespon do","Ġmanten iéndose","Ġtir adores","ép tico","P IB","Ġadaptar nos","Ġlingü ÃŃsticos","ĠAnto ine","Tab la","ĠB P","Ġparti turas","Ġnup cial","end ing","Ġfis ica","Esc uch","Ġboico t","Ġdon a","illo t","Ġmane jaba","Ġast ucia","Ġabur ridos","Ġmeridi onal","R ese","ĠA dem","ĠR B","pe la","Ġexcl amó","ĠFor ense","Ġlicu adora","N um","Ġqu il","ĠAl lan","Ġri zado","ĠGib son","ĠC éspedes","ul to","12 2","estre lla","ĠEX TRA","Ġidón eos","Ġtang ibles","J ug","Ġper dedores","Ġinferior idad","tz inapa","ãĥ ³","ĠTac na","ĠclÃŃ max","UER DO","Ġhipertens iva","P ocos","Ġde generación","Ġexpres e","Ġacompañ aban","Ġrecub ierto","Ġeval úan","Ġp ing","ĠO asis","Ġprotes tan","Ġveran iega","equi po","Ġdi ame","Ġdeb ÃŃamos","ĠRes cate","Ġsum ido","Ġvisitar emos","ĠFa usto","Ġrever encia","Ġj arra","Ġsig la","tel lo","Ġenseñ aba","ĠSerg i","k ens","Ġso ya","Ġcar ecÃŃa","Ġmil ici","ĠPol y","D IA","Ġt inerfe","Ġdis i","Ġau da","ima genes","Ġlog ras","bur n","ĠVent ajas","Ġafe itar","Ġanec dó","ĠN on","Ġvel cro","Ġtest ÃŃculos","Ġs t","Ġpre medi","lar d","Ġcel oso","ĠArtes anÃŃa","ĠLoy ola","j ord","Ġs mo","uc zynski","ĠG allery","con ven","cen dente","Ġsalv avidas","Ġabsor ben","sor i","ĠUs ando","Ġganch illo","un de","Ġun ÃŃa","ĠE iffel","Ġsus cita","Ġ18 1","ĠRec urso","ĠH ice","19 76","ĠDis positivos","Ġpreguntar me","ĠhÃŃdr ico","Ġdesinte gración","å IJ","Ġal pin","ĠJ ES","ĠK ro","Ġpan f","Ġrevel ada","Ġpayas os","ĠRG PD","ri ge","ĠB ed","Ġtra p","ĠRe alización","Ġparticip aba","ĠFilar mónica","Ġun ila","no te","Ġro zando","Ġtom illo","Ġacep ción","ĠIN CLU","Ġapete cible","Ġvecin dad","jun io","Ġhabit áculo","ĠC uyo","Ġmar eo","Ġacar iciar","Ġjajaj ajaja","ĠExtraord inaria","e adas","Ġg emas","eros a","Ġexist ieron","esta ciones","Ġ22 1","ĠMen em","ĠAses ores","Ġmio cardio","ĠAQU I","ĠDevelo pment","Ġest orn","ĠE VA","Ġtrans itor","Ġins ensa","ĠMer cury","Ġrein tegro","Ġprece de","Ġabuel ita","Ġor égano","Ġcab os","gl er","er adores","Ġin quebran","ĠVir g","PE G","Ġdesmante lamiento","ĠCab ra","jeje je","D if","Ġcom etas","ne ider","ĠCam isetas","Ġand am","Ġcuel gan","ĠTro ya","ĠPun k","ĠMúlti ples","l udio","Ġanal ÃŃticos","én tate","él ulas","ĠCA BA","prim ero","gir l","Ġbit ácora","ĠP ina","Ġi bas","Ġpe o","Ġref inada","Ġdesa ho","Ġconsol idados","ĠAN C","Ġdesh on","core ana","AF P","Ġplayo ffs","19 73","Ġmone tarias","ĠFinanci eras","Ġmovi es","l ub","Ġa os","ĠT ul","Ġsegu ÃŃs","Ġocas o","Ġlac tantes","ĠB eso","ĠSi mpl","Ġescuch arla","Ġbel gas","Ġconce didas","Ġindividu alizada","Ġrecoger á","ĠPerio dista","ĠVenezol ano","Ġbró coli","Ġindist intamente","Fá cil","R P","ĠS che","Ġma t","Ġejer za","imen ez","Ġinfer nal","Ġresca ta","l uen","Ġcap uch","Ġmoder adores","Cons igue","ad is","Ġal ican","Ġimp as","Ġfracas ó","R ÃŃo","Ġautor itarismo","Ġsindical istas","Ġminister iales","Ġre zo","âĢ¦ âĢ¦.","cen se","ĠVie ws","Ġrot undamente","Ġamenaz ante","Ġtesor ero","ab es","ú ster","To ledo","ĠJa ir","Ġolvid aba","Ġsuminist rado","Ġpreserv ativo","ĠOlimp iadas","B lanco","w iki","Ġpro vi","tu all","cu ma","Ġap ad","Ġpas aran","Ġincl inada","ĠCh rom","ĠCar do","3 40","Ġle p","Ġapar eci","tin encia","Ġtener te","Ġhaber los","ĠCan tos","Ġoper ados","Ġmach istas","al di","Ġg eno","ĠO so","ĠEn f","Ġcan ino","Ġsacerdo tal","Ġmand aba","Ġl entas","Ġap éndice","Ġgan ara","Ġdeber ian","Ġanal ógica","ko ta","Ġcár tel","ĠElectron ics","Ġsero tonina","espal das","L unes","Ġbal ear","ĠVolun tariado","Ġn iger","ĠRe porte","tel ier","ĠRo osevelt","Ġprós pero","Ġpa tos","Ġgu ir","ĠOb ispos","Ġregres ando","Ġech arse","Ġmono tonÃŃa","Llev amos","AS TA","Ġrean udar","Ġarrepent ido","Ġi ii","ĠCon ciencia","Ġ5 20","Ġregist ral","Ġaplas tante","B rin","f its","Ġe utanasia","ios is","Ġ- ¡","ĠLe arning","Ġunivers alidad","Ġvin iera","Ġocasion ando","Ġredi seño","Ġpaulat ina","Ġbue y"," £","ĠC us","ĠS uena","ĠH ÃŃ","ĠCa u","B ack","Ù ĩ","erv as","ĠCam pa","Ġcara vanas","domin ios","Ġvib rantes","ĠSue ños","Ġdesesper anza","ĠLE ÃĵN","ĠCAR LOS","Ġvist iendo","lam ientos","Ġodi an","Ġa tienda","que dad","ĠT ÃŃtulos","ĠR ing","In te","ĠPe te","Ġconduci da","ĠMaris ol","O ut","Ġde dicas","Ġf ÃŃl","Ġrev ueltas","ĠDi fer","R END","r una","Ġfu rioso","ĠSa g","Ġvesti das","Ġrin den","Rob ert","ĠRun ner","tten ham","H ombres","ie f","ĠO tor","cal l","ĠEuro visión","Ġ21 4","Ġimpon ga","Ġimpon entes","Ġtam iz","ĠT at","Ġru di","Ġdespla zó","Ġimprede cible","M ex","l ip","ĠV S","Ġquin teto","Ġrecrea tivo","de p","tu osamente","gu enos","Ġac ampar","Ġ4 40","Ġ21 8","ck er","Ġdiri ja","Ġdra gon","Ġinsta urar","Ġvil lan","ĠL IC","Ġdej aste","Ġconec tando","Zapa tillas","ĠRegÃŃst rese","ent antes","Ġun ificado","Por qué","ĠHum or","ĠRob ot","Ġmister iosas","ĠCrea tiva","Ġcucar achas","in forma","Ġal ist","mi tió","Ġra ton","Ġcapital ina","Ġorganiza tivo","ĠÃļ N","Ġgav io","j is","ĠEn ci","Ġmes ita","Ġpermi tidas","ĠVi alidad","ĠLle gar","ter e","ĠEn gels","Ġpu bs","Ġmenos c","Ġpermi to","ĠDiseñ ador","Ġginec ólogo","ĠP aj","da dero","son s","Ġcor doba","ĠFre cuencia","Ġmanifies te","Ġrendir se","Ġhim nos","Ġsusci tado","Ġt ribun","Ġdes fas","ici Ãĥ","ĠMo tril","Ġacondi cionador","ĠJef ferson","Ġgad gets","R U","Ġconstru irá","Ġcomercial mente","ĠHab lando","Ġadqui rieron","Ġbra vo","ográ ficos","ĠStan ford","Ġeclesi ástica","Ġacarre ar",") \",","3 30","V uelve"," §","Ð ¤","Ġpes aba","Ġvol ó","Ġcur ry","ĠSo urce","2 60","Æ Ĵ","Ġreto ques","j uela","on ial","Ġque jó","Ġapre tando","Ġpreguntar te","Ġdesma quil","ĠCar dio","Ġefec túe","Ġcontac tado","Ġrepresent aron","Ġfon dant","Ġcomprob ando","ĠM ale","Ġdes pa","Ġquer eis","ĠMan rique","Ġejer cÃŃa","ĠCri terios","gra mar","Ġcos tarÃŃa","ĠCam ps","Ġfra gu","ĠBa eza","Ġoper ada","ĠEcu ator","Ġsorprender nos","Ġdespo jo","ĠAren al","cripti ble","ĠM isterio","ĠNi ñez","Ġmig as","Ġfide icomiso","Ġp ita","in ara","ĠA ru","ĠS uroeste","Ġcer eza","19 78","Ġbro kers","ĠDES DE","Ġdemago gia","p iso","Ġma tor","Ġeleg irá","Ġincon cl","Ġconse jerÃŃa","Ġentra ban","Ġcongel ada","Ġdemues tren","bi ana","Ġ18 10","Ġran uras","Ġconfun dirse","Ġidiosinc rasia","ad itos","vi ados","Ġinvers ion","Ġoptim iza","Ġlocu ras","ĠEst ará","Ġba tiendo","Ġpsic ópata","ĠHoy os","Ġexpe dir","ĠSes iones","c ama","Ġs ystem","ĠO w","ĠK hal","Ġbar rido","Ġagreg ada","ĠDen unci","ĠCorn ejo","Ġagrid ulce","licé ridos","Ġla x","ĠS is","im g","Ex pres","ĠKe iko","Ġhidrául icas","Ġpresum iblemente","Ġt ic","Ġcons uma","Ġcomple j","Ġsan cionada","Ġreal icé","Ġincorpor en","Ġtranquil izar","Ġurban izaciones","Ġsensible mente","ĠCoun cil","Ġcoe ficientes","Comen zó","J en","Ġmer chandising","Ġdiscrim inar","Ġconsolid ó","ĠMED IA","ĠEze iza","' ).","Ġes ófago","é ter","Ġcab rón","ĠSil icon","Pos t","ĠCuad ros","Ġme tÃŃa","ple mento","Me didas","Ġabor tar","Ġmoles tas","ĠQU I","ĠEqu idad","S and","ut adas","Ġsim ula","Ġconcur rido","Ġautomovil ismo","T ec","ĠN ombres","ĠEn zo","ĠMon tiel","Ġov ación","lah oma","Ġpatrio tas","Ġcom as","ten o","lu za","Ġreflex ivo","Ġperci bimos","Ġdiferenci arse","Ġtransgén ero","ĠHarle y","ri ble","Ġcomp ases","ĠDes graciadamente","Ġvia jo","Ġtab lón","Vers ión","Ġóv ulos","b acter","ĠP irámi","Ġdo ler","Ġentusias mado","Ġcontrar reloj","ĠNA V","Ġtransmi tidos","pon sor","Se xo","ĠPer ÃŃodo","ĠPa cientes","Ġcontam inada","Ġdiri jo","Si tio","ĠSal on","Ġconsul tarse","Le g","Ġensay ar","ĠPerio do","Ġgem ela","ĠMan datario","mon ÃŃa","Ġagra va","Ġv iciosa","Ġfin gir","Ġquer rán","Ġexpres ivo","Ġrespe tada","Ġconvers ó","Ġluz ca","Ex p","Ġatribuy ó","Ġtesor erÃŃa","A cerca","ĠF ija","ĠF ibra","Ġinalámb ricas","dimens ionales","Ġencruci jada","I na","ez mann","Ġeste tica","Ġro ad","19 75","Ġprolong ados","ĠINVESTI GACIÃĵN","ĠW hat","Ġcompe te","ĠTe jada","ĠCA F","Ġs tra","ĠG host","Ġmedi áticos","Ġserv ida","Ġincorpor ará","Ġparad is","Ġhun dió","Ġestil ista","Ġdisper sa","Ġpar alizar","Ġin estim","ĠE lev","Ġpla us","dic to","Ġdist rital","Ġgas eos","Fel ipe","ĠAdap tación","ĠLlev amos","Ġindi ferentes","ĠMan zano","Ġperman ezcan","ĠVen ga","Ġgal as","Ġrepe tÃŃa","Ġbrindar les","Ġmedir se","Ġrebaj ado","IVERS IDAD","Ġtransf iere","Ġo igo","son a","Ġtu torÃŃa","EN DO","Ġ21 3","An ti","17 5","Ġaport ada","Ġaba tido","Fern ández","ĠIlde fonso","b ora","ĠC NA","crib o","Ġpeat onales","GUE Z","Ġdes ab","Ġplan ifica","Ġz ig","ĠSal cedo","Ch at","Reg lamento","ĠVolun tarios","Ġpsiquia trÃŃa","id oro","ĠD ame","ĠW he","cor riente","Ġviv idos","Reg istro","Ġadhes ivos","Ġbell ÃŃsima","Ġarraig ada","ĠS ello","Ġcu táneas","ĠPer egr","ĠInstitu cionales","ĠES PA","éut icos","Ġperf ila","K ey","ĠN ord","Ġincu mb","Ġestereo tipo","ĠBang la","Ġnaufrag io","ĠAutop ista","Ġic eberg","gan g","óm ulo","Ġrecur rió","Ġafec tarÃŃa","Ġcuad rilla","ĠNor berto","Ġpubli quen","ÃģL ISIS","n icas","Ġm ueca","ĠAc t","ĠCap itolio","Ġgir l","ĠJapon és","Ġvirgin idad","Ġman tra","Ġamor osos","dal enas","Ġder bi","Ġdesper tando","Ġdiscre tos","ĠManif iesto","R ERO","f ab","Ġ ist","ĠR ho","ĠInvesti gador","Ġperif érico","P asa","er se","ĠT án","ces ana","écn ico","Ġtel enovelas","ĠMer idi","Ġenfrent ados","ĠD HL","» :","Ġprer roga","di osa","ĠT all","Ġan ulado","ten ango","Ġah uy","ĠPro blema","ĠAd words","Ġincre dulidad","Ġdan ce","Ġhom il","Ġaguar da","ĠEspar ta","ĠJUL IO","G ente","f ate","Ġcol gó","Ġedi tados","ĠLo dge","Ġreco brar","amb laje","Ġesco ba","Ġprece dido","ĠCala trava","Ġriqu ÃŃsimo","ĠSUPER IOR","! ?","u ris","Ġmo tel","Ġcop iloto","ĠMos s","Ġacomo da","Ġesc rup","Re gres","ĠAnte cedentes","ĠTeo doro","C oo","gun to","Ġemo cionar","Ġexplo tados","Ġsumerg ida","ĠGeo graphic","Ġest amentos","ĠDE CRE","Ġtal le","Ġk ernel","Ġacostumb ran","Ġapropi arse","ĠTemp le","Ġexager ación","tiro idismo","ĠDesaf ÃŃo","QUIS ITOS","in sa","Ġfin landés","Ġpermitir nos","ĠRefug iados","ĠS cho","ĠH iros","Ġrefle jadas","úb ilo","Ġbb w","Pros titutas","Ġa tados","zar es","Ġproces ada","Pa ge","Ġde gener","Ġo tom","Ġra ja","Ġminu ciosa","glo bina","ĠEl ba","Ġincl inar","Ġaf ter","ĠNa huel","orn ing","Ġsil uetas","Ġmaravillos amente","Ġjudicial mente","n ier","ĠCon fi","Ġcal ambres","ĠJul i","Ġrefug iarse","ĠS ED","Ġper form","tur ada","Ġgu inda","// //","ĠConsul tivo","tent ri","eléctr ica","Sem ana","c ampo","à Ł","ĠO T","ele mentos","Con ec","Ġbando lera","Ġenérg ico","Ġtrans nacional","Ġpla gada","Ġhum illa","Ġimplic ó","ĠVis ite","Ġautent ico","pon ente","gas te","Ġremo viendo","Ġsocio cultural","Ġinterac tu","Ġsincer as","ĠAuxiliar es","Ġtaj ante","ud ado","Ġasegu rador","Ġreal zar","Ġbor da","h ech","it ter","Ġante ojos","Ġsa ciar","ĠVer ás","Ġt x","ĠCh icos","Ġcertific adas","ĠE terno","ĠA ves","ĠN ube","Ġcer támenes","ĠAn astas","Co inci","ĠAngel ina","Ġsalvador eño","Ġbin omio","Ġlé xico","Ġvicis itudes","Ġcer das","Ġmas onerÃŃa","Ġqued ándose","ĠAd junto","ĠMel gar","ĠINV ERS","Ġprestam o","W ar","co tt","Ġcreer lo","Ġtransfer ido","ĠOlimp iada","ĠPear l","Ġf ort","Ġvo tan","11 8","Ġsatisfac en","Ġrom ánico","ant ha","ĠCin tur","ĠI ru","ĠTo var","bo w","ĠEstado unidense","Ġenfer mas","Ġproce dieron","Ġconsum ismo","Po der","Ġautóc tonos","R oma","Ġf ÃŃn","Ġme tó","00 7","Ġlib rado","ĠCh ad","Ġban d","Ġalcal dÃŃas","Ġjam ones","Ġpersu adir","Ġdel ib","ĠN Ãļ","ĠCon mebol","Ġna zar","Ġindi as","Ġimagin é","Is abel","Ġhomo fobia","Ġte quila","Ġautor ice","Ġtro quel","Ġevang élica","Ġdesil usión","Ġpara guaya","ul fo","ĠAr cángel","Ġfal acia","Ġpais anos","ĠApar icio","ĠCIV IL","ĠS z","Ġfortal ecido","Ġsar c","Ġca ótico","ĠRu z","Ġimpar tió","Ġconcluy a","far macia","Ġcro chet","ĠÃģr tico","Ġmanag ement","G INA","Ġven garse","Ġfemin idad","Ġex i","Ġco pro","end ra","Ġse ces","ac re","Ġte oria","ART ICULO","Ġimpa ciencia","Ġincuestion able","Ġcar ru","Al gún","ĠâĤ¬ /","DO C","Ġliv iana","f ores","Ġedi cion","No che","ĠGal ilea","ĠAC N","оР¹","Ġadmir adores","v ist","å ľ","Ġp ach","Ġd uelen","Ġsuf ridas","Ġdesenvolver se","V igencia","Ġop rimidos","Ġpel liz","Ġlan zo","Ġresolver lo","Ġmadri dista","Ġsuscrib irse","Ġexponencial mente","Ġtan ga","Ġcan arias","Ġpla quetas","ĠCa f","ĠBu ñ","ĠPatr ona","Ġtrasc endido","ĠPRODUC TOS","Ġdesenvol vimiento","n á","Ġj et","rea u"]}} diff --git a/data_tooling/bertin/configs/large/config.json b/data_tooling/bertin/configs/large/config.json new file mode 100644 index 0000000..f63ea06 --- /dev/null +++ b/data_tooling/bertin/configs/large/config.json @@ -0,0 +1,25 @@ +{ + "architectures": [ + "RobertaForMaskedLM" + ], + "attention_probs_dropout_prob": 0.1, + "bos_token_id": 0, + "eos_token_id": 2, + "gradient_checkpointing": false, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.1, + "hidden_size": 1024, + "initializer_range": 0.02, + "intermediate_size": 4096, + "layer_norm_eps": 1e-05, + "max_position_embeddings": 514, + "model_type": "roberta", + "num_attention_heads": 16, + "num_hidden_layers": 24, + "pad_token_id": 1, + "position_embedding_type": "absolute", + "transformers_version": "4.9.0.dev0", + "type_vocab_size": 1, + "use_cache": true, + "vocab_size": 50265 +} diff --git a/data_tooling/bertin/configs/large/tokenizer.json b/data_tooling/bertin/configs/large/tokenizer.json new file mode 100644 index 0000000..4e7629d --- /dev/null +++ b/data_tooling/bertin/configs/large/tokenizer.json @@ -0,0 +1 @@ +{"version":"1.0","truncation":null,"padding":null,"added_tokens":[{"id":0,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":1,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":2,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":3,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":4,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false}],"normalizer":null,"pre_tokenizer":{"type":"ByteLevel","add_prefix_space":false,"trim_offsets":true},"post_processor":{"type":"ByteLevel","add_prefix_space":true,"trim_offsets":false},"decoder":{"type":"ByteLevel","add_prefix_space":true,"trim_offsets":true},"model":{"type":"BPE","dropout":null,"unk_token":null,"continuing_subword_prefix":null,"end_of_word_suffix":null,"fuse_unk":false,"vocab":{"":0,"":1,"":2,"":3,"":4,"!":5,"\"":6,"#":7,"$":8,"%":9,"&":10,"'":11,"(":12,")":13,"*":14,"+":15,",":16,"-":17,".":18,"/":19,"0":20,"1":21,"2":22,"3":23,"4":24,"5":25,"6":26,"7":27,"8":28,"9":29,":":30,";":31,"<":32,"=":33,">":34,"?":35,"@":36,"A":37,"B":38,"C":39,"D":40,"E":41,"F":42,"G":43,"H":44,"I":45,"J":46,"K":47,"L":48,"M":49,"N":50,"O":51,"P":52,"Q":53,"R":54,"S":55,"T":56,"U":57,"V":58,"W":59,"X":60,"Y":61,"Z":62,"[":63,"\\":64,"]":65,"^":66,"_":67,"`":68,"a":69,"b":70,"c":71,"d":72,"e":73,"f":74,"g":75,"h":76,"i":77,"j":78,"k":79,"l":80,"m":81,"n":82,"o":83,"p":84,"q":85,"r":86,"s":87,"t":88,"u":89,"v":90,"w":91,"x":92,"y":93,"z":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,"ĭ":238,"Į":239,"į":240,"İ":241,"ı":242,"IJ":243,"ij":244,"Ĵ":245,"ĵ":246,"Ķ":247,"ķ":248,"ĸ":249,"Ĺ":250,"ĺ":251,"Ļ":252,"ļ":253,"Ľ":254,"ľ":255,"Ŀ":256,"ŀ":257,"Ł":258,"ł":259,"Ń":260,"de":261,"Ġe":262,"Ġde":263,"Ġl":264,"os":265,"Ġp":266,"Ġc":267,"ar":268,"en":269,"er":270,"Ġa":271,"es":272,"as":273,"Ġs":274,"on":275,"ci":276,"or":277,"ue":278,"an":279,"Ġm":280,"ad":281,"al":282,"Ġla":283,"que":284,"Ġen":285,"un":286,"ó":287,"in":288,"Ġt":289,"re":290,"Ġy":291,"st":292,"Ġque":293,"ent":294,"Ġel":295,"ÃŃ":296,"ic":297,"Ġcon":298,"ón":299,"á":300,"Ġn":301,"Ġun":302,"Ġh":303,"om":304,"ra":305,"do":306,"ro":307,"di":308,"ti":309,"Ġse":310,"Ġf":311,"ción":312,"Ġv":313,"am":314,"Ġes":315,"Ġlos":316,"Ġpar":317,"te":318,"Ġest":319,"Ġo":320,"le":321,"ta":322,"ri":323,"Ġin":324,"Ġre":325,"é":326,"to":327,"Ġsu":328,"Ġdel":329,"ado":330,"ol":331,"id":332,"Ġcom":333,"ĠC":334,"res":335,"ab":336,"ĠE":337,"Ġal":338,"Ġpor":339,"ec":340,"Ġb":341,"Ġd":342,"Ġlas":343,"Ġpara":344,"Ġg":345,"ente":346,"mp":347,"ñ":348,"ĠA":349,"is":350,"ación":351,"ĠP":352,"Ġuna":353,"ĠS":354,"il":355,"cion":356,"ÃŃa":357,"Ġdi":358,"Ġno":359,"ul":360,"âĢ":361,"qu":362,"ĠM":363,"Ġpro":364,"tu":365,"ac":366,"Ġsi":367,"ás":368,"Ġper":369,"Ġcu":370,"ĠL":371,"ter":372,"ien":373,"tr":374,"lo":375,"la":376,"ada":377,"Ġme":378,"io":379,"da":380,"Ġlo":381,"ma":382,"uc":383,"ist":384,"ir":385,"ú":386,"Ġdes":387,"ica":388,"ia":389,"el":390,"cia":391,"gu":392,"ĠD":393,"Ġac":394,"tos":395,"us":396,"go":397,"iz":398,"ier":399,"ient":400,"ran":401,"tiv":402,"it":403,"Ġ1":404,"Ġcomo":405,"Ġ(":406,"ales":407,"ando":408,"Ġto":409,"Ġex":410,"Ġi":411,"idad":412,"Ġ2":413,"..":414,"ues":415,"ciones":416,"ĠT":417,"Ġha":418,"Ġmás":419,"mo":420,"ici":421,"mos":422,"aj":423,"se":424,"bre":425,"ados":426,"tor":427,"ico":428,"ĠR":429,"cu":430,"pa":431,"ie":432,"án":433,"Ġser":434,"dad":435,"ĠB":436,"Ġj":437,"Ġpo":438,"den":439,"iv":440,"Ġso":441,"Ġan":442,"tra":443,"ĠG":444,"tes":445,"des":446,"ĠN":447,"ĠI":448,"bi":449,"ten":450,"era":451,"tro":452,"ĠF":453,"tar":454,"Ġtra":455,"Ġres":456,"ĠâĢ":457,"ida":458,"Ġap":459,"ión":460,"ras":461,"ig":462,"co":463,"ib":464,"ero":465,"Ġle":466,"im":467,"ch":468,"Ġte":469,"orm":470,"ca":471,"ador":472,"dos":473,"Ġpue":474,"iento":475,"Ġcomp":476,"um":477,"Ġqu":478,"Ġmu":479,"Ġpre":480,"Ġsus":481,"per":482,"ios":483,"ce":484,"ante":485,"Ġma":486,"Ġten":487,"po":488,"00":489,"ru":490,"tas":491,"der":492,"én":493,"âĢĿ":494,"ez":495,"Ġas":496,"ĠH":497,"Ġpr":498,"amos":499,"ĠV":500,"amente":501,"Ġpa":502,"pe":503,"tre":504,"Ġar":505,"Ġeste":506,"uch":507,"ĠJ":508,"bl":509,"Ġañ":510,"Ġhac":511,"Ġhab":512,"ĠU":513,"mente":514,"Ġca":515,"ara":516,"uer":517,"Ġman":518,"Ġimp":519,"con":520,"gun":521,"encia":522,"ĠâĢľ":523,"gar":524,"ion":525,"ĠEl":526,"Ġpres":527,"son":528,"ido":529,"rim":530,"ur":531,"Ġpero":532,"Ġsin":533,"aliz":534,"ĠLa":535,"na":536,"ga":537,"ambi":538,"adas":539,"Ġcas":540,"tros":541,"duc":542,"Ġesta":543,"Ġtien":544,"ust":545,"és":546,"ento":547,"El":548,"uev":549,"les":550,"ina":551,"Ġson":552,"ver":553,"za":554,"fer":555,"Ġver":556,"ĠO":557,"los":558,"Ġpas":559,"Ġr":560,"das":561,"je":562,"Ġmo":563,"ores":564,"Ġinter":565,"Ġdis":566,"ana":567,"ens":568,"ún":569,"01":570,"ĠEn":571,"...":572,"ora":573,"Ġperson":574,"Ġsobre":575,"ces":576,"las":577,"cul":578,"Ġcar":579,"cl":580,"Ġco":581,"ario":582,"ĠÂ":583,"Ġentre":584,"no":585,"icos":586,"entes":587,"lan":588,"ĠEst":589,"Ġlle":590,"tal":591,"Ġor":592,"Ġmis":593,"Ġcons":594,"Ġob":595,"Ġsol":596,"por":597,"Ġemp":598,"icas":599,"Ġnues":600,"baj":601,"Ġam":602,"Ġtu":603,"pon":604,"Ġnos":605,"Ġinf":606,"Ġmuch":607,"ĠIn":608,"ĠEs":609,"Ġya":610,"ech":611,"emos":612,"cias":613,"Ġmuy":614,"pañ":615,"cial":616,"enta":617,"em":618,"Ġsal":619,"Ġcre":620,"ambién":621,"Ġtodo":622,"Ġmedi":623,"oy":624,"Ġ3":625,"La":626,"jo":627,"eces":628,"Ġcor":629,"Ġpos":630,"Ġ\"":631,"dr":632,"if":633,"par":634,"Ġab":635,"Ġ201":636,"Ġesc":637,"able":638,"Ġprim":639,"Ġnuev":640,"ĠCon":641,"Ġmi":642,"Ġmej":643,"Ġdeb":644,"tivo":645,"Ġfin":646,"ano":647,"Ġtan":648,"rec":649,"gra":650,"cional":651,"oc":652,"ÃŃas":653,"endo":654,"min":655,"aba":656,"ÃŃn":657,"Ġmar":658,"orma":659,"ve":660,"Ġcam":661,"cio":662,"ño":663,"til":664,"ita":665,"me":666,"Ġtrabaj":667,"udi":668,"tura":669,"ÃŃs":670,"Ġestá":671,"ias":672,"pos":673,"uen":674,"ble":675,"fici":676,"ba":677,"ĠY":678,"Ġaños":679,"ren":680,"eb":681,"Ġpe":682,"esti":683,"Ġgran":684,"En":685,"Ġtambién":686,"Ġcal":687,"lar":688,"Ġdu":689,"asta":690,"ista":691,"Ġfue":692,"mas":693,"ven":694,"antes":695,"Ġdesde":696,"Ġpuede":697,"idades":698,"Ġhay":699,"Ġus":700,"amiento":701,"Ġni":702,"gan":703,"ros":704,"Ġna":705,"arios":706,"cip":707,"Ġparti":708,"ut":709,"jer":710,"ĠRe":711,"Ġcol":712,"Ġdos":713,"Ġcuando":714,"Ġ-":715,"Ġhacer":716,"oci":717,"Ġcual":718,"ĠSe":719,"ino":720,"fec":721,"car":722,"ort":723,"Ġu":724,"Ġtiene":725,"Ġtodos":726,"Ġdon":727,"ud":728,"ĠUn":729,"qui":730,"iemp":731,").":732,"ÃŃt":733,"Ġsegu":734,"Ġreg":735,"Ġmen":736,"Ġmun":737,"lic":738,"aron":739,"Ġhasta":740,"gen":741,"mb":742,"Ġneces":743,"Ġter":744,"Ġprop":745,"pec":746,"Ġcos":747,"Ġé":748,"Ġlu":749,"Ġhan":750,"Ġmejor":751,"Ġmay":752,"Ġ4":753,"ĠAl":754,"ener":755,"ing":756,"vi":757,"quier":758,"tiva":759,"ones":760,"og":761,"entos":762,"Ġbien":763,"ará":764,"Ġtiemp":765,"Ġdeci":766,"Ġdonde":767,"Ġcan":768,"tras":769,"mi":770,"Ġparte":771,"),":772,"Ġalgun":773,"Ġproduc":774,"so":775,"ay":776,"almente":777,"teri":778,"itu":779,"Ġad":780,"Ġexp":781,"Ġfun":782,"Ġch":783,"gr":784,"iones":785,"Ġgra":786,"más":787,"adores":788,"ob":789,"tur":790,"Ġ5":791,"Ġvez":792,"ĠDe":793,"Ġinform":794,"man":795,"uel":796,"can":797,"Ġmil":798,"Ġpol":799,"rib":800,"Ġcada":801,"Ġda":802,"zo":803,"Ġbuen":804,"ĠasÃŃ":805,"Ġrealiz":806,"idos":807,"Ġporque":808,"Ġforma":809,"ja":810,"et":811,"Ġll":812,"arse":813,"tado":814,"ste":815,"iu":816,"rante":817,"Ġpu":818,"Ġserv":819,"Ġtiempo":820,"Ġdo":821,"ĠCom":822,"ide":823,"ÃŃcul":824,"erv":825,"Ġve":826,"rol":827,"cil":828,"ona":829,"Ġsab":830,"Ġti":831,"ĠMar":832,"ĠNo":833,"emp":834,"âĢ¦":835,"eros":836,"pu":837,"Ġtran":838,"Ġespe":839,"cur":840,"ĠdÃŃa":841,"Ġ19":842,"ular":843,"unto":844,"com":845,"nos":846,"gos":847,"av":848,"Ġaño":849,"Ġne":850,"Ġ¿":851,"Ġuno":852,"ed":853,"ÃŃan":854,"miento":855,"Ġcer":856,"ér":857,"Ġcontra":858,"Ġcl":859,"Ġade":860,"Ġinst":861,"Ġcont":862,"Ġconf":863,"Ġvida":864,"itar":865,"ños":866,"úl":867,"iden":868,"Ġah":869,"icación":870,"Ġempres":871,"ito":872,"Ġinv":873,"Ġdic":874,"ĠW":875,"vo":876,"ible":877,"Ġau":878,"ĠSan":879,"alidad":880,"Ġincl":881,"ilidad":882,"Ġop":883,"ĠAn":884,"Ġfu":885,"ea":886,"tivos":887,"Ġfuer":888,"Ġllev":889,"omb":890,"iudad":891,"arrol":892,"Ġpersonas":893,"aciones":894,"tir":895,"úbl":896,"últi":897,"Ġprof":898,"lec":899,"ub":900,"Ġhace":901,"Ġlib":902,"Ġmismo":903,"Ġro":904,"Ġay":905,"Ġra":906,"Ġev":907,"ers":908,"Ġgener":909,"Ġlugar":910,"Ġof":911,"ĠCh":912,"at":913,"cios":914,"gún":915,"Ġcomun":916,"Ġservici":917,"Ġmayor":918,"du":919,"ĠpaÃŃs":920,"cas":921,"ĠLos":922,"Ġotros":923,"Ġbas":924,"cor":925,"âĢĿ,":926,"Ġreci":927,"uego":928,"ición":929,"Ġju":930,"ena":931,"Ġconst":932,"Ġdirec":933,"át":934,"Ġtrans":935,"yec":936,"anos":937,"pues":938,"Ġpla":939,"ientos":940,"Ġsec":941,"Ġpodr":942,"Ġera":943,"Ġmin":944,"Ġ6":945,"Ġmom":946,"dic":947,"ña":948,"incip":949,"Ġactu":950,"mpl":951,"Ġmas":952,"Ġplan":953,"Ġimport":954,"Ġmundo":955,"jos":956,"echo":957,"Ġden":958,"iendo":959,"Ġdist":960,"uy":961,"Ġrep":962,"ĠPor":963,"Ġval":964,"vers":965,"ración":966,"Ġsig":967,"Ġdifer":968,"Ġform":969,"éc":970,"Ġúlti":971,"Ġmes":972,"cuent":973,"Ġtanto":974,"Ġestán":975,"Ġvis":976,"ólo":977,"Ġdesarrol":978,"ĠK":979,"Ġmucho":980,"Ġviv":981,"Ġprincip":982,"ine":983,"ĠAr":984,"ton":985,"Ġencon":986,"âĢĿ.":987,"aje":988,"Ġdurante":989,"Ġw":990,"Ġutil":991,"Ġli":992,"Ġsent":993,"ombre":994,"Ġsolo":995,"Ġsiemp":996,"Ġsiempre":997,"tic":998,"Ġtrabajo":999,"endi":1000,"unque":1001,"vis":1002,"Ġequi":1003,"pués":1004,"amil":1005,"ismo":1006,"Ġtener":1007,"Ġpues":1008,"Ġcent":1009,"Ġhist":1010,"Ġpon":1011,"Ġher":1012,"Ġcuenta":1013,"Ġquien":1014,"rar":1015,"Ġdest":1016,"Ġcab":1017,"ĠLe":1018,"Ġles":1019,"oria":1020,"Ġbaj":1021,"Ġeso":1022,"Ġpes":1023,"trar":1024,"Ġdej":1025,"Ġestudi":1026,"cer":1027,"ruc":1028,"istas":1029,"ceso":1030,"Ġcaso":1031,"Ġcualquier":1032,"Ġciudad":1033,"segu":1034,"tel":1035,"Ġá":1036,"ĠPro":1037,"Ġquier":1038,"tación":1039,"Ġalgo":1040,"tores":1041,"Ġtras":1042,"iente":1043,"fic":1044,"Ġese":1045,"Ġtar":1046,"rech":1047,"entar":1048,"Ġotro":1049,"sta":1050,"Ġvol":1051,"argo":1052,"Ġmenos":1053,"dades":1054,"dar":1055,"Ġresul":1056,"imo":1057,"Ġref":1058,"Ġcomple":1059,"Ġri":1060,"Ġllam":1061,"Ġencuent":1062,"Ġbus":1063,"Ġmujer":1064,"Ġcó":1065,"ĠMe":1066,"zar":1067,"Ġhor":1068,"ĀĀ":1069,"Ġsido":1070,"Ġexper":1071,"Ġpoco":1072,"Ġtom":1073,"Ġnuestro":1074,"ene":1075,"Ġutiliz":1076,"ĠSi":1077,"ución":1078,"eo":1079,"ho":1080,"cal":1081,"Ġven":1082,"teg":1083,"Ġpl":1084,"Ġtoda":1085,"ús":1086,"Ġmomento":1087,"gua":1088,"ancia":1089,"ital":1090,"ierno":1091,"Ġsuper":1092,"ĠCar":1093,"Ġrela":1094,"Ġmon":1095,"Ġfal":1096,"Ġ7":1097,"Ġapar":1098,"Ġestos":1099,"Ġ200":1100,"ece":1101,"paña":1102,"Ġpueden":1103,"Ġinformación":1104,"Ġsea":1105,"Ġdef":1106,"ala":1107,"Ġhi":1108,"óm":1109,"Ġtodas":1110,"omo":1111,"Ġgust":1112,"ĠAs":1113,"ola":1114,"Ġfamil":1115,"Ġproyec":1116,"cel":1117,"Ġ8":1118,"ivers":1119,"ciales":1120,"Ġmer":1121,"Ġprofes":1122,"ris":1123,"ĠDE":1124,"Ġnuestra":1125,"Ġnuevo":1126,"tan":1127,"Ġorgan":1128,"Ġpoder":1129,"Ġyo":1130,"Los":1131,"Ġproble":1132,"ĠQ":1133,"Ġtipo":1134,"tó":1135,"ÃŃst":1136,"ĠpolÃŃt":1137,"Ġactiv":1138,"Ġpúbl":1139,"Ġtr":1140,"cre":1141,"CI":1142,"Ġtrav":1143,"Ġcap":1144,"Ġcul":1145,"Ġderech":1146,"ĠhabÃŃa":1147,"Ġz":1148,"uso":1149,"Ġemb":1150,"Ġva":1151,"ĠdÃŃas":1152,"Ġestar":1153,"uro":1154,"Ġantes":1155,"vil":1156,"Ġfi":1157,"tis":1158,"ÃŃo":1159,"Ġmanera":1160,"Ġobje":1161,"Ġhum":1162,"gres":1163,"ge":1164,"quel":1165,"Ġelec":1166,"Ġ10":1167,"Ġpubl":1168,"Ġprimer":1169,"olog":1170,"Ġhe":1171,"Ġtal":1172,"Ġtres":1173,"Ġprimera":1174,"ES":1175,"imiento":1176,"Ġesp":1177,"ima":1178,"eron":1179,"Ġdespués":1180,"Ġahora":1181,"Ġide":1182,"Ġtravés":1183,"Ġ9":1184,"Ġotra":1185,"ác":1186,"Ġgru":1187,"omin":1188,"Ġtienen":1189,"Ġsigu":1190,"cep":1191,"ĠDes":1192,"Ġdar":1193,"Ġhecho":1194,"Ġsólo":1195,"tec":1196,"Ġesto":1197,"Ġvar":1198,"tamente":1199,"che":1200,"Ġaf":1201,"Ġqué":1202,"Ġsegun":1203,"obierno":1204,"ĠNa":1205,"cos":1206,"aban":1207,"quÃŃ":1208,"ĠLas":1209,"tados":1210,"ivel":1211,"ual":1212,"ĠSu":1213,"sión":1214,"tica":1215,"Ġdecir":1216,"ER":1217,"Ġir":1218,"erg":1219,"Ġesa":1220,"óg":1221,"ome":1222,"Ġfo":1223,"va":1224,"Ġotras":1225,"Ġba":1226,"ĠÃ":1227,"tivas":1228,"Ġgu":1229,"erÃŃa":1230,"Ġhoy":1231,"ap":1232,"Ġunos":1233,"Ġconoci":1234,"Ġcasa":1235,"Ġellos":1236,"ientes":1237,"Ġins":1238,"Ġgan":1239,"ientras":1240,"Ġfr":1241,"Ġprogra":1242,"Ġsitu":1243,"leg":1244,"van":1245,"Ġefec":1246,"Ġmal":1247,"Ġpel":1248,"Ġsub":1249,"idas":1250,"cidad":1251,"Ġpens":1252,"tural":1253,"Ġpeque":1254,"Ġaunque":1255,"Ġexist":1256,"Ġentr":1257,"ór":1258,"iar":1259,"Ġespecial":1260,"dido":1261,"Ġnada":1262,"zas":1263,"Ġaquel":1264,"ió":1265,"!!":1266,"Ġ,":1267,"dia":1268,"\",":1269,"ama":1270,"Ġrespon":1271,"Ġpermi":1272,"Ġcontin":1273,"Ġnivel":1274,"Ġante":1275,"ridad":1276,"ior":1277,"iencia":1278,"Ġrel":1279,"ĠCu":1280,"Ġecon":1281,"cado":1282,"eno":1283,"Ġestado":1284,"Ġorganiz":1285,"duci":1286,"Ġk":1287,"inas":1288,"sa":1289,"gas":1290,"Ġ.":1291,"Ġapro":1292,"Ġcómo":1293,"Ġpresent":1294,"Ġseñ":1295,"âĢľ":1296,"rado":1297,"Ġél":1298,"ág":1299,"AR":1300,"Ġbo":1301,"Ġmill":1302,"ril":1303,"inar":1304,"rist":1305,"OS":1306,"ern":1307,"Ġedi":1308,"Ġcier":1309,"ĠPar":1310,"ál":1311,"Ġpri":1312,"Ġeje":1313,"minist":1314,"000":1315,"Ġestas":1316,"Ġsino":1317,"EN":1318,"oso":1319,"Ġart":1320,"stema":1321,"Ġpal":1322,"Ġsistema":1323,"Ġtemp":1324,"Ġademás":1325,"Ġautor":1326,"Ġdatos":1327,"Se":1328,"Ġdebe":1329,"Ġpi":1330,"eci":1331,"ĠMa":1332,"Ġbar":1333,"ord":1334,"Ġún":1335,"lica":1336,"Ġsem":1337,"Ġdise":1338,"Ġmedio":1339,"úm":1340,"Ġserá":1341,"ele":1342,"tener":1343,"Ġcomer":1344,"ĠCo":1345,"Ġpasado":1346,"ial":1347,"Con":1348,"Por":1349,"ĠX":1350,"Ġag":1351,"Ġmuchos":1352,"eza":1353,"ĠZ":1354,"Ġcambi":1355,"mar":1356,"imos":1357,"ĠPara":1358,"Ġcosas":1359,"Ġcapa":1360,"lor":1361,"Ġequipo":1362,"ific":1363,"Ġsan":1364,"terior":1365,"écn":1366,"idente":1367,"quil":1368,"adora":1369,"ĠPero":1370,"ON":1371,"Ġweb":1372,"sos":1373,"Ġos":1374,"Ġho":1375,"No":1376,"icia":1377,"ĠsÃŃ":1378,"Ġinteres":1379,"Ġejemp":1380,"cionales":1381,"Es":1382,"ĠTo":1383,"tam":1384,"Ġban":1385,"Ġalgunos":1386,"Ġimportante":1387,"untos":1388,"ÃŃculo":1389,"\".":1390,"cha":1391,"ĠEspaña":1392,"he":1393,"fica":1394,"Ġlleg":1395,"AS":1396,"Ġhistoria":1397,"ocer":1398,"tención":1399,"ulo":1400,"Ġempresa":1401,"ya":1402,"Ġtotal":1403,"Ġmillones":1404,"Ġ15":1405,"rig":1406,"Ġestable":1407,"tido":1408,"embre":1409,"Ġ20":1410,"Ġnuestros":1411,"Ġrepres":1412,"Ġella":1413,"Ġcalidad":1414,"ha":1415,"aran":1416,"ables":1417,"inos":1418,"Ġnueva":1419,"Ġ¡":1420,"anza":1421,"itos":1422,"Ġcompar":1423,"cri":1424,"ĠâĢĵ":1425,"Ġhoras":1426,"Ġesper":1427,"tad":1428,"bo":1429,"ep":1430,"Ġmientras":1431,"Ġservicios":1432,"ex":1433,"Ġfinal":1434,"ment":1435,"dan":1436,"adre":1437,"Ġele":1438,"ura":1439,"orn":1440,"AN":1441,"ieron":1442,"ip":1443,"Ġrecon":1444,"Ġvia":1445,"Ġaplic":1446,"Ġuso":1447,"Ġcontro":1448,"ologÃŃa":1449,"rir":1450,"Ġinici":1451,"ĠInter":1452,"Ġhacia":1453,"Ġinvesti":1454,"demos":1455,"bio":1456,"port":1457,"Ġrecu":1458,"Ġprofesion":1459,"Ġdiferentes":1460,"Ġcr":1461,"»":1462,"log":1463,"Ġveces":1464,"Ġservicio":1465,"Ġgente":1466,"orte":1467,"Ġdentro":1468,"gual":1469,"Ġespa":1470,"AL":1471,"Ġestaba":1472,"tidad":1473,"Ġdijo":1474,"Ġusu":1475,"ĠLo":1476,"Ġnúm":1477,"avor":1478,"abor":1479,"cimiento":1480,"ecn":1481,"Ġagua":1482,"Ġ12":1483,"tac":1484,"ilo":1485,"óx":1486,"Ġacuer":1487,"ono":1488,"ĠCas":1489,"cie":1490,"Ġofre":1491,"Ġind":1492,"Ġsegún":1493,"uela":1494,"Ġdispon":1495,"Si":1496,"Ġrev":1497,"Ġmuchas":1498,"ok":1499,"dio":1500,"Ġespañ":1501,"all":1502,"Ġaut":1503,"Ġcompañ":1504,"encias":1505,"ĠBar":1506,"Ġsocial":1507,"rid":1508,"Ġfuncion":1509,"Ġ18":1510,"Ġmisma":1511,"Ġello":1512,"ard":1513,"Ġpersona":1514,"and":1515,"Ġproductos":1516,"ĠSal":1517,"Ġrecor":1518,"Ġanti":1519,"Ġpan":1520,"Ġru":1521,"esta":1522,"Ġ...":1523,"ula":1524,"Ġima":1525,"Ġembargo":1526,"mple":1527,"Ġofici":1528,"Ġdistin":1529,"Ġtus":1530,"Ġgrupo":1531,"demás":1532,"Ġcontinu":1533,"Ġllegar":1534,"Ġposible":1535,"ĠaquÃŃ":1536,"ral":1537,"âĢĻ":1538,"atro":1539,"gn":1540,"Ġdisf":1541,"cin":1542,"OR":1543,"uda":1544,"Ġescri":1545,"pi":1546,"Ġmá":1547,"ĠJu":1548,"illa":1549,"Ġley":1550,"rá":1551,"aria":1552,"ria":1553,"Ġproceso":1554,"Ġorig":1555,"Ġsue":1556,"Ġamb":1557,"Ġsex":1558,"Ġhaber":1559,"Ġconv":1560,"Ġclas":1561,"Ġfavor":1562,"Ġprov":1563,"ológ":1564,"oma":1565,"icip":1566,"Ġvi":1567,"Ġmujeres":1568,"Ġtécn":1569,"ill":1570,"ĠMad":1571,"eta":1572,"bol":1573,"Ġvo":1574,"Ġmé":1575,"stitu":1576,"Las":1577,"Ġgeneral":1578,"Ġpie":1579,"tio":1580,"tante":1581,"Ġjug":1582,"ĠPer":1583,"torio":1584,"Ġcuer":1585,"Ġejemplo":1586,"dida":1587,"Ġpregun":1588,"Ġcur":1589,"Ġespec":1590,"zón":1591,"Ġdesarrollo":1592,"graf":1593,"form":1594,"ber":1595,"dor":1596,"bido":1597,"turas":1598,"Ġencontrar":1599,"Ġayud":1600,"iso":1601,"ĠDi":1602,"unca":1603,"itas":1604,"Ġgrandes":1605,"Ġnoso":1606,"tamiento":1607,"ĠGu":1608,"Ġfueron":1609,"ach":1610,"Ġmode":1611,"Ġrecib":1612,"Ġproyecto":1613,"¿":1614,"Ġcondi":1615,"estión":1616,"jas":1617,"ĠPa":1618,"Ġbajo":1619,"Ġluego":1620,"tera":1621,"Ġpróx":1622,"ĠEx":1623,"Ġleg":1624,"pen":1625,"Ġpunto":1626,"ciendo":1627,"Ġfá":1628,"ĠNacional":1629,"ace":1630,"ám":1631,"gación":1632,"Ġparticip":1633,"ĠMé":1634,"Ġpod":1635,"Ġ0":1636,"Ġquer":1637,"Ġint":1638,"Ġindi":1639,"Ġcin":1640,"Ġpersonal":1641,"Ġtri":1642,"Ġcompr":1643,"Ġeduc":1644,"pecto":1645,"Ġenf":1646,"Ġposib":1647,"Ġgas":1648,"ric":1649,"Ġcasi":1650,"Ġsemana":1651,"Ġdin":1652,"ecu":1653,"Est":1654,"tico":1655,"Ġ«":1656,"porte":1657,"Ġconten":1658,"ĠUnivers":1659,"unci":1660,"eleb":1661,"Ġniños":1662,"Ġnov":1663,"ĠRo":1664,"Ġsac":1665,"Ġconocer":1666,"Ġnosotros":1667,"Ġfor":1668,"ÂŃ":1669,"Ġeconóm":1670,"Ġtrad":1671,"Ġampl":1672,"AD":1673,"Ġacuerdo":1674,"Ġdisfru":1675,"Ġcolor":1676,"Ġnombre":1677,"eras":1678,"Ġclar":1679,"Ġvalor":1680,"Ġminu":1681,"Ġmuer":1682,"Ġapoy":1683,"ajes":1684,"rea":1685,"ĠPo":1686,"Ġempresas":1687,"tonces":1688,"xico":1689,"Ġexperiencia":1690,"Ġvuel":1691,"Ġbuena":1692,"Ġinterna":1693,"IC":1694,"dió":1695,"Ġorden":1696,"Ġdescu":1697,"Ġzona":1698,"ĠCol":1699,"Ġrespons":1700,"ĀĀĀĀ":1701,"Ġmie":1702,"ĠMan":1703,"pre":1704,"ĠAm":1705,"Ġinstal":1706,"Ġmejores":1707,"Ġgracias":1708,"Ġseguridad":1709,"Ġigual":1710,"ensa":1711,"Ġnego":1712,"Ġsalud":1713,"Ġceleb":1714,"Ġnúmero":1715,"uestra":1716,"Ġpág":1717,"ite":1718,"acter":1719,"ĠSin":1720,"Ġextra":1721,"isión":1722,"tá":1723,"Ġet":1724,"cina":1725,"osa":1726,"iene":1727,"dencia":1728,"ĠCa":1729,"Ġtendr":1730,"Ġtecn":1731,"abilidad":1732,"echa":1733,"ĠEste":1734,"ctu":1735,"fico":1736,"Ġcaus":1737,"Ġrecom":1738,"Ġpalab":1739,"Ãĥ":1740,"áp":1741,"ĠVal":1742,"ĠSo":1743,"Ġconsi":1744,"Ġrealizar":1745,"vid":1746,"Ġcuan":1747,"Ġlab":1748,"ne":1749,"Ġaum":1750,"ización":1751,"Ġmeses":1752,"posición":1753,"Ġlado":1754,"Ġall":1755,"201":1756,"Ġtermin":1757,"Ġasegu":1758,"Ġexpres":1759,"ram":1760,"Ġqued":1761,"Ġ/":1762,"Des":1763,"irm":1764,"Ġsa":1765,"ñas":1766,"Ġfamilia":1767,"toria":1768,"Ġdif":1769,"ĠMo":1770,"Al":1771,"Ġapren":1772,"Ġon":1773,"Ġtrata":1774,"Ġ|":1775,"ĠlÃŃ":1776,"Ġprev":1777,"Ġhombre":1778,"Ġcentro":1779,"ombres":1780,"Ġnatural":1781,"Ġfa":1782,"ban":1783,"ĠUna":1784,"Ġinte":1785,"ivo":1786,"Ġ11":1787,"lam":1788,"Ġ#":1789,"Ġcir":1790,"Ġlibro":1791,"Ġcumpl":1792,"Para":1793,"De":1794,"ire":1795,"ĠlÃŃn":1796,"ĠFran":1797,"Ġvent":1798,"Ġfuera":1799,"oles":1800,"dera":1801,"cis":1802,"puesto":1803,"Ġrecur":1804,"pti":1805,"gent":1806,"izo":1807,"Ġpuedes":1808,"anci":1809,"Ġnunca":1810,"Ġincluso":1811,"Ġmercado":1812,"dose":1813,"ĠEsta":1814,"Ġ30":1815,"Ġjuego":1816,"Ġprác":1817,"ĠMadrid":1818,"Ġtenemos":1819,"Ġhemos":1820,"Ġjue":1821,"Ġamig":1822,"Ġdeber":1823,"Ġ2018":1824,"Ġpresidente":1825,"ĠEstado":1826,"ĠMun":1827,"ies":1828,"portun":1829,"Ġmateri":1830,"Ġemple":1831,"Ġ[":1832,"isto":1833,"Ġamor":1834,"Ġunas":1835,"ares":1836,"ecer":1837,"Ġperfec":1838,"icamente":1839,"Ġalim":1840,"Ġacer":1841,"Ġparece":1842,"bar":1843,"Ġproblemas":1844,"Ġdestac":1845,"Ġcambio":1846,"Ġalcan":1847,"Ġregist":1848,"Ġincluy":1849,"Ġsen":1850,"olución":1851,"Ġtengo":1852,"net":1853,"Ġale":1854,"Ġjust":1855,"Ãĵ":1856,"Ġcomen":1857,"dente":1858,"Ġaún":1859,"Ġhora":1860,"Ġust":1861,"ĠCent":1862,"uros":1863,"Ġseguir":1864,"Ġrefer":1865,"und":1866,"titu":1867,"Ġjunto":1868,"Ġprograma":1869,"Ġsaber":1870,"tific":1871,"Ġalguna":1872,"Ġrelación":1873,"icado":1874,"bles":1875,"end":1876,"ile":1877,"af":1878,"termin":1879,"rio":1880,"Ġcontac":1881,"lu":1882,"ĠEuro":1883,"reg":1884,"tando":1885,"Ġoportun":1886,"Ġafec":1887,"Ġmos":1888,"Ġsolici":1889,"Ġponer":1890,"alización":1891,"respon":1892,"ĠMéxico":1893,"ĠCor":1894,"yo":1895,"Ġdefin":1896,"Ġsign":1897,"Ġalgunas":1898,"ĠLu":1899,"Ġetc":1900,"Ġdomin":1901,"Ġcuatro":1902,"ĠMon":1903,"Ġfac":1904,"Ġfoto":1905,"Qu":1906,"Ġred":1907,"Ġtema":1908,"IN":1909,"ĠDios":1910,"tada":1911,"Ġcuerpo":1912,"Ġprecio":1913,"usión":1914,"cido":1915,"eric":1916,"iera":1917,"Ġsituación":1918,"Ġpartir":1919,"inación":1920,"Ġanim":1921,"¡":1922,"Ġpuer":1923,"Ġnorm":1924,"Ġnacional":1925,"ĠJos":1926,"Ġdocu":1927,"Ġcoment":1928,"Ġgobierno":1929,"ï¿":1930,"Ġem":1931,"Ġfrente":1932,"Ġgen":1933,"�":1934,"Ġejer":1935,"Ġdivers":1936,"Ġcompe":1937,"Ġproblema":1938,"Ġdirig":1939,"Ġol":1940,"icio":1941,"Ġ14":1942,"iedad":1943,"ifica":1944,"Ġcaracter":1945,"Ġselec":1946,"Ġbene":1947,"Ġmús":1948,"ĠOr":1949,"zos":1950,"Ġlogr":1951,"Ġencuentra":1952,"Ġsocie":1953,"Ġdesp":1954,"Ġcontrol":1955,"tin":1956,"Ġpúblico":1957,"aja":1958,"blig":1959,"Ġocas":1960,"ĠQu":1961,"Ġverdad":1962,"Ġvarios":1963,"19":1964,"dir":1965,"Ġdice":1966,"blo":1967,"ister":1968,"Ġfil":1969,"Ġofrece":1970,"jar":1971,"Ġminutos":1972,".-":1973,"Ġlargo":1974,"Ġpodemos":1975,"Ġconsegu":1976,"Ġúltimo":1977,"dial":1978,"Ġej":1979,"Ġestu":1980,"Ġloc":1981,"iste":1982,"ĠCan":1983,"Ġenfer":1984,"ger":1985,"pel":1986,"º":1987,"Ġadminist":1988,"gado":1989,"Ġpaso":1990,"Ġráp":1991,"mento":1992,"Ġmov":1993,"Ġsiendo":1994,"ĠCam":1995,"Ġliber":1996,"iva":1997,"mbre":1998,"ierra":1999,"Ġ16":2000,"éis":2001,"arÃŃa":2002,"anas":2003,"ĠGobierno":2004,"ques":2005,"ves":2006,"Ġmano":2007,"Ġmor":2008,"Ġobjetivo":2009,"ĠpelÃŃcul":2010,"ró":2011,"ef":2012,"Ġrealidad":2013,"Ġfácil":2014,"Ġprepar":2015,"Ġ13":2016,"Ġpin":2017,"Ġactividades":2018,"ĠEstados":2019,"ĠvÃŃ":2020,"Ġdetal":2021,"Ġsector":2022,"Ġpuntos":2023,"reo":2024,"Ġconside":2025,"Ġoblig":2026,"Ġentonces":2027,"Ġpartido":2028,"Ġtele":2029,"ron":2030,"Ġfund":2031,"Ġiden":2032,"nas":2033,"Ġcorrespon":2034,"Ġatra":2035,"arlo":2036,"omÃŃa":2037,"ĠpolÃŃtica":2038,"ribu":2039,"ducir":2040,"serv":2041,"Ġnoche":2042,"Ġ25":2043,"Ġub":2044,"Ġserie":2045,"Ġdecl":2046,"ĠMin":2047,"Ġbenefici":2048,"Ġsur":2049,"Ġbase":2050,"Ġobra":2051,"Ġderecho":2052,"Ġenerg":2053,"Ġeleg":2054,"Ġsociales":2055,"Ġgaran":2056,"ática":2057,"pción":2058,"Ġvide":2059,"gon":2060,"ĠartÃŃculo":2061,"Ġmunicip":2062,"In":2063,"are":2064,"Ġat":2065,"ĠpaÃŃses":2066,"zado":2067,"Ġjun":2068,"mientos":2069,"pas":2070,"omos":2071,"Ġatención":2072,"mit":2073,"Cu":2074,"Ġfalta":2075,"Ġespacio":2076,"Ġtempor":2077,"ĠtenÃŃa":2078,"trón":2079,"ental":2080,"gre":2081,"Ġsitio":2082,"Ġrepresent":2083,"Un":2084,"ĠÃģ":2085,"Ġprecios":2086,"ĠAdemás":2087,"Ġmens":2088,"Ġprue":2089,"val":2090,"Ġreal":2091,"ĠâĢĺ":2092,"iado":2093,"rac":2094,"var":2095,"Ġdinero":2096,"Ġvan":2097,"ich":2098,"Ġdetermin":2099,"Ġmediante":2100,"rera":2101,"eas":2102,"ĠPol":2103,"Ġpermite":2104,"olu":2105,"ell":2106,"ĠpodrÃŃa":2107,"Ġindic":2108,"nes":2109,"Ġtor":2110,"Ġ'":2111,"ÃĵN":2112,"Ġinstitu":2113,"gles":2114,"cho":2115,"enas":2116,"Ġinde":2117,"Ġalta":2118,"gel":2119,"rucción":2120,"ĠAd":2121,"arán":2122,"lex":2123,"Ġfinanci":2124,"cent":2125,"Ġempez":2126,"bado":2127,"mon":2128,"Ġexplic":2129,"Ġproce":2130,"Ġhizo":2131,"ĠPre":2132,"Ġblan":2133,"Ġmus":2134,"gro":2135,"Ġ17":2136,"rió":2137,"Ġ:":2138,"ĠUniversidad":2139,"Ġocur":2140,"Ġencan":2141,"Ġtex":2142,"gue":2143,"visión":2144,"posi":2145,"Ġsegundo":2146,"ĠUnidos":2147,"Ġcondiciones":2148,"Este":2149,"Ġsiguiente":2150,"tario":2151,"Ġnuevos":2152,"Ġauto":2153,"Ġseñal":2154,"stas":2155,"Ġreun":2156,"ĠmayorÃŃa":2157,"cionar":2158,"Ġconsul":2159,"Ġsentido":2160,"ĠGener":2161,"Ġpare":2162,"Ġalgún":2163,"una":2164,"Ġbol":2165,"Ġ2017":2166,"Ġespeci":2167,"ate":2168,"Ġdiseño":2169,"alizar":2170,"dal":2171,"Ġmir":2172,"Ġsuf":2173,"Ġil":2174,"ulio":2175,"Ġofrec":2176,"tran":2177,"Ġperio":2178,"Ġmodo":2179,"Ġnuevas":2180,"Ġsociedad":2181,"IS":2182,"Ġderechos":2183,"Ġactividad":2184,"Ġacom":2185,"Ġcasos":2186,"ts":2187,"orÃŃa":2188,"TA":2189,"Ġalum":2190,"uesta":2191,"Ġconfi":2192,"Ġmáx":2193,"Ġconj":2194,"Ġayuda":2195,"tion":2196,"Ġimagen":2197,"Ġcerca":2198,"Ġproducto":2199,"Ġsos":2200,"Ġquienes":2201,"ibles":2202,"Ġproces":2203,"ĠJuan":2204,"pendi":2205,"bajo":2206,"Ġlabor":2207,"Ġ100":2208,"Ġavan":2209,"inal":2210,"Ġencontr":2211,"Ġcub":2212,"Ġresultados":2213,"Ġ24":2214,"cup":2215,"Ġsens":2216,"ñana":2217,"Ġreco":2218,"si":2219,"Ġpromo":2220,"Ġasist":2221,"Ġelem":2222,"ático":2223,"Ġfon":2224,"Ġrelacion":2225,"Ġcolec":2226,"Ġnecesario":2227,"Ġtarde":2228,"Ġacceso":2229,"Ġviol":2230,"Ġconven":2231,"ÃŃtulo":2232,"ik":2233,"Ġconver":2234,"ĠBo":2235,"Ġjo":2236,"vÃŃa":2237,"Ġestamos":2238,"Ġsegunda":2239,"II":2240,"Ġindust":2241,"Ġeuros":2242,"tien":2243,"ĠPres":2244,"amb":2245,"Ġusted":2246,"Ġdig":2247,"ĠTambién":2248,"ingun":2249,"Ġsor":2250,"uales":2251,"line":2252,"ĠlÃŃnea":2253,"pular":2254,"puesta":2255,"Ġidea":2256,"Ġesos":2257,"Ġrespecto":2258,"tón":2259,"Ġdejar":2260,"Ġprincipal":2261,"vent":2262,"Ġrad":2263,"Ġposi":2264,"....":2265,"ándo":2266,"Ġpresente":2267,"Una":2268,"ÃŃculos":2269,"Ġacep":2270,"th":2271,"ĠPe":2272,"ĠNe":2273,"pres":2274,"10":2275,"Ġacab":2276,"echos":2277,"Ġmul":2278,"tiene":2279,"Ġpasar":2280,"Ġcreo":2281,"Ġsimple":2282,"dico":2283,"Ġestra":2284,"unta":2285,"ĠJosé":2286,"ÃŃsticas":2287,"emas":2288,"Ġestudio":2289,"Ġluch":2290,"ár":2291,"zó":2292,"urante":2293,"ticular":2294,"Ġcuanto":2295,"Ġpueblo":2296,"rero":2297,"igo":2298,"gl":2299,"Ġnuestras":2300,"Ġincre":2301,"Ġur":2302,"30":2303,"Ġries":2304,"Ġimpres":2305,"ĠRes":2306,"itación":2307,"turo":2308,"tección":2309,"rido":2310,"ĠGran":2311,"Ġlec":2312,"Ġcomb":2313,"Ġclientes":2314,"iembre":2315,"ctubre":2316,"Ġpágina":2317,"Ġhaya":2318,"Ġvac":2319,"lado":2320,"Ġenten":2321,"Ġlan":2322,"Ġhombres":2323,"ĠLey":2324,"dica":2325,"Ġmiemb":2326,"Ġdicho":2327,"ĠAc":2328,"Ġtienes":2329,"Ġenvi":2330,"ĠYo":2331,"ler":2332,"Ġhacen":2333,"Ġenc":2334,"ingún":2335,"Ġlibre":2336,"Ġllevar":2337,"Ġbastante":2338,"Ġpuesto":2339,"olo":2340,"Ġespañol":2341,"Ġamigos":2342,"genes":2343,"Ġinclu":2344,"ĠCal":2345,"Ġases":2346,"peración":2347,"érica":2348,"adie":2349,"Ġescuch":2350,"tió":2351,"Ġcapital":2352,"ÃŃamos":2353,"guien":2354,"ĠAp":2355,"Ġpapel":2356,"Ġcinco":2357,"Ġestoy":2358,"Ġusuarios":2359,"Ġinvers":2360,"Ġúnico":2361,"Ġsim":2362,"ĠTra":2363,"ós":2364,"Ġdese":2365,"ID":2366,"Ġ199":2367,"rados":2368,"Ġfacil":2369,"one":2370,"ramient":2371,"Ġdescub":2372,"Ġmodelo":2373,"ice":2374,"Ġanterior":2375,"illo":2376,"Ġacompañ":2377,"ció":2378,"Ġpriv":2379,"Ġreconoci":2380,"ug":2381,"Ġpropio":2382,"20":2383,"óvil":2384,"Ġclaro":2385,"tero":2386,"ducción":2387,"Ġvarias":2388,"Ġconte":2389,"Ġningun":2390,"TE":2391,"entemente":2392,"Ġmañana":2393,"Ġ2016":2394,"Ġfab":2395,"fo":2396,"Ġlimp":2397,"Ġer":2398,"ira":2399,"Ġmarca":2400,"Ġpaci":2401,"Ġgol":2402,"Ġado":2403,"adamente":2404,"ror":2405,"Ġinm":2406,"greso":2407,"ptiembre":2408,"Ġningún":2409,"Ġdeben":2410,"ĠPla":2411,"Ġcapacidad":2412,"Ġmedios":2413,"ĠfÃŃs":2414,"ilar":2415,"Ġmanten":2416,"Ġcantidad":2417,"Ġpartici":2418,"iza":2419,"Ġproducción":2420,"Ġprimero":2421,"ĠReg":2422,"tri":2423,"Ġvista":2424,"ian":2425,"Ġescrib":2426,"Ġúltimos":2427,"Ġfel":2428,"ién":2429,"Ġtel":2430,"ilidades":2431,"Ġencar":2432,"Ġdoc":2433,"Ġpueda":2434,"ĠComo":2435,"Ġluz":2436,"Ġfran":2437,"Ġpropor":2438,"Ġcamino":2439,"Ġdescar":2440,"Ġellas":2441,"tiz":2442,"Ġcierto":2443,"Ġresta":2444,"Ġgusta":2445,"RO":2446,"hora":2447,"Ġmater":2448,"Ġconsider":2449,"Ġ50":2450,"tamento":2451,"rin":2452,"Ġpobl":2453,"Ġpublic":2454,"Ġacciones":2455,"Ġhablar":2456,"Ġhub":2457,"Ġquiere":2458,"gentina":2459,"ĠVer":2460,"dez":2461,"Ġcabo":2462,"ĠGeneral":2463,"Ġcrear":2464,"quis":2465,"ww":2466,"ivil":2467,"Ġlocal":2468,"izar":2469,"Ġcuar":2470,"Ġobserv":2471,"Ġinvestigación":2472,"Ġpalabras":2473,"señ":2474,"CIÃĵN":2475,"Ġparticular":2476,"ificación":2477,"Ġmúsica":2478,"Ġelectrón":2479,"Ġpiel":2480,"ack":2481,"RA":2482,"Ġmanif":2483,"Ġdisfrutar":2484,"Ġvir":2485,"onos":2486,"Ġtomar":2487,"Ġhaciendo":2488,"ĠCl":2489,"Ġunivers":2490,"ĠIs":2491,"adres":2492,"Ġconstitu":2493,"Ġx":2494,"Ġagu":2495,"isterio":2496,"isis":2497,"Ġdici":2498,"bió":2499,"Ġdesa":2500,"ĠDirec":2501,"ĠDis":2502,"Ġprovin":2503,"Ġdemás":2504,"Ġpoten":2505,"ulos":2506,"Ġejerci":2507,"mentos":2508,"Ġfecha":2509,"ecre":2510,"oce":2511,"tividad":2512,"Ġabier":2513,"Ġblog":2514,"ticas":2515,"ple":2516,"lante":2517,"Ġlim":2518,"acer":2519,"Ġperman":2520,"Ġalto":2521,"Esta":2522,"dap":2523,"ĠAsÃŃ":2524,"Ġdirector":2525,"be":2526,"Ġdedic":2527,"Ġherramient":2528,"tán":2529,"ase":2530,"Ġbeb":2531,"Ġcri":2532,"Ġadecu":2533,"Ġcla":2534,"Ġrom":2535,"Ġaplicación":2536,"Ġpropia":2537,"venes":2538,"Ġrecuer":2539,"Me":2540,"Ġactual":2541,"Ġrecursos":2542,"alo":2543,"Ġnoti":2544,"Ġcosa":2545,"Ġofer":2546,"Ġsencil":2547,"Ġfundam":2548,"Ġcuales":2549,"Ġtratamiento":2550,"omas":2551,"50":2552,"Ġpesar":2553,"tual":2554,"Ġmantener":2555,"Ġim":2556,"amientos":2557,"ĠFe":2558,"uerra":2559,"Ġinten":2560,"ign":2561,"Ġbueno":2562,"ft":2563,"ienda":2564,"talla":2565,"Ġcalle":2566,"Ġesf":2567,"Ġvig":2568,"Ġresto":2569,"culo":2570,"Ġresultado":2571,"mac":2572,"Ġalguien":2573,"Ġevitar":2574,"Ġalter":2575,"Ġconstru":2576,"turales":2577,"Ġprofesionales":2578,"Ġdebido":2579,"arias":2580,"Ġoctubre":2581,"ü":2582,"Ġgratis":2583,"dedor":2584,"Ġexcl":2585,"ĠdifÃŃ":2586,"Ġfamiliar":2587,"rez":2588,"Ġedad":2589,"Ġfuturo":2590,"cÃŃa":2591,"Ġprofesional":2592,"Ġestilo":2593,"Ġabs":2594,"Ġúltima":2595,"Ġconseguir":2596,"RE":2597,"onas":2598,"Ġnoviembre":2599,"Ġenferme":2600,"Ġdiciembre":2601,"Ġemo":2602,"éf":2603,"Ġcolabor":2604,"Ġbal":2605,"just":2606,"ivos":2607,"ĠSegu":2608,"Ġentrada":2609,"Ġdepor":2610,"Ġvolver":2611,"Ġtér":2612,"ecen":2613,"Ġduda":2614,"Ġconcep":2615,"Ġcontar":2616,"Ġtit":2617,"ĠmÃŃ":2618,"Ġgrande":2619,"Ġmoder":2620,"grafÃŃa":2621,"Ġseguro":2622,"siones":2623,"dero":2624,"Ġconci":2625,"Ġéx":2626,"Ġsignifica":2627,"enci":2628,"ĠCuando":2629,"ĠserÃŃa":2630,"Ġ21":2631,"Ġformación":2632,"itor":2633,"Ġ2015":2634,"Ġprob":2635,"Ġpron":2636,"Ġayudar":2637,"Ġbusc":2638,"acción":2639,"biente":2640,"Ġenv":2641,"Ġveh":2642,"Ġis":2643,"Ġmedida":2644,"Ġtuvo":2645,"celona":2646,"ĠNuev":2647,"jes":2648,"ĠâĢĶ":2649,"óvenes":2650,"Ġnadie":2651,"Ġadap":2652,"ĠTe":2653,"para":2654,"Ġjoven":2655,"Ġagr":2656,"Ġventa":2657,"Ġaz":2658,"iano":2659,"Ġarti":2660,"Ġproyectos":2661,"Ġta":2662,"ĠGra":2663,"Ġaire":2664,"Ġsigue":2665,"ficación":2666,"Ġcomunicación":2667,"Ġinterior":2668,"âĢĶ":2669,"TI":2670,"Ġopera":2671,"Ġsoy":2672,"Ġfre":2673,"Ġpróximo":2674,"tivamente":2675,"Ġgestión":2676,"Ġseptiembre":2677,"Ġestruc":2678,"Ġinternacional":2679,"todo":2680,"Ġmol":2681,"Ġdado":2682,"Ġenfr":2683,"álisis":2684,"Ġcomien":2685,"tÃŃn":2686,"ĠGo":2687,"Ġtur":2688,"Ġmuerte":2689,"Ġsecre":2690,"adoras":2691,"Ġprofun":2692,"trás":2693,"Ġterri":2694,"tina":2695,"Ġhijos":2696,"Ġfe":2697,"Ġaquellos":2698,"Ġapoyo":2699,"ulación":2700,"ĠAb":2701,"Lo":2702,"ública":2703,"icios":2704,"óp":2705,"Ġcomunidad":2706,"Ġfotos":2707,"Ġprincipales":2708,"esa":2709,"Ġoportunidad":2710,"ĠahÃŃ":2711,"Ġtrabajar":2712,"Ġopin":2713,"Ġesté":2714,"Ġdirección":2715,"forma":2716,"Ġterc":2717,"rel":2718,"Ġexcel":2719,"lares":2720,"Ġvisto":2721,"ĠJo":2722,"Ġrespe":2723,"uls":2724,"Ġsean":2725,"ĠGar":2726,"taciones":2727,"tt":2728,"Ġmanos":2729,"ĠHa":2730,"ĠQue":2731,"ticos":2732,"illas":2733,"Ġeran":2734,"Ġmejorar":2735,"Ġfan":2736,"ĠPue":2737,"Ġmadre":2738,"Ġacción":2739,"Ġata":2740,"Ġinterés":2741,"Ġindivid":2742,"ancias":2743,"To":2744,"Ġplata":2745,"ps":2746,"Ġdisposi":2747,"Ġlleva":2748,"Ġcomprar":2749,"ÃŃstica":2750,"Ġcuad":2751,"Ġpudi":2752,"Ġmodi":2753,"Ġcorrec":2754,"Ġesas":2755,"Ġvideo":2756,"au":2757,"ĠpelÃŃcula":2758,"Ġfir":2759,"Ġintegr":2760,"ĠLA":2761,"Como":2762,"Ġdemas":2763,"ĠMor":2764,"acto":2765,"Ġbuscar":2766,"umo":2767,"rada":2768,"bas":2769,"Ġpodrá":2770,"osp":2771,"iencias":2772,"Ġcampo":2773,"ómo":2774,"él":2775,"Ġpopular":2776,"ĠComun":2777,"Ġ22":2778,"As":2779,"Ġpreo":2780,"men":2781,"pro":2782,"Ġcontr":2783,"Ġusar":2784,"Ġmuestra":2785,"Ġjulio":2786,"ÃŃf":2787,"rÃŃa":2788,"Ġobras":2789,"Ġcabeza":2790,"ibilidad":2791,"Ġjóvenes":2792,"Ġsiglo":2793,"Ġvamos":2794,"vención":2795,"ampo":2796,"torno":2797,"Ġhabl":2798,"Ġcora":2799,"Ġpasa":2800,"Ġleer":2801,"Ġlig":2802,"té":2803,"Ġimportantes":2804,"ĠOb":2805,"ĠCentro":2806,"Ġcuid":2807,"Ġtemporada":2808,"Ġjunio":2809,"Ġnove":2810,"Ġelim":2811,"tagon":2812,"Ġredes":2813,"ĠenergÃŃa":2814,"TO":2815,"Ġincor":2816,"sejo":2817,"Ġusuario":2818,"ĠServ":2819,"ila":2820,"rantes":2821,"Ġdio":2822,"ĠcompañÃŃa":2823,"ĠAy":2824,"ágenes":2825,"Ġlar":2826,"Ġobtener":2827,"stico":2828,"rimon":2829,"Ġcateg":2830,"ĠRec":2831,"200":2832,"Ġdeclar":2833,"Ġutilizar":2834,"Ġdiseñ":2835,"Ġexig":2836,"Ġcontacto":2837,"Ġsist":2838,"ruz":2839,"alu":2840,"ĠallÃŃ":2841,"Ġtenido":2842,"Ġfuerte":2843,"ficiente":2844,"Ġcara":2845,"Qué":2846,"Ġgob":2847,"Ġconduc":2848,"ĀĀĀĀĀĀĀĀ":2849,"lio":2850,"entas":2851,"Ġmayo":2852,"Ġpoblación":2853,"Ġnecesidad":2854,"Ġviaje":2855,"Ġdescon":2856,"icidad":2857,"cionado":2858,"Ġprimeros":2859,"ándose":2860,"Ġaudi":2861,"Ġcurso":2862,"Ġder":2863,"Ġrealmente":2864,"ĠInterna":2865,"Ġenseñ":2866,"bu":2867,"Ġcarrera":2868,"Ġtradi":2869,"Ġpuedo":2870,"taron":2871,"Ġequipos":2872,"Ġfuerza":2873,"Ġreserv":2874,"Ġanunci":2875,"ĠEsc":2876,"Ġlen":2877,"ĠJes":2878,"Ġqueda":2879,"Ġtérmin":2880,"Ġviene":2881,"OM":2882,"Ġonline":2883,"Ġbel":2884,"Ġrespuesta":2885,"Ġmismos":2886,"Ġ2014":2887,"Ġpost":2888,"Ġpequeño":2889,"cular":2890,"gosto":2891,"Ġeducación":2892,"Ġposibilidad":2893,"remos":2894,"pone":2895,"Ġtemas":2896,"Ġvas":2897,"rad":2898,"pren":2899,"Ġcontenido":2900,"Ġexten":2901,"Ġbás":2902,"ĠBuen":2903,"ĠEsto":2904,"bal":2905,"Ġtierra":2906,"orme":2907,"esión":2908,"xic":2909,"Ġentren":2910,"itan":2911,"ĠBarcelona":2912,"Ġplante":2913,"Ġorganización":2914,"Ġconstrucción":2915,"udo":2916,"Ġpresencia":2917,"Ġalre":2918,"Ġfis":2919,"Ġojos":2920,"ĠInstitu":2921,"Ġárea":2922,"Ġconjunto":2923,"dra":2924,"irse":2925,"ĠIN":2926,"americ":2927,"ĠFac":2928,"ional":2929,"AM":2930,"11":2931,"ĠtecnologÃŃa":2932,"An":2933,"Pero":2934,"Ġvic":2935,"Ġmucha":2936,"ĠBan":2937,"Ġdeman":2938,"Ġmedia":2939,"li":2940,"Ġriesgo":2941,"irá":2942,"ale":2943,"xim":2944,"Ġéxito":2945,"Ġhotel":2946,"Ġdia":2947,"glesia":2948,"tim":2949,"Ġserán":2950,"Ġconcre":2951,"est":2952,"oro":2953,"ĠEduc":2954,"ĠdifÃŃcil":2955,"Ġnecesita":2956,"ociación":2957,"Ġseman":2958,"imientos":2959,"Ġsé":2960,"ĠEuropa":2961,"Ġinme":2962,"ĠMarÃŃa":2963,"Ġverda":2964,"Ġgrupos":2965,"--":2966,"ari":2967,"Ġfigu":2968,"Ġingres":2969,"ĠHo":2970,"Ġdó":2971,"cen":2972,"metros":2973,"curso":2974,"teriores":2975,"Ġespecialmente":2976,"Ġprem":2977,"licaciones":2978,"ĠArgentina":2979,"ĠmÃŃn":2980,"ĠMi":2981,"Ġconsum":2982,"ampoco":2983,"Ġhistór":2984,"vech":2985,"Ġprincipio":2986,"Ġhijo":2987,"Ġpadre":2988,"Ġedición":2989,"Ġplazo":2990,"Ġmaterial":2991,"icÃŃa":2992,"Ġelementos":2993,"Ġ40":2994,"Ġmedidas":2995,"Ġañad":2996,"Ġencuentro":2997,"Ġsir":2998,"ĠCrist":2999,"Ġimágenes":3000,"ĠLuis":3001,"Ġsuperior":3002,"Ġenero":3003,"Ġsalir":3004,"ĠAle":3005,"EL":3006,"ém":3007,"Ġmarzo":3008,"iernes":3009,"Ġteléf":3010,"Ġnecesidades":3011,"Ġenci":3012,"Ġfunción":3013,"Ġmad":3014,"tadas":3015,"ĠtodavÃŃa":3016,"Ġopción":3017,"Ġambos":3018,"uerto":3019,"Ġ$":3020,"ĠSanta":3021,"tiendo":3022,"ete":3023,"entan":3024,"dÃŃa":3025,"Ġprotagon":3026,"Ġcargo":3027,"Ġninguna":3028,"hi":3029,"Ġinicia":3030,"fa":3031,"EC":3032,"Ġrepar":3033,"Ġlibros":3034,"ĠCarlos":3035,"her":3036,"Ġversión":3037,"Ġarte":3038,"glés":3039,"Ġmetros":3040,"Ġesfuer":3041,"alizado":3042,"reas":3043,"Ġbon":3044,"OL":3045,"Ãį":3046,"itado":3047,"uesto":3048,"ebrero":3049,"Ġsiguientes":3050,"ke":3051,"Ġtama":3052,"bil":3053,"Ġépo":3054,"Ġparticipación":3055,"Ġdemos":3056,"ulas":3057,"Ġ23":3058,"Ġpuedan":3059,"Ġexiste":3060,"Ġlista":3061,"ĠMu":3062,"Ġclase":3063,"Ġpadres":3064,"deo":3065,"Ġcliente":3066,"Ġbusca":3067,"Ġmóvil":3068,"12":3069,"ĠCiudad":3070,"Ġacon":3071,"Ġpartes":3072,"Ġagra":3073,"Ġconocimiento":3074,"Ġsuce":3075,"Ġparticipar":3076,"Ġhacerlo":3077,"ines":3078,"Ġabril":3079,"Ġestudios":3080,"istro":3081,"Ġfru":3082,"Ġfra":3083,"Ġofrecer":3084,".,":3085,"Ġsolu":3086,"Ġcambios":3087,"Ġrazón":3088,"pir":3089,"Ġpresenta":3090,"via":3091,"Ġeuro":3092,"fil":3093,"del":3094,"unes":3095,"Ġcine":3096,"diendo":3097,"entación":3098,"Ġquiero":3099,"Ġoficial":3100,"Ġjuegos":3101,"Ġpier":3102,"tia":3103,"Ġsabe":3104,"Ġefecto":3105,"Ġcocina":3106,"ĠSon":3107,"Ġelabor":3108,"fi":3109,"Ġmiembros":3110,"nov":3111,"cripción":3112,"Ġconsidera":3113,"Ġúnica":3114,"Ġambiente":3115,"ĠSa":3116,"Re":3117,"pl":3118,"ÃŃdo":3119,"ese":3120,"inado":3121,"Ġâ":3122,"Ġarch":3123,"Ġconec":3124,"ĠHay":3125,"Ġrec":3126,"ĠTer":3127,"Ġsá":3128,"aca":3129,"ĠPr":3130,"rum":3131,"édi":3132,"moc":3133,"IA":3134,"ferencia":3135,"Ġjugar":3136,"Ġcambiar":3137,"tora":3138,"ware":3139,"ED":3140,"Ġcomún":3141,"Ġcrea":3142,"éctr":3143,"Ġnave":3144,"Ĥ¬":3145,"dentes":3146,"Ġtendrá":3147,"Ġgratu":3148,"Ġhici":3149,"Ġcompra":3150,"Ġmenor":3151,"Ġvivir":3152,"Ġimag":3153,"Ġjorn":3154,"Ġnum":3155,"idores":3156,"fe":3157,"ical":3158,"Ġguar":3159,"ĠVen":3160,"tino":3161,"Ġcrecimiento":3162,"ĠCons":3163,"rica":3164,"ket":3165,"ches":3166,"ieza":3167,"Ġestrateg":3168,"tarse":3169,"Ġconcl":3170,"Ġproteg":3171,"Ġpareja":3172,"Ġps":3173,"Ġcorazón":3174,"Ġbor":3175,"Ġ2013":3176,"Ġpen":3177,"Ġcoloc":3178,"Ġsexo":3179,"ĠTen":3180,"Ġnegocio":3181,"aces":3182,"ĠSer":3183,"Ġconserv":3184,"Ġdom":3185,"15":3186,"enda":3187,"Ġpública":3188,"Ġvin":3189,"Ġciento":3190,"itaciones":3191,"Ġseis":3192,"rando":3193,"Ġmez":3194,"Ġpreten":3195,"partamento":3196,"tisf":3197,"Ġhas":3198,"Ġprueba":3199,"oo":3200,"Ġpago":3201,"ÃŃtica":3202,"Ġadi":3203,"ombia":3204,"Ġdepen":3205,"Ġacce":3206,"Ġlin":3207,"Ġimportancia":3208,"ĠSol":3209,"Ġefectos":3210,"ámara":3211,"uelo":3212,"su":3213,"Ġcultura":3214,"este":3215,"itario":3216,"Ġagosto":3217,"titud":3218,"ĠPlan":3219,"Ġcrist":3220,"diz":3221,"Ġmayores":3222,"Hola":3223,"Ġperten":3224,"ÃŃos":3225,"Ġcorreo":3226,"Ġprotección":3227,"Ġcompleto":3228,"Ġrequier":3229,"Ġpros":3230,"Ġeduca":3231,"Ġrecibir":3232,"ner":3233,"itantes":3234,"ĠMer":3235,"Ġlugares":3236,"Ġapor":3237,"âĢĵ":3238,"Ġtrabajadores":3239,"Ġcient":3240,"ĠES":3241,"Ġvoy":3242,"Ġdesc":3243,"Ġaprovech":3244,"Ġgal":3245,"Ġviernes":3246,"terÃŃa":3247,"Ġcandida":3248,"Cuando":3249,"Ġtem":3250,"tamos":3251,"vieron":3252,"Ġevento":3253,"Ġtotalmente":3254,"ól":3255,"Ġsistemas":3256,"olver":3257,"ardo":3258,"ck":3259,"Ġformas":3260,"ĠBol":3261,"ĠMinisterio":3262,"Ġkil":3263,"risis":3264,"digo":3265,"Ġpensar":3266,"Ġdan":3267,"Ġfrecu":3268,"rismo":3269,"Ġgri":3270,"gada":3271,"edor":3272,"Ġ28":3273,"Ġtenga":3274,"iere":3275,"Ġvelo":3276,"Ġacerca":3277,"Ġanálisis":3278,"Ġsust":3279,"Ġestudiantes":3280,"op":3281,"Ġalrededor":3282,"Ġregión":3283,"ebo":3284,"Ġencontra":3285,"Ġ2012":3286,"Ġinterpre":3287,"ĠFern":3288,"ritu":3289,"ĠDesde":3290,"Ġgo":3291,"ácter":3292,"ĠcaracterÃŃsticas":3293,"table":3294,"ĠInternet":3295,"Ġpeso":3296,"Ġmane":3297,"Ġq":3298,"trimon":3299,"ĠhabÃŃan":3300,"Ġregres":3301,"Ġedifici":3302,"Ġcarácter":3303,"mite":3304,"úa":3305,"ork":3306,"Ġmateria":3307,"icaciones":3308,"Ġdesarrollar":3309,"tud":3310,"Ġcel":3311,"telig":3312,"AC":3313,"uestas":3314,"Ġcolores":3315,"vin":3316,"Ġrecomend":3317,"Ġexclus":3318,"Ġprome":3319,"Ġdorm":3320,"Ġdiferencia":3321,"Ġpelig":3322,"Ġcomprom":3323,"Ġdecisión":3324,"Ġcausa":3325,"Ġbaja":3326,"ĠYa":3327,"18":3328,"Ġmovimiento":3329,"Ġ26":3330,"ormente":3331,"Ġresist":3332,"Ġvesti":3333,"Ġ27":3334,"Ġmomentos":3335,"Ġnaturaleza":3336,"ĠPas":3337,"Ġhon":3338,"ĠtÃŃtulo":3339,"ciona":3340,"Ġépoca":3341,"Ġguerra":3342,"Ġhumanos":3343,"taba":3344,"Ġopciones":3345,"áticos":3346,"tida":3347,"Ġpermitir":3348,"ry":3349,"Ġfebrero":3350,"Ġpresu":3351,"Ġobst":3352,"Ġnorte":3353,"Ġdolor":3354,"tales":3355,"Ġpis":3356,"Ġencuentran":3357,"eria":3358,"estr":3359,"³":3360,"Ġajust":3361,"iga":3362,"ĠDer":3363,"umen":3364,"Ġextre":3365,"Ġevalu":3366,"Ġniño":3367,"Ġpequeña":3368,"Ġideas":3369,"Ġdemasiado":3370,"Ġentrega":3371,"zan":3372,"Ġpien":3373,"ws":3374,"ĠTor":3375,"Ġsatisf":3376,"Ġnar":3377,"ogle":3378,"Ġpagar":3379,"ĠEN":3380,"Ġallá":3381,"Ġrecl":3382,"ĠHer":3383,"tilla":3384,"ÃŃm":3385,"ĠBa":3386,"Ġaten":3387,"Ġvisita":3388,"ĠâĢ¦":3389,"ÃŃfico":3390,"Ġdólares":3391,"rios":3392,"Ġrelaciones":3393,"Ġcrisis":3394,"Ġintro":3395,"Ġmundial":3396,"Ġfabric":3397,"ear":3398,"Ġmara":3399,"Ġlibertad":3400,"Ġtamaño":3401,"Ġmec":3402,"tidades":3403,"Ġjur":3404,"Ġvari":3405,"ĠEmp":3406,"aya":3407,"Ġoriginal":3408,"Ġsorpren":3409,"Ġfondo":3410,"Ġcompartir":3411,"Ġmáximo":3412,"Ġsomos":3413,"Ġconsecu":3414,"Ġperder":3415,"Ġcompeten":3416,"ĠAdminist":3417,"Desde":3418,"ultura":3419,"Ġautom":3420,"Ġraz":3421,"Ġ+":3422,"Ġorigen":3423,"eso":3424,"Ġvolun":3425,"Ġinglés":3426,"Ġiz":3427,"Ġcampaña":3428,"Ġorient":3429,"Ġsum":3430,"Ġpers":3431,"Ġayer":3432,"Ġmem":3433,"diente":3434,"Ġmateriales":3435,"mbi":3436,"quina":3437,"Ġpráctica":3438,"ĠInternacional":3439,"Ġmostr":3440,"cti":3441,"Ġespera":3442,"ulta":3443,"Ġverano":3444,"Ġtampoco":3445,"Ġtexto":3446,"Ġand":3447,"Ġdistintos":3448,"Ġimpor":3449,"ĠTu":3450,"Ġllega":3451,"Ġpequeños":3452,"Ġdomingo":3453,"Ġsupuesto":3454,"Ġautoridades":3455,"Ġincorpor":3456,"Ġsil":3457,"Ġexperim":3458,"Ġcreación":3459,"ĠNav":3460,"etas":3461,"Ġcomida":3462,"Ġantigu":3463,"ee":3464,"taria":3465,"cepción":3466,"Ġequ":3467,"Ġeta":3468,"Ġdesarroll":3469,"Ġzonas":3470,"Ġpropie":3471,"ong":3472,"Ġprogramas":3473,"//":3474,"Ġbienes":3475,"Ġmonta":3476,"Ġentender":3477,"ĠChile":3478,"Ġ198":3479,"iana":3480,"formación":3481,"Ġdé":3482,"Ġevi":3483,"Ġsalida":3484,"Ġsepar":3485,"ĠReal":3486,"Ġarri":3487,"Ġincluye":3488,"Ġsuel":3489,"ĠColombia":3490,"alizada":3491,"Ġpantalla":3492,"ĠSuper":3493,"úsque":3494,"Ġdirectamente":3495,"Ġsemanas":3496,"Ġpermit":3497,"Ġposición":3498,"culos":3499,"Ġhogar":3500,"hu":3501,"Ġrelig":3502,"tiles":3503,"Ġizquier":3504,"Ġblo":3505,"Ġconce":3506,"Ġteléfono":3507,"estion":3508,"Ġprocesos":3509,"Ġprovincia":3510,"Ġtab":3511,"Ġdesapar":3512,"Ġconsumo":3513,"ológico":3514,"rán":3515,"ĠThe":3516,"reno":3517,"Ġvie":3518,"abil":3519,"Ġejercicio":3520,"uestro":3521,"ĠEducación":3522,"ĠUS":3523,"Ġquieres":3524,"Ġ60":3525,"Ġencima":3526,"Ġalumnos":3527,"rer":3528,"Ġcivil":3529,"tbol":3530,"ĠJesús":3531,"Ġtro":3532,"ĠpodÃŃa":3533,"ĠAnton":3534,"ospital":3535,"idor":3536,"edad":3537,"Ġidentific":3538,"Ġdeja":3539,"Ġestaban":3540,"Ġeléctr":3541,"Com":3542,"Ġllamado":3543,"Ġherm":3544,"RI":3545,"voca":3546,"teriormente":3547,"Ġvalores":3548,"ĠRep":3549,"Ġcoche":3550,"Ġcompren":3551,"tios":3552,"Ġámbi":3553,"Ġtrabajos":3554,"Ġglo":3555,"ĠConsejo":3556,"untamiento":3557,"Ġdev":3558,"Ġbrin":3559,"Ġcontinuación":3560,"Ġhumano":3561,"ést":3562,"Ġconvertir":3563,"Ġpul":3564,"Ġsábado":3565,"Ġace":3566,"asa":3567,"Ġpalabra":3568,"Ġpun":3569,"Ġllegó":3570,"Ġiba":3571,"pero":3572,"iel":3573,"Ġlevan":3574,"ablemente":3575,"put":3576,"Ġmarco":3577,"ĠPal":3578,"cito":3579,"iber":3580,"Ġinforma":3581,"Además":3582,"tidos":3583,"ética":3584,"Ġdefini":3585,"Ġlograr":3586,"dis":3587,"ĠPu":3588,"aco":3589,"Ġcontrario":3590,"Ġgaranti":3591,"dores":3592,"dientes":3593,"tÃŃa":3594,"rito":3595,"Ġprovoc":3596,"uye":3597,"dimiento":3598,"don":3599,"Ġblanco":3600,"tarÃŃa":3601,"Ġplanta":3602,"Ġexisten":3603,"ĠpolÃŃticas":3604,"Ġsolución":3605,"torial":3606,"Ġdistintas":3607,"Ġimpos":3608,"ĠDel":3609,"cidos":3610,"Ġeurope":3611,"ĠPrim":3612,"Ġideal":3613,"Ġpartidos":3614,"ribun":3615,"Ġpodrán":3616,"ĠSocial":3617,"genier":3618,"Ġvoz":3619,"enos":3620,"Ġindustri":3621,"Ġniveles":3622,"Ġmic":3623,"Ġcic":3624,"lev":3625,"UN":3626,"ebook":3627,"Ġmilitar":3628,"Ġdisco":3629,"ĠAmérica":3630,"Ġreferencia":3631,"MA":3632,"Ġsuje":3633,"Ġresponsabilidad":3634,"áticas":3635,"Ġadelante":3636,"Ġaband":3637,"Ġtiempos":3638,"erto":3639,"Ġrendi":3640,"Ġnegro":3641,"Ġmensaje":3642,"Ġcompeti":3643,"ĠvÃŃcti":3644,"erte":3645,"Ġclub":3646,"quitec":3647,"ph":3648,"útbol":3649,"ĠMartÃŃn":3650,"ĠFrancis":3651,"ĠCON":3652,"Ġdoble":3653,"fes":3654,"Ġtir":3655,"Ġganar":3656,"Ġpocos":3657,"ueves":3658,"Ġfamos":3659,"Ġanun":3660,"Ġrecuper":3661,"eño":3662,"Ġlucha":3663,"ablo":3664,"Ġ2011":3665,"Ġhu":3666,"Ġbúsque":3667,"Ġobten":3668,"ĠRa":3669,"Ġhom":3670,"Ġtarje":3671,"ĠAu":3672,"Ġcorri":3673,"Ġfamilias":3674,"arla":3675,"Ġapre":3676,"Ġsimplemente":3677,"Ġjugadores":3678,"dicos":3679,"Ġllama":3680,"Ġmexic":3681,"cados":3682,"arte":3683,"qué":3684,"Ġaprender":3685,"Ġinnov":3686,"Ġdetalles":3687,"Ġeconómica":3688,"cle":3689,"Ġdiferente":3690,"ka":3691,"uri":3692,"dena":3693,"Ġlunes":3694,"Ġoper":3695,"Ġclás":3696,"ĠMay":3697,"ĠÃī":3698,"Ġentorno":3699,"Ġquiz":3700,"Ġalterna":3701,"Ġtú":3702,"ye":3703,"Ġestrel":3704,"ĠInstituto":3705,"Ġnorma":3706,"tará":3707,"Ġren":3708,"://":3709,"Ġresponsable":3710,"ĠeconomÃŃa":3711,"imas":3712,"Ar":3713,"pan":3714,"ĠMundial":3715,"mer":3716,"Ġelectrónico":3717,"Ġsuelo":3718,"Ġcomercial":3719,"Ġbaño":3720,"isl":3721,"Ġlocales":3722,"logÃŃa":3723,"Ġescen":3724,"Ġacto":3725,"Ġtipos":3726,"Ġmaravil":3727,"Ġintelig":3728,"apa":3729,"ĠEL":3730,"Sin":3731,"Ġenl":3732,"ÃŃstico":3733,"ĠFin":3734,"mentación":3735,"Ġmotivo":3736,"ĠpolÃŃtico":3737,"Ġestad":3738,"raciones":3739,"entado":3740,"Ġentrev":3741,"Ġtempera":3742,"cla":3743,"Ġaproxim":3744,"âĢ¦]":3745,"Ġhistor":3746,"Ġrealizado":3747,"Ġsuperfici":3748,"ensión":3749,"ĠCos":3750,"Ġconocido":3751,"Ġhermos":3752,"ĠHab":3753,"ff":3754,"Ġejecu":3755,"Ġpersonales":3756,"Ġinversión":3757,"Ġpresentación":3758,"Ġocasión":3759,"ismos":3760,"laz":3761,"idamente":3762,"ÃŃp":3763,"ĠSoci":3764,"pectos":3765,"ĠDa":3766,"Ġmarcha":3767,"Ġpersonajes":3768,"ónica":3769,"didas":3770,"Ġviolencia":3771,"Ġdiver":3772,"Ġdec":3773,"iro":3774,"itaria":3775,"ĠMig":3776,"ĠCap":3777,"grá":3778,"__":3779,"Ġdisposición":3780,"Ġacces":3781,"Ġgén":3782,"ĠRepública":3783,"».":3784,"tique":3785,"ĠAhora":3786,"Ġpuerta":3787,"Ġpropiedad":3788,"Ġadqui":3789,"Ġpregunta":3790,"16":3791,"Ġdibu":3792,"vado":3793,"Ġré":3794,"Ġinicio":3795,"Ġros":3796,"!!!":3797,"Ġpresiden":3798,"Ġpareci":3799,"ĠMas":3800,"Ġentrar":3801,"Ġindependi":3802,"Ġ2010":3803,"wit":3804,"ajas":3805,"sas":3806,"Ġhechos":3807,"Ġinteresante":3808,"Ġ29":3809,"Ġahor":3810,"Ġhabitu":3811,"Ġtransporte":3812,"Ex":3813,"Ġocasiones":3814,"Ġherramientas":3815,"Ġobjeto":3816,"dios":3817,"encial":3818,"Ġveci":3819,"Ġamigo":3820,"Ġenfermedad":3821,"Ġselección":3822,"Ġpodrás":3823,"estiv":3824,"ĠÃŃn":3825,"Ġcome":3826,"CION":3827,"ju":3828,"Ġpresentar":3829,"Ġagrade":3830,"ribución":3831,"ĠartÃŃculos":3832,"Ġdem":3833,"Ġ%":3834,"Ġeconómico":3835,"Ġmit":3836,"Ġinver":3837,"Ġens":3838,"Ġconoce":3839,"Ġalimentos":3840,"Ġarm":3841,"Ġbuenas":3842,"Ġdemoc":3843,"Ġjef":3844,"Ġatrac":3845,"14":3846,"Ġtienda":3847,"ĠSecre":3848,"Ġexcelente":3849,"jero":3850,"ielo":3851,"Ġextran":3852,"ame":3853,"Ġconvers":3854,"Ġpér":3855,"Ġinci":3856,"Ġpropuesta":3857,"Ġjornada":3858,"Ġrepresenta":3859,"Ġvuelta":3860,"ĠTodo":3861,"Ġamena":3862,"Ġespacios":3863,"ĠGal":3864,"Ġconcent":3865,"Ġdesemp":3866,"iver":3867,"Ġpelo":3868,"Ġéste":3869,"Ġasi":3870,"Ġalmac":3871,"logo":3872,"legio":3873,"tarios":3874,"Ġdisponible":3875,"ĠComisión":3876,"Yo":3877,"ĠJa":3878,"Ġsob":3879,"imen":3880,"25":3881,"ĠcategorÃŃa":3882,"ĠMunicip":3883,"ezuela":3884,"Ġacus":3885,"aro":3886,"Ġcompromiso":3887,"ello":3888,"ĠAntonio":3889,"ĠNueva":3890,"lores":3891,"rag":3892,"edro":3893,"ĠSalud":3894,"ĠEntre":3895,"oz":3896,"ológica":3897,"ultad":3898,"entales":3899,"ĠRos":3900,"Ġdéc":3901,"ĠMus":3902,"ĠJust":3903,"Ġindustria":3904,"Ġconform":3905,"Ġza":3906,"oj":3907,"Ġvelocidad":3908,"Ġgobern":3909,"uniden":3910,"ires":3911,"Ġmaes":3912,"ciente":3913,"Ġpronto":3914,"Ġtratar":3915,"ĠFrancisco":3916,"Ġfunciones":3917,"Ġtaller":3918,"onia":3919,"Ġfras":3920,"iudades":3921,"Ġinternet":3922,"ĠImp":3923,"Ġrece":3924,"Ġclave":3925,"Ġopinión":3926,"imismo":3927,"ix":3928,"Ġesca":3929,"Ġprensa":3930,"Ġobjetivos":3931,"orÃŃas":3932,"drá":3933,"Ġprecis":3934,"Ġcentros":3935,"ices":3936,"izado":3937,"Ġcru":3938,"ĠHum":3939,"Ġescuela":3940,"inaria":3941,"Ġmulti":3942,"itales":3943,"Ġbanda":3944,"Ġór":3945,"amp":3946,"Ġcapaz":3947,"teras":3948,"coles":3949,"quer":3950,"Ġpone":3951,"Ġ&":3952,"ĠMás":3953,"ĠEurope":3954,"Ġrepro":3955,"Ġcontenidos":3956,"Ġinstalaciones":3957,"Ġelegir":3958,"Ġrespec":3959,"enso":3960,"Ġtitular":3961,"Ġoscu":3962,"Ġaspectos":3963,"zada":3964,"Ġbeneficios":3965,"TU":3966,"Ġmesa":3967,"Ġpacientes":3968,"uras":3969,"bia":3970,"Ġaumento":3971,"13":3972,"ónde":3973,"Ġcrédi":3974,"Ġrápido":3975,"17":3976,"Ġinteg":3977,"ificar":3978,"Ġcomentarios":3979,"Ġtécnica":3980,"Ġfron":3981,"Ġdiario":3982,"Ġoferta":3983,"Ġpreci":3984,"Ġcob":3985,"rans":3986,"Ġcapaci":3987,"ÃŃr":3988,"Ġfem":3989,"Ġdisc":3990,"Ġnormal":3991,"Ġsuerte":3992,"ĠAnd":3993,"Ġanimales":3994,"ĠvÃŃa":3995,"antil":3996,"Ġhid":3997,"Ġperm":3998,"Ġmodelos":3999,"Ġcompleta":4000,"Ġacci":4001,"Ġcumplir":4002,"Ġ197":4003,"Ġpreocup":4004,"Ġcompon":4005,"Ġrefle":4006,"pal":4007,"aliza":4008,"irmó":4009,"Ġpena":4010,"ĠSeñ":4011,"Ġsentir":4012,"Ġqueremos":4013,"Ġespañola":4014,"Ġja":4015,"Ġbúsqueda":4016,"Ġú":4017,"??":4018,"Ġocup":4019,"ĠAunque":4020,"Ġadul":4021,"ÃŃritu":4022,"Ġinforme":4023,"ĠPan":4024,"Ġjueves":4025,"Ġmitad":4026,"ĠGoogle":4027,"Ġtoma":4028,"Ġdiez":4029,"Ġcentral":4030,"ĠUN":4031,"Ġabrir":4032,"viv":4033,"orge":4034,"ĠOl":4035,"Pro":4036,"Ġtécnicas":4037,"Ġmagn":4038,"ĠDÃŃa":4039,"trimonio":4040,"Ġestim":4041,"Su":4042,"Ġaprob":4043,"Ãģ":4044,"Ġcoord":4045,"Ġaun":4046,"Ġdecor":4047,"Ġconflic":4048,"onz":4049,"Ġeres":4050,"Ġdeberá":4051,"mentar":4052,"Ġdific":4053,"rique":4054,"Ġpruebas":4055,"Ġresulta":4056,"Ġestructura":4057,"Según":4058,"Ġolvid":4059,"Ġsuficiente":4060,"Ġcuidado":4061,"Ġotor":4062,"Ġlaboral":4063,"Ġaplicaciones":4064,"ificado":4065,"Ġkiló":4066,"uno":4067,"Ġconstante":4068,"pia":4069,"Ġoc":4070,"ández":4071,"rump":4072,"lad":4073,"ósito":4074,"Ġquién":4075,"60":4076,"Ġprincipios":4077,"Ġciudades":4078,"°":4079,"ĠpolÃŃticos":4080,"jeros":4081,"vió":4082,"IL":4083,"Ġ[âĢ¦]":4084,"dil":4085,"Ġmanifes":4086,"Ġcuyo":4087,"Ġestás":4088,"ércoles":4089,"Ġexterior":4090,"como":4091,"Ġinfl":4092,"Ġdestino":4093,"ftware":4094,"ĠSh":4095,"Ġquin":4096,"Ġescribir":4097,"Ġubic":4098,"Ġsegura":4099,"uestos":4100,"tiago":4101,"Ġbril":4102,"col":4103,"ramos":4104,"ienen":4105,"Ġsangre":4106,"eos":4107,"Ġlic":4108,"Ġ80":4109,"Ġinstrum":4110,"ierto":4111,"Ġasoci":4112,"Ġtre":4113,"Ġdicha":4114,"Ġacceder":4115,"ĠSus":4116,"Ġdiversos":4117,"Ġamplia":4118,"ĠAyuntamiento":4119,"Ġperfecto":4120,"torios":4121,"Ġprove":4122,"Ġestará":4123,"bamos":4124,"Ġalcal":4125,"ÃŃsimo":4126,"Ġbuscando":4127,"lesc":4128,"Ġcompro":4129,"Ġincon":4130,"Ġorg":4131,"ÃŃfica":4132,"Ġherman":4133,"deral":4134,"jado":4135,"toral":4136,"Ġestuvo":4137,"Ġciudadanos":4138,"yas":4139,"ĠMic":4140,"Ġmiedo":4141,"ĠMiguel":4142,"Ġadministración":4143,"Ġprac":4144,"tuvo":4145,"Ġpáginas":4146,"Ġdigital":4147,"Ġestadouniden":4148,"ĠDo":4149,"Ġreno":4150,"ĠCongreso":4151,"osotros":4152,"ag":4153,"ĠDan":4154,"pes":4155,"Que":4156,"ĠVic":4157,"UE":4158,"ĠAsociación":4159,"Ġbra":4160,"Ġconfigu":4161,"Ġdistancia":4162,"lez":4163,"Ġclic":4164,"abe":4165,"Ġconfianza":4166,"Ġinstituciones":4167,"SO":4168,"Ġrealiza":4169,"Ġconse":4170,"Ġconcepto":4171,"Ġdefensa":4172,"mail":4173,"Ġbuenos":4174,"Ġconvier":4175,"dado":4176,"teles":4177,"rupo":4178,"Ġáreas":4179,"Ġempleo":4180,"ĠVenezuela":4181,"Ġclases":4182,"Ġmente":4183,"ĠManuel":4184,"Ġmues":4185,"ĠEj":4186,"quiera":4187,"Ġmiles":4188,"Ġpaz":4189,"Ãī":4190,"Ġesfuerzo":4191,"Ġtécnico":4192,"Ġderi":4193,"ĠlÃŃder":4194,"Ġoro":4195,"Ġhabla":4196,"Ġazul":4197,"EM":4198,"Ġthe":4199,"guay":4200,"Ġcirc":4201,"Ġmédico":4202,"Ġep":4203,"aremos":4204,"ĠPedro":4205,"IO":4206,"uegos":4207,"echas":4208,"cionados":4209,"Le":4210,"40":4211,"ki":4212,"Ġcif":4213,"Ġatrás":4214,"grama":4215,"ĠCasa":4216,"dieron":4217,"ĠGarcÃŃa":4218,"Ġinternacionales":4219,"elas":4220,"có":4221,"Ġcuestión":4222,"ást":4223,"igue":4224,"Ġplaya":4225,"Ġpesos":4226,"Ġropa":4227,"tificación":4228,"Ġdiv":4229,"Ġreunión":4230,"ĠGracias":4231,"Ġconex":4232,"Ġ31":4233,"También":4234,"tantes":4235,"Ġgolpe":4236,"Ġseñor":4237,"Ġactualmente":4238,"didos":4239,"Ġcampe":4240,"Ġfol":4241,"Ġnaturales":4242,"utri":4243,"Ġmoda":4244,"ĠMal":4245,"Ġamar":4246,"Ġinmedia":4247,"Ġquedar":4248,"teca":4249,"Ġlanz":4250,"Ġfiesta":4251,"Ġmadera":4252,"ĠDesarrol":4253,"Ġámbito":4254,"Ġó":4255,"ime":4256,"Ġquieren":4257,"Ġmag":4258,"ĠSeguridad":4259,"Ġdebemos":4260,"Ġconsigu":4261,"Ġpais":4262,"Ġaltura":4263,"ĠRey":4264,"Ġorigin":4265,"rasil":4266,"tron":4267,"Ġreflex":4268,"Ġpropios":4269,"Ġcomba":4270,"tador":4271,"ético":4272,"Ġnota":4273,"uelas":4274,"ĠLi":4275,"Ġmunicipio":4276,"Ġcolaboración":4277,"ioso":4278,"Ġdenomin":4279,"ĠCer":4280,"Ġdismin":4281,"itud":4282,"Ġpúblicos":4283,"Ġhtt":4284,"Ġtranquil":4285,"Ġfres":4286,"Ġdiversas":4287,"anÃŃa":4288,"âĢĭ":4289,"gó":4290,"Ġespos":4291,"Ġav":4292,"ull":4293,"ÃŃficos":4294,"Ġ*":4295,"Ġvisitar":4296,"bilidad":4297,"amo":4298,"ĠsÃŃn":4299,"ðŁ":4300,"Ġnumeros":4301,"crip":4302,"xto":4303,"Ġfuente":4304,"Ġapenas":4305,"Ġnega":4306,"Ġempezar":4307,"Ġimple":4308,"Ġnegocios":4309,"ĠII":4310,"Ġempren":4311,"Ġfuncionamiento":4312,"Ġafir":4313,"Ġul":4314,"Ġár":4315,"Ġsacar":4316,"Ġtérminos":4317,"Ġescrito":4318,"Ġlog":4319,"Ġcarre":4320,"ĠGonz":4321,"dem":4322,"Ġperiodi":4323,"Ġmemoria":4324,"Ġprogram":4325,"Ġsiete":4326,"Ġgusto":4327,"Ġentidad":4328,"ĠFo":4329,"Ġetapa":4330,"Ġllamada":4331,"Ġfortal":4332,"Ġcontrato":4333,"ĠIglesia":4334,"adém":4335,"dencias":4336,"puestos":4337,"Ġunidad":4338,"Cómo":4339,"Ġdura":4340,"Ġtradicional":4341,"Ġtorn":4342,"ĠdeberÃŃa":4343,"Ġesco":4344,"Ġperfil":4345,"Ġescol":4346,"ĠConstitu":4347,"roso":4348,"Ġejec":4349,"ĠOs":4350,"ĠPos":4351,"Ġhubiera":4352,"Ġutiliza":4353,"Ġvisión":4354,"Ġ·":4355,"Ġtrá":4356,"Ġasum":4357,"Ġhabitaciones":4358,"Ġplataforma":4359,"ICA":4360,"Ġcomenzó":4361,"Ġtelevisión":4362,"Ġperiodo":4363,"keting":4364,"Ġmiércoles":4365,"Ġhaga":4366,"Ġinvestig":4367,"lamento":4368,"Ġsala":4369,"Ġjard":4370,"ites":4371,"estival":4372,"Ġcompletamente":4373,"Ġradio":4374,"ity":4375,"pol":4376,"Ġgénero":4377,"Ġmotor":4378,"ĠWeb":4379,"Ġterritorio":4380,"ĠHe":4381,"Ġhabrá":4382,"istema":4383,"witter":4384,"Ġvino":4385,"ĠEcon":4386,"Ġton":4387,"Ġmartes":4388,"Ġimpacto":4389,"Ġsosten":4390,"Ġdescan":4391,"Ġcultural":4392,"24":4393,"Ġcuya":4394,"Ġpudo":4395,"Ġresiden":4396,"Ġfútbol":4397,"Ġeventos":4398,"LA":4399,"Ġprefer":4400,"iales":4401,"Ġech":4402,"inci":4403,"Ġarriba":4404,"Ġtercer":4405,"Ġproduci":4406,"Ġpublicación":4407,"Ġkilómetros":4408,"Ġderecha":4409,"Ġtesti":4410,"ĠBen":4411,"gust":4412,"gü":4413,"ĠBel":4414,"Ġ90":4415,"Ġdisponibles":4416,"triz":4417,"Ġcuarto":4418,"trol":4419,"Ġactualidad":4420,"Ġrecha":4421,"CA":4422,"Ġdarle":4423,"quilib":4424,"pera":4425,"Ġfigura":4426,"Ġpresión":4427,"Ġflu":4428,"ĠVe":4429,"ĠCatal":4430,"Ġequiv":4431,"IT":4432,"Ġcalles":4433,"ick":4434,"Ġcualquiera":4435,"capa":4436,"Ġmarcas":4437,"Ġdando":4438,"Ġsitios":4439,"Te":4440,"Ġdemanda":4441,"Ġinfer":4442,"ĠXX":4443,"ĠEspañ":4444,"ense":4445,"Ġavent":4446,"Ġcomunic":4447,"ĠTodos":4448,"isa":4449,"deres":4450,"didad":4451,"Más":4452,"Ġizquierda":4453,"ĠpelÃŃculas":4454,"teros":4455,"Ġfuego":4456,"ombi":4457,"Ġanteriores":4458,"Ġiniciativa":4459,"Ġlengu":4460,"leo":4461,"âĤ¬":4462,"Ġorganizaciones":4463,"mitir":4464,"guez":4465,"Ġarquitec":4466,"ĠSur":4467,"Ġhabitación":4468,"ance":4469,"Ġganas":4470,"Ġpreguntas":4471,"Ġcontemp":4472,"ĠSantiago":4473,"Ġalmacen":4474,"ĠTrans":4475,"Ġrevis":4476,"ĠMuch":4477,"arca":4478,"ĠEdi":4479,"Ġelecciones":4480,"ecÃŃa":4481,"Ġdocumento":4482,"Ġfundamental":4483,"ópez":4484,"Ġcm":4485,"Ġintent":4486,"Ġmostrar":4487,"Ġequip":4488,"Ġmismas":4489,"Ġ2009":4490,"Ġcorre":4491,"ĠFund":4492,"ribunal":4493,"Ġllegado":4494,"Ġintereses":4495,"ĠAt":4496,"AsÃŃ":4497,"Hay":4498,"Ġzapa":4499,"Ġaspecto":4500,"iblio":4501,"Ġcircun":4502,"tienen":4503,"Ġcarga":4504,"Ġarro":4505,"Ġporno":4506,"riendo":4507,"ĠâĢ¢":4508,"pora":4509,"Ġalcanzar":4510,"Ġteniendo":4511,"Ġgrave":4512,"ĠEE":4513,"Ġnie":4514,"estruc":4515,"iados":4516,"Ġaceite":4517,"Ġocu":4518,"»,":4519,"jan":4520,"Ġán":4521,"yos":4522,"US":4523,"22":4524,"Ġce":4525,"leza":4526,"Ġgenera":4527,"ĠjurÃŃ":4528,"anto":4529,"rup":4530,"itados":4531,"Ġdeten":4532,"Ġpedir":4533,"Ġgeneración":4534,"Ġacog":4535,"Ġlejos":4536,"Ġestrategia":4537,"ĠDon":4538,"Ġpsic":4539,"ĠperÃŃo":4540,"dó":4541,"ins":4542,"Ġaparece":4543,"Ġprimeras":4544,"Ġgrado":4545,"ĠPat":4546,"Ġtales":4547,"Ġconocimientos":4548,"Ġsoluciones":4549,"Ġras":4550,"Ġabandon":4551,"Ġadolesc":4552,"gimen":4553,"Ġdicen":4554,"Ġprofesor":4555,"Ġvacaciones":4556,"Ġgrá":4557,"Ġrepe":4558,"Ġconvir":4559,"Ġbur":4560,"ĠSE":4561,"Ġderro":4562,"Ġambient":4563,"Ġadop":4564,"Ġedificio":4565,"Ġdetec":4566,"ĠBuenos":4567,"Ġbloque":4568,"ĠAut":4569,"Ġrode":4570,"usa":4571,"Ġpersonaje":4572,"ht":4573,"Ġplantas":4574,"poner":4575,"ly":4576,"Ġjusticia":4577,"Ġargu":4578,"Ġsituaciones":4579,"ĠAires":4580,"ulado":4581,"ĠmÃŃnimo":4582,"Ġesperar":4583,"ĠPablo":4584,"vas":4585,"ĠFrancia":4586,"Ġ70":4587,"Ġprostitu":4588,"ĠMedi":4589,"Ġimper":4590,"Ġésta":4591,"Ġtrabajando":4592,"ologÃŃas":4593,"Ġkm":4594,"Ġmantenimiento":4595,"Ġjusto":4596,"mán":4597,"Ġchica":4598,"ĠCab":4599,"Ġfamiliares":4600,"ĠCuba":4601,"Ġchicas":4602,"dizaje":4603,"Ġrequis":4604,"ĠvÃŃdeo":4605,"Ġhija":4606,"Ġfer":4607,"Ġtercera":4608,"Ġreducir":4609,"Ġalguno":4610,"Ġpiezas":4611,"Ġpag":4612,"Ġrequiere":4613,"PA":4614,"inario":4615,"ĠLópez":4616,"blos":4617,"Ġmodific":4618,"ciar":4619,"ĠMujer":4620,"villa":4621,"Ġdiá":4622,"rón":4623,"Ġenorme":4624,"edores":4625,"acho":4626,"ender":4627,"Ġ»":4628,"ĠChina":4629,"Ġsola":4630,"Ġfinales":4631,"ĠOfici":4632,"Ya":4633,"gal":4634,"Ġnormas":4635,"Ġanal":4636,"ĠDespués":4637,"ĠRob":4638,"dÃŃ":4639,"Ġfirm":4640,"ĠvehÃŃculos":4641,"Ġ35":4642,"ĠDesarrollo":4643,"ĠquerÃŃa":4644,"ĠInv":4645,"Ġadministra":4646,"Ġespeciales":4647,"Ġvariedad":4648,"ĠHoy":4649,"udicial":4650,"rador":4651,"cipl":4652,"ĠComer":4653,"amor":4654,"Ġúltimas":4655,"Ġinstalación":4656,"tillas":4657,"Ġvecinos":4658,"ĠFacebook":4659,"Ġtengan":4660,"ÃŃtulos":4661,"Ġsel":4662,"san":4663,"Ġpeor":4664,"iamente":4665,"Ġherramienta":4666,"Ġimpuls":4667,"tillo":4668,"Ġbara":4669,"uta":4670,"Ġlarga":4671,"Ġcomenz":4672,"Ġnoticias":4673,"Ġinc":4674,"Ġcompetencia":4675,"ĠRam":4676,"ĠTh":4677,"Ġaquella":4678,"Ten":4679,"Ġdudas":4680,"Ġsolamente":4681,"Ġsabemos":4682,"Ġcomprome":4683,"Ġindividu":4684,"ave":4685,"Ġmejora":4686,"Ġventas":4687,"Ġcarta":4688,"ond":4689,"Ġdejó":4690,"Ġmone":4691,"ĠFu":4692,"Ġdónde":4693,"ĠGrupo":4694,"Ġpasos":4695,"Buen":4696,"UU":4697,"Ġluc":4698,"Ġalquil":4699,"Ġposibilidades":4700,"ĠEstudi":4701,"Ġvivienda":4702,"Ġterror":4703,"use":4704,"yó":4705,"Ġabog":4706,"Ġdue":4707,"Ġcomport":4708,"ĠHist":4709,"Ġacum":4710,"ivas":4711,"Ġdecisiones":4712,"cimientos":4713,"UR":4714,"Ġ2008":4715,"iores":4716,"illos":4717,"Ġsesión":4718,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":4719,"tró":4720,"Ġsexual":4721,"Ġsueño":4722,"Ġboca":4723,"Ġpresupuesto":4724,"Ġregal":4725,"Ġtriun":4726,"iles":4727,"Ġdespe":4728,"ĠClub":4729,"Ġhuman":4730,"Ġbre":4731,"Ġpuertas":4732,"Ġfuerzas":4733,"Ġconsecuencia":4734,"ses":4735,"Ġexplica":4736,"Ġcomplic":4737,"Ġexistencia":4738,"ĠBrasil":4739,"Ġdirecto":4740,"ĠBlan":4741,"mina":4742,"ĠUnión":4743,"Ġlectura":4744,"Res":4745,"ĠlÃŃneas":4746,"Ġocho":4747,"Ġsustitu":4748,"ĠNos":4749,"Ġhicieron":4750,"Ġcuentas":4751,"Ġocul":4752,"ticamente":4753,"Ġcasas":4754,"Ġpublicado":4755,"ÃŃda":4756,"Ġrit":4757,"ĠBer":4758,"Ġrecordar":4759,"áis":4760,"Ġexplo":4761,"Ġaloj":4762,"Ġdescargar":4763,"Ġfas":4764,"ĠPresidente":4765,"Ġjugador":4766,"ĠvehÃŃculo":4767,"Ġavis":4768,"ĠcrÃŃt":4769,"vel":4770,"23":4771,"Ġtamb":4772,"Ġfines":4773,"Ìģ":4774,"alizados":4775,"arnos":4776,"Ġefica":4777,"cam":4778,"Ġvincul":4779,"ang":4780,"Ġobstante":4781,"Ġmala":4782,"tus":4783,"Ġcatal":4784,"iempre":4785,"Ġentra":4786,"LO":4787,"Ġabor":4788,"Ġsalv":4789,"itamos":4790,"Ġcompañeros":4791,"Ġvivo":4792,"VA":4793,"Ġpiedra":4794,"Ġposibles":4795,"Ġencanta":4796,"Ġpris":4797,"Ġbarrio":4798,"hn":4799,"Ġsoftware":4800,"Ġfuentes":4801,"Ġrespeto":4802,"ĠDirección":4803,"Ġsectores":4804,"Ġfirma":4805,"Ġllu":4806,"ĠfÃŃsica":4807,"ĠÃģn":4808,"fre":4809,"Ġjefe":4810,"chas":4811,"Po":4812,"Ġaquellas":4813,"Ġregistro":4814,"80":4815,"Ġescal":4816,"Hoy":4817,"Ġdich":4818,"Ġestablecer":4819,"mania":4820,"ĠValencia":4821,"Ġrevel":4822,"Ġsede":4823,"Ġlech":4824,"Ġquedó":4825,"Ġmicro":4826,"ples":4827,"Ġfiscal":4828,"Ġentidades":4829,"Ġmenores":4830,"Ġconoc":4831,"Ġexposición":4832,"Ġfinalmente":4833,"ĠBl":4834,"Ġpobre":4835,"Ġidi":4836,"ĠCre":4837,"Ġmam":4838,"Ġrelev":4839,"tig":4840,"Ġido":4841,"ty":4842,"Ġministro":4843,"Ġexter":4844,"Ġnovela":4845,"ĠpodrÃŃan":4846,"fon":4847,"Ġescenario":4848,"Ġsome":4849,"ker":4850,"Ġrendimiento":4851,"ĠPerú":4852,"rupción":4853,"ĠEso":4854,"ĠEmpres":4855,"ĠCruz":4856,"icción":4857,"Ġsuperficie":4858,"Ġunidades":4859,"Ġrequer":4860,"Ġran":4861,"Ġpropias":4862,"Durante":4863,"Ġoperaciones":4864,"chez":4865,"Ġtes":4866,"Ġmeta":4867,"Ġcumple":4868,"Ġverde":4869,"Ġcama":4870,"Ġmáxima":4871,"ĠJav":4872,"Ġano":4873,"Ġrestau":4874,"ĠAdministración":4875,"Ġprom":4876,"@@":4877,"Ġllegada":4878,"Ġdocumentos":4879,"Ġestan":4880,"Ġacadém":4881,"cida":4882,"iego":4883,"cés":4884,"iosa":4885,"Ġgenerar":4886,"Ġexac":4887,"bla":4888,"Ġapun":4889,"dón":4890,"Ġgras":4891,"Ġ>":4892,"Ġretir":4893,"Ġment":4894,"ĠFer":4895,"uncia":4896,"Ġdomici":4897,"Ġenfrent":4898,"Ġpequeñas":4899,"Ġresolver":4900,"ficaciones":4901,"eles":4902,"ĠhacÃŃa":4903,"indo":4904,"Ġpec":4905,"Ġresolución":4906,"Ġsección":4907,"uebles":4908,"Ġexcep":4909,"Ġprácticas":4910,"ĠDav":4911,"Ġcita":4912,"):":4913,"Ġdep":4914,"iero":4915,"anzas":4916,"Ġargent":4917,"venida":4918,"amble":4919,"Ġoperación":4920,"ĠTa":4921,"ĠincreÃŃ":4922,"fin":4923,"ko":4924,"Ġcán":4925,"ĠDEL":4926,"Ġespecie":4927,"ĠElec":4928,");":4929,"Ġcerc":4930,"gaciones":4931,"plic":4932,"Ġges":4933,"AT":4934,"Ġembara":4935,"org":4936,"ĠEm":4937,"Ġtemperatura":4938,"fÃŃa":4939,"CO":4940,"ĠhabrÃŃa":4941,"ĠRev":4942,"Ġhará":4943,"Ġartes":4944,"Ġplaza":4945,"Ġagreg":4946,"Ġreac":4947,"anda":4948,"Ġga":4949,"onda":4950,"ĠPolicÃŃa":4951,"ĠFue":4952,"Ġcriter":4953,"Ġsencillo":4954,"ĠNorte":4955,"dust":4956,"fé":4957,"erop":4958,"ĠAg":4959,"ĠYork":4960,"Ġdigo":4961,"ive":4962,"ĠOrgan":4963,"deración":4964,"Ġfen":4965,"tumb":4966,"portes":4967,"Ġsupone":4968,"Ġpedido":4969,"Ġabajo":4970,"Ġvideos":4971,"usia":4972,"Ġregular":4973,"Ġcámara":4974,"Ġast":4975,"Ġpérdida":4976,"ĠFis":4977,"Ġenfermedades":4978,"ĠEstos":4979,"ĠBe":4980,"Ġlegal":4981,"Ġcomerciales":4982,"Ġmaravillos":4983,"Ġintentar":4984,"ĠBus":4985,"Ġmúlti":4986,"deros":4987,"Ġsomb":4988,"racia":4989,"Ġprincipalmente":4990,"ĠDu":4991,"Ġbelleza":4992,"Ġabierto":4993,"Ġproduce":4994,"Ġpermiten":4995,"Ġsuele":4996,"Ġcolección":4997,"onato":4998,"Ġingresos":4999,"ky":5000,"eran":5001,"Ġpasó":5002,"Ġrealizó":5003,"Ġhumana":5004,"Ġtiendas":5005,"ieran":5006,"ité":5007,"tismo":5008,"torias":5009,"ĠpolicÃŃa":5010,"99":5011,"uencias":5012,"Ġseñaló":5013,"ĠEspe":5014,"Ġpodido":5015,"okies":5016,"jor":5017,"Ġcalor":5018,"ĠMac":5019,"ĠDomin":5020,"Ġsimilar":5021,"Ġmecan":5022,"Ġdiput":5023,"ĠCada":5024,"Ġhá":5025,"Ġagre":5026,"Ġexperiencias":5027,"Ġescuchar":5028,"ĠRom":5029,"puestas":5030,"Ġagrad":5031,"Ġisla":5032,"ĠHu":5033,"ĠSeñor":5034,"**":5035,"Ġfeliz":5036,"Ġcorte":5037,"Ġcorrespondiente":5038,"ĠVir":5039,"ĠProfes":5040,"ĠFundación":5041,"itada":5042,"Ġciencia":5043,"Ġtransform":5044,"Ġpremio":5045,"edes":5046,"Ġvictoria":5047,"Ġnacionales":5048,"Ġambas":5049,"Ġcircunst":5050,"Ġtraslad":5051,"Ġincluyendo":5052,"ĠJusticia":5053,"Ġjam":5054,"tem":5055,"Ġconsol":5056,"Ġsale":5057,"Ġárbol":5058,"Ġtej":5059,"âĢ¢":5060,"Ġveo":5061,"Ġdeporte":5062,"isiones":5063,"Ġerror":5064,"Ġruta":5065,"Ġgastos":5066,"ĠCivil":5067,"IM":5068,"Ġtraduc":5069,"Ġabsolu":5070,"Ġdesaf":5071,"Ġelección":5072,"Ġlocalidad":5073,"Ġsiguen":5074,"Ġcoinci":5075,"rales":5076,"Ġfactores":5077,"ilares":5078,"reras":5079,"itarios":5080,"len":5081,"Ġaprendizaje":5082,"udas":5083,"ĠPrem":5084,"Ġrey":5085,"Ġtritur":5086,"ĠNi":5087,"Ġimposible":5088,"ĠperÃŃodo":5089,"Ġcereb":5090,"Ġ=":5091,"Ġhar":5092,"Ġcomunidades":5093,"ĠPúbl":5094,"inados":5095,"ET":5096,"Ġdeseo":5097,"ÃŃguez":5098,"ĠTri":5099,"eñ":5100,"Ġpúblicas":5101,"Ġcumplimiento":5102,"Ġdebes":5103,"Ġofrecen":5104,"idar":5105,"Ġparticipantes":5106,"Ġfalle":5107,"iación":5108,"Ġconsulta":5109,"Ġcomenzar":5110,"Ġcomercio":5111,"Ġrecorrido":5112,"Ġge":5113,"Ġpiso":5114,"ĠĠ":5115,"quilla":5116,"Ġdivi":5117,"Tras":5118,"Ġfunciona":5119,"Ġmanda":5120,"Ġpueblos":5121,"Ġdetrás":5122,"ĠTele":5123,"ierta":5124,"bra":5125,"Ġexpertos":5126,"ĠBal":5127,"ĠServicio":5128,"Ġnomb":5129,"drÃŃguez":5130,"ánica":5131,"Ġcomerci":5132,"viamente":5133,"Ġaper":5134,"Ġprivado":5135,"Ġurb":5136,"vera":5137,"arle":5138,"Ġrazones":5139,"Ġrecog":5140,"igu":5141,"Ġprobar":5142,"ĠPerson":5143,"Ġcódigo":5144,"Ġrue":5145,"Ġaumentar":5146,"Ġfase":5147,"Ġinformó":5148,"Ġhubo":5149,"ĠrÃŃo":5150,"Ġequilib":5151,"ks":5152,"ª":5153,"metro":5154,"ánd":5155,"uf":5156,"Ġvuelve":5157,"misión":5158,"ĠCur":5159,"Ġverdadera":5160,"ivamente":5161,"hib":5162,"amento":5163,".âĢĿ":5164,"Ġllevó":5165,"arial":5166,"Ġrégimen":5167,"Ġdispositivos":5168,"adio":5169,"gados":5170,"Ġfar":5171,"ĠSec":5172,"int":5173,"Ġital":5174,"Ġtarjeta":5175,"Ġsorpres":5176,"Ġhayan":5177,"Ġgarantizar":5178,"ĠtenÃŃan":5179,"Ġcorto":5180,"Ġsensación":5181,"Ġformato":5182,"uña":5183,"ánchez":5184,"ds":5185,"Ġses":5186,"Ġcondición":5187,"Ġpropuestas":5188,"oque":5189,"ĠPP":5190,"Ġsiquiera":5191,"Ġdistribución":5192,"Ġcrim":5193,"ianos":5194,"raz":5195,"Ġestén":5196,"ĠSegún":5197,"lÃŃ":5198,"Ġreconocimiento":5199,"ĠUr":5200,"Ġsonido":5201,"talia":5202,"idez":5203,"Ch":5204,"Ġcomienza":5205,"ológicos":5206,"Ġrevista":5207,"Ġdul":5208,"Ġdebate":5209,"Ġdesper":5210,"Ġconstruir":5211,"Ġaus":5212,"inta":5213,"ĠProvin":5214,"Ġataque":5215,"grafÃŃas":5216,"Ġespero":5217,"ĠTras":5218,"ĠEscuela":5219,"arme":5220,"Ġpresentes":5221,"iendas":5222,"Ġofertas":5223,"estre":5224,"Ġdenunci":5225,"Ġcompos":5226,"Ġcursos":5227,"Ġidentidad":5228,"Ġdispar":5229,"isla":5230,"Ġintens":5231,"ĠNO":5232,"Ġnoticia":5233,"Ġmantiene":5234,"Ġfondos":5235,"Ġcrédito":5236,"crib":5237,"raestruc":5238,"pr":5239,"Ġec":5240,"Ġenlace":5241,"Ġplanes":5242,"king":5243,"cionamiento":5244,"stru":5245,"Ġacre":5246,"éndose":5247,"ĠÃģngel":5248,"ezol":5249,"ore":5250,"Ġdeclara":5251,"amentos":5252,"tigo":5253,"augu":5254,"Ġparque":5255,"Ġrelacionados":5256,"ĠvÃŃctimas":5257,"Ġenem":5258,"Ġaproximadamente":5259,"ĠPl":5260,"Ġmunicipal":5261,"ĠFel":5262,"Ġremo":5263,"ĠRodrÃŃguez":5264,"Ġparecer":5265,"venir":5266,"Ġmarc":5267,"Ġrápida":5268,"ribuy":5269,"ĠPRO":5270,"wn":5271,"ĠInf":5272,"gamos":5273,"Ġhal":5274,"Ġexplicó":5275,"Ġexpresión":5276,"ficiencia":5277,"ĠJorge":5278,"Ġformul":5279,"ĠPuerto":5280,"up":5281,"ĠServicios":5282,"Ġindica":5283,"AP":5284,"gencias":5285,"ĠespÃŃritu":5286,"VI":5287,"Ġvive":5288,"Ġinaugu":5289,"Ġdescubrir":5290,"Ġelev":5291,"ude":5292,"Ġartistas":5293,"Ġglobal":5294,"45":5295,"Ġcanciones":5296,"enes":5297,"Ġdelante":5298,"ĠRed":5299,"]âĢĭ":5300,"Ġcomentario":5301,"Ġdispositivo":5302,"Ġjuntos":5303,"ález":5304,"Ġprior":5305,"Entre":5306,"Ġmétodo":5307,"Ġcontras":5308,"rael":5309,"Ahora":5310,"Ġbio":5311,"Ġadultos":5312,"ÃŃgen":5313,"eña":5314,"ucÃŃa":5315,"ámica":5316,"acas":5317,"Ġhermano":5318,"ENT":5319,"Ġtarea":5320,"ĠJun":5321,"Ġconvertido":5322,"«":5323,"Ġdejado":5324,"ĠgustarÃŃa":5325,"Ġtérmino":5326,"Ġconexión":5327,"Ġtren":5328,"Ġconsec":5329,"todos":5330,"tima":5331,"éndo":5332,"Ġ500":5333,"Ġcielo":5334,"Ġcosto":5335,"pati":5336,"Ġoportunidades":5337,"Ġcaja":5338,"Ġilum":5339,"Ġhabitantes":5340,"Ġentrevista":5341,"Ġforo":5342,"Ġdistribu":5343,"Ġencontramos":5344,"tista":5345,"Ġbomb":5346,"Ġritmo":5347,"Ġnutri":5348,"Ġfemen":5349,"ĠSánchez":5350,"Ġespañoles":5351,"Ġestadounidense":5352,"eca":5353,"Ġ2007":5354,"ĠOn":5355,"ĠNic":5356,"Gra":5357,"yecto":5358,"Ġintención":5359,"Ġobliga":5360,"Ġcontexto":5361,"Ġterminar":5362,"Ġempleados":5363,"LE":5364,"Ġactos":5365,"ĠPorque":5366,"Ġpies":5367,"orios":5368,"ĠTV":5369,"Ġcircul":5370,"ĠMil":5371,"Ġrecibido":5372,"Ġpaciente":5373,"Ġcarne":5374,"Ġjuicio":5375,"Ġmiembro":5376,"Ġinflu":5377,"ciaciones":5378,"Ġsirve":5379,"Ġarmas":5380,"Ġperió":5381,"Ġduro":5382,"Aunque":5383,"ĠLeón":5384,"Ġalma":5385,"arlos":5386,"iri":5387,"ĠComunidad":5388,"Ġamplio":5389,"Ġrenov":5390,"Ġpotencial":5391,"Ġpublicidad":5392,"arra":5393,"Ġ45":5394,"Ġdetalle":5395,"cón":5396,"olucion":5397,"Ġsilen":5398,"Ġacos":5399,"tÃŃculo":5400,"Ġcreado":5401,"Ġcontiene":5402,"Ġdebajo":5403,"ĠIncl":5404,"Ġvolumen":5405,"deras":5406,"Ġterreno":5407,"Ġproteger":5408,"Ġrum":5409,"Ġgama":5410,"Ġobjetos":5411,"oluc":5412,"Ġinstitución":5413,"ĠAlgun":5414,"Ġigu":5415,"ĠAlemania":5416,"BA":5417,"teratura":5418,"Ġpasando":5419,"Ġartista":5420,"Ġcál":5421,"Ġdirecta":5422,"Ġmirada":5423,"Ġhistorias":5424,"Ġpróxima":5425,"Ġleyes":5426,"Ġocurre":5427,"ĠSil":5428,"Ġleyendo":5429,"Ġsurg":5430,"Ġhistórico":5431,"Ġadelan":5432,"ĠJunta":5433,"Ġ196":5434,"ticias":5435,"ash":5436,"Ġrecuerdo":5437,"Ġconden":5438,"ĠFernando":5439,"ARA":5440,"ipe":5441,"trado":5442,"Ġespecta":5443,"Ġmig":5444,"ĠSevilla":5445,"Ġeliminar":5446,"ĠAndal":5447,"pens":5448,"Ġseres":5449,"ĠGonzález":5450,"Ġpreocu":5451,"ultades":5452,"Ġmedic":5453,"ucha":5454,"Ġconfirm":5455,"Ġcadena":5456,"21":5457,"ĠBanco":5458,"Ġlegisl":5459,"Ġcertific":5460,"Ġpuso":5461,"Ġenter":5462,"ĠAz":5463,"Ġliter":5464,"Ġreclam":5465,"Ġpasada":5466,"Ġperspec":5467,"Ġintervención":5468,"2018":5469,"Ġcolombi":5470,"radas":5471,"Ġlimpieza":5472,"Ġoficina":5473,"Ġnecesaria":5474,"Ġconvoca":5475,"leta":5476,"ĠLib":5477,"timos":5478,"Ġcierre":5479,"ĠtÃŃp":5480,"deos":5481,"Ġustedes":5482,"Ġpromedio":5483,"Ġilust":5484,"Ġaseguró":5485,"ĠTecn":5486,"Pre":5487,"ĠDavid":5488,"Ġprocedimiento":5489,"berto":5490,"Ġpractic":5491,"Ġmensajes":5492,"Ġvoc":5493,"Ġvoluntad":5494,"RES":5495,"usiones":5496,"Ġmezcla":5497,"ĠOri":5498,"Ġprima":5499,"rores":5500,"lano":5501,"Ġdepartamento":5502,"Ġ@":5503,"timo":5504,"Ġagres":5505,"ĠVilla":5506,"utbol":5507,"ĠclÃŃn":5508,"Ġpropósito":5509,"26":5510,"Ġrequisitos":5511,"CE":5512,"ĠPen":5513,"ĠCristo":5514,"Ġcanción":5515,"27":5516,"estas":5517,"Ġtendencia":5518,"Ġresistencia":5519,"Ġquedan":5520,"ulares":5521,"Ġestren":5522,"indows":5523,"udos":5524,"tidas":5525,"Ġpic":5526,"IF":5527,"rano":5528,"Ġcanal":5529,"tamientos":5530,"gram":5531,"Ġsolicitud":5532,"Ġdim":5533,"ĠTal":5534,"Ġubicación":5535,"ade":5536,"Ġase":5537,"Ġleche":5538,"ienes":5539,"Ġrepor":5540,"Ġpendi":5541,"Ġdaño":5542,"ella":5543,"Ġpase":5544,"ĠSem":5545,"Ġimpresion":5546,"Ġtareas":5547,"Ġpat":5548,"Ġdro":5549,"Ġvender":5550,"Ġintegra":5551,"dedores":5552,"Ġacudi":5553,"Ġmúltiples":5554,"Ġemerg":5555,"Ġciclo":5556,"Ġhospital":5557,"Ġviajes":5558,"ĠPon":5559,"ÃŃz":5560,"Ġcoti":5561,"Ġnecesarios":5562,"Ġclima":5563,"Ġvisit":5564,"ciÃĥ":5565,"Ġescena":5566,"eropuerto":5567,"ĠCultura":5568,"erdo":5569,"www":5570,"Ġrol":5571,"tadores":5572,"Ġreciente":5573,"ley":5574,"Ġarchivos":5575,"Ġproducir":5576,"Ġinfec":5577,"dice":5578,"Ġtorno":5579,"Ġhabitual":5580,"Ġexpe":5581,"ĠSistema":5582,"Ġreforma":5583,"Ġsuma":5584,"Ġrojo":5585,"Ġwww":5586,"Ġbeneficio":5587,"ĠPartido":5588,"Ġorganismo":5589,"rarse":5590,"Ġvistas":5591,"Ġbi":5592,"Ġsabor":5593,"Ġmusical":5594,"grÃŃa":5595,"estiones":5596,"Ġhermanos":5597,"Ġcáncer":5598,"Ġduración":5599,"35":5600,"Ġllevan":5601,"ĠInvesti":5602,"Ġpermanente":5603,"érez":5604,"ĠGer":5605,"Ġpref":5606,"ólogo":5607,"Después":5608,"Ġpromoción":5609,"ĠLuego":5610,"Ġbreve":5611,"%.":5612,"Ġbos":5613,"uelos":5614,"lección":5615,"Ġconciencia":5616,"Ġtera":5617,"Ġsupon":5618,"Ġtendrán":5619,"Ġperfecta":5620,"Ġsuminist":5621,"Ġarran":5622,"Ġmovimientos":5623,"ĠguÃŃa":5624,"PS":5625,"Ġexam":5626,"tiende":5627,"osos":5628,"Ġrefiere":5629,"Ġpocas":5630,"ĠSam":5631,"Ġpotencia":5632,"tég":5633,"Ġevolución":5634,"Ġreduci":5635,"Ġvul":5636,"Ġasistencia":5637,"ĠAD":5638,"inada":5639,"gadas":5640,"Ġlenguaje":5641,"Ġcontrolar":5642,"Ġhier":5643,"Ġpuestos":5644,".)":5645,"ĠAquÃŃ":5646,"Ġreserva":5647,"izada":5648,"ército":5649,"amblea":5650,"Ġtambien":5651,"Ġencontrado":5652,"Ġbici":5653,"Ġcree":5654,"Ġhonor":5655,"Ġiglesia":5656,"jeron":5657,"quinas":5658,"Ġplaneta":5659,"Ġdescrib":5660,"ĠIndust":5661,"Ġubicado":5662,"Ġprecisamente":5663,"ĠDurante":5664,"jal":5665,"Ġrestaurante":5666,"Ġinferior":5667,"Ġaguas":5668,"Ġútil":5669,"28":5670,"Ġpose":5671,"Ġconocida":5672,"Ġconcurso":5673,"âĢĻ,":5674,"Ġmencion":5675,"ĠVI":5676,"ÃŃc":5677,"Ġperdido":5678,"ĠEuropea":5679,"Ġlóg":5680,"ĠDerecho":5681,"Ġdependi":5682,"uestros":5683,"ĠRE":5684,"ĠtecnologÃŃas":5685,"Ġsuelen":5686,"ĠfÃŃsico":5687,"duce":5688,"ĠTierra":5689,"Ġaplicar":5690,"genierÃŃa":5691,"Ġsaben":5692,"Ġquizás":5693,"Ġrealización":5694,"ruguay":5695,"Ġnombres":5696,"Ġreconocer":5697,"Ġarreg":5698,"ĠAL":5699,"Ġhipo":5700,"ĠFor":5701,"Ġoptim":5702,"quen":5703,"Ġespectá":5704,"ritán":5705,"Ġrecuerda":5706,"Ġfrecuencia":5707,"Ġrápidamente":5708,"Ġpresentado":5709,"IDAD":5710,"ondo":5711,"Ġsuave":5712,"ĠRusia":5713,"33":5714,"Ġhttp":5715,"Ġasegura":5716,"Ġinfantil":5717,"Ġrecibió":5718,"Ãij":5719,"ĠSub":5720,"Ġhacemos":5721,"Ġprodu":5722,"Ġ300":5723,"ĠAna":5724,"zz":5725,"Ġefectu":5726,"ĠMá":5727,"ung":5728,"Ġagentes":5729,"Ġputas":5730,"Ġsolicitar":5731,"Mi":5732,"Ġpele":5733,"Ġconsiste":5734,"Ġlengua":5735,"ĠÐ":5736,"ĠCiencias":5737,"Ġasesor":5738,"Ġvendi":5739,"ĠTécn":5740,"Ġformar":5741,"Ġvenezol":5742,"ĠPri":5743,"mm":5744,"ane":5745,"Ġdomicilio":5746,"Ġmercados":5747,"Mar":5748,"let":5749,"quia":5750,"Ġplacer":5751,"Ġsubir":5752,"Ġvemos":5753,"eció":5754,"Ġgl":5755,"Ġintelec":5756,"Ġcierta":5757,"ĠCopa":5758,"ĠAst":5759,"Ġsegundos":5760,"Ġmisión":5761,"Ġhos":5762,"ĠHar":5763,"Ġporta":5764,"Ġcuentan":5765,"Ġmotiv":5766,"rucciones":5767,"aa":5768,"pira":5769,"ĠMunicipal":5770,"90":5771,"Ġcomportamiento":5772,"ciles":5773,"Ġdeberán":5774,"Ġquis":5775,"Ġrepresentantes":5776,"Ġasc":5777,"Ġpresentó":5778,"Ġaudio":5779,"Ġapartado":5780,"Ġimplic":5781,"Ġalimentación":5782,"OD":5783,"olina":5784,"Ġadecuado":5785,"Ġgana":5786,"Ġasegurar":5787,"Ġacaba":5788,"Ġevaluación":5789,"ÃŃsticos":5790,"Ġvio":5791,"Ġprivada":5792,"Ġsiento":5793,"hat":5794,"Ġentregar":5795,"Ġporcent":5796,"Ġgratuita":5797,"ĠTwitter":5798,"Ġcontinuar":5799,"Ġdormitor":5800,"Ġalcance":5801,"Ġsimp":5802,"piración":5803,"Ġbru":5804,"Ġutilizando":5805,"hor":5806,"Ġindustrial":5807,"ĠPérez":5808,"Dis":5809,"Ġfom":5810,"ĠGre":5811,"Ġactuación":5812,"Ġalco":5813,"Ġtantos":5814,"vimos":5815,"rimiento":5816,"Ġfrancés":5817,"ĠCentral":5818,"ĠenvÃŃo":5819,"Ġexpan":5820,"ĠBas":5821,"Ġgrab":5822,"we":5823,"ĠRu":5824,"Ġriesgos":5825,"Ġ36":5826,"ini":5827,"sen":5828,"Ġpaque":5829,"Ġprotes":5830,"Ġfenóm":5831,"ĠEsp":5832,"Ġpretende":5833,"Ġantiguo":5834,"Ġresponsables":5835,"Ġconcreto":5836,"Ġelemento":5837,"Ġpróximos":5838,"Ġchicos":5839,"%,":5840,"Ġsuces":5841,"Ġlleno":5842,"Ġerrores":5843,"ĠHol":5844,"ÃŃsima":5845,"ĠDist":5846,"ĠForm":5847,"ĠPlaza":5848,"Ġnecesitan":5849,"ii":5850,"Ġconsecuencias":5851,"ting":5852,"ĠEstas":5853,"Ġprogres":5854,"Ġexpec":5855,"ĠSte":5856,"ĠTribunal":5857,"Ġcookies":5858,"ĠquÃŃm":5859,"Ġcomunes":5860,"Ġinfraestruc":5861,"Ġcarretera":5862,"viera":5863,"Ġpiscina":5864,"Ġespal":5865,"Ġabierta":5866,"Ġetique":5867,"guar":5868,"Ġllen":5869,"Ġ)":5870,"Ġvale":5871,"Ġclara":5872,"ĠDepartamento":5873,"Ġpuesta":5874,"ĠLin":5875,"Ġniña":5876,"Ġcocin":5877,"Rec":5878,"orts":5879,"Ġejecución":5880,"Ġgestion":5881,"igna":5882,"Ġcafé":5883,"Ġgar":5884,"Ġarchivo":5885,"Ġdieron":5886,"Ġamist":5887,"Ġmasa":5888,"rÃŃ":5889,"Ġalcalde":5890,"Ġadj":5891,"tización":5892,"Ġtrabaja":5893,"Ġestación":5894,"UC":5895,"Ġterra":5896,"ĠSala":5897,"Ġasunto":5898,"ueve":5899,"Ġresponder":5900,"Ġcercan":5901,"Ġhuel":5902,"Ġincluyen":5903,"cesa":5904,"Ġestablece":5905,"Ġvaya":5906,"Ġutilizado":5907,"Ġoposición":5908,"Ġflor":5909,"úcar":5910,"UL":5911,"adura":5912,"doba":5913,"Ġdejo":5914,"Ġsituado":5915,"ĠCosta":5916,"esÃŃa":5917,"ĠPuede":5918,"Ġneg":5919,"cir":5920,"Ġfich":5921,"Ġconvoc":5922,"ĠDr":5923,"ĠProduc":5924,"Ġperfectamente":5925,"Ġdesen":5926,"Ġbu":5927,"Ġbebé":5928,"Ġesposa":5929,"Ġproporcion":5930,"Ġautores":5931,"Ġflo":5932,"Ġsencilla":5933,"Ġtranspar":5934,"Ġpensamiento":5935,"Ġmédicos":5936,"Ġexplor":5937,"Gracias":5938,"ĠON":5939,"Ġcontactos":5940,"Much":5941,"sal":5942,"Ġsoporte":5943,"ĠfotografÃŃa":5944,"tuales":5945,"Ġestándar":5946,"?,":5947,"Ġpilo":5948,"Ġescon":5949,"abora":5950,"roid":5951,"Ġcelebración":5952,"rue":5953,"Ġpeligro":5954,"grado":5955,"ĠAudi":5956,"iverso":5957,"ecido":5958,"rida":5959,"américa":5960,"Ġinvoluc":5961,"Ġnúmeros":5962,"Ġconsejos":5963,"Ġaccidente":5964,"Ġimporta":5965,"',":5966,"Ġminer":5967,"ĠZapa":5968,"Ġhablando":5969,"Ġdestru":5970,"afa":5971,"tom":5972,"Ġlujo":5973,"ueva":5974,"Ġcabal":5975,"Ġextraord":5976,"rieron":5977,"pendencia":5978,"Ġmenudo":5979,"ĠsÃŃnt":5980,"Ġconflicto":5981,"ĠVol":5982,"Ġdesconoci":5983,"Ġflex":5984,"Ġafirma":5985,"ĠTrabajo":5986,"Ġmotivos":5987,"ĠTrump":5988,"TER":5989,"bos":5990,"ĠFederal":5991,"Ġlist":5992,"70":5993,"ĠJavier":5994,"ĠincreÃŃble":5995,"Ġdaños":5996,"Ġdesea":5997,"Ġdesay":5998,"Ġreceta":5999,"lin":6000,"Ġfuertes":6001,"ualmente":6002,"ĠÃīl":6003,"Ġfuncionarios":6004,"Ġsabes":6005,"ĠTom":6006,"Ġcontes":6007,"Ġbases":6008,"óstico":6009,"Ġcomunicado":6010,"Ġabra":6011,"Ġconvierte":6012,"Ġagradable":6013,"Ġverdadero":6014,"Ġameric":6015,"iernos":6016,"Ġdocument":6017,"AB":6018,"ĠAmb":6019,"ys":6020,"29":6021,"esper":6022,"Ġprote":6023,"Ġhabilidades":6024,"Ġdefens":6025,"ĠPrograma":6026,"tieron":6027,"Ġindependiente":6028,"Ġcoleg":6029,"Ġrem":6030,"Ġcaliente":6031,"inte":6032,"Ġautén":6033,"Ġtécnicos":6034,"Ġservir":6035,"Pue":6036,"Ġcarb":6037,"Ġactuales":6038,"Ġnaveg":6039,"dimientos":6040,"ĠAgu":6041,"Ġcaer":6042,"ĠCorte":6043,"Ġautoridad":6044,"Ġ..":6045,"Ġalar":6046,"Ġdiscipl":6047,"Ġrelo":6048,"Ġapertura":6049,"Ġmáquina":6050,"ĠConstitución":6051,"ionales":6052,"Ġger":6053,"Ġaclar":6054,"icales":6055,"quez":6056,"ĠCla":6057,"ĠFernández":6058,"ĠCul":6059,"ĠSecretarÃŃa":6060,"Ġaument":6061,"ni":6062,"hol":6063,"Ġrecibe":6064,"Ġanunció":6065,"Ġrecién":6066,"Ġdeuda":6067,"Ġ2006":6068,"Ġjuez":6069,"Ġauton":6070,"Ġestrellas":6071,"Ġturismo":6072,"Ġcabello":6073,"Hace":6074,"ĠGa":6075,"Ġcontribu":6076,"ĠJohn":6077,"Ġhacerse":6078,"Ġvit":6079,"alacio":6080,"Ġmarketing":6081,"vos":6082,"pin":6083,"Ġtoque":6084,"Ġquedado":6085,"Ġposterior":6086,"Ġdeleg":6087,"Ġresca":6088,"ĠAC":6089,"Ġperro":6090,"Ġdécada":6091,"Ġmira":6092,"ĠFuer":6093,"Ġpeti":6094,"Ġcontam":6095,"Ġingre":6096,"Ġsecretario":6097,"ĠMat":6098,"ĠLiga":6099,"teo":6100,"ĠDeb":6101,"ĠEjecu":6102,"Ġimpon":6103,"risa":6104,"adá":6105,"36":6106,"ĠDef":6107,"bum":6108,"xo":6109,"Ġmod":6110,"ĠMientras":6111,"ĠdecÃŃa":6112,"Ġenviar":6113,"Ġgenerales":6114,"americana":6115,"QU":6116,"ilos":6117,"endas":6118,"ube":6119,"Ġúnicamente":6120,"ástico":6121,"Ġcosta":6122,"ĠGuerra":6123,"Ġcuidad":6124,"Ġllevado":6125,"ĠðŁ":6126,"Ġanimal":6127,"Ġtráfico":6128,"ĠItalia":6129,"IV":6130,"Ġchico":6131,"Ġileg":6132,"ĠMartÃŃnez":6133,"Ġsup":6134,"Ġartic":6135,"guen":6136,"Ġestablecido":6137,"Ġfacilitar":6138,"Ġchoc":6139,"Ġrobo":6140,"Ġaccion":6141,"-,":6142,"capacidad":6143,"ĠcaÃŃda":6144,"Ġnerv":6145,"IB":6146,"Ġcuán":6147,"ĠInformación":6148,"Ġprotagonista":6149,"500":6150,"Ġderiv":6151,"Ġfantas":6152,"ĠTiene":6153,"Ġrecuperación":6154,"Ġprostitutas":6155,"Ġreca":6156,"Ġafirmó":6157,"zca":6158,"Ġvienen":6159,"Ġalquiler":6160,"Ġtasa":6161,"rente":6162,"Ġindicó":6163,"Ġintegral":6164,"ajo":6165,"bios":6166,"Ġdesn":6167,"Ġpremios":6168,"Ġvidas":6169,"Ġbritán":6170,"tistas":6171,"Ġpensando":6172,"Ġactitud":6173,"ĠGuar":6174,"ológicas":6175,"ĠCámara":6176,"ĠsabÃŃa":6177,"entro":6178,"ñar":6179,"Ġvisitas":6180,"Ġinicial":6181,"orar":6182,"ĠfrÃŃo":6183,"ĠAN":6184,"ĠWindows":6185,"Per":6186,"Ġviendo":6187,"duras":6188,"oras":6189,"Ġprácticamente":6190,"Ġfutbol":6191,"mart":6192,"Ġdecidió":6193,"ÃŃficas":6194,"Ġdefinitiva":6195,"Ġviajar":6196,"Ġeconómicos":6197,"Ġcuel":6198,"Ġenamor":6199,"Ġreform":6200,"Ġcostos":6201,"Ġteatro":6202,"zon":6203,"igos":6204,"Ġmóviles":6205,"Ġdispuesto":6206,"Ġinspir":6207,"isten":6208,"Ġadecuada":6209,"Ġllena":6210,"uma":6211,"Ġbanco":6212,"Ġesencial":6213,"ĠTar":6214,"ĠJulio":6215,"ábamos":6216,"Ġimpar":6217,"Ġoficiales":6218,"´":6219,"ĠâĤ¬":6220,"Ġnecesarias":6221,"IG":6222,"ĠTur":6223,"Ġasign":6224,"Ġcandidato":6225,"Ġrin":6226,"Ġimplica":6227,"Ġbuscan":6228,"icultura":6229,"ĠHotel":6230,"Ġempieza":6231,"Ġrecuperar":6232,"Ġcruz":6233,"ecreto":6234,"Ġcamp":6235,"bres":6236,"ĠAma":6237,"Ġsufici":6238,"Ġtarif":6239,"afas":6240,"ĠGe":6241,"Ġconsultar":6242,"ĠCá":6243,"Ġelectoral":6244,"Ġsimilares":6245,"Ġtier":6246,"SS":6247,"ĠMuseo":6248,"ĠOc":6249,"Ġconcur":6250,"Ġurg":6251,"ij":6252,"ĠFlor":6253,"ĠPD":6254,"ĠActu":6255,"aso":6256,"ĠMundo":6257,"Ġrepresentación":6258,"ĠHern":6259,"Ġregalo":6260,"Ġprést":6261,"ĠPues":6262,"So":6263,"Ġmatrimonio":6264,"Ġpintura":6265,"lada":6266,"ille":6267,"Ġdepende":6268,"Ġindividual":6269,"Ġhago":6270,"Ġapara":6271,"Ġabre":6272,"ĠSanto":6273,"Ġterceros":6274,"itando":6275,".[":6276,"Ġdispone":6277,"Ġaport":6278,"Ġcausas":6279,"CIA":6280,"Ġmanejo":6281,"Par":6282,"Ġinvertir":6283,"ĠReino":6284,"Ġañadir":6285,"Ġdelan":6286,"Ġestrategias":6287,"Ġfácilmente":6288,"osofÃŃa":6289,"tern":6290,"Ġrostro":6291,"Ġhuev":6292,"ficos":6293,"Ġcomprender":6294,"Ġsalón":6295,"Ġfiestas":6296,"Ġpropiedades":6297,"Ġign":6298,"III":6299,"Ġcél":6300,"Ġaquello":6301,"Ġsocio":6302,"Ġcompras":6303,"ĠCOM":6304,"Ġesperanza":6305,"Ġmezcl":6306,"tones":6307,"ĠgarantÃŃa":6308,"55":6309,"Ġdejando":6310,"Ġescribió":6311,"mes":6312,"Ġconfir":6313,"Ġinnovación":6314,"Ġprofesores":6315,"ĠSab":6316,"Ġreales":6317,"Ġregul":6318,"Ġpese":6319,"Ġlide":6320,"cción":6321,"Ġcircunstancias":6322,"Ġventaja":6323,"túa":6324,"Ġaconte":6325,".\"":6326,"Ġgenial":6327,"Ġllamar":6328,"Ġlogró":6329,"Ġadquirir":6330,"ĠParque":6331,"Ġcop":6332,"Ġpleno":6333,"ĠSen":6334,"ĠLatina":6335,"Ġcamis":6336,"ĠBoliv":6337,"andro":6338,"tol":6339,"ĠMen":6340,"Ġorgul":6341,"tudes":6342,"Ġtradición":6343,"Ġves":6344,"Ġniñas":6345,"Ġnecesitas":6346,"ĠFil":6347,"Ġperci":6348,"istencia":6349,"land":6350,"ĠSalv":6351,"Ġrespal":6352,"tesis":6353,"yendo":6354,"Ġsalvo":6355,"Ġcapaces":6356,"��":6357,"Ġjuz":6358,"ĠiP":6359,"Ġtorneo":6360,"ĠCat":6361,"Ġfechas":6362,"Ġcelebrar":6363,"Ġespecies":6364,"órm":6365,"Ġpecho":6366,"Ġcomienzo":6367,"ĠCór":6368,"lando":6369,"TR":6370,"Ġsalió":6371,"Ġexpor":6372,"MP":6373,"tÃŃ":6374,"Ġcomplejo":6375,"Ġdieta":6376,"Ġcreer":6377,"ĠMedio":6378,"ĠcompañÃŃas":6379,"Ġacu":6380,"Ġjapon":6381,"Ġflores":6382,"idu":6383,"Ġtono":6384,"Ġbiblio":6385,"Ġfuncional":6386,"Ġincluir":6387,"Ġpuedas":6388,"Ġempezó":6389,"Ġaltos":6390,"Ġdestacar":6391,"Ġ32":6392,"ĠSolo":6393,"Ġacredi":6394,"ricación":6395,"vio":6396,"Ġanalizar":6397,"Ġago":6398,"Ġpuerto":6399,"Ġreto":6400,"Ġordenador":6401,"Ġposee":6402,"Car":6403,"Ġestratég":6404,"isos":6405,"ami":6406,"Ġpieza":6407,"americano":6408,"ĠteorÃŃa":6409,"Ġmovil":6410,"Ġazúcar":6411,"Ġestudiar":6412,"ualidad":6413,"apón":6414,"95":6415,"DE":6416,"ĠFiscal":6417,"ĠparecÃŃa":6418,"habil":6419,"Ġprobablemente":6420,"ĠSociedad":6421,"Ġpriva":6422,"Ġusa":6423,"ĠlÃŃqu":6424,"ĠAndr":6425,"Ġviento":6426,"eler":6427,"ĠPública":6428,"Ġtuvieron":6429,"Ġdeterminar":6430,"Ġadicional":6431,"ĠGestión":6432,"Ġreducción":6433,"ĠLeer":6434,"Ġcorresponde":6435,"Ġestados":6436,"ĠFre":6437,"tologÃŃa":6438,"Ġutilizan":6439,"sted":6440,"dremos":6441,"Ġcá":6442,"Ġconta":6443,"Ha":6444,"Ġacor":6445,"quÃŃa":6446,"Ġcomput":6447,"Nos":6448,"Ġtextos":6449,"Ġnueve":6450,"ĠMag":6451,"Ġantigua":6452,"ĠPC":6453,"Ġcuch":6454,"Ġdiferencias":6455,"Ġhábi":6456,"ĠComercio":6457,"Ġinvierno":6458,"tric":6459,"operación":6460,"Ġconoz":6461,"Ġcuál":6462,"Ġsiente":6463,"Ġpresentan":6464,"ham":6465,"mites":6466,"ĠjardÃŃn":6467,"Ġdominio":6468,"ife":6469,"IP":6470,"ondres":6471,"Ġconvertirse":6472,"Ġcircu":6473,"Ġdestaca":6474,"Ġdeclaración":6475,"Ġviven":6476,"Ġculturales":6477,"ĠEstá":6478,"uir":6479,"maras":6480,"ĠtÃŃtulos":6481,"Ġdemocracia":6482,"Ġál":6483,"rará":6484,"Ġrestaurantes":6485,"ot":6486,"Ġnuevamente":6487,"Ġexpecta":6488,"orán":6489,"ĠGab":6490,"ĠRÃŃo":6491,"turación":6492,"Ġ2000":6493,"ela":6494,"ód":6495,"ota":6496,"Ġtocar":6497,"ĠAndalucÃŃa":6498,"Ġseñala":6499,"ĠHospital":6500,"Ġenseñanza":6501,"IEN":6502,"ĠFederación":6503,"ridos":6504,"Ġrecientemente":6505,"Ġentradas":6506,"ĠNuevo":6507,"----":6508,"Ġescuelas":6509,"ĠfotografÃŃas":6510,"Ġguer":6511,"Ġadmi":6512,"ĠJul":6513,"Ġjamás":6514,"Ġinmedi":6515,"inarias":6516,"Ġhiper":6517,"tral":6518,"Ġmm":6519,"bel":6520,"Ġutilización":6521,"Ġconqu":6522,"han":6523,"Ġquerido":6524,"Ġimpuestos":6525,"ĠEd":6526,"Ġpermitirá":6527,"Ġanual":6528,"34":6529,"ĠEntonces":6530,"Ġliteratura":6531,"Ġdecre":6532,"Ġsentencia":6533,"lon":6534,"Ġenga":6535,"Ġllegan":6536,"Ġcorrupción":6537,"dimos":6538,"Ġentrenamiento":6539,"frica":6540,"Ġfinalidad":6541,"Ġasociación":6542,"Ġdefender":6543,"Ġrazon":6544,"ters":6545,"Ġcuadro":6546,"Ġescolar":6547,"dy":6548,"Ġdiscurso":6549,"Ġdor":6550,"Ġcomponentes":6551,"Ġpantal":6552,"drÃŃa":6553,"Ġminuto":6554,"Ġtum":6555,"ĠDiv":6556,"Ġbolsa":6557,"ĠDec":6558,"Ġatender":6559,"Todos":6560,"Ġinterac":6561,"ĠcrÃŃtica":6562,"Ġensay":6563,"Ma":6564,"Ġrealizan":6565,"Todo":6566,"Ġseguros":6567,"Ġtantas":6568,"Ġclásico":6569,"Ġlum":6570,"Ġpopulares":6571,"Ġfib":6572,"ĠNoticias":6573,"Ġvolvió":6574,"comun":6575,"Ġans":6576,"ĠProtección":6577,"Ġmanual":6578,"dados":6579,"ilación":6580,"Ġsuperar":6581,"Ġjudicial":6582,"Ġincremento":6583,"iller":6584,"ĠLiber":6585,"Ġrealizada":6586,"ĠBur":6587,"Ġlluvia":6588,"dom":6589,"Ġdesarrollado":6590,"Ġciertos":6591,"ĠParÃŃs":6592,"fas":6593,"pp":6594,"mal":6595,"ĠHistoria":6596,"ĠDecreto":6597,"ĠRafa":6598,"DO":6599,"Ġaceptar":6600,"ADO":6601,"Ġcerv":6602,"menta":6603,"ristas":6604,"ĠPlata":6605,"ĠCó":6606,"Ġdiálogo":6607,"ĠDoc":6608,"Ġrent":6609,"Ġgr":6610,"Ġpeligros":6611,"dental":6612,"ánico":6613,"Ġnacimiento":6614,"Ġaparecen":6615,"Ġconforme":6616,"!!!!":6617,"migo":6618,"Ġesperando":6619,"ionar":6620,"ev":6621,"ĠMur":6622,"ĠPaz":6623,"Ġdur":6624,"Ġactivos":6625,"Ġargentino":6626,"Ġdecidido":6627,"Ġactores":6628,"Ġreglas":6629,"Ġaj":6630,"ĠAust":6631,"ĠalegrÃŃa":6632,"icen":6633,"Ġadv":6634,"Ġdecoración":6635,"Ġrecurso":6636,"Ġautón":6637,"ant":6638,"undar":6639,"Ġcoste":6640,"izon":6641,"Ġacero":6642,"ĠFestival":6643,"Ġpide":6644,"DA":6645,"ĠTea":6646,"xil":6647,"Ġactor":6648,"Ġresal":6649,"ieren":6650,"Ġcurios":6651,"arago":6652,"Ġperiodista":6653,"inter":6654,"letas":6655,"Ġ34":6656,"Ġgig":6657,"Ġmoto":6658,"Ġapos":6659,"Ġchil":6660,"Ġescala":6661,"Ġsof":6662,"Ġtribu":6663,"sar":6664,"Ġhorm":6665,"ándole":6666,"ĠNew":6667,"Ġcampos":6668,"Ġalternativa":6669,"partam":6670,"jera":6671,"Ġdescuento":6672,"unda":6673,"Ġsól":6674,"Ġpartida":6675,"Ġsorpresa":6676,"tú":6677,"Ġvisitantes":6678,"ĠJer":6679,"Ġprevia":6680,"Ġventajas":6681,"Ġdispu":6682,"Ġvigil":6683,"Esto":6684,"Ġcorrer":6685,"ĠAP":6686,"Ġbienestar":6687,"ego":6688,"tres":6689,"laciones":6690,"Ġevidente":6691,"Ġdoctor":6692,"39":6693,"Ġrespuestas":6694,"raron":6695,"Ġviviendas":6696,"Ġactuar":6697,"Ġconseguido":6698,"Ġzapatos":6699,"Ġvál":6700,"Ġhice":6701,"Ġcuestiones":6702,"Ġrelacionadas":6703,"ĠAR":6704,"Ġquiera":6705,"Ġperros":6706,"Ġdécadas":6707,"Ġproto":6708,"75":6709,"Ġhorario":6710,"Ġpersonalidad":6711,"ĠValle":6712,"laga":6713,"Ãł":6714,"Ġnegoci":6715,"enaje":6716,"Ġdelito":6717,"ubl":6718,"ĠPolÃŃtica":6719,"Ġdije":6720,"Ġseguimiento":6721,"Ġmercan":6722,"ĠsÃŃntomas":6723,"ĠPremio":6724,"Ġaler":6725,"ĠAndroid":6726,"ventud":6727,"cindi":6728,"Ġhel":6729,"Ġparticulares":6730,"Ġpreparación":6731,"Ġcorriente":6732,"wa":6733,"Ġsilencio":6734,"Ġpudiera":6735,"ĠCórdoba":6736,"Ġcelebra":6737,"Ġconviv":6738,"ster":6739,"Ġtalleres":6740,"Ġmétodos":6741,"ÃįA":6742,"Ġvulner":6743,"Ġprevisto":6744,"Ġbatalla":6745,"Ġefectivo":6746,"Ġfrase":6747,"enten":6748,"Ġmover":6749,"Ġdeclaraciones":6750,"ĠlÃŃderes":6751,"terrán":6752,"gor":6753,"ambre":6754,"Ġemi":6755,"Ġusando":6756,"cra":6757,"Ġfrases":6758,"ĠDerechos":6759,"Ġrecord":6760,"Ġepiso":6761,"Ġcantante":6762,"idación":6763,"Ġama":6764,"Ġpromover":6765,"ĠFacultad":6766,"ĠGol":6767,"Ġdirigido":6768,"Ġaleg":6769,"izados":6770,"Ġcombinación":6771,"GO":6772,"yen":6773,"ĠLondres":6774,"Ġintento":6775,"Ġgir":6776,"zando":6777,"Ġofrecemos":6778,"Ġsho":6779,"Ġrato":6780,"ĠSólo":6781,"ĠUno":6782,"ónico":6783,"âĢ¦.":6784,"Ġplano":6785,"ĠAM":6786,"Ġcuestion":6787,"derÃŃa":6788,"Ġhoteles":6789,"Ġanuncios":6790,"ĠEspañola":6791,"Ġhumanidad":6792,"ezca":6793,"Ġbajar":6794,"Pues":6795,"Ġuniversidad":6796,"?.":6797,"ames":6798,"Ġperspectiva":6799,"ĠIng":6800,"alizadas":6801,"Ġvestido":6802,"Ġcotidi":6803,"Ġalm":6804,"Ġexplicar":6805,"Ġtradicionales":6806,"Ġgira":6807,"Ġparecen":6808,"ificados":6809,"Ġestancia":6810,"ĠEra":6811,"Ġacabar":6812,"ĠVil":6813,"Ġdiagn":6814,"ux":6815,"aste":6816,"Ġrap":6817,"Ġcontribuy":6818,"ald":6819,"Ġcár":6820,"Ġrefug":6821,"iada":6822,"Ġincluido":6823,"Ġhumor":6824,"cidas":6825,"Ġtelef":6826,"Ġorganizado":6827,"Ġdará":6828,"Ġdesign":6829,"Ġpropon":6830,"epres":6831,"Ġsocios":6832,"Ġcerebro":6833,"áles":6834,"Ġcatá":6835,"Ġ2005":6836,"Ġinteligencia":6837,"Ġsosp":6838,"Ġacercar":6839,"Ġinfluencia":6840,"Ġinteresantes":6841,"Ġdefec":6842,"Ġcuesta":6843,"Ġ150":6844,"ĠJuegos":6845,"Ġindis":6846,"о":6847,"Ġsuger":6848,"ĠInst":6849,"Ġpenal":6850,"ĠJe":6851,"ox":6852,"ómico":6853,"ĠNavidad":6854,"ĠIb":6855,"Ġfracas":6856,"ezas":6857,"usos":6858,"Ġacondi":6859,"®":6860,"iciones":6861,"Ġlanzamiento":6862,"Ġesfuerzos":6863,"Ġforman":6864,"Ġregional":6865,"Ġescritor":6866,"Ġaso":6867,"Ġrepu":6868,"ĠSegun":6869,"Ġtrituradora":6870,"Ġdificultades":6871,"Ġmeter":6872,"Ġcolegio":6873,"Ġprevención":6874,"Ġingreso":6875,"Ġedificios":6876,"Ġcolum":6877,"Ġatre":6878,"ortun":6879,"art":6880,"Ġimpresión":6881,"ĠSÃŃ":6882,"Ġtrayec":6883,"ĠCastilla":6884,"atamente":6885,"ĠEncuent":6886,"Ġopiniones":6887,"Ġlogra":6888,"ĠDaniel":6889,"ĠAlej":6890,"ijo":6891,"Co":6892,"pul":6893,"Ġcompañero":6894,"Ġestablecimiento":6895,"ĠLatino":6896,"Ġbotón":6897,"ómica":6898,"ĠInform":6899,"Ġeficaz":6900,"Ġconsiderar":6901,"ĠHasta":6902,"aman":6903,"Ġdescanso":6904,"Ġvay":6905,"ĠDig":6906,"ferencias":6907,"enciales":6908,"ĠEr":6909,"Ġcober":6910,"Ġaltas":6911,"ĠCataluña":6912,"Ġiniciar":6913,"Ġlogrado":6914,"ua":6915,"osas":6916,"dicas":6917,"Ġtec":6918,"Ġciertas":6919,"Ġprivi":6920,"48":6921,"ĠOrden":6922,"Ġdemocr":6923,"uación":6924,"ĠEnrique":6925,"ianza":6926,"Ġ48":6927,"38":6928,"inando":6929,"Ġcuento":6930,"Ġcari":6931,"ĠConsul":6932,"Ġmalo":6933,"asti":6934,"ĠPubl":6935,"Ġcerrar":6936,"Ġdesac":6937,"Ġganado":6938,"Ġcruc":6939,"Ġpreparar":6940,"Ġnació":6941,"Ġarre":6942,"Ġcrecer":6943,"Ġpolici":6944,"éut":6945,"ĠCO":6946,"ĠMos":6947,"Ġparticipa":6948,"ington":6949,"ey":6950,"Ġaver":6951,"Ġseleccion":6952,"ló":6953,"Ġcorrespondientes":6954,"derá":6955,"Ġmuestran":6956,"Ġgastron":6957,"demia":6958,"Ġconcierto":6959,"ock":6960,"adal":6961,"aragoza":6962,"Ġconvocatoria":6963,"Ġsole":6964,"Ġcorrecta":6965,"Ġvosotros":6966,"Ġfren":6967,"Ġdiscu":6968,"Ġplena":6969,"Ġcorrecto":6970,"Ġamiga":6971,"Ġprobable":6972,"Ġhin":6973,"iversario":6974,"Ġaeropuerto":6975,"Ġblanca":6976,"aque":6977,"gues":6978,"ĠMes":6979,"Ġprestig":6980,"Ġsobreviv":6981,"Ġingredientes":6982,"Ġcomprobar":6983,"Ġretro":6984,"Ġestarán":6985,"ĠUsu":6986,"Ġpade":6987,"Ġpoca":6988,"Ġconceptos":6989,"Ġposteriormente":6990,"itó":6991,"Ġálbum":6992,"crito":6993,"Ġ195":6994,"____":6995,"Ġproporciona":6996,"Ġdesplaz":6997,"ĠIsrael":6998,"Ġdeba":6999,"Ġafecta":7000,"ariamente":7001,"ĠRadio":7002,"Ġaventura":7003,"Ġestatal":7004,"Ġbro":7005,"Ġfactor":7006,"ICO":7007,"SOE":7008,"Ġbr":7009,"Ġpene":7010,"Ġ38":7011,"Ġejercicios":7012,"ĠSuperior":7013,"ibe":7014,"Ġhermana":7015,"Ġaparecer":7016,"ÃŃna":7017,"CH":7018,"Ġmontaña":7019,"Ġcolectivo":7020,"Ġagencia":7021,"ĠEcu":7022,"orio":7023,"Ġcombust":7024,"ficas":7025,"ĠArm":7026,"Ġmuertos":7027,"Ġgrad":7028,"Ġsentimientos":7029,"Ġcomisión":7030,"ĠMed":7031,"Ġmanip":7032,"Ġdenuncia":7033,"Ġaprovechar":7034,"Ġviejo":7035,"Ġdosis":7036,"iosos":7037,"Ġidioma":7038,"Ġfl":7039,"cada":7040,"ĠAsamblea":7041,"Ġestrech":7042,"ĠlÃŃmites":7043,"ĠDos":7044,"Ġpasión":7045,"ĠIII":7046,"ood":7047,"ĠAca":7048,"Ġactivo":7049,"Ġcoches":7050,"ĠComité":7051,"ique":7052,"Ġempresarial":7053,"Ġmaestro":7054,"pla":7055,"Ġtuve":7056,"ĠDirector":7057,"Ġguitar":7058,"Ġacostumb":7059,"ajaj":7060,"Ġelaboración":7061,"Ġimpac":7062,"Ġarena":7063,"Ġestrella":7064,"Ġdifun":7065,"Ġcorta":7066,"Ġvotos":7067,"cambio":7068,"Ġcorpor":7069,"Ġfinanciera":7070,"Ġinmediato":7071,"Ġrealizará":7072,"Ġpatrimonio":7073,"Ġpositivo":7074,"ĠGas":7075,"Ġinvestigadores":7076,"Ġlabora":7077,"Ġdestacó":7078,"Ġmuebles":7079,"Ġimpul":7080,"ĠMis":7081,"Son":7082,"rg":7083,"Ġmirar":7084,"ĠvÃŃctima":7085,"tornos":7086,"Ġid":7087,"Ġic":7088,"Ac":7089,"Ġencontraba":7090,"teral":7091,"ĠNº":7092,"drán":7093,"edi":7094,"Ġmetal":7095,"ike":7096,"ĠEjecutivo":7097,"Ġcancel":7098,"hibi":7099,"Ġfij":7100,"ĠApple":7101,"Ġcientos":7102,"ser":7103,"Ġactiva":7104,"ĠPaÃŃs":7105,"Ġnoches":7106,"Ġporcentaje":7107,"icha":7108,"37":7109,"Ġbonito":7110,"ĠSalvador":7111,"ĠDiego":7112,"Ġnormativa":7113,"quie":7114,"Ġentreten":7115,"PE":7116,"Ġhabil":7117,"Ġenfoc":7118,"Ġmunicipios":7119,"Ġlegales":7120,"Ġlicencia":7121,"ĠMir":7122,"Ġbes":7123,"ĠVis":7124,"Ġdemostrar":7125,"Ġdiciendo":7126,"ĠcapÃŃtulo":7127,"ĠMuy":7128,"bur":7129,"ĠJapón":7130,"Ġdormir":7131,"wer":7132,"ensiones":7133,"Ġeconómicas":7134,"Ġespectáculo":7135,"Ġparcial":7136,"Ġpot":7137,"opera":7138,"ĠAutón":7139,"Ġaccesorios":7140,"Ġgobiernos":7141,"Ġobservar":7142,"Ġcuello":7143,"éro":7144,"ĠLic":7145,"ĠViv":7146,"sin":7147,"ĠLor":7148,"Ġtriunfo":7149,"Ġtrato":7150,"ight":7151,"quito":7152,"Ġidentificar":7153,"ĠMov":7154,"Ġmilitares":7155,"Ġcubrir":7156,"Ġdios":7157,"ĠPopular":7158,"Ġmetodo":7159,"Ġintegración":7160,"Ġespalda":7161,"Ġapa":7162,"Ġdedicado":7163,"cienda":7164,"Ġseguramente":7165,"Ġcercano":7166,"ĠApren":7167,"Ġhojas":7168,"Ġconvirtió":7169,"its":7170,"inten":7171,"ĠUnidad":7172,"Ġportal":7173,"Ġelegido":7174,"abel":7175,"get":7176,"Ġespectacular":7177,"hone":7178,"ney":7179,"Ġquizá":7180,"Ġcable":7181,"Ġcontinúa":7182,"ĠAndrés":7183,"SE":7184,"Ġdiri":7185,"Ġje":7186,"ĠcientÃŃficos":7187,"Ġanuncio":7188,"Ġinfin":7189,"Ġhubi":7190,"ld":7191,"medi":7192,"Ġmapa":7193,"Ġoficinas":7194,"Ġsueños":7195,"а":7196,"Ġsucede":7197,"Ġgustan":7198,"cita":7199,"Ġmoral":7200,"Ġtermina":7201,"Ġnovia":7202,"genda":7203,"Ġprocedimientos":7204,"Ġambiental":7205,"Ġlibres":7206,"Ġpanor":7207,"Ġurban":7208,"ĠAlberto":7209,"isp":7210,"Ġcompati":7211,"ĠIl":7212,"Ġmoderno":7213,"ĠCE":7214,"Ġletras":7215,"Ġelegante":7216,"berg":7217,"Ġabsor":7218,"Ġtierras":7219,"sion":7220,"lÃŃn":7221,"Ġfamoso":7222,"Ġanteriormente":7223,"Ġhomenaje":7224,"Ġvoto":7225,"Ġperu":7226,"Ġboda":7227,"Ġrelaj":7228,"Ġcriterios":7229,"Ġigualdad":7230,"Ġpista":7231,"©":7232,"Ġmac":7233,"Ġinmig":7234,"Ġvuelo":7235,"Ġmetro":7236,"Ġfabricación":7237,"ĠcategorÃŃas":7238,"ĠlÃŃmite":7239,"Ġapartamento":7240,"Ġcélulas":7241,"...]":7242,"Ġ33":7243,"Ġclaramente":7244,"Ġasesina":7245,"Ġgor":7246,"Ġfantá":7247,"Ġmuerto":7248,"Ġsujeto":7249,"Ġparecido":7250,"Ġuniverso":7251,"áticamente":7252,"Ġdecidir":7253,"mobil":7254,"terra":7255,"ĠSiempre":7256,"Ġllegaron":7257,"Ġpunta":7258,"ure":7259,"ĠTurismo":7260,"ĠÃģl":7261,"Ġbasado":7262,"Ġorganiza":7263,"iforn":7264,"domin":7265,"Ġpasaj":7266,"posiciones":7267,"ĠCódigo":7268,"yn":7269,"ĠXV":7270,"IX":7271,"abilidades":7272,"ĠLoc":7273,"Ġespecialistas":7274,"Ġelig":7275,"presión":7276,"ĠLuc":7277,"Ġ400":7278,"Ġimplan":7279,"FE":7280,"Ġcapit":7281,"Ġprevio":7282,"alizó":7283,"ongitud":7284,"Ġamistad":7285,"Ġprisión":7286,"idel":7287,"Ġcifra":7288,"ĠAgr":7289,"Ġgasto":7290,"cura":7291,"Ġvigente":7292,"Ġtanta":7293,"rimir":7294,"Ġcarreras":7295,"Ġimprescindi":7296,"Ġbancos":7297,"Ġplatos":7298,"Ġeficiencia":7299,"Ġocupa":7300,"Ġalcohol":7301,"Ġmental":7302,"Ġlatino":7303,"Ġconmigo":7304,"Ġoriginales":7305,"Ġtelevis":7306,"Ġbrazos":7307,"Ġdiseños":7308,"cientes":7309,"Ġexitos":7310,"Ġemociones":7311,"Ġmexicano":7312,"Ġsexuales":7313,"Ġconsta":7314,"ĠTeatro":7315,"ĠvÃŃdeos":7316,"ĠÃļ":7317,"Ġsimul":7318,"éticos":7319,"Ġpasan":7320,"DI":7321,"ish":7322,"47":7323,"Ġdichos":7324,"Ġreparación":7325,"ĠPARA":7326,"ĠNuestra":7327,"Ġ;":7328,"Ġsecreto":7329,"Ġrique":7330,"Ġsopor":7331,"Ġrob":7332,"Ġconces":7333,"ĠColegio":7334,"ragón":7335,"Ġesque":7336,"ganos":7337,"Ġprotec":7338,"Ġdocumentación":7339,"Ġnovedades":7340,"Ġexactamente":7341,"ĠFamil":7342,"Ġobligación":7343,"Ġencab":7344,"Ġinstrumentos":7345,"Ġfáb":7346,"Ġconsiderado":7347,"UM":7348,"ĠComp":7349,"Ġcartas":7350,"elos":7351,"100":7352,"Ġserio":7353,"stos":7354,"ĠYou":7355,"Ġestudiante":7356,"ĠUnido":7357,"Ġeléctrica":7358,"dri":7359,"culares":7360,"Ġacord":7361,"Ġganó":7362,"Ġseguidores":7363,"fal":7364,"Ġapropi":7365,"Ġtratamientos":7366,"Ġmedicamentos":7367,"ĠSobre":7368,"Ġarras":7369,"ĠsÃŃmb":7370,"Ġausencia":7371,"anes":7372,"erio":7373,"Ġlector":7374,"ĠUruguay":7375,"ĠSch":7376,"Ġversiones":7377,"Ġexces":7378,"Ġpronunci":7379,"ĠHon":7380,"ĠCreo":7381,"Ġadolescentes":7382,"Ġpared":7383,"Ġrepresentante":7384,"desa":7385,"Ġculpa":7386,"Ġcabe":7387,"Ġojo":7388,"Ġfundamentales":7389,"Ġpatr":7390,"Ġplazas":7391,"Ġdibujos":7392,"Ġinfraestructura":7393,"ĠLeg":7394,"Ġprogramación":7395,"ĠAra":7396,"Ġaliment":7397,"Ġformulario":7398,"Ġbicicle":7399,"viendo":7400,"Ġsonrisa":7401,"Ġtabla":7402,"Ġdiseñado":7403,"Ġconfiguración":7404,"ĠBro":7405,"Ġinversiones":7406,"ucle":7407,"Ġoperativo":7408,"Ġpermita":7409,"Ġsignificado":7410,"Ġaceler":7411,"Ġactuaciones":7412,"Ġpeda":7413,"Ġbras":7414,"Ġadquis":7415,"rés":7416,"05":7417,"formas":7418,"Ġmascul":7419,"pó":7420,"ĠbaterÃŃa":7421,"ĠClar":7422,"Ġgratuito":7423,"Ġtestimon":7424,"San":7425,"Ġgeneralmente":7426,"SA":7427,"riel":7428,"Ġincendi":7429,"venciones":7430,"Ġ2019":7431,"Ġfelicidad":7432,"Ġparejas":7433,"ĠEconomÃŃa":7434,"Ġgrasa":7435,"ĠCD":7436,"ĠArte":7437,"Ġinterpretación":7438,"Ġventana":7439,"ĠVie":7440,"Ġequilibrio":7441,"Ġaparición":7442,"Ġpobreza":7443,"terial":7444,"ĠPin":7445,"ĠOrganización":7446,"Ġtrim":7447,"ĠTi":7448,"Ġrefor":7449,"Ġpidió":7450,"emor":7451,"Ġseguido":7452,"Ġaplica":7453,"tara":7454,"ĠNov":7455,"unción":7456,"Ġcanales":7457,"Ġingles":7458,"ĠindÃŃgen":7459,"Ġconferencia":7460,"Ġrevisión":7461,"Ġcompetencias":7462,"Ġlla":7463,"Ġfenómeno":7464,"Ġconsumidores":7465,"inadas":7466,"ĠHumanos":7467,"Ġmerece":7468,"Ġgobernador":7469,"Ġplato":7470,"Ġdulce":7471,"Ġinteresa":7472,"Ġinvestigaciones":7473,"Ġafirm":7474,"ĠAir":7475,"ĠTrabaj":7476,"Ġejemplos":7477,"Ġequival":7478,"iesta":7479,"Ġfelici":7480,"tid":7481,"Ġpreparado":7482,"arlas":7483,"Mo":7484,"ĠArtes":7485,"Ġfrac":7486,"Ġcelular":7487,"urÃŃa":7488,"ĠAlcal":7489,"Ġ2004":7490,"zadas":7491,"ĠFal":7492,"Ġinmediatamente":7493,"Ġcargos":7494,"ĠleÃŃdo":7495,"ĠRic":7496,"Mientras":7497,"bus":7498,"rom":7499,"ĠPSOE":7500,"Ġtransformación":7501,"Ġafi":7502,"ray":7503,"Ġtrabajan":7504,"imnas":7505,"Ġavance":7506,"imp":7507,"Ġvenir":7508,"cedentes":7509,"ĠPuedes":7510,"ionado":7511,"Ġpublicó":7512,"ĠAsimismo":7513,"amá":7514,"Ġresuel":7515,"Ġdejan":7516,"ĠTex":7517,"Ġgraves":7518,"Ġhagan":7519,"ĠPDF":7520,"Ġintegrantes":7521,"ith":7522,"undo":7523,"Ġalojamiento":7524,"ĠVide":7525,"ics":7526,"е":7527,"Ġreemp":7528,"199":7529,"ĠMel":7530,"isco":7531,"ĠMc":7532,"Ġtrayectoria":7533,"Ġllamadas":7534,"Ġrecre":7535,"Ġjoy":7536,"ómez":7537,"Ġsolar":7538,"camiento":7539,"Ġninguno":7540,"ándolo":7541,"Ġcómodo":7542,"terna":7543,"46":7544,"ĠCir":7545,"Ġclasificación":7546,"Ġpodremos":7547,"Ġnumerosos":7548,"Ġline":7549,"Ġperf":7550,"Ġenfoque":7551,"dras":7552,"rana":7553,"Ġmet":7554,"ĠMálaga":7555,"Ġ75":7556,"Ġemocional":7557,"Ġtengas":7558,"Ġcontigo":7559,"Man":7560,"Ġcontratos":7561,"ográ":7562,"Ġcorpora":7563,"iten":7564,"Ġcifras":7565,"ĠTel":7566,"32":7567,"Ġdefinición":7568,"ĠFab":7569,"Ġdesayuno":7570,"Ġfui":7571,"apia":7572,"Ġafil":7573,"ĠRafael":7574,"Ġplástico":7575,"Ġbásicos":7576,"Ġpolvo":7577,"Cada":7578,"Ġvib":7579,"The":7580,"zados":7581,"asas":7582,"Ġinstalar":7583,"Ġcolon":7584,"Ġvuelto":7585,"éspe":7586,"Ġeconom":7587,"ĠJef":7588,"Ġtendencias":7589,"Ġcandidatos":7590,"Ġdirigida":7591,"ĠBos":7592,"Ġcontemporán":7593,"ĠEspecial":7594,"Ġvirtual":7595,"Ġregiones":7596,"Ġtalento":7597,"Ġquerer":7598,"ñez":7599,"Ġarquitectura":7600,"ré":7601,"ende":7602,"ĠDÃŃaz":7603,"Ġagregó":7604,"Ġubicada":7605,"Ġsú":7606,"Ġapuesta":7607,"31":7608,"Ġdefinir":7609,"Ġseg":7610,"Ġpár":7611,"Ġempresarios":7612,"Pres":7613,"Ġquede":7614,"78":7615,"Ġhorizon":7616,"inales":7617,"ACIÃĵN":7618,"tencia":7619,"Ġtarjetas":7620,"xi":7621,"tn":7622,"ç":7623,"Ġacompañado":7624,"Ġbols":7625,"Ġfórm":7626,"ĠTorre":7627,"CIONES":7628,"cula":7629,"ĨĴ":7630,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":7631,"ÃŃmp":7632,"tedr":7633,"Ġsufrir":7634,"Ġfirme":7635,"Ġocurrió":7636,"Ġeducativo":7637,"izaciones":7638,"ĠInte":7639,"Ġterminó":7640,"Ġsober":7641,"uz":7642,"ĠConse":7643,"ólogos":7644,"gano":7645,"Ġponen":7646,"Ġlaborales":7647,"Ġreuniones":7648,"Ġembarazo":7649,"Ġpropone":7650,"rosoft":7651,"Ġpreguntar":7652,"ĠSupre":7653,"ĠCampe":7654,"ĠElla":7655,"Ġintelectual":7656,"Ġconcentración":7657,"Ġterraza":7658,"by":7659,"Ġpus":7660,"itarias":7661,"taje":7662,"Ġdesarrolla":7663,"Ġmág":7664,"Ġnegra":7665,"Ġpuntu":7666,"Ġllegue":7667,"2017":7668,"Ġtransmisión":7669,"sic":7670,"Ġaé":7671,"Ġexpectativas":7672,"Ġlav":7673,"Ġcopia":7674,"ĠFa":7675,"Tra":7676,"ĠAlex":7677,"Ġafron":7678,"Ġacuerdos":7679,"iner":7680,"Ġhistórica":7681,"ĠDiseño":7682,"ĠRub":7683,"Ġalternativas":7684,"Ġcontinua":7685,"Ġhermosa":7686,"umbre":7687,"Ġcuerpos":7688,"lón":7689,"Ġgustado":7690,"Ġcobertura":7691,"Ġconsist":7692,"Ġincu":7693,"Ġhomb":7694,"Ġproporcionar":7695,"ĠAtl":7696,"ĠLes":7697,"ĠRoma":7698,"OC":7699,"ĠSim":7700,"Ġdocentes":7701,"He":7702,"merÃŃa":7703,"44":7704,"Ġprepara":7705,"Ġcristal":7706,"Ġprofundo":7707,"Ġocci":7708,"ĠLima":7709,"entimiento":7710,"Ġadver":7711,"Ġataques":7712,"lia":7713,"Ġinscripción":7714,"ALES":7715,"ĠJim":7716,"Ġmoles":7717,"Ġprofundidad":7718,"ĠPúblico":7719,"Ġvirus":7720,"Ġemergencia":7721,"Ġirre":7722,"ind":7723,"ĠInvestigación":7724,"Ġnotas":7725,"Ġtoca":7726,"Ġlegisla":7727,"Ġjugue":7728,"Ġfues":7729,"entaria":7730,"Ġmunicipales":7731,"Ġactriz":7732,"Ġrecop":7733,"olut":7734,"ĠtendrÃŃa":7735,"dador":7736,"Ġreti":7737,"Estos":7738,"è":7739,"Ġcárcel":7740,"arro":7741,"gando":7742,"Ġinquie":7743,"ĠSeb":7744,"Ġsesiones":7745,"Ġenfrentar":7746,"Ġseria":7747,"Ġfisc":7748,"ertos":7749,"voz":7750,"Ġconocidos":7751,"Ġrival":7752,"Ġactualización":7753,"Ġlegislación":7754,"Ġgoles":7755,"ĠHace":7756,"Ġ37":7757,"Ġconsigue":7758,"Ġsug":7759,"Ġaportar":7760,"ĠEnerg":7761,"Ġdra":7762,"Ġproveedores":7763,"Ġrecomienda":7764,"ans":7765,"Ġaca":7766,"fos":7767,"Fin":7768,"Ġintercambio":7769,"Ġ55":7770,"tz":7771,"ĠÃģlvar":7772,"ny":7773,"Ġquitar":7774,"Ġalemán":7775,"ĠZaragoza":7776,"ĠEdu":7777,"Ġrein":7778,"Ġpac":7779,"Ġpiensa":7780,"Ġjud":7781,"Ġ2003":7782,"óst":7783,"ĠdebÃŃa":7784,"torÃŃa":7785,"Ġsing":7786,"Ġtol":7787,"ĠArch":7788,"ĠvÃŃas":7789,"Ġcomplicado":7790,"Ġmontón":7791,"Ġplas":7792,"Ġgarantiz":7793,"ĠPadre":7794,"Hab":7795,"Ġguardar":7796,"endario":7797,"ólica":7798,"Ġconstituye":7799,"hÃŃ":7800,"años":7801,"Ġ?":7802,"ĠBor":7803,"Ġdeterminado":7804,"ĠMonte":7805,"Ġretras":7806,"Ġlectores":7807,"Ġfiguras":7808,"Ġservidor":7809,"Ġdivis":7810,"Ġfinanciero":7811,"olutamente":7812,"mática":7813,"Ġllevará":7814,"Asimismo":7815,"Ġbasada":7816,"Ġextensión":7817,"Ġdaba":7818,"erra":7819,"Ġcontó":7820,"Ġconm":7821,"Ġsiglos":7822,"Ġaniversario":7823,"ĠMuchas":7824,"Ġposiciones":7825,"Ġprotagonistas":7826,"Ġmando":7827,"Ġapoyar":7828,"ĠciudadanÃŃa":7829,"Ġcámaras":7830,"Ġindependencia":7831,"Ġpuente":7832,"icano":7833,"06":7834,"Ġescu":7835,"Ġsacri":7836,"ficamente":7837,"08":7838,"Ġcrema":7839,"ĠVi":7840,"Ġdijeron":7841,"Ġextranjero":7842,"Ġdiferenci":7843,"ĠAlgunos":7844,"Ġpaseo":7845,"Ġrevolución":7846,"ulada":7847,"Ġsatisfacción":7848,"Ġunif":7849,"Ġcomparación":7850,"iario":7851,"Ġorganismos":7852,"Ġgris":7853,"sto":7854,"icana":7855,"Ġpiernas":7856,"Ġgrados":7857,"órico":7858,"Ġtomando":7859,"ĠPel":7860,"ĠAcu":7861,"Ġmarido":7862,"Ġdigitales":7863,"Ġsiguiendo":7864,"ĠGómez":7865,"'.":7866,"ĠAgencia":7867,"Ġdipl":7868,"ement":7869,"ÃŃcula":7870,"Ġvege":7871,"fru":7872,"iduos":7873,"Ġabund":7874,"ume":7875,"Ġaconse":7876,"Ġcolocar":7877,"Ġrecomiendo":7878,"Ġreconocido":7879,"Ġnormalmente":7880,"Ġsacerdo":7881,"Ġchocola":7882,"Ġrico":7883,"Ġamenaza":7884,"Ġamp":7885,"Ġtomó":7886,"Ġdesh":7887,"Ġreper":7888,"ifornia":7889,"Ġabogado":7890,"jó":7891,"ĠEcuador":7892,"bit":7893,"Ġreconoce":7894,"vie":7895,"ĠGranada":7896,"Ġcomedor":7897,"ĠWill":7898,"Ġespiri":7899,"ĠSU":7900,"09":7901,"Ġinvitados":7902,"Ġletra":7903,"07":7904,"Ġinformes":7905,"Ġpublici":7906,"Ġdelitos":7907,"Ġtejido":7908,"Ġmodificar":7909,"ĠMario":7910,"Ġcomodidad":7911,"ĠCarmen":7912,"ĠMejor":7913,"Ġolvidar":7914,"ugÃŃa":7915,"Ġrock":7916,"Ġcambiado":7917,"Ġtranspor":7918,"Ġinterno":7919,"ĠHernández":7920,"âĢĻ.":7921,"Ġdiagnóstico":7922,"Ġtiro":7923,"Ġvitam":7924,"ĠIns":7925,"ieres":7926,"igual":7927,"Ġtap":7928,"Ġpodéis":7929,"tible":7930,"Gu":7931,"Ġtensión":7932,"vez":7933,"ĠPrimera":7934,"ĠMol":7935,"Ġrelacionado":7936,"Luego":7937,"ĠfilosofÃŃa":7938,"Ġartifici":7939,"ĠFar":7940,"vela":7941,"ĠAlejandro":7942,"ĠRiv":7943,"Ġarma":7944,"Ġenlaces":7945,"Ġmargen":7946,"Ġentrenador":7947,"iosas":7948,"ĠBr":7949,"ĠAS":7950,"Ġmorir":7951,"Ġinteligente":7952,"Ġcitas":7953,"Ġformado":7954,"ĠâĨĴ":7955,"cán":7956,"gna":7957,"Ġtraer":7958,"Ġemail":7959,"Ġextremo":7960,"Ġfestival":7961,"utas":7962,"Ġox":7963,"gotá":7964,"rilla":7965,"rillo":7966,"Ġmoderna":7967,"Ġimpuesto":7968,"orld":7969,"ss":7970,"Ġaumenta":7971,"gráfica":7972,"ĠAnti":7973,"laterra":7974,"Ġaparte":7975,"Ġlad":7976,"Ġrealizando":7977,"Ġbrindar":7978,"Ġvisual":7979,"aller":7980,"Ġrodil":7981,"Ġexpresó":7982,"amas":7983,"lle":7984,"Ġrespectivamente":7985,"Ġaspir":7986,"TOR":7987,"49":7988,"terÃŃas":7989,"vido":7990,"Ġrestos":7991,"pañas":7992,"ĠNación":7993,"Ġcritic":7994,"mej":7995,"mica":7996,"Ġperiodistas":7997,"Ġcastel":7998,"Ġrealizadas":7999,"ĠvÃŃn":8000,"Ġcombina":8001,"hua":8002,"Ġcambia":8003,"cieron":8004,"Ġmenú":8005,"Ġdeportivo":8006,"Ġárboles":8007,"Ġatribu":8008,"Ġnación":8009,"ĠMujeres":8010,"ĠIP":8011,"ĠPresiden":8012,"ĠNicol":8013,"Ġinjust":8014,"Ġregreso":8015,"Algun":8016,"Ġlongitud":8017,"ĠContra":8018,"aras":8019,"@@@@":8020,"Ġconductor":8021,"endido":8022,"Ġmaneras":8023,"Ġseries":8024,"quilidad":8025,"ĠFoto":8026,"ĠPalacio":8027,"Ġaprobación":8028,"Ġempu":8029,"uca":8030,"Ġeficiente":8031,"ĠDip":8032,"ĠTan":8033,"Ġcapacidades":8034,"endaciones":8035,"ĠCr":8036,"oca":8037,"Ġcontamos":8038,"ĠWar":8039,"ĠAf":8040,"Ġrecomendable":8041,"Ġmatem":8042,"cinas":8043,"nal":8044,"Ġalumno":8045,"Ġmáquinas":8046,"Ġignor":8047,"top":8048,"Ġrepos":8049,"Ġlament":8050,"Ġexplotación":8051,"Ġencontrarás":8052,"Ġdientes":8053,"Ġvid":8054,"ides":8055,"Ġdependiendo":8056,"UD":8057,"Ġmonitor":8058,"Ġaudiencia":8059,"bes":8060,"od":8061,"Ġextranjeros":8062,"ĠGob":8063,"ĠBra":8064,"izan":8065,"IR":8066,"Ġdiscrim":8067,"Ġexplos":8068,"incu":8069,"Ġpublicar":8070,"ĠBolivia":8071,"Ġbrasile":8072,"Ġincom":8073,"Ġinteresados":8074,"Ġdiaria":8075,"ĠPortu":8076,"Ġinstrumento":8077,"Ġcerem":8078,"eco":8079,"Ġinició":8080,"Ġparedes":8081,"Ġpuls":8082,"ingü":8083,"strucción":8084,"ĠLOS":8085,"Ġsorte":8086,"Ġrevolucion":8087,"Ãļ":8088,"Ġaden":8089,"ĠEse":8090,"Ġfinancieros":8091,"inio":8092,"tusias":8093,"Ġpensado":8094,"Ġestadio":8095,"ĠDepor":8096,"Uno":8097,"Ġ65":8098,"Ġquieras":8099,"Ġobligaciones":8100,"Ġprevenir":8101,"unas":8102,"Ġreflexión":8103,"Ġlisto":8104,"Ġaqui":8105,"Ġacabado":8106,"Ġom":8107,"Ġpublicada":8108,"Ġmedicina":8109,"Ġfinanciación":8110,"Ġpobres":8111,"Ġecu":8112,"ĠKa":8113,"TIV":8114,"Ġplane":8115,"iter":8116,"Ġparo":8117,"Ġequivoc":8118,"Ġponerse":8119,"Ġbotel":8120,"Ġmód":8121,"ĠTes":8122,"Ġconservación":8123,"Ġautorización":8124,"Ġasuntos":8125,"ĠInde":8126,"Ġmaqu":8127,"ĠUE":8128,"Ġavión":8129,"Ġnav":8130,"Ġdarse":8131,"Ġespiritual":8132,"oluciones":8133,"Ġcircuito":8134,"icar":8135,"Ġpienso":8136,"Ġreferente":8137,"Ġconsejo":8138,"Ġpreviamente":8139,"ĠcientÃŃfico":8140,"gip":8141,"Ġdocente":8142,"Ġnumerosas":8143,"Ġvital":8144,"mana":8145,"Ġmatar":8146,"ĠTodas":8147,"ĠraÃŃz":8148,"Ġintensidad":8149,"Ġdign":8150,"Ġtomado":8151,"Ġretra":8152,"Ġcorrectamente":8153,"ĠCamp":8154,"Ġdiversidad":8155,"Ad":8156,"Ġlesiones":8157,"hats":8158,"Ġdifusión":8159,"Ġahorro":8160,"Estamos":8161,"Ġfederal":8162,"Ġdedicada":8163,"sito":8164,"Ġdejamos":8165,"fera":8166,"ĠCastro":8167,"Ġth":8168,"ĠNuestro":8169,"Ġprofunda":8170,"ĠDatos":8171,"ĠOro":8172,"entarios":8173,"ĠHD":8174,"Ġexclusiva":8175,"Ġdescarga":8176,"Ġpreocupa":8177,"dición":8178,"Ġusado":8179,"inan":8180,"Ġelectrónica":8181,"Ġevidencia":8182,"Ġasistir":8183,"Ġhecha":8184,"into":8185,"árez":8186,"Ġtendrás":8187,"idaridad":8188,"Ġclim":8189,"Ġtable":8190,"Ġguard":8191,"Ġentusias":8192,"Ġcero":8193,"Ġcampeón":8194,"Ġautos":8195,"Ġpreocupación":8196,"Ġlook":8197,"Ġpagos":8198,"Ġcerrado":8199,"Ġdemostrado":8200,"ĠmÃŃnima":8201,"Ġperteneci":8202,"ural":8203,"Ser":8204,"Ġturno":8205,"ĠSebasti":8206,"ĠQué":8207,"Ġéstos":8208,"Ġproductores":8209,"ĠBlack":8210,"Ġinspec":8211,"Sal":8212,"Ġinfancia":8213,"Ġportá":8214,"Ġvel":8215,"rista":8216,"Ġhues":8217,"ĠEstudios":8218,"allado":8219,"ĠIndustri":8220,"Ġhosp":8221,"ĠNegro":8222,"Ġrecepción":8223,"Ġexclusivamente":8224,"Ġabsolutamente":8225,"jerÃŃa":8226,"Ġrural":8227,"Ġincluidos":8228,"Ġhidra":8229,"Ġchat":8230,"ĠClas":8231,"Ġtotalidad":8232,"urias":8233,"Ġinteresado":8234,"tróleo":8235,"Ġfacilidad":8236,"Ġencontró":8237,"undaria":8238,"xx":8239,"Ġsinc":8240,"icias":8241,"omba":8242,"Ġextrem":8243,"ĠPodemos":8244,"Ġluces":8245,"ĠVirgen":8246,"Ġcuri":8247,"Ġcató":8248,"Ġpude":8249,"Ġcombate":8250,"Ġcreen":8251,"Ġindividuales":8252,"ĠSO":8253,"Ġcompletar":8254,"Ġneu":8255,"istemas":8256,"Ġ39":8257,"Ġcompuesto":8258,"ÃŃnea":8259,"Ġpetición":8260,"Ġperju":8261,"и":8262,"Ġcomentar":8263,"Ġinstrucciones":8264,"Ġcach":8265,"Ġaisl":8266,"ĠColor":8267,"ĠDar":8268,"Ġhaces":8269,"Ġdificultad":8270,"ĠContin":8271,"grafo":8272,"ĠPoder":8273,"Ġhorno":8274,"Ġcooperación":8275,"onal":8276,"Ġapas":8277,"Ġabst":8278,"ñado":8279,"'s":8280,"ĠEspañol":8281,"Ġexpon":8282,"ĠOficial":8283,"ĠiPhone":8284,"65":8285,"Ġsociedades":8286,"ĠComunicación":8287,"lie":8288,"Ġpremi":8289,"Ġtercero":8290,"idal":8291,"Ġmagia":8292,"Ġtranquilidad":8293,"Ġdeclaró":8294,"ĠRosa":8295,"Ġejercer":8296,"Ġdivertido":8297,"Ġdisponibilidad":8298,"Ay":8299,"grad":8300,"Ġsuperiores":8301,"Ġbaños":8302,"gráfico":8303,"Ġvisu":8304,"ĠPS":8305,"NA":8306,"Ġrelato":8307,"Ġagradecer":8308,"Ġcinta":8309,"ĠNaciones":8310,"ĠEqui":8311,"ĠCarta":8312,"Ġpaquete":8313,"americanos":8314,"Ġefectiva":8315,"ĠEsper":8316,"ĠdeberÃŃan":8317,"ĠSoy":8318,"Ġhablamos":8319,"Ġavances":8320,"Ġocurrido":8321,"Ġalmacenamiento":8322,"Ġbajos":8323,"Ġdrogas":8324,"Ġconstruc":8325,"Ġdiscre":8326,"medio":8327,"ĠProyecto":8328,"Ġestructuras":8329,"ĠMayor":8330,"ĠFelipe":8331,"Bueno":8332,"MI":8333,"Ġganador":8334,"BC":8335,"dismo":8336,"iam":8337,"ÃŃdos":8338,"Ġsimb":8339,"Ġreacción":8340,"Ġmarcar":8341,"Ġasistentes":8342,"Ġpertenece":8343,"Ġrecetas":8344,"Ġinsu":8345,"Ġresidencia":8346,"ĠCalifornia":8347,"Ġcog":8348,"Ġador":8349,"ĠMetro":8350,"ĠAntes":8351,"Ġcontactar":8352,"Ġtecho":8353,"mir":8354,"Ġsh":8355,"úcle":8356,"uto":8357,"toño":8358,"Ġbrillante":8359,"terapia":8360,"Ġitaliano":8361,"Ġsindica":8362,"Ġminist":8363,"ert":8364,"mala":8365,"Ġhumil":8366,"Ġproducido":8367,"Ġhambre":8368,"ĠRicardo":8369,"Ġpará":8370,"Ġrepetir":8371,"tricidad":8372,"Ġconflictos":8373,"¡¡":8374,"ĠIngenierÃŃa":8375,"ĠCe":8376,"Ġaporta":8377,"Estas":8378,"ĠIV":8379,"Ġluchar":8380,"Ġvideoj":8381,"Ġcomentó":8382,"Ġancho":8383,"ĠPh":8384,"Ġeléctrico":8385,"Ġintroducir":8386,"ĠcrÃŃticas":8387,"Ġconvenio":8388,"Ġprivacidad":8389,"Ġriqueza":8390,"Ġestrés":8391,"Ġarque":8392,"Ġcena":8393,"Ġespecialista":8394,"ĠInglaterra":8395,"denas":8396,"Ġbarra":8397,"ĠCultural":8398,"entario":8399,"ĠControl":8400,"Ġafectados":8401,"Ġayudan":8402,"Ġexcepción":8403,"ritos":8404,"Ġtranquilo":8405,"Ġcampañas":8406,"cambi":8407,"Ġtradu":8408,"Ġtrae":8409,"Ġantiguos":8410,"ĠBern":8411,"Ġimporte":8412,"Ġdias":8413,"Ġmete":8414,"Ġencargado":8415,"Ġexamen":8416,"tÃŃas":8417,"Ġtemporal":8418,"Ġmédica":8419,"ashington":8420,"Fue":8421,"Ġllevaba":8422,"Ġtenia":8423,"ĠVan":8424,"ĠCel":8425,"Ġjuris":8426,"Ġexistentes":8427,"ĠestarÃŃa":8428,"igh":8429,"Ġfrontera":8430,"04":8431,"ĠRegistro":8432,"rones":8433,"Ġextraño":8434,"tive":8435,"Ġrecoger":8436,"Ġplayas":8437,"Ġmecanismos":8438,"Ġperj":8439,"énd":8440,"ĠBre":8441,"Ġaer":8442,"Ġdesgra":8443,"ĠEEUU":8444,"ĠUsted":8445,"Ġcuarta":8446,"Ġexceso":8447,"ĠMicrosoft":8448,"Ġdirectora":8449,"ĠEduardo":8450,"denes":8451,"cioso":8452,"Ġmonum":8453,"GA":8454,"Ġanaliz":8455,"Ġpermitido":8456,"Ġtriste":8457,"ergio":8458,"Ġilusión":8459,"Ġmultitud":8460,"ĠFormación":8461,"Ġelectrónicos":8462,"Ġconversación":8463,"Ġruido":8464,"ĠhÃŃ":8465,"Ġproducen":8466,"Ġautomóvil":8467,"Ġdecide":8468,"ierte":8469,"Ġrema":8470,"ĠWal":8471,"Ġocupar":8472,"ĠTener":8473,"Ġcump":8474,"ÃŃculas":8475,"Ġadicionales":8476,"Ġcau":8477,"ĠBogotá":8478,"Ġfum":8479,"88":8480,"ĠDra":8481,"Ġconducta":8482,"Ġ2002":8483,"Ġajuste":8484,"ĠEmple":8485,"Ver":8486,"Ġplataformas":8487,"Ġsaludo":8488,"Ġplen":8489,"Ġlá":8490,"Ġhierro":8491,"ĠCómo":8492,"ICI":8493,"Ġ<":8494,"stica":8495,"Ġtrabajador":8496,"Ġeducativa":8497,"Ġuniversidades":8498,"Ġauxil":8499,"Ġpendiente":8500,"Ġcantidades":8501,"gin":8502,"ĠDomingo":8503,"ĠQuer":8504,"Ġcomunicaciones":8505,"tamen":8506,"tarán":8507,"Ġcuidados":8508,"Ġesencia":8509,"itores":8510,"fun":8511,"Ġbarco":8512,"Ġchocolate":8513,"trÃŃa":8514,"manes":8515,"Ġnarra":8516,"urar":8517,"Ġgay":8518,"Ġeditorial":8519,"tración":8520,"Ġmoneda":8521,"Ġesperan":8522,"jada":8523,"ĠMexic":8524,"bor":8525,"Ġtonel":8526,"Ġ2001":8527,"Ġdistinto":8528,"Ġmasco":8529,"Ġiban":8530,"Ġescritura":8531,"Ġencabez":8532,"ĠSud":8533,"CU":8534,"ĠIndia":8535,"Ġtemperaturas":8536,"Publ":8537,"vide":8538,"Ġregistrado":8539,"Ġoscuro":8540,"Ġatractivo":8541,"Ġdormitorios":8542,"ĠLan":8543,"Ġcaminos":8544,"Ġflujo":8545,"ĠSociales":8546,"ueble":8547,"ĠHacienda":8548,"glesias":8549,"Ġsaludable":8550,"Ġmanifies":8551,"mato":8552,"Ġhermoso":8553,"uan":8554,"stagram":8555,"ĠStar":8556,"Ġhaz":8557,"Ġmaestros":8558,"Ġvenido":8559,"2016":8560,"Ġclaves":8561,"Ġinstante":8562,"rate":8563,"ĠAmbiente":8564,"tional":8565,"Ġampliar":8566,"ĠEsa":8567,"ĠDic":8568,"Ġromper":8569,"Ġprofesión":8570,"Ġestric":8571,"Ġsalen":8572,"ader":8573,"Ġreloj":8574,"ĠBil":8575,"ĠUnidas":8576,"Ġprivileg":8577,"ormes":8578,"ĠSantos":8579,"Ġnavegación":8580,"Ġpositiva":8581,"Ġcen":8582,"Ġsusp":8583,"mis":8584,"ĠIncluso":8585,"Ġvuestra":8586,"Ġcalendario":8587,"étr":8588,"lico":8589,"ĠArt":8590,"df":8591,"Ġdivisión":8592,"Ġcuáles":8593,"Ġintenta":8594,"Ġestética":8595,"Ġcreatividad":8596,"ĠIr":8597,"itivo":8598,"ĠNatural":8599,"Ġllan":8600,"Ġabur":8601,"MS":8602,"Ġllevo":8603,"Ġpaisaje":8604,"ĠVia":8605,"SÃŃ":8606,"Ġmolino":8607,"ficio":8608,"venil":8609,"bro":8610,"ecas":8611,"parte":8612,"Ġentiende":8613,"ónimo":8614,"Ġrecuerdos":8615,"ĠProvincial":8616,"Ġfabricante":8617,"Ġconsciente":8618,"mn":8619,"Ġcertificado":8620,"Ġbosque":8621,"Ġórganos":8622,"ĠPR":8623,"Ġsombra":8624,"Ġmanifestó":8625,"Ġsecund":8626,"Ġrecomendaciones":8627,"Ġurbano":8628,"Ġagente":8629,"ĠPeña":8630,"Ġaviso":8631,"Ġinstitucional":8632,"Ġbe":8633,"Ġencuentros":8634,"Ġesperaba":8635,"Ġdiscusión":8636,"Ġcuyos":8637,"Ġbásico":8638,"Ġveter":8639,"Ġunión":8640,"ERS":8641,"tander":8642,"acu":8643,"2015":8644,"dias":8645,"Ġinmediata":8646,"Ġbalance":8647,"Ġcontrar":8648,"Ġagenda":8649,"-.":8650,"42":8651,"Ġresiduos":8652,"Ġánimo":8653,"Ġpodamos":8654,"ĠAdo":8655,"ĠLen":8656,"razgo":8657,"Ġdeje":8658,"Ġpap":8659,"Ġmostró":8660,"sh":8661,"Ġestabilidad":8662,"Ġproven":8663,"Ġconcluy":8664,"Ġdimensiones":8665,"ĠReyes":8666,"Ġgracia":8667,"Ġcien":8668,"Ġenrique":8669,"ĠRio":8670,"ĠTemp":8671,"Ġarmon":8672,"Ġdocumental":8673,"Ġimplementación":8674,"ĠpoesÃŃa":8675,"Ġrenta":8676,"Ġcaminar":8677,"Ġfinalizar":8678,"Ġeuropeo":8679,"Ġredac":8680,"ĠSierra":8681,"Ġresumen":8682,"cando":8683,"Ġperdió":8684,"ĠFondo":8685,"Ġpiloto":8686,"Ġbajas":8687,"Ġpasajeros":8688,"Ġquieran":8689,"IZ":8690,"Ġjer":8691,"ema":8692,"ĠDefensa":8693,"ĠIma":8694,"Ġrebel":8695,"Ġasigna":8696,"Ġayudas":8697,"Ġpura":8698,"ĠCine":8699,"Ġigualmente":8700,"Ġdesempeñ":8701,"toriales":8702,"66":8703,"Ġlabios":8704,"Ġtendremos":8705,"ĠLle":8706,"hibición":8707,"aunque":8708,"Ġinsul":8709,"Ġabsoluto":8710,"Ġagar":8711,"Ġcuero":8712,"Ġescla":8713,"Ġrecep":8714,"ĠDigital":8715,"Ġuniversal":8716,"Ca":8717,"Ġtrimestre":8718,"Ġinex":8719,"Ġtraducción":8720,"Ġpolém":8721,"Ġbandas":8722,"Ġiniciativas":8723,"Ġmodificación":8724,"ips":8725,"ĠEstoy":8726,"AquÃŃ":8727,"Ġrutas":8728,"utados":8729,"titudes":8730,"ĠFun":8731,"ĠNie":8732,"ribuye":8733,"Ġdesas":8734,"Ġreligión":8735,"ilio":8736,"TRA":8737,"Ġrueda":8738,"ĠcientÃŃfica":8739,"ĠMayo":8740,"ĠCastel":8741,"Ġcirculación":8742,"Ġcontratación":8743,"Ġlider":8744,"Ġnavegador":8745,"ning":8746,"Ġhue":8747,"Ġirreg":8748,"cara":8749,"media":8750,"Ġguste":8751,"Ġinsist":8752,"Ġsemej":8753,"Ġmurió":8754,"ĠHor":8755,"ĠÃŃndice":8756,"Ġcoordin":8757,"Ġaust":8758,"Segu":8759,"Ġconveniente":8760,"Ġlimpiar":8761,"Ġincrement":8762,"Ġagregar":8763,"GU":8764,"Ġexperto":8765,"eda":8766,"ienta":8767,"Ġnecesitamos":8768,"ĠPlay":8769,"ĠPág":8770,"cub":8771,"Ġorganizar":8772,"eración":8773,"Ġsituada":8774,"ĠHombre":8775,"Ġnacido":8776,"Ġciudadano":8777,"Cons":8778,"Ġorientación":8779,"ĠpodÃŃan":8780,"Ġromán":8781,"Ġexpresa":8782,"ibil":8783,"Ġtela":8784,"abas":8785,"Ġestatu":8786,"ĠRegional":8787,"ĠBu":8788,"Ġcuantos":8789,"ADA":8790,"reros":8791,"Ġsalido":8792,"Ġdiscapacidad":8793,"ÃŃtico":8794,"Ġeficacia":8795,"ĠNicolás":8796,"istar":8797,"antiles":8798,"Ġusan":8799,"Ġdemuestra":8800,"Ġcomposición":8801,"Ġdesempeño":8802,"Ġpermiso":8803,"Ġvertic":8804,"Ġprivadas":8805,"ĠCaribe":8806,"Ġdepos":8807,"Ġjuega":8808,"ĠmuchÃŃsimo":8809,"Ġhablan":8810,"Ġcoordinación":8811,"uera":8812,"taña":8813,"ĠAmeric":8814,"Ġfilm":8815,"Ġmister":8816,"habilitación":8817,"Ġprimavera":8818,"Ġcicl":8819,"ĠAutónoma":8820,"uerzo":8821,"Ġmillón":8822,"Ġeuropeos":8823,"Ġtransmitir":8824,"Ġ42":8825,"Ġlados":8826,"Hasta":8827,"ĠBlanco":8828,"ĠChar":8829,"Ġimprescindible":8830,"Ġiluminación":8831,"Ġnúcle":8832,"Ġingenier":8833,"Ġadaptación":8834,"Ġ!":8835,"Ġindividuos":8836,"ĠEstamos":8837,"Bo":8838,"Ġalf":8839,"Ġconstitucional":8840,"Ġapreci":8841,"Ġsalvar":8842,",...":8843,"Ġdoce":8844,"martph":8845,"ĠespecÃŃfico":8846,"\":":8847,"Ġfuese":8848,"Ġcréditos":8849,"Ġcariño":8850,"н":8851,"Ġpierde":8852,"Ġescul":8853,"Ġinstancia":8854,"Ġplantilla":8855,"Ġpensamientos":8856,"Ġrecorrer":8857,"enz":8858,"Ġdamos":8859,"atemala":8860,"Ġrequieren":8861,"cipe":8862,"Ġmadres":8863,"Ġconectar":8864,"Ġcompens":8865,"ósitos":8866,"ilas":8867,"ĠHan":8868,"ĠPOR":8869,"cord":8870,"uestras":8871,"Ġaprobado":8872,"Ġespecializada":8873,"Ġlimpio":8874,"Ġacondicionado":8875,"Ġavanzar":8876,"Ġmarch":8877,"ĠOtros":8878,"Ġópti":8879,"Ġjornadas":8880,"ĠOficina":8881,"Ġjugando":8882,"ĠĠĠĠ":8883,"Ġgarantiza":8884,"Ġveinte":8885,"MO":8886,"BI":8887,"Ġhoja":8888,"âĢ¦)":8889,"Ġejército":8890,"Ġcubierta":8891,"uena":8892,"ĠBueno":8893,"Ġ600":8894,"Ġutilidad":8895,"Ġdueño":8896,"sula":8897,"Ġacepta":8898,"ÃŃg":8899,"Ġnaran":8900,"Ġturistas":8901,"érico":8902,"umb":8903,"Ġabsoluta":8904,"tecas":8905,"alizaciones":8906,"Ġbebidas":8907,"Pa":8908,"Ġóp":8909,"Ġgre":8910,"Ġinformado":8911,"usto":8912,"ispo":8913,"Ġpatio":8914,"Ġcalent":8915,"Ġdiscos":8916,"Ġindividuo":8917,"ĠDiario":8918,"Ġcatálogo":8919,"ĠDI":8920,"ĠjurÃŃdica":8921,"Ġpetróleo":8922,"Ġponiendo":8923,"02":8924,"NO":8925,"jando":8926,"ĠNet":8927,"ĠRamón":8928,"PU":8929,"ĠAlic":8930,"tle":8931,"ĠSant":8932,"Ġbasa":8933,"Ġmantienen":8934,"Ġsobres":8935,"cemos":8936,"Ġargentina":8937,"Actu":8938,"Ġreún":8939,"Ġcolorear":8940,"77":8941,"Ġconsideran":8942,"Ġimpresionante":8943,"Ġestima":8944,"Ġaliv":8945,"Ġbl":8946,"Ġbancar":8947,"Ġcans":8948,"ĠKar":8949,"Ġresponde":8950,"Ġllegando":8951,"Ġvicepres":8952,"Ġliqu":8953,"ÃŃficamente":8954,"ĠCanarias":8955,"Ġutilizados":8956,"Ġmodalidad":8957,"Ġmaterias":8958,"ĠWashington":8959,"Emp":8960,"menes":8961,"úsica":8962,"Ġasociaciones":8963,"EA":8964,"Ġfri":8965,"Ġenemigo":8966,"Ġpreserv":8967,"Ġinser":8968,"ĠEX":8969,"Ġjub":8970,"Ġdepartam":8971,"Ġesperamos":8972,".âĢĶ":8973,"tarias":8974,"Ġconformidad":8975,"Ġinmobil":8976,"ĠExper":8977,"Ġcriterio":8978,"Ġrepresentan":8979,"Ġllamó":8980,"ĠPapa":8981,"Ġgimnas":8982,"03":8983,"tipo":8984,"Ġgestionar":8985,"Ġcumpleaños":8986,"Ġsindic":8987,"ĠÃĵ":8988,"ĠReglamento":8989,"Ġescas":8990,"ART":8991,"ĠToda":8992,"Ġtratando":8993,"Ġexc":8994,"Ġfrag":8995,"Ġasumir":8996,".»":8997,"trices":8998,"ĠInstagram":8999,"Ġrecientes":9000,"icioso":9001,"].":9002,"Ġexcelentes":9003,"Ġcontribuir":9004,"Ġfabricantes":9005,"iti":9006,"Ġcultivo":9007,"ĠFiscalÃŃa":9008,"ĠMurcia":9009,"Ġqueso":9010,"ĠCU":9011,"Ġindicado":9012,"Ġrosa":9013,"hop":9014,"Ġrango":9015,"Ġmodern":9016,"acha":9017,"Ġrealizados":9018,"leto":9019,"Ġnoc":9020,"istos":9021,"Ob":9022,"Ġbonita":9023,"ĠVas":9024,"ERO":9025,"Ġamable":9026,"Ġterminado":9027,"ĠAllÃŃ":9028,"Ġadjud":9029,"Ġpresidenta":9030,"gulo":9031,"Ġnucle":9032,"Col":9033,"Ġmadru":9034,"Ġanunciado":9035,"Ġcapacitación":9036,"Ġcortes":9037,"Ġdeportes":9038,"ĠXIX":9039,"ĠMercado":9040,"Ġelectro":9041,"ĠMedia":9042,"Ġquedarse":9043,"Ġces":9044,"Ġpropietario":9045,"Ġvuelos":9046,"ĠPanamá":9047,"Ġhol":9048,"Ġparlam":9049,"Ġmexicana":9050,"Ġempie":9051,"Ġlanzar":9052,"Ġpata":9053,"ĠÃŃ":9054,"Ġfamosa":9055,"Ġdistingu":9056,"ĠBon":9057,"Ġcompetición":9058,"ĠCanadá":9059,"Ġdébil":9060,"Ġportu":9061,"ĠQuiz":9062,"Ġdestacado":9063,"Ġmetál":9064,"ĠcaracterÃŃstica":9065,"ArtÃŃculo":9066,"Ġimpe":9067,"Sab":9068,"citos":9069,"anal":9070,"Ġlaboratorio":9071,"Ġmovilidad":9072,"Ġidentificación":9073,"ĠSergio":9074,"Antes":9075,"ĠBien":9076,"Ġmanga":9077,"bir":9078,"Ġreservas":9079,"Ġsuav":9080,"Ġpróximas":9081,"Ġsostenible":9082,"ĠBlanca":9083,"Ġcaj":9084,"Ġdedos":9085,"gran":9086,"ĠAuto":9087,"Ġ120":9088,"Ġbille":9089,"85":9090,"Ġceb":9091,"Otro":9092,"ariales":9093,"Ġórgano":9094,"ĠCA":9095,"Ġpuro":9096,"putación":9097,"abetes":9098,"ÑĤ":9099,"Ġset":9100,"bao":9101,"Ġaluminio":9102,"ĠUl":9103,"ĠVar":9104,"Ġsujetos":9105,"Ġabogados":9106,"Ġpobla":9107,"Ġconducir":9108,"Ġmodos":9109,"Ġdiputado":9110,"Ġglob":9111,"ÃŃcola":9112,"Ġvoces":9113,"ãģ":9114,"ĠRica":9115,"Ġsumar":9116,"Muchas":9117,"Ġhubiese":9118,"direc":9119,"ĠSegunda":9120,"Ġembaj":9121,"Ġbron":9122,"Ġfortalecer":9123,"Ġruedas":9124,"Ġbailar":9125,"ĠBiblio":9126,"Ġabrió":9127,"itadas":9128,"ĠCN":9129,"ĠCuer":9130,"vol":9131,"Ġmamá":9132,"Ġprodujo":9133,"Ġcompet":9134,"Ġexpansión":9135,"Ġcorreg":9136,"Ġ250":9137,"Ġculp":9138,"Ġtreinta":9139,"Ġprivados":9140,"64":9141,"Ġalber":9142,"Ġpermanecer":9143,"garse":9144,"Ġdichas":9145,"iadas":9146,"Ġhábitos":9147,"Ġcomprensión":9148,"ĠParlamento":9149,"Ġespañolas":9150,"Ġdato":9151,"Ġindustriales":9152,"Ġcola":9153,"Ġseñora":9154,"Nuestro":9155,"izadas":9156,"Ġconstantemente":9157,"Ġferia":9158,"Ġmusicales":9159,"Di":9160,"Ġnecesitar":9161,"Ġvuestro":9162,"Ġater":9163,"Ġexige":9164,"Ġficción":9165,"Ġdelincu":9166,"ĠSemana":9167,"Ġharán":9168,"Ġfuncionario":9169,"dea":9170,"Ġmagist":9171,"Ġentiendo":9172,"Ġpropa":9173,"fonso":9174,"ĠAlim":9175,"ĠBea":9176,"Ġañade":9177,"Sobre":9178,",,":9179,"Ġreempla":9180,"ĠNosotros":9181,"Ġvigor":9182,"ĠGlo":9183,"Ġbásica":9184,"ĠdifÃŃciles":9185,"ĠUsuario":9186,"ĠTengo":9187,"Tu":9188,"Ġevaluar":9189,"Ġdelic":9190,"Ġdesl":9191,"amar":9192,"ernam":9193,"Ġcampeonato":9194,"ME":9195,"Ġseleccionar":9196,"Ġlogo":9197,"Ġretos":9198,"Ġpolic":9199,"ĠAcademia":9200,"Ġsentimiento":9201,"Ġacudir":9202,"Ġnotable":9203,"ĠÃģfrica":9204,"Ġproductor":9205,"Ġetapas":9206,"Ġdetenido":9207,"Ġconsumidor":9208,"ĠProvincia":9209,"omina":9210,"Ġseñales":9211,"Ġquedaron":9212,"Ġcombatir":9213,"ĠEmpresa":9214,"ĠclÃŃnica":9215,"Ġcafe":9216,"gué":9217,"trans":9218,"Ġgeneraciones":9219,"nado":9220,"TOS":9221,"Ġembar":9222,"Ġvirtud":9223,"Ġdeseos":9224,"Ġnoctur":9225,"Ġmach":9226,"Ġpublicaciones":9227,"Ġit":9228,"colo":9229,"Ġdibujo":9230,"fit":9231,"Ġhaci":9232,"Ġende":9233,"ĠAustral":9234,"ĠTorres":9235,"ĠRosario":9236,"Ġenemigos":9237,"Ġdeportiva":9238,"tela":9239,"ward":9240,"iona":9241,"Ġcercana":9242,"ĠMartin":9243,"ócra":9244,"Ġmalos":9245,"ĠArtÃŃculo":9246,"Ġjuventud":9247,"tinas":9248,"Ġtasas":9249,"temp":9250,"Ġverlo":9251,"Ġcontrad":9252,"Ġdistrito":9253,"úp":9254,"RAN":9255,"Ġestuvieron":9256,"Ġteléfonos":9257,"Ġaporte":9258,"udio":9259,"Ġtorm":9260,"Cre":9261,"Ġtruc":9262,"esas":9263,"Ġfiel":9264,"Ġintercambi":9265,"Ġdesf":9266,"Ġbrazo":9267,"Ġnieve":9268,"Ġvende":9269,"Ġdirigentes":9270,"Ġmaravilloso":9271,"ĠTenemos":9272,"Ġtoneladas":9273,"Ġconfun":9274,"Ġregalos":9275,"ĠRico":9276,"Ġfallo":9277,"Ġaltamente":9278,"Ġdescripción":9279,"lga":9280,"Ġadquisición":9281,"gia":9282,"ĠSr":9283,"...)":9284,"Ġ[...]":9285,"Ġprestación":9286,"ĠRoberto":9287,"Ġsecu":9288,"Ġconsentimiento":9289,"Ġmejoras":9290,"ĠespecÃŃficos":9291,"plan":9292,"Ġcarro":9293,"Ġidiomas":9294,"trada":9295,"Ġconclusión":9296,"Ġdestacan":9297,"dicación":9298,"tarlo":9299,"riz":9300,"Ġhuevos":9301,"Ġbeso":9302,"Ġpoderes":9303,"ĠPi":9304,"43":9305,"Ġsubs":9306,"aqu":9307,"Ġprobabilidad":9308,"Ġeuropea":9309,"PD":9310,"Ġcuadros":9311,"Ġmecanismo":9312,"Ġcartel":9313,"Ġmanejar":9314,"Ġfrutas":9315,"Ġdespues":9316,"Ġmuestras":9317,"polit":9318,"Ġperiódico":9319,"ede":9320,"Ġadvers":9321,"Ġbañ":9322,"Ġhttps":9323,"Ġenseñar":9324,"Ġcreando":9325,"Ġcuidar":9326,"Ġesquina":9327,"ualquier":9328,"endar":9329,"Ġpotente":9330,"Ġconocen":9331,"ĠlÃŃquido":9332,"Ġpiedras":9333,"Ġlógica":9334,"Ġmontaje":9335,"oxid":9336,"Ġpermitan":9337,"Ġprecisión":9338,"emb":9339,"Ġantic":9340,"Ġtratado":9341,"Ġbarato":9342,"Ġhorarios":9343,"Ġasociados":9344,"Ġcomputadora":9345,"ĠAv":9346,"itat":9347,"Ġimaginar":9348,"ĠCoord":9349,"enses":9350,"Ġfutu":9351,"tito":9352,"ámico":9353,"Ġnace":9354,"ĠEduca":9355,"Ġaval":9356,"Ġconsiguió":9357,"Ġimpro":9358,"ĠxD":9359,"ĠEv":9360,"Ġinfo":9361,"Ġcómoda":9362,"tadura":9363,"cripciones":9364,"udiciales":9365,"Ġprovincial":9366,"ĠSebastián":9367,"Ġdecora":9368,"Ġgráfico":9369,"Ġsat":9370,"Ġquem":9371,"Ġasal":9372,"Ġoral":9373,"ĠCurso":9374,"Ġpropietarios":9375,"Ġpublica":9376,"Ġsaga":9377,"orro":9378,"68":9379,"·":9380,"Ġdeterior":9381,"Ġacá":9382,"bie":9383,"Ġdele":9384,"Ġmirando":9385,"ĠJorn":9386,"Ġsuyo":9387,"bús":9388,"Ġfórmula":9389,"Ġacadémico":9390,"ĠSar":9391,"Ġregla":9392,"Ġmostra":9393,"Ġronda":9394,"Ġfrancesa":9395,"Otra":9396,"ajaja":9397,"Ġdinámica":9398,"Ġdivul":9399,"âĢ¦âĢ¦":9400,"ĠAutor":9401,"Ġaceptación":9402,"ĠAragón":9403,"Ġprohib":9404,"Ġapunta":9405,"ĠcÃŃr":9406,"ĠEspa":9407,"Ġmuseo":9408,"Ġense":9409,"Ġreproduc":9410,"geno":9411,"eramente":9412,"Ġconciertos":9413,"alax":9414,"Ġmari":9415,"Ġverdes":9416,"Ġverse":9417,"ándonos":9418,"ĠPaul":9419,"ĠGuatemala":9420,"ĠMA":9421,"Os":9422,"ĠGalicia":9423,"Ġlimpia":9424,"Ġprovoca":9425,"Ġpermitió":9426,"Ġahorrar":9427,"ĠGobern":9428,"Ġpendientes":9429,"Ġiguales":9430,"Ġreformas":9431,"uncios":9432,"Ġrevisar":9433,"Ġinn":9434,"tinos":9435,"Ġprovincias":9436,"ĠvacÃŃo":9437,"Ġfueran":9438,"Ġdiputados":9439,"Ġautomáticamente":9440,"Ġderrota":9441,"Ġbasura":9442,"Ġautomo":9443,"box":9444,"Ġanticip":9445,"Ġmemor":9446,"Ġcrimen":9447,"Ġfans":9448,"lados":9449,"Ġinvita":9450,"Ġadelga":9451,"ificada":9452,"Ġminerales":9453,"Ġtransferencia":9454,"rÃŃan":9455,"tube":9456,"ĠDol":9457,"Muy":9458,"énez":9459,"ted":9460,"Ġveremos":9461,"Ġexclusivo":9462,"Ġprimaria":9463,"Ġpudieron":9464,"Ġponemos":9465,"úmero":9466,"Ġnovio":9467,"Ġportavoz":9468,"ĠOnline":9469,"Ġreiv":9470,"Ġsatisfacer":9471,"avo":9472,"ĠVida":9473,"Ġcreciente":9474,"ĠEspero":9475,"olla":9476,"Ġsoci":9477,"vias":9478,"ĠSue":9479,"Ġprolon":9480,"Ġducha":9481,"Ġgub":9482,"úrg":9483,"ERA":9484,"Ġobtuvo":9485,"Ġapariencia":9486,"Ġborde":9487,"Ġviviendo":9488,"Del":9489,"tifica":9490,"diciones":9491,"Ġfruto":9492,"Ġobserva":9493,"Ġejecutivo":9494,"Ġfábrica":9495,"Ġestablecimientos":9496,"Ġcostes":9497,"Ġlistas":9498,"ĠEjército":9499,"Ġrenunci":9500,"Ġmexicanos":9501,"ĠindÃŃgenas":9502,"ĠFeria":9503,"ges":9504,"erÃŃas":9505,"Ġsolidaridad":9506,"Ġestilos":9507,"dadas":9508,"ĠOf":9509,"TS":9510,"ĠcirugÃŃa":9511,"wood":9512,"Ġhéro":9513,"Ġplanificación":9514,"TV":9515,"tilidad":9516,"Ġcontinú":9517,"Ġdañ":9518,"alla":9519,"Ġculo":9520,"ĠQUE":9521,"Ġfuncionar":9522,"ĠNunca":9523,"Ġinoc":9524,"quillaje":9525,"Ġformal":9526,"Ġcenten":9527,"rey":9528,"ÃŃces":9529,"Ġrecomendamos":9530,"ĠFinanci":9531,"Ġestaciones":9532,"Ġemocion":9533,"Ġincumpl":9534,"ĠCristina":9535,"Ġtrama":9536,"ÑĢ":9537,"enco":9538,"Ġreglam":9539,"Ġinformar":9540,"Ġfach":9541,"Ġcayó":9542,"Ġseñalado":9543,"Ġdisposiciones":9544,"Ġdescuentos":9545,"ĠPRI":9546,"Ġï":9547,"Ġfemenino":9548,"Ġdetener":9549,"Ġdistinta":9550,"trina":9551,"Ġbolas":9552,"ĠCuenta":9553,"Creo":9554,"cómo":9555,"Ġextin":9556,"ĠSy":9557,"41":9558,"Ġobligado":9559,"Ġaccidentes":9560,"Ġ47":9561,"67":9562,"Ġescribe":9563,"Ġútiles":9564,"Ġdisciplina":9565,"ak":9566,"Ġamantes":9567,"Ġmuñ":9568,"way":9569,"Ġcoron":9570,"ĠAsturias":9571,"Ġllaman":9572,"Ġcomprob":9573,"Ġanci":9574,"Ġexplicación":9575,"illermo":9576,"Finalmente":9577,"Ġliderazgo":9578,"Ġentero":9579,"Ġbalón":9580,"Ġreciben":9581,"cismo":9582,"Ġsalas":9583,"Ġdebut":9584,"Ġcolumna":9585,"ĠMorales":9586,"ĠActualmente":9587,"peta":9588,"Ġvigilancia":9589,"ĠEuropeo":9590,"Ġdebo":9591,"Ġañadió":9592,"Ġdecreto":9593,"Ġhig":9594,"ĠVicente":9595,"Ġprobado":9596,"ĠJack":9597,"ise":9598,"ARIO":9599,"Ġtrabajado":9600,"ĠDeportes":9601,"Ġarroz":9602,"Ġrumbo":9603,"anc":9604,"Ġsirven":9605,"Ġbásicas":9606,"Ġterap":9607,"ĠautonomÃŃa":9608,"iblia":9609,"ĠChrist":9610,"Ġolor":9611,"Ġaci":9612,"ulaciones":9613,"Ġreiter":9614,"Ġcoopera":9615,"Ġestadounidenses":9616,"Ġ43":9617,"econ":9618,"Ġtranscur":9619,"iental":9620,"radores":9621,"Ġpredic":9622,"Ġprede":9623,"ĠInterior":9624,"Ġbandera":9625,"Ġimaginación":9626,"Ġcuadrados":9627,"Ġescenarios":9628,"Ġ01":9629,"Ġmaquinaria":9630,"Ġmanifesta":9631,"Ġtos":9632,"Ġcerveza":9633,"Ġsúper":9634,"critos":9635,"Ġceremonia":9636,"Ġintenso":9637,"Ġcono":9638,"Ġlej":9639,"ĠAmor":9640,"Ġaparato":9641,"Ġintegrado":9642,"Ġparar":9643,"Ġmencionar":9644,"Ġfibra":9645,"ĠLE":9646,"Ġadolescente":9647,"Ġhabló":9648,"Ġcaptur":9649,"Ġpréstamo":9650,"Ġraza":9651,"Ġhabilidad":9652,"Ġexistir":9653,"Ġmediados":9654,"ĠMuchos":9655,"Ġvinos":9656,"Ġasesinato":9657,"Ġord":9658,"Quién":9659,"Ġsufrido":9660,"Ġprevent":9661,"ĠRecuer":9662,"tuario":9663,"Ġescenas":9664,"ónicas":9665,"ings":9666,"ĠPortugal":9667,"kin":9668,"abo":9669,"Ġmedir":9670,"ĠAmazon":9671,"ĠHen":9672,"Ġsignific":9673,"Ġrespondió":9674,"BL":9675,"Ġhilo":9676,"Ġcampes":9677,"Ġ:)":9678,"Ġbendi":9679,"Ġparticiparon":9680,"Ġfija":9681,"ĠLeon":9682,"hab":9683,"ÃŃmetros":9684,"Ġrica":9685,"ĠEspÃŃritu":9686,"Ġcomenzaron":9687,"ĠveÃŃa":9688,"iremos":9689,"Ġeducativos":9690,"app":9691,"work":9692,"ĠoÃŃdo":9693,"Ġvaloración":9694,"inete":9695,"Ġdeseas":9696,"Ġsustancias":9697,"Ġbicicleta":9698,"Ġdoy":9699,"Ġcomis":9700,"ĠWil":9701,"ĠDom":9702,"Ġreferencias":9703,"Ġultra":9704,"Ġdefine":9705,"Ġingen":9706,"Ġsiga":9707,"Ġquisiera":9708,"ĠComple":9709,"Ġobtenido":9710,"Ġfemin":9711,"Ġcontinuidad":9712,"Ġfiscales":9713,"ĠMedicina":9714,"Ġemoción":9715,"Ġmesas":9716,"Ġpoeta":9717,"Ġorgullos":9718,"Ġprestaciones":9719,"ĠMich":9720,"Ġórdenes":9721,"ĠMoreno":9722,"Estoy":9723,"chos":9724,"Ġtrist":9725,"Ġrestr":9726,"Ġúnicos":9727,"ĠfÃŃsicas":9728,"Ġciviles":9729,"ĠLuna":9730,"Ñģ":9731,"Ġpárra":9732,"Ġalimento":9733,"ĠturÃŃstico":9734,"Ġhumedad":9735,"Ġgustos":9736,"Ġsp":9737,"Ġdrama":9738,"ógico":9739,"ÃŃsimas":9740,"ĠAngel":9741,"Ġpreciso":9742,"áctica":9743,"Ġescrita":9744,"Ġ44":9745,"ĠCastillo":9746,"ĠFon":9747,"Ġotoño":9748,"orden":9749,"ĠNorm":9750,"Ġingresar":9751,"lash":9752,"Ġshow":9753,"Ġtemprano":9754,"Ġescapar":9755,"Ġté":9756,"Ġtrán":9757,"ĠIsabel":9758,"Ġintroduci":9759,"Ġsalario":9760,"Ġtrop":9761,"Ġsignos":9762,"Ġmodificaciones":9763,"Ġmalas":9764,"Ġfavoritos":9765,"EX":9766,"ĠTim":9767,"ÃŃnas":9768,"Ġabrazo":9769,"Ġcreada":9770,"asión":9771,"Ġregresar":9772,"Ġconsiderable":9773,"ENTE":9774,"Ġagro":9775,"Ġinyec":9776,"Ġcombustible":9777,"ĠAtención":9778,"Ġsolucionar":9779,"icidio":9780,"ze":9781,"Ġroja":9782,"ĠContac":9783,"far":9784,"Ġpsico":9785,"Ġregistros":9786,"Ġnegociación":9787,"onso":9788,"tizar":9789,"Ġpérdidas":9790,"idi":9791,"ĠGuer":9792,"Ġdirigir":9793,"Ġayudará":9794,"gica":9795,"Ġcolombiano":9796,"Ġintim":9797,"Ġpisos":9798,"Ġilegal":9799,"Ġapp":9800,"Ġcontratar":9801,"Ġregulación":9802,"ĠCalle":9803,"GT":9804,"Ġdices":9805,"tedral":9806,"Nuestra":9807,"Ġdirige":9808,"Ġindependientes":9809,"Ġrell":9810,"Ġbienvenida":9811,"Ġabri":9812,"ĠAño":9813,"Ġvolv":9814,"Ġgafas":9815,"Ġempresario":9816,"ĠMana":9817,"Ġreduce":9818,"ĠjurÃŃdico":9819,"Ġinspiración":9820,"Ġlevantar":9821,"Ġfomentar":9822,"Ġepisodio":9823,"Ġesenciales":9824,"Ġquiso":9825,"Ġcajas":9826,"Ġterren":9827,"terales":9828,"Ġtop":9829,"Ġplantea":9830,"Ġdefinitivamente":9831,"mol":9832,"Ġ46":9833,"Ġalcanza":9834,"Ġelevado":9835,"ĠMul":9836,"iempo":9837,"TC":9838,"Ġsuspensión":9839,"mano":9840,"Ġespon":9841,"Ġmarcado":9842,"Ġpanorama":9843,"ĠIsla":9844,"Ġ95":9845,"Ġsuple":9846,"Ġasomb":9847,"gén":9848,"ĠPrincip":9849,"2014":9850,"Ġinvestigar":9851,"ÃŃv":9852,"Ġmadri":9853,"PO":9854,"Ġdependencia":9855,"entamente":9856,"idado":9857,"ĠespecÃŃfica":9858,"Ġaficionados":9859,"Ġacontecimientos":9860,"inarios":9861,"Ġeliminación":9862,"Ġodio":9863,"ucho":9864,"Ġmotores":9865,"rico":9866,"ĠCapital":9867,"tab":9868,"Ġ49":9869,"Ġcomidas":9870,"Ġsuficientes":9871,"Ġansiedad":9872,"Ġpagina":9873,"Ġatraves":9874,"Ġprocl":9875,"Ġdescubierto":9876,"for":9877,"jeje":9878,"Ġprecisa":9879,"ĠProfesional":9880,"rimonio":9881,"Ġhogares":9882,"Ġcastellano":9883,"Ġdisput":9884,"idra":9885,"Ġocurrir":9886,"ĠFrente":9887,"Ġprendas":9888,"taban":9889,"ĠMúsica":9890,"ĠSp":9891,"Ġrespaldo":9892,"ĠSitio":9893,"Ġdedica":9894,"Ġpatro":9895,"Ġpudieran":9896,"ĠespecÃŃficas":9897,"Somos":9898,"risto":9899,"Ġcolabora":9900,"ĠHabana":9901,"Ġtoler":9902,"Ġatac":9903,"ĠOp":9904,"Ġimpulso":9905,"Ġemble":9906,"rocar":9907,"%)":9908,"Ġdevolver":9909,"ĠsentÃŃa":9910,"ĠserÃŃan":9911,"Ġcria":9912,"Ġnecesito":9913,"Ġmonto":9914,"Ġcoger":9915,"ĠsÃŃmbolo":9916,"cap":9917,"Ġrecaud":9918,"Ġestablecidos":9919,"ondas":9920,"ĠExcel":9921,"Ġespecializado":9922,"Ġsuministro":9923,"jeras":9924,"Ġcaballo":9925,"ĠSomos":9926,"cons":9927,"Ġnomin":9928,"Ġejecut":9929,"cr":9930,"Ġricos":9931,"ĠGuadal":9932,"Ġlistado":9933,"Ġmand":9934,"Ġvivido":9935,"versión":9936,"trop":9937,"Ġapla":9938,"venido":9939,"uerta":9940,"Ġproveedor":9941,"ĠWorld":9942,"cargar":9943,"ĠRespon":9944,"lig":9945,"Ġexcelencia":9946,"Ġdeterminados":9947,"sung":9948,"!,":9949,"Ġacumul":9950,"Ġclásicos":9951,"Ġoración":9952,"Ġpoquito":9953,"ucar":9954,"Ġraro":9955,"Ġequivalente":9956,"Ġconocemos":9957,"ĠPA":9958,"gi":9959,"Ġpareció":9960,"Ġcuentos":9961,"Ġobstá":9962,"Ġconvivencia":9963,"ĠTecnologÃŃa":9964,"Ġmetas":9965,"Ġfes":9966,"Ġcontará":9967,"Ġmadrugada":9968,"Ġllevaron":9969,"Ġdemon":9970,"Ġeco":9971,"Ġpaga":9972,"Ġexcepcional":9973,"ledo":9974,"Ġminim":9975,"uez":9976,"ĠBio":9977,"Ġfavorito":9978,"Ġpostura":9979,"Ġéstas":9980,"ĠNeces":9981,"mico":9982,"Ġconstruido":9983,"Ġindispens":9984,"Ġpracticar":9985,"ĠSER":9986,"Ġyou":9987,"ĠCin":9988,"Ġevolu":9989,"ĠUniversitario":9990,"ĠJames":9991,"Ġlargas":9992,"Ġintentando":9993,"Ġgato":9994,"Ġbasta":9995,"ml":9996,"Ġdescenso":9997,"Ġrecoge":9998,"Ġheridas":9999,"Ġcamiseta":10000,"Ante":10001,"Ġcausar":10002,"ÃŃctor":10003,"Ġbaile":10004,"Ġcontinente":10005,"Ġguitarra":10006,"Ġencanto":10007,"Ġrealizaron":10008,"Ġentien":10009,"Ġfrust":10010,"vida":10011,"Ġrelacionada":10012,"âĨ":10013,"Ġenviado":10014,"rena":10015,"guardia":10016,"ĠGro":10017,"Ġescog":10018,"Ġandal":10019,"ĠAnte":10020,"Ġresultar":10021,"Ġsolid":10022,"Ġune":10023,"Ġlac":10024,"ĠDES":10025,"Ġtránsito":10026,"Ġtalla":10027,"Ġtribunal":10028,"Ġapo":10029,"cm":10030,"Ġsmartph":10031,"Ġreino":10032,"Ġconfes":10033,"lim":10034,"ĠLibro":10035,"Ġprestar":10036,"ĠOctubre":10037,"Ġsuficientemente":10038,"ĠLibre":10039,"ĠGust":10040,"Ġhabido":10041,"Ġgrues":10042,"Ġdelantero":10043,"Ġirregular":10044,"ĠGuardia":10045,"Ġexpresar":10046,"Bus":10047,"ata":10048,"FOR":10049,"Ġcaracteriza":10050,"Ġconfirmó":10051,"Ġfresco":10052,"Ġsalsa":10053,"±":10054,"Ġfascin":10055,"Ġnaciones":10056,"Ġcontaminación":10057,"2013":10058,"Ġelector":10059,"hael":10060,"Ġcuota":10061,"Bar":10062,"Ġcaball":10063,"Ġreproducción":10064,"lantes":10065,"Ġtraslado":10066,"Ġamenazas":10067,"Ġtranquila":10068,"daje":10069,"Ġsilla":10070,"gena":10071,"Ġestamp":10072,"Ġimpulsar":10073,"ĠForo":10074,"Ġestando":10075,"Ġpart":10076,"Ġinclusión":10077,"Ġgeográ":10078,"Ġmono":10079,"ĠDen":10080,"ómicas":10081,"ADOR":10082,"Ġvea":10083,"ĠAlta":10084,"Ġ00":10085,"Ġespi":10086,"umer":10087,"Ġintu":10088,"áus":10089,"Ġcartera":10090,"Ġllevando":10091,"Ġcontempl":10092,"Ġpasta":10093,"eciendo":10094,"Ġcongel":10095,"ĠTro":10096,"ĠCiencia":10097,"Ġdejaron":10098,"ĠAdministra":10099,"ĠMarketing":10100,"Ġgeo":10101,"Ġvag":10102,"Ġtarifa":10103,"Ġhec":10104,"Ġaguan":10105,"Ġhuéspe":10106,"Quer":10107,"Ġexplicado":10108,"ĠSenado":10109,"cones":10110,"inó":10111,"Ġinmun":10112,"Ġdestinos":10113,"ĠProp":10114,"ĠHi":10115,"ándola":10116,"Ġbrinda":10117,"Ġtransparencia":10118,"Ġreina":10119,"ógica":10120,"Ġseco":10121,"Ġcae":10122,"Ġplaca":10123,"ĠAlicante":10124,"ĠAsia":10125,"Ġocta":10126,"ĠSantander":10127,"Ġapareció":10128,"Ġsurge":10129,"Ġben":10130,"Am":10131,"Ġamo":10132,"Ġtramo":10133,"Ġlargos":10134,"ĠpolicÃŃas":10135,"Ġaves":10136,"Ġrebaj":10137,"ÃŃncipe":10138,"Ġcelebrará":10139,"Ġkilos":10140,"Ġ1999":10141,"Ġsentirse":10142,"Ġdisponer":10143,"inc":10144,"Ġby":10145,"esos":10146,"Ġdespren":10147,"Ġfotó":10148,"ĠOscar":10149,"Ġelectricidad":10150,"ĠAlto":10151,"Ġpintar":10152,"ĠDistrito":10153,"ĠEmpresas":10154,"delo":10155,"urs":10156,"tega":10157,"Ġañadido":10158,"garon":10159,"Ġelaborado":10160,"Ġfeste":10161,"Ġdiabetes":10162,"ager":10163,"Ġabordar":10164,"túan":10165,"iéndose":10166,"oli":10167,"Ġllamados":10168,"ejo":10169,"Ġhall":10170,"Ġfelices":10171,"Ġolvi":10172,"Ġrelevante":10173,"dÃŃan":10174,"ĠIS":10175,"Ġsello":10176,"tumbre":10177,"Ġcorporal":10178,"ursos":10179,"ĠpodrÃŃamos":10180,"cop":10181,"98":10182,"ificaciones":10183,"ÃŃmenes":10184,"Ġpersonalmente":10185,"Ġrepubl":10186,"ĠCalidad":10187,"Ġmineral":10188,"Ġnº":10189,"Ġtonos":10190,"Ġtin":10191,"Ġofreciendo":10192,"ĠNA":10193,"Ġvieja":10194,"izando":10195,"Ġestreno":10196,"ĠgarantÃŃas":10197,"Ġconducción":10198,"Ġparada":10199,"Ġfracaso":10200,"Ġexcur":10201,"gnacio":10202,"Ġgustó":10203,"CON":10204,"Soy":10205,"Ġdisfruta":10206,"Ġrenovación":10207,"Ġvueltas":10208,"Ġportátil":10209,"Ġechar":10210,"uido":10211,"ĠHuman":10212,"Ġrechazo":10213,"Ġasesoramiento":10214,"Ġarco":10215,"Ġcreciendo":10216,"Ġbiblioteca":10217,"ĠLAS":10218,"Ġrevistas":10219,"Fi":10220,"ĠSport":10221,"ĠTab":10222,"incl":10223,"Ġmaquillaje":10224,"ĠCity":10225,"ámenes":10226,"Ġcancha":10227,"tánea":10228,"digos":10229,"Ġbomba":10230,"ávez":10231,"Ġámbitos":10232,"ĠGir":10233,"zcan":10234,"ĠRegión":10235,"Ġvecino":10236,"clar":10237,"iertas":10238,"Ġhistóricos":10239,"Ġcristianos":10240,"ĠAcción":10241,"izó":10242,"ĠOtra":10243,"gancia":10244,"Ġcreó":10245,"Ġcompetir":10246,"ĠLea":10247,"uyendo":10248,"Ġtorre":10249,"Ġalej":10250,"Ġejecutar":10251,"ĠSta":10252,"Ġcomplementar":10253,"Ġofens":10254,"Cas":10255,"Ġprogreso":10256,"Ġ85":10257,"Ġprecioso":10258,"Ġimportar":10259,"Ġ41":10260,"ÃŃso":10261,"enza":10262,"Ġparticularmente":10263,"cedes":10264,"Ġmasaje":10265,"ĠRuiz":10266,"Ġseñalar":10267,"Ġgalard":10268,"usas":10269,"ĠHerman":10270,"ĠONU":10271,"Ġfarmac":10272,"Ġpró":10273,"........":10274,"Ġvestidos":10275,"diales":10276,"Ġsoldados":10277,"Ġpesca":10278,"ĠNavarra":10279,"Ġluna":10280,"Ġprovocar":10281,"ecimiento":10282,"ĠSecretario":10283,"Ġinflación":10284,"Ġsigo":10285,"Ġpatrocin":10286,"éramos":10287,"Ġterrible":10288,"EE":10289,"Ġdormitorio":10290,"ĠGuillermo":10291,"Ġadh":10292,"Ġsalto":10293,"ĠMarco":10294,"Ġincent":10295,"zones":10296,"Ġsubsi":10297,"acciones":10298,"ĠIde":10299,"ĠAprende":10300,"Ġrecin":10301,"GB":10302,"Ġconsultas":10303,"Ġácido":10304,"ĠRaúl":10305,"ENCIA":10306,"ĠCH":10307,"ĠNoviembre":10308,"itable":10309,"Ġfactura":10310,"pot":10311,"Ġafrontar":10312,"Ġfuimos":10313,"ĠcrÃŃtico":10314,"FA":10315,"Ġdiplom":10316,"Ġdignidad":10317,"Ġorganizada":10318,"Ġescoger":10319,"ĠRol":10320,"ĠRevolución":10321,"ĠDispon":10322,"ĠNor":10323,"Ġargumento":10324,"Ġrefleja":10325,"Ġhaberse":10326,"Ġincorporación":10327,"Ġsemillas":10328,"ĠPromo":10329,"ĠUtil":10330,"gnos":10331,"ĠExtre":10332,"ĠGen":10333,"Ġcurioso":10334,"ĠVo":10335,"Ġdetectar":10336,"Ġparad":10337,"Ġgubernam":10338,"ĠMaduro":10339,"ll":10340,"Ġvilla":10341,"Ġcuriosidad":10342,"terráneo":10343,"ficit":10344,"Ġservidores":10345,"Ġhabia":10346,"ĠJur":10347,"Ġbau":10348,"SI":10349,"tificado":10350,"BO":10351,"ÃŃticas":10352,"Cor":10353,"Ġpersegu":10354,"Ġtuvimos":10355,"Ġabandonar":10356,"Ġimpre":10357,"Ġlesión":10358,"Ġemisión":10359,"ĠÃį":10360,"ĠraÃŃces":10361,"ĠLocal":10362,"Ġlanzó":10363,"Ġliga":10364,"atorio":10365,"Ġautoma":10366,"Ġseparación":10367,"Ġnegativa":10368,"Ġpongo":10369,"Ġ800":10370,"Ġcompara":10371,"rosa":10372,"Ġafectar":10373,"Ġproductividad":10374,"icul":10375,"valuación":10376,"bimos":10377,"Ġfirmado":10378,"Ġdenominado":10379,"ĠmÃŃo":10380,"ĠAlfonso":10381,"CN":10382,"ĠZona":10383,"Tengo":10384,"Ġmanifestaciones":10385,"ĠUR":10386,"Ġcolectiva":10387,"vada":10388,"Ġsostuvo":10389,"Ġprofundi":10390,"ĠWi":10391,"Ġsufrió":10392,"ĠAlonso":10393,"Ġterapia":10394,"Ġmensual":10395,"alista":10396,"Ġrutina":10397,"ĠBilbao":10398,"Ġgolpes":10399,"Ġfrutos":10400,"Ġculmin":10401,"endoza":10402,"ĠAustralia":10403,"ĠReserv":10404,"Ġdespre":10405,"ĠWilliam":10406,"ĠKe":10407,"Ġtemor":10408,"Ġideales":10409,"ĠSeguro":10410,"ciencia":10411,"ĠDivisión":10412,"Ġfirmas":10413,"ajara":10414,"Ġcelebrado":10415,"Hemos":10416,"Pos":10417,"Ġnegativo":10418,"Ġimplement":10419,"Ġvivimos":10420,"Ġaprue":10421,"ture":10422,"Ġnegros":10423,"Ġcharla":10424,"Ġcreemos":10425,"Ġpréstamos":10426,"iedades":10427,"Ġparro":10428,".:":10429,"Ġarru":10430,"ĠfrÃŃa":10431,"Ġterminal":10432,"itará":10433,"ĠRelaciones":10434,"Ġcubano":10435,"2012":10436,"Ġoficio":10437,"eld":10438,"ĠLatinoamérica":10439,"ĠPie":10440,"Ġfrecuente":10441,"Ġocio":10442,"Ġseguirá":10443,"Ġpelota":10444,"ensor":10445,"ĠReci":10446,"ĠMaes":10447,"LAN":10448,"ĠTres":10449,"Ġconsideración":10450,"ĠEmpleo":10451,"Ġcuándo":10452,"Ġlateral":10453,"Ġdestinado":10454,"ĠGabriel":10455,"Tenemos":10456,"Ġcatalán":10457,"onces":10458,"Ġabon":10459,"Ġcortar":10460,"ĠVictoria":10461,"Ġára":10462,"Ġverduras":10463,"rección":10464,"Ġdada":10465,"Ġaudiovis":10466,"Or":10467,"Ġcarbono":10468,"Ġaventuras":10469,"Ġhielo":10470,"Ġinal":10471,"Ġencuesta":10472,"tables":10473,"itiva":10474,"Ġpistas":10475,"Ġagencias":10476,"Ġdiga":10477,"Ġmandar":10478,"Ġganancias":10479,"Ġfus":10480,"Ġautora":10481,"Ġislas":10482,"Ġparticipan":10483,"Ġpolicial":10484,"Ġviva":10485,"iertos":10486,"Ġduelo":10487,"Ġmutu":10488,"Ġbuc":10489,"comunicaciones":10490,"Ġmante":10491,"Na":10492,"entados":10493,"raba":10494,"Ġcontroles":10495,"ĠAzul":10496,"Ġprevis":10497,"Ġtemplo":10498,"Ġvigencia":10499,"oraciones":10500,"reza":10501,"Ġdeterminada":10502,"Ġentró":10503,"uelve":10504,"Ġbolsas":10505,"ilan":10506,"ö":10507,"Ġincur":10508,"Ġbritánico":10509,"ĠOtro":10510,"yeron":10511,"Ġquince":10512,"Ġincrementar":10513,"Ġviajeros":10514,"Ġquedo":10515,"Ġcultiv":10516,"Ġpapeles":10517,"uth":10518,"ĠGil":10519,"Ġexistente":10520,"ÃŃsica":10521,"Ġutilizada":10522,"TAN":10523,"ĠPenal":10524,"ĠIndustria":10525,"оÐ":10526,"Ġorgullo":10527,"Ġrepresentar":10528,"Ġafectan":10529,"Ġescán":10530,"Ġpensaba":10531,"Ġmg":10532,"Ġcostumbre":10533,"Ġsecretos":10534,"Ġalerta":10535,"Ġapell":10536,"lero":10537,"Ġventanas":10538,"Sus":10539,"Ġparticipado":10540,"Ġvotar":10541,"Ġdesesper":10542,"my":10543,"Ġhayas":10544,"Ġdesigual":10545,"Ġmonstru":10546,"Ġsensibilidad":10547,"ĠOrg":10548,"Ġespiritu":10549,"Ġvidrio":10550,"Ġoeste":10551,"Ġdescribe":10552,"Ġaqu":10553,"Ġnotar":10554,"TM":10555,"Ġabiertas":10556,"Ġcredi":10557,"Ġdiarios":10558,"Ġsentidos":10559,"Ġsocialista":10560,"áz":10561,"Ġamigas":10562,"Ġescritorio":10563,"Ġenergética":10564,"guna":10565,"enzo":10566,"Ġhablado":10567,"ĠLog":10568,"Fo":10569,"ĠLegisla":10570,"Ġinmigrantes":10571,"ĠSaludos":10572,"ĠPac":10573,"Ġconversaciones":10574,"olv":10575,"Ġpertin":10576,"ÃŃsimos":10577,"Ġbaratos":10578,"adilla":10579,"Ġtarifas":10580,"Ġsecundaria":10581,"Ġchino":10582,"Ġempleado":10583,"Ġjueces":10584,"Ġdestrucción":10585,"quero":10586,"Ġrecordó":10587,"Ġposiblemente":10588,"Ġtest":10589,"ribunales":10590,"Ġmier":10591,"INA":10592,"Ġrelatos":10593,"Ġcobre":10594,"Ġ64":10595,"ĠLO":10596,"Ġnub":10597,"Ġciencias":10598,"Ġinstalado":10599,"ĠÃģngeles":10600,"Ġlabores":10601,"69":10602,"Deb":10603,"eamente":10604,"Ġlitros":10605,"Bien":10606,"TAS":10607,"Ġpelic":10608,"Ġespecializados":10609,"IDA":10610,"ĠChávez":10611,"Ġamarillo":10612,"Eso":10613,"Ġespejo":10614,"Ġpanel":10615,"damente":10616,"olas":10617,"Ġtenéis":10618,"ĠUSB":10619,"Ġcostumb":10620,"Ġlago":10621,"adrid":10622,"Ġrecogida":10623,"Puede":10624,"Ġblogs":10625,"Ġcuánto":10626,"Ġpulgadas":10627,"Ġsubida":10628,"ĠMira":10629,"Ġcaras":10630,"Ġresultó":10631,"ĠPatri":10632,"Ġconlle":10633,"Está":10634,"drome":10635,"Ġmár":10636,"Ġrelevantes":10637,"Ġcobrar":10638,"Ġdepósito":10639,"Ġrespira":10640,"Ġdesactiv":10641,"ĠEnergÃŃa":10642,"tions":10643,"Ġpercepción":10644,"Ġsuperviv":10645,"Ġcolectivos":10646,"Ġandar":10647,"Ġprioridad":10648,"ling":10649,"Ġmontañas":10650,"ĠPersonal":10651,"CC":10652,"cubre":10653,"Ġperpe":10654,"Ġclásica":10655,"ĠMichael":10656,"Siempre":10657,"Ġargumentos":10658,"ĠSex":10659,"Ġevent":10660,"ĠBlog":10661,"ĠTenerife":10662,"Ġmencionado":10663,"Ġcuyas":10664,"Ġ1998":10665,"Ġdeportivas":10666,"ĠVÃŃctor":10667,"Ġego":10668,"pado":10669,"Ġfuturos":10670,"ĠmÃŃa":10671,"Ġcomunica":10672,"Ġvayan":10673,"ĠProductos":10674,"Ġusos":10675,"Ġmandato":10676,"Ġacabó":10677,"cionario":10678,"Ġextrac":10679,"TRO":10680,"ĠFlores":10681,"ĠtenÃŃamos":10682,"ĠParti":10683,"Ġjurado":10684,"Ġdictadura":10685,"Ġsorprendente":10686,"Ġsolicitudes":10687,"Ġpresidencial":10688,"Ġpreciosa":10689,"rent":10690,"ĠIntro":10691,"ĠBlo":10692,"Ġllegará":10693,"ĠLED":10694,"Ġvisible":10695,"Ġbode":10696,"Ġvariables":10697,"84":10698,"ĠmetodologÃŃa":10699,"tul":10700,"Ġenferm":10701,"Prim":10702,"irán":10703,"Ġsufre":10704,"Ġmontar":10705,"ej":10706,"Ġpaciencia":10707,"Ġsienten":10708,"Ġtransición":10709,"Ġmedal":10710,"illar":10711,"ĠPsic":10712,"Ġmostrado":10713,"ĠResolución":10714,"Ġreducido":10715,"embol":10716,"ésar":10717,"Ġtemática":10718,"ence":10719,"Ġneum":10720,"ther":10721,"Ġtengamos":10722,"ĠTre":10723,"ĠTécnico":10724,"Ġenve":10725,"GR":10726,"Ġnaranja":10727,"drás":10728,"Ġmisterio":10729,"Ġfrances":10730,"Ġseguimos":10731,"Ġpescado":10732,"Ġlanzado":10733,"Ġcontienen":10734,"Ġmentir":10735,"ĠDoctor":10736,"Ġfinancieras":10737,"ĠIgnacio":10738,"uncias":10739,"Ġinscrib":10740,"ĠHugo":10741,"ZA":10742,"89":10743,"tea":10744,"press":10745,"Ġestándares":10746,"hum":10747,"iciosa":10748,"ĠEvan":10749,"Ġautobús":10750,"Ġasegurado":10751,"Ġinfantiles":10752,"ĠOriente":10753,"ĠIndustrial":10754,"Ġdefecto":10755,"ĠCampeonato":10756,"ĠEsco":10757,"ĠMAR":10758,"tuvieron":10759,"ĠRef":10760,"dela":10761,"Ġriv":10762,"Ġruso":10763,"Ġapreciar":10764,"ñe":10765,"POR":10766,"ĠFranco":10767,"Ġtraje":10768,"Ġsentimos":10769,"Ġcalcul":10770,"Ġindican":10771,"Ġperfección":10772,"ĠXXI":10773,"ĠdesafÃŃo":10774,"Ġpráctico":10775,"ĠCL":10776,"ĠartÃŃstica":10777,"Ġtrataba":10778,"olvid":10779,"Ġpresidencia":10780,"ĠMesa":10781,"Ġteór":10782,"adi":10783,"Ġcolegios":10784,"Ġsimples":10785,"Ġchar":10786,"ĠPresu":10787,"Ġsana":10788,"Ġligeramente":10789,"ĠCorea":10790,"Ġfemenina":10791,"Ġconstituyen":10792,"atch":10793,"bano":10794,"ĠCAR":10795,"Ġmandatario":10796,"lid":10797,"Ġabuso":10798,"Ġtapa":10799,"Ġdeter":10800,"Ġemis":10801,"Ġsufren":10802,"Ġantiguas":10803,"endió":10804,"Ġblancos":10805,"Ġarries":10806,"tita":10807,"gio":10808,"Ġelaborar":10809,"Publicado":10810,"Ġfacilita":10811,"ĠPes":10812,"untamente":10813,"ĠConce":10814,"Ġprotesta":10815,"Ġvideojuegos":10816,"Ġadquier":10817,"87":10818,"Ġaman":10819,"ĠproteÃŃnas":10820,"ĠEllos":10821,"ĠGuti":10822,"uis":10823,"Ġocasion":10824,"htt":10825,"Ġpatrón":10826,"fice":10827,"ámb":10828,"uliar":10829,"ĠSá":10830,"Ġencuentre":10831,"güedad":10832,"ĠAnuncios":10833,"Ġquinto":10834,"ĠhacÃŃan":10835,"Imp":10836,"igma":10837,"Ġnecesariamente":10838,"Ġclick":10839,"ĠMy":10840,"ĠDominicana":10841,"ĠTanto":10842,"Ġparámetros":10843,"Ġonce":10844,"Ġconsigo":10845,"aragua":10846,"Ġdisminución":10847,"win":10848,"dura":10849,"Ġligero":10850,"ĠEstra":10851,"Ġagricultura":10852,"ĠHal":10853,"Ġresponsabilidades":10854,"ĠFútbol":10855,"Ġclaras":10856,"Ġecos":10857,"ĠSexo":10858,"Ġcelebró":10859,"ólico":10860,"ĠestadÃŃsticas":10861,"Ġintroducción":10862,"Ġlavado":10863,"Ġexcepto":10864,"!.":10865,"Ġsingular":10866,"orcio":10867,"Ġcontraseña":10868,"Ġsemin":10869,"Ġtuviera":10870,"Ġconfec":10871,"Ġhipó":10872,"BRE":10873,"Ġbarrios":10874,"Ġromp":10875,"Ġtestimonio":10876,"ÃŃes":10877,"Ġdefien":10878,"sex":10879,"ÃŃdas":10880,"Ġfruta":10881,"Ġprecip":10882,"Ġfundación":10883,"Ġincorpora":10884,"Ġmúsicos":10885,"éticas":10886,"ule":10887,"ĠDonald":10888,"Ġhabituales":10889,"Ġcumplen":10890,"cuenta":10891,"ĠGafas":10892,"Ġlanza":10893,"Ġcuantas":10894,"undamente":10895,"uche":10896,"teria":10897,"eth":10898,"ĠCanal":10899,"Ġharina":10900,"ĠPatrimonio":10901,"Ġsimpl":10902,"ĠAgua":10903,"ĠCampo":10904,"ĠFeder":10905,"Ġabord":10906,"racción":10907,"ĠED":10908,"cidades":10909,"ben":10910,"Ġmini":10911,"Ġagrup":10912,"300":10913,"ĠJard":10914,"Ġ--":10915,"ñón":10916,"Ġdimensión":10917,"ĠPros":10918,"Ġcasco":10919,"Ġanuales":10920,"ony":10921,"sea":10922,"ult":10923,"Ġimplementar":10924,"Ġtesis":10925,"Ġrepeti":10926,"Ġcondena":10927,"Ġke":10928,"ĠCoci":10929,"uelva":10930,"Ġimponer":10931,"Ġalcanzado":10932,"Ġesposo":10933,"ĠgastronomÃŃa":10934,"ĠBay":10935,"Ġreivin":10936,"Ġhabita":10937,"Ġmaravillosa":10938,"ester":10939,"letÃŃn":10940,"ĠAri":10941,"efacción":10942,"tock":10943,"Ġdeterminadas":10944,"Ġprocesamiento":10945,"camos":10946,"din":10947,"Ġcomplement":10948,"Ġdesarrollando":10949,"ĠSho":10950,"eck":10951,"Ġincluida":10952,"ianas":10953,"Ġedades":10954,"Ġabiertos":10955,"tensión":10956,"timas":10957,"ĠDocu":10958,"Ġgravedad":10959,"Ġvers":10960,"Ġtoman":10961,"Ġdisminuir":10962,"ĠAdri":10963,"Ġclan":10964,"PI":10965,"ĠharÃŃa":10966,"Ġsabido":10967,"ĠCádiz":10968,"Ġleyenda":10969,"ĠNego":10970,"Ġdivertida":10971,"Ġconozco":10972,"Dos":10973,"Ġresidentes":10974,"Ġhectá":10975,"alismo":10976,"Ġademas":10977,"ĠSupremo":10978,"Ġverdaderamente":10979,"enciado":10980,"Ġinteriores":10981,"ĠRock":10982,"Ġjurisdic":10983,"Ġinesper":10984,"Ġalgodón":10985,"Ġpeculiar":10986,"Ġpá":10987,"Ġdeclarado":10988,"bert":10989,"Ġtac":10990,"Ġlluvias":10991,"Ġimpedir":10992,"Ġlogro":10993,"Ġcuartos":10994,"Ġautomática":10995,"sor":10996,"Ġadvir":10997,"ésticos":10998,"Val":10999,"Ġquir":11000,"Ġperjuicio":11001,"Ġconfirmar":11002,"ĠMauri":11003,"ĠMendoza":11004,"Ġdirigente":11005,"Ġcomercialización":11006,"Ġremon":11007,"Ġmarcador":11008,"Ġdas":11009,"oya":11010,"ĠRay":11011,"Ġconocidas":11012,"Ġparticipó":11013,"ĠOne":11014,"Ġplást":11015,"Ġmanifestación":11016,"ifi":11017,"Ġmanz":11018,"Ġcinemato":11019,"Ġelimina":11020,"Ġatacar":11021,"lace":11022,"Ġcaro":11023,"Ġsigno":11024,"Ġliberación":11025,"ĠBri":11026,"Ġdecenas":11027,"Ġalianza":11028,"Ġvivos":11029,"cista":11030,"ĠFinalmente":11031,"Ġconsa":11032,"cionalmente":11033,"Ġdéficit":11034,"ĠMarcos":11035,"ĠCR":11036,"Ġllegamos":11037,"Ġescritos":11038,"Ġbacter":11039,"Ġvestir":11040,"angel":11041,"ortunadamente":11042,"Ġwebs":11043,"Ġvaso":11044,"Ġgeneran":11045,"Ġinsegu":11046,"Ġfuncionan":11047,"Ġhun":11048,"Ġdepartamentos":11049,"ĠDiputación":11050,"Ġtejidos":11051,"ĠRaj":11052,"Ġintr":11053,"Ġdepresión":11054,"Ġindemn":11055,"Ġlimitado":11056,"gará":11057,"ĠVamos":11058,"ÃŃnsula":11059,"Ġsonidos":11060,"Ġregistrar":11061,"Ġcopa":11062,"Ġmortal":11063,"Ġfrecuentes":11064,"Ġdólar":11065,"Ġgigante":11066,"Ġfáciles":11067,"Ġclubes":11068,"Ġhisp":11069,"Ġkg":11070,"Ġcura":11071,"Ġaparatos":11072,"Ġatm":11073,"uyen":11074,"ãĥ":11075,"ĠPueblo":11076,"VD":11077,"Ġbrillo":11078,"Ġtea":11079,"Ġche":11080,"mado":11081,"JO":11082,"Ġindicar":11083,"Ġeléctricos":11084,".....":11085,"Ġclaridad":11086,"ezcan":11087,"ĠOcci":11088,"hh":11089,"ija":11090,"Ġsuena":11091,"Ġprovis":11092,"celo":11093,"Ġinconven":11094,"Ġfunda":11095,"JA":11096,"Ġsalga":11097,"Ġinternos":11098,"ĠSalón":11099,"ĠAlgunas":11100,"Ġextraña":11101,"ĠMadre":11102,"Ġincorporar":11103,"Ġvenezolano":11104,"rimas":11105,"ĠBat":11106,"ĠJiménez":11107,"Ġproyección":11108,"Ġvuelven":11109,"ĠingenierÃŃa":11110,"ĠArquitec":11111,"Ġfundament":11112,"Ġexce":11113,"ĠvenÃŃa":11114,"ĠHel":11115,"úme":11116,"Ġrefres":11117,"Ġdedo":11118,"Ġinclus":11119,"nia":11120,"ñad":11121,"guera":11122,"Ġcens":11123,"Ġrehabilitación":11124,"tiquetas":11125,"Ġinteracción":11126,"Ġposesión":11127,"arquÃŃa":11128,"Ġapasion":11129,"Ġconferencias":11130,"trico":11131,"Ġpresi":11132,"Pas":11133,"ĠRich":11134,"Ġtrascen":11135,"Ġguarda":11136,"Ġmultiplic":11137,"ding":11138,"Ġfama":11139,"Ġzo":11140,"ĠPrimero":11141,"ASA":11142,"Ġclimático":11143,"uar":11144,"Ġterritorios":11145,"Ġ52":11146,"Ġrentabilidad":11147,"otas":11148,"Ġcombinar":11149,"Ġtestigos":11150,"eja":11151,"omosex":11152,"Ġacar":11153,"Ġampliación":11154,"Ġciudadana":11155,"toras":11156,"buen":11157,"Ġtrámite":11158,"Ġdiscur":11159,"ecÃŃan":11160,"CD":11161,"Ġenormes":11162,"ĠSAN":11163,"ax":11164,"Ġfamosos":11165,"mio":11166,"ĠFamilia":11167,"Ġpudiendo":11168,"ĠPU":11169,"Ġvicepresidente":11170,"Ġester":11171,"Ġcontado":11172,"Ġtratados":11173,"Fran":11174,"Ġexquis":11175,"lera":11176,"iler":11177,"ĠJudicial":11178,"Ġavenida":11179,"fia":11180,"Ġprevé":11181,"ĠEstatal":11182,"Ġindirec":11183,"ázquez":11184,"Gran":11185,"Ġperfiles":11186,"Ġcostumbres":11187,"cionada":11188,"Ġboliv":11189,"ĠespecÃŃficamente":11190,"Ġasiento":11191,"clo":11192,"questa":11193,"ĠDem":11194,"Ġsupermer":11195,"kes":11196,"ficar":11197,"ĠBach":11198,"tens":11199,"Ġvariable":11200,"Can":11201,"Ġsensaciones":11202,"Ġleve":11203,"ĠObama":11204,").-":11205,"ĠUb":11206,"ĠOpera":11207,"Ġmueve":11208,"Ġmolesti":11209,"ánicos":11210,"Ġobtiene":11211,"ĠAlgo":11212,"Ġalcanzó":11213,"Ġverte":11214,"Ġmantuvo":11215,"Ġacusado":11216,"Ġsorteo":11217,"Ġambi":11218,"ĠWh":11219,"áster":11220,"Ġmaltra":11221,"Ġgerente":11222,"86":11223,"lega":11224,"Ġdid":11225,"ĠSor":11226,"Ġdiversión":11227,"Ġgesto":11228,"Ġexperimentar":11229,"tex":11230,"ĠSigue":11231,"enciana":11232,"ls":11233,"ĠLuz":11234,"Ġcálculo":11235,"ĠTaller":11236,"Ġlento":11237,"organ":11238,"Ġrespetar":11239,"Ġalrededores":11240,"Ġgrabación":11241,"olar":11242,"Ġambientales":11243,"Ġviaj":11244,"Ġvalorar":11245,"Ġdetención":11246,"Ġculturas":11247,"Ġentretenimiento":11248,"ĠAses":11249,"Ġdesapareci":11250,"fac":11251,"Ġencontré":11252,"vir":11253,"Ġrelativamente":11254,"Ġaprendido":11255,"Ġgrabar":11256,"Ġsalarios":11257,"Ġderivados":11258,"Ġcalific":11259,"Ġcapitán":11260,"abra":11261,"itis":11262,"Ġemisiones":11263,"Ġtransmi":11264,"Ġinolvid":11265,"VE":11266,"Ġdemandas":11267,"ĠMax":11268,"ĠFan":11269,"ĠConten":11270,"Ġgigantes":11271,"Ġdiscul":11272,"ĠCapa":11273,"Ġvencer":11274,"Ġtransforma":11275,"érrez":11276,"Ġconcejal":11277,"ĠFrank":11278,"Ġconclusiones":11279,"Ġbordo":11280,"Ġflam":11281,"Ġresistente":11282,"Porque":11283,"ĠBiblioteca":11284,"Ġposteriores":11285,"Ġbeber":11286,"Ġdirecciones":11287,"plica":11288,"Ġjuvenil":11289,"Ġgiro":11290,"400":11291,"ortuna":11292,"ĠPens":11293,"Ġperjud":11294,"ĠPap":11295,"ĠResta":11296,"Ġcomponente":11297,"Ġamericano":11298,"Ġpromociones":11299,"fecto":11300,"Ġnúcleo":11301,"gramas":11302,"79":11303,"Ġfronteras":11304,"igan":11305,"ĠgalerÃŃa":11306,"ĠÃģrea":11307,"Ġauténtico":11308,"ĠlegÃŃ":11309,"Ġsemi":11310,"ĠSelección":11311,"76":11312,"ĠIgual":11313,"Ġpasaba":11314,"ĠCésar":11315,"Ġcentrales":11316,"ván":11317,"andante":11318,"ĠHemos":11319,"Ġdescubrimiento":11320,"Ġjardines":11321,"Tube":11322,"Ġlee":11323,"Ġestupen":11324,"Ġavanzado":11325,"ĠWhats":11326,"Cam":11327,"Ġcro":11328,"Ġcertificación":11329,"Ġrepente":11330,"trando":11331,"ĠSamsung":11332,"ĠChi":11333,"Ġnegociaciones":11334,"Ġterrenos":11335,"dujo":11336,"certid":11337,"Ġreduc":11338,"Ġhicimos":11339,"uu":11340,"Ġexpediente":11341,"Ġhechas":11342,"eme":11343,"Ġensal":11344,"Ġdiagnos":11345,"Ġexpuls":11346,"mia":11347,"Ġpresupuestos":11348,"ĠJoaqu":11349,"Ġquinta":11350,"Jos":11351,"ĠLar":11352,"Ġinterrump":11353,"Ġtitulado":11354,"Ġbrind":11355,"Ġcaza":11356,"Ġinvitación":11357,"ĠGrande":11358,"ĠObje":11359,"amora":11360,"Ġpollo":11361,"****":11362,"Ġjuntas":11363,"dest":11364,"Ġcolaboradores":11365,"Ġpelea":11366,"Ġafuera":11367,"JE":11368,"ricas":11369,"Ġacorde":11370,"Ġpop":11371,"ubo":11372,"Ġcolaborar":11373,"ĠPúblicas":11374,"esto":11375,"faz":11376,"ciado":11377,"ÃŃrez":11378,"exo":11379,"ĠSha":11380,"amanca":11381,"Actualmente":11382,"Ġwith":11383,"ĠZapatos":11384,"ĠAcces":11385,"Ġescolares":11386,"Ġdevolución":11387,"Ġmadrile":11388,"cÃŃas":11389,"Ġinev":11390,"Ġllor":11391,"Ġbolsillo":11392,"Ġencontraron":11393,"Ġhuelga":11394,"esen":11395,"Ġapete":11396,"ĠStu":11397,"ĠStre":11398,"ĠEp":11399,"Ġvenden":11400,"Ġbis":11401,"Ġbella":11402,"Ġvs":11403,"ĠBiblia":11404,"Ġvuelva":11405,"ĠconocÃŃa":11406,"ĠDin":11407,"letos":11408,"Ġfijo":11409,"Ġdisfrute":11410,"illones":11411,"ĠEscri":11412,"riles":11413,"Ġ56":11414,"Ġsanciones":11415,"Ġhacerle":11416,"Ġfla":11417,"Ġcolonia":11418,"Ġvotación":11419,"ĠNada":11420,"acruz":11421,"Ġ99":11422,"âĨij":11423,"Ġape":11424,"ĠÃģlvarez":11425,"Ġpuse":11426,"Ġatmós":11427,"Ġcóm":11428,"ĠTI":11429,"Ġllevamos":11430,"itco":11431,"idurÃŃa":11432,"Ġregionales":11433,"fol":11434,"Ġdescubre":11435,"Ġestuviera":11436,"ĠJefe":11437,"Ġpetrol":11438,"ándome":11439,"zco":11440,"apar":11441,"Ġdispuestos":11442,"Ġsuspen":11443,"NI":11444,"ĠtÃŃpico":11445,"Ġ1000":11446,"Ġlinea":11447,"Ġgráficos":11448,"Ġcoher":11449,"Ġhere":11450,"Ġnavegar":11451,"2011":11452,"Ġpresentaron":11453,"Ġincidencia":11454,"Ġizquierdo":11455,"irió":11456,"Ġfundador":11457,"Ġcompartido":11458,"onÃŃa":11459,"ĠRES":11460,"Ġviejos":11461,"ĠTiempo":11462,"Ġnube":11463,"Ġverá":11464,"ĠInnov":11465,"Ġmales":11466,"Ġconfort":11467,"olos":11468,"Ġvieron":11469,"Ġvapor":11470,"puestamente":11471,"Ġasust":11472,"Ġrurales":11473,"Ġagru":11474,"terno":11475,"onde":11476,"Ġensayo":11477,"Ġnovedad":11478,"Ġcompromisos":11479,"Ġpapa":11480,"Ġpastel":11481,"guas":11482,"Ġhospitales":11483,"Ġinfección":11484,"Ġcircular":11485,"Ġrescate":11486,"uertos":11487,"tano":11488,"Ġdesconocido":11489,"Ġpasaron":11490,"Cal":11491,"ÃŃe":11492,"Ġpensiones":11493,"Ġdetenidos":11494,"aster":11495,"Ġsustan":11496,"Ġintensa":11497,"Ġescucha":11498,"Ġética":11499,"Ġdescri":11500,"Ġluminos":11501,"ĠToledo":11502,"iaria":11503,"Ġindicadores":11504,"Ġadministrativa":11505,"ĠRecursos":11506,"Ġrelativa":11507,"Ġjudiciales":11508,"Ġmanteniendo":11509,"cera":11510,"piro":11511,"Ġadmir":11512,"Ġreconoció":11513,"ĠRomero":11514,"Ġquedará":11515,"Ġcadenas":11516,"ĠMiami":11517,"alladolid":11518,"ator":11519,"Ġhuéspedes":11520,"Ġpensé":11521,"DD":11522,"macia":11523,"ĠMancha":11524,"entre":11525,"ternidad":11526,"Ġdemues":11527,"Ġdiscriminación":11528,"logÃŃas":11529,"Ġpresentaciones":11530,"Ġhard":11531,"tificar":11532,"Ġdespertar":11533,"nar":11534,"Ġempe":11535,"inf":11536,"ĠSI":11537,"ĠClÃŃn":11538,"ĠMarina":11539,"Ġcastillo":11540,"ĠApar":11541,"Ġvalle":11542,"Ġascenso":11543,"Ġdecis":11544,"Ġeng":11545,"Ġartificial":11546,"eral":11547,"Ġdesgas":11548,"Ġdanza":11549,"tif":11550,"caba":11551,"Ġesquema":11552,"ĠMej":11553,"ĠVa":11554,"Ġinstan":11555,"España":11556,"ĠMercedes":11557,"Ġexigir":11558,"Ġpiensan":11559,"ĠcapÃŃtulos":11560,"Ġángel":11561,"ĠVill":11562,"Ġcapas":11563,"ĠCro":11564,"Ġhomosex":11565,"Ġrestric":11566,"Ġ....":11567,"Ġgenerado":11568,"Ġonda":11569,"ĠEgip":11570,"ĠvÃŃnculo":11571,"carga":11572,"tividades":11573,"hal":11574,"gués":11575,"ĠApo":11576,"ige":11577,"Ġsépti":11578,"Ġviolación":11579,"ENTA":11580,"oración":11581,"Ġactualizar":11582,"ĠGustavo":11583,"dista":11584,"Ġportada":11585,"Ġencontrarse":11586,"Ġconscientes":11587,"Ġexhib":11588,"ĠVerde":11589,"Ġamante":11590,"lana":11591,"ĠCerv":11592,"Ġmotivación":11593,"Ġimprimir":11594,"PR":11595,"Ġadaptar":11596,"Ġgatos":11597,"ets":11598,"ĠPalma":11599,"Ġinterro":11600,"tines":11601,"ĠAlfre":11602,"Ġcomplemento":11603,"Ġalemana":11604,"muy":11605,"Ġvisitante":11606,"Ġfranqu":11607,"ĠFuente":11608,"Ġurbana":11609,"Ġrecinto":11610,"ĠGRA":11611,"ĠGuÃŃa":11612,"Ġradi":11613,"Ġing":11614,"ĠJaime":11615,"Ġsiguió":11616,"ĠAlb":11617,"figu":11618,"anim":11619,"56":11620,"Ġdiseñar":11621,"Ġsalidas":11622,"ford":11623,"ĠSeptiembre":11624,"Ġhuevo":11625,"lorca":11626,"Ġconsumir":11627,"Ġrefrig":11628,"dones":11629,"Ġpaisajes":11630,"Ġincertid":11631,"low":11632,"vila":11633,"ĠSelec":11634,"Ġurgente":11635,"Ġincons":11636,"Ġabus":11637,"anti":11638,"ĠInglés":11639,"Ġcargar":11640,"ĠApro":11641,"ĠChica":11642,"Pr":11643,"ĠâĢĿ":11644,"Ġhúme":11645,"ionistas":11646,"óma":11647,"Ġregula":11648,"âĢĺ":11649,"TIC":11650,"Ġsufrimiento":11651,"ĠRajoy":11652,"Ġsensor":11653,"ometra":11654,"Ab":11655,"tear":11656,"jidad":11657,"Ġreligiosa":11658,"oper":11659,"turadora":11660,"idencial":11661,"ĠSA":11662,"ĠTampoco":11663,"Ġquie":11664,"Ġpresentada":11665,"ĠDemoc":11666,"ĠðŁĺ":11667,"Ġsupera":11668,"Ġpedidos":11669,"char":11670,"Ġunir":11671,"ĠGuadalajara":11672,"Ġnovelas":11673,"orada":11674,"yu":11675,"visor":11676,"lán":11677,"ĠSistemas":11678,"Ġsensible":11679,"Ġposeen":11680,"Ġestatales":11681,"Ġoccidental":11682,"ucristo":11683,"Ġsostiene":11684,"Ġantecedentes":11685,"Ġjuguetes":11686,"ĠStor":11687,"Ġadministrativo":11688,"Ġsatisfac":11689,"Ġrécord":11690,"ĠEscorts":11691,"ĠPRE":11692,"59":11693,"Ġretorno":11694,"ĠRevista":11695,"ÃŃgenes":11696,"of":11697,"ividad":11698,"Ġvengan":11699,"book":11700,"ĠGutiérrez":11701,"ĠDirectiva":11702,"ION":11703,"iss":11704,"ania":11705,"Ġjunta":11706,"ĠCatólica":11707,"Ġcomparte":11708,"ián":11709,"Ġbarro":11710,"Ġcontinuo":11711,"uco":11712,"Ġrecibieron":11713,"Ġdesean":11714,"Ġavanzada":11715,"iciembre":11716,"Ġmantenerse":11717,"Ġexplorar":11718,"Ġreconocida":11719,"Pe":11720,"Tal":11721,"iaciones":11722,"Ġaclarar":11723,"Ġencontrará":11724,"Ġpoblaciones":11725,"Ġquedando":11726,"mun":11727,"Ġrealizarse":11728,"ampa":11729,"Ġsar":11730,"Inicio":11731,"ander":11732,"igas":11733,"colas":11734,"ĠPágina":11735,"Ġformatos":11736,"adáver":11737,"Ġinto":11738,"Ġheridos":11739,"tent":11740,"ficientes":11741,"Ġtác":11742,"Ġfacebook":11743,"Ġfavorita":11744,"Ġmúsculos":11745,"Ġparale":11746,"Ġcorriendo":11747,"Ġpositivos":11748,"Ġpárrafo":11749,"uelta":11750,"Ġcitado":11751,"ĠGratis":11752,"Ġmolde":11753,"AA":11754,"Ġcortos":11755,"resa":11756,"Ġ180":11757,"Ġtram":11758,"ĠEnfer":11759,"Ġnarco":11760,"Ġib":11761,"Ġlocalidades":11762,"Ġencantado":11763,"Ġbebés":11764,"--------":11765,"Ġmedias":11766,"ĠArgent":11767,"ĠNicaragua":11768,"Ġsospech":11769,"Ġopos":11770,"Ġtubo":11771,"Ġsuspendi":11772,"Ġescritores":11773,"Ġefectivos":11774,"Ġsaque":11775,"Ġinteligentes":11776,"tizado":11777,"queros":11778,"Ġrebo":11779,"Ġcualidades":11780,"tti":11781,"izas":11782,"édito":11783,"Ġdenuncias":11784,"Ġdueños":11785,"Ġhijas":11786,"ò":11787,"ĠAgust":11788,"Ġdesarrollan":11789,"Ġretirar":11790,"Ġsera":11791,"ĠObserv":11792,"Ġ1997":11793,"ĠRamÃŃrez":11794,"Ġsupo":11795,"ness":11796,"Ġafectado":11797,"ÂĶ":11798,"ĠCompañ":11799,"Ġabsur":11800,"ĠRen":11801,"Ġcamas":11802,"ĠWa":11803,"obo":11804,"ĠMotor":11805,"Ġpresupues":11806,"ocar":11807,"tte":11808,"ĠTrad":11809,"egr":11810,"Ġcompuesta":11811,"Ġtransparente":11812,"Ġrecomendar":11813,"ecución":11814,"Ġnormales":11815,"eses":11816,"Ġtradiciones":11817,"Ġcompatible":11818,"Ġsangu":11819,"ĠdesafÃŃos":11820,"Mon":11821,"Ġespectadores":11822,"Ġdeportivos":11823,"Ġlev":11824,"Ġdescansar":11825,"Ġgráfica":11826,"idro":11827,"quita":11828,"Ġtecnológica":11829,"Ġmelo":11830,"IENTO":11831,"Ġvistazo":11832,"Ġpasamos":11833,"ioneros":11834,"gador":11835,"Ġotorga":11836,"Ġgimnasio":11837,"ĠTama":11838,"Ġconsiderada":11839,"Ġrestauración":11840,"Ġlindo":11841,"Ġhectáreas":11842,"Ġrevela":11843,"Ġpublicados":11844,"Ġloco":11845,"Ġcaptura":11846,"Ġcho":11847,"Ġempiezan":11848,"Ro":11849,"ĠCub":11850,"2010":11851,"ĠReina":11852,"Ġbebida":11853,"Ġimagin":11854,"ĠPresidencia":11855,"Ġocupación":11856,"CIO":11857,"grada":11858,"yente":11859,"Ġmodernos":11860,"éano":11861,"Ġcomienzan":11862,"ĠME":11863,"Ġmusul":11864,"ĠLaura":11865,"teos":11866,"Ġactúa":11867,"ĠRivera":11868,"ĠKen":11869,"Ġmuscular":11870,"ĠBi":11871,"Ġauxiliar":11872,"ĠminerÃŃa":11873,"Ġprin":11874,"Ġaline":11875,"Ġcrean":11876,"Ġbares":11877,"Ġcamar":11878,"Ġcomenzado":11879,"ĠBlue":11880,"ĠKo":11881,"Ġvos":11882,"Ġsienta":11883,"hola":11884,"Ġeducativas":11885,"Ġpolémica":11886,"Ġcalma":11887,"fonÃŃa":11888,"Ġpeligroso":11889,"Ġpaquetes":11890,"ejas":11891,"Ġdelegación":11892,"ĠMovimiento":11893,"erador":11894,"Ġbuscas":11895,"zamiento":11896,"Ġ54":11897,"Ġvuestros":11898,"gresos":11899,"ĠCic":11900,"Ġvivió":11901,"Ġprocedentes":11902,"Ġesperado":11903,"Todas":11904,"Ġseleccionado":11905,"Ġgloria":11906,"Ġcadáver":11907,"Ġmuro":11908,"Ġempresariales":11909,"Ġpresentamos":11910,"Ġextremadamente":11911,"Ġpreparados":11912,"ĠAgricultura":11913,"OP":11914,"Ġconvierten":11915,"Ġreparto":11916,"Ġexterna":11917,"Ġlink":11918,"Ġtratan":11919,"ĠVenta":11920,"Ġusados":11921,"Ġextrema":11922,"Ġdespla":11923,"Ġhabéis":11924,"pue":11925,"Ġdesaparición":11926,"ĠAll":11927,"Ġparado":11928,"Ġdesgracia":11929,"Ġasimismo":11930,"Ġintegrada":11931,"Ġtramp":11932,"Ġindependientemente":11933,"Ġcontener":11934,"achos":11935,"Ġetiqueta":11936,"ellos":11937,"mor":11938,"Ġangust":11939,"ms":11940,"Ġadoptar":11941,"ĠenergÃŃas":11942,"ĠJuz":11943,"har":11944,"Ġayudarte":11945,"Ġtim":11946,"Ġ72":11947,"Ġcumplido":11948,"Ġenmar":11949,"ĠCapÃŃtulo":11950,"Ġestuve":11951,"Ġacompañar":11952,"ĠfÃŃsicos":11953,"Ġfrontal":11954,"hay":11955,"uj":11956,"Ġcasti":11957,"Ġmierda":11958,"Ġcantar":11959,"ĠAF":11960,"util":11961,"Ġsucedido":11962,"Ġsuya":11963,"Ġligera":11964,"Ġempate":11965,"grados":11966,"Ġtardes":11967,"Ġmanifiesto":11968,"Ġlleve":11969,"Ġprestigio":11970,"Descripción":11971,"apro":11972,"Ġcreador":11973,"Ġdulces":11974,"Ġpiden":11975,"Ġatraer":11976,"Ġhombro":11977,"hÃŃa":11978,"ĠLl":11979,"ĠMara":11980,"ĠConst":11981,"Ġoptar":11982,"Jo":11983,"xa":11984,"ĠParaguay":11985,"Ġcambiando":11986,"Ġfle":11987,"ĠGan":11988,"Ġpecado":11989,"person":11990,"tuoso":11991,"Ġreforzar":11992,"IÃĵN":11993,"eres":11994,"Ġrecal":11995,"Ġacomo":11996,"Ġ51":11997,"oncesto":11998,"ĠRobert":11999,"Ġdestinados":12000,"Ġpinta":12001,"ĠConsejerÃŃa":12002,"Ġple":12003,"Ġtestigo":12004,"Ġoscuridad":12005,"Ġtrate":12006,"ADOS":12007,"hibido":12008,"Ġret":12009,"Ġempo":12010,"madura":12011,"ĠLorenzo":12012,"Ġdens":12013,"Ġlici":12014,"Ġestup":12015,"Ġconfirmado":12016,"Ġcambió":12017,"Ġcrece":12018,"Ġcaz":12019,"Ġdirectivos":12020,"ĠJunio":12021,"ĠmercancÃŃas":12022,"Ġbosques":12023,"Ġatro":12024,"Ġseparado":12025,"Ġpresentará":12026,"Ġediciones":12027,"Ġtitulares":12028,"Ġindispensable":12029,"Ġponga":12030,"ĠTipo":12031,"gs":12032,"ĠCaracas":12033,"Ġafric":12034,"Ġtextura":12035,"ani":12036,"ñal":12037,"Ġinversores":12038,"rie":12039,"Ġcomisiones":12040,"»¿":12041,"Ġuniversitarios":12042,"ĠFron":12043,"GRA":12044,"Ġprofundamente":12045,"Ġplanos":12046,"Ġrellen":12047,"dora":12048,"Ġasim":12049,"porque":12050,"tipos":12051,"Ġalcanz":12052,"Ġliberales":12053,"Ġentrevistas":12054,"oros":12055,"ĠConven":12056,"ĠMáster":12057,"elle":12058,"ĠGrecia":12059,"Ġtrasera":12060,"ásico":12061,"Ġvertical":12062,"Ġlograron":12063,"món":12064,"Ġrever":12065,"ĠElectoral":12066,"iness":12067,"Ġmedición":12068,"güenza":12069,"BS":12070,"ĠLee":12071,"rita":12072,"Ġgrie":12073,"izos":12074,"itro":12075,"Ġradical":12076,"Ġdéci":12077,"Ġmiel":12078,"irch":12079,"Ġcomplejos":12080,"Ġencantan":12081,"ĠJesucristo":12082,"Ġpoderoso":12083,"Ġexpresiones":12084,"ĠCursos":12085,"Ġcontun":12086,"Ġtransfer":12087,"Ġllave":12088,"Ġmasas":12089,"Ġconfigurar":12090,"gui":12091,"ĠDie":12092,"Ġsobrevivir":12093,"Ġnatur":12094,"Ġacadémica":12095,"Ġdespacho":12096,"cela":12097,"Ġfores":12098,"ĠMariano":12099,"Ġredi":12100,"Ġprece":12101,"Ġirá":12102,"Ġrealice":12103,"ĠStan":12104,"Ġejemplares":12105,"Ġcuotas":12106,"Ġconsideró":12107,"mático":12108,"ĠMauricio":12109,"ĠTit":12110,"Ġintegridad":12111,"Ġquedaba":12112,"Ġcercanos":12113,"Ġmanio":12114,"ramiento":12115,"PC":12116,"tadora":12117,"Leer":12118,"Ġnovedos":12119,"Ġepisodios":12120,"Ġ57":12121,"Ġadecuados":12122,"Ġengan":12123,"Ġabuela":12124,"Ġeró":12125,"Ġfinanciamiento":12126,"Ġalo":12127,"ĠDeleg":12128,"Ġefectivamente":12129,"ĠXVI":12130,"Ġcomentado":12131,"800":12132,"ĠartÃŃstico":12133,"Ġescándal":12134,"Toda":12135,"ĠâĢľÂ¿":12136,"ĠMinistro":12137,"ĠVega":12138,"Ġtomo":12139,"Ġpusieron":12140,"Ġadulto":12141,"Ġplazos":12142,"Ġbotella":12143,"ĠPra":12144,"Ġcomenta":12145,"Ġmoch":12146,"Ġconvencer":12147,"ecé":12148,"ĠMaster":12149,"ĠEu":12150,"lique":12151,"Ġmedicamento":12152,"logos":12153,"Ġalza":12154,"lfo":12155,"iki":12156,"ĠCualquier":12157,"ANA":12158,"Ġgrasas":12159,"Ġcincuenta":12160,"Ġsueldo":12161,"ĠValladolid":12162,"adar":12163,"fu":12164,"Ġsepa":12165,"selo":12166,"Ġafectadas":12167,"ĠEgipto":12168,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":12169,"Ġatmósfera":12170,"Ġpiz":12171,"Ġsinies":12172,"Ġextraordinaria":12173,"Ġauténtica":12174,"Ġsucedió":12175,"Ġgasolina":12176,"ĠBajo":12177,"Ġ1996":12178,"Ġcarreteras":12179,"Ġministerio":12180,"Ġmanifiesta":12181,"trica":12182,"Ġargentinos":12183,"Ġautomático":12184,"Ġmonedas":12185,"Ġpertenecen":12186,"Ġtrastornos":12187,"Ġaprobó":12188,"Ġexposiciones":12189,"Ġasociado":12190,"Ġsupuestamente":12191,"emia":12192,"Ġexigencias":12193,"poración":12194,"yectos":12195,"icciones":12196,"uss":12197,"dito":12198,"ĠTorn":12199,"ĠRespons":12200,"ĠNuestros":12201,"Ġcorregir":12202,"Ġchina":12203,"Ġdeterminación":12204,"Ġequipamiento":12205,"ámicas":12206,"Ġenfrenta":12207,"Ġoperadores":12208,"Ġinvitado":12209,"Ġterrorismo":12210,"dices":12211,"Ġopon":12212,"Ġsemestre":12213,"Ġfases":12214,"discipl":12215,"Ġmentira":12216,"ĠInfantil":12217,"Ġanimación":12218,"Ġespecialidad":12219,"Ġincendio":12220,"Ġputa":12221,"Ġcotidiana":12222,"aqueta":12223,"Ġcontempla":12224,"ING":12225,"Ġtemporadas":12226,"Ġoficialmente":12227,"fitri":12228,"Ġ1994":12229,"ĠMacri":12230,"Ġpreguntó":12231,"Ġlimitada":12232,"ĠquÃŃmicos":12233,"Ġconcluyó":12234,"Ġsorprender":12235,"Ġvocación":12236,"ĠWord":12237,"ĠYouTube":12238,"Ġéxitos":12239,"Ġcuchar":12240,"Ġinformática":12241,"ĠSL":12242,"Ġretom":12243,"Ġadapta":12244,"Ġtecnológico":12245,"Ġemitir":12246,"éricas":12247,"COM":12248,"Entonces":12249,"Ġaroma":12250,"Ġreacciones":12251,"abell":12252,"ñoz":12253,"ĠConferencia":12254,"Ġcorreos":12255,"Ġrenuncia":12256,"chi":12257,"Ġcontando":12258,"Ġobtenidos":12259,"ĠPrecio":12260,"aduras":12261,"Ġout":12262,"ciosa":12263,"Ġdesierto":12264,"Ġnavide":12265,"ĠAbog":12266,"Ġcubre":12267,"istente":12268,"rases":12269,"Ġdemand":12270,"57":12271,"Ġcé":12272,"mu":12273,"Ġforos":12274,"ÃŃcolas":12275,"Ġconforman":12276,"ĠOrtega":12277,"ĠAbril":12278,"yan":12279,"TEN":12280,"Ġinvestigador":12281,"Ġganadores":12282,"Ġsistem":12283,"ĠrÃŃos":12284,"Ġpromete":12285,"Ġmantenido":12286,"drigo":12287,"ĠEU":12288,"Ġaquél":12289,"ĠPerio":12290,"Ġcapitalismo":12291,"Ġrayos":12292,"Ġdestruir":12293,"Ġperdón":12294,"usk":12295,"Ġpico":12296,"Ġconcer":12297,"Ġcomparten":12298,"Ġentera":12299,"Ġvaca":12300,"Ġinterpretar":12301,"Ġcep":12302,"ĠLabor":12303,"ĠPrimer":12304,"Ġlág":12305,"Ġcalzado":12306,"ĠSección":12307,"ĠHonduras":12308,"alim":12309,"rimos":12310,"Ġaplicable":12311,"ĠseguÃŃa":12312,"Ġpist":12313,"Ġinicios":12314,"uerte":12315,"ĠEncuentro":12316,"ĠJoaquÃŃn":12317,"Ġrecurrir":12318,"Ġmama":12319,"Ġblancas":12320,"Ġcalificación":12321,"Ġobviamente":12322,"Ġmatr":12323,"ĠFlorida":12324,"ĠEncuentra":12325,"Ġzapatillas":12326,"Ġpensamos":12327,"Ġsano":12328,"Ġempleos":12329,"Fu":12330,"ĠAtlético":12331,"arela":12332,"publ":12333,"ça":12334,"Ġconduce":12335,"bados":12336,"Ġinformaciones":12337,"ĠTerri":12338,"Ġcosm":12339,"Ġenseña":12340,"Ġhem":12341,"Ġinauguración":12342,"Ġtropas":12343,"cé":12344,"Ġposicionamiento":12345,"Ġbande":12346,"Ġsitúa":12347,"urg":12348,"ómicos":12349,"ĠhabÃŃamos":12350,"Ġelectorales":12351,"ĠTécnica":12352,"Ho":12353,"Ġmaravilla":12354,"Ġemprendedores":12355,"ĠCuar":12356,"culas":12357,"Ġbloqueo":12358,"ĠBolsa":12359,"Ġinmueble":12360,"Ġperdida":12361,"Ġ59":12362,"Ġlámp":12363,"ĠSent":12364,"stein":12365,"Ġvitamina":12366,"Ġmódulo":12367,"Ġreúne":12368,"mel":12369,"Ġsincer":12370,"Ġbronce":12371,"ĠAún":12372,"cepto":12373,"ĠdirÃŃa":12374,"Ġintes":12375,"ĠturÃŃstica":12376,"Ġnecesitaba":12377,"cionalidad":12378,"Ġestábamos":12379,"Ġsecues":12380,"Ġconvirti":12381,"ĠHola":12382,"cú":12383,"Ġubica":12384,"Ġpersonalizado":12385,"ĠcÃŃrculo":12386,"Ġcoloca":12387,"ĠSac":12388,"Ġtome":12389,"Ġsupuestos":12390,"Ġconexiones":12391,"pones":12392,"Ġsobresal":12393,".).":12394,"Ġlimitaciones":12395,"Mé":12396,"uza":12397,"Ġaula":12398,"Ġ1995":12399,"Ġrodea":12400,"ross":12401,"Ġgenerando":12402,"ĠElectrón":12403,"ĠGuerrero":12404,"Cuán":12405,"Ġconcesión":12406,"Ġsubra":12407,"Ġcrónica":12408,"ĠDeportivo":12409,"CL":12410,"Ġhubieran":12411,"Ne":12412,"Ġrup":12413,"Ġcil":12414,"Do":12415,"cript":12416,"Ġdebió":12417,"CIAS":12418,"Ġcreencias":12419,"alizan":12420,"Ġfortuna":12421,"Ġcusto":12422,"ĠPorno":12423,"Ġrasgos":12424,"érpre":12425,"Ġinevitable":12426,"Ġrelevancia":12427,"Ġambientes":12428,"Ġinstituto":12429,"Ġ58":12430,"ĠVel":12431,"Ġhallaz":12432,"tren":12433,",.":12434,"radora":12435,"ĠFigu":12436,"Ġdesarrolló":12437,"Ġmascotas":12438,"Ġ53":12439,"Ġanuncia":12440,"Ġdescribir":12441,"Ġara":12442,"Ġsemif":12443,"Ġparques":12444,"Ġobservación":12445,"ótica":12446,"ĠExteriores":12447,"Ġasent":12448,"Ġpatrones":12449,"Ġofreció":12450,"EP":12451,"ĠCompe":12452,"Ġcaballos":12453,"Ġtrage":12454,"ĠAlianza":12455,"getales":12456,"Ġnavidad":12457,"ĠSig":12458,"Ġdram":12459,"Ġevangel":12460,"osten":12461,"Ġcompa":12462,"Ġpantallas":12463,"Ġ700":12464,"estrÃŃa":12465,"Ġvera":12466,"Ġterritorial":12467,"ĠsabidurÃŃa":12468,"Ġdestacados":12469,"Ġradic":12470,"Ġconviene":12471,"ĠCha":12472,"Ġcubanos":12473,"ĠDiciembre":12474,"Ġarres":12475,"Algunos":12476,"ders":12477,"Ġprotocolo":12478,"Ġlogros":12479,"Ġgradu":12480,"ĠCort":12481,"Ġsupongo":12482,"ĠPlaya":12483,"Ġporqué":12484,"ĠAnálisis":12485,"TAL":12486,"Ġverla":12487,"Ġcometido":12488,"Ġchav":12489,"Ġprevista":12490,"Ġdoctrina":12491,"ĠCrea":12492,"Ġmix":12493,"ĠPuebla":12494,"Ġflexibilidad":12495,"Ġacabo":12496,"Ġregistró":12497,"Ġencuentras":12498,"Ġinvi":12499,"ĠquÃŃmica":12500,"ĠtÃŃo":12501,"remo":12502,"Ġpacto":12503,"ĠDia":12504,"Ġpira":12505,"Ġsolos":12506,"Ġbonitas":12507,"ĠOlÃŃmp":12508,"gualmente":12509,"mens":12510,"Ġcuarenta":12511,"ĠIz":12512,"Ġcalefacción":12513,"Ġsombras":12514,"dro":12515,"Ġsalieron":12516,"Ġbrutal":12517,"Ġsolicitado":12518,"ĠCondiciones":12519,"Ġ1990":12520,"unya":12521,"ajar":12522,"ARI":12523,"Ġacompaña":12524,"ĠPark":12525,"Ġhumanas":12526,"Ġpresentarse":12527,"omento":12528,"Ġescuchado":12529,"Ġahi":12530,"ulados":12531,"Ġcamion":12532,"vista":12533,"Ġlógico":12534,"Ġexpresamente":12535,"Ġobtención":12536,"Ġdarte":12537,"Ġaseguran":12538,"Ġempa":12539,"Ġsindicatos":12540,"jecimiento":12541,"Ġvenezolanos":12542,"Ġmadu":12543,"Ġconjunta":12544,"Ġdesin":12545,"ĠFuerza":12546,"Ġcristiana":12547,"ĠNar":12548,"ĠVasco":12549,"Ġexterno":12550,"Ġreveló":12551,"ÃŃvar":12552,"Ġculto":12553,"iblemente":12554,"ĠPort":12555,"teza":12556,"ĠRan":12557,"ĠGenerales":12558,"ARC":12559,"Ġcomplejidad":12560,"TES":12561,"ãĤ":12562,"ĠSalamanca":12563,"Ġalu":12564,"Ġprofesora":12565,"Ġbásicamente":12566,"Ġencer":12567,"ect":12568,"Ġdirectores":12569,"2007":12570,"Ġenvió":12571,"Ġitaliana":12572,"Ġrapidez":12573,"Ġsecciones":12574,"resión":12575,"cusión":12576,"ĠJac":12577,"ĠSara":12578,"ĠMarta":12579,"Ġdenomina":12580,"Ter":12581,"TP":12582,"Ġdetermina":12583,"Ġvoluntarios":12584,"tándose":12585,"Ġcreativo":12586,"alizando":12587,"amarca":12588,"Ġexperiment":12589,"mita":12590,"Ġpermitiendo":12591,"ĠVers":12592,"orado":12593,"ĠAplic":12594,"Ġsometer":12595,"Ġimpide":12596,"Ġdegust":12597,"Ġformada":12598,"Ġrespectivos":12599,"Ġequipada":12600,"Ġembal":12601,"Ġexista":12602,"PER":12603,"Ġconserva":12604,"Ġcontraste":12605,"Ġfieles":12606,"Ġensayos":12607,"App":12608,"icho":12609,"Ġreen":12610,"HA":12611,"Ġconduci":12612,"Ġsentado":12613,"ĠExp":12614,"ache":12615,"Ġpersi":12616,"Ġremedio":12617,"Ġconquist":12618,"Ġincertidumbre":12619,"ueven":12620,"Encuent":12621,"ĠturÃŃsticos":12622,"Ġocultar":12623,"EB":12624,"vieran":12625,"Ġcerró":12626,"Ġcamisetas":12627,"Ġarrep":12628,"ĠDisfru":12629,"Ġplenamente":12630,"ueba":12631,"Dentro":12632,"Ġaborto":12633,"Ġcrees":12634,"ĠNúmero":12635,"Ġinflam":12636,"Ġstan":12637,"Ġconsejero":12638,"Ġsecundarios":12639,"ĠMedina":12640,"Ġevita":12641,"ĠarmonÃŃa":12642,"umas":12643,"Ġcontaba":12644,"Ġcódigos":12645,"ĠConstitucional":12646,"andra":12647,"Ġinac":12648,"Ġconductores":12649,"ĠCanaria":12650,"Ġcubana":12651,"Ġvolante":12652,"yac":12653,"tiza":12654,"Ġdiscutir":12655,"Ġintervenciones":12656,"Ġreflexionar":12657,"ĠincreÃŃbles":12658,"vic":12659,"Ġiniciado":12660,"Ġpersonalizada":12661,"ĠModer":12662,"kers":12663,"eval":12664,"ordi":12665,"Ġcruzar":12666,"Ġhábil":12667,"igar":12668,"ĠTour":12669,"ĠExtremadura":12670,"Cuál":12671,"pada":12672,"Ġparezca":12673,"Ġreconocidos":12674,"Ġfuturas":12675,"ĠLÃŃnea":12676,"Ġais":12677,"Ġdecidieron":12678,"ámites":12679,"Ġdesaparecer":12680,"Ġentrevist":12681,"Ġargument":12682,"Ġjaponés":12683,"ĠDisney":12684,"Ġsustancia":12685,"Ġfirmar":12686,"Ġ09":12687,"ĠCC":12688,"Ġcron":12689,"ĠilÃŃ":12690,"Ġbola":12691,"Ġpatria":12692,"Ġfundamentalmente":12693,"ĠCV":12694,"Ġnegras":12695,"ĠOpen":12696,"Ġconservar":12697,"Ġsoledad":12698,"uevo":12699,"Ġinterfaz":12700,"ándolos":12701,"itante":12702,"Ġestablecidas":12703,"Ġentregó":12704,"ĠTransporte":12705,"core":12706,"ĠEle":12707,"CIAL":12708,"Ġconectado":12709,"ĠSco":12710,"Ġsanción":12711,"Ġencuestas":12712,"ĠRoc":12713,"cing":12714,"Juan":12715,"Ġestés":12716,"Ġdifundir":12717,"Ġprocede":12718,"ku":12719,"Ġarreglar":12720,"Ġqueb":12721,"Ġficha":12722,"Ġdol":12723,"ĠMuñoz":12724,"Ven":12725,"ĠUSA":12726,"tto":12727,"Ġpreferencias":12728,"ĠCuerpo":12729,"ĠLucas":12730,"Ġurgencia":12731,"Ġtransformar":12732,"Ġautent":12733,"Ġconfirma":12734,"ĠAnim":12735,"Ġtrámites":12736,"Ġsolucion":12737,"ĠSiria":12738,"ĠCaja":12739,"ieras":12740,"Ġhagas":12741,"Ġtristeza":12742,"ĠenvÃŃa":12743,"Ġov":12744,"Ġirse":12745,"Ġbanca":12746,"loj":12747,"ĠAcuerdo":12748,"ĠGrado":12749,"fónica":12750,"ĠRamos":12751,"Ġnegar":12752,"jemp":12753,"Ġchoque":12754,"Ġperdiendo":12755,"Ġconstitución":12756,"enio":12757,"ĠEdad":12758,"ĠAquel":12759,"alición":12760,"Ġextremos":12761,"ĠSerá":12762,"tillos":12763,"jalá":12764,"Ġnumero":12765,"rerÃŃa":12766,"Ġunidos":12767,"Ġtetas":12768,"Ġencontraban":12769,"Ġsatél":12770,"Ġrelativo":12771,"ĠDiputados":12772,"ĠGeorge":12773,"Ġvein":12774,"ĠDeporte":12775,"ĠRural":12776,"ĠTOD":12777,"Ġacompañada":12778,"pecial":12779,"Ġexternos":12780,"Ġayuntamiento":12781,"ĠAmbos":12782,"ika":12783,"Ġefectuar":12784,"ĠEstatu":12785,"Ġincluidas":12786,"Ġmigra":12787,"Ġsemejante":12788,"Ġadecuadas":12789,"Ġcomprado":12790,"Ġfortaleza":12791,"ĠAde":12792,"ĠTeresa":12793,"Ġsuelos":12794,"ENA":12795,"Ġespectaculares":12796,"ĠWe":12797,"Ġclasific":12798,"Ġexámenes":12799,"Ġrecip":12800,"rás":12801,"Puedes":12802,"Ġtablas":12803,"Ġbil":12804,"Ġpilotos":12805,"Ġdiseñada":12806,"Ġuniforme":12807,"Ġpreca":12808,"ĠDentro":12809,"Ġdesempleo":12810,"Ġguardia":12811,"ĠmarÃŃ":12812,"Ġhabiendo":12813,"Ġcorresponden":12814,"Ġinsec":12815,"ĠVideo":12816,"ionista":12817,"Ġverificar":12818,"Ġadopción":12819,"Ġpotenciales":12820,"Ġmecánica":12821,"Ġdobl":12822,"Ġvenga":12823,"Ġnervios":12824,"ĠDVD":12825,"Ġqueridos":12826,"Ġmostrando":12827,"Ġvegetales":12828,"Ġ1993":12829,"Ġsolicita":12830,"uelto":12831,"Ġpresta":12832,"mplemente":12833,"Ġaviones":12834,"Ġredacción":12835,"Ġextraordinario":12836,"Ġjab":12837,"Ġdeportistas":12838,"sey":12839,"gol":12840,"Ġsustent":12841,"caden":12842,"Ġsillas":12843,"ĠFOR":12844,"ĠParece":12845,"Ġcierra":12846,"Ġira":12847,"Ġrelojes":12848,"Ġproceder":12849,"ĠMach":12850,"Ġhuesos":12851,"Ġinvis":12852,"ĠPacÃŃfico":12853,"Ġisrael":12854,"Ġdisfrutando":12855,"Ġpropuesto":12856,"Ġcerrada":12857,"Ġreservar":12858,"ĠjudÃŃos":12859,"ĠHijo":12860,"ĠSuiza":12861,"Ġoliva":12862,"Ġcomedia":12863,"elli":12864,"illera":12865,"Ġcomunicar":12866,"vecha":12867,"Ġterapéut":12868,"Ġlimita":12869,"Ġhigiene":12870,"unidad":12871,"EF":12872,"ĠBale":12873,"ush":12874,"ĠIra":12875,"Ġempezaron":12876,"Ġcomprende":12877,"video":12878,"Ġantigüedad":12879,"rich":12880,"venta":12881,"usal":12882,"ĠEstudio":12883,"Ġexteriores":12884,"Ġfidel":12885,"Ġabar":12886,"Ġactitudes":12887,"82":12888,"Ġuñas":12889,"Ġdetección":12890,"Ġfantástico":12891,"Ġvariar":12892,"zi":12893,"Ġuniversitaria":12894,"produc":12895,"Ġaparentemente":12896,"Ġaco":12897,"áut":12898,"Ġdinam":12899,"Ġ(âĢľ":12900,"Ġquita":12901,"irchner":12902,"ĠMaria":12903,"Ġfuga":12904,"________":12905,"Ġhallar":12906,"ions":12907,"Ġber":12908,"ĠpÃŃ":12909,"Ġaverigu":12910,"Ġnuclear":12911,"ĠUs":12912,"Ġmur":12913,"Ġfoc":12914,"desde":12915,"Recuer":12916,"gú":12917,"Ġintenciones":12918,"Ġinvent":12919,"Ġexportaciones":12920,"ĠClaro":12921,"restre":12922,"Ġesqu":12923,"Ġdecirle":12924,"Ġrazonable":12925,"ĠGén":12926,"Ġfeder":12927,"Inter":12928,"Ġaccesible":12929,"Ġunido":12930,"Ġmasculino":12931,"ĠHombres":12932,"],":12933,"Ġcostado":12934,"Ġtenis":12935,"ĠIngenier":12936,"Ġseca":12937,"Ġcentra":12938,"Ġrivales":12939,"pers":12940,"Ġdolores":12941,"Ġoperar":12942,"ĠSum":12943,"Ġcogn":12944,"Ġatravi":12945,"Ġgrabado":12946,"Ġdecorar":12947,"Madrid":12948,"ast":12949,"Ġperdon":12950,"oni":12951,"Ġcoj":12952,"Ġinvestiga":12953,"Ġsignificativo":12954,"ĠAnal":12955,"Ġfavorecer":12956,"Ġgole":12957,"Ġitiner":12958,"Ġconcepción":12959,"Ġramas":12960,"Ġmeteor":12961,"Ġanfitri":12962,"Ġflexible":12963,"iko":12964,"ĠcaÃŃdo":12965,"éndole":12966,"Ġlap":12967,"72":12968,"ĠInnovación":12969,"Ġrecibirá":12970,"Ġúnicas":12971,"Ġextender":12972,"Ġ900":12973,"Ġclaros":12974,"lywood":12975,"querÃŃa":12976,"Ġlocura":12977,"ĠSanidad":12978,"omen":12979,"Ġmapas":12980,"Ġtraspas":12981,"ĠPeter":12982,"Ġxxx":12983,"Ġeuropeas":12984,"Ġdata":12985,"Ġbanc":12986,"mann":12987,"eñas":12988,"Ġsube":12989,"Ġcriminal":12990,"Ġincidente":12991,"Ġcopias":12992,"VO":12993,"ĠMark":12994,"Ġenergético":12995,"Ġneur":12996,"Ġparto":12997,"Ġjajaja":12998,"tabria":12999,"ocen":13000,"Ġodi":13001,"Ġconcretamente":13002,"éctor":13003,"Ġapel":13004,"Ġmail":13005,"Ġconcluir":13006,"Ġsofist":13007,"Ġconcreta":13008,"intendo":13009,"ĠMarzo":13010,"Ġhermanas":13011,"Ġdecirlo":13012,"Ġroca":13013,"Ġoch":13014,"ĠBomb":13015,"Ġintentó":13016,"ĠLim":13017,"ĠIntegr":13018,"ĠSuárez":13019,"Ġcláus":13020,"Ġplay":13021,"Quieres":13022,"Ġpotenciar":13023,"Ġreseña":13024,"miten":13025,"Ġentusiasmo":13026,"Ġmejorando":13027,"ĠRoja":13028,"Ġcompl":13029,"81":13030,"Ġnariz":13031,"ĠHabÃŃa":13032,"ĠVeracruz":13033,"Ġentregado":13034,"Ġeditor":13035,"stal":13036,"Ġdenominada":13037,"Ġcertamen":13038,"ases":13039,"ayo":13040,"ĠHerrera":13041,"iciar":13042,"tit":13043,"54":13044,"ĠfantasÃŃa":13045,"dre":13046,"contra":13047,"Ġcorrientes":13048,"Ġrecomendación":13049,"grafos":13050,"Ġalturas":13051,"Ġteclado":13052,"Ġang":13053,"Ġcocinar":13054,"ĠMár":13055,"ĠComercial":13056,"Ġproporción":13057,"Her":13058,"Ġverás":13059,"ĠEditorial":13060,"ĠForma":13061,"Ġafición":13062,"tariado":13063,"Ġ69":13064,"Ġ66":13065,"osidad":13066,"Ġresultan":13067,"Ġsupervis":13068,"ĠPost":13069,"abuena":13070,"ament":13071,"Ġrequerimientos":13072,"Ġpsi":13073,"Ġfavorable":13074,"Ġgolf":13075,"iéndo":13076,"Ġtirar":13077,"ĠdecidÃŃ":13078,"Ġsumamente":13079,"Ġpoemas":13080,"Ġrespir":13081,"ĠRepres":13082,"tez":13083,"Ġfalso":13084,"tamentos":13085,"Ġdesplie":13086,"iete":13087,"utado":13088,"Muchos":13089,"Ġbloques":13090,"Ġanaliza":13091,"ĠPersonas":13092,"recha":13093,"xis":13094,"Ġ°":13095,"@@@@@@@@":13096,"ĠNike":13097,"ĠRojo":13098,"Ġvimos":13099,"ĠmÃŃnimos":13100,"Ġcompetente":13101,"Ġtatu":13102,"Ġgases":13103,"Ġnoble":13104,"ĠRioja":13105,"ÃŃgeno":13106,"PP":13107,"lara":13108,"ĠBill":13109,"táneamente":13110,"ĠIslas":13111,"Ġcodi":13112,"Ġfiltro":13113,"Ġdefinitivo":13114,"Buenas":13115,"Ġcardio":13116,"ĠIntroducción":13117,"%),":13118,"Ġaumentando":13119,"Ġgoma":13120,"Ġcultivos":13121,"ĠMora":13122,"ciende":13123,"Ġprocur":13124,"Ġsuman":13125,"Ġpuertos":13126,"Ġcircunstancia":13127,"ĠoÃŃr":13128,"Ġtún":13129,"inoso":13130,"Ġdroga":13131,"Ġbatal":13132,"Ġpreval":13133,"ĠorÃŃgenes":13134,"ĠProces":13135,"Ġatractivos":13136,"ĠAvenida":13137,"Ġsegmento":13138,"²":13139,"Ġrestaurar":13140,"Ġpantalones":13141,"SC":13142,"Ġimperial":13143,"Ġépocas":13144,"ganda":13145,"quera":13146,"Ġpoema":13147,"politana":13148,"Ġfachada":13149,"ĠGonzalo":13150,"Vamos":13151,"ĠRela":13152,"Ġperiodismo":13153,"Ġsabores":13154,"Ġgui":13155,"DUC":13156,"izador":13157,"Ġmega":13158,"Ġfallecido":13159,"Ġneuro":13160,"Ġcancelación":13161,"Ġreunir":13162,"parse":13163,"itch":13164,"Ġconstantes":13165,"Ġoscura":13166,"Ġbodas":13167,"Ġpermanece":13168,"Ġpeces":13169,"ĠValent":13170,"ilado":13171,"83":13172,"ĠNombre":13173,"ĠBaja":13174,"Ġmaestra":13175,"ĠAtlán":13176,"vena":13177,"Ġtamaños":13178,"Ġcarpeta":13179,"Ġfraude":13180,"Ġapoya":13181,"Ġgriego":13182,"dul":13183,"Serv":13184,"Ġplac":13185,"Ġnutrientes":13186,"Ġgala":13187,"Ġfijar":13188,"Ġdecimos":13189,"Ġhiciera":13190,"INE":13191,"ĠBerlÃŃn":13192,"Ġdesvi":13193,"Ġextracción":13194,"Ġembarazada":13195,"Ġvergüenza":13196,"ĠRodrigo":13197,"Ġguión":13198,"Ġpolla":13199,"ĠKing":13200,"Ġencam":13201,"Ġhech":13202,"ĠCI":13203,"itz":13204,"gase":13205,"Ġjusta":13206,"Ġsoportar":13207,"icto":13208,"Tiene":13209,"Fel":13210,"Ġmigrantes":13211,"ĠMallorca":13212,"ĠGlobal":13213,"ĠCentros":13214,"ONA":13215,"52":13216,"Ġ1992":13217,"Ġtalentos":13218,"iense":13219,"Ġformando":13220,"ĠIVA":13221,"Ġmide":13222,"Ġmagnitud":13223,"ingos":13224,"Pon":13225,"Ġconsola":13226,"ĠFol":13227,"Ġsustitución":13228,"Ġaprovechando":13229,"Ġelevada":13230,"luten":13231,"ñones":13232,"ĠQuiero":13233,"ĠGor":13234,"74":13235,"ocimiento":13236,"Ġretor":13237,"Ġsupervivencia":13238,"Ġhombros":13239,"Ġsacerdote":13240,"Ġconlleva":13241,"kia":13242,"Ġvolverá":13243,"Ġrefugio":13244,"ĠMens":13245,"hacer":13246,"Ġsanitario":13247,"Ġarbi":13248,"MC":13249,"Ġbox":13250,"Ġreporte":13251,"Ġconvencional":13252,"Ġcorrup":13253,"Ġfarmacéut":13254,"Ġnor":13255,"Ġministra":13256,"unos":13257,"Ġhipótesis":13258,"Ġhablaba":13259,"Ġplus":13260,"Ġconmem":13261,"ĠAlfredo":13262,"ĠCenter":13263,"Ġimpu":13264,"Ġdecep":13265,"Ġmensaj":13266,"Ġtrabajamos":13267,"Ġdensidad":13268,"Ġhamb":13269,"Ġalb":13270,"Ġreparar":13271,"Ġcomparar":13272,"Ġcón":13273,"ĠIndi":13274,"Ġacadémicos":13275,"ĠFra":13276,"Ġcontemplar":13277,"Ġutilizadas":13278,"Ġvolar":13279,"ĠAU":13280,"Ġpudimos":13281,"Ġcompetitividad":13282,"ĠVillar":13283,"Ġdeterioro":13284,"Ġsustituir":13285,"Ġmobil":13286,"ĠTomás":13287,"uevas":13288,"Ġmuertes":13289,"ĠPER":13290,"urado":13291,"Ġmediano":13292,"Ġbrasileño":13293,"Ġchileno":13294,"Ġlimón":13295,"iebre":13296,"Ġfalleció":13297,"tibles":13298,"Ġdedicación":13299,"Ġsanitaria":13300,"Ġempezando":13301,"Ġincumplimiento":13302,"Ġherencia":13303,"ĠMargar":13304,"Ġsepara":13305,"áser":13306,"Ġfina":13307,"ĠExtra":13308,"ĠHy":13309,"ĠCaball":13310,"Ġpinturas":13311,"Ġdebidamente":13312,"naval":13313,"Ġinfecciones":13314,"Ġempezado":13315,"Ġdarán":13316,"Ġnubes":13317,"Ġdiámetro":13318,"Ġconcil":13319,"Ġfenómenos":13320,"Ġexplicaciones":13321,"Ġnatal":13322,"Ġmensuales":13323,"ĠADN":13324,"junto":13325,"Ġmonte":13326,"Ġdesaparecido":13327,"LC":13328,"Ġmolinos":13329,"ĠCateg":13330,"ĠObras":13331,"Ġmatemáticas":13332,"Ġsurgió":13333,"Ġdemo":13334,"Ġcomplementos":13335,"ĠÂĵ":13336,"600":13337,"Ġelectr":13338,"Ġbotones":13339,"Ġperegr":13340,"ilados":13341,"ĠCatalunya":13342,"dario":13343,"ĠGalax":13344,"Ġafirmar":13345,"Plan":13346,"gob":13347,"ĠPay":13348,"Ġabandono":13349,"ĠONG":13350,"éndolo":13351,"Ġplacas":13352,"Ġmodifica":13353,"Ġsobretodo":13354,"paración":13355,"Ġasientos":13356,"Ġsanto":13357,"Solo":13358,"Ġencargada":13359,"Ġhabitualmente":13360,"ĠDIS":13361,"Ġespada":13362,"Ġobligados":13363,"Ġsolitario":13364,"Ġpav":13365,"cuando":13366,"Foto":13367,"átil":13368,"Ġabundante":13369,"Ġinterv":13370,"Ġparal":13371,"ĠVargas":13372,"Ġhero":13373,"Ġmarcó":13374,"Ġinicialmente":13375,"Ġdisponen":13376,"Ġsubió":13377,"mith":13378,"Ġentendido":13379,"Ġampliamente":13380,"ĠPilar":13381,"Ġadministrador":13382,"iemb":13383,"Ġaportan":13384,"Ġgem":13385,"Ġjugó":13386,"Ġidentificado":13387,"key":13388,"Ġdesastre":13389,"Ġcoordinador":13390,"ĠRoy":13391,"Ġretiro":13392,"Ġobstáculos":13393,"Ġsofá":13394,"Ġhidro":13395,"Ġpapá":13396,"ĠElena":13397,"ĠHaz":13398,"Ġcercanas":13399,"vá":13400,"Ġencuentren":13401,"Ġcomenzará":13402,"Ġsaludables":13403,"ĠPlus":13404,"ĠINTER":13405,"Ġinmuebles":13406,"ĠTotal":13407,"Ġmención":13408,"Ġlenguas":13409,"Ġreligioso":13410,"claje":13411,"Ġintermedi":13412,"ométr":13413,"ĠCOR":13414,"Ġevitando":13415,"cientos":13416,"tag":13417,"back":13418,"Ġbasados":13419,"ĠPatr":13420,"Ġ360":13421,"inares":13422,"Ġprimas":13423,"Ġindustrias":13424,"2009":13425,"Ġcandidatura":13426,"Ġllenar":13427,"Ġgustaba":13428,"Ġsumerg":13429,"ĠGEN":13430,"ĠIncluye":13431,"Ġadaptarse":13432,"ruecos":13433,"Ġlingü":13434,"acos":13435,"Ġsiglas":13436,"Ġcompleja":13437,"Ġfotograf":13438,"ĠNadie":13439,"Ġtard":13440,"Ġpierdas":13441,"Ġejemplar":13442,"illado":13443,"Ġpromesa":13444,"lamos":13445,"Ġrara":13446,"ĠcrÃŃticos":13447,"Ġarmado":13448,"ĠExisten":13449,"53":13450,"landia":13451,"Ġtuyo":13452,"ĠBoca":13453,"Ġbello":13454,"ĠEquipo":13455,"73":13456,"fr":13457,"Ġchu":13458,"Ġacercarse":13459,"ĠIden":13460,"Ġcanto":13461,"ĠCamino":13462,"Ġpredomin":13463,"Ġuniversitario":13464,"Ġquirúrg":13465,"Ġanunciar":13466,"Ġrecicl":13467,"ĠID":13468,"rudencia":13469,"Ġdirectos":13470,"Ġlentamente":13471,"Ġoperativos":13472,"Ġnombrado":13473,"ampl":13474,"Ġexcusa":13475,"Ġexportación":13476,"Ciudad":13477,"Ġcorona":13478,"Ġreglamento":13479,"Neces":13480,"Ġnegativos":13481,"Ġgab":13482,"Ġllego":13483,"Ġranking":13484,"uega":13485,"éndez":13486,"ĠFuerzas":13487,"Ġfilas":13488,"OG":13489,"Ġproblemática":13490,"Ġexager":13491,"Ġapuestas":13492,"Ġcore":13493,"ebra":13494,"Ġpeores":13495,"Ġllamo":13496,"ĠCocina":13497,"ĠAten":13498,"ĠSw":13499,"Ġpp":13500,"Ġlema":13501,"Ġsemb":13502,"Ġenfermos":13503,"Ġmanchas":13504,"ĠSilva":13505,"Ġrealizamos":13506,"buses":13507,"trados":13508,"Ġinalámb":13509,"Ġimagenes":13510,"ĠSEO":13511,"Ġsoñ":13512,"Ġfusión":13513,"Ġtribunales":13514,"Ġalumnado":13515,"Ġseñores":13516,"Ġsexy":13517,"Ġperteneciente":13518,"Ġtecnológicos":13519,"ĠXVIII":13520,"Ġcontento":13521,"Ġgastar":13522,"Ġrestring":13523,"clas":13524,"sec":13525,"ĠJal":13526,"Ġpasará":13527,"Ġintérpre":13528,"atÃŃa":13529,"Ġrodeado":13530,"ĠNieto":13531,"51":13532,"Ġhumo":13533,"úmenes":13534,"ĠPala":13535,"cionista":13536,"ĠOrgánica":13537,"rául":13538,"ĠConf":13539,"Ġtuber":13540,"Ġespacial":13541,"Pla":13542,"Ġdefinido":13543,"Ġsaca":13544,"lom":13545,"ĠFá":13546,"Ġacaban":13547,"Ġlocalización":13548,"ép":13549,"Ġcongreso":13550,"arones":13551,"Ġremun":13552,"Ġsacó":13553,"ĠJuventud":13554,"ĠCartagena":13555,"ĠFecha":13556,"ĠGuad":13557,"Ġoperador":13558,"acen":13559,"ikipe":13560,"Ġgramos":13561,"gráficas":13562,"Ġcolombiana":13563,"Ġtira":13564,"Ġdiarias":13565,"Ġpensión":13566,"ĠEvangel":13567,"ĠJean":13568,"Ġfuncionalidad":13569,"Ġadvirtió":13570,"Ġconoció":13571,"Ġestóma":13572,"Ġeléctricas":13573,"Ġperspectivas":13574,"ĠBru":13575,"Ġaceites":13576,"Ġida":13577,"Ġganando":13578,"bita":13579,"Ġ68":13580,"ĠÃģlvaro":13581,"Ġpregunto":13582,"Ġperiódicos":13583,"Ġintegrar":13584,"ĠISO":13585,"Ġelectrodom":13586,"http":13587,"ĠBolÃŃvar":13588,"Ġcad":13589,"Ġcomponen":13590,"Ġacaso":13591,"Ġafectada":13592,"Ġprovocó":13593,"Ġintentado":13594,"cilla":13595,"Ġfaltan":13596,"Ġchi":13597,"ĠTrabajadores":13598,"ĠpartÃŃculas":13599,"Ġcompromete":13600,"ĠAsuntos":13601,"Ġlegado":13602,"ĠSS":13603,"Ġconstancia":13604,"ĠcrÃŃmenes":13605,"Ġconsiderando":13606,"Ġservido":13607,"Ġsubje":13608,"Ġdirectiva":13609,"Ġdeudas":13610,"Ġlágrimas":13611,"Ġbacterias":13612,"ĠEstán":13613,"ĠPrimaria":13614,"eis":13615,"jados":13616,"ĠRuta":13617,"ĠGri":13618,"Ġbancaria":13619,"Ġfinca":13620,"aming":13621,"Incl":13622,"az":13623,"Ġprovocado":13624,"Ġarranque":13625,"ĠMunicipio":13626,"ĠMarcelo":13627,"quicia":13628,"istros":13629,"Ġrusa":13630,"Ġjefes":13631,"istán":13632,"xima":13633,"amba":13634,"???":13635,"Ġmanipulación":13636,"Ġdren":13637,"Ġarquitectón":13638,"ivar":13639,"fasis":13640,"Cabe":13641,"ándoles":13642,"Ġsabiendo":13643,"Ġsuperado":13644,"ĠInstal":13645,"Ġsorpresas":13646,"diera":13647,"Ġcables":13648,"Esc":13649,"Ġpidiendo":13650,"ĠQuizás":13651,"ándote":13652,"GE":13653,"ĠDebido":13654,"ázar":13655,"Ġcondenado":13656,"Ġinferiores":13657,"Ġbotas":13658,"Ġpierna":13659,"dula":13660,"Ġespectador":13661,"ĠChan":13662,"58":13663,"ĠagrÃŃcola":13664,"Ġautorizado":13665,"ĠReserva":13666,"Ġrepresión":13667,"Ġfacultad":13668,"uenca":13669,"Ġextiende":13670,"Ġremi":13671,"Ġestaremos":13672,"Ġcabec":13673,"Ġtron":13674,"ĠMedel":13675,"Ġconfiar":13676,"Ġsanta":13677,"Ġpresion":13678,"ĠÃļl":13679,"Ġsep":13680,"Ġjustific":13681,"Ġobs":13682,"ĠConsultado":13683,"Ġsaliendo":13684,"Ġadministrar":13685,"Ġsuperficies":13686,"Ġhistori":13687,"Ġalegre":13688,"br":13689,"Ġcomplicaciones":13690,"gante":13691,"ĠAce":13692,"Ġdiariamente":13693,"chado":13694,"Ġstock":13695,"Ġpagan":13696,"CIONAL":13697,"yentes":13698,"Ġmódulos":13699,"Ġexpuesto":13700,"Ġaparcamiento":13701,"Ġtib":13702,"Ġdioses":13703,"Ġcolegas":13704,"Ġmúsico":13705,"ridas":13706,"Ġmodernas":13707,"Ġsacrificio":13708,"tenimiento":13709,"Ġbritánica":13710,"Ġvitaminas":13711,"ĠRel":13712,"63":13713,"Ġcomité":13714,"Ġine":13715,"ĠOtras":13716,"Ġprohibido":13717,"Ġenfa":13718,"Ġpatas":13719,"Ġdemocrática":13720,"Ġtrib":13721,"ĠGeo":13722,"Ġnervioso":13723,"PF":13724,"71":13725,"ĠOR":13726,"allas":13727,"ek":13728,"Ġajustes":13729,"Ġcebolla":13730,"Ġimprovis":13731,"ĠRena":13732,"Ġdirigidos":13733,"ĠRA":13734,"Ġchor":13735,"Ġhermosas":13736,"Ġimplantación":13737,"ĠPsicologÃŃa":13738,"Ġnecesite":13739,"Ġpondrá":13740,"Ġsuponer":13741,"Ġemig":13742,"ĠIglesias":13743,"Ġlucro":13744,"opol":13745,"ikipedia":13746,"ĠTRA":13747,"Ġdiagnostic":13748,"Ġconsidero":13749,"ĠTru":13750,"Ġcerteza":13751,"Ġdarles":13752,"ĠmaÃŃz":13753,"ĠValenciana":13754,"ĠestÃŃm":13755,"Ġbuscamos":13756,"ĠSuc":13757,"ath":13758,"Ġactualizaciones":13759,"tigu":13760,"Ġvictorias":13761,"Ġhueco":13762,"ĠJosep":13763,"ĠdiscÃŃp":13764,"Ġagrega":13765,"Reci":13766,"anta":13767,"Ġsalvaje":13768,"Ġagricul":13769,"tades":13770,"ĠCompañÃŃa":13771,"ĠAgustÃŃn":13772,"ximo":13773,"Ġproviene":13774,"Ġdelegado":13775,"ĠRog":13776,"Ġseno":13777,"ote":13778,"ĠFÃŃsica":13779,"itim":13780,"Ġrestricciones":13781,"ĠmediodÃŃa":13782,"tona":13783,"><":13784,"Ġén":13785,"ĠcalorÃŃas":13786,"Ġcompone":13787,"Ġadecuadamente":13788,"Ġactivar":13789,"ĠleÃŃ":13790,"Ġexponer":13791,"Ġpalacio":13792,"Ġmotoci":13793,"Ġespecific":13794,"Ġcómp":13795,"tiemp":13796,"ĠiOS":13797,".),":13798,"Ġvean":13799,"Ġobede":13800,"Ġcompletos":13801,"ĠAgosto":13802,"ĠSeñora":13803,"lego":13804,"baciones":13805,"ĠQuin":13806,"Ġoptimizar":13807,"Ġregistrados":13808,"Ġsaldo":13809,"Ġespectáculos":13810,"ĠStreet":13811,"ĠOfre":13812,"ĠVent":13813,"MIN":13814,"Nosotros":13815,"Ġmostramos":13816,"Ġsenador":13817,"Ġtóx":13818,"Ġmágico":13819,"Ġterremo":13820,"Ġseleccionados":13821,"Ġfresca":13822,"Ġlaterales":13823,"Ġsaludos":13824,"Ġfalla":13825,"ĠLec":13826,"Ġreligiosas":13827,"Sol":13828,"Ġtragedia":13829,"Ġproclam":13830,"Ġbalcón":13831,"Ġbonos":13832,"Ġsobr":13833,"ĠEnero":13834,"Ġascen":13835,"edades":13836,"ĠCoruña":13837,"Ġjuegan":13838,"Ġfestiv":13839,"Ġllorar":13840,"Ġazo":13841,"ĠHéctor":13842,"ĠIndependi":13843,"jamos":13844,"Ġdirigió":13845,"ĠSerie":13846,"Ġloca":13847,"itcoin":13848,"gración":13849,"queta":13850,"Ġtranscurso":13851,"Ġcoño":13852,"Ġduros":13853,"ĠSAL":13854,"Ġpedi":13855,"Ġcontinuamente":13856,"mall":13857,"ónicos":13858,"Ġmedioamb":13859,"Ġhablo":13860,"ĠpsicologÃŃa":13861,"real":13862,"Ġmodal":13863,"ĠPok":13864,"Ġguerras":13865,"Ġcanta":13866,"emento":13867,"Ġdespo":13868,"Ġcubierto":13869,"Ġinsta":13870,"itoria":13871,"tage":13872,"Ġacoger":13873,"ĠSOL":13874,"Ġprotestas":13875,"Ġpolar":13876,"Ġaur":13877,"Ġcasualidad":13878,"Ġcintura":13879,"hara":13880,"Ġproductivo":13881,"Ġapartamentos":13882,"Nota":13883,"Ġolvido":13884,"ecieron":13885,"Ġnacionalidad":13886,"ĠHom":13887,"Ġdesee":13888,"Ġcurva":13889,"Ġdebil":13890,"Ġcreativa":13891,"Ġaprende":13892,"Ġadher":13893,"Ġbarcos":13894,"ĠHun":13895,"Ġcausado":13896,"Ġrincón":13897,"Ġcorredores":13898,"ĠHuelva":13899,"Ġicono":13900,"ĠCasas":13901,"Ġconsiguiente":13902,"ficios":13903,"ĠInforme":13904,"Ġgros":13905,"ĠBarrio":13906,"ĠEc":13907,"ĠEdición":13908,"Ġmural":13909,"Ġcement":13910,"62":13911,"Ġsanitarios":13912,"ĠFederico":13913,"licos":13914,"Ġllevarse":13915,"Ġcamión":13916,"Ġfalsa":13917,"ulsión":13918,"ally":13919,"Ġenseñanzas":13920,"Ġextensa":13921,"eban":13922,"Ġdejes":13923,"Ġobligatorio":13924,"Ġpales":13925,"2008":13926,"ĠCarolina":13927,"Ġcamiones":13928,"set":13929,"Ġtrem":13930,"Ġanima":13931,"ĠIrán":13932,"Ġconversión":13933,"ĠtÃŃpica":13934,"limp":13935,"Ġadquirido":13936,"ĠMexicana":13937,"Ġrumores":13938,"Ġpreparando":13939,"ĠAeropuerto":13940,"Ġconfor":13941,"Ġetiquetas":13942,"illerato":13943,"ĠguÃŃas":13944,"Ġsuici":13945,"âĢ¦âĢĿ":13946,"Ġtormenta":13947,"Ġprocedente":13948,"Ġaliados":13949,"Ġcapitales":13950,"Ġliv":13951,"ĠSky":13952,"Ġrepara":13953,"Ġindign":13954,"Ġpato":13955,"Ġvariedades":13956,"lix":13957,"PL":13958,"estima":13959,"Ġemer":13960,"Ġdilig":13961,"Ġreflejo":13962,"horabuena":13963,"ĠBurgos":13964,"Ġinfraestructuras":13965,"titutas":13966,"Ġ(...)":13967,"Ġhones":13968,"Ġtemprana":13969,"Ġbolso":13970,"ÃŃticos":13971,"Ġazar":13972,"Ġreferentes":13973,"Ġmito":13974,"Ġexperimentado":13975,"Ġpeat":13976,"Ġsostenibilidad":13977,"Ġreligiosos":13978,"Ġpertenecientes":13979,"Ġterroristas":13980,"ĠChamp":13981,"ĠEspeci":13982,"Ġresum":13983,"citas":13984,"Ġirri":13985,"ĠPunta":13986,"Ġpastor":13987,"Ġcruel":13988,"enciar":13989,"PRO":13990,"Ag":13991,"Ġcarbón":13992,"Ġestómago":13993,"Ġcintur":13994,"Ġpack":13995,"Ġorto":13996,"rs":13997,"itarse":13998,"fra":13999,"Ġsemanal":14000,"ĠPrin":14001,"hasta":14002,"Ġentran":14003,"TICA":14004,"Ġtip":14005,"Ġadvierte":14006,"л":14007,"Ġrequisito":14008,"Ġdeclarar":14009,"Ġarmario":14010,"ä":14011,"Ġcargas":14012,"Ġdeseado":14013,"Ġinoxid":14014,"Ġestratégica":14015,"Ġrama":14016,"Ġespu":14017,"Ġpresos":14018,"Ġdisponemos":14019,"Ġcolocación":14020,"Ġconcej":14021,"Ġintegran":14022,"Ġpdf":14023,"esis":14024,"Ġacogedor":14025,"Ġproporcionan":14026,"Comp":14027,"ĠRib":14028,"rmac":14029,"Ġcumbre":14030,"ĠFC":14031,"Ġtrucos":14032,"quillo":14033,"cribir":14034,"Ġtercio":14035,"tuar":14036,"Ġrefuer":14037,"fri":14038,"Ġuruguay":14039,"Ġiglesias":14040,"uden":14041,"ĠSé":14042,"Ġultimo":14043,"Ġabuelo":14044,"Ġsostener":14045,"ĠSegura":14046,"Cer":14047,"Ġinvitamos":14048,"Ġpoderosa":14049,"Ġestableció":14050,"Ġfutura":14051,"écdo":14052,"Ġsalva":14053,"Ġ62":14054,"Ġdiseñador":14055,"gráficos":14056,"ĠCAM":14057,"medios":14058,"ĠHos":14059,"Ġcomunicarse":14060,"Ġcamina":14061,"Ġimpec":14062,"tch":14063,"ĠRies":14064,"Ġron":14065,"álogo":14066,"Ġpega":14067,"Ġpido":14068,"ĠBau":14069,"cipación":14070,"ĠSun":14071,"Ġtelefónica":14072,"Ġlogrando":14073,"mosa":14074,"emen":14075,"ĠUniversal":14076,"61":14077,"Ġ2020":14078,"Ġlesion":14079,"Ġdeseen":14080,"Ġordenadores":14081,"ville":14082,"Ġatracción":14083,"burgo":14084,"Ġcertificados":14085,"Ġsignificativa":14086,"anca":14087,"ĠAmar":14088,"Ġhumilde":14089,"Ġsorprende":14090,"Ese":14091,"Ġexplosión":14092,"Ġpez":14093,"Ġintentos":14094,"Ġdestina":14095,"Ġarterial":14096,"Ġboc":14097,"ĠCora":14098,"Ġprosper":14099,"Ġdisciplinas":14100,"Ġalfomb":14101,"Ġfoco":14102,"Ġjugado":14103,"Ġporte":14104,"Ġprotege":14105,"Ġcén":14106,"tanos":14107,"acete":14108,"ĠFinal":14109,"Ġproponer":14110,"ionero":14111,"Ġcomercios":14112,"ĠKim":14113,"Ġgrav":14114,"OO":14115,"ĠLibertad":14116,"Ġbuscador":14117,"Ġnorteamericano":14118,"ĠMunicipalidad":14119,"Ġmio":14120,"ĠRÃŃos":14121,"ĠBM":14122,"Ġllenos":14123,"Ġaprobar":14124,"ĠHollywood":14125,"ĠAlmerÃŃa":14126,"Ġencarga":14127,"ĠAran":14128,"Ġconfirmación":14129,"Ġefectividad":14130,"Ġsolv":14131,"vidad":14132,"Ġfinanzas":14133,"Ġestacionamiento":14134,"Ġconductas":14135,"Ġolvides":14136,"Ġseas":14137,"Ġvam":14138,"Ġflota":14139,"ĠPul":14140,"Go":14141,"seguida":14142,"bida":14143,"ium":14144,"PN":14145,"ĠER":14146,"ĠAhÃŃ":14147,"Ġfundada":14148,"Ġ(âĢ¦)":14149,"Ġagresión":14150,"gadores":14151,"Ġmasiva":14152,"sobre":14153,"Ġdisputa":14154,"Ġazules":14155,"Ġjoyas":14156,"Ġempecé":14157,"máticas":14158,"ival":14159,"ĠAmpl":14160,"gÃŃa":14161,"Ġrigu":14162,"Ġescaleras":14163,"Ġimperio":14164,"ĠRojas":14165,"Ġtrayecto":14166,"Ġmundiales":14167,"cad":14168,"Ġintra":14169,"Ġcaos":14170,"Ġrecrea":14171,"Ġestablecen":14172,"ited":14173,"Ġtransacciones":14174,"ĠPIB":14175,"Ġcomarca":14176,"ĠCONS":14177,"Ġdepósitos":14178,"Ġhormig":14179,"Ġhéroe":14180,"tone":14181,"ceres":14182,"distas":14183,"Ġfármac":14184,"ĠErnes":14185,"ÃŃsmo":14186,"Ġ08":14187,"smo":14188,"élgica":14189,"Ġincapa":14190,"Ġcoco":14191,"ĠFrases":14192,"ĠEstad":14193,"ecos":14194,"hist":14195,"Ġentornos":14196,"IDE":14197,"Ġidentifica":14198,"Ġ�":14199,"Ġjustamente":14200,"Ġrojos":14201,"Ġcompañera":14202,"ÃģS":14203,"Ġvisibilidad":14204,"Ġbesos":14205,"bs":14206,"Ġdescom":14207,"Ġcalientes":14208,"ógicos":14209,"blog":14210,"dadores":14211,"ĠTurquÃŃa":14212,"ĠCient":14213,"Ġmadrid":14214,"Ġsupl":14215,"Ġexploración":14216,"Ġsabéis":14217,"turb":14218,"heim":14219,"mamente":14220,"ĠRiver":14221,"rillos":14222,"Ġénfasis":14223,"ĠBB":14224,"Ġsencillos":14225,"ĠNintendo":14226,"ĠEMP":14227,"dita":14228,"QUE":14229,"Ġenfrentarse":14230,"Ġinspección":14231,"ĠProducción":14232,"Ġcurs":14233,"Ġtriple":14234,"Ġnosotras":14235,"éricos":14236,"teur":14237,"diar":14238,"ĠMU":14239,"Ġcontestar":14240,"Ġjajaj":14241,"ĠVin":14242,"Ni":14243,"Ġchal":14244,"cionó":14245,"Ġayude":14246,"Ġalmuerzo":14247,"ĠPN":14248,"DS":14249,"Ġcortas":14250,"Ġcaminando":14251,"Ġinternas":14252,"vesti":14253,"Ġ63":14254,"olor":14255,"Ġestructur":14256,"ĠQU":14257,"Ġpoliciales":14258,"ĠPAR":14259,"TAR":14260,"Ġcastigo":14261,"ĠPrevención":14262,"Ġemprender":14263,"Ġdejaba":14264,"ĠPower":14265,"Ġsta":14266,"Ġinmers":14267,"ĠTop":14268,"dam":14269,"Ġtrasero":14270,"Ġvil":14271,"ĠteorÃŃas":14272,"Ġ000":14273,"Ġtomate":14274,"Ġnotificación":14275,"ĠPortal":14276,"Ġamericana":14277,"Ġrisa":14278,"ĠJerusal":14279,"Ġhuella":14280,"Ġdial":14281,"Ġestimul":14282,"ótico":14283,"Ġpasados":14284,"Ġmasajes":14285,"arqu":14286,"Ġsupervisión":14287,"jón":14288,"Ġcruce":14289,"ĠFotos":14290,"tena":14291,"ĠCantabria":14292,"Ġretraso":14293,"Ayer":14294,"Ġinoxidable":14295,"Ġvendido":14296,"lanos":14297,"Ġconmo":14298,"Ġarquitecto":14299,"play":14300,"Ġclaus":14301,"field":14302,"Ġamplias":14303,"ĠsoberanÃŃa":14304,"ribe":14305,"ĠInternational":14306,"Ġinda":14307,"Les":14308,"Ġcomienzos":14309,"ĠMilitar":14310,"acterÃŃsticas":14311,"Ġministros":14312,"Ġlinda":14313,"Ġvuestras":14314,"Ġrobar":14315,"Ġmillon":14316,"apas":14317,"Ġ^":14318,"edora":14319,"Ġdobles":14320,"Ġguapa":14321,"Ġdisfra":14322,"Ġdevo":14323,"Ġmoverse":14324,"penden":14325,"Ġarrancar":14326,"Tienes":14327,"Ġtabaco":14328,"Ġdestro":14329,"Ġlibremente":14330,"Etiquetas":14331,"Ġcoca":14332,"ĠcreÃŃa":14333,"Ġcentr":14334,"Ġtrastorno":14335,"ĠJornada":14336,"Ġpreocupaciones":14337,"Ġbilletes":14338,"ĠArturo":14339,"ĠModelo":14340,"Ġadentro":14341,"tancia":14342,"vÃŃo":14343,"rese":14344,"Ġcorazones":14345,"Ġsuceder":14346,"ĠFord":14347,"ĠMessi":14348,"ĠMAN":14349,"Ġaprueba":14350,"Ġaumentado":14351,"ĠPrensa":14352,"Ġdesarrollada":14353,"Ġvigentes":14354,"ĠPho":14355,"Ġhorizonte":14356,"Ġmobiliario":14357,"Ġbesti":14358,"ĠCoordin":14359,"Ġmuseos":14360,"Ġinfluen":14361,"Ġanillo":14362,"ĠEstaba":14363,"Ġmodalidades":14364,"ĠFebrero":14365,"Ġpagado":14366,"ĠBig":14367,"urt":14368,"Ġescribiendo":14369,"Ġreyes":14370,"ĠMolina":14371,"PAÃij":14372,"Ġrecordado":14373,"Ġtocado":14374,"Ġduplic":14375,"Ġingeniero":14376,"Ġbarb":14377,"trad":14378,"queo":14379,"Ġcumpliendo":14380,"ógicas":14381,"trimonial":14382,"Ġabusos":14383,"Ġacompañados":14384,"ĠObrador":14385,"ĠGeneralitat":14386,"ierro":14387,"ĠsÃŃndrome":14388,"Ġvientos":14389,"ĠParte":14390,"Ġcrip":14391,"Ġrealizarán":14392,"Ġdemuestran":14393,"ĠHarry":14394,"ĠRecom":14395,"Ġsugiere":14396,"ugh":14397,"Ġcolch":14398,"Ġdirectorio":14399,"esidad":14400,"itaron":14401,"ĠGin":14402,"Ġacogida":14403,"Ġ1991":14404,"Ġsmartphone":14405,"fan":14406,"Ġgéneros":14407,"ĠSoftware":14408,"ĠNivel":14409,"Ġaislamiento":14410,"ĠSuprema":14411,"fono":14412,"taro":14413,"Ġlicencias":14414,"ĠsentÃŃ":14415,"ĠPAN":14416,"Ġalemanes":14417,"eu":14418,"apo":14419,"Ġpájar":14420,"Ġrápidos":14421,"Ġaportación":14422,"Ġsc":14423,"Ġsigan":14424,"acán":14425,"Ġdesmon":14426,"quete":14427,"Ġasamblea":14428,"Ġsorprendió":14429,"Ġescasos":14430,"ĠvÃŃnculos":14431,"Ġconcretas":14432,"Ġsugerencias":14433,"Ġprevios":14434,"ĠOF":14435,"Ġef":14436,"Ġjaponesa":14437,"ĠRichard":14438,"?âĢĿ":14439,"Ġdetallada":14440,"Ġmarg":14441,"jam":14442,"Ġanécdo":14443,"gil":14444,"ĠMaestro":14445,"Ġinneces":14446,"Existen":14447,"Ġrefirió":14448,"Ġdemocrático":14449,"Ġcere":14450,"tter":14451,"Ġalimentar":14452,"Ġestil":14453,"Ġmencionados":14454,"Ġprovenientes":14455,"Ġhorizontal":14456,"Ġatentado":14457,"ĠGB":14458,"mante":14459,"ĠJuárez":14460,"uk":14461,"Ġmuros":14462,"José":14463,"ĠJen":14464,"Ġherida":14465,"Respecto":14466,"Ġanime":14467,"endiendo":14468,"Ġvendedor":14469,"Ġcontinúan":14470,"Ġmultina":14471,"Ġgratuitos":14472,"Ġvariaciones":14473,"VEN":14474,"Ġfranceses":14475,"ĠRon":14476,"Ġbeca":14477,"Ġextranjera":14478,"Ġconstruida":14479,"Ġllegaba":14480,"Ġexitosa":14481,"Casa":14482,"Usted":14483,"ufac":14484,"Ġmaduras":14485,"Ġcolecciones":14486,"minas":14487,"Ġrompe":14488,"Ġpiano":14489,"ĠBoy":14490,"Ġobvio":14491,"Ġpostre":14492,"Ġrecta":14493,"Ġrefugiados":14494,"ticia":14495,"Ġarreglo":14496,"Ġárabe":14497,"Ġimperme":14498,"acar":14499,"Ġfumar":14500,"Ġtrabajó":14501,"Ġarrib":14502,"Ap":14503,"aaaa":14504,"Ġhardware":14505,"Ġinolvidable":14506,"REC":14507,"Ġrenovar":14508,"istÃŃa":14509,"Ġprotagonismo":14510,"Ġinterpreta":14511,"ĠClo":14512,"Ġabaste":14513,"Ġsexto":14514,"Ġcreadores":14515,"Ġinglesa":14516,"Ġasume":14517,"ere":14518,"ĠCarre":14519,"ĠTorneo":14520,"Ġ110":14521,"tienda":14522,"Ġaprobada":14523,"ĠCOL":14524,"chool":14525,"ĠConvenio":14526,"tañas":14527,"asis":14528,"máticos":14529,"ĠBienes":14530,"Ġvanguardia":14531,"ĠCuenca":14532,"Ġacoso":14533,"Ġescándalo":14534,"Ġconfusión":14535,"Ġmatric":14536,"elia":14537,"Ġsocialistas":14538,"anco":14539,"cav":14540,"reos":14541,"Ġhacerte":14542,"ĠmatrÃŃcula":14543,"Ġposibil":14544,"Ġbecas":14545,"gri":14546,"ĠTexas":14547,"Ġmisiones":14548,"damos":14549,"oth":14550,"TAM":14551,"Ġautomóviles":14552,"ĠSeguir":14553,"ĠSony":14554,"dé":14555,"Ġcrecido":14556,"ĠAcceso":14557,"pongo":14558,"Ġestratégico":14559,"ĠPascu":14560,"unar":14561,"chan":14562,"Ġidón":14563,"ĠPic":14564,"Nuestros":14565,"ĠBás":14566,"Ġexpl":14567,"Ġolvidado":14568,"guesa":14569,"Ġofrecido":14570,"Ġdigno":14571,"Ġcontribuye":14572,"Ġconcluye":14573,"Ġtembl":14574,"Ġotorgar":14575,"untamientos":14576,"untu":14577,"Ġagradecimiento":14578,"ĠJeho":14579,"óloga":14580,"aby":14581,"Ġprotegida":14582,"ĠMont":14583,"Ġconfidencial":14584,"Ġcatólica":14585,"Ġaudiovisual":14586,"Ġabarca":14587,"Ġmolesta":14588,"Ġconsideramos":14589,"Ġacumulación":14590,"Ġalmas":14591,"Ġruptura":14592,"Ġml":14593,"ĠFidel":14594,"Ġnutrición":14595,"Ġcontex":14596,"Ġmanzana":14597,"Ġfranquicia":14598,"ĠAlma":14599,"Ġfollando":14600,"enca":14601,"ĠPuente":14602,"ástica":14603,"Ġdisparo":14604,"ĠexplÃŃ":14605,"Ġliteraria":14606,"Ġencantó":14607,"ĠexistÃŃa":14608,"Ġinmensa":14609,"ĠIntelig":14610,"Ġremar":14611,"ĠJuzgado":14612,"ĠsÃŃmbolos":14613,"ĠvivÃŃa":14614,"Ġconsenso":14615,"Ġbastantes":14616,"Ġdejará":14617,"ĠFiesta":14618,"mx":14619,"Ġaerol":14620,"Ġsindicato":14621,"Ġvence":14622,"Ġalas":14623,"Ġpersecución":14624,"Ġpopularidad":14625,"ĠGR":14626,"ĠConcurso":14627,"ĠPoco":14628,"Ġatras":14629,"Ġconvencido":14630,"pié":14631,"Ġverdaderos":14632,"Ġreunió":14633,"abar":14634,"Ġcostas":14635,"ĠMarruecos":14636,"Ġ1980":14637,"Ġsólido":14638,"Ġbac":14639,"Ġpromueve":14640,"Ġpreferencia":14641,"Ġpedag":14642,"Ġllamaba":14643,"ĠModa":14644,"Ġculpable":14645,"âĢĿ;":14646,"Ġsecretaria":14647,"ĠcentÃŃmetros":14648,"oooo":14649,"ĠAQU":14650,"ĠLimp":14651,"pri":14652,"XX":14653,"ĠVista":14654,"IFA":14655,"Ġbebe":14656,"ĠUso":14657,"Ġhacernos":14658,"Ġatractiva":14659,"92":14660,"Ġsaldrá":14661,"ĠUrban":14662,"ĠCatedral":14663,"imamente":14664,"quetas":14665,"Ġharemos":14666,"rato":14667,"Ġhs":14668,"cy":14669,"Ġcie":14670,"Ġavanza":14671,"ĠTIC":14672,"dure":14673,"ĠPalmas":14674,"Ġ(«":14675,"Ġláser":14676,"ĠJuego":14677,"Ġplana":14678,"ĠTE":14679,"Ġpad":14680,"Ġentrado":14681,"Ġcumpla":14682,"bile":14683,"Ġconsolid":14684,"bras":14685,"Ġdesplazamiento":14686,"Ġdiseñados":14687,"ĠHonor":14688,"Ġinseguridad":14689,"ĠClÃŃnica":14690,"Ġtub":14691,"laje":14692,"Ġlesbi":14693,"ĠJose":14694,"Ġprostitución":14695,"ons":14696,"Ġcontemporáneo":14697,"mus":14698,"ĠETA":14699,"Ġsirvió":14700,"Ġrefiero":14701,"Ġasignatura":14702,"Ġexci":14703,"ĠGreen":14704,"ierre":14705,"vana":14706,"ĠAlvar":14707,"ICACIÃĵN":14708,"Ġfiltros":14709,"Sólo":14710,"Ġtomaron":14711,"Ġdisp":14712,"Ġordenó":14713,"Ġduer":14714,"Ġlujos":14715,"Ġtocó":14716,"zaba":14717,"Ġrelleno":14718,"Ġmerecen":14719,"Ġparcialmente":14720,"Ġindicador":14721,"ĠBO":14722,"TUR":14723,"Ġmotos":14724,"óso":14725,"ĠFA":14726,"Ġfaltar":14727,"Ġhip":14728,"Ġpares":14729,"landa":14730,"Quiero":14731,"ĠConstrucción":14732,"ĠProyectos":14733,"stem":14734,"Ġ67":14735,"ĠLleg":14736,"pecu":14737,"Ġdenominación":14738,"ĠLeague":14739,"Ġasistente":14740,"Ġlú":14741,"ĠChe":14742,"ĠImperio":14743,"Ġmate":14744,"Ġintimidad":14745,"ĠquerÃŃan":14746,"ĠTeléf":14747,"Esa":14748,"ĠWest":14749,"Ġelegancia":14750,"Ñĥ":14751,"2006":14752,"Ġcasual":14753,"alia":14754,"Ġvecin":14755,"trá":14756,"Ġevolucion":14757,"ĠGl":14758,"Ġresulte":14759,"Ġgluc":14760,"ĠCalder":14761,"dezco":14762,"Ġchan":14763,"Ġrecibiendo":14764,"ĠMaterial":14765,"ĠTribu":14766,"Ġenfermo":14767,"Nunca":14768,"iando":14769,"orth":14770,"ĠÎ":14771,"Ġcontribución":14772,"Ġsaco":14773,"Ġnacer":14774,"к":14775,"ĠVideos":14776,"Ġcumplan":14777,"Ġdarnos":14778,"Ġhura":14779,"Ġalarma":14780,"Ġempi":14781,"Ġ91":14782,"ÃģN":14783,"ĠRé":14784,"ĠGaran":14785,"Ġpenas":14786,"Ġbusco":14787,"cate":14788,"Ġfur":14789,"Ġsacado":14790,"Ġlecturas":14791,"uselas":14792,"verde":14793,"Ġequipado":14794,"ogén":14795,"Ġdegrad":14796,"Ġayudado":14797,"Ġcerrados":14798,"ĠImpuesto":14799,"ĠlÃŃquidos":14800,"ĠOrig":14801,"Ġmaquina":14802,"trales":14803,"Ġajustar":14804,"ĠVázquez":14805,"Ġroto":14806,"ink":14807,"Ġminor":14808,"Ġenfrentan":14809,"ords":14810,"ĠtÃŃ":14811,"tiga":14812,"ĠUV":14813,"Ġdistinción":14814,"Ġdelicioso":14815,"Ġpermisos":14816,"Ġbaloncesto":14817,"cible":14818,"ĠConserv":14819,"emoria":14820,"Ġfutbolista":14821,"ĠoxÃŃgeno":14822,"zano":14823,"Ġacú":14824,"Ġcristiano":14825,"usion":14826,"Ġsupuesta":14827,"����":14828,"96":14829,"ĠCompar":14830,"Ġimpuso":14831,"Ġrod":14832,"Ġsinté":14833,"ĠVÃŃ":14834,"ĠProce":14835,"Ġextraer":14836,"Ġasesino":14837,"Ġjurisdicción":14838,"Ġcrudo":14839,"uter":14840,"ĠJoan":14841,"ĠDefin":14842,"Ġdeca":14843,"ori":14844,"ĠCarrera":14845,"Ġcolombianos":14846,"ween":14847,"isas":14848,"Ġsecuencia":14849,"Ġestre":14850,"ĠIván":14851,"Ġsencillas":14852,"Ġcalcular":14853,"Ġmulta":14854,"Ġtutorial":14855,"venidos":14856,"Ġinformáticos":14857,"Ba":14858,"Ġrecomendado":14859,"dentales":14860,"cación":14861,"intana":14862,"Ġinstancias":14863,"Ġaustral":14864,"ĠMulti":14865,"udia":14866,"Ġatento":14867,"Ġdebilidad":14868,"Ġconsiderados":14869,"ĠOut":14870,"Ġtelecomunicaciones":14871,"Ġsientes":14872,"Ġcharlas":14873,"ĠhabrÃŃan":14874,"Ġapres":14875,"udal":14876,"Ġincómo":14877,"ĠProcur":14878,"Ġafiliados":14879,"ĠMP":14880,"Ġpreju":14881,"también":14882,"ĠComentarios":14883,"CES":14884,"Ġhorri":14885,"Ġchinos":14886,"Ġdiseñadores":14887,"ĠArquitectura":14888,"Ġleal":14889,"mil":14890,"ánicas":14891,"Ġprofundizar":14892,"Ġadministraciones":14893,"Ġpalo":14894,"ensos":14895,"ĠAgro":14896,"ĠJava":14897,"orias":14898,"ĠSector":14899,"Ġsolares":14900,"EZ":14901,"ĠMediterráneo":14902,"Ġestabil":14903,"ĠMED":14904,"emin":14905,"Ġespaña":14906,"ĠAguas":14907,"Ġcontrovers":14908,"Ġgustaria":14909,"Ġoriental":14910,"Ġcerebral":14911,"Ġaportes":14912,"itorio":14913,"idalgo":14914,"Ġsólida":14915,"Ġreputación":14916,"âĢĿ)":14917,"Ġcorredor":14918,"dicamente":14919,"Ġsensibles":14920,"Ġprevistos":14921,"ĠMetal":14922,"lamente":14923,"ĠArro":14924,"ĠInformática":14925,"Ġentrenamientos":14926,"Ġretirada":14927,"Pal":14928,"Ġterminan":14929,"uchas":14930,"ĠGrandes":14931,"Ġpur":14932,"Ġagrupación":14933,"ĠideologÃŃa":14934,"Ġtermine":14935,"Ġpintor":14936,"icanos":14937,"Ġanto":14938,"ĠEva":14939,"TURA":14940,"Mu":14941,"ken":14942,"ĠVat":14943,"Ġcelulares":14944,"Ġpretenden":14945,"Ġjugada":14946,"Ġarren":14947,"Ġpartidas":14948,"esc":14949,"Ġqueden":14950,"ĠWhatsApp":14951,"Ġfacturación":14952,"Ġ61":14953,"Ġgritos":14954,"utrición":14955,"crita":14956,"Ġrespectivas":14957,"Ġfalsas":14958,"ĠDeclar":14959,"ĠRecon":14960,"ĠGuz":14961,"ĠPremios":14962,"âĢĿ:":14963,"Ġcombinado":14964,"osó":14965,"Ġdespleg":14966,"forme":14967,"icada":14968,"Ġmenciona":14969,"gaba":14970,"acÃŃa":14971,"Ġlucir":14972,"Ġreaf":14973,"ĠUniversitaria":14974,"yun":14975,"ĠðŁĻ":14976,"Ġanda":14977,"Ġcompuestos":14978,"Ġfacultades":14979,"Ġenfri":14980,"ĠNavarro":14981,"Ġsupre":14982,"Ġintern":14983,"cher":14984,"Ġdestinada":14985,"Ġasociadas":14986,"Ġoculta":14987,"ĠbaterÃŃas":14988,"Ġinfluy":14989,"Ġesfor":14990,"ÃŃneas":14991,"Ġrevolucionario":14992,"Cap":14993,"Ġhermosos":14994,"Ġexclusión":14995,"Ġplantel":14996,"Ġsubray":14997,"Ġglor":14998,"ganta":14999,"ĠColec":15000,"Ġadministrativas":15001,"Ġfichero":15002,"ĠMedellÃŃn":15003,"ĠAG":15004,"viedo":15005,"Ġfotógrafo":15006,"Ġocupado":15007,"Ġreclamo":15008,"Ġencom":15009,"Ġseguida":15010,"Ġcaptar":15011,"ĠEvaluación":15012,"ĠSeguros":15013,"Ġmemb":15014,"Ġdudes":15015,"Ġalimentaria":15016,"Ġreproducir":15017,"ĠSpa":15018,"Ġbombas":15019,"nico":15020,"Ġfavoritas":15021,"Ġvinculados":15022,"Ġcobra":15023,"Ġprestamos":15024,"Ġpatatas":15025,"utor":15026,"Ġacompañamiento":15027,"Ġrespiración":15028,"ĠGalaxy":15029,"erica":15030,"Ġpoli":15031,"ĠManual":15032,"Ġenfrentamiento":15033,"ĠiPad":15034,"Ġola":15035,"ĠEstadio":15036,"Ġincendios":15037,"uters":15038,"Ġreflexiones":15039,"tnam":15040,"ĠCAL":15041,"ĠprÃŃncipe":15042,"Ġfila":15043,"HO":15044,"Ġsalvación":15045,"Ġadministrativos":15046,"ĠMoscú":15047,"Ġbarras":15048,"Ġmedalla":15049,"Ġcobro":15050,"Ġgenética":15051,"MAS":15052,"Ġdifici":15053,"Ah":15054,"Ġsuyos":15055,"âĦ":15056,"Ġpúblicamente":15057,"Ġencu":15058,"irre":15059,"Espero":15060,"Ġjardin":15061,"Ġreconstru":15062,"Ġdistinguir":15063,"Ġdefectos":15064,"TIVO":15065,"Ġcáp":15066,"Ġdejen":15067,"Ġdelantera":15068,"ĠCri":15069,"Ġpintores":15070,"ĠJurÃŃ":15071,"Ġtaza":15072,"Ġdisper":15073,"Buenos":15074,"ĠAire":15075,"Tanto":15076,"Ġcambian":15077,"Ġsurgen":15078,"ĠEmilio":15079,"Ġidén":15080,"Ġpaneles":15081,"Ġúltimamente":15082,"óf":15083,"ĠJane":15084,"Ġmovilización":15085,"Ġdecidimos":15086,"ĠlogÃŃstica":15087,"Ġvenezolana":15088,"Ġbasadas":15089,"Ġdescubrió":15090,"Ġadmitir":15091,"Ġanón":15092,"Ġacabados":15093,"Ġaportaciones":15094,"Ġsintió":15095,"Ġpaginas":15096,"Ġbarrera":15097,"Ġtern":15098,"Ġhidrául":15099,"Ġsesenta":15100,"Ġroj":15101,"Ġkilo":15102,"Ġsacerdotes":15103,"Ġiniciales":15104,"Ġpm":15105,"ĠPhil":15106,"ĠSuecia":15107,"Ġrevesti":15108,"Ġcarn":15109,"Ġcompor":15110,"Ġpiscinas":15111,"Ġindicaciones":15112,"Ġtoros":15113,"Ġsindical":15114,"usieron":15115,"Ġincorrec":15116,"Ġavi":15117,"didades":15118,"chester":15119,"risas":15120,"moh":15121,"ĠAudiencia":15122,"Ġproxim":15123,"Ġinfierno":15124,"ĠHacer":15125,"Ġhorror":15126,"Ġprácticos":15127,"Ġofrecerá":15128,"Ġdisminuye":15129,"Ġcoalición":15130,"áctico":15131,"ĠEstrel":15132,"sol":15133,"Ġleo":15134,"Ġnegó":15135,"Ġresaltar":15136,"ĠSitu":15137,"Ġdeciden":15138,"ĠColón":15139,"Ġestrecha":15140,"Ġexplican":15141,"Ġrenunciar":15142,"Ġfuncionando":15143,"quierda":15144,"Ġdirigidas":15145,"ĠmÃĥ":15146,"Ġcemento":15147,"Ġgoogle":15148,"Ġurbanos":15149,"ĠLinux":15150,"Era":15151,"Ġprenda":15152,"Ġbusque":15153,"ĠCF":15154,"Ġads":15155,"Ġlente":15156,"Ġcelebrada":15157,"Ġestablecida":15158,"Ġmetabol":15159,"Ġmejorado":15160,"Ġdedicar":15161,"ĠLlam":15162,"Ġrar":15163,"ĠRecor":15164,"Ġdental":15165,"ĠBélgica":15166,"ĠLÃŃ":15167,"Ġregresa":15168,"Ġdistancias":15169,"flix":15170,"IDO":15171,"Ġfederales":15172,"Ġsensa":15173,"Ġmantequilla":15174,"Ġpolit":15175,"Ġinclusive":15176,"érg":15177,"Reg":15178,"ĠRubén":15179,"ĠLis":15180,"tizada":15181,"Ġcamisa":15182,"Ġdemostró":15183,"Ġciclos":15184,"Ġmascota":15185,"Ġajo":15186,"Ġsatisfecho":15187,"ieta":15188,"ĠHora":15189,"Ġbrillantes":15190,"Ġmentales":15191,"ĠIntegral":15192,"guiendo":15193,"ĠasesorÃŃa":15194,"Ġfamosas":15195,"Ġexha":15196,"Ġángulo":15197,"ĠVivienda":15198,"Ġpropuso":15199,"ĠPlanta":15200,"Ġubicados":15201,"TEC":15202,"ulario":15203,"Ġinvas":15204,"Ġpostal":15205,"Ġcometer":15206,"Ġactualizado":15207,"ĠCambio":15208,"Ġsonre":15209,"Ġlimitar":15210,"axaca":15211,"ĠAh":15212,"Ġinvitar":15213,"97":15214,"Ġpercibir":15215,"ĠPRES":15216,"Ġ98":15217,"Ġvelocidades":15218,"Ġcumplió":15219,"Ġcombinaciones":15220,"émon":15221,"Apro":15222,"Ġdesgaste":15223,"ĠReb":15224,"Ġcatalana":15225,"Ġimpone":15226,"Ġcerra":15227,"Ġsuaves":15228,"ĠAmbiental":15229,"Ġintelectuales":15230,"Ġinú":15231,"ĠINS":15232,"ĠDay":15233,"Ġinnovador":15234,"Ġpositivas":15235,"ady":15236,"Ġpermanencia":15237,"Ġelevar":15238,"Ġautobuses":15239,"Ġprocesador":15240,"ĠGreg":15241,"Ġejes":15242,"Ġexacta":15243,"viese":15244,"ĠArchivo":15245,"ĠResul":15246,"huana":15247,"Ġtransmite":15248,"Ġprohibición":15249,"Ġderiva":15250,"ĠMicro":15251,"ĠCár":15252,"ladas":15253,"Ġbinarias":15254,"lab":15255,"ĠSel":15256,"Ġdenunciar":15257,"Ġtiende":15258,"Ġdió":15259,"Ġaplicado":15260,"pón":15261,"ĠActividades":15262,"Ġdefiende":15263,"Ġmetales":15264,"chu":15265,"Ġvegetal":15266,"Ġapuntó":15267,"ĠNiño":15268,"Ġsolicitó":15269,"Ġmort":15270,"olencia":15271,"ĠEsteban":15272,"eng":15273,"Ġdescal":15274,"Don":15275,"pacio":15276,"ĠConfe":15277,"zob":15278,"ĠMill":15279,"Ġfino":15280,"ĠIsa":15281,"Ġriego":15282,"Ġpasadas":15283,"ĠFinanzas":15284,"Ġobses":15285,"uci":15286,"ĠGPS":15287,"Ġ130":15288,"Ġmedioc":15289,"Ġapellido":15290,"ĠMI":15291,"ĠEco":15292,"Ġtrituración":15293,"tics":15294,"Ġqueja":15295,"Ġjustificar":15296,"Ġlegitim":15297,"ÃŃbl":15298,"ĠMO":15299,"Ġtrigo":15300,"Ġabandonado":15301,"izante":15302,"Ġgaraje":15303,"Ġmurieron":15304,"Ġobispo":15305,"well":15306,"Ġdividen":15307,"Ġentrenar":15308,"ĠZo":15309,"Ġcamin":15310,"Ġregistra":15311,"Ġpresentados":15312,"Ġborrar":15313,"Ġcontemporánea":15314,"Ġengañ":15315,"":15316,"Ġprefiere":15317,"ĠTol":15318,"iciosos":15319,"Ġpreparada":15320,"Ġconsiguen":15321,"Ġquejas":15322,"the":15323,"ĠJerusalén":15324,",âĢ¦":15325,"ĠCooperación":15326,"ĠAlba":15327,"ĠenvÃŃos":15328,"Ġpim":15329,"Ġentendimiento":15330,"Ġterrorista":15331,"Ġcuerda":15332,"cerÃŃa":15333,"ĠTech":15334,"bias":15335,"Ġ1989":15336,"ficaces":15337,"ĠJam":15338,"bien":15339,"Ġespecificaciones":15340,"Ġfirmó":15341,"psis":15342,"Ġmacro":15343,"Ġláp":15344,"ĠAtlántico":15345,"Ġrecortes":15346,"ĠTú":15347,"Ġlegen":15348,"CP":15349,"Ġconquista":15350,"ĠagrÃŃcolas":15351,"ób":15352,"Ġllaves":15353,"Ġ140":15354,"ĠLibros":15355,"Ġautop":15356,"Ġburbu":15357,"Ġaprendiendo":15358,"Ġsed":15359,"Ġextinción":15360,"gusto":15361,"Ġlegalmente":15362,"Ġinformacion":15363,"Ġadolescencia":15364,"Ġdesigualdad":15365,"Ġreembol":15366,"Ġmarrón":15367,"Ġbarreras":15368,"Ġestir":15369,"Ġintegrante":15370,"Ġmolienda":15371,"raje":15372,"Ġaceptado":15373,"Ġgeneró":15374,"Ġdenunció":15375,"now":15376,"mag":15377,"ĠFomento":15378,"Ġcubiertas":15379,"Ġparalelo":15380,"Ġimpresionantes":15381,"Ġrincones":15382,"caso":15383,"ĠIR":15384,"cadores":15385,"Ġfinanciar":15386,"Ġdefensor":15387,"ieve":15388,"ĠMore":15389,"ĠQuintana":15390,"Ġtrituradoras":15391,"ĠVall":15392,"uebl":15393,"ĠĠĠĠĠĠĠĠ":15394,"Ġreconoz":15395,"BN":15396,"Ġtrenes":15397,"ĠInc":15398,"Ġgalletas":15399,"Ġvial":15400,"alizamos":15401,"bula":15402,"Ġdescen":15403,"Ġhipertensión":15404,"ĠTig":15405,"Ġinformaron":15406,"ºC":15407,"óxido":15408,"Ġserp":15409,"ĠComis":15410,"ciller":15411,"contrar":15412,"%).":15413,"hel":15414,"Ġtrasladado":15415,"ometraje":15416,"Ġcomprador":15417,"cistas":15418,"Ġintentan":15419,"Ġsaltar":15420,"Ġperiod":15421,"right":15422,"Ġmundos":15423,"ĠsÃŃntesis":15424,"ĠOS":15425,"Ġ350":15426,"ĠGuan":15427,"Ġpesado":15428,"cadas":15429,"Ġcomerciantes":15430,"Ġfallecimiento":15431,"Ġexigencia":15432,"ced":15433,"ĠOliv":15434,"Ġdesperdi":15435,"Ġganadora":15436,"cesis":15437,"ĠReforma":15438,"ĠConocer":15439,"Ġpenales":15440,"sticas":15441,"ĠHP":15442,"Ġayudarán":15443,"Ġencargados":15444,"Ġespar":15445,"Ġpersonalidades":15446,"Ġobesidad":15447,"Ġespan":15448,"Ġfauna":15449,"Ġseñalan":15450,"ĠSegundo":15451,"Ġvisualizar":15452,"ĠVig":15453,"Ġimagino":15454,"Ġconstrucciones":15455,"Ġlazos":15456,"Ġliterario":15457,"uts":15458,"Ġjeje":15459,"Ġreferido":15460,"Ġvela":15461,"Ġdesvent":15462,"Ġpractica":15463,"idencia":15464,"ĠIB":15465,"Ġcontinuó":15466,"Ġlavar":15467,"Ġperd":15468,"Ġtrató":15469,"Ġperuano":15470,"rimientos":15471,"dilla":15472,"eto":15473,"ĠdebÃŃan":15474,"Ġdelincuentes":15475,"ĠBellas":15476,"Ġunen":15477,"scar":15478,"Ġaulas":15479,"Ġnegociar":15480,"Ġrendir":15481,"Ġagrupa":15482,"Ġsincron":15483,"ĠIMP":15484,"Ġbail":15485,"Ġtratarse":15486,"ĠAla":15487,"ĠEugen":15488,"Ġgubernamentales":15489,"ĠXXX":15490,"Ġfacturas":15491,"Ġfuertemente":15492,"Ġprincesa":15493,"Ġrecolec":15494,"Ġlistos":15495,"Ġreclamar":15496,"ĠEmb":15497,"Ġree":15498,"ĠSmith":15499,"ĠPy":15500,"Ġcica":15501,"Ġvariación":15502,"bara":15503,"Ġconfron":15504,"Ġocéano":15505,"Ġvisitado":15506,"ids":15507,"Ġfavorece":15508,"Ġdivisas":15509,"nidad":15510,"Ġfacial":15511,"ĠBusiness":15512,"Ġinesta":15513,"Ġreten":15514,"ĠLanto":15515,"ĠMonter":15516,"Ġbombar":15517,"Ġcolumnas":15518,"Ġrealicen":15519,"nica":15520,"Ġrodean":15521,"Ġances":15522,"Ġregener":15523,"Pol":15524,",\"":15525,"ĠVIH":15526,"Ġacontecimiento":15527,"ĠreÃŃr":15528,"Ġelige":15529,"Ġvirtuales":15530,"Min":15531,"ĠNoche":15532,"Ġgrito":15533,"Ġcima":15534,"tha":15535,"Ġneol":15536,"ócrata":15537,"ĠUSD":15538,"Ġduras":15539,"Ġhacerla":15540,"ĠFilosofÃŃa":15541,"ĠSep":15542,"hos":15543,"Ġantici":15544,"ĠJaén":15545,"Ġinvad":15546,"idora":15547,"ĠCasi":15548,"Ġdispuesta":15549,"uga":15550,"Ġelecto":15551,"Ġresid":15552,"ĠÃįn":15553,"Ġautónomos":15554,"Ġutilizamos":15555,"tén":15556,"ráfico":15557,"150":15558,"Ġactualizada":15559,"Ġsuscep":15560,"Ġportugués":15561,"ĠDescripción":15562,"alta":15563,"Ġtienden":15564,"Ġirán":15565,"ĠIm":15566,"uce":15567,"ĠSk":15568,"Ġcanad":15569,"ĠChil":15570,"Ġeditar":15571,"2002":15572,"Ġvice":15573,"Ġstre":15574,"Ġfilóso":15575,"ĠLicencia":15576,"Ġasociada":15577,"Ġalegra":15578,"feo":15579,"Ġdesarrollados":15580,"ibre":15581,"doro":15582,"Ġenvejecimiento":15583,"ĠTR":15584,"ĠProstitutas":15585,"roga":15586,"cionalización":15587,"ĠAbra":15588,"ĠEmbaj":15589,"Ġservirá":15590,"Ġpavim":15591,"Ġcreció":15592,"Ale":15593,"Ġsucesos":15594,"ago":15595,"Ġfilosó":15596,"tuosa":15597,"Ġancianos":15598,"Ġyoga":15599,"ily":15600,"ĠEspacio":15601,"Ġcomprometido":15602,"Ġlogran":15603,"versa":15604,"ericor":15605,"Estás":15606,"Ġpañ":15607,"México":15608,"Ġrestable":15609,"Ġfundamento":15610,"CR":15611,"ĠOeste":15612,"Ġpautas":15613,"taño":15614,"Ġperiodos":15615,"cione":15616,"Ġquedamos":15617,"Ġautoestima":15618,"Ġperfectas":15619,"ĠRecuerda":15620,"Ġpeticiones":15621,"ĠSaint":15622,"ĠPs":15623,"END":15624,"ĠAvan":15625,"Ġcompradores":15626,"Ġprotocol":15627,"Ġluchas":15628,"Ġmisa":15629,"ĠCorpora":15630,"Ġcomplicada":15631,"ĠGU":15632,"km":15633,"Ġprevistas":15634,"EG":15635,"Ġempezamos":15636,"ĠmagnÃŃfico":15637,"Ġescorts":15638,"Ġemprendimiento":15639,"unt":15640,"yl":15641,"Is":15642,"ĠVigo":15643,"Ġcha":15644,"Ġcomportamientos":15645,"Ġbandeja":15646,"Ġmuere":15647,"Ġdigna":15648,"Ġvehic":15649,"Ġ78":15650,"órica":15651,"oroeste":15652,"Ġ04":15653,"ĠOfer":15654,"Ġdespedida":15655,"Ġhueso":15656,"Ġeterna":15657,"ĠBet":15658,"Ġrubia":15659,"Ġtope":15660,"Ġtinta":15661,"inidad":15662,"Ġdesarrolladores":15663,"Ġtecnológicas":15664,"tase":15665,"éase":15666,"Ġcuader":15667,"ĠHam":15668,"âĢĶ,":15669,"à¸":15670,"Ġrele":15671,"Ġcéle":15672,"Ġpersonalizar":15673,"ĠIdeal":15674,"rill":15675,"Ġsanidad":15676,"Ġ07":15677,"Ġfortalecimiento":15678,"ĠDC":15679,"Ġrecomp":15680,"ĠTrin":15681,"Ġasegurarse":15682,"ĠPosteriormente":15683,"Ġcurr":15684,"Ġjuzgar":15685,"Ġoff":15686,"Ġapropiado":15687,"Ġero":15688,"ĠAccesorios":15689,"Ġdiab":15690,"lerÃŃa":15691,"Ġcampesinos":15692,"Ġlleguen":15693,"Ġlenta":15694,"Ġsubvenciones":15695,"Ġmata":15696,"Ġchef":15697,"Ġfiebre":15698,"ĠproteÃŃna":15699,"Ġdependencias":15700,"uck":15701,"Ġconecta":15702,"Ġpromesas":15703,"Ġtextil":15704,"Ġdedicados":15705,"óbal":15706,"Ġfrecuentemente":15707,"Será":15708,"Util":15709,"ĠJunto":15710,"Ġfós":15711,"ĠtelefonÃŃa":15712,"Ġpasear":15713,"Ġsorprendido":15714,"ĠOB":15715,"ĠZamora":15716,"Ġbotellas":15717,"Ġcolap":15718,"Ġcansan":15719,"Ġbonitos":15720,"Ġtwitter":15721,"Ġmultimedia":15722,"Ġsuscripción":15723,"ĠSimplemente":15724,"Ġrocas":15725,"Ġcorrección":15726,"ĠLiteratura":15727,"itamente":15728,"TIL":15729,"ĠBruselas":15730,"Ġtestimonios":15731,"Ġdecirte":15732,"Ġindicando":15733,"ĠTarje":15734,"Clar":15735,"Ġpegar":15736,"Ġcivilización":15737,"uces":15738,"valo":15739,"Ġplantear":15740,"gón":15741,"Ġportero":15742,"Ġsirva":15743,"Ġluchando":15744,"ĠFuentes":15745,"Ġnormalidad":15746,"Ġtraigo":15747,"Ġingenieros":15748,"ĠHidalgo":15749,"Ġproducciones":15750,"tier":15751,"ĠCalderón":15752,"bito":15753,"Ġreside":15754,"Ġmostraron":15755,"donde":15756,"ĠPeque":15757,"Ġjuzgado":15758,"Ġ84":15759,"ĠMoto":15760,"Ġconjuntamente":15761,"Ġliquidación":15762,"ĠDebe":15763,"Ġdeberás":15764,"Ġdesagrad":15765,"versidad":15766,"ĠConcepción":15767,"Ġconcursos":15768,"ĠHome":15769,"Ġprecisó":15770,"ream":15771,"ĠMargarita":15772,"Ġbicicletas":15773,"Ġmarcada":15774,"Ġcolo":15775,"ridge":15776,"Ġcompetitivo":15777,"ĠCEO":15778,"omer":15779,"Ġdorado":15780,"ĠEstrateg":15781,"Ġciber":15782,"Ġecuator":15783,"Ġruidos":15784,"ĠAdi":15785,"celente":15786,"Ġasfal":15787,"pados":15788,"ĠREC":15789,"ĠInternacionales":15790,"Ġino":15791,"Ġ02":15792,"âĢľ,":15793,"Ġmina":15794,"ĠTienen":15795,"ĠOrtiz":15796,"Ġalteraciones":15797,"ielos":15798,"Ġconcesion":15799,"Ġexhibición":15800,"ĠPregun":15801,"Ġtardar":15802,"Ġinstruc":15803,"ĠGENER":15804,"Ġasequ":15805,"Ġms":15806,"Ġexhaust":15807,"Ġrevés":15808,"prim":15809,"gg":15810,"Ġválv":15811,"ĠSt":15812,"ĠSosten":15813,"ĠTok":15814,"\")":15815,"ĠAB":15816,"Ġasesinado":15817,"ÃŃmetro":15818,"Ġmencionó":15819,"ĠTrip":15820,"Ġcompac":15821,"Ġcriaturas":15822,"ĠFIFA":15823,"ĠUNA":15824,"ĠConvención":15825,"iversidad":15826,"ĠErnesto":15827,"Ġusada":15828,"ĠPolÃŃticas":15829,"Ġrú":15830,"ELA":15831,"exión":15832,"Ġflash":15833,"Ġvirtudes":15834,"Ġrot":15835,"Ġaber":15836,"Ġaplicables":15837,"arch":15838,"omé":15839,"ĠAmerican":15840,"ĠMarc":15841,"Ġpierden":15842,"93":15843,"feras":15844,"ĠIrlanda":15845,"Ġamplios":15846,"Ġprefieren":15847,"Ġfabricado":15848,"ĠMárquez":15849,"ĠNiños":15850,"Ġagregado":15851,"Ġvist":15852,"Ġrega":15853,"Ġdespro":15854,"Ġrid":15855,"Ġfantástica":15856,"ĠJardÃŃn":15857,"abellón":15858,"94":15859,"ĠBran":15860,"Art":15861,"adra":15862,"ĠZapatillas":15863,"Ġburo":15864,"oral":15865,"ĠXVII":15866,"Ġincorporado":15867,"pertura":15868,"ĠChicas":15869,"Ġbolsillos":15870,"Ġmarihuana":15871,"Ġformó":15872,"ĠTenÃŃa":15873,"Ġmotiva":15874,"...âĢĿ":15875,"Ġcompositor":15876,"Ġdescendi":15877,"Ġnegativas":15878,"ĠEstación":15879,"ĠMez":15880,"Ġaje":15881,"Ġrepertorio":15882,"1999":15883,"ĠCuatro":15884,"Ġlevantó":15885,"ajos":15886,"Ġotorgado":15887,"Ġacusaciones":15888,"Ġpól":15889,"ĠolÃŃmp":15890,"Ġbodega":15891,"Ġdedican":15892,"ĠThomas":15893,"Ġilegales":15894,"Ġdaban":15895,"Ġbellas":15896,"quitos":15897,"Ġinvertido":15898,"Ġneumáticos":15899,"dadura":15900,"Ġpensó":15901,"Ġrobots":15902,"Ġadelgazar":15903,"Ġindefin":15904,"Ġdila":15905,"Ġrenovables":15906,"Ġcitada":15907,"Ġreta":15908,"Ġsexualidad":15909,"Ġliteralmente":15910,"ácticas":15911,"Ġcurvas":15912,"Ġfallos":15913,"Lle":15914,"Ġmochila":15915,"Ġconcretos":15916,"ĠPalabra":15917,"ĠCliente":15918,"FC":15919,"FORMA":15920,"ĠHolanda":15921,"Ġdesconoce":15922,"Ġviejas":15923,"Ġtolerancia":15924,"itán":15925,"ÃĤ":15926,"Ġenseguida":15927,"ĠBene":15928,"estes":15929,"Ġautónoma":15930,"Ġvalidez":15931,"Ġinvolucrados":15932,"ĠtÃŃpicos":15933,"Ġexpresidente":15934,"rovi":15935,"ĠEconómico":15936,"loween":15937,"Ġcomuna":15938,"nie":15939,"tecn":15940,"ĠLaguna":15941,"Ġpublico":15942,"''":15943,"Ġdándole":15944,"Ġcaba":15945,"Ġstar":15946,"Ġobligada":15947,"Ġjugo":15948,"Ġcapitalista":15949,"ĠJan":15950,"Ġegip":15951,"ĠMontevideo":15952,"Ġacercamiento":15953,"ĠQuÃŃm":15954,"Ġadmite":15955,"Ġherido":15956,"Ġremate":15957,"Ġmanifestado":15958,"ĠDNI":15959,"Ġparroquia":15960,"Ġmolestias":15961,"Ġaérea":15962,"ifa":15963,"Ġfrenar":15964,"ĠXbox":15965,"Ġconsiguiendo":15966,"Ġhospe":15967,"Ġalmacenar":15968,"Ġdesfile":15969,"Ġinstrucción":15970,"Ġatletas":15971,"Ġintervenir":15972,"ĠEscal":15973,"ñera":15974,"Ġaran":15975,"Ġpresentando":15976,"ĠPromoción":15977,"acao":15978,"Ġracional":15979,"ĠPeru":15980,"Ġaban":15981,"Ġemocionante":15982,"Ġdespi":15983,"ĠVII":15984,"Ġcriminales":15985,"ĠVaticano":15986,"ĠCiudadanos":15987,"Ġsometido":15988,"ĠChicago":15989,"adurÃŃa":15990,"ĠLabora":15991,"Ġprofundas":15992,"Ġchilena":15993,"Ġeli":15994,"ĠWin":15995,"orra":15996,"Ġprecedentes":15997,"ĠMontes":15998,"Ġerrad":15999,"ĠCrim":16000,"Ġafirmación":16001,"denal":16002,"Ġcardi":16003,"Debido":16004,"Ġaccionistas":16005,"Person":16006,"ĠMec":16007,"Ġala":16008,"Ġconvenios":16009,"Ġsimbol":16010,"Ġrota":16011,"Ġasocia":16012,"CIOS":16013,"Ġsobra":16014,"Ġdarme":16015,"Ġ(+":16016,"ĠBla":16017,"Ġvirgen":16018,"igra":16019,"Ġelegidos":16020,"Quiz":16021,"ciano":16022,"Ġocupan":16023,"Ġrigor":16024,"ÃijO":16025,"Ġhable":16026,"ption":16027,"áce":16028,"dÃŃas":16029,"Ġcorresponda":16030,"Ġtomada":16031,"Ġverán":16032,"ĠGuzmán":16033,"Ġente":16034,"Ġllamas":16035,"Ġmusica":16036,"Ġultima":16037,"ĠOviedo":16038,"istades":16039,"Ġespecialidades":16040,"Disfru":16041,"ĠJehová":16042,"Ġdeberes":16043,"Ġconsidere":16044,"guer":16045,"ĠIbero":16046,"Ġcotización":16047,"Ġhospit":16048,"Ġderrib":16049,"Ġindemnización":16050,"ĠPatricia":16051,"Ġayudó":16052,"ANO":16053,"respons":16054,"Ġrodilla":16055,"Ġelectrodomésticos":16056,"telo":16057,"TEL":16058,"Red":16059,"Ġserlo":16060,"Ġamparo":16061,"onado":16062,"Ġcabezas":16063,"clip":16064,"ĠAllen":16065,"UCA":16066,"Ġcomodidades":16067,"Ġ05":16068,"Ġinteresadas":16069,"dole":16070,"Ġcálculos":16071,"Ġcampamento":16072,"Ġrechazar":16073,"Ġpedimos":16074,"ĠBob":16075,"blación":16076,"ENTES":16077,"tices":16078,"micos":16079,"Ġ76":16080,"foro":16081,"Ġdesvel":16082,"Ġescasa":16083,"Ġaplicando":16084,"Ġ96":16085,"IE":16086,"Ġbala":16087,"Ġllenas":16088,"Ġsubiendo":16089,"Ġhormigón":16090,"try":16091,"Ġutilice":16092,"Ġsexta":16093,"Ġescalera":16094,"Ġcobran":16095,"ĠMiranda":16096,"Ġembajador":16097,"Ġtour":16098,"Ġfabrica":16099,"Ġvulnerables":16100,"cionan":16101,"ĠÃŃndices":16102,"Ġprefiero":16103,"Ġplanteado":16104,"Ġcerámica":16105,"ĠTÃŃtulo":16106,"Ġmaterna":16107,"ĠPuig":16108,"ĠhÃŃb":16109,"Ġborra":16110,"Ġtrág":16111,"ferente":16112,"boa":16113,"Ġbach":16114,"Ġpresidentes":16115,"ĠNegocios":16116,"Ġochenta":16117,"amina":16118,"Ġantioxid":16119,"Ġincapacidad":16120,"ĠUU":16121,"Ġemprendedor":16122,"Ġdependerá":16123,"FO":16124,"ĠArgentino":16125,"olvió":16126,"casa":16127,"lago":16128,"Ġteórico":16129,"ĠNu":16130,"ĠFire":16131,"Ġcentrado":16132,"Ġdebates":16133,"Ġobservaciones":16134,"ĠTimes":16135,"ĠjurÃŃdicas":16136,"Ġeterno":16137,"ĠpenÃŃnsula":16138,"ĠhÃŃgado":16139,"Ġasignación":16140,"ĠWall":16141,"ĠRin":16142,"asterio":16143,"Ġconmemor":16144,"2000":16145,"Ġeficaces":16146,"cionistas":16147,"Ġmedieval":16148,"ĠProfesor":16149,"Ġconvencionales":16150,"Ġestudiando":16151,"Ġdesconec":16152,"Ġcomandante":16153,"Ġconsolidación":16154,"Ġexpedición":16155,"ĠUp":16156,"inger":16157,"ĠPlataforma":16158,"Ġ77":16159,"Ġcosecha":16160,"ĠAso":16161,"Ġmalestar":16162,"ologia":16163,"ĠVera":16164,"Ġclasificados":16165,"ì":16166,"Ġcompletas":16167,"ĠUsuarios":16168,"BLE":16169,"ĠProducto":16170,"Ġprimor":16171,"ĠCorporación":16172,"piraciones":16173,"ĠcardÃŃa":16174,"Ġjejeje":16175,"gantes":16176,"Ġcaña":16177,"Ġdivertir":16178,"ĠAlcalde":16179,"ĠChia":16180,"PM":16181,"ĠDemocr":16182,"Ġeviden":16183,"Ġdominante":16184,"Ġcreencia":16185,"ĠMichel":16186,"ĠLev":16187,"agro":16188,"Ġdificil":16189,"ĠNacionales":16190,"timamente":16191,"ĠTermin":16192,"Ġsecos":16193,"estiona":16194,"genos":16195,"ESTI":16196,"Ġprotector":16197,"ĠPriva":16198,"tráfico":16199,"ji":16200,"Ġelog":16201,"ditos":16202,"91":16203,"ĠNob":16204,"Ġpresunto":16205,"Ġestudia":16206,"Ġpilares":16207,"Ġartesan":16208,"Ġhered":16209,"Ġfestivales":16210,"ollo":16211,"mó":16212,"ĠKm":16213,"ĠdecÃŃan":16214,"Ġniega":16215,"dijo":16216,"Ġ73":16217,"Amb":16218,"Ġsocialismo":16219,"Ġindependen":16220,"Ġjazz":16221,"Ġcariños":16222,"Ġdestinadas":16223,"Ġvasos":16224,"Ġemitido":16225,"Ġ160":16226,"Ġtrauma":16227,"Ġ(\"":16228,"Ġocurra":16229,"ĠInvestigaciones":16230,"ĠGobernador":16231,"ĠCS":16232,"ĠUniverso":16233,"fique":16234,"ã":16235,"Ġexpuestos":16236,"Ġtemáticas":16237,"Ġemplea":16238,"ĠCristóbal":16239,"Ġgarganta":16240,"Ġsuceso":16241,"Ġpieles":16242,"Ġafirman":16243,"Ġpreservar":16244,"Ġmore":16245,"acate":16246,"dibu":16247,"ĠBuena":16248,"Ġagujero":16249,"PAR":16250,"Ġaplas":16251,"ianzas":16252,"Ġbuscaba":16253,"Ġconjuntos":16254,"ĠMari":16255,"Ġproduciendo":16256,"Ġcenar":16257,"Ġpermiti":16258,"Ġlección":16259,"cino":16260,"Sh":16261,"iestas":16262,"Ġvisuales":16263,"Ġrespecta":16264,"Ġestupenda":16265,"jadas":16266,"Ġfuncione":16267,"Ġmonumento":16268,"Ġrastre":16269,"ĠPresupuesto":16270,"avier":16271,"precio":16272,"Ġcarteles":16273,"ĠRad":16274,"Ġaumentó":16275,"grade":16276,"Ġescudo":16277,"Ġminera":16278,"Ġcartón":16279,"Ġcolocado":16280,"Ġdiam":16281,"ĠImagen":16282,"Ġautomovil":16283,"Ġjaja":16284,"ĠcercanÃŃa":16285,"ĠJornadas":16286,"tizó":16287,"Ġmantenga":16288,"Ġfalsos":16289,"Ġadquiere":16290,"reste":16291,"tricos":16292,"ié":16293,"ierten":16294,"Ġtesoro":16295,"tat":16296,"Ġfontan":16297,"Ġdigan":16298,"Ġmezclar":16299,"ĠDelegación":16300,"Ġsonora":16301,"ĠRece":16302,"astas":16303,"kar":16304,"Ġquerida":16305,"ĠCAS":16306,"ĠPaco":16307,"ĠPaseo":16308,"Ġpuntuación":16309,"ĠLeo":16310,"ĠXD":16311,"ĠAng":16312,"Ġprovocando":16313,"Ġarticulo":16314,"Ġaero":16315,"Ġtarta":16316,"ĠLucÃŃa":16317,"ORES":16318,"Ġhistóricas":16319,"Ġtriunf":16320,"Ġimportación":16321,"Ġimpecable":16322,"Ġreconstrucción":16323,"Ġmilag":16324,"ĠEstudiantes":16325,"2003":16326,"izarse":16327,"Ġmillas":16328,"Ġpelu":16329,"Ġentendemos":16330,"Ġaprovechamiento":16331,"Ġcontentos":16332,"omi":16333,"icados":16334,"Ġespaldas":16335,"ĠAudio":16336,"Ġmadura":16337,"Ġpropaganda":16338,"ĠcientÃŃficas":16339,"guero":16340,"Ġproductiva":16341,"Ġsobrepas":16342,"Ġsubido":16343,"ĠRAM":16344,"Ġestro":16345,"imental":16346,"Ġzar":16347,"Ġuse":16348,"Ġbono":16349,"â":16350,"éstico":16351,"Ġegres":16352,"icóp":16353,"Ġ125":16354,"Ġpresum":16355,"ĠInici":16356,"Ġangustia":16357,"Ġimpactos":16358,"Ġaéreo":16359,"Ġresidencial":16360,"eamiento":16361,"Ġestupendo":16362,"Ġave":16363,"ĠIber":16364,"Ġinformativo":16365,"Ġagricultores":16366,"ĠmagnÃŃfica":16367,"Ġtaxi":16368,"contin":16369,"Ġorganizadores":16370,"ĠNews":16371,"ĠSpi":16372,"ragona":16373,"Ġposeer":16374,"Ġrelativos":16375,"ĠparaÃŃso":16376,"Ġcontinuará":16377,"Ġcuerdas":16378,"ĠHistórico":16379,"Ġobligatoria":16380,"Ġpreventiva":16381,"Ġqueréis":16382,"Ġhalla":16383,"Ġcarnes":16384,"ĠJalisco":16385,"ĠSEG":16386,"Ġsensibil":16387,"Ġcuadrado":16388,"twitter":16389,"Ġhéroes":16390,"Ġaplican":16391,"Ġejerce":16392,"ĠTelevisión":16393,"700":16394,"Ġbuscado":16395,"ĠDescargar":16396,"Ġapetece":16397,"ócratas":16398,"Ġconsiderarse":16399,"Ġmiradas":16400,"Ġconoces":16401,"Ġemplear":16402,"Ġpasaje":16403,"Ġpropósitos":16404,"Ġvenganza":16405,"Ġlentes":16406,"Ġbul":16407,"sticos":16408,"Ġinmigración":16409,"Ġválido":16410,"red":16411,"Ġvayas":16412,"Ġcontundente":16413,"Ġfarmacia":16414,"Ġrestantes":16415,"gorit":16416,"Ġinsign":16417,"uado":16418,"Ġatar":16419,"Ġgestiones":16420,"Ġfér":16421,"ĠTamaño":16422,"Ġanalistas":16423,"ĠJord":16424,"ĠHues":16425,"Ġcontrola":16426,"ĠQuizá":16427,"ĠPach":16428,"less":16429,"Ġtrajes":16430,"Ġfué":16431,"Ġeman":16432,"ĠChat":16433,"patÃŃa":16434,"Ġalcaldesa":16435,"Ġexperimento":16436,"Hz":16437,"Ġmero":16438,"Ġprelim":16439,"jerci":16440,"Ġmonumentos":16441,"ison":16442,"Ġhuellas":16443,"telerÃŃa":16444,"Ġcreados":16445,"Ġ71":16446,"Ġdejarlo":16447,"tang":16448,"Ġcargado":16449,"TIS":16450,"dros":16451,"Ġinspirado":16452,"Ġcompensación":16453,"Esper":16454,"Ġproveer":16455,"Ġneoliber":16456,"Ġatracciones":16457,"Ġcontamin":16458,"Ġcopas":16459,"Ġmel":16460,"ĠÃģvila":16461,"ĠSci":16462,"ĠVÃŃa":16463,"INO":16464,"Ġcong":16465,"ĠNaturales":16466,"Ġvalenci":16467,"Ġtrajo":16468,"Ġpoderosos":16469,"ĠCle":16470,"ĠCamil":16471,"ĠBeach":16472,"ãĢ":16473,"étera":16474,"ĠComunidades":16475,"Ġ93":16476,"Ġmiedos":16477,"ĠInicio":16478,"Ġpresiones":16479,"Ġescribo":16480,"ĠVidal":16481,"Ġmanuales":16482,"Ġficheros":16483,"Ġvegetación":16484,"DÃŃa":16485,"ĠBrown":16486,"ĠindÃŃgena":16487,"Ġpotenci":16488,"gur":16489,"Ġrentable":16490,"Ġlevanta":16491,"Ġinsectos":16492,"Ġorgánica":16493,"Ġaliento":16494,"tice":16495,"Ġosci":16496,"Ġ;)":16497,"Ġrepas":16498,"Ġ88":16499,"Ġofensiva":16500,"âĦ¢":16501,"oreste":16502,"Ġgrano":16503,"Ġdesem":16504,"Ġ06":16505,"Ġlocalizar":16506,"erta":16507,"Ġartesanal":16508,"Ġcardiovas":16509,"bitro":16510,"bon":16511,"Ġexternas":16512,"Ġconsecutivo":16513,"Ġutilizó":16514,"Ġhistorial":16515,"ĠGroup":16516,"Ġmáximos":16517,"Ġatraviesa":16518,"Ġkit":16519,"Ġalegr":16520,"Da":16521,"Ġremol":16522,"obia":16523,"Ġ03":16524,"?)":16525,"VIS":16526,"ĠdeberÃŃamos":16527,"ĠVAL":16528,"ineros":16529,"Ġmatriz":16530,"adro":16531,"ĠOaxaca":16532,"Ġbañera":16533,"ĠJar":16534,"ĠDé":16535,"ĠDicho":16536,"ĠApp":16537,"ĠEnseñ":16538,"Ġinflamación":16539,"Ġcómodos":16540,"amplona":16541,"iuda":16542,"Ġup":16543,"Ġfile":16544,"Ġtoro":16545,"urso":16546,"CAR":16547,"Ġrepite":16548,"ĠBara":16549,"Ġcopiar":16550,"ĠZel":16551,"diversidad":16552,"Pese":16553,"Ġayudando":16554,"Ġdependiente":16555,"Ġmentiras":16556,"inosa":16557,"Ġcasino":16558,"ĠAndre":16559,"ĠDisponible":16560,"ĠMatem":16561,"Ġ82":16562,"Ġrecibo":16563,"izamos":16564,"Ġofrecerle":16565,"Ġterremoto":16566,"ĠTuc":16567,"Ġ74":16568,"Otros":16569,"ĠSolici":16570,"Ġbroma":16571,"ĠRead":16572,"Ġelegida":16573,"esterol":16574,"nea":16575,"Ġbaratas":16576,"ĠSir":16577,"Ġsalarial":16578,"Ġtomamos":16579,"Ġalteración":16580,"Ġliberar":16581,"ĠRum":16582,"Ġnóm":16583,"rencia":16584,"Ġcolonial":16585,"Trabaj":16586,"rimido":16587,"Ġcurar":16588,"ĠAlicia":16589,"Ġarreba":16590,"ĠAre":16591,"ĠLab":16592,"Ġestimular":16593,"Ġobreros":16594,"ĠCervantes":16595,"ĠRedes":16596,"Ġair":16597,"Ġventil":16598,"Ġcalcula":16599,"Ġregalar":16600,"ava":16601,"Ġexpone":16602,"ritas":16603,"ĠGrand":16604,"Ġamas":16605,"nis":16606,"Ġesfera":16607,"hen":16608,"ĠCy":16609,"Ra":16610,"Ġpeliculas":16611,"Ġhuir":16612,"ĠProgram":16613,"rillas":16614,"Ġayuden":16615,"Ġponerle":16616,"ĠMusic":16617,"Ġsucur":16618,"Ġmotocicle":16619,"ï¼":16620,"Ġalmoh":16621,"Ġparticipante":16622,"Ġocurren":16623,"nan":16624,"Ġpreocupes":16625,"Ġextranjeras":16626,"Ġilustraciones":16627,"Ġtemporales":16628,"ball":16629,"Ġpermitirán":16630,"ĠponÃŃa":16631,"Ġnombramiento":16632,"itivos":16633,"ĠLugar":16634,"Ġóptica":16635,"Ġintroduce":16636,"ĠNetflix":16637,"ĠðŁĻĤ":16638,"ĠAqu":16639,"itenci":16640,"Ġignorancia":16641,"EFE":16642,"Ġascensor":16643,"ĠBase":16644,"Ġperuana":16645,"Ġpala":16646,"alos":16647,"Ġespuma":16648,"Ġordenado":16649,"Ġchaqueta":16650,"Ġorilla":16651,"Ġenfrente":16652,"Ġestip":16653,"ĠHogar":16654,"Ġrecuerdan":16655,"dirse":16656,"Ġenla":16657,"IVERS":16658,"Ġambul":16659,"ĠNú":16660,"manente":16661,"Ġprotegido":16662,"ĠCala":16663,"Ġalmacén":16664,"Ġcansancio":16665,"Vis":16666,"ĠProf":16667,"ĠIND":16668,"Ġespectro":16669,"ĠMateo":16670,"ĠCorrea":16671,"ericordia":16672,"ĠBarran":16673,"Ġavanzando":16674,"ĠPueden":16675,"irma":16676,"ĠFox":16677,"Ġabren":16678,"Ġnarrativa":16679,"Ġaccede":16680,"Ġsatélite":16681,"Ġlatina":16682,"ĠCristiano":16683,"ĠJordi":16684,"Ġprivilegio":16685,"Ġdesarrollará":16686,"Ġcabecera":16687,"onesa":16688,"Ġsud":16689,"ĠFM":16690,"ĠEM":16691,"board":16692,"Ġpuri":16693,"Ġcelebraciones":16694,"Ġvolúmenes":16695,"ometrÃŃa":16696,"Ġimpunidad":16697,"Ġinformático":16698,"Ġatentos":16699,"ĠFl":16700,"cisamente":16701,"ĠHouse":16702,"Ġunirse":16703,"tx":16704,"eek":16705,"ĠDescubre":16706,"tta":16707,"Ġdies":16708,"iw":16709,"ĠMarca":16710,"gam":16711,"Ġantel":16712,"gregación":16713,"Ġdonación":16714,"Ġanterioridad":16715,"ĠCán":16716,"Ġnevera":16717,"Ġnubl":16718,"Ġbeneficiarios":16719,"TRI":16720,"Ġverificación":16721,"ĠmandÃŃ":16722,"Ġhábiles":16723,"ianismo":16724,"ĠperÃŃodos":16725,"Ġestructural":16726,"bablemente":16727,"teriales":16728,"acion":16729,"ĠAvis":16730,"ĠPV":16731,"Ġfatal":16732,"hidra":16733,"Ġintendente":16734,"Ġprioridades":16735,"Ġsubrayó":16736,"âĢĵ,":16737,"Ġproducida":16738,"Ġ1985":16739,"ĠEspec":16740,"Ġglobales":16741,"ĠEléctr":16742,"Ġcosech":16743,"Ġsecundario":16744,"Ġmasculina":16745,"Ġescasez":16746,"terránea":16747,"Ġvolvieron":16748,"Press":16749,"Ġtomas":16750,"Ġexpresado":16751,"Ġerrón":16752,"Ġalerg":16753,"pur":16754,"ĠIndependencia":16755,"Ġdivina":16756,"Ġnotific":16757,"Ġperpetu":16758,"Ġcircuitos":16759,"ĠartÃŃsticas":16760,"Ġsólidos":16761,"ĠNorma":16762,"áfrica":16763,"Ġcaracteres":16764,"Ġfronter":16765,"Ġdomingos":16766,"élix":16767,"Ġcerrad":16768,"ĠOpciones":16769,"vs":16770,"Ġfinalizó":16771,"Ġadorn":16772,"Ġradiación":16773,"Ġpertinentes":16774,"ĠRem":16775,"une":16776,"Ġfollar":16777,"zaron":16778,"Ġarra":16779,"ortante":16780,"guo":16781,"Ġetcétera":16782,"Ġtraduce":16783,"Pan":16784,"erna":16785,"Ġvoluntaria":16786,"ormal":16787,"Ġganancia":16788,"Ġóptimo":16789,"gem":16790,"Ġ::":16791,"Ġcálido":16792,"Ġantrop":16793,"Ġcompartida":16794,"ĠCabil":16795,"Ġdiscursos":16796,"ĠTravel":16797,"Ġapostar":16798,"Ġrescatar":16799,"Ġsabia":16800,"AF":16801,"minente":16802,"Ġretención":16803,"Ġdeses":16804,"ĠAndrea":16805,"ĠCoopera":16806,"Ġlactancia":16807,"Ġabsorción":16808,"Bol":16809,"rive":16810,"ĠdarÃŃa":16811,"LOS":16812,"ĠRi":16813,"2005":16814,"Ġ86":16815,"ĠIntel":16816,"Ġescape":16817,"ĠMorena":16818,"Ġmolé":16819,"Ġthis":16820,"Ġbúsquedas":16821,"ENTOS":16822,"âĤ¬.":16823,"Ġalegro":16824,"Ġinvasión":16825,"Ġayudarle":16826,"Parece":16827,"Ġextraños":16828,"Ġimpi":16829,"Ġjamón":16830,"Ġrápidas":16831,"Ġole":16832,"Ġmarx":16833,"Ġcensura":16834,"Ġdinámico":16835,"ĠCorazón":16836,"Ġciertamente":16837,"Ġhacerme":16838,"Ġrodillas":16839,"Ġcolesterol":16840,"Ġpreciosas":16841,"Ġmérito":16842,"eche":16843,"ĠYoutube":16844,"Ġilim":16845,"Ġapuntan":16846,"Ġperdieron":16847,"Ġoportuno":16848,"Ġpresentadas":16849,"Ġecológica":16850,"ĠAmigos":16851,"Ġllame":16852,"Ġcostar":16853,"ĠCamb":16854,"teado":16855,"Ġaltitud":16856,"Ġencargo":16857,"ĠClara":16858,"Ġcinturón":16859,"Ġfidelidad":16860,"Ġlegalidad":16861,"Ġaveriguar":16862,"zu":16863,"ĠMary":16864,"gers":16865,"ilateral":16866,"Ġrespirar":16867,"ĠTr":16868,"Ġexcursión":16869,"Ġaltar":16870,"Ġoriginalmente":16871,"Sa":16872,"ĠAdministrativo":16873,"Ġreportaje":16874,"Ġoscuros":16875,"velo":16876,"ory":16877,"ĠÃĵscar":16878,"ĠSofÃŃa":16879,"ĠLon":16880,"Ġsever":16881,"ĠFlo":16882,"Ġanoche":16883,"Ġpresidenciales":16884,"Ġrollo":16885,"Ġdeliciosa":16886,"Ġdiputada":16887,"Ġdébiles":16888,"ĠPaso":16889,"ĠFamiliar":16890,"Ġrosas":16891,"Ġexigen":16892,"Ġgestos":16893,"bust":16894,"Ġapoder":16895,"TRE":16896,"Ġdisfraz":16897,"cinco":16898,"Ġdetalló":16899,"Ġpsicológico":16900,"âĢľ.":16901,"ĠViernes":16902,"Ġincapaz":16903,"Ġsetenta":16904,"Ġrecub":16905,"Ġaspirantes":16906,"Ġduró":16907,"Ġminas":16908,"Ġdependen":16909,"Ġpongan":16910,"Ġepide":16911,"riga":16912,"ĠCharles":16913,"Ġgel":16914,"tum":16915,"Ġesperanzas":16916,"Ġ{":16917,"gela":16918,"Ġsencillamente":16919,"Ġacercó":16920,"Ġinunda":16921,"Ġpeg":16922,"ĠJunior":16923,"ibu":16924,"Ġquiénes":16925,"Mas":16926,"melo":16927,"Ġangel":16928,"Ġamistades":16929,"stro":16930,"Ġtitularidad":16931,"ĠAlcalá":16932,"ĠOccidente":16933,"Ġestimado":16934,"Podemos":16935,"Ġpatri":16936,"ĠEnc":16937,"ĠAcadém":16938,"Ġterminales":16939,"Ġconquistar":16940,"Ġfilme":16941,"Ġcalcio":16942,"ĠRO":16943,"Ġvinculación":16944,"Ġelenco":16945,"Ġmerca":16946,"viar":16947,"Ġdecidi":16948,"Ġcomenzando":16949,"Ġtrac":16950,"Ġresaltó":16951,"Ġtremen":16952,"Ġlegisladores":16953,"Ġorquesta":16954,"Ġgrueso":16955,"Ġgabinete":16956,"ĠsalÃŃa":16957,"Ġcuidadosamente":16958,"Ġspam":16959,"Cl":16960,"Men":16961,"Ġinvito":16962,"ariana":16963,"ĠAun":16964,"Ġconectividad":16965,"Ġaliviar":16966,"Ġabo":16967,"Ġdepre":16968,"Ġmilagro":16969,"Ġpuentes":16970,"Ġpilas":16971,"ĠPis":16972,"ĠeconomÃŃas":16973,"Ġhelicóp":16974,"Ġvarones":16975,"ali":16976,"itudes":16977,"ĠSindica":16978,"Ġestampado":16979,"Ġseparados":16980,"Ġviolaciones":16981,"ĠBretaña":16982,"Ġtrabajadora":16983,"Ġabuelos":16984,"tosa":16985,"Ġactúan":16986,"Ġprecar":16987,"Ġantelación":16988,"Ġquemar":16989,"Ġmuel":16990,"Ġdigamos":16991,"Ġlimitación":16992,"ĠPress":16993,"jemplo":16994,"Ġacademia":16995,"Sta":16996,"Ġvariantes":16997,"Ġinterrup":16998,"Ġbiz":16999,"Ġsuspender":17000,"ĠGi":17001,"Ġterrestre":17002,"Ġllantas":17003,"Ġestemos":17004,"ĠIndependiente":17005,"Ġinscripciones":17006,"ĠPaulo":17007,"Ġcatalanes":17008,"Ġbord":17009,"Ġadaptado":17010,"Ġcitar":17011,"ĠCampos":17012,"LAS":17013,"Ġfabricar":17014,"Ġvient":17015,"Ġcompartimos":17016,"Ġbarata":17017,"ĠGay":17018,"ĠAren":17019,"Ġapps":17020,"ĠMarx":17021,"Ġnombrar":17022,"mate":17023,"Ġaconsej":17024,"Ġpromocionar":17025,"Ġcort":17026,"etti":17027,"Ġfomento":17028,"Ġconsiderablemente":17029,"Ġaliado":17030,"Ġtorneos":17031,"Ġcautiv":17032,"Ġemergentes":17033,"drez":17034,"éndum":17035,"ĠPunto":17036,"ĠCorn":17037,"Ġestancias":17038,"ĠBarça":17039,"tinal":17040,"Ġaprovecha":17041,"Ġdomést":17042,"Ġexclusivos":17043,"Ġcigar":17044,"Ġpotable":17045,"ĠCerro":17046,"gracias":17047,"SL":17048,"Ġastro":17049,"Ġpeligrosos":17050,"Ġdieci":17051,"ciedad":17052,"Contin":17053,"ĠPuerta":17054,"zzi":17055,"Ġbajada":17056,"ĠMonterrey":17057,"ĠIgualmente":17058,"ĠDeclaración":17059,"ĠMIN":17060,"Ġ\"¿":17061,"Ġcementerio":17062,"Ġganan":17063,"Ġcompartiendo":17064,"bana":17065,"Ġcamioneta":17066,"Ġgentes":17067,"Ġpagando":17068,"Ġsurgir":17069,"Ġnet":17070,"Ġvinculado":17071,"Ġ1988":17072,"ĠVene":17073,"Ġfreno":17074,"Trans":17075,"copio":17076,"ĠSchool":17077,"ĠAyuda":17078,"luencia":17079,"Ġgam":17080,"Ġmanifest":17081,"Ġwifi":17082,"cesión":17083,"ĠRod":17084,"Ġreflejan":17085,"Ġmelan":17086,"ĠPropiedad":17087,"ĠclÃŃnicas":17088,"ĠPepe":17089,"Ġplug":17090,"Ġcoman":17091,"ĠDeja":17092,"Ġderrum":17093,"acia":17094,"Ġpropici":17095,"Ġdrenaje":17096,"Ġinquietudes":17097,"Ġneutr":17098,"Ġdigit":17099,"bloque":17100,"ĠIU":17101,"ĠvarÃŃa":17102,"omar":17103,"bueno":17104,"Ġsemifinales":17105,"utin":17106,"Ġpesetas":17107,"Ġ1970":17108,"Ġdistor":17109,"compañ":17110,"Ġllevada":17111,"ĠInforma":17112,"Ġescritora":17113,"Ġinnumer":17114,"Encuentra":17115,"Ġacta":17116,"Ġmicroondas":17117,"ĠMagn":17118,"dell":17119,"Ġmigración":17120,"Ġmadurez":17121,"Ġtox":17122,"riente":17123,"Ġmeditación":17124,"ĠTam":17125,"Ġespes":17126,"Ġexitoso":17127,"ĠSimón":17128,"Ġlaboratorios":17129,"Ġolas":17130,"Ġvendedores":17131,"yer":17132,"Ġlava":17133,"Ġ92":17134,"ĠCiudadana":17135,"Ġdeseamos":17136,"imenea":17137,"Ġséptimo":17138,"?\"":17139,"Ġautó":17140,"gmail":17141,"Ġtraemos":17142,"Ġprimo":17143,"Ġdefensores":17144,"aldo":17145,"Ġreciclaje":17146,"Ġtrip":17147,"ĠCortes":17148,"Ġbillete":17149,"Ġadministradores":17150,"Ġperjuicios":17151,"tooth":17152,"Ġsolteros":17153,"Ġresistir":17154,"ĠBeb":17155,"ĠAlbacete":17156,"ĠMemoria":17157,"ĠInten":17158,"Ġcatedral":17159,"Ġenamorado":17160,"ĠTrituradora":17161,"Ley":17162,"Ġllo":17163,"Ġconvicción":17164,"Ġdama":17165,"Dios":17166,"ĠIM":17167,"ENTO":17168,"ĠToy":17169,"Ġpluma":17170,"ĠPresentación":17171,"Ġcomunitaria":17172,"Ġquedé":17173,"ipo":17174,"Ġjugos":17175,"Ġavanzadas":17176,"ĠrÃŃg":17177,"Ġresultaron":17178,"Ġdedicó":17179,"ĠEconómica":17180,"Ġnacidos":17181,"Ġtuya":17182,"ĠEvangelio":17183,"nación":17184,"ICAS":17185,"Ġdistra":17186,"Ġoperan":17187,"ICE":17188,"Ġ1986":17189,"Ġinstitucionales":17190,"Ġpastillas":17191,"HE":17192,"Ġgeográfica":17193,"Ġaires":17194,"ĠTienda":17195,"Ġsom":17196,"Ġdemonios":17197,"ĠParis":17198,"Ġsustancial":17199,"ĠAlimentación":17200,"TT":17201,"Ġviaja":17202,"ĠÃŃndole":17203,"Ġproli":17204,"Ġfalda":17205,"TIVA":17206,"Ġdialo":17207,"ĠClin":17208,"ĠesquÃŃ":17209,"2004":17210,"pica":17211,"cano":17212,"cran":17213,"Ġcampeona":17214,"Ġconsistente":17215,"titas":17216,"ĠValores":17217,"Ġescuchando":17218,"Ġcurric":17219,"ĠTin":17220,"Ġmatan":17221,"ĠPolonia":17222,"Ġrealidades":17223,"Ġestudiado":17224,"racciones":17225,"ÃŃble":17226,"Ġdados":17227,"Ġinfluencias":17228,"ector":17229,"Ġarmados":17230,"Ġnu":17231,"Ġácidos":17232,"Ġove":17233,"Ġalberg":17234,"ĠESPAÃij":17235,"Ġmicró":17236,"Ġrenovado":17237,"Ġconstruye":17238,"ĠSea":17239,"quiler":17240,"Ġseguirán":17241,"ÃįS":17242,"ĠPatria":17243,"rocarril":17244,"ĠTem":17245,"Ġlibertades":17246,"Ref":17247,"mada":17248,"Ġexport":17249,"ĠCop":17250,"load":17251,"Ġaparente":17252,"Ġaumentan":17253,"Ġvinculadas":17254,"Ġconsolidar":17255,"Ġcorporativa":17256,"pedia":17257,"Ġreceptor":17258,"ĠConfederación":17259,"Ġondas":17260,"Ġóptima":17261,"Ġdespierta":17262,"Ġgustar":17263,"trac":17264,"iche":17265,"ĠpodrÃŃas":17266,"Ġacordado":17267,"Primero":17268,"Ġactivamente":17269,"Ġprol":17270,"Ġrelativas":17271,"dalena":17272,"ólicos":17273,"ĠCrédito":17274,"Ġprovisional":17275,"ĠAbogados":17276,"Ġtraducir":17277,"ĠDur":17278,"Ġlecciones":17279,"Ġduele":17280,"Ġacierto":17281,"Ġdescargas":17282,"Ġbomberos":17283,"Ġcrucero":17284,"ione":17285,"ĠLara":17286,"Ġrabia":17287,"ĠDepartam":17288,"Ġdesear":17289,"Ġtomarse":17290,"Ġintoler":17291,"fianza":17292,"Ġpublicadas":17293,"ĠJoven":17294,"GEN":17295,"Ġtramos":17296,"abras":17297,"ixa":17298,"Ġcostó":17299,"TITU":17300,"Ġmencionada":17301,"ĠMap":17302,"ensible":17303,"Ġesencialmente":17304,"ĠAñad":17305,"gara":17306,"urrección":17307,"diós":17308,"Ġcustodia":17309,"ñada":17310,"Ġcreaciones":17311,"Ġsolteras":17312,"Ġalgorit":17313,"úb":17314,"Ġconvocado":17315,"Ġlejano":17316,"ĠbÃŃbl":17317,"Ġamuebl":17318,"ĠLetras":17319,"solo":17320,"Ġpases":17321,"ĠBaleares":17322,"Ġcontenida":17323,"Ġdivide":17324,"Dec":17325,"Ġrecibirán":17326,"Ġredonda":17327,"gaz":17328,"ĠNobel":17329,"Ġesconde":17330,"iamos":17331,"andés":17332,"ĠColombi":17333,"Ġsientan":17334,"Ġsubmar":17335,"CS":17336,"ĠChristian":17337,"ĠMérida":17338,"ĠCabildo":17339,"Ġusamos":17340,"Ġselva":17341,"Ġpelicula":17342,"Ġasesinatos":17343,"táneo":17344,"Ġamericanos":17345,"Tri":17346,"Ġsumó":17347,"Ġcerdo":17348,"idan":17349,"Ġcoincide":17350,"Ġmanufac":17351,"Ġlimpias":17352,"Ġrecomien":17353,"Ġacusación":17354,"Medi":17355,"Ġcaballero":17356,"Ġ87":17357,"ĠfÃŃsicamente":17358,"veniles":17359,"than":17360,"Ġlon":17361,"Ġpatron":17362,"Ġestandar":17363,"ĠmercancÃŃa":17364,"ĠPese":17365,"Ġexcesivo":17366,"ĠComunicaciones":17367,"Ġrojas":17368,"Ġparrilla":17369,"Ġdirectivo":17370,"Ġnorteamericana":17371,"Ġsuponen":17372,"Dónde":17373,"Ġvaliente":17374,"ĠFeb":17375,"Ġdesorden":17376,"frad":17377,"Ġsupermercados":17378,"Ġreclamación":17379,"Ġgenu":17380,"Excelente":17381,"ĠMS":17382,"Ġavanzados":17383,"Ġcentenar":17384,"ĠNick":17385,"tegra":17386,"Ġdespliegue":17387,"Ġadic":17388,"Ġdesar":17389,"ató":17390,"Ġprotegidos":17391,"Ġrepent":17392,"Ġtiros":17393,"atán":17394,"Ġperfectos":17395,"ólicas":17396,"his":17397,"Ġromántica":17398,"Ġretrato":17399,"ĠYan":17400,"ĠEFE":17401,"Ġseamos":17402,"Ġmantendrá":17403,"huahua":17404,"Ġcorro":17405,"Ġauric":17406,"rupos":17407,"ĠTeléfono":17408,"Ġapoyado":17409,"ĠCru":17410,"Ġvalioso":17411,"Ġturb":17412,"Ġmejoramiento":17413,"Ġatendiendo":17414,"govia":17415,"Ġgranos":17416,"Ġprevisión":17417,"Ġaportando":17418,"Ġcentrar":17419,"Ġricas":17420,"Ġaldea":17421,"war":17422,"ĠEsperanza":17423,"Ġpones":17424,"Ġcocinas":17425,"Ġdivorcio":17426,"Ġcompetidores":17427,"ĠSmart":17428,"ulla":17429,"osamente":17430,"cierto":17431,"Ġestrictamente":17432,"Ġreivindic":17433,"Ġsierra":17434,"ĠOlÃŃmpicos":17435,"Ġconvirtiéndose":17436,"Ġvariados":17437,"Ġtacto":17438,"ampar":17439,"Ġrazas":17440,"Ġinus":17441,"Ġchis":17442,"Ġcontratado":17443,"Ġtam":17444,"Ġauge":17445,"ĠChiapas":17446,".;":17447,"Ġcielos":17448,"Ġmédicas":17449,"Ġcaris":17450,"Ġreemplazar":17451,"roll":17452,"Ġanualmente":17453,"Ġdelim":17454,"Ġsensores":17455,"ĠInteligencia":17456,"onedas":17457,"Ġdecan":17458,"iba":17459,"Ġcomparti":17460,"Ġnarcotráfico":17461,"Ġpreferido":17462,"Ġtrozos":17463,"Ġaplicada":17464,"ĠPO":17465,"Ġsovi":17466,"posa":17467,"ÃįN":17468,"tente":17469,"Ġfrescos":17470,"Ġmuchacho":17471,"illón":17472,"Ġrecompensa":17473,"Ġmarino":17474,"Ġutilizarse":17475,"ORA":17476,"ósticos":17477,"Ġajeno":17478,"Ġinconvenientes":17479,"ĠCob":17480,"html":17481,"ui":17482,"Ġmilitantes":17483,"Ġeficientes":17484,"ĠUnos":17485,"nab":17486,"Ġtrabajadoras":17487,"ĠBella":17488,"Ġcomputadoras":17489,"ĠBuscar":17490,"Ġdivulgación":17491,"Ġsudor":17492,"Ġcontrolado":17493,"Ġinca":17494,"ĠtendrÃŃan":17495,"Ġharé":17496,"Ġtablet":17497,"sales":17498,"Ġdiges":17499,"asi":17500,"Tres":17501,"Ġreducida":17502,"Ġregistrada":17503,"ĠPolit":17504,"Ġcristales":17505,"erry":17506,"dada":17507,"ĠEstatuto":17508,"ĠtuberÃŃas":17509,"ĠJones":17510,"ÃŃnguez":17511,"Ġ97":17512,"Ġcambie":17513,"ĠEmpren":17514,"ĠLy":17515,"ĠGam":17516,"algo":17517,"Ġlavan":17518,"Ġecológico":17519,"Ġtransportar":17520,"lice":17521,"ĠIlust":17522,"Ġrelieve":17523,"lave":17524,"Ġ1987":17525,"ĠChampions":17526,"ambios":17527,"ĠOx":17528,"ensas":17529,"Ġdesequilib":17530,"ift":17531,"Ġabdomin":17532,"Ġañadimos":17533,"ĠFO":17534,"Ġguiar":17535,"Ġmasivo":17536,"ĠTO":17537,"Ġmorales":17538,"met":17539,"elar":17540,"Ġ1976":17541,"Ġlana":17542,"ĠPrado":17543,"Ġradica":17544,"Ġdesencaden":17545,"Ġdeshacer":17546,"ĠRoca":17547,"Ġorientado":17548,"eller":17549,"tencias":17550,"Ġobtienen":17551,"ĠOlimp":17552,"Ġllevarlo":17553,"ivir":17554,"Algunas":17555,"Ġafecto":17556,"ĠVesti":17557,"ĠdeberÃŃas":17558,"Ġatropel":17559,"Ġscorts":17560,"alth":17561,"Ġeliminado":17562,"Ġrecipiente":17563,"Ġtermino":17564,"ĠInfo":17565,"Ġprofesionalidad":17566,"Ġespecializadas":17567,"Ġelaborados":17568,"Ġexplotar":17569,"Ġjes":17570,"Ġjuguete":17571,"ĠCompr":17572,"Ġsignificativamente":17573,"Ġdietas":17574,"ĠâĢľÂ¡":17575,"Ġplanificar":17576,"Ġpeligrosa":17577,"Ġbatallas":17578,"ĠAdministraciones":17579,"ulan":17580,"Ġratón":17581,"Ġcomunitario":17582,"Ġpreguntado":17583,"...\"":17584,"Ġvariada":17585,"Ġindicada":17586,"Ġfundamentos":17587,"Ġcompu":17588,"Ġcintas":17589,"Ġcausó":17590,"Ġ79":17591,"Ġespecialización":17592,"Ġsábados":17593,"ĠoÃŃdos":17594,"Ġleyendas":17595,"Ġcontabilidad":17596,"Ġimpresora":17597,"Ġencarcel":17598,"ĠmilÃŃmetros":17599,"Ġresoluciones":17600,"Ġconectados":17601,"ĠPrivacidad":17602,"ramientas":17603,"Ġpincel":17604,"Ġescand":17605,"atan":17606,"Ġexcursiones":17607,"Ġtransport":17608,"Ġprocedencia":17609,"Ġproduzca":17610,"Ġdedicadas":17611,"Ġcoinciden":17612,"ĠFri":17613,"Ġrobot":17614,"ĠHumanidad":17615,"Ġvisibles":17616,"Ġregistraron":17617,"éditos":17618,"Ġconmemora":17619,"Ġmetido":17620,"Ġhaberlo":17621,"ĠPad":17622,"Ġjuicios":17623,"guiente":17624,"Ġgall":17625,"Ġdesactivados":17626,"Fac":17627,"Ġremoto":17628,"Ġpresa":17629,"Ġpersonalizados":17630,"ĠEfec":17631,"Advisor":17632,"ns":17633,"Ġimprim":17634,"quir":17635,"Ġrecibidos":17636,"Ġcasero":17637,"titos":17638,"ĠSob":17639,"entando":17640,"doc":17641,"ĠFIN":17642,"Ġvestuario":17643,"Ġprofesorado":17644,"americanas":17645,"Ve":17646,"ĠtÃŃa":17647,"Ġinnovadoras":17648,"Ġmaravillas":17649,"Ġradicales":17650,"Ġresuelto":17651,"psia":17652,"Ġgubernamental":17653,"ocal":17654,"Ġ89":17655,"ĠBMW":17656,"ITA":17657,"Ġtensiones":17658,"Ġnoventa":17659,"Ġcomplejas":17660,"ĠZapatero":17661,"Ġpesa":17662,"artén":17663,"Ġacostumbrados":17664,"Ġnecesites":17665,"orros":17666,"Ġprovecho":17667,"ĠTercera":17668,"enov":17669,"Ġañadiendo":17670,"Ġdominar":17671,"Ġrecupera":17672,"ĠEric":17673,"ĠEusk":17674,"Ġrisas":17675,"Ġimpartir":17676,"adajo":17677,"pany":17678,"Ġinund":17679,"Ġsemilla":17680,"ĠTecnologÃŃas":17681,"Ġacusados":17682,"Ġcueva":17683,"ahora":17684,"Ġsutil":17685,"copia":17686,"ĠdiscÃŃpulos":17687,"Mer":17688,"ĠGobernación":17689,"Ġcompré":17690,"amen":17691,"Ġsuperó":17692,"Ġinnovadora":17693,"ĠProfesionales":17694,"Ġdetuvo":17695,"banas":17696,"Ġgotas":17697,"ioterapia":17698,"ijón":17699,"Ġare":17700,"sab":17701,"Ġ¡¡":17702,"Ġposicion":17703,"itoral":17704,"ĠsanguÃŃn":17705,"Ġvulnerabilidad":17706,"Ġ83":17707,"Ġacompañan":17708,"Ġdiera":17709,"Ġtransvers":17710,"Ġseparar":17711,"ah":17712,"Ġrecar":17713,"ueras":17714,"Ġtablero":17715,"ajada":17716,"Ġdenunciado":17717,"Ġliberal":17718,"ĠConsulta":17719,"jate":17720,"Ġsumado":17721,"Ġdebatir":17722,"gencia":17723,"Ġrector":17724,"Ġmitos":17725,"ĠLeonardo":17726,"Ġdetallado":17727,"ucción":17728,"Ġminister":17729,"Hist":17730,"Ġhierbas":17731,"Ġinnumerables":17732,"Lleg":17733,"Ġpra":17734,"centr":17735,"Ġllegué":17736,"Ġvolviendo":17737,"feros":17738,"ĠFabric":17739,"Ġalcoh":17740,"Ġcancelar":17741,"Ġapto":17742,"Ġ!!":17743,"ĠAé":17744,"Ġecha":17745,"Ġ81":17746,"Ġafro":17747,"Ġembarca":17748,"Ġafán":17749,"Ġdesb":17750,"ĠValor":17751,"AY":17752,"ĠAQUÃį":17753,"ĠAdidas":17754,"Ġwhats":17755,"ciosos":17756,"ésped":17757,"déis":17758,"ĠÃĥ":17759,"Ġleerlo":17760,"Ġentregas":17761,"Ġtrasladar":17762,"Ġmercantil":17763,"Ġmuñeca":17764,"tiempo":17765,"Ġritual":17766,"Ġalquilar":17767,"ĠQuien":17768,"Ġabstrac":17769,"Nueva":17770,"ĠLegal":17771,"Ġhelado":17772,"ĠIrak":17773,"secre":17774,"Ġ1982":17775,"ĠMedidas":17776,"Ġfall":17777,"Ġreunirse":17778,"ĠEsperamos":17779,"ĠEstu":17780,"Ġfutbolistas":17781,"star":17782,"perci":17783,"Ġenviados":17784,"Ġvisitó":17785,"Ġrepartir":17786,"Ġanimados":17787,"Ġpy":17788,"Ġritmos":17789,"ĠPonte":17790,"Ġsufriendo":17791,"Ġsolas":17792,"Ġvecina":17793,"Ġfibras":17794,"ĠBenito":17795,"Ġrusos":17796,"ĠAlbert":17797,"rigor":17798,"Ġextenso":17799,"Ġenm":17800,"ĠPir":17801,"ĠDown":17802,"mundo":17803,"ĠPL":17804,"ĠRégimen":17805,"Ġsartén":17806,"ĠAustria":17807,"Ġlicitación":17808,"ĠIgualdad":17809,"acal":17810,"ĠKirchner":17811,"Ġbajó":17812,"Ġprestado":17813,"Ġamado":17814,"ueta":17815,"uertas":17816,"Ġreivindica":17817,"Ġcuchillo":17818,"ĠSede":17819,"Ġtropical":17820,"ĠREG":17821,"Ġlote":17822,"ándolas":17823,"Ġnarración":17824,"derismo":17825,"ĠvÃŃs":17826,"ĠSteph":17827,"texto":17828,"Ġválida":17829,"Ġespir":17830,"Ġdudar":17831,"ĠAguilar":17832,"ingo":17833,"Ġsacudi":17834,"Ġcansado":17835,"die":17836,"ĠTratado":17837,"quial":17838,"ICOS":17839,"Ġordenar":17840,"ispos":17841,"Ġautónomo":17842,"Ġmágica":17843,"Ġadoptado":17844,"Ġtrabajaba":17845,"ĠTy":17846,"Ġproductora":17847,"Ġvientre":17848,"Ġcomando":17849,"Ġpotentes":17850,"arto":17851,"ADR":17852,"ulosa":17853,"Ġirregularidades":17854,"Ġsubl":17855,"pus":17856,"Ġneo":17857,"Ġponerte":17858,"Ġfracción":17859,"ientales":17860,"Ġratific":17861,"Ġsois":17862,"Ġfijado":17863,"Ġahorros":17864,"ĠSEC":17865,"Ġhabrán":17866,"Ġdespido":17867,"ifique":17868,"adajoz":17869,"TML":17870,"Ġsantos":17871,"Ãĥº":17872,"ĠCali":17873,"Ġarancel":17874,"Ġfascinante":17875,"Ġseminario":17876,"lot":17877,"bate":17878,"Ġsoldado":17879,"ĠWiFi":17880,"ĠDolores":17881,"Ġromántico":17882,"def":17883,"Ġcompartió":17884,"Ġbote":17885,"Ġdemostración":17886,"Ġimpresiones":17887,"ĠJusto":17888,"ĠFélix":17889,"Ġespirituales":17890,"aré":17891,"Ġsurtido":17892,"Ġescar":17893,"Ġafortun":17894,"plas":17895,"onales":17896,"Ġcompatibles":17897,"Ġcómodas":17898,"Ġinocente":17899,"Han":17900,"mallera":17901,"Ġejecutivos":17902,"ĠCAP":17903,"Ġregresó":17904,"ĠPleno":17905,"ĠXIII":17906,"rias":17907,"Ġciclismo":17908,"Ġ~":17909,"Ġpecados":17910,"DES":17911,"rase":17912,"Ġpozo":17913,"Ġreferéndum":17914,"Ġanat":17915,"dalias":17916,"ficado":17917,"Ġcereales":17918,"ĠNE":17919,"Ġajena":17920,"gros":17921,"Ġgranito":17922,"Ġcombustibles":17923,"Ġensalada":17924,"iÃĥ":17925,"Ġgratuitas":17926,"Ġaprecia":17927,"adecu":17928,"Ġacent":17929,"Ġcabina":17930,"Ġllamamos":17931,"Ġplancha":17932,"Ġmiró":17933,"ÃŃqu":17934,"ĠvarÃŃan":17935,"ĠGold":17936,"Ġusarlo":17937,"ojo":17938,"ĠestadÃŃstica":17939,"Ġfiguran":17940,"vit":17941,"Ġrelajación":17942,"ĠMetropolitana":17943,"Ġfree":17944,"ecemos":17945,"ĠReun":17946,"Ġequivo":17947,"Ġconozca":17948,"Ġperfum":17949,"Ġvengo":17950,"ĠKat":17951,"tificaciones":17952,"ĠTerra":17953,"Ġlobo":17954,"ĠQuito":17955,"Ġapoyos":17956,"ĠURL":17957,"ĠBoletÃŃn":17958,"Ġentienden":17959,"aching":17960,"ĠEC":17961,"Ġfilial":17962,"Ġromano":17963,"fÃŃn":17964,"traciones":17965,"Jes":17966,"Ġsinte":17967,"Ġtanque":17968,"Ġpesada":17969,"ĠCoordinación":17970,"Ġmultic":17971,"Ġhabilitado":17972,"Ġentrando":17973,"Ġdisparos":17974,"Ġevidentemente":17975,"POS":17976,"UB":17977,"MT":17978,"Ġ101":17979,"ĠTienes":17980,"Ġdij":17981,"Ġasiático":17982,"inero":17983,"Barcelona":17984,"dentemente":17985,"Ġfaltas":17986,"ĠCAN":17987,"Ġcompetentes":17988,"Ġ1978":17989,"ueces":17990,"Ġmaneja":17991,"zamos":17992,"Ġexcepciones":17993,"Ġbrecha":17994,"Ġfanáticos":17995,"merce":17996,"Ġestuvimos":17997,"icket":17998,"ĠArmadas":17999,"peso":18000,"ĠprohÃŃ":18001,"Ġprisa":18002,"ĠgeografÃŃa":18003,"Ġacelerar":18004,"Bajo":18005,"Ġnavegando":18006,"ĠNúñez":18007,"Ġconsume":18008,"ĠCáceres":18009,"unning":18010,"Ġlamentablemente":18011,"ĠTripAdvisor":18012,"Ġinterf":18013,"Ġinstala":18014,"Ġinconsciente":18015,"ĠColección":18016,"duzca":18017,"Ġalejado":18018,"ject":18019,"Ġinhib":18020,"Ġabrirá":18021,"Ġlibras":18022,"Ġayuntamientos":18023,"ĠWordPress":18024,"Ġinyección":18025,"Ġcaen":18026,"Ġaccesos":18027,"Ġexcesiva":18028,"Ġllamando":18029,"ĠMAS":18030,"Ġmortalidad":18031,"ĠSole":18032,"????":18033,"Ġreferirse":18034,"restres":18035,"Ġcompre":18036,"Ġvuelvo":18037,"cuito":18038,"SM":18039,"Ġalianzas":18040,"mira":18041,"Ġrecaudación":18042,"Ġ94":18043,"ĠPep":18044,"Ġdie":18045,"Ġmangas":18046,"dren":18047,"Ġsepan":18048,"Ġarmar":18049,"Ġaguantar":18050,"Ġvacun":18051,"Ġmortales":18052,"ulador":18053,"Ġgalax":18054,"Ġproponemos":18055,"Ġjurisp":18056,"Ġestructurales":18057,"Ġrealista":18058,"Ġmáster":18059,"ĠAlcaldÃŃa":18060,"ĠLegislativo":18061,"Ġétn":18062,"Ġlub":18063,"ĠClaudio":18064,"tedra":18065,"pool":18066,"Ġceder":18067,"ĠPamplona":18068,"Ġofrecidos":18069,"Ġfallas":18070,"ا":18071,"Ġexperimentos":18072,"Ġtransex":18073,"dig":18074,"Ġexacto":18075,"Ġinfinito":18076,"Ġhipotec":18077,"tate":18078,"Ġpatente":18079,"ĠExterior":18080,"Ġpasaporte":18081,"Ġpsicológica":18082,"Ġrecolección":18083,"Ġprevisiones":18084,"Ġaclara":18085,"Ja":18086,"sÃŃ":18087,"érmin":18088,"micas":18089,"Ġaceptan":18090,"Ġchimenea":18091,"Ġdistribuir":18092,"ĠPremi":18093,"usse":18094,"Ġmarina":18095,"Ġadmiración":18096,"ullo":18097,"Ġmatices":18098,"Ġpermanentes":18099,"iela":18100,"Ġinvisible":18101,"traron":18102,"Ġinserción":18103,"Ġdelicado":18104,"Ġelegantes":18105,"Ġtru":18106,"Ġrean":18107,"ĠManchester":18108,"ĠAndes":18109,"ĠDor":18110,"Queremos":18111,"Ġsometidos":18112,"Ġcomunión":18113,"mont":18114,"Ġaccesibles":18115,"Ġvelas":18116,"Ġparadas":18117,"uidos":18118,"Ġapuntar":18119,"Ġnaves":18120,"ĠDonde":18121,"ĠcÃŃ":18122,"acoa":18123,"ĠYuc":18124,"Ġecosistema":18125,"ĠcaÃŃdas":18126,"ĠDeci":18127,"verdad":18128,"eños":18129,"Ġtortura":18130,"Ġunico":18131,"Ġtumba":18132,"ĠClaudia":18133,"Ġchilenos":18134,"ĠProceso":18135,"Ġgenio":18136,"Ġalberga":18137,"Ġcaldo":18138,"ĠFiestas":18139,"rari":18140,"Ġimplicados":18141,"gement":18142,"usco":18143,"ĠHalloween":18144,"Ġcrucial":18145,"alizas":18146,"Ġbrasileña":18147,"Ġ1984":18148,"Ġincomo":18149,"ĠManager":18150,"siempre":18151,"Ġtóp":18152,"ológicamente":18153,"Ġsmartphones":18154,"Ġinconveniente":18155,"Ġpintado":18156,"ĠEducativa":18157,"Ġdibujar":18158,"ecerÃŃa":18159,"Ġtenerlo":18160,"Ġparticipaciones":18161,"onaldo":18162,"quién":18163,"Ġmetá":18164,"ĠData":18165,"Ġtelevisor":18166,"ĠconocÃŃ":18167,"Ġembarazadas":18168,"Ġtapas":18169,"Ġcandidata":18170,"Ġprofundos":18171,"Ġdificul":18172,"Ġacoge":18173,"Ġhomicidio":18174,"Ġartificiales":18175,"Ġhorrible":18176,"Ġrecogido":18177,"ĠPino":18178,"Ġrecibida":18179,"Ġdisfrutado":18180,"Ġcarece":18181,"Ġrodaje":18182,"ĠVER":18183,"Ġalojamientos":18184,"ocación":18185,"Ġsupermercado":18186,"ih":18187,"entada":18188,"Ġabanico":18189,"rome":18190,"Ġprogramar":18191,"Ġreconcil":18192,"Ġinmobiliario":18193,"Ġmáscara":18194,"Ġconvierta":18195,"Ġextras":18196,"Ġvacuna":18197,"Ġaproximada":18198,"iena":18199,"jarse":18200,"Ġabsurdo":18201,"ARIA":18202,"ĠSra":18203,"Ġpaseos":18204,"Ġtruco":18205,"ĠAhor":18206,"Ġimpulsado":18207,"Ġllevaban":18208,"Ġrepresentado":18209,"Ġvideojuego":18210,"Ġtramitación":18211,"pm":18212,"Ġbuque":18213,"ão":18214,"renda":18215,"inamente":18216,"Ġimportaciones":18217,"Categ":18218,"Ġimagina":18219,"Ġost":18220,"ĠSoto":18221,"Ġnocturna":18222,"Ġresistentes":18223,"Ġdefinen":18224,"alupe":18225,"Ġdesconocidos":18226,"ĠBahÃŃa":18227,"Ġrellenar":18228,"ĠMini":18229,"Ġdañar":18230,"Ġantemano":18231,"Ġvasco":18232,"xeles":18233,"Ġaprovechó":18234,"Ġaccesibilidad":18235,"Ġesmal":18236,"Aún":18237,"cador":18238,"Ġpig":18239,"udor":18240,"Ġestereo":18241,"Ġmiseria":18242,"ĠSeminario":18243,"Ġsentarse":18244,"ĠObservatorio":18245,"ĠUd":18246,"Mis":18247,"jaba":18248,"ĠBanda":18249,"Ġversos":18250,"Ġcapturar":18251,"sider":18252,"úo":18253,"ĠOC":18254,"Ġpru":18255,"Ġoscuras":18256,"ĠAk":18257,"terias":18258,"ĠGerardo":18259,"-)":18260,"Ġvotantes":18261,"ĠSERVI":18262,"ĠInstitución":18263,"Ġclandest":18264,"Ġdiscusiones":18265,"ĠUltra":18266,"ĠCabe":18267,"Ġconfiable":18268,"Ġrelajarse":18269,"Ġgent":18270,"Ġpc":18271,"Ġcontribuyen":18272,"tiquetado":18273,"uya":18274,"Ġporción":18275,"isés":18276,"Ġcuente":18277,"ĠSIN":18278,"Ġdestacando":18279,"OLU":18280,"Ġsalones":18281,"ichos":18282,"VER":18283,"ĠVegas":18284,"ĠSust":18285,"Ġcómic":18286,"Ġemite":18287,"Ġadhes":18288,"Ġdesech":18289,"cast":18290,"Ġacumula":18291,"Ġincidentes":18292,"Ġchip":18293,"Ġpreocupado":18294,"Ġ''":18295,"Ġpasillo":18296,"ĠSiglo":18297,"Ġreparaciones":18298,"Ġdesaperci":18299,"ĠShe":18300,"Ġhallazgo":18301,"Ġtotales":18302,"ĠLink":18303,"Ġnaturalmente":18304,"Ġaceptó":18305,"utos":18306,"ĠLugo":18307,"Ġciruj":18308,"rosos":18309,"ĠDomÃŃnguez":18310,"Ġinteractuar":18311,"Ġjugará":18312,"ficial":18313,"Ġconcejales":18314,"Ġvinilo":18315,"Ġemocionales":18316,"Ġasalto":18317,"Ġreutil":18318,"ĠEleg":18319,"ĠSusana":18320,"Ġpoetas":18321,"Ġcorren":18322,"Ġsuelta":18323,"Ġterrazas":18324,"lac":18325,"Ġestáis":18326,"Ġcatas":18327,"Ġconstruyendo":18328,"Ġfichas":18329,"Ġcalificado":18330,"ĠSudáfrica":18331,"Ġmusulmanes":18332,"Ġcanciller":18333,"Ġreson":18334,"ĠXII":18335,"Ġmueble":18336,"Ġinmobiliaria":18337,"eropuertos":18338,"izantes":18339,"ĠContactos":18340,"SAN":18341,"Ġpromocional":18342,"Ġcontractu":18343,"olf":18344,"Ġjefa":18345,"Ġfuncionales":18346,"Ġflora":18347,"Ġcláusula":18348,"Ġopuesto":18349,"Ġcoordinar":18350,"kg":18351,"Ġcarros":18352,"Ġimpreso":18353,"Ġfármacos":18354,"ERC":18355,"tienden":18356,"Ġprotocolos":18357,"eraciones":18358,"Ġnotificaciones":18359,"ĠEnter":18360,"Ġvendrá":18361,"ĠAlco":18362,"Ġvina":18363,"Ġaba":18364,"Ġancha":18365,"Ġdeseando":18366,"ĠAméricas":18367,"Ġreh":18368,"Ġhábito":18369,"Ġadelgazamiento":18370,"trio":18371,"ĠHill":18372,"ocas":18373,"Ġcartu":18374,"ARD":18375,"Ġpodria":18376,"ĠStore":18377,"ĠDal":18378,"talgia":18379,"petas":18380,"Ġpierda":18381,"Ġdisfrutan":18382,"Ġcelebran":18383,"Ġtutela":18384,"Ġalivio":18385,"Ġmecánico":18386,"ĠLago":18387,"irámi":18388,"[...]":18389,"Ġsecuestro":18390,"Ġjoya":18391,"Ġvenció":18392,"Ġorejas":18393,"hai":18394,"Ġaparecido":18395,"Ġhambur":18396,"Ġsuicidio":18397,"Ġ).":18398,"Ġpestañas":18399,"ĠAsi":18400,"Ġbordes":18401,"Descubre":18402,"Ġenvidia":18403,"Ġreligiones":18404,"::":18405,"abric":18406,"Ġcomunista":18407,"Ġresidente":18408,"Claro":18409,"Ġagresiones":18410,"ingue":18411,"Ġencendido":18412,"Ġmencionadas":18413,"Ġemergencias":18414,"lay":18415,"Ġllevas":18416,"Ġcuna":18417,"ĠMolino":18418,"Ġposturas":18419,"moso":18420,"Ġadelantó":18421,"cillo":18422,"Ġpantalón":18423,"ĠJackson":18424,"ĠAsegu":18425,"Ġevidencias":18426,"Ġmaltrato":18427,"Ġtrazado":18428,"cionarios":18429,"Ġordenamiento":18430,"Ġbancarias":18431,"Ġagradeció":18432,"Ġfisi":18433,"ĠPrÃŃncipe":18434,"nova":18435,"Ġafueras":18436,"Ġolla":18437,"Ġabriendo":18438,"ĠVirgin":18439,"Ġpresencial":18440,"eridad":18441,"oman":18442,"ĠTec":18443,"Ġinfinidad":18444,"ramientos":18445,"Ġruinas":18446,"Ġconvirtiendo":18447,"Ġmaxim":18448,"ĠTran":18449,"Ġprevias":18450,"Ġgozar":18451,"Ġtermo":18452,"Ġlesbianas":18453,"Ġreservado":18454,"Ġformularios":18455,"Ġtax":18456,"Ġgremio":18457,"vero":18458,"igen":18459,"tana":18460,"Ġinnovadores":18461,"Ġherv":18462,"ĠHas":18463,"Ġconociendo":18464,"Ġsuite":18465,"Ġmúsculo":18466,"Ġfic":18467,"Ġjubilación":18468,"Ġamarilla":18469,"Ġimprescindibles":18470,"ĠCho":18471,"ĠDelgado":18472,"Ġproductivos":18473,"ĠBelén":18474,"ĠLaboral":18475,"Ġviajero":18476,"ĠDirectora":18477,"Ġecho":18478,"bella":18479,"Ġamanecer":18480,"Ġcampeones":18481,"Ġmuestre":18482,"Ġarbol":18483,"Ġsospecha":18484,"900":18485,"Ġperon":18486,"Ġdivino":18487,"Ġph":18488,"Ġagil":18489,"MX":18490,"Ġaventur":18491,"ĠESO":18492,"ĠBir":18493,"Ġvariadas":18494,"orges":18495,"canes":18496,"ĠestarÃŃan":18497,"Ġángeles":18498,"Ġteatral":18499,"Ġlámpara":18500,"Ġexcav":18501,"Ġcata":18502,"Ġprimarias":18503,"ramento":18504,"né":18505,"Ġrecopilación":18506,"ĠFUN":18507,"!)":18508,"ä¸":18509,"PV":18510,"Ġelite":18511,"Home":18512,"quias":18513,"Ġpiensas":18514,"Ġcoh":18515,"ĠWars":18516,"Ġfórmulas":18517,"Ġlarg":18518,"ĠEST":18519,"ĠZe":18520,"ĠRoo":18521,"Ġasturi":18522,"pic":18523,"Ġprejuicios":18524,"Ġapoyan":18525,"Ġtitulada":18526,"inea":18527,"Ġgobier":18528,"Ġveas":18529,"Ġiconos":18530,"Ġdiscapa":18531,"ĠPere":18532,"Ġplanteamiento":18533,"Ġcaute":18534,"Ġedil":18535,"ĠMóvil":18536,"Ġback":18537,"ĠAyer":18538,"Ġcolgar":18539,"Ġextrañ":18540,"ĠHenry":18541,"Ġprema":18542,"Ġexigente":18543,"voces":18544,"Ġmonstruo":18545,"Ġposter":18546,"Ġestatus":18547,"kel":18548,"izaron":18549,"Ġcalentamiento":18550,"Ġcolonias":18551,"ĠÃŃntegra":18552,"Ġaborda":18553,"Ġanexo":18554,"ĠVietnam":18555,"iew":18556,"según":18557,"Der":18558,"árqu":18559,"Ġcriatura":18560,"Ġcomicios":18561,"ĠObra":18562,"tiro":18563,"Form":18564,"Ġvano":18565,"Ġrefuerzo":18566,"Ġsoñar":18567,"Ġurbanas":18568,"Ġfragmentos":18569,"ĠAV":18570,"Ġtubos":18571,"Ġesclavos":18572,"udÃŃ":18573,"Ġdesignado":18574,"dillo":18575,"ĠMenor":18576,"Ġobservado":18577,"Ġdirigirse":18578,"Ġagradezco":18579,"ĠGénero":18580,"Ġamateur":18581,"ĠKan":18582,"blas":18583,"ĠVerano":18584,"ĠEstable":18585,"Ġpeli":18586,"Ġfuner":18587,"ĠRestau":18588,"Ġexal":18589,"Ġvalent":18590,"Ġsurf":18591,"Ġquim":18592,"Ġreduciendo":18593,"Ġkilómetro":18594,"Ġreplic":18595,"Ġrubro":18596,"ĠShow":18597,"ĠPun":18598,"ÃŃsta":18599,"Ġrecorre":18600,"Ġcomprobado":18601,"Ġdivertidos":18602,"Ġdividir":18603,"ĠEscrib":18604,"Ġmasac":18605,"Ġsupe":18606,"Ġcubiertos":18607,"BR":18608,"Ġpermanecen":18609,"ĠMiss":18610,"ANTE":18611,"Ġ]":18612,"gable":18613,"ĠEmer":18614,"ĠMédico":18615,"Ġpánico":18616,"may":18617,"ĠPaula":18618,"alizador":18619,"ĠConoce":18620,"ĠÃįndice":18621,"Ġintérprete":18622,"Ġmed":18623,"Ġreporta":18624,"Ġmodificado":18625,"Desarrol":18626,"Ġafirmado":18627,"ĠAutoridad":18628,"ĠSerrano":18629,"Ġtv":18630,"Ġexpectativa":18631,"Ġexactitud":18632,"Ġempeño":18633,"ĠBitcoin":18634,"Ġaprox":18635,"ĠJU":18636,"Ġdelegados":18637,"Ġeditado":18638,"Ġmaternidad":18639,"Ġcomprometidos":18640,"ĠtraÃŃdo":18641,"Ġparticipando":18642,"Ġusadas":18643,"ĠjurÃŃdicos":18644,"ĠLU":18645,"Ġhuracán":18646,"Ġreconocen":18647,"Ġarticulación":18648,"ducto":18649,"ĠCastellón":18650,"Ġplom":18651,"ĠPien":18652,"ÃŃl":18653,"abal":18654,"Ġroles":18655,"Ġmiraba":18656,"Ġgin":18657,"Ġsoja":18658,"Ġcorrea":18659,"Ġ(¿":18660,"Ġindo":18661,"riba":18662,"ĠUnited":18663,"ĠEmpresarial":18664,"ĠViajes":18665,"piros":18666,"Ġtomadas":18667,"Ġmascar":18668,"AG":18669,"ĠRacing":18670,"jillo":18671,"ĠHit":18672,"Ġretroce":18673,"Ġ´":18674,"Ġtransacción":18675,"Estudi":18676,"Ġmuerta":18677,"ruro":18678,"Ġvér":18679,"Ġitalianos":18680,"Ġrefieren":18681,"ĠMinistros":18682,"Ġinterven":18683,"Ġderrotar":18684,"ĠAsistencia":18685,"Ġpersonalizadas":18686,"tanto":18687,"Ġsilic":18688,"Ġmentalidad":18689,"Ġconseguirlo":18690,"aboración":18691,"Ġpodréis":18692,"Ġmedicin":18693,"Ġadmisión":18694,"Ġplanetas":18695,"Carlos":18696,"Ġasistieron":18697,"Ġcanadiense":18698,"ĠArena":18699,"Ġlleven":18700,"Ġgrabaciones":18701,"ĠViejo":18702,"Ġdiseñadas":18703,"Ġdescrito":18704,"Ġmaniobra":18705,"NE":18706,"radoras":18707,"cilia":18708,"ĠLove":18709,"аÐ":18710,"enciada":18711,"ĠBrig":18712,"Ġlegislador":18713,"ĠVIII":18714,"Ġalmend":18715,"Ġhumildad":18716,"Ġcremas":18717,"Ġmetabolismo":18718,"Ġsignificativos":18719,"ĠJuez":18720,"Ġcatólicos":18721,"ESCO":18722,"Ġinstalada":18723,"Ġarrepent":18724,"cultural":18725,"Ġpuestas":18726,"Ġalucin":18727,"Ġescultura":18728,"ĠSocialista":18729,"hoy":18730,"quin":18731,"Ġacumulado":18732,"Ġasever":18733,"Ġárbitro":18734,"ĠHuesca":18735,"Ġasesores":18736,"ficiencias":18737,"Ġmueven":18738,"animidad":18739,"mejor":18740,"Ġaerona":18741,"Ġinteresada":18742,"ĠPiedra":18743,"ĠSecundaria":18744,"Ġautónomas":18745,"Ġconfortable":18746,"Ġ1983":18747,"ĠPetro":18748,"Ġequivocado":18749,"Ġbibliotecas":18750,"Ġcuadras":18751,"Ġelabora":18752,"Ġorientada":18753,"Ġsentencias":18754,"irÃŃa":18755,"Ella":18756,"Ġtraves":18757,"doras":18758,"Ġpresentaba":18759,"Ġrodeada":18760,"Ġamen":18761,"Ġvolcán":18762,"ĠInt":18763,"ĠExcelente":18764,"Ġsoportes":18765,"ize":18766,"\",\"":18767,"ĠTratamiento":18768,"ĠJulián":18769,"Ġesconder":18770,"Ġcontraria":18771,"Ġinminente":18772,"Ġromana":18773,"órmula":18774,"tabilidad":18775,"Ġencaj":18776,"Ġproducidos":18777,"Ġwhatsapp":18778,"Ġcrónicas":18779,"ĠLibertadores":18780,"ĠWhite":18781,"ĠColonia":18782,"ĠColeg":18783,"ĠCafé":18784,"ĠVoy":18785,"Mejor":18786,"ĠConsejos":18787,"Ġaparezca":18788,"Ġadelantado":18789,"tizados":18790,"Ġromanos":18791,"ĠEscolar":18792,"Ġdrá":18793,"Ġlocos":18794,"Ġpronóstico":18795,"ĠTelefónica":18796,"Ġresponden":18797,"quisitos":18798,"Ġ1973":18799,"Ġconcretar":18800,"ĠMagdalena":18801,"Ġarrugas":18802,"enario":18803,"Ġprogramado":18804,"Ġformaciones":18805,"ĠGolf":18806,"Ġfundó":18807,"Ġtoques":18808,"Ġmanipular":18809,"ĠsabÃŃan":18810,"Ġdestruc":18811,"ĠCabo":18812,"Ġreportes":18813,"ĠNota":18814,"Ġfijos":18815,"ĠCompra":18816,"Ġtraen":18817,"Ġpoblado":18818,"Ġsuperación":18819,"Ġgluten":18820,"ĠTU":18821,"Ġhilos":18822,"Apren":18823,"ĠPúblicos":18824,"ĠMarvel":18825,"tualmente":18826,"Ġrequerido":18827,"ciosas":18828,"Ġinfracción":18829,"ĠArmada":18830,"ĠtÃŃm":18831,"ĠOpin":18832,"entó":18833,"iger":18834,"Ġsó":18835,"Ġtrai":18836,"Ġexpulsión":18837,"Ġspa":18838,"Ġinquietud":18839,"Rep":18840,"ĠConcejo":18841,"nio":18842,"Ġencues":18843,"Ġaclaró":18844,"Ġvitales":18845,"Ġcapilla":18846,"uman":18847,"ĠMarte":18848,"Ġincondi":18849,"Ġmonetaria":18850,"illon":18851,"Ġemitió":18852,"regó":18853,"gina":18854,"Ġtorres":18855,"ERN":18856,"alizarse":18857,"Ġfinalizado":18858,"Ġdinámicas":18859,"Ġintermedio":18860,"director":18861,"ĠSoria":18862,"eléctr":18863,"ĠAdolfo":18864,"Exper":18865,"éndonos":18866,"Ġcredibilidad":18867,"Ġeditoriales":18868,"ĠmÃŃnimas":18869,"Ġsales":18870,"ĠABC":18871,"Ġprimordial":18872,"pección":18873,"Ġaficionado":18874,"identes":18875,"Ġurbanización":18876,"Ġmiras":18877,"ors":18878,"Ġplásticos":18879,"Ġmañ":18880,"ĠMonum":18881,"ĠMercan":18882,"Ġemperador":18883,"ĠNaturaleza":18884,"Ġhispano":18885,"âĢĶ.":18886,"Ġfuncionalidades":18887,"ĠGuardi":18888,"ĠLac":18889,"Ġacabe":18890,"ĠRonaldo":18891,"ĠEP":18892,"Ġsiguieron":18893,"ĠHil":18894,"Ġlimpi":18895,"ĠTeam":18896,"cionadas":18897,"Ġmole":18898,"Ġalba":18899,"Ġchanc":18900,"Ġinmenso":18901,"Ġchic":18902,"daf":18903,"Ġsujeta":18904,"Ġferrovi":18905,"Ġoraciones":18906,"ĠAlf":18907,"ĠBlas":18908,"Ġreciba":18909,"oll":18910,"Ġabundancia":18911,"asÃŃ":18912,"gulos":18913,"hoo":18914,"Ġbull":18915,"Ġdemostrando":18916,"Ġvisualización":18917,"Ġdiploma":18918,"Ġdoctora":18919,"nada":18920,"Ġcontenta":18921,"ástima":18922,"old":18923,"ĠBenjam":18924,"Ġbanderas":18925,"Ġ1960":18926,"Ġprovinciales":18927,"Ġdescrip":18928,"ĠCav":18929,"QL":18930,"Ġaceptable":18931,"hs":18932,"ĠCaballero":18933,"Ġdurabilidad":18934,"Ġlatinoamericanos":18935,"ĠDro":18936,"Ġsimultáneamente":18937,"Ġread":18938,"Ġélite":18939,"Ġhemor":18940,"Ġinventario":18941,"ĠBell":18942,"Ġpasen":18943,"Ġcopi":18944,"ĠAuxil":18945,"istes":18946,"ĠElectrónica":18947,"Ġcompacto":18948,"Ġuruguayo":18949,"MAN":18950,"ology":18951,"Ġaseguro":18952,"Ġderivado":18953,"Ġbando":18954,"Ġtexturas":18955,"Ġdividido":18956,"uo":18957,"xs":18958,"fran":18959,"Ġrepresentaciones":18960,"Ġprotagonizada":18961,"ĠPastor":18962,"gente":18963,"mones":18964,"ĠUC":18965,"ĠmensajerÃŃa":18966,"Ġorgulloso":18967,"Ġtrono":18968,"Ġbeta":18969,"Ġderivadas":18970,"Ġclásicas":18971,"lus":18972,"Ġmanifestantes":18973,"Ġyendo":18974,"Señ":18975,"ĠMovistar":18976,"Ġcésped":18977,"ĠTay":18978,"Ġgenes":18979,"Ġreaccionar":18980,"Ġdejarse":18981,"Ġimposición":18982,"ĠVirtual":18983,"está":18984,"ponerse":18985,"ĠLG":18986,"eado":18987,"ĠclÃŃnicos":18988,"Ġsiniestro":18989,"ĠEMPRES":18990,"sub":18991,"Ġpidieron":18992,"Ġdivertidas":18993,"ĠGes":18994,"DAD":18995,"ĠDOC":18996,"Ġmacho":18997,"ĠAutom":18998,"Ġapartados":18999,"ĠðŁĺī":19000,"Ġtracción":19001,"isimo":19002,"Ġprefi":19003,"sica":19004,"Ñı":19005,"Ġprovocan":19006,"ilandia":19007,"Ġcole":19008,"Ġhomolog":19009,"ĠcaracterÃŃstico":19010,"Ġdemasiada":19011,"Ġdilu":19012,"Ġhinca":19013,"Ġencender":19014,"ĠMilán":19015,"Ġreclama":19016,"Ġcooperativas":19017,"Ġinundaciones":19018,"crim":19019,"manos":19020,"Ġconveniencia":19021,"ĠCes":19022,"urada":19023,"mios":19024,"Ġfiable":19025,"Ġindiscu":19026,"Mor":19027,"Ġautorizados":19028,"Ġubicadas":19029,"Ġregularmente":19030,"PG":19031,"ésimo":19032,"noche":19033,"Ġpercep":19034,"ĠWilliams":19035,"Ġpasajes":19036,"Ġplantillas":19037,"ĠGuadalupe":19038,"cante":19039,"Ġadiv":19040,"ĠProcuradurÃŃa":19041,"Ġsindicales":19042,"Ġestúp":19043,"Ġrequerida":19044,"gogÃŃa":19045,"ĠBall":19046,"Ġorganizados":19047,"Ġelevados":19048,"Ġpimienta":19049,"movil":19050,"ĠBravo":19051,"Ġexpos":19052,"ĠUniversidades":19053,"Ġmandó":19054,"Ġpechos":19055,"ĠExpress":19056,"Ġparadigma":19057,"Ġllevarán":19058,"Ġasignado":19059,"Ġtrece":19060,"Ġcompres":19061,"Ġcaracterizan":19062,"ĠMUN":19063,"Ġeconómicamente":19064,"quim":19065,"ĠBul":19066,"identa":19067,"Ġprobabilidades":19068,"ĠISBN":19069,"ĠTarragona":19070,"Ġtocando":19071,"Ġinmejor":19072,"Ġsul":19073,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":19074,"Ġluminosidad":19075,"Ġrectificación":19076,"Ġrechazó":19077,"ionera":19078,"Ġágil":19079,"Ġescapada":19080,"Ġperca":19081,"ĠMantenimiento":19082,"Ġresponsabil":19083,"Información":19084,"Ġgranja":19085,"Ġcontenedores":19086,"parable":19087,"ámicos":19088,"2019":19089,"Ġcompetitiva":19090,"Ġates":19091,"Ġanimado":19092,"ĠTécnicas":19093,"ĠSeries":19094,"ĠSegovia":19095,"Ġdiablo":19096,"Ġexigentes":19097,"Ġdesignación":19098,"Ġviolenta":19099,"ĠSecretaria":19100,"Ġrub":19101,"jala":19102,"=\"":19103,"ĠChris":19104,"Ġreconocidas":19105,"Ġrequiera":19106,"Ġsuplemento":19107,"rÃŃas":19108,"Ġreestruc":19109,"Ġserios":19110,"ĠConside":19111,"Ġvendidos":19112,"ĠDefens":19113,"Ġingleses":19114,"Ġestall":19115,"Ġfacilidades":19116,"Ġfec":19117,"Ġestrenar":19118,"Ġabdom":19119,"Ġdesaparece":19120,"Ġdesnudo":19121,"ĠWalter":19122,"Ġexplico":19123,"Ġexpuso":19124,"ĠGram":19125,"yes":19126,"Ġacostumbrado":19127,"ĠMone":19128,"ĠenvÃŃan":19129,"Ġtrozo":19130,"ĠNer":19131,"Ġtomen":19132,"Ġidenti":19133,"árselo":19134,"mne":19135,"Ġpermanentemente":19136,"ĠToro":19137,"ĠRealmente":19138,"hot":19139,"Ġpana":19140,"ĠMónica":19141,"cien":19142,"Ġcorporación":19143,"Ġsagrado":19144,"Ġpelear":19145,"Ġcese":19146,"Ġreclamaciones":19147,"Ġcotidiano":19148,"Ġportátiles":19149,"Ġhim":19150,"ĠAbr":19151,"Ġvinagre":19152,"Ġrig":19153,"okie":19154,"Ġrevelación":19155,"vados":19156,"ĠBull":19157,"valos":19158,"decer":19159,"Lib":19160,"Ġseriedad":19161,"Ġesplen":19162,"ĠRopa":19163,"Ġcampus":19164,"sus":19165,"Ġhierba":19166,"Ġcoyun":19167,"ĠsolÃŃa":19168,"ĠTecnológico":19169,"ĠFla":19170,"Ġaterri":19171,"icidades":19172,"ĠBA":19173,"Ġacordar":19174,"Ġobteniendo":19175,"Ġpesados":19176,"burg":19177,"Ġsucesión":19178,"Ġcasilla":19179,"Ġsinceramente":19180,"vial":19181,"Ġtechos":19182,"Ġprovienen":19183,"gáis":19184,"Ġjustificación":19185,"Ġ1979":19186,"hon":19187,"mero":19188,"Ġinterpretaciones":19189,"Ġvintage":19190,"Ġalternativo":19191,"Ġluminoso":19192,"ĠRD":19193,"folio":19194,"Ġrecorridos":19195,"Ġprogresiva":19196,"ĠDiseñ":19197,"Nada":19198,"chada":19199,"tientes":19200,"ĠJerez":19201,"ÃŃferos":19202,"Ġjabón":19203,"Ġreunieron":19204,"Ġdemonio":19205,"Ġpresenten":19206,"Ġmisterioso":19207,"Ġabrigo":19208,"Ġbendición":19209,"Ġrelata":19210,"Ġagradecido":19211,"yle":19212,"Ġpremisa":19213,"Ġvej":19214,"Ġfiabilidad":19215,"Ġproponen":19216,"óstoles":19217,"Ġrecompens":19218,"ventura":19219,"Ġcrecen":19220,"macias":19221,"ĠCapacidad":19222,"Ġsugerencia":19223,"Ġdocencia":19224,"ĠProto":19225,"Ġnúcleos":19226,"Ġsonar":19227,"Ġrecuperado":19228,"Ġobse":19229,"Ġiniciaron":19230,"zarse":19231,"Ġfantasma":19232,"Ġrepública":19233,"Ġprostituta":19234,"Ġecles":19235,"tele":19236,"Ġcontag":19237,"uber":19238,"darios":19239,"ĠMicho":19240,"ĠSystem":19241,"ĠItal":19242,"Ġindios":19243,"curio":19244,"Ġdepender":19245,"Ġselecciones":19246,"Ġadquiridos":19247,"Ġbuf":19248,"Ġcotiza":19249,"alda":19250,"Ġjustifica":19251,"Ġhincapié":19252,"derÃŃas":19253,"Ġasignaturas":19254,"Ġencub":19255,"ĠAcep":19256,"ĠOrquesta":19257,"Ġdominios":19258,"ĠFotografÃŃa":19259,"éisbol":19260,"Ġexperimental":19261,"Ġgirar":19262,"ĠâĢĭ":19263,"Ġvoluntario":19264,"On":19265,"chera":19266,"Ġtrampa":19267,"IDADES":19268,"Ġfatiga":19269,"Ġoptimización":19270,"Ġseguras":19271,"wich":19272,"Ġnocturno":19273,"zona":19274,"Ġ220":19275,"Ġrastro":19276,"ĠclÃŃnico":19277,"ĠEquipos":19278,"ĠGris":19279,"ésima":19280,"ĠVoz":19281,"HH":19282,"Ġmemorias":19283,"ĠPers":19284,"Ġinstru":19285,"ĠPrima":19286,"Ġhúmedo":19287,"Ġcaudal":19288,"Ġenormemente":19289,"Ġetiquetada":19290,"ĠSindicato":19291,"ols":19292,"Ġveran":19293,"ĠFilip":19294,"ĠMaya":19295,"Ġnad":19296,"Ġcomiendo":19297,"Ġmedioambiental":19298,"ecidos":19299,"Ġparticiparán":19300,"crania":19301,"Ġhomo":19302,"ĠAlan":19303,"torce":19304,"Ġsilves":19305,"Ġsupuso":19306,"Ġmera":19307,"Ġantibió":19308,"Ġencantados":19309,"ĠFMI":19310,"ĠmuchÃŃsimas":19311,"ĠRas":19312,"Ġ1975":19313,"lah":19314,"Ñĭ":19315,"ĠIsidro":19316,"gura":19317,"Ġmultas":19318,".(":19319,"Ġsurgido":19320,"ĠFemen":19321,"ĠInm":19322,"Ġtortu":19323,"ĠMéndez":19324,"Ġtarda":19325,"Ġsinónimo":19326,"Ġ450":19327,"Ġpuntas":19328,"cribe":19329,"ĠFinanciera":19330,"Ġnostalgia":19331,"Ġfachadas":19332,"udar":19333,"rocarb":19334,"Ġolvida":19335,"jug":19336,"Ġintac":19337,"Ġescaso":19338,"Ġcayendo":19339,"Ġatrae":19340,"Ġpertenecer":19341,"Ġatributos":19342,"ĠparecÃŃan":19343,"......":19344,"Ġaparecerá":19345,"ĠOccidental":19346,"IOS":19347,"ĠMoisés":19348,"âĢ¦..":19349,"Ġautopista":19350,"Ġdispara":19351,"Ġeducar":19352,"Ġseda":19353,"Ġfaltaba":19354,"ĠAdam":19355,"Ġlealtad":19356,"obos":19357,"ĠCra":19358,"Ġmaravillosas":19359,"ĠpatologÃŃa":19360,"trarse":19361,"Ġextracto":19362,"aden":19363,"Ġdoméstico":19364,"Ġdero":19365,"Ġpreciosos":19366,"Ġponerme":19367,"Ġextendido":19368,"Ġnovios":19369,"Ġredactado":19370,"ĠCasta":19371,"ĠPLAN":19372,"Ġimpulsa":19373,"ĠHip":19374,"Ġlatinos":19375,"Af":19376,"Ġ1977":19377,"Ġcúp":19378,"Ġtelas":19379,"ĠFavor":19380,"Ġtributaria":19381,"tariamente":19382,"IZACIÃĵN":19383,"ĠUniversity":19384,"ĠJulia":19385,"lava":19386,"ĠSD":19387,"Ġlavadora":19388,"Noticias":19389,"Ġdurar":19390,"uncio":19391,"ĠcÃŃrculos":19392,"ĠJuvenil":19393,"vitud":19394,"darse":19395,"ĠJoe":19396,"ĠDJ":19397,"rimidos":19398,"ĠPesca":19399,"cog":19400,"ĠHTML":19401,"ĠTera":19402,"ĠIC":19403,"Ġreclamos":19404,"Ġrompió":19405,"lista":19406,"Ġsalvador":19407,"Ġsituados":19408,"ambien":19409,"Ġlineal":19410,"Ġintermin":19411,"ĠMass":19412,"Ġdiálogos":19413,"Ġdesnuda":19414,"ĠCara":19415,"ĠSpe":19416,"Ġconformado":19417,"rientes":19418,"ĠCoun":19419,"Ġobtenida":19420,"Ġinadecu":19421,"Ġsubord":19422,"Ġequidad":19423,"Ġsinton":19424,"Ġpodio":19425,"Ġmontado":19426,"Ġstand":19427,"Ġincluyó":19428,"Ġexperta":19429,"ĠJud":19430,"laron":19431,"Ġapoyando":19432,"Ġinvitó":19433,"qués":19434,"Ġcatástro":19435,"ĠPH":19436,"ĠPed":19437,"Ġlien":19438,"Ġsubasta":19439,"Ġrotación":19440,"Ġalcanzan":19441,"acetas":19442,"Ġcaseros":19443,"Ġintroduc":19444,"Ġferias":19445,"Ġméritos":19446,"Ġglobo":19447,"temos":19448,"Ġhongos":19449,"ĠSomb":19450,"Ġenfocado":19451,"Ġmts":19452,"Ġbuscadores":19453,"ĠContenido":19454,"Ġinformal":19455,"Ġsombrero":19456,"Ġchile":19457,"Ġmostrará":19458,"Ġdesarrolladas":19459,"Ġespl":19460,"ĠTarjeta":19461,"ĠLunes":19462,"cro":19463,"lanueva":19464,"bación":19465,"Ġtitulo":19466,"Ġfrág":19467,"Ġeval":19468,"Ġenz":19469,"Ġvalora":19470,"Ġdejé":19471,"vÃŃ":19472,"Ġescritas":19473,"doso":19474,"ĠParro":19475,"Ġdeterminante":19476,"ĠLive":19477,"ĠRepubl":19478,"gunas":19479,"Ġinscritos":19480,"ĠQuÃŃmica":19481,"ĠInfraestruc":19482,"Existe":19483,"socia":19484,"tradas":19485,"ocos":19486,"zobispo":19487,"ĠGijón":19488,"UT":19489,"Ġsusci":19490,"ĠJoy":19491,"ĠcÃŃv":19492,"ĠFuego":19493,"ĠQueremos":19494,"locu":19495,"Ġvocab":19496,"ĠauditorÃŃa":19497,"ueño":19498,"ĠGloria":19499,"Ġconsign":19500,"Ġdorada":19501,"Ġcheque":19502,"Ġrepaso":19503,"Ġgla":19504,"ĠMiemb":19505,"OLOG":19506,"Ġsentimental":19507,"gonal":19508,"Ġcarpin":19509,"Ġprocu":19510,"Ġmisterios":19511,"Ġesplendor":19512,"etc":19513,"ĠHO":19514,"Ġsencillez":19515,"Ġreemplazo":19516,"guila":19517,"ĠCinco":19518,"Luis":19519,"Ġcuriosa":19520,"ĠmandÃŃbula":19521,"Ġrevolucionaria":19522,"dex":19523,"Ġverbal":19524,"Ġatenta":19525,"icismo":19526,"wards":19527,"Ġinútil":19528,"ĠcuantÃŃa":19529,"lama":19530,"001":19531,"Ġrio":19532,"Ġinfluir":19533,"Ub":19534,"Ġorillas":19535,"ĠOh":19536,"Ġuniform":19537,"Ġmonopol":19538,"ĠvenÃŃan":19539,"cionismo":19540,"Ġjuveniles":19541,"Ġreunido":19542,"Super":19543,"Ġparking":19544,"Ġdelincuencia":19545,"ĠDOM":19546,"ĠAguirre":19547,"ĠRepresent":19548,"ĠïĤ":19549,"Ġalimenta":19550,"Ġdefinida":19551,"Ġ\\":19552,"rededor":19553,"Ġintercambiar":19554,"ĠScott":19555,"Ġhipoteca":19556,"Ġparecida":19557,"Ġdebida":19558,"Ġapellidos":19559,"Ġdeliber":19560,"ĠValentÃŃn":19561,"ĠHigh":19562,"Ġcerro":19563,"ĠTrinidad":19564,"wagen":19565,"ĠCampus":19566,"ĠAur":19567,"Ġequipaje":19568,"ĠEDUCA":19569,"ĠIT":19570,"Aquel":19571,"Ġclo":19572,"Ġ^^":19573,"Ġcatalog":19574,"Ġponerlo":19575,"Ġconstruyó":19576,"Ġaspira":19577,"here":19578,"Ġmonstruos":19579,"Junto":19580,"Ġalcaldes":19581,"Ġoculto":19582,"Ġlamentable":19583,"ĠAlguien":19584,"rona":19585,"Ġniñez":19586,"ĠDuque":19587,"CRI":19588,"ĠlibrerÃŃa":19589,"Ġpuntual":19590,"ĠRenta":19591,"Ġilustración":19592,"ibo":19593,"renta":19594,"Ġaseo":19595,"mond":19596,"ring":19597,"Ġdiccionario":19598,"recer":19599,"pie":19600,"ĠGT":19601,"ĠChap":19602,"Ġcalificó":19603,"Ġimplicación":19604,"Ġconfies":19605,"Ġanticon":19606,"ĠEstruc":19607,"Ġcremallera":19608,"Ġreza":19609,"ĠAT":19610,"Ġqueria":19611,"ars":19612,"elly":19613,"Ġfábricas":19614,"ĠSaba":19615,"dome":19616,"Ġcuenca":19617,"Ġcoherente":19618,"ĠCaracterÃŃsticas":19619,"Ġarquitectos":19620,"Ġorgas":19621,"Ġlegislatura":19622,"cc":19623,"Ġaproximación":19624,"Ġrecibimos":19625,"Ġafines":19626,"ĠOrlando":19627,"Ġpelos":19628,"Ġcayeron":19629,"quesa":19630,"iantes":19631,"Ġclasificar":19632,"cipes":19633,"Ġsendero":19634,"ĠSilvia":19635,"Ġcaballeros":19636,"ĠPERS":19637,"Ġoccidentales":19638,"Ġorina":19639,"cales":19640,"Ġempeñ":19641,"[âĢ¦]":19642,"Ġsoltar":19643,"Ġelaborada":19644,"Ġenju":19645,"Ġminimizar":19646,"Ġmicros":19647,"Ġretirado":19648,"Ġlea":19649,"Ġacusa":19650,"Ġrecogidos":19651,"quio":19652,"Ban":19653,"lick":19654,"Ġsolidaria":19655,"ĠMOD":19656,"Ġnómina":19657,"Ġremedios":19658,"Ġ1968":19659,"Ġbizco":19660,"Ġquedarán":19661,"veda":19662,"Ġdisim":19663,"dimens":19664,"ĠSerÃŃa":19665,"Ġgota":19666,"Ġanalista":19667,"Ġtúnel":19668,"ĠNingun":19669,"Ġaudiovisuales":19670,"educ":19671,"omal":19672,"Curso":19673,"Ġvolvemos":19674,"ĠVé":19675,"Ġconvertirá":19676,"Ġperif":19677,"Ġmaquil":19678,"donado":19679,"Ġprivilegios":19680,"ĠOmar":19681,"ĠMedios":19682,"Ġfals":19683,"Ġpenetración":19684,"Ġpájaros":19685,"ĠAnna":19686,"ĠPlanificación":19687,"dés":19688,"ĠBautista":19689,"ĠArti":19690,"Ġlác":19691,"Ġvariado":19692,"ĠEne":19693,"ĠArabia":19694,"ÃŃlica":19695,"Ġforestales":19696,"mental":19697,"Ġatmos":19698,"ificador":19699,"ĠBron":19700,"iros":19701,"Ġmap":19702,"Ġdisculpas":19703,"Ġdude":19704,"ĠAcos":19705,"bitraje":19706,"Ġencantador":19707,"Cualquier":19708,"Ġatiende":19709,"Ġbarcelona":19710,"endida":19711,"Ġexistan":19712,"Ġordinario":19713,"anista":19714,"ĠColum":19715,"Ġadjudicación":19716,"ĠpermitÃŃa":19717,"letismo":19718,"Ġgobernantes":19719,"Ġsingle":19720,"ĠAlum":19721,"Tan":19722,"héro":19723,"sche":19724,"cero":19725,"Ġrobust":19726,"Ġrib":19727,"Ġexaminar":19728,"ĠjudÃŃo":19729,"Ġbea":19730,"ĠTos":19731,"Ġveamos":19732,"Ġcreativos":19733,"ACE":19734,"Ġvisitan":19735,"Ġpreco":19736,"ceptos":19737,"Ġquise":19738,"ĠObjetivos":19739,"Ġarreglos":19740,"Ġdonaciones":19741,"web":19742,"Ġescogido":19743,"UDAD":19744,"ĠPop":19745,"Ġ©":19746,"Oh":19747,"MarÃŃa":19748,"Ġformulación":19749,"UEL":19750,"Ġaprendiz":19751,"ISTE":19752,"Ġencontrados":19753,"Ġinauguró":19754,"ĠLengua":19755,"dré":19756,"Ġinfil":19757,"Ġbritánicos":19758,"Ġtrom":19759,"videncia":19760,"FER":19761,"ĠenfermerÃŃa":19762,"ĠencantarÃŃa":19763,"Ġrelaciona":19764,"ĠAmericana":19765,"ĠSolar":19766,"Ġrevelado":19767,"ĠturÃŃsticas":19768,"Ġtérmica":19769,"ĠSteve":19770,"cionando":19771,"ĠCarnaval":19772,"ADRID":19773,"Ġcontrolada":19774,"figuración":19775,"Ġvisite":19776,"élica":19777,"Ġventilación":19778,"Ġproducirse":19779,"Lu":19780,"ĠHisp":19781,"Ġestrenos":19782,"Ġactualiza":19783,"Ġrepercusión":19784,"Ġingrediente":19785,"Ġquema":19786,"Ġcarril":19787,"Ġlogotipo":19788,"Ġitinerario":19789,"Ġestarás":19790,"Ġpadecen":19791,"Ġsueldos":19792,"ĠCarab":19793,"Ġparlamentario":19794,"Ġremitir":19795,"Ġcantera":19796,"ĠCorona":19797,"ĠmaestrÃŃa":19798,"Ġedificación":19799,"Ġpobladores":19800,"Ġcasarse":19801,"Ġsuavemente":19802,"very":19803,"ĠOffice":19804,"Ġfijación":19805,"Ġmonitoreo":19806,"Mal":19807,"Ġpalma":19808,"Ġintegrales":19809,"ĠcocaÃŃna":19810,"Ġagujeros":19811,"Ġpostres":19812,"Ġestratégicos":19813,"Ġobservando":19814,"producción":19815,"jen":19816,"rosión":19817,"ĠDesign":19818,"ĠLaboratorio":19819,"ollas":19820,"Ġterminaron":19821,"Ġpedal":19822,"ĠRap":19823,"Ġconting":19824,"Gener":19825,"Ġhormonas":19826,"Ġarbitrar":19827,"ĠAva":19828,"pto":19829,"Ġesclar":19830,"Ġsepul":19831,"pio":19832,"Ġdesprende":19833,"mÃŃn":19834,"Ġinversionistas":19835,"ĠPenÃŃnsula":19836,"Ġblin":19837,"Ġlograrlo":19838,"Ġconsulte":19839,"Ġendeud":19840,"Ġselecciona":19841,"Ġcatedr":19842,"ciadamente":19843,"Ġfalse":19844,"Ġresuelve":19845,"Ġsatisfechos":19846,"Ġinformativa":19847,"dible":19848,"Estim":19849,"ĠTodavÃŃa":19850,"olin":19851,"ĠCaj":19852,"Ġhabitan":19853,"ĠpsÃŃqu":19854,"ĠPremium":19855,"ĠOP":19856,"Ġviolentos":19857,"ĠCabrera":19858,"Ġcarbo":19859,"cala":19860,"cian":19861,"Ġderra":19862,"ĠTren":19863,"ĠCompos":19864,"Ġpresento":19865,"ĠHermandad":19866,"icon":19867,"Ġcabellos":19868,"Ġestético":19869,"ĠUribe":19870,"ĠpatologÃŃas":19871,"Ġsuplementos":19872,"Ġbrindan":19873,"Ġcorporaciones":19874,"Ġandaluz":19875,"Ġelevación":19876,"Ġcesión":19877,"Ġatentados":19878,"ĠnÃŃ":19879,"Ġequilibrada":19880,"Ġparcela":19881,"ĠÃīste":19882,"ĠPOL":19883,"Ġexclusivas":19884,"Ġtempl":19885,"ĠMexico":19886,"Ġpotencias":19887,"Ġredondo":19888,"ĠPresidenta":19889,"Ġárabes":19890,"Ġfavorables":19891,"Ġincompati":19892,"Ġgobernar":19893,"Ġmedallas":19894,"Ġséptima":19895,"Ġvisitando":19896,"Tom":19897,"!âĢĿ":19898,"ĠNel":19899,"Ġcaros":19900,"abeth":19901,"mbres":19902,"Ġmiro":19903,"Ġcrearon":19904,"Ġprolifer":19905,"ican":19906,"ĠAdu":19907,"mad":19908,"Ġingesta":19909,"Ġaeropuertos":19910,"Ġdependientes":19911,"Ġadvertencia":19912,"Organ":19913,"Ġorganizó":19914,"ulia":19915,"ĠBook":19916,"Ġengaño":19917,"Ġtomará":19918,"ĠconsultorÃŃa":19919,"Ġrecomiendan":19920,"Ġencaje":19921,"Ġmetálico":19922,"deza":19923,"Ġacudieron":19924,"Ġabdomen":19925,"Ġidio":19926,"ĠEstadÃŃstica":19927,"Ġiremos":19928,"Ġball":19929,"ronto":19930,"Ġhorne":19931,"ĠDim":19932,"Ġgriega":19933,"Ġbiodiversidad":19934,"Ġintegrados":19935,"Ġpulso":19936,"Ġpila":19937,"Ġprefieres":19938,"Ġdictamen":19939,"Ġventan":19940,"Ġtiras":19941,"Ġconcentra":19942,"Ġobstáculo":19943,"Ġpleg":19944,"Ġcuadra":19945,"Ġidentificados":19946,"idados":19947,"Bl":19948,"Ġtutor":19949,"Ġdivor":19950,"Ġorganizan":19951,"Ġeventual":19952,"?...":19953,"ĠSuperinten":19954,"Ġhur":19955,"Ġrevelar":19956,"Ġmodernidad":19957,"ĠApertura":19958,"onel":19959,"Ġdelicada":19960,"ĠCRE":19961,"==":19962,"Ġimposibilidad":19963,"peuta":19964,"Ġforestal":19965,"tricas":19966,"riera":19967,"Ġreposo":19968,"rela":19969,"Ġestrena":19970,"ĠExplor":19971,"Ġlocu":19972,"Ġbarbar":19973,"Ġactivistas":19974,"semos":19975,"ĠGib":19976,"Ġcritica":19977,"ĠPrueba":19978,"aná":19979,"Ġmineros":19980,"Ġcontribuyentes":19981,"Ġinocencia":19982,"Ġflujos":19983,"ĠFórmula":19984,"Ġproyecciones":19985,"ius":19986,"Ġaspiraciones":19987,"ĠquÃŃmicas":19988,"Ġpredio":19989,"ĠExiste":19990,"ĠMucho":19991,"ĠNetwork":19992,"Ġadu":19993,"ĠExperiencia":19994,"tella":19995,"Ġactuando":19996,"Ġdomicil":19997,"Ġrenal":19998,"Ġcilin":19999,"penas":20000,"Ġmiser":20001,"Ġfrustración":20002,"Ġeri":20003,"Ġcomparto":20004,"Ġsevil":20005,"Ġdesbloque":20006,"Ġbancario":20007,"Ġesperaban":20008,"TACIÃĵN":20009,"Ġcooperativa":20010,"ĠContemp":20011,"ĠDIREC":20012,"Ġcontable":20013,"iff":20014,"Ġsedes":20015,"Ġpaul":20016,"Ġnoroeste":20017,"Ġmanifestar":20018,"ĠRoyal":20019,"uyó":20020,"Ġpreparan":20021,"portivo":20022,"Ġordinaria":20023,"Ġcompatrio":20024,"indust":20025,"drÃŃan":20026,"LES":20027,"ĠYucatán":20028,"FI":20029,"Ġcélebre":20030,"Ġcoro":20031,"Ġcoronel":20032,"Ġfirmeza":20033,"Ġglobalización":20034,"Ġintroducido":20035,"ĠEjerci":20036,"ocup":20037,"Ġequivale":20038,"Ġllegara":20039,"Ġentrenadores":20040,"fort":20041,"Ġposte":20042,"cuer":20043,"Ġviolento":20044,"rerÃŃas":20045,"Ġpedazo":20046,"Ġtremendo":20047,"ĠRomán":20048,"ĠEmil":20049,"Ġirres":20050,"Ġactivación":20051,"Ġatribuy":20052,"Ġpercibe":20053,"Ġcocción":20054,"Ġpeligrosas":20055,"Ġconcede":20056,"écnica":20057,"Ġsecar":20058,"Compar":20059,"Ġumb":20060,"Ġmolestia":20061,"ĠBoston":20062,"witch":20063,"ĠEllo":20064,"Ġrecogen":20065,"igencia":20066,"date":20067,"Ġtransf":20068,"For":20069,"Vol":20070,"Ġchamp":20071,"Ġacudió":20072,"Ġpertinente":20073,"Ġdistribuidores":20074,"Ġacarici":20075,"ĠquedarÃŃa":20076,"ĠIX":20077,"Ġbuscará":20078,"Ġrecordamos":20079,"avent":20080,"JER":20081,"Ġdistritos":20082,"plo":20083,"ĠBolso":20084,"Ġdesgar":20085,"ĠUcrania":20086,"Ġteles":20087,"ĠNum":20088,"ĠZa":20089,"ĠPav":20090,"Ġseguidos":20091,"Ġmultidiscipl":20092,"ĠYu":20093,"VAL":20094,"Ġopositores":20095,"Ġorgánico":20096,"Ġincrementa":20097,"Mujer":20098,"dist":20099,"ayuno":20100,"ÃŃen":20101,"Estados":20102,"Ġadelantar":20103,"Ġrecurrente":20104,"ómetro":20105,"Ġreúnen":20106,"Ġsensual":20107,"ĠCarl":20108,"ĠConde":20109,"Ġdesconocida":20110,"Ġremodel":20111,"étaro":20112,"Algo":20113,"Ġextens":20114,"Ġpistola":20115,"Ġrespetando":20116,"ĠSamuel":20117,"Ġasciende":20118,"Ġdeterminó":20119,"Ġpadecer":20120,"ĠIzquierda":20121,"Ġcomprendido":20122,"ĠNormalmente":20123,"atear":20124,"Ġcanon":20125,"Ġconsciencia":20126,"Ġpescadores":20127,"ĠNis":20128,"Ġinsistió":20129,"Ġdog":20130,"Ġhegem":20131,"ĠVictor":20132,"Ġdesaparecidos":20133,"ĠVolun":20134,"ĠFree":20135,"Ġdeform":20136,"Ġnul":20137,"Ġhomosexuales":20138,"adillas":20139,"Ġinsa":20140,"Ġreflejar":20141,"Ġnoci":20142,"Ġsuba":20143,"Ġalli":20144,"ĠParticipación":20145,"Ġdiré":20146,"Ġamplitud":20147,"kswagen":20148,"Ġconozcan":20149,"Ġconde":20150,"blogs":20151,"Ġesperas":20152,"Ġgritar":20153,"Ġdesesperación":20154,"rack":20155,"Ġdotar":20156,"Ġcomúnmente":20157,"iciosas":20158,"Ġdocumentales":20159,"Ġanex":20160,"ĠOruro":20161,"Ġromance":20162,"Ġarranca":20163,"Ġagropecu":20164,"Ġfrigor":20165,"ĠCiclo":20166,"Ġnaz":20167,"Ġpreocuparse":20168,"Ġlocalizado":20169,"Ġ1981":20170,"alizará":20171,"Ġbajando":20172,"caria":20173,"Ġterapias":20174,"Ġsemanales":20175,"chet":20176,"ĠFerrari":20177,"Ġrecordando":20178,"ĠAdolesc":20179,"rr":20180,"Ġeleva":20181,"ĠRue":20182,"Ġrecopil":20183,"Ġproximidad":20184,"ĠAlar":20185,"els":20186,"inho":20187,"Ġverlos":20188,"Ġcines":20189,"parencia":20190,"Ġsucediendo":20191,"ĠRestaurante":20192,"iscos":20193,"losa":20194,"ĠPAS":20195,"Ġanimo":20196,"Ġinher":20197,"Ġcenta":20198,"ĠAntiguo":20199,"Ġpuntuales":20200,"ĠChihuahua":20201,"lea":20202,"Ġluce":20203,"Ġsemejantes":20204,"Ġdistribuidor":20205,"Ġsenderismo":20206,"Ġdefra":20207,"Ġcomprando":20208,"Ġdemora":20209,"ediencia":20210,"Ġingresó":20211,"dolfo":20212,"Ġesquemas":20213,"inosau":20214,"Ġadjun":20215,"ĠPokémon":20216,"Ġconstituido":20217,"Ġ%.":20218,"cab":20219,"deas":20220,"Ġcompatibilidad":20221,"Ġnativos":20222,"Ġretomar":20223,"Ġciclistas":20224,"Ġcumplim":20225,"Ġenfrentamientos":20226,"udes":20227,"Ġpersigue":20228,"ĠEscuelas":20229,"acemos":20230,"ĠNik":20231,"Ġestrenó":20232,"ĠDanza":20233,"ĠPaÃŃses":20234,"inilla":20235,"Ġcausando":20236,"ĠWatch":20237,"Ġandan":20238,"Vide":20239,"Ġbillones":20240,"ĠNeu":20241,"Ġladrones":20242,"lla":20243,"ĠtuberÃŃa":20244,"Ġ170":20245,"ĠMediante":20246,"Ġacordes":20247,"dd":20248,"ĠDetal":20249,"Ġcacao":20250,"Ġoperativa":20251,"Ġdesembar":20252,"Ġpetrolera":20253,"Ġaltern":20254,"Ġinsiste":20255,"Ġcuántos":20256,"Ġcinematográfica":20257,"Ġeligió":20258,"Ġpopul":20259,"visa":20260,"Ġdevas":20261,"ÃĹ":20262,"Ġconclu":20263,"Ġsuperficial":20264,"ĠEvo":20265,"Ġdile":20266,"Ġverific":20267,"Dan":20268,"Ġplural":20269,"Ġconsiguieron":20270,"nap":20271,"dependi":20272,"ĠTokio":20273,"ranas":20274,"ĠArque":20275,"Ġligar":20276,"ĠAdul":20277,"amon":20278,"ĠOcho":20279,"ĠPrecios":20280,"Ġsuscrip":20281,"Ġconcluido":20282,"ĠBU":20283,"ĠBár":20284,"kins":20285,"Ġdamas":20286,"Ġmediación":20287,"icom":20288,"2001":20289,"ĠDebemos":20290,"Ġdesalo":20291,"Ġsalgan":20292,"Ġrepetición":20293,"yy":20294,"ĠJon":20295,"Ġprocesar":20296,"ĠOperaciones":20297,"Ġincul":20298,"ĠCumbre":20299,"Ġrepi":20300,"Ġcompeticiones":20301,"edicto":20302,"ĠAlexander":20303,"Ġunanimidad":20304,"grafia":20305,"ĠTac":20306,"Ġmatrimon":20307,"Ġpreguntan":20308,"ĠisraelÃŃ":20309,"ĠpodÃŃamos":20310,"Ġfrecuencias":20311,"lámico":20312,"Ġpercib":20313,"Ġmadrileño":20314,"Ġverticales":20315,"Ġfinalización":20316,"ĠInstituciones":20317,"Ġcriptom":20318,"Ġcasado":20319,"ĠConcejal":20320,"Ġcolega":20321,"jun":20322,"quidez":20323,"Ġperiódicamente":20324,"Ġexilio":20325,"Ġdureza":20326,"ĠVisita":20327,"Ġasumió":20328,"ĠStra":20329,"Ġjaponeses":20330,"itre":20331,"ĠCi":20332,"Ins":20333,"Ġformales":20334,"Ġbloquear":20335,"istra":20336,"tición":20337,"Ġdisputar":20338,"peras":20339,"dromo":20340,"Ġhayamos":20341,"Ġsumando":20342,"Ġteniente":20343,"ĠquÃŃmico":20344,"ĠMet":20345,"Ġasegú":20346,"ĠNational":20347,"formance":20348,"Ġconstitucionales":20349,"Ġrechaza":20350,"estidad":20351,"ĠPE":20352,"ose":20353,"Ġdestacadas":20354,"tl":20355,"ĠGO":20356,"Ġrelax":20357,"Ġsenda":20358,"quot":20359,"ĠParlam":20360,"ĠMata":20361,"Ġgestor":20362,"Ġorn":20363,"Poco":20364,"Ġ(-":20365,"donos":20366,"ĠtÃŃpicas":20367,"Ġbreves":20368,"Ġlegislativo":20369,"ĠDA":20370,"Ġanotó":20371,"Ġpromul":20372,"Ġmuchachos":20373,"ĠâĤ¬.":20374,"ĠEmpez":20375,"esco":20376,"abamos":20377,"wo":20378,"Ġhagamos":20379,"ĠViz":20380,"Ġsuperando":20381,"Ġsecreta":20382,"ĠMX":20383,"Ġci":20384,"ĠProgramas":20385,"iras":20386,"ĠResultados":20387,"Ġcontaminantes":20388,"Ġregistradas":20389,"Ġpreso":20390,"embra":20391,"Ġescén":20392,"ĠAviso":20393,"Ġdistingue":20394,"ĠMÃī":20395,"ĠAmp":20396,"Ġmalla":20397,"Ġveracidad":20398,"Ġaplicará":20399,"Ġajenos":20400,"Ġyoutube":20401,"ĠEnferme":20402,"Ġsacando":20403,"Station":20404,"Ġagradables":20405,"Ġcondens":20406,"Ġimb":20407,"ĠRecu":20408,"Direc":20409,"Ġsanitarias":20410,"Ġabandonó":20411,"Ġpestaña":20412,"Ġcualita":20413,"Ġsecas":20414,"...,":20415,"Ġvaliosa":20416,"Ġarticulaciones":20417,"Ġcristianismo":20418,"esio":20419,"Ġrentas":20420,"Ġmayormente":20421,"ĠBadajoz":20422,"Ġajusta":20423,"Ġimpugn":20424,"ĠHard":20425,"Cuáles":20426,"ĠFalta":20427,"senal":20428,"Ġpresuntamente":20429,"pá":20430,"Ġmodernización":20431,"ref":20432,"elec":20433,"Ġmolesto":20434,"Ġconfidencialidad":20435,"Ġsalimos":20436,"Ġcontroversia":20437,"Ġrepublicano":20438,"Ġinstantánea":20439,"Ġlogre":20440,"ĠCristian":20441,"ĠBusca":20442,"ĠMaestrÃŃa":20443,"Ġmaravillosos":20444,"Ġcontabil":20445,"ĠEstrella":20446,"Ġinverna":20447,"Ġcompetitivos":20448,"ĠArmando":20449,"Ġabsten":20450,"ĠMode":20451,"ĠFlorencia":20452,"Ġcalentar":20453,"ĠmarÃŃtimo":20454,"ĠTrujillo":20455,"Ġtraductor":20456,"ĠAlimentos":20457,"Ġmaratón":20458,"Ġópera":20459,"ĠProfesores":20460,"Ġorgullosos":20461,"éndome":20462,"Ġgoza":20463,"Ġrepercu":20464,"Ġinsumos":20465,"Ġlámparas":20466,"Ġvivencias":20467,"Ġmisericordia":20468,"Ġrevolu":20469,"Ġdécimo":20470,"Ġcometidos":20471,"ĠSC":20472,"Ġdeportista":20473,"Ġvaler":20474,"Ġcham":20475,"Ġgus":20476,"Ġagrado":20477,"ĠMartÃŃ":20478,"camente":20479,"amentablemente":20480,"Ġgeniales":20481,"ĠTributaria":20482,"Ġmentes":20483,"úr":20484,"Ġembri":20485,"urgo":20486,"Ġsuela":20487,"Ġadulta":20488,"tiembre":20489,"ĠKevin":20490,"Ġminia":20491,"Ġcompañeras":20492,"Ġvocal":20493,"Ġpedirle":20494,"Ġmanus":20495,"Ġperdidas":20496,"ĠFru":20497,"ĠLuisa":20498,"Ġperdidos":20499,"istentes":20500,"Ġtradicionalmente":20501,"Ġadjunto":20502,"icidios":20503,"Ġconcentrado":20504,"EDAD":20505,"Ġenunci":20506,"Ġdesarrollarse":20507,"ĠMatÃŃas":20508,"Ġprole":20509,"ĠÃŃbamos":20510,"vedra":20511,"escol":20512,"Ġalt":20513,"Ġregulares":20514,"Ġsaberlo":20515,"ĠNUE":20516,"ĠIbiza":20517,"izarra":20518,"Ġdesbord":20519,"ĠAth":20520,"Ġengaños":20521,"Ġalfombra":20522,"ĠSEM":20523,"Ġprecaución":20524,"ĠFores":20525,"versiones":20526,"Ġfundado":20527,"FL":20528,"Ġ!!!":20529,"ï":20530,"Ġfacilitan":20531,"Ġram":20532,"cosa":20533,"Ġacababa":20534,"ĠAsociaciones":20535,"Ġdetiene":20536,"sever":20537,"enter":20538,"Ġacreditación":20539,"Ġturnos":20540,"Ġnas":20541,"Ġbasan":20542,"ĠÃŃntimo":20543,"Ġdestitu":20544,"Ġpanorámica":20545,"Ġinvir":20546,"Ġbenef":20547,"cter":20548,"ĠLouis":20549,"ĠDiana":20550,"Ġestrecho":20551,"zgo":20552,"BE":20553,"Ġcolaborador":20554,"Ġmiti":20555,"venidas":20556,"Ġvegetar":20557,"Ġorgánicos":20558,"ĠPublicidad":20559,"Ġcreadas":20560,"ĠGermán":20561,"Ġartesanos":20562,"ties":20563,"Ġmuchacha":20564,"ĠtrilogÃŃa":20565,"ĠElim":20566,"Ġafer":20567,"Ġblanque":20568,"Ġpeques":20569,"Ġexpreso":20570,"day":20571,"resas":20572,"estra":20573,"onaer":20574,"Ġdestacada":20575,"Ġlápiz":20576,"Ġadhesión":20577,"ĠEntrada":20578,"Ġcalifica":20579,"Tú":20580,"Ġmandos":20581,"Ġindicios":20582,"ĠJazz":20583,"еÐ":20584,"Ġcongres":20585,"ĠSaf":20586,"Ġdesemb":20587,"Ġalojar":20588,"blemas":20589,"ĠExposición":20590,"Ġvalorado":20591,"Ġinjusticia":20592,"Ġcontradic":20593,"Ġcomenzamos":20594,"Ġvinculada":20595,"Ġconceder":20596,"Ġsatur":20597,"ĠjoyerÃŃa":20598,"ĠEstratég":20599,"Gar":20600,"Ġoptimismo":20601,"ĠVenecia":20602,"Ġescalada":20603,"ĠVicepres":20604,"fato":20605,"Ġvinieron":20606,"Ġsopa":20607,"Ġencontraremos":20608,"¸ı":20609,"ild":20610,"ĠCerca":20611,"urnal":20612,"Ġcomprometida":20613,"ĠHitler":20614,"umán":20615,"\":\"":20616,"ĠApoyo":20617,"Ġrehabil":20618,"ajua":20619,"ĠJas":20620,"ments":20621,"ĠBang":20622,"Ġanillos":20623,"iese":20624,"Ġdiente":20625,"ĠBis":20626,"Ġprosperidad":20627,"amiliar":20628,"Ġconfundir":20629,"Ġinesperado":20630,"ĠVentas":20631,"Ġrobos":20632,"Ġgalardón":20633,"Ġatribuye":20634,"ĠBy":20635,"Ġproveniente":20636,"Ġversion":20637,"Ġadapte":20638,"ueltos":20639,"Ġnova":20640,"ĠMike":20641,"Ġhistoriador":20642,"ĠJaneiro":20643,"Ġactualizados":20644,"ĠSabemos":20645,"Ġtormentas":20646,"ĠDesta":20647,"Ġandando":20648,"ĠEscu":20649,"Ġdecorado":20650,"ĠViolencia":20651,"ĠBomberos":20652,"Autor":20653,"Ġdecida":20654,"Ġrostros":20655,"ÃŃb":20656,"ĠNBA":20657,"Ġdistribuy":20658,"Ġmilagros":20659,"IER":20660,"lé":20661,"ĠInversión":20662,"Ġcalaba":20663,"Ġagrupaciones":20664,"ivado":20665,"Ġdefensas":20666,"Ġmediana":20667,"TULO":20668,"Ġmajes":20669,"Ġolores":20670,"aludos":20671,"ĠSonora":20672,"Ġdiferencial":20673,"Ġversa":20674,"Ġconstituir":20675,"Ġsw":20676,"ĠEstrategia":20677,"Ġcomparado":20678,"érminos":20679,"Ġadvertir":20680,"Ġajustado":20681,"Ġbajado":20682,"ibar":20683,"BU":20684,"Ġmexico":20685,"Ġasistido":20686,"Ġplantean":20687,"ĠOce":20688,"ĠGame":20689,"Ġcóc":20690,"bis":20691,"Ġarticular":20692,"Recor":20693,"Ġmáximas":20694,"ĠConsum":20695,"itness":20696,"Ġeh":20697,"Ġnoción":20698,"ĠAngeles":20699,"Ġviral":20700,"ĠVeh":20701,"Ġengañar":20702,"DR":20703,"YO":20704,"ĠLam":20705,"ĠGracia":20706,"Ġverteb":20707,"Ġanotar":20708,"rocarburos":20709,"ĠCUR":20710,"Ġsignificativas":20711,"MINIS":20712,"Ġrecam":20713,"nabis":20714,"Ġator":20715,"Ġportales":20716,"Ġviajan":20717,"ads":20718,"ecida":20719,"ĠTS":20720,"ĠSM":20721,"Ġgráficas":20722,"ĠLicenciatura":20723,"Ġpatrimonial":20724,"ĠTelecomunicaciones":20725,"Ġacuden":20726,"ĠSouth":20727,"Ġdesemple":20728,"ĠMexicano":20729,"Ġtremenda":20730,"Ġturista":20731,"Ġprometido":20732,"ĠArias":20733,"Ġardu":20734,"ĠJona":20735,"Ġclasificado":20736,"Ġabiertamente":20737,"Ġguardias":20738,"istir":20739,"ĠSandra":20740,"Ġagradece":20741,"Ġcoherencia":20742,"Ġplomo":20743,"Cos":20744,"achas":20745,"ĠCM":20746,"ĠpasarÃŃa":20747,"ĠPersonales":20748,"Ġusarse":20749,"Ġ(¡":20750,"ĠTony":20751,"ĠcafeterÃŃa":20752,"Ġpadece":20753,"antemente":20754,"ĠbiografÃŃa":20755,"ĠEnseñanza":20756,"Ġpatrio":20757,"Ġgrosor":20758,"ĠVirginia":20759,"ĠClaus":20760,"Ġmorena":20761,"Ġvest":20762,"vich":20763,"ĠVillanueva":20764,"Ġmenstru":20765,"ĠCual":20766,"ĠToma":20767,"ĠmÃŃos":20768,"Ġcomprometer":20769,"ĠKong":20770,"Ġimpedi":20771,"entaciones":20772,"Ġtrasladó":20773,"Ġmutuo":20774,"Ġencargar":20775,"Ġoriginalidad":20776,"Ġcontextos":20777,"Ġdispuso":20778,"Ġcaracterizado":20779,"Ġapetito":20780,"Pens":20781,"quillas":20782,"adir":20783,"Ġ|--":20784,"rentes":20785,"Ġconsideraciones":20786,"Ãīl":20787,"Ġtitulación":20788,"Ġdetectado":20789,"guesÃŃa":20790,"ĠUNESCO":20791,"ĠDescu":20792,"ĠsÃŃntoma":20793,"Estu":20794,"Ġverdaderas":20795,"Ġpartiendo":20796,"ĠPit":20797,"Ġincluirá":20798,"ienza":20799,"Ġcalibre":20800,"adita":20801,"vertido":20802,"ĠEdiciones":20803,"Ġinmediaciones":20804,"ĠIngeniero":20805,"Ġdisputado":20806,"ĠUNIVERS":20807,"Ġ105":20808,"ĠestÃŃmulo":20809,"Centro":20810,"Ġallan":20811,"hidratos":20812,"Ġconvirtieron":20813,"ĠPeso":20814,"ĠSÃŃn":20815,"pole":20816,"Ġmueren":20817,"Ġdesapareció":20818,"OLA":20819,"xia":20820,"landés":20821,"ĠMam":20822,"Ġsimil":20823,"olis":20824,"ĠJueves":20825,"Ġplanteó":20826,"Ġobservó":20827,"Ġgallego":20828,"Ġcollar":20829,"ĠRedacción":20830,"intena":20831,"ĠAgo":20832,"Ġpasé":20833,"ĠNASA":20834,"inaron":20835,"Ġinspira":20836,"Ġinsulina":20837,"alina":20838,"Ġinformamos":20839,"Ġvencimiento":20840,"TIVOS":20841,"ĠTus":20842,"Segun":20843,"átiles":20844,"ĠSimp":20845,"Ġcélula":20846,"Ġoriente":20847,"Ġescapa":20848,"ĠAmerica":20849,"ĠJacob":20850,"élico":20851,"Ġ365":20852,"heimer":20853,"Universidad":20854,"Ġgeométr":20855,"ĠDisfruta":20856,"relación":20857,"uciones":20858,"ĠBernardo":20859,"Ġincentivos":20860,"Ġmarcan":20861,"Ġsuperan":20862,"ĠPublicado":20863,"Mira":20864,"ĠMON":20865,"acol":20866,"Ġpaises":20867,"ĠSalto":20868,"ĠAmbas":20869,"ĠNoruega":20870,"Ġmeterse":20871,"ĠÃŃdo":20872,"our":20873,"Ġgarantizado":20874,"ĠEliz":20875,"Ġurnas":20876,"ĠDisco":20877,"Respuesta":20878,"Ġesclavitud":20879,"ĠMichoacán":20880,"Ġaparecieron":20881,"ĠFueron":20882,"Ġmetáf":20883,"ĠLil":20884,"Ġcatorce":20885,"ĠPolo":20886,"Ġclausura":20887,"Ġartil":20888,"ĠINFORMA":20889,"Ġsanos":20890,"Ġdetalla":20891,"Ġejecutiva":20892,"Google":20893,"ĠAuton":20894,"ĠPresupuestos":20895,"Ġbits":20896,"tár":20897,"Ġexcepcionales":20898,"itivas":20899,"Ġpalos":20900,"ódulo":20901,"ĠBeatriz":20902,"ĠMuebles":20903,"Ġreseñ":20904,"fonos":20905,"Via":20906,"ĠvolvÃŃ":20907,"Ġpizza":20908,"Ju":20909,"Ġescort":20910,"Ġcompró":20911,"Ġenvases":20912,"Ġaplaudi":20913,"Ġát":20914,"ĠFantas":20915,"Ġobrero":20916,"ĠRubio":20917,"ĠempatÃŃa":20918,"ĠCOMP":20919,"ĠPermanente":20920,"Ġastron":20921,"Ġdiecis":20922,"ĠMaldonado":20923,"ĠJóvenes":20924,"Ġinfluye":20925,"Ġurgentes":20926,"ĠbahÃŃa":20927,"Ġqueramos":20928,"ĠFL":20929,"Ġmarro":20930,"Ġcontribuciones":20931,"Ġcarencia":20932,"Ġefectivas":20933,"Ġecosistemas":20934,"nic":20935,"ĠEUR":20936,"250":20937,"Ġurgencias":20938,"Ġrestante":20939,"Ġfrom":20940,"ĠHua":20941,"itariamente":20942,"Ġbellos":20943,"uerdo":20944,"Ġconsecutivos":20945,"parar":20946,"Argentina":20947,"Ġdemocra":20948,"Ġflamenco":20949,"Ġsincero":20950,"Ġpredis":20951,"ĠComen":20952,"ĠCont":20953,"Ġdecisivo":20954,"Ġglucosa":20955,"Ġexpedientes":20956,"Ġdejas":20957,"Ġhomogén":20958,"Ġacome":20959,"Ġmarcos":20960,"Ġfabricados":20961,"tain":20962,"Ġdesfil":20963,"ĠLine":20964,"Ġfotográfica":20965,"Resolución":20966,"Ġbuques":20967,"ĠMala":20968,"ĠconfÃŃa":20969,"ĠAsunción":20970,"Ġconcentraciones":20971,"Ġcorrespondencia":20972,"Ġindique":20973,"Ġemisora":20974,"Ġrespectivo":20975,"Ġveinti":20976,"ĠGirona":20977,"Ġasegurando":20978,"Ġinnovaciones":20979,"misiones":20980,"ĠBarra":20981,"Ġcombinan":20982,"Ġhidratación":20983,"Ġfero":20984,"Ġactivas":20985,"Ġafian":20986,"tivismo":20987,"Ġsostenido":20988,"Ġconvocar":20989,"sterdam":20990,"ĠOriental":20991,"Ġresign":20992,"hl":20993,"Ġplacent":20994,"dibujos":20995,"Ġaccionar":20996,"Ġfluido":20997,"sulas":20998,"ásquez":20999,"peda":21000,"Ġinger":21001,"Ġjuzgados":21002,"Ġ_":21003,"chor":21004,"ĠMisión":21005,"Ġcanje":21006,"ances":21007,"Ġdescans":21008,"noso":21009,"Ġestal":21010,"Ġhallazgos":21011,"ĠCertificado":21012,"Ġcrimin":21013,"ĠBienestar":21014,"Ġmp":21015,"Ġmármol":21016,"ĠImpres":21017,"itÃŃ":21018,"Ġcervezas":21019,"ĠDun":21020,"Ġemplaz":21021,"ĠXI":21022,"Ġmoción":21023,"Ġ112":21024,"ĠInicia":21025,"Ġderma":21026,"Script":21027,"Ġenre":21028,"Ġlevantamiento":21029,"veno":21030,"Ġmañanas":21031,"ácticos":21032,"ĠSl":21033,"Ġreiteró":21034,"blan":21035,"Ġcoma":21036,"ĠGü":21037,"ĠBachillerato":21038,"ï¸ı":21039,"Ġtrascendencia":21040,"ĠFlash":21041,"Ġexpuestas":21042,"Ġseriamente":21043,"Ġquedaban":21044,"Ġdedi":21045,"Ġvariante":21046,"Ġnatación":21047,"Ġpequeñ":21048,"ciación":21049,"Ġresuci":21050,"Ġarmada":21051,"Ġsenadores":21052,"Ġcompensar":21053,"éster":21054,"Ġfantasmas":21055,"ĠDeportiva":21056,"ángulo":21057,"ADAS":21058,"ĠAños":21059,"Ġtripul":21060,"Ġalien":21061,"ĠResponsabilidad":21062,"pÃŃ":21063,"PRE":21064,"FF":21065,"áez":21066,"ĠBs":21067,"jetivo":21068,"Ġinsuficiente":21069,"Ġnotablemente":21070,"caras":21071,"ĠgalerÃŃas":21072,"ĠlatÃŃn":21073,"Ġtob":21074,"ĠGENERAL":21075,"DUCCIÃĵN":21076,"ĠDani":21077,"Ġsolidario":21078,"Ġmire":21079,"Ġhort":21080,"túe":21081,"arcas":21082,"Ġinces":21083,"ĠHall":21084,"Ġdescentr":21085,"ĠGom":21086,"Ġmúltiple":21087,"ĠLife":21088,"Ġacordó":21089,"pez":21090,"ĠCatalina":21091,"Ġobligó":21092,"copo":21093,"Ġcomento":21094,"Ġnietos":21095,"Ġdotado":21096,"utar":21097,"Ġguantes":21098,"Ġboletos":21099,"éstor":21100,"Ġmexicanas":21101,"ĠGN":21102,"Ġperderse":21103,"Ġnublado":21104,"Fe":21105,"ervo":21106,"Ġvenimos":21107,"ĠGig":21108,"ĠBluetooth":21109,"ilancia":21110,"Ġprimario":21111,"poca":21112,"Ġadelanto":21113,"ĠZelanda":21114,"BB":21115,"ĠpacÃŃfica":21116,"Ġfide":21117,"Ġperfume":21118,"Ġarquero":21119,"ĠNuevas":21120,"má":21121,"ĠInmobil":21122,"ĠOct":21123,"Ġrayas":21124,"Ġasesinos":21125,"Ġganaron":21126,"Ġdefinidos":21127,"Ġgarantizan":21128,"Ġauxiliares":21129,"Cuánto":21130,"ĠAnaly":21131,"Ġfinas":21132,"Ġentrañ":21133,"larse":21134,"ĠBode":21135,"boy":21136,"Ġzana":21137,"Ġplanea":21138,"edia":21139,"Ġdadas":21140,"Ġtentación":21141,"Ġnucleares":21142,"Ġbodegas":21143,"ĠtrÃŃo":21144,"òn":21145,"Ġprogen":21146,"ĠTEC":21147,"ĠInstitucional":21148,"social":21149,"voc":21150,"sent":21151,"Ġsocioecon":21152,"ĠEsos":21153,"Fun":21154,"genas":21155,"Ġbarbacoa":21156,"Ġcirco":21157,"Ġacompañantes":21158,"ĠAbierto":21159,"Ġeconomista":21160,"Ġcondenados":21161,"ĠDoctorado":21162,"vertir":21163,"Ġconsistencia":21164,"Ġ1936":21165,"Ġcerradas":21166,"onada":21167,"Ġasfalto":21168,"Eres":21169,"jaron":21170,"Ġconseguimos":21171,"Ġfinaliza":21172,"Ġamortigu":21173,"Ġconceptual":21174,"Ġadmira":21175,"Ġinterpretado":21176,"Ġacreedores":21177,"Ġferrocarril":21178,"ĠAse":21179,"ules":21180,"Ġestaré":21181,"Ġautoriza":21182,"Ġalumb":21183,"cracia":21184,"Ġdisparar":21185,"Ġoreja":21186,"Ġtuvieran":21187,"Ġteóricos":21188,"ĠDibu":21189,"Ġcolocó":21190,"táneas":21191,"Ġ//":21192,"Ġtronco":21193,"ĠExpo":21194,"ĠAlz":21195,"Ġcontinental":21196,"ĠUrbano":21197,"ilable":21198,"ĠDicha":21199,"Ġalterar":21200,"Ġalmacenes":21201,"Ġconsideradas":21202,"dillera":21203,"Ġordena":21204,"Ġ1974":21205,"Ġpasiones":21206,"Ġreactiv":21207,"Ġreemplaz":21208,"Ġnulidad":21209,"ĠBBC":21210,"wei":21211,"ĠEnfermerÃŃa":21212,"Ġcolorido":21213,"señor":21214,"ulip":21215,"ĠJohnson":21216,"Ġhincha":21217,"Ġdesastres":21218,"Ġreducen":21219,"ĠXL":21220,"ĠGerente":21221,"ĠGeorg":21222,"UAL":21223,"vira":21224,"ĠGabri":21225,"ĠAlber":21226,"Ġanarqu":21227,"ĠEconom":21228,"GP":21229,"chen":21230,"Ġtransformaciones":21231,"Ġmetió":21232,"Ġacop":21233,"Ġtransferencias":21234,"Ġdegustar":21235,"Ġmaster":21236,"Ġfelicitar":21237,"ajust":21238,"Ġpostul":21239,"ĠAgenda":21240,"Ġdistribuidos":21241,"ĠArtÃŃculos":21242,"vor":21243,"phone":21244,"ĠKit":21245,"ĠvolvÃŃa":21246,"Ġintensos":21247,"Ġtemplos":21248,"lanta":21249,"ises":21250,"Ġregistrarse":21251,"Ġabrum":21252,"non":21253,"Ġpresentarán":21254,"Ġaromas":21255,"Ġmy":21256,"lear":21257,"ĠPales":21258,"ĠVillal":21259,"gamiento":21260,"Ġleña":21261,"Ġconcesiones":21262,"Ġconsideraba":21263,"ĠQuerétaro":21264,"Ġfranja":21265,"Ġproductivas":21266,"Ġcausan":21267,"ĠLiv":21268,"Ġtumor":21269,"Ġramo":21270,"Ġed":21271,"ĠMB":21272,"graph":21273,"ĠCapitán":21274,"Incluso":21275,"ĠCecilia":21276,"ĠDÃŃas":21277,"Ġilusiones":21278,"Ġinsuficiencia":21279,"dard":21280,"Ġamino":21281,"Ġmagistrados":21282,"Ġsellos":21283,"ĠPom":21284,"Ġacadémicas":21285,"Ġagrav":21286,"Ġsuciedad":21287,"Ġempiece":21288,"Ġilustra":21289,"Ġanfitrión":21290,"ĠPutas":21291,"tonio":21292,"ĠVlad":21293,"Ġclasifica":21294,"ĠBox":21295,"Ġpremium":21296,"PEC":21297,"Ġcuenten":21298,"Ġray":21299,"Ġoportuna":21300,"tidor":21301,"ĠOcta":21302,"Ġverdades":21303,"Ġpoética":21304,"NS":21305,"erial":21306,"âĢĿ).":21307,"Ġdudo":21308,"ĠLux":21309,"Ġrestricción":21310,"Ġestricto":21311,"Má":21312,"Quien":21313,"ights":21314,"Ġdesfavor":21315,"Ġrecto":21316,"blar":21317,"ĠVino":21318,"ĠNegra":21319,"Ġvibra":21320,"Ġsite":21321,"ĠHerramientas":21322,"ĠVitoria":21323,"Ġcomposiciones":21324,"has":21325,"tenos":21326,"cerca":21327,"Ġflan":21328,"Ġcomencé":21329,"Ġgriegos":21330,"Ġsustra":21331,"Ġblack":21332,"Ġanécdotas":21333,"icó":21334,"Ġraras":21335,"fección":21336,"ĠCircuito":21337,"rógeno":21338,"ĠHabrá":21339,"ĠburguesÃŃa":21340,"Ġcomplicidad":21341,"Ġrechazado":21342,"toriamente":21343,"ĠTailandia":21344,"ĠEdgar":21345,"Ġllegas":21346,"temporada":21347,"\"...":21348,"Ġcaf":21349,"Ġvacunas":21350,"Ġgro":21351,"Ġmayús":21352,"Ġmostraba":21353,"éndola":21354,"ĠSostenible":21355,"ĠWat":21356,"Rob":21357,"turismo":21358,"Ġdoña":21359,"ĠMarbella":21360,"Ġescapara":21361,"ĠBBVA":21362,"Ġcitados":21363,"Ġmarinos":21364,"Ġderrotas":21365,"Situ":21366,"Ġbuscó":21367,"Ġrecorte":21368,"Ġinmor":21369,"ĠHaga":21370,"Ġacercan":21371,"ulce":21372,"Ġpapas":21373,"Ġpublicitarios":21374,"ĠDijo":21375,"Ġcooper":21376,"âĢ¦âĢ¦âĢ¦âĢ¦":21377,"Ġaguda":21378,"Ġasesinados":21379,"ĠGana":21380,"Ġlapso":21381,"undan":21382,"ĠSas":21383,"Ġinteresan":21384,"ĠPLA":21385,"TRUC":21386,"ĠMañana":21387,"Ġorganizadas":21388,"ĠpretendÃŃa":21389,"ĠTerritorial":21390,"plante":21391,"fox":21392,"Ġviabilidad":21393,"ĠIndic":21394,"Ġestrope":21395,"ANDO":21396,"Ġalcantar":21397,"Ġdescriben":21398,"Ġsocor":21399,"cans":21400,"Ġacerc":21401,"Empresa":21402,"moder":21403,"irus":21404,"Ġantiv":21405,"ARIOS":21406,"Ġeditores":21407,"ĠCreación":21408,"Ġinscribirse":21409,"ĠjerarquÃŃa":21410,"Ġocupó":21411,"Ġceremon":21412,"sel":21413,"ĠMemor":21414,"Ġfeminista":21415,"Ġdaremos":21416,"Has":21417,"Ġdedicarse":21418,"ĠEncar":21419,"Ġestres":21420,"ĠFrances":21421,"áneo":21422,"ĠespÃŃritus":21423,"Ġdimos":21424,"ĠCárdenas":21425,"Ġadiós":21426,"Ġextrater":21427,"Ġdeclarada":21428,"ĠModi":21429,"Ġcontestó":21430,"ĠmÃŃtico":21431,"Ġposes":21432,"ĠChu":21433,"Ġviable":21434,"Ġembajada":21435,"Ġdesagradable":21436,"ĠDuran":21437,"Edi":21438,"ĠVac":21439,"Ġllamaron":21440,"torrent":21441,"Ġredonde":21442,"Ġfilósofo":21443,"Ġtráiler":21444,"Ġpertenencia":21445,"ĠGuarda":21446,"Ġverb":21447,"ĠCENT":21448,"?-":21449,"Ġracha":21450,"ĠInvierno":21451,"ĠContacto":21452,"Ġdevoción":21453,"Ġexistido":21454,"grano":21455,"ĠBust":21456,"quien":21457,"Ġavisos":21458,"ĠAntio":21459,"Ġodon":21460,"ĠCuentas":21461,"ĠSábado":21462,"Ġaproximado":21463,"Ġoctavos":21464,"/.":21465,"Ġconversar":21466,"ĠTucumán":21467,"Ġbarran":21468,"Arch":21469,"Ġcriticar":21470,"Ġprocederá":21471,"ĠHoteles":21472,"Ġstreaming":21473,"ĠCay":21474,"Ġnotables":21475,"Ġajedrez":21476,"edy":21477,"ĠminorÃŃa":21478,"ĠCorreo":21479,"Ġrespectiva":21480,"Ġtributo":21481,"Ġextraordinarias":21482,"ĠCirugÃŃa":21483,"dosa":21484,"especial":21485,"Ġentraron":21486,"Ġdesenf":21487,"Ġentretenido":21488,"Sub":21489,"ĠGimnas":21490,"ĠÃīsta":21491,"Ġaumentos":21492,"Ġtranquilos":21493,"Ġternura":21494,"Ġsilicona":21495,"ĠLlo":21496,"Ġanciano":21497,"&#":21498,"ĠRobin":21499,"glish":21500,"Ġsostienen":21501,"Ġtáctil":21502,"ĠRiesgos":21503,"Ġliderado":21504,"ĠCategorÃŃa":21505,"ĠNaran":21506,"ĠJohan":21507,"Ġindiferente":21508,"Pregun":21509,"Nuevo":21510,"----------------":21511,"pino":21512,"ĠBush":21513,"UA":21514,"@@@@@@@@@@@@@@@@":21515,"Ġbolsos":21516,"Ġmagistrado":21517,"Ġbestia":21518,"Nadie":21519,"Ġdirectrices":21520,"ĠquerÃŃamos":21521,"Tar":21522,"ĠPotos":21523,"Ġimaginario":21524,"Ġauriculares":21525,"Ġestudiantil":21526,"ĠFuen":21527,"Ġmango":21528,"ĠStudio":21529,"Ġrebeldes":21530,"ĠComprar":21531,"Ġgripe":21532,"Ġaccesorio":21533,"weet":21534,"Ġjar":21535,"ĠEstilo":21536,"Ġfro":21537,"ĠDinamarca":21538,"Ġmaleta":21539,"Ġparlamentaria":21540,"ĠRegist":21541,"ĠClase":21542,"lum":21543,"ĠToyota":21544,"ĠJuana":21545,"estim":21546,"Ġmedianas":21547,"Ġliquidez":21548,"ĠCuarto":21549,"nel":21550,"Ġobispos":21551,"ĠSudamérica":21552,"Ġecológicos":21553,"Ġdoctorado":21554,"Ġés":21555,"Ġindicación":21556,"Ġrelajar":21557,"Ġadicción":21558,"ĠPack":21559,"ducido":21560,"¨":21561,"Ġbondad":21562,"Ofre":21563,"andy":21564,"Ġ1950":21565,"ĠMercantil":21566,"Ġnacen":21567,"Ġcaridad":21568,"ĠGregorio":21569,"Ġfertil":21570,"ĠBolivariana":21571,"Ġantioxidantes":21572,"lación":21573,"Ġinvestigadora":21574,"isi":21575,"Ġmax":21576,"ĠVerdad":21577,"Ġprecedente":21578,"Ġpreocupante":21579,"Ġcomience":21580,"Ġpeleas":21581,"Ġcupones":21582,"Ġpasas":21583,"Ġllamativo":21584,"ĠSalazar":21585,"teto":21586,"Ġmenús":21587,"Ġpalp":21588,"ĠBank":21589,"ĠIES":21590,"guaya":21591,"Ġtemer":21592,"iarse":21593,"Ġimpa":21594,"tiente":21595,"Ġcarbohidratos":21596,"Ġmejoran":21597,"Ġestablezca":21598,"ISA":21599,"Ġasamble":21600,"ágina":21601,"ĠManagement":21602,"Ġcantando":21603,"Ġgit":21604,"Ġdiar":21605,"Ġneto":21606,"Ġdeseada":21607,"ĠexistÃŃan":21608,"Ġ-.":21609,"óngase":21610,"Ġapropiada":21611,"Ta":21612,"Ġoye":21613,"Ġreseñas":21614,"pura":21615,"Ġmultinacional":21616,"Ġ->":21617,"lib":21618,"udad":21619,"Ġâĸ":21620,"Ġlitro":21621,"ĠimplÃŃ":21622,"Ġposts":21623,"Ġviste":21624,"Ġesperada":21625,"ĠPlayStation":21626,"ĠRomano":21627,"UES":21628,"Ġplenitud":21629,"tróp":21630,"Ġcentrada":21631,"Ġmicrófono":21632,"Ġtas":21633,"ĠOriginal":21634,"Ġprestan":21635,"Ġsepas":21636,"ĠpedÃŃa":21637,"Ġsincera":21638,"\";":21639,"Ġdirá":21640,"Ġimpo":21641,"ĠSolid":21642,"Ġgrandeza":21643,"Ġnorteamericanos":21644,"adillo":21645,"FES":21646,"ĠIdi":21647,"Ġextrañas":21648,"ĠClinton":21649,"ĠAssocia":21650,"Ġaburrido":21651,"sólo":21652,"fobia":21653,"Ġenglo":21654,"GRAMA":21655,"Ġcabez":21656,"Ġciclista":21657,"ámp":21658,"Ġproporciones":21659,"activo":21660,"ĠAbraham":21661,"ciados":21662,"inda":21663,"Ġbeneficiarse":21664,"Fern":21665,"Ġrepuesto":21666,"ĠCookies":21667,"Ġcreativas":21668,"ĠSalta":21669,"Ġenca":21670,"Ġestimación":21671,"ĠUnas":21672,"iarias":21673,"Ġapuntado":21674,"Ġautóc":21675,"emon":21676,"Ġsoporta":21677,"Ġpasivo":21678,"ĠDragon":21679,"ĠGRAN":21680,"Ġsuavidad":21681,"ĠDemocrática":21682,"Ġtonto":21683,"Ġterceras":21684,"Ġrapido":21685,"Ġderivada":21686,"Ġsupresión":21687,"ĠMateriales":21688,"ĠPRD":21689,"Ġdesnudas":21690,"Ġdespedir":21691,"Ġdisfraces":21692,")...":21693,"ajuato":21694,"ázaro":21695,"ĠRoger":21696,"Ġmojado":21697,"gate":21698,"Ġflexibles":21699,"Ġvistos":21700,"ĠGr":21701,"Ġteórica":21702,"Ġsacan":21703,"ÑĮ":21704,"Ġzumo":21705,"Ġrumor":21706,"ès":21707,"Ġejecuta":21708,"Ġpermitieron":21709,"Ġnadar":21710,"Ġreportó":21711,"Ġayudarnos":21712,"Ġnovedoso":21713,"Ġcelos":21714,"ĠPeriodismo":21715,"Ġsusur":21716,"Clas":21717,"Ġcausados":21718,"conoci":21719,"guesas":21720,"Ġesplén":21721,"ury":21722,"Ġvecinas":21723,"ĠHong":21724,"Ġversátil":21725,"Ġtriunfos":21726,"cus":21727,"ĠEfe":21728,"cisco":21729,"ĠCOMUN":21730,"Ġdemasiados":21731,"Ġhumanitaria":21732,"Ġinstantes":21733,"ĠHero":21734,"Ġhep":21735,"ĠFeliz":21736,"umos":21737,"tuosos":21738,"ĠVelas":21739,"Ġgobernante":21740,"ĠCortés":21741,"Ġsedi":21742,"ĠXia":21743,"ĠImágenes":21744,"Ġmoléculas":21745,"Ġrebelión":21746,"Ġpróximamente":21747,"Ġpsiquia":21748,"Ġfrescas":21749,"Ġconjun":21750,"Diseño":21751,"ĠDado":21752,"Ġseñalando":21753,"Ġpausa":21754,"Ġtranscurrido":21755,"ĠCroacia":21756,"ĠNadal":21757,"ĠvacÃŃa":21758,"Ġrebajas":21759,"Ġvocabulario":21760,"Ġpaja":21761,"financi":21762,"ĠSalas":21763,"ĠNecesita":21764,"quista":21765,"Ġreflexion":21766,"Ġsimpa":21767,"erie":21768,"ĠVeter":21769,"Ġaprobados":21770,"Ġpotencialmente":21771,"ĠGolfo":21772,"ĠSuperintendencia":21773,"ĠMÃģS":21774,"Ġculpables":21775,"ĠCanc":21776,"ĠLisboa":21777,"ĠMatemáticas":21778,"ĠBatman":21779,"ĠAnto":21780,"Ġreproductor":21781,"Ġcrianza":21782,"Ġconsultora":21783,"ĠVila":21784,"Ġparciales":21785,"ĠRED":21786,"egu":21787,"Ġdefendido":21788,"ĠNico":21789,"Ġrepublicanos":21790,"Ġsistemática":21791,"ĠporterÃŃa":21792,"ĠSIM":21793,"Ġmató":21794,"Ġevacu":21795,"Ġingenio":21796,"Ġach":21797,"Ġsalvajes":21798,"Ġnormativas":21799,"Ġdeficiencias":21800,"Ġamores":21801,"ĠHonda":21802,"ipsis":21803,"Ġlidera":21804,"Ġnin":21805,"ĠHid":21806,"Ġincomple":21807,"Ima":21808,"ĠAplicación":21809,"Ġconsecución":21810,"ridades":21811,"Ġpreocupar":21812,"Ġfeo":21813,"ruce":21814,"Ġvendiendo":21815,"Ġpabellón":21816,"creo":21817,"Ġmayoria":21818,"Ġreba":21819,"tici":21820,"Ġviajó":21821,"Ġmarcados":21822,"tengo":21823,"iat":21824,"Ġcabaña":21825,"Ġinteracciones":21826,"blogspot":21827,"GAN":21828,"Ġdesple":21829,"Ġtendré":21830,"Ġempleada":21831,"Ġrige":21832,"Ġadmitió":21833,"Ġterminando":21834,"Ġsignificar":21835,"Ġmaniobras":21836,"óstol":21837,"tory":21838,"critas":21839,"ĠAnexo":21840,"ĠPotter":21841,"Ġoctava":21842,"Ġpirámi":21843,"istado":21844,"Ġanimar":21845,"ĠMarÃŃn":21846,"alizaron":21847,"Bienvenido":21848,"Ġcadera":21849,"Ġelef":21850,"Ġcruzado":21851,"inopsis":21852,"ĠMr":21853,"PAL":21854,"HS":21855,"ĠAFP":21856,"Ġevaluaciones":21857,"Ġdivisiones":21858,"ĠVale":21859,"Ġutens":21860,"ĠJoseph":21861,"Ġconfer":21862,"ĠPolar":21863,"enció":21864,"Ġvuelvan":21865,"comp":21866,"Ġtraducido":21867,"ĠpolÃŃticamente":21868,"Ġislam":21869,"Ġobsesión":21870,"Ġdinosau":21871,"Ġiniciará":21872,"ĠValde":21873,"Ġtransferir":21874,"Tor":21875,"Ġame":21876,"Ġnacionalismo":21877,"IES":21878,"Ġfolk":21879,"Ġcúpula":21880,"istad":21881,"ĠWay":21882,"Ġdirectas":21883,"ĠPacto":21884,"Ġpublican":21885,"Ġantepas":21886,"Ġorientar":21887,"cif":21888,"ĠAvi":21889,"ĠEmbajada":21890,"âĢĿ),":21891,"ĠPartici":21892,"Ġresgu":21893,"hr":21894,"Ġabono":21895,"Ġmeramente":21896,"Dispon":21897,"Ġbeneficia":21898,"Ġvenas":21899,"Ġpesadilla":21900,"Ġestables":21901,"videntemente":21902,"Ġcomunistas":21903,"ĠQues":21904,"ĠAlm":21905,"instein":21906,"Ġencargó":21907,"ĠHernán":21908,"Ġenviando":21909,"Ġpresunta":21910,"Ġrestitu":21911,"ĠBes":21912,"Ġparlamentarios":21913,"ALL":21914,"ĠWikipedia":21915,"Ġacel":21916,"ĠGRATIS":21917,"ĠComunista":21918,"Ġfrenos":21919,"Ġsospechos":21920,"Ġfull":21921,"Conoce":21922,"Ġseparadas":21923,"gener":21924,"ĠNutrición":21925,"ĠSeguramente":21926,"Ġrevertir":21927,"ĠHur":21928,"Ġasequible":21929,"Ġobrera":21930,"Ġmoderado":21931,"Ġfotógrafos":21932,"Ġlevantado":21933,"Ġasistió":21934,"Ġrecibidas":21935,"ĠTemplo":21936,"ĠFigura":21937,"rima":21938,"ĠRenault":21939,"Casi":21940,"ĠFrontera":21941,"Sé":21942,"Ġguionista":21943,"Ġaplicarse":21944,"Ġmanualidades":21945,"vern":21946,"ym":21947,"Ġtrack":21948,"Ġrelajante":21949,"Ġpse":21950,"Ġjal":21951,"XICO":21952,"Ġfotográfico":21953,"liquen":21954,"Ġrodar":21955,"Ġindicados":21956,"Ġsodio":21957,"rara":21958,"Ġnobles":21959,"Ġcompresión":21960,"PON":21961,"ĠCentroamérica":21962,"bina":21963,"Ġyogur":21964,"ĠDO":21965,"ónimos":21966,"ĠMAT":21967,"ĠGames":21968,"Ġambición":21969,"Jesús":21970,"Ġmetodol":21971,"Ġnut":21972,"Ġpresuntos":21973,"tórica":21974,"Ġgratuitamente":21975,"Ġcreyentes":21976,"ĠDoña":21977,"Ġevangelio":21978,"ĠFres":21979,"Ġpulmon":21980,"Ġestudió":21981,"Ġguitarrista":21982,"ciada":21983,"ĠCoca":21984,"Ġoctavo":21985,"èn":21986,"Ġdesarrollos":21987,"ĠLong":21988,"pete":21989,"Ġatendido":21990,"ĠVarios":21991,"Ġral":21992,"Ġcortinas":21993,"Ġfincas":21994,"Ġcrom":21995,"Ġjovenes":21996,"ĠOblig":21997,"Ġinformativos":21998,"Ġhonestidad":21999,"ffet":22000,"Ġnecesitará":22001,"iega":22002,"Ġdecirse":22003,"Ġincrementado":22004,"Ġavalan":22005,"ĠNéstor":22006,"Ġminero":22007,"ĠFred":22008,"Ġcontrarres":22009,"deste":22010,"ĠUSU":22011,"Ġgestación":22012,"Ġfrio":22013,"Ġgenoci":22014,"Ġpó":22015,"ĠNuevos":22016,"Hotel":22017,"inst":22018,"Ġrobado":22019,"Ġveterano":22020,"Ġestatua":22021,"ĠAugusto":22022,"ĠCore":22023,"Ġconsumen":22024,"Ġampar":22025,"Ġcantantes":22026,"encio":22027,"ĠBesos":22028,"Ġviceversa":22029,"Ġmim":22030,"ĠHierro":22031,"Ġnovel":22032,"Ġextensiones":22033,"ĠlegÃŃtimo":22034,"Ġterminación":22035,"ĠMila":22036,"Ġperuanos":22037,"ĠBosque":22038,"ĠCIA":22039,"Ġrecomendada":22040,"Ġconcedido":22041,"ombo":22042,"ités":22043,"Ġestatutos":22044,"Ġanon":22045,"ĠWW":22046,"Ġformados":22047,"Ġdemasiadas":22048,"Ġamables":22049,"embras":22050,"Book":22051,"Gal":22052,"Ġanestes":22053,"Ġconocerse":22054,"gir":22055,"Ġinversor":22056,"Ġjubilados":22057,"ĠboletÃŃn":22058,"Ġacumular":22059,"Ġengran":22060,"ĠganaderÃŃa":22061,"Ġnutricional":22062,"Ġinspirada":22063,"Ġmetálica":22064,"Ġexquisito":22065,"Ġcómodamente":22066,"Ġcoraje":22067,"Ġopcional":22068,"Ġcajón":22069,"Star":22070,"cima":22071,"ĠFuerte":22072,"Ġacompañó":22073,"licas":22074,"Ġsospechoso":22075,"Ġsuscrito":22076,"ĠAnder":22077,"Ġtortur":22078,"Ġincluya":22079,"ĠContiene":22080,"estu":22081,"ĠAum":22082,"Ġauténticos":22083,"ĠGalerÃŃa":22084,"Ġlaber":22085,"Ġespecifica":22086,"dominio":22087,"Ġ),":22088,"ĠestadÃŃa":22089,"Ġ1972":22090,"mera":22091,"ĠTime":22092,"Ġrituales":22093,"IDOS":22094,"Ġtocaba":22095,"ette":22096,"Ġutilidades":22097,"Ġintente":22098,"ulum":22099,"Ġpeinado":22100,"ĠInterés":22101,"ĠMah":22102,"Ġpersonalización":22103,"ĠProcedimiento":22104,"CAN":22105,"ĠRivas":22106,"ĠAsh":22107,"Ġaéreas":22108,"time":22109,"Ġcuantita":22110,"ĠDeber":22111,"ĠAsesor":22112,"Ġacompañante":22113,"als":22114,"leros":22115,"ilios":22116,"Ġpotes":22117,"Ġmancha":22118,"Ġterritoriales":22119,"Ġencabezado":22120,"ĠMorelos":22121,"Ġparados":22122,"copa":22123,"ĠPM":22124,"Ġcuida":22125,"ĠConn":22126,"Ġemplean":22127,"Ġcolchón":22128,"ĠNelson":22129,"Ġprivilegiada":22130,"Ġaudiencias":22131,"Ġembarcaciones":22132,"Ġdescendientes":22133,"Ġocurriendo":22134,"Ġcordo":22135,"Ġabonar":22136,"Ġcadáveres":22137,"ticar":22138,"uchos":22139,"onto":22140,"Ġiran":22141,"terminación":22142,"Ġbuceo":22143,"ocado":22144,"ĠMix":22145,"entarias":22146,"Ġlidiar":22147,"ĠCER":22148,"IENTE":22149,"Ġgad":22150,"ĠXIV":22151,"ferentes":22152,"Ġcrono":22153,"Ġdiscrimina":22154,"Programa":22155,"ipié":22156,"Ġacusó":22157,"ILL":22158,"Ġautocon":22159,"Ġpir":22160,"Ġpositivamente":22161,"Ġreservados":22162,"Ġfos":22163,"guardar":22164,"Ġnic":22165,"Ġestafa":22166,"Ġtech":22167,"Ġfarmacias":22168,"Ġafectando":22169,"Ġpasillos":22170,"tológico":22171,"sela":22172,"Ġprototipo":22173,"ambiente":22174,"viado":22175,"?âĢĿ.":22176,"cht":22177,"Ġimpera":22178,"Ġcib":22179,"!\"":22180,"panish":22181,"ĠTalleres":22182,"cientemente":22183,"ĠVersión":22184,"ĠSalinas":22185,"Ġdefiniciones":22186,"Ðĵ":22187,"ĠVélez":22188,"Ġefectuado":22189,"Ġmediciones":22190,"Ġirrespons":22191,"Ġderram":22192,"ĠpartÃŃ":22193,"Ġgenerados":22194,"Ġantena":22195,"Ġcotiz":22196,"ĠIbar":22197,"Ġlinks":22198,"Ġjurisprudencia":22199,"ĠFull":22200,"Ġético":22201,"reak":22202,"ĠEscobar":22203,"DEN":22204,"BER":22205,"Ġ240":22206,"Ġtripulación":22207,"Ġsegmentos":22208,"Ġprestigioso":22209,"Ġcór":22210,"Ġmerecido":22211,"Ġcaiga":22212,"Ġbell":22213,"gata":22214,"Ġescuchó":22215,"Ġprofundiz":22216,"Ġreembolso":22217,"Ġproblemáticas":22218,"Ġnata":22219,"genera":22220,"Ġdisfrutamos":22221,"Ġnotado":22222,"Ġespesor":22223,"Ġinaugurado":22224,"ĠOk":22225,"Ġcalib":22226,"ĠMontaña":22227,"Ġbiológica":22228,"Ġsometerse":22229,"ĠDT":22230,"Ġindud":22231,"Ġtelefónicas":22232,"Ġamistoso":22233,"Ġescur":22234,"peo":22235,"ĠJr":22236,"guerra":22237,"ĠRocÃŃo":22238,"info":22239,"ĠveÃŃan":22240,"Ġseguiremos":22241,"Ġalusión":22242,"ĠHubo":22243,"ĠActualidad":22244,"pper":22245,"Ġadquirió":22246,"ĠTeorÃŃa":22247,"Ġcontradicción":22248,"Ġconsolas":22249,"Ġejercitar":22250,"Ġaguja":22251,"Ġlinf":22252,"Ġrequerir":22253,"ĠUnidades":22254,"cual":22255,"Ġrefriger":22256,"Ġ115":22257,"Ġrequieran":22258,"ĠUNAM":22259,"ijote":22260,"Ġinfluyen":22261,"Ġabundantes":22262,"ĠBruno":22263,"ajillas":22264,"ĠNex":22265,"Ġelevadas":22266,"Ġpuñado":22267,"Ġdene":22268,"ÃŃrculo":22269,"ĠLula":22270,"Ġconsigna":22271,"ĠAuditorio":22272,"Ġrepresentada":22273,"ĠRonda":22274,"Ġdisfruten":22275,"Ġaconsejable":22276,"Ġrecordaba":22277,"Ġfranco":22278,"ĠestÃŃmulos":22279,"Ġvacas":22280,"ĠVolkswagen":22281,"ĠMelilla":22282,"Ġaislado":22283,"hue":22284,"ĠZar":22285,"Ġtranquilamente":22286,"Ġpresionar":22287,"Ġserias":22288,"ĠWes":22289,"Contra":22290,"citación":22291,"Ġrecort":22292,"Ġespiral":22293,"Ġplumas":22294,"ĠAplicaciones":22295,"Ġlazo":22296,"Ġconstituida":22297,"ë":22298,"ĠBrad":22299,"Ġgastronómica":22300,"ĠMenos":22301,"ĠContamos":22302,"ĠComún":22303,"éticamente":22304,"ĠPlaneta":22305,"Ġlooks":22306,"Ġajenas":22307,"tecnologÃŃa":22308,"Ġrayo":22309,"Ġanalizando":22310,"inch":22311,"Mediante":22312,"Ġestimulación":22313,"Ġdormido":22314,"uloso":22315,"Ġcañ":22316,"ĠSeat":22317,"Zapa":22318,"Ġconservador":22319,"Ġdeshidra":22320,"Ġped":22321,"Ġaconseja":22322,"PH":22323,"Ġasilo":22324,"Ġsustentable":22325,"Ġacento":22326,"Ġpromocionales":22327,"cs":22328,"Ġinmejorable":22329,"tv":22330,"house":22331,"ÃīS":22332,"Ġahog":22333,"Ġplur":22334,"Ġintentaba":22335,"uevos":22336,"Ġejecutado":22337,"ĠGabinete":22338,"Ġestuvieran":22339,"Ġticket":22340,"Ġ3000":22341,"Ġconmemoración":22342,"PUB":22343,"ĠAdrián":22344,"tomÃŃa":22345,"ĠmuchÃŃsimos":22346,"gras":22347,"politano":22348,"RAS":22349,"tré":22350,"bando":22351,"Ġdelgada":22352,"Ġcontribuido":22353,"Ġgays":22354,"rosas":22355,"Ġ978":22356,"Ġautorizada":22357,"Ġconducido":22358,"vidos":22359,"Ġcomenzaba":22360,"GAR":22361,"Ġhinchas":22362,"Ġcubren":22363,"Ġecuación":22364,"brica":22365,"Ġdestinar":22366,"ĠPRIM":22367,"Ġmuc":22368,"Ġseleccione":22369,"ĠViena":22370,"legas":22371,"Ġhembra":22372,"ĠmetodologÃŃas":22373,"bó":22374,"Ġconcurs":22375,"ĠZara":22376,"Ġciego":22377,"Ġdiur":22378,"ĠCross":22379,"ĠEventos":22380,"ĠridÃŃculo":22381,"Bas":22382,"Ġencontre":22383,"inarse":22384,"Ġviñe":22385,"Ġtableta":22386,"Ġausp":22387,"Ġdefendió":22388,"Ġsuministros":22389,"ĠAnth":22390,"ĠKu":22391,"Ġagresivo":22392,"Ġhelicóptero":22393,"áñez":22394,"Ġarom":22395,"Ġsientas":22396,"Ġescap":22397,"Ġcaprich":22398,"éri":22399,"Ġabastecimiento":22400,"Ġrepuestos":22401,"ĠprohÃŃbe":22402,"Ġcanela":22403,"Ġretener":22404,"ÃŃculum":22405,"Ġcolocan":22406,"ï¼Į":22407,"ĠWork":22408,"ulando":22409,"Ġmuelle":22410,"ils":22411,"CULO":22412,"Ġenseñado":22413,"ĠDispone":22414,"Ġdirigen":22415,"Ġserpiente":22416,"Ġactivado":22417,"mic":22418,"Ġprocesión":22419,"Ġdisputará":22420,"ĠDesp":22421,"Ġgenerosidad":22422,"Ġexpresan":22423,"Ġenfo":22424,"puede":22425,"Ġenta":22426,"Ġcorporativo":22427,"Ġimpiden":22428,"Ġvarón":22429,"Ġligado":22430,"ĠStephen":22431,"ĠvalentÃŃa":22432,"Ġsoltera":22433,"Ġopina":22434,"ĠvivÃŃan":22435,"ĠdifÃŃcilmente":22436,"Ġchofer":22437,"Ġdiferenciar":22438,"Ġintercon":22439,"Ġafirmaciones":22440,"Ġnumer":22441,"ĠHoras":22442,"Ġdúo":22443,"tonas":22444,"Ġuva":22445,"Consul":22446,"Ġseminarios":22447,"Ġanticipación":22448,"alan":22449,"ĠArroyo":22450,"ĠRelig":22451,"Fund":22452,"Ġcuración":22453,"ĠAlquiler":22454,"Ġaprenden":22455,"desl":22456,"Ġ1500":22457,"Ġenseñó":22458,"ZO":22459,"Ġatmosf":22460,"ĠMisa":22461,"Ġpropiamente":22462,"ĠJosef":22463,"]âĢĭ[":22464,"trán":22465,"Ġmago":22466,"Ġauditorio":22467,"Ġembalaje":22468,"RC":22469,"ittle":22470,"Ġlaguna":22471,"uches":22472,"polis":22473,"ĠRecomend":22474,"ĠLt":22475,"Ġpedia":22476,"Ġgusten":22477,"Ġmonitores":22478,"Ġenriquece":22479,"ĠdescubrÃŃ":22480,"ĠMensajes":22481,"ĠDice":22482,"ĠYoga":22483,"Ġdesconocimiento":22484,"Ġencantadora":22485,"Mir":22486,"ĠRick":22487,"ĠBuenas":22488,"ĠCáncer":22489,"Ġmarcadores":22490,"ĠFlam":22491,"ésel":22492,"!!!!!":22493,"Ġsufrieron":22494,"ĠGinebra":22495,"ĠPapel":22496,"ĠGala":22497,"ĠâĢº":22498,"Ġsolicite":22499,"poder":22500,"Ġvisa":22501,"Ġojalá":22502,"Ġpersever":22503,"Ġperseguir":22504,"Ġconservan":22505,"ichas":22506,"ĠTercer":22507,"Ġlotes":22508,"Ġdesechos":22509,"Ġconfigura":22510,"Ġacude":22511,"análisis":22512,"tecnia":22513,"ĠfrÃŃos":22514,"ĠMobile":22515,"menos":22516,"Ġencuentres":22517,"Ġplát":22518,"ĠaerolÃŃnea":22519,"kan":22520,"ĠCano":22521,"Ġalcanzando":22522,"Recuerda":22523,"Ġdragón":22524,"Ġindiscutible":22525,"Ġlamin":22526,"UP":22527,"Ġdetecta":22528,"áramos":22529,"Ġtaur":22530,"Ġbrus":22531,"ĠSupongo":22532,"Ġproporcionado":22533,"ĠMayores":22534,"Ġsn":22535,"Ġmonasterio":22536,"aloa":22537,"Ġmism":22538,"Ġmetaf":22539,"Ġtablets":22540,"ĠLegislatura":22541,"Ġextendió":22542,"Ġeb":22543,"Ġcelda":22544,"Ġdelgado":22545,"ĠCard":22546,"Ġgradualmente":22547,"rina":22548,"ĠTER":22549,"ĠÃŃntima":22550,"iverpool":22551,"Ġcómics":22552,"Ġcordón":22553,"Ġfundadores":22554,"ĠVeci":22555,"Viv":22556,"Ġtemporalmente":22557,"Ġpreliminar":22558,"jim":22559,"isfer":22560,"Ġobjetiva":22561,"paraÃŃso":22562,"Ġpsicólogo":22563,"ĠEran":22564,"ĠConsell":22565,"Ġdueña":22566,"porta":22567,"Ġquedas":22568,"Ġunida":22569,"ĠLand":22570,"Ġresultante":22571,"Ġtacón":22572,"Ġactivista":22573,"Ġpegado":22574,"vocatoria":22575,"ĠJavaScript":22576,"Ġinvestigando":22577,"Ġfijas":22578,"yug":22579,"Ġhistóricamente":22580,"ĠTRAN":22581,"rev":22582,"diéndose":22583,"terio":22584,"Ġdesempeñar":22585,"Ġpureza":22586,"ĠMete":22587,"ĠConsumo":22588,"+]":22589,"Ġeliminando":22590,"Ġpaleta":22591,"Ġvulgar":22592,"ĠPelÃŃculas":22593,"toshop":22594,"Ġpreside":22595,"ND":22596,"kis":22597,"Ġgrasos":22598,"Ġgiras":22599,"ĠmantenÃŃa":22600,"Euro":22601,"ety":22602,"Ġunió":22603,"ĠCielo":22604,"Ġcortado":22605,"ĠHaw":22606,"ĠAdobe":22607,"Ġdiscapaci":22608,"Ġdisolución":22609,"talo":22610,"ĠCoch":22611,"ĠEns":22612,"casi":22613,"Quizás":22614,"Ġhrs":22615,"ĠLaw":22616,"Ġhacerlos":22617,"Ġfedera":22618,"ĠGrad":22619,"Ġocupados":22620,"ĠSes":22621,"ativo":22622,"Ġdesees":22623,"ĠTérminos":22624,"Ġcultivar":22625,"ĠNas":22626,"proyecto":22627,"rian":22628,"ĠRecuerdo":22629,"Ġquesos":22630,"Ġconvivir":22631,"ĠOfrece":22632,"Ġmarchas":22633,"Ġvener":22634,"ĠHumano":22635,"ĠTeruel":22636,"Ġdefienden":22637,"Ġespejos":22638,"Ġpaulat":22639,"Ġnacionalistas":22640,"ĠSMS":22641,"Ġdomina":22642,"Ġcargador":22643,"Ġregulan":22644,"ĠFilipinas":22645,"acon":22646,"fectos":22647,"ĠNatalia":22648,"Ġreval":22649,"Ġtanques":22650,"ĠResulta":22651,"ozco":22652,"Ġfilo":22653,"Ġfestivos":22654,"conf":22655,"dge":22656,"Ġexcesivamente":22657,"ĠLum":22658,"tento":22659,"Ġprescripción":22660,"ĠAlejandra":22661,"Ġopinar":22662,"Ġriquezas":22663,"Ġentregados":22664,"ĠTransportes":22665,"Ġestimula":22666,"Ġbiológico":22667,"lock":22668,"Ġsobrena":22669,"ĠPOS":22670,"Ġmiran":22671,"Otras":22672,"Deja":22673,"Ġ1969":22674,"ĠIndÃŃ":22675,"ĠdÃŃg":22676,"Ġsacarle":22677,"ĠNave":22678,"Ġsuceden":22679,"quila":22680,"Ġantaño":22681,"Ġenvol":22682,"Ġdam":22683,"Ġlibera":22684,"omagn":22685,"Ġesculturas":22686,"Equi":22687,"ĠFort":22688,"Ġglam":22689,"Ġapasionante":22690,"daria":22691,"ingu":22692,"Ġsecundar":22693,"Ġhebre":22694,"Ġfallecidos":22695,"Ġcontradicciones":22696,"Ġplasma":22697,"ĠMega":22698,"Ġ1967":22699,"Ġdescubriendo":22700,"quet":22701,"ĠTema":22702,"SD":22703,"Ġleves":22704,"vidas":22705,"Ġsocialmente":22706,"Ġsimulación":22707,"iante":22708,"ĠPadres":22709,"ĠEspeciales":22710,"ĠGallar":22711,"Ġpymes":22712,"ĠWEB":22713,"ags":22714,"Dav":22715,"ĠNI":22716,"Ġpilar":22717,"Ġcargada":22718,"ĠPeda":22719,"ĠNACIONAL":22720,"ĠLázaro":22721,"xel":22722,"Ġatas":22723,"Ġinjer":22724,"Ġmaletas":22725,"Ġcoincidir":22726,"ĠLight":22727,"Ġenfermera":22728,"Sem":22729,"âĢ¦,":22730,"Ġpulsar":22731,"fradÃŃa":22732,"ĠAdap":22733,"Ġcorteza":22734,"Ġexpro":22735,"ĠDif":22736,"ĠCloud":22737,"Ġyour":22738,"ionados":22739,"Ġanomal":22740,"ĠNazar":22741,"Ġdoméstica":22742,"ĠaverÃŃas":22743,"ĠSign":22744,"ĠOfrecemos":22745,"uró":22746,"Ġpuramente":22747,"ĠTransparencia":22748,"ĠSiendo":22749,"Ġsiembra":22750,"Ġapreh":22751,"Ġocultos":22752,"Ġ750":22753,"Ġválvula":22754,"COO":22755,"ĠPrimavera":22756,"Mig":22757,"Ġcomplementarias":22758,">>":22759,"Comun":22760,"dencial":22761,"Ġvalen":22762,"ĠAsoci":22763,"Ġofreci":22764,"tore":22765,"ĠGrupos":22766,"Ġcontinentes":22767,"Ġcera":22768,"ĠAntigua":22769,"Ġprivilegiado":22770,"Ġpiratas":22771,"ĠGerencia":22772,"uty":22773,"Ġdotación":22774,"ĠSOBRE":22775,"Ġaterriz":22776,"ĠTechn":22777,"ĠPodrÃŃa":22778,"Ġprecipitaciones":22779,"ĠPodrás":22780,"fl":22781,"izadores":22782,"Ġenviada":22783,"Ġsuyas":22784,"ĠDy":22785,"ĠsequÃŃa":22786,"ĠAriel":22787,"Ġdiversa":22788,"ĠSecu":22789,"Ġeva":22790,"Ġgarantizando":22791,"Ġcabida":22792,"Ġrequerimiento":22793,"Ġprometió":22794,"ĠDocente":22795,"AMA":22796,"Ġendo":22797,"ĠPueblos":22798,"Ġvisiones":22799,"Ġdefinió":22800,"Real":22801,"Ġinjusto":22802,"Ġtirada":22803,"Ġabras":22804,"tru":22805,"Ġinterrupción":22806,"Ġcarrito":22807,"Ġencontrarán":22808,"ĠArmas":22809,"Ġdibuj":22810,"Ġremota":22811,"Ġava":22812,"Ġpregunté":22813,"ĠGuanajuato":22814,"Ġcomunitarios":22815,"ĠLew":22816,"super":22817,"Ġformalmente":22818,"Ġsaneamiento":22819,"teres":22820,"Ġcalificaciones":22821,"ĠRespecto":22822,"campe":22823,"Ġladrillo":22824,"Ġinestabilidad":22825,"zor":22826,"Ġdesplazamientos":22827,"Ġenfatizó":22828,"pping":22829,"Ġ%,":22830,"Ġsobrepeso":22831,"Ġincorporan":22832,"Ġdescartar":22833,"ĠVarela":22834,"Ġsucesor":22835,"Ġimpermeabil":22836,"Ġafe":22837,"Cuenta":22838,"Ġempaque":22839,"Ġinvitan":22840,"Ġdesal":22841,"ĠGim":22842,"Ġcomandos":22843,"Ġanunciaron":22844,"ĠPVC":22845,"Tener":22846,"ificadas":22847,"ĠElÃŃas":22848,"ĠtravesÃŃa":22849,"manas":22850,"Ġtabletas":22851,"ping":22852,"Ġprohibida":22853,"ustro":22854,"Ġcombates":22855,"Ġconvocó":22856,"Ġdesembol":22857,"Ġolvide":22858,"Ġinstalados":22859,"Ġcompasión":22860,"Ġsorprendentes":22861,"Ġnacida":22862,"Ġrotura":22863,"eat":22864,"óticos":22865,"Ġtraducciones":22866,"Ġpredetermin":22867,"ĠLista":22868,"bell":22869,"ĠCorre":22870,"Ġproporcional":22871,"ÃijOS":22872,"Ġencabeza":22873,"tiéndose":22874,"ĠBarack":22875,"Disfruta":22876,"ĠPotosÃŃ":22877,"Ġsabio":22878,"Ġhábitat":22879,"ĠGarantÃŃa":22880,"Ġrespeta":22881,"Ġorganizador":22882,"Ġmatemática":22883,"Ġorques":22884,"Ġsolicitante":22885,"Ġvivas":22886,"Ġenriquecer":22887,"Ġaspirante":22888,"Posteriormente":22889,"Ġsecado":22890,"ĠRevolucion":22891,"ĠNeuro":22892,"Ġapagar":22893,"ĠOperación":22894,"ĠBelgrano":22895,"Ġparan":22896,"tenido":22897,"Ġconfesó":22898,"ĠCup":22899,"Ġbonaer":22900,"Ġmarcando":22901,"Ġcruj":22902,"ĠNorth":22903,"ĠÃij":22904,"Ġconfección":22905,"Ġcaravana":22906,"Ġdentales":22907,"Ġlevadura":22908,"Ġautomatización":22909,"\").":22910,"ĠPERSON":22911,"inará":22912,"ĠEPUB":22913,"uston":22914,"Ġpiense":22915,"ĠAcosta":22916,"ĠNokia":22917,"Ġintercep":22918,"Ġsolicitados":22919,"Ġperi":22920,"Selec":22921,"ĠColo":22922,"Ġlun":22923,"Ġcatalo":22924,"Ġvayamos":22925,"ĠÃŃntegramente":22926,"Ġregulador":22927,"hy":22928,"anual":22929,"tasio":22930,"Ġgeneralizada":22931,"ĠVuelta":22932,"Ġmárgenes":22933,"Ġveis":22934,"Ġatencion":22935,"Ġ1971":22936,"ĠSoc":22937,"ĠSanz":22938,"cóp":22939,"Ġabrieron":22940,"ĠKey":22941,"Ġtapar":22942,"ĠCoordinador":22943,"Ġprescin":22944,"ĠFlu":22945,"Ġergon":22946,"Ġsuspendido":22947,"Ġaprovechado":22948,"Ġmisteriosa":22949,"imir":22950,"berry":22951,"dif":22952,"carse":22953,"Ġtarot":22954,"Ġvelada":22955,"activa":22956,"ĠFerrer":22957,"Ġescriben":22958,"ĠSociedades":22959,"Ġvulnerable":22960,"Ġtratamos":22961,"ĠActividad":22962,"Ġempezaba":22963,"Ġsuben":22964,"Ġgordo":22965,"Ġgobernadores":22966,"Ġeuf":22967,"ĠAman":22968,"Ġimputado":22969,"Servicio":22970,"roco":22971,"Ġentregaron":22972,"iarios":22973,"cena":22974,"Ev":22975,"Ġreferida":22976,"Ġdescubrimientos":22977,"IST":22978,"ĠRodolfo":22979,"Ġsenderos":22980,"ój":22981,"Ġintensas":22982,"ĠcortesÃŃa":22983,"Ġbelga":22984,"Ġdicta":22985,"Haz":22986,"ductor":22987,"Ġfirmes":22988,"Ġcoe":22989,"Ġutilizo":22990,"ĠpermitirÃŃa":22991,"ĠBun":22992,"Ġatleta":22993,"stitucional":22994,"Ġlatinoamericano":22995,"ML":22996,"ĠAparte":22997,"Ġéramos":22998,"ministra":22999,"Ġsubsidi":23000,"Ġcohe":23001,"Ġaccidental":23002,"Ġbalanza":23003,"Ġsimbólico":23004,"Ġrej":23005,"Ġactrices":23006,"ĠConocimiento":23007,"ĠSP":23008,"Ġobtuvieron":23009,"osotras":23010,"Ġconvento":23011,"lao":23012,"ĠEres":23013,"Ġtraición":23014,"Ġimpregn":23015,"Ġluchan":23016,"ĠAérea":23017,"Ġvitalidad":23018,"ipiélago":23019,"CAL":23020,"Conside":23021,"Ġconvencidos":23022,"pÃŃa":23023,"Ġimposibles":23024,"Ġtumores":23025,"Ġsic":23026,"Ġrendimientos":23027,"Ġlineamientos":23028,"rity":23029,"Ġzur":23030,"Ġemprende":23031,"ĠHoracio":23032,"Ġmotocicleta":23033,"ĠBow":23034,"Ġvoluntariamente":23035,"Ġregeneración":23036,"EI":23037,"Ġcontorno":23038,"Ġencier":23039,"Ġcongresos":23040,"bai":23041,"Ġrei":23042,"ĠSports":23043,"Ġordenada":23044,"Ġpasajero":23045,"Ġanular":23046,"Ġgenerada":23047,"Ġdesprecio":23048,"Ġcompletado":23049,"Ġqueriendo":23050,"Ġretroceso":23051,"volta":23052,"Ġmartillo":23053,"elo":23054,"Ġniebla":23055,"ĠLlor":23056,"Ġtomates":23057,"Alguien":23058,"ĠTRABA":23059,"Ġdecente":23060,"Ġagarre":23061,"Ġtraslada":23062,"ĠTaylor":23063,"damiento":23064,"legos":23065,"ĠartÃŃsticos":23066,"ision":23067,"Ġvais":23068,"Ġelectrónicas":23069,"Ġpenitenci":23070,"ĠSinaloa":23071,"Ġestudian":23072,"Ġalternativos":23073,"Ġpareciera":23074,"éndoles":23075,"TB":23076,"Ġforzar":23077,"âĸ":23078,"Ġlindas":23079,"ĠCambie":23080,"Ġtrofeo":23081,"Ġenvase":23082,"rÃŃo":23083,"Ġcasera":23084,"ĠGabriela":23085,"Ġlogramos":23086,"ĠArist":23087,"rime":23088,"Ġusó":23089,"ricos":23090,"ĠBou":23091,"Ġatractivas":23092,"Ġconstruidos":23093,"ĠDuarte":23094,"Ġatravesar":23095,"Ġdemol":23096,"Ġconsent":23097,"Ġencontrando":23098,"Ġprodujeron":23099,"Ġsuceda":23100,"Ġcoral":23101,"Ġanalizado":23102,"Ġmaf":23103,"Ġinsultos":23104,"Ġtransformado":23105,"miendo":23106,"Ġteclas":23107,"cn":23108,"Ġaludi":23109,"Ġtoallas":23110,"ĠKir":23111,"Ġcláusulas":23112,"Ġburbuja":23113,"titis":23114,"Ġreflejado":23115,"Ġbob":23116,"Ġfrescura":23117,"ĠSentencia":23118,"lege":23119,"ĠAfgan":23120,"ÃļBL":23121,"ĠFORMA":23122,"ming":23123,"ĠPur":23124,"Ġmaquinas":23125,"Ġpolo":23126,"Ġarmarios":23127,"quÃŃn":23128,"Ġopositor":23129,"ĠInstrum":23130,"roja":23131,"Ġleido":23132,"sur":23133,"Ġcarecen":23134,"Ġtecla":23135,"ĠvolverÃŃa":23136,"llo":23137,"Ġplagas":23138,"Ġrecorriendo":23139,"ĠRoss":23140,"Ġcontemporáneos":23141,"Ġviuda":23142,"ĠContemporán":23143,"Ġdri":23144,"ĠIngenieros":23145,"ĠHermanos":23146,"Ġdeseaba":23147,"Ġholan":23148,"Ġalbergue":23149,"gramos":23150,"Ġinvolucrado":23151,"Ġcorporales":23152,"ómi":23153,"Ġconectarse":23154,"Ġbruto":23155,"Ġejercen":23156,"ĠAcon":23157,"Ġcolombia":23158,"Ġplantar":23159,"Ġimplicaciones":23160,"Ġcriticado":23161,"ĠCaixa":23162,"ĠAtenas":23163,"Ġaminoá":23164,"Ġhito":23165,"desarrol":23166,"Ġinno":23167,"ENTACIÃĵN":23168,"Ġnecesit":23169,"ĠPago":23170,"rene":23171,"Ġprotegidas":23172,"Ġausente":23173,"Ġsugieren":23174,"Ġengor":23175,"Ġretiró":23176,"Ġofrecerte":23177,"Ġordenación":23178,"ĠNova":23179,"ĠQuijote":23180,"deses":23181,"ĠLIB":23182,"ĠlibrerÃŃas":23183,"Ġinvernadero":23184,"Ġcirujano":23185,"ĠescribÃŃ":23186,"Ġparecidos":23187,"camp":23188,"ĠResponsable":23189,"Ġmale":23190,"cencia":23191,"Ġintercambios":23192,"TIF":23193,"Ġsentada":23194,"Ġproyecta":23195,"ĠCog":23196,"etafe":23197,"Ġtips":23198,"Ġvendió":23199,"iscal":23200,"vadas":23201,"Ġepi":23202,"Ġcontrolador":23203,"ĠBrook":23204,"ĠContral":23205,"itivamente":23206,"Ġinterlocu":23207,"ROS":23208,"Ġquehacer":23209,"ĠAlterna":23210,"Ġbeneficiar":23211,"Ġrevisiones":23212,"Ġjuntar":23213,"Ġenamorada":23214,"tografÃŃa":23215,"Ġequipadas":23216,"Grupo":23217,"Ġcannabis":23218,"Ġenhorabuena":23219,"ĠNacho":23220,"kas":23221,"Ġabdominal":23222,"Ġmusculares":23223,"rang":23224,"Ġformular":23225,"Ġinocentes":23226,"Ġequita":23227,"Ġoptimista":23228,"Ġpasara":23229,"Ġentregan":23230,"plicó":23231,"ĠCuad":23232,"lyn":23233,"ĠAmaz":23234,"Ġobtenga":23235,"Ġrefrigeración":23236,"Ġponte":23237,"juana":23238,"ĠTabla":23239,"Ġsuizo":23240,"urmet":23241,"Ġgiros":23242,"Ġcreamos":23243,"ucaristÃŃa":23244,"ĠJournal":23245,"Ġsetiembre":23246,"ĠLlan":23247,"émica":23248,"Ġmachos":23249,"Ġguardan":23250,"democ":23251,"recho":23252,"Ġpinch":23253,"Ġelijas":23254,"Sistema":23255,"Ġgarra":23256,"Ġrecreación":23257,"quetes":23258,"Ġtesoros":23259,"Ġidóneo":23260,"Ġcosmética":23261,"ĠRedon":23262,"Ġmilen":23263,"ĠLorca":23264,"Ġsujeción":23265,"Ġmadrileña":23266,"estres":23267,"ĠADMINIS":23268,"Ġdesliz":23269,"Ġreceptores":23270,"ĠMars":23271,"Seguro":23272,"ĠRR":23273,"Ġcompla":23274,"Ġpasarela":23275,"ĠContr":23276,"ĠUnida":23277,"Ġpodés":23278,"ĠObjetivo":23279,"ĠDepartamental":23280,"Ġcoincidencia":23281,"yright":23282,"Ġalejar":23283,"ĠCancún":23284,"ĠCasino":23285,"ĠAbel":23286,"ĠlingüÃŃstica":23287,"Ġtil":23288,"Ġrubio":23289,"Ġglánd":23290,"ĠDescarga":23291,"cisión":23292,"you":23293,"Ġtig":23294,"Ġinciso":23295,"Ġ\"¡":23296,"ĠBarb":23297,"Ġinfinita":23298,"Ġsubsecre":23299,"Ġnegado":23300,"Ġplie":23301,"Ġdesplazar":23302,"Th":23303,"ĠDoble":23304,"Ġinfracciones":23305,"ĠComandante":23306,"Ġregistran":23307,"ĠCarm":23308,"Ġvibración":23309,"Ġdesg":23310,"Ġpromotores":23311,"Ġtelefónico":23312,"ĠCres":23313,"Ġiniciación":23314,"pata":23315,"Ġsubvención":23316,"Ġgrises":23317,"Ġalimenticios":23318,"Ġcostura":23319,",âĢĿ":23320,"ĠDarÃŃo":23321,"jol":23322,"Ġrealismo":23323,"Ġaraña":23324,"ĠirÃŃa":23325,"Ġláminas":23326,"Ġramp":23327,"Ġórbita":23328,"zen":23329,"pelo":23330,"Ġcorrió":23331,"Ġtallas":23332,"ĠAlmac":23333,"Ġhiciste":23334,"Ġdefensiva":23335,"Ġterminada":23336,"Ġindio":23337,"Ġadaptan":23338,"Ġdomésticos":23339,"Ġesquinas":23340,"Ġindia":23341,"Ġprobando":23342,"Ġpatentes":23343,"Ġsubsidios":23344,"Ġrevelan":23345,"ĠChel":23346,"ĠIdeas":23347,"ĠMuerte":23348,"ĠKn":23349,"ĠEver":23350,"Ġsucio":23351,"ĠJuvent":23352,"Ġhipotecas":23353,"seguir":23354,"Ġguardi":23355,"Ġcejas":23356,"ĠESTA":23357,"Ġfractura":23358,"ĠNaval":23359,"udul":23360,"soy":23361,"ĠSpo":23362,"Ġresalta":23363,"Ġcañón":23364,"Ġmanejan":23365,"amilton":23366,"Ġvagina":23367,"Ġsureste":23368,"Ġinversa":23369,"zer":23370,"ĠVit":23371,"Ġdescripciones":23372,"leos":23373,"ĠBorges":23374,"Ġdeterminan":23375,"Ġacreditar":23376,"Ġspo":23377,"fue":23378,"ĠGet":23379,"Ġsubven":23380,"Ġrequeridos":23381,"ĠTitan":23382,"Ġdoctr":23383,"Ġconcentrar":23384,"Tampoco":23385,"Ġlatinoamericana":23386,"ĠGio":23387,"Ġexplora":23388,"Ġwa":23389,"Ġhola":23390,"Ġdominicano":23391,"Ġcuántas":23392,"Ġcalmar":23393,"clus":23394,"ĠManzan":23395,"ĠincreÃŃblemente":23396,"actividad":23397,"Ġutilizarlo":23398,"Ġligeros":23399,"Ġcotidianas":23400,"Ġprestigiosa":23401,"vino":23402,"ĠIntegración":23403,"ners":23404,"Ġgane":23405,"ĠllegarÃŃa":23406,"Ġporcentajes":23407,"Ġpalestinos":23408,"ordenadas":23409,"Ġalbergar":23410,"ĠFir":23411,"ĠpornografÃŃa":23412,"Ġinvolucra":23413,"Ġenoj":23414,"Ġtransportes":23415,"gazine":23416,"ĠCompostela":23417,"Ġacné":23418,"ĠTA":23419,"etta":23420,"achi":23421,"Ġlegitimidad":23422,"Ġinventar":23423,"Tex":23424,"ĠNig":23425,"Ġnew":23426,"Ġ128":23427,"Ġcalce":23428,"Ġrebelde":23429,"incluyendo":23430,"ĠEjemplo":23431,"HD":23432,"Ġdesnivel":23433,"Ġcuriosos":23434,"ĠProgramación":23435,"profes":23436,"ĠCarras":23437,"rino":23438,"Ġatrapar":23439,"ĠDead":23440,"Ġtérmico":23441,"Ġremonta":23442,"Ġmalware":23443,"Ġdescubren":23444,"Ġreconstruir":23445,"Ġcenas":23446,"cordia":23447,"ĠPirine":23448,"ĠmarroquÃŃ":23449,"ĠEuros":23450,"ĠEri":23451,"defin":23452,"Ġcupón":23453,"ADE":23454,"tacion":23455,"Ġmecánicos":23456,"Ġsusceptibles":23457,"Ġmotivado":23458,"Ġtritura":23459,"Ġcompran":23460,"Ġmediática":23461,"ĠChrome":23462,"Ġreferidos":23463,"Ġescucho":23464,"ĠAjust":23465,"ĠOliver":23466,"Ġtratara":23467,"Ġmolestar":23468,"glo":23469,"reta":23470,"Ġlevantarse":23471,"Ġcarnaval":23472,"Ġprovee":23473,"?âĢĿ,":23474,"amel":23475,"ĠSN":23476,"Ġjugaba":23477,"?¿":23478,"ĠRat":23479,"Ġgrabados":23480,"Ġpublicitaria":23481,"Ġveterinario":23482,"TICAS":23483,"Ġcaptación":23484,"ĠPermite":23485,"Ġvanguar":23486,"ÑģÑĤ":23487,"Ġpino":23488,"ĠTestamento":23489,"Ġrelacionar":23490,"Sabes":23491,"Ġadecuación":23492,"ĠFen":23493,"Ġtirando":23494,":.":23495,"ĠBut":23496,"Ġresume":23497,"Ġindicaron":23498,"PRES":23499,"Ġconvocatorias":23500,"torrique":23501,"allen":23502,"ĠCará":23503,"ĠÃģr":23504,"Ġaceleración":23505,"Ġalcanzaron":23506,"iseo":23507,"inetes":23508,"ISMO":23509,"ĠBerg":23510,"lojamiento":23511,"Ġbrig":23512,"Ġescalas":23513,"1998":23514,"Ġretribu":23515,"ĠLlev":23516,"Ġsuperhéro":23517,"Ġchinas":23518,"Ġarmadas":23519,"viene":23520,"xt":23521,"ĠdÃŃ":23522,"Ġindignación":23523,"vimiento":23524,"Ġpondremos":23525,"Ġintersec":23526,"Ġevang":23527,"ĠDS":23528,"ércitos":23529,"Ġguardado":23530,"Ġcoordinadora":23531,"YEC":23532,"Ġdictador":23533,"cuencia":23534,"ĠVerg":23535,"Ġintervin":23536,"Dep":23537,"Ġdominación":23538,"ĠSubsecre":23539,"Igualmente":23540,"ries":23541,"Ġmezclas":23542,"Ġestratégicas":23543,"ĠfantasÃŃas":23544,"Ġbik":23545,"Ġzan":23546,"ĠFerre":23547,"Ġconsecutiva":23548,"Ġprogresivamente":23549,"ermo":23550,"Ġcineasta":23551,"Ġeventualmente":23552,"ĠGoya":23553,"Ġsam":23554,"cillos":23555,"Ġhidr":23556,"Ġcreas":23557,"Sabemos":23558,"ĠLozano":23559,"ĠObviamente":23560,"Ġincorporando":23561,"avera":23562,"ĠMontero":23563,"Ġquiebra":23564,"Ġlástima":23565,"ĠDream":23566,"Ġtaquilla":23567,"Ġterribles":23568,"ONES":23569,"icé":23570,"Ġdecirles":23571,"Ġcodo":23572,"Ġresulten":23573,"Ġdedicamos":23574,"ĠAlcan":23575,"Ġfolcl":23576,"Ġprecisos":23577,"py":23578,"ĠSqu":23579,"ĠOjalá":23580,"Ġcontinuado":23581,"Dijo":23582,"Ġrelajado":23583,"Ġconfiguraciones":23584,"Ġexpuesta":23585,"ĠMejores":23586,"ĠOL":23587,"ĠCuanto":23588,"ĠAlc":23589,"ĠSimon":23590,"ĠCONTRA":23591,"Ġdesenv":23592,"Ġserás":23593,"Ġnerviosa":23594,"tológica":23595,"ĠHaitÃŃ":23596,"ĠaÃĥ":23597,"pectiva":23598,"Ġcandidaturas":23599,"Ġplástica":23600,"Ġprótesis":23601,"ÃŃgono":23602,"Ġextremas":23603,"tÃŃan":23604,"ĠUP":23605,"Intro":23606,"":25105,"Ġcatástrofe":25106,"Ġdefendiendo":25107,"Ġfestividad":25108,"jimo":25109,"Ġjul":25110,"Rom":25111,"Ġreapar":25112,"ston":25113,"ĠEng":25114,"Ġ190":25115,"iscopal":25116,"Ġjoder":25117,"Ġomisión":25118,"âĤ¬,":25119,"ĠSnap":25120,"ĠIt":25121,"garo":25122,"Ġfeminismo":25123,"Ġfuncionaba":25124,",[":25125,"ĠFortal":25126,"ĠâĢĭâĢĭ":25127,"Contac":25128,"Ġfavorecen":25129,"Ġinmortal":25130,"Ġpastores":25131,"Ġdesagü":25132,"ĠDorm":25133,"Ġlimitadas":25134,"Ġsubterrán":25135,"Ġgenético":25136,"ĠBiologÃŃa":25137,"Vesti":25138,"ĠGetafe":25139,"Ġllevarla":25140,"Ġrinde":25141,"vamos":25142,"Ġbamb":25143,"ĠIslandia":25144,"ĠSarmiento":25145,"ĠPoesÃŃa":25146,"Ġavisar":25147,"paron":25148,"ĠvacÃŃos":25149,"ĠÃģra":25150,"Ġbacteri":25151,"lut":25152,"Ġenvuelto":25153,"Ġalmendras":25154,"Ġdestruido":25155,"úper":25156,"Ġbou":25157,"Ġnaturalidad":25158,"Ġseguidas":25159,"Ġdesarrollen":25160,"ĠCrear":25161,"Ġtremendamente":25162,"ĠSatur":25163,"Ġcúb":25164,"Ġhil":25165,"ĠAutomo":25166,"Ġ1962":25167,"Ġresol":25168,"Ġrecuerde":25169,"estial":25170,"Ġhidrocarburos":25171,"ĠsinfÃŃn":25172,"ĠNight":25173,"Ġpartió":25174,"dol":25175,"ĠEt":25176,"Ġcoc":25177,"Ġ1920":25178,"Ġprosa":25179,"Ġ320":25180,"ĠPet":25181,"Ġparticipen":25182,"Ġabol":25183,"ĠMuestra":25184,"ĠQuinta":25185,"ĠBotas":25186,"Ġimpresoras":25187,"escri":25188,"Ġtriunfar":25189,"uble":25190,"Ġpicado":25191,"Ġelectores":25192,"Ġaislados":25193,"Ġcompartidos":25194,"Ġfet":25195,"ĠEtiquetas":25196,"Ġcoordenadas":25197,"Ġradicalmente":25198,"ĠInteramericana":25199,"Ġtramit":25200,"Ġherederos":25201,"ĠPorto":25202,"Ġtáctica":25203,"Ġbudi":25204,"Ġfederación":25205,"ĠSoledad":25206,"ĠCif":25207,"ITAL":25208,"ĠPerón":25209,"ĠNey":25210,"Ġshows":25211,"laba":25212,"TenÃŃa":25213,"Ġlineas":25214,"Ġampli":25215,"ĠInés":25216,"Ġvalencia":25217,"entenario":25218,"ĠPrincipal":25219,"Ġdisponga":25220,"Ġgolpear":25221,"Ġmedicación":25222,"ĠBasta":25223,"Ġparamilitar":25224,"Ġinvertida":25225,"Ġconsejera":25226,"ĠBello":25227,"Ġpronunció":25228,"Ġhicieran":25229,"Ġaprovechan":25230,"Ġfloral":25231,"ĠPix":25232,"Ġreducidos":25233,"Ġretratos":25234,"Ġduran":25235,"ĠLicenciado":25236,"Ġcreyendo":25237,"ĠESTU":25238,"zoso":25239,"Ġirrump":25240,"Ġtenor":25241,"Ġalarmas":25242,"Ġthat":25243,"Ġgremi":25244,"Ġvaginal":25245,"Ġmaldad":25246,"bran":25247,"Ġvampiro":25248,"Ġcorrectas":25249,"rix":25250,"Ġinval":25251,"ĠPoblación":25252,"Ġocupando":25253,"ĠcurrÃŃculum":25254,"................":25255,"Ġimpotencia":25256,"Ġllamamiento":25257,"Ġreunidos":25258,"Ġinesperada":25259,"Ġinse":25260,"Ġfuesen":25261,"ejos":25262,"gy":25263,"ĠContinuar":25264,"dale":25265,"Ġexponen":25266,"Ġemergente":25267,"ĠMiles":25268,"mascar":25269,"gonés":25270,"ĠStone":25271,"Ġorgullosa":25272,"verg":25273,"Ġpiro":25274,"ĠVelo":25275,"Va":25276,"ĠValdés":25277,"Ġdivisa":25278,"Ġmarinas":25279,"ĠParticular":25280,"Ġimitar":25281,"vac":25282,"Ġprepararse":25283,"Cla":25284,"Ġyacimiento":25285,"ĠAvel":25286,"Ġcalidez":25287,"Ġcolocando":25288,"Ġconvocada":25289,"Ġmoldes":25290,"ĠSens":25291,"ĠIron":25292,"Ġinstaló":25293,"Ġerradicar":25294,"ĠOEA":25295,"Ġángulos":25296,"Ġininterrump":25297,"ĠCis":25298,"Ġtrailer":25299,"nete":25300,"Ġzinc":25301,"Ġdesmante":25302,"Ġaspiración":25303,"ĠRy":25304,"indicación":25305,"Ġpill":25306,"Ġrelevo":25307,"Ġmineras":25308,"Ġmagnético":25309,"Ġfelicidades":25310,"ĠofrecÃŃa":25311,"omasaje":25312,"Ġpreocupan":25313,"Ġmagna":25314,"Ġdelicias":25315,"stata":25316,"ernet":25317,"ISTA":25318,"Ġllevara":25319,"Ġarchiv":25320,"DER":25321,"Ġnarrador":25322,"tyle":25323,"uyo":25324,"ĠSEGUR":25325,"ĠAnthony":25326,"Ġmilitancia":25327,"Ġentienda":25328,"Ġfrágil":25329,"ágeno":25330,"Ġfasti":25331,"ĠHot":25332,"Ġestaf":25333,"Ġmasaj":25334,"vision":25335,"ugu":25336,"Ġvicio":25337,"ĠRequisitos":25338,"Ġverbo":25339,"Ġsimultánea":25340,"IAS":25341,"Ġindul":25342,"Ġbalne":25343,"Ġconfirman":25344,"Ġparlamento":25345,"Ġfinalidades":25346,"pañol":25347,"uló":25348,"Ġadaptador":25349,"Ġvómi":25350,"Ġvergon":25351,"Ġinician":25352,"rojo":25353,"tegro":25354,"ĠCollege":25355,"Debemos":25356,"Ġalertas":25357,"ĠJefa":25358,"âĢİ":25359,"ĠTeniendo":25360,"enan":25361,"Ġguerrero":25362,"Ġtardó":25363,"Ġexpulsado":25364,"Ġcuevas":25365,"ĠGráfico":25366,"haga":25367,"ĠtendrÃŃamos":25368,"ĠOrganizaciones":25369,"Ġemblemático":25370,"Ġsatisfactoria":25371,"vig":25372,"tners":25373,"Ġpatrimon":25374,"ĠQuienes":25375,"mega":25376,"Ġwebcam":25377,"Ġrea":25378,"ĠConstituyente":25379,"onera":25380,"ĠIncre":25381,"Ġincómodo":25382,"Ġescalo":25383,"Ġaltavoces":25384,"Ġpretemporada":25385,"ĠChev":25386,"Ġcomunicó":25387,"Ġcentavos":25388,"ĠAniversario":25389,"Ġadversos":25390,"queño":25391,"Ġintervalo":25392,"Ġenergéticos":25393,"Ġinsertar":25394,"ĠAdriana":25395,"ĠHumanidades":25396,"Ġsillón":25397,"Ġdesent":25398,"ĠVerónica":25399,"ĠTomo":25400,"Ġcolina":25401,"Ġpreguntando":25402,"ihad":25403,"Ġnazi":25404,"Ġinternacionalmente":25405,"ĠIndonesia":25406,"ark":25407,"eli":25408,"Ġsecador":25409,"Ġignorar":25410,"ĠKon":25411,"Ġarrastra":25412,"Ġsubyac":25413,"oney":25414,"ĠVolver":25415,"Ġconsuelo":25416,"personal":25417,"Ġå":25418,"Ġcate":25419,"Ġencabezada":25420,"Ġescuchan":25421,"estable":25422,"Ġpulver":25423,"ĠOMS":25424,"Ġladrón":25425,"Ġrestablecer":25426,"Ġcoge":25427,"ÃijA":25428,"ĠRecord":25429,"ĠOfertas":25430,"Ġcentrarse":25431,"ĠPerió":25432,"ĠMusical":25433,"Ġetiquetado":25434,"Ġmaximizar":25435,"Ġespin":25436,"Ġfeed":25437,"Ġlimitados":25438,"cusiones":25439,"ĠDiplom":25440,"ĠYoung":25441,"Ġcontesta":25442,"Ġexplosivos":25443,"autor":25444,"Ġreciclado":25445,"ĠStr":25446,"Ġarea":25447,"capaces":25448,"Ġpizarra":25449,"ress":25450,"ĠjudÃŃa":25451,"Ġsalta":25452,"Ġalgoritmo":25453,"edo":25454,"uchar":25455,"Ġcobi":25456,"gico":25457,"ĠLinares":25458,"ĠLou":25459,"ĠPatricio":25460,"Ġfemeninas":25461,"IAL":25462,"ĠIslam":25463,"ĠPalencia":25464,"itra":25465,"ĠIsland":25466,"Ġformativas":25467,"Ġ135":25468,"Francia":25469,"ĠEmma":25470,"ĠPrecisamente":25471,"asticidad":25472,"ientas":25473,"ógn":25474,"Ġintentamos":25475,"Ġentretenida":25476,"ĠPiñera":25477,"ĠfrÃŃas":25478,"gobern":25479,"Ġcontados":25480,"Ġintuición":25481,"ĠMonitor":25482,"ĠLola":25483,"Ġcongre":25484,"ibra":25485,"Ġmanto":25486,"ĠMeta":25487,"ĠGuay":25488,"ĠAvailable":25489,"ĠEtiquetado":25490,"Hacer":25491,"KE":25492,"ĠZapata":25493,"Ġinnovar":25494,"Ġasiste":25495,"Ġindividualmente":25496,"Ġespadas":25497,"Ġcontención":25498,"ĠIG":25499,"nunca":25500,"ĠAI":25501,"Ġprestados":25502,"hace":25503,"ĠTecnológica":25504,"Ġquirúrgica":25505,"Jorge":25506,"ocada":25507,"Ġirme":25508,"Ġinteranual":25509,"Ġfortalezas":25510,"dria":25511,"Ġconcedió":25512,"Ġdespacio":25513,"Ġcompartirlo":25514,"Ġmosa":25515,"Ġauxilio":25516,"ĠSoviética":25517,"Ġsitúan":25518,"Ġinforman":25519,"Ġdeberemos":25520,"Ġmediterránea":25521,"Ġadquieren":25522,"ĠOpinión":25523,"Ġfaldas":25524,"Ġreedi":25525,"ĠEugenia":25526,"watch":25527,"Ġgasta":25528,"Ġindef":25529,"Ġrecogidas":25530,"Ġexcusas":25531,"ĠPierre":25532,"inflama":25533,"flores":25534,"Ġadición":25535,"ĠBenÃŃtez":25536,"ĠMajes":25537,"ELL":25538,"Ġfluc":25539,"enciación":25540,"ĠTalla":25541,"equi":25542,"Cuatro":25543,"Ġvolverse":25544,"Ġpersianas":25545,"ĠVive":25546,"hotmail":25547,"Ġforzada":25548,"ĠPage":25549,"Ġbic":25550,"Ġligeras":25551,"Ġgastronómico":25552,"Ġausteridad":25553,"ĠNou":25554,"Ġmedioambientales":25555,"ĠLion":25556,"ierras":25557,"Vic":25558,"illero":25559,"ying":25560,"Ġduradera":25561,"cÃŃ":25562,"Ġincans":25563,"Ġasma":25564,"Ġsop":25565,"Ġcomprobación":25566,"mesa":25567,"Ġprogresión":25568,"Ġpicos":25569,"Ġsalmón":25570,"Ġcazadores":25571,"Ġentregará":25572,"ĠINF":25573,"cillas":25574,"Santa":25575,"Ġcicatriz":25576,"Pien":25577,"ÙĦ":25578,"letic":25579,"ógrafo":25580,"Ġplaneado":25581,"Ġsexualmente":25582,"ĠMódulo":25583,"ĠDam":25584,"Ġuniversitarias":25585,"Ġrodillos":25586,"ĠDesaf":25587,"Ġfinanciado":25588,"Ġenamorar":25589,"Ġbiológicos":25590,"Ġdegradación":25591,"ĠAprovech":25592,"ience":25593,"ĠBusco":25594,"ĠContreras":25595,"tismos":25596,"Ġfelicitaciones":25597,"ĠSiete":25598,"ĠEmo":25599,"Ġenteras":25600,"Ġviagra":25601,"ĠQueda":25602,"Están":25603,"espa":25604,"Ġcantos":25605,"Ġafectó":25606,"ĠComplutense":25607,"Ġpresidido":25608,"ĠAriz":25609,"Ġvalientes":25610,"Ġvon":25611,"cesor":25612,"Ġimportant":25613,"ess":25614,"ĠvendrÃŃa":25615,"Siguiente":25616,"Ġpsicólogos":25617,"ĠFácil":25618,"Dist":25619,"rint":25620,"Ġatendidos":25621,"eman":25622,"ĠFunda":25623,"Ġrecibi":25624,"ĠCalvo":25625,"osis":25626,"ranza":25627,"Ġsufrag":25628,"Ġmermel":25629,"Ġacompañadas":25630,"Ġampliado":25631,"ĠMichelle":25632,"Saludos":25633,"153":25634,"ĠSOCI":25635,"datario":25636,"ĠElectro":25637,"mentado":25638,"Ġdigestión":25639,"Ġenmarca":25640,"ĠAli":25641,"ÂĶ,":25642,"ĠReunión":25643,"ĠMAC":25644,"Ġdijera":25645,"ĠSie":25646,"Ġapues":25647,"Ġdesarrolle":25648,"Ġmansión":25649,"Ġmasacre":25650,"Ġcn":25651,"Ġsacrificios":25652,"ĠNOR":25653,"Ġafluencia":25654,"mitente":25655,"gh":25656,".*":25657,"Ġadmiten":25658,"Ġaproxima":25659,"Ġhablaremos":25660,"?:":25661,"Ġaro":25662,"EO":25663,"ĠAntic":25664,"Especial":25665,"Ġdistanci":25666,"Ġentenderse":25667,"Ġsolemos":25668,"Ġ¨":25669,"ĠentendÃŃa":25670,"Ġsk":25671,"Ġpropietaria":25672,"ĠEspecialmente":25673,"Ġafortunadamente":25674,"ĠPuigdemont":25675,"ĠEar":25676,"Ġcuestionario":25677,"utada":25678,"Ġasesinar":25679,"Ġpromueven":25680,"historia":25681,"Pedro":25682,"Ġasco":25683,"Ġjugadas":25684,"Ġcondicion":25685,"Ġrespondido":25686,"wski":25687,"ship":25688,"Ġvicepresidenta":25689,"Ġmandado":25690,"Ġalquileres":25691,"foto":25692,"ignas":25693,"Ġencargan":25694,"Ġborrador":25695,"Ġrene":25696,"ĠEspar":25697,"ĠAero":25698,"Ġpublicando":25699,"ĠRepresentantes":25700,"Ġtobillo":25701,"IMA":25702,"ĠAntrop":25703,"dle":25704,"tadoras":25705,"ĠWoo":25706,"Ġcocer":25707,"indro":25708,"urce":25709,"ĠCristal":25710,"ĠAndaluz":25711,"Ġbilateral":25712,"ĠConjunto":25713,"Ġregala":25714,"Ġescuchaba":25715,"denciales":25716,"ĠManejo":25717,"cén":25718,"Ġ`":25719,"ĠInterpre":25720,"óticas":25721,"ĠBásica":25722,"Ġº":25723,"ĠClausura":25724,"Ġincompr":25725,"Ġhidrógeno":25726,"âĢĶâĢĶ":25727,"Ġ>>":25728,"Ġrug":25729,"Ġautomotriz":25730,"Ġtranscurre":25731,"ĠsabÃŃamos":25732,"ĠIlum":25733,"Ġpoliéster":25734,"caya":25735,"émico":25736,"Ġforzado":25737,"Ġclos":25738,"Ġimpresos":25739,"Ġejércitos":25740,"Ġestricta":25741,"lete":25742,"ĠEspi":25743,"Ġgorda":25744,"queras":25745,"Ġmonos":25746,"Ġsemen":25747,"Ġaplausos":25748,"ĠKy":25749,"ĠINE":25750,"Ġcuidando":25751,"AMIENTO":25752,"Ġamada":25753,"Ġrealizaba":25754,"Ġsangri":25755,"Ġjubil":25756,"Ġdesapro":25757,"Recom":25758,"Ġfertilidad":25759,"Ġreab":25760,"iertamente":25761,"ĠCÃŃv":25762,"Ġchiste":25763,"Ġaislada":25764,"Ġataca":25765,"Ġrecuento":25766,"Ġpastoral":25767,"Ġautomáticos":25768,"senger":25769,"ĠNissan":25770,"Ġrepleto":25771,"Ġvalles":25772,"ĠElche":25773,"Ġentramos":25774,"Ġnal":25775,"ĠTron":25776,"Ġreformar":25777,"Ġrecomendó":25778,"Ġcoincidiendo":25779,"Ġtocan":25780,"Ġcontribuyendo":25781,"Ġarcos":25782,"Ġtio":25783,"ĠBeat":25784,"Ġvacunación":25785,"Ġwe":25786,"Ġincreible":25787,"oke":25788,"Ġcoordinado":25789,"Apo":25790,"Ġconejo":25791,"Ġuniformes":25792,"ĠCeuta":25793,"Ġperegrinos":25794,"Ġparaje":25795,"Ġcierran":25796,"Ġcarc":25797,"Ġyer":25798,"Ġjustos":25799,"EST":25800,"ĠInfraestructura":25801,"Ġcomprometió":25802,"tenga":25803,"garia":25804,"ĠKas":25805,"Mus":25806,"idón":25807,"Ġenrol":25808,"quÃŃmica":25809,"Ġproliferación":25810,"ĠPrácticas":25811,"quinaria":25812,"kÃŃn":25813,"Ġresolvió":25814,"ĠLau":25815,"commerce":25816,"Ġraya":25817,"Ġaleja":25818,"ĠcercanÃŃas":25819,"ĠParra":25820,"Ġayudante":25821,"Ġ103":25822,"Ġexil":25823,"Ġkar":25824,"Ġbarril":25825,"ĠAss":25826,"Ġencaden":25827,"Ġnormativo":25828,"Ġiniciada":25829,"ato":25830,"ĠUbuntu":25831,"xit":25832,"ĠIbérica":25833,"Comprar":25834,"ĠTÃī":25835,"ĠGara":25836,"Ġcriticó":25837,"Ġarresto":25838,"pace":25839,"Ġescuadra":25840,"Ġdomicili":25841,"ĠHealth":25842,"Ġanunciada":25843,"Ġempuje":25844,"Ġhadas":25845,"ĠvÃŃspera":25846,"Ġmanifestaron":25847,"Ġpreferidos":25848,"Ġmuertas":25849,"ĠTerritorio":25850,"ĠOde":25851,"ĠMeteor":25852,"tical":25853,"ĠÃļnico":25854,"erción":25855,"Ġcápsulas":25856,"Ġcanchas":25857,"Ġpresidida":25858,"ĠPasa":25859,"Ġtierna":25860,"ĠAmplio":25861,"Ġdeseados":25862,"dafone":25863,"Ġexplicaron":25864,"Ġresiduales":25865,"Ġempleador":25866,"ĠUtiliza":25867,"Ġgratitud":25868,"Ġllevadas":25869,"eeee":25870,"ĠSingapur":25871,"ĠTOR":25872,"Ġpincha":25873,"Ġmagistral":25874,"Ġcucharada":25875,"1992":25876,"ĠMarch":25877,"ĠCommun":25878,"Ġ1939":25879,"Fecha":25880,"Ġmusic":25881,"Entrada":25882,"Ġdolorosa":25883,"Ġquemaduras":25884,"ĠMisiones":25885,"Ġirregulares":25886,"Ġnazis":25887,"Ġbroche":25888,"Ġhortalizas":25889,"udita":25890,"ĠEntra":25891,"Ġzapato":25892,"alas":25893,"Ġvaliosos":25894,"ĠUD":25895,"Ġguion":25896,"chain":25897,"técn":25898,"ĠIba":25899,"Ġenviará":25900,"ĠCeleb":25901,"fs":25902,"Ġbruja":25903,"Ġavena":25904,"ĠOrange":25905,"ĠShop":25906,"ĠGaza":25907,"ĠBR":25908,"Ġcote":25909,"Ġcolgado":25910,"Ġbrevemente":25911,"Ġdifundido":25912,"ásticas":25913,"ocol":25914,"thur":25915,"seca":25916,"Ġgimnasia":25917,"ĠChic":25918,"Ġtomaba":25919,"lanca":25920,"cine":25921,"Ġcomentaba":25922,"Ġllanto":25923,"Ġtuer":25924,"ĠHouston":25925,"Ġfotovolta":25926,"ĠDiccionario":25927,"dium":25928,"ĠCapacitación":25929,"abé":25930,"ĠSucre":25931,"ĠPicas":25932,"vet":25933,"Ġesperemos":25934,"Ġpromovido":25935,"Ġliterarias":25936,"pago":25937,"Ġrefiri":25938,"Ġmisiles":25939,"Ġeducadores":25940,"row":25941,"ĠML":25942,"Ġendeudamiento":25943,"ĠTamaulipas":25944,"Ġinsatisf":25945,"lina":25946,"Ġentrará":25947,"ends":25948,"Ġexplicamos":25949,"Ġcaucho":25950,"Ġcamuf":25951,"Ġcalur":25952,"zul":25953,"Ġimitación":25954,"tético":25955,"amelo":25956,"ĠPiso":25957,"ĠdejarÃŃa":25958,"Ġlegislativa":25959,"Ġevolucionar":25960,"Ġcupo":25961,"Ġmicroorgan":25962,"Ġenfrentó":25963,"Ġpongas":25964,"Ġnieto":25965,"ludo":25966,"ĠRS":25967,"Ġprestam":25968,"strong":25969,"ĠToronto":25970,"Ġestampados":25971,"iá":25972,"ĠBry":25973,"Ġafecte":25974,"Ġcalentador":25975,"Ġparaguay":25976,"Ġeligen":25977,"Ġmerced":25978,"óscopo":25979,"avy":25980,"Ãłs":25981,"Ġtrig":25982,"Ġmembrana":25983,"emo":25984,"olanda":25985,"ĠInstalaciones":25986,"anterÃŃa":25987,"ĠDirectorio":25988,"Ġagresiva":25989,"ENO":25990,"ductos":25991,"Ġesperados":25992,"Ġdiseñadora":25993,"ĠRosas":25994,"tológicos":25995,"Ġterapéutico":25996,"Ġsuscriptores":25997,"ĠManga":25998,"Ġayudarlo":25999,"quisición":26000,"Ġusarla":26001,"ĠPlane":26002,"Ġconfiado":26003,"!!!!!!!!":26004,"ĠPak":26005,"Mat":26006,"GUA":26007,"istan":26008,"ĠCambridge":26009,"ĠChav":26010,"Ġacogedora":26011,"Ġinfinitas":26012,"Ġplaneación":26013,"Ġdoctores":26014,"Ġgremios":26015,"Ġopcion":26016,"Ġtrasc":26017,"ĠMedic":26018,"uevan":26019,"ĠInversiones":26020,"Ġrentables":26021,"ĠJordan":26022,"Ġgracioso":26023,"Ġdescif":26024,"Comple":26025,"ĠLanzarote":26026,"Ġreplante":26027,"Ġlevante":26028,"Ġaranceles":26029,"Ġcriptomonedas":26030,"Ġlob":26031,"toriedad":26032,"Ġcompraventa":26033,"Ġdiócesis":26034,"Ġinterdiscipl":26035,"1995":26036,"iseta":26037,"Ġtomé":26038,"->":26039,"Ġindispensables":26040,"Ġmatrimonial":26041,"Ġpretexto":26042,"ĠClásico":26043,"ĠDep":26044,"gets":26045,"Apar":26046,"wan":26047,"Ġimpuesta":26048,"Ġorienta":26049,"ajen":26050,"Ġnido":26051,"Ġimprev":26052,".¿":26053,"Du":26054,"ĠilÃŃcito":26055,"Ġprofe":26056,"Ġimpartido":26057,"Ġinmovil":26058,"Ġaseguraron":26059,"Ġmetáfora":26060,"ĠResort":26061,"Ġincógn":26062,"ĠPonce":26063,"ĠBAR":26064,"ĠSing":26065,"Ġtriángulo":26066,"Ġaumentaron":26067,"ibus":26068,"Ġocurridos":26069,"ĠMejÃŃa":26070,"Ġcerradura":26071,"inz":26072,"Ġnovias":26073,"Ġdespidos":26074,"Ġproceden":26075,"TIN":26076,"Ġpuertorrique":26077,"Ġenvio":26078,"ĠÃļltimo":26079,"ĠEA":26080,"ĠintrÃŃn":26081,"Ġdesob":26082,"ĠVicepresidente":26083,"Ġútero":26084,"ĠRoad":26085,"Ger":26086,"Ġutilizará":26087,"loque":26088,"Ġacústica":26089,"demas":26090,"Ġinterrumpir":26091,"arcal":26092,"Ġfé":26093,"Ġhormona":26094,"Ġperdi":26095,"Ġexperimentación":26096,"Ġrebaja":26097,"IPO":26098,"Lic":26099,"Ġcircuns":26100,"Ġprolongada":26101,"Ġoct":26102,"ĠWater":26103,"Pat":26104,"[/":26105,"acón":26106,"\"),":26107,"ĠEsther":26108,"ifico":26109,"Ġcoch":26110,"Ġbusquen":26111,"Ġconector":26112,"Ġsupremo":26113,"Ġcoreo":26114,"Ġcloro":26115,"tuarios":26116,"Ġtraum":26117,"Ġenvenen":26118,"Ġafricanos":26119,"Ġnáut":26120,"ificando":26121,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":26122,"Ġimplantes":26123,"pé":26124,"abamba":26125,"Ġsolvencia":26126,"Ġnec":26127,"ockey":26128,"ĠPartes":26129,"vertida":26130,"Ġbonaerense":26131,"Ġabismo":26132,"ĠGeneración":26133,"Ġultras":26134,"ĠAcadem":26135,"Ġrá":26136,"eot":26137,"cretamente":26138,"ĠAlca":26139,"Ġfestivo":26140,"Ben":26141,"Ġdebieron":26142,"Ġâľ":26143,"iang":26144,"ĠAprendizaje":26145,"Ġlabi":26146,"ĠJugue":26147,"Ġpsicos":26148,"ĠCP":26149,"Ġsonrisas":26150,"Ġestereotipos":26151,"Ġpublicitarias":26152,"uelen":26153,"ĠAdministrativa":26154,"acul":26155,"Ġespaciales":26156,"ampe":26157,"Ġdrones":26158,"ĠMarket":26159,"Ġtatuaje":26160,"ĠPatagonia":26161,"Ġenamorados":26162,"TH":26163,"Ġarcilla":26164,"Ġinvitaciones":26165,"Ġespeculación":26166,"Ġacertada":26167,"ĠRector":26168,"ĠOtoño":26169,"ĠFP":26170,"Ġalega":26171,"Ġmatrimonios":26172,"Bon":26173,"ĠLav":26174,"Ġdeban":26175,"ĠacrÃŃ":26176,"Ġargumenta":26177,"Ġrenovada":26178,"Ġhaciéndose":26179,"Ġbrujas":26180,"Antonio":26181,"Ġpractican":26182,"Ġpreventivo":26183,"tify":26184,"Ġsentados":26185,"Ġdefinidas":26186,"Ġeconomistas":26187,"ÃīN":26188,"ĠGESTI":26189,"Ġsecuelas":26190,"ĠDejar":26191,"ĠSesión":26192,"hattan":26193,"Ġferoz":26194,"ĠEqu":26195,"ĠEntidad":26196,"Ġofensivo":26197,"Ġprocedió":26198,"ĠCena":26199,"fecta":26200,"Ġsurgieron":26201,"xos":26202,"Ġechó":26203,"Mil":26204,"Ġreorgan":26205,"ĠDistancia":26206,"Ġhallan":26207,"ĠPrincipado":26208,"Ġreestructuración":26209,"Ġlima":26210,"Ġcolectivas":26211,"Ġ":26212,"Ġcinematográfico":26213,"Ġdesactivar":26214,"MB":26215,"DOS":26216,"Ġarzobispo":26217,"ĠEstar":26218,"ĠLimpieza":26219,"COR":26220,"tarra":26221,"Ġintentarlo":26222,"ĠManolo":26223,"ê":26224,"sy":26225,"Ġcheck":26226,"ĠPerfil":26227,"Ġ280":26228,"Ġ1958":26229,"ĠDura":26230,"verso":26231,"Ġbajista":26232,"Ġhervir":26233,"ĠsecretarÃŃa":26234,"ĠMalvinas":26235,"Ġdiarrea":26236,"Ġdepositar":26237,"Ġolvidemos":26238,"Ġmutua":26239,"Ġtornillos":26240,"ollos":26241,"Ġcontraer":26242,"Ġcombinados":26243,"ĠEURO":26244,"Ġedificaciones":26245,"ĠJavi":26246,"Ġsujetas":26247,"trógeno":26248,"Ġcombustión":26249,"ĠÏ":26250,"GL":26251,"ficantes":26252,"Ġlanzada":26253,"Ġentraba":26254,"ĠAlvarado":26255,"Ġconcebido":26256,"dosas":26257,"Ġmetab":26258,"Ġotorgan":26259,"Ġfog":26260,"Ġresbal":26261,"Ġcelulitis":26262,"Ġobligan":26263,"Ġhash":26264,"Ġestrechamente":26265,"Ġaviación":26266,"ĠGood":26267,"Ġroll":26268,"ĠFI":26269,"Ġsolicitan":26270,"GOS":26271,"sia":26272,"Ġporciones":26273,"Ġdemócrata":26274,"Ġescuche":26275,"Ġropas":26276,"Ġtransmitido":26277,"Ġdisminuyendo":26278,"Ġherb":26279,"ĠPROFES":26280,"ĠApos":26281,"Ġcampanas":26282,"Ġvolveremos":26283,"Ġplanteamientos":26284,"Ġimportaba":26285,"ĠSao":26286,"Ġenton":26287,"Ġnacieron":26288,"Ġrelacionarse":26289,"valor":26290,"Ġvascos":26291,"izará":26292,"ĠSteven":26293,"ĠPereira":26294,"Lar":26295,"elamente":26296,"Ġautonómica":26297,"Ellos":26298,"Ġabsorb":26299,"Ġpóngase":26300,"Ġarmadura":26301,"Ġafectación":26302,"UNA":26303,"ĠParroquia":26304,"Resumen":26305,"tificia":26306,"895":26307,"kh":26308,"uida":26309,"Ġevacuación":26310,"Ġmachista":26311,"ĠMina":26312,"Ġescriba":26313,"Ġilumina":26314,"Ġcansada":26315,"Ġsatélites":26316,"ĠLewis":26317,"Ġavenidas":26318,"Ġburs":26319,"Ġbrindando":26320,"ai":26321,"Ġcontrolados":26322,"Ġpotestad":26323,"Sinopsis":26324,"Ġcolm":26325,"rándose":26326,"ĠmÃŃtica":26327,"Ġestadios":26328,"ximadamente":26329,"ÃįAS":26330,"Ġfranquicias":26331,"Ġasisten":26332,"Ġbarriles":26333,"ĠInfancia":26334,"Ġlógicamente":26335,"ĠConcil":26336,"ĠWii":26337,"ĠMADRID":26338,"Ġdiscrep":26339,"Ġprec":26340,"Ġchaque":26341,"úsqueda":26342,"Ġcachorros":26343,"ĠYun":26344,"Ġdiscreción":26345,"ueltas":26346,"Ġhabilitar":26347,"ĠArco":26348,"acuzzi":26349,"ĠDescar":26350,"Ġgarantizada":26351,"ocó":26352,"Ġfusion":26353,"Ġdemandante":26354,"ESA":26355,"Ġduradero":26356,"email":26357,"Ġpreguntarse":26358,"urne":26359,"Ġestacion":26360,"Ġcafés":26361,"Ġdeudor":26362,"Ġnoveno":26363,"Ġcazar":26364,"Ġcamara":26365,"erne":26366,"Ġsinceridad":26367,"ĠDev":26368,"Ġvasca":26369,"Ġabandonados":26370,"Ġcristianas":26371,"ĠTijuana":26372,"Ġ108":26373,"ĠChelsea":26374,"Ġfugas":26375,"Ġbarn":26376,"illy":26377,"Ġdiésel":26378,"ĠsanguÃŃneo":26379,"aceta":26380,"Ġcasta":26381,"TROS":26382,"Ġorientales":26383,"ĠCharlie":26384,"Ġllenan":26385,"Ġtrading":26386,"ĠFro":26387,"ĠGod":26388,"uestion":26389,"ĠConfiguración":26390,"Ġvacacional":26391,"Ġformativa":26392,"MAR":26393,"Ġtratada":26394,"Ġrealistas":26395,"ĠSagrada":26396,"trabaj":26397,"Ġoponente":26398,"Ġrecuperó":26399,"ĠUrbanismo":26400,"Ġjueza":26401,"olun":26402,"Ġfacilitado":26403,"lectual":26404,"ucidad":26405,"tibilidad":26406,"ĠArenas":26407,"ĠBritán":26408,"Ġinsom":26409,"Ġmaestras":26410,"Ġegresados":26411,"Ġcampeonatos":26412,"225":26413,"ĠAznar":26414,"Ġhonorarios":26415,"pico":26416,"Ġactuado":26417,"ĠrecibÃŃ":26418,"Ġexpresarse":26419,"Gen":26420,"Ġsonrió":26421,"Ġtuv":26422,"ragones":26423,"orno":26424,"Ġbajan":26425,"Ġ1963":26426,"Ġpatios":26427,"Cuándo":26428,"ĠTob":26429,"Ġimputados":26430,"Ġneurol":26431,"Ġdramatur":26432,"perio":26433,"unidense":26434,"mael":26435,"Ġprójimo":26436,"COL":26437,"ded":26438,"Ġsuroeste":26439,"ilea":26440,"Ġrecuperarse":26441,"Figu":26442,"ĠMaj":26443,"Ġintensamente":26444,"Ġcomesti":26445,"Ġgoce":26446,"Ġdestreza":26447,"Ġvestimenta":26448,"Ġtribus":26449,"cuál":26450,"Ġsueco":26451,"IMIENTO":26452,"Ġhuecos":26453,"Ġmariposa":26454,"ĠIrene":26455,"Ġestuviese":26456,"éndote":26457,"Ġmanta":26458,"Ġmineria":26459,"Ġdiscern":26460,"Ġpseudo":26461,"Ġhuerto":26462,"Ġterminará":26463,"Ġsobrino":26464,"Ġautode":26465,"ĠHumberto":26466,"Ġderrotado":26467,"Ġench":26468,"Ġsospechas":26469,"Ġexhor":26470,"ĠcreÃŃ":26471,"CRE":26472,"Ġguatemal":26473,"Ġautorizadas":26474,"Ġdecidida":26475,"oko":26476,"alao":26477,"Ġevitarlo":26478,"ĠPuntos":26479,"ĠHenares":26480,"ooo":26481,"Ġcontrarrestar":26482,"Ġ855":26483,"ĠAceite":26484,"Ġagotado":26485,"Ġánimos":26486,"calo":26487,"Ġseñalización":26488,"ĠCauca":26489,"Ġconstatar":26490,"Ġdil":26491,"eum":26492,"Ġincapaces":26493,"ĠUrbana":26494,"Econ":26495,"ĠPronto":26496,"Ġteme":26497,"resta":26498,"Ġimplantar":26499,"Ġfat":26500,"Ġatún":26501,"Ġinne":26502,"Ġprecisar":26503,"Lin":26504,"Ġcontador":26505,"Ġexpositores":26506,"Ġhonesto":26507,"Ġlobos":26508,"Ġarag":26509,"Ġpresume":26510,"ĠEstim":26511,"ciana":26512,"ĠIBM":26513,"dec":26514,"Ġprecur":26515,"Ġagudo":26516,"Ġcaliza":26517,"ĠChaco":26518,"ÃģC":26519,"Ġremarcó":26520,"ibol":26521,"Ġcajones":26522,"ean":26523,"ĠCoronel":26524,"Ġconsultado":26525,"ĠRab":26526,"Ġqe":26527,"Ġdramático":26528,"ĠEnten":26529,"Ġsalio":26530,"Ġmetropolitana":26531,"Quienes":26532,"Ġdemocráticos":26533,"tering":26534,"ĠFAC":26535,"Ġadopta":26536,"tomas":26537,"Aun":26538,"Ġprincipiantes":26539,"ámina":26540,"Ġestelar":26541,"Ġlanzaron":26542,"lá":26543,"ĠUber":26544,"Ġprórroga":26545,"Ġrecab":26546,"Ġtemático":26547,"Ġdecorativos":26548,"Ġesmalte":26549,"toda":26550,"Ġfrecuent":26551,"ĠKenn":26552,"Ġsabrá":26553,"riosamente":26554,"Ġadquiriendo":26555,"Ãļl":26556,"Ġengen":26557,"Ġequipados":26558,"Ġpuño":26559,"Ġbole":26560,"ski":26561,"Ġando":26562,"ĠGeneralmente":26563,"Ġuniversales":26564,"PUES":26565,"ĠPalermo":26566,"Ġreposición":26567,"ĠAtlas":26568,"Ġbaje":26569,"Ġpertur":26570,"Ġmantengan":26571,"ucci":26572,"ĠCuidado":26573,"Ġvehicular":26574,"iertan":26575,"taduras":26576,"Ġpreguntarle":26577,"Ġdeven":26578,"Ġfolla":26579,"Ġconstruyen":26580,"Ġacreditado":26581,"Ġdesnudos":26582,"ĠBest":26583,"Ġ107":26584,"Ġcontenga":26585,"ĠMiércoles":26586,"ĠTambien":26587,"grupo":26588,"ĠTRANS":26589,"ĠSERVICIOS":26590,"ĠSH":26591,"Ġdespar":26592,"Señor":26593,"cionarias":26594,"Ġprecisas":26595,"ĠFBI":26596,"Ġminús":26597,"Ġoriginario":26598,"Ġresina":26599,"ĠCompeti":26600,"Ġconvocados":26601,"Ġexen":26602,"Ġsustituido":26603,"ĠMono":26604,"ĠParaná":26605,"Ġauditor":26606,"Ġperturb":26607,"Ġbordado":26608,"Ġprofesionalmente":26609,"ĠMoham":26610,"Ġlomo":26611,"Ġcerraduras":26612,"Ġrena":26613,"ĠCatálogo":26614,"adÃŃa":26615,"loso":26616,"ĠInn":26617,"Ġsustituto":26618,"Ġimpactante":26619,"Ġpájaro":26620,"Ġcomplementarios":26621,"Ġavatar":26622,"Ġunánime":26623,"Ġaprendizajes":26624,"Ġescombros":26625,"Fil":26626,"Ġend":26627,"Ġdescarta":26628,"Ġerótico":26629,"ĠDependi":26630,"ĠELEC":26631,"Ġempan":26632,"Conf":26633,"Asociación":26634,"Ġésto":26635,"Ġneoliberal":26636,"Ġfestejo":26637,"ĠEDUCACIÃĵN":26638,"Ġvaloraciones":26639,"Ġecuatoriano":26640,"Ġdiligencia":26641,"Ġdeshacerse":26642,"Ġasistencias":26643,"Ġpropuestos":26644,"Sil":26645,"Ġfuncionó":26646,"Ġbarcel":26647,"Ġvencedor":26648,"Ġcontaron":26649,"Ġhispana":26650,"Ġsembrar":26651,"Ġrendición":26652,"ĠOchoa":26653,"Ġbende":26654,"ciocho":26655,"Ġsuelto":26656,"ĠCOMER":26657,"ĠMolinos":26658,"ÂĶ.":26659,"ionaje":26660,"Ġtalón":26661,"dano":26662,"ĠWell":26663,"Ġempleando":26664,"Ġcitadas":26665,"Ġpulmonar":26666,"Ġidentifican":26667,"pire":26668,"ĠPine":26669,"ĠBic":26670,"ĠRobles":26671,"Ġchaval":26672,"Ġ1200":26673,"Resulta":26674,"ĠLGB":26675,"Ġósea":26676,"ĠPáginas":26677,"ĠHem":26678,"Ġmedianoche":26679,"yd":26680,"Ġporn":26681,"Ġvoltaje":26682,"ĠPosee":26683,"ĠPolitécnica":26684,"Ġopinion":26685,"Ġcamping":26686,"Ġción":26687,"Ġratas":26688,"olution":26689,"etan":26690,"Ġraros":26691,"Ġsoltero":26692,"ugeot":26693,"ÃįCULO":26694,"Ġorales":26695,"Ġayudaron":26696,"Ġhuérf":26697,"Ofrecemos":26698,"yera":26699,"ayer":26700,"Ġalmacenados":26701,"Ġhuele":26702,"Ġtrampas":26703,"ezco":26704,"allos":26705,"ĠCajas":26706,"ĠInfin":26707,"Ġsimpático":26708,"úan":26709,"Ġconsens":26710,"ĠView":26711,"...).":26712,"Ġtraerá":26713,"categ":26714,"Ġentretener":26715,"mons":26716,"Ġinvierte":26717,"Ġmanej":26718,"ĠCOMO":26719,"ĠNep":26720,"ĠCasado":26721,"Ġrespondiendo":26722,"Ġ1961":26723,"ĠAguascalientes":26724,"ĠHarvard":26725,"Ġobligar":26726,"Taller":26727,"ĠPorta":26728,"Ġutop":26729,"Ġasignar":26730,"Ġremuner":26731,"ĠHipo":26732,"HL":26733,"ĠHER":26734,"Ġaconsejar":26735,"Ġalejarse":26736,"Ġtrágico":26737,"Ġant":26738,"Ġsignificó":26739,"Ġaminoácidos":26740,"Ġdébito":26741,"Ġmatemático":26742,"Ġ1948":26743,"ĠBarre":26744,"ĠFirefox":26745,"ĠRally":26746,"Ġimpidió":26747,"Ġcruda":26748,"Ġreanud":26749,"ĠQuiro":26750,"princip":26751,"elación":26752,"ĠBaby":26753,"ITOS":26754,"guaje":26755,"ĠescribÃŃa":26756,"Ġcarcasa":26757,"Ġorif":26758,"Ġwas":26759,"Ġvaci":26760,"Ġdistintivo":26761,"Ġabordaje":26762,"Ġpatrocinio":26763,"Ġgraduación":26764,"Ġinmersión":26765,"ĠMaxim":26766,"Ġpionera":26767,"Ġcausante":26768,"uele":26769,"Ġampliando":26770,"Ġcoser":26771,"Ġucran":26772,"ĠAlas":26773,"ĠOjo":26774,"Ġ5000":26775,"Ġdorados":26776,"ĠContinue":26777,"clopedia":26778,"Ġadquirida":26779,"ĠvalÃŃa":26780,"Ġnegativamente":26781,"Ġratones":26782,"Ġrepiten":26783,"ifican":26784,"ĠIno":26785,"Ġmonarca":26786,"Ġinteractivo":26787,"itaba":26788,"edu":26789,"Ġbiblia":26790,"Ġ2030":26791,"Ġtestamento":26792,"Ġlesionados":26793,"Ġcordero":26794,"Ġreading":26795,"bata":26796,"ñan":26797,"ĠLyn":26798,"Ġcós":26799,"ÃŃfero":26800,"ĠAlexis":26801,"room":26802,"ĠrÃŃt":26803,"Ġyacimientos":26804,"Ġconcurrencia":26805,"ĠPI":26806,"elio":26807,"ĠDió":26808,"Ġalineación":26809,"Ġcomputación":26810,"Ġcim":26811,"Ġsabios":26812,"Reuters":26813,"cf":26814,"ng":26815,"Ġsetas":26816,"fondo":26817,"Er":26818,"MOS":26819,"Ġportadas":26820,"Ġproceda":26821,"ĠRueda":26822,"ĠCama":26823,"Ġmarea":26824,"Ġencontras":26825,"ports":26826,"Ġdesaparecen":26827,"Ġprogramadas":26828,"aquÃŃ":26829,"Ġelasticidad":26830,"Ġresultando":26831,"Fer":26832,"MM":26833,"Ġintentará":26834,"Ġcomprens":26835,"FT":26836,"Ġneuronas":26837,"ĠHorizon":26838,"Ġpunk":26839,"ĠTécnicos":26840,"Ġsospechosos":26841,"Ġcositas":26842,"ĠSerena":26843,"Ġrevoluciones":26844,"ffs":26845,"Ġintolerancia":26846,"ĠBartol":26847,"Ġbeneficiario":26848,"Ġespecificar":26849,"Ġresidencias":26850,"Ġatribuciones":26851,"curo":26852,"Ġaho":26853,"Acu":26854,"Ġpida":26855,"Ġendure":26856,"Ġriqu":26857,"ponen":26858,"Ġmalague":26859,"ĠOper":26860,"Ġdesayunos":26861,"Ġconforma":26862,"Ġvotado":26863,"Ġencontraras":26864,"Ġpreferible":26865,"Ġfritas":26866,"Ġcorn":26867,"Ġcomunal":26868,"Ġapuntes":26869,"ĠOferta":26870,"Ġencomend":26871,"Ġconstar":26872,"Ġpatronal":26873,"Ġvola":26874,"Ġargentinas":26875,"Ġenganch":26876,"Ġcomunitarias":26877,"Ġrepresentativos":26878,"Ġcreadora":26879,"Ġcelebramos":26880,"Ġmamada":26881,"Ġcampamentos":26882,"Fa":26883,"Ġacantil":26884,"Ġtransformó":26885,"ĠPersona":26886,"úd":26887,"Ġcomplicados":26888,"Ġsirvan":26889,"Ġ104":26890,"Ġdelica":26891,"Ġlisa":26892,"ĠsalÃŃ":26893,"Ġtrasladados":26894,"Ġham":26895,"ĠPuesto":26896,"Ġbendiciones":26897,"Ġhelados":26898,"Ġluminosa":26899,"ĠSALUD":26900,"ulle":26901,"emex":26902,"Ġalojamos":26903,"Ġdesempleados":26904,"Solici":26905,"ILIDAD":26906,"tua":26907,"ĠHaya":26908,"Ġpodré":26909,"Vi":26910,"úas":26911,"Ġvenda":26912,"Ġrevit":26913,"ĠClima":26914,"Ġafectará":26915,"ĠConcl":26916,"med":26917,"ĠAlojamiento":26918,"Ġsinerg":26919,"Ġpagados":26920,"Ġtrasplante":26921,"Ġaprobadas":26922,"uladas":26923,"Ġrepito":26924,"gentes":26925,"ĠLectura":26926,"llev":26927,"Ġcasó":26928,"Ġcorrido":26929,"Ġrepartidos":26930,"Ġcito":26931,"ĠEugenio":26932,"ĠEnfermedades":26933,"gle":26934,"Ġcaderas":26935,"lismo":26936,"Ġrequi":26937,"ĠSUPER":26938,"æľ":26939,"Ġcontables":26940,"ĠURSS":26941,"Ġponder":26942,"ĠXP":26943,"Ġaprendió":26944,"Ġbran":26945,"ĠArn":26946,"Ġasumiendo":26947,"ĠMinister":26948,"ĠResearch":26949,"tuve":26950,"Record":26951,"Ġaleda":26952,"ARCEL":26953,"Ġdecadencia":26954,"Ġcaldera":26955,"Ġllamarse":26956,"Ġcontinuada":26957,"punto":26958,"Ġcárceles":26959,"Ġabarcar":26960,"Ġascender":26961,"Ġarrendamiento":26962,"Ġsaludar":26963,"Ġválvulas":26964,"Ġinfiel":26965,"árs":26966,"Ġsilencioso":26967,"ĠArequipa":26968,"ĠMarie":26969,"ĠMartes":26970,"atoria":26971,"Ġveneno":26972,"ĠEmerg":26973,"ĠOrdenación":26974,"Ġencla":26975,"nistÃŃa":26976,"Ġconsiga":26977,"Ġwork":26978,"entista":26979,"ĠFle":26980,"ĠXavier":26981,"Ġasambleas":26982,"ĠPropor":26983,"ĠDiscapacidad":26984,"ĠMonta":26985,"Ġlindos":26986,"Ġconsecutivas":26987,"Ġinflama":26988,"ĠconsistÃŃa":26989,"Ġvives":26990,"Ġcerebrales":26991,"Ġcomercializa":26992,"ĠMERC":26993,"ĠFrida":26994,"AllÃŃ":26995,"Ġpapás":26996,"Ġenfermeras":26997,"Ġanonima":26998,"Ġinstaladas":26999,"Ġdistribuido":27000,"Ġacuerda":27001,"Ġcompensa":27002,"Ġpsiquiá":27003,"Ġpubli":27004,"ĠSocio":27005,"Ġlocalizada":27006,"ĠISS":27007,"Ġatravesando":27008,"Ġcolágeno":27009,"Ġsl":27010,"Ġprimos":27011,"Defin":27012,"ĠIndustriales":27013,"Tele":27014,"tés":27015,"ĠInmac":27016,"Ġtejado":27017,"Ġincorporó":27018,"Ġreconozco":27019,"Ġcomplementa":27020,"ĠBec":27021,"Ġelectromagn":27022,"Ġpeatones":27023,"Ġmasivos":27024,"Ġactuó":27025,"Fre":27026,"Ġocurrieron":27027,"dese":27028,"Ġcascada":27029,"Ġgratific":27030,"Ġcubo":27031,"ĠSales":27032,"Ġparas":27033,"Ġsonda":27034,"Ġemitidos":27035,"ĠPelÃŃcula":27036,"ĠSabadell":27037,"antino":27038,"Ġwebsite":27039,"Ġescasas":27040,"Ġriguroso":27041,"ĠElo":27042,"ĠLiberación":27043,"ĠInspección":27044,"Ġconvenciones":27045,"Ġintermediarios":27046,"Ġtime":27047,"Ġcordones":27048,"ĠRemo":27049,"creen":27050,"fuer":27051,"además":27052,"Ġsexos":27053,"Ġsintético":27054,"Berry":27055,"base":27056,"ĠROM":27057,"Ġinvolun":27058,"ĠProm":27059,"Ġrenombre":27060,"HC":27061,"ambas":27062,"estamos":27063,"ĠTráfico":27064,"Ġsignificaba":27065,"Ġdesigualdades":27066,"ĠSoluciones":27067,"Ġpagas":27068,"Ġcartuchos":27069,"ĠIslámico":27070,"Ġdown":27071,"Ġcedido":27072,"âĢ³":27073,"Ġgeneralizado":27074,"Ġdividendos":27075,"Ġimportan":27076,"ĠPalabras":27077,"Ġmágicos":27078,"Che":27079,"ost":27080,"Ġandaba":27081,"Ġ}":27082,"Ġreproduci":27083,"Ġnutricionales":27084,"ĠINFORMACIÃĵN":27085,"Ġori":27086,"Ġalcantarillado":27087,"Ġdestinatario":27088,"Web":27089,"ĠGrá":27090,"иÐ":27091,"Ġempiezo":27092,"Ġanotaciones":27093,"Ġreflejos":27094,"Video":27095,"Ġgeneroso":27096,"Ġesbo":27097,"ĠmuchÃŃsima":27098,"Ġpasiva":27099,"Ġcometió":27100,"Ġcontribuyente":27101,"Aplic":27102,"Ġpolémico":27103,"ĠAthletic":27104,"Ġninos":27105,"Ġaleación":27106,"Brasil":27107,"Ġcup":27108,"Ġimparcial":27109,"layo":27110,"Ġfea":27111,"Mac":27112,"Ġcontraseñas":27113,"Ġ(@":27114,"ĠAprender":27115,"Ġreden":27116,"Ġsaldrán":27117,"kespe":27118,"Ġ210":27119,"Ġpropongo":27120,"Ġconvención":27121,"gins":27122,"Ġlicenciatura":27123,"ĠLlu":27124,"ĠVisual":27125,"ities":27126,"ĠPacheco":27127,"Ġchatear":27128,"Ġdesesta":27129,"Ġgalaxia":27130,"reci":27131,"ĠDrive":27132,"ĠExpe":27133,"Ġpeatonal":27134,"CAM":27135,"Ġseque":27136,"bonato":27137,"érgica":27138,"Ġobservamos":27139,"tualización":27140,"pona":27141,"Ġensan":27142,"Ġhabitacion":27143,"Ġpalmas":27144,"Ġfragancia":27145,"Ġapreciación":27146,"Ġcardiovasculares":27147,"Ġtaxis":27148,"Ġanestesia":27149,"guin":27150,"Ġobtenidas":27151,"Ġentenderá":27152,"Ġtrataron":27153,"ĠCad":27154,"ĠSIG":27155,"Ġdespachos":27156,"Ġcomporta":27157,"yar":27158,"Ġligas":27159,"Ġcomenzarán":27160,"Ġdurmiendo":27161,"Ġsoñado":27162,"Ġmoviendo":27163,"Ġcun":27164,"ĠGallardo":27165,"ĠCham":27166,"ĠFelici":27167,"Ġinaugura":27168,"Ġdivin":27169,"Ġatienden":27170,"Ġfacilite":27171,"Ġboxeo":27172,"Nuestras":27173,"ĠCry":27174,"ĠLondon":27175,"Ġcordob":27176,"Ġlag":27177,"horia":27178,"Orden":27179,"Ġcontrolan":27180,"Ġinvención":27181,"ĠCosas":27182,"ĠAer":27183,"Ġentendiendo":27184,"Ġdejarla":27185,"Total":27186,"Ġcomerciante":27187,"calipsis":27188,"ĠGuayaquil":27189,"ĠJimmy":27190,"ĠAsegú":27191,"ĠST":27192,"Ġtibia":27193,"Ġantivirus":27194,"Ġexitosos":27195,"JOS":27196,"Cha":27197,"Ġavanzó":27198,"Ġenvolv":27199,"onio":27200,"ĠCumpl":27201,"Ġepic":27202,"Ġverme":27203,"ideportivo":27204,"Ġsagrada":27205,"ür":27206,"Ġinsistir":27207,"Ġcuarzo":27208,"ĠmitologÃŃa":27209,"Siguiendo":27210,"Hombre":27211,"ienses":27212,"centro":27213,"ĠCarol":27214,"ĠpH":27215,"Ġimponerse":27216,"nn":27217,"ĠBorja":27218,"tética":27219,"Ġcuestionar":27220,"Ġinmune":27221,"Ġmanualmente":27222,"Fuente":27223,"ĠEast":27224,"Ġarriesgar":27225,"Ġtuyos":27226,"Ġextreme":27227,"Ġsucursales":27228,"ĠPareja":27229,"ternos":27230,"ĠKin":27231,"ĠESPAÃijA":27232,"Ġfuria":27233,"Ġcombinada":27234,"roño":27235,"ĠSolidaridad":27236,"Ġlaberinto":27237,"ĠBerm":27238,"ĠWood":27239,"ĠlegÃŃtima":27240,"ĠTw":27241,"Ġcogido":27242,"Ġbailando":27243,"ĠCum":27244,"sim":27245,"ĠLleida":27246,"zy":27247,"Ġviola":27248,"Ġhidratante":27249,"ĠØ":27250,"Ġexponencial":27251,"Ġdiligencias":27252,"dema":27253,"Ġinternacionalización":27254,"Ġalumbrado":27255,"ĠDefinición":27256,"patitis":27257,"Ġcursar":27258,"ĠQuién":27259,"ĠCola":27260,"ĠPardo":27261,"Ġcognitivo":27262,"entino":27263,"Ġmedico":27264,"ĠNay":27265,"Ġsubt":27266,"ов":27267,"Ġadoptada":27268,"Ġeludi":27269,"tegui":27270,"Ġcapilar":27271,"Ġinvolucradas":27272,"Ġdorsal":27273,"Ġcotizaciones":27274,"ĠConsorcio":27275,"Ġfollada":27276,"Ġaterrizaje":27277,"ĠVelázquez":27278,"Ġrebas":27279,"Ġperjudicial":27280,"CRIP":27281,"icida":27282,"Ġconfesión":27283,"onna":27284,"rison":27285,"Ġ123":27286,"Ġsusto":27287,"Ġoriginarios":27288,"izaba":27289,"ĠMail":27290,"ĠManhattan":27291,"Ġmontaños":27292,"juven":27293,"Ġrunning":27294,"ĠCamacho":27295,"ĠocurrÃŃa":27296,"ilaterales":27297,"Ġinexplic":27298,"ĠMIL":27299,"ĠSEN":27300,"énico":27301,"Ġfaltó":27302,"Ġdiamante":27303,"ĠcumplÃŃa":27304,"trabajo":27305,"Ġdespejado":27306,"Ġreclaman":27307,"escolar":27308,"Ġprevalencia":27309,"ĠSalida":27310,"Ġvision":27311,"Ġrespiratorias":27312,"esp":27313,"Ġparadój":27314,"Ġanuncian":27315,"Ġmuralla":27316,"Ġantenas":27317,"Ġarist":27318,"Ġreportado":27319,"Ġescuché":27320,"ĠAnimal":27321,"Ġatrevido":27322,"ĠQuir":27323,"ĠLleva":27324,"ĠvacÃŃas":27325,"Ġespecula":27326,"Ġveloz":27327,"Ġaéreos":27328,"Ġralent":27329,"Ġcalabaza":27330,"Ġjen":27331,"bian":27332,"Ġdesayunar":27333,"Port":27334,"agua":27335,"Ġtutores":27336,"Ġmoment":27337,"ĠService":27338,"Ġbó":27339,"Ġeu":27340,"Ġfranquismo":27341,"1996":27342,"Ste":27343,"Ġejerciendo":27344,"Ġespere":27345,"Agregó":27346,"ĠEléctrica":27347,"Ġencaja":27348,"ĠIll":27349,"à¤":27350,"Ġepidemia":27351,"Ġzombi":27352,"Ġmasculinos":27353,"ĠINTERNA":27354,"Ġcromos":27355,"Ġmeren":27356,"ĠDistribución":27357,"Ġamargo":27358,"ĠPintura":27359,"Ġedific":27360,"Ġescuchamos":27361,"Ġquitarle":27362,"Ġlamentó":27363,"ĠShin":27364,"Ġapego":27365,"Ġdestre":27366,"ĠAfortunadamente":27367,"tólogo":27368,"Ġnativo":27369,"Ġlavavajillas":27370,"Ġalgas":27371,"ĠAdán":27372,"Ġcapturado":27373,"ĠAcero":27374,"204":27375,"Ġcimientos":27376,"Ġlagunas":27377,"riam":27378,"Ġdañado":27379,"ĠConservación":27380,"ĠSosa":27381,"ĠCertificación":27382,"Ġparab":27383,"ĠCuán":27384,"Ġtácticas":27385,"Ġenterado":27386,"Ġrecorrió":27387,"LP":27388,"ĠSalom":27389,"mom":27390,"Ġdetective":27391,"Ġabsorbe":27392,"ĠDil":27393,"ĠInterno":27394,"Ġdialogar":27395,"Ġgemelos":27396,"Ġatletismo":27397,"Ġcabel":27398,"plicas":27399,"ĠMetodo":27400,"Ġinfluyentes":27401,"ódromo":27402,"phy":27403,"Ġrech":27404,"Ġnaranjas":27405,"ĠOlÃŃmpico":27406,"endieron":27407,"Ġestigma":27408,"opa":27409,"Ġrevisa":27410,"Ġpale":27411,"cient":27412,"Ġtrabaje":27413,"Estudio":27414,"estado":27415,"Ġtertul":27416,"ĠInteres":27417,"ĠPNV":27418,"ĠIo":27419,"Ġubican":27420,"ÃŃsticamente":27421,"ĠFigueroa":27422,"Ġlibra":27423,"ĠOFICI":27424,"Ġinsignia":27425,"ĠKate":27426,"endio":27427,"Ġfantásticos":27428,"tión":27429,"ĠPuedo":27430,"101":27431,"Ġniegan":27432,"Ġaque":27433,"ĠSantuario":27434,"ĠBOE":27435,"Ġcapricho":27436,"Ġllamaban":27437,"trituradora":27438,"Ġtoxinas":27439,"Ġconectada":27440,"ĠState":27441,"Ġresumir":27442,"ĠreferÃŃa":27443,"Ġimaginado":27444,"tems":27445,"zzo":27446,"Ġtazas":27447,"Ġrecorda":27448,"Ġsalvó":27449,"ĠTest":27450,"talm":27451,"brar":27452,"Ġia":27453,"ĠCitas":27454,"gota":27455,"Ġclimáticas":27456,"Ġnegación":27457,"Ġabandonada":27458,"ĠCreador":27459,"paje":27460,"Ġhaberme":27461,"Ġdescribió":27462,"Ġesqui":27463,"seño":27464,"Ġoportunas":27465,"Ġretrasos":27466,"Ġintegradas":27467,"Ġliderada":27468,"Ġself":27469,"Ġplaga":27470,"ulsa":27471,"activos":27472,"ceras":27473,"Ġesteril":27474,"ĠMalas":27475,"Ġseparan":27476,"Ġvocero":27477,"Ġcicatrices":27478,"ĠMand":27479,"ditas":27480,"Ġobediencia":27481,"Ġadrenalina":27482,"Ġrestaur":27483,"Ġvoluntariado":27484,"ĠSpace":27485,"Ġpresumir":27486,"ambres":27487,"interest":27488,"Ġmia":27489,"ĠDick":27490,"ĠAnaya":27491,"ĠOxford":27492,"zana":27493,"ilers":27494,"Ġmandan":27495,"control":27496,"Ġprotestar":27497,"under":27498,"éanos":27499,"Ġcomprarlo":27500,"ĠFacil":27501,"Ġaseme":27502,"And":27503,"ĠLaborales":27504,")-":27505,"Ġpicante":27506,"Ġestatuto":27507,"ĠChip":27508,"ĠAPI":27509,"Ġalleg":27510,"Ġterrestres":27511,"ámaras":27512,"ĠPÃļBL":27513,"ĠCable":27514,"estoy":27515,"Ġsábanas":27516,"ĠMC":27517,"ĠFarmacia":27518,"quese":27519,"ĠPY":27520,"Ġregulado":27521,"Ġfortalece":27522,"ĠJersey":27523,"exuales":27524,"Compra":27525,"kespeare":27526,"Ġalergia":27527,"Ġfech":27528,"emi":27529,"loma":27530,"Ġtécnicamente":27531,"Ġorganizando":27532,"ĠCorral":27533,"Ġintensivo":27534,"ĠEncuesta":27535,"ĠtÃŃos":27536,"ĠAY":27537,"Ġsolventar":27538,"Ġnicaragü":27539,"tie":27540,"Ġdimisión":27541,"Ġdiet":27542,"Ġalergias":27543,"cupa":27544,"ĠAndy":27545,"Ġdescender":27546,"Santiago":27547,"ĠViña":27548,"ĠPira":27549,"Ġapagado":27550,"Ġciudadanas":27551,"ĠMurillo":27552,"Comen":27553,"Ġcruzada":27554,"Ġatu":27555,"ĠCesar":27556,"Ġnudo":27557,"Ġvertiente":27558,"China":27559,"iqu":27560,"0000":27561,"ĠOcéano":27562,"Ġcómputo":27563,"ĠIntendente":27564,"Ġpodáis":27565,"Ġperiódica":27566,"Ġemocionado":27567,"icadas":27568,"ĠDoug":27569,"ĠlavanderÃŃa":27570,"ĠJennifer":27571,"Ġfiltración":27572,"Ġmezclan":27573,"Ġazule":27574,"Ġpreparativos":27575,"Ġempezará":27576,"Dado":27577,"Ġdejarán":27578,"Ġbromas":27579,"Ġdesconectar":27580,"mg":27581,"Ġinigualable":27582,"ĠBAN":27583,"Análisis":27584,"Ġaumente":27585,"ĠKra":27586,"Ġaportó":27587,"Ġquit":27588,"Ġclon":27589,"Ġavergon":27590,"ĠTap":27591,"ĠConsist":27592,"Ġtraslados":27593,"ĠFrancesa":27594,"Ġestrenará":27595,"Ġseguidor":27596,"ĠÃĤ":27597,"Ġsofisticado":27598,"Ġste":27599,"Ġtemáticos":27600,"Ġcastigar":27601,"Ġafin":27602,"ticen":27603,"Ġomi":27604,"Ġacogerá":27605,"Ġequipar":27606,"ĠQuil":27607,"Ġrecalcó":27608,"caciones":27609,"Ġchistes":27610,"Ġponencias":27611,"Ġinhum":27612,"Ġfuncionaria":27613,"Ġganaderos":27614,"ĠOportun":27615,"Ġblue":27616,"Ġsugerir":27617,"Ġreivindicaciones":27618,"Ġrefrescante":27619,"ència":27620,"ĠPia":27621,"ĠHat":27622,"ĠAgrupación":27623,"Ġjurada":27624,"ĠContralorÃŃa":27625,"Ġdejaban":27626,"Ġimpulsos":27627,"Ġconno":27628,"ñade":27629,"gger":27630,"Ġmarcaron":27631,"Ġmagnética":27632,"Ġhemo":27633,"Ġgrifo":27634,"Foro":27635,"Ġbue":27636,"Ġimpuestas":27637,"ominación":27638,"ĠChristop":27639,"ĠTigre":27640,"!...":27641,"Ġcaducidad":27642,"ĠBruce":27643,"izadora":27644,"Ġanalizó":27645,"Ġcolaborando":27646,"ен":27647,"Cr":27648,"ĠNevada":27649,"Ġdificulta":27650,"ĠGeografÃŃa":27651,"Ġcanario":27652,"Feliz":27653,"Ġpreventivas":27654,"Ġprocesadores":27655,"ĠEMPRESA":27656,"Ġax":27657,"Ġexitosas":27658,"Ġcarisma":27659,"VV":27660,"Ġlimitan":27661,"ĠCámaras":27662,"did":27663,"ĠAmistad":27664,"Ġidentidades":27665,"Ġparcelas":27666,"Ġosteo":27667,"ĠApenas":27668,"riguez":27669,"Ġplugin":27670,"hard":27671,"FP":27672,"uli":27673,"unk":27674,"esel":27675,"Ġlesionado":27676,"Ġarqueológico":27677,"Ġcerrajeros":27678,"tors":27679,"Ġaná":27680,"ĠRecords":27681,"ĠCES":27682,"Ġplásticas":27683,"Ġanchura":27684,"ĠEncan":27685,"Ġatacado":27686,"RS":27687,"Ġdirán":27688,"Ġcontinuos":27689,"Ġdidáctico":27690,"color":27691,"Ġcabelludo":27692,"Ġburbujas":27693,"Ġ650":27694,"Ġfacetas":27695,"abezas":27696,"ĠMÃīXICO":27697,"pina":27698,"Ġecharle":27699,"Pel":27700,"Ġinventado":27701,"Ġfarmacéutico":27702,"Página":27703,"Ġprólogo":27704,"Indic":27705,"Ġése":27706,"Ġcomprueba":27707,"facebook":27708,"Ġfomenta":27709,"ĠefÃŃm":27710,"vania":27711,"Ġcatedrático":27712,"ĠVenus":27713,"ĠPROYEC":27714,"ĠRyan":27715,"comedor":27716,"ĠGarden":27717,"IOR":27718,"ĠYO":27719,"Ġdejarnos":27720,"tizadas":27721,"Ġfianza":27722,"ĠLiz":27723,"ĠOliva":27724,"Ġisl":27725,"ĠGolden":27726,"Ġaptitudes":27727,"Ġcontrata":27728,"Ġopresión":27729,"ĠART":27730,"Ġpedirá":27731,"ĠVIS":27732,"Ġdéj":27733,"ĠNúm":27734,"ĠBosch":27735,"Ġvestida":27736,"ĠMejora":27737,"ĠAhorro":27738,"ÃįTULO":27739,"Ġpersistente":27740,"ĠalegrÃŃas":27741,"ĠMachado":27742,"Ġdetall":27743,"Ġsucesivas":27744,"Ġarqueológicos":27745,"Ġdesma":27746,"Ġtang":27747,"acta":27748,"Ġanemia":27749,"Ġdemandado":27750,"pop":27751,"Ġburocracia":27752,"unte":27753,"Ġperformance":27754,"rÃŃe":27755,"Ġangeles":27756,"isticas":27757,"Ġcolmo":27758,"Vale":27759,"Ġoficialismo":27760,"patri":27761,"Ġcontrarios":27762,"Ġpróstata":27763,"Ġfluidez":27764,"gento":27765,"ĠLibia":27766,"ĠClarÃŃn":27767,"Lee":27768,"gaban":27769,"ĠEslo":27770,"ĠEnvÃŃo":27771,"Ġclav":27772,"Ġenvej":27773,"ĠRGB":27774,"ĠAlcor":27775,"Ġanimaciones":27776,"Ġdamn":27777,"Ġcapacitados":27778,"ĠMD":27779,"Ġdescol":27780,"Ġceremonias":27781,"iley":27782,"Ġpostales":27783,"Ġsimbólica":27784,"ĠLinked":27785,"ĠConec":27786,"Ġabejas":27787,"chel":27788,"ĠEucaristÃŃa":27789,"Ġsuscribir":27790,"ĠMate":27791,"Pablo":27792,"bitros":27793,"Ġapoyó":27794,"adona":27795,"Ġnumeral":27796,"Ġparecidas":27797,"ĠVivir":27798,"Ġesclavo":27799,"Ġvalidación":27800,"John":27801,"Ġporcelana":27802,"Ġelemental":27803,"Ġrevisado":27804,"Ġparámetro":27805,"rigo":27806,"Ġcirug":27807,"ĠAurora":27808,"Ġbuffet":27809,"ĠMexicanos":27810,"Ġmotivaciones":27811,"ĠAA":27812,"ĠJapon":27813,"Ġservirán":27814,"ICIÃĵN":27815,"Ġum":27816,"ĠAnderson":27817,"Ġmédula":27818,"Ġalambre":27819,"Ġhidráulica":27820,"Ġblock":27821,"Ġpredicciones":27822,"abi":27823,"Ġsoldadura":27824,"idable":27825,"Ġindicadas":27826,"ĠPantal":27827,"fón":27828,"Ġmolecular":27829,"zán":27830,"Ġdiscoteca":27831,"ĠSantÃŃsima":27832,"Ġquitó":27833,"ĠDuero":27834,"ĠGrey":27835,"Ġpioneros":27836,"Ġincorporarse":27837,"FIN":27838,"acÃŃ":27839,"Ġmorada":27840,"Ġsonriendo":27841,"Ġcorrectos":27842,"Ġrelató":27843,"ĠAcadémico":27844,"ĠBetis":27845,"ĠTraducción":27846,"fle":27847,"ĠCach":27848,"Ġéticos":27849,"ĠKennedy":27850,"Ġcuen":27851,"ĠcarrocerÃŃa":27852,"Ġleemos":27853,"Ġ106":27854,"Ġrepetidas":27855,"Ġnavideñas":27856,"Ġcabra":27857,"Ġmanager":27858,"Ġcomplicadas":27859,"Ġdinosaurios":27860,"Ġyeso":27861,"Ġhomicidios":27862,"Ġcogiendo":27863,"amental":27864,"Ġfluidos":27865,"icidas":27866,"CaracterÃŃsticas":27867,"Ġaustraliano":27868,"ving":27869,"Ġbrisa":27870,"ĠSpain":27871,"izarro":27872,"Ġartefactos":27873,"ĠFashion":27874,"Ġsumas":27875,"ĠConver":27876,"Ġdesplegar":27877,"Ġhob":27878,"Ġpregunte":27879,"Ġdeterminará":27880,"Ġconcebir":27881,"Ġmercad":27882,"Ġlocaliza":27883,"ĠiT":27884,"ĠSup":27885,"dian":27886,"%;":27887,"ĠEspinosa":27888,"Ġúl":27889,"ĠIberia":27890,"Ġcomparecencia":27891,"Ġrevivir":27892,"Ġgrup":27893,"Ġcontengan":27894,"ĠINTRODUCCIÃĵN":27895,"ĠPrincesa":27896,"ĠDell":27897,"alapa":27898,"ĠGem":27899,"Ġhinch":27900,"ĠJardines":27901,"Ġhidromasaje":27902,"Ġbrindó":27903,"Ġcomponer":27904,"Ġlargometraje":27905,"Ġprivatización":27906,"ĠLet":27907,"guilas":27908,"Ġguiadas":27909,"zuelo":27910,"Ġalmor":27911,"Ġtelevisiva":27912,"ĠAdicionalmente":27913,"zuela":27914,"Ġcráneo":27915,"Ġgeneren":27916,"ĠParedes":27917,"Ġescalar":27918,"Ġforro":27919,"Comer":27920,"Bal":27921,"Ġaumentará":27922,"Ġreivindicación":27923,"onés":27924,"Ġsolista":27925,"bete":27926,"rieta":27927,"tives":27928,"Ñĩ":27929,"Ġhamburguesas":27930,"Ġtuviese":27931,"ĠPrieto":27932,"ĠNin":27933,"ĠKal":27934,"Ġelectri":27935,"Ġreforzado":27936,"Ġfacilitados":27937,"Ġpresupuestaria":27938,"Ġmixto":27939,"Ġdescontento":27940,"Ġtuvi":27941,"Ġdual":27942,"Ġformula":27943,"Ġaspirar":27944,"Ġmicroorganismos":27945,"Ġimped":27946,"ĠsalÃŃan":27947,"Ġoptó":27948,"Ġreservada":27949,"ACA":27950,"Ġcualificados":27951,"Ġalfombras":27952,"Varios":27953,"more":27954,"ĠPozo":27955,"GI":27956,"Ġleones":27957,"Ġvisibil":27958,"ipú":27959,"Ġarrastrar":27960,"Ġdigitalización":27961,"Ġdale":27962,"pea":27963,"Ġconstruidas":27964,"Ġconfiesa":27965,"wall":27966,"Ġprocurar":27967,"Ġeras":27968,"Ġheter":27969,"ĠValdi":27970,"orrupción":27971,"ĠHabitaciones":27972,"ĠcomisarÃŃa":27973,"ĠBrigada":27974,"Promo":27975,"Ġdecorativo":27976,"Ġgrabó":27977,"Ġfrancesas":27978,"ĠSON":27979,"ĠâĢķ":27980,"Ġenchu":27981,"ĠestÃĥ":27982,"ili":27983,"Ġanonimato":27984,"ciudad":27985,"Ġtratos":27986,"Ġdisminuido":27987,"ĠHiper":27988,"Ġliso":27989,"Ġpasteles":27990,"Ġconcern":27991,"TÃŃtulo":27992,"Ġtranspira":27993,"Ġsco":27994,"Ġinsoportable":27995,"UPO":27996,"Ġbut":27997,"Ġimprenta":27998,"Ġdesconocen":27999,"Ġcocinero":28000,"Ed":28001,"ĠBaños":28002,"Ġpelotas":28003,"tail":28004,"Ġhex":28005,"ĠArgel":28006,"inastÃŃa":28007,"ĠPAL":28008,"cillerÃŃa":28009,"Alguna":28010,"Ġcrezca":28011,"Ġapoyada":28012,"WS":28013,"Ġ($":28014,"Ġconviven":28015,"ialis":28016,"Ġilus":28017,"Ġpresenciales":28018,"Ġcasados":28019,"ensores":28020,"ĠEstructura":28021,"Ġetern":28022,"Ġcumplirse":28023,"Ġparticularidades":28024,"Ġbené":28025,"TIA":28026,"gibre":28027,"Ġimpermeable":28028,"ĠCientÃŃfica":28029,"acatecas":28030,"Ġcapitan":28031,"ĠImpacto":28032,"Ġpelir":28033,"Continu":28034,"Ġinterminable":28035,"Ġcasinos":28036,"Ġdesacuerdo":28037,"Ġcarcel":28038,"Ġadquisitivo":28039,"ĠCafe":28040,"ĠLegan":28041,"urdes":28042,"ĠSebastian":28043,"ĠLeyes":28044,"étrica":28045,"Ġdesgraciadamente":28046,"Ġaseguradoras":28047,"ĠHacia":28048,"ĠcurrÃŃculo":28049,"Ġtransitar":28050,"Ġmejore":28051,"Ġviolentas":28052,"ĠTara":28053,"Ġcomercializar":28054,"ĠXiaomi":28055,"Ġcargados":28056,"Ġsentenció":28057,"Ġhumildes":28058,"vergadura":28059,"Ġagresor":28060,"fet":28061,"facto":28062,"Ġrusas":28063,"Ġinsignific":28064,"Villa":28065,"Ġrespetuoso":28066,"GM":28067,"ĠIngles":28068,"Ġemisor":28069,"Ġandroid":28070,"Ġdestrezas":28071,"Ġdaré":28072,"Ġmáscaras":28073,"Ġvalla":28074,"6433":28075,"Be":28076,"Ġservicial":28077,"Ġcapturas":28078,"Ġsupondrá":28079,"Ġempobre":28080,")?":28081,"ĠTenis":28082,"Ġsentirte":28083,"Ġanticipada":28084,"ĠSpider":28085,"cuán":28086,"omasa":28087,"ĠABS":28088,"ĠSQL":28089,"brecht":28090,"Ġocupantes":28091,"Ġfusil":28092,"May":28093,"Ġcascos":28094,"mara":28095,"ucal":28096,"ĠGP":28097,"ĠVallejo":28098,"Ġobstacul":28099,"Ġdetenida":28100,"Ġdesignar":28101,"filia":28102,"Dirección":28103,"Ġreve":28104,"Ġtriang":28105,"Ġespontánea":28106,"Ġrigidez":28107,"Ġfaena":28108,"Ġfontanero":28109,"Ġresonancia":28110,"MON":28111,"Ġjaula":28112,"Ġcostoso":28113,"zará":28114,"Tipo":28115,"ĠPá":28116,"Ġministerios":28117,"CED":28118,"Ġcompletó":28119,"ĠEspecialista":28120,"PAN":28121,"ĠCCOO":28122,"Ġveintena":28123,"ĠColegios":28124,"ARCELONA":28125,"Ġmultim":28126,"Diseñ":28127,"Ġconmemorar":28128,"inamos":28129,"ped":28130,"Ġdirectivas":28131,"Ġpusimos":28132,"Ġalla":28133,"ĠAcompañ":28134,"Ġfundas":28135,"Mol":28136,"Ġentres":28137,"rolet":28138,"ĠNeymar":28139,"town":28140,"ĠmonarquÃŃa":28141,"Ġgela":28142,"Ġsoberano":28143,"Ġdiferenciación":28144,"Ġacelerado":28145,"Ġintemp":28146,"ĠconocÃŃan":28147,"ism":28148,"Ġsemá":28149,"Ġemotivo":28150,"Ġprestando":28151,"Ġideológico":28152,"ĠPontificia":28153,"ciso":28154,"quitas":28155,"Ġsalvado":28156,"Ġhomosexualidad":28157,"cleros":28158,"Ġnaval":28159,"ĠTradi":28160,"clipse":28161,"Ġprorro":28162,"ĠMiembro":28163,"Ġrealizo":28164,"ĠenvÃŃe":28165,"Ġceldas":28166,"ĠSando":28167,"Ġelaboradas":28168,"ancy":28169,"Ġenlaz":28170,"Ġanos":28171,"itarra":28172,"Ġaplicados":28173,"dán":28174,"urÃŃ":28175,"Ġdesesperada":28176,"Ġfarmacéutica":28177,"ĠïĤ·":28178,"ĠDanilo":28179,"Ġcondenó":28180,"ĠisraelÃŃes":28181,"ĠTable":28182,"ĠSangre":28183,"Ġtregua":28184,"lanes":28185,"Ġinsomnio":28186,"ĠBros":28187,"ĠCheca":28188,"ĠgeometrÃŃa":28189,"Ġpasarlo":28190,"Ġenvergadura":28191,"Ġdieciocho":28192,"Ġubicaciones":28193,"Ġproporcionada":28194,"ĠBand":28195,"Ġencontrarnos":28196,"Debe":28197,"ĠAdemas":28198,"ĠAlh":28199,"ĠSonia":28200,"Ġpatata":28201,"Ġencargará":28202,"alimentación":28203,"Ġnulo":28204,"Adi":28205,"ĠWo":28206,"Ġcomprue":28207,"Ġcachorro":28208,"Ġagilizar":28209,"cienden":28210,"Ġgrupal":28211,"ĠTaiw":28212,"ĠSwitch":28213,"Ġcompañia":28214,"Ġdominado":28215,"Ġdialéc":28216,"Ġgene":28217,"ĠRC":28218,"Ġcasting":28219,"Ġcapo":28220,"ĠColombiana":28221,"ĠFÃŃs":28222,"ĠAndorra":28223,"Ġburla":28224,"ecidas":28225,"Ġregaló":28226,"Ġsonoro":28227,"ĠMatt":28228,"Ġvejez":28229,"Ġunica":28230,"Ġcelebraron":28231,"Ġdemocráticas":28232,"Ġlamenta":28233,"Imag":28234,"Ġcuriosidades":28235,"Ġpirata":28236,"Ġambulancia":28237,"Ġalejados":28238,"Ġunieron":28239,"Ġanónimo":28240,"Ġpalanca":28241,"Ġcombinando":28242,"ĠperÃŃmetro":28243,"Ġriendas":28244,"cimos":28245,"ĠBlu":28246,"Ġcilindro":28247,"Ġcancer":28248,"Ġbuses":28249,"Ġdeficiencia":28250,"Ġjesu":28251,"inv":28252,"inista":28253,"Ġfana":28254,"ĠSAT":28255,"Ġparadero":28256,"credi":28257,"ĠâĻ":28258,"ĠEspino":28259,"Ġcontarán":28260,"Ġrepresentó":28261,"ĠDetalles":28262,"ĠhÃŃbrido":28263,"Ġresiste":28264,"Ġemiten":28265,"ĠharÃŃan":28266,"tlán":28267,"ĠCooper":28268,"Ġpracticando":28269,"ĠMáquina":28270,"Diario":28271,"Ġ1955":28272,"Ġrecarga":28273,"Ġiniciarse":28274,"hoto":28275,"ĠOrganismo":28276,"Ġhabrás":28277,"Ġaza":28278,"Ġheteros":28279,"Ġpertenencias":28280,"iloto":28281,"Ġbuscaban":28282,"Ġiluminar":28283,"Ġcuriosamente":28284,"Ġperpetua":28285,"Ġparaguas":28286,"gne":28287,"Inv":28288,"Ġmarcadas":28289,"Ġresidenciales":28290,"dere":28291,"inga":28292,"Ġapariciones":28293,"ferir":28294,"Ġdestacaron":28295,"uster":28296,"Ġhubiere":28297,"Ġbrotes":28298,"Ġexplicaba":28299,"Ġdesarrollador":28300,"Ġexh":28301,"ecerá":28302,"Ġotorgamiento":28303,"Ġelástica":28304,"Ġpensarlo":28305,"Ġlimite":28306,"cimo":28307,"Ġpastilla":28308,"Ġgenerosa":28309,"amaño":28310,"Ġalargar":28311,"ĠATP":28312,"mex":28313,"Ġpenúlti":28314,"Ġpreocupada":28315,"Ġdilema":28316,"Ġsupere":28317,"Ġparticularidad":28318,"Ġascendente":28319,"ĠSituado":28320,"Donde":28321,"ço":28322,"ĠVillarreal":28323,"ĠScar":28324,"Estado":28325,"Ġconju":28326,"LL":28327,"ĠVillas":28328,"ĠKg":28329,"Ġlangos":28330,"Ġadaptadas":28331,"Ġfacilit":28332,"Ġdefraud":28333,"GC":28334,"ĠToluca":28335,"Ġcontrac":28336,"ĠAwards":28337,"ĠFR":28338,"deramiento":28339,"Ġfelicito":28340,"euro":28341,"enn":28342,"Ġvalenciana":28343,"Ġardiente":28344,"ĠSound":28345,"Ġtelevisores":28346,"ĠForal":28347,"Ġprotected":28348,"Ġsingulares":28349,"Ġindependentistas":28350,"Efec":28351,"abro":28352,"Ġpodcast":28353,"Ġdescubrimos":28354,"ĠExtraord":28355,"ĠSatan":28356,"coso":28357,"Ġdeline":28358,"iladel":28359,"Manuel":28360,"ĠReferencia":28361,"ĠPekÃŃn":28362,"Ġerupción":28363,"deremos":28364,"ĠPhotoshop":28365,"Ġaseguradora":28366,"Puedo":28367,"laza":28368,"Ġterminamos":28369,"Ġincrust":28370,"Ġvisitaron":28371,"ĠSkype":28372,"Ġmaldición":28373,"Ġarchipiélago":28374,"Ġpierdan":28375,"Ġposgrado":28376,"Ġjugaron":28377,"Ġdemor":28378,"alias":28379,"Ġenajen":28380,"ĠDIA":28381,"Ġconfiere":28382,"especialmente":28383,"ĠVAN":28384,"Ġsilvestre":28385,"gasta":28386,"Ġpaisaj":28387,"Ġpreguntamos":28388,"Ġobtendrá":28389,"Ġcontaban":28390,"Ġcala":28391,"aut":28392,"Ġsantander":28393,"ĠAbre":28394,"Ġaniquil":28395,"Ġcig":28396,"ĠlÃŃquida":28397,"ejil":28398,"ĠAnn":28399,"Ġhaberle":28400,"ezo":28401,"Ġpenetrar":28402,"rosis":28403,"ĠWik":28404,"Ġmencionan":28405,"ormales":28406,"Ġvendrán":28407,"Ġsótano":28408,"ĠAdultos":28409,"ĠPier":28410,"Ġenfrentado":28411,"Ġviera":28412,"ĠLeopol":28413,"Ġtópicos":28414,"ĠDOMINGO":28415,"ied":28416,"Ġcomplica":28417,"Ġtortilla":28418,"Ġenvuelve":28419,"Ġinterrogantes":28420,"Ġome":28421,"ĠTVE":28422,"Ġdobla":28423,"Ġalimentan":28424,"ĠcaracterÃŃsticos":28425,"VAR":28426,"Ġcarib":28427,"Ġflorales":28428,"Ġproposición":28429,"Ġfiloso":28430,"ful":28431,"Ġcallar":28432,"después":28433,"Ġmeridi":28434,"Ġmotivar":28435,"Ġperciben":28436,"Ġheb":28437,"Ġofrenda":28438,"CategorÃŃas":28439,"Ġconectan":28440,"CAS":28441,"DH":28442,"Ġword":28443,"ĠcaÃŃa":28444,"Ġobligadas":28445,"Ġayudarme":28446,"Ġconspiración":28447,"Ġdeliciosas":28448,"ĠDicen":28449,"ĠGobiernos":28450,"Ġseducir":28451,"Ġdestruye":28452,"Ġestrib":28453,"IDAS":28454,"Ġproporcionados":28455,"ĠJuventus":28456,"Ġiso":28457,"dorf":28458,"Ġrasgo":28459,"ĠDocumento":28460,"ĠRossi":28461,"ĠTECN":28462,"Ġseñas":28463,"Ġdebutó":28464,"ĠSexual":28465,"books":28466,"ĠHispano":28467,"Har":28468,"ĠPiz":28469,"ĠGall":28470,"Ġrecurrentes":28471,"ĠQueen":28472,"ĠFoo":28473,"ĠArts":28474,"icarbonato":28475,"Ġcacer":28476,"veras":28477,"Ġmillonario":28478,"talos":28479,"Ġgrietas":28480,"Ġcualificado":28481,"Quizá":28482,"out":28483,"Ġtun":28484,"Ġarmamento":28485,"ientan":28486,"varo":28487,"Ġ1080":28488,"Ġcapitalistas":28489,"Ġoperado":28490,"Ġ*****":28491,"ĠLittle":28492,"ĠteologÃŃa":28493,"uyeron":28494,"Ġfaculta":28495,"ĠSporting":28496,"ĠNoel":28497,"Ġpienses":28498,"Ġinevitablemente":28499,"dimensional":28500,"ĠVladimir":28501,"Ġalegres":28502,"Ġdesconcer":28503,"Ġpavimento":28504,"OK":28505,"Ġextrava":28506,"TANTE":28507,"Ġalaban":28508,"pulco":28509,"ĠloterÃŃa":28510,"Ġruina":28511,"Ġacidez":28512,"ĠEscribir":28513,"Ġderre":28514,"ĠMajestad":28515,"kt":28516,"Ġgallega":28517,"tori":28518,"Ġover":28519,"Tema":28520,"Ġhúmeda":28521,"Ġdecepcion":28522,"Em":28523,"ango":28524,"ĠMartha":28525,"onic":28526,"Ġfantásticas":28527,"ĠMapa":28528,"monte":28529,"ĠAirlines":28530,"ieblas":28531,"Ġ1957":28532,"online":28533,"Ġmejillas":28534,"ĠThom":28535,"Ġfaciales":28536,"Ġahorra":28537,"ĠLorena":28538,"Ġexistió":28539,"ĠSantana":28540,"Ġdenuncian":28541,"Ġorganizacional":28542,"Trabajo":28543,"ĠDá":28544,"Ġfármaco":28545,"ĠCarrasco":28546,"Ġbenefician":28547,"Ġdelincuente":28548,"Ġalcohólicas":28549,"ĠRevolucionario":28550,"ĠBras":28551,"uello":28552,"QD":28553,"ĠDisponemos":28554,"cesos":28555,"kaia":28556,"Ġteatros":28557,"Ġibérico":28558,"Ġefectuada":28559,"ĠSitios":28560,"Fernando":28561,"Ġestéticos":28562,"Ġbrasileños":28563,"ĠmarÃŃtima":28564,"Ġdetuvieron":28565,"Ġdecisiva":28566,"Ġconcord":28567,"Ġonc":28568,"ĠPHP":28569,"Ġdijimos":28570,"Ġfiables":28571,"ĠAyala":28572,"Ġadversario":28573,"ĠDurán":28574,"Ġcauce":28575,"Ġplaceres":28576,"ĠsintonÃŃa":28577,"Ġvicios":28578,"ĠMucha":28579,"kinson":28580,"Ġdespach":28581,"gés":28582,"endientes":28583,"kee":28584,"ĠContinu":28585,"ĠMoon":28586,"Ġzanahoria":28587,"Ġalmacena":28588,"Ġbb":28589,"toso":28590,"ĠAH":28591,"Ġinfal":28592,"Ġordenanza":28593,"Ġprudente":28594,"Ġconfirmada":28595,"Ġserenidad":28596,"Ġestupe":28597,"ĠCordero":28598,"Ġreconociendo":28599,"evales":28600,"Nombre":28601,"atlón":28602,"ĠTún":28603,"teralmente":28604,"Ġsaltó":28605,"Ġflamante":28606,"Ġcalzada":28607,"Mad":28608,"Ġprudencia":28609,"Ġpianista":28610,"ĠTerror":28611,"Hor":28612,"Ġdespertado":28613,"ining":28614,"Ġcoordinada":28615,"Ġdedico":28616,"Ġnike":28617,"ĠDefensorÃŃa":28618,"Ġátomos":28619,"Ġenro":28620,"bÃŃ":28621,"Ġcentran":28622,"Ġdeco":28623,"ground":28624,"Ġsubsan":28625,"Ġocultas":28626,"Ġasignados":28627,"Ġvillas":28628,"ĠCien":28629,"anamente":28630,"Ġreinos":28631,"piter":28632,"ĠBanca":28633,"Ġagarrar":28634,"Ġexperimentando":28635,"antas":28636,"Ġtelevisivo":28637,"ĠfrigorÃŃfico":28638,"ĠDERE":28639,"Ġâ":28640,"Ġpuntaje":28641,"Ġoz":28642,"ĠrecibÃŃa":28643,"Ġaprecio":28644,"ĠCuevas":28645,"Ġembu":28646,"elet":28647,"ĠEV":28648,"Ġempleadas":28649,"Ġsangrado":28650,"indic":28651,"ĠLé":28652,"ĠiTunes":28653,"tepec":28654,"Ġintervenido":28655,"Ġharto":28656,"Ġpatrocinadores":28657,"Ġpatin":28658,"Ġsabrás":28659,"Cual":28660,"inaba":28661,"Ġpoker":28662,"Ġpremiado":28663,"Ġpreferida":28664,"CIS":28665,"łĢ":28666,"Ġinstructor":28667,"centes":28668,"Ġconsecuente":28669,"Ġdegustación":28670,"ĠFi":28671,"Ġambientación":28672,"Ġarroyo":28673,"Ġreproducciones":28674,"Ġinterviene":28675,"Ġigualar":28676,"ĠMonts":28677,"Ġcondominio":28678,"ĠPRODUC":28679,"ĠLargo":28680,"ĠTas":28681,"Ġport":28682,"---":28683,"Ġfeministas":28684,"Ġkilogramos":28685,"Ġnano":28686,"Ġdesigna":28687,"ĠNegocio":28688,"Ġhemisferio":28689,"ĠolÃŃmpico":28690,"ĠPich":28691,"SerÃŃa":28692,"Ġmatado":28693,"Ġcarteras":28694,"Ġpolaco":28695,"Ġválidos":28696,"Ġdesventajas":28697,"Ġhemorrag":28698,"!âĢĿ.":28699,"ĠcreÃŃdo":28700,"Ġperforación":28701,"onder":28702,"Ġinhal":28703,"Ġsustituye":28704,"indle":28705,"llam":28706,"Ġutilizaba":28707,"Ġcomprensible":28708,"Ġ175":28709,"ĠMorgan":28710,"Ġprever":28711,"Ġofrecerán":28712,"Ġcontinuarán":28713,"iji":28714,"dirección":28715,"feria":28716,"Ġcompatriotas":28717,"Ġaccionista":28718,"Sigue":28719,"ĠFuera":28720,"SP":28721,"ĠExpres":28722,"Ġatrapados":28723,"view":28724,"Ġtierno":28725,"ĠHablamos":28726,"Ġdevenir":28727,"ĠaverÃŃa":28728,"ienten":28729,"Ġconcejala":28730,"NG":28731,"avi":28732,"Ġchalet":28733,"blado":28734,"ĠDependiendo":28735,"ĠBin":28736,"Ġnobleza":28737,"Ġinformando":28738,"Ġexistencias":28739,"Ġllegados":28740,"ĠClasificación":28741,"ĠAgropecu":28742,"Ġdesarrollarán":28743,"ĠJuntos":28744,"RT":28745,"Ġcumplieron":28746,"Ġgenero":28747,"Ġmafia":28748,"ĠEnv":28749,"kov":28750,"Ġcertificada":28751,"Ġconson":28752,"ĠOrganiza":28753,"bps":28754,"Ġmatando":28755,"Ġcesar":28756,"odo":28757,"xicación":28758,"Ġexcluidos":28759,"Ġtesor":28760,"IZA":28761,"ĠSand":28762,"Ġaguacate":28763,"Ġbotán":28764,"Ġligados":28765,"ĠAven":28766,"Ġacuario":28767,"Fal":28768,"Ġgrama":28769,"ĠAntropologÃŃa":28770,"Ġsalariales":28771,"Ġenviaremos":28772,"ĠDATOS":28773,"EMOS":28774,"Ġautonómicas":28775,"Ġcohesión":28776,"ILI":28777,"Ġcirculan":28778,"Ġyihad":28779,"Ġperfumes":28780,"puso":28781,"Ġelástico":28782,"ĠCreemos":28783,"ARROL":28784,"Ġfeb":28785,"Precisamente":28786,"ĠIndias":28787,"Ġespionaje":28788,"Ġexistiendo":28789,"ĠZamb":28790,"ĠClases":28791,"fren":28792,"Ġdictada":28793,"Ġhala":28794,"ivia":28795,"ĠLenin":28796,"ĠGuinea":28797,"Ġhablaban":28798,"OMBRE":28799,"Ġcivilizaciones":28800,"ĠRefug":28801,"mez":28802,"Juego":28803,"ĠSav":28804,"Ġtrago":28805,"Ġbitcoin":28806,"ĠBC":28807,"ĠSOCIAL":28808,"ĠCuesta":28809,"Ġmovido":28810,"Ġconsideren":28811,"Ġpodes":28812,"ĠCampeón":28813,"Ġsupervisar":28814,"Ġeyac":28815,"âĢ²":28816,"ĠTito":28817,"tiempos":28818,"äº":28819,"ĠPrivada":28820,"Ġsubmarino":28821,"Ġestira":28822,"eciera":28823,"Ġculminó":28824,"orización":28825,"Ġmigratoria":28826,"Ġfiltraciones":28827,"Ġfracasos":28828,"Ġfestejar":28829,"Ġconfesar":28830,"ĠShakespeare":28831,"Ġlona":28832,"ĠLL":28833,"ERIA":28834,"ĠIk":28835,"Ġpreceptos":28836,"Ġfuncionado":28837,"Ġcomentan":28838,"Ġpropagación":28839,"ĠAñadir":28840,"ayuda":28841,"Ġcuanta":28842,"Ġpisar":28843,"tainment":28844,"Ġaras":28845,"Ġinterpretada":28846,"ĠsanguÃŃneos":28847,"ĠArchivos":28848,"ĠNinguna":28849,"Ġbár":28850,"Ġpescar":28851,"Ġplátano":28852,"Ġvertebral":28853,"ĠPROGRAMA":28854,"Ġproporcionará":28855,"flu":28856,"ĠmamÃŃferos":28857,"Ġvom":28858,"Ġredactar":28859,"Ġfresas":28860,"istem":28861,"ĠCanon":28862,"Ġcóctel":28863,"Ġcomensales":28864,"Ġreproduce":28865,"Ġpirámide":28866,"Ġandadura":28867,"ĠChur":28868,"Ġrefuerzos":28869,"Ġencontrarlo":28870,"tizo":28871,"ĠRetiro":28872,"Ġfisio":28873,"ĠCapilla":28874,"Ġagregando":28875,"Ġgerencia":28876,"1994":28877,"Ġbolivianos":28878,"Ġcuat":28879,"Ġcompacta":28880,"Ġapta":28881,"Ġpresentador":28882,"Ġmundialmente":28883,"enovela":28884,"Ġusur":28885,"Ġsanas":28886,"Ġdistorsion":28887,"Ġrecomendados":28888,"vd":28889,"Ġplanear":28890,"Ġhipote":28891,"bury":28892,"Ġapasiona":28893,"ĠOsorio":28894,"ruguaya":28895,"Ġcontroladores":28896,"Ġcariñosa":28897,"feos":28898,"ĠEinstein":28899,"ĠNeo":28900,"Ġlanzan":28901,"Ġsometidas":28902,"Ġadversas":28903,"ĠEje":28904,"Ġvestidor":28905,"jemplos":28906,"ĠAquellos":28907,"ternas":28908,"page":28909,"Ġexigiendo":28910,"Ġconvenga":28911,"tidora":28912,"Ġalgoritmos":28913,"Ġinfusión":28914,"ĠepÃŃ":28915,"Sam":28916,"tijo":28917,"isima":28918,"ĠFreud":28919,"ĠNigeria":28920,"tinales":28921,"Ġcomplacer":28922,"ĠHOR":28923,"Ġsignifican":28924,"Ġevolucionando":28925,"Observ":28926,"vÃŃn":28927,"Ġresultará":28928,"tológicas":28929,"Tel":28930,"Ġperra":28931,"Ġcás":28932,"ĠHecho":28933,"Ġmentalmente":28934,"Ġperdonar":28935,"etano":28936,"uladores":28937,"ĠDestac":28938,"1000":28939,"ĠConv":28940,"Ġadoración":28941,"ĠParticip":28942,"Ġparó":28943,"ñeta":28944,"ÃŃpro":28945,"Ġcontrasta":28946,"teando":28947,"mercado":28948,"ĠMáximo":28949,"Aprovech":28950,"ionada":28951,"positivo":28952,"Ġocular":28953,"Ġdesemboc":28954,"ĠÑģ":28955,"Ãľ":28956,"ofici":28957,"Ġmultimillon":28958,"Ġcibern":28959,"exper":28960,"ĠMonasterio":28961,"Ġselectivo":28962,"Ġtemblor":28963,"Ġsalgo":28964,"ĠVEN":28965,"ĠpertenecÃŃa":28966,"Ġportafolio":28967,"Ġfenomenal":28968,"buena":28969,"click":28970,"Ġ111":28971,"Ġafecciones":28972,"Ġanunciantes":28973,"ĠleÃŃa":28974,"Ġobservador":28975,"Ġnarices":28976,"Just":28977,"Ġmesti":28978,"Ġlámina":28979,"Ġfabricadas":28980,"Ġdiverso":28981,"Ġcolombianas":28982,"Ġcue":28983,"ĠAlfa":28984,"ciòn":28985,"Ġoscil":28986,"Ġdesconocidas":28987,"Ġcreces":28988,"ĠIntelectual":28989,"Ġsuenan":28990,"Ġbienvenido":28991,"Ġbalcones":28992,"Ġinterroga":28993,"doy":28994,"Ġburocr":28995,"crÃŃ":28996,"Ġtambor":28997,"wen":28998,"ĠMaratón":28999,"Ġdiesel":29000,"ográfico":29001,"ĠBlackBerry":29002,"Ġimplementa":29003,"Ġdiscreta":29004,"ĠCusco":29005,"Ġabro":29006,"ĠAuditorÃŃa":29007,"Ġcoque":29008,"ĠBeltrán":29009,"Ġtenencia":29010,"Ġdemostraron":29011,"Nav":29012,"Ġgobierna":29013,"Ġlanzando":29014,"Ġaceptando":29015,"ĠComprom":29016,"Ġempujar":29017,"Ġreleg":29018,"ĠDD":29019,"Ġtendido":29020,"Ġperonismo":29021,"Ġsantidad":29022,"Ġimplac":29023,"Ġmascarilla":29024,"Gonz":29025,"Ġpower":29026,"ĠSuite":29027,"Ġtacos":29028,"Ġtenes":29029,"ĠHabitación":29030,"Ġsellado":29031,"gus":29032,"tini":29033,"Ġescru":29034,"vivencia":29035,"Ġevoc":29036,"Ġcrueldad":29037,"gana":29038,"ĠBenjamÃŃn":29039,"ĠRazón":29040,"ĠRecientemente":29041,"Ġintegrarse":29042,"Ġalejada":29043,"ĠMoy":29044,"vedades":29045,"ĠColon":29046,"ĠPatronato":29047,"Ġcerraron":29048,"Ġdecretos":29049,"ĠDinero":29050,"Ġterapéutica":29051,"ylon":29052,"Ġnicho":29053,"ajajaja":29054,"Ġverga":29055,"ĠTesis":29056,"Ġasequibles":29057,"Ġépica":29058,"Ġrotos":29059,"Ġasentamiento":29060,"ĠManif":29061,"Ġabarcan":29062,"ricense":29063,"éndolos":29064,"Salud":29065,"Ġexcre":29066,"Ġconcient":29067,"¡¡¡":29068,"rop":29069,"Ġdespropor":29070,"ĠposeÃŃa":29071,"Ġbin":29072,"ĠRita":29073,"Ġdióxido":29074,"Ġviñedos":29075,"Ġinsistencia":29076,"Ġgolp":29077,"Ġcocido":29078,"Ġintriga":29079,"ĠBernabé":29080,"110":29081,"Ġemin":29082,"racle":29083,"Ġenviaron":29084,"utación":29085,"Ġaltavoz":29086,"Ġinalámbrico":29087,"Ġrezar":29088,"Ġderivar":29089,"Trad":29090,"Ġindex":29091,"Venezuela":29092,"liber":29093,"ĠEndesa":29094,"Ġaeronave":29095,"Ġencajar":29096,"ĠCarri":29097,"Ġcapucha":29098,"Ġcostera":29099,"ĠCoco":29100,"ĠLEY":29101,"ĠVodafone":29102,"ĠBartolomé":29103,"tarle":29104,"TAC":29105,"js":29106,"ásicos":29107,"Ġpatrulla":29108,"Ġmacroecon":29109,"Ġbatido":29110,"Detal":29111,"ĠArtic":29112,"ĠOlga":29113,"ozca":29114,"Ġnovedosa":29115,"uerpos":29116,"?!":29117,"ĠCierre":29118,"ĠOld":29119,"ĠAgencias":29120,"Ġlistados":29121,"Ġcómplice":29122,"Ġ×":29123,"Ġrondas":29124,"Ġprofundidades":29125,"ĠastrologÃŃa":29126,"Ġadyac":29127,"Ġhot":29128,"Ġbab":29129,"Ġbarri":29130,"Ġpublicará":29131,"Ġeliminatoria":29132,"xito":29133,"Buena":29134,"ĠFos":29135,"Ġmaderas":29136,"Ġñ":29137,"ĠGale":29138,"Cat":29139,"Ġdiger":29140,"Ġ109":29141,"Ġaugu":29142,"élicos":29143,"Ġcolocados":29144,"icerÃŃa":29145,"Ġcortina":29146,"++":29147,"ĠQuerÃŃa":29148,"Ġvendo":29149,"MD":29150,"Ġembo":29151,"Javier":29152,"unch":29153,"Ġmiramos":29154,"Ġefectúa":29155,"Ġanfitriones":29156,"Ir":29157,"algun":29158,"ĠSeleccione":29159,"PodrÃŃa":29160,"Ġpresas":29161,"Ġ1956":29162,"Ġsubsecretario":29163,"asto":29164,"ĠEstrellas":29165,"ĠKle":29166,"Ġcolocarse":29167,"Ġmodular":29168,"Ġexperimentados":29169,"bable":29170,"Ġacordaron":29171,"Ġcontracción":29172,"Ġaprendan":29173,"ĠAntár":29174,"Ġamericanas":29175,"Ġenseño":29176,"rillero":29177,"Ġexplotaciones":29178,"Ġparis":29179,"Ġdepartamental":29180,"Ġpulido":29181,"Ġtransexuales":29182,"Ġreflec":29183,"letter":29184,"amaha":29185,"ĠMagazine":29186,"ĠMétodo":29187,"ĠTÃīCN":29188,"ĠBit":29189,"orne":29190,"Ġsuspens":29191,"Ġabundan":29192,"ĠSantam":29193,"Ġrepresentaba":29194,"blema":29195,"ĠFase":29196,"Ġsolidez":29197,"Ġinsistido":29198,"ĠpÃŃxeles":29199,"ĠPadilla":29200,"ĠFlex":29201,"Ġusual":29202,"Ġenérg":29203,"Ġsaliera":29204,"ĠTipos":29205,"Ġsurgimiento":29206,"ĠDivina":29207,"Seguramente":29208,"Ġ[+]":29209,"Ġoriginaria":29210,"Ġpodeis":29211,"Ġrodillo":29212,"ĠUEFA":29213,"Ġmonopolio":29214,"Ġentras":29215,"Ġgasolin":29216,"Ġechando":29217,"Ġgrabada":29218,"Ġvibrante":29219,"Igual":29220,"iño":29221,"ĠBL":29222,"ĠValley":29223,"Ġcompramos":29224,"Ġdivulgar":29225,"ĠSalva":29226,"ĠPinterest":29227,"ĠTouch":29228,"Daniel":29229,"táneos":29230,"ĠRevisión":29231,"Ġentier":29232,"ĠBatalla":29233,"Ġgallina":29234,"Ġcomprenden":29235,"Ġescuad":29236,"Ġcalienta":29237,"wal":29238,"ĠConsulte":29239,"Ġnavideña":29240,"Ele":29241,"ĠâĢľâĢ¦":29242,"Ġazúcares":29243,"Ġminimalista":29244,"ĠEstrada":29245,"Ġafecten":29246,"Us":29247,"Ġtó":29248,"Ġtrabajaron":29249,"Ġadaptaciones":29250,"ĠEQU":29251,"ĠVid":29252,"Ġconstituyó":29253,"Ġpresenciar":29254,"Precio":29255,"Ġaperitivo":29256,"ĠCURSO":29257,"Ġexplique":29258,"Alemania":29259,"Ġextremidades":29260,"Ġreglamentación":29261,"ĠclÃŃ":29262,"ĠElabor":29263,"túen":29264,"Ġgastado":29265,"iiii":29266,"Ġgalo":29267,"ĠVehÃŃculos":29268,"año":29269,"eland":29270,"Ġbata":29271,"Ġleyó":29272,"ĠPicasso":29273,"Ġok":29274,"Ġnot":29275,"ĠNapole":29276,"Flor":29277,"libre":29278,"*)":29279,"ĠSolamente":29280,"CUR":29281,"ĠTun":29282,"ĠGMT":29283,"thon":29284,"Ġcarbon":29285,"ĠAlmagro":29286,"sonaro":29287,"Ġacusada":29288,"Ġadmin":29289,"Ġeru":29290,"Ġalérg":29291,"Ġacabará":29292,"ĠBárbara":29293,"Mucho":29294,"Ġobl":29295,"Ġpauta":29296,"Ġcamisas":29297,"Ġmitigar":29298,"ónima":29299,"ĠTEN":29300,"Ġobedece":29301,"ĠDescuento":29302,"ĠtenÃŃas":29303,"poco":29304,"Cola":29305,"UER":29306,"Ġincorrecto":29307,"Ġcomputador":29308,"Ġsimpatizantes":29309,"Ġsituar":29310,"Ġreportajes":29311,"Ġgesta":29312,"Ġmamás":29313,"ĠVergara":29314,"erme":29315,"Ġapostado":29316,"enzamos":29317,"Ġprevisible":29318,"tuando":29319,"Ġrepresentativo":29320,"IONES":29321,"Ġnavideño":29322,"Ġrecreativas":29323,"Ġut":29324,"ĠApartamento":29325,"Ġapela":29326,"itcoins":29327,"Ġв":29328,"amanga":29329,"ĠComb":29330,"Ġreferir":29331,"Ġdescubierta":29332,"Ġrodeados":29333,"ĠminorÃŃas":29334,"ĠcontenÃŃa":29335,"Ġvertig":29336,"Ġcelebrarse":29337,"ICACIONES":29338,"ĠCochabamba":29339,"eal":29340,"Ġmedioambiente":29341,"ĠPau":29342,"Ġinicie":29343,"iser":29344,"Ġdescritos":29345,"ĠBloque":29346,"Ġretribución":29347,"Ġvillano":29348,"hou":29349,"Ġenseñando":29350,"ĠJohnny":29351,"ĠconfÃŃan":29352,"ĠPolÃŃtico":29353,"ĠPráctica":29354,"ĠCardenal":29355,"Ġautobio":29356,"Ġvideoclip":29357,"ĠCátedra":29358,"ĠMecánica":29359,"ĠRecetas":29360,"tivación":29361,"ĠRuss":29362,"apropi":29363,"Ġbrasil":29364,"Ġempap":29365,"grana":29366,"Ġfitness":29367,"Ġboy":29368,"Ġradial":29369,"Ġgozan":29370,"ĠIdentidad":29371,"Ġinel":29372,"ĠNoreste":29373,"Ġpelis":29374,"Ġguay":29375,"Ġdireccion":29376,"Ġone":29377,"Ġriñones":29378,"ĠAus":29379,"Ġpesadas":29380,"ĠAND":29381,"peto":29382,"iedo":29383,"Ġsensualidad":29384,"Ġincrementos":29385,"dinámica":29386,"Ġporos":29387,"Ġelo":29388,"laneda":29389,"ĠIntervención":29390,"ο":29391,"Informe":29392,"Ġdesahu":29393,"Ġpremiados":29394,"ahuila":29395,"Ġgolpeado":29396,"Ġesposas":29397,"Ġ.-":29398,"ĠPeters":29399,"Ġconducto":29400,"Ġamarillos":29401,"Ġlong":29402,"Ġencantará":29403,"Ġancestral":29404,"Ġcomete":29405,"Ġacarre":29406,"AV":29407,"oms":29408,"Ġrepel":29409,"ambla":29410,"ĠLord":29411,"Ġgrand":29412,"cules":29413,"Ġfumadores":29414,"ĠBayern":29415,"ĠCris":29416,"Ġsirio":29417,"Ġocéanos":29418,"Ġequilibrar":29419,"lisis":29420,"ĠEth":29421,"Ġmanic":29422,"Ġdoscientos":29423,"Ġgalardonado":29424,"Ġporteño":29425,"Ġnociones":29426,"quiz":29427,"ĠMob":29428,"ĠNotas":29429,"ĠAgrade":29430,"ĠSat":29431,"Ġcelo":29432,"Ġevalúa":29433,"ĠArizona":29434,"Ġpuros":29435,"Ġagotamiento":29436,"UV":29437,"FR":29438,"ĠPAC":29439,"Ġvaqueros":29440,"ĠCabello":29441,"working":29442,"peros":29443,"yon":29444,"Ġnon":29445,"Ġinna":29446,"BAS":29447,"Ġdefensivo":29448,"Ġcorrespondan":29449,"Ġsolicitantes":29450,"Ġballet":29451,"Ġamarillas":29452,"CESO":29453,"Ġpronósticos":29454,"ĠJOS":29455,"Ġembra":29456,"Ġcomparable":29457,"Ġestructurado":29458,"Ġcondujo":29459,"Ġlujoso":29460,"Ġgeográficas":29461,"Ġmediterráneo":29462,"ĠSarah":29463,"endadas":29464,"ĠYA":29465,"Ġcertificaciones":29466,"Ġubicó":29467,"geci":29468,"ymp":29469,"Ġhits":29470,"quiere":29471,"Ġrectangular":29472,"ĠGeorgia":29473,"Aparte":29474,"ĠVisión":29475,"ĠAcce":29476,"Ġencarn":29477,"Ġcobrado":29478,"Ġdesequilibrio":29479,"pac":29480,"ĠRevis":29481,"ĠGun":29482,"tese":29483,"Ġfax":29484,"icina":29485,"Ġdiagrama":29486,"Ġmariposas":29487,"Sea":29488,"ĠTib":29489,"Ġdominicana":29490,"Ġrubros":29491,"Ġmapuche":29492,"ĠVigilancia":29493,"Ġimplicado":29494,"Ġpoético":29495,"Ġtenta":29496,"Ġmejorada":29497,"Ġganados":29498,"ĠcardÃŃaca":29499,"Ġratificó":29500,"Ġimpulsando":29501,"Seguimos":29502,"Cab":29503,"Ġredund":29504,"ETA":29505,"Ġfotocopia":29506,"ĠLamentablemente":29507,"ĠComando":29508,"Ġplatillos":29509,"Ġpanes":29510,"Ġagroalim":29511,"ĠTerapia":29512,"Ġcazador":29513,"Ġsuspiro":29514,"Ġcubriendo":29515,"Ġtonalidades":29516,"Ġagobi":29517,"Ġsendas":29518,"ĠDecora":29519,"Ġmemorable":29520,"Ġchispa":29521,"Ġenriquecimiento":29522,"ures":29523,"Ġsentirnos":29524,"itano":29525,"Ġotorgada":29526,"Ġgeográfico":29527,"Ġvernos":29528,"Ġemisoras":29529,"ĠPIN":29530,"Åį":29531,"Ġflechas":29532,"clerosis":29533,"Ġcongén":29534,"ĠVaya":29535,"Ġverlas":29536,"Ġpenins":29537,"ĠFarmac":29538,"Ġplantaciones":29539,"ĠMilan":29540,"ĠcreÃŃan":29541,"icks":29542,"ĠSurf":29543,"Habrá":29544,"zosa":29545,"Ġaud":29546,"ĠExplorer":29547,"Ġconsiderará":29548,"Ġirrad":29549,"four":29550,"Ġnarcotra":29551,"Ġpillar":29552,"ARES":29553,"Ġmantenerlo":29554,"Ġinterruptor":29555,"eds":29556,"mediatamente":29557,"ĠEnglish":29558,"ERG":29559,"Ġcigarrillos":29560,"juelas":29561,"ĠPinto":29562,"bada":29563,"Ġpil":29564,"Ġfav":29565,"Ġmontos":29566,"BOR":29567,"Ġprós":29568,"Ġdignos":29569,"Ġrevan":29570,"étrico":29571,"Ġcorrelación":29572,"Ġsentar":29573,"Ġestablecieron":29574,"Ġpajar":29575,"Ġacabas":29576,"Ġbook":29577,"Ġenfocados":29578,"Ġilimitado":29579,"Ġdisfruto":29580,"Ġproductoras":29581,"Ġelementales":29582,"ĠCNN":29583,"Ġdispersión":29584,"Ġpublicaron":29585,"Ġmudanza":29586,"Ġtacones":29587,"Ġrepasar":29588,"Ġgenuino":29589,"iev":29590,"Ġresi":29591,"Ġuni":29592,"Ġunilateral":29593,"Ġcansados":29594,"ĠCAT":29595,"cosas":29596,"Ġvotaron":29597,"Ġsurre":29598,"ĠOficiales":29599,"ĠJurÃŃdica":29600,"Ġdisfunción":29601,"ĠsanguÃŃnea":29602,"Ġasimilar":29603,"Ġsusceptible":29604,"ĠScience":29605,"landesa":29606,"Presentación":29607,"cibles":29608,"Ġcumplirá":29609,"ĠPraga":29610,"Ġcavidad":29611,"bec":29612,"Ġamueblado":29613,"Ġbecause":29614,"ĠPodrá":29615,"eather":29616,"ĠProblemas":29617,"auto":29618,"Ġintroduciendo":29619,"ĠCriminal":29620,"Sim":29621,"head":29622,"ĠVieja":29623,"lanco":29624,"down":29625,"Ġvincular":29626,"ĠIDE":29627,"ĠVeamos":29628,"Termin":29629,"Ġrodado":29630,"Ġlejanos":29631,"Ġseré":29632,"Ġnitrógeno":29633,"Ġadoptó":29634,"Ġcotidianos":29635,"ĠiPod":29636,"Ġapropiación":29637,"Ġquitarse":29638,"Ġdescansa":29639,"ĠFujim":29640,"Apartamento":29641,"tificados":29642,"Ġdesestabil":29643,"Ġsensacional":29644,"Facebook":29645,"Ġlegalización":29646,"lf":29647,"ĠPienso":29648,"Ġclor":29649,"muchas":29650,"ĠPrue":29651,"Ġeficazmente":29652,"ĠpondrÃŃa":29653,"Ġoperando":29654,"Ġshock":29655,"Ġsucu":29656,"itarismo":29657,"Ġcelebrarán":29658,"Ġconciliar":29659,"hombre":29660,"ĠArsenal":29661,"Ġdevor":29662,"Ġemplazamiento":29663,"Ġancl":29664,"ogue":29665,"ĠKer":29666,"ĠDesn":29667,"ĠFunciones":29668,"Ġperjudicar":29669,"ĠProme":29670,"Ġmotocicletas":29671,"Ġtrabajen":29672,"herine":29673,"ĠInformes":29674,"ĠSUV":29675,"ĠCero":29676,"ĠDallas":29677,"Ġmodifican":29678,"Ġpañales":29679,"ĠCarles":29680,"Ġderivan":29681,"ump":29682,"Inf":29683,"Ġfabuloso":29684,"Ġprofetas":29685,"Ġponerla":29686,"ĠSquare":29687,"ĠComunitat":29688,"Ġdistribuidas":29689,"ĠDirectivo":29690,"Ġabstracto":29691,"Ġlino":29692,"trato":29693,"Ġblas":29694,"ĠSÃŃndrome":29695,"Ġmágicas":29696,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":29697,"ĠEf":29698,"ĠVela":29699,"Ġviajado":29700,"Ġacumulan":29701,"álida":29702,"ĠpedagogÃŃa":29703,"Ġalti":29704,"Ġexigido":29705,"Ġenteramente":29706,"Ġrond":29707,"Ġmariscos":29708,"Ġdelegada":29709,"erios":29710,"Ġcancion":29711,"Ur":29712,"ĠAmo":29713,"amilia":29714,"Ampl":29715,"tÃŃfice":29716,"Ġóxido":29717,"Ġirritación":29718,"ĠinequÃŃ":29719,"ĠKur":29720,"ĠcarpinterÃŃa":29721,"Ġprag":29722,"Ġopuestos":29723,"ĠWarner":29724,"Ġpedagógica":29725,"Ġentrañable":29726,"Ġchampú":29727,"sul":29728,"Ġarterias":29729,"Ġdecidan":29730,"ĠBenedicto":29731,"comunicación":29732,"Ġconcesionario":29733,"Mos":29734,"ĠanatomÃŃa":29735,"Ġanhelo":29736,"Ġhipoc":29737,"ĠPAT":29738,"Ġrepercusiones":29739,"Ġandaluces":29740,"ĠTLC":29741,"comple":29742,"Ġopen":29743,"ĠSagrado":29744,"Ġrejuven":29745,"ĠGarrido":29746,"Ġdemar":29747,"Ġchorro":29748,"ĠLP":29749,"Ġdentista":29750,"ĠLig":29751,"Ġdisfrutaron":29752,"Hubo":29753,"tires":29754,"Ġdesist":29755,"Ġdeterminantes":29756,"Ġbancada":29757,"incido":29758,"ĠEras":29759,"ĠSeis":29760,"Ġkey":29761,"ĠHear":29762,"Ġcoach":29763,"Ġfreelance":29764,"Ġadjudica":29765,"Ġmaduración":29766,"Ġacreedor":29767,"ĠCoro":29768,"ĠKi":29769,"ĠContratación":29770,"rÃŃamos":29771,"ĠAve":29772,"Ġagradecemos":29773,"Ġmuestro":29774,"Ġformativos":29775,"Ġescaparate":29776,"./":29777,"Ġ1947":29778,"hibió":29779,"Ġbucal":29780,"Ġpuños":29781,"Ġcerdos":29782,"Ġrepresentativa":29783,"dl":29784,"ĠRendi":29785,"Ġfallado":29786,"Ġrepleta":29787,"psic":29788,"Ãģn":29789,"Ġdiagnosticar":29790,"sticamente":29791,"Ġdeberia":29792,"Ġlanzará":29793,"contramos":29794,"Ġconsolida":29795,"irmar":29796,"ĠToni":29797,"Ġinacep":29798,"Ġentor":29799,"ticismo":29800,"ĠParques":29801,"Ġenviadas":29802,"Ġgaranticen":29803,"ĠNieves":29804,"ĠHad":29805,"nombre":29806,"Conocer":29807,"Ġseñaladas":29808,"Ġcriado":29809,"amia":29810,"ĠPoint":29811,"Ġfotografiar":29812,"ĠConcejalÃŃa":29813,"Ġdesil":29814,"Ġefectuará":29815,"ĠVotos":29816,"Ġprotegerse":29817,"ĠAutos":29818,"Ġblues":29819,"INS":29820,"Ġbeneficiado":29821,"Ġrepetido":29822,"ĠCabeza":29823,"Ġguia":29824,"Ġfiltrado":29825,"Ġacercaba":29826,"Ġenclave":29827,"ÃŃbulo":29828,"Ġmayúsculas":29829,"ĠIna":29830,"orestación":29831,"ĠKh":29832,"Ġasesorar":29833,"Atención":29834,"Ġpolos":29835,"ĠNecesitamos":29836,"Ġsobremesa":29837,">":44060,"ĠDID":44061,"Pasamos":44062,"ĠTemuco":44063,"ĠDrag":44064,"ĠPata":44065,"ĠUrdan":44066,"Ġmona":44067,"ĠCIS":44068,"ĠFama":44069,"cadena":44070,"Ġusuarias":44071,"ĠSOLU":44072,"ĠAluminio":44073,"ĠIndicadores":44074,"Card":44075,"drada":44076,"ĠDependencia":44077,"abank":44078,"ĠPROCESO":44079,"ofer":44080,"Ġ301":44081,"ĠEslovenia":44082,"ñé":44083,"conserv":44084,"ĠInclus":44085,"Ġasedio":44086,"Ġplanean":44087,"Ġ!!!!":44088,"ciclo":44089,"Ġ222":44090,"ĠÃŃnf":44091,"ĠOriol":44092,"étricas":44093,"Ġnoté":44094,"Ġmoralmente":44095,"Ġinstalacion":44096,"Ġfluvial":44097,"Ġcofre":44098,"Ġtuits":44099,"ĠFormas":44100,"Ġdemocratización":44101,"Ġinseparable":44102,"vear":44103,"ganeso":44104,"ĠSeúl":44105,"ĠKane":44106,"ĠNacimiento":44107,"Ġincluimos":44108,"ĠBaham":44109,"Ġprefieras":44110,"Ġencajan":44111,"ĠCd":44112,"Ġignorando":44113,"ĠBotánico":44114,"todavÃŃa":44115,"Ġescribas":44116,"Ġcontarles":44117,"Ġmostraremos":44118,"Ġmilenaria":44119,"ĠEtiopÃŃa":44120,"fat":44121,"ĠlogÃŃsticos":44122,"Ġdespreciable":44123,"Ġadministrados":44124,"Ġextremistas":44125,"ĠCastellana":44126,"ĠOBJETIVO":44127,"igua":44128,"ĠDH":44129,"Ġactuaron":44130,"ĠFinancial":44131,"Ġdibujado":44132,"ĠBerme":44133,"IVO":44134,"Ġpormenor":44135,"bero":44136,"Ġinep":44137,"Ġpensador":44138,"Ġradiadores":44139,"ĠDetalle":44140,"Ġtirador":44141,"ĠEstudiante":44142,"ĠGaudÃŃ":44143,"Ġincursion":44144,"ĠForn":44145,"ĠBoda":44146,"Ġadopte":44147,"ĠmandÃŃbulas":44148,"erias":44149,"IGA":44150,"ĠPortuaria":44151,"Ġfetiche":44152,"Porno":44153,"brazo":44154,"Ġagrupan":44155,"ĠSIEMPRE":44156,"usimos":44157,"ĠCastil":44158,"Ġsustentar":44159,"Ġmetamor":44160,"Ġculos":44161,"Ġétnicos":44162,"Vie":44163,"deria":44164,"Ġpruebe":44165,"ĠProveedores":44166,"pet":44167,"ĠRedonda":44168,"Ġosteoporosis":44169,"ĠZambrano":44170,"MÃī":44171,"ĠAdver":44172,"ĠPeñal":44173,"Ġastr":44174,"Cursos":44175,"Ġtrabajarán":44176,"ĠTupper":44177,"Buscando":44178,"Ġsumergirse":44179,"Ġsucias":44180,"ĠRama":44181,"Ġjinete":44182,"ĠBarajas":44183,"ĠJugar":44184,"ĠBarceló":44185,"Ġhé":44186,"Ġsintaxis":44187,"ĠcentÃŃmetro":44188,"Ġrecalcar":44189,"bacteri":44190,"adur":44191,"ĠEnju":44192,"ĠCasillas":44193,"Ġoligo":44194,"Ġmostrarte":44195,"omware":44196,"Ġrecurrido":44197,"Ġpenúltima":44198,"Ġpatógenos":44199,"Ġpreex":44200,"Ġcancela":44201,"Ġcaracterizar":44202,"]:":44203,"oneta":44204,"guos":44205,"Ġbater":44206,"Ġautocar":44207,"ĠSudán":44208,"dfunding":44209,"Ġexcus":44210,"Ġevidencian":44211,",..":44212,"sho":44213,"Ġvolcar":44214,"Ġcontarte":44215,"Ġbenéf":44216,"ĠRecibir":44217,"depor":44218,"ĠSES":44219,"herán":44220,"ĠCosme":44221,"ĠMención":44222,"Ġbachiller":44223,"й":44224,"ĠLI":44225,"Ġdictadas":44226,"Ġdestellos":44227,"Ġayudaran":44228,"ĠUrquiza":44229,"ĠJueces":44230,"ERTA":44231,"ILLO":44232,"Ġ=)":44233,"Ġtúnica":44234,"Ġadhesiva":44235,"letes":44236,"Ġpolim":44237,"Ġtortillas":44238,"ĠBusque":44239,"Ġninja":44240,"Ġvolcánica":44241,"Libre":44242,"zone":44243,"alud":44244,"ĠMeza":44245,"Ġ(?)":44246,"ificas":44247,"ĠTrastornos":44248,"Ġbancarrota":44249,"ĠSAM":44250,"Ġtrafico":44251,"Ġalcanzada":44252,"ĠRegalo":44253,"ĠGreat":44254,"Ġpatriarcal":44255,"voy":44256,"rué":44257,"Ġimpru":44258,"ĠPozuelo":44259,"Ġpreparador":44260,"Ġpatrull":44261,"Ġesquiv":44262,"Cierto":44263,"yD":44264,"Ġentu":44265,"Ġhostilidad":44266,"ĠStein":44267,"mónica":44268,"enar":44269,"Ġvalorando":44270,"ampagne":44271,"ĠMachine":44272,"Ġnavarro":44273,",(":44274,"úblicas":44275,"Ġsaf":44276,"ĠAplica":44277,"Ġdespertador":44278,"Prepar":44279,"Ġrecopilado":44280,"negro":44281,"ĠPresencia":44282,"OLÃĵG":44283,"Ġsobresalen":44284,"ĠAquino":44285,"ĠBLAN":44286,"Ġinterferencias":44287,"ĠEstaban":44288,"portar":44289,"Ġsalado":44290,"Ġdescensos":44291,"ĠTextil":44292,"Ġdecidiera":44293,"Ġencontrándose":44294,"Ġrestringida":44295,"ĠPhar":44296,"QuerÃŃa":44297,"uterÃŃa":44298,"ĠtÃŃas":44299,"Ġrogamos":44300,"Ġsiniestra":44301,"ĠPERSONAS":44302,"Ġcarcajada":44303,"posito":44304,"ĠComentario":44305,"ĠRosen":44306,"ĠStation":44307,"ĠLGTB":44308,"Ġdañino":44309,"Aprovecha":44310,"Ġcaracterizó":44311,"Ġcuchilla":44312,"Gol":44313,"Sabe":44314,"ĠPBI":44315,"Ġdesco":44316,"Ġregenera":44317,"Ġobservo":44318,"Ġreinterpre":44319,"elf":44320,"cuidado":44321,"ĠGuipúzcoa":44322,"Ġutilizarlas":44323,"Ġincapaci":44324,"Ġencarcelados":44325,"Ġabsorbente":44326,"dato":44327,"Ġpactar":44328,"Ġsembrado":44329,"Ġcorrespondió":44330,"ĠCódigos":44331,"ĠSÃį":44332,"ĠReno":44333,"Ġpasividad":44334,"ĠPRESENTACIÃĵN":44335,"Ġcontraproduc":44336,"Ġplantado":44337,"Ġ163":44338,"hanna":44339,"Ġimpartirá":44340,"ĠCamagüey":44341,"oto":44342,"Ġgloriosa":44343,"jitas":44344,"greb":44345,"Ġenseres":44346,"ĠMilitares":44347,"éntanos":44348,"Ġcaminan":44349,"ĠWIFI":44350,"Ġconciencias":44351,"ĠQuedan":44352,"Ġprecisado":44353,"Ġharinas":44354,"ĠneumonÃŃa":44355,"Ġafortunada":44356,"Ġescénico":44357,"Ġunisex":44358,"ĠNariño":44359,"Ġedificar":44360,"ĠRebeca":44361,"Ġestomago":44362,"Ġcuidarse":44363,"ĠCOMERCIAL":44364,"ĠZoo":44365,"ĠBaterÃŃa":44366,"ĠEstudió":44367,"Ġestiramiento":44368,"ĠEdimburgo":44369,"Ġvoceros":44370,"Ġchill":44371,"Ġexponiendo":44372,"textos":44373,"ĠEcheverrÃŃa":44374,"Emb":44375,"ĠantÃŃ":44376,"ĠJosh":44377,"Ġmencionas":44378,"Ġdisputan":44379,"ĠSustentable":44380,"quirir":44381,"putaciones":44382,"Ġgoteo":44383,"Ġimplicaba":44384,"Ġpavimentación":44385,"hub":44386,"orial":44387,"ĠNuevamente":44388,"Ġganadera":44389,"ĠArquitecto":44390,"bomb":44391,"Ġllevaran":44392,"Ġdistracciones":44393,"ĠquerÃŃas":44394,"ĠEliminar":44395,"Windows":44396,"Ġobreras":44397,"ĠCuentan":44398,"Ġviñetas":44399,"Ġeréctil":44400,"ĠFisher":44401,"AI":44402,"raza":44403,"ĠHielo":44404,"naldo":44405,"Ġsuspense":44406,"Añadió":44407,"Ġdescuidar":44408,"ĠFuncionamiento":44409,"ĠEUA":44410,"Recu":44411,"cario":44412,"tach":44413,"ĠBID":44414,"Entiendo":44415,"Ġfragancias":44416,"Ġinconscientemente":44417,"Cocina":44418,"deja":44419,"Ġóm":44420,"ĠSerge":44421,"ĠONCE":44422,"ĠLennon":44423,"ĠEducativos":44424,"farro":44425,"wh":44426,"ĠCues":44427,"Ġcomod":44428,"ĠActivo":44429,"ĠCeleste":44430,"ĠBlood":44431,"Bos":44432,"actamente":44433,"ĠCurios":44434,"Ġpodre":44435,"Ġdiferenciado":44436,"Ġdañadas":44437,"Ġfluctuaciones":44438,"ĠNace":44439,"Ġcánceres":44440,"Ġreconocerlo":44441,"230":44442,"fino":44443,"Cuidado":44444,"Ġhipertens":44445,"ĠBachiller":44446,"aleja":44447,"Ġaprenderá":44448,"Ġsantafes":44449,"Ġpóster":44450,"Ġexcluyente":44451,"RG":44452,"ĠVam":44453,"GAE":44454,"Gafas":44455,"hero":44456,"Ġcinismo":44457,"programa":44458,"ffff":44459,"Ġchapu":44460,"Ġparadójicamente":44461,"ĠGAN":44462,"igamos":44463,"gart":44464,"ĠNepal":44465,"Ġquisiéramos":44466,"ĠJefes":44467,"Ġpenúltimo":44468,"ĠCoño":44469,"Ġpredominantemente":44470,"ĠGPU":44471,"Blue":44472,"Ġesquizofrenia":44473,"eales":44474,"Ġbillar":44475,"ĠamnistÃŃa":44476,"Recordó":44477,"Agua":44478,"ĠReto":44479,"Ġcurro":44480,"Ġinstalarlo":44481,"Ġmoviles":44482,"ĠCarreño":44483,"Ġpuzzle":44484,"Ġaccionamiento":44485,"Ġrefrán":44486,"ĠDominicano":44487,"Ġcobrará":44488,"Ġallanamiento":44489,"Cic":44490,"ÛĮ":44491,"Ġlamentado":44492,"ĠreÃŃrse":44493,"ĠTransex":44494,"Ġnovatos":44495,"num":44496,"Ġhabiéndose":44497,"Ġseñoritas":44498,"orig":44499,"ĠenvÃŃen":44500,"iaron":44501,"ĠAsturi":44502,"Ġsupedi":44503,"ciarse":44504,"Ġcofra":44505,"ĠGavi":44506,"Ġresúmenes":44507,"ĠCamar":44508,"Ġsatisfactoriamente":44509,"ĠZoom":44510,"Ġimaginamos":44511,"Ġcisterna":44512,"olores":44513,"ésamo":44514,"Ġamén":44515,"ĠestablecÃŃa":44516,"Ġencargaron":44517,"ĠJamie":44518,"Lab":44519,"Ġdefina":44520,"Ġtalones":44521,"Ġ164":44522,"Ġmamas":44523,"Ġgrúas":44524,"Ġinalter":44525,"ĠErick":44526,"Ġmulticultural":44527,"Ġentrarán":44528,"ĠCorintios":44529,"Len":44530,"tasuna":44531,"Ġañada":44532,"Ġм":44533,"ĠMecan":44534,"Ġgitanos":44535,"ĠTwin":44536,"sour":44537,"Ġtomaban":44538,"Ġandino":44539,"Administra":44540,"Ġevacuar":44541,"Ejemplo":44542,"pode":44543,"Ġprime":44544,"Ġcesado":44545,"Ġpsicoterapia":44546,"Ġfilosóficas":44547,"ĠmÃŃticos":44548,"Ġcaudales":44549,"ĠMaci":44550,"Ġobservados":44551,"Ġpreocupamos":44552,"ĠAsesora":44553,"Ġfulmin":44554,"ĠcentÃŃgrados":44555,"Ġcofundador":44556,"Ġadven":44557,"ĠExchange":44558,"Ġmencionamos":44559,"Ġfieltro":44560,"ĠROS":44561,"ĠUNO":44562,"Ġfelizmente":44563,"Videos":44564,"Ġastrónomos":44565,"jin":44566,"ĠNS":44567,"Ġanimas":44568,"ĠVIVI":44569,"Ġconsagrada":44570,"ĠBike":44571,"ĠHU":44572,"ĠcaÃŃan":44573,"INAS":44574,"Ġtrekking":44575,"Ġsimultáneo":44576,"ĠRaymond":44577,"ĠLimited":44578,"ĠsupremacÃŃa":44579,"Cel":44580,"ĠLily":44581,"ĠMago":44582,"Ġtaquillas":44583,"ĠtambiÃĥ":44584,"ĠInaugu":44585,"Ġemplearse":44586,"ĠCrystal":44587,"ĠScan":44588,"ĠDoctora":44589,"dulidad":44590,"Ġrecabados":44591,"turistas":44592,"ĠFr":44593,"Ġcontaros":44594,"Ġdiseñando":44595,"Ġfábula":44596,"Ġsevillana":44597,"âĢĿ[":44598,"mitido":44599,"Ġruedo":44600,"IZAR":44601,"molino":44602,"ĠautocrÃŃtica":44603,"Ġio":44604,"ófer":44605,"ĠSpielberg":44606,"Ġâľħ":44607,"Basta":44608,"trepo":44609,"Ġcontingencias":44610,"Ġmodales":44611,"nadie":44612,"nillo":44613,"Ġinson":44614,"Ġproxima":44615,"Ġmarqués":44616,"Ġintentas":44617,"Ġfinanciada":44618,"Ġbrutales":44619,"ĠPÃļBLICA":44620,"CEN":44621,"Ġmudarse":44622,"erosas":44623,"Ġtecnicas":44624,"Ġdenominó":44625,"Ġunan":44626,"ĠDorada":44627,"tizamos":44628,"Ġremotas":44629,"Ġresucitado":44630,"ĠECONOM":44631,"Ġdisolv":44632,"Ġsaludó":44633,"Ġtérmicos":44634,"Ubicación":44635,"Ġpich":44636,"Ġmacer":44637,"Pack":44638,"ĠSIL":44639,"ĠElvis":44640,"Ġbatu":44641,"Ġviña":44642,"Ġprevar":44643,"Ġinj":44644,"Ġ212":44645,"ĠTorra":44646,"ĠViajar":44647,"embran":44648,"Ġswing":44649,"{\"":44650,"Ġcalentadores":44651,"Ġsospechosa":44652,"Ġllevarlas":44653,"ĠAMB":44654,"Detalles":44655,"couver":44656,"Ġconvertirnos":44657,"acencia":44658,"ĠAmén":44659,"ĠCubano":44660,"hman":44661,"Ġhuertos":44662,"ĠTAB":44663,"Ġplantearon":44664,"Comisión":44665,"Aprovechando":44666,"Oye":44667,"Ġou":44668,"ONG":44669,"Aca":44670,"paÃŃs":44671,"ĠMediación":44672,"plataforma":44673,"Ġromperse":44674,"elección":44675,"Ġcity":44676,"ĠRealizamos":44677,"VOCA":44678,"Ġparalelamente":44679,"ĠLaboratorios":44680,"dependientemente":44681,"hun":44682,"135":44683,"ĠMickey":44684,"Ġmigratorios":44685,"plastia":44686,"WW":44687,"Ġcuñada":44688,"ĠMontoro":44689,"Ġcallejeros":44690,"Ġlevanté":44691,"ĠMarcus":44692,"Ġgolosinas":44693,"cigalpa":44694,"Ġtóxica":44695,"Ġdesfal":44696,"blico":44697,"ebe":44698,"onazo":44699,"Ġfomentan":44700,"ĠMotoGP":44701,"Ġeti":44702,"Ġdolar":44703,"Ġconsentir":44704,"alizarán":44705,"Ġcoló":44706,"ĠSalle":44707,"Ġmostrada":44708,"Ġmartirio":44709,"Ġvaticin":44710,"Ġpriista":44711,"ĠObjeto":44712,"Ġtraumas":44713,"ĠZelaya":44714,"Ġdetenimiento":44715,"Ġenteramos":44716,"Ġsegmentación":44717,"fuente":44718,"Ġpalpable":44719,"ĠEspiritu":44720,"Gust":44721,"ĠOm":44722,"ĠRelatos":44723,"wers":44724,"Ġvaria":44725,"Ġrefuerzan":44726,"ĠMezquita":44727,"Ġinterrogatorio":44728,"Ġdeudores":44729,"Ġtitu":44730,"Ġintros":44731,"Ġcomillas":44732,"Ġoperacional":44733,"ĠMacÃŃas":44734,"Ġespontáneamente":44735,"Ġpackaging":44736,"ĠSilla":44737,"Ġopuso":44738,"ĠHow":44739,"Ġinhibidores":44740,"ä¸Ń":44741,"Tienda":44742,"jad":44743,"incha":44744,"ĠACE":44745,"Ġtoall":44746,"Ġteam":44747,"ĠvendÃŃan":44748,"ĠJUR":44749,"quilibrio":44750,"Ġoleaje":44751,"Dem":44752,"ativa":44753,"Ġexceda":44754,"ĠPlasencia":44755,"Ġacueducto":44756,"Ġarbit":44757,"Ġquisimos":44758,"Ġparábola":44759,"Ġtranseúntes":44760,"ĠVAR":44761,"ĠcaÃŃ":44762,"ĠReformas":44763,"Ġmonja":44764,"Compañ":44765,"Ġempeora":44766,"Ġlaptop":44767,"Ġrepentino":44768,"Ġenojado":44769,"Ġcactus":44770,"rimo":44771,"ĠAltas":44772,"ĠDebate":44773,"Ġafinar":44774,"omedi":44775,"ĠperderÃŃa":44776,"Ġdorso":44777,"Ġdurado":44778,"Ġjejejeje":44779,"ĠBebé":44780,"Ġempleabilidad":44781,"ĠBaile":44782,"Ġdesperfectos":44783,"ĠPublimetro":44784,"Ġinfiltración":44785,"Sir":44786,"Ġabrig":44787,"ĠColmen":44788,"Ġenemiga":44789,"Ġtabaquismo":44790,"Vivir":44791,"ĠTlal":44792,"ĠSite":44793,"Ġacontece":44794,"Ġmudar":44795,"Ġvacuno":44796,"Ġinspirador":44797,"Escucha":44798,"hire":44799,"ĠCuch":44800,"Portu":44801,"ĠLucio":44802,"Ġotorgando":44803,"Ġintroducirse":44804,"Ġheroica":44805,"Ġviñedo":44806,"ĠMaule":44807,"Ġprospecto":44808,"ĠJaguar":44809,"Ġresaltan":44810,"Ġnegociado":44811,"Ġconstata":44812,"Ġrompieron":44813,"ĠEloy":44814,"ĠMozilla":44815,"ĠCit":44816,"cheb":44817,"Ġsuso":44818,"Ġgenéricos":44819,"ĠAlman":44820,"Ġcuantificar":44821,"Ġconstituidas":44822,"Anuncios":44823,"lesa":44824,"Ġactualizan":44825,"ERVA":44826,"Ġigualitario":44827,"ĠIntenta":44828,"undi":44829,"General":44830,"Ġmunición":44831,"Ġzarago":44832,"ópolis":44833,"Ġpropiciado":44834,"Ġdecen":44835,"ĠEscrito":44836,"Ġmargin":44837,"ĠSeguidamente":44838,"fuera":44839,"Ġsismos":44840,"Ġmires":44841,"ocÃŃ":44842,"ocracia":44843,"Ġigualado":44844,"ĠvolvÃŃan":44845,"Ġrobando":44846,"ĠUnicaja":44847,"ĠUtilizamos":44848,"peza":44849,"rough":44850,"ĠSabor":44851,"ĠBÃģS":44852,"Ġconteniendo":44853,"Permite":44854,"ĠFabra":44855,"Ġvagab":44856,"Ġecléc":44857,"ĠDial":44858,"ĠBEL":44859,"Ġasper":44860,"ĠVu":44861,"Hal":44862,"feb":44863,"Ġactúen":44864,"ĠÃĺ":44865,"Descarga":44866,"Ġcolocarlo":44867,"Ġarrogante":44868,"ĠVitamina":44869,"ffee":44870,"Ġcitan":44871,"ĠPiura":44872,"Ġofensa":44873,"Ġvisiblemente":44874,"Sac":44875,"Ġaristas":44876,"Ġdoncel":44877,"ĠContacta":44878,"Ġprimogén":44879,"ĠCraig":44880,"deber":44881,"ĠExport":44882,"Ġagudi":44883,"ĠSocialismo":44884,"Camiseta":44885,"ĠJurÃŃdicas":44886,"Ġcontrapartida":44887,"Ġretiraron":44888,"Ġresplande":44889,"ĠmorfologÃŃa":44890,"Ll":44891,"ilum":44892,"mat":44893,"Ġestacional":44894,"ĠOIT":44895,"iteatro":44896,"Ġmirarlo":44897,"Ġdiagramas":44898,"sasuna":44899,"diosas":44900,"gea":44901,"Ġlares":44902,"Ġhabitado":44903,"Ġvividas":44904,"Ġvaciar":44905,"Ġdiscuten":44906,"olito":44907,"Ġveáis":44908,"ĠSanitarios":44909,"Ġinvertidos":44910,"Ġarriesgada":44911,"Ġdinamizar":44912,"Ġmeteorológicos":44913,"Ġimprevisto":44914,"ĠOreg":44915,"Ġespinal":44916,"bots":44917,"Ġpeligrosidad":44918,"Ġrecreativa":44919,"Ġcontextu":44920,"Ġinfalible":44921,"sexo":44922,"ponemos":44923,"ĠReden":44924,"Ġconsagró":44925,"ĠIndividual":44926,"ĠGigantes":44927,"VM":44928,"óndi":44929,"ĠStop":44930,"Ġgratuidad":44931,"Ġtriunfa":44932,"Ġafricanas":44933,"Ġreconocible":44934,"Ġimaginan":44935,"Ġfrijoles":44936,"Ġescaparates":44937,"ĠUBA":44938,"Ġrecorrieron":44939,"ĠLip":44940,"Ġganada":44941,"Ġfrunci":44942,"ĠmaletÃŃn":44943,"ĠVIR":44944,"Ġcomputadores":44945,"ĠGarantÃŃas":44946,"Ġsuspensiones":44947,"acales":44948,"Ġasentado":44949,"Ġdestinan":44950,"Ġtrio":44951,"Ġcotidianidad":44952,"Ġsúbita":44953,"ĠWarren":44954,"Ġescogida":44955,"alcaba":44956,"Ġreinici":44957,"Ġcongreg":44958,"ĠRápido":44959,"âĺħ":44960,"vante":44961,"ĠEscan":44962,"Ġdista":44963,"Ġ2050":44964,"ĠComunal":44965,"ĠBrothers":44966,"Ġmetáforas":44967,"Ġpresentara":44968,"ĠJung":44969,"Ġinsecti":44970,"Ġexcedentes":44971,"Ġmúsicas":44972,"ĠâĿ¤":44973,"ĠCertificados":44974,"Ġabstinencia":44975,"ĠHOTEL":44976,"Ġfortunas":44977,"ĠEvel":44978,"ĠIquique":44979,"Ġhack":44980,"ĠKurt":44981,"oka":44982,"Ġprovistos":44983,"ĠCarpin":44984,"ĠClaire":44985,"ĠViviendas":44986,"Ġdestrozado":44987,"ĠBroadway":44988,"Ġvolcado":44989,"ĠSEAT":44990,"Ġmayúscula":44991,"Ġnichos":44992,"posterÃŃa":44993,"tirar":44994,"ĠChocolate":44995,"corporación":44996,"ĠCLUB":44997,"ĠBayer":44998,"figurar":44999,"ĠGráfica":45000,"Elige":45001,"ocados":45002,"Ġdesconozco":45003,"Ġacostumbrar":45004,"ĠCarrión":45005,"Ġmust":45006,"Ġambiciosos":45007,"ĠFactory":45008,"ĠRepublicano":45009,"Ġayudarla":45010,"Ġatacados":45011,"ĠUNIVERSIT":45012,"ĠAlpha":45013,"neth":45014,"Ġabandonando":45015,"ĠGuadalquivir":45016,"Ġdesfavorable":45017,"Ġfitosan":45018,"TRAN":45019,"Ġguerrillero":45020,"ĠCircun":45021,"Ġfarmacéuticas":45022,"Ġcualitativa":45023,"ĠMarin":45024,"Ġitinerante":45025,"Adidas":45026,"SES":45027,"tarlos":45028,"urrec":45029,"ĠIngredientes":45030,"Ġ512":45031,"Ġimita":45032,"Ġpersiguiendo":45033,"ĠPixel":45034,"pais":45035,"jetas":45036,"Ġcanina":45037,"Ġascendencia":45038,"NDICE":45039,"Ġmareas":45040,"huas":45041,"ĠTB":45042,"Ġvallado":45043,"Ġarriendo":45044,"pain":45045,"Ġmagnifica":45046,"Ġfrustraciones":45047,"Fui":45048,"Ġcontu":45049,"ĠSOLICI":45050,"Zaragoza":45051,"ĠHR":45052,"Ġprioritaria":45053,"Ġmazo":45054,"posici":45055,"Ġagrarias":45056,"Ġservirle":45057,"pacho":45058,"riet":45059,"ĠFunes":45060,"Ġ166":45061,"ĠGaga":45062,"Ġvagones":45063,"ĠHomero":45064,"Ġdevotos":45065,"Ġdesta":45066,"Ġsagradas":45067,"ĠResidencial":45068,"Ġajustando":45069,"gola":45070,"ÃŃferas":45071,"Ġtransiciones":45072,"Ġ159":45073,"Ġ255":45074,"ĠBloomberg":45075,"Ġacogerse":45076,"Ġequivoca":45077,"ĠUtilizando":45078,"ĠFINAL":45079,"anor":45080,"Ġqui":45081,"Ġ177":45082,"Ġacepten":45083,"Ġcolaboradoras":45084,"Ġinmediatez":45085,"Ġcamaradas":45086,"Ġdesembocadura":45087,"calle":45088,"Ġmultis":45089,"Ġencruci":45090,"Ġtecno":45091,"asterios":45092,"Ġtermitas":45093,"Sha":45094,"Ġpervers":45095,"ámonos":45096,"Ġfacilitó":45097,"Ġaportaron":45098,"ĠSecretariado":45099,"Ġexcesivos":45100,"entren":45101,"Ġtag":45102,"Ġrecrim":45103,"ĠPosición":45104,"Ġdetectadas":45105,"ĠAstor":45106,"Ġclandestina":45107,"Ġreutilizar":45108,"ñán":45109,"exiones":45110,"Ġdeplor":45111,"Ġintentarán":45112,"Ġdecisivos":45113,"Ġbobina":45114,"ĠcacerÃŃa":45115,"Ġalfabeto":45116,"elina":45117,"ĠEddie":45118,"ĠMurphy":45119,"Ġicon":45120,"Cádiz":45121,"rÃĥ":45122,"Ġ1906":45123,"ĠAnalizar":45124,"Ġacerqué":45125,"Ġsufran":45126,"ĠTela":45127,"Ġinterpretará":45128,"Ġaveces":45129,"Ġburlas":45130,"Ġgatillo":45131,"Ġexpedida":45132,"´,":45133,"Ġfijamos":45134,"Ġocasionó":45135,"Ġerróneamente":45136,"Ġensambl":45137,"ÃĵR":45138,"Ġfelinos":45139,"ĠExperiencias":45140,"Ġmarginales":45141,"Ġcoloquio":45142,"ĠConsultar":45143,"entaba":45144,"Ġestel":45145,"ptim":45146,"oluble":45147,"Ġbuscarla":45148,"ĠPlano":45149,"Ġcomprendió":45150,"ĠorgÃŃa":45151,"ĠPatrio":45152,"Ġchocó":45153,"ĠGRADO":45154,"upe":45155,"ĠSainz":45156,"Ġarmónico":45157,"Ġ178":45158,"Ġrecuperan":45159,"IDEOS":45160,"ĠGrados":45161,"puta":45162,"Ġmojada":45163,"Ġmodificadas":45164,"ĠMilton":45165,"ĠVillalobos":45166,"Ġengranaje":45167,"ĠZARAGOZA":45168,"Cultura":45169,"ĠVW":45170,"Ġ206":45171,"ĠQueens":45172,"ĠSti":45173,"Ġvertidos":45174,"ĠCuaresma":45175,"ĠInspir":45176,"Ġconcertar":45177,"ĠApre":45178,"Ġprobamos":45179,"Ġgrieta":45180,"ĠADSL":45181,"иÑı":45182,"persona":45183,"oa":45184,"Ġsaltan":45185,"Ġcambiario":45186,"Ġradiaciones":45187,"ĠBeauty":45188,"ĠItaliana":45189,"ĠElectrodom":45190,"ekwondo":45191,"conocer":45192,"Ġculinarias":45193,"Ġlistón":45194,"ĠLaurent":45195,"Ġsintoma":45196,"ignidad":45197,"Ġañadida":45198,"ĠFinanciación":45199,"Ġómnibus":45200,"Eran":45201,"dación":45202,"Ġpornos":45203,"ĠAlgún":45204,"ĠArtista":45205,"Ġaparcamientos":45206,"Ġdisfrutas":45207,"Ġbiodegrad":45208,"ĠConselleria":45209,"ondr":45210,"tist":45211,"ĠFAN":45212,"Ġminucioso":45213,"hiro":45214,"Ġignoran":45215,"Ġmarginación":45216,"ĠodontologÃŃa":45217,"ĠFerreira":45218,"Ġpegas":45219,"Ġnormativos":45220,"ĠKarina":45221,"ĠJOSÃī":45222,"ĠIMPORTANTE":45223,"Ġarrogancia":45224,"Ġcuánta":45225,"ĠSombras":45226,"dier":45227,"Ġleucemia":45228,"Ġwall":45229,"Ġreventar":45230,"Ġdisfrutarás":45231,"Ġexporta":45232,"Ġindulto":45233,"ĠCóm":45234,"Ġsiti":45235,"empren":45236,"velt":45237,"Ġreglamentario":45238,"Ġrespiratorios":45239,"Ġtractores":45240,"Ġagropecuaria":45241,"Ġsubterráneos":45242,"Hub":45243,"Mt":45244,"ĠDora":45245,"Ġevitarse":45246,"Ġeducados":45247,"tropÃŃa":45248,"IK":45249,"Ġcráter":45250,"pil":45251,"ĠBrito":45252,"Ġqueridas":45253,"ĠFisioterapia":45254,"ĠEspecialistas":45255,"Ġacumuladas":45256,"ĠUshuaia":45257,"ĠBowl":45258,"Ġdebieran":45259,"Ġenviarlo":45260,"wy":45261,"ĠDEPOR":45262,"ĠencontrarÃŃa":45263,"Ġmodest":45264,"Ġanunciadas":45265,"Ġferrocarriles":45266,"Ġsupra":45267,"wid":45268,"Ġregu":45269,"Ġdiana":45270,"ĠTerreno":45271,"ĠTenÃŃamos":45272,"PLAN":45273,"ĠEdo":45274,"ĠFrac":45275,"Ġhumos":45276,"ParÃŃs":45277,"Ġrenunciado":45278,"face":45279,"rologÃŃa":45280,"ĠPide":45281,"Ġprint":45282,"bago":45283,"Ġroedores":45284,"ĠPoten":45285,"ĠGerman":45286,"Ġcigarro":45287,"ĠDucati":45288,"ĠDeje":45289,"Ġentrara":45290,"Ġpublicaba":45291,"Ġbesote":45292,"Ġpañuelos":45293,"Domingo":45294,"Ġatemor":45295,"Ġ245":45296,"Ġintroduzca":45297,"ĠAbi":45298,"Ġinteresen":45299,"109":45300,"Ġdisputados":45301,"rd":45302,"Ġnidos":45303,"Ġhuyeron":45304,"Ġsinago":45305,"Ġcoja":45306,"Ġproblemático":45307,"wel":45308,"ibio":45309,"énicas":45310,"Ġdudoso":45311,"Ġhoteleros":45312,"Ġbrújula":45313,"Ġnoviazgo":45314,"ĠAcreditación":45315,"?»":45316,"gama":45317,"Ġnue":45318,"ин":45319,"ĠxDD":45320,"Ġdesistimiento":45321,"Ġlongevidad":45322,"ĠSampaoli":45323,"isha":45324,"ĠMG":45325,"ĠSuger":45326,"Ġbailarinas":45327,"Ġirrelevante":45328,"Ġquerrás":45329,"Ġestacionamientos":45330,"Ġidiosinc":45331,"Ġpipa":45332,"ĠPolÃŃgono":45333,"Mateo":45334,"Ġahondar":45335,"Nivel":45336,"realmente":45337,"data":45338,"ĠAngulo":45339,"ÃģF":45340,"ĠCocinas":45341,"ĠEpide":45342,"ĠRecre":45343,"Ġenmarcada":45344,"Ġaltibajos":45345,"Ġstory":45346,"Ġcosillas":45347,"ĠPlazas":45348,"Ġconceden":45349,"Ġatacada":45350,"Ġsaharaui":45351,"Ġpartidaria":45352,"Ġcementerios":45353,"Ġremitente":45354,"ĠDejamos":45355,"Ġbastidor":45356,"ologo":45357,"Personas":45358,"ICIA":45359,"ĠArtem":45360,"ĠDormitorio":45361,"inson":45362,"ĠKant":45363,"Ġagregue":45364,"Ġintestinales":45365,"Ġdesvelado":45366,"ĠEnsayo":45367,"ficaz":45368,"Ġinstalador":45369,"ĠAnatomÃŃa":45370,"Ġinterrumpe":45371,"Ġinvasores":45372,"ĠFX":45373,"ĠCálculo":45374,"Ġadoc":45375,"Ġreapertura":45376,"Ġinclemencias":45377,"ĠFocus":45378,"Ġapl":45379,"Ġveracruz":45380,"Ġinterpuso":45381,"Ġviolado":45382,"Ġarrastrado":45383,"habÃŃa":45384,"ĠSpencer":45385,"Ecuador":45386,"deña":45387,"ÃŃacos":45388,"ucos":45389,"ĠTep":45390,"Ġdeforma":45391,"ĠCatas":45392,"güen":45393,"ĠfutbolÃŃstico":45394,"ĠINGENIER":45395,"alba":45396,"ĠJM":45397,"Ġlentejuelas":45398,"Ġbinario":45399,"ĠFarm":45400,"emelo":45401,"Ġcatalizador":45402,"Ġaledañas":45403,"ĠHISTORIA":45404,"VEL":45405,"ajira":45406,"yección":45407,"ORACIÃĵN":45408,"Ġenganchado":45409,"Ġgenerosos":45410,"ĠпÑĢ":45411,"Ġbúl":45412,"ĠAngola":45413,"Ġrán":45414,"Unión":45415,"Ġsilenci":45416,"Ġland":45417,"Ġimpot":45418,"ĠNot":45419,"Ġsabeis":45420,"Ġinglesas":45421,"ĠBarranco":45422,"imán":45423,"ĠProb":45424,"Ġconsiderarán":45425,"Ġfocal":45426,"Definitivamente":45427,"Ġhumedales":45428,"ĠPart":45429,"Ġconfesiones":45430,"ĠMachu":45431,"Ġcompruebe":45432,"VSA":45433,"espal":45434,"Ġfati":45435,"Ġnórdico":45436,"isterÃŃa":45437,"ĠOber":45438,"bióticos":45439,"Ase":45440,"Base":45441,"lú":45442,"Ġbajen":45443,"Ġbiopsia":45444,"ades":45445,"Ġedema":45446,"ĠTrá":45447,"ĠExcur":45448,"cinos":45449,"Ġpatriotismo":45450,"Ġlucidez":45451,"Aplicación":45452,"Calidad":45453,"ĠREN":45454,"ĠIndio":45455,"Ġpolideportivo":45456,"Ġconfiamos":45457,"ÃŃdico":45458,"Ġrectores":45459,"Ġacuar":45460,"Ġlimpiando":45461,"Ġcrudos":45462,"Ġrellenando":45463,"Pay":45464,"Tea":45465,"tsky":45466,"ĠfreÃŃr":45467,"Ġhidrata":45468,"Ġobsoleto":45469,"Ġespárragos":45470,"ĠDerma":45471,"SIÃĵN":45472,"ĠReuniones":45473,"Ġnomás":45474,"erón":45475,"hey":45476,"Ġcrónicos":45477,"ĠPotro":45478,"ĠHabrÃŃa":45479,"Ġcometidas":45480,"orema":45481,"Ġincumplimientos":45482,"Ġdesplazan":45483,"Ġaloja":45484,"cles":45485,"ĠPura":45486,"ĠMEX":45487,"ĠFicción":45488,"ĠHeras":45489,"utanas":45490,"ĠsubÃŃ":45491,"Ġ172":45492,"Ġlargu":45493,"Ġquebrar":45494,"Ġleerte":45495,"Ġflotantes":45496,"Ġalicante":45497,"ĠFilar":45498,"obe":45499,"Ġrubor":45500,"ĠEscritores":45501,"Clases":45502,"Ġamonton":45503,"GRES":45504,"issan":45505,"ĠTransmisión":45506,"ĠAirbnb":45507,"ĠhÃŃdricos":45508,"ĠDate":45509,"anasonic":45510,"Ġperipe":45511,"empres":45512,"Ġsufridos":45513,"ĠApóstoles":45514,"Ġmultifunción":45515,"ĠCabos":45516,"Gonzalo":45517,"Ġsumerge":45518,"ĠAi":45519,"Ġhacin":45520,"ĠNUNCA":45521,"creación":45522,"sss":45523,"Ġrondar":45524,"quena":45525,"ALO":45526,"990":45527,"ĠNazareno":45528,"ĠPilates":45529,"Ġequitativo":45530,"Ġlisos":45531,"ĠHaro":45532,"Ġvendan":45533,"Ġterraten":45534,"Ġpijama":45535,"üller":45536,"omenclatura":45537,"ĠBier":45538,"Ġderrocar":45539,"Ġuniformidad":45540,"Ġordenanzas":45541,"Ġcolumnista":45542,"buenos":45543,"Ġesforzar":45544,"ĠQuesada":45545,"Ġporteros":45546,"Operación":45547,"Ġcache":45548,"ĠDad":45549,"ĠSupervisión":45550,"Ġmicroscopio":45551,"revolucion":45552,"ĠPellegr":45553,"ĠRN":45554,"uere":45555,"Ġconscientemente":45556,"Ġpartidista":45557,"Ġdonado":45558,"Ġmovemos":45559,"ĠMorris":45560,"Ġpadecimientos":45561,"Ġejecutó":45562,"mosis":45563,"cao":45564,"Ġcoincida":45565,"âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦":45566,"aris":45567,"ĠVisto":45568,"talaya":45569,"Ġmitin":45570,"Ġbagaje":45571,"Ġ325":45572,"Ġderivación":45573,"ĠObligatoria":45574,"aldas":45575,"Ġmatri":45576,"Ġmarket":45577,"Ġpregunten":45578,"ĠArnold":45579,"dibles":45580,"ĠLTE":45581,"Ġvisitada":45582,"Ġconsiderarlo":45583,"ĠTurner":45584,"Ġirrever":45585,"regor":45586,"Ġdeterminen":45587,"Ġsimplificación":45588,"ĠTáchira":45589,"dará":45590,"hana":45591,"Ġ����":45592,"espe":45593,"Ġasustada":45594,"Ġdesdo":45595,"ĠKhan":45596,"filos":45597,"Ġelevador":45598,"Ġgalardonados":45599,"TAMENTO":45600,"ĠIntellig":45601,"Ġpagarán":45602,"ĠLeonard":45603,"Ġtrascendió":45604,"Ġzen":45605,"Ġofertar":45606,"ĠSteel":45607,"ĠAPRO":45608,"ĠContinente":45609,"gala":45610,"Ġusufruc":45611,"JAR":45612,"Ġunimos":45613,"ĠBug":45614,"ĠHaremos":45615,"Ġcomunicador":45616,"BIERNO":45617,"Cub":45618,"Ġperre":45619,"ĠElija":45620,"ICAR":45621,"ÃįF":45622,"ĠSeccional":45623,"ĠGanar":45624,"ĠDeberá":45625,"algunas":45626,"CIF":45627,"Ġgasa":45628,"ĠCanario":45629,"Ġguardas":45630,"ĠShim":45631,"ĠRomanos":45632,"ĠSabina":45633,"réd":45634,"idamos":45635,"Ġexigimos":45636,"ITAS":45637,"Ġadelantos":45638,"ĠRecién":45639,"Ġinmersa":45640,"Ġbufanda":45641,"ĠCienfuegos":45642,"Ġdesprenderse":45643,"ĠFEM":45644,"Ġoptaron":45645,"Ġtroy":45646,"ĠFerias":45647,"Ġtriangular":45648,"bea":45649,"garra":45650,"Ġpegando":45651,"ĠPoemas":45652,"Ġpromovió":45653,"Ġproporcionalidad":45654,"Ġgarajes":45655,"Ġextravagante":45656,"ĠFide":45657,"ĠHac":45658,"Ġfuéramos":45659,"Ġproclamar":45660,"ĠCAPÃįTULO":45661,"Ġucraniano":45662,"ĠPene":45663,"paros":45664,"ĠPopulares":45665,"ULTAD":45666,"Ġdesentra":45667,"^^":45668,"Ġapple":45669,"ingres":45670,"avidas":45671,"trónica":45672,"Ġobservancia":45673,"Ġdinosaurio":45674,"podrÃŃa":45675,"Ġdescargue":45676,"Ġmache":45677,"Ġespiritualmente":45678,"Ġdetergente":45679,"Ġovarios":45680,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":45681,"aditas":45682,"Ġindicativo":45683,"ĠCarlota":45684,"Ġexfol":45685,"Ġdosificación":45686,"ĠArgu":45687,"Ġobtendrán":45688,"Ġdesmontable":45689,"116":45690,"Ġsustentan":45691,"Ġpeculiaridad":45692,"Ġdestrozar":45693,")(":45694,"ĠconfÃŃo":45695,"ĠProven":45696,"Ġblanquia":45697,"KET":45698,"ĠSOM":45699,"Ġ316":45700,"portamiento":45701,"tress":45702,"Ġseveridad":45703,"Ġconmemorativa":45704,"ĠBooks":45705,"map":45706,"visores":45707,"Ġvarita":45708,"ĠProfessional":45709,"Ġlongitudes":45710,"Ġspi":45711,"loa":45712,"Ġ\"...":45713,"Ġocurriera":45714,"Ġacristal":45715,"ĠTT":45716,"ĠManzana":45717,"Ġarañazos":45718,"balo":45719,"Ġdeceso":45720,"mod":45721,"ĠFénix":45722,"Ġponiente":45723,"âĢĶ¿":45724,"Ġincesto":45725,"bul":45726,"ĠPilo":45727,"ĠSna":45728,"ĠSola":45729,"ĠMarti":45730,"Ġbaraj":45731,"Ġdenunciante":45732,"Ġdescubrirás":45733,"omática":45734,"ĠEme":45735,"Ġchist":45736,"Ġfriki":45737,"Ġsuperhéroe":45738,"boro":45739,"ĠHappy":45740,"Ġfrialdad":45741,"ĠAAA":45742,"ÃŃntesis":45743,"Ġagota":45744,"Ġbeisbol":45745,"Ġmilenios":45746,"Jim":45747,"Pac":45748,"Ġ162":45749,"ampton":45750,"ĠCEIP":45751,"Ġomiso":45752,"ĠHomenaje":45753,"Ġvitrina":45754,"Ġvictima":45755,"Ġfracasar":45756,"ĠPAIS":45757,"ĠPicchu":45758,"fam":45759,"ĠRox":45760,"Ġchorros":45761,"Ġaprendieron":45762,"550":45763,"recuer":45764,"ĠPuno":45765,"ĠMud":45766,"Ġapalan":45767,"Ġvalorización":45768,"Ġpredecible":45769,"Ġapoderarse":45770,"Ġastronautas":45771,"SON":45772,"Ġmonólogo":45773,"Ġpudieras":45774,"Ġaccedido":45775,"Ġofensivas":45776,"Ġesforzamos":45777,"ĠSoraya":45778,"ĠCúcuta":45779,"ĠSuela":45780,"Ġsubirá":45781,"Ġlarvas":45782,"Ġevolutiva":45783,"Ġdesartic":45784,"ĠDIC":45785,"Ġregidores":45786,"ethe":45787,"Ġconocerlos":45788,"ĠClip":45789,"Ġtemido":45790,"Ġincertidumbres":45791,"ĠAdecu":45792,"ĠMÃŃnimo":45793,"fly":45794,"г":45795,"ĠDónde":45796,"ĠPato":45797,"Ġemprendedoras":45798,"Ġinquis":45799,"ĠLavado":45800,"Ġgénesis":45801,"Ġanota":45802,"ĠConsultor":45803,"Lucas":45804,"kie":45805,"Ġperece":45806,"Ġcapilares":45807,"Ġgolfo":45808,"Ġbragas":45809,"Ġcánta":45810,"Ġentere":45811,"Ġplátanos":45812,"ĠAlternativa":45813,"ERT":45814,"Ġsancionados":45815,"Media":45816,"ÃŃmiles":45817,"Ġadopten":45818,"Ġtrayectorias":45819,"Ġpercance":45820,"Ġhabréis":45821,"obra":45822,"Ġcoincidido":45823,"Ġvistió":45824,"Ġautomovilistico":45825,"ĠPadrón":45826,"Ġmoviéndose":45827,"Ġaliciente":45828,"cisa":45829,"ervicio":45830,"Ġpandillas":45831,"Ġtalentoso":45832,"Ġiluminados":45833,"Ġpresupuestarias":45834,"Ġespeluzn":45835,"Ġdespos":45836,"ĠpaÃĥ":45837,"dry":45838,"Ġprincipiante":45839,"Ġcastiga":45840,"ĠBárcenas":45841,"ĠLech":45842,"ĠIlustre":45843,"Ġalternando":45844,"Ġpartimos":45845,"ĠBarbie":45846,"ĠDeberÃŃa":45847,"Ġintraven":45848,"Ġingra":45849,"Ġgótica":45850,"Ġmosquito":45851,"iéndome":45852,"Ġpoliticos":45853,"ĠOlimpia":45854,"Ġmalagueño":45855,"ĠAgüero":45856,"Evaluación":45857,"Ġinfame":45858,"park":45859,"ĠReport":45860,"úlveda":45861,"ICET":45862,"Ġllevarme":45863,"ĠinformaciÃĥ":45864,"ĠPowerPoint":45865,"Ġanochecer":45866,"Luz":45867,"Ġestampar":45868,"Ġlevantada":45869,"Ġasistan":45870,"ĠStaff":45871,"Ġarrestados":45872,"Ġrevolucionar":45873,"mono":45874,"sign":45875,"ĠDior":45876,"Ġascienden":45877,"ĠFranja":45878,"tting":45879,"Ġejecute":45880,"Ġaceituna":45881,"Ġdesplome":45882,"Pen":45883,"Ġoyen":45884,"ĠAX":45885,"ĠCorriente":45886,"Ġlegisladora":45887,"Ġseme":45888,"Ġsuscripciones":45889,"Ġcertero":45890,"Ġpié":45891,"Ġconstituyendo":45892,"Ġreglamentarias":45893,"TecnologÃŃa":45894,"Ġdiapositivas":45895,"Twitter":45896,"ĠMID":45897,"active":45898,"ranos":45899,"ĠCree":45900,"ĠBurton":45901,"Ġalmidón":45902,"Diez":45903,"ĠEI":45904,"ĠBinarias":45905,"Ġapri":45906,"dern":45907,"Ġmajestuoso":45908,"ĠRurales":45909,"Ġsolapa":45910,"partes":45911,"ĠNoble":45912,"Ġmasivamente":45913,"Ġplanificada":45914,"Ġcosechar":45915,"ĠLauren":45916,"Ġcuide":45917,"ĠWang":45918,"Ġmerecemos":45919,"Ġoportunos":45920,"Ġeróticas":45921,"ĠMensajero":45922,".¡":45923,"onismo":45924,"Ġrifle":45925,"ĠMitsubishi":45926,"ĠGate":45927,"Ġ¬":45928,"Ġurl":45929,"Ġerr":45930,"Ġdisfrazado":45931,"ĠMalaga":45932,"ĠDAN":45933,"ĠBÃŃo":45934,"Ġfood":45935,"Ġindicamos":45936,"pensión":45937,"rap":45938,"Ġ370":45939,"Ġlipo":45940,"ĠDiferentes":45941,"ĠNueve":45942,"ĠWells":45943,"Ġpantanos":45944,"Ġinvolucrarse":45945,"Ġviajamos":45946,"Volviendo":45947,"ĠVuelos":45948,"ĠIndica":45949,"Ġsubesti":45950,"Ġpodrias":45951,"Serie":45952,"Ġcomentaristas":45953,"Ġabusivo":45954,"ĠKick":45955,"Ġbarbilla":45956,"Ninguna":45957,"Ġinhibición":45958,"Ġespátula":45959,"Ġhábitats":45960,"ĠFaust":45961,"ĠDIGITAL":45962,"innova":45963,"itza":45964,"Ġantin":45965,"Ġbrusco":45966,"Ġsimultan":45967,"ĠBorn":45968,"Ġpagaba":45969,"ĠbiotecnologÃŃa":45970,"Ġsociólogo":45971,"ĠShopping":45972,"enovelas":45973,"ĠEusebio":45974,"Sue":45975,"busto":45976,"ĠAlbor":45977,"Ġculpas":45978,"Ġgenialidad":45979,"Ġtail":45980,"ĠHumala":45981,"Ġretrasado":45982,"Ġconstructoras":45983,"ĠMier":45984,"icienta":45985,"Ġmaliciosos":45986,"body":45987,"Ġsalvando":45988,"Ġdistribuciones":45989,"upon":45990,"ionalidad":45991,"duzco":45992,"lamo":45993,"Ġincluirse":45994,"ĠQuintan":45995,"Ġtrompeta":45996,"Ġarrecifes":45997,"ingen":45998,"Ġdesna":45999,"Ġagrid":46000,"ĠBoard":46001,"ĠMINISTERIO":46002,"å¹":46003,"etz":46004,"ĠXim":46005,"Ġportavoces":46006,"Ġdivir":46007,"Podéis":46008,"Ġtranscurridos":46009,"ĠConsumidores":46010,"Ġcuatrimestre":46011,"ĠTLCAN":46012,"Ġconyugal":46013,"eline":46014,"ONU":46015,"Ġcriollos":46016,"Ġtransportan":46017,"grupos":46018,"Ġmorib":46019,"Ġestructuración":46020,"Ġfollan":46021,"ĠregalÃŃas":46022,"Ġfrena":46023,"tónico":46024,"ĠPRIMERA":46025,"descub":46026,"ĠJue":46027,"Ġsenté":46028,"Ġjustici":46029,"Ġintroducidas":46030,"Ġdescendente":46031,"Ġevidenciar":46032,"Ġabstracta":46033,"Ġsinergia":46034,"DAS":46035,"Ġagas":46036,"chados":46037,"ĠorquÃŃ":46038,"Ġamigables":46039,"Ġpasarla":46040,"Ġdebilit":46041,"Ġfolklore":46042,"Ado":46043,"sand":46044,"Ġparalizado":46045,"ĠFast":46046,"ĠCuadernos":46047,"ĠDomicilio":46048,"Siete":46049,"ĠPik":46050,"ĠMóstoles":46051,"Ġ275":46052,"Ġequivalencia":46053,"ĠCoches":46054,"Esco":46055,"ĠServi":46056,"letazo":46057,"ĠHolguÃŃn":46058,"ĠImagina":46059,"ĠMemorias":46060,"Ġinformo":46061,"Ġdeslin":46062,"Ġayudantes":46063,"Ġformuladas":46064,"criminación":46065,"ĠReflexiones":46066,"HER":46067,"ĠSócrates":46068,"Ġanac":46069,"ĠChaque":46070,"Ġcentradas":46071,"ĠProstitu":46072,"APA":46073,"ĠArbitraje":46074,"Ġsumarán":46075,"ĠBritánico":46076,"fób":46077,"ĠSalsa":46078,"Ġmolestan":46079,"ĠCIDH":46080,"ĠRestrepo":46081,"Ġreservando":46082,"incluido":46083,"Ġcognitivos":46084,"Ġdesenfren":46085,"BF":46086,"Ġbucear":46087,"ĠMezcla":46088,"PES":46089,"égano":46090,"ĠNerv":46091,"Ġirlandesa":46092,"Ġescribirnos":46093,"Ġepid":46094,"Actividad":46095,"ĠÄ":46096,"exp":46097,"Ġprometer":46098,"ĠRecibe":46099,"Ġasfixia":46100,"ĠdarÃŃan":46101,"Ġenfure":46102,"Ġcolegial":46103,"ĠTablas":46104,"Ġirremediablemente":46105,"amanos":46106,"Ġsumergido":46107,"ĠDesafortunadamente":46108,"Ġacupuntura":46109,"Ġuranio":46110,"Ġintri":46111,"ĠQuieres":46112,"Ġlucharon":46113,"Ġborre":46114,"ĠFlorence":46115,"ĠEmpezamos":46116,"ĠAsociado":46117,"Ġpatrullas":46118,"Ġseccion":46119,"ĠSof":46120,"Ġperteneció":46121,"Ġconfirme":46122,"ĠJaramillo":46123,"ĠCastaño":46124,"ĠMinutos":46125,"Ġferiado":46126,"Ġvibrador":46127,"Serán":46128,"Ġcolosal":46129,"Hos":46130,"Ġko":46131,"ĠBolonia":46132,"ĠAfter":46133,"Ġfolclore":46134,"Ġdesviaciones":46135,"ĠSAC":46136,"ĠMejorar":46137,"chero":46138,"Ġcómica":46139,"ĠAdv":46140,"Ġatroz":46141,"ĠCIENCIAS":46142,"Ġ(*)":46143,"versibles":46144,"Ġgangl":46145,"Ġlegiti":46146,"Ġhumanismo":46147,"Ġlubricantes":46148,"indicaciones":46149,"Ġpresionado":46150,"Ġrepresentaban":46151,"Ġcocinado":46152,"Ġestreme":46153,"Ġdesperdicios":46154,"ĠInicialmente":46155,"ĠMixta":46156,"DEC":46157,"omes":46158,"Ġrecuadro":46159,"ĠPeñas":46160,"ĠExtrac":46161,"Ïĥ":46162,"odé":46163,"ĠScioli":46164,"Ġincalcul":46165,"ĠAmaya":46166,"ĠCruceros":46167,"Ġbocetos":46168,"ĠMUD":46169,"ĠConvers":46170,"Ġapoyará":46171,"Ġelimine":46172,"Ġincongru":46173,"Ġpsicomo":46174,"ĠSANTA":46175,"Ġsuspendidos":46176,"Ġescénica":46177,"ĠHospitales":46178,"ĠAGUA":46179,"Ġ167":46180,"Ġpermanecieron":46181,"Ġholandeses":46182,"ĠFusión":46183,"ĠEnsen":46184,"Ġjungla":46185,"Ġtimón":46186,"Ġalucina":46187,"Ġexag":46188,"observ":46189,"Ġwestern":46190,"Ġtapado":46191,"ĠValentina":46192,"Ġalbahaca":46193,"Adap":46194,"Ġdella":46195,"eppe":46196,"ĠAmelia":46197,"Ġprotestantes":46198,"ĠCórdova":46199,"revolución":46200,"Ġsobrellevar":46201,"ĠcompartÃŃa":46202,"ĠCasanova":46203,"Ġimperante":46204,"Ġdescargarse":46205,"Ġmezclada":46206,"Ġencerrada":46207,"ĠUNICEF":46208,"Ġantica":46209,"cea":46210,"Ġmaris":46211,"Ġ925":46212,"Ġdesatas":46213,"ðŁĮ":46214,"Ġarribaron":46215,"ĠEscar":46216,"Ġchec":46217,"ĠKiss":46218,"ĠMacBook":46219,"esar":46220,"ĠAcor":46221,"Ġmenaje":46222,"ĠKla":46223,"Ġurna":46224,"ĠvestÃŃa":46225,"Ġlomb":46226,"ĠEnvi":46227,"Ġ202":46228,"Ġfranque":46229,"Ġintendentes":46230,"Ġmodifique":46231,"ĠShadow":46232,"Ġlegislaciones":46233,"ĠFraga":46234,"Ġpederas":46235,"ideas":46236,"ĠArévalo":46237,"ignon":46238,"tróleos":46239,"ĠJoyerÃŃa":46240,"Ġlate":46241,"Ġtril":46242,"entaron":46243,"ĠPERO":46244,"pard":46245,"Ġmarfil":46246,"monio":46247,"Ġcomplicar":46248,"Ġgeoloc":46249,"Ġporcentual":46250,"Sos":46251,"_.":46252,"ĠNest":46253,"ĠIca":46254,"Ġhabria":46255,"Ġescuchen":46256,"Ġtertulia":46257,"Ġhúngaro":46258,"Ġbaúl":46259,"ĠXxx":46260,"Ġcolectivamente":46261,"works":46262,"Ġinvirtió":46263,"sword":46264,"Ġincorporadas":46265,"Ġperegrino":46266,"ĠPhilippe":46267,"Wa":46268,"ĠHoff":46269,"Ġgata":46270,"ĠMercadona":46271,"iseos":46272,"ĠExamen":46273,"Ġnutricionista":46274,"Ġpapeletas":46275,"ĠepÃŃgraf":46276,"Luc":46277,"Å«":46278,"×ķ":46279,"aray":46280,"ĠMarea":46281,"Ġjaulas":46282,"Ġhomenajes":46283,"Ġconej":46284,"ĠCun":46285,"ĠGoku":46286,"rasia":46287,"Ġcarcin":46288,"ĠGuitarra":46289,"Ġcursado":46290,"ĠYugoslavia":46291,"Ġbim":46292,"Ġpersa":46293,"teriza":46294,"etica":46295,"Ġminibar":46296,"Ġhumorista":46297,"bucks":46298,"hecho":46299,"ĠPAD":46300,"bags":46301,"Ġbusqué":46302,"ĠPared":46303,"Ġencantadores":46304,"ĠPequeñas":46305,"Ġenvejecer":46306,"Uruguay":46307,"Ġgym":46308,"ĠPec":46309,"Ġllamativas":46310,"Ġafic":46311,"ĠcartografÃŃa":46312,"Ġmalversación":46313,"Ġresistirse":46314,"Ġartilug":46315,"tÃŃo":46316,"abia":46317,"Ġalz":46318,"ĠXS":46319,"Ġexpresados":46320,"Ġpadecido":46321,"Ġchequeo":46322,"ĠMilagro":46323,"teurs":46324,"ellón":46325,"nesota":46326,"Ġadhiere":46327,"Ġteóricamente":46328,"Ġluminosas":46329,"tÃŃsima":46330,"ĠBord":46331,"clusión":46332,"Ġlectivo":46333,"ĠLegión":46334,"Ġheterosexuales":46335,"ĠJeremy":46336,"stock":46337,"ĠTCP":46338,"Ġlipos":46339,"deraciones":46340,"Ġarregla":46341,"bike":46342,"ĠArreg":46343,"ĠCourt":46344,"Ġ203":46345,"ĠActas":46346,"ĠAction":46347,"ĠperiodÃŃsticos":46348,"Ġcuantitativa":46349,"âĨĴ":46350,"echea":46351,"Ġxeno":46352,"Ġajard":46353,"iadora":46354,"Ġcuela":46355,"ĠDort":46356,"Ġsabore":46357,"ĠMurió":46358,"Ġvidri":46359,"Ġchancadoras":46360,"Ġlegalizar":46361,"ĠTeherán":46362,"ĠJairo":46363,"ĠStart":46364,"ĠRepresenta":46365,"ĠcalabacÃŃn":46366,"λ":46367,"Ġaleta":46368,"Ġgaz":46369,"ĠBasic":46370,"ĠMcK":46371,"Ġreorden":46372,"Ġsordo":46373,"Ġreportados":46374,"ĠMath":46375,"Ġfascinado":46376,"quizás":46377,"Ġtrazabilidad":46378,"mberg":46379,"legal":46380,"Ġconservas":46381,"Ġdibujando":46382,"ométrica":46383,"ĠAsocia":46384,"Ġteñido":46385,"Ġner":46386,"Ġregion":46387,"ĠPrimeros":46388,"Ġpartos":46389,"itri":46390,"Ġoscure":46391,"Ġcuidador":46392,"ĠLlantas":46393,"Ġmanillar":46394,"Ġeviten":46395,"ILIA":46396,"Ġacercarme":46397,"Ġomni":46398,"Ġdesesperados":46399,"Ġmurcia":46400,"ĠPeñarol":46401,"trava":46402,"ĠPÃŃ":46403,"ĠIf":46404,"Ġnaci":46405,"ubio":46406,"Ġmorenas":46407,"Ġprocedido":46408,"ĠProvinciales":46409,"Ġsonro":46410,"Ġ290":46411,"ĠErik":46412,"kal":46413,"ĠSiga":46414,"Ġreferencial":46415,"Ġfrustrante":46416,"Ġdispersos":46417,"Ġmanutención":46418,"amino":46419,"Ġpaterna":46420,"Ġhabernos":46421,"Ġheladera":46422,"Ġforce":46423,"ĠCaballo":46424,"POSICIÃĵN":46425,"Ġlienzos":46426,"005":46427,"ĠMadison":46428,"Ġexpedi":46429,"Ġretiros":46430,"Utiliza":46431,"ĠFlora":46432,"seco":46433,"Ġchófer":46434,"cury":46435,"ĠEstudiantil":46436,"ĠSubdirección":46437,"ĠBuf":46438,"Ġtoreros":46439,"Ġprotagonizaron":46440,"Ġconversando":46441,"Ġsecuestrada":46442,"Bea":46443,"ĠEro":46444,"Ġgér":46445,"ĠFortuna":46446,"Ġinveros":46447,"ĠHegel":46448,"ĠFalla":46449,"Ġgrin":46450,"sono":46451,"Ġaprendimos":46452,"Ġalmacenado":46453,"Ġurgentemente":46454,"Ġmisteriosos":46455,"ĠDennis":46456,"ĠLimpia":46457,"Ġmascarillas":46458,"Ġyogurt":46459,"utanasia":46460,"CF":46461,"Time":46462,"Ġao":46463,"Ġpuebl":46464,"Ġmalvados":46465,"ĠasesorÃŃas":46466,"Ġcomprarla":46467,"Ġmonedero":46468,"Ġrestaurant":46469,"Ġaconsejan":46470,"Ġmentiroso":46471,"Ġcosechado":46472,"Ġlife":46473,"ĠInsu":46474,"ĠsabÃŃas":46475,"Ġrabi":46476,"ĠCorrupción":46477,"ĠASIGNA":46478,"ĠWarriors":46479,"celos":46480,"tiendas":46481,"ĠPrestamos":46482,"Ġpatentado":46483,"Ġsidra":46484,"Ġserigra":46485,"ĠasÃĥ":46486,"inegro":46487,"Ġobjetivas":46488,"Ġfotom":46489,"ipes":46490,"Ġsacramento":46491,"Ġregresión":46492,"ĠCaban":46493,"Ġresorte":46494,"jov":46495,"ĠVALENCIA":46496,"Ġpromulgación":46497,"Ġacoj":46498,"ĠTaj":46499,"ĠPerdón":46500,"ĠLuque":46501,"Ġbalonmano":46502,"Ġesclava":46503,"iniciar":46504,"deno":46505,"ĠAndres":46506,"ĠVancouver":46507,"Ġbrindaron":46508,"Ġalinea":46509,"Ġcordiales":46510,"Espacio":46511,"ĠMoney":46512,"Ġexiliados":46513,"Ġscrip":46514,"107":46515,"ĠPoniente":46516,"Ġmástil":46517,"ĠENTR":46518,"aproximadamente":46519,"Ġestimulantes":46520,"Ġdesiertos":46521,"ĠAlexandra":46522,"ĠNATURAL":46523,"ĠÃįNDICE":46524,"Ġabordará":46525,"ĠTiz":46526,"Ġlibrarse":46527,"Ġamorosas":46528,"ĠBenavente":46529,"ĠinfografÃŃa":46530,"Ġskate":46531,"!:":46532,"currió":46533,"Ġofendido":46534,"Ġcelulosa":46535,"Ġsobrio":46536,"Ġtransmitiendo":46537,"Ġmatriculación":46538,"ĠJosefa":46539,"ĠMUNICIPAL":46540,"Ġsabréis":46541,"Ġcontratan":46542,"Ġmontados":46543,"RIO":46544,"Ġdivierte":46545,"ĠRecomendaciones":46546,"ĠAdolescencia":46547,"ĠACTIVIDADES":46548,"Ġrencontre":46549,"uestre":46550,"Ġpopa":46551,"Escri":46552,"Ġadministradora":46553,"Ġmagnifico":46554,"Ġrapidos":46555,"Ġgamas":46556,"Ġmetidos":46557,"construcción":46558,"cinia":46559,"Ġexploradores":46560,"Próx":46561,"Doble":46562,"Ġhomologado":46563,"deles":46564,"ĠJhon":46565,"comm":46566,"ĠdefendÃŃa":46567,"Ġderogación":46568,"ĠAlejandrÃŃa":46569,"Ciertamente":46570,"Ġcumb":46571,"Ġcuenco":46572,"ĠPasamos":46573,"Ġaumenten":46574,"Actualización":46575,"ĠTIPO":46576,"reses":46577,"Ġreconf":46578,"ĠOlive":46579,"ĠBegoña":46580,"Marco":46581,"Ġreiterada":46582,"Ġmártir":46583,"chebuena":46584,"rata":46585,"lem":46586,"tógrafo":46587,"Ġcontara":46588,"ĠIndian":46589,"sc":46590,"ortes":46591,"ĠAlerta":46592,"128":46593,"ĠElectorales":46594,"Ġprevalecer":46595,"ĠONGs":46596,"ĠmembresÃŃa":46597,"ĠDiseñado":46598,"Molino":46599,"Ġvet":46600,"Ġperenne":46601,"ĠAldea":46602,"ĠRegina":46603,"Ġtributación":46604,"Ġempujó":46605,"Ġexpositor":46606,"Ġyihadistas":46607,"nac":46608,"Ġexim":46609,"pán":46610,"Ġee":46611,"ĠSG":46612,"ĠElda":46613,"Ġsinu":46614,"Ġempezo":46615,"wser":46616,"acaso":46617,"Colección":46618,"ĠCuervo":46619,"Ġincómodos":46620,"ĠEstrecho":46621,"mebol":46622,"Ġép":46623,"Ġcoincidimos":46624,"ofón":46625,"ĠDiagonal":46626,"ĠOil":46627,"exe":46628,"Ġnegaba":46629,"Niños":46630,"ĠMonsanto":46631,"Jn":46632,"Ġazoteas":46633,"Ġreeleg":46634,"JUE":46635,"Ġsnow":46636,"Ġcayera":46637,"Ġsonando":46638,"Ġexpol":46639,"Ġpelvis":46640,"Ġ207":46641,"Ġliderados":46642,"árquico":46643,"Ġsedimentos":46644,"PLA":46645,"ĠMiedo":46646,"ĠLama":46647,"Ġtire":46648,"Ġpintando":46649,"ĠbrujerÃŃa":46650,"género":46651,"ĠErika":46652,"ĠMing":46653,"Ġvisas":46654,"Accesorios":46655,"Cree":46656,"ĠNBC":46657,"igrantes":46658,"cuentros":46659,"Ġbañarse":46660,"Ġingenuo":46661,"ĠResponder":46662,"ĠCompatible":46663,"ĠPensar":46664,"Ġsubordinados":46665,"ĠGus":46666,"Ġelegibles":46667,"ĠSong":46668,"Ġdelegar":46669,"Ġtuviste":46670,"ennials":46671,"Ġcuadr":46672,"olÃĥ":46673,"asegu":46674,"Ġasumimos":46675,"Ġdeclaratoria":46676,"ĠStones":46677,"Ġ950":46678,"Ġliberan":46679,"ĠLucena":46680,"dv":46681,"Ġinstau":46682,"Ġmagistrales":46683,"Ġenalte":46684,"ĠNiza":46685,"Ġespej":46686,"Ġcuaj":46687,"Ġobviar":46688,"ĠCortázar":46689,"tla":46690,"trera":46691,"âĢľâĢ¦":46692,"Ġnazismo":46693,"Ġalmer":46694,"stitución":46695,"ĠEmpleos":46696,"Ġperdáis":46697,"cope":46698,"Ġrincon":46699,"ĠBoliviana":46700,"Var":46701,"Ġestructurar":46702,"Ġchubas":46703,"amis":46704,"ĠCut":46705,"ĠAmazonÃŃa":46706,"Ġjustificó":46707,"Ġeucalip":46708,"Ġvisites":46709,"Ġtambale":46710,"Ġimplementó":46711,"Ġcrediticia":46712,"Online":46713,"ĠSimposio":46714,"Gro":46715,"Ġarnés":46716,"Ġprescrip":46717,"Ġentrego":46718,"ĠPrimo":46719,"ĠLenguas":46720,"Ġati":46721,"amigo":46722,"âĢĥ":46723,"Ġprofer":46724,"ĠFore":46725,"Ġsuperflu":46726,"Ġfolios":46727,"ĠGn":46728,"Ġpolis":46729,"Ġtrasmitir":46730,"Ġestrechar":46731,"ĠLedesma":46732,"Ġfavorablemente":46733,"dalas":46734,"Proce":46735,"ĠAlmuerzo":46736,"Ġcaracoles":46737,"Ġportando":46738,"itolio":46739,"tanol":46740,"Ġestadunidense":46741,"Ġintensificar":46742,"Ġpabell":46743,"ĠDepósito":46744,"Ġgasolineras":46745,"ĠImplementación":46746,"Ġerupciones":46747,"tezas":46748,"ĠAxel":46749,"Escrito":46750,"terapeutas":46751,"Ġcriada":46752,"Ġhumanitarias":46753,"ĠExperimental":46754,"RodrÃŃguez":46755,"ĠQaeda":46756,"tentes":46757,"ĠEscuchar":46758,"Ġlideres":46759,"Ġautóctonas":46760,"ĠmorÃŃa":46761,"Ġaccedan":46762,"Ġdeslumbrante":46763,"Ġtoráci":46764,"Ġverguenza":46765,"Ġinmensas":46766,"Ġenseñe":46767,"Ġrecón":46768,"Administración":46769,"pores":46770,"too":46771,"Ġempece":46772,"ANAS":46773,"Ġconsultante":46774,"ĠConsulting":46775,"Ġvagón":46776,"fantas":46777,"Ġzombis":46778,"Nuevamente":46779,"ĠFrie":46780,"ĠextraÃŃdos":46781,"Ġodisea":46782,"Ġfit":46783,"Ġmelón":46784,"ĠCarp":46785,"Ġregistre":46786,"Ġinstrumentales":46787,"tÃŃb":46788,"ĠEducation":46789,"llos":46790,"Ġpesimismo":46791,"Ġfiliación":46792,"Ġdeclarando":46793,"Ġbullicio":46794,"?;":46795,"EZA":46796,"Ġarg":46797,"ésimas":46798,"Ġmetida":46799,"ĠCostas":46800,"ĠmarroquÃŃes":46801,"cron":46802,"aduc":46803,"Ġproyectiles":46804,"Ġlio":46805,"ĠsimetrÃŃa":46806,"Ġsintom":46807,"Ġcabre":46808,"ÃģTICA":46809,"guren":46810,"orah":46811,"ĠOslo":46812,"Ġdividió":46813,"Ġelectrodoméstico":46814,"UI":46815,"Ġbió":46816,"Dejar":46817,"Ġleerlos":46818,"Higgins":46819,"tun":46820,"ĠOle":46821,"Ġcerezas":46822,"ĠbolÃŃgrafo":46823,"Ġsemáforos":46824,"Ġplebiscito":46825,"rance":46826,"compe":46827,"Ġbasarse":46828,"tania":46829,"Ġcolorida":46830,"Ġrefleje":46831,"Ġtiernas":46832,"copias":46833,"Cristina":46834,"ĠBritánica":46835,"Ġsubcampeón":46836,"Ġsandwich":46837,"chile":46838,"ĠMartina":46839,"Ġalertar":46840,"Ġirresponsabilidad":46841,"Ġafeitado":46842,"Set":46843,"fila":46844,"Ġ(.":46845,"âĢ¦-":46846,"Ġóse":46847,"ĠPio":46848,"ĠMÃĥ":46849,"ĠFierro":46850,"thia":46851,"ĠEscucha":46852,"aire":46853,"ĠMarac":46854,"Ġlidi":46855,"Ġcomprada":46856,"ĠESCUELA":46857,"Ġlloraba":46858,"XXX":46859,"ĠRenovables":46860,"Ġmanantial":46861,"Iz":46862,"ĠLX":46863,"Ġsobremanera":46864,"âĢ¦âĢĿ,":46865,"eyra":46866,"Ġdelictivo":46867,"ĠAssist":46868,"480":46869,"Ġft":46870,"ibaba":46871,"imperial":46872,"licé":46873,"ĠMigraciones":46874,"ĠBeethoven":46875,"ĠChinch":46876,"Ġinsatisfacción":46877,"Ġdelin":46878,"Ġaprendes":46879,"Ġrenacer":46880,"Ġindependentismo":46881,"Ġvegetariana":46882,"ĠCome":46883,"ĠFernandez":46884,"ĠCatamarca":46885,"Ġcentralizada":46886,"ĠSolidario":46887,"Ġparos":46888,"Ġdebidos":46889,"Ġobjetivamente":46890,"Ġesperma":46891,"Ġ1890":46892,"ĠGogh":46893,"Divers":46894,"Ġincis":46895,"ĠPorte":46896,"Ġmorosidad":46897,"Ġpagarle":46898,"Ġderiven":46899,"Ġcolaterales":46900,"Ġsolvente":46901,"\"-":46902,"Ġdesmar":46903,"ĠRut":46904,"ĠanÃĥ":46905,"Ġlimit":46906,"Ġaltares":46907,"ĠISSN":46908,"González":46909,"udez":46910,"Ġate":46911,"Ġfacción":46912,"Ġabordaron":46913,"ĠConnect":46914,"Ġgremiales":46915,"chia":46916,"Ġacompañarán":46917,"ĠTania":46918,"Ġmediocres":46919,"OMBIA":46920,"iris":46921,"Ġalzada":46922,"tadamente":46923,"digital":46924,"ĠTechnologies":46925,"Ġtala":46926,"Ġobvi":46927,"ĠSanitario":46928,"ĠCruise":46929,"Ġalérgicas":46930,"FRE":46931,"ĠCrónicas":46932,"eber":46933,"inoco":46934,"Ġregirán":46935,"Ġbrigadas":46936,"Ġcontracciones":46937,"Ġporfavor":46938,"ĠPele":46939,"ĠTP":46940,"Ġentreg":46941,"Ġrespetados":46942,"ĠLente":46943,"portu":46944,"Ġdispongo":46945,"ĠVengadores":46946,"Ġgestionando":46947,"Ġembajadas":46948,"Ġrevocaciones":46949,"Ġavaricia":46950,"padre":46951,"api":46952,"ĠBanderas":46953,"Cort":46954,"Ġexhum":46955,"Ġdesguace":46956,"ulin":46957,"etricia":46958,"ĠBarba":46959,"Ġ179":46960,"Ġrefugiado":46961,"Ġoxig":46962,"ĠEspectáculos":46963,"TERS":46964,"úplex":46965,"Estudiantes":46966,"Ġconstató":46967,"Ġ204":46968,"ĠCeballos":46969,"villo":46970,"Ġhectárea":46971,"Ġengañosa":46972,"Ġpizar":46973,"Ġjustifique":46974,"Ġradiales":46975,"Ġhablarle":46976,"Ġdrástica":46977,"elles":46978,"ĠFich":46979,"ĠMeyer":46980,"Ġinsuf":46981,"ĠObst":46982,"ĠDecisión":46983,"Londres":46984,"Ġanul":46985,"ĠPatron":46986,"1981":46987,"ilates":46988,"ĠOficio":46989,"Ġimaginarse":46990,"Emple":46991,"ĠEnamor":46992,"ambiental":46993,"Ġfronterizos":46994,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":46995,"Ġmudó":46996,"ĠUF":46997,"Ġpascua":46998,"Ġorador":46999,"ĠGuitar":47000,"TUD":47001,"ĠhÃŃbrida":47002,"tap":47003,"Ġobjeciones":47004,"ĠBiodiversidad":47005,"Ġpurga":47006,"ndo":47007,"cagua":47008,"Ġcarnavales":47009,"Ġflexión":47010,"Ġsoportado":47011,"Ġalineados":47012,"Ġpinceles":47013,"Ġenorgullece":47014,"Hospital":47015,"trana":47016,"Ġadorar":47017,"tiner":47018,"Ãģrea":47019,"ĠPARTE":47020,"ĠFav":47021,"ĠAlvear":47022,"ĠColoma":47023,"Ġderrotados":47024,"Ġrespaldada":47025,"Ġovario":47026,"Ġengranajes":47027,"chua":47028,"ĠTrauma":47029,"noviembre":47030,"ĠTudela":47031,"ĠBosques":47032,"Ġcalifican":47033,"ĠTODAS":47034,"ĠBowie":47035,"ĠprofecÃŃas":47036,"Ġpanda":47037,"ĠInfierno":47038,"Ġvisitadas":47039,"Profesor":47040,"Interesante":47041,"Ġpegan":47042,"Ġampliaciones":47043,"Ġatrocidades":47044,"ĠESTUDIOS":47045,"Ġrealeza":47046,"Ġvisitarla":47047,"Agentes":47048,"Ġahumado":47049,"tándola":47050,"conocimiento":47051,"Ġ1909":47052,"ĠPetit":47053,"Ġcambiarla":47054,"ĠMusica":47055,"Ġcortejo":47056,"Ġbrutalidad":47057,"ĠAragonés":47058,"Ġmetes":47059,"guard":47060,"Ġarrepiento":47061,"Ġhacker":47062,"ĠPasó":47063,"Ġconformarse":47064,"Ġdañan":47065,"Ġtransmisor":47066,"Ġnbsp":47067,"rand":47068,"ĠartÃĥ":47069,"Ġredistribución":47070,"Ġbay":47071,"ĠWiki":47072,"ificadora":47073,"Ġmorbosa":47074,"Adri":47075,"mash":47076,"uyan":47077,"Ġ173":47078,"Ġgordos":47079,"Ġconcientización":47080,"ĠPró":47081,"Pad":47082,"reña":47083,"caros":47084,"Ġradiofrecuencia":47085,"ĠFundador":47086,"Ġbendita":47087,"ĠPoe":47088,"Ġalejó":47089,"Ġanimes":47090,"Ġestrato":47091,"dóñez":47092,"ĠTak":47093,"ĠÃļnicamente":47094,"inapa":47095,"nota":47096,"Ġcentramos":47097,"Ġencendió":47098,"ĠocurrirÃŃa":47099,"ĠRefugio":47100,"Bron":47101,"ciA":47102,"baja":47103,"Ġdelimitación":47104,"ĠIncreÃŃble":47105,"zonas":47106,"Ġteta":47107,"ĠAdrian":47108,"txe":47109,"Ġráfagas":47110,"Ġinsolv":47111,"Ġbohem":47112,"Ġempezaban":47113,"Ġepilepsia":47114,"iaba":47115,"Ġbasuras":47116,"ANG":47117,"Ġpreciosidad":47118,"Ġanticipadas":47119,"ĠAbogacÃŃa":47120,"ĠAvanzado":47121,"Ġredujeron":47122,"ĠSinceramente":47123,"ĠbiografÃŃas":47124,"Ġatravesó":47125,"Ġconcesionaria":47126,"ĠDifusión":47127,"Ġsancionador":47128,"Ġdron":47129,"Rey":47130,"Ġcasamiento":47131,"Ġhand":47132,"ingitis":47133,"compar":47134,"Ġentregarle":47135,"Ġsepulcro":47136,"saludos":47137,"Ġdico":47138,"Ġhead":47139,"Ġinfecciosas":47140,"ĠPARTICI":47141,"Ġpolietileno":47142,"Ademas":47143,"administ":47144,"Ġinfortun":47145,"Ġopio":47146,"ating":47147,"onadas":47148,"ñados":47149,"ĠTX":47150,"ĠÂŃ":47151,"ĠArra":47152,"Ġagudas":47153,"orales":47154,"mile":47155,"ĠdecÃŃr":47156,"Ġgestionada":47157,"azul":47158,"ĠEcológica":47159,"Ġvariando":47160,"Ġautentica":47161,"Ġreversible":47162,"ioni":47163,"Ġorinar":47164,"Ġpensemos":47165,"Ġarrojado":47166,"Ġbiodi":47167,"ĠIncorpor":47168,"Ġamazon":47169,"Ġdisputada":47170,"ĠOpus":47171,"Ġplomero":47172,"Ġjubilaciones":47173,"cuánto":47174,"ĠPenitenciario":47175,"ĠGill":47176,"ĠcrecÃŃa":47177,"ĠMariscal":47178,"Ġexaltación":47179,"ĠSISTEMAS":47180,"Ġestribillo":47181,"Ġdesvincul":47182,"cuyo":47183,"bledon":47184,"Ġ184":47185,"Ġbondados":47186,"Ġsalvamento":47187,"ĠSchwarz":47188,"Ġlúdicas":47189,"oriasis":47190,"Ġnasales":47191,"Ġamedr":47192,"Fon":47193,"Ġvierte":47194,"ángulos":47195,"Ġcomparan":47196,"ĠConclusiones":47197,"Ġpalmarés":47198,"Ġbastos":47199,"ĠDisplay":47200,"ballo":47201,"Ġfideos":47202,"Ġacantilado":47203,"Ġanalizada":47204,"Ġpregrado":47205,"Ġultimamente":47206,"Ġapuntarse":47207,"ĠHuila":47208,"Ġplanetario":47209,"Ġbranding":47210,"ĠDoce":47211,"Ġespas":47212,"Ġollas":47213,"Ġexplotó":47214,"Ġadornar":47215,"Ġidiotas":47216,"Genial":47217,"Viernes":47218,"Ġhen":47219,"ĠPagos":47220,"Ġautocara":47221,"Ġexigirá":47222,"ĠBenal":47223,"ĠEMPRESAS":47224,"ĠEmpezó":47225,"PJ":47226,"anya":47227,"Ġmatinal":47228,"Ġcabellera":47229,"ĠLoco":47230,"Ġsoberanos":47231,"ĠDESCRIPCIÃĵN":47232,"Ġrehus":47233,"Ġautodidacta":47234,"Conjunto":47235,"Ġajustables":47236,"Ġingenioso":47237,"د":47238,"Ġrepo":47239,"Ġlastimar":47240,"ĠIntercambio":47241,"Ġpreparo":47242,"Ġcallejeras":47243,"remlin":47244,"Oferta":47245,"ĠAraucanÃŃa":47246,"Ġapreciada":47247,"Ġsubsistir":47248,"Ġadictivo":47249,"ĠIncorpora":47250,"Ġresaca":47251,"quiales":47252,"Ġcriolla":47253,"Ġintencion":47254,"Ġprofesoras":47255,"ĠSepúlveda":47256,"Ġchupando":47257,"ĠMain":47258,"Ġcelebridad":47259,"Ġmaterialismo":47260,"ĠIker":47261,"ĠLuiz":47262,"Ġdominando":47263,"ĠStark":47264,"ĠBalears":47265,"Amar":47266,"Ġdejéis":47267,"Ġpensionados":47268,"Ġobsesionado":47269,"lés":47270,"ĠOst":47271,"çĶ":47272,"Ġmonitorizar":47273,"Ġdesprendimiento":47274,"ĠDéj":47275,"Ġdevastador":47276,"Ġmotriz":47277,"Ġpulgas":47278,"navaca":47279,"Ġconectó":47280,"Ġcomprenda":47281,"capaci":47282,"initis":47283,"Ġsaturadas":47284,"ĠPROSTITU":47285,"Mesa":47286,"Ġcoar":47287,"ĠDese":47288,"Power":47289,"Ġsarcas":47290,"Ġentremez":47291,"ĠBaix":47292,"ĠREF":47293,"ĠHoliday":47294,"Ġresaltando":47295,"ĠJordán":47296,"Ġgentiles":47297,"Bene":47298,"hand":47299,"Ġsms":47300,"ambo":47301,"ĠEfra":47302,"ĠPorfi":47303,"ĠlÃŃpidos":47304,"Ġvocablo":47305,"Ġintrom":47306,"Ġdudan":47307,"Ġacabara":47308,"inerfe":47309,"Km":47310,"Ġdemandó":47311,"Ġinvadido":47312,"Ġtraumatismo":47313,"gicas":47314,"Ġtriat":47315,"Ġtoreo":47316,"Ġhablaros":47317,"Ġdisfrutarla":47318,"ĠSensor":47319,"itualmente":47320,"Ġ304":47321,"Ġcolofón":47322,"Ġtextual":47323,"opin":47324,"Ġentrevistar":47325,"amoto":47326,"Investigadores":47327,"Duración":47328,"Ġmuuu":47329,"Ġcuestionarios":47330,"Ġenseñas":47331,"ULA":47332,"Ġlegión":47333,"Ġincursiones":47334,"ĠRover":47335,"168":47336,"ULL":47337,"Ġlocutor":47338,"Ġarrancará":47339,"ĠAlain":47340,"ĠEslovaquia":47341,"SEM":47342,"ĠClÃŃnicas":47343,"Ġrecargo":47344,"Ġhondureños":47345,"rÃŃn":47346,"Ġinduce":47347,"ĠFren":47348,"ÃŃtanos":47349,"YE":47350,"ĠTari":47351,"Ġforrado":47352,"Ġdescubiertas":47353,"ĠSecreto":47354,"Ġafiliadas":47355,"Ġgriegas":47356,"ĠHolocausto":47357,"Ġwhat":47358,"ĠRespuestas":47359,"ĠESPEC":47360,"ĠDeluxe":47361,"Ġexpandirse":47362,"Ġaburre":47363,"ĠIndependientemente":47364,"Ġbocadillo":47365,"ĠGOL":47366,"ĠTelegram":47367,"Ġgarante":47368,"Ġdiestra":47369,"ĠREGIS":47370,"210":47371,"Ġradicado":47372,"Ġimaginarios":47373,"ĠTauro":47374,"ĠGuardar":47375,"ĠAcuario":47376,"Ġredirig":47377,"Ġmelanc":47378,"uerzos":47379,"Ġrodeaba":47380,"Ġimpulsores":47381,"Ġperdiera":47382,"lap":47383,"Ġcumplimos":47384,"Ġengaña":47385,"ĠHipólito":47386,"Ġnun":47387,"ĠCayo":47388,"ĠSweet":47389,"Ġllegase":47390,"Ġrecaer":47391,"invierno":47392,"rt":47393,"ĠJor":47394,"Ġsentarme":47395,"Ġmillonarias":47396,"ĠAtocha":47397,"itec":47398,"óleo":47399,"ĠDres":47400,"Ġchula":47401,"Ġarrancado":47402,"ĠGolpe":47403,"Ġconcluyen":47404,"ĠBarbara":47405,"ĠCorpor":47406,"Ġcorrespondido":47407,"ĠGeneralidad":47408,"Ġradares":47409,"Ġmolido":47410,"Ġremates":47411,"Encuentro":47412,"Ġesgrim":47413,"Ġgérmenes":47414,"RERA":47415,"ófago":47416,"ĠNarra":47417,"Ġtez":47418,"ĠEspera":47419,"Ġreconozcan":47420,"Ġchiringu":47421,"ĠRia":47422,"portaciones":47423,"Ġ1907":47424,"Ġpensábamos":47425,"Japón":47426,"ÃŃquese":47427,"cule":47428,"Ġcorra":47429,"Ġatreves":47430,"ĠBird":47431,"ĠAsesoramiento":47432,"1531556":47433,"Ġculturalmente":47434,"ropileno":47435,"Ġpesimista":47436,"Ġamados":47437,"ĠSee":47438,"ĠAnillos":47439,"ĠChim":47440,"Ġimportadores":47441,"Sigo":47442,"étricos":47443,"técnico":47444,"Ġcist":47445,"Ġaunar":47446,"Ġsofisticadas":47447,"ĠOcupacional":47448,"norte":47449,"Ġaprieta":47450,"ĠrespondÃŃ":47451,"Ġfetal":47452,"Ġahorrado":47453,"timex":47454,"ĠCED":47455,"chando":47456,"ĠYORK":47457,"ĠDeuda":47458,"ĠQuis":47459,"ĠFOTOS":47460,"AK":47461,"Ġasol":47462,"ĠWind":47463,"Ġescritorios":47464,"positiva":47465,"Ġelevando":47466,"Ġcomunicacion":47467,"ĠPython":47468,"ĠRRHH":47469,"ĠLituania":47470,"Ġhaceros":47471,"Ġshop":47472,"Ġalfar":47473,"Ġpedagógicos":47474,"Ġcapitanes":47475,"Murcia":47476,"entará":47477,"mine":47478,"Ġmáxime":47479,"ĠServidor":47480,"Ġsacerdocio":47481,"Ġperimetral":47482,"Gl":47483,"bona":47484,"Ġconsigas":47485,"Ġembru":47486,"ĠKaw":47487,"Ġautomatizados":47488,"ĠFat":47489,"ĠFERN":47490,"!!,":47491,"eps":47492,"ármelo":47493,"Ġdolorosos":47494,"ĠÃīxito":47495,"Ġvelero":47496,"cv":47497,"zmÃŃn":47498,"ĠSáhara":47499,"Ġcobardes":47500,"Ġterci":47501,"Ġrefiriendo":47502,"Ġjugarse":47503,"ог":47504,"ĠAmplia":47505,"Ġaplaudir":47506,"ĠJurisdicción":47507,"ĠFECHA":47508,"cocina":47509,"etón":47510,"Ġwiki":47511,"ĠPiedad":47512,"ĠNy":47513,"Ġcremoso":47514,"eton":47515,"Ġaleatorio":47516,"ðŁĩ":47517,"Ġhidratada":47518,"Ġlujosos":47519,"Ġsoplo":47520,"Ġrif":47521,"Ġinvertirá":47522,"ĠCatherine":47523,"Ġarqueólogo":47524,"Ġrequirió":47525,"Ġlicenciados":47526,"Ġdecidirse":47527,"Ġnubosidad":47528,"Ġheredera":47529,"Ġtracks":47530,"fio":47531,"quebran":47532,"Ġcontrajo":47533,"Ġrelatar":47534,"Ġincrementará":47535,"Ġgitana":47536,"ĠINTEGR":47537,"ĠBing":47538,"ĠFAB":47539,"Ġtalib":47540,"ĠXalapa":47541,"Ġofertados":47542,"Ġdevueltos":47543,"Parque":47544,"odle":47545,"Ġaberturas":47546,"ĠWoody":47547,"frán":47548,"Ġacercarte":47549,"Usa":47550,"rium":47551,"ĠAnillo":47552,"ĠDiamante":47553,"Ġapoyarse":47554,"ICULO":47555,"estés":47556,"poli":47557,"ĠRubalcaba":47558,"Ġhipócrita":47559,"Ġconcluirá":47560,"Hom":47561,"Ġsudo":47562,"Ġestudiadas":47563,"ĠNaturalmente":47564,"Ġigualó":47565,"Ġsostenimiento":47566,"ĠAduana":47567,"Ġentrañables":47568,"SEC":47569,"Ġpararse":47570,"Ġcuarent":47571,"Ġconstruirse":47572,"Ġusaremos":47573,"Ġhablara":47574,"Ġrepartiendo":47575,"ICIDAD":47576,"Ġdoblado":47577,"ĠLác":47578,"Ġjinetes":47579,"Ġregad":47580,"Ġpolig":47581,"ĠCOMPR":47582,"Ġinevitables":47583,"ĠDeterminar":47584,"Intentamos":47585,"ranes":47586,"ĠHech":47587,"ĠYer":47588,"ubridad":47589,"Ġespeso":47590,"ĠincluÃŃan":47591,"Ġidentificador":47592,"Ġrespaldan":47593,"Ġhomogéneo":47594,"Ġasteroide":47595,"Ġstyle":47596,"Ġengal":47597,"...":47598,"Ġcorrieron":47599,"Preciosa":47600,"Ġinesperadas":47601,"Ġcacerola":47602,"ĠAdvanced":47603,"Ġquebra":47604,"ĠUz":47605,"ĠGourmet":47606,"ĠPortland":47607,"Ġavecin":47608,"ĠAfil":47609,"ĠEspada":47610,"Ġmatarlo":47611,"Ġneutros":47612,"ĠAquello":47613,"Ġyuca":47614,"Ġconcom":47615,"Ġcorres":47616,"Ġmoradores":47617,"Ġmigrante":47618,"ĠPiña":47619,"ĠDISEÃijO":47620,"ĠPavón":47621,"ĠFortaleza":47622,"tuno":47623,"ĠOsasuna":47624,"ĠBebidas":47625,"ĠFrancesc":47626,"Ġencapuch":47627,"Ġperdedor":47628,"Ġcalculan":47629,"ĠMargaret":47630,"ĠNOS":47631,"Ġcotil":47632,"Ġ1300":47633,"ĠEducativas":47634,"Ġautóctona":47635,"Ġimpermeabilizar":47636,"Ġcomuniones":47637,"Ġfaltaron":47638,"ĠLook":47639,"Ġempezarán":47640,"eee":47641,"ĠIPv":47642,"ĠChildren":47643,"Ġelijan":47644,"Ġcomputar":47645,"Ġaflu":47646,"Ġentron":47647,"Ġdespist":47648,"free":47649,"ĠTacón":47650,"Ġsicarios":47651,"Ġadiner":47652,"ĠMonzón":47653,"Ġcompartimentos":47654,"ĠEpidemi":47655,"Ġtendras":47656,"Ġmaria":47657,"ĠPrefectura":47658,"Ġarmó":47659,"ĠHelen":47660,"eléctrico":47661,"Ġestara":47662,"Ġdictados":47663,"Ġdocumentada":47664,"ĠFES":47665,"Ġareas":47666,"Ġocurran":47667,"Ġatenu":47668,"ĠBurdeos":47669,"roma":47670,"ĠTW":47671,"Ġmagnitudes":47672,"Ġduraderas":47673,"razy":47674,"ĠIlde":47675,"Ġguardó":47676,"ĠnÃŃquel":47677,"Ġempanadas":47678,"Ġveré":47679,"Ġimplementadas":47680,"Ġendocr":47681,"Punto":47682,"game":47683,"Ġabunda":47684,"ĠMaur":47685,"ONZ":47686,"Ġresfriado":47687,"Ġflecos":47688,"Ġproactiva":47689,"Conoces":47690,"Ġprueban":47691,"Ġprocedi":47692,"Ġsuicidas":47693,"Ġespontaneidad":47694,"Ġ182":47695,"Ġasesinó":47696,"inski":47697,"Ġjerez":47698,"Ġphoto":47699,"Ġsumen":47700,"Ġble":47701,"Ġconociera":47702,"Ġcambiaba":47703,"Ġcontaminados":47704,"Ġcuestionan":47705,"ĠBrent":47706,"Ġconstructivas":47707,"Ġcoctel":47708,"280":47709,"Ġ1400":47710,"ĠAbas":47711,"Ġproponga":47712,"ĠNúmeros":47713,"ĠPeliculas":47714,"Ġalbe":47715,"Ġimpag":47716,"bau":47717,"Ġagradecerle":47718,"ĠFitz":47719,"ĠEscon":47720,"ĠTejido":47721,"Ġagravio":47722,"ĠfactorÃŃa":47723,"ĠfisiologÃŃa":47724,"Ġfurgonetas":47725,"Ġposmoder":47726,"Ġpetar":47727,"Ġintencional":47728,"850":47729,"jona":47730,"turando":47731,"ĠDuc":47732,"Ġbastará":47733,"Ġpintan":47734,"Ġadaptándose":47735,"ilantro":47736,"ĠApart":47737,"gard":47738,"pite":47739,"ĠSaga":47740,"ĠDIARIO":47741,"Ġprestada":47742,"stasis":47743,"Ġcontradice":47744,"ĠLici":47745,"ERIC":47746,"ĠParo":47747,"Ġalmirante":47748,"Ġsuperinten":47749,"Ġsorprendieron":47750,"Ġrecordé":47751,"Ġprotectoras":47752,"Ġaltruista":47753,"Seb":47754,"Ġreconversión":47755,"Ġprovech":47756,"Ġtriatlón":47757,"Ġhumanidades":47758,"ĠVivimos":47759,"Ġhidratar":47760,"Ġimperialistas":47761,"Ġtenerlas":47762,"Ġfaltando":47763,"ĠZub":47764,"ĠClásicos":47765,"Ġapaci":47766,"Ġjardinero":47767,"Fondo":47768,"ĠPola":47769,"Ġverificado":47770,"ĠConfianza":47771,"ĠEspiritual":47772,"Jornada":47773,"Ġsaltado":47774,"Ġfallan":47775,"Ġeconomia":47776,"Ġsangrienta":47777,"Ġbarcelonés":47778,"Ġtentaciones":47779,"Ġdecidas":47780,"Ġdecididamente":47781,"ĠEscolares":47782,"Ġexprimir":47783,"Ġmeseta":47784,"Ġatendemos":47785,"Ġtaco":47786,"Ġentraña":47787,"ĠBustos":47788,"Ġprecario":47789,"ndice":47790,"Ġexpo":47791,"Ġgustara":47792,"Ġvitrinas":47793,"Ġajusten":47794,"ĠCSIC":47795,"Ġauspici":47796,"ĠatreverÃŃa":47797,"Ġpsiquiátrico":47798,"1979":47799,"ĠPascal":47800,"goglio":47801,"Ġsuavizar":47802,"ĠDidáctica":47803,"Ġbálsamo":47804,"ĠLena":47805,"inela":47806,"ĠArk":47807,"Ġxd":47808,"ĠHerramienta":47809,"Ġirreal":47810,"Editorial":47811,"Ġenrojecimiento":47812,"Ġsaba":47813,"Ġperrita":47814,"Ġyate":47815,"Ġjuegas":47816,"Ġpartner":47817,"Ġsostuvieron":47818,"ĠConsuelo":47819,"Ġexplotado":47820,"económico":47821,"ĠautomovilÃŃstico":47822,"Ġemular":47823,"Ġrecorrerá":47824,"ön":47825,"ĠValentino":47826,"ĠMasculino":47827,"HN":47828,"Ġrecibirlo":47829,"Declaración":47830,"ĠRobledo":47831,"Ġderroche":47832,"ĠArtÃŃstica":47833,"ĠIniciación":47834,"Capacidad":47835,"ĠBecerra":47836,"crea":47837,"Ġacabé":47838,"Ġcaerse":47839,"Ġsch":47840,"gregar":47841,"Ġ174":47842,"ĠAbrir":47843,"Ġreparado":47844,"Ġreformada":47845,"ĠNormativa":47846,"Ġresidir":47847,"VÃŃctor":47848,"ĠcaserÃŃo":47849,"Ġpicor":47850,"ĠFax":47851,"Ġasintió":47852,"ĠAlmacenamiento":47853,"Ġpuber":47854,"ISS":47855,"°.":47856,"Ġserial":47857,"ĠWho":47858,"Ġatentar":47859,"Ġobservada":47860,"ĠTiempos":47861,"tiendan":47862,"Ġcapitulos":47863,"Ġjugoso":47864,"Ġvaron":47865,"Ġshorts":47866,"ĠolÃŃmpicos":47867,"Ġcolgada":47868,"ĠChester":47869,"Ġjuristas":47870,"ĠKaf":47871,"ĠInfanta":47872,"ĠVIVO":47873,"ĠCervera":47874,"osevelt":47875,"ĠExtraordinario":47876,"Big":47877,"ĠAfec":47878,"Ġguiso":47879,"âĢľÂ¡":47880,"Ġorgasmos":47881,"Ġsubsidiaria":47882,"Añadir":47883,"Tierra":47884,"ĠSpecial":47885,"ĠTric":47886,"Ġmaridos":47887,"Ġgang":47888,"Ġentreno":47889,"Ġlegi":47890,"Hermosa":47891,"Ġbruscamente":47892,"Sp":47893,"Ġactive":47894,"Ġ1880":47895,"Ġdilatación":47896,"Ġentabl":47897,"Ġcomul":47898,"Ġvaciado":47899,"ĠMandela":47900,"IDER":47901,"Ġpsoriasis":47902,"upé":47903,"Ġacuarela":47904,"Cy":47905,"Sistemas":47906,"ideros":47907,"sio":47908,"adÃŃsima":47909,"ĠBeca":47910,"Ġmeterle":47911,"California":47912,"Ġrojiblanco":47913,"ĠDuro":47914,"ĠJau":47915,"Ġcaida":47916,"Ġrió":47917,"Ġembel":47918,"Ġefeméri":47919,"Ġveraniego":47920,"ĠRenovación":47921,"ĠEUROPE":47922,"Ġsable":47923,"iews":47924,"arato":47925,"alizante":47926,"ĠCapriles":47927,"Ġreciprocidad":47928,"Bat":47929,"ĠFay":47930,"Ġcandel":47931,"amoros":47932,"Ġaceptarlo":47933,"ĠFinanciamiento":47934,"Ġinterlocutores":47935,"ĠChaves":47936,"ĠInfinity":47937,"ĠKno":47938,"ĠALIM":47939,"libro":47940,"ĠhomeopatÃŃa":47941,"Ġingenuidad":47942,"strac":47943,"Ġculata":47944,"Ġespiar":47945,"ĠLuka":47946,"Ġadministrada":47947,"ĠAcabo":47948,"Autoridades":47949,"Ġmaciza":47950,"Ġasfál":47951,"tanes":47952,"Ġcontaminante":47953,"iffel":47954,"Ġbudista":47955,"ĠAarón":47956,"Ġiva":47957,"ĠFem":47958,"Ġcanceros":47959,"Ġdisputaron":47960,"ométrico":47961,"Ġdiecinueve":47962,"Ġflanque":47963,"ĠCargo":47964,"ĠStran":47965,"Ġinvoca":47966,"Ġfug":47967,"ĠManizales":47968,"ĠBak":47969,"Ġdevuelva":47970,"Ġindemnizar":47971,"Israel":47972,"Drive":47973,"Ġtempo":47974,"Ġhostigamiento":47975,"Ġabasto":47976,"ecita":47977,"QUIER":47978,"Ġsimulacro":47979,"ĠEnergÃŃas":47980,"CB":47981,"Frases":47982,"Ä«":47983,"Ġfusiones":47984,"Ġnecesitó":47985,"ĠBali":47986,"Ġmoleste":47987,"Guillermo":47988,"ĠAntequera":47989,"ktop":47990,"vaya":47991,"tubre":47992,"actualmente":47993,"ĠGros":47994,"Ġuds":47995,"Ġ1870":47996,"ĠSnapdragon":47997,"Ġbudismo":47998,"AZ":47999,"Ġextrapol":48000,"Ġdomiciliario":48001,"Sábado":48002,"\"]":48003,"ompié":48004,"ĠEPA":48005,"Ġalzas":48006,"Ġperfeccion":48007,"ĠMAX":48008,"ĠinvestigaciÃĥ":48009,"ĠRoberts":48010,"Ġdiafragma":48011,"ĠBreak":48012,"Ġmonoc":48013,"TOP":48014,"ÃģM":48015,"Ġfundacional":48016,"ĠMaravillas":48017,"ĠReproduc":48018,"ĠCorto":48019,"Ġderribo":48020,"Ġempleó":48021,"Ġsalvarse":48022,"Ġposteriori":48023,"ĠHispania":48024,"Ġconfluyen":48025,"dp":48026,"ove":48027,"rn":48028,"uñ":48029,"parente":48030,"Ġfirmando":48031,"ĠFacultades":48032,"Ġintenten":48033,"ĠSectorial":48034,"Ġmenciono":48035,"ĠEmprendedor":48036,"ĠNathan":48037,"Ġcocodrilo":48038,"Ġpesquisas":48039,"Ġking":48040,"Ġsacarla":48041,"Ġplanteaba":48042,"ĠGremio":48043,"ĠAuditor":48044,"Ġrapida":48045,"ĠIntentar":48046,"graphy":48047,"153155":48048,"RM":48049,"ĠÑĢ":48050,"Ġtat":48051,"Ġcommun":48052,"Ġsueñan":48053,"Ġdesliza":48054,"burgh":48055,"Ġroza":48056,"ĠKremlin":48057,"tambien":48058,"ĠCampana":48059,"Ġespermatozoides":48060,"ĠValero":48061,"Ġdisciplinario":48062,"Publicación":48063,"Ġmanzanilla":48064,"ĠPsiquiatrÃŃa":48065,"Ġperversa":48066,"ĠDG":48067,"ĠGama":48068,"ĠOEM":48069,"Ġoprim":48070,"Ġinsal":48071,"Ġsignifique":48072,"Ġsocializar":48073,"intamente":48074,"Ġterna":48075,"Ġantise":48076,"Ġmostrados":48077,"ĠPrior":48078,"ĠMySQL":48079,"ĠHostal":48080,"Ġmuched":48081,"Ġsacra":48082,"Ġ265":48083,"Ġtraducen":48084,"Ġtradujo":48085,"Ġcónsul":48086,"Ġmanejable":48087,"Ġatemporal":48088,"Äį":48089,"Ġhp":48090,"Ġsiria":48091,"ĠRights":48092,"loro":48093,"Ġestupendamente":48094,"ĠCayetano":48095,"Ġmétrica":48096,"hiper":48097,"ĠRaza":48098,"Ġmultiplicidad":48099,"Ġestéis":48100,"Ġmediterrán":48101,"Ġmarques":48102,"Ġcandado":48103,"joso":48104,"ĠAmena":48105,"ĠApache":48106,"Ġvideoconferencia":48107,"ĠMeses":48108,"ĠPresidentes":48109,"Ġface":48110,"ĠMt":48111,"Ġllé":48112,"Ġmarginados":48113,"Ġinfluyó":48114,"ĠmÃłs":48115,"ĠFajardo":48116,"ĠDedic":48117,"ĠSeco":48118,"Ġalbergan":48119,"ĠRodamientos":48120,"Ġpubliqué":48121,"ĠLérida":48122,"ĠEJECU":48123,"Ġfly":48124,"Ġextro":48125,"Ġbanners":48126,"timore":48127,"Ġavel":48128,"Ġomitir":48129,"Ġ187":48130,"ĠTemporal":48131,"Ġpresupuestal":48132,"ĠHermosillo":48133,"ĠFootball":48134,"ĠHidra":48135,"Ġimportó":48136,"ĠACAD":48137,"Ġcachondas":48138,"Castel":48139,"Ġfraudulenta":48140,"tary":48141,"quest":48142,"ĠAyudas":48143,"Ġandamos":48144,"Tenga":48145,"Ġdeposita":48146,"Ġmagistrada":48147,"Ġxenóf":48148,"ĠSty":48149,"ĠSans":48150,"Ġopinas":48151,"Ġusuaria":48152,"Ġpublicarse":48153,"ĠStro":48154,"Ġingresados":48155,"Ġcostosas":48156,"Negro":48157,"Ġenunciados":48158,"Open":48159,"Ġ430":48160,"Ġhumec":48161,"Ġcontendrá":48162,"Ġlimitando":48163,"ĠFoster":48164,"Ġvitae":48165,"ĠDortmund":48166,"ĠoÃŃa":48167,"Ġcomimos":48168,"Ġmedica":48169,"ĠIdea":48170,"Ġseveramente":48171,"Lec":48172,"ĠUPS":48173,"ĠSanders":48174,"ĠTamayo":48175,"ĠRuso":48176,"ĠBestia":48177,"Ġpasaportes":48178,"Ġdiferenciada":48179,"Ġbrasileñas":48180,"Ġbilletera":48181,"ĠAco":48182,"Ġtrail":48183,"Ġvacil":48184,"Ġapostamos":48185,"ĠTorrejón":48186,"Ġemisores":48187,"ĠCamboya":48188,"Next":48189,"ĠDIP":48190,"ĠTard":48191,"ĠYunes":48192,"mace":48193,"ĠCY":48194,"ĠNub":48195,"ĠcabrÃŃa":48196,"ĠMinnesota":48197,"114":48198,"Ġkarma":48199,"Ġparabrisas":48200,"Ġridicul":48201,"ĠCela":48202,"Ġmake":48203,"Ġespana":48204,"Ġtomarla":48205,"Ġmoderadas":48206,"ĠImposible":48207,"Ġtasación":48208,"Ġtenacidad":48209,"ueña":48210,"pod":48211,"Ġaplicaron":48212,"PUESTA":48213,"gow":48214,"Ġdivinos":48215,"ĠTrevi":48216,"ĠNIVEL":48217,"ĠEstaremos":48218,"veh":48219,"ĠKath":48220,"Ġprotagonizan":48221,"Ġotorgadas":48222,"Ġreinv":48223,"Ġinfeliz":48224,"name":48225,"ĠUCR":48226,"recia":48227,"ĠBÃŃbl":48228,"Ġiniciarán":48229,"CHOS":48230,"Ġtransportaba":48231,"Ġcoronado":48232,"Ġinseguro":48233,"Ġdiscernimiento":48234,"Ġzodiaco":48235,"clima":48236,"ĠAzu":48237,"Ġplanetaria":48238,"Ġnecesitarán":48239,"Ġestrepitos":48240,"ĠRadical":48241,"ĠNinja":48242,"ĠcomunÃŃcate":48243,"guage":48244,"Ġcursor":48245,"ACO":48246,"ĠFuture":48247,"Ġgasoil":48248,"meda":48249,"Ġcoronó":48250,"ĠjurÃŃdicamente":48251,"ĠHosting":48252,"ĠBrand":48253,"amonte":48254,"ĠimplÃŃcito":48255,"ĠefÃŃmero":48256,"Ġgolazo":48257,"ĠSever":48258,"ESO":48259,"Ġreúnan":48260,"tiful":48261,"Ġincorporamos":48262,"siendo":48263,"turador":48264,"Ġ188":48265,"ĠFabricantes":48266,"Ġreanudación":48267,"falo":48268,"tién":48269,"ĠEnte":48270,"Ġcalas":48271,"ĠtomarÃŃa":48272,"Ġ183":48273,"Ġasfixi":48274,"árselas":48275,"Ġmanganeso":48276,"TIZ":48277,"ĠFlorencio":48278,"ĠFloyd":48279,"Ġsintetizar":48280,"danos":48281,"ĠICO":48282,"ĠConseguir":48283,"Ġrecitales":48284,"ĠpelÃŃn":48285,"Ġdiablos":48286,"Ġelogio":48287,"Ġcarpintero":48288,"Ġ1903":48289,"ĠEmis":48290,"ĠPropio":48291,"Ġdiplomado":48292,"Ġcuantitativo":48293,"ĠâĪĴ":48294,"Ġesclerosis":48295,"Ġreclusos":48296,"Busco":48297,"âĢĶâĢĶâĢĶâĢĶ":48298,"Ġprominente":48299,"urgia":48300,"ĠDEFIN":48301,"ĠZin":48302,"Alerta":48303,"INOS":48304,"Ġ&#":48305,"imetrÃŃa":48306,"Ġpromueva":48307,"Ġdificultan":48308,"Ġsentimentales":48309,"ĠDesastres":48310,"anme":48311,"ĠMÃģ":48312,"ĠOsw":48313,"ĠActual":48314,"Ġdramáticos":48315,"Ġvill":48316,"ĠextraÃŃble":48317,"mendar":48318,"Ġpinche":48319,"Ġ217":48320,"Ġdescribiendo":48321,"Ġencerrar":48322,"Ġconstructivos":48323,"Ġgue":48324,"Ġexo":48325,"bide":48326,"Ġinformaremos":48327,"ĠAnita":48328,"ĠHeavy":48329,"antÃŃas":48330,"Ġcontrincante":48331,"Ġtul":48332,"Ġtweets":48333,"ĠVogue":48334,"Ġkin":48335,"abela":48336,"ĠWeber":48337,"ĠHebre":48338,"ĠPSP":48339,"Ġvertedero":48340,"ĠRECUR":48341,"ĠridÃŃcula":48342,"jico":48343,"sat":48344,"ä¹":48345,"ĠRegreso":48346,"care":48347,"viol":48348,"Ġviolada":48349,"Ġconsumimos":48350,"ĠRubia":48351,"rigoyen":48352,"ĠAltamira":48353,"ictos":48354,"Ġobtienes":48355,"Ġtumblr":48356,"Ġansiosa":48357,"icencio":48358,"ĠINSTITUTO":48359,"âĿ¤":48360,"Ġvaquero":48361,"Ġdestacables":48362,"ivery":48363,"Recono":48364,"Ġsensato":48365,"Ġpopulista":48366,"selec":48367,"quÃŃmico":48368,"ketch":48369,"Ġrecuperada":48370,"ĠHostel":48371,"ĠWimbledon":48372,"amex":48373,"Ġcomió":48374,"ĠprÃĥ":48375,"Ġtomarte":48376,"Ġsupimos":48377,"Necesita":48378,"Ġapó":48379,"taller":48380,"Ġregresaba":48381,"Ġocupamos":48382,"Ġpracticada":48383,"Ġvirtu":48384,"Ġpostula":48385,"Ġimpecables":48386,"TURAS":48387,"ĠCrimen":48388,"ĠOportunidad":48389,"Ġhistorietas":48390,"Ġnatalidad":48391,"Ġcastañas":48392,"ĠShip":48393,"Ġdesmo":48394,"ogia":48395,"Ġmereció":48396,"Ġ171":48397,"putnik":48398,"ĠBeau":48399,"Ġfotografia":48400,"Ġasas":48401,"Ġreplicas":48402,"continental":48403,"aum":48404,"Ġexplicará":48405,"Ġreclutar":48406,"Ġpulsaciones":48407,"Ġenlaza":48408,"Ġinorg":48409,"ĠOrel":48410,"drÃŃo":48411,"ĠConcello":48412,"etina":48413,"Ġagredido":48414,"ĠCircu":48415,"Ġpresupuestarios":48416,"lazo":48417,"Ġrevisados":48418,"IPOS":48419,"Ġbrom":48420,"Ġarmonizar":48421,"Ġsuicidarse":48422,"Ġstart":48423,"Ġinmensidad":48424,"Ġsobras":48425,"Ġaprie":48426,"Ġ315":48427,"ĠAnterior":48428,"Ġformadores":48429,"Ġconquistadores":48430,"ĠmetafÃŃs":48431,"ĠDemasiado":48432,"ĠاÙĦ":48433,"Lista":48434,"omus":48435,"Ġdj":48436,"ĠRibe":48437,"Ġrepetidos":48438,"Ġempujando":48439,"Ġmarxistas":48440,"learning":48441,"técnicos":48442,"plácito":48443,"onne":48444,"jase":48445,".âĢ¢":48446,"Psic":48447,"resul":48448,"Ġandas":48449,"Ġmimos":48450,"ĠCombate":48451,"Ġcomprometieron":48452,"Ġlagrimas":48453,"âĢħ":48454,"haciendo":48455,"ĠNEGO":48456,"Ġcordobesa":48457,"queños":48458,"Ġportaba":48459,"ĠPista":48460,"ĠRIES":48461,"Ġtraficantes":48462,"áctanos":48463,"Ġemitiendo":48464,"Ġarribar":48465,"ĠZúñiga":48466,"ĠArellano":48467,"Ġbungalo":48468,"Ġprover":48469,"Ġimpidan":48470,"Ġmalaria":48471,"ĠCuento":48472,"RACIÃĵN":48473,"Ġ216":48474,"Ġlanzamos":48475,"Acá":48476,"Ġcaribeño":48477,"Ġ1902":48478,"Ġcristalina":48479,"Ġcatólicas":48480,"ĠiranÃŃes":48481,"119":48482,"uba":48483,"rasa":48484,"Ġinfruc":48485,"ĠPASO":48486,"vinos":48487,"Ġgastando":48488,"ĠRovira":48489,"ĠGarci":48490,"Ġlevantarme":48491,"erado":48492,"Ġhada":48493,"ĠPAP":48494,"ĠInvers":48495,"ordan":48496,"Ġquemada":48497,"Ġak":48498,"andÃŃa":48499,"Ġbruscos":48500,"Ġdesodor":48501,"Ġraiz":48502,"asaki":48503,"ĠRichter":48504,"Ġhidráulicos":48505,"Ġvistoso":48506,"Ġdelimitar":48507,"ĠEdificios":48508,"Ġreactivos":48509,"Ġinexistentes":48510,"Ġcomprometemos":48511,"Ġenfatizar":48512,"Pronto":48513,"ĠOrdóñez":48514,"Ġtape":48515,"Ġalarde":48516,"Ġadicta":48517,"Ġhonradez":48518,"Ġselfies":48519,"Ġcet":48520,"Ġpalomitas":48521,"ĠTax":48522,"CONS":48523,"Ġmt":48524,"igón":48525,"Ġarts":48526,"explo":48527,"Ġfactibilidad":48528,"Ġcompensaciones":48529,"pton":48530,"araz":48531,"Ġmuscul":48532,"ĠDirecta":48533,"Ġmetano":48534,"Ġplaticar":48535,"Ġincorpore":48536,"Ġsobren":48537,"Ġmemorizar":48538,"Ġamur":48539,"ORDEN":48540,"Ġonly":48541,"areas":48542,"Ġprocesiones":48543,"Ġimpidieron":48544,"Ġpedan":48545,"Ġexigieron":48546,"ĠTermina":48547,"Ġhipotético":48548,"ĠTomé":48549,"ĠÃŃtem":48550,"Ġaclamado":48551,"American":48552,"Ġparecerá":48553,"Ġcontamina":48554,"Ġbigote":48555,"Ġvocacional":48556,"Acción":48557,"usiera":48558,"Ġmantén":48559,"Ġimpliquen":48560,"ĠEstaciones":48561,"Ġtrasto":48562,"Ġviolando":48563,"ĠESPN":48564,"Ġexceptuando":48565,"ĠFuncionarios":48566,"aros":48567,"amin":48568,"Ġgustas":48569,"Ġdivinas":48570,"ĠBlanc":48571,"ĠFN":48572,"Ġmerezca":48573,"ulouse":48574,"Ġinterpretarse":48575,"Ġcomentarista":48576,"ĠCUAL":48577,"ĠlejanÃŃa":48578,"Ġaledaños":48579,"yéndose":48580,"tativo":48581,"Ġposto":48582,"Ġexpresiva":48583,"Ġ802":48584,"Ġburgueses":48585,"ĠapatÃŃa":48586,"Ġsolemnidad":48587,"Mau":48588,"Ġvieran":48589,"Ġsegui":48590,"Ġalterada":48591,"Ġvinculan":48592,"ÃŃgenos":48593,"ĠcronologÃŃa":48594,"ĠLluÃŃs":48595,"Ġanorexia":48596,"Ġdecididos":48597,"Ġalegria":48598,"Ġesterilización":48599,"Rem":48600,"ĠPé":48601,"Ġasador":48602,"ĠLinks":48603,"ĠASE":48604,"Elabor":48605,"ĠCastle":48606,"Ġanimando":48607,"113":48608,"ECH":48609,"ĠCAPA":48610,"uka":48611,"ĠLane":48612,"partito":48613,"carias":48614,"Ġlux":48615,"Ġaceptará":48616,"ĠEnsenada":48617,"ĠSach":48618,"ĠPenales":48619,"Estimados":48620,"Pi":48621,"Ġpanza":48622,"Ġlatidos":48623,"ĠStand":48624,"Ġside":48625,"ĠDuty":48626,"ĠempÃŃrica":48627,"uelvan":48628,"Ġasistirá":48629,"ĠHago":48630,"Ġcomenzaban":48631,"Ġposeemos":48632,"Ġdesfavorecidos":48633,"ĠEscorial":48634,"Edición":48635,"Ġadvent":48636,"Consejos":48637,"ĠAntigüedad":48638,"ĠDrake":48639,"ĠEpic":48640,"ágen":48641,"ĠItz":48642,"carcel":48643,"Ġdotadas":48644,"Ġestandarte":48645,"Ġderrama":48646,"Ġroot":48647,"Proceso":48648,"Ġpreestable":48649,"Ġimprovisado":48650,"ĠSustitu":48651,"ĠRebelde":48652,"edding":48653,"âĤ¬/":48654,"ĠAgregó":48655,"ĠAqua":48656,"Ġsufragar":48657,"Ġchimeneas":48658,"CG":48659,"Ġcontornos":48660,"ĠMarcial":48661,"Ġatón":48662,"Ġsép":48663,"ĠError":48664,"ĠCull":48665,"tares":48666,"marketing":48667,"Ġconsumida":48668,"Ġpárpado":48669,"Ġobsesion":48670,"FUN":48671,"KK":48672,"ĠLLE":48673,"ĠPasos":48674,"Ġflorecer":48675,"serie":48676,"Ġtolerante":48677,"Ġlif":48678,"ĠLez":48679,"ĠpolÃĥ":48680,"telli":48681,"ĠProfun":48682,"Leon":48683,"Ġaseos":48684,"iceleste":48685,"ĠHACER":48686,"Ġdame":48687,"Ello":48688,"Ġmisas":48689,"Ġsentamos":48690,"Ġintegren":48691,"It":48692,"Ġsirenas":48693,"ĠFlow":48694,"Ġcoloridas":48695,"Ġlibreto":48696,"Ġreservadas":48697,"ĠxDDD":48698,"Ġescanear":48699,"trich":48700,"Ġprimitivos":48701,"ĠNacido":48702,"ĠSuf":48703,"Ġ1898":48704,"gonos":48705,"ĠImpuls":48706,"Ġacontecer":48707,"Ġmazmor":48708,"ĠATENCIÃĵN":48709,"pien":48710,"Ġmisionera":48711,"Ġcamarones":48712,"ĠMérito":48713,"Ġfelino":48714,"Ġadornado":48715,"Ġgrandiosa":48716,"Ġsemántica":48717,"ĠCumpleaños":48718,"quinos":48719,"ĠMake":48720,"Ġconstruimos":48721,"Ġradioterapia":48722,"Ġblasf":48723,"SK":48724,"Ġsudadera":48725,"ĠAres":48726,"ĠguarderÃŃas":48727,"ĠDocencia":48728,"Motor":48729,"Pantal":48730,"ĠNOTICIAS":48731,"lima":48732,"elones":48733,"Ġnacidas":48734,"Ġsuban":48735,"Ġdisfrutéis":48736,"tiny":48737,"Ġmaternal":48738,"!!!.":48739,"ĠRevesti":48740,"Ġentrevistó":48741,"ĠCiro":48742,"irman":48743,"Ġmonasterios":48744,"Ġquirúrgicos":48745,"ĠCinta":48746,"Ġamenazando":48747,"Ġdestruidas":48748,"Ġmovernos":48749,"ĠBlade":48750,"Ġlargometrajes":48751,"ĠAfi":48752,"Ġdesinf":48753,"usta":48754,"Ġfibromialgia":48755,"Ġpregún":48756,"Ġtransbor":48757,"arrama":48758,"Ġabrevia":48759,"Ġalimentador":48760,"ĠLanka":48761,"Ġduela":48762,"ceda":48763,"Ġsimulaciones":48764,"friends":48765,"Ġnavarra":48766,"Ġespecificidad":48767,"UDA":48768,"riza":48769,"ĠEDI":48770,"Ġcristian":48771,"RIP":48772,"bitat":48773,"Ġrotativo":48774,"ĠTRES":48775,"Ġtraba":48776,"015":48777,"Ġcursa":48778,"ĠJesu":48779,"Ġpreferencial":48780,"Ġdetenga":48781,"Haciendo":48782,"ĠARTE":48783,"ĠImagin":48784,"Raúl":48785,"Ġuterino":48786,"Ġstr":48787,"Ġreojo":48788,"ĠLiu":48789,"Ġfavorezcan":48790,"Ġretratar":48791,"Ġdepositados":48792,"Ġenseñaros":48793,"Ġbarroca":48794,"ĠDisfrutar":48795,"Ġconnotaciones":48796,"inistas":48797,"ĠMocas":48798,"Ġsostenidos":48799,"Ġnutritiva":48800,"Ġlomos":48801,"ĠMarl":48802,"entismo":48803,"Ġelfos":48804,"Ġpasea":48805,"Ġrealizarla":48806,"Ġ211":48807,"Ġligamentos":48808,"ĠEncuentre":48809,"Ġantibiótico":48810,"principalmente":48811,"Ġofrecernos":48812,"Ġenemigas":48813,"Ġtranscurrió":48814,"он":48815,"ĠBlasco":48816,"ĠPróximo":48817,"Ġhoci":48818,"Ġdesecho":48819,"idae":48820,"ĠâĢľ,":48821,"ĠMatrimonio":48822,"Ġenfadado":48823,"Aviso":48824,"DIC":48825,"ĠDiar":48826,"Ġcuestionada":48827,"Ġaterrador":48828,"ĠCOMPLE":48829,"Ġadd":48830,"ĠDelhi":48831,"ĠRepresentación":48832,"Ġmillonaria":48833,"Ġdiluci":48834,"ĠReed":48835,"hacia":48836,"Ġpedirles":48837,"ĠPlur":48838,"Ġprecandidato":48839,"atales":48840,"ĠCartu":48841,"Ġviolencias":48842,"Ġcoronación":48843,"ĠInteligente":48844,"Ġconsolidarse":48845,"Ġerróneo":48846,"Ġdiscrepancia":48847,"ĠPCI":48848,"Ġdesórdenes":48849,"tasar":48850,"Ġbolchevi":48851,"oring":48852,"Ġmiento":48853,"ĠCell":48854,"quistas":48855,"Ġcorros":48856,"Grandes":48857,"ĠHidrocarburos":48858,"Ġpoliti":48859,"Ġ193":48860,"Ġhaberes":48861,"Ġdeteriorado":48862,"ectomÃŃa":48863,"Ġexman":48864,"Ġmobile":48865,"tham":48866,"ĠANTON":48867,"ĠDeclara":48868,"Ġcronológico":48869,"zia":48870,"ĠBD":48871,"Ġluis":48872,"Ġpesquera":48873,"Ġrutin":48874,"ĠAndreas":48875,"Ġarrojan":48876,"Ġchorrito":48877,"Hu":48878,"Ġcepillos":48879,"República":48880,"κ":48881,"Ġcontrapres":48882,"ĠCartel":48883,"Ġhow":48884,"Ġencargue":48885,"ĠTeres":48886,"264":48887,"Ġasistirán":48888,"Ġhipn":48889,"Ġruidoso":48890,"leños":48891,"tags":48892,"ĠTower":48893,"ĠDioses":48894,"Ġemita":48895,"Ġdevuelven":48896,"Ġacatar":48897,"Ġdesemboca":48898,"Ġperiférica":48899,"ĠHudson":48900,"Ġapio":48901,"Ġtelevi":48902,"Ġprovocaba":48903,"transmis":48904,"Ġinaugurará":48905,"Ġglosario":48906,"erata":48907,"Ġroturas":48908,"Ġmoro":48909,"ĠCream":48910,"ĠCreed":48911,"Ġabrazó":48912,"Ġentretenidos":48913,"Ġincub":48914,"Ġavalada":48915,"Ġbisab":48916,"Ġmultidisciplinario":48917,"Ġalde":48918,"Ġcollage":48919,"ugna":48920,"ĠlucÃŃa":48921,"Ġreincorpor":48922,"ĠHimno":48923,"Listado":48924,"Ġtraidores":48925,"Ġinvit":48926,"ĠArri":48927,"Ġmosto":48928,"Ġignorado":48929,"Ġcomunicativa":48930,"ĠBrujas":48931,"Ġreclusión":48932,"ĠlegÃŃtimas":48933,"ĠPolarizados":48934,"Ġepider":48935,"fices":48936,"Ġbeneplácito":48937,"155":48938,"Ġmodulo":48939,"ĠGUÃįA":48940,"ĠFortalecimiento":48941,"Ġdels":48942,"Ġalme":48943,"ayor":48944,"ĠDenver":48945,"Ġplegar":48946,"Ġcompartimento":48947,"Ġmarcial":48948,"Ġpeones":48949,"ceps":48950,"Ġdispondrán":48951,"enton":48952,"ĠCondes":48953,"ĠArna":48954,"Ġrepresenten":48955,"Suc":48956,"serÃŃa":48957,"uerpo":48958,"Ġ191":48959,"Ġtransitan":48960,"creto":48961,"Ġculinario":48962,"Ġgaleria":48963,"ĠCepeda":48964,"Ġclandestino":48965,"Ġlargamente":48966,"ĠPitt":48967,"zel":48968,"ĠUVA":48969,"ĠLost":48970,"Ġatom":48971,"ĠEjido":48972,"Ġcorrupta":48973,"ĠValls":48974,"Ġatorn":48975,"Ġgps":48976,"urus":48977,"ĠRepar":48978,"Ġdesempeñarse":48979,"ĠGordo":48980,"Ġmultilateral":48981,"idando":48982,"Ġarroll":48983,"ĠTortu":48984,"Ġimpresionar":48985,"Consulte":48986,"Ġremunerado":48987,"zine":48988,"Ġconcurren":48989,"Ġaplastar":48990,"1977":48991,"ĠComodoro":48992,"Ġrecomendaron":48993,"Ġevaluó":48994,"ĠRango":48995,"Ġfuneraria":48996,"Ġdescansando":48997,"petegui":48998,"ĠZul":48999,"tizadores":49000,"Ġtelefónicos":49001,"Ġnicaragüenses":49002,"Ġanalgésicos":49003,"Ġimbécil":49004,"Caso":49005,"mam":49006,"patÃŃas":49007,"Ġvaina":49008,"TED":49009,"Ġadulter":49010,"Ġrumano":49011,"Ġgrs":49012,"ĠAparece":49013,"Ġsatelital":49014,"ponga":49015,"Ġacertadas":49016,"Ġpines":49017,"zania":49018,"Ġpelean":49019,"sentido":49020,"anés":49021,"Ġinterpuesta":49022,"ĠSaneamiento":49023,"Ġimitando":49024,"Ġsacudir":49025,"LU":49026,"ancas":49027,"anne":49028,"ĠCiti":49029,"Ġsoca":49030,"úcleo":49031,"Ġestilismo":49032,"Ġinfieles":49033,"power":49034,"Ġpropuse":49035,"ĠBalne":49036,"JERCI":49037,"ĠParticipar":49038,"fÃŃsico":49039,"OEA":49040,"Stu":49041,"vita":49042,"Ġvicis":49043,"Ġvacio":49044,"Ġnormalizar":49045,"ĠTrato":49046,"Ġabrirlo":49047,"ĠDivi":49048,"Ġdevolverle":49049,"ĠDiscovery":49050,"dn":49051,"ĠBrea":49052,"ĠAnime":49053,"Ġdescuidado":49054,"Ġconvirtiera":49055,"Ġchoferes":49056,"Ġecommerce":49057,"EDADES":49058,"Ġfrancotir":49059,"Ġdesagües":49060,"Básicamente":49061,"Sport":49062,"aser":49063,"ĠMoc":49064,"ĠQuique":49065,"Ġreaccionan":49066,"679":49067,"Ġreglamentariamente":49068,"Ġproa":49069,"Energ":49070,"new":49071,"Ġestipula":49072,"Ġcotizan":49073,"Ġpabellones":49074,"pital":49075,"ĠLanda":49076,"till":49077,"Notas":49078,"ĠClaude":49079,"Ġmediocridad":49080,"Ġbufete":49081,"PIO":49082,"Ġnecesitando":49083,"ĠDescan":49084,"MuchÃŃsimas":49085,"Ġinvasiva":49086,"ĠEmbal":49087,"Ġbenéfico":49088,"Ġflotas":49089,"edición":49090,"Ġsaharauis":49091,"actual":49092,"ĠBON":49093,"Ġ§":49094,"omaquia":49095,"Ġdiner":49096,"ĠPatrimon":49097,"Fol":49098,"ĠIgua":49099,"Ġvaga":49100,"Ġafectaron":49101,"Ġbesitos":49102,"ĠCaval":49103,"Ġcórner":49104,"iable":49105,"cuáles":49106,"ĠComic":49107,"ĠcontenÃŃan":49108,"Ġesférico":49109,"Ġpunteros":49110,"Ġescaño":49111,"Ġindividualismo":49112,"ĠGOBIERNO":49113,"ĠSeo":49114,"Ġrepasa":49115,"ĠZárate":49116,"Ġcuarteles":49117,"ĠARM":49118,"Ġtapizado":49119,"ĠPocas":49120,"Ġcolump":49121,"Selecciona":49122,"Ġpiojos":49123,"ĠSeñores":49124,"Ġadoran":49125,"ĠMAG":49126,"polo":49127,"Ġdejándolo":49128,"Ġsubur":49129,"ĠSchmid":49130,"import":49131,"Ġcangrejo":49132,"Ġvaloramos":49133,"ĠMayer":49134,"Podrán":49135,"fán":49136,"ĠICA":49137,"ĠIFE":49138,"immer":49139,"Ġmilicias":49140,"ĠAmen":49141,"endly":49142,"Ġsimpáticos":49143,"Desarrollar":49144,"ĠParroquial":49145,"Ġmiserables":49146,"Ġolvidadas":49147,"Ġmendo":49148,"ĠPanasonic":49149,"ĠJuanjo":49150,"mediante":49151,"Ġindefinidamente":49152,"ĠGard":49153,"Ġcrearse":49154,"Ġcontratante":49155,"Ġdetectores":49156,"Ġbisexuales":49157,"Ġencantaron":49158,"Ġalienta":49159,"ĠAMA":49160,"Ġantag":49161,"ĠNm":49162,"uerga":49163,"meta":49164,"lictos":49165,"estructura":49166,"Ġacudiendo":49167,"Ġacorral":49168,"ĠErdo":49169,"Mov":49170,"ĠGomera":49171,"fermedad":49172,"Ġlegislar":49173,"show":49174,"ĠMica":49175,"Ġdestacaba":49176,"LEY":49177,"TERA":49178,"Ġdesechables":49179,"cencias":49180,"Ġtweet":49181,"Ġgemelo":49182,"mping":49183,"tashop":49184,"ĠSey":49185,"Ġcastigados":49186,"Ġseductor":49187,"loc":49188,"Ġaprenderán":49189,"QM":49190,"db":49191,"larios":49192,"Ġexigible":49193,"ĠBerta":49194,"Ġrevelando":49195,"Ġguatemalteco":49196,"Ġinnata":49197,"nol":49198,"icón":49199,"raf":49200,"ĠPG":49201,"ĠGI":49202,"Ġmerecedor":49203,"Ġsubal":49204,"ĠPersonalidad":49205,"Entrega":49206,"Ġlavados":49207,"Ġingestión":49208,"Ġcilantro":49209,"endose":49210,"Ġaxi":49211,"Ġtocados":49212,"ajeros":49213,"Ġcerramos":49214,"Ġproblem":49215,"Ġtirano":49216,"Disposición":49217,"Ġcruzaron":49218,"Ġrazonar":49219,"Ġfiscalidad":49220,"ĠASIGNATURA":49221,"ĠList":49222,"Ġexótica":49223,"Ġrespondo":49224,"Ġmanteniéndose":49225,"Ġtiradores":49226,"éptico":49227,"PIB":49228,"Ġadaptarnos":49229,"ĠlingüÃŃsticos":49230,"ĠAntoine":49231,"Tabla":49232,"ĠBP":49233,"Ġpartituras":49234,"Ġnupcial":49235,"ending":49236,"Ġfisica":49237,"Escuch":49238,"Ġboicot":49239,"Ġdona":49240,"illot":49241,"Ġmanejaba":49242,"Ġastucia":49243,"Ġaburridos":49244,"Ġmeridional":49245,"Rese":49246,"ĠAdem":49247,"ĠRB":49248,"pela":49249,"Ġexclamó":49250,"ĠForense":49251,"Ġlicuadora":49252,"Num":49253,"Ġquil":49254,"ĠAllan":49255,"Ġrizado":49256,"ĠGibson":49257,"ĠCéspedes":49258,"ulto":49259,"122":49260,"estrella":49261,"ĠEXTRA":49262,"Ġidóneos":49263,"Ġtangibles":49264,"Jug":49265,"Ġperdedores":49266,"Ġinferioridad":49267,"tzinapa":49268,"ãĥ³":49269,"ĠTacna":49270,"ĠclÃŃmax":49271,"UERDO":49272,"Ġhipertensiva":49273,"Pocos":49274,"Ġdegeneración":49275,"Ġexprese":49276,"Ġacompañaban":49277,"Ġrecubierto":49278,"Ġevalúan":49279,"Ġping":49280,"ĠOasis":49281,"Ġprotestan":49282,"Ġveraniega":49283,"equipo":49284,"Ġdiame":49285,"ĠdebÃŃamos":49286,"ĠRescate":49287,"Ġsumido":49288,"Ġvisitaremos":49289,"ĠFausto":49290,"Ġreverencia":49291,"Ġjarra":49292,"Ġsigla":49293,"tello":49294,"Ġenseñaba":49295,"ĠSergi":49296,"kens":49297,"Ġsoya":49298,"ĠcarecÃŃa":49299,"Ġmilici":49300,"ĠPoly":49301,"DIA":49302,"Ġtinerfe":49303,"Ġdisi":49304,"Ġauda":49305,"imagenes":49306,"Ġlogras":49307,"burn":49308,"ĠVentajas":49309,"Ġafeitar":49310,"Ġanecdó":49311,"ĠNon":49312,"Ġvelcro":49313,"ĠtestÃŃculos":49314,"Ġst":49315,"Ġpremedi":49316,"lard":49317,"Ġceloso":49318,"ĠArtesanÃŃa":49319,"ĠLoyola":49320,"jord":49321,"Ġsmo":49322,"uczynski":49323,"ĠGallery":49324,"conven":49325,"cendente":49326,"Ġsalvavidas":49327,"Ġabsorben":49328,"sori":49329,"ĠUsando":49330,"Ġganchillo":49331,"unde":49332,"ĠunÃŃa":49333,"ĠEiffel":49334,"Ġsuscita":49335,"Ġ181":49336,"ĠRecurso":49337,"ĠHice":49338,"1976":49339,"ĠDispositivos":49340,"Ġpreguntarme":49341,"ĠhÃŃdrico":49342,"Ġdesintegración":49343,"åIJ":49344,"Ġalpin":49345,"ĠJES":49346,"ĠKro":49347,"Ġpanf":49348,"Ġrevelada":49349,"Ġpayasos":49350,"ĠRGPD":49351,"rige":49352,"ĠBed":49353,"Ġtrap":49354,"ĠRealización":49355,"Ġparticipaba":49356,"ĠFilarmónica":49357,"Ġunila":49358,"note":49359,"Ġrozando":49360,"Ġtomillo":49361,"Ġacepción":49362,"ĠINCLU":49363,"Ġapetecible":49364,"Ġvecindad":49365,"junio":49366,"Ġhabitáculo":49367,"ĠCuyo":49368,"Ġmareo":49369,"Ġacariciar":49370,"Ġjajajajaja":49371,"ĠExtraordinaria":49372,"eadas":49373,"Ġgemas":49374,"erosa":49375,"Ġexistieron":49376,"estaciones":49377,"Ġ221":49378,"ĠMenem":49379,"ĠAsesores":49380,"Ġmiocardio":49381,"ĠAQUI":49382,"ĠDevelopment":49383,"Ġestorn":49384,"ĠEVA":49385,"Ġtransitor":49386,"Ġinsensa":49387,"ĠMercury":49388,"Ġreintegro":49389,"Ġprecede":49390,"Ġabuelita":49391,"Ġorégano":49392,"Ġcabos":49393,"gler":49394,"eradores":49395,"Ġinquebran":49396,"ĠVirg":49397,"PEG":49398,"Ġdesmantelamiento":49399,"ĠCabra":49400,"jejeje":49401,"Dif":49402,"Ġcometas":49403,"neider":49404,"ĠCamisetas":49405,"Ġandam":49406,"Ġcuelgan":49407,"ĠTroya":49408,"ĠPunk":49409,"ĠMúltiples":49410,"ludio":49411,"ĠanalÃŃticos":49412,"éntate":49413,"élulas":49414,"ĠCABA":49415,"primero":49416,"girl":49417,"Ġbitácora":49418,"ĠPina":49419,"Ġibas":49420,"Ġpeo":49421,"Ġrefinada":49422,"Ġdesaho":49423,"Ġconsolidados":49424,"ĠANC":49425,"Ġdeshon":49426,"coreana":49427,"AFP":49428,"Ġplayoffs":49429,"1973":49430,"Ġmonetarias":49431,"ĠFinancieras":49432,"Ġmovies":49433,"lub":49434,"Ġaos":49435,"ĠTul":49436,"ĠseguÃŃs":49437,"Ġocaso":49438,"Ġlactantes":49439,"ĠBeso":49440,"ĠSimpl":49441,"Ġescucharla":49442,"Ġbelgas":49443,"Ġconcedidas":49444,"Ġindividualizada":49445,"Ġrecogerá":49446,"ĠPeriodista":49447,"ĠVenezolano":49448,"Ġbrócoli":49449,"Ġindistintamente":49450,"Fácil":49451,"RP":49452,"ĠSche":49453,"Ġmat":49454,"Ġejerza":49455,"imenez":49456,"Ġinfernal":49457,"Ġrescata":49458,"luen":49459,"Ġcapuch":49460,"Ġmoderadores":49461,"Consigue":49462,"adis":49463,"Ġalican":49464,"Ġimpas":49465,"Ġfracasó":49466,"RÃŃo":49467,"Ġautoritarismo":49468,"Ġsindicalistas":49469,"Ġministeriales":49470,"Ġrezo":49471,"âĢ¦âĢ¦.":49472,"cense":49473,"ĠViews":49474,"Ġrotundamente":49475,"Ġamenazante":49476,"Ġtesorero":49477,"abes":49478,"úster":49479,"Toledo":49480,"ĠJair":49481,"Ġolvidaba":49482,"Ġsuministrado":49483,"Ġpreservativo":49484,"ĠOlimpiadas":49485,"Blanco":49486,"wiki":49487,"Ġprovi":49488,"tuall":49489,"cuma":49490,"Ġapad":49491,"Ġpasaran":49492,"Ġinclinada":49493,"ĠChrom":49494,"ĠCardo":49495,"340":49496,"Ġlep":49497,"Ġapareci":49498,"tinencia":49499,"Ġtenerte":49500,"Ġhaberlos":49501,"ĠCantos":49502,"Ġoperados":49503,"Ġmachistas":49504,"aldi":49505,"Ġgeno":49506,"ĠOso":49507,"ĠEnf":49508,"Ġcanino":49509,"Ġsacerdotal":49510,"Ġmandaba":49511,"Ġlentas":49512,"Ġapéndice":49513,"Ġganara":49514,"Ġdeberian":49515,"Ġanalógica":49516,"kota":49517,"Ġcártel":49518,"ĠElectronics":49519,"Ġserotonina":49520,"espaldas":49521,"Lunes":49522,"Ġbalear":49523,"ĠVoluntariado":49524,"Ġniger":49525,"ĠReporte":49526,"telier":49527,"ĠRoosevelt":49528,"Ġpróspero":49529,"Ġpatos":49530,"Ġguir":49531,"ĠObispos":49532,"Ġregresando":49533,"Ġecharse":49534,"ĠmonotonÃŃa":49535,"Llevamos":49536,"ASTA":49537,"Ġreanudar":49538,"Ġarrepentido":49539,"Ġiii":49540,"ĠConciencia":49541,"Ġ520":49542,"Ġregistral":49543,"Ġaplastante":49544,"Brin":49545,"fits":49546,"Ġeutanasia":49547,"iosis":49548,"Ġ-¡":49549,"ĠLearning":49550,"Ġuniversalidad":49551,"Ġviniera":49552,"Ġocasionando":49553,"Ġrediseño":49554,"Ġpaulatina":49555,"Ġbuey":49556,"£":49557,"ĠCus":49558,"ĠSuena":49559,"ĠHÃŃ":49560,"ĠCau":49561,"Back":49562,"Ùĩ":49563,"ervas":49564,"ĠCampa":49565,"Ġcaravanas":49566,"dominios":49567,"Ġvibrantes":49568,"ĠSueños":49569,"Ġdesesperanza":49570,"ĠLEÃĵN":49571,"ĠCARLOS":49572,"Ġvistiendo":49573,"lamientos":49574,"Ġodian":49575,"Ġatienda":49576,"quedad":49577,"ĠTÃŃtulos":49578,"ĠRing":49579,"Inte":49580,"ĠPete":49581,"Ġconducida":49582,"ĠMarisol":49583,"Out":49584,"Ġdedicas":49585,"ĠfÃŃl":49586,"Ġrevueltas":49587,"ĠDifer":49588,"REND":49589,"runa":49590,"Ġfurioso":49591,"ĠSag":49592,"Ġvestidas":49593,"Ġrinden":49594,"Robert":49595,"ĠRunner":49596,"ttenham":49597,"Hombres":49598,"ief":49599,"ĠOtor":49600,"call":49601,"ĠEurovisión":49602,"Ġ214":49603,"Ġimponga":49604,"Ġimponentes":49605,"Ġtamiz":49606,"ĠTat":49607,"Ġrudi":49608,"Ġdesplazó":49609,"Ġimpredecible":49610,"Mex":49611,"lip":49612,"ĠVS":49613,"Ġquinteto":49614,"Ġrecreativo":49615,"dep":49616,"tuosamente":49617,"guenos":49618,"Ġacampar":49619,"Ġ440":49620,"Ġ218":49621,"cker":49622,"Ġdirija":49623,"Ġdragon":49624,"Ġinstaurar":49625,"Ġvillan":49626,"ĠLIC":49627,"Ġdejaste":49628,"Ġconectando":49629,"Zapatillas":49630,"ĠRegÃŃstrese":49631,"entantes":49632,"Ġunificado":49633,"Porqué":49634,"ĠHumor":49635,"ĠRobot":49636,"Ġmisteriosas":49637,"ĠCreativa":49638,"Ġcucarachas":49639,"informa":49640,"Ġalist":49641,"mitió":49642,"Ġraton":49643,"Ġcapitalina":49644,"Ġorganizativo":49645,"ĠÃļN":49646,"Ġgavio":49647,"jis":49648,"ĠEnci":49649,"Ġmesita":49650,"Ġpermitidas":49651,"ĠVialidad":49652,"ĠLlegar":49653,"tere":49654,"ĠEngels":49655,"Ġpubs":49656,"Ġmenosc":49657,"Ġpermito":49658,"ĠDiseñador":49659,"Ġginecólogo":49660,"ĠPaj":49661,"dadero":49662,"sons":49663,"Ġcordoba":49664,"ĠFrecuencia":49665,"Ġmanifieste":49666,"Ġrendirse":49667,"Ġhimnos":49668,"Ġsuscitado":49669,"Ġtribun":49670,"Ġdesfas":49671,"iciÃĥ":49672,"ĠMotril":49673,"Ġacondicionador":49674,"ĠJefferson":49675,"Ġgadgets":49676,"RU":49677,"Ġconstruirá":49678,"Ġcomercialmente":49679,"ĠHablando":49680,"Ġadquirieron":49681,"Ġbravo":49682,"ográficos":49683,"ĠStanford":49684,"Ġeclesiástica":49685,"Ġacarrear":49686,")\",":49687,"330":49688,"Vuelve":49689,"§":49690,"Ф":49691,"Ġpesaba":49692,"Ġvoló":49693,"Ġcurry":49694,"ĠSource":49695,"260":49696,"ÆĴ":49697,"Ġretoques":49698,"juela":49699,"onial":49700,"Ġquejó":49701,"Ġapretando":49702,"Ġpreguntarte":49703,"Ġdesmaquil":49704,"ĠCardio":49705,"Ġefectúe":49706,"Ġcontactado":49707,"Ġrepresentaron":49708,"Ġfondant":49709,"Ġcomprobando":49710,"ĠMale":49711,"Ġdespa":49712,"Ġquereis":49713,"ĠManrique":49714,"ĠejercÃŃa":49715,"ĠCriterios":49716,"gramar":49717,"ĠcostarÃŃa":49718,"ĠCamps":49719,"Ġfragu":49720,"ĠBaeza":49721,"Ġoperada":49722,"ĠEcuator":49723,"Ġsorprendernos":49724,"Ġdespojo":49725,"ĠArenal":49726,"criptible":49727,"ĠMisterio":49728,"ĠNiñez":49729,"Ġmigas":49730,"Ġfideicomiso":49731,"Ġpita":49732,"inara":49733,"ĠAru":49734,"ĠSuroeste":49735,"Ġcereza":49736,"1978":49737,"Ġbrokers":49738,"ĠDESDE":49739,"Ġdemagogia":49740,"piso":49741,"Ġmator":49742,"Ġelegirá":49743,"Ġinconcl":49744,"ĠconsejerÃŃa":49745,"Ġentraban":49746,"Ġcongelada":49747,"Ġdemuestren":49748,"biana":49749,"Ġ1810":49750,"Ġranuras":49751,"Ġconfundirse":49752,"Ġidiosincrasia":49753,"aditos":49754,"viados":49755,"Ġinversion":49756,"Ġoptimiza":49757,"Ġlocuras":49758,"ĠEstará":49759,"Ġbatiendo":49760,"Ġpsicópata":49761,"ĠHoyos":49762,"Ġexpedir":49763,"ĠSesiones":49764,"cama":49765,"Ġsystem":49766,"ĠOw":49767,"ĠKhal":49768,"Ġbarrido":49769,"Ġagregada":49770,"ĠDenunci":49771,"ĠCornejo":49772,"Ġagridulce":49773,"licéridos":49774,"Ġlax":49775,"ĠSis":49776,"img":49777,"Expres":49778,"ĠKeiko":49779,"Ġhidráulicas":49780,"Ġpresumiblemente":49781,"Ġtic":49782,"Ġconsuma":49783,"Ġcomplej":49784,"Ġsancionada":49785,"Ġrealicé":49786,"Ġincorporen":49787,"Ġtranquilizar":49788,"Ġurbanizaciones":49789,"Ġsensiblemente":49790,"ĠCouncil":49791,"Ġcoeficientes":49792,"Comenzó":49793,"Jen":49794,"Ġmerchandising":49795,"Ġdiscriminar":49796,"Ġconsolidó":49797,"ĠMEDIA":49798,"ĠEzeiza":49799,"').":49800,"Ġesófago":49801,"éter":49802,"Ġcabrón":49803,"ĠSilicon":49804,"Post":49805,"ĠCuadros":49806,"ĠmetÃŃa":49807,"plemento":49808,"Medidas":49809,"Ġabortar":49810,"Ġmolestas":49811,"ĠQUI":49812,"ĠEquidad":49813,"Sand":49814,"utadas":49815,"Ġsimula":49816,"Ġconcurrido":49817,"Ġautomovilismo":49818,"Tec":49819,"ĠNombres":49820,"ĠEnzo":49821,"ĠMontiel":49822,"Ġovación":49823,"lahoma":49824,"Ġpatriotas":49825,"Ġcomas":49826,"teno":49827,"luza":49828,"Ġreflexivo":49829,"Ġpercibimos":49830,"Ġdiferenciarse":49831,"Ġtransgénero":49832,"ĠHarley":49833,"rible":49834,"Ġcompases":49835,"ĠDesgraciadamente":49836,"Ġviajo":49837,"Ġtablón":49838,"Versión":49839,"Ġóvulos":49840,"bacter":49841,"ĠPirámi":49842,"Ġdoler":49843,"Ġentusiasmado":49844,"Ġcontrarreloj":49845,"ĠNAV":49846,"Ġtransmitidos":49847,"ponsor":49848,"Sexo":49849,"ĠPerÃŃodo":49850,"ĠPacientes":49851,"Ġcontaminada":49852,"Ġdirijo":49853,"Sitio":49854,"ĠSalon":49855,"Ġconsultarse":49856,"Leg":49857,"Ġensayar":49858,"ĠPeriodo":49859,"Ġgemela":49860,"ĠMandatario":49861,"monÃŃa":49862,"Ġagrava":49863,"Ġviciosa":49864,"Ġfingir":49865,"Ġquerrán":49866,"Ġexpresivo":49867,"Ġrespetada":49868,"Ġconversó":49869,"Ġluzca":49870,"Exp":49871,"Ġatribuyó":49872,"ĠtesorerÃŃa":49873,"Acerca":49874,"ĠFija":49875,"ĠFibra":49876,"Ġinalámbricas":49877,"dimensionales":49878,"Ġencrucijada":49879,"Ina":49880,"ezmann":49881,"Ġestetica":49882,"Ġroad":49883,"1975":49884,"Ġprolongados":49885,"ĠINVESTIGACIÃĵN":49886,"ĠWhat":49887,"Ġcompete":49888,"ĠTejada":49889,"ĠCAF":49890,"Ġstra":49891,"ĠGhost":49892,"Ġmediáticos":49893,"Ġservida":49894,"Ġincorporará":49895,"Ġparadis":49896,"Ġhundió":49897,"Ġestilista":49898,"Ġdispersa":49899,"Ġparalizar":49900,"Ġinestim":49901,"ĠElev":49902,"Ġplaus":49903,"dicto":49904,"Ġdistrital":49905,"Ġgaseos":49906,"Felipe":49907,"ĠAdaptación":49908,"ĠLlevamos":49909,"Ġindiferentes":49910,"ĠManzano":49911,"Ġpermanezcan":49912,"ĠVenga":49913,"Ġgalas":49914,"ĠrepetÃŃa":49915,"Ġbrindarles":49916,"Ġmedirse":49917,"Ġrebajado":49918,"IVERSIDAD":49919,"Ġtransfiere":49920,"Ġoigo":49921,"sona":49922,"ĠtutorÃŃa":49923,"ENDO":49924,"Ġ213":49925,"Anti":49926,"175":49927,"Ġaportada":49928,"Ġabatido":49929,"Fernández":49930,"ĠIldefonso":49931,"bora":49932,"ĠCNA":49933,"cribo":49934,"Ġpeatonales":49935,"GUEZ":49936,"Ġdesab":49937,"Ġplanifica":49938,"Ġzig":49939,"ĠSalcedo":49940,"Chat":49941,"Reglamento":49942,"ĠVoluntarios":49943,"ĠpsiquiatrÃŃa":49944,"idoro":49945,"ĠDame":49946,"ĠWhe":49947,"corriente":49948,"Ġvividos":49949,"Registro":49950,"Ġadhesivos":49951,"ĠbellÃŃsima":49952,"Ġarraigada":49953,"ĠSello":49954,"Ġcutáneas":49955,"ĠPeregr":49956,"ĠInstitucionales":49957,"ĠESPA":49958,"éuticos":49959,"Ġperfila":49960,"Key":49961,"ĠNord":49962,"Ġincumb":49963,"Ġestereotipo":49964,"ĠBangla":49965,"Ġnaufragio":49966,"ĠAutopista":49967,"Ġiceberg":49968,"gang":49969,"ómulo":49970,"Ġrecurrió":49971,"ĠafectarÃŃa":49972,"Ġcuadrilla":49973,"ĠNorberto":49974,"Ġpubliquen":49975,"ÃģLISIS":49976,"nicas":49977,"Ġmueca":49978,"ĠAct":49979,"ĠCapitolio":49980,"Ġgirl":49981,"ĠJaponés":49982,"Ġvirginidad":49983,"Ġmantra":49984,"Ġamorosos":49985,"dalenas":49986,"Ġderbi":49987,"Ġdespertando":49988,"Ġdiscretos":49989,"ĠManifiesto":49990,"RERO":49991,"fab":49992,"Ġist":49993,"ĠRho":49994,"ĠInvestigador":49995,"Ġperiférico":49996,"Pasa":49997,"erse":49998,"ĠTán":49999,"cesana":50000,"écnico":50001,"Ġtelenovelas":50002,"ĠMeridi":50003,"Ġenfrentados":50004,"ĠDHL":50005,"»:":50006,"Ġprerroga":50007,"diosa":50008,"ĠTall":50009,"Ġanulado":50010,"tenango":50011,"Ġahuy":50012,"ĠProblema":50013,"ĠAdwords":50014,"Ġincredulidad":50015,"Ġdance":50016,"Ġhomil":50017,"Ġaguarda":50018,"ĠEsparta":50019,"ĠJULIO":50020,"Gente":50021,"fate":50022,"Ġcolgó":50023,"Ġeditados":50024,"ĠLodge":50025,"Ġrecobrar":50026,"amblaje":50027,"Ġescoba":50028,"Ġprecedido":50029,"ĠCalatrava":50030,"ĠriquÃŃsimo":50031,"ĠSUPERIOR":50032,"!?":50033,"uris":50034,"Ġmotel":50035,"Ġcopiloto":50036,"ĠMoss":50037,"Ġacomoda":50038,"Ġescrup":50039,"Regres":50040,"ĠAntecedentes":50041,"ĠTeodoro":50042,"Coo":50043,"gunto":50044,"Ġemocionar":50045,"Ġexplotados":50046,"Ġsumergida":50047,"ĠGeographic":50048,"Ġestamentos":50049,"ĠDECRE":50050,"Ġtalle":50051,"Ġkernel":50052,"Ġacostumbran":50053,"Ġapropiarse":50054,"ĠTemple":50055,"Ġexageración":50056,"tiroidismo":50057,"ĠDesafÃŃo":50058,"QUISITOS":50059,"insa":50060,"Ġfinlandés":50061,"Ġpermitirnos":50062,"ĠRefugiados":50063,"ĠScho":50064,"ĠHiros":50065,"Ġreflejadas":50066,"úbilo":50067,"Ġbbw":50068,"Prostitutas":50069,"Ġatados":50070,"zares":50071,"Ġprocesada":50072,"Page":50073,"Ġdegener":50074,"Ġotom":50075,"Ġraja":50076,"Ġminuciosa":50077,"globina":50078,"ĠElba":50079,"Ġinclinar":50080,"Ġafter":50081,"ĠNahuel":50082,"orning":50083,"Ġsiluetas":50084,"Ġmaravillosamente":50085,"Ġjudicialmente":50086,"nier":50087,"ĠConfi":50088,"Ġcalambres":50089,"ĠJuli":50090,"Ġrefugiarse":50091,"ĠSED":50092,"Ġperform":50093,"turada":50094,"Ġguinda":50095,"////":50096,"ĠConsultivo":50097,"tentri":50098,"eléctrica":50099,"Semana":50100,"campo":50101,"ÃŁ":50102,"ĠOT":50103,"elementos":50104,"Conec":50105,"Ġbandolera":50106,"Ġenérgico":50107,"Ġtransnacional":50108,"Ġplagada":50109,"Ġhumilla":50110,"Ġimplicó":50111,"ĠVisite":50112,"Ġautentico":50113,"ponente":50114,"gaste":50115,"Ġremoviendo":50116,"Ġsociocultural":50117,"Ġinteractu":50118,"Ġsinceras":50119,"ĠAuxiliares":50120,"Ġtajante":50121,"udado":50122,"Ġasegurador":50123,"Ġrealzar":50124,"Ġborda":50125,"hech":50126,"itter":50127,"Ġanteojos":50128,"Ġsaciar":50129,"ĠVerás":50130,"Ġtx":50131,"ĠChicos":50132,"Ġcertificadas":50133,"ĠEterno":50134,"ĠAves":50135,"ĠNube":50136,"Ġcertámenes":50137,"ĠAnastas":50138,"Coinci":50139,"ĠAngelina":50140,"Ġsalvadoreño":50141,"Ġbinomio":50142,"Ġléxico":50143,"Ġvicisitudes":50144,"Ġcerdas":50145,"ĠmasonerÃŃa":50146,"Ġquedándose":50147,"ĠAdjunto":50148,"ĠMelgar":50149,"ĠINVERS":50150,"Ġprestamo":50151,"War":50152,"cott":50153,"Ġcreerlo":50154,"Ġtransferido":50155,"ĠOlimpiada":50156,"ĠPearl":50157,"Ġfort":50158,"Ġvotan":50159,"118":50160,"Ġsatisfacen":50161,"Ġrománico":50162,"antha":50163,"ĠCintur":50164,"ĠIru":50165,"ĠTovar":50166,"bow":50167,"ĠEstadounidense":50168,"Ġenfermas":50169,"Ġprocedieron":50170,"Ġconsumismo":50171,"Poder":50172,"Ġautóctonos":50173,"Roma":50174,"ĠfÃŃn":50175,"Ġmetó":50176,"007":50177,"Ġlibrado":50178,"ĠChad":50179,"Ġband":50180,"ĠalcaldÃŃas":50181,"Ġjamones":50182,"Ġpersuadir":50183,"Ġdelib":50184,"ĠNÃļ":50185,"ĠConmebol":50186,"Ġnazar":50187,"Ġindias":50188,"Ġimaginé":50189,"Isabel":50190,"Ġhomofobia":50191,"Ġtequila":50192,"Ġautorice":50193,"Ġtroquel":50194,"Ġevangélica":50195,"Ġdesilusión":50196,"Ġparaguaya":50197,"ulfo":50198,"ĠArcángel":50199,"Ġfalacia":50200,"Ġpaisanos":50201,"ĠAparicio":50202,"ĠCIVIL":50203,"ĠSz":50204,"Ġfortalecido":50205,"Ġsarc":50206,"Ġcaótico":50207,"ĠRuz":50208,"Ġimpartió":50209,"Ġconcluya":50210,"farmacia":50211,"Ġcrochet":50212,"ĠÃģrtico":50213,"Ġmanagement":50214,"GINA":50215,"Ġvengarse":50216,"Ġfeminidad":50217,"Ġexi":50218,"Ġcopro":50219,"endra":50220,"Ġseces":50221,"acre":50222,"Ġteoria":50223,"ARTICULO":50224,"Ġimpaciencia":50225,"Ġincuestionable":50226,"Ġcarru":50227,"Algún":50228,"ĠâĤ¬/":50229,"DOC":50230,"Ġliviana":50231,"fores":50232,"Ġedicion":50233,"Noche":50234,"ĠGalilea":50235,"ĠACN":50236,"ой":50237,"Ġadmiradores":50238,"vist":50239,"åľ":50240,"Ġpach":50241,"Ġduelen":50242,"Ġsufridas":50243,"Ġdesenvolverse":50244,"Vigencia":50245,"Ġoprimidos":50246,"Ġpelliz":50247,"Ġlanzo":50248,"Ġresolverlo":50249,"Ġmadridista":50250,"Ġsuscribirse":50251,"Ġexponencialmente":50252,"Ġtanga":50253,"Ġcanarias":50254,"Ġplaquetas":50255,"ĠCaf":50256,"ĠBuñ":50257,"ĠPatrona":50258,"Ġtrascendido":50259,"ĠPRODUCTOS":50260,"Ġdesenvolvimiento":50261,"ná":50262,"Ġjet":50263,"reau":50264},"merges":["d e","Ġ e","Ġ de","Ġ l","o s","Ġ p","Ġ c","a r","e n","e r","Ġ a","e s","a s","Ġ s","o n","c i","o r","u e","a n","Ġ m","a d","a l","Ġl a","q ue","Ġe n","u n","à ³","i n","Ġ t","r e","Ġ y","s t","Ġ que","en t","Ġe l","à Ń","i c","Ġc on","ó n","à ¡","Ġ n","Ġ un","Ġ h","o m","r a","d o","r o","d i","t i","Ġs e","Ġ f","ci ón","Ġ v","a m","Ġe s","Ġl os","Ġp ar","t e","Ġe st","Ġ o","l e","t a","r i","Ġ in","Ġ re","à ©","t o","Ġs u","Ġde l","ad o","o l","i d","Ġc om","Ġ C","r es","a b","Ġ E","Ġa l","Ġp or","e c","Ġ b","Ġ d","Ġl as","Ġpar a","Ġ g","ent e","m p","à ±","Ġ A","i s","a ción","Ġ P","Ġun a","Ġ S","i l","ci on","ÃŃ a","Ġ di","Ġn o","u l","â Ģ","q u","Ġ M","Ġp ro","t u","a c","Ġs i","á s","Ġp er","Ġc u","Ġ L","t er","i en","t r","l o","l a","ad a","Ġm e","i o","d a","Ġl o","m a","u c","i st","i r","à º","Ġde s","ic a","i a","e l","ci a","g u","Ġ D","Ġa c","t os","u s","g o","i z","i er","i ent","r an","ti v","i t","Ġ 1","Ġcom o","Ġ (","al es","an do","Ġt o","Ġe x","Ġ i","id ad","Ġ 2",". .","u es","cion es","Ġ T","Ġh a","Ġm ás","m o","i ci","m os","a j","s e","b re","ad os","t or","ic o","Ġ R","c u","p a","i e","á n","Ġs er","d ad","Ġ B","Ġ j","Ġp o","de n","i v","Ġs o","Ġa n","t ra","Ġ G","t es","de s","Ġ N","Ġ I","b i","t en","er a","t ro","Ġ F","t ar","Ġt ra","Ġ res","Ġ âĢ","id a","Ġa p","i ón","r as","i g","c o","i b","er o","Ġl e","i m","c h","Ġt e","or m","c a","ad or","d os","Ġp ue","ient o","Ġcom p","u m","Ġ qu","Ġm u","Ġp re","Ġsu s","p er","i os","c e","an te","Ġm a","Ġt en","p o","0 0","r u","t as","de r","é n","âĢ Ŀ","e z","Ġa s","Ġ H","Ġp r","am os","Ġ V","am ente","Ġp a","p e","t re","Ġ ar","Ġest e","uc h","Ġ J","b l","Ġa ñ","Ġh ac","Ġh ab","Ġ U","m ente","Ġc a","ar a","u er","Ġm an","Ġi mp","c on","g un","en cia","ĠâĢ ľ","g ar","i on","ĠE l","Ġp res","s on","i do","ri m","u r","Ġper o","Ġs in","al iz","ĠL a","n a","g a","am bi","ad as","Ġc as","tr os","d uc","Ġest a","Ġt ien","u st","é s","ent o","E l","ue v","l es","in a","Ġs on","v er","z a","f er","Ġv er","Ġ O","l os","Ġp as","Ġ r","d as","j e","Ġm o","or es","Ġin ter","Ġdi s","an a","en s","ú n","0 1","ĠE n",".. .","or a","Ġper son","Ġso bre","c es","l as","c ul","Ġc ar","c l","Ġc o","ar io","Ġ Â","Ġen tre","n o","ic os","ent es","l an","ĠE st","Ġl le","t al","Ġ or","Ġm is","Ġcon s","Ġo b","Ġs ol","p or","Ġe mp","ic as","Ġn ues","b aj","Ġa m","Ġt u","p on","Ġn os","Ġin f","Ġm uch","ĠI n","ĠE s","Ġy a","ec h","e mos","ci as","Ġmu y","pa ñ","ci al","ent a","e m","Ġs al","Ġc re","ambi én","Ġto do","Ġme di","o y","Ġ 3","L a","j o","ec es","Ġc or","Ġp os","Ġ \"","d r","i f","p ar","Ġa b","Ġ2 01","Ġes c","ab le","Ġp rim","Ġn uev","ĠC on","Ġm i","Ġme j","Ġde b","tiv o","Ġf in","an o","Ġt an","re c","g ra","cion al","o c","ÃŃ as","en do","m in","ab a","ÃŃ n","Ġm ar","or ma","v e","Ġc am","ci o","ñ o","ti l","i ta","m e","Ġtra baj","u di","tu ra","ÃŃ s","Ġest á","i as","p os","u en","b le","f ici","b a","Ġ Y","Ġañ os","r en","e b","Ġp e","es ti","Ġg ran","E n","Ġt ambién","Ġc al","l ar","Ġd u","as ta","ist a","Ġf ue","m as","v en","an tes","Ġdes de","Ġpue de","ida des","Ġha y","Ġ us","am iento","Ġn i","g an","r os","Ġn a","ar ios","ci p","Ġpar ti","u t","j er","ĠR e","Ġc ol","Ġd os","Ġcu ando","Ġ -","Ġhac er","o ci","Ġcu al","ĠS e","in o","f ec","c ar","or t","Ġ u","Ġtien e","Ġto dos","Ġd on","u d","ĠU n","qu i","ie mp",") .","ÃŃ t","Ġse gu","Ġre g","Ġm en","Ġm un","l ic","ar on","Ġh asta","g en","m b","Ġn eces","Ġt er","Ġpro p","p ec","Ġc os","Ġ é","Ġl u","Ġh an","Ġmej or","Ġma y","Ġ 4","ĠA l","en er","in g","v i","qu ier","tiv a","on es","o g","ent os","Ġb ien","ar á","Ġt iemp","Ġde ci","Ġdon de","Ġc an","tr as","m i","Ġpar te",") ,","Ġal gun","Ġpro duc","s o","a y","al mente","ter i","i tu","Ġa d","Ġex p","Ġf un","Ġc h","g r","ion es","Ġg ra","m ás","ador es","o b","tu r","Ġ 5","Ġv ez","ĠD e","Ġinf orm","m an","ue l","c an","Ġm il","Ġp ol","ri b","Ġc ada","Ġd a","z o","Ġb uen","Ġas ÃŃ","Ġre aliz","id os","Ġpor que","Ġf orma","j a","e t","Ġl l","ar se","t ado","st e","i u","ran te","Ġp u","Ġser v","Ġtiemp o","Ġ do","ĠC om","i de","ÃŃ cul","er v","Ġv e","ro l","ci l","on a","Ġs ab","Ġt i","ĠM ar","ĠN o","e mp","âĢ ¦","er os","p u","Ġt ran","Ġes pe","cu r","Ġd ÃŃa","Ġ1 9","ul ar","un to","c om","n os","g os","a v","Ġañ o","Ġn e","Ġ ¿","Ġun o","e d","ÃŃ an","m iento","Ġc er","é r","Ġcon tra","Ġc l","Ġa de","Ġin st","Ġcon t","Ġcon f","Ġv ida","it ar","ñ os","ú l","i den","Ġa h","ic ación","Ġemp res","i to","Ġin v","Ġd ic","Ġ W","v o","ib le","Ġa u","ĠS an","al idad","Ġin cl","il idad","Ġo p","ĠA n","Ġf u","e a","tiv os","Ġf uer","Ġlle v","om b","iu dad","ar rol","Ġperson as","a ciones","ti r","ú bl","úl ti","Ġpro f","le c","u b","Ġhac e","Ġl ib","Ġmis mo","Ġ ro","Ġa y","Ġ ra","Ġe v","er s","Ġg ener","Ġlu gar","Ġo f","ĠC h","a t","ci os","g ún","Ġcom un","Ġserv ici","Ġmay or","d u","Ġpa ÃŃs","c as","ĠL os","Ġo tros","Ġb as","c or","âĢĿ ,","Ġre ci","ue go","i ción","Ġj u","en a","Ġcon st","Ġdi rec","á t","Ġtran s","y ec","an os","p ues","Ġp la","ient os","Ġse c","Ġpo dr","Ġe ra","Ġm in","Ġ 6","Ġm om","d ic","ñ a","in cip","Ġac tu","mp l","Ġm as","Ġp lan","Ġimp ort","Ġmun do","j os","ech o","Ġde n","ien do","Ġdi st","u y","Ġre p","ĠP or","Ġv al","ver s","ra ción","Ġsi g","Ġdi fer","Ġf orm","é c","Ġ últi","Ġm es","cu ent","Ġtan to","Ġest án","Ġv is","ó lo","Ġdes arrol","Ġ K","Ġmuch o","Ġv iv","Ġpr incip","in e","ĠA r","t on","Ġen con","âĢĿ .","aj e","Ġdu rante","Ġ w","Ġu til","Ġl i","Ġs ent","om bre","Ġsol o","Ġsi emp","Ġsiemp re","t ic","Ġtrabaj o","en di","un que","v is","Ġe qui","pu és","am il","is mo","Ġten er","Ġp ues","Ġc ent","Ġh ist","Ġp on","Ġh er","Ġcu enta","Ġqu ien","r ar","Ġde st","Ġc ab","ĠL e","Ġl es","or ia","Ġb aj","Ġes o","Ġp es","tr ar","Ġde j","Ġest udi","c er","r uc","ist as","ces o","Ġcas o","Ġcual quier","Ġc iudad","se gu","te l","Ġ á","ĠP ro","Ġqu ier","ta ción","Ġal go","tor es","Ġt ras","i ente","f ic","Ġes e","Ġt ar","re ch","ent ar","Ġo tro","st a","Ġv ol","ar go","Ġmen os","da des","d ar","Ġres ul","i mo","Ġre f","Ġcomp le","Ġ ri","Ġll am","Ġen cuent","Ġb us","Ġmu jer","Ġc ó","ĠM e","z ar","Ġh or","Ā Ā","Ġsi do","Ġex per","Ġpo co","Ġt om","Ġnues tro","en e","Ġutil iz","ĠS i","u ción","e o","h o","c al","Ġv en","te g","Ġp l","Ġto da","ú s","Ġmom ento","gu a","an cia","it al","ier no","Ġsu per","ĠC ar","Ġre la","Ġm on","Ġf al","Ġ 7","Ġap ar","Ġest os","Ġ2 00","ec e","pañ a","Ġpue den","Ġinform ación","Ġse a","Ġde f","al a","Ġh i","ó m","Ġto das","om o","Ġg ust","ĠA s","ol a","Ġf amil","Ġpro yec","c el","Ġ 8","iv ers","ci ales","Ġm er","Ġprof es","ri s","ĠD E","Ġnues tra","Ġnuev o","t an","Ġor gan","Ġpo der","Ġy o","L os","Ġpro ble","Ġ Q","Ġti po","t ó","ÃŃ st","Ġpol ÃŃt","Ġac tiv","Ġp úbl","Ġt r","c re","C I","Ġtra v","Ġca p","Ġc ul","Ġde rech","Ġhab ÃŃa","Ġ z","us o","Ġe mb","Ġv a","Ġd ÃŃas","Ġest ar","u ro","Ġan tes","v il","Ġf i","ti s","ÃŃ o","Ġman era","Ġob je","Ġh um","g res","g e","que l","Ġel ec","Ġ1 0","Ġpu bl","Ġprim er","ol og","Ġh e","Ġt al","Ġt res","Ġprim era","E S","im iento","Ġes p","i ma","er on","Ġdes pués","Ġah ora","Ġi de","Ġtrav és","Ġ 9","Ġo tra","á c","Ġg ru","om in","Ġtien en","Ġsi gu","ce p","ĠD es","Ġd ar","Ġh echo","Ġs ólo","te c","Ġest o","Ġv ar","t amente","ch e","Ġa f","Ġqu é","Ġse gun","ob ierno","ĠN a","c os","ab an","qu ÃŃ","ĠL as","t ados","iv el","u al","ĠS u","s ión","t ica","Ġdeci r","E R","Ġ ir","er g","Ġes a","ó g","om e","Ġf o","v a","Ġo tras","Ġb a","Ġ Ã","tiv as","Ġg u","er ÃŃa","Ġh oy","a p","Ġun os","Ġcon oci","Ġcas a","Ġel los","ient es","Ġin s","Ġg an","ient ras","Ġf r","Ġpro gra","Ġsi tu","le g","v an","Ġe fec","Ġm al","Ġp el","Ġsu b","id as","ci dad","Ġp ens","tur al","Ġpe que","Ġa unque","Ġex ist","Ġen tr","ó r","i ar","Ġespe cial","di do","Ġn ada","z as","Ġa quel","i ó","! !","Ġ ,","di a","\" ,","am a","Ġres pon","Ġper mi","Ġcont in","Ġn ivel","Ġan te","ri dad","i or","ien cia","Ġre l","ĠC u","Ġe con","c ado","en o","Ġest ado","Ġorgan iz","du ci","Ġ k","in as","s a","g as","Ġ .","Ġap ro","Ġcó mo","Ġpres ent","Ġse ñ","âĢ ľ","r ado","Ġé l","á g","A R","Ġb o","Ġmil l","ri l","in ar","ri st","O S","er n","Ġe di","Ġc ier","ĠP ar","á l","Ġp ri","Ġe je","min ist","00 0","Ġest as","Ġsin o","E N","os o","Ġar t","ste ma","Ġp al","Ġsi stema","Ġte mp","Ġade más","Ġau tor","Ġda tos","S e","Ġdeb e","Ġp i","e ci","ĠM a","Ġb ar","or d","Ġ ún","l ica","Ġse m","Ġdi se","Ġmedi o","ú m","Ġser á","e le","ten er","Ġcom er","ĠC o","Ġpas ado","i al","C on","P or","Ġ X","Ġa g","Ġmuch os","ez a","Ġ Z","Ġc ambi","m ar","i mos","ĠP ara","Ġcos as","Ġca pa","l or","Ġequi po","if ic","Ġs an","teri or","éc n","iden te","qu il","ador a","ĠP ero","O N","Ġw eb","s os","Ġ os","Ġh o","N o","i cia","Ġs ÃŃ","Ġinter es","Ġeje mp","cion ales","E s","ĠT o","t am","Ġb an","Ġalgun os","Ġimport ante","un tos","ÃŃcul o","\" .","ch a","ĠEs paña","h e","f ica","Ġlle g","A S","Ġhist oria","oc er","ten ción","ul o","Ġempres a","y a","Ġto tal","Ġmill ones","Ġ1 5","ri g","Ġest able","ti do","em bre","Ġ2 0","Ġnues tros","Ġrep res","Ġel la","Ġcal idad","h a","ar an","ab les","in os","Ġnuev a","Ġ ¡","an za","i tos","Ġcomp ar","c ri","ĠâĢ ĵ","Ġhor as","Ġes per","t ad","b o","e p","Ġm ientras","Ġservici os","e x","Ġfin al","m ent","d an","ad re","Ġel e","u ra","or n","A N","ier on","i p","Ġre con","Ġv ia","Ġap lic","Ġus o","Ġcon tro","olog ÃŃa","ri r","Ġin ici","ĠIn ter","Ġha cia","Ġinv esti","de mos","b io","por t","Ġre cu","Ġprofes ion","Ġdifer entes","Ġc r"," »","lo g","Ġv eces","Ġservici o","Ġg ente","or te","Ġden tro","gu al","Ġes pa","A L","Ġest aba","ti dad","Ġdi jo","Ġus u","ĠL o","Ġn úm","av or","ab or","ci miento","ec n","Ġa gua","Ġ1 2","ta c","il o","ó x","Ġac uer","on o","ĠC as","ci e","Ġof re","Ġin d","Ġse gún","ue la","Ġdis pon","S i","Ġre v","Ġmuch as","o k","di o","Ġes pañ","al l","Ġa ut","Ġcom pañ","en cias","ĠB ar","Ġso cial","ri d","Ġfun cion","Ġ1 8","Ġmis ma","Ġel lo","ar d","Ġperson a","an d","Ġproduc tos","ĠS al","Ġre cor","Ġan ti","Ġp an","Ġ ru","es ta","Ġ ...","ul a","Ġi ma","Ġemb argo","mp le","Ġo fici","Ġdist in","Ġt us","Ġgru po","de más","Ġcontin u","Ġlle gar","Ġpos ible","Ġa quÃŃ","r al","âĢ Ļ","a tro","g n","Ġdis f","ci n","O R","u da","Ġesc ri","p i","Ġm á","ĠJ u","il la","Ġle y","r á","ar ia","ri a","Ġpro ceso","Ġor ig","Ġs ue","Ġam b","Ġse x","Ġhab er","Ġcon v","Ġc las","Ġf avor","Ġpro v","ol óg","om a","ici p","Ġv i","Ġmujer es","Ġt écn","il l","ĠM ad","e ta","b ol","Ġv o","Ġm é","st itu","L as","Ġgener al","Ġp ie","ti o","t ante","Ġju g","ĠP er","tor io","Ġcu er","Ġejemp lo","di da","Ġpre gun","Ġcu r","Ġes pec","z ón","Ġdesarrol lo","gra f","f orm","b er","d or","bi do","tu ras","Ġencon trar","Ġay ud","is o","ĠD i","un ca","it as","Ġgran des","Ġnos o","t amiento","ĠG u","Ġfuer on","ac h","Ġmo de","Ġreci b","Ġproyec to"," ¿","Ġcon di","esti ón","j as","ĠP a","Ġbaj o","Ġl uego","ter a","Ġpr óx","ĠE x","Ġle g","p en","Ġp unto","ci endo","Ġf á","ĠNa cional","ac e","á m","g ación","Ġparti cip","ĠM é","Ġpo d","Ġ 0","Ġqu er","Ġin t","Ġin di","Ġc in","Ġperson al","Ġt ri","Ġcomp r","Ġe duc","pec to","Ġen f","Ġpos ib","Ġg as","r ic","Ġcas i","Ġsem ana","Ġd in","ec u","E st","t ico","Ġ «","por te","Ġcon ten","ĠUn ivers","un ci","ele b","Ġni ños","Ġno v","ĠR o","Ġs ac","Ġcon ocer","Ġnoso tros","Ġf or"," Ń","Ġecon óm","Ġtr ad","Ġa mpl","A D","Ġacuer do","Ġdisf ru","Ġcol or","Ġn ombre","er as","Ġc lar","Ġval or","Ġmin u","Ġmu er","Ġap oy","aj es","re a","ĠP o","Ġempres as","ton ces","x ico","Ġexper iencia","Ġv uel","Ġbuen a","Ġinter na","I C","di ó","Ġor den","Ġdes cu","Ġz ona","ĠC ol","Ġrespon s","ĀĀ ĀĀ","Ġm ie","ĠM an","p re","ĠA m","Ġinst al","Ġmej ores","Ġgra cias","Ġsegu ridad","Ġi gual","ens a","Ġne go","Ġsal ud","Ġc eleb","Ġnúm ero","ues tra","Ġp ág","i te","ac ter","ĠS in","Ġex tra","is ión","t á","Ġe t","ci na","os a","ien e","den cia","ĠC a","Ġten dr","Ġt ecn","ab ilidad","ech a","ĠEst e","c tu","f ico","Ġca us","Ġre com","Ġpal ab","à ĥ","á p","ĠV al","ĠS o","Ġcons i","Ġrealiz ar","v id","Ġcu an","Ġla b","n e","Ġa um","iz ación","Ġmes es","pos ición","Ġl ado","Ġal l","2 01","Ġter min","Ġa segu","Ġexp res","ra m","Ġque d","Ġ /","D es","ir m","Ġs a","ñ as","Ġfamil ia","tor ia","Ġdi f","ĠM o","A l","Ġap ren","Ġ on","Ġtra ta","Ġ |","Ġl ÃŃ","Ġpre v","Ġh ombre","Ġcent ro","omb res","Ġna tural","Ġf a","b an","ĠU na","Ġin te","iv o","Ġ1 1","l am","Ġ #","Ġc ir","Ġlib ro","Ġcu mpl","P ara","D e","i re","Ġl ÃŃn","ĠF ran","Ġv ent","Ġfu era","ol es","de ra","ci s","pues to","Ġre cur","p ti","g ent","iz o","Ġpue des","an ci","Ġn unca","Ġincl uso","Ġmer cado","dos e","ĠEst a","Ġ3 0","Ġj uego","Ġpr ác","ĠMad rid","Ġten emos","Ġh emos","Ġj ue","Ġam ig","Ġdeb er","Ġ201 8","Ġpres idente","ĠEst ado","ĠM un","i es","port un","Ġma teri","Ġemp le","Ġ [","ist o","Ġam or","Ġun as","ar es","ec er","Ġper fec","ic amente","Ġal im","Ġac er","Ġpar ece","b ar","Ġproble mas","Ġdest ac","Ġcam bio","Ġal can","Ġreg ist","Ġincl uy","Ġs en","ol ución","Ġten go","n et","Ġa le","Ġj ust","à ĵ","Ġcom en","den te","Ġa ún","Ġh ora","Ġ ust","ĠC ent","ur os","Ġsegu ir","Ġre fer","un d","ti tu","Ġj unto","Ġprogra ma","Ġsab er","ti fic","Ġalgun a","Ġrel ación","ic ado","bl es","en d","i le","a f","ter min","ri o","Ġcon tac","l u","ĠE uro","re g","t ando","Ġo portun","Ġa fec","Ġm os","Ġsol ici","Ġpon er","aliz ación","res pon","ĠMé xico","ĠC or","y o","Ġdef in","Ġsig n","Ġalgun as","ĠL u","Ġet c","Ġd omin","Ġcu atro","ĠM on","Ġf ac","Ġfo to","Q u","Ġre d","Ġte ma","I N","ĠD ios","t ada","Ġcuer po","Ġpre cio","us ión","ci do","er ic","ier a","Ġsitu ación","Ġparti r","in ación","Ġan im"," ¡","Ġp uer","Ġn orm","Ġna cional","ĠJ os","Ġdo cu","Ġcom ent","Ġg obierno","ï ¿","Ġe m","Ġfr ente","Ġg en","ï¿ ½","Ġe jer","Ġdi vers","Ġcomp e","Ġproble ma","Ġdi rig","Ġo l","ici o","Ġ1 4","ie dad","if ica","Ġcar acter","Ġse lec","Ġb ene","Ġm ús","ĠO r","z os","Ġlo gr","Ġencuent ra","Ġso cie","Ġdes p","Ġcontro l","t in","Ġpúbl ico","aj a","bl ig","Ġo cas","ĠQ u","Ġver dad","Ġv arios","1 9","di r","Ġdic e","b lo","ist er","Ġf il","Ġofre ce","j ar","Ġminu tos",". -","Ġl argo","Ġpo demos","Ġcon segu","Ġúlti mo","di al","Ġe j","Ġest u","Ġlo c","ist e","ĠC an","Ġen fer","g er","p el"," º","Ġad minist","g ado","Ġpas o","Ġr áp","m ento","Ġmo v","Ġsi endo","ĠC am","Ġlib er","iv a","m bre","ier ra","Ġ1 6","é is","ar ÃŃa","an as","ĠG obierno","qu es","v es","Ġman o","Ġm or","Ġobje tivo","Ġpel ÃŃcul","r ó","e f","Ġre alidad","Ġfá cil","Ġpre par","Ġ1 3","Ġp in","Ġactiv idades","ĠEst ados","Ġv ÃŃ","Ġde tal","Ġsec tor","Ġp untos","re o","Ġcons ide","Ġo blig","Ġen tonces","Ġparti do","Ġte le","r on","Ġfun d","Ġi den","n as","Ġcor respon","Ġa tra","ar lo","om ÃŃa","ĠpolÃŃt ica","rib u","duci r","s erv","Ġno che","Ġ2 5","Ġu b","Ġser ie","Ġde cl","ĠM in","Ġbene fici","Ġsu r","Ġbas e","Ġob ra","Ġderech o","Ġen erg","Ġele g","Ġso ciales","Ġg aran","át ica","p ción","Ġv ide","g on","Ġart ÃŃculo","Ġmun icip","I n","ar e","Ġa t","ĠpaÃŃs es","z ado","Ġj un","m ientos","p as","om os","Ġa tención","m it","C u","Ġfal ta","Ġespa cio","Ġtemp or","Ġten ÃŃa","tr ón","ent al","g re","Ġsi tio","Ġrepres ent","U n","Ġà ģ","Ġpre cios","ĠA demás","Ġm ens","Ġpr ue","v al","Ġre al","ĠâĢ ĺ","i ado","ra c","v ar","Ġdin ero","Ġv an","ic h","Ġde termin","Ġmedi ante","r era","e as","ĠP ol","Ġpermi te","ol u","el l","Ġpodr ÃŃa","Ġin dic","n es","Ġt or","Ġ '","Ãĵ N","Ġinst itu","g les","ch o","en as","Ġin de","Ġal ta","g el","ruc ción","ĠA d","ar án","le x","Ġfin anci","c ent","Ġemp ez","b ado","m on","Ġexp lic","Ġpro ce","Ġh izo","ĠP re","Ġb lan","Ġm us","g ro","Ġ1 7","ri ó","Ġ :","ĠUnivers idad","Ġo cur","Ġen can","Ġte x","g ue","vis ión","pos i","Ġsegun do","ĠUn idos","Ġcondi ciones","E ste","Ġsigu iente","tar io","Ġnuev os","Ġau to","Ġseñ al","st as","Ġre un","Ġmayor ÃŃa","cion ar","Ġcons ul","Ġsent ido","ĠG ener","Ġpar e","Ġal gún","un a","Ġb ol","Ġ201 7","Ġespe ci","a te","Ġdise ño","aliz ar","d al","Ġm ir","Ġsu f","Ġ il","ul io","Ġof rec","tr an","Ġper io","Ġmo do","Ġnuev as","Ġsocie dad","I S","Ġderech os","Ġactiv idad","Ġac om","Ġcas os","t s","or ÃŃa","T A","Ġal um","ues ta","Ġconf i","Ġmá x","Ġcon j","Ġay uda","ti on","Ġima gen","Ġcer ca","Ġproduc to","Ġs os","Ġquien es","ib les","Ġpro ces","ĠJu an","p endi","baj o","Ġlab or","Ġ1 00","Ġa van","in al","Ġencon tr","Ġcu b","Ġresul tados","Ġ2 4","cu p","Ġs ens","ñ ana","Ġre co","s i","Ġpr omo","Ġas ist","Ġel em","át ico","Ġf on","Ġrela cion","Ġco lec","Ġneces ario","Ġtar de","Ġac ceso","Ġvi ol","Ġcon ven","ÃŃt ulo","i k","Ġcon ver","ĠB o","Ġj o","v ÃŃa","Ġest amos","Ġsegun da","I I","Ġind ust","Ġe uros","ti en","ĠP res","am b","Ġust ed","Ġdi g","ĠT ambién","in gun","Ġs or","u ales","l ine","ĠlÃŃn ea","p ular","pues ta","Ġide a","Ġes os","Ġres pecto","t ón","Ġdej ar","Ġprincip al","v ent","Ġr ad","Ġpos i",".. ..","án do","Ġpres ente","U na","ÃŃcul os","Ġac ep","t h","ĠP e","ĠN e","p res","1 0","Ġac ab","ech os","Ġm ul","ti ene","Ġpas ar","Ġcre o","Ġsi mple","d ico","Ġest ra","un ta","ĠJos é","ÃŃst icas","em as","Ġestudi o","Ġl uch","á r","z ó","u rante","tic ular","Ġcuan to","Ġpue blo","r ero","i go","g l","Ġnues tras","Ġin cre","Ġ ur","3 0","Ġri es","Ġimp res","ĠR es","ita ción","tu ro","tec ción","ri do","ĠG ran","Ġl ec","Ġcom b","Ġcl ientes","ie mbre","ctu bre","Ġpág ina","Ġhay a","Ġv ac","l ado","Ġen ten","Ġl an","Ġh ombres","ĠLe y","d ica","Ġmie mb","Ġdic ho","ĠA c","Ġtien es","Ġen vi","ĠY o","l er","Ġhac en","Ġen c","ing ún","Ġli bre","Ġllev ar","Ġbas tante","Ġpues to","ol o","Ġespañ ol","Ġamig os","gen es","Ġincl u","ĠC al","Ġas es","per ación","ér ica","ad ie","Ġesc uch","ti ó","Ġcap ital","ÃŃ amos","gu ien","ĠA p","Ġpa pel","Ġcin co","Ġest oy","Ġusu arios","Ġin vers","Ġún ico","Ġsi m","ĠT ra","ó s","Ġdes e","I D","Ġ19 9","r ados","Ġfa cil","on e","ram ient","Ġdescu b","Ġmode lo","ic e","Ġan terior","il lo","Ġacom pañ","ci ó","Ġpri v","Ġrecon oci","u g","Ġprop io","2 0","ó vil","Ġclar o","ter o","duc ción","Ġvar ias","Ġcon te","Ġn ingun","T E","ente mente","Ġma ñana","Ġ201 6","Ġf ab","f o","Ġli mp","Ġe r","i ra","Ġmar ca","Ġpa ci","Ġg ol","Ġa do","ad amente","r or","Ġin m","gres o","pti embre","Ġn ingún","Ġdeb en","ĠP la","Ġcapa cidad","Ġmedi os","Ġf ÃŃs","il ar","Ġman ten","Ġcan tidad","Ġparti ci","iz a","Ġproduc ción","Ġprim ero","ĠRe g","t ri","Ġv ista","i an","Ġesc rib","Ġúlti mos","Ġf el","i én","Ġt el","il idades","Ġen car","Ġdo c","Ġpue da","ĠCom o","Ġlu z","Ġf ran","Ġpro por","Ġcam ino","Ġdes car","Ġel las","ti z","Ġcier to","Ġres ta","Ġgust a","R O","h ora","Ġma ter","Ġconsi der","Ġ5 0","tam ento","r in","Ġpo bl","Ġpubl ic","Ġac ciones","Ġhab lar","Ġh ub","Ġquier e","gent ina","ĠV er","de z","Ġcab o","ĠGener al","Ġcre ar","qu is","w w","iv il","Ġlo cal","iz ar","Ġcu ar","Ġob serv","Ġinvesti gación","Ġpalab ras","se ñ","CI ÃĵN","Ġpar ticular","if icación","Ġmús ica","Ġelec trón","Ġpi el","ac k","R A","Ġman if","Ġdisfru tar","Ġv ir","on os","Ġtom ar","Ġha ciendo","ĠC l","Ġun ivers","ĠI s","ad res","Ġconst itu","Ġ x","Ġa gu","ister io","is is","Ġdi ci","bi ó","Ġdes a","ĠDi rec","ĠD is","Ġprov in","Ġde más","Ġpo ten","ul os","Ġejer ci","m entos","Ġf echa","ec re","o ce","tiv idad","Ġab ier","Ġb log","t icas","p le","l ante","Ġl im","ac er","Ġper man","Ġal to","E sta","da p","ĠAs ÃŃ","Ġdirec tor","b e","Ġde dic","Ġher ramient","t án","as e","Ġb eb","Ġc ri","Ġade cu","Ġc la","Ġr om","Ġaplic ación","Ġprop ia","ven es","Ġrecu er","M e","Ġactu al","Ġrecur sos","al o","Ġno ti","Ġcos a","Ġo fer","Ġsen cil","Ġfund am","Ġcu ales","Ġtra tamiento","om as","5 0","Ġpes ar","tu al","Ġman tener","Ġi m","am ientos","ĠF e","uer ra","Ġin ten","ig n","Ġbuen o","f t","ien da","tal la","Ġcal le","Ġes f","Ġv ig","Ġres to","cul o","Ġresul tado","m ac","Ġal guien","Ġev itar","Ġal ter","Ġconst ru","tur ales","Ġprofesion ales","Ġde bido","ar ias","Ġo ctubre","à ¼","Ġgra tis","de dor","Ġex cl","Ġdif ÃŃ","Ġfamil iar","re z","Ġe dad","Ġfu turo","c ÃŃa","Ġprofesion al","Ġest ilo","Ġab s","Ġúlti ma","Ġconsegu ir","R E","on as","Ġnov iembre","Ġenfer me","Ġdici embre","Ġe mo","é f","Ġcol abor","Ġb al","j ust","iv os","ĠSe gu","Ġentr ada","Ġde por","Ġvol ver","Ġt ér","ec en","Ġdu da","Ġcon cep","Ġcon tar","Ġt it","Ġm ÃŃ","Ġgran de","Ġmo der","graf ÃŃa","Ġsegu ro","s iones","de ro","Ġcon ci","Ġé x","Ġsign ifica","en ci","ĠCu ando","Ġser ÃŃa","Ġ2 1","Ġform ación","it or","Ġ201 5","Ġpro b","Ġpr on","Ġayud ar","Ġbus c","ac ción","bi ente","Ġen v","Ġve h","Ġ is","Ġmedi da","Ġtu vo","cel ona","ĠN uev","j es","ĠâĢ Ķ","ó venes","Ġn adie","Ġa dap","ĠT e","p ara","Ġjo ven","Ġa gr","Ġv enta","Ġa z","i ano","Ġar ti","Ġproyec tos","Ġt a","ĠG ra","Ġa ire","Ġsig ue","f icación","Ġcomun icación","Ġinter ior","âĢ Ķ","T I","Ġop era","Ġso y","Ġf re","Ġpróx imo","tiv amente","Ġg estión","Ġse ptiembre","Ġest ruc","Ġinterna cional","to do","Ġm ol","Ġd ado","Ġenf r","ál isis","Ġcom ien","t ÃŃn","ĠG o","Ġt ur","Ġmuer te","Ġsec re","ador as","Ġprof un","tr ás","Ġter ri","t ina","Ġhi jos","Ġf e","Ġaquel los","Ġapoy o","ul ación","ĠA b","L o","úbl ica","ici os","ó p","Ġcomun idad","Ġfo tos","Ġprincip ales","es a","Ġoportun idad","Ġah ÃŃ","Ġtrabaj ar","Ġop in","Ġest é","Ġdirec ción","f orma","Ġter c","re l","Ġex cel","lar es","Ġv isto","ĠJ o","Ġres pe","ul s","Ġse an","ĠG ar","ta ciones","t t","Ġman os","ĠH a","ĠQ ue","t icos","il las","Ġe ran","Ġmejor ar","Ġf an","ĠP ue","Ġm adre","Ġac ción","Ġa ta","Ġinter és","Ġindi vid","an cias","T o","Ġpla ta","p s","Ġdis posi","Ġllev a","Ġcomp rar","ÃŃst ica","Ġcu ad","Ġp udi","Ġmo di","Ġcor rec","Ġes as","Ġvide o","a u","ĠpelÃŃcul a","Ġf ir","Ġinte gr","ĠL A","C omo","Ġde mas","ĠM or","ac to","Ġbus car","u mo","r ada","b as","Ġpodr á","os p","ien cias","Ġcam po","ó mo","é l","Ġpo pular","ĠCom un","Ġ2 2","A s","Ġpre o","m en","p ro","Ġcon tr","Ġus ar","Ġm uestra","Ġj ulio","ÃŃ f","r ÃŃa","Ġob ras","Ġcab eza","ib ilidad","Ġj óvenes","Ġsig lo","Ġv amos","ven ción","am po","tor no","Ġhab l","Ġc ora","Ġpas a","Ġle er","Ġl ig","t é","Ġimport antes","ĠO b","ĠCent ro","Ġcu id","Ġtempor ada","Ġjun io","Ġno ve","Ġel im","ta gon","Ġre des","Ġenerg ÃŃa","T O","Ġin cor","se jo","Ġusu ario","ĠS erv","il a","ran tes","Ġdi o","Ġcompañ ÃŃa","ĠA y","á genes","Ġl ar","Ġob tener","st ico","rim on","Ġca teg","ĠR ec","2 00","Ġdecl ar","Ġutiliz ar","Ġdise ñ","Ġex ig","Ġcontac to","Ġsi st","ru z","al u","Ġall ÃŃ","Ġten ido","Ġfuer te","fici ente","Ġc ara","Qu é","Ġg ob","Ġcon duc","ĀĀĀĀ ĀĀĀĀ","l io","ent as","Ġmay o","Ġpobl ación","Ġneces idad","Ġvia je","Ġdes con","ici dad","cion ado","Ġprim eros","án dose","Ġa udi","Ġcur so","Ġde r","Ġre almente","ĠInter na","Ġen señ","b u","Ġcar rera","Ġtrad i","Ġpue do","tar on","Ġequi pos","Ġfuer za","Ġres erv","Ġan unci","ĠEs c","Ġl en","ĠJ es","Ġque da","Ġtér min","Ġv iene","O M","Ġon line","Ġb el","Ġres puesta","Ġmis mos","Ġ201 4","Ġpos t","Ġpeque ño","cul ar","gos to","Ġeduc ación","Ġposib ilidad","re mos","pon e","Ġte mas","Ġv as","r ad","p ren","Ġconten ido","Ġex ten","Ġb ás","ĠB uen","ĠEst o","b al","Ġt ierra","orm e","es ión","x ic","Ġentr en","it an","ĠBar celona","Ġpl ante","Ġorganiz ación","Ġconst rucción","u do","Ġpres encia","Ġal re","Ġf is","Ġo jos","ĠIn stitu","Ġá rea","Ġconj unto","d ra","ir se","ĠI N","am eric","ĠF ac","ion al","A M","1 1","Ġtecn ologÃŃa","A n","P ero","Ġv ic","Ġmuch a","ĠB an","Ġde man","Ġmedi a","l i","Ġries go","ir á","al e","x im","Ġéx ito","Ġho tel","Ġdi a","gles ia","ti m","Ġser án","Ġcon cre","es t","or o","ĠE duc","ĠdifÃŃ cil","Ġneces ita","oci ación","Ġse man","im ientos","Ġs é","ĠEuro pa","Ġin me","ĠMar ÃŃa","Ġver da","Ġgru pos","- -","ar i","Ġfi gu","Ġin gres","ĠH o","Ġd ó","c en","me tros","cur so","teri ores","Ġespecial mente","Ġpre m","lica ciones","ĠAr gentina","Ġm ÃŃn","ĠM i","Ġcons um","ampo co","Ġhist ór","v ech","Ġprincip io","Ġhi jo","Ġp adre","Ġedi ción","Ġpla zo","Ġmateri al","ic ÃŃa","Ġelem entos","Ġ4 0","Ġmedi das","Ġañ ad","Ġencuent ro","Ġsi r","ĠC rist","Ġim ágenes","ĠLu is","Ġsuper ior","Ġen ero","Ġsal ir","ĠA le","E L","é m","Ġmar zo","ier nes","Ġtel éf","Ġneces idades","Ġen ci","Ġfun ción","Ġm ad","t adas","Ġtoda vÃŃa","Ġop ción","Ġamb os","uer to","Ġ $","ĠSan ta","ti endo","e te","ent an","d ÃŃa","Ġpro tagon","Ġcar go","Ġningun a","h i","Ġin icia","f a","E C","Ġre par","Ġlib ros","ĠCar los","h er","Ġver sión","Ġar te","gl és","Ġme tros","Ġesf uer","aliz ado","re as","Ġb on","O L","à į","it ado","ues to","eb rero","Ġsigu ientes","k e","Ġt ama","b il","Ġé po","Ġparticip ación","Ġde mos","ul as","Ġ2 3","Ġpue dan","Ġexist e","Ġl ista","ĠM u","Ġclas e","Ġp adres","de o","Ġcl iente","Ġbus ca","Ġm óvil","1 2","ĠC iudad","Ġac on","Ġpar tes","Ġa gra","Ġconoci miento","Ġsu ce","Ġpartici par","Ġhacer lo","in es","Ġab ril","Ġestudi os","ist ro","Ġf ru","Ġf ra","Ġofrec er",". ,","Ġsol u","Ġcambi os","Ġra zón","p ir","Ġpres enta","v ia","Ġe uro","f il","de l","un es","Ġc ine","di endo","ent ación","Ġquier o","Ġofici al","Ġjue gos","Ġp ier","ti a","Ġsab e","Ġefec to","Ġco cina","ĠS on","Ġel abor","f i","Ġmiemb ros","no v","cri pción","Ġconside ra","Ġún ica","Ġam biente","ĠS a","R e","p l","ÃŃ do","es e","in ado","Ġ â","Ġar ch","Ġcon ec","ĠH ay","Ġre c","ĠT er","Ġs á","ac a","ĠP r","r um","é di","mo c","I A","fer encia","Ġju gar","Ġcambi ar","tor a","w are","E D","Ġcom ún","Ġcre a","éc tr","Ġna ve","Ĥ ¬","den tes","Ġtendr á","Ġgra tu","Ġh ici","Ġcomp ra","Ġmen or","Ġviv ir","Ġima g","Ġj orn","Ġn um","id ores","f e","ic al","Ġgu ar","ĠV en","t ino","Ġcre cimiento","ĠCon s","r ica","k et","ch es","ie za","Ġestra teg","tar se","Ġcon cl","Ġpro teg","Ġpare ja","Ġp s","Ġcora zón","Ġb or","Ġ201 3","Ġp en","Ġcol oc","Ġsex o","ĠT en","Ġnego cio","ac es","ĠS er","Ġcons erv","Ġd om","1 5","en da","Ġpúbl ica","Ġv in","Ġc iento","ita ciones","Ġse is","ran do","Ġme z","Ġpre ten","par tamento","tis f","Ġh as","Ġprue ba","o o","Ġpa go","ÃŃt ica","Ġa di","omb ia","Ġde pen","Ġac ce","Ġl in","Ġimport ancia","ĠS ol","Ġefec tos","ám ara","ue lo","s u","Ġcul tura","es te","it ario","Ġa gosto","titu d","ĠP lan","Ġc rist","di z","Ġmay ores","H ola","Ġper ten","ÃŃ os","Ġcor reo","Ġpro tección","Ġcomple to","Ġre quier","Ġpr os","Ġeduc a","Ġrecib ir","n er","it antes","ĠM er","Ġlugar es","Ġap or","âĢ ĵ","Ġtrabaj adores","Ġc ient","ĠE S","Ġv oy","Ġdes c","Ġapro vech","Ġg al","Ġv iernes","ter ÃŃa","Ġcan dida","Cu ando","Ġte m","t amos","v ieron","Ġev ento","Ġtotal mente","ó l","Ġsist emas","ol ver","ar do","c k","Ġform as","ĠB ol","ĠMin isterio","Ġk il","ris is","di go","Ġpens ar","Ġd an","Ġfre cu","ris mo","Ġg ri","g ada","ed or","Ġ2 8","Ġten ga","ier e","Ġve lo","Ġacer ca","Ġan álisis","Ġsu st","Ġestudi antes","o p","Ġalre dedor","Ġreg ión","eb o","Ġencon tra","Ġ201 2","Ġinter pre","ĠF ern","ri tu","ĠDes de","Ġg o","ác ter","Ġcaracter ÃŃsticas","ta ble","ĠInter net","Ġpes o","Ġman e","Ġ q","t rimon","Ġhab ÃŃan","Ġreg res","Ġedi fici","Ġcar ácter","mi te","ú a","or k","Ġmater ia","ica ciones","Ġdesarrol lar","tu d","Ġc el","tel ig","A C","ues tas","Ġcol ores","v in","Ġrecom end","Ġexcl us","Ġpr ome","Ġd orm","Ġdifer encia","Ġpel ig","Ġcompr om","Ġdeci sión","Ġcaus a","Ġbaj a","ĠY a","1 8","Ġmov imiento","Ġ2 6","orm ente","Ġres ist","Ġv esti","Ġ2 7","Ġmom entos","Ġnatural eza","ĠP as","Ġh on","Ġt ÃŃtulo","cion a","Ġépo ca","Ġg uerra","Ġhum anos","ta ba","Ġop ciones","át icos","ti da","Ġpermi tir","r y","Ġf ebrero","Ġpres u","Ġob st","Ġn orte","Ġdo lor","t ales","Ġp is","Ġencuent ran","er ia","es tr"," ³","Ġa just","ig a","ĠD er","um en","Ġex tre","Ġev alu","Ġni ño","Ġpeque ña","Ġide as","Ġdemas iado","Ġentre ga","z an","Ġp ien","w s","ĠT or","Ġsa tisf","Ġn ar","og le","Ġpa gar","ĠE N","Ġall á","Ġre cl","ĠH er","til la","ÃŃ m","ĠB a","Ġa ten","Ġvis ita","ĠâĢ ¦","ÃŃ fico","Ġdó lares","ri os","Ġrela ciones","Ġc risis","Ġin tro","Ġmun dial","Ġfab ric","e ar","Ġm ara","Ġliber tad","Ġtama ño","Ġm ec","ti dades","Ġj ur","Ġvar i","ĠE mp","ay a","Ġorig inal","Ġsor pren","Ġfon do","Ġcompar tir","Ġmáx imo","Ġs omos","Ġcons ecu","Ġper der","Ġcompe ten","ĠAd minist","Des de","ul tura","Ġaut om","Ġra z","Ġ +","Ġorig en","es o","Ġvol un","Ġin glés","Ġ iz","Ġcam paña","Ġor ient","Ġsu m","Ġper s","Ġay er","Ġme m","di ente","Ġmateri ales","m bi","qu ina","Ġprác tica","ĠInterna cional","Ġmos tr","c ti","Ġesp era","ul ta","Ġver ano","Ġt ampoco","Ġtex to","Ġan d","Ġdistin tos","Ġimp or","ĠT u","Ġlle ga","Ġpeque ños","Ġdomin go","Ġsu puesto","Ġautor idades","Ġincor por","Ġs il","Ġexper im","Ġcre ación","ĠN av","e tas","Ġcom ida","Ġanti gu","e e","tar ia","cep ción","Ġe qu","Ġe ta","Ġdesarrol l","Ġz onas","Ġprop ie","on g","Ġprogra mas","/ /","Ġbien es","Ġmon ta","Ġenten der","ĠCh ile","Ġ19 8","i ana","form ación","Ġd é","Ġe vi","Ġsal ida","Ġse par","ĠRe al","Ġar ri","Ġincluy e","Ġs uel","ĠCol ombia","aliz ada","Ġpan talla","ĠSu per","ús que","Ġdirec tamente","Ġseman as","Ġper mit","Ġpos ición","cul os","Ġho gar","h u","Ġrel ig","ti les","Ġiz quier","Ġb lo","Ġcon ce","Ġteléf ono","esti on","Ġproces os","Ġprovin cia","Ġt ab","Ġdesa par","Ġcons umo","ológ ico","r án","ĠT he","ren o","Ġv ie","ab il","Ġejerci cio","ues tro","ĠEduc ación","ĠU S","Ġquier es","Ġ6 0","Ġenci ma","Ġalum nos","r er","Ġc ivil","t bol","ĠJes ús","Ġt ro","Ġpod ÃŃa","ĠAn ton","osp ital","id or","e dad","Ġiden tific","Ġde ja","Ġest aban","Ġel éctr","C om","Ġllam ado","Ġher m","R I","vo ca","teri ormente","Ġval ores","ĠRe p","Ġco che","Ġcomp ren","ti os","Ġá mbi","Ġtrabaj os","Ġg lo","ĠCon sejo","un tamiento","Ġde v","Ġb rin","Ġcontinu ación","Ġhum ano","é st","Ġconver tir","Ġp ul","Ġsá bado","Ġac e","as a","Ġpalab ra","Ġp un","Ġlleg ó","Ġi ba","p ero","i el","Ġle van","able mente","p ut","Ġmar co","ĠP al","ci to","ib er","Ġinf orma","A demás","ti dos","é tica","Ġdefin i","Ġlogr ar","di s","ĠP u","ac o","Ġcontr ario","Ġgaran ti","d ores","di entes","t ÃŃa","ri to","Ġprov oc","uy e","di miento","d on","Ġblan co","tar ÃŃa","Ġplan ta","Ġexist en","ĠpolÃŃt icas","Ġsol ución","tor ial","Ġdistin tas","Ġimp os","ĠD el","ci dos","Ġeuro pe","ĠP rim","Ġide al","Ġparti dos","rib un","Ġpodr án","ĠSo cial","gen ier","Ġvo z","en os","Ġindust ri","Ġnivel es","Ġm ic","Ġc ic","le v","U N","ebo ok","Ġmil itar","Ġdis co","ĠAm érica","Ġrefer encia","M A","Ġsu je","Ġrespons abilidad","át icas","Ġade lante","Ġab and","Ġtiemp os","er to","Ġr endi","Ġne gro","Ġmens aje","Ġcompe ti","ĠvÃŃ cti","er te","Ġcl ub","qui tec","p h","ú tbol","ĠMar tÃŃn","ĠFran cis","ĠC ON","Ġdo ble","f es","Ġt ir","Ġgan ar","Ġpo cos","uev es","Ġf amos","Ġan un","Ġrecu per","e ño","Ġluch a","ab lo","Ġ201 1","Ġh u","Ġb úsque","Ġob ten","ĠR a","Ġh om","Ġtar je","ĠA u","Ġcor ri","Ġfamil ias","ar la","Ġap re","Ġsimple mente","Ġjug adores","d icos","Ġllam a","Ġme xic","c ados","ar te","qu é","Ġapren der","Ġin nov","Ġdetal les","Ġeconóm ica","c le","Ġdifer ente","k a","u ri","den a","Ġl unes","Ġo per","Ġcl ás","ĠM ay","Ġà ī","Ġen torno","Ġqu iz","Ġalter na","Ġt ú","y e","Ġest rel","ĠInstitu to","Ġn orma","tar á","Ġr en",": //","Ġrespons able","Ġecon omÃŃa","im as","A r","p an","ĠMun dial","m er","Ġelectrón ico","Ġsue lo","Ġcomer cial","Ġba ño","is l","Ġloc ales","log ÃŃa","Ġesc en","Ġac to","Ġti pos","Ġmara vil","Ġin telig","a pa","ĠE L","S in","Ġen l","ÃŃst ico","ĠF in","ment ación","Ġmo tivo","ĠpolÃŃt ico","Ġest ad","ra ciones","ent ado","Ġentre v","Ġtemp era","c la","Ġapro xim","âĢ¦ ]","Ġhist or","Ġrealiz ado","Ġsuper fici","ens ión","ĠC os","Ġconoci do","Ġher mos","ĠH ab","f f","Ġej ecu","Ġperson ales","Ġinvers ión","Ġpresent ación","Ġocas ión","is mos","la z","id amente","ÃŃ p","ĠS oci","pec tos","ĠD a","Ġmar cha","Ġperson ajes","ón ica","di das","Ġviol encia","Ġdi ver","Ġde c","i ro","itar ia","ĠM ig","ĠC ap","gr á","_ _","Ġdis posición","Ġac ces","Ġg én","ĠRep ública","» .","ti que","ĠA hora","Ġpuer ta","Ġprop iedad","Ġad qui","Ġpregun ta","1 6","Ġdi bu","v ado","Ġr é","Ġinici o","Ġr os","!! !","Ġpres iden","Ġpar eci","ĠM as","Ġen trar","Ġinde pendi","Ġ201 0","w it","aj as","s as","Ġh echos","Ġinteres ante","Ġ2 9","Ġah or","Ġhab itu","Ġtrans porte","E x","Ġocas iones","Ġherramient as","Ġobje to","di os","en cial","Ġve ci","Ġam igo","Ġenferme dad","Ġselec ción","Ġpodr ás","es tiv","Ġ ÃŃn","Ġcom e","CI ON","j u","Ġpres entar","Ġagra de","rib ución","Ġart ÃŃculos","Ġde m","Ġ %","Ġeconóm ico","Ġm it","Ġin ver","Ġen s","Ġcon oce","Ġalim entos","Ġar m","Ġbuen as","Ġde moc","Ġj ef","Ġatra c","1 4","Ġtien da","ĠS ecre","Ġexcel ente","j ero","ie lo","Ġex tran","am e","Ġcon vers","Ġp ér","Ġin ci","Ġprop uesta","Ġjorn ada","Ġrepres enta","Ġvuel ta","ĠTo do","Ġam ena","Ġespa cios","ĠG al","Ġcon cent","Ġdes emp","iv er","Ġpe lo","Ġé ste","Ġas i","Ġal mac","lo go","leg io","tar ios","Ġdispon ible","ĠCom isión","Y o","ĠJ a","Ġso b","im en","2 5","Ġcateg orÃŃa","ĠMun icip","ez uela","Ġac us","ar o","Ġcomprom iso","el lo","ĠAnton io","ĠNuev a","l ores","ra g","ed ro","ĠSal ud","ĠEn tre","o z","ológ ica","ul tad","ent ales","ĠR os","Ġd éc","ĠM us","ĠJ ust","Ġindust ria","Ġconf orm","Ġ za","o j","Ġvelo cidad","Ġgob ern","un iden","i res","Ġma es","ci ente","Ġpron to","Ġtra tar","ĠFrancis co","Ġfun ciones","Ġtal ler","on ia","Ġf ras","iu dades","Ġinter net","ĠI mp","Ġre ce","Ġcla ve","Ġopin ión","im ismo","i x","Ġes ca","Ġpr ensa","Ġobje tivos","or ÃŃas","dr á","Ġpre cis","Ġcent ros","ic es","iz ado","Ġc ru","ĠH um","Ġesc uela","inar ia","Ġmul ti","it ales","Ġban da","Ġ ór","am p","Ġcapa z","ter as","c oles","qu er","Ġpon e","Ġ &","ĠM ás","ĠEuro pe","Ġrep ro","Ġconten idos","Ġinstal aciones","Ġeleg ir","Ġres pec","ens o","Ġtit ular","Ġos cu","Ġas pectos","z ada","Ġbenefici os","T U","Ġmes a","Ġpaci entes","u ras","b ia","Ġaum ento","1 3","ón de","Ġcr édi","Ġráp ido","1 7","Ġin teg","ific ar","Ġcoment arios","Ġtécn ica","Ġfr on","Ġdi ario","Ġofer ta","Ġpre ci","Ġco b","ran s","Ġcapa ci","ÃŃ r","Ġf em","Ġdis c","Ġnorm al","Ġsu erte","ĠAn d","Ġanim ales","Ġv ÃŃa","an til","Ġh id","Ġper m","Ġmode los","Ġcomple ta","Ġac ci","Ġcumpl ir","Ġ19 7","Ġpreo cup","Ġcomp on","Ġref le","p al","aliz a","irm ó","Ġp ena","ĠSe ñ","Ġsent ir","Ġquer emos","Ġespañ ola","Ġj a","Ġbúsque da","Ġ ú","? ?","Ġo cup","ĠA unque","Ġad ul","ÃŃ ritu","Ġinform e","ĠP an","Ġj ueves","Ġmit ad","ĠGo ogle","Ġtom a","Ġdi ez","Ġcent ral","ĠU N","Ġab rir","v iv","or ge","ĠO l","P ro","Ġtécn icas","Ġma gn","ĠD ÃŃa","trimon io","Ġest im","S u","Ġapro b","à ģ","Ġco ord","Ġa un","Ġde cor","Ġconf lic","on z","Ġe res","Ġdeber á","m entar","Ġdi fic","ri que","Ġprue bas","Ġresul ta","Ġestruc tura","Se gún","Ġol vid","Ġsu ficiente","Ġcuid ado","Ġo tor","Ġlabor al","Ġap licaciones","ific ado","Ġkil ó","un o","Ġconst ante","p ia","Ġo c","án dez","ru mp","l ad","ós ito","Ġqu ién","6 0","Ġprincip ios","Ġc iudades"," °","ĠpolÃŃt icos","jer os","vi ó","I L","Ġ[ âĢ¦]","di l","Ġmanif es","Ġcu yo","Ġest ás","ér coles","Ġex terior","com o","Ġinf l","Ġdest ino","ft ware","ĠS h","Ġqu in","Ġescrib ir","Ġub ic","Ġsegu ra","ues tos","tia go","Ġb ril","c ol","ra mos","ien en","Ġsan gre","e os","Ġl ic","Ġ8 0","Ġinst rum","ier to","Ġas oci","Ġt re","Ġdic ha","Ġacce der","ĠS us","Ġdivers os","Ġampl ia","ĠAy untamiento","Ġperfec to","tor ios","Ġpro ve","Ġest ará","b amos","Ġal cal","ÃŃs imo","Ġbusc ando","les c","Ġcomp ro","Ġin con","Ġor g","ÃŃ fica","Ġher man","der al","j ado","tor al","Ġestu vo","Ġciudad anos","y as","ĠM ic","Ġmie do","ĠMig uel","Ġadminist ración","Ġp rac","tu vo","Ġpág inas","Ġdig ital","Ġestado uniden","ĠD o","Ġr eno","ĠCon greso","oso tros","a g","ĠD an","p es","Q ue","ĠV ic","U E","ĠAs ociación","Ġb ra","Ġconfi gu","Ġdist ancia","le z","Ġc lic","ab e","Ġconfi anza","Ġinstitu ciones","S O","Ġrealiz a","Ġcon se","Ġconcep to","Ġdef ensa","ma il","Ġbuen os","Ġconv ier","d ado","te les","ru po","Ġá reas","Ġemple o","ĠVen ezuela","Ġclas es","Ġm ente","ĠMan uel","Ġm ues","ĠE j","quier a","Ġmil es","Ġpa z","à ī","Ġesfuer zo","Ġtécn ico","Ġde ri","ĠlÃŃ der","Ġor o","Ġhab la","Ġaz ul","E M","Ġt he","gu ay","Ġcir c","Ġmé dico","Ġe p","ar emos","ĠP edro","I O","ue gos","ech as","cion ados","L e","4 0","k i","Ġc if","Ġa trás","gra ma","ĠCas a","di eron","ĠGar cÃŃa","Ġinterna cionales","el as","c ó","Ġcu estión","á st","ig ue","Ġpla ya","Ġpes os","Ġro pa","ti ficación","Ġdi v","Ġreun ión","ĠGra cias","Ġcon ex","Ġ3 1","T ambién","t antes","Ġgol pe","Ġseñ or","Ġactu almente","di dos","Ġcam pe","Ġf ol","Ġna turales","ut ri","Ġmo da","ĠM al","Ġam ar","Ġinme dia","Ġque dar","te ca","Ġlan z","Ġfi esta","Ġma dera","ĠDes arrol","Ġámbi to","Ġ ó","im e","Ġquier en","Ġma g","ĠSegu ridad","Ġdeb emos","Ġconsi gu","Ġpa is","Ġal tura","ĠRe y","Ġorig in","ras il","tr on","Ġref lex","Ġprop ios","Ġcom ba","t ador","é tico","Ġno ta","ue las","ĠL i","Ġmunicip io","Ġcolabor ación","ios o","Ġden omin","ĠC er","Ġdis min","itu d","Ġpúbl icos","Ġh tt","Ġtran quil","Ġf res","Ġdivers as","an ÃŃa","âĢ ĭ","g ó","Ġes pos","Ġa v","ul l","ÃŃf icos","Ġ *","Ġvis itar","b ilidad","am o","Ġs ÃŃn","ð Ł","Ġnum eros","cri p","x to","Ġfu ente","Ġap enas","Ġne ga","Ġempez ar","Ġimp le","Ġnego cios","ĠI I","Ġemp ren","Ġfuncion amiento","Ġaf ir","Ġ ul","Ġá r","Ġsac ar","Ġtérmin os","Ġescri to","Ġlo g","Ġcar re","ĠG onz","de m","Ġperio di","Ġmem oria","Ġprogra m","Ġsi ete","Ġgust o","Ġen tidad","ĠF o","Ġeta pa","Ġllam ada","Ġfor tal","Ġcontra to","ĠI glesia","ad ém","den cias","pues tos","Ġun idad","C ómo","Ġdu ra","Ġtradi cional","Ġt orn","Ġdeb erÃŃa","Ġes co","Ġper fil","Ġesc ol","ĠCon stitu","ros o","Ġej ec","ĠO s","ĠP os","Ġhub iera","Ġutiliz a","Ġvis ión","Ġ ·","Ġtr á","Ġas um","Ġhab itaciones","Ġplata forma","IC A","Ġcomen zó","Ġtele visión","Ġperio do","ket ing","Ġmi ércoles","Ġha ga","Ġinvesti g","lam ento","Ġsal a","Ġj ard","it es","estiv al","Ġcomple tamente","Ġrad io","it y","p ol","Ġgén ero","Ġmo tor","ĠW eb","Ġterri torio","ĠH e","Ġhab rá","iste ma","wit ter","Ġv ino","ĠE con","Ġt on","Ġmar tes","Ġimp acto","Ġsos ten","Ġdes can","Ġcul tural","2 4","Ġcu ya","Ġpu do","Ġres iden","Ġf útbol","Ġev entos","L A","Ġpre fer","i ales","Ġe ch","in ci","Ġarri ba","Ġter cer","Ġpro duci","Ġpubl icación","Ġkiló metros","Ġderech a","Ġt esti","ĠB en","gu st","g ü","ĠB el","Ġ9 0","Ġdispon ibles","tri z","Ġcuar to","tro l","Ġactu alidad","Ġre cha","C A","Ġdar le","quil ib","p era","Ġfigu ra","Ġpres ión","Ġf lu","ĠV e","ĠCa tal","Ġequ iv","I T","Ġcal les","ic k","Ġcualquier a","ca pa","Ġmar cas","Ġd ando","Ġsi tios","T e","Ġdeman da","Ġin fer","ĠX X","ĠEs pañ","en se","Ġa vent","Ġcomun ic","ĠTo dos","is a","de res","di dad","M ás","Ġizquier da","ĠpelÃŃcul as","ter os","Ġfue go","om bi","Ġan teriores","Ġinicia tiva","Ġlen gu","le o","â Ĥ¬","Ġorganiz aciones","mi tir","gue z","Ġar quitec","ĠS ur","Ġhab itación","an ce","Ġgan as","Ġpregun tas","Ġconte mp","ĠSan tiago","Ġalmac en","ĠT rans","Ġre vis","ĠM uch","ar ca","ĠE di","Ġelec ciones","ec ÃŃa","Ġdocu mento","Ġfundam ental","óp ez","Ġc m","Ġint ent","Ġmos trar","Ġequi p","Ġmis mas","Ġ200 9","Ġcor re","ĠF und","ribun al","Ġlleg ado","Ġinteres es","ĠA t","As ÃŃ","H ay","Ġza pa","Ġas pecto","ib lio","Ġcirc un","tien en","Ġcar ga","Ġar ro","Ġpor no","ri endo","ĠâĢ ¢","p ora","Ġalcan zar","Ġten iendo","Ġgra ve","ĠE E","Ġn ie","estr uc","i ados","Ġace ite","Ġo cu","» ,","j an","Ġ án","y os","U S","2 2","Ġc e","le za","Ġgen era","Ġjur ÃŃ","an to","ru p","it ados","Ġde ten","Ġpe dir","Ġgener ación","Ġac og","Ġle jos","Ġestrateg ia","ĠD on","Ġps ic","Ġper ÃŃo","d ó","in s","Ġapar ece","Ġprimer as","Ġg rado","ĠP at","Ġt ales","Ġconoci mientos","Ġsolu ciones","Ġ ras","Ġaband on","Ġado lesc","g imen","Ġdic en","Ġprofes or","Ġvac aciones","Ġg rá","Ġre pe","Ġconv ir","Ġb ur","ĠS E","Ġder ro","Ġamb ient","Ġado p","Ġedifici o","Ġde tec","ĠBuen os","Ġblo que","ĠA ut","Ġro de","us a","Ġperson aje","h t","Ġplan tas","pon er","l y","Ġjust icia","Ġar gu","Ġsitu aciones","ĠA ires","ul ado","ĠmÃŃn imo","Ġesper ar","ĠP ablo","v as","ĠFran cia","Ġ7 0","Ġpros titu","ĠMe di","Ġimp er","Ġé sta","Ġtrabaj ando","olog ÃŃas","Ġk m","Ġmanten imiento","Ġjust o","m án","Ġch ica","ĠC ab","Ġfamiliar es","ĠCu ba","Ġch icas","diz aje","Ġre quis","ĠvÃŃ deo","Ġhi ja","Ġf er","Ġterc era","Ġre ducir","Ġalgun o","Ġpie zas","Ġpa g","Ġrequier e","P A","in ario","ĠL ópez","bl os","Ġmodi fic","ci ar","ĠMu jer","vil la","Ġdi á","r ón","Ġen orme","ed ores","ac ho","en der","Ġ »","ĠCh ina","Ġsol a","Ġfin ales","ĠO fici","Y a","g al","Ġnorm as","Ġan al","ĠDes pués","ĠR ob","d ÃŃ","Ġf irm","Ġveh ÃŃculos","Ġ3 5","ĠDesarrol lo","Ġqu erÃŃa","ĠIn v","Ġadminist ra","Ġespe ciales","Ġvar iedad","ĠH oy","udi cial","r ador","cip l","ĠCom er","am or","Ġúlti mas","Ġinstal ación","til las","Ġveci nos","ĠFac ebook","Ġten gan","ÃŃt ulos","Ġse l","s an","Ġpe or","i amente","Ġherramient a","Ġimp uls","til lo","Ġb ara","u ta","Ġlar ga","Ġcomen z","Ġnoti cias","Ġin c","Ġcompeten cia","ĠR am","ĠT h","Ġaquel la","T en","Ġdu das","Ġsol amente","Ġsab emos","Ġcompr ome","Ġindivid u","a ve","Ġmej ora","Ġvent as","Ġcar ta","on d","Ġdej ó","Ġmon e","ĠF u","Ġd ónde","ĠG rupo","Ġpas os","B uen","U U","Ġl uc","Ġal quil","Ġposib ilidades","ĠEst udi","Ġviv ienda","Ġter ror","us e","y ó","Ġab og","Ġd ue","Ġcomp ort","ĠH ist","Ġac um","iv as","Ġdeci siones","ci mientos","U R","Ġ200 8","i ores","il los","Ġs esión","ĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀ","tr ó","Ġsex ual","Ġsue ño","Ġbo ca","Ġpresu puesto","Ġreg al","Ġtri un","il es","Ġdes pe","ĠCl ub","Ġhum an","Ġb re","Ġpuer tas","Ġfuer zas","Ġconsecu encia","s es","Ġexp lica","Ġcomp lic","Ġexist encia","ĠB rasil","Ġdirec to","ĠB lan","m ina","ĠUn ión","Ġlec tura","R es","ĠlÃŃn eas","Ġo cho","Ġsu stitu","ĠN os","Ġhici eron","Ġcu entas","Ġo cul","tic amente","Ġcas as","Ġpubl icado","ÃŃ da","Ġri t","ĠB er","Ġrecor dar","á is","Ġexp lo","Ġal oj","Ġdescar gar","Ġf as","ĠPres idente","Ġjug ador","Ġveh ÃŃculo","Ġa vis","Ġcr ÃŃt","v el","2 3","Ġt amb","Ġfin es","Ì ģ","aliz ados","ar nos","Ġe fica","c am","Ġvin cul","an g","Ġobst ante","Ġm ala","tu s","Ġca tal","iemp re","Ġen tra","L O","Ġab or","Ġsal v","it amos","Ġcompañ eros","Ġviv o","V A","Ġpie dra","Ġposib les","Ġencan ta","Ġp ris","Ġbar rio","h n","Ġso ftware","Ġfu entes","Ġrespe to","ĠDirec ción","Ġsec tores","Ġfir ma","Ġll u","ĠfÃŃs ica","ĠÃģ n","f re","Ġjef e","ch as","P o","Ġaquel las","Ġregist ro","8 0","Ġesc al","H oy","Ġdic h","Ġestable cer","man ia","ĠVal encia","Ġrev el","Ġse de","Ġl ech","Ġqued ó","Ġmic ro","p les","Ġfis cal","Ġen tidades","Ġmen ores","Ġcon oc","Ġex posición","Ġfin almente","ĠB l","Ġpo bre","Ġi di","ĠC re","Ġm am","Ġre lev","ti g","Ġi do","t y","Ġmin istro","Ġex ter","Ġnove la","Ġpodr ÃŃan","f on","Ġescen ario","Ġs ome","k er","Ġrendi miento","ĠPer ú","ru pción","ĠEs o","ĠEmp res","ĠC ruz","ic ción","Ġsuperfici e","Ġun idades","Ġre quer","Ġ ran","Ġprop ias","D urante","Ġopera ciones","ch ez","Ġt es","Ġme ta","Ġcu mple","Ġver de","Ġcam a","Ġmáx ima","ĠJ av","Ġan o","Ġresta u","ĠAdminist ración","Ġpr om","@ @","Ġlleg ada","Ġdocu mentos","Ġest an","Ġac adém","ci da","ie go","c és","ios a","Ġgener ar","Ġex ac","b la","Ġap un","d ón","Ġg ras","Ġ >","Ġre tir","Ġm ent","ĠF er","un cia","Ġdom ici","Ġenfr ent","Ġpeque ñas","Ġres olver","fica ciones","el es","Ġhac ÃŃa","in do","Ġp ec","Ġres olución","Ġsec ción","ue bles","Ġex cep","Ġprác ticas","ĠD av","Ġc ita",") :","Ġde p","ier o","an zas","Ġar gent","ven ida","am ble","Ġo peración","ĠT a","Ġincre ÃŃ","f in","k o","Ġc án","ĠDE L","Ġespe cie","ĠE lec",") ;","Ġcer c","ga ciones","p lic","Ġg es","A T","Ġemb ara","or g","ĠE m","Ġtempera tura","f ÃŃa","C O","Ġhab rÃŃa","ĠRe v","Ġh ará","Ġar tes","Ġpla za","Ġag reg","Ġre ac","an da","Ġg a","on da","ĠPol icÃŃa","ĠF ue","Ġcri ter","Ġsencil lo","ĠN orte","d ust","f é","ero p","ĠA g","ĠY ork","Ġdi go","iv e","ĠOr gan","de ración","Ġf en","tu mb","por tes","Ġsu pone","Ġpe dido","Ġa bajo","Ġvide os","us ia","Ġreg ular","Ġc ámara","Ġa st","Ġpér dida","ĠF is","Ġenferme dades","ĠEst os","ĠB e","Ġleg al","Ġcomer ciales","Ġmaravil los","Ġint entar","ĠB us","Ġm últi","der os","Ġs omb","ra cia","Ġprincip almente","ĠD u","Ġbel leza","Ġabier to","Ġproduc e","Ġpermit en","Ġsue le","Ġcolec ción","ona to","Ġingres os","k y","er an","Ġpas ó","Ġrealiz ó","Ġhum ana","Ġtien das","ier an","it é","tis mo","tor ias","Ġpol icÃŃa","9 9","uen cias","Ġseñal ó","ĠEs pe","Ġpo dido","ok ies","j or","Ġcal or","ĠM ac","ĠD omin","Ġsim ilar","Ġmec an","Ġdi put","ĠC ada","Ġh á","Ġag re","Ġexper iencias","Ġescuch ar","ĠR om","pues tas","Ġagr ad","Ġis la","ĠH u","ĠSeñ or","* *","Ġfel iz","Ġcor te","Ġcorrespon diente","ĠV ir","ĠPro fes","ĠFund ación","it ada","Ġc iencia","Ġtrans form","Ġprem io","e des","Ġvic toria","Ġna cionales","Ġamb as","Ġcircun st","Ġtras lad","Ġincluy endo","ĠJust icia","Ġj am","te m","Ġcons ol","Ġsal e","Ġár bol","Ġte j","âĢ ¢","Ġve o","Ġde porte","is iones","Ġer ror","Ġru ta","Ġgas tos","ĠC ivil","I M","Ġtrad uc","Ġabs olu","Ġdes af","Ġelec ción","Ġloc alidad","Ġsigu en","Ġco inci","r ales","Ġfac tores","il ares","r eras","it arios","l en","Ġapren dizaje","u das","ĠPre m","Ġre y","Ġtri tur","ĠN i","Ġimpos ible","ĠperÃŃo do","Ġcer eb","Ġ =","Ġh ar","Ġcomun idades","ĠP úbl","in ados","E T","Ġdes eo","ÃŃ guez","ĠT ri","e ñ","Ġpúbl icas","Ġcumpl imiento","Ġdeb es","Ġofrec en","id ar","Ġparticip antes","Ġfal le","i ación","Ġconsul ta","Ġcomen zar","Ġcomer cio","Ġrecor rido","Ġg e","Ġp iso","Ġ Ġ","quil la","Ġdi vi","T ras","Ġfuncion a","Ġman da","Ġpue blos","Ġde trás","ĠT ele","ier ta","b ra","Ġexper tos","ĠB al","ĠServ icio","Ġn omb","dr ÃŃguez","án ica","Ġcomer ci","vi amente","Ġap er","Ġpriv ado","Ġur b","v era","ar le","Ġraz ones","Ġreco g","i gu","Ġpro bar","ĠPer son","Ġcó digo","Ġr ue","Ġaum entar","Ġf ase","Ġinform ó","Ġhub o","Ġr ÃŃo","Ġe quilib","k s"," ª","me tro","án d","u f","Ġvuel ve","m isión","ĠC ur","Ġverda dera","iv amente","h ib","am ento",". âĢĿ","Ġllev ó","ar ial","Ġré gimen","Ġdisposi tivos","ad io","g ados","Ġf ar","ĠS ec","in t","Ġ ital","Ġtarje ta","Ġsor pres","Ġhay an","Ġgaranti zar","Ġten ÃŃan","Ġcor to","Ġsens ación","Ġforma to","u ña","án chez","d s","Ġs es","Ġcondi ción","Ġprop uestas","o que","ĠP P","Ġsi quiera","Ġdist ribución","Ġc rim","i anos","ra z","Ġest én","ĠSe gún","l ÃŃ","Ġreconoci miento","ĠU r","Ġson ido","tal ia","ide z","C h","Ġcomien za","ológ icos","Ġrev ista","Ġd ul","Ġdeb ate","Ġdes per","Ġconstru ir","Ġa us","in ta","ĠPro vin","Ġata que","graf ÃŃas","Ġesp ero","ĠT ras","ĠEsc uela","ar me","Ġpres entes","ien das","Ġofer tas","es tre","Ġden unci","Ġcomp os","Ġcur sos","Ġiden tidad","Ġdis par","is la","Ġinten s","ĠN O","Ġnoti cia","Ġman tiene","Ġfon dos","Ġcrédi to","c rib","ra estruc","p r","Ġe c","Ġenl ace","Ġplan es","k ing","cion amiento","st ru","Ġac re","én dose","ĠÃģn gel","ez ol","or e","Ġdecl ara","am entos","ti go","au gu","Ġpar que","Ġrelacion ados","ĠvÃŃcti mas","Ġen em","Ġaproxim adamente","ĠP l","Ġmunicip al","ĠF el","Ġre mo","ĠRo drÃŃguez","Ġpar ecer","ven ir","Ġmar c","Ġráp ida","rib uy","ĠP RO","w n","ĠIn f","g amos","Ġh al","Ġexplic ó","Ġexpres ión","fici encia","ĠJ orge","Ġform ul","ĠP uerto","u p","ĠServ icios","Ġind ica","A P","gen cias","Ġesp ÃŃritu","V I","Ġviv e","Ġin augu","Ġdescub rir","Ġele v","u de","Ġarti stas","Ġglo bal","4 5","Ġcan ciones","en es","Ġdel ante","ĠRe d","] âĢĭ","Ġcoment ario","Ġdisposi tivo","Ġj untos","á lez","Ġpri or","En tre","Ġmé todo","Ġcon tras","ra el","A hora","Ġb io","Ġadul tos","ÃŃ gen","e ña","uc ÃŃa","ám ica","ac as","Ġherm ano","EN T","Ġtar ea","ĠJ un","Ġconver tido"," «","Ġdej ado","Ġgust arÃŃa","Ġtérmin o","Ġconex ión","Ġt ren","Ġcons ec","to dos","ti ma","én do","Ġ5 00","Ġc ielo","Ġcos to","pa ti","Ġoportun idades","Ġc aja","Ġil um","Ġhab itantes","Ġentrev ista","Ġfor o","Ġdist ribu","Ġencontra mos","ti sta","Ġb omb","Ġrit mo","Ġn utri","Ġfem en","ĠS ánchez","Ġespañ oles","Ġestadouniden se","ec a","Ġ200 7","ĠO n","ĠN ic","G ra","yec to","Ġin tención","Ġoblig a","Ġconte xto","Ġtermin ar","Ġemple ados","L E","Ġac tos","ĠPor que","Ġpi es","or ios","ĠT V","Ġcir cul","ĠM il","Ġreci bido","Ġpaci ente","Ġcar ne","Ġju icio","Ġmiemb ro","Ġinf lu","cia ciones","Ġsir ve","Ġar mas","Ġper ió","Ġdu ro","A unque","ĠLe ón","Ġal ma","ar los","i ri","ĠComun idad","Ġampl io","Ġreno v","Ġpoten cial","Ġpubl icidad","ar ra","Ġ4 5","Ġdetal le","c ón","olu cion","Ġsil en","Ġac os","t ÃŃculo","Ġcre ado","Ġcon tiene","Ġde bajo","ĠIn cl","Ġvol umen","de ras","Ġter reno","Ġproteg er","Ġr um","Ġg ama","Ġobje tos","ol uc","Ġinstitu ción","ĠAl gun","Ġi gu","ĠAle mania","B A","tera tura","Ġpas ando","Ġarti sta","Ġc ál","Ġdirec ta","Ġmir ada","Ġhistor ias","Ġpróx ima","Ġley es","Ġocur re","ĠS il","Ġley endo","Ġsur g","Ġhistór ico","Ġade lan","ĠJ unta","Ġ19 6","ti cias","as h","Ġrecuer do","Ġcon den","ĠFern ando","AR A","i pe","tr ado","Ġespec ta","Ġm ig","ĠSe villa","Ġelim inar","ĠAn dal","p ens","Ġser es","ĠGonz ález","Ġpreo cu","ulta des","Ġme dic","uch a","Ġconf irm","Ġca dena","2 1","ĠBan co","Ġleg isl","Ġcer tific","Ġp uso","Ġen ter","ĠA z","Ġli ter","Ġrecl am","Ġpas ada","Ġpers pec","Ġinter vención","201 8","Ġcol ombi","r adas","Ġlimp ieza","Ġofici na","Ġneces aria","Ġcon voca","le ta","ĠL ib","ti mos","Ġcier re","Ġt ÃŃp","de os","Ġust edes","Ġprome dio","Ġil ust","Ġasegu ró","ĠT ecn","P re","ĠDav id","Ġproce dimiento","ber to","Ġprac tic","Ġmens ajes","Ġv oc","Ġvolun tad","R ES","us iones","Ġmez cla","ĠO ri","Ġpri ma","r ores","lan o","Ġde partamento","Ġ @","ti mo","Ġa gres","ĠV illa","ut bol","Ġcl ÃŃn","Ġprop ósito","2 6","Ġrequis itos","C E","ĠP en","ĠCrist o","Ġcan ción","2 7","es tas","Ġten dencia","Ġresist encia","Ġque dan","ular es","Ġest ren","indo ws","u dos","ti das","Ġp ic","I F","ran o","Ġcan al","tam ientos","gra m","Ġsolici tud","Ġdi m","ĠT al","Ġub icación","a de","Ġa se","Ġlech e","ien es","Ġre por","Ġp endi","Ġda ño","el la","Ġpas e","ĠS em","Ġimpres ion","Ġtar eas","Ġpa t","Ġd ro","Ġven der","Ġinte gra","de dores","Ġac udi","Ġmúlti ples","Ġem erg","Ġcic lo","Ġh ospital","Ġvia jes","ĠP on","ÃŃ z","Ġco ti","Ġneces arios","Ġcl ima","Ġvis it","ci Ãĥ","Ġesc ena","erop uerto","ĠC ultura","er do","ww w","Ġ rol","t adores","Ġreci ente","le y","Ġarch ivos","Ġpro ducir","Ġinf ec","dic e","Ġtor no","Ġhabitu al","Ġex pe","ĠS istema","Ġref orma","Ġsu ma","Ġro jo","Ġw ww","Ġbenefici o","ĠPar tido","Ġorgan ismo","r arse","Ġv istas","Ġb i","Ġsab or","Ġmus ical","gr ÃŃa","esti ones","Ġherman os","Ġcán cer","Ġdu ración","3 5","Ġllev an","ĠInv esti","Ġperman ente","é rez","ĠG er","Ġpre f","ólo go","Des pués","Ġpromo ción","ĠL uego","Ġbre ve","% .","Ġb os","ue los","lec ción","Ġconci encia","Ġt era","Ġsu pon","Ġtendr án","Ġperfec ta","Ġsu minist","Ġar ran","Ġmov imientos","Ġgu ÃŃa","P S","Ġex am","tien de","os os","Ġref iere","Ġpo cas","ĠS am","Ġpoten cia","té g","Ġev olución","Ġre duci","Ġv ul","Ġasist encia","ĠA D","in ada","g adas","Ġlengu aje","Ġcontro lar","Ġh ier","Ġpues tos",". )","ĠA quÃŃ","Ġreserv a","iz ada","ér cito","amble a","Ġtamb ien","Ġencontr ado","Ġb ici","Ġcre e","Ġhon or","Ġi glesia","jer on","qu inas","Ġplan eta","Ġdesc rib","ĠIn dust","Ġub icado","Ġprecis amente","ĠD urante","j al","Ġresta urante","Ġinfer ior","Ġagu as","Ġú til","2 8","Ġpos e","Ġconoci da","Ġcon curso","âĢĻ ,","Ġmen cion","ĠV I","ÃŃ c","Ġper dido","ĠEurope a","Ġl óg","ĠDer echo","Ġde pendi","ues tros","ĠR E","Ġtecn ologÃŃas","Ġsuel en","ĠfÃŃs ico","duc e","ĠT ierra","Ġaplic ar","genier ÃŃa","Ġsab en","Ġquiz ás","Ġrealiz ación","ru guay","Ġn ombres","Ġrecon ocer","Ġar reg","ĠA L","Ġhi po","ĠF or","Ġop tim","qu en","Ġespec tá","ri tán","Ġrecuer da","Ġfrecu encia","Ġráp idamente","Ġpresent ado","ID AD","on do","Ġsu ave","ĠR usia","3 3","Ġhtt p","Ġasegu ra","Ġinf antil","Ġreci bió","à ij","ĠS ub","Ġhac emos","Ġpro du","Ġ3 00","ĠA na","z z","Ġefec tu","ĠM á","un g","Ġag entes","Ġpu tas","Ġsolici tar","M i","Ġpe le","Ġcons iste","Ġlen gua","Ġ Ð","ĠC iencias","Ġases or","Ġv endi","ĠT écn","Ġform ar","Ġven ezol","ĠP ri","m m","an e","Ġdomici lio","Ġmer cados","M ar","le t","qu ia","Ġpl acer","Ġsub ir","Ġv emos","eci ó","Ġg l","Ġinte lec","Ġcier ta","ĠCo pa","ĠA st","Ġsegun dos","Ġmis ión","Ġh os","ĠH ar","Ġpor ta","Ġcu entan","Ġmo tiv","ruc ciones","a a","pi ra","ĠMunicip al","9 0","Ġcomport amiento","ci les","Ġdeber án","Ġqu is","Ġrepresent antes","Ġas c","Ġpresent ó","Ġaudi o","Ġapar tado","Ġimp lic","Ġalim entación","O D","ol ina","Ġadecu ado","Ġg ana","Ġasegu rar","Ġac aba","Ġevalu ación","ÃŃst icos","Ġv io","Ġpriv ada","Ġsi ento","h at","Ġentre gar","Ġpor cent","Ġgratu ita","ĠT witter","Ġcontinu ar","Ġdorm itor","Ġalcan ce","Ġsi mp","pi ración","Ġb ru","Ġutiliz ando","h or","Ġindustri al","ĠP érez","D is","Ġf om","ĠG re","Ġactu ación","Ġal co","Ġtan tos","vi mos","rim iento","Ġfran cés","ĠCent ral","Ġenv ÃŃo","Ġexp an","ĠB as","Ġgra b","w e","ĠR u","Ġries gos","Ġ3 6","in i","s en","Ġpa que","Ġpro tes","Ġfen óm","ĠEs p","Ġpreten de","Ġantigu o","Ġrespons ables","Ġconcre to","Ġelem ento","Ġpróx imos","Ġch icos","% ,","Ġsu ces","Ġll eno","Ġer rores","ĠH ol","ÃŃs ima","ĠD ist","ĠF orm","ĠPla za","Ġneces itan","i i","Ġconsec uencias","t ing","ĠEst as","Ġpro gres","Ġex pec","ĠS te","ĠT ribunal","Ġco okies","Ġqu ÃŃm","Ġcomun es","Ġinf raestruc","Ġcarre tera","v iera","Ġpis cina","Ġesp al","Ġabier ta","Ġe tique","gu ar","Ġll en","Ġ )","Ġval e","Ġcl ara","ĠDe partamento","Ġpues ta","ĠL in","Ġni ña","Ġco cin","R ec","ort s","Ġejec ución","Ġg estion","ig na","Ġca fé","Ġg ar","Ġarch ivo","Ġdi eron","Ġam ist","Ġmas a","r ÃŃ","Ġalcal de","Ġad j","tiz ación","Ġtrabaj a","Ġest ación","U C","Ġter ra","ĠS ala","Ġas unto","uev e","Ġrespon der","Ġcer can","Ġh uel","Ġincluy en","ces a","Ġestable ce","Ġv aya","Ġutiliz ado","Ġo posición","Ġf lor","ú car","U L","ad ura","do ba","Ġde jo","Ġsitu ado","ĠCos ta","es ÃŃa","ĠPue de","Ġne g","ci r","Ġf ich","Ġconv oc","ĠD r","ĠPro duc","Ġperfec tamente","Ġdes en","Ġb u","Ġbeb é","Ġespos a","Ġpropor cion","Ġau tores","Ġf lo","Ġsencil la","Ġtrans par","Ġpens amiento","Ġmé dicos","Ġexp lor","Gra cias","ĠO N","Ġcontac tos","M uch","s al","Ġso porte","Ġfoto grafÃŃa","tu ales","Ġestán dar","? ,","Ġp ilo","Ġes con","ab ora","ro id","Ġceleb ración","r ue","Ġpelig ro","gr ado","ĠA udi","iver so","eci do","ri da","am érica","Ġinv oluc","Ġnúm eros","Ġconse jos","Ġacci dente","Ġimpor ta","' ,","Ġmin er","ĠZ apa","Ġhabl ando","Ġdest ru","af a","t om","Ġlu jo","uev a","Ġcab al","Ġextra ord","ri eron","pen dencia","Ġmen udo","ĠsÃŃn t","Ġconflic to","ĠV ol","Ġdescon oci","Ġf lex","Ġafir ma","ĠTra bajo","Ġmo tivos","ĠT rump","T ER","b os","ĠFe deral","Ġl ist","7 0","ĠJav ier","ĠincreÃŃ ble","Ġda ños","Ġdes ea","Ġdes ay","Ġrece ta","l in","Ġfuer tes","u almente","ĠÃī l","Ġfuncion arios","Ġsab es","ĠT om","Ġcon tes","Ġbas es","ó stico","Ġcomun icado","Ġab ra","Ġconvier te","Ġagrad able","Ġverda dero","Ġam eric","ier nos","Ġdocu ment","A B","ĠA mb","y s","2 9","es per","Ġpro te","Ġhab ilidades","Ġdef ens","ĠPro grama","ti eron","Ġindependi ente","Ġco leg","Ġre m","Ġcal iente","in te","Ġaut én","Ġtécn icos","Ġserv ir","P ue","Ġcar b","Ġactu ales","Ġnave g","di mientos","ĠA gu","Ġca er","ĠC orte","Ġautor idad","Ġ ..","Ġal ar","Ġdis cipl","Ġre lo","Ġaper tura","Ġmá quina","ĠConstitu ción","ion ales","Ġg er","Ġac lar","ic ales","que z","ĠC la","ĠFern ández","ĠC ul","ĠSecre tarÃŃa","Ġaum ent","n i","h ol","Ġrecib e","Ġanunci ó","Ġreci én","Ġde uda","Ġ200 6","Ġjue z","Ġaut on","Ġestrel las","Ġtu rismo","Ġcab ello","H ace","ĠG a","Ġcont ribu","ĠJo hn","Ġhacer se","Ġv it","ala cio","Ġmar keting","v os","p in","Ġto que","Ġqued ado","Ġpos terior","Ġde leg","Ġres ca","ĠA C","Ġper ro","Ġdéc ada","Ġmi ra","ĠF uer","Ġpe ti","Ġcont am","Ġin gre","Ġsecre tario","ĠM at","ĠL iga","te o","ĠD eb","ĠEj ecu","Ġimp on","ris a","ad á","3 6","ĠDe f","b um","x o","Ġmo d","ĠM ientras","Ġde cÃŃa","Ġenvi ar","Ġgener ales","americ ana","Q U","il os","en das","ub e","Ġún icamente","á stico","Ġcos ta","ĠG uerra","Ġcu idad","Ġllev ado","Ġ ðŁ","Ġanim al","Ġtrá fico","ĠI talia","I V","Ġch ico","Ġi leg","ĠMartÃŃn ez","Ġsu p","Ġar tic","gu en","Ġestable cido","Ġfacil itar","Ġch oc","Ġro bo","Ġac cion","- ,","capa cidad","Ġca ÃŃda","Ġn erv","I B","Ġcu án","ĠIn formación","Ġprotagon ista","5 00","Ġderi v","Ġfan tas","ĠT iene","Ġrecu peración","Ġprostitu tas","Ġre ca","Ġaf irmó","z ca","Ġv ienen","Ġalquil er","Ġt asa","r ente","Ġindic ó","Ġintegr al","aj o","bi os","Ġdes n","Ġprem ios","Ġv idas","Ġb ritán","ti stas","Ġpens ando","Ġac titud","ĠGu ar","ológ icas","ĠC ámara","Ġsab ÃŃa","ent ro","ñ ar","Ġvis itas","Ġinici al","or ar","Ġfr ÃŃo","ĠA N","ĠW indows","P er","Ġv iendo","du ras","or as","Ġprác ticamente","Ġf utbol","mar t","Ġdeci dió","ÃŃf icas","Ġdefini tiva","Ġvia jar","Ġeconóm icos","Ġc uel","Ġen amor","Ġref orm","Ġcos tos","Ġte atro","z on","ig os","Ġmóvil es","Ġdis puesto","Ġins pir","ist en","Ġadecu ada","Ġll ena","u ma","Ġban co","Ġes encial","ĠT ar","ĠJ ulio","á bamos","Ġimp ar","Ġofici ales"," ´","Ġâ Ĥ¬","Ġneces arias","I G","ĠT ur","Ġas ign","Ġcandida to","Ġr in","Ġimp lica","Ġbus can","ic ultura","ĠHo tel","Ġemp ieza","Ġrecuper ar","Ġc ruz","ecre to","Ġcam p","b res","ĠA ma","Ġsu fici","Ġtar if","af as","ĠG e","Ġconsul tar","ĠC á","Ġelec toral","Ġsim ilares","Ġt ier","S S","ĠMus eo","ĠO c","Ġcon cur","Ġur g","i j","ĠF lor","ĠP D","ĠA ctu","as o","ĠMun do","Ġrepresent ación","ĠH ern","Ġreg alo","Ġpr ést","ĠP ues","S o","Ġma trimonio","Ġpin tura","l ada","il le","Ġdepen de","Ġindivid ual","Ġha go","Ġap ara","Ġa bre","ĠSan to","Ġterc eros","it ando",". [","Ġdispon e","Ġap ort","Ġcaus as","CI A","Ġmane jo","P ar","Ġinver tir","ĠRe ino","Ġañad ir","Ġdel an","Ġestrateg ias","Ġfácil mente","oso fÃŃa","ter n","Ġros tro","Ġh uev","f icos","Ġcompren der","Ġsal ón","Ġfi estas","Ġpropie dades","Ġi gn","II I","Ġc él","Ġaquel lo","Ġso cio","Ġcomp ras","ĠC OM","Ġesper anza","Ġmez cl","t ones","Ġgaran tÃŃa","5 5","Ġdej ando","Ġescri bió","m es","Ġconf ir","Ġinnov ación","Ġprofes ores","ĠS ab","Ġre ales","Ġreg ul","Ġpes e","Ġl ide","c ción","Ġcircunst ancias","Ġvent aja","t úa","Ġacon te",". \"","Ġgen ial","Ġllam ar","Ġlogr ó","Ġadqui rir","ĠPar que","Ġco p","Ġpl eno","ĠS en","ĠLa tina","Ġcam is","ĠBol iv","and ro","to l","ĠM en","Ġorg ul","tu des","Ġtrad ición","Ġv es","Ġni ñas","Ġneces itas","ĠF il","Ġper ci","ist encia","lan d","ĠSal v","Ġres pal","tes is","y endo","Ġsal vo","Ġcap aces","� �","Ġju z","Ġi P","Ġtorn eo","ĠC at","Ġf echas","Ġceleb rar","Ġespeci es","ór m","Ġp echo","Ġcomien zo","ĠC ór","l ando","T R","Ġsal ió","Ġex por","M P","t ÃŃ","Ġcomple jo","Ġdi eta","Ġcre er","ĠMe dio","Ġcompañ ÃŃas","Ġac u","Ġja pon","Ġf lores","id u","Ġt ono","Ġb iblio","Ġfun cional","Ġinclu ir","Ġpue das","Ġempez ó","Ġal tos","Ġdestac ar","Ġ3 2","ĠS olo","Ġacre di","r icación","v io","Ġan alizar","Ġa go","Ġpuer to","Ġre to","Ġorden ador","Ġpos ee","C ar","Ġestra tég","is os","am i","Ġpie za","americ ano","Ġte orÃŃa","Ġmo vil","Ġaz úcar","Ġestudi ar","u alidad","ap ón","9 5","D E","ĠFis cal","Ġpar ecÃŃa","h abil","Ġprob ablemente","ĠSoci edad","Ġpri va","Ġus a","ĠlÃŃ qu","ĠAn dr","Ġv iento","el er","ĠP ública","Ġtu vieron","Ġdetermin ar","Ġadi cional","ĠG estión","Ġre ducción","ĠLe er","Ġcorrespon de","Ġest ados","ĠF re","to logÃŃa","Ġutiliz an","ste d","d remos","Ġc á","Ġcon ta","H a","Ġac or","qu ÃŃa","Ġcomp ut","N os","Ġtex tos","Ġnuev e","ĠMa g","Ġanti gua","ĠP C","Ġcu ch","Ġdifer encias","Ġhá bi","ĠComer cio","Ġinv ierno","tr ic","o peración","Ġcon oz","Ġcu ál","Ġsi ente","Ġpresent an","h am","mit es","Ġjard ÃŃn","Ġdomin io","if e","I P","ond res","Ġconvertir se","Ġcir cu","Ġdestac a","Ġdeclar ación","Ġviv en","Ġcul turales","ĠEst á","u ir","mar as","Ġt ÃŃtulos","Ġdemoc racia","Ġá l","r ará","Ġrestau rantes","o t","Ġnuev amente","Ġexpec ta","or án","ĠG ab","ĠR ÃŃo","tura ción","Ġ200 0","e la","ó d","o ta","Ġto car","ĠAndal ucÃŃa","Ġseñ ala","ĠH ospital","Ġenseñ anza","I EN","ĠFe deración","ri dos","Ġreci entemente","Ġentr adas","ĠNuev o","-- --","Ġesc uelas","Ġfoto grafÃŃas","Ġg uer","Ġad mi","ĠJ ul","Ġjam ás","Ġinme di","inar ias","Ġhi per","tr al","Ġm m","b el","Ġutiliz ación","Ġcon qu","h an","Ġquer ido","Ġimp uestos","ĠE d","Ġpermitir á","Ġan ual","3 4","ĠEn tonces","Ġli teratura","Ġde cre","Ġsent encia","l on","Ġen ga","Ġlle gan","Ġcor rupción","di mos","Ġentren amiento","f rica","Ġfin alidad","Ġas ociación","Ġdef ender","Ġraz on","ter s","Ġcuad ro","Ġescol ar","d y","Ġdis curso","Ġd or","Ġcompon entes","Ġpan tal","dr ÃŃa","Ġminu to","Ġt um","ĠD iv","Ġbol sa","ĠD ec","Ġaten der","To dos","Ġinter ac","Ġcr ÃŃtica","Ġens ay","M a","Ġrealiz an","To do","Ġsegu ros","Ġtan tas","Ġclás ico","Ġl um","Ġpopular es","Ġf ib","ĠNo ticias","Ġvol vió","com un","Ġan s","ĠPro tección","Ġman ual","d ados","il ación","Ġsuper ar","Ġj udicial","Ġincre mento","ill er","ĠL iber","Ġrealiz ada","ĠB ur","Ġllu via","d om","Ġdesarrol lado","Ġcier tos","ĠPar ÃŃs","f as","p p","m al","ĠHist oria","ĠD ecreto","ĠR afa","D O","Ġacep tar","AD O","Ġc erv","m enta","rist as","ĠPla ta","ĠC ó","Ġdiá logo","ĠD oc","Ġr ent","Ġg r","Ġpelig ros","den tal","án ico","Ġna cimiento","Ġapar ecen","Ġconf orme","!! !!","mi go","Ġesper ando","ion ar","e v","ĠM ur","ĠPa z","Ġd ur","Ġac tivos","Ġargent ino","Ġdeci dido","Ġac tores","Ġreg las","Ġa j","ĠA ust","Ġale grÃŃa","ic en","Ġad v","Ġdecor ación","Ġrecur so","Ġaut ón","an t","un dar","Ġcos te","iz on","Ġac ero","ĠF estival","Ġp ide","D A","ĠT ea","x il","Ġac tor","Ġres al","ier en","Ġcu rios","ara go","Ġperiodi sta","in ter","le tas","Ġ3 4","Ġg ig","Ġmo to","Ġap os","Ġch il","Ġesc ala","Ġso f","Ġt ribu","s ar","Ġh orm","ándo le","ĠNe w","Ġcam pos","Ġalterna tiva","par tam","j era","Ġdescu ento","un da","Ġs ól","Ġparti da","Ġsorpres a","t ú","Ġvis itantes","ĠJ er","Ġprev ia","Ġvent ajas","Ġdis pu","Ġvig il","Est o","Ġcor rer","ĠA P","Ġbienes tar","e go","t res","la ciones","Ġevi dente","Ġdoc tor","3 9","Ġres puestas","r aron","Ġviv iendas","Ġactu ar","Ġconsegu ido","Ġzapa tos","Ġv ál","Ġh ice","Ġcu estiones","Ġrelacion adas","ĠA R","Ġquier a","Ġper ros","Ġdéc adas","Ġpro to","7 5","Ġhor ario","Ġperson alidad","ĠVal le","la ga","à ł","Ġnego ci","en aje","Ġdel ito","u bl","ĠPol ÃŃtica","Ġdi je","Ġsegu imiento","Ġmer can","ĠsÃŃnt omas","ĠPrem io","Ġal er","ĠAnd roid","vent ud","cin di","Ġh el","Ġparticular es","Ġprepar ación","Ġcorri ente","w a","Ġsilen cio","Ġpudi era","ĠCór doba","Ġceleb ra","Ġconv iv","st er","Ġtaller es","Ġmé todos","Ãį A","Ġvul ner","Ġprev isto","Ġba talla","Ġefec tivo","Ġfras e","ent en","Ġmo ver","Ġdeclara ciones","ĠlÃŃ deres","ter rán","g or","am bre","Ġe mi","Ġus ando","c ra","Ġfras es","ĠDer echos","Ġrecor d","Ġep iso","Ġcan tante","id ación","Ġa ma","Ġpromo ver","ĠFac ultad","ĠG ol","Ġdirig ido","Ġa leg","iz ados","Ġcomb inación","G O","y en","ĠL ondres","Ġint ento","Ġg ir","z ando","Ġofrece mos","Ġs ho","Ġra to","ĠS ólo","ĠU no","ón ico","âĢ¦ .","Ġplan o","ĠA M","Ġcu estion","der ÃŃa","Ġho teles","Ġanun cios","ĠEspañ ola","Ġhuman idad","ez ca","Ġbaj ar","P ues","Ġunivers idad","? .","am es","Ġperspec tiva","ĠIn g","aliz adas","Ġvesti do","Ġcoti di","Ġal m","Ġexplic ar","Ġtradi cionales","Ġg ira","Ġpar ecen","ific ados","Ġest ancia","ĠE ra","Ġacab ar","ĠV il","Ġdia gn","u x","as te","Ġra p","Ġcont ribuy","al d","Ġc ár","Ġref ug","i ada","Ġinclu ido","Ġhum or","ci das","Ġtele f","Ġorganiz ado","Ġd ará","Ġdes ign","Ġpro pon","ep res","Ġso cios","Ġcereb ro","á les","Ġca tá","Ġ200 5","Ġintelig encia","Ġsos p","Ġacer car","Ġinflu encia","Ġinteres antes","Ġde fec","Ġcu esta","Ġ15 0","ĠJ uegos","Ġindi s","Ð ¾","Ġsu ger","ĠIn st","Ġpen al","ĠJ e","o x","óm ico","ĠNav idad","ĠI b","Ġfra cas","ez as","us os","Ġacon di"," ®","i ciones","Ġlanz amiento","Ġesfuer zos","Ġform an","Ġreg ional","Ġescri tor","Ġas o","Ġre pu","ĠSe gun","Ġtritur adora","Ġdific ultades","Ġme ter","Ġco legio","Ġpre vención","Ġin greso","Ġedifici os","Ġcol um","Ġa tre","ort un","ar t","Ġimpres ión","ĠS ÃŃ","Ġtra yec","ĠCas tilla","at amente","ĠEn cuent","Ġopin iones","Ġlo gra","ĠDan iel","ĠAle j","i jo","C o","p ul","Ġcompañ ero","Ġestable cimiento","ĠLa tino","Ġbo tón","óm ica","ĠIn form","Ġefica z","Ġconsider ar","ĠH asta","am an","Ġdescan so","Ġv ay","ĠD ig","fer encias","en ciales","ĠE r","Ġco ber","Ġal tas","ĠCatal uña","Ġinici ar","Ġlogr ado","u a","os as","d icas","Ġt ec","Ġcier tas","Ġpri vi","4 8","ĠOr den","Ġdemoc r","u ación","ĠEn rique","i anza","Ġ4 8","3 8","in ando","Ġcu ento","Ġcar i","ĠCons ul","Ġmal o","as ti","ĠPu bl","Ġcer rar","Ġdes ac","Ġgan ado","Ġc ruc","Ġprepar ar","Ġna ció","Ġar re","Ġcre cer","Ġpol ici","é ut","ĠC O","ĠM os","Ġpartici pa","ing ton","e y","Ġa ver","Ġselec cion","l ó","Ġcorrespon dientes","der á","Ġmues tran","Ġgas tron","dem ia","Ġconci erto","oc k","ad al","arago za","Ġconvoca toria","Ġso le","Ġcorrec ta","Ġv osotros","Ġf ren","Ġdis cu","Ġpl ena","Ġcorrec to","Ġamig a","Ġprob able","Ġh in","ivers ario","Ġa eropuerto","Ġblan ca","a que","gu es","ĠM es","Ġpres tig","Ġsobre viv","Ġingre dientes","Ġcompro bar","Ġre tro","Ġestar án","ĠU su","Ġpa de","Ġpo ca","Ġconcep tos","Ġpos teriormente","it ó","Ġál bum","cri to","Ġ19 5","__ __","Ġpropor ciona","Ġdesp laz","ĠIs rael","Ġdeb a","Ġafec ta","ari amente","ĠR adio","Ġavent ura","Ġesta tal","Ġb ro","Ġfac tor","IC O","SO E","Ġb r","Ġp ene","Ġ3 8","Ġejerci cios","ĠSuper ior","ib e","Ġherm ana","Ġapar ecer","ÃŃ na","C H","Ġmonta ña","Ġcolec tivo","Ġag encia","ĠE cu","or io","Ġcomb ust","f icas","ĠAr m","Ġmuer tos","Ġg rad","Ġsent imientos","Ġcom isión","ĠM ed","Ġman ip","Ġden uncia","Ġaprovech ar","Ġvie jo","Ġdos is","ios os","Ġidi oma","Ġf l","c ada","ĠAs amblea","Ġest rech","ĠlÃŃ mites","ĠD os","Ġpas ión","ĠI II","oo d","ĠA ca","Ġac tivo","Ġco ches","ĠCom ité","i que","Ġempres arial","Ġmaes tro","p la","Ġtu ve","ĠDirec tor","Ġgu itar","Ġacos tumb","aj aj","Ġelabor ación","Ġimp ac","Ġar ena","Ġestrel la","Ġdif un","Ġcor ta","Ġvo tos","cam bio","Ġcor por","Ġfinanci era","Ġinmedia to","Ġrealiz ará","Ġpa trimonio","Ġposi tivo","ĠG as","Ġinvestig adores","Ġlab ora","Ġdestac ó","Ġm uebles","Ġimp ul","ĠM is","S on","r g","Ġmir ar","ĠvÃŃcti ma","tor nos","Ġ id","Ġ ic","A c","Ġencontra ba","ter al","ĠN º","dr án","e di","Ġme tal","ik e","ĠEjecu tivo","Ġcan cel","hi bi","Ġfi j","ĠAp ple","Ġc ientos","s er","Ġac tiva","ĠPa ÃŃs","Ġno ches","Ġporcent aje","ic ha","3 7","Ġbon ito","ĠSalv ador","ĠD iego","Ġnorma tiva","qu ie","Ġentre ten","P E","Ġhab il","Ġenf oc","Ġmunicip ios","Ġleg ales","Ġlic encia","ĠM ir","Ġb es","ĠV is","Ġdemos trar","Ġdi ciendo","Ġcap ÃŃtulo","ĠM uy","b ur","ĠJ apón","Ġdorm ir","w er","ens iones","Ġeconóm icas","Ġespectá culo","Ġpar cial","Ġpo t","op era","ĠAut ón","Ġacces orios","Ġgob iernos","Ġobserv ar","Ġcuel lo","é ro","ĠL ic","ĠV iv","s in","ĠL or","Ġtriun fo","Ġtra to","ig ht","qui to","Ġidentific ar","ĠMo v","Ġmilitar es","Ġcub rir","Ġdi os","ĠPo pular","Ġme todo","Ġintegra ción","Ġespal da","Ġa pa","Ġdedic ado","ci enda","Ġsegura mente","Ġcerc ano","ĠAp ren","Ġho jas","Ġconvir tió","it s","in ten","ĠUn idad","Ġpor tal","Ġeleg ido","ab el","g et","Ġespecta cular","h one","ne y","Ġquiz á","Ġc able","Ġcontin úa","ĠAndr és","S E","Ġdi ri","Ġj e","Ġcient ÃŃficos","Ġanun cio","Ġinf in","Ġhu bi","l d","me di","Ġma pa","Ġofici nas","Ġsue ños","Ð °","Ġsuce de","Ġgust an","ci ta","Ġmor al","Ġter mina","Ġnov ia","gen da","Ġproce dimientos","Ġambient al","Ġlib res","Ġpan or","Ġur ban","ĠAl berto","is p","Ġcom pati","ĠI l","Ġmoder no","ĠC E","Ġle tras","Ġeleg ante","b erg","Ġabs or","Ġtier ras","s ion","l ÃŃn","Ġfamos o","Ġan teriormente","Ġhom enaje","Ġvo to","Ġper u","Ġbo da","Ġrela j","Ġcriter ios","Ġigual dad","Ġp ista"," ©","Ġm ac","Ġinm ig","Ġv uelo","Ġme tro","Ġfab ricación","Ġcateg orÃŃas","ĠlÃŃ mite","Ġapar tamento","Ġcél ulas","... ]","Ġ3 3","Ġclar amente","Ġases ina","Ġg or","Ġfan tá","Ġmuer to","Ġsuje to","Ġpareci do","Ġun iverso","át icamente","Ġdeci dir","mo bil","ter ra","ĠS iempre","Ġllegar on","Ġp unta","u re","ĠTu rismo","ĠÃģ l","Ġbas ado","Ġorganiz a","if orn","d omin","Ġpas aj","posi ciones","ĠCó digo","y n","ĠX V","I X","ab ilidades","ĠL oc","Ġespecial istas","Ġel ig","pres ión","ĠL uc","Ġ4 00","Ġimp lan","F E","Ġcap it","Ġprev io","aliz ó","ong itud","Ġamist ad","Ġpris ión","ide l","Ġcif ra","ĠA gr","Ġgas to","cu ra","Ġvig ente","Ġtan ta","rim ir","Ġcar reras","Ġimpres cindi","Ġban cos","Ġpla tos","Ġe ficiencia","Ġocu pa","Ġalco hol","Ġm ental","Ġla tino","Ġcon migo","Ġorigin ales","Ġtele vis","Ġbra zos","Ġdise ños","ci entes","Ġex itos","Ġemo ciones","Ġmexic ano","Ġsex uales","Ġconst a","ĠTea tro","ĠvÃŃ deos","Ġà ļ","Ġsim ul","é ticos","Ġpas an","D I","is h","4 7","Ġdich os","Ġrepar ación","ĠP ARA","ĠN uestra","Ġ ;","Ġsecre to","Ġri que","Ġso por","Ġro b","Ġcon ces","ĠCo legio","rag ón","Ġes que","gan os","Ġpro tec","Ġdocu mentación","Ġnove dades","Ġexac tamente","ĠF amil","Ġoblig ación","Ġenc ab","Ġinstrum entos","Ġfá b","Ġconsider ado","U M","ĠCom p","Ġcar tas","el os","1 00","Ġser io","st os","ĠYo u","Ġestudi ante","ĠUn ido","Ġeléctr ica","d ri","cul ares","Ġac ord","Ġgan ó","Ġsegu idores","f al","Ġapro pi","Ġtra tamientos","Ġmedic amentos","ĠSo bre","Ġar ras","ĠsÃŃ mb","Ġaus encia","an es","er io","Ġlec tor","ĠU ruguay","ĠS ch","Ġver siones","Ġex ces","Ġpron unci","ĠH on","ĠC reo","Ġadolesc entes","Ġpar ed","Ġrepresent ante","des a","Ġcul pa","Ġcab e","Ġo jo","Ġfundam entales","Ġpa tr","Ġpla zas","Ġdibu jos","Ġinfraestruc tura","ĠLe g","Ġprogram ación","ĠA ra","Ġalim ent","Ġformul ario","Ġbici cle","v iendo","Ġson risa","Ġtab la","Ġdiseñ ado","Ġconfigu ración","ĠB ro","Ġinvers iones","uc le","Ġopera tivo","Ġperm ita","Ġsign ificado","Ġac eler","Ġactu aciones","Ġpe da","Ġb ras","Ġad quis","r és","0 5","form as","Ġmas cul","p ó","Ġba terÃŃa","ĠC lar","Ġgratu ito","Ġtesti mon","S an","Ġgener almente","S A","ri el","Ġinc endi","ven ciones","Ġ201 9","Ġfel icidad","Ġpare jas","ĠEcon omÃŃa","Ġgras a","ĠC D","ĠAr te","Ġinterpre tación","Ġvent ana","ĠV ie","Ġequilib rio","Ġapar ición","Ġpobre za","teri al","ĠP in","ĠOrgan ización","Ġt rim","ĠT i","Ġref or","Ġpi dió","em or","Ġsegu ido","Ġap lica","tar a","ĠNo v","un ción","Ġcan ales","Ġin gles","Ġind ÃŃgen","Ġcon ferencia","Ġre visión","Ġcompeten cias","Ġl la","Ġfenóm eno","Ġconsum idores","in adas","ĠHum anos","Ġmer ece","Ġgobern ador","Ġpla to","Ġdul ce","Ġinteres a","Ġinvesti gaciones","Ġaf irm","ĠA ir","ĠTra baj","Ġejemp los","Ġequiv al","i esta","Ġfel ici","ti d","Ġprepar ado","ar las","M o","ĠAr tes","Ġf rac","Ġcel ular","ur ÃŃa","ĠAl cal","Ġ200 4","z adas","ĠF al","Ġinmedi atamente","Ġcar gos","Ġle ÃŃdo","ĠR ic","M ientras","b us","r om","ĠP SOE","Ġtrans formación","Ġaf i","ra y","Ġtrabaj an","im nas","Ġavan ce","i mp","Ġven ir","ce dentes","ĠPue des","ion ado","Ġpublic ó","ĠAs imismo","am á","Ġres uel","Ġdej an","ĠT ex","Ġgra ves","Ġha gan","ĠPD F","Ġinteg rantes","it h","un do","Ġaloj amiento","ĠV ide","ic s","Ð µ","Ġre emp","19 9","ĠM el","is co","ĠM c","Ġtrayec toria","Ġllam adas","Ġre cre","Ġj oy","óm ez","Ġsol ar","c amiento","Ġningun o","ándo lo","Ġcómo do","ter na","4 6","ĠC ir","Ġclas ificación","Ġpod remos","Ġnumeros os","Ġl ine","Ġper f","Ġenf oque","d ras","ran a","Ġme t","ĠMá laga","Ġ7 5","Ġemo cional","Ġten gas","Ġcon tigo","M an","Ġcontra tos","og rá","Ġcor pora","it en","Ġcif ras","ĠT el","3 2","Ġdefin ición","ĠF ab","Ġdesay uno","Ġfu i","ap ia","Ġaf il","ĠRafa el","Ġpl ástico","Ġbás icos","Ġpol vo","C ada","Ġv ib","T he","z ados","as as","Ġinstal ar","Ġcol on","Ġvuel to","és pe","Ġecon om","ĠJ ef","Ġten dencias","Ġcandida tos","Ġdirig ida","ĠB os","Ġcontemp orán","ĠEspe cial","Ġvir tual","Ġreg iones","Ġtal ento","Ġquer er","ñ ez","Ġarquitec tura","r é","en de","ĠDÃŃa z","Ġagreg ó","Ġubic ada","Ġs ú","Ġap uesta","3 1","Ġdefin ir","Ġse g","Ġp ár","Ġempres arios","P res","Ġque de","7 8","Ġhor izon","in ales","A CIÃĵN","ten cia","Ġtarje tas","x i","t n","à §","Ġacompañ ado","Ġbol s","Ġf órm","ĠTor re","CION ES","cul a","Ĩ Ĵ","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ÃŃ mp","te dr","Ġsuf rir","Ġfir me","Ġocur rió","Ġeduca tivo","iz aciones","ĠIn te","Ġtermin ó","Ġso ber","u z","ĠCon se","ólo gos","g ano","Ġpon en","Ġlabor ales","Ġreun iones","Ġembara zo","Ġpro pone","roso ft","Ġpregun tar","ĠSu pre","ĠCam pe","ĠEl la","Ġintelec tual","Ġconcent ración","Ġterra za","b y","Ġp us","itar ias","ta je","Ġdesarrol la","Ġm ág","Ġne gra","Ġpun tu","Ġlleg ue","201 7","Ġtrans misión","s ic","Ġa é","Ġexpecta tivas","Ġla v","Ġco pia","ĠF a","T ra","ĠA lex","Ġaf ron","Ġacuer dos","in er","Ġhistór ica","ĠDis eño","ĠR ub","Ġalterna tivas","Ġcontinu a","Ġhermos a","um bre","Ġcuer pos","l ón","Ġgust ado","Ġcober tura","Ġcons ist","Ġin cu","Ġh omb","Ġpropor cionar","ĠAt l","ĠL es","ĠR oma","O C","ĠS im","Ġdoc entes","H e","m erÃŃa","4 4","Ġpre para","Ġcrist al","Ġprofun do","Ġoc ci","ĠL ima","ent imiento","Ġad ver","Ġata ques","l ia","Ġins cripción","AL ES","ĠJ im","Ġm oles","Ġprofun didad","ĠPúbl ico","Ġvir us","Ġemerg encia","Ġir re","in d","ĠInvesti gación","Ġno tas","Ġto ca","Ġleg isla","Ġjug ue","Ġf ues","entar ia","Ġmunicip ales","Ġac triz","Ġreco p","ol ut","Ġtendr ÃŃa","dad or","Ġre ti","Est os","à ¨","Ġcár cel","ar ro","g ando","Ġin quie","ĠS eb","Ġses iones","Ġenfr entar","Ġser ia","Ġfis c","er tos","vo z","Ġconoci dos","Ġri val","Ġactu alización","Ġlegisl ación","Ġg oles","ĠH ace","Ġ3 7","Ġcons igue","Ġsu g","Ġapor tar","ĠEn erg","Ġd ra","Ġprove edores","Ġrecom ienda","an s","Ġac a","f os","F in","Ġinter cambio","Ġ5 5","t z","ĠÃģl var","n y","Ġqu itar","Ġale mán","ĠZ aragoza","ĠE du","Ġre in","Ġp ac","Ġpien sa","Ġj ud","Ġ200 3","ó st","Ġdeb ÃŃa","tor ÃŃa","Ġsin g","Ġt ol","ĠAr ch","Ġv ÃŃas","Ġcomplic ado","Ġmon tón","Ġp las","Ġgaran tiz","ĠP adre","H ab","Ġguar dar","end ario","ó lica","Ġconstitu ye","h ÃŃ","a ños","Ġ ?","ĠB or","Ġdetermin ado","ĠMon te","Ġre tras","Ġlec tores","Ġfigu ras","Ġserv idor","Ġdi vis","Ġfinanci ero","olut amente","m ática","Ġllev ará","As imismo","Ġbas ada","Ġexten sión","Ġd aba","er ra","Ġcont ó","Ġcon m","Ġsig los","Ġan iversario","ĠMuch as","Ġposi ciones","Ġprotagon istas","Ġm ando","Ġapoy ar","Ġciudad anÃŃa","Ġcá maras","Ġinde pendencia","Ġpu ente","ic ano","0 6","Ġes cu","Ġsac ri","fic amente","0 8","Ġcre ma","ĠV i","Ġdi jeron","Ġextran jero","Ġdifer enci","ĠAlgun os","Ġpas eo","Ġrev olución","ul ada","Ġsatisf acción","Ġun if","Ġcompar ación","i ario","Ġorgan ismos","Ġg ris","st o","ic ana","Ġpier nas","Ġg rados","ór ico","Ġtom ando","ĠP el","ĠA cu","Ġmar ido","Ġdig itales","Ġsigu iendo","ĠG ómez","' .","ĠAg encia","Ġdi pl","em ent","ÃŃcul a","Ġve ge","f ru","idu os","Ġab und","um e","Ġacon se","Ġcoloc ar","Ġrecom iendo","Ġreconoci do","Ġnorm almente","Ġsac erdo","Ġchoc ola","Ġr ico","Ġamena za","Ġa mp","Ġtom ó","Ġdes h","Ġre per","iforn ia","Ġabog ado","j ó","ĠEcu ador","b it","Ġrecon oce","v ie","ĠGran ada","Ġcom edor","ĠW ill","Ġesp iri","ĠS U","0 9","Ġinv itados","Ġle tra","0 7","Ġinform es","Ġpubl ici","Ġdel itos","Ġtej ido","Ġmodific ar","ĠM ario","Ġcomo didad","ĠCar men","ĠMe jor","Ġolvid ar","ug ÃŃa","Ġro ck","Ġcambi ado","Ġtrans por","Ġinter no","ĠHern ández","âĢĻ .","Ġdiagn óstico","Ġti ro","Ġvit am","ĠIn s","ier es","i gual","Ġt ap","Ġpod éis","ti ble","G u","Ġten sión","v ez","ĠPrim era","ĠM ol","Ġrelacion ado","L uego","Ġfil osofÃŃa","Ġarti fici","ĠF ar","ve la","ĠAlej andro","ĠR iv","Ġar ma","Ġenl aces","Ġmar gen","Ġentren ador","ios as","ĠB r","ĠA S","Ġmor ir","Ġintelig ente","Ġc itas","Ġform ado","Ġâ ĨĴ","c án","g na","Ġtra er","Ġe mail","Ġextre mo","Ġf estival","u tas","Ġo x","go tá","ril la","ril lo","Ġmoder na","Ġimp uesto","or ld","s s","Ġaum enta","grá fica","ĠAn ti","la terra","Ġapar te","Ġl ad","Ġrealiz ando","Ġbrin dar","Ġvis ual","all er","Ġro dil","Ġexpres ó","am as","l le","Ġrespec tivamente","Ġas pir","T OR","4 9","ter ÃŃas","v ido","Ġres tos","pañ as","ĠN ación","Ġcri tic","me j","m ica","Ġperiodi stas","Ġcas tel","Ġrealiz adas","Ġv ÃŃn","Ġcomb ina","hu a","Ġcam bia","ci eron","Ġmen ú","Ġdepor tivo","Ġárbol es","Ġat ribu","Ġn ación","ĠMujer es","ĠI P","ĠPres iden","ĠNic ol","Ġin just","Ġregres o","Al gun","Ġl ongitud","ĠCon tra","ar as","@@ @@","Ġconduc tor","endi do","Ġman eras","Ġser ies","qu ilidad","ĠFo to","ĠP alacio","Ġaprob ación","Ġemp u","uc a","Ġe ficiente","ĠD ip","ĠT an","Ġcapaci dades","enda ciones","ĠC r","o ca","Ġcont amos","ĠW ar","ĠA f","Ġrecomend able","Ġma tem","cin as","n al","Ġalum no","Ġmá quinas","Ġign or","to p","Ġre pos","Ġla ment","Ġexplo tación","Ġencontrar ás","Ġdi entes","Ġv id","i des","Ġdependi endo","U D","Ġmon itor","Ġaudi encia","b es","o d","Ġextran jeros","ĠG ob","ĠB ra","iz an","I R","Ġdisc rim","Ġexp los","in cu","Ġpublic ar","ĠBoliv ia","Ġbras ile","Ġin com","Ġinteres ados","Ġdi aria","ĠPor tu","Ġinstrum ento","Ġcer em","ec o","Ġinici ó","Ġpare des","Ġp uls","ing ü","st rucción","ĠL OS","Ġs orte","Ġrev olucion","à ļ","Ġa den","ĠE se","Ġfinanci eros","in io","tus ias","Ġpens ado","Ġestad io","ĠDe por","U no","Ġ6 5","Ġquier as","Ġoblig aciones","Ġpre venir","un as","Ġreflex ión","Ġl isto","Ġa qui","Ġacab ado","Ġ om","Ġpublic ada","Ġmedi cina","Ġfinanci ación","Ġpo bres","Ġe cu","ĠK a","TI V","Ġplan e","i ter","Ġpar o","Ġequiv oc","Ġponer se","Ġbo tel","Ġm ód","ĠT es","Ġconserv ación","Ġautor ización","Ġas untos","ĠIn de","Ġma qu","ĠU E","Ġav ión","Ġna v","Ġd arse","Ġespiri tual","olu ciones","Ġcircu ito","ic ar","Ġpien so","Ġrefer ente","Ġcon sejo","Ġpre viamente","Ġcient ÃŃfico","g ip","Ġdoc ente","Ġnumeros as","Ġv ital","m ana","Ġma tar","ĠTo das","Ġra ÃŃz","Ġintens idad","Ġdi gn","Ġtom ado","Ġre tra","Ġcorrec tamente","ĠCam p","Ġdivers idad","A d","Ġles iones","hat s","Ġdif usión","Ġahor ro","Est amos","Ġfe deral","Ġdedic ada","s ito","Ġdej amos","f era","ĠCas tro","Ġt h","ĠN uestro","Ġprofun da","ĠDa tos","ĠO ro","ent arios","ĠH D","Ġexclus iva","Ġdescar ga","Ġpreocu pa","di ción","Ġus ado","in an","Ġelectrón ica","Ġevi dencia","Ġasist ir","Ġh echa","in to","á rez","Ġtendr ás","idar idad","Ġcl im","Ġt able","Ġgu ard","Ġen tusias","Ġc ero","Ġcampe ón","Ġau tos","Ġpreocup ación","Ġlo ok","Ġpa gos","Ġcer rado","Ġdemos trado","ĠmÃŃn ima","Ġperten eci","ur al","S er","Ġtur no","ĠSeb asti","ĠQu é","Ġé stos","Ġproduc tores","ĠBl ack","Ġins pec","S al","Ġinf ancia","Ġpor tá","Ġv el","ri sta","Ġh ues","ĠEstudi os","all ado","ĠIndust ri","Ġh osp","ĠNe gro","Ġre cepción","Ġexclus ivamente","Ġabs olutamente","jer ÃŃa","Ġru ral","Ġinclu idos","Ġhid ra","Ġch at","ĠC las","Ġtotal idad","uri as","Ġinteres ado","tró leo","Ġfacil idad","Ġencontr ó","undar ia","x x","Ġsin c","ici as","om ba","Ġextre m","ĠPo demos","Ġluc es","ĠVir gen","Ġcu ri","Ġca tó","Ġpu de","Ġcomba te","Ġcre en","Ġindivid uales","ĠS O","Ġcomple tar","Ġne u","ist emas","Ġ3 9","Ġcomp uesto","ÃŃn ea","Ġpeti ción","Ġper ju","Ð ¸","Ġcom entar","Ġinst rucciones","Ġc ach","Ġa isl","ĠCol or","ĠD ar","Ġhac es","Ġdific ultad","ĠCon tin","graf o","ĠPo der","Ġhor no","Ġco operación","on al","Ġap as","Ġab st","ñ ado","' s","ĠEspañ ol","Ġex pon","ĠOfici al","ĠiP hone","6 5","Ġsocie dades","ĠComun icación","l ie","Ġpre mi","Ġterc ero","id al","Ġmag ia","Ġtran quilidad","Ġdeclar ó","ĠR osa","Ġejer cer","Ġdiver tido","Ġdispon ibilidad","A y","gr ad","Ġsuper iores","Ġba ños","grá fico","Ġvis u","ĠP S","N A","Ġrela to","Ġagrade cer","Ġcin ta","ĠN aciones","ĠE qui","ĠCar ta","Ġpaque te","americ anos","Ġefec tiva","ĠEs per","Ġdeber ÃŃan","ĠS oy","Ġhabl amos","Ġavan ces","Ġocur rido","Ġalmacen amiento","Ġbaj os","Ġdro gas","Ġconst ruc","Ġdis cre","me dio","ĠPro yecto","Ġestruc turas","ĠMay or","ĠFel ipe","Buen o","M I","Ġgan ador","B C","dis mo","i am","ÃŃ dos","Ġsi mb","Ġre acción","Ġmar car","Ġasist entes","Ġperten ece","Ġrece tas","Ġins u","Ġresiden cia","ĠCal ifornia","Ġco g","Ġad or","ĠMe tro","ĠAn tes","Ġcontac tar","Ġt echo","m ir","Ġs h","ú cle","u to","to ño","Ġbril lante","ter apia","Ġital iano","Ġsin dica","Ġmin ist","er t","m ala","Ġhum il","Ġproduci do","Ġh ambre","ĠRic ardo","Ġpar á","Ġrepe tir","tri cidad","Ġconflic tos","¡ ¡","ĠIn genierÃŃa","ĠC e","Ġapor ta","Est as","ĠI V","Ġluch ar","Ġvideo j","Ġcoment ó","Ġan cho","ĠP h","Ġeléctr ico","Ġintro ducir","ĠcrÃŃt icas","Ġconven io","Ġpriva cidad","Ġrique za","Ġest rés","Ġar que","Ġc ena","Ġespecial ista","ĠIng laterra","den as","Ġbar ra","ĠCul tural","ent ario","ĠCon trol","Ġafec tados","Ġayud an","Ġex cepción","ri tos","Ġtranquil o","Ġcam pañas","c ambi","Ġtrad u","Ġtra e","Ġantigu os","ĠB ern","Ġimp orte","Ġdi as","Ġme te","Ġencar gado","Ġexam en","t ÃŃas","Ġtempor al","Ġmé dica","ash ington","F ue","Ġllev aba","Ġten ia","ĠV an","ĠC el","Ġju ris","Ġexist entes","Ġestar ÃŃa","ig h","Ġfron tera","0 4","ĠReg istro","r ones","Ġextra ño","tiv e","Ġreco ger","Ġpla yas","Ġmecan ismos","Ġper j","én d","ĠB re","Ġa er","Ġdes gra","ĠEE UU","ĠU sted","Ġcuar ta","Ġex ceso","ĠMic rosoft","Ġdirector a","ĠEdu ardo","den es","cios o","Ġmon um","G A","Ġan aliz","Ġpermi tido","Ġtri ste","erg io","Ġil usión","Ġmul titud","ĠForm ación","Ġelectrón icos","Ġconvers ación","Ġru ido","Ġh ÃŃ","Ġproduc en","Ġautom óvil","Ġdeci de","ier te","Ġre ma","ĠW al","Ġocu par","ĠT ener","Ġcu mp","ÃŃcul as","Ġadi cionales","Ġca u","ĠBo gotá","Ġf um","8 8","ĠD ra","Ġconduc ta","Ġ200 2","Ġajust e","ĠE mple","V er","Ġplata formas","Ġsal udo","Ġpl en","Ġl á","Ġhier ro","ĠC ómo","I CI","Ġ <","st ica","Ġtrabaj ador","Ġeduca tiva","Ġunivers idades","Ġau xil","Ġpendi ente","Ġcan tidades","g in","ĠDomin go","ĠQ uer","Ġcomun icaciones","tam en","tar án","Ġcuidad os","Ġes encia","it ores","f un","Ġbar co","Ġchocola te","tr ÃŃa","man es","Ġnar ra","ur ar","Ġg ay","Ġedi torial","tra ción","Ġmone da","Ġesper an","j ada","ĠMe xic","b or","Ġton el","Ġ200 1","Ġdistin to","Ġmas co","Ġi ban","Ġescri tura","Ġencab ez","ĠS ud","C U","ĠIn dia","Ġtempera turas","P ubl","vi de","Ġregist rado","Ġoscu ro","Ġatrac tivo","Ġdormitor ios","ĠL an","Ġcam inos","Ġflu jo","ĠSoci ales","ue ble","ĠHa cienda","gles ias","Ġsalud able","Ġmanif ies","ma to","Ġhermos o","u an","sta gram","ĠS tar","Ġha z","Ġmaes tros","Ġven ido","201 6","Ġcla ves","Ġinst ante","ra te","ĠAm biente","tion al","Ġampl iar","ĠEs a","ĠD ic","Ġrom per","Ġprofes ión","Ġest ric","Ġsal en","a der","Ġrelo j","ĠB il","ĠUn idas","Ġprivi leg","orm es","ĠSan tos","Ġnave gación","Ġposi tiva","Ġc en","Ġsus p","m is","ĠIncl uso","Ġv uestra","Ġcal endario","é tr","l ico","ĠAr t","d f","Ġdi visión","Ġcu áles","Ġint enta","Ġesté tica","Ġcrea tividad","ĠI r","i tivo","ĠNa tural","Ġl lan","Ġab ur","M S","Ġlle vo","Ġpais aje","ĠV ia","S ÃŃ","Ġmol ino","fici o","ven il","b ro","ec as","par te","Ġen tiende","ón imo","Ġrecuer dos","ĠProvin cial","Ġfabric ante","Ġcons ciente","m n","Ġcertific ado","Ġbos que","Ġór ganos","ĠP R","Ġsomb ra","Ġmanifes tó","Ġsec und","Ġrecom endaciones","Ġurb ano","Ġag ente","ĠPe ña","Ġavis o","Ġinstitu cional","Ġb e","Ġencuent ros","Ġesper aba","Ġdisc usión","Ġcu yos","Ġbás ico","Ġve ter","Ġun ión","ER S","tan der","ac u","201 5","di as","Ġinmedia ta","Ġbal ance","Ġcon trar","Ġa genda","- .","4 2","Ġres iduos","Ġán imo","Ġpod amos","ĠA do","ĠL en","raz go","Ġde je","Ġpa p","Ġmostr ó","s h","Ġest abilidad","Ġpro ven","Ġconcl uy","Ġdim ensiones","ĠRey es","Ġgra cia","Ġc ien","Ġen rique","ĠR io","ĠT emp","Ġar mon","Ġdocument al","Ġimple mentación","Ġpo esÃŃa","Ġr enta","Ġcam inar","Ġfin alizar","Ġeurope o","Ġred ac","ĠS ierra","Ġres umen","c ando","Ġper dió","ĠF ondo","Ġpilo to","Ġbaj as","Ġpasaj eros","Ġquier an","I Z","Ġj er","e ma","ĠDef ensa","ĠI ma","Ġre bel","Ġas igna","Ġay udas","Ġpu ra","ĠC ine","Ġigu almente","Ġdesemp eñ","tor iales","6 6","Ġla bios","Ġten dremos","ĠL le","hibi ción","a unque","Ġins ul","Ġabsolu to","Ġa gar","Ġcu ero","Ġesc la","Ġre cep","ĠDig ital","Ġunivers al","C a","Ġtrim estre","Ġin ex","Ġtraduc ción","Ġpol ém","Ġban das","Ġinicia tivas","Ġmodi ficación","ip s","ĠEst oy","A quÃŃ","Ġru tas","ut ados","titu des","ĠF un","ĠN ie","rib uye","Ġdes as","Ġrelig ión","il io","T RA","Ġrue da","Ġcient ÃŃfica","ĠMay o","ĠCas tel","Ġcircul ación","Ġcontra tación","Ġli der","Ġnaveg ador","n ing","Ġh ue","Ġir reg","c ara","me dia","Ġgust e","Ġins ist","Ġse mej","Ġmu rió","ĠH or","ĠÃŃn dice","Ġcoord in","Ġa ust","Se gu","Ġconven iente","Ġlimp iar","Ġincre ment","Ġagre gar","G U","Ġexper to","e da","ient a","Ġneces itamos","ĠPla y","ĠP ág","cu b","Ġorganiz ar","er ación","Ġsitu ada","ĠH ombre","Ġna cido","Ġciudad ano","Con s","Ġorient ación","Ġpod ÃŃan","Ġrom án","Ġexpres a","ib il","Ġte la","ab as","Ġesta tu","ĠReg ional","ĠB u","Ġcuan tos","AD A","r eros","Ġsal ido","Ġdis capacidad","ÃŃt ico","Ġefica cia","ĠNicol ás","ist ar","an tiles","Ġus an","Ġdem uestra","Ġcompos ición","Ġdesemp eño","Ġperm iso","Ġver tic","Ġpriv adas","ĠCar ibe","Ġde pos","Ġjue ga","Ġmuch ÃŃsimo","Ġhab lan","Ġcoord inación","u era","ta ña","ĠAm eric","Ġfil m","Ġm ister","habil itación","Ġprima vera","Ġcic l","ĠAutón oma","uer zo","Ġmill ón","Ġeurope os","Ġtrans mitir","Ġ4 2","Ġl ados","H asta","ĠBlan co","ĠCh ar","Ġimprescindi ble","Ġilum inación","Ġn úcle","Ġin genier","Ġadap tación","Ġ !","Ġindividu os","ĠEst amos","B o","Ġal f","Ġconstitu cional","Ġapre ci","Ġsal var",", ...","Ġdo ce","mart ph","Ġespec ÃŃfico","\" :","Ġfues e","Ġcrédi tos","Ġcari ño","Ð ½","Ġpier de","Ġes cul","Ġinst ancia","Ġplan tilla","Ġpens amientos","Ġrecor rer","en z","Ġd amos","ate mala","Ġrequier en","ci pe","Ġm adres","Ġconec tar","Ġcomp ens","ós itos","il as","ĠH an","ĠP OR","cor d","ues tras","Ġapro bado","Ġespeci alizada","Ġlimp io","Ġacondi cionado","Ġavan zar","Ġmar ch","ĠO tros","Ġó pti","Ġjorn adas","ĠOfici na","Ġjug ando","ĠĠ ĠĠ","Ġgaranti za","Ġve inte","M O","B I","Ġho ja","âĢ¦ )","Ġej ército","Ġcub ierta","uen a","ĠBuen o","Ġ6 00","Ġutil idad","Ġdue ño","s ula","Ġacep ta","ÃŃ g","Ġn aran","Ġtu ristas","ér ico","um b","Ġabsolu ta","te cas","aliz aciones","Ġbeb idas","P a","Ġ óp","Ġg re","Ġinform ado","ust o","is po","Ġpa tio","Ġcal ent","Ġdis cos","Ġindividu o","ĠDi ario","Ġcatá logo","ĠD I","ĠjurÃŃ dica","Ġpe tróleo","Ġpon iendo","0 2","N O","j ando","ĠN et","ĠRam ón","P U","ĠA lic","t le","ĠSan t","Ġbas a","Ġman tienen","Ġsob res","ce mos","Ġar gentina","A ctu","Ġre ún","Ġcolor ear","7 7","Ġconside ran","Ġimpresion ante","Ġest ima","Ġal iv","Ġb l","Ġban car","Ġcan s","ĠK ar","Ġrespon de","Ġlleg ando","Ġvic epres","Ġli qu","ÃŃ ficamente","ĠCan arias","Ġutiliz ados","Ġmod alidad","Ġmater ias","ĠW ashington","E mp","men es","ús ica","Ġaso ciaciones","E A","Ġf ri","Ġenem igo","Ġpres erv","Ġins er","ĠE X","Ġj ub","Ġde partam","Ġesper amos",". âĢĶ","tar ias","Ġconform idad","Ġin mobil","ĠEx per","Ġcriter io","Ġrepresent an","Ġllam ó","ĠPa pa","Ġg imnas","0 3","ti po","Ġgestion ar","Ġcumple años","Ġsin dic","Ġà ĵ","ĠReg lamento","Ġesc as","AR T","ĠTo da","Ġtra tando","Ġex c","Ġfra g","Ġasum ir",". »","tr ices","ĠIn stagram","Ġreci entes","ici oso","] .","Ġexcel entes","Ġcontribu ir","Ġfabric antes","i ti","Ġcul tivo","ĠFiscal ÃŃa","ĠMur cia","Ġqu eso","ĠC U","Ġindic ado","Ġr osa","ho p","Ġran go","Ġmoder n","ac ha","Ġrealiz ados","le to","Ġno c","ist os","O b","Ġbon ita","ĠV as","ER O","Ġam able","Ġtermin ado","ĠAl lÃŃ","Ġadj ud","Ġpresiden ta","g ulo","Ġn ucle","C ol","Ġmad ru","Ġanunci ado","Ġcapaci tación","Ġcor tes","Ġdepor tes","ĠX IX","ĠMer cado","Ġelec tro","ĠMe dia","Ġqued arse","Ġc es","Ġpropie tario","Ġv uelos","ĠPan amá","Ġh ol","Ġpar lam","Ġmexic ana","Ġemp ie","Ġlan zar","Ġpa ta","Ġ ÃŃ","Ġfamos a","Ġdistin gu","ĠB on","Ġcompeti ción","ĠCan adá","Ġdé bil","Ġpor tu","ĠQu iz","Ġdestac ado","Ġmet ál","Ġcaracter ÃŃstica","Ar tÃŃculo","Ġimp e","S ab","ci tos","an al","Ġlabora torio","Ġmov ilidad","Ġiden tificación","ĠS ergio","An tes","ĠB ien","Ġman ga","b ir","Ġreserv as","Ġsu av","Ġpróx imas","Ġsosten ible","ĠBlan ca","Ġc aj","Ġde dos","g ran","ĠAu to","Ġ12 0","Ġb ille","8 5","Ġc eb","O tro","ari ales","Ġór gano","ĠC A","Ġpu ro","pu tación","abe tes","Ñ Ĥ","Ġse t","ba o","Ġalum inio","ĠU l","ĠV ar","Ġsuje tos","Ġabog ados","Ġpo bla","Ġcon ducir","Ġmo dos","Ġdiput ado","Ġglo b","ÃŃc ola","Ġvo ces","ã ģ","ĠR ica","Ġsu mar","Much as","Ġhubi ese","di rec","ĠSegun da","Ġem baj","Ġb ron","Ġfortal ecer","Ġrue das","Ġba ilar","ĠB iblio","Ġab rió","it adas","ĠC N","ĠC uer","v ol","Ġmam á","Ġprodu jo","Ġcomp et","Ġexpan sión","Ġcor reg","Ġ25 0","Ġcul p","Ġtre inta","Ġpriv ados","6 4","Ġal ber","Ġperman ecer","gar se","Ġdich as","i adas","Ġhábi tos","Ġcompr ensión","ĠPar lamento","Ġespañol as","Ġda to","Ġindustri ales","Ġcol a","Ġseñ ora","N uestro","iz adas","Ġconstante mente","Ġf eria","Ġmus icales","D i","Ġneces itar","Ġv uestro","Ġa ter","Ġexig e","Ġf icción","Ġdel incu","ĠSem ana","Ġh arán","Ġfuncion ario","de a","Ġmag ist","Ġen tiendo","Ġpro pa","fon so","ĠAl im","ĠB ea","Ġañ ade","So bre",", ,","Ġreemp la","ĠN osotros","Ġvig or","ĠG lo","Ġbás ica","ĠdifÃŃ ciles","ĠUsu ario","ĠTen go","T u","Ġevalu ar","Ġdel ic","Ġdes l","am ar","ern am","Ġcampe onato","M E","Ġselec cionar","Ġlo go","Ġre tos","Ġpol ic","ĠAca demia","Ġsent imiento","Ġacudi r","Ġno table","ĠÃģ frica","Ġproduc tor","Ġeta pas","Ġdeten ido","Ġconsum idor","ĠProvin cia","om ina","Ġseñ ales","Ġqued aron","Ġcomba tir","ĠEmpres a","ĠclÃŃn ica","Ġca fe","gu é","tran s","Ġgenera ciones","n ado","T OS","Ġemb ar","Ġvir tud","Ġdese os","Ġnoc tur","Ġm ach","Ġpubl icaciones","Ġ it","c olo","Ġdibu jo","f it","Ġha ci","Ġen de","ĠAust ral","ĠTor res","ĠRos ario","Ġenem igos","Ġdepor tiva","te la","w ard","ion a","Ġcerc ana","ĠMar tin","ó cra","Ġmal os","ĠAr tÃŃculo","Ġju ventud","t inas","Ġt asas","te mp","Ġver lo","Ġcontr ad","Ġdist rito","ú p","R AN","Ġestu vieron","Ġteléf onos","Ġap orte","udi o","Ġt orm","C re","Ġt ruc","es as","Ġfi el","Ġinter cambi","Ġdes f","Ġbra zo","Ġnie ve","Ġven de","Ġdirig entes","Ġmaravillos o","ĠTen emos","Ġtonel adas","Ġconf un","Ġregal os","ĠR ico","Ġfal lo","Ġal tamente","Ġdes cripción","l ga","Ġadquis ición","g ia","ĠS r","... )","Ġ[ ...]","Ġpres tación","ĠRob erto","Ġse cu","Ġcons entimiento","Ġmejor as","Ġespec ÃŃficos","p lan","Ġcar ro","Ġidi omas","tr ada","Ġconcl usión","Ġdestac an","d icación","tar lo","ri z","Ġhuev os","Ġb eso","Ġpo deres","ĠP i","4 3","Ġsub s","a qu","Ġprob abilidad","Ġeurope a","P D","Ġcuad ros","Ġmecan ismo","Ġcar tel","Ġmane jar","Ġfru tas","Ġdes pues","Ġmues tras","pol it","Ġperió dico","e de","Ġad vers","Ġba ñ","Ġhtt ps","Ġenseñ ar","Ġcre ando","Ġcuid ar","Ġes quina","ual quier","en dar","Ġpot ente","Ġconoc en","ĠlÃŃqu ido","Ġpie dras","Ġlóg ica","Ġmonta je","ox id","Ġpermit an","Ġpreci sión","em b","Ġan tic","Ġtra tado","Ġbara to","Ġhor arios","Ġasoci ados","Ġcomput adora","ĠA v","ita t","Ġimag inar","ĠCo ord","ens es","Ġfu tu","ti to","ám ico","Ġn ace","ĠEduc a","Ġa val","Ġconsigu ió","Ġimp ro","Ġx D","ĠE v","Ġinf o","Ġcómo da","tad ura","crip ciones","udi ciales","Ġprovin cial","ĠSebasti án","Ġdec ora","Ġgrá fico","Ġs at","Ġque m","Ġas al","Ġor al","ĠCur so","Ġpropie tarios","Ġpubl ica","Ġsa ga","or ro","6 8"," ·","Ġde terior","Ġac á","b ie","Ġde le","Ġmir ando","ĠJ orn","Ġsu yo","b ús","Ġfórm ula","Ġacadém ico","ĠS ar","Ġreg la","Ġmos tra","Ġr onda","Ġfran cesa","O tra","aj aja","Ġdin ámica","Ġdiv ul","âĢ¦ âĢ¦","ĠAu tor","Ġacep tación","ĠA ragón","Ġpro hib","Ġap unta","Ġc ÃŃr","ĠEs pa","Ġmus eo","Ġen se","Ġrepro duc","gen o","er amente","Ġconci ertos","ala x","Ġmar i","Ġver des","Ġver se","ánd onos","ĠPa ul","ĠGu atemala","ĠM A","O s","ĠGal icia","Ġlimp ia","Ġpro voca","Ġpermi tió","Ġahor rar","ĠGob ern","Ġpendi entes","Ġigu ales","Ġreform as","un cios","Ġrevis ar","Ġin n","t inos","Ġprovin cias","Ġvac ÃŃo","Ġfuer an","Ġdiput ados","Ġautom áticamente","Ġderro ta","Ġbas ura","Ġaut omo","bo x","Ġanti cip","Ġmem or","Ġcrim en","Ġfan s","l ados","Ġinv ita","Ġade lga","ific ada","Ġminer ales","Ġtrans ferencia","r ÃŃan","tu be","ĠD ol","M uy","én ez","te d","Ġver emos","Ġexclus ivo","Ġprim aria","Ġpudi eron","Ġpon emos","úm ero","Ġnov io","Ġporta voz","ĠOn line","Ġre iv","Ġsatisf acer","av o","ĠV ida","Ġcre ciente","ĠEs pero","ol la","Ġso ci","v ias","ĠS ue","Ġpro lon","Ġd ucha","Ġg ub","ú rg","ER A","Ġob tuvo","Ġapar iencia","Ġbor de","Ġviv iendo","D el","ti fica","di ciones","Ġfru to","Ġobserv a","Ġejecu tivo","Ġfáb rica","Ġestable cimientos","Ġcos tes","Ġl istas","ĠEj ército","Ġren unci","Ġmexic anos","ĠindÃŃgen as","ĠF eria","g es","er ÃŃas","Ġsol idaridad","Ġest ilos","dad as","ĠO f","T S","Ġcir ugÃŃa","w ood","Ġh éro","Ġplan ificación","T V","til idad","Ġcontin ú","Ġda ñ","al la","Ġcul o","ĠQ UE","Ġfuncion ar","ĠN unca","Ġin oc","quilla je","Ġform al","Ġcent en","re y","ÃŃ ces","Ġrecomend amos","ĠFin anci","Ġesta ciones","Ġemo cion","Ġincu mpl","ĠCrist ina","Ġtra ma","Ñ Ģ","en co","Ġreg lam","Ġinform ar","Ġf ach","Ġca yó","Ġseñal ado","Ġdisposi ciones","Ġdescu entos","ĠP RI","Ġ ï","Ġfemen ino","Ġde tener","Ġdistin ta","tr ina","Ġbol as","ĠCu enta","C reo","c ómo","Ġex tin","ĠS y","4 1","Ġoblig ado","Ġacci dentes","Ġ4 7","6 7","Ġescrib e","Ġú tiles","Ġdiscipl ina","a k","Ġam antes","Ġmu ñ","w ay","Ġcor on","ĠAst urias","Ġllam an","Ġcompro b","Ġan ci","Ġexplic ación","iller mo","Fin almente","Ġlide razgo","Ġen tero","Ġbal ón","Ġrecib en","cis mo","Ġsal as","Ġdeb ut","Ġcolum na","ĠMor ales","ĠActu almente","pe ta","Ġvigil ancia","ĠEurope o","Ġdeb o","Ġañad ió","Ġdecre to","Ġh ig","ĠVic ente","Ġpro bado","ĠJ ack","is e","AR IO","Ġtrabaj ado","ĠDe portes","Ġarro z","Ġrum bo","an c","Ġsir ven","Ġbás icas","Ġtera p","Ġauton omÃŃa","ib lia","ĠCh rist","Ġo lor","Ġa ci","ul aciones","Ġre iter","Ġco opera","Ġestadouniden ses","Ġ4 3","ec on","Ġtrans cur","ient al","r adores","Ġpre dic","Ġpre de","ĠIn terior","Ġban dera","Ġimag inación","Ġcuad rados","Ġescen arios","Ġ 01","Ġmaqu inaria","Ġmanif esta","Ġt os","Ġcerv eza","Ġsú per","cri tos","Ġcerem onia","Ġinten so","Ġcon o","Ġle j","ĠAm or","Ġapara to","Ġintegr ado","Ġpar ar","Ġmen cionar","Ġfib ra","ĠL E","Ġadolesc ente","Ġhabl ó","Ġcap tur","Ġprést amo","Ġra za","Ġhab ilidad","Ġexist ir","Ġmedi ados","ĠMuch os","Ġv inos","Ġasesina to","Ġor d","Qu ién","Ġsuf rido","Ġprev ent","ĠRec uer","tu ario","Ġesc enas","ón icas","ing s","ĠPortu gal","k in","ab o","Ġmedi r","ĠAma zon","ĠH en","Ġsign ific","Ġrespon dió","B L","Ġh ilo","Ġcam pes","Ġ: )","Ġb endi","Ġparticipar on","Ġfi ja","ĠLe on","h ab","ÃŃ metros","Ġr ica","ĠEsp ÃŃritu","Ġcomenz aron","Ġve ÃŃa","ire mos","Ġeduca tivos","ap p","w ork","Ġo ÃŃdo","Ġvalor ación","ine te","Ġdes eas","Ġsust ancias","Ġbicicle ta","Ġdo y","Ġcom is","ĠW il","ĠD om","Ġrefer encias","Ġul tra","Ġdef ine","Ġin gen","Ġsi ga","Ġquis iera","ĠCom ple","Ġobten ido","Ġfem in","Ġcontinu idad","Ġfisc ales","ĠMedi cina","Ġemo ción","Ġmes as","Ġpo eta","Ġorgul los","Ġpres taciones","ĠM ich","Ġór denes","ĠMor eno","Est oy","ch os","Ġt rist","Ġres tr","Ġún icos","ĠfÃŃs icas","Ġcivil es","ĠL una","Ñ ģ","Ġpár ra","Ġalim ento","Ġtur ÃŃstico","Ġhum edad","Ġgust os","Ġs p","Ġdra ma","óg ico","ÃŃs imas","ĠAn gel","Ġpreci so","ác tica","Ġescri ta","Ġ4 4","ĠCas tillo","ĠF on","Ġo toño","or den","ĠN orm","Ġingres ar","las h","Ġsho w","Ġtemp rano","Ġesca par","Ġt é","Ġtr án","ĠIs abel","Ġintro duci","Ġsal ario","Ġtro p","Ġsig nos","Ġmodi ficaciones","Ġmal as","Ġfavor itos","E X","ĠT im","ÃŃn as","Ġabra zo","Ġcre ada","as ión","Ġregres ar","Ġconsidera ble","EN TE","Ġag ro","Ġin yec","Ġcombust ible","ĠA tención","Ġsolu cionar","ici dio","z e","Ġro ja","ĠCon tac","f ar","Ġps ico","Ġregist ros","Ġnegoci ación","on so","ti zar","Ġpér didas","i di","ĠG uer","Ġdirig ir","Ġayud ará","g ica","Ġcolombi ano","Ġin tim","Ġpis os","Ġileg al","Ġap p","Ġcontra tar","Ġreg ulación","ĠCal le","G T","Ġdic es","tedr al","N uestra","Ġdiri ge","Ġindependi entes","Ġrel l","Ġbien venida","Ġab ri","ĠA ño","Ġvol v","Ġg afas","Ġempres ario","ĠM ana","Ġre duce","ĠjurÃŃ dico","Ġins piración","Ġlevan tar","Ġfom entar","Ġepiso dio","Ġes enciales","Ġqu iso","Ġc ajas","Ġter ren","ter ales","Ġto p","Ġplante a","Ġdefini tivamente","m ol","Ġ4 6","Ġalcan za","Ġele vado","ĠM ul","iemp o","T C","Ġsusp ensión","m ano","Ġes pon","Ġmar cado","Ġpanor ama","ĠIs la","Ġ9 5","Ġsu ple","Ġas omb","g én","ĠPr incip","201 4","Ġinvesti gar","ÃŃ v","Ġmad ri","P O","Ġdepen dencia","ent amente","id ado","Ġespec ÃŃfica","Ġafi cionados","Ġaconte cimientos","in arios","Ġelim inación","Ġo dio","uch o","Ġmo tores","r ico","ĠCap ital","ta b","Ġ4 9","Ġcom idas","Ġsufici entes","Ġans iedad","Ġpag ina","Ġatra ves","Ġpro cl","Ġdescub ierto","f or","je je","Ġpreci sa","ĠProfes ional","rimon io","Ġhogar es","Ġcastel lano","Ġdis put","id ra","Ġocur rir","ĠF rente","Ġpr endas","ta ban","ĠM úsica","ĠS p","Ġrespal do","ĠSi tio","Ġde dica","Ġpa tro","Ġpudi eran","Ġespec ÃŃficas","S omos","rist o","Ġcol abora","ĠHab ana","Ġtol er","Ġa tac","ĠO p","Ġimpul so","Ġem ble","ro car","% )","Ġdev olver","Ġsent ÃŃa","Ġser ÃŃan","Ġc ria","Ġneces ito","Ġmon to","Ġco ger","ĠsÃŃmb olo","ca p","Ġreca ud","Ġestable cidos","on das","ĠEx cel","Ġespeci alizado","Ġsuminist ro","jer as","Ġcabal lo","ĠS omos","con s","Ġn omin","Ġejec ut","c r","Ġr icos","ĠGu adal","Ġlist ado","Ġman d","Ġviv ido","vers ión","tro p","Ġap la","ven ido","uer ta","Ġprove edor","ĠW orld","car gar","ĠRes pon","l ig","Ġexcel encia","Ġdetermin ados","s ung","! ,","Ġacum ul","Ġclás icos","Ġor ación","Ġpo quito","uc ar","Ġr aro","Ġequival ente","Ġconoce mos","ĠP A","g i","Ġpareci ó","Ġcu entos","Ġobst á","Ġconviv encia","ĠTecn ologÃŃa","Ġme tas","Ġf es","Ġcontar á","Ġmadru gada","Ġllev aron","Ġde mon","Ġe co","Ġpa ga","Ġexcep cional","le do","Ġmin im","ue z","ĠB io","Ġfavor ito","Ġpos tura","Ġé stas","ĠN eces","m ico","Ġconstru ido","Ġindis pens","Ġpractic ar","ĠS ER","Ġyo u","ĠC in","Ġev olu","ĠUnivers itario","ĠJ ames","Ġlar gas","Ġintent ando","Ġga to","Ġb asta","m l","Ġdesc enso","Ġreco ge","Ġher idas","Ġcamis eta","An te","Ġcaus ar","ÃŃc tor","Ġba ile","Ġcontin ente","Ġguitar ra","Ġencan to","Ġrealiz aron","Ġen tien","Ġfru st","v ida","Ġrelacion ada","â Ĩ","Ġenvi ado","ren a","guar dia","ĠG ro","Ġesco g","Ġan dal","ĠAn te","Ġresul tar","Ġsol id","Ġun e","Ġla c","ĠDE S","Ġtrán sito","Ġtal la","Ġt ribunal","Ġap o","c m","Ġs martph","Ġre ino","Ġconf es","l im","ĠLib ro","Ġpres tar","ĠO ctubre","Ġsufici entemente","ĠLi bre","ĠG ust","Ġhab ido","Ġgr ues","Ġdelan tero","Ġirreg ular","ĠGuar dia","Ġexpres ar","B us","a ta","F OR","Ġcaracter iza","Ġconf irmó","Ġfres co","Ġsal sa"," ±","Ġfas cin","Ġna ciones","Ġcontam inación","201 3","Ġelec tor","ha el","Ġcu ota","B ar","Ġcab all","Ġrepro ducción","lan tes","Ġtras lado","Ġamena zas","Ġtranquil a","da je","Ġs illa","gen a","Ġest amp","Ġimpuls ar","ĠF oro","Ġest ando","Ġpar t","Ġincl usión","Ġge ográ","Ġmon o","ĠD en","óm icas","AD OR","Ġve a","ĠAl ta","Ġ 00","Ġesp i","um er","Ġin tu","á us","Ġcar tera","Ġllev ando","Ġconte mpl","Ġpas ta","eci endo","Ġcon gel","ĠT ro","ĠC iencia","Ġdej aron","ĠAdminist ra","ĠMar keting","Ġg eo","Ġva g","Ġtarif a","Ġh ec","Ġagu an","Ġhu éspe","Q uer","Ġexplic ado","ĠSen ado","con es","in ó","Ġinm un","Ġdest inos","ĠPro p","ĠH i","ándo la","Ġbrin da","Ġtranspar encia","Ġre ina","óg ica","Ġse co","Ġca e","Ġpl aca","ĠAlic ante","ĠAs ia","Ġoc ta","ĠSan tander","Ġapar eció","Ġsur ge","Ġb en","A m","Ġa mo","Ġtra mo","Ġlar gos","Ġpolic ÃŃas","Ġa ves","Ġre baj","ÃŃn cipe","Ġceleb rará","Ġkil os","Ġ199 9","Ġsent irse","Ġdispon er","in c","Ġb y","es os","Ġdesp ren","Ġfo tó","ĠOs car","Ġelec tricidad","ĠAl to","Ġpin tar","ĠDist rito","ĠEmpres as","de lo","ur s","te ga","Ġañad ido","gar on","Ġelabor ado","Ġf este","Ġdi abetes","a ger","Ġabor dar","tú an","ién dose","ol i","Ġllam ados","e jo","Ġh all","Ġfel ices","Ġol vi","Ġrelev ante","d ÃŃan","ĠI S","Ġsel lo","tu mbre","Ġcorpor al","ur sos","Ġpodr ÃŃamos","co p","9 8","ifica ciones","ÃŃ menes","Ġperson almente","Ġrepu bl","ĠC alidad","Ġminer al","Ġn º","Ġt onos","Ġt in","Ġofre ciendo","ĠN A","Ġvie ja","iz ando","Ġest reno","Ġgaran tÃŃas","Ġcon ducción","Ġpar ada","Ġfracas o","Ġex cur","gna cio","Ġgust ó","C ON","S oy","Ġdisfru ta","Ġrenov ación","Ġvuel tas","Ġportá til","Ġech ar","u ido","ĠHum an","Ġrecha zo","Ġasesor amiento","Ġar co","Ġcre ciendo","Ġbiblio teca","ĠL AS","Ġrev istas","F i","ĠS port","ĠT ab","in cl","Ġma quillaje","ĠC ity","ám enes","Ġcan cha","tán ea","di gos","Ġb omba","á vez","Ġámbi tos","ĠG ir","z can","ĠReg ión","Ġveci no","cl ar","ier tas","Ġhistór icos","Ġcrist ianos","ĠAc ción","iz ó","ĠO tra","gan cia","Ġcre ó","Ġcompe tir","ĠL ea","uy endo","Ġtor re","Ġale j","Ġejecu tar","ĠS ta","Ġcomple mentar","Ġof ens","C as","Ġpro greso","Ġ8 5","Ġprecios o","Ġimpor tar","Ġ4 1","ÃŃs o","en za","Ġparticular mente","ce des","Ġmas aje","ĠRu iz","Ġseñal ar","Ġgal ard","us as","ĠHer man","ĠON U","Ġfar mac","Ġpr ó",".... ....","Ġvesti dos","di ales","Ġsol dados","Ġpes ca","ĠNav arra","Ġl una","Ġprovoc ar","eci miento","ĠSecre tario","Ġinfl ación","Ġsi go","Ġpatro cin","é ramos","Ġterri ble","E E","Ġdormitor io","ĠGu illermo","Ġad h","Ġsal to","ĠMar co","Ġin cent","z ones","Ġsub si","ac ciones","ĠI de","ĠApren de","Ġreci n","G B","Ġconsul tas","Ġá cido","ĠRa úl","EN CIA","ĠC H","ĠNov iembre","ita ble","Ġfac tura","po t","Ġafron tar","Ġfu imos","ĠcrÃŃt ico","F A","Ġdipl om","Ġdign idad","Ġorganiz ada","Ġesco ger","ĠR ol","ĠRev olución","ĠDis pon","ĠN or","Ġargu mento","Ġrefle ja","Ġhaber se","Ġincorpor ación","Ġsem illas","ĠPr omo","ĠU til","g nos","ĠEx tre","ĠG en","Ġcuri oso","ĠV o","Ġdetec tar","Ġpar ad","Ġgub ernam","ĠMad uro","l l","Ġv illa","Ġcurios idad","terrán eo","fici t","Ġserv idores","Ġhab ia","ĠJ ur","Ġba u","S I","tific ado","B O","ÃŃt icas","C or","Ġper segu","Ġtu vimos","Ġabandon ar","Ġimp re","Ġles ión","Ġem isión","Ġà į","Ġra ÃŃces","ĠLoc al","Ġlan zó","Ġlig a","a torio","Ġaut oma","Ġsepar ación","Ġnega tiva","Ġpon go","Ġ8 00","Ġcomp ara","ros a","Ġafec tar","Ġproduc tividad","ic ul","val uación","bi mos","Ġfirm ado","Ġdenomin ado","Ġm ÃŃo","ĠAl fonso","C N","ĠZ ona","Ten go","Ġmanifesta ciones","ĠU R","Ġcolec tiva","v ada","Ġsos tuvo","Ġprofun di","ĠW i","Ġsuf rió","ĠAl onso","Ġtera pia","Ġmens ual","al ista","Ġru tina","ĠBil bao","Ġgol pes","Ġfru tos","Ġcul min","endo za","ĠAustral ia","ĠRes erv","Ġdes pre","ĠWill iam","ĠK e","Ġtem or","Ġide ales","ĠSegu ro","ci encia","ĠDiv isión","Ġfir mas","aj ara","Ġceleb rado","H emos","P os","Ġnega tivo","Ġimple ment","Ġviv imos","Ġap rue","tu re","Ġneg ros","Ġch arla","Ġcre emos","Ġprést amos","ie dades","Ġpar ro",". :","Ġar ru","Ġfr ÃŃa","Ġtermin al","it ará","ĠRe laciones","Ġcub ano","201 2","Ġofici o","el d","ĠLatino américa","ĠP ie","Ġfrecu ente","Ġo cio","Ġseguir á","Ġpelo ta","ens or","ĠRe ci","ĠMa es","L AN","ĠT res","Ġconside ración","ĠEmple o","Ġcu ándo","Ġla teral","Ġdest inado","ĠGab riel","Ten emos","Ġcatal án","on ces","Ġab on","Ġcor tar","ĠVic toria","Ġá ra","Ġver duras","rec ción","Ġd ada","Ġaudio vis","O r","Ġcarb ono","Ġavent uras","Ġh ielo","Ġin al","Ġenc uesta","ta bles","i tiva","Ġp istas","Ġa gencias","Ġdi ga","Ġman dar","Ġgan ancias","Ġf us","Ġautor a","Ġis las","Ġparticip an","Ġpolici al","Ġviv a","ier tos","Ġd uelo","Ġmu tu","Ġb uc","comun icaciones","Ġm ante","N a","ent ados","ra ba","Ġcontro les","ĠAz ul","Ġpre vis","Ġtemp lo","Ġvig encia","ora ciones","re za","Ġdetermin ada","Ġentr ó","uel ve","Ġbol sas","il an","à ¶","Ġin cur","Ġbritán ico","ĠO tro","y eron","Ġquin ce","Ġincre mentar","Ġvia jeros","Ġque do","Ġcul tiv","Ġpapel es","ut h","ĠG il","Ġexist ente","ÃŃs ica","Ġutiliz ada","T AN","ĠPen al","ĠIndust ria","о Ð","Ġorgul lo","Ġrepres entar","Ġafec tan","Ġesc án","Ġpens aba","Ġm g","Ġcos tumbre","Ġsecre tos","Ġaler ta","Ġap ell","l ero","Ġvent anas","S us","Ġparticip ado","Ġvo tar","Ġdes esper","m y","Ġhay as","Ġdes igual","Ġmon stru","Ġsens ibilidad","ĠOr g","Ġespi ritu","Ġvid rio","Ġo este","Ġdescrib e","Ġa qu","Ġno tar","T M","Ġabier tas","Ġcre di","Ġdi arios","Ġsent idos","Ġsocial ista","á z","Ġamig as","Ġescri torio","Ġenerg ética","gun a","en zo","Ġhab lado","ĠL og","F o","ĠLeg isla","Ġinmig rantes","ĠSal udos","ĠP ac","Ġconvers aciones","ol v","Ġper tin","ÃŃs imos","Ġbara tos","ad illa","Ġtarif as","Ġsec undaria","Ġch ino","Ġemple ado","Ġjue ces","Ġdest rucción","qu ero","Ġrecor dó","Ġposible mente","Ġt est","ribun ales","Ġm ier","IN A","Ġrela tos","Ġco bre","Ġ6 4","ĠL O","Ġn ub","Ġc iencias","Ġinstal ado","ĠÃģngel es","Ġlab ores","6 9","D eb","e amente","Ġli tros","B ien","T AS","Ġpel ic","Ġespeci alizados","ID A","ĠCh ávez","Ġamar illo","E so","Ġespe jo","Ġpan el","d amente","ol as","Ġten éis","ĠUS B","Ġcos tumb","Ġla go","ad rid","Ġrecog ida","Pue de","Ġblog s","Ġcuán to","Ġpul gadas","Ġsub ida","ĠM ira","Ġcar as","Ġresul tó","ĠPat ri","Ġcon lle","Est á","dr ome","Ġmá r","Ġrelev antes","Ġcob rar","Ġdep ósito","Ġres pira","Ġdesac tiv","ĠEnerg ÃŃa","tion s","Ġper cepción","Ġsuper viv","Ġcolec tivos","Ġan dar","Ġprior idad","l ing","Ġmonta ñas","ĠPerson al","C C","cu bre","Ġper pe","Ġclás ica","ĠMic hael","S iempre","Ġargu mentos","ĠSe x","Ġev ent","ĠB log","ĠTener ife","Ġmen cionado","Ġcu yas","Ġ199 8","Ġdepor tivas","ĠV ÃŃctor","Ġe go","p ado","Ġfutu ros","Ġm ÃŃa","Ġcomun ica","Ġvay an","ĠProduc tos","Ġus os","Ġmanda to","Ġacab ó","cion ario","Ġextra c","T RO","ĠF lores","Ġten ÃŃamos","ĠPar ti","Ġjur ado","Ġdic tadura","Ġsorpren dente","Ġsolici tudes","Ġpresiden cial","Ġprecios a","r ent","ĠIn tro","ĠB lo","Ġllegar á","ĠL ED","Ġvis ible","Ġbo de","Ġvari ables","8 4","Ġmetodo logÃŃa","t ul","Ġenfer m","P rim","ir án","Ġsuf re","Ġmon tar","e j","Ġpaci encia","Ġsi enten","Ġtrans ición","Ġme dal","il lar","ĠP sic","Ġmostr ado","ĠRes olución","Ġreduci do","em bol","és ar","Ġtem ática","en ce","Ġne um","th er","Ġten gamos","ĠT re","ĠTécn ico","Ġen ve","G R","Ġnaran ja","dr ás","Ġm isterio","Ġfran ces","Ġsegu imos","Ġpes cado","Ġlan zado","Ġcon tienen","Ġment ir","ĠDoc tor","Ġfinanci eras","ĠI gnacio","un cias","Ġins crib","ĠHu go","Z A","8 9","te a","pres s","Ġestándar es","h um","ici osa","ĠE van","Ġauto bús","Ġasegu rado","Ġinf antiles","ĠOri ente","ĠIndustri al","Ġdefec to","ĠCampe onato","ĠEs co","ĠM AR","tu vieron","ĠRe f","de la","Ġri v","Ġr uso","Ġapre ciar","ñ e","P OR","ĠFran co","Ġtra je","Ġsent imos","Ġcal cul","Ġindic an","Ġperfec ción","ĠXX I","Ġdesaf ÃŃo","Ġprác tico","ĠC L","Ġart ÃŃstica","Ġtrata ba","ol vid","Ġpresiden cia","ĠM esa","Ġte ór","ad i","Ġcoleg ios","Ġsimp les","Ġch ar","ĠPres u","Ġs ana","Ġlig eramente","ĠCor ea","Ġfemen ina","Ġconstitu yen","at ch","b ano","ĠC AR","Ġmanda tario","l id","Ġab uso","Ġta pa","Ġde ter","Ġem is","Ġsuf ren","Ġantigu as","endi ó","Ġblan cos","Ġarri es","ti ta","g io","Ġelabor ar","Publ icado","Ġfacil ita","ĠP es","un tamente","ĠCon ce","Ġprotes ta","Ġvideoj uegos","Ġad quier","8 7","Ġam an","Ġprote ÃŃnas","ĠEl los","ĠGu ti","u is","Ġocas ion","h tt","Ġpa trón","fic e","á mb","ul iar","ĠS á","Ġencuent re","gü edad","ĠAn uncios","Ġquin to","Ġhac ÃŃan","I mp","ig ma","Ġneces ariamente","Ġclic k","ĠM y","ĠDomin icana","ĠT anto","Ġpará metros","Ġon ce","Ġconsi go","ara gua","Ġdismin ución","w in","du ra","Ġlig ero","ĠEst ra","Ġagr icultura","ĠH al","Ġrespons abilidades","ĠF útbol","Ġclar as","Ġe cos","ĠSe xo","Ġceleb ró","ól ico","Ġestad ÃŃsticas","Ġintro ducción","Ġla vado","Ġexcep to","! .","Ġsing ular","or cio","Ġcontras eña","Ġse min","Ġtu viera","Ġcon fec","Ġhi pó","B RE","Ġbar rios","Ġrom p","Ġtestimon io","ÃŃ es","Ġdef ien","se x","ÃŃ das","Ġfru ta","Ġpre cip","Ġfund ación","Ġincor pora","Ġmús icos","é ticas","u le","ĠDon ald","Ġhabitu ales","Ġcumpl en","cu enta","ĠG afas","Ġl anza","Ġcuan tas","und amente","uch e","ter ia","et h","ĠCan al","Ġhar ina","ĠPat rimonio","Ġsi mpl","ĠA gua","ĠCam po","ĠFe der","Ġab ord","rac ción","ĠE D","ci dades","b en","Ġmin i","Ġag rup","3 00","ĠJ ard","Ġ- -","ñ ón","Ġdim ensión","ĠP ros","Ġcas co","Ġan uales","on y","se a","ul t","Ġimple mentar","Ġtes is","Ġrepe ti","Ġcon dena","Ġk e","ĠC oci","uel va","Ġimpon er","Ġalcan zado","Ġespos o","Ġgastron omÃŃa","ĠB ay","Ġreiv in","Ġhab ita","Ġmaravillos a","es ter","le tÃŃn","ĠA ri","ef acción","to ck","Ġdetermin adas","Ġproces amiento","c amos","d in","Ġcomple ment","Ġdesarroll ando","ĠS ho","ec k","Ġinclu ida","i anas","Ġe dades","Ġabier tos","ten sión","ti mas","ĠDo cu","Ġgrave dad","Ġver s","Ġtom an","Ġdismin uir","ĠAd ri","Ġc lan","P I","Ġh arÃŃa","Ġsab ido","ĠCá diz","Ġley enda","ĠNe go","Ġdiver tida","Ġconoz co","D os","Ġresiden tes","Ġhec tá","al ismo","Ġade mas","ĠSupre mo","Ġverdadera mente","enci ado","Ġinter iores","ĠR ock","Ġjuris dic","Ġin esper","Ġalgo dón","Ġpec uliar","Ġp á","Ġdeclar ado","ber t","Ġt ac","Ġllu vias","Ġimpe dir","Ġlo gro","Ġcuar tos","Ġautom ática","s or","Ġadv ir","ést icos","V al","Ġqu ir","Ġperju icio","Ġconfir mar","ĠMa uri","ĠM endoza","Ġdirig ente","Ġcomerci alización","Ġre mon","Ġmarc ador","Ġd as","oy a","ĠR ay","Ġconoci das","Ġparticip ó","ĠO ne","Ġpl ást","Ġmanifes tación","if i","Ġman z","Ġcine mato","Ġelim ina","Ġata car","l ace","Ġcar o","Ġsig no","Ġliber ación","ĠB ri","Ġdec enas","Ġal ianza","Ġviv os","ci sta","ĠFin almente","Ġcons a","cional mente","Ġdé ficit","ĠMar cos","ĠC R","Ġlleg amos","Ġescri tos","Ġb acter","Ġvesti r","an gel","ortun adamente","Ġweb s","Ġvas o","Ġgener an","Ġin segu","Ġfuncion an","Ġh un","Ġdepartam entos","ĠDi putación","Ġtej idos","ĠR aj","Ġin tr","Ġde presión","Ġinde mn","Ġlim itado","gar á","ĠV amos","ÃŃn sula","Ġson idos","Ġregist rar","Ġco pa","Ġmor tal","Ġfrecu entes","Ġdó lar","Ġgig ante","Ġfá ciles","Ġclub es","Ġh isp","Ġk g","Ġcu ra","Ġapara tos","Ġat m","uy en","ã ĥ","ĠPue blo","V D","Ġbril lo","Ġte a","Ġch e","m ado","J O","Ġindic ar","Ġeléctr icos",".. ...","Ġclar idad","ez can","ĠOc ci","h h","i ja","Ġsu ena","Ġpro vis","ce lo","Ġincon ven","Ġfun da","J A","Ġsal ga","Ġinter nos","ĠSal ón","ĠAlgun as","Ġextra ña","ĠM adre","Ġincorpor ar","Ġvenezol ano","rim as","ĠB at","ĠJim énez","Ġproyec ción","Ġvuel ven","Ġin genierÃŃa","ĠAr quitec","Ġfundam ent","Ġex ce","Ġven ÃŃa","ĠH el","ú me","Ġref res","Ġde do","Ġincl us","n ia","ñ ad","gu era","Ġc ens","Ġre habilitación","tique tas","Ġinter acción","Ġpos esión","ar quÃŃa","Ġapas ion","Ġcon ferencias","tr ico","Ġpres i","P as","ĠR ich","Ġtras cen","Ġguar da","Ġmulti plic","d ing","Ġf ama","Ġ zo","ĠPrim ero","AS A","Ġclim ático","u ar","Ġterri torios","Ġ5 2","Ġrent abilidad","o tas","Ġcomb inar","Ġtesti gos","e ja","omos ex","Ġac ar","Ġampl iación","Ġciudad ana","tor as","b uen","Ġtrá mite","Ġdis cur","ec ÃŃan","C D","Ġen ormes","ĠS AN","a x","Ġfamos os","m io","ĠFamil ia","Ġpudi endo","ĠP U","Ġvicepres idente","Ġest er","Ġcon tado","Ġtra tados","F ran","Ġex quis","l era","il er","ĠJ udicial","Ġa venida","f ia","Ġprev é","ĠEsta tal","Ġindi rec","áz quez","G ran","Ġperfil es","Ġcostumb res","cion ada","Ġbol iv","Ġespec ÃŃficamente","Ġas iento","c lo","qu esta","ĠD em","Ġsuper mer","k es","fic ar","ĠB ach","ten s","Ġvari able","C an","Ġsens aciones","Ġle ve","ĠOb ama","). -","ĠU b","ĠO pera","Ġm ueve","Ġmol esti","án icos","Ġob tiene","ĠAl go","Ġalcan zó","Ġver te","Ġman tuvo","Ġacus ado","Ġsorte o","Ġam bi","ĠW h","ást er","Ġmal tra","Ġger ente","8 6","le ga","Ġdi d","ĠS or","Ġdivers ión","Ġges to","Ġexperim entar","te x","ĠS igue","enci ana","l s","ĠLu z","Ġcál culo","ĠT aller","Ġl ento","or gan","Ġrespe tar","Ġalre dedores","Ġgrab ación","ol ar","Ġambient ales","Ġvia j","Ġvalor ar","Ġde tención","Ġcul turas","Ġentreten imiento","ĠAs es","Ġdesapar eci","f ac","Ġencontr é","v ir","Ġrela tivamente","Ġapren dido","Ġgra bar","Ġsal arios","Ġderiv ados","Ġcal ific","Ġcapit án","ab ra","i tis","Ġem isiones","Ġtrans mi","Ġin olvid","V E","Ġdeman das","ĠMa x","ĠF an","ĠCon ten","Ġgig antes","Ġdis cul","ĠCa pa","Ġven cer","Ġtrans forma","ér rez","Ġconce jal","ĠFran k","Ġconcl usiones","Ġbor do","Ġf lam","Ġresist ente","Por que","ĠBiblio teca","Ġpos teriores","Ġbeb er","Ġdirec ciones","p lica","Ġju venil","Ġg iro","4 00","ort una","ĠP ens","Ġperj ud","ĠP ap","ĠR esta","Ġcompon ente","Ġameric ano","Ġpromo ciones","fec to","Ġnúcle o","gra mas","7 9","Ġfron teras","ig an","Ġgal erÃŃa","ĠÃģ rea","Ġautén tico","Ġleg ÃŃ","Ġse mi","ĠSe lección","7 6","ĠI gual","Ġpas aba","ĠC ésar","Ġcent rales","v án","and ante","ĠH emos","Ġdescub rimiento","Ġjard ines","T ube","Ġle e","Ġestu pen","Ġavan zado","ĠW hats","C am","Ġc ro","Ġcer tificación","Ġrep ente","tr ando","ĠSam sung","ĠCh i","Ġnego ciaciones","Ġterren os","du jo","cer tid","Ġre duc","Ġhici mos","u u","Ġexpe diente","Ġh echas","em e","Ġens al","Ġdia gnos","Ġexp uls","m ia","Ġpresu puestos","ĠJo aqu","Ġquin ta","J os","ĠL ar","Ġinter rump","Ġtit ulado","Ġbrin d","Ġca za","Ġinv itación","ĠGran de","ĠOb je","am ora","Ġpol lo","** **","Ġjun tas","de st","Ġcolabor adores","Ġpele a","Ġaf uera","J E","r icas","Ġacor de","Ġpo p","ub o","Ġcolabor ar","ĠPúbl icas","es to","fa z","ci ado","ÃŃ rez","ex o","ĠS ha","aman ca","Actu almente","Ġw ith","ĠZapa tos","ĠAc ces","Ġescol ares","Ġdev olución","Ġmadri le","c ÃŃas","Ġin ev","Ġll or","Ġbols illo","Ġencontr aron","Ġhuel ga","es en","Ġap ete","ĠS tu","ĠS tre","ĠE p","Ġven den","Ġb is","Ġbel la","Ġv s","ĠB iblia","Ġvuel va","Ġconoc ÃŃa","ĠD in","le tos","Ġfi jo","Ġdisfru te","ill ones","ĠEs cri","ri les","Ġ5 6","Ġsan ciones","Ġhacer le","Ġf la","Ġcol onia","Ġvo tación","ĠN ada","ac ruz","Ġ9 9","âĨ ij","Ġap e","ĠÃģlvar ez","Ġp use","Ġatm ós","Ġcó m","ĠT I","Ġllev amos","it co","id urÃŃa","Ġreg ionales","f ol","Ġdescu bre","Ġestu viera","ĠJef e","Ġpe trol","ánd ome","z co","a par","Ġdis puestos","Ġsus pen","N I","ĠtÃŃp ico","Ġ1 000","Ġlin ea","Ġgrá ficos","Ġco her","Ġher e","Ġnave gar","201 1","Ġpresent aron","Ġinci dencia","Ġizquier do","i rió","Ġfun dador","Ġcompar tido","on ÃŃa","ĠR ES","Ġvie jos","ĠT iempo","Ġn ube","Ġver á","ĠIn nov","Ġm ales","Ġconf ort","ol os","Ġv ieron","Ġva por","pues tamente","Ġas ust","Ġru rales","Ġag ru","ter no","on de","Ġensay o","Ġnove dad","Ġcomprom isos","Ġpa pa","Ġpas tel","gu as","Ġhosp itales","Ġinfec ción","Ġcir cular","Ġresca te","uer tos","t ano","Ġdesconoci do","Ġpas aron","C al","ÃŃ e","Ġpens iones","Ġdeten idos","as ter","Ġsust an","Ġinten sa","Ġescuch a","Ġé tica","Ġdes cri","Ġlum inos","ĠTo ledo","iar ia","Ġindic adores","Ġadministra tiva","ĠRec ursos","Ġrela tiva","Ġj udiciales","Ġmanten iendo","c era","pi ro","Ġad mir","Ġreconoci ó","ĠRom ero","Ġqued ará","Ġca denas","ĠMi ami","allado lid","a tor","Ġhuéspe des","Ġpens é","D D","ma cia","ĠMan cha","ent re","tern idad","Ġdem ues","Ġdiscrim inación","log ÃŃas","Ġpresenta ciones","Ġh ard","tific ar","Ġdesper tar","n ar","Ġemp e","in f","ĠS I","ĠCl ÃŃn","ĠMar ina","Ġcas tillo","ĠA par","Ġval le","Ġasc enso","Ġdeci s","Ġen g","Ġartifici al","er al","Ġdes gas","Ġd anza","ti f","c aba","Ġesque ma","ĠMe j","ĠV a","Ġinst an","Es paña","ĠMer cedes","Ġexig ir","Ġpien san","Ġcap ÃŃtulos","Ġán gel","ĠV ill","Ġcap as","ĠC ro","Ġh omosex","Ġres tric","Ġ ....","Ġgener ado","Ġon da","ĠE gip","ĠvÃŃn culo","car ga","tiv idades","h al","gu és","ĠA po","ig e","Ġsé pti","Ġviol ación","EN TA","or ación","Ġactu alizar","ĠGust avo","di sta","Ġpor tada","Ġencontr arse","Ġcons cientes","Ġex hib","ĠVer de","Ġam ante","l ana","ĠC erv","Ġmotiv ación","Ġimp rimir","P R","Ġadap tar","Ġga tos","et s","ĠPal ma","Ġinter ro","tin es","ĠAl fre","Ġcomple mento","Ġale mana","m uy","Ġvisit ante","Ġfran qu","ĠFu ente","Ġurb ana","Ġrecin to","ĠG RA","ĠGu ÃŃa","Ġrad i","Ġin g","ĠJa ime","Ġsigu ió","ĠAl b","fi gu","an im","5 6","Ġdiseñ ar","Ġsal idas","f ord","ĠSe ptiembre","Ġhuev o","lor ca","Ġconsum ir","Ġref rig","d ones","Ġpais ajes","Ġin certid","lo w","vil a","ĠSe lec","Ġurg ente","Ġincon s","Ġab us","an ti","ĠIn glés","Ġcar gar","ĠAp ro","ĠCh ica","P r","ĠâĢ Ŀ","Ġh úme","ion istas","ó ma","Ġreg ula","âĢ ĺ","T IC","Ġsuf rimiento","ĠRaj oy","Ġsens or","ome tra","A b","te ar","j idad","Ġrelig iosa","o per","tur adora","iden cial","ĠS A","ĠT ampoco","Ġqu ie","Ġpresent ada","ĠDe moc","ĠðŁ ĺ","Ġsu pera","Ġpe didos","ch ar","Ġun ir","ĠGuadal ajara","Ġnov elas","or ada","y u","vis or","l án","ĠS istemas","Ġsens ible","Ġpose en","Ġesta tales","Ġocci dental","uc risto","Ġsos tiene","Ġante cedentes","Ġjugue tes","ĠS tor","Ġadministra tivo","Ġsatisf ac","Ġré cord","ĠEsc orts","ĠP RE","5 9","Ġre torno","ĠRev ista","ÃŃ genes","o f","iv idad","Ġven gan","bo ok","ĠGuti érrez","ĠDirec tiva","I ON","is s","an ia","Ġjun ta","ĠCat ólica","Ġcompar te","i án","Ġbar ro","Ġcontinu o","uc o","Ġrecib ieron","Ġdese an","Ġavan zada","ici embre","Ġmantener se","Ġexplor ar","Ġreconoci da","P e","T al","ia ciones","Ġaclar ar","Ġencontr ará","Ġpobla ciones","Ġqued ando","m un","Ġrealiz arse","am pa","Ġs ar","In icio","an der","ig as","col as","ĠPág ina","Ġforma tos","adá ver","Ġin to","Ġher idos","t ent","fici entes","Ġt ác","Ġfac ebook","Ġfavor ita","Ġmús culos","Ġpar ale","Ġcorri endo","Ġposi tivos","Ġpárra fo","uel ta","Ġc itado","ĠGra tis","Ġmol de","A A","Ġcor tos","res a","Ġ18 0","Ġtra m","ĠEn fer","Ġnar co","Ġi b","Ġlocal idades","Ġencan tado","Ġbeb és","---- ----","Ġmedi as","ĠAr gent","ĠNic aragua","Ġsosp ech","Ġo pos","Ġtu bo","Ġsus pendi","Ġescri tores","Ġefec tivos","Ġsa que","Ġintelig entes","ti zado","qu eros","Ġre bo","Ġcual idades","t ti","iz as","édi to","Ġden uncias","Ġdue ños","Ġhi jas","à ²","ĠA gust","Ġdesarrol lan","Ġretir ar","Ġser a","ĠOb serv","Ġ199 7","ĠRam ÃŃrez","Ġsu po","nes s","Ġafec tado"," Ķ","ĠCom pañ","Ġabs ur","ĠR en","Ġcam as","ĠW a","ob o","ĠMo tor","Ġpresu pues","oc ar","t te","ĠT rad","e gr","Ġcomp uesta","Ġtranspar ente","Ġrecom endar","ec ución","Ġnorm ales","es es","Ġtradi ciones","Ġcompati ble","Ġsan gu","Ġdesaf ÃŃos","M on","Ġespec tadores","Ġdepor tivos","Ġle v","Ġdescan sar","Ġgrá fica","id ro","qu ita","Ġtecn ológica","Ġme lo","IEN TO","Ġvista zo","Ġpas amos","ion eros","g ador","Ġotor ga","Ġgimnas io","ĠT ama","Ġconsider ada","Ġrestau ración","Ġlin do","Ġhectá reas","Ġre vela","Ġpublic ados","Ġlo co","Ġcap tura","Ġch o","Ġempie zan","R o","ĠC ub","201 0","ĠRe ina","Ġbeb ida","Ġimag in","ĠPresiden cia","Ġocup ación","CI O","gr ada","y ente","Ġmoder nos","é ano","Ġcomien zan","ĠM E","Ġmus ul","ĠLa ura","te os","Ġac túa","ĠRiv era","ĠK en","Ġmus cular","ĠB i","Ġauxil iar","Ġmin erÃŃa","Ġpr in","Ġal ine","Ġcre an","Ġbar es","Ġcam ar","Ġcomen zado","ĠBl ue","ĠK o","Ġv os","Ġsi enta","h ola","Ġeduca tivas","Ġpolém ica","Ġcal ma","fon ÃŃa","Ġpelig roso","Ġpaque tes","e jas","Ġdeleg ación","ĠMov imiento","er ador","Ġbus cas","z amiento","Ġ5 4","Ġv uestros","gres os","ĠC ic","Ġviv ió","Ġproce dentes","Ġesper ado","To das","Ġselec cionado","Ġgl oria","Ġc adáver","Ġmu ro","Ġempres ariales","Ġpresent amos","Ġextrem adamente","Ġprepar ados","ĠAgr icultura","O P","Ġconvier ten","Ġrepar to","Ġexter na","Ġlin k","Ġtra tan","ĠV enta","Ġus ados","Ġextre ma","Ġdesp la","Ġhab éis","p ue","Ġdesapar ición","ĠAl l","Ġpar ado","Ġdesgra cia","Ġas imismo","Ġintegr ada","Ġtra mp","Ġindependi entemente","Ġcon tener","ach os","Ġetique ta","el los","m or","Ġan gust","m s","Ġadop tar","Ġenerg ÃŃas","ĠJu z","h ar","Ġayudar te","Ġt im","Ġ7 2","Ġcumpl ido","Ġen mar","ĠCap ÃŃtulo","Ġestu ve","Ġacompañ ar","ĠfÃŃs icos","Ġfron tal","h ay","u j","Ġcas ti","Ġmier da","Ġcan tar","ĠA F","u til","Ġsuce dido","Ġsu ya","Ġlig era","Ġemp ate","gr ados","Ġtar des","Ġmanifies to","Ġlle ve","Ġprestig io","Des cripción","ap ro","Ġcre ador","Ġdul ces","Ġp iden","Ġatra er","Ġhomb ro","h ÃŃa","ĠL l","ĠM ara","ĠCon st","Ġop tar","J o","x a","ĠPara guay","Ġcambi ando","Ġf le","ĠG an","Ġpec ado","per son","tu oso","Ġrefor zar","I ÃĵN","er es","Ġre cal","Ġac omo","Ġ5 1","onces to","ĠRob ert","Ġdest inados","Ġpin ta","ĠConse jerÃŃa","Ġp le","Ġtesti go","Ġoscu ridad","Ġtra te","AD OS","hi bido","Ġre t","Ġemp o","m adura","ĠLor enzo","Ġden s","Ġl ici","Ġestu p","Ġconfirm ado","Ġcambi ó","Ġcre ce","Ġca z","Ġdirec tivos","ĠJun io","Ġmercan cÃŃas","Ġbos ques","Ġa tro","Ġsepar ado","Ġpresent ará","Ġedi ciones","Ġtitular es","Ġindispens able","Ġpon ga","ĠTi po","g s","ĠCar acas","Ġaf ric","Ġtex tura","an i","ñ al","Ġinvers ores","ri e","Ġcom isiones","» ¿","Ġunivers itarios","ĠF ron","G RA","Ġprof undamente","Ġplan os","Ġrel len","d ora","Ġas im","por que","ti pos","Ġalcan z","Ġliber ales","Ġentrev istas","or os","ĠCon ven","ĠM áster","el le","ĠGre cia","Ġtras era","ás ico","Ġvertic al","Ġlogr aron","m ón","Ġre ver","ĠElec toral","ines s","Ġmedi ción","gü enza","B S","ĠLe e","ri ta","Ġgri e","iz os","it ro","Ġrad ical","Ġdé ci","Ġmi el","ir ch","Ġcomple jos","Ġencan tan","ĠJes ucristo","Ġpoder oso","Ġexpres iones","ĠCur sos","Ġcont un","Ġtrans fer","Ġlla ve","Ġmas as","Ġconfigu rar","gu i","ĠD ie","Ġsobreviv ir","Ġna tur","Ġacadém ica","Ġdesp acho","ce la","Ġf ores","ĠMar iano","Ġre di","Ġpre ce","Ġir á","Ġreal ice","ĠS tan","Ġejemp lares","Ġcu otas","Ġconsider ó","m ático","ĠMauri cio","ĠT it","Ġinteg ridad","Ġqued aba","Ġcercan os","Ġman io","ra miento","P C","t adora","Le er","Ġnove dos","Ġepiso dios","Ġ5 7","Ġadecu ados","Ġen gan","Ġab uela","Ġe ró","Ġfinanci amiento","Ġal o","ĠDe leg","Ġefec tivamente","ĠX VI","Ġcoment ado","8 00","Ġart ÃŃstico","Ġescán dal","To da","ĠâĢľ ¿","ĠMin istro","ĠVe ga","Ġtom o","Ġpus ieron","Ġadul to","Ġpla zos","Ġbotel la","ĠP ra","Ġcom enta","Ġmo ch","Ġconven cer","ec é","ĠMas ter","ĠE u","li que","Ġmedic amento","lo gos","Ġal za","l fo","ik i","ĠC ualquier","AN A","Ġgras as","Ġcin cuenta","Ġsuel do","ĠV alladolid","ad ar","f u","Ġse pa","se lo","Ġafec tadas","ĠEgip to","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","Ġatmós fera","Ġp iz","Ġsin ies","Ġextraord inaria","Ġautén tica","Ġsuce dió","Ġgas olina","ĠB ajo","Ġ199 6","Ġcarre teras","Ġmin isterio","Ġmanif iesta","tr ica","Ġargent inos","Ġautom ático","Ġmone das","Ġperten ecen","Ġtras tornos","Ġaprob ó","Ġex posiciones","Ġasoci ado","Ġsu puestamente","em ia","Ġexig encias","por ación","yec tos","ic ciones","us s","di to","ĠT orn","ĠRespon s","ĠN uestros","Ġcorreg ir","Ġch ina","Ġdetermin ación","Ġequip amiento","ám icas","Ġenfr enta","Ġoper adores","Ġinv itado","Ġterror ismo","dic es","Ġo pon","Ġsem estre","Ġfas es","dis cipl","Ġment ira","ĠInf antil","Ġanim ación","Ġespecial idad","Ġincendi o","Ġpu ta","Ġcotidi ana","aque ta","Ġcontemp la","IN G","Ġtempor adas","Ġofici almente","fit ri","Ġ199 4","ĠMac ri","Ġpregun tó","Ġlim itada","ĠquÃŃm icos","Ġconcluy ó","Ġsorpren der","Ġvoc ación","ĠW ord","ĠYou Tube","Ġéx itos","Ġcuch ar","Ġinform ática","ĠS L","Ġre tom","Ġadap ta","Ġtecn ológico","Ġe mitir","ér icas","C OM","En tonces","Ġar oma","Ġreac ciones","ab ell","ño z","ĠCon ferencia","Ġcorre os","Ġren uncia","ch i","Ġcont ando","Ġobten idos","ĠPre cio","ad uras","Ġo ut","cios a","Ġdes ierto","Ġna vide","ĠAb og","Ġcu bre","ist ente","ras es","Ġdeman d","5 7","Ġc é","m u","Ġfor os","ÃŃ colas","Ġconform an","ĠOr tega","ĠAb ril","y an","T EN","Ġinvestig ador","Ġgan adores","Ġsist em","Ġr ÃŃos","Ġprome te","Ġmanten ido","dri go","ĠE U","Ġaqu él","ĠPer io","Ġcapital ismo","Ġra yos","Ġdestru ir","Ġper dón","us k","Ġp ico","Ġcon cer","Ġcompar ten","Ġen tera","Ġvac a","Ġinterpre tar","Ġc ep","ĠL abor","ĠPrim er","Ġl ág","Ġcal zado","ĠSec ción","ĠHon duras","al im","ri mos","Ġaplic able","Ġsegu ÃŃa","Ġp ist","Ġinici os","uer te","ĠEncuent ro","ĠJoaqu ÃŃn","Ġrecur rir","Ġm ama","Ġblan cas","Ġcal ificación","Ġob viamente","Ġma tr","ĠFlor ida","ĠEncuent ra","Ġzapa tillas","Ġpens amos","Ġs ano","Ġemple os","F u","ĠAtl ético","are la","pu bl","ç a","Ġconduc e","b ados","Ġinforma ciones","ĠTer ri","Ġcos m","Ġense ña","Ġh em","Ġinaugu ración","Ġtro pas","c é","Ġposi cionamiento","Ġban de","Ġsi túa","ur g","óm icos","Ġhab ÃŃamos","Ġelector ales","ĠTécn ica","H o","Ġmaravil la","Ġempren dedores","ĠCu ar","cul as","Ġbloque o","ĠBol sa","Ġinm ueble","Ġper dida","Ġ5 9","Ġlá mp","ĠS ent","ste in","Ġvitam ina","Ġmód ulo","Ġreún e","m el","Ġsin cer","Ġbron ce","ĠA ún","cep to","Ġdi rÃŃa","Ġin tes","Ġtur ÃŃstica","Ġnecesita ba","cional idad","Ġestá bamos","Ġsec ues","Ġconvir ti","ĠH ola","c ú","Ġub ica","Ġperson alizado","ĠcÃŃr culo","Ġcol oca","ĠS ac","Ġtom e","Ġsu puestos","Ġconex iones","pon es","Ġsobres al",". ).","Ġlim itaciones","M é","u za","Ġa ula","Ġ199 5","Ġrode a","ros s","Ġgener ando","ĠElec trón","ĠGuer rero","Cu án","Ġconces ión","Ġsub ra","Ġcr ónica","ĠDepor tivo","C L","Ġhub ieran","N e","Ġru p","Ġc il","D o","crip t","Ġde bió","CI AS","Ġcre encias","aliz an","Ġf ortuna","Ġcu sto","ĠPor no","Ġras gos","ér pre","Ġinev itable","Ġrelev ancia","Ġamb ientes","Ġinstitu to","Ġ5 8","ĠV el","Ġhal laz","tr en",", .","r adora","ĠF igu","Ġdesarroll ó","Ġmasco tas","Ġ5 3","Ġanun cia","Ġdescrib ir","Ġar a","Ġsem if","Ġpar ques","Ġobserv ación","ó tica","ĠEx teriores","Ġas ent","Ġpatr ones","Ġofre ció","E P","ĠCom pe","Ġcabal los","Ġtra ge","ĠAl ianza","get ales","Ġnav idad","ĠS ig","Ġd ram","Ġev angel","os ten","Ġcom pa","Ġpantal las","Ġ7 00","estr ÃŃa","Ġv era","Ġterri torial","Ġsab idurÃŃa","Ġdestac ados","Ġrad ic","Ġconv iene","ĠCh a","Ġcub anos","ĠD iciembre","Ġar res","Algun os","der s","Ġproto colo","Ġlog ros","Ġgrad u","ĠC ort","Ġsupon go","ĠPla ya","Ġpor qué","ĠAn álisis","T AL","Ġver la","Ġcome tido","Ġch av","Ġprev ista","Ġdoc trina","ĠC rea","Ġmi x","ĠPue bla","Ġflex ibilidad","Ġacab o","Ġregist ró","Ġencuent ras","Ġin vi","ĠquÃŃm ica","Ġt ÃŃo","re mo","Ġp acto","ĠD ia","Ġpi ra","Ġsol os","Ġbon itas","ĠOl ÃŃmp","gu almente","m ens","Ġcuar enta","ĠI z","Ġcal efacción","Ġsomb ras","d ro","Ġsal ieron","Ġbru tal","Ġsolici tado","ĠCon diciones","Ġ199 0","un ya","aj ar","AR I","Ġacom paña","ĠPar k","Ġhum anas","Ġpresent arse","om ento","Ġescuch ado","Ġah i","ul ados","Ġcam ion","v ista","Ġlóg ico","Ġexpres amente","Ġob tención","Ġdar te","Ġasegu ran","Ġemp a","Ġsindica tos","je cimiento","Ġvenezol anos","Ġmad u","Ġconj unta","Ġdes in","ĠFuer za","Ġcrist iana","ĠN ar","ĠVas co","Ġexter no","Ġrevel ó","ÃŃ var","Ġcul to","ible mente","ĠP ort","te za","ĠR an","ĠGener ales","AR C","Ġcomple jidad","T ES","ã Ĥ","ĠSal amanca","Ġal u","Ġprofes ora","Ġbás icamente","Ġen cer","ec t","Ġdirec tores","200 7","Ġenvi ó","Ġital iana","Ġrap idez","Ġsec ciones","res ión","c usión","ĠJ ac","ĠS ara","ĠMar ta","Ġden omina","T er","T P","Ġdeter mina","Ġvolun tarios","tán dose","Ġcrea tivo","aliz ando","am arca","Ġexperim ent","m ita","Ġpermi tiendo","ĠV ers","or ado","ĠAp lic","Ġsome ter","Ġimp ide","Ġde gust","Ġform ada","Ġrespec tivos","Ġequip ada","Ġemb al","Ġex ista","P ER","Ġconserv a","Ġcontras te","Ġfi eles","Ġensay os","A pp","ic ho","Ġre en","H A","Ġcon duci","Ġsent ado","ĠEx p","ac he","Ġper si","Ġre medio","Ġconqu ist","Ġincertid umbre","uev en","En cuent","Ġtur ÃŃsticos","Ġocul tar","E B","v ieran","Ġcer ró","Ġcamis etas","Ġarre p","ĠDis fru","Ġplen amente","ue ba","D entro","Ġabor to","Ġcre es","ĠN úmero","Ġinf lam","Ġs tan","Ġconse jero","Ġsecund arios","ĠMed ina","Ġev ita","Ġarmon ÃŃa","um as","Ġcon taba","Ġcó digos","ĠConstitu cional","and ra","Ġin ac","Ġconduc tores","ĠCan aria","Ġcub ana","Ġvol ante","y ac","ti za","Ġdiscu tir","Ġinter venciones","Ġreflex ionar","ĠincreÃŃ bles","v ic","Ġinici ado","Ġperson alizada","ĠMo der","k ers","e val","or di","Ġcru zar","Ġhá bil","ig ar","ĠTo ur","ĠExtre madura","Cu ál","p ada","Ġpar ezca","Ġreconoci dos","Ġfu turas","ĠL ÃŃnea","Ġa is","Ġdeci dieron","ám ites","Ġdesapar ecer","Ġentrev ist","Ġargu ment","Ġjapon és","ĠDis ney","Ġsust ancia","Ġfir mar","Ġ0 9","ĠC C","Ġcr on","Ġil ÃŃ","Ġb ola","Ġpat ria","Ġfundament almente","ĠC V","Ġneg ras","ĠO pen","Ġconserv ar","Ġsole dad","uev o","Ġinter faz","ándo los","it ante","Ġestable cidas","Ġentre gó","ĠTrans porte","cor e","ĠE le","CI AL","Ġconec tado","ĠS co","Ġsan ción","Ġenc uestas","ĠR oc","cin g","J uan","Ġest és","Ġdifun dir","Ġproce de","k u","Ġarreg lar","Ġque b","Ġf icha","Ġdo l","ĠMu ñoz","V en","ĠUS A","t to","Ġprefer encias","ĠCuer po","ĠLuc as","Ġurg encia","Ġtransform ar","Ġaut ent","Ġconfir ma","ĠAn im","Ġtr ámites","Ġsolu cion","ĠSi ria","ĠC aja","ier as","Ġha gas","Ġtrist eza","Ġen vÃŃa","Ġo v","Ġir se","Ġban ca","lo j","ĠAcu erdo","ĠG rado","f ónica","ĠR amos","Ġne gar","je mp","Ġch oque","Ġper diendo","Ġconstitu ción","en io","ĠE dad","ĠA quel","al ición","Ġextre mos","ĠSer á","til los","jal á","Ġnum ero","r erÃŃa","Ġun idos","Ġte tas","Ġencontra ban","Ġsat él","Ġrela tivo","ĠDip utados","ĠGe orge","Ġve in","ĠDe porte","ĠR ural","ĠT OD","Ġacompañ ada","pe cial","Ġexter nos","Ġay untamiento","ĠAmb os","ik a","Ġefectu ar","ĠEsta tu","Ġinclu idas","Ġmig ra","Ġsemej ante","Ġadecu adas","Ġcomp rado","Ġfortal eza","ĠA de","ĠTer esa","Ġsue los","EN A","Ġespecta culares","ĠW e","Ġclas ific","Ġex ámenes","Ġre cip","r ás","Pue des","Ġtab las","Ġb il","Ġpilo tos","Ġdiseñ ada","Ġunif orme","Ġpre ca","ĠD entro","Ġdesemp leo","Ġguar dia","Ġmar ÃŃ","Ġhab iendo","Ġcorrespon den","Ġins ec","ĠVide o","ion ista","Ġver ificar","Ġado pción","Ġpoten ciales","Ġmec ánica","Ġdo bl","Ġven ga","Ġnerv ios","ĠD VD","Ġquer idos","Ġmostr ando","Ġve getales","Ġ199 3","Ġsolici ta","uel to","Ġpres ta","mple mente","Ġav iones","Ġred acción","Ġextraord inario","Ġj ab","Ġdepor tistas","se y","g ol","Ġsust ent","ca den","Ġs illas","ĠF OR","ĠPar ece","Ġcier ra","Ġi ra","Ġrelo jes","Ġproce der","ĠM ach","Ġhues os","Ġinv is","ĠPac ÃŃfico","Ġis rael","Ġdisfru tando","Ġprop uesto","Ġcer rada","Ġreserv ar","Ġjud ÃŃos","ĠH ijo","ĠSu iza","Ġol iva","Ġcome dia","ell i","ill era","Ġcomunic ar","v echa","Ġterap éut","Ġlim ita","Ġhig iene","un idad","E F","ĠB ale","us h","ĠI ra","Ġempez aron","Ġcompren de","vi deo","Ġanti güedad","ric h","v enta","us al","ĠEstudi o","Ġex teriores","Ġf idel","Ġab ar","Ġac titudes","8 2","Ġu ñas","Ġde tección","Ġfantá stico","Ġvar iar","z i","Ġunivers itaria","pro duc","Ġapar entemente","Ġac o","á ut","Ġdin am","Ġ( âĢľ","Ġqu ita","irch ner","ĠMar ia","Ġfu ga","____ ____","Ġhal lar","ion s","Ġb er","Ġp ÃŃ","Ġaver igu","Ġnucle ar","ĠU s","Ġmu r","Ġf oc","des de","Rec uer","g ú","Ġinten ciones","Ġinv ent","Ġexpor taciones","ĠClar o","res tre","Ġes qu","Ġdecir le","Ġrazon able","ĠG én","Ġfe der","In ter","Ġacces ible","Ġun ido","Ġmascul ino","ĠH ombres","] ,","Ġcos tado","Ġten is","ĠIn genier","Ġse ca","Ġcent ra","Ġriv ales","per s","Ġdo lores","Ġoper ar","ĠS um","Ġco gn","Ġatra vi","Ġgra bado","Ġdecor ar","M adrid","as t","Ġper don","on i","Ġco j","Ġinvesti ga","Ġsignifica tivo","ĠAn al","Ġfavor ecer","Ġgo le","Ġit iner","Ġconcep ción","Ġra mas","Ġmete or","Ġan fitri","Ġflex ible","ik o","Ġca ÃŃdo","éndo le","Ġla p","7 2","ĠInnov ación","Ġrecib irá","Ġún icas","Ġexten der","Ġ9 00","Ġclar os","ly wood","qu erÃŃa","Ġlo cura","ĠSan idad","om en","Ġma pas","Ġtras pas","ĠPe ter","Ġx xx","Ġeurope as","Ġda ta","Ġban c","man n","e ñas","Ġsub e","Ġcrim inal","Ġinci dente","Ġcop ias","V O","ĠMar k","Ġenerg ético","Ġne ur","Ġpar to","Ġj ajaja","tab ria","oc en","Ġo di","Ġconcre tamente","éc tor","Ġap el","Ġma il","Ġconcl uir","Ġsof ist","Ġconcre ta","inten do","ĠMar zo","Ġherman as","Ġdecir lo","Ġro ca","Ġo ch","ĠB omb","Ġintent ó","ĠL im","ĠInte gr","ĠSu árez","Ġcl áus","Ġpla y","Qu ieres","Ġpoten ciar","Ġres eña","mit en","Ġentusias mo","Ġmejor ando","ĠRo ja","Ġcomp l","8 1","Ġnar iz","ĠHab ÃŃa","ĠVer acruz","Ġentre gado","Ġedi tor","st al","Ġdenomin ada","Ġcer tamen","as es","ay o","ĠHer rera","ici ar","ti t","5 4","Ġfantas ÃŃa","d re","con tra","Ġcorri entes","Ġrecomend ación","graf os","Ġal turas","Ġtec lado","Ġan g","Ġcocin ar","ĠM ár","ĠComer cial","Ġpropor ción","H er","Ġver ás","ĠEdi torial","ĠF orma","Ġaf ición","tar iado","Ġ6 9","Ġ6 6","os idad","Ġresul tan","Ġsuper vis","ĠPos t","ab uena","am ent","Ġrequer imientos","Ġp si","Ġfavor able","Ġgol f","ién do","Ġtir ar","Ġdeci dÃŃ","Ġsum amente","Ġpo emas","Ġres pir","ĠRe pres","te z","Ġfal so","tam entos","Ġdesp lie","ie te","ut ado","Much os","Ġblo ques","Ġan aliza","ĠPerson as","rech a","x is","Ġ °","@@@@ @@@@","ĠN ike","ĠRo jo","Ġv imos","ĠmÃŃn imos","Ġcompet ente","Ġta tu","Ġgas es","Ġno ble","ĠRio ja","ÃŃgen o","P P","l ara","ĠB ill","tán eamente","ĠIs las","Ġco di","Ġfil tro","Ġdefini tivo","Buen as","Ġcar dio","ĠIntro ducción","% ),","Ġaument ando","Ġg oma","Ġcul tivos","ĠM ora","ci ende","Ġpro cur","Ġsu man","Ġpuer tos","Ġcircunst ancia","Ġo ÃŃr","Ġt ún","in oso","Ġdro ga","Ġba tal","Ġprev al","Ġor ÃŃgenes","ĠPro ces","Ġatrac tivos","ĠA venida","Ġseg mento"," ²","Ġresta urar","Ġpantal ones","S C","Ġimper ial","Ġépo cas","gan da","qu era","Ġpo ema","polit ana","Ġfach ada","ĠGonz alo","V amos","ĠRe la","Ġperio dismo","Ġsab ores","Ġgu i","D UC","iz ador","Ġme ga","Ġfalle cido","Ġne uro","Ġcancel ación","Ġreun ir","par se","it ch","Ġconst antes","Ġoscu ra","Ġbo das","Ġperman ece","Ġp eces","ĠVal ent","il ado","8 3","ĠN ombre","ĠB aja","Ġmaes tra","ĠAtl án","ven a","Ġtama ños","Ġcar peta","Ġfra ude","Ġapoy a","Ġgri ego","d ul","S erv","Ġpl ac","Ġnutri entes","Ġg ala","Ġfi jar","Ġdeci mos","Ġhici era","IN E","ĠBer lÃŃn","Ġdes vi","Ġextra cción","Ġembara zada","Ġver güenza","ĠRo drigo","Ġgu ión","Ġpol la","ĠK ing","Ġenc am","Ġh ech","ĠC I","it z","gas e","Ġjust a","Ġsopor tar","ic to","T iene","F el","Ġmig rantes","ĠMal lorca","ĠGlo bal","ĠCent ros","ON A","5 2","Ġ199 2","Ġtal entos","ien se","Ġform ando","ĠI VA","Ġmi de","Ġmagn itud","ing os","P on","Ġcons ola","ĠF ol","Ġsustitu ción","Ġaprovech ando","Ġelev ada","lu ten","ñ ones","ĠQu iero","ĠG or","7 4","oci miento","Ġre tor","Ġsuperviv encia","Ġhomb ros","Ġsacerdo te","Ġconlle va","k ia","Ġvolver á","Ġrefug io","ĠM ens","h acer","Ġsan itario","Ġar bi","M C","Ġbo x","Ġre porte","Ġconven cional","Ġcor rup","Ġfarmac éut","Ġn or","Ġminist ra","un os","Ġhipó tesis","Ġhabl aba","Ġpl us","Ġconm em","ĠAlfre do","ĠCent er","Ġimp u","Ġde cep","Ġmens aj","Ġtrabaj amos","Ġdens idad","Ġh amb","Ġal b","Ġrepar ar","Ġcompar ar","Ġc ón","ĠIn di","Ġacadém icos","ĠF ra","Ġcontemp lar","Ġutiliz adas","Ġvol ar","ĠA U","Ġpudi mos","Ġcompeti tividad","ĠVil lar","Ġdeterior o","Ġsustitu ir","Ġmo bil","ĠTom ás","uev as","Ġmuer tes","ĠP ER","ur ado","Ġmedi ano","Ġbrasile ño","Ġchil eno","Ġlim ón","ie bre","Ġfalle ció","ti bles","Ġde dicación","Ġsan itaria","Ġempez ando","Ġincumpl imiento","Ġher encia","ĠMar gar","Ġse para","ás er","Ġf ina","ĠEx tra","ĠH y","ĠCab all","Ġpin turas","Ġdeb idamente","na val","Ġinfec ciones","Ġempez ado","Ġdar án","Ġnub es","Ġdiá metro","Ġcon cil","Ġfenóm enos","Ġexp licaciones","Ġna tal","Ġmens uales","ĠAD N","j unto","Ġmon te","Ġdesapar ecido","L C","Ġmol inos","ĠCa teg","ĠOb ras","Ġmatem áticas","Ġsurg ió","Ġde mo","Ġcomple mentos","Ġ ĵ","6 00","Ġelec tr","Ġbo tones","Ġper egr","il ados","ĠCatal unya","d ario","ĠG alax","Ġafir mar","P lan","go b","ĠP ay","Ġaband ono","ĠON G","éndo lo","Ġpl acas","Ġmodi fica","Ġsobre todo","par ación","Ġas ientos","Ġsan to","S olo","Ġencar gada","Ġhabitu almente","ĠD IS","Ġesp ada","Ġoblig ados","Ġsol itario","Ġpa v","cu ando","Fo to","á til","Ġabund ante","Ġinter v","Ġpar al","ĠVar gas","Ġh ero","Ġmar có","Ġinici almente","Ġdispon en","Ġsu bió","mit h","Ġenten dido","Ġampl iamente","ĠP ilar","Ġadminist rador","ie mb","Ġaport an","Ġg em","Ġjug ó","Ġidentific ado","ke y","Ġdesas tre","Ġcoordin ador","ĠR oy","Ġreti ro","Ġobstá culos","Ġsof á","Ġhid ro","Ġpap á","ĠEl ena","ĠHa z","Ġcercan as","v á","Ġencuent ren","Ġcomenz ará","Ġsalud ables","ĠPl us","ĠIN TER","Ġinm uebles","ĠTo tal","Ġmen ción","Ġlengu as","Ġrelig ioso","cla je","Ġinter medi","om étr","ĠC OR","Ġev itando","ci entos","ta g","b ack","Ġbas ados","ĠPa tr","Ġ3 60","inar es","Ġprim as","Ġindustri as","200 9","Ġcandida tura","Ġllen ar","Ġgust aba","Ġsum erg","ĠG EN","ĠIncl uye","Ġadap tarse","rue cos","Ġl ingü","ac os","Ġsig las","Ġcomple ja","Ġfoto graf","ĠN adie","Ġtar d","Ġpier das","Ġejemp lar","ill ado","Ġprom esa","l amos","Ġr ara","ĠcrÃŃt icos","Ġarm ado","ĠEx isten","5 3","lan dia","Ġtu yo","ĠBo ca","Ġbel lo","ĠEqui po","7 3","f r","Ġch u","Ġacercar se","ĠI den","Ġcan to","ĠCam ino","Ġpre domin","Ġunivers itario","Ġquir úrg","Ġanunci ar","Ġreci cl","ĠI D","ru dencia","Ġdirec tos","Ġl entamente","Ġopera tivos","Ġnomb rado","am pl","Ġexc usa","Ġexpor tación","C iudad","Ġcor ona","Ġreg lamento","N eces","Ġnega tivos","Ġg ab","Ġlle go","Ġran king","ue ga","én dez","ĠFuer zas","Ġfil as","O G","Ġproble mática","Ġex ager","Ġap uestas","Ġcor e","eb ra","Ġpe ores","Ġllam o","ĠCoci na","ĠA ten","ĠS w","Ġp p","Ġle ma","Ġse mb","Ġenfer mos","Ġman chas","ĠSil va","Ġrealiz amos","bus es","tr ados","Ġinal ámb","Ġimagen es","ĠSE O","Ġso ñ","Ġf usión","Ġt ribunales","Ġalum nado","Ġseñ ores","Ġsex y","Ġperteneci ente","Ġtecn ológicos","ĠXV III","Ġcont ento","Ġgas tar","Ġrestr ing","c las","s ec","ĠJ al","Ġpas ará","Ġint érpre","at ÃŃa","Ġrode ado","ĠNie to","5 1","Ġh umo","úm enes","ĠP ala","cion ista","ĠOrg ánica","rá ul","ĠCon f","Ġtu ber","Ġespa cial","P la","Ġdefin ido","Ġsac a","l om","ĠF á","Ġac aban","Ġloc alización","é p","Ġcon greso","aron es","Ġrem un","Ġsac ó","ĠJu ventud","ĠCarta gena","ĠF echa","ĠGu ad","Ġoper ador","ac en","ik ipe","Ġgra mos","grá ficas","Ġcolombi ana","Ġti ra","Ġdi arias","Ġpens ión","ĠEvan gel","ĠJe an","Ġfuncional idad","Ġadvir tió","Ġconoci ó","Ġest óma","Ġeléctr icas","Ġperspec tivas","ĠB ru","Ġace ites","Ġ ida","Ġgan ando","bi ta","Ġ6 8","ĠÃģlvar o","Ġpregun to","Ġperió dicos","Ġintegr ar","ĠI SO","Ġelectro dom","htt p","ĠBol ÃŃvar","Ġc ad","Ġcompon en","Ġac aso","Ġafec tada","Ġprovoc ó","Ġint entado","cil la","Ġfal tan","Ġch i","ĠTrabaj adores","Ġpart ÃŃculas","Ġcomprome te","ĠAs untos","Ġleg ado","ĠS S","Ġconst ancia","Ġcr ÃŃmenes","Ġconside rando","Ġserv ido","Ġsub je","Ġdirec tiva","Ġde udas","Ġlág rimas","Ġbacter ias","ĠEst án","ĠPrim aria","e is","j ados","ĠR uta","ĠG ri","Ġbancar ia","Ġfin ca","am ing","In cl","a z","Ġprovoc ado","Ġarran que","ĠMunicip io","ĠMar celo","qui cia","ist ros","Ġr usa","Ġjef es","ist án","x ima","am ba","?? ?","Ġmanip ulación","Ġd ren","Ġarquitec tón","iv ar","fas is","C abe","ándo les","Ġsab iendo","Ġsuper ado","ĠInst al","Ġsorpres as","di era","Ġcab les","Es c","Ġpi diendo","ĠQuiz ás","ándo te","G E","ĠDe bido","á zar","Ġconden ado","Ġinfer iores","Ġbo tas","Ġpier na","d ula","Ġespec tador","ĠCh an","5 8","Ġagr ÃŃcola","Ġautor izado","ĠReserv a","Ġrepres ión","Ġfac ultad","uen ca","Ġex tiende","Ġre mi","Ġestar emos","Ġcab ec","Ġtr on","ĠMe del","Ġconf iar","Ġsan ta","Ġpres ion","ĠÃļ l","Ġse p","Ġjust ific","Ġob s","ĠConsul tado","Ġsal iendo","Ġadminist rar","Ġsuperfici es","Ġhistor i","Ġaleg re","b r","Ġcomp licaciones","g ante","ĠA ce","Ġdi ariamente","ch ado","Ġs tock","Ġpa gan","CION AL","y entes","Ġmód ulos","Ġexp uesto","Ġapar camiento","Ġt ib","Ġdios es","Ġcoleg as","Ġmús ico","ri das","Ġmoder nas","Ġsacri ficio","ten imiento","Ġbritán ica","Ġvitam inas","ĠR el","6 3","Ġcom ité","Ġin e","ĠO tras","Ġpro hibido","Ġenf a","Ġpa tas","Ġdemocr ática","Ġt rib","ĠG eo","Ġnerv ioso","P F","7 1","ĠO R","al las","e k","Ġajust es","Ġceb olla","Ġimpro vis","ĠR ena","Ġdirig idos","ĠR A","Ġch or","Ġhermos as","Ġimplan tación","ĠPsic ologÃŃa","Ġneces ite","Ġpon drá","Ġsu poner","Ġem ig","ĠI glesias","Ġluc ro","op ol","ikipe dia","ĠT RA","Ġdiagnos tic","Ġconside ro","ĠT ru","Ġcer teza","Ġdar les","Ġma ÃŃz","ĠVal enciana","Ġest ÃŃm","Ġbusc amos","ĠS uc","at h","Ġactu alizaciones","ti gu","Ġvic torias","Ġhue co","ĠJos ep","Ġdisc ÃŃp","Ġagre ga","R eci","an ta","Ġsalv aje","Ġagr icul","ta des","ĠCompañ ÃŃa","ĠAgust ÃŃn","x imo","Ġprov iene","Ġdeleg ado","ĠR og","Ġs eno","o te","ĠF ÃŃsica","i tim","Ġrestric ciones","Ġmedio dÃŃa","t ona","> <","Ġ én","Ġcal orÃŃas","Ġcomp one","Ġadecu adamente","Ġactiv ar","Ġle ÃŃ","Ġex poner","Ġp alacio","Ġmoto ci","Ġespeci fic","Ġcó mp","ti emp","Ġi OS",". ),","Ġve an","Ġob ede","Ġcomple tos","ĠA gosto","ĠSeñ ora","le go","ba ciones","ĠQu in","Ġoptim izar","Ġregist rados","Ġsal do","Ġespectá culos","ĠStre et","ĠO fre","ĠV ent","M IN","N osotros","Ġmostra mos","Ġsen ador","Ġt óx","Ġmág ico","Ġter remo","Ġselec cionados","Ġfres ca","Ġla terales","Ġsal udos","Ġfal la","ĠL ec","Ġrelig iosas","S ol","Ġtrage dia","Ġprocl am","Ġbal cón","Ġb onos","Ġsob r","ĠEn ero","Ġas cen","e dades","ĠCor uña","Ġjue gan","Ġf estiv","Ġll orar","Ġa zo","ĠH éctor","ĠInde pendi","j amos","Ġdirig ió","ĠSer ie","Ġlo ca","itco in","gra ción","que ta","Ġtrans curso","Ġco ño","Ġd uros","ĠS AL","Ġpe di","Ġcontinu amente","m all","ón icos","Ġmedio amb","Ġhab lo","Ġpsic ologÃŃa","re al","Ġmo dal","ĠP ok","Ġguer ras","Ġcan ta","em ento","Ġdes po","Ġcub ierto","Ġinst a","it oria","ta ge","Ġacog er","ĠS OL","Ġprotes tas","Ġpol ar","Ġa ur","Ġcas ualidad","Ġcin tura","h ara","Ġproduc tivo","Ġapar tamentos","No ta","Ġol vido","eci eron","Ġnacional idad","ĠH om","Ġdese e","Ġcur va","Ġdeb il","Ġcrea tiva","Ġapren de","Ġad her","Ġbar cos","ĠH un","Ġcaus ado","Ġrin cón","Ġcorre dores","ĠH uelva","Ġic ono","ĠCas as","Ġconsigu iente","fici os","ĠInform e","Ġg ros","ĠBar rio","ĠE c","ĠEdi ción","Ġmu ral","Ġc ement","6 2","Ġsan itarios","ĠFeder ico","l icos","Ġllev arse","Ġcam ión","Ġfal sa","ul sión","all y","Ġenseñ anzas","Ġexten sa","eb an","Ġdej es","Ġobliga torio","Ġp ales","200 8","ĠCar olina","Ġcam iones","se t","Ġtre m","Ġan ima","ĠI rán","Ġconvers ión","ĠtÃŃp ica","li mp","Ġadqui rido","ĠMexic ana","Ġrum ores","Ġprepar ando","ĠA eropuerto","Ġconf or","Ġetique tas","illera to","Ġgu ÃŃas","Ġsu ici","âĢ¦ âĢĿ","Ġtorm enta","Ġproce dente","Ġal iados","Ġcap itales","Ġl iv","ĠS ky","Ġrep ara","Ġindi gn","Ġpa to","Ġvar iedades","li x","P L","esti ma","Ġem er","Ġdi lig","Ġrefle jo","hor abuena","ĠBur gos","Ġinfraestruc turas","titu tas","Ġ( ...)","Ġh ones","Ġtemp rana","Ġbol so","ÃŃt icos","Ġa zar","Ġrefer entes","Ġmi to","Ġexperim entado","Ġpe at","Ġsosten ibilidad","Ġrelig iosos","Ġperteneci entes","Ġterror istas","ĠCh amp","ĠEspe ci","Ġres um","ci tas","Ġir ri","ĠP unta","Ġpas tor","Ġcr uel","enci ar","P RO","A g","Ġcarb ón","Ġestóma go","Ġcin tur","Ġp ack","Ġor to","r s","it arse","f ra","Ġseman al","ĠP rin","h asta","Ġentr an","T ICA","Ġti p","Ġadv ierte","Ð »","Ġrequis ito","Ġdeclar ar","Ġarm ario","à ¤","Ġcar gas","Ġdese ado","Ġin oxid","Ġestratég ica","Ġra ma","Ġes pu","Ġpres os","Ġdispon emos","Ġcoloc ación","Ġconce j","Ġinteg ran","Ġp df","es is","Ġacog edor","Ġproporcion an","Com p","ĠR ib","r mac","Ġcu mbre","ĠF C","Ġtruc os","quil lo","crib ir","Ġter cio","tu ar","Ġref uer","f ri","Ġu ruguay","Ġi glesias","u den","ĠS é","Ġul timo","Ġab uelo","Ġsos tener","ĠSegu ra","C er","Ġinv itamos","Ġpoder osa","Ġestable ció","Ġfu tura","éc do","Ġsal va","Ġ6 2","Ġdiseñ ador","grá ficos","ĠC AM","me dios","ĠH os","Ġcomunic arse","Ġcam ina","Ġimp ec","t ch","ĠR ies","Ġr on","á logo","Ġpe ga","Ġp ido","ĠB au","cip ación","ĠS un","Ġtelef ónica","Ġlog rando","mos a","em en","ĠUnivers al","6 1","Ġ20 20","Ġles ion","Ġdese en","Ġorden adores","vil le","Ġatrac ción","bur go","Ġcertific ados","Ġsignifica tiva","an ca","ĠA mar","Ġhumil de","Ġsorpren de","E se","Ġexplos ión","Ġp ez","Ġint entos","Ġdest ina","Ġar terial","Ġb oc","ĠC ora","Ġpros per","Ġdiscipl inas","Ġalf omb","Ġfo co","Ġjug ado","Ġpor te","Ġproteg e","Ġc én","t anos","ace te","ĠF inal","Ġpro poner","ion ero","Ġcomer cios","ĠK im","Ġgra v","O O","ĠLiber tad","Ġbusc ador","Ġnorte americano","ĠMunicip alidad","Ġm io","ĠR ÃŃos","ĠB M","Ġll enos","Ġapro bar","ĠHol lywood","ĠAl merÃŃa","Ġencar ga","ĠA ran","Ġconfirm ación","Ġefec tividad","Ġsol v","v idad","Ġfin anzas","Ġesta cionamiento","Ġconduc tas","Ġolvi des","Ġse as","Ġv am","Ġflo ta","ĠP ul","G o","segu ida","b ida","i um","P N","ĠE R","ĠA hÃŃ","Ġfund ada","Ġ( âĢ¦)","Ġagres ión","g adores","Ġmas iva","so bre","Ġdispu ta","Ġazul es","Ġjoy as","Ġemp ecé","m áticas","iv al","ĠA mpl","g ÃŃa","Ġri gu","Ġescal eras","Ġimper io","ĠRo jas","Ġtra yecto","Ġmun diales","c ad","Ġin tra","Ġca os","Ġrecre a","Ġestable cen","ite d","Ġtrans acciones","ĠP IB","Ġcom arca","ĠCON S","Ġdep ósitos","Ġhorm ig","Ġhéro e","ton e","cer es","di stas","Ġfá rmac","ĠEr nes","ÃŃs mo","Ġ0 8","s mo","él gica","Ġin capa","Ġco co","ĠF rases","ĠEst ad","ec os","h ist","Ġen tornos","ID E","Ġiden tifica","Ġ �","Ġjust amente","Ġro jos","Ġcompañ era","Ãģ S","Ġvis ibilidad","Ġbes os","b s","Ġdes com","Ġcal ientes","óg icos","b log","dad ores","ĠTur quÃŃa","ĠC ient","Ġmad rid","Ġsu pl","Ġexplor ación","Ġsab éis","tur b","he im","m amente","ĠR iver","ril los","Ġén fasis","ĠB B","Ġsencil los","ĠN intendo","ĠE MP","di ta","Q UE","Ġenfrent arse","Ġinspec ción","ĠPro ducción","Ġcur s","Ġtri ple","Ġnoso tras","ér icos","te ur","di ar","ĠM U","Ġcontes tar","Ġj ajaj","ĠV in","N i","Ġch al","cion ó","Ġay ude","Ġalm uerzo","ĠP N","D S","Ġcor tas","Ġcam inando","Ġinter nas","v esti","Ġ6 3","ol or","Ġestruc tur","ĠQ U","Ġpolici ales","ĠP AR","T AR","Ġcas tigo","ĠPre vención","Ġempren der","Ġdej aba","ĠPo wer","Ġs ta","Ġinm ers","ĠTo p","d am","Ġtras ero","Ġv il","Ġte orÃŃas","Ġ 000","Ġtom ate","Ġnoti ficación","ĠPor tal","Ġameric ana","Ġri sa","ĠJer usal","Ġhuel la","Ġdi al","Ġestim ul","ó tico","Ġpas ados","Ġmas ajes","ar qu","Ġsuper visión","j ón","Ġcruc e","ĠFo tos","ten a","ĠCan tabria","Ġretras o","Ay er","Ġinoxid able","Ġvendi do","lan os","Ġcon mo","Ġarquitec to","pla y","Ġcla us","fi eld","Ġampl ias","Ġsober anÃŃa","rib e","ĠInterna tional","Ġin da","L es","Ġcomien zos","ĠMil itar","acter ÃŃsticas","Ġminist ros","Ġlin da","Ġv uestras","Ġro bar","Ġmill on","ap as","Ġ ^","ed ora","Ġdo bles","Ġgu apa","Ġdisf ra","Ġde vo","Ġmover se","pen den","Ġarran car","T ienes","Ġtab aco","Ġdest ro","Ġlibre mente","E tiquetas","Ġco ca","Ġcre ÃŃa","Ġcent r","Ġtras torno","ĠJorn ada","Ġpreocupa ciones","Ġbille tes","ĠAr turo","ĠMo delo","Ġaden tro","t ancia","v ÃŃo","res e","Ġcora zones","Ġsuce der","ĠF ord","ĠMes si","ĠM AN","Ġaprue ba","Ġaum entado","ĠPr ensa","Ġdesarroll ada","Ġvig entes","ĠP ho","Ġhorizon te","Ġmobil iario","Ġb esti","ĠCoord in","Ġmus eos","Ġinfl uen","Ġan illo","ĠEst aba","Ġmodal idades","ĠF ebrero","Ġpa gado","ĠB ig","ur t","Ġescrib iendo","Ġrey es","ĠM olina","PA Ãij","Ġrecor dado","Ġto cado","Ġdu plic","Ġingenier o","Ġbar b","tr ad","que o","Ġcumpl iendo","óg icas","trimon ial","Ġab usos","Ġacompañ ados","ĠOb rador","ĠGeneral itat","ier ro","ĠsÃŃn drome","Ġv ientos","ĠPar te","Ġcri p","Ġrealizar án","Ġdemues tran","ĠHar ry","ĠRec om","Ġsug iere","ug h","Ġcol ch","Ġdirec torio","es idad","it aron","ĠG in","Ġacog ida","Ġ199 1","Ġsmartph one","f an","Ġgén eros","ĠSo ftware","ĠN ivel","Ġaisl amiento","ĠSupre ma","f ono","tar o","Ġlic encias","Ġsent ÃŃ","ĠP AN","Ġale manes","e u","a po","Ġpá jar","Ġráp idos","Ġapor tación","Ġs c","Ġsi gan","ac án","Ġdes mon","que te","Ġas amblea","Ġsorpren dió","Ġescas os","ĠvÃŃn culos","Ġconcre tas","Ġsuger encias","Ġprev ios","ĠO F","Ġe f","Ġjapon esa","ĠRich ard","? âĢĿ","Ġdetal lada","Ġmar g","j am","Ġan écdo","g il","ĠMaes tro","Ġinn eces","Ex isten","Ġref irió","Ġdemocr ático","Ġcer e","t ter","Ġalim entar","Ġest il","Ġmen cionados","Ġproven ientes","Ġhorizon tal","Ġat entado","ĠG B","m ante","ĠJu árez","u k","Ġmu ros","Jos é","ĠJ en","Ġher ida","Res pecto","Ġanim e","endi endo","Ġven dedor","Ġcontinú an","Ġmul tina","Ġgratu itos","Ġvar iaciones","V EN","Ġfrances es","ĠR on","Ġb eca","Ġextran jera","Ġconstru ida","Ġlleg aba","Ġexitos a","C asa","U sted","uf ac","Ġmad uras","Ġcolec ciones","min as","Ġrom pe","Ġpi ano","ĠB oy","Ġob vio","Ġpos tre","Ġrec ta","Ġrefug iados","ti cia","Ġarreg lo","Ġára be","Ġimper me","ac ar","Ġfum ar","Ġtrabaj ó","Ġar rib","A p","aa aa","Ġhard ware","Ġinolvid able","RE C","Ġreno var","ist ÃŃa","Ġprotagon ismo","Ġinterpre ta","ĠC lo","Ġab aste","Ġsex to","Ġcre adores","Ġingles a","Ġasum e","er e","ĠCar re","ĠTorn eo","Ġ11 0","tien da","Ġaprob ada","ĠC OL","cho ol","ĠConven io","ta ñas","as is","m áticos","ĠB ienes","Ġvan guardia","ĠC uenca","Ġac oso","Ġescándal o","Ġconf usión","Ġma tric","el ia","Ġsocial istas","an co","ca v","re os","Ġhacer te","Ġmatr ÃŃcula","Ġposib il","Ġb ecas","g ri","ĠTex as","Ġmis iones","d amos","o th","TA M","Ġautomóvil es","ĠSegu ir","ĠSon y","d é","Ġcre cido","ĠAc ceso","pon go","Ġestratég ico","ĠPas cu","un ar","ch an","Ġid ón","ĠP ic","N uestros","ĠB ás","Ġexp l","Ġolvid ado","gu esa","Ġofre cido","Ġdig no","Ġcont ribuye","Ġconcl uye","Ġtem bl","Ġotor gar","un tamientos","un tu","Ġagrade cimiento","ĠJe ho","ólo ga","ab y","Ġproteg ida","ĠMon t","Ġconf idencial","Ġcató lica","Ġaudiovis ual","Ġab arca","Ġmol esta","Ġconsidera mos","Ġacum ulación","Ġal mas","Ġrup tura","Ġm l","ĠF idel","Ġnutri ción","Ġconte x","Ġmanz ana","Ġfran quicia","ĠAl ma","Ġfol lando","en ca","ĠPu ente","ást ica","Ġdispar o","Ġexp lÃŃ","Ġliter aria","Ġencan tó","Ġexist ÃŃa","Ġinm ensa","ĠIn telig","Ġre mar","ĠJuz gado","ĠsÃŃmb olos","Ġviv ÃŃa","Ġcons enso","Ġbas tantes","Ġdej ará","ĠF iesta","m x","Ġaer ol","Ġsindica to","Ġven ce","Ġal as","Ġpers ecución","Ġpopular idad","ĠG R","ĠCon curso","ĠPo co","Ġa tras","Ġconven cido","pi é","Ġverda deros","Ġreun ió","ab ar","Ġcos tas","ĠMar ruecos","Ġ198 0","Ġsól ido","Ġb ac","Ġprom ueve","Ġpre ferencia","Ġpeda g","Ġllam aba","ĠMo da","Ġculp able","âĢĿ ;","Ġsecre taria","Ġcent ÃŃmetros","oo oo","ĠA QU","ĠLi mp","p ri","X X","ĠV ista","IF A","Ġbeb e","ĠU so","Ġhacer nos","Ġatrac tiva","9 2","Ġsal drá","ĠUr ban","ĠCa tedral","im amente","que tas","Ġh aremos","ra to","Ġh s","c y","Ġc ie","Ġavan za","ĠT IC","du re","ĠPal mas","Ġ( «","Ġl áser","ĠJ uego","Ġpl ana","ĠT E","Ġp ad","Ġentr ado","Ġcump la","bi le","Ġconsol id","b ras","Ġdesplaz amiento","Ġdiseñ ados","ĠHon or","Ġinsegu ridad","ĠClÃŃn ica","Ġtu b","la je","Ġles bi","ĠJos e","Ġprostitu ción","on s","Ġcontemporán eo","m us","ĠE TA","Ġsir vió","Ġref iero","Ġasigna tura","Ġex ci","ĠGre en","ier re","v ana","ĠAl var","ICA CIÃĵN","Ġfil tros","S ólo","Ġtom aron","Ġdis p","Ġorden ó","Ġd uer","Ġlu jos","Ġto có","z aba","Ġrell eno","Ġmer ecen","Ġparcial mente","Ġindic ador","ĠB O","TU R","Ġmo tos","ó so","ĠF A","Ġfal tar","Ġhi p","Ġpar es","lan da","Qu iero","ĠCon strucción","ĠPro yectos","st em","Ġ6 7","ĠL leg","pec u","Ġdenomin ación","ĠLea gue","Ġasist ente","Ġl ú","ĠCh e","ĠImp erio","Ġma te","Ġintim idad","Ġquer ÃŃan","ĠTel éf","E sa","ĠW est","Ġele gancia","Ñ ĥ","200 6","Ġcas ual","al ia","Ġve cin","tr á","Ġev olucion","ĠG l","Ġresul te","Ġgl uc","ĠCal der","dez co","Ġch an","Ġrecib iendo","ĠMa terial","ĠT ribu","Ġenfer mo","N unca","i ando","ort h","Ġ Î","Ġcont ribución","Ġsac o","Ġn acer","Ð º","ĠVide os","Ġcump lan","Ġdar nos","Ġh ura","Ġalar ma","Ġemp i","Ġ9 1","Ãģ N","ĠR é","ĠG aran","Ġp enas","Ġbus co","ca te","Ġf ur","Ġsac ado","Ġlec turas","us elas","ver de","Ġequip ado","og én","Ġde grad","Ġayud ado","Ġcer rados","ĠImp uesto","ĠlÃŃqu idos","ĠO rig","Ġma quina","tr ales","Ġajust ar","ĠV ázquez","Ġro to","in k","Ġmin or","Ġenfr entan","ord s","Ġt ÃŃ","ti ga","ĠU V","Ġdistin ción","Ġdel icioso","Ġperm isos","Ġbal oncesto","ci ble","ĠCon serv","em oria","Ġfutbol ista","Ġox ÃŃgeno","z ano","Ġac ú","Ġcrist iano","us ion","Ġsu puesta","�� ��","9 6","ĠCom par","Ġimp uso","Ġro d","Ġsin té","ĠV ÃŃ","ĠPro ce","Ġextra er","Ġases ino","Ġjurisdic ción","Ġcru do","u ter","ĠJo an","ĠDe fin","Ġde ca","or i","ĠCar rera","Ġcolombi anos","we en","is as","Ġsecu encia","Ġest re","ĠI ván","Ġsencil las","Ġcal cular","Ġmul ta","Ġtu torial","ven idos","Ġinform áticos","B a","Ġrecomend ado","den tales","c ación","int ana","Ġinst ancias","Ġaust ral","ĠMul ti","udi a","Ġat ento","Ġdeb ilidad","Ġconsider ados","ĠO ut","Ġtele comunicaciones","Ġsi entes","Ġch arlas","Ġhab rÃŃan","Ġap res","ud al","Ġinc ómo","ĠPro cur","Ġafil iados","ĠM P","Ġpre ju","t ambién","ĠCom entarios","C ES","Ġhor ri","Ġch inos","Ġdiseñ adores","ĠArquitec tura","Ġle al","m il","án icas","Ġprofundi zar","Ġadminist raciones","Ġpal o","ens os","ĠA gro","ĠJav a","or ias","ĠSec tor","Ġsol ares","E Z","ĠMedi terráneo","Ġest abil","ĠM ED","em in","Ġes paña","ĠAgu as","Ġcontro vers","Ġgust aria","Ġorient al","Ġcereb ral","Ġapor tes","itor io","idal go","Ġsól ida","Ġrepu tación","âĢĿ )","Ġcorre dor","dic amente","Ġsens ibles","Ġprev istos","ĠMe tal","l amente","ĠAr ro","ĠInform ática","Ġentren amientos","Ġretir ada","P al","Ġtermin an","uch as","ĠGran des","Ġp ur","Ġagrup ación","Ġide ologÃŃa","Ġtermin e","Ġpin tor","ic anos","Ġan to","ĠE va","TU RA","M u","k en","ĠV at","Ġcel ulares","Ġpreten den","Ġjug ada","Ġar ren","Ġparti das","es c","Ġque den","ĠWhats App","Ġfac turación","Ġ6 1","Ġgri tos","utri ción","cri ta","Ġrespec tivas","Ġfal sas","ĠDec lar","ĠRec on","ĠGu z","ĠPrem ios","âĢĿ :","Ġcomb inado","os ó","Ġdesp leg","form e","ic ada","Ġmen ciona","g aba","ac ÃŃa","Ġlu cir","Ġre af","ĠUnivers itaria","y un","ĠðŁ Ļ","Ġan da","Ġcomp uestos","Ġfac ultades","Ġenf ri","ĠNav arro","Ġsu pre","Ġinter n","ch er","Ġdest inada","Ġasoci adas","Ġocul ta","Ġba terÃŃas","Ġinfl uy","Ġesf or","ÃŃn eas","Ġrevolucion ario","C ap","Ġhermos os","Ġexcl usión","Ġplante l","Ġsub ray","Ġg lor","gan ta","ĠCo lec","Ġadministra tivas","Ġfich ero","ĠMedel lÃŃn","ĠA G","vie do","Ġfotó grafo","Ġocup ado","Ġrecl amo","Ġen com","Ġsegu ida","Ġcap tar","ĠE valuación","ĠSegu ros","Ġme mb","Ġdu des","Ġalim entaria","Ġrepro ducir","ĠS pa","Ġbomb as","n ico","Ġfavor itas","Ġvincul ados","Ġcob ra","Ġpres tamos","Ġpata tas","u tor","Ġacompañ amiento","Ġres piración","ĠGalax y","er ica","Ġpol i","ĠMan ual","Ġenfrent amiento","ĠiP ad","Ġo la","ĠEst adio","Ġincendi os","u ters","Ġreflex iones","tn am","ĠC AL","Ġpr ÃŃncipe","Ġfil a","H O","Ġsalv ación","Ġadministra tivos","ĠMos cú","Ġbar ras","Ġmedal la","Ġcob ro","Ġgen ética","M AS","Ġdi fici","A h","Ġsu yos","â Ħ","Ġpúbl icamente","Ġen cu","ir re","Es pero","Ġjard in","Ġrecon stru","Ġdistingu ir","Ġdefec tos","TIV O","Ġc áp","Ġdej en","Ġdelan tera","ĠC ri","Ġpin tores","ĠJur ÃŃ","Ġta za","Ġdis per","Buen os","ĠA ire","T anto","Ġcambi an","Ġsur gen","ĠEm ilio","Ġid én","Ġpan eles","Ġúlti mamente","ó f","ĠJ ane","Ġmovil ización","Ġdeci dimos","Ġlog ÃŃstica","Ġvenezol ana","Ġbas adas","Ġdescub rió","Ġad mitir","Ġan ón","Ġacab ados","Ġapor taciones","Ġsin tió","Ġpag inas","Ġbar rera","Ġter n","Ġhid rául","Ġses enta","Ġro j","Ġk ilo","Ġsacerdo tes","Ġinici ales","Ġp m","ĠPh il","ĠSue cia","Ġrev esti","Ġcar n","Ġcomp or","Ġpis cinas","Ġind icaciones","Ġtor os","Ġsindic al","us ieron","Ġincor rec","Ġa vi","di dades","ches ter","ris as","mo h","ĠAudi encia","Ġpro xim","Ġinf ierno","ĠH acer","Ġhor ror","Ġprác ticos","Ġofrecer á","Ġdismin uye","Ġco alición","ác tico","ĠEst rel","s ol","Ġle o","Ġne gó","Ġresal tar","ĠS itu","Ġdeci den","ĠCol ón","Ġestrech a","Ġexplic an","Ġrenunci ar","Ġfuncion ando","quier da","Ġdirig idas","Ġm Ãĥ","Ġc emento","Ġgo ogle","Ġurb anos","ĠLin ux","E ra","Ġpr enda","Ġbus que","ĠC F","Ġad s","Ġl ente","Ġceleb rada","Ġestable cida","Ġmeta bol","Ġmejor ado","Ġdedic ar","ĠL lam","Ġr ar","ĠRec or","Ġden tal","ĠB élgica","ĠL ÃŃ","Ġregres a","Ġdist ancias","f lix","ID O","Ġfeder ales","Ġs ensa","Ġmante quilla","Ġpol it","Ġinclus ive","ér g","Re g","ĠRub én","ĠL is","tiz ada","Ġcam isa","Ġdemos tró","Ġcic los","Ġmasco ta","Ġa jo","Ġsatisf echo","ie ta","ĠH ora","Ġbril lantes","Ġm entales","ĠIntegr al","gu iendo","Ġases orÃŃa","Ġfamos as","Ġex ha","Ġán gulo","ĠViv ienda","Ġprop uso","ĠPlan ta","Ġubic ados","TE C","ul ario","Ġinv as","Ġpos tal","Ġcome ter","Ġactu alizado","ĠCam bio","Ġson re","Ġlim itar","ax aca","ĠA h","Ġinv itar","9 7","Ġperci bir","ĠP RES","Ġ9 8","Ġvelo cidades","Ġcumpl ió","Ġcombina ciones","é mon","A pro","Ġdesgas te","ĠR eb","Ġcatal ana","Ġimp one","Ġcer ra","Ġsuav es","ĠAmb iental","Ġintelec tuales","Ġin ú","ĠIN S","ĠD ay","Ġinnov ador","Ġposi tivas","ad y","Ġperman encia","Ġele var","Ġauto buses","Ġproces ador","ĠG reg","Ġej es","Ġexac ta","vi ese","ĠArch ivo","ĠRes ul","hu ana","Ġtrans mite","Ġpro hibición","Ġderi va","ĠMic ro","ĠC ár","l adas","Ġb inarias","l ab","ĠS el","Ġdenunci ar","Ġtien de","Ġdi ó","Ġaplic ado","p ón","ĠAc tividades","Ġdefien de","Ġme tales","ch u","Ġvege tal","Ġapun tó","ĠNi ño","Ġsolici tó","Ġm ort","ol encia","ĠEst eban","en g","Ġdes cal","D on","pa cio","ĠCon fe","z ob","ĠM ill","Ġfin o","ĠI sa","Ġri ego","Ġpas adas","ĠFin anzas","Ġob ses","u ci","ĠG PS","Ġ13 0","Ġmedi oc","Ġapell ido","ĠM I","ĠE co","Ġtri turación","tic s","Ġque ja","Ġjust ificar","Ġleg itim","ÃŃ bl","ĠM O","Ġtri go","Ġabandon ado","iz ante","Ġgar aje","Ġmu rieron","Ġob ispo","w ell","Ġdivi den","Ġentren ar","ĠZ o","Ġcam in","Ġregist ra","Ġpresent ados","Ġbor rar","Ġcontemporán ea","Ġenga ñ","ï »¿","Ġpref iere","ĠT ol","icios os","Ġprepar ada","Ġconsigu en","Ġque jas","t he","ĠJerusal én",", âĢ¦","ĠCo operación","ĠAl ba","Ġenv ÃŃos","Ġp im","Ġenten dimiento","Ġterror ista","Ġcuer da","cer ÃŃa","ĠT ech","bi as","Ġ198 9","fic aces","ĠJ am","b ien","Ġespeci ficaciones","Ġf irmó","ps is","Ġmac ro","Ġl áp","ĠAtlán tico","Ġrecor tes","ĠT ú","Ġle gen","C P","Ġconqu ista","Ġagr ÃŃcolas","ó b","Ġlla ves","Ġ14 0","ĠLib ros","Ġauto p","Ġbur bu","Ġapren diendo","Ġse d","Ġextin ción","gust o","Ġleg almente","Ġinforma cion","Ġadolesc encia","Ġdesigual dad","Ġre embol","Ġmar rón","Ġbar reras","Ġest ir","Ġinteg rante","Ġmol ienda","ra je","Ġacep tado","Ġgener ó","Ġdenunci ó","no w","ma g","ĠF omento","Ġcub iertas","Ġparale lo","Ġimpresion antes","Ġrin cones","cas o","ĠI R","c adores","Ġfinanci ar","Ġdefens or","ie ve","ĠMor e","ĠQu intana","Ġtritur adoras","ĠV all","ue bl","ĠĠĠĠ ĠĠĠĠ","Ġrecon oz","B N","Ġtren es","ĠIn c","Ġgal letas","Ġv ial","aliz amos","b ula","Ġdes cen","Ġhiper tensión","ĠT ig","Ġinform aron","º C","óx ido","Ġser p","ĠCom is","cil ler","con trar","% ).","h el","Ġtraslad ado","ometra je","Ġcompr ador","ci stas","Ġint entan","Ġsal tar","Ġperio d","rig ht","Ġmun dos","ĠsÃŃn tesis","ĠO S","Ġ3 50","ĠGu an","Ġpes ado","c adas","Ġcomerci antes","Ġfalle cimiento","Ġexig encia","ce d","ĠOl iv","Ġdesper di","Ġgan adora","ces is","ĠRe forma","ĠCon ocer","Ġpen ales","st icas","ĠH P","Ġayud arán","Ġencar gados","Ġes par","Ġpersonal idades","Ġob esidad","Ġesp an","Ġfa una","Ġseñal an","ĠSegun do","Ġvisu alizar","ĠV ig","Ġimag ino","Ġconst rucciones","Ġla zos","Ġliter ario","ut s","Ġje je","Ġrefer ido","Ġve la","Ġdes vent","Ġprac tica","iden cia","ĠI B","Ġcontinu ó","Ġla var","Ġper d","Ġtra tó","Ġperu ano","rim ientos","dil la","e to","Ġdeb ÃŃan","Ġdelincu entes","ĠBel las","Ġun en","s car","Ġa ulas","Ġnego ciar","Ġrendi r","Ġagru pa","Ġsinc ron","ĠI MP","Ġba il","Ġtra tarse","ĠA la","ĠEu gen","Ġgubernam entales","ĠXX X","Ġfac turas","Ġfuerte mente","Ġprin cesa","Ġreco lec","Ġlist os","Ġreclam ar","ĠE mb","Ġre e","ĠS mith","ĠP y","Ġc ica","Ġvari ación","b ara","Ġconf ron","Ġoc éano","Ġvis itado","id s","Ġfavor ece","Ġdivis as","n idad","Ġfa cial","ĠBus iness","Ġin esta","Ġre ten","ĠL anto","ĠMon ter","Ġbomb ar","Ġcolum nas","Ġreal icen","n ica","Ġrode an","Ġan ces","Ġreg ener","P ol",", \"","ĠVI H","Ġaconte cimiento","Ġre ÃŃr","Ġelig e","Ġvir tuales","M in","ĠNo che","Ġgri to","Ġc ima","t ha","Ġne ol","ócra ta","ĠUS D","Ġdu ras","Ġhacer la","ĠFil osofÃŃa","ĠSe p","h os","Ġanti ci","ĠJa én","Ġinv ad","id ora","ĠCas i","Ġdis puesta","u ga","Ġelec to","Ġres id","ĠÃį n","Ġautón omos","Ġutiliz amos","t én","rá fico","1 50","Ġactu alizada","Ġsus cep","Ġportu gués","ĠDes cripción","al ta","Ġtien den","Ġir án","ĠI m","uc e","ĠS k","Ġcan ad","ĠCh il","Ġedi tar","200 2","Ġv ice","Ġs tre","Ġfil óso","ĠLic encia","Ġasoci ada","Ġale gra","f eo","Ġdesarroll ados","i bre","dor o","Ġenve jecimiento","ĠT R","ĠPros titutas","ro ga","cion alización","ĠAb ra","ĠEm baj","Ġserv irá","Ġpav im","Ġcre ció","A le","Ġsuces os","a go","Ġfil osó","tu osa","Ġanci anos","Ġyo ga","il y","ĠEspa cio","Ġcomprome tido","Ġlog ran","vers a","eric or","Est ás","Ġpa ñ","Mé xico","Ġresta ble","Ġfundam ento","C R","ĠO este","Ġpa utas","ta ño","Ġperio dos","cion e","Ġqued amos","Ġauto estima","Ġperfec tas","ĠRecuer da","Ġpeti ciones","ĠSa int","ĠP s","EN D","ĠA van","Ġcompr adores","Ġproto col","Ġluch as","Ġmis a","ĠCor pora","Ġcomplic ada","ĠG U","k m","Ġprev istas","E G","Ġempez amos","Ġmagn ÃŃfico","Ġesc orts","Ġempren dimiento","un t","y l","I s","ĠV igo","Ġch a","Ġcomport amientos","Ġbande ja","Ġmuer e","Ġdig na","Ġveh ic","Ġ7 8","ór ica","oro este","Ġ0 4","ĠO fer","Ġdespe dida","Ġhues o","Ġe terna","ĠB et","Ġru bia","Ġto pe","Ġt inta","in idad","Ġdesarroll adores","Ġtecn ológicas","tas e","é ase","Ġcu ader","ĠH am","âĢĶ ,","à ¸","Ġre le","Ġcé le","Ġperson alizar","ĠIde al","ril l","Ġsan idad","Ġ0 7","Ġfortal ecimiento","ĠD C","Ġrecom p","ĠT rin","Ġasegu rarse","ĠPos teriormente","Ġcur r","Ġjuz gar","Ġof f","Ġapropi ado","Ġe ro","ĠAcces orios","Ġdi ab","l erÃŃa","Ġcampes inos","Ġlle guen","Ġl enta","Ġsub venciones","Ġma ta","Ġch ef","Ġf iebre","Ġprote ÃŃna","Ġdepen dencias","uc k","Ġconec ta","Ġprom esas","Ġtex til","Ġdedic ados","ó bal","Ġfrecu entemente","Ser á","U til","ĠJ unto","Ġf ós","Ġtele fonÃŃa","Ġpas ear","Ġsorpren dido","ĠO B","ĠZ amora","Ġbotel las","Ġcol ap","Ġcan san","Ġbon itos","Ġt witter","Ġmulti media","Ġsus cripción","ĠSi mplemente","Ġro cas","Ġcorrec ción","ĠLi teratura","it amente","TI L","ĠBr uselas","Ġtestimon ios","Ġdecir te","Ġindic ando","ĠTar je","C lar","Ġpe gar","Ġcivil ización","uc es","val o","Ġplante ar","g ón","Ġpor tero","Ġsir va","Ġluch ando","ĠFu entes","Ġnorm alidad","Ġtra igo","Ġingenier os","ĠH idalgo","Ġproduc ciones","ti er","ĠCalder ón","bi to","Ġres ide","Ġmostr aron","don de","ĠPe que","Ġjuz gado","Ġ8 4","ĠMo to","Ġconj untamente","Ġliqu idación","ĠDeb e","Ġdeber ás","Ġdesa grad","vers idad","ĠCon cepción","Ġconcur sos","ĠH ome","Ġprecis ó","re am","ĠMargar ita","Ġbicicle tas","Ġmarc ada","Ġcol o","rid ge","Ġcompeti tivo","ĠCE O","om er","Ġdor ado","ĠEstra teg","Ġc iber","Ġecu ator","Ġru idos","ĠA di","cel ente","Ġas fal","p ados","ĠR EC","ĠInterna cionales","Ġin o","Ġ0 2","âĢľ ,","Ġm ina","ĠT ienen","ĠOr tiz","Ġalter aciones","iel os","Ġconces ion","Ġex hibición","ĠPre gun","Ġtar dar","Ġinst ruc","ĠGEN ER","Ġase qu","Ġm s","Ġexha ust","Ġrev és","p rim","g g","Ġvál v","ĠS t","ĠS osten","ĠTo k","\" )","ĠA B","Ġases inado","ÃŃ metro","Ġmencion ó","ĠTri p","Ġcomp ac","Ġcria turas","ĠF IFA","ĠUN A","ĠCon vención","ivers idad","ĠErnes to","Ġus ada","ĠPol ÃŃticas","Ġr ú","EL A","ex ión","Ġf lash","Ġvir tudes","Ġro t","Ġab er","Ġaplic ables","ar ch","om é","ĠAmeric an","ĠMar c","Ġpier den","9 3","fer as","ĠIr landa","Ġampl ios","Ġpref ieren","Ġfabric ado","ĠMár quez","ĠNi ños","Ġagreg ado","Ġv ist","Ġre ga","Ġdesp ro","Ġri d","Ġfantá stica","ĠJard ÃŃn","abell ón","9 4","ĠB ran","Ar t","ad ra","ĠZapa tillas","Ġb uro","or al","ĠXV II","Ġincorpor ado","per tura","ĠCh icas","Ġbols illos","Ġmari huana","Ġform ó","ĠTen ÃŃa","Ġmo tiva","... âĢĿ","Ġcompos itor","Ġdesc endi","Ġnega tivas","ĠEst ación","ĠM ez","Ġa je","Ġreper torio","19 99","ĠCu atro","Ġlevan tó","aj os","Ġotor gado","Ġacus aciones","Ġp ól","Ġol ÃŃmp","Ġbode ga","Ġdedic an","ĠTh omas","Ġileg ales","Ġd aban","Ġbel las","qui tos","Ġinver tido","Ġneum áticos","dad ura","Ġpens ó","Ġrobo ts","Ġadelga zar","Ġinde fin","Ġdi la","Ġrenov ables","Ġc itada","Ġre ta","Ġsex ualidad","Ġliter almente","ác ticas","Ġcur vas","Ġfal los","L le","Ġmoch ila","Ġconcre tos","ĠPal abra","ĠCl iente","F C","FOR MA","ĠHol anda","Ġdescon oce","Ġvie jas","Ġtoler ancia","it án","à Ĥ","Ġen seguida","ĠB ene","es tes","Ġautón oma","Ġval idez","Ġinvoluc rados","ĠtÃŃp icos","Ġexpres idente","ro vi","ĠEcon ómico","lo ween","Ġcomun a","n ie","tec n","ĠLa guna","Ġpubl ico","' '","Ġd ándole","Ġc aba","Ġs tar","Ġoblig ada","Ġju go","Ġcapital ista","ĠJ an","Ġe gip","ĠMonte video","Ġacer camiento","ĠQu ÃŃm","Ġad mite","Ġher ido","Ġrema te","Ġmanifes tado","ĠD NI","Ġparro quia","Ġmolesti as","Ġaé rea","if a","Ġfren ar","ĠX box","Ġconsigu iendo","Ġhos pe","Ġalmacen ar","Ġdesf ile","Ġinst rucción","Ġat letas","Ġinter venir","ĠEs cal","ñ era","Ġar an","Ġpresent ando","ĠPromo ción","aca o","Ġra cional","ĠPer u","Ġab an","Ġemocion ante","Ġdes pi","ĠV II","Ġcrim inales","ĠVat icano","ĠCiudad anos","Ġsome tido","ĠChica go","ad urÃŃa","ĠL abora","Ġprofun das","Ġchil ena","Ġel i","ĠW in","or ra","Ġpre cedentes","ĠMon tes","Ġer rad","ĠC rim","Ġafirm ación","den al","Ġcar di","De bido","Ġaccion istas","Per son","ĠM ec","Ġal a","Ġconven ios","Ġsimb ol","Ġro ta","Ġaso cia","CI OS","Ġsob ra","Ġdar me","Ġ( +","ĠB la","Ġvir gen","ig ra","Ġeleg idos","Qu iz","ci ano","Ġocup an","Ġri gor","Ãij O","Ġhab le","pti on","á ce","d ÃŃas","Ġcorrespon da","Ġtom ada","Ġver án","ĠGuz mán","Ġen te","Ġllam as","Ġmus ica","Ġul tima","ĠO viedo","ista des","Ġespecial idades","Dis fru","ĠJeho vá","Ġdeber es","Ġconside re","gu er","ĠIb ero","Ġco tización","Ġhosp it","Ġder rib","Ġindemn ización","ĠPatri cia","Ġayud ó","AN O","respon s","Ġrodil la","Ġelectrodom ésticos","te lo","TE L","R ed","Ġser lo","Ġamp aro","on ado","Ġcab ezas","cl ip","ĠAl len","U CA","Ġcomo didades","Ġ0 5","Ġinteres adas","do le","Ġcál culos","Ġcamp amento","Ġrecha zar","Ġpe dimos","ĠB ob","bl ación","ENT ES","tic es","m icos","Ġ7 6","f oro","Ġdes vel","Ġesc asa","Ġaplic ando","Ġ9 6","I E","Ġb ala","Ġll enas","Ġsub iendo","Ġhormig ón","tr y","Ġutil ice","Ġsex ta","Ġescal era","Ġcob ran","ĠMir anda","Ġembaj ador","Ġto ur","Ġfab rica","Ġvulner ables","cion an","ĠÃŃn dices","Ġpref iero","Ġplante ado","Ġcer ámica","ĠT ÃŃtulo","Ġmater na","ĠPu ig","ĠhÃŃ b","Ġbor ra","Ġtr ág","fer ente","bo a","Ġb ach","Ġpresiden tes","ĠNego cios","Ġoch enta","am ina","Ġanti oxid","Ġin capacidad","ĠU U","Ġempren dedor","Ġdepen derá","F O","ĠArgent ino","ol vió","cas a","la go","Ġte órico","ĠN u","ĠF ire","Ġcent rado","Ġdeba tes","Ġobserv aciones","ĠTim es","ĠjurÃŃ dicas","Ġe terno","Ġpen ÃŃnsula","ĠhÃŃ gado","Ġasign ación","ĠW all","ĠR in","aster io","Ġconm emor","2 000","Ġe ficaces","cion istas","Ġmedi eval","ĠProfes or","Ġconven cionales","Ġestudi ando","Ġdescon ec","Ġcom andante","Ġconsol idación","Ġexpe dición","ĠU p","ing er","ĠPlata forma","Ġ7 7","Ġcos echa","ĠA so","Ġmales tar","olog ia","ĠV era","Ġclas ificados","à ¬","Ġcomple tas","ĠUsu arios","B LE","ĠProduc to","Ġprim or","ĠCor poración","pi raciones","Ġcar dÃŃa","Ġje jeje","g antes","Ġca ña","Ġdiver tir","ĠAlcal de","ĠCh ia","P M","ĠDemoc r","Ġevi den","Ġdomin ante","Ġcre encia","ĠMich el","ĠLe v","a gro","Ġdifici l","ĠNa cionales","tim amente","ĠTer min","Ġsec os","esti ona","gen os","ES TI","Ġprotec tor","ĠPri va","trá fico","j i","Ġel og","di tos","9 1","ĠN ob","Ġpres unto","Ġestudi a","Ġp ilares","Ġartes an","Ġher ed","Ġfestiv ales","ol lo","m ó","ĠK m","Ġdec ÃŃan","Ġnie ga","di jo","Ġ7 3","A mb","Ġsocial ismo","Ġinde penden","Ġja zz","Ġcari ños","Ġdest inadas","Ġvas os","Ġemi tido","Ġ16 0","Ġtra uma","Ġ( \"","Ġocur ra","ĠInvesti gaciones","ĠGobern ador","ĠC S","ĠUn iverso","fi que","à £","Ġexp uestos","Ġtem áticas","Ġemple a","ĠCrist óbal","Ġgar ganta","Ġsu ceso","Ġpiel es","Ġafir man","Ġpreserv ar","Ġmor e","ac ate","di bu","ĠBuen a","Ġagu jero","P AR","Ġap las","ian zas","Ġbusc aba","Ġconj untos","ĠMar i","Ġproduci endo","Ġcen ar","Ġpermi ti","Ġlec ción","ci no","S h","ies tas","Ġvis uales","Ġrespec ta","Ġestupen da","j adas","Ġfuncion e","Ġmonum ento","Ġras tre","ĠPresu puesto","av ier","pre cio","Ġcar teles","ĠR ad","Ġaument ó","gra de","Ġescu do","Ġmin era","Ġcar tón","Ġcoloc ado","Ġdi am","ĠIma gen","Ġautomo vil","Ġj aja","Ġcercan ÃŃa","ĠJorn adas","ti zó","Ġmanten ga","Ġfal sos","Ġadquier e","res te","tr icos","i é","ier ten","Ġtes oro","ta t","Ġfon tan","Ġdi gan","Ġmezcl ar","ĠDeleg ación","Ġson ora","ĠR ece","as tas","k ar","Ġquer ida","ĠC AS","ĠP aco","ĠPas eo","Ġpuntu ación","ĠLe o","ĠX D","ĠAn g","Ġprovoc ando","Ġartic ulo","Ġa ero","Ġtar ta","ĠL ucÃŃa","OR ES","Ġhistór icas","Ġtriun f","Ġimpor tación","Ġimpec able","Ġrecon strucción","Ġmil ag","ĠEstudi antes","200 3","iz arse","Ġmil las","Ġpel u","Ġenten demos","Ġaprovech amiento","Ġcont entos","om i","ic ados","Ġespal das","ĠAudi o","Ġmad ura","Ġpropa ganda","Ġcient ÃŃficas","gu ero","Ġproduc tiva","Ġsobre pas","Ġsu bido","ĠR AM","Ġest ro","im ental","Ġ zar","Ġus e","Ġb ono","à ¢","é stico","Ġe gres","ic óp","Ġ12 5","Ġpres um","ĠIn ici","Ġangust ia","Ġimpac tos","Ġaé reo","Ġresiden cial","e amiento","Ġestup endo","Ġa ve","ĠI ber","Ġinforma tivo","Ġagricul tores","Ġmagn ÃŃfica","Ġta xi","con tin","Ġorganiz adores","ĠNe ws","ĠS pi","rag ona","Ġpose er","Ġrela tivos","Ġpara ÃŃso","Ġcontinu ará","Ġcuer das","ĠHist órico","Ġobliga toria","Ġprevent iva","Ġquer éis","Ġhal la","Ġcar nes","ĠJal isco","ĠSE G","Ġsens ibil","Ġcuad rado","t witter","Ġhéro es","Ġaplic an","Ġejer ce","ĠTele visión","7 00","Ġbus cado","ĠDes cargar","Ġapete ce","ócra tas","Ġconsider arse","Ġmir adas","Ġcono ces","Ġemple ar","Ġpas aje","Ġprop ósitos","Ġvengan za","Ġl entes","Ġb ul","st icos","Ġinmig ración","Ġvál ido","re d","Ġvay as","Ġcontun dente","Ġfar macia","Ġres tantes","gor it","Ġins ign","u ado","Ġa tar","Ġg estiones","Ġf ér","ĠTama ño","Ġanal istas","ĠJ ord","ĠH ues","Ġcontro la","ĠQuiz á","ĠP ach","les s","Ġtra jes","Ġfu é","Ġe man","ĠCh at","pa tÃŃa","Ġalcal desa","Ġexperim ento","H z","Ġm ero","Ġpre lim","jer ci","Ġmonum entos","is on","Ġhuel las","tel erÃŃa","Ġcre ados","Ġ7 1","Ġdej arlo","tan g","Ġcar gado","T IS","dr os","Ġinspir ado","Ġcompens ación","Es per","Ġprove er","Ġneol iber","Ġatrac ciones","Ġcontam in","Ġco pas","Ġme l","ĠÃģ vila","ĠS ci","ĠV ÃŃa","IN O","Ġcon g","ĠNa turales","Ġval enci","Ġtra jo","Ġpoder osos","ĠC le","ĠC amil","ĠBe ach","ã Ģ","é tera","ĠComun idades","Ġ9 3","Ġmie dos","ĠIn icio","Ġpres iones","Ġescrib o","ĠV idal","Ġman uales","Ġfich eros","Ġvege tación","D ÃŃa","ĠBro wn","ĠindÃŃgen a","Ġpoten ci","gu r","Ġrent able","Ġlevan ta","Ġinsec tos","Ġorg ánica","Ġal iento","tic e","Ġos ci","Ġ; )","Ġrep as","Ġ8 8","Ġofens iva","âĦ ¢","ores te","Ġgran o","Ġdes em","Ġ0 6","Ġloc alizar","er ta","Ġartes anal","Ġcardio vas","bit ro","b on","Ġexter nas","Ġconsecu tivo","Ġutiliz ó","Ġhistor ial","ĠGro up","Ġmáx imos","Ġatravi esa","Ġk it","Ġale gr","D a","Ġrem ol","ob ia","Ġ0 3","? )","V IS","Ġdeber ÃŃamos","ĠV AL","in eros","Ġma triz","ad ro","ĠO axaca","Ġbañ era","ĠJ ar","ĠD é","ĠDic ho","ĠAp p","ĠEn señ","Ġinflam ación","Ġcómo dos","ampl ona","iu da","Ġu p","Ġfi le","Ġtor o","ur so","C AR","Ġrep ite","ĠB ara","Ġcop iar","ĠZ el","di versidad","P ese","Ġayud ando","Ġdependi ente","Ġmentir as","inos a","Ġcas ino","ĠAnd re","ĠDispon ible","ĠMa tem","Ġ8 2","Ġreci bo","iz amos","Ġofrecer le","Ġterremo to","ĠT uc","Ġ7 4","O tros","ĠSol ici","Ġbr oma","ĠRe ad","Ġeleg ida","ester ol","n ea","Ġbara tas","ĠS ir","Ġsal arial","Ġtom amos","Ġalter ación","Ġliber ar","ĠR um","Ġn óm","r encia","Ġcolon ial","Tra baj","rim ido","Ġcu rar","ĠAl icia","Ġarre ba","ĠA re","ĠL ab","Ġestim ular","Ġob reros","ĠCerv antes","ĠRe des","Ġa ir","Ġvent il","Ġcal cula","Ġregal ar","av a","Ġex pone","ri tas","ĠGran d","Ġam as","n is","Ġesf era","h en","ĠC y","R a","Ġpelic ulas","Ġhu ir","ĠPro gram","ril las","Ġay uden","Ġponer le","ĠMus ic","Ġsu cur","Ġmotoci cle","ï ¼","Ġal moh","Ġparticip ante","Ġocur ren","n an","Ġpreocup es","Ġextran jeras","Ġilust raciones","Ġtempor ales","b all","Ġpermitir án","Ġpon ÃŃa","Ġnomb ramiento","i tivos","ĠLu gar","Ġóp tica","Ġintro duce","ĠNet flix","ĠðŁĻ Ĥ","ĠA qu","it enci","Ġignor ancia","E FE","Ġasc ensor","ĠB ase","Ġperu ana","Ġp ala","al os","Ġespu ma","Ġorden ado","Ġch aqueta","Ġor illa","Ġenfr ente","Ġest ip","ĠHo gar","Ġrecuer dan","dir se","Ġen la","IV ERS","Ġamb ul","ĠN ú","man ente","Ġproteg ido","ĠC ala","Ġalmac én","Ġcansan cio","V is","ĠPro f","ĠIN D","Ġespec tro","ĠMa teo","ĠCor rea","ericor dia","ĠBar ran","Ġavan zando","ĠPue den","ir ma","ĠFo x","Ġab ren","Ġnarra tiva","Ġacce de","Ġsatél ite","Ġla tina","ĠCrist iano","ĠJ ordi","Ġprivi legio","Ġdesarrollar á","Ġcabec era","ones a","Ġsu d","ĠF M","ĠE M","bo ard","Ġpu ri","Ġceleb raciones","Ġvol úmenes","ome trÃŃa","Ġimp unidad","Ġinform ático","Ġat entos","ĠF l","cis amente","ĠHo use","Ġun irse","t x","ee k","ĠDes cubre","t ta","Ġdi es","i w","ĠMar ca","g am","Ġan tel","gre gación","Ġdon ación","Ġanterior idad","ĠC án","Ġne vera","Ġn ubl","Ġbenefici arios","T RI","Ġver ificación","Ġman dÃŃ","Ġhábil es","ian ismo","ĠperÃŃo dos","Ġestruc tural","b ablemente","teri ales","a cion","ĠA vis","ĠP V","Ġfa tal","h idra","Ġinten dente","Ġprior idades","Ġsubra yó","âĢĵ ,","Ġproduci da","Ġ198 5","ĠEs pec","Ġglob ales","ĠEl éctr","Ġcos ech","Ġsecund ario","Ġmascul ina","Ġescas ez","terrán ea","Ġvol vieron","Pres s","Ġtom as","Ġexpres ado","Ġer rón","Ġal erg","p ur","ĠInde pendencia","Ġdiv ina","Ġno tific","Ġperpe tu","Ġcircu itos","Ġart ÃŃsticas","Ġsól idos","ĠN orma","á frica","Ġcaracter es","Ġfron ter","Ġdom ingos","él ix","Ġcer rad","ĠOp ciones","v s","Ġfin alizó","Ġad orn","Ġrad iación","Ġpertin entes","ĠR em","un e","Ġfol lar","z aron","Ġar ra","ort ante","gu o","Ġetc étera","Ġtraduc e","P an","er na","Ġvolun taria","orm al","Ġgan ancia","Ġópti mo","g em","Ġ: :","Ġcál ido","Ġan trop","Ġcompar tida","ĠC abil","Ġdiscur sos","ĠTra vel","Ġapos tar","Ġresca tar","Ġsab ia","A F","min ente","Ġre tención","Ġdes es","ĠAnd rea","ĠCo opera","Ġlac tancia","Ġabsor ción","B ol","ri ve","Ġdar ÃŃa","L OS","ĠR i","200 5","Ġ8 6","ĠIn tel","Ġesca pe","ĠMor ena","Ġmol é","Ġth is","Ġbúsque das","ENT OS","âĤ¬ .","Ġaleg ro","Ġinv asión","Ġayudar le","Par ece","Ġextra ños","Ġimp i","Ġjam ón","Ġráp idas","Ġo le","Ġmar x","Ġcens ura","Ġdin ámico","ĠCora zón","Ġcier tamente","Ġhacer me","Ġrodil las","Ġcol esterol","Ġprecios as","Ġmé rito","ech e","ĠYou tube","Ġil im","Ġapun tan","Ġper dieron","Ġoportun o","Ġpresent adas","Ġec ológica","ĠAm igos","Ġllam e","Ġcos tar","ĠCam b","te ado","Ġal titud","Ġencar go","ĠCl ara","Ġcintur ón","Ġfidel idad","Ġleg alidad","Ġaverigu ar","z u","ĠMar y","g ers","ila teral","Ġrespir ar","ĠT r","Ġexcur sión","Ġal tar","Ġorigin almente","S a","ĠAdministra tivo","Ġrepor taje","Ġoscu ros","ve lo","or y","ĠÃĵ scar","ĠSo fÃŃa","ĠL on","Ġse ver","ĠF lo","Ġano che","Ġpresiden ciales","Ġrol lo","Ġdel iciosa","Ġdiput ada","Ġdébil es","ĠPas o","ĠFamil iar","Ġros as","Ġexig en","Ġges tos","b ust","Ġapo der","T RE","Ġdisf raz","cin co","Ġdetal ló","Ġpsic ológico","âĢľ .","ĠV iernes","Ġincapa z","Ġset enta","Ġrecu b","Ġaspir antes","Ġdur ó","Ġmin as","Ġdepen den","Ġpon gan","Ġep ide","ri ga","ĠChar les","Ġg el","tu m","Ġesper anzas","Ġ {","ge la","Ġsencil lamente","Ġacer có","Ġin unda","Ġpe g","ĠJun ior","ib u","Ġquién es","M as","me lo","Ġan gel","Ġam istades","st ro","Ġtitular idad","ĠAlcal á","ĠOcci dente","Ġestim ado","Po demos","Ġpa tri","ĠEn c","ĠAc adém","Ġtermin ales","Ġconqu istar","Ġfil me","Ġcal cio","ĠR O","Ġvincul ación","Ġel enco","Ġmer ca","vi ar","Ġdeci di","Ġcomenz ando","Ġtra c","Ġresal tó","Ġtre men","Ġlegisl adores","Ġor questa","Ġgrues o","Ġgab inete","Ġsal ÃŃa","Ġcuidados amente","Ġsp am","C l","M en","Ġinvi to","ari ana","ĠA un","Ġconec tividad","Ġaliv iar","Ġab o","Ġde pre","Ġmil agro","Ġpu entes","Ġp ilas","ĠP is","Ġeconom ÃŃas","Ġhel icóp","Ġv arones","al i","itu des","ĠSin dica","Ġestamp ado","Ġsepar ados","Ġviol aciones","ĠBre taña","Ġtrabaj adora","Ġab uelos","tos a","Ġac túan","Ġpre car","Ġantel ación","Ġque mar","Ġm uel","Ġdig amos","Ġlim itación","ĠPres s","jemp lo","Ġaca demia","S ta","Ġvari antes","Ġinter rup","Ġb iz","Ġsuspen der","ĠG i","Ġter restre","Ġllan tas","Ġeste mos","ĠIndependi ente","Ġins cripciones","ĠPa ulo","Ġcatal anes","Ġb ord","Ġadap tado","Ġc itar","ĠCam pos","L AS","Ġfabric ar","Ġv ient","Ġcompar timos","Ġbara ta","ĠG ay","ĠA ren","Ġap ps","ĠMar x","Ġnomb rar","ma te","Ġaconse j","Ġpromo cionar","Ġcor t","et ti","Ġfom ento","Ġconsiderable mente","Ġal iado","Ġtorn eos","Ġcau tiv","Ġemerg entes","d rez","énd um","ĠP unto","ĠC orn","Ġest ancias","ĠBar ça","tin al","Ġapro vecha","Ġdom ést","Ġexclus ivos","Ġc igar","Ġpo table","ĠCer ro","gra cias","S L","Ġast ro","Ġpeligros os","Ġdi eci","cie dad","Con tin","ĠP uerta","zz i","Ġbaj ada","ĠMonter rey","ĠI gualmente","ĠDeclar ación","ĠM IN","Ġ\" ¿","Ġcement erio","Ġgan an","Ġcompar tiendo","b ana","Ġcamion eta","Ġg entes","Ġpag ando","Ġsurg ir","Ġn et","Ġvincul ado","Ġ198 8","ĠV ene","Ġf reno","T rans","cop io","ĠS chool","ĠAy uda","lu encia","Ġg am","Ġmanif est","Ġw ifi","ces ión","ĠRo d","Ġrefle jan","Ġme lan","ĠProp iedad","ĠclÃŃn icas","ĠPe pe","Ġpl ug","Ġcom an","ĠDe ja","Ġder rum","a cia","Ġprop ici","Ġdren aje","Ġinquie tudes","Ġneu tr","Ġdig it","blo que","ĠI U","Ġvar ÃŃa","om ar","buen o","Ġsemif inales","ut in","Ġpes etas","Ġ197 0","Ġdist or","com pañ","Ġllev ada","ĠIn forma","Ġescri tora","Ġinn umer","Encuent ra","Ġac ta","Ġmicro ondas","ĠMa gn","del l","Ġmig ración","Ġmadu rez","Ġto x","ri ente","Ġmedi tación","ĠT am","Ġesp es","Ġexitos o","ĠSim ón","Ġlabora torios","Ġo las","Ġven dedores","y er","Ġla va","Ġ9 2","ĠCiudad ana","Ġdese amos","imen ea","Ġsépti mo","? \"","Ġaut ó","g mail","Ġtra emos","Ġpri mo","Ġdefens ores","al do","Ġreci claje","Ġtri p","ĠCor tes","Ġbille te","Ġadminist radores","Ġperju icios","to oth","Ġsol teros","Ġresist ir","ĠB eb","ĠAlb acete","ĠM emoria","ĠIn ten","Ġca tedral","Ġenamor ado","ĠTri turadora","Le y","Ġl lo","Ġconv icción","Ġd ama","D ios","ĠI M","EN TO","ĠT oy","Ġpl uma","ĠPres entación","Ġcomun itaria","Ġqued é","i po","Ġju gos","Ġavan zadas","Ġr ÃŃg","Ġresul taron","Ġdedic ó","ĠEcon ómica","Ġna cidos","Ġtu ya","ĠEvangel io","n ación","IC AS","Ġdist ra","Ġoper an","IC E","Ġ198 6","Ġinstitu cionales","Ġpas tillas","H E","Ġgeográ fica","Ġa ires","ĠT ienda","Ġs om","Ġdemon ios","ĠPar is","Ġsustan cial","ĠAlim entación","T T","Ġvia ja","ĠÃŃn dole","Ġpro li","Ġfal da","TI VA","Ġdi alo","ĠCl in","Ġes quÃŃ","200 4","p ica","c ano","c ran","Ġcampe ona","Ġconsist ente","ti tas","ĠVal ores","Ġescuch ando","Ġcur ric","ĠT in","Ġma tan","ĠPol onia","Ġreal idades","Ġestudi ado","rac ciones","ÃŃ ble","Ġd ados","Ġinfl uencias","ec tor","Ġarm ados","Ġn u","Ġá cidos","Ġo ve","Ġal berg","ĠES PAÃij","Ġmic ró","Ġreno vado","Ġconstru ye","ĠSe a","quil er","Ġseguir án","Ãį S","ĠPat ria","rocar ril","ĠT em","Ġliber tades","R ef","m ada","Ġex port","ĠCo p","lo ad","Ġapar ente","Ġaum entan","Ġvincul adas","Ġconsol idar","Ġcorpora tiva","pe dia","Ġrecep tor","ĠConfe deración","Ġon das","Ġópti ma","Ġdesp ierta","Ġgust ar","tra c","ic he","Ġpodr ÃŃas","Ġacord ado","Prim ero","Ġactiv amente","Ġpro l","Ġrela tivas","dal ena","ól icos","ĠCr édito","Ġprovis ional","ĠAbog ados","Ġtradu cir","ĠD ur","Ġlec ciones","Ġdue le","Ġaci erto","Ġdescar gas","Ġbomb eros","Ġcruc ero","ion e","ĠL ara","Ġra bia","ĠDe partam","Ġdese ar","Ġtom arse","Ġinto ler","fi anza","Ġpublic adas","ĠJo ven","G EN","Ġtra mos","ab ras","ix a","Ġcos tó","TI TU","Ġmencion ada","ĠM ap","ens ible","Ġesencial mente","ĠA ñad","g ara","ur rección","dió s","Ġcusto dia","ñ ada","Ġcre aciones","Ġsol teras","Ġal gorit","ú b","Ġconvoc ado","Ġlej ano","Ġb ÃŃbl","Ġam uebl","ĠLe tras","s olo","Ġpas es","ĠBale ares","Ġconten ida","Ġdivi de","D ec","Ġrecibir án","Ġred onda","ga z","ĠNob el","Ġescon de","i amos","and és","ĠCol ombi","Ġsi entan","Ġsub mar","C S","ĠChrist ian","ĠMé rida","ĠCabil do","Ġus amos","Ġsel va","Ġpelic ula","Ġasesina tos","tán eo","Ġameric anos","T ri","Ġsum ó","Ġcer do","id an","Ġcoinci de","Ġman ufac","Ġlimp ias","Ġrecom ien","Ġacus ación","Me di","Ġcaball ero","Ġ8 7","ĠfÃŃs icamente","ven iles","th an","Ġl on","Ġpa tron","Ġestan dar","Ġmercan cÃŃa","ĠP ese","Ġexces ivo","ĠComun icaciones","Ġro jas","Ġpar rilla","Ġdirec tivo","Ġnorte americana","Ġsupon en","D ónde","Ġval iente","ĠF eb","Ġdes orden","f rad","Ġsupermer cados","Ġreclam ación","Ġgen u","Ex celente","ĠM S","Ġavan zados","Ġcenten ar","ĠN ick","te gra","Ġdesplie gue","Ġad ic","Ġdes ar","at ó","Ġproteg idos","Ġrep ent","Ġtir os","at án","Ġperfec tos","ól icas","h is","Ġromán tica","Ġretra to","ĠY an","ĠE FE","Ġse amos","Ġmanten drá","hua hua","Ġcor ro","Ġaur ic","ru pos","ĠTeléf ono","Ġapoy ado","ĠC ru","Ġval ioso","Ġtur b","Ġmejor amiento","Ġaten diendo","go via","Ġgran os","Ġpre visión","Ġaport ando","Ġcent rar","Ġr icas","Ġal dea","w ar","ĠEsper anza","Ġp ones","Ġcocin as","Ġdiv orcio","Ġcompeti dores","ĠS mart","ul la","os amente","ci erto","Ġestric tamente","Ġreivin dic","Ġsi erra","ĠOlÃŃmp icos","Ġconvirti éndose","Ġvari ados","Ġt acto","am par","Ġra zas","Ġin us","Ġch is","Ġcontra tado","Ġt am","Ġau ge","ĠChia pas",". ;","Ġc ielos","Ġmé dicas","Ġcar is","Ġreempla zar","rol l","Ġan ualmente","Ġdel im","Ġsens ores","ĠIntelig encia","one das","Ġde can","ib a","Ġcompar ti","Ġnarco tráfico","Ġprefer ido","Ġtro zos","Ġaplic ada","ĠP O","Ġso vi","pos a","Ãį N","t ente","Ġfres cos","Ġmuch acho","ill ón","Ġrecomp ensa","Ġmar ino","Ġutiliz arse","OR A","óst icos","Ġaj eno","Ġinconven ientes","ĠC ob","ht ml","u i","Ġmil itantes","Ġe ficientes","ĠUn os","n ab","Ġtrabaj adoras","ĠBel la","Ġcomput adoras","ĠBus car","Ġdivul gación","Ġsu dor","Ġcontrol ado","Ġin ca","Ġtendr ÃŃan","Ġhar é","Ġtable t","s ales","Ġdig es","as i","T res","Ġreduci da","Ġregist rada","ĠPol it","Ġcrist ales","er ry","d ada","ĠEstatu to","Ġtuber ÃŃas","ĠJ ones","ÃŃn guez","Ġ9 7","Ġcam bie","ĠEmp ren","ĠL y","ĠG am","al go","Ġla van","Ġec ológico","Ġtranspor tar","lic e","ĠIl ust","Ġrel ieve","la ve","Ġ198 7","ĠChamp ions","ambi os","ĠO x","ens as","Ġdese quilib","if t","Ġab domin","Ġañad imos","ĠF O","Ġgu iar","Ġmas ivo","ĠT O","Ġmor ales","me t","el ar","Ġ197 6","Ġl ana","ĠP rado","Ġrad ica","Ġdesen caden","Ġdesh acer","ĠRo ca","Ġorient ado","ell er","ten cias","Ġob tienen","ĠO limp","Ġllev arlo","iv ir","Algun as","Ġafec to","ĠV esti","Ġdeber ÃŃas","Ġatro pel","Ġsc orts","al th","Ġelim inado","Ġrecip iente","Ġtermin o","ĠIn fo","Ġprofesion alidad","Ġespeci alizadas","Ġelabor ados","Ġexplo tar","Ġj es","Ġjugue te","ĠCom pr","Ġsignifica tivamente","Ġdi etas","ĠâĢľ ¡","Ġplan ificar","Ġpeligros a","Ġbatal las","ĠAdminist raciones","ul an","Ġra tón","Ġcomun itario","Ġpregun tado","... \"","Ġvari ada","Ġindic ada","Ġfundam entos","Ġcomp u","Ġcin tas","Ġcaus ó","Ġ7 9","Ġespeci alización","Ġsá bados","Ġo ÃŃdos","Ġley endas","Ġconta bilidad","Ġimpres ora","Ġencar cel","Ġmil ÃŃmetros","Ġres oluciones","Ġconec tados","ĠPriva cidad","ramient as","Ġpin cel","Ġesc and","at an","Ġexcur siones","Ġtrans port","Ġproce dencia","Ġprodu zca","Ġdedic adas","Ġcoinci den","ĠF ri","Ġrobo t","ĠHuman idad","Ġvis ibles","Ġregist raron","édi tos","Ġconmem ora","Ġme tido","Ġhaber lo","ĠP ad","Ġju icios","gu iente","Ġg all","Ġdesactiv ados","F ac","Ġremo to","Ġpres a","Ġperson alizados","ĠE fec","Ad visor","n s","Ġimp rim","qu ir","Ġrecib idos","Ġcas ero","ti tos","ĠS ob","ent ando","do c","ĠF IN","Ġves tuario","Ġprofesor ado","americ anas","V e","Ġt ÃŃa","Ġinnov adoras","Ġmaravil las","Ġrad icales","Ġresuel to","ps ia","Ġgubernam ental","oc al","Ġ8 9","ĠBM W","I TA","Ġten siones","Ġnov enta","Ġcomple jas","ĠZapa tero","Ġpes a","art én","Ġacostumb rados","Ġneces ites","or ros","Ġprov echo","ĠTer cera","eno v","Ġañad iendo","Ġdomin ar","Ġrecu pera","ĠE ric","ĠE usk","Ġri sas","Ġimpar tir","ada jo","pan y","Ġin und","Ġsem illa","ĠTecn ologÃŃas","Ġacus ados","Ġc ueva","a hora","Ġsu til","co pia","ĠdiscÃŃp ulos","M er","ĠGobern ación","Ġcompr é","am en","Ġsuper ó","Ġinnov adora","ĠProfes ionales","Ġde tuvo","ban as","Ġgo tas","io terapia","ij ón","Ġar e","s ab","Ġ¡ ¡","Ġposi cion","itor al","Ġsangu ÃŃn","Ġvulner abilidad","Ġ8 3","Ġacompañ an","Ġdi era","Ġtrans vers","Ġsepar ar","a h","Ġre car","uer as","Ġtab lero","aj ada","Ġdenunci ado","Ġliber al","ĠCons ulta","ja te","Ġsum ado","Ġdeba tir","g encia","Ġrec tor","Ġmi tos","ĠLeon ardo","Ġdetal lado","uc ción","Ġmin ister","H ist","Ġhier bas","Ġinnumer ables","L leg","Ġp ra","cent r","Ġlle gué","Ġvol viendo","fer os","ĠFab ric","Ġalco h","Ġcancel ar","Ġap to","Ġ !!","ĠA é","Ġe cha","Ġ8 1","Ġaf ro","Ġemb arca","Ġaf án","Ġdes b","ĠVal or","A Y","ĠAQU Ãį","ĠA didas","Ġw hats","cios os","éspe d","d éis","Ġà ĥ","Ġleer lo","Ġentre gas","Ġtraslad ar","Ġmercan til","Ġmuñ eca","tiemp o","Ġri tual","Ġalquil ar","ĠQu ien","Ġabst rac","N ueva","ĠLe gal","Ġhel ado","ĠIra k","s ecre","Ġ198 2","ĠMe didas","Ġfal l","Ġreun irse","ĠEsper amos","ĠEst u","Ġfutbol istas","st ar","per ci","Ġenvi ados","Ġvisit ó","Ġrepar tir","Ġanim ados","Ġp y","Ġrit mos","ĠPon te","Ġsuf riendo","Ġsol as","Ġve cina","Ġfib ras","ĠBen ito","Ġr usos","ĠAl bert","rig or","Ġexten so","Ġen m","ĠP ir","ĠDo wn","m undo","ĠP L","ĠRé gimen","Ġs artén","ĠAust ria","Ġlici tación","ĠIgual dad","ac al","ĠK irchner","Ġbaj ó","Ġpres tado","Ġam ado","ue ta","uer tas","Ġreivin dica","Ġcuch illo","ĠSe de","Ġtrop ical","ĠRE G","Ġlo te","ándo las","Ġnar ración","de rismo","Ġv ÃŃs","ĠSte ph","te xto","Ġvál ida","Ġesp ir","Ġdu dar","ĠAgu ilar","in go","Ġsac udi","Ġcans ado","di e","ĠTra tado","qui al","IC OS","Ġorden ar","is pos","Ġautón omo","Ġmág ica","Ġadop tado","Ġtrabaj aba","ĠT y","Ġproduc tora","Ġvient re","Ġcom ando","Ġpot entes","ar to","AD R","ul osa","Ġirregular idades","Ġsu bl","p us","Ġne o","Ġponer te","Ġfrac ción","ient ales","Ġra tific","Ġso is","Ġfi jado","Ġahor ros","ĠS EC","Ġhab rán","Ġdesp ido","if ique","adajo z","TM L","Ġsan tos","Ãĥ º","ĠCal i","Ġaran cel","Ġfascin ante","Ġsemin ario","lo t","ba te","Ġsol dado","ĠWi Fi","ĠDol ores","Ġromán tico","de f","Ġcompar tió","Ġbo te","Ġdemos tración","Ġimpres iones","ĠJust o","ĠF élix","Ġespiritu ales","ar é","Ġsur tido","Ġesc ar","Ġaf ortun","p las","on ales","Ġcompati bles","Ġcómo das","Ġinoc ente","H an","mall era","Ġejecu tivos","ĠC AP","Ġregres ó","ĠPl eno","ĠX III","ri as","Ġcicl ismo","Ġ ~","Ġpec ados","D ES","ras e","Ġpo zo","Ġrefer éndum","Ġan at","dal ias","fic ado","Ġcere ales","ĠN E","Ġaj ena","g ros","Ġgran ito","Ġcombust ibles","Ġensal ada","i Ãĥ","Ġgratu itas","Ġapre cia","ade cu","Ġac ent","Ġcab ina","Ġllam amos","Ġplan cha","Ġmir ó","ÃŃ qu","Ġvar ÃŃan","ĠGol d","Ġus arlo","o jo","Ġestad ÃŃstica","Ġfigu ran","v it","Ġrelaj ación","ĠMetro politana","Ġfre e","ec emos","ĠRe un","Ġequ ivo","Ġconoz ca","Ġperf um","Ġven go","ĠK at","ti ficaciones","ĠTer ra","Ġlo bo","ĠQu ito","Ġapoy os","ĠUR L","ĠBo letÃŃn","Ġentien den","ach ing","ĠE C","Ġfil ial","Ġrom ano","f ÃŃn","tra ciones","J es","Ġsin te","Ġtan que","Ġpes ada","ĠCoord inación","Ġmul tic","Ġhabil itado","Ġentr ando","Ġdispar os","Ġevidente mente","P OS","U B","M T","Ġ1 01","ĠT ienes","Ġdi j","Ġasi ático","in ero","Bar celona","dente mente","Ġfal tas","ĠC AN","Ġcompet entes","Ġ197 8","ue ces","Ġmane ja","z amos","Ġexcep ciones","Ġb recha","Ġfan áticos","mer ce","Ġestu vimos","ic ket","ĠArm adas","p eso","Ġpro hÃŃ","Ġpris a","Ġgeo grafÃŃa","Ġaceler ar","B ajo","Ġnaveg ando","ĠNú ñez","Ġconsum e","ĠCá ceres","un ning","Ġlament ablemente","ĠTrip Advisor","Ġinter f","Ġinst ala","Ġincons ciente","ĠCo lección","du zca","Ġale jado","j ect","Ġin hib","Ġabrir á","Ġlib ras","Ġay untamientos","ĠWord Press","Ġinyec ción","Ġca en","Ġacces os","Ġexces iva","Ġllam ando","ĠM AS","Ġmortal idad","ĠSo le","?? ??","Ġrefer irse","res tres","Ġcomp re","Ġvuel vo","cu ito","S M","Ġal ianzas","mi ra","Ġrecaud ación","Ġ9 4","ĠP ep","Ġdi e","Ġman gas","dr en","Ġse pan","Ġar mar","Ġaguan tar","Ġvac un","Ġmort ales","ul ador","Ġg alax","Ġpropon emos","Ġjuris p","Ġestruc turales","Ġreal ista","Ġmá ster","ĠAlcal dÃŃa","ĠLegisla tivo","Ġé tn","Ġlu b","ĠCla udio","te dra","po ol","Ġce der","ĠP amplona","Ġofre cidos","Ġfal las","Ø §","Ġexperim entos","Ġtran sex","di g","Ġex acto","Ġinfin ito","Ġhipo tec","ta te","Ġpat ente","ĠEx terior","Ġpasa porte","Ġpsic ológica","Ġreco lección","Ġprevis iones","Ġac lara","J a","s ÃŃ","ér min","m icas","Ġacep tan","Ġch imenea","Ġdistribu ir","ĠPre mi","us se","Ġmar ina","Ġadmi ración","ul lo","Ġma tices","Ġperman entes","ie la","Ġinvis ible","tr aron","Ġinser ción","Ġdel icado","Ġeleg antes","Ġt ru","Ġre an","ĠMan chester","ĠAn des","ĠD or","Quer emos","Ġsome tidos","Ġcomun ión","mon t","Ġacces ibles","Ġv elas","Ġpar adas","u idos","Ġapun tar","Ġna ves","ĠDon de","Ġc ÃŃ","aco a","ĠY uc","Ġecos istema","Ġca ÃŃdas","ĠDe ci","ver dad","e ños","Ġtor tura","Ġun ico","Ġtum ba","ĠCla udia","Ġchil enos","ĠPro ceso","Ġgen io","Ġalber ga","Ġcal do","ĠF iestas","rar i","Ġimplic ados","g ement","us co","ĠHal loween","Ġcru cial","aliz as","Ġbrasile ña","Ġ198 4","Ġin como","ĠMana ger","s iempre","Ġt óp","ológ icamente","Ġsmartph ones","Ġinconven iente","Ġpin tado","ĠEduca tiva","Ġdibu jar","ec erÃŃa","Ġtener lo","Ġparticipa ciones","onal do","qui én","Ġme tá","ĠDa ta","Ġtelevis or","Ġconoc ÃŃ","Ġembara zadas","Ġtap as","Ġcandida ta","Ġprofun dos","Ġdific ul","Ġacog e","Ġhom icidio","Ġartifici ales","Ġhorri ble","Ġrecog ido","ĠP ino","Ġrecib ida","Ġdisfru tado","Ġcar ece","Ġro daje","ĠV ER","Ġaloj amientos","oc ación","Ġsupermer cado","i h","ent ada","Ġaban ico","r ome","Ġprogra mar","Ġrecon cil","Ġinmobil iario","Ġmás cara","Ġconvier ta","Ġex tras","Ġvac una","Ġaproxim ada","ien a","j arse","Ġabsur do","AR IA","ĠS ra","Ġpas eos","Ġtruc o","ĠA hor","Ġimpuls ado","Ġllev aban","Ġrepresent ado","Ġvideoj uego","Ġtram itación","p m","Ġbu que","ã o","ren da","in amente","Ġimpor taciones","Ca teg","Ġimag ina","Ġos t","ĠSo to","Ġnoctur na","Ġresist entes","Ġdefin en","alu pe","Ġdesconoci dos","ĠBa hÃŃa","Ġrellen ar","ĠMin i","Ġda ñar","Ġante mano","Ġvas co","x eles","Ġaprovech ó","Ġacces ibilidad","Ġes mal","A ún","c ador","Ġp ig","ud or","Ġester eo","Ġmis eria","ĠSem inario","Ġsent arse","ĠObserv atorio","ĠU d","M is","j aba","ĠBan da","Ġver sos","Ġcaptur ar","si der","ú o","ĠO C","Ġp ru","Ġoscu ras","ĠA k","ter ias","ĠGer ardo","- )","Ġvo tantes","ĠSER VI","ĠInstitu ción","Ġclan dest","Ġdisc usiones","ĠUl tra","ĠC abe","Ġconfi able","Ġrelaj arse","Ġg ent","Ġp c","Ġcontribuy en","tique tado","uy a","Ġpor ción","is és","Ġcu ente","ĠS IN","Ġdestac ando","OL U","Ġsal ones","ich os","V ER","ĠVe gas","ĠS ust","Ġcóm ic","Ġe mite","Ġadh es","Ġdes ech","cas t","Ġacum ula","Ġinci dentes","Ġch ip","Ġpreocup ado","Ġ' '","Ġpas illo","ĠSig lo","Ġrepara ciones","Ġdesa perci","ĠS he","Ġhallaz go","Ġto tales","ĠLin k","Ġnatur almente","Ġacep tó","u tos","ĠLu go","Ġcir uj","ros os","ĠDom ÃŃnguez","Ġinterac tuar","Ġjugar á","fici al","Ġconcej ales","Ġvin ilo","Ġemo cionales","Ġasal to","Ġre util","ĠE leg","ĠSus ana","Ġpo etas","Ġcor ren","Ġsuel ta","Ġterra zas","l ac","Ġestá is","Ġca tas","Ġconstru yendo","Ġfich as","Ġcal ificado","ĠSud áfrica","Ġmusul manes","Ġcan ciller","Ġres on","ĠX II","Ġm ueble","Ġinmobil iaria","erop uertos","iz antes","ĠContac tos","S AN","Ġpromo cional","Ġcontra ctu","ol f","Ġjef a","Ġfun cionales","Ġfl ora","Ġcláus ula","Ġop uesto","Ġcoord inar","k g","Ġcar ros","Ġimpres o","Ġfármac os","ER C","tien den","Ġprotocol os","era ciones","Ġnoti ficaciones","ĠEn ter","Ġven drá","ĠAl co","Ġv ina","Ġab a","Ġan cha","Ġdese ando","ĠAm éricas","Ġre h","Ġhábi to","Ġadelga zamiento","t rio","ĠH ill","oc as","Ġcar tu","AR D","Ġpod ria","ĠStor e","ĠD al","tal gia","pe tas","Ġpier da","Ġdisfru tan","Ġceleb ran","Ġtu tela","Ġaliv io","Ġmec ánico","ĠLa go","irá mi","[ ...]","Ġsec uestro","Ġjoy a","Ġven ció","Ġor ejas","ha i","Ġapar ecido","Ġhamb ur","Ġsu icidio","Ġ ).","Ġpes tañas","ĠAs i","Ġbor des","Des cubre","Ġenvi dia","Ġrelig iones",": :","ab ric","Ġcomun ista","Ġres idente","Clar o","Ġagres iones","ing ue","Ġenc endido","Ġmencion adas","Ġemer gencias","la y","Ġllev as","Ġc una","ĠMol ino","Ġpos turas","mos o","Ġadelan tó","cil lo","Ġpantal ón","ĠJack son","ĠA segu","Ġevi dencias","Ġmaltra to","Ġtra zado","cion arios","Ġorden amiento","Ġbancar ias","Ġagrade ció","Ġfis i","ĠPr ÃŃncipe","no va","Ġaf ueras","Ġol la","Ġab riendo","ĠVir gin","Ġpres encial","er idad","om an","ĠT ec","Ġinfin idad","ram ientos","Ġru inas","Ġconvir tiendo","Ġma xim","ĠT ran","Ġprev ias","Ġgo zar","Ġter mo","Ġlesbi anas","Ġreserv ado","Ġformul arios","Ġta x","Ġgre mio","v ero","ig en","t ana","Ġinnov adores","Ġh erv","ĠH as","Ġconoci endo","Ġsu ite","Ġmús culo","Ġf ic","Ġjub ilación","Ġamar illa","Ġimprescindi bles","ĠCh o","ĠDel gado","Ġproduc tivos","ĠBel én","ĠLabor al","Ġvia jero","ĠDirec tora","Ġe cho","b ella","Ġaman ecer","Ġcampe ones","Ġmues tre","Ġar bol","Ġsosp echa","9 00","Ġper on","Ġdiv ino","Ġp h","Ġag il","M X","Ġavent ur","ĠES O","ĠB ir","Ġvari adas","org es","can es","Ġestar ÃŃan","Ġángel es","Ġtea tral","Ġlámp ara","Ġex cav","Ġca ta","Ġprim arias","ram ento","n é","Ġrecop ilación","ĠF UN","! )","ä ¸","P V","Ġel ite","H ome","qu ias","Ġpien sas","Ġco h","ĠWar s","Ġfórm ulas","Ġlar g","ĠES T","ĠZ e","ĠRo o","Ġast uri","p ic","Ġpreju icios","Ġapoy an","Ġtit ulada","in ea","Ġgob ier","Ġve as","Ġic onos","Ġdis capa","ĠPer e","Ġplante amiento","Ġcau te","Ġedi l","ĠM óvil","Ġb ack","ĠAy er","Ġcol gar","Ġextra ñ","ĠHen ry","Ġpre ma","Ġexig ente","vo ces","Ġmonstru o","Ġpos ter","Ġesta tus","k el","iz aron","Ġcalent amiento","Ġcolon ias","ĠÃŃn tegra","Ġabor da","Ġan exo","ĠVie tnam","ie w","se gún","D er","ár qu","Ġcria tura","Ġcom icios","ĠOb ra","ti ro","F orm","Ġv ano","Ġref uerzo","Ġso ñar","Ġurban as","Ġfrag mentos","ĠA V","Ġtu bos","Ġescla vos","ud ÃŃ","Ġdesign ado","dil lo","ĠMen or","Ġobserv ado","Ġdirig irse","Ġagra dezco","ĠGén ero","Ġama teur","ĠK an","bl as","ĠVer ano","ĠEst able","Ġpel i","Ġfun er","ĠResta u","Ġex al","Ġval ent","Ġsur f","Ġqu im","Ġreduci endo","Ġkiló metro","Ġrep lic","Ġru bro","ĠSho w","ĠP un","ÃŃ sta","Ġrecor re","Ġcompro bado","Ġdiver tidos","Ġdivi dir","ĠEsc rib","Ġmas ac","Ġsu pe","Ġcub iertos","B R","Ġperman ecen","ĠMis s","AN TE","Ġ ]","g able","ĠE mer","ĠMé dico","Ġp ánico","ma y","ĠPa ula","aliz ador","ĠCon oce","ĠÃįn dice","Ġintérpre te","Ġme d","Ġrepor ta","Ġmodific ado","Des arrol","Ġafirm ado","ĠAutor idad","ĠSer rano","Ġt v","Ġexpecta tiva","Ġexac titud","Ġemp eño","ĠB itcoin","Ġapro x","ĠJ U","Ġdeleg ados","Ġedi tado","Ġmater nidad","Ġcomprome tidos","Ġtra ÃŃdo","Ġparticip ando","Ġus adas","ĠjurÃŃ dicos","ĠL U","Ġhura cán","Ġrecon ocen","Ġartic ulación","duc to","ĠCastel lón","Ġpl om","ĠP ien","ÃŃ l","ab al","Ġro les","Ġmira ba","Ġg in","Ġso ja","Ġcor rea","Ġ( ¿","Ġin do","ri ba","ĠUn ited","ĠEmpres arial","ĠVia jes","pir os","Ġtom adas","Ġmas car","A G","ĠRa cing","j illo","ĠH it","Ġretro ce","Ġ ´","Ġtrans acción","Est udi","Ġmuer ta","ru ro","Ġv ér","Ġital ianos","Ġref ieren","ĠMin istros","Ġinter ven","Ġderro tar","ĠAs istencia","Ġperson alizadas","tan to","Ġsil ic","Ġment alidad","Ġconseguir lo","abor ación","Ġpodr éis","Ġmedi cin","Ġad misión","Ġplan etas","C arlos","Ġasist ieron","Ġcanad iense","ĠA rena","Ġlle ven","Ġgra baciones","ĠVie jo","Ġdiseñ adas","Ġdes crito","Ġmanio bra","N E","r adoras","cil ia","ĠLo ve","а Ð","enci ada","ĠB rig","Ġlegisl ador","ĠV III","Ġalm end","Ġhumil dad","Ġcre mas","Ġmetabol ismo","Ġsignifica tivos","ĠJ uez","Ġcató licos","ES CO","Ġinstal ada","Ġarrep ent","cul tural","Ġpues tas","Ġalu cin","Ġescul tura","ĠSocial ista","h oy","qu in","Ġacum ulado","Ġase ver","Ġár bitro","ĠHues ca","Ġases ores","fici encias","Ġm ueven","anim idad","me jor","Ġaer ona","Ġinteres ada","ĠPie dra","ĠSec undaria","Ġautón omas","Ġconfor table","Ġ198 3","ĠPe tro","Ġequivoc ado","Ġbiblio tecas","Ġcuad ras","Ġel abora","Ġorient ada","Ġsent encias","ir ÃŃa","El la","Ġtrav es","dor as","Ġpresent aba","Ġrode ada","Ġam en","Ġvol cán","ĠIn t","ĠExcel ente","Ġso portes","iz e","\", \"","ĠTra tamiento","ĠJul ián","Ġescon der","Ġcontrar ia","Ġin minente","Ġrom ana","órm ula","ta bilidad","Ġenc aj","Ġproduci dos","Ġwhats app","Ġcr ónicas","ĠLiber tadores","ĠWh ite","ĠCol onia","ĠCo leg","ĠCa fé","ĠV oy","Me jor","ĠConse jos","Ġapar ezca","Ġadelan tado","tiz ados","Ġrom anos","ĠEsc olar","Ġd rá","Ġlo cos","Ġpron óstico","ĠTele fónica","Ġrespon den","quis itos","Ġ197 3","Ġconcre tar","ĠMag dalena","Ġarru gas","en ario","Ġprogram ado","Ġforma ciones","ĠGol f","Ġfund ó","Ġto ques","Ġmanip ular","Ġsab ÃŃan","Ġdest ruc","ĠCab o","Ġre portes","ĠNo ta","Ġfi jos","ĠComp ra","Ġtra en","Ġpobl ado","Ġsuper ación","Ġg luten","ĠT U","Ġh ilos","A pren","ĠPúbl icos","ĠMar vel","tu almente","Ġrequer ido","cios as","Ġinf racción","ĠArm ada","Ġt ÃŃm","ĠO pin","ent ó","ig er","Ġs ó","Ġtra i","Ġexp ulsión","Ġs pa","Ġinquie tud","R ep","ĠConce jo","n io","Ġenc ues","Ġaclar ó","Ġv itales","Ġcap illa","um an","ĠMar te","Ġincon di","Ġmone taria","ill on","Ġemi tió","reg ó","g ina","Ġtor res","ER N","aliz arse","Ġfin alizado","Ġdin ámicas","Ġinter medio","direc tor","ĠS oria","el éctr","ĠAdo lfo","Ex per","énd onos","Ġcredi bilidad","Ġedi toriales","ĠmÃŃn imas","Ġs ales","ĠA BC","Ġprimor dial","pec ción","Ġafi cionado","iden tes","Ġurban ización","Ġmir as","or s","Ġplást icos","Ġma ñ","ĠMon um","ĠMer can","Ġemp erador","ĠNatural eza","Ġhisp ano","âĢĶ .","Ġfuncional idades","ĠGuar di","ĠL ac","Ġacab e","ĠR onaldo","ĠE P","Ġsigu ieron","ĠH il","Ġlimp i","ĠTe am","cion adas","Ġmo le","Ġal ba","Ġch anc","Ġinm enso","Ġch ic","da f","Ġsuje ta","Ġfer rovi","Ġ oraciones","ĠAl f","ĠB las","Ġreci ba","ol l","Ġabund ancia","as ÃŃ","g ulos","ho o","Ġb ull","Ġdemos trando","Ġvisu alización","Ġdipl oma","Ġdoc tora","n ada","Ġcont enta","ást ima","ol d","ĠBen jam","Ġban deras","Ġ19 60","Ġprovin ciales","Ġdes crip","ĠC av","Q L","Ġacep table","h s","ĠCaball ero","Ġdura bilidad","Ġlatino americanos","ĠD ro","Ġsimul táneamente","Ġre ad","Ġél ite","Ġh emor","Ġinv entario","ĠB ell","Ġpas en","Ġco pi","ĠAu xil","ist es","ĠElectrón ica","Ġcomp acto","Ġuruguay o","M AN","olog y","Ġasegu ro","Ġderi vado","Ġb ando","Ġtex turas","Ġdivi dido","u o","x s","f ran","Ġrepresenta ciones","Ġprotagon izada","ĠPas tor","g ente","m ones","ĠU C","Ġmensaj erÃŃa","Ġorgullos o","Ġtr ono","Ġb eta","Ġderiv adas","Ġclás icas","l us","Ġmanifest antes","Ġy endo","Se ñ","ĠMov istar","Ġc ésped","ĠT ay","Ġgen es","Ġreac cionar","Ġdej arse","Ġimpos ición","ĠVir tual","es tá","poner se","ĠL G","e ado","ĠclÃŃn icos","Ġsinies tro","ĠEMP RES","s ub","Ġpi dieron","Ġdiver tidas","ĠG es","D AD","ĠD OC","Ġm acho","ĠAut om","Ġapar tados","ĠðŁĺ ī","Ġtra cción","is imo","Ġpre fi","s ica","Ñ ı","Ġprovoc an","ilan dia","Ġco le","Ġhom olog","Ġcaracter ÃŃstico","Ġdemas iada","Ġdi lu","Ġhin ca","Ġenc ender","ĠMil án","Ġrecl ama","Ġcoopera tivas","Ġinunda ciones","c rim","man os","Ġconven iencia","ĠC es","ur ada","m ios","Ġfi able","Ġindis cu","M or","Ġautor izados","Ġubic adas","Ġregular mente","P G","és imo","no che","Ġper cep","ĠWilliam s","Ġpas ajes","Ġplan tillas","ĠGuad alupe","c ante","Ġadi v","ĠProcur adurÃŃa","Ġsindic ales","Ġest úp","Ġrequer ida","go gÃŃa","ĠB all","Ġorganiz ados","Ġelev ados","Ġpim ienta","mo vil","ĠBra vo","Ġex pos","ĠUnivers idades","Ġman dó","Ġp echos","ĠEx press","Ġparad igma","Ġllev arán","Ġasign ado","Ġtre ce","Ġcomp res","Ġcaracter izan","ĠM UN","Ġeconóm icamente","qu im","ĠB ul","iden ta","Ġprob abilidades","ĠIS BN","ĠTar ragona","Ġto cando","Ġinme jor","Ġsu l","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","Ġluminos idad","Ġrec tificación","Ġrecha zó","ion era","Ġá gil","Ġesca pada","Ġper ca","ĠMan tenimiento","Ġrespons abil","In formación","Ġgran ja","Ġconten edores","par able","ám icos","201 9","Ġcompeti tiva","Ġa tes","Ġanim ado","ĠTécn icas","ĠSer ies","ĠSe govia","Ġdi ablo","Ġexig entes","Ġdesign ación","Ġviol enta","ĠSecre taria","Ġru b","j ala","= \"","ĠCh ris","Ġreconoci das","Ġrequier a","Ġsuple mento","r ÃŃas","Ġre estruc","Ġser ios","ĠCons ide","Ġvendi dos","ĠDef ens","Ġingles es","Ġest all","Ġfacil idades","Ġf ec","Ġestren ar","Ġab dom","Ġdesapar ece","Ġdesn udo","ĠWal ter","Ġexp lico","Ġexp uso","ĠG ram","y es","Ġacostumb rado","ĠMon e","Ġenv ÃŃan","Ġtro zo","ĠN er","Ġtom en","Ġiden ti","ár selo","m ne","Ġperman entemente","ĠT oro","ĠRe almente","ho t","Ġp ana","ĠM ónica","ci en","Ġcorpor ación","Ġsa grado","Ġpele ar","Ġc ese","Ġreclam aciones","Ġcotidi ano","Ġportá tiles","Ġh im","ĠAb r","Ġvina gre","Ġri g","ok ie","Ġrevel ación","v ados","ĠB ull","val os","de cer","L ib","Ġser iedad","Ġesp len","ĠRo pa","Ġcamp us","s us","Ġhier ba","Ġco yun","Ġsol ÃŃa","ĠTecn ológico","ĠF la","Ġater ri","ici dades","ĠB A","Ġacor dar","Ġobten iendo","Ġpes ados","bur g","Ġsuces ión","Ġcas illa","Ġsincer amente","vi al","Ġt echos","Ġprov ienen","g áis","Ġjust ificación","Ġ197 9","h on","m ero","Ġinterpre taciones","Ġvin tage","Ġalterna tivo","Ġlum inoso","ĠR D","fol io","Ġrecor ridos","Ġprogres iva","ĠDis eñ","N ada","ch ada","ti entes","ĠJer ez","ÃŃ feros","Ġjab ón","Ġreun ieron","Ġdemon io","Ġpresent en","Ġmister ioso","Ġabri go","Ġbendi ción","Ġrela ta","Ġagrade cido","y le","Ġprem isa","Ġve j","Ġfi abilidad","Ġpropon en","óst oles","Ġrecom pens","vent ura","Ġcre cen","ma cias","ĠCapa cidad","Ġsuger encia","Ġdoc encia","ĠPro to","Ġnúcle os","Ġson ar","Ġrecuper ado","Ġob se","Ġinici aron","z arse","Ġfantas ma","Ġrep ública","Ġprostitu ta","Ġec les","te le","Ġconta g","ub er","d arios","ĠMic ho","ĠSy stem","ĠI tal","Ġindi os","cu rio","Ġdepen der","Ġselec ciones","Ġadqui ridos","Ġb uf","Ġcoti za","al da","Ġjust ifica","Ġhinca pié","der ÃŃas","Ġasigna turas","Ġen cub","ĠA cep","ĠOr questa","Ġdomin ios","ĠFoto grafÃŃa","éis bol","Ġexperim ental","Ġgir ar","ĠâĢ ĭ","Ġvolun tario","O n","ch era","Ġtramp a","IDAD ES","Ġfa tiga","Ġoptim ización","Ġsegu ras","w ich","Ġnoctur no","z ona","Ġ2 20","Ġras tro","ĠclÃŃn ico","ĠEqui pos","ĠG ris","és ima","ĠV oz","H H","Ġmemor ias","ĠP ers","Ġinst ru","ĠPri ma","Ġhúme do","Ġca udal","Ġenorme mente","Ġetique tada","ĠSindica to","ol s","Ġver an","ĠFil ip","ĠM aya","Ġn ad","Ġcom iendo","Ġmedioamb iental","eci dos","Ġparticipar án","cran ia","Ġh omo","ĠA lan","tor ce","Ġsil ves","Ġsup uso","Ġm era","Ġanti bió","Ġencan tados","ĠF MI","Ġmuch ÃŃsimas","ĠR as","Ġ197 5","la h","Ñ ĭ","ĠIs idro","gu ra","Ġmul tas",". (","Ġsurg ido","ĠF emen","ĠIn m","Ġtor tu","ĠM éndez","Ġtar da","Ġsin ónimo","Ġ4 50","Ġpun tas","crib e","ĠFinanci era","Ġnos talgia","Ġfach adas","ud ar","rocar b","Ġol vida","j ug","Ġin tac","Ġesc aso","Ġca yendo","Ġatra e","Ġperten ecer","Ġatribu tos","Ġpar ecÃŃan",".... ..","Ġaparecer á","ĠOcci dental","I OS","ĠMo isés","âĢ¦ ..","Ġautop ista","Ġdis para","Ġeduc ar","Ġse da","Ġfalta ba","ĠAd am","Ġleal tad","ob os","ĠC ra","Ġmaravillos as","Ġpa tologÃŃa","tr arse","Ġextrac to","a den","Ġdom éstico","Ġde ro","Ġprecios os","Ġponer me","Ġexten dido","Ġnov ios","Ġredac tado","ĠC asta","ĠP LAN","Ġimpul sa","ĠH ip","Ġla tinos","A f","Ġ197 7","Ġc úp","Ġtel as","ĠF avor","Ġtribu taria","tar iamente","IZ ACIÃĵN","ĠUnivers ity","ĠJul ia","la va","ĠS D","Ġlav adora","No ticias","Ġdur ar","un cio","ĠcÃŃr culos","ĠJu venil","vi tud","d arse","ĠJo e","ĠD J","rim idos","ĠPes ca","co g","ĠH TML","ĠT era","ĠI C","Ġrecl amos","Ġromp ió","l ista","Ġsalv ador","Ġsitu ados","amb ien","Ġline al","Ġinter min","ĠMas s","Ġdiá logos","Ġdesn uda","ĠC ara","ĠS pe","Ġconform ado","ri entes","ĠCo un","Ġobten ida","Ġin adecu","Ġsub ord","Ġequ idad","Ġsin ton","Ġpo dio","Ġmon tado","Ġstan d","Ġincluy ó","Ġexper ta","ĠJ ud","lar on","Ġapoy ando","Ġinv itó","qu és","Ġcatá stro","ĠP H","ĠP ed","Ġl ien","Ġsub asta","Ġro tación","Ġalcan zan","ace tas","Ġcas eros","Ġintro duc","Ġfer ias","Ġmé ritos","Ġglo bo","te mos","Ġhon gos","ĠS omb","Ġenfoc ado","Ġm ts","Ġbusc adores","ĠConten ido","Ġinform al","Ġsomb rero","Ġch ile","Ġmostr ará","Ġdesarroll adas","Ġesp l","ĠTarje ta","ĠL unes","c ro","lan ueva","b ación","Ġtit ulo","Ġfr ág","Ġev al","Ġen z","Ġval ora","Ġdej é","v ÃŃ","Ġescri tas","dos o","ĠPar ro","Ġdetermin ante","ĠL ive","ĠRe publ","gun as","Ġins critos","ĠQuÃŃm ica","ĠInf raestruc","Ex iste","so cia","tr adas","oc os","zob ispo","ĠG ijón","U T","Ġsus ci","ĠJ oy","Ġc ÃŃv","ĠF uego","ĠQuer emos","lo cu","Ġvoc ab","Ġaudi torÃŃa","ue ño","ĠGl oria","Ġcons ign","Ġdor ada","Ġche que","Ġrep aso","Ġg la","ĠM iemb","OL OG","Ġsent imental","gon al","Ġcar pin","Ġpro cu","Ġmister ios","Ġesplen dor","et c","ĠH O","Ġsencil lez","Ġreempla zo","gu ila","ĠCin co","L uis","Ġcuri osa","ĠmandÃŃ bula","Ġrevolucion aria","de x","Ġver bal","Ġat enta","ici smo","ward s","Ġinú til","Ġcuan tÃŃa","l ama","00 1","Ġri o","Ġinflu ir","U b","Ġor illas","ĠO h","Ġunif orm","Ġmon opol","Ġven ÃŃan","cion ismo","Ġju veniles","Ġreun ido","Su per","Ġpar king","Ġdelincu encia","ĠD OM","ĠAgu irre","ĠRepres ent","Ġï Ĥ","Ġalim enta","Ġdefin ida","Ġ \\","re dedor","Ġintercambi ar","ĠSco tt","Ġhipo teca","Ġpareci da","Ġdeb ida","Ġapell idos","Ġdel iber","ĠValent ÃŃn","ĠH igh","Ġcer ro","ĠTrin idad","wa gen","ĠCamp us","ĠA ur","Ġequip aje","ĠED UCA","ĠI T","A quel","Ġc lo","Ġ^ ^","Ġcatal og","Ġponer lo","Ġconstru yó","Ġas pira","her e","Ġmonstru os","J unto","Ġalcal des","Ġocul to","Ġlament able","ĠAl guien","r ona","Ġni ñez","ĠDu que","C RI","Ġlib rerÃŃa","Ġpun tual","ĠR enta","Ġilust ración","ib o","r enta","Ġase o","mon d","r ing","Ġdic cionario","rec er","p ie","ĠG T","ĠCh ap","Ġcalific ó","Ġimplic ación","Ġconf ies","Ġantic on","ĠEst ruc","Ġcre mallera","Ġre za","ĠA T","Ġquer ia","ar s","ell y","Ġfáb ricas","ĠS aba","d ome","Ġcu enca","Ġcoher ente","ĠCar acterÃŃsticas","Ġarquitec tos","Ġor gas","Ġlegisla tura","c c","Ġaproxim ación","Ġreci bimos","Ġaf ines","ĠOr lando","Ġpel os","Ġca yeron","ques a","i antes","Ġclas ificar","cip es","Ġsen dero","ĠSil via","Ġcaball eros","ĠP ERS","Ġocci dentales","Ġor ina","c ales","Ġemp eñ","[ âĢ¦]","Ġsol tar","Ġelabor ada","Ġen ju","Ġminim izar","Ġmic ros","Ġretir ado","Ġle a","Ġacus a","Ġrecog idos","qu io","B an","lic k","Ġsolid aria","ĠM OD","Ġnóm ina","Ġre medios","Ġ196 8","Ġbiz co","Ġquedar án","ve da","Ġdis im","di mens","ĠS erÃŃa","Ġgo ta","Ġanal ista","Ġtún el","ĠN ingun","Ġaudiovis uales","e duc","om al","C urso","Ġvolv emos","ĠV é","Ġconvertir á","Ġper if","Ġma quil","don ado","Ġprivileg ios","ĠO mar","ĠMe dios","Ġfal s","Ġpene tración","Ġpájar os","ĠAn na","ĠPlan ificación","d és","ĠBau tista","ĠAr ti","Ġl ác","Ġvar iado","ĠEn e","ĠAra bia","ÃŃ lica","Ġfores tales","ment al","Ġat mos","ific ador","ĠB ron","ir os","Ġma p","Ġdiscul pas","Ġdu de","ĠA cos","bit raje","Ġencan tador","C ualquier","Ġa tiende","Ġbar celona","endi da","Ġexist an","Ġord inario","an ista","ĠCol um","Ġadjud icación","Ġpermit ÃŃa","le tismo","Ġgobern antes","Ġsing le","ĠAl um","T an","h éro","s che","c ero","Ġrob ust","Ġ rib","Ġexam inar","Ġjud ÃŃo","Ġb ea","ĠT os","Ġve amos","Ġcrea tivos","AC E","Ġvis itan","Ġpre co","cep tos","Ġquis e","ĠObje tivos","Ġarreg los","Ġdon aciones","w eb","Ġescog ido","UD AD","ĠPo p","Ġ ©","O h","M arÃŃa","Ġform ulación","U EL","Ġapren diz","IS TE","Ġencontr ados","Ġinaugu ró","ĠLen gua","dr é","Ġinf il","Ġbritán icos","Ġtr om","vi dencia","F ER","Ġenfer merÃŃa","Ġencan tarÃŃa","Ġrelacion a","ĠAmeric ana","ĠSol ar","Ġrevel ado","Ġtur ÃŃsticas","Ġtér mica","ĠSte ve","cion ando","ĠCar naval","ADR ID","Ġcontrol ada","figu ración","Ġvis ite","é lica","Ġvent ilación","Ġproducir se","L u","ĠH isp","Ġestren os","Ġactu aliza","Ġreper cusión","Ġingre diente","Ġque ma","Ġcar ril","Ġlogo tipo","Ġitiner ario","Ġestar ás","Ġpade cen","Ġsuel dos","ĠCar ab","Ġparlam entario","Ġre mitir","Ġcan tera","ĠCor ona","Ġma estrÃŃa","Ġedi ficación","Ġpobl adores","Ġcas arse","Ġsuave mente","ver y","ĠOf fice","Ġfij ación","Ġmonitor eo","M al","Ġpal ma","Ġintegr ales","Ġcoca ÃŃna","Ġagu jeros","Ġpost res","Ġestratég icos","Ġobserv ando","pro ducción","j en","ros ión","ĠDes ign","ĠLabora torio","ol las","Ġtermin aron","Ġpe dal","ĠR ap","Ġcont ing","G ener","Ġhorm onas","Ġarbi trar","ĠA va","p to","Ġes clar","Ġse pul","p io","Ġdespren de","m ÃŃn","Ġinvers ionistas","ĠPen ÃŃnsula","Ġb lin","Ġlogr arlo","Ġconsul te","Ġende ud","Ġselec ciona","Ġca tedr","ci adamente","Ġfal se","Ġresuel ve","Ġsatisf echos","Ġinforma tiva","di ble","Est im","ĠToda vÃŃa","ol in","ĠC aj","Ġhab itan","Ġps ÃŃqu","ĠPremi um","ĠO P","Ġviol entos","ĠCab rera","Ġcar bo","cal a","ci an","Ġder ra","ĠT ren","ĠCom pos","Ġpres ento","ĠHerman dad","ic on","Ġcab ellos","Ġesté tico","ĠU ribe","Ġpato logÃŃas","Ġsuple mentos","Ġbrin dan","Ġcorpora ciones","Ġandal uz","Ġelev ación","Ġc esión","Ġat entados","Ġn ÃŃ","Ġequilib rada","Ġpar cela","ĠÃī ste","ĠP OL","Ġexclus ivas","Ġte mpl","ĠMe xico","Ġpoten cias","Ġred ondo","ĠPresiden ta","Ġára bes","Ġfavor ables","Ġincom pati","Ġgobern ar","Ġmedal las","Ġsépti ma","Ġvisit ando","T om","! âĢĿ","ĠN el","Ġcar os","ab eth","mb res","Ġmi ro","Ġcre aron","Ġproli fer","ic an","ĠA du","m ad","Ġing esta","Ġa eropuertos","Ġdependi entes","Ġadver tencia","Or gan","Ġorganiz ó","ul ia","ĠBo ok","Ġenga ño","Ġtom ará","Ġconsul torÃŃa","Ġrecomien dan","Ġenc aje","Ġmetál ico","de za","Ġacudi eron","Ġabdom en","Ġi dio","ĠEstad ÃŃstica","Ġi remos","Ġb all","ron to","Ġhor ne","ĠD im","Ġgrie ga","Ġbio diversidad","Ġintegr ados","Ġpul so","Ġp ila","Ġpref ieres","Ġdic tamen","Ġvent an","Ġtir as","Ġconcent ra","Ġobstá culo","Ġp leg","Ġcuad ra","Ġidentific ados","idad os","B l","Ġtu tor","Ġdiv or","Ġorganiz an","Ġevent ual","? ...","ĠSuper inten","Ġh ur","Ġrevel ar","Ġmodern idad","ĠA pertura","on el","Ġdelic ada","ĠC RE","= =","Ġimpos ibilidad","pe uta","Ġfores tal","tr icas","ri era","Ġrepos o","re la","Ġestren a","ĠExp lor","Ġlo cu","Ġbar bar","Ġactiv istas","se mos","ĠG ib","Ġcri tica","ĠPr ueba","an á","Ġmin eros","Ġcontribuy entes","Ġinoc encia","Ġflu jos","ĠF órmula","Ġproyec ciones","i us","Ġas piraciones","ĠquÃŃm icas","Ġpre dio","ĠEx iste","ĠMuch o","ĠNet work","Ġad u","ĠExper iencia","tel la","Ġactu ando","Ġdomici l","Ġren al","Ġcil in","pen as","Ġmis er","Ġfrust ración","Ġe ri","Ġcompar to","Ġse vil","Ġdes bloque","Ġbanc ario","Ġesper aban","TA CIÃĵN","Ġcoopera tiva","ĠCon temp","ĠDI REC","Ġcon table","if f","Ġse des","Ġpa ul","Ġn oroeste","Ġmanifes tar","ĠRoy al","uy ó","Ġprepar an","por tivo","Ġord inaria","Ġcompa trio","in dust","dr ÃŃan","L ES","ĠYuc atán","F I","Ġcéle bre","Ġcor o","Ġcoron el","Ġfirm eza","Ġglob alización","Ġintroduci do","ĠE jerci","o cup","Ġequiv ale","Ġlleg ara","Ġentren adores","f ort","Ġpos te","cu er","Ġviol ento","rer ÃŃas","Ġpeda zo","Ġtrem endo","ĠRom án","ĠEm il","Ġir res","Ġactiv ación","Ġat ribuy","Ġperci be","Ġco cción","Ġpeligros as","Ġconce de","écn ica","Ġse car","Com par","Ġ umb","Ġmolesti a","ĠBos ton","wit ch","ĠEl lo","Ġreco gen","ig encia","da te","Ġtrans f","F or","V ol","Ġch amp","Ġacudi ó","Ġpertin ente","Ġdistribu idores","Ġacar ici","Ġquedar ÃŃa","ĠI X","Ġbuscar á","Ġrecord amos","av ent","J ER","Ġdist ritos","p lo","ĠBol so","Ġdes gar","ĠU crania","Ġtel es","ĠN um","ĠZ a","ĠP av","Ġsegu idos","Ġmulti discipl","ĠY u","V AL","Ġopos itores","Ġorg ánico","Ġincre menta","Mu jer","di st","ay uno","ÃŃ en","Est ados","Ġadelan tar","Ġrecur rente","ó metro","Ġreún en","Ġsens ual","ĠCar l","ĠCon de","Ġdesconoci da","Ġremo del","é taro","Al go","Ġexten s","Ġpist ola","Ġrespe tando","ĠSam uel","Ġas ciende","Ġdetermin ó","Ġpade cer","ĠIz quierda","Ġcompren dido","ĠNorm almente","ate ar","Ġcan on","Ġcons ciencia","Ġpes cadores","ĠN is","Ġinsist ió","Ġdo g","Ġhe gem","ĠVic tor","Ġdesapareci dos","ĠVol un","ĠFre e","Ġdef orm","Ġn ul","Ġhomosex uales","ad illas","Ġins a","Ġrefle jar","Ġno ci","Ġsu ba","Ġall i","ĠParti cipación","Ġdi ré","Ġampl itud","ks wagen","Ġconoz can","Ġcon de","blog s","Ġesper as","Ġgri tar","Ġdeses peración","rac k","Ġdo tar","Ġcomún mente","icios as","Ġdocument ales","Ġan ex","ĠO ruro","Ġrom ance","Ġarran ca","Ġagro pecu","Ġf rigor","ĠCic lo","Ġna z","Ġpreocu parse","Ġloc alizado","Ġ198 1","aliz ará","Ġbaj ando","car ia","Ġterap ias","Ġseman ales","ch et","ĠFer rari","Ġrecord ando","ĠAdo lesc","r r","Ġele va","ĠR ue","Ġrecop il","Ġproxim idad","ĠA lar","el s","in ho","Ġver los","Ġcin es","par encia","Ġsuce diendo","ĠResta urante","is cos","los a","ĠP AS","Ġan imo","Ġin her","Ġc enta","ĠAnti guo","Ġpun tuales","ĠChi huahua","le a","Ġluc e","Ġsemej antes","Ġdistribu idor","Ġsen derismo","Ġdef ra","Ġcomp rando","Ġdem ora","edi encia","Ġingres ó","do lfo","Ġesque mas","inos au","Ġadj un","ĠPok émon","Ġconstitu ido","Ġ% .","c ab","de as","Ġcompati bilidad","Ġna tivos","Ġretom ar","Ġcicl istas","Ġcumpl im","Ġenfrent amientos","u des","Ġpers igue","ĠEsc uelas","ac emos","ĠN ik","Ġestren ó","ĠD anza","ĠPaÃŃs es","in illa","Ġcaus ando","ĠW atch","Ġan dan","V ide","Ġb illones","ĠNe u","Ġlad rones","l la","Ġtub erÃŃa","Ġ17 0","ĠMedi ante","Ġacor des","d d","ĠDe tal","Ġc acao","Ġopera tiva","Ġdesem bar","Ġpetrol era","Ġalter n","Ġins iste","Ġcuán tos","Ġcinemato gráfica","Ġelig ió","Ġpo pul","vis a","Ġdev as","à Ĺ","Ġconcl u","Ġsuperfici al","ĠE vo","Ġdi le","Ġver ific","D an","Ġpl ural","Ġconsigu ieron","na p","de pendi","ĠTok io","ran as","ĠAr que","Ġlig ar","ĠAd ul","am on","ĠO cho","ĠPre cios","Ġsus crip","Ġconcl uido","ĠB U","ĠB ár","k ins","Ġd amas","Ġmedi ación","ic om","200 1","ĠDeb emos","Ġdes alo","Ġsal gan","Ġrepeti ción","y y","ĠJ on","Ġproces ar","ĠOpera ciones","Ġin cul","ĠC umbre","Ġrep i","Ġcompeti ciones","ed icto","ĠAlex ander","Ġun animidad","graf ia","ĠT ac","Ġma trimon","Ġpregun tan","Ġisrael ÃŃ","Ġpod ÃŃamos","Ġfrecu encias","l ámico","Ġperci b","Ġmadrile ño","Ġvertic ales","Ġfin alización","ĠInstitu ciones","Ġcrip tom","Ġcas ado","ĠConce jal","Ġco lega","j un","qui dez","Ġperió dicamente","Ġex ilio","Ġdu reza","ĠVis ita","Ġasum ió","ĠS tra","Ġjapon eses","it re","ĠC i","In s","Ġform ales","Ġbloque ar","ist ra","ti ción","Ġdispu tar","per as","dr omo","Ġhay amos","Ġsum ando","Ġten iente","ĠquÃŃm ico","ĠM et","Ġase gú","ĠNa tional","form ance","Ġconstitu cionales","Ġrecha za","esti dad","ĠP E","os e","Ġdestac adas","t l","ĠG O","Ġrela x","Ġsen da","qu ot","ĠPar lam","ĠMa ta","Ġges tor","Ġor n","Po co","Ġ( -","d onos","ĠtÃŃp icas","Ġbre ves","Ġlegisla tivo","ĠD A","Ġano tó","Ġprom ul","Ġmuch achos","ĠâĤ¬ .","ĠEmp ez","es co","ab amos","w o","Ġha gamos","ĠV iz","Ġsuper ando","Ġsecre ta","ĠM X","Ġc i","ĠPro gramas","ir as","ĠResul tados","Ġcontamin antes","Ġregist radas","Ġpres o","em bra","Ġesc én","ĠAvis o","Ġdist ingue","ĠM Ãī","ĠA mp","Ġmal la","Ġvera cidad","Ġaplic ará","Ġaj enos","Ġyou tube","ĠEnfer me","Ġsac ando","Sta tion","Ġagrad ables","Ġconden s","Ġi mb","ĠR ecu","Di rec","Ġsan itarias","Ġabandon ó","Ġpes taña","Ġcual ita","Ġse cas","... ,","Ġval iosa","Ġartic ulaciones","Ġcrist ianismo","es io","Ġr entas","Ġmay ormente","ĠB adajoz","Ġajust a","Ġimpu gn","ĠH ard","Cu áles","ĠFal ta","sen al","Ġpres untamente","p á","Ġmodern ización","re f","e lec","Ġmoles to","Ġconfidencial idad","Ġsal imos","Ġcontrovers ia","Ġrepubl icano","Ġinstan tánea","Ġlo gre","ĠCrist ian","ĠBus ca","ĠMa estrÃŃa","Ġmaravillos os","Ġconta bil","ĠEstrel la","Ġinver na","Ġcompeti tivos","ĠArm ando","Ġabst en","ĠMo de","ĠFlor encia","Ġcal entar","ĠmarÃŃ timo","ĠTru jillo","Ġtraduc tor","ĠAlim entos","Ġmara tón","Ġóp era","ĠProfes ores","Ġorgullos os","énd ome","Ġgo za","Ġreper cu","Ġinsu mos","Ġlámp aras","Ġviv encias","Ġmis ericordia","Ġrev olu","Ġdéci mo","Ġcome tidos","ĠS C","Ġdepor tista","Ġval er","Ġch am","Ġg us","Ġagr ado","ĠMar tÃŃ","c amente","ament ablemente","Ġgen iales","ĠTribu taria","Ġm entes","ú r","Ġemb ri","ur go","Ġs uela","Ġad ulta","ti embre","ĠKe vin","Ġmin ia","Ġcompañ eras","Ġvoc al","Ġpedir le","Ġman us","Ġper didas","ĠF ru","ĠLuis a","Ġper didos","ist entes","Ġtradicional mente","Ġadj unto","ici dios","Ġconcent rado","ED AD","Ġen unci","Ġdesarrollar se","ĠMat ÃŃas","Ġpro le","ĠÃŃ bamos","ve dra","es col","Ġal t","Ġregular es","Ġsaber lo","ĠN UE","ĠIb iza","izar ra","Ġdesb ord","ĠA th","Ġenga ños","Ġalfomb ra","ĠS EM","Ġpreca ución","ĠF ores","vers iones","Ġfund ado","F L","Ġ !!!","à ¯","Ġfacil itan","Ġra m","cos a","Ġacab aba","ĠAso ciaciones","Ġde tiene","se ver","ent er","Ġacredi tación","Ġtur nos","Ġn as","Ġbas an","ĠÃŃn timo","Ġdest itu","Ġpanor ámica","Ġinv ir","Ġbene f","c ter","ĠLo uis","ĠDi ana","Ġestrech o","z go","B E","Ġcolabor ador","Ġmi ti","ven idas","Ġvege tar","Ġorg ánicos","ĠPubl icidad","Ġcre adas","ĠGer mán","Ġartes anos","ti es","Ġmuch acha","Ġtri logÃŃa","ĠEl im","Ġa fer","Ġblan que","Ġpe ques","Ġexpres o","da y","res as","es tra","ona er","Ġdestac ada","Ġláp iz","Ġadh esión","ĠEn trada","Ġcal ifica","T ú","Ġman dos","Ġindi cios","ĠJa zz","е Ð","Ġcon gres","ĠS af","Ġdes emb","Ġalo jar","ble mas","ĠEx posición","Ġvalor ado","Ġinjust icia","Ġcontrad ic","Ġcomenz amos","Ġvincul ada","Ġconce der","Ġsa tur","Ġjoy erÃŃa","ĠEstra tég","G ar","Ġoptim ismo","ĠVene cia","Ġescal ada","ĠVic epres","fa to","Ġvin ieron","Ġso pa","Ġencontrar emos","¸ ı","il d","ĠCer ca","ur nal","Ġcomprome tida","ĠHit ler","um án","\": \"","ĠApo yo","Ġre habil","aj ua","ĠJ as","ment s","ĠBan g","Ġan illos","ies e","Ġdi ente","ĠB is","Ġprosper idad","amil iar","Ġconfun dir","Ġinesper ado","ĠV entas","Ġro bos","Ġgalard ón","Ġat ribuye","ĠB y","Ġproven iente","Ġver sion","Ġadap te","uel tos","Ġno va","ĠM ike","Ġhistori ador","ĠJane iro","Ġactu alizados","ĠSab emos","Ġtorm entas","ĠDes ta","Ġand ando","ĠEs cu","Ġdecor ado","ĠVi olencia","ĠBomb eros","A utor","Ġdeci da","Ġros tros","ÃŃ b","ĠN BA","Ġdist ribuy","Ġmilag ros","I ER","l é","ĠIn versión","Ġcal aba","Ġagrupa ciones","iv ado","Ġdefens as","Ġmedi ana","TU LO","Ġm ajes","Ġol ores","alu dos","ĠSon ora","Ġdifer encial","Ġver sa","Ġconstitu ir","Ġs w","ĠEstrateg ia","Ġcompar ado","érmin os","Ġadver tir","Ġajust ado","Ġbaj ado","ib ar","B U","Ġme xico","Ġasist ido","Ġplante an","ĠO ce","ĠG ame","Ġcó c","b is","Ġar ticular","Rec or","Ġmáx imas","ĠCons um","it ness","Ġe h","Ġno ción","ĠAngel es","Ġvir al","ĠVe h","Ġenga ñar","D R","Y O","ĠL am","ĠGra cia","Ġverte b","Ġano tar","rocarb uros","ĠC UR","Ġsignifica tivas","MIN IS","Ġrec am","nab is","Ġa tor","Ġpor tales","Ġvia jan","ad s","eci da","ĠT S","ĠS M","Ġgrá ficas","ĠLicencia tura","Ġpa trimonial","ĠTele comunicaciones","Ġacu den","ĠSo uth","Ġdesemp le","ĠMexic ano","Ġtremen da","Ġtu rista","Ġprome tido","ĠAri as","Ġar du","ĠJ ona","Ġclas ificado","Ġabier tamente","Ġguar dias","ist ir","ĠSan dra","Ġagrade ce","Ġcoher encia","Ġpl omo","C os","ach as","ĠC M","Ġpas arÃŃa","ĠPerson ales","Ġus arse","Ġ( ¡","ĠT ony","Ġcafe terÃŃa","Ġpade ce","ante mente","Ġbio grafÃŃa","ĠEnseñ anza","Ġpat rio","Ġgros or","ĠVirgin ia","ĠCla us","Ġmor ena","Ġv est","v ich","ĠVil lanueva","Ġmen stru","ĠC ual","ĠT oma","ĠmÃŃ os","Ġcomprome ter","ĠK ong","Ġimp edi","enta ciones","Ġtraslad ó","Ġmutu o","Ġencar gar","Ġorigin alidad","Ġcontex tos","Ġdisp uso","Ġcaracter izado","Ġape tito","P ens","quil las","ad ir","Ġ| --","r entes","Ġconsidera ciones","Ãī l","Ġtit ulación","Ġdetec tado","gu esÃŃa","ĠUN ESCO","ĠDes cu","ĠsÃŃnt oma","Est u","Ġverda deras","Ġparti endo","ĠP it","Ġinclu irá","ien za","Ġcal ibre","ad ita","ver tido","ĠEdi ciones","Ġinmedi aciones","ĠIngenier o","Ġdisput ado","ĠUN IVERS","Ġ10 5","ĠestÃŃm ulo","C entro","Ġal lan","hidra tos","Ġconvir tieron","ĠP eso","ĠS ÃŃn","po le","Ġmuer en","Ġdesapar eció","OL A","x ia","land és","ĠM am","Ġsim il","ol is","ĠJ ueves","Ġplante ó","Ġobserv ó","Ġgal lego","Ġcol lar","ĠRed acción","inten a","ĠA go","Ġpas é","ĠN ASA","in aron","Ġins pira","Ġinsul ina","al ina","Ġinform amos","Ġven cimiento","TIV OS","ĠT us","Se gun","á tiles","ĠSi mp","Ġcél ula","Ġor iente","Ġesca pa","ĠAm erica","ĠJac ob","él ico","Ġ36 5","heim er","Un iversidad","Ġge ométr","ĠDisfru ta","rel ación","u ciones","ĠBern ardo","Ġincent ivos","Ġmar can","Ġsuper an","ĠPubl icado","M ira","ĠM ON","ac ol","Ġpais es","ĠSal to","ĠAmb as","ĠNor uega","Ġmeter se","Ġ ÃŃdo","o ur","Ġgaranti zado","ĠEl iz","Ġur nas","ĠDis co","Res puesta","Ġescla vitud","ĠMicho acán","Ġapar ecieron","ĠFuer on","Ġmetá f","ĠL il","Ġca torce","ĠPol o","Ġclaus ura","Ġar til","ĠIN FORMA","Ġs anos","Ġdetal la","Ġejecu tiva","Go ogle","ĠAut on","ĠPresu puestos","Ġb its","tá r","Ġexcep cionales","i tivas","Ġpal os","ód ulo","ĠBea triz","ĠM uebles","Ġres eñ","f onos","V ia","Ġvolv ÃŃ","Ġpiz za","J u","Ġesc ort","Ġcompr ó","Ġenv ases","Ġapla udi","Ġ át","ĠFan tas","Ġob rero","ĠRub io","Ġemp atÃŃa","ĠCOM P","ĠPer manente","Ġast ron","Ġdieci s","ĠMal donado","ĠJ óvenes","Ġinfl uye","Ġurg entes","Ġba hÃŃa","Ġquer amos","ĠF L","Ġmar ro","Ġcontribu ciones","Ġcar encia","Ġefec tivas","Ġecos istemas","n ic","ĠE UR","2 50","Ġur gencias","Ġres tante","Ġfr om","ĠHu a","itar iamente","Ġbel los","uer do","Ġconsecu tivos","par ar","Ar gentina","Ġdemoc ra","Ġflam enco","Ġsinc ero","Ġpre dis","ĠCom en","ĠCon t","Ġdecis ivo","Ġgluc osa","Ġexpe dientes","Ġdej as","Ġhom ogén","Ġac ome","Ġmar cos","Ġfabric ados","ta in","Ġdes fil","ĠL ine","Ġfoto gráfica","Res olución","Ġbu ques","ĠM ala","Ġconf ÃŃa","ĠAs unción","Ġconcent raciones","Ġcorrespon dencia","Ġindi que","Ġemis ora","Ġrespec tivo","Ġvein ti","ĠGir ona","Ġasegu rando","Ġinnov aciones","m isiones","ĠBar ra","Ġcomb inan","Ġhidra tación","Ġf ero","Ġactiv as","Ġaf ian","tiv ismo","Ġsosten ido","Ġconvoc ar","ster dam","ĠOri ental","Ġres ign","h l","Ġplac ent","dibu jos","Ġac cionar","Ġflu ido","s ulas","ás quez","pe da","Ġin ger","Ġjuz gados","Ġ _","ch or","ĠM isión","Ġcan je","an ces","Ġdescan s","nos o","Ġest al","Ġhallaz gos","ĠCer tificado","Ġcrim in","ĠBienes tar","Ġm p","Ġmár mol","ĠImp res","it ÃŃ","Ġcerv ezas","ĠD un","Ġemp laz","ĠX I","Ġmo ción","Ġ11 2","ĠIn icia","Ġder ma","S cript","Ġen re","Ġlevan tamiento","ven o","Ġmañ anas","ác ticos","ĠS l","Ġreiter ó","bl an","Ġcom a","ĠG ü","ĠBach illerato","ï ¸ı","Ġtrascen dencia","ĠF lash","Ġexp uestas","Ġser iamente","Ġqued aban","Ġde di","Ġvari ante","Ġna tación","Ġpeque ñ","ci ación","Ġres uci","Ġarm ada","Ġsen adores","Ġcompens ar","ést er","Ġfantas mas","ĠDepor tiva","án gulo","AD AS","ĠA ños","Ġtri pul","Ġal ien","ĠRespons abilidad","p ÃŃ","P RE","F F","á ez","ĠB s","je tivo","Ġinsu ficiente","Ġnotable mente","car as","Ġgal erÃŃas","Ġla tÃŃn","Ġto b","ĠGENER AL","DUC CIÃĵN","ĠDan i","Ġsolid ario","Ġmi re","Ġh ort","tú e","ar cas","Ġin ces","ĠH all","Ġdes centr","ĠG om","Ġmúlti ple","ĠL ife","Ġacord ó","p ez","ĠCatal ina","Ġoblig ó","co po","Ġcom ento","Ġnie tos","Ġdo tado","u tar","Ġgu antes","Ġbo letos","ést or","Ġmexic anas","ĠG N","Ġperder se","Ġnubl ado","F e","erv o","Ġven imos","ĠG ig","ĠBlue tooth","il ancia","Ġprim ario","po ca","Ġadelan to","ĠZel anda","B B","Ġpac ÃŃfica","Ġf ide","Ġperf ume","Ġar quero","ĠNuev as","m á","ĠIn mobil","ĠOc t","Ġra yas","Ġases inos","Ġgan aron","Ġdefin idos","Ġgarantiz an","Ġauxiliar es","Cuán to","ĠAnal y","Ġfin as","Ġentra ñ","lar se","ĠBo de","b oy","Ġz ana","Ġplan ea","e dia","Ġd adas","Ġt entación","Ġnucle ares","Ġbode gas","Ġtr ÃŃo","ò n","Ġpro gen","ĠT EC","ĠInstitu cional","so cial","v oc","s ent","Ġsocio econ","ĠEs os","F un","gen as","Ġbarb acoa","Ġcir co","Ġacompañ antes","ĠAb ierto","Ġeconom ista","Ġconden ados","ĠDoctor ado","ver tir","Ġcons istencia","Ġ19 36","Ġcer radas","on ada","Ġasfal to","E res","j aron","Ġconsegu imos","Ġfin aliza","Ġamor tigu","Ġconcep tual","Ġadmi ra","Ġinterpre tado","Ġacre edores","Ġfer rocarril","ĠA se","ul es","Ġestar é","Ġautor iza","Ġalum b","c racia","Ġdispar ar","Ġor eja","Ġtu vieran","Ġteór icos","ĠD ibu","Ġcoloc ó","tán eas","Ġ/ /","Ġtron co","ĠEx po","ĠAl z","Ġcontin ental","ĠUr bano","il able","ĠD icha","Ġalter ar","Ġalmacen es","Ġconsider adas","dil lera","Ġorden a","Ġ197 4","Ġpas iones","Ġreac tiv","Ġreemp laz","Ġnul idad","ĠB BC","we i","ĠEnfer merÃŃa","Ġcolor ido","señ or","ul ip","ĠJohn son","Ġhin cha","Ġdesas tres","Ġreduc en","ĠX L","ĠGer ente","ĠGe org","U AL","vi ra","ĠGab ri","ĠAl ber","Ġan arqu","ĠEcon om","G P","ch en","Ġtransforma ciones","Ġme tió","Ġac op","Ġtrans ferencias","Ġdegust ar","Ġmas ter","Ġfelici tar","aj ust","Ġpost ul","ĠA genda","Ġdistribu idos","ĠArt ÃŃculos","v or","ph one","ĠK it","Ġvol vÃŃa","Ġinten sos","Ġtemp los","lan ta","is es","Ġregist rarse","Ġab rum","n on","Ġpresentar án","Ġar omas","Ġm y","le ar","ĠP ales","ĠVill al","g amiento","Ġle ña","Ġconces iones","Ġconsidera ba","ĠQuer étaro","Ġfran ja","Ġproduc tivas","Ġcaus an","ĠL iv","Ġtum or","Ġra mo","Ġe d","ĠM B","gra ph","ĠCap itán","Incl uso","ĠCe cilia","ĠD ÃŃas","Ġil usiones","Ġinsu ficiencia","dar d","Ġam ino","Ġmagist rados","Ġsel los","ĠP om","Ġacadém icas","Ġagra v","Ġsu ciedad","Ġempi ece","Ġilust ra","Ġanfitri ón","ĠPu tas","ton io","ĠV lad","Ġclas ifica","ĠBo x","Ġpremi um","P EC","Ġcu enten","Ġra y","Ġoportun a","ti dor","ĠOc ta","Ġver dades","Ġpo ética","N S","er ial","âĢĿ ).","Ġdu do","ĠLu x","Ġrestr icción","Ġestric to","M á","Qu ien","igh ts","Ġdesf avor","Ġrec to","bl ar","ĠV ino","ĠNe gra","Ġvib ra","Ġsi te","ĠHer ramientas","ĠV itoria","Ġcompos iciones","h as","ten os","cer ca","Ġf lan","Ġcomen cé","Ġgrie gos","Ġsust ra","Ġbl ack","Ġanécdo tas","ic ó","Ġr aras","fec ción","ĠCir cuito","ró geno","ĠHab rá","Ġbur guesÃŃa","Ġcompl icidad","Ġrecha zado","tor iamente","ĠTa ilandia","ĠEd gar","Ġlle gas","temp orada","\" ...","Ġca f","Ġvac unas","Ġg ro","Ġmay ús","Ġmostra ba","éndo la","ĠSosten ible","ĠW at","R ob","tu rismo","Ġdo ña","ĠMar bella","Ġesca para","ĠBB VA","Ġc itados","Ġmar inos","Ġderro tas","S itu","Ġbusc ó","Ġrecor te","Ġinm or","ĠHa ga","Ġacer can","ul ce","Ġpa pas","Ġpublici tarios","ĠDi jo","Ġco oper","âĢ¦âĢ¦ âĢ¦âĢ¦","Ġagu da","Ġases inados","ĠG ana","Ġlap so","un dan","ĠS as","Ġinteres an","ĠP LA","TR UC","ĠMa ñana","Ġorganiz adas","Ġpreten dÃŃa","ĠTerri torial","p lante","fo x","Ġvi abilidad","ĠIn dic","Ġestro pe","AN DO","Ġalcan tar","Ġdescrib en","Ġso cor","can s","Ġacer c","Emp resa","mo der","ir us","Ġan tiv","ARI OS","Ġedi tores","ĠCre ación","Ġinscrib irse","Ġjer arquÃŃa","Ġocup ó","Ġcerem on","s el","ĠM emor","Ġfemin ista","Ġdar emos","H as","Ġdedic arse","ĠEn car","Ġest res","ĠFran ces","án eo","ĠespÃŃritu s","Ġdi mos","ĠCár denas","Ġa diós","Ġextra ter","Ġdeclar ada","ĠMo di","Ġcontes tó","Ġm ÃŃtico","Ġpos es","ĠCh u","Ġvi able","Ġembaj ada","Ġdesagrad able","ĠDu ran","E di","ĠV ac","Ġllam aron","tor rent","Ġred onde","Ġfilóso fo","Ġtrá iler","Ġperten encia","ĠGuar da","Ġver b","ĠC ENT","? -","Ġra cha","ĠInv ierno","ĠContac to","Ġdevo ción","Ġexist ido","g rano","ĠB ust","qu ien","Ġavis os","ĠAn tio","Ġo don","ĠCu entas","ĠSá bado","Ġaproxim ado","Ġocta vos","/ .","Ġconvers ar","ĠTuc umán","Ġbar ran","Ar ch","Ġcritic ar","Ġproce derá","ĠHo teles","Ġstre aming","ĠC ay","Ġnota bles","Ġaje drez","ed y","Ġmin orÃŃa","ĠCor reo","Ġrespec tiva","Ġtribu to","Ġextraord inarias","ĠCir ugÃŃa","dos a","es pecial","Ġentr aron","Ġdesen f","Ġentreten ido","S ub","ĠG imnas","ĠÃī sta","Ġaum entos","Ġtranquil os","Ġtern ura","Ġsilic ona","ĠL lo","Ġanci ano","& #","ĠRob in","gl ish","Ġsos tienen","Ġtác til","ĠRies gos","Ġlider ado","ĠCateg orÃŃa","ĠN aran","ĠJo han","Ġindi ferente","Pre gun","N uevo","-------- --------","p ino","ĠBus h","U A","@@@@@@@@ @@@@@@@@","Ġbol sos","Ġmagist rado","Ġbesti a","N adie","Ġdirec trices","Ġquer ÃŃamos","T ar","ĠPo tos","Ġimag inario","Ġauric ulares","Ġestudi antil","ĠF uen","Ġman go","ĠStu dio","Ġrebel des","ĠComp rar","Ġgri pe","Ġacces orio","we et","Ġj ar","ĠEst ilo","Ġf ro","ĠDin amarca","Ġmal eta","Ġparlam entaria","ĠReg ist","ĠClas e","l um","ĠToy ota","ĠJu ana","esti m","Ġmedi anas","Ġli quidez","ĠCuar to","n el","Ġob ispos","ĠSud américa","Ġec ológicos","Ġdoctor ado","Ġ és","Ġind icación","Ġrela jar","Ġad icción","ĠP ack","duci do"," ¨","Ġbon dad","O fre","and y","Ġ19 50","ĠMercan til","Ġn acen","Ġcar idad","ĠGreg orio","Ġfer til","ĠBoliv ariana","Ġantioxid antes","l ación","Ġinvestig adora","is i","Ġma x","ĠVer dad","Ġprece dente","Ġpreocup ante","Ġcomien ce","Ġpele as","Ġcu pones","Ġpas as","Ġllama tivo","ĠSala zar","te to","Ġmen ús","Ġpal p","ĠBan k","ĠI ES","gu aya","Ġtem er","i arse","Ġimp a","ti ente","Ġcarbo hidratos","Ġmejor an","Ġestable zca","IS A","Ġas amble","ág ina","ĠMana gement","Ġcan tando","Ġg it","Ġdi ar","Ġne to","Ġdese ada","Ġexist ÃŃan","Ġ- .","ón gase","Ġapropi ada","T a","Ġo ye","Ġres eñas","pu ra","Ġmultina cional","Ġ- >","l ib","u dad","Ġâ ĸ","Ġl itro","Ġimp lÃŃ","Ġpos ts","Ġv iste","Ġesper ada","ĠPlay Station","ĠRom ano","U ES","Ġplen itud","tr óp","Ġcent rada","Ġmicró fono","Ġt as","ĠOrig inal","Ġpres tan","Ġse pas","Ġpe dÃŃa","Ġsinc era","\" ;","Ġdi rá","Ġimp o","ĠSol id","Ġgrande za","Ġnorte americanos","ad illo","F ES","ĠI di","Ġextra ñas","ĠClin ton","ĠAs socia","Ġabur rido","s ólo","f obia","Ġeng lo","GRA MA","Ġcab ez","Ġcicl ista","á mp","Ġpropor ciones","ac tivo","ĠAbra ham","ci ados","in da","Ġbenefici arse","F ern","Ġre puesto","ĠCo okies","Ġcrea tivas","ĠSal ta","Ġen ca","Ġestim ación","ĠUn as","iar ias","Ġapun tado","Ġautó c","em on","Ġsopor ta","Ġpas ivo","ĠDra gon","ĠG RAN","Ġsuav idad","ĠDemocr ática","Ġton to","Ġtercer as","Ġrap ido","Ġderiv ada","Ġsu presión","ĠMa teriales","ĠPR D","Ġdesn udas","Ġdespe dir","Ġdisfra ces",") ...","ajua to","ázar o","ĠRog er","Ġmo jado","ga te","Ġflex ibles","Ġv istos","ĠG r","Ġteór ica","Ġsac an","Ñ Į","Ġz umo","Ġrum or","è s","Ġejecu ta","Ġpermi tieron","Ġn adar","Ġrepor tó","Ġayudar nos","Ġnovedos o","Ġcel os","ĠPerio dismo","Ġsus ur","C las","Ġcaus ados","con oci","gues as","Ġespl én","ur y","Ġve cinas","ĠH ong","Ġvers átil","Ġtriun fos","c us","ĠE fe","cis co","ĠCOM UN","Ġdemas iados","Ġhuman itaria","Ġinst antes","ĠH ero","Ġhe p","ĠFel iz","u mos","tu osos","ĠV elas","Ġgobern ante","ĠCort és","Ġse di","ĠX ia","ĠIm ágenes","Ġmolé culas","Ġrebel ión","Ġpróx imamente","Ġpsi quia","Ġfres cas","Ġconj un","Dis eño","ĠD ado","Ġseñal ando","Ġpa usa","Ġtranscur rido","ĠCro acia","ĠN adal","Ġvac ÃŃa","Ġrebaj as","Ġvocab ulario","Ġp aja","fin anci","ĠSal as","ĠNeces ita","qu ista","Ġreflex ion","Ġsimp a","er ie","ĠVe ter","Ġaprob ados","Ġpotencial mente","ĠGol fo","ĠSuperinten dencia","ĠM ÃģS","Ġculp ables","ĠCan c","ĠLis boa","ĠMatem áticas","ĠBat man","ĠAn to","Ġreproduc tor","Ġcri anza","Ġconsul tora","ĠV ila","Ġpar ciales","ĠR ED","e gu","Ġdef endido","ĠN ico","Ġrepubl icanos","Ġsistem ática","Ġpor terÃŃa","ĠS IM","Ġma tó","Ġev acu","Ġingen io","Ġac h","Ġsalv ajes","Ġnorma tivas","Ġde ficiencias","Ġam ores","ĠH onda","ips is","Ġlide ra","Ġn in","ĠH id","Ġincom ple","I ma","ĠAplic ación","Ġconsec ución","ri dades","Ġpreocu par","Ġf eo","ruc e","Ġvendi endo","Ġp abellón","cre o","Ġmayor ia","Ġre ba","ti ci","Ġvia jó","Ġmar cados","ten go","ia t","Ġcaba ña","Ġinterac ciones","blogs pot","G AN","Ġdesp le","Ġtendr é","Ġemple ada","Ġri ge","Ġadmi tió","Ġtermin ando","Ġsign ificar","Ġmanio bras","óst ol","tor y","cri tas","ĠAn exo","ĠPo tter","Ġocta va","Ġp irámi","ist ado","Ġanim ar","ĠMar ÃŃn","aliz aron","Bien venido","Ġca dera","Ġele f","Ġcru zado","ino psis","ĠM r","P AL","H S","ĠAF P","Ġevalu aciones","Ġdivis iones","ĠVal e","Ġu tens","ĠJosep h","Ġcon fer","ĠPol ar","en ció","Ġvuel van","com p","Ġtradu cido","ĠpolÃŃt icamente","Ġis lam","Ġobs esión","Ġd inosau","Ġinici ará","ĠVal de","Ġtransfer ir","T or","Ġam e","Ġnacional ismo","I ES","Ġfol k","Ġcúp ula","ist ad","ĠW ay","Ġdirec tas","ĠP acto","Ġpublic an","Ġante pas","Ġorient ar","ci f","ĠA vi","ĠEmbaj ada","âĢĿ ),","ĠParti ci","Ġres gu","h r","Ġab ono","Ġmer amente","Dis pon","Ġbenef icia","Ġven as","Ġpes adilla","Ġest ables","vi dentemente","Ġcomun istas","ĠQ ues","ĠAl m","in stein","Ġencar gó","ĠHern án","Ġenvi ando","Ġpres unta","Ġres titu","ĠB es","Ġparlam entarios","AL L","ĠW ikipedia","Ġac el","ĠGRA TIS","ĠComun ista","Ġfren os","Ġsosp echos","Ġf ull","Con oce","Ġsepar adas","gen er","ĠN utrición","ĠSegura mente","Ġrever tir","ĠH ur","Ġasequ ible","Ġob rera","Ġmoder ado","Ġfotó grafos","Ġlevan tado","Ġasist ió","Ġrecib idas","ĠTemp lo","ĠFigu ra","ri ma","ĠRena ult","Cas i","ĠFron tera","S é","Ġgu ionista","Ġaplic arse","Ġmanual idades","ver n","y m","Ġtra ck","Ġrelaj ante","Ġp se","Ġj al","X ICO","Ġfoto gráfico","li quen","Ġro dar","Ġindic ados","Ġso dio","r ara","Ġno bles","Ġcomp resión","P ON","ĠCentro américa","b ina","Ġyo gur","ĠD O","ón imos","ĠM AT","ĠG ames","Ġambi ción","Jes ús","Ġmetodo l","Ġn ut","Ġpres untos","tó rica","Ġgratu itamente","Ġcre yentes","ĠDo ña","Ġevangel io","ĠF res","Ġpul mon","Ġestudi ó","Ġguitar rista","ci ada","ĠCo ca","Ġocta vo","è n","Ġdesarrol los","ĠL ong","pe te","Ġaten dido","ĠV arios","Ġr al","Ġcor tinas","Ġfin cas","Ġcr om","Ġjo venes","ĠO blig","Ġinforma tivos","Ġhon estidad","ff et","Ġneces itará","ie ga","Ġdecir se","Ġincrement ado","Ġaval an","ĠN éstor","Ġmin ero","ĠFre d","Ġcontrar res","de ste","ĠUS U","Ġges tación","Ġf rio","Ġgen oci","Ġp ó","ĠNuev os","Ho tel","in st","Ġro bado","Ġveter ano","Ġestatu a","ĠAu gusto","ĠCor e","Ġconsum en","Ġamp ar","Ġcan tantes","en cio","ĠB esos","Ġvice versa","Ġm im","ĠH ierro","Ġnov el","Ġexten siones","ĠlegÃŃ timo","Ġtermin ación","ĠM ila","Ġperu anos","ĠBos que","ĠC IA","Ġrecomend ada","Ġconce dido","omb o","it és","Ġestatu tos","Ġan on","ĠW W","Ġform ados","Ġdemas iadas","Ġam ables","emb ras","Bo ok","G al","Ġan estes","Ġconocer se","g ir","Ġinvers or","Ġjub ilados","Ġbo letÃŃn","Ġacum ular","Ġen gran","Ġgana derÃŃa","Ġnutri cional","Ġinspir ada","Ġmetál ica","Ġexquis ito","Ġcómo damente","Ġcor aje","Ġop cional","Ġcaj ón","S tar","ci ma","ĠFuer te","Ġacompañ ó","l icas","Ġsospech oso","Ġsus crito","ĠAn der","Ġtor tur","Ġincluy a","ĠCon tiene","es tu","ĠA um","Ġautén ticos","ĠGal erÃŃa","Ġla ber","Ġespeci fica","domin io","Ġ ),","Ġestad ÃŃa","Ġ197 2","m era","ĠT ime","Ġri tuales","ID OS","Ġto caba","et te","Ġutil idades","Ġint ente","ul um","Ġpe inado","ĠInter és","ĠMa h","Ġperson alización","ĠProce dimiento","C AN","ĠR ivas","ĠAs h","Ġaé reas","ti me","Ġcuan tita","ĠDeb er","ĠAses or","Ġacompañ ante","al s","l eros","il ios","Ġpo tes","Ġman cha","Ġterri toriales","Ġencabez ado","ĠMor elos","Ġpar ados","co pa","ĠP M","Ġcu ida","ĠCon n","Ġemple an","Ġcolch ón","ĠNel son","Ġprivileg iada","Ġaudi encias","Ġembarca ciones","Ġdescendi entes","Ġocur riendo","Ġcor do","Ġabon ar","Ġcadáver es","tic ar","uch os","on to","Ġir an","termin ación","Ġbuc eo","oc ado","ĠMi x","entar ias","Ġli diar","ĠC ER","IEN TE","Ġg ad","ĠX IV","fer entes","Ġcr ono","Ġdiscrim ina","Pro grama","ip ié","Ġacus ó","IL L","Ġauto con","Ġp ir","Ġposi tivamente","Ġreserv ados","Ġf os","guar dar","Ġn ic","Ġesta fa","Ġt ech","Ġfar macias","Ġafec tando","Ġpas illos","tol ógico","se la","Ġproto tipo","ambi ente","vi ado","? âĢĿ.","ch t","Ġimp era","Ġc ib","! \"","pan ish","ĠTaller es","ci entemente","ĠVers ión","ĠSal inas","Ġdefini ciones","Ð ĵ","ĠVé lez","Ġefectu ado","Ġmedi ciones","Ġir respons","Ġder ram","Ġpar tÃŃ","Ġgener ados","Ġan tena","Ġco tiz","ĠI bar","Ġlin ks","Ġjurisp rudencia","ĠF ull","Ġé tico","rea k","ĠEsco bar","D EN","B ER","Ġ24 0","Ġtrip ulación","Ġseg mentos","Ġprestig ioso","Ġcó r","Ġmer ecido","Ġca iga","Ġb ell","ga ta","Ġescuch ó","Ġprofun diz","Ġreembol so","Ġproble máticas","Ġna ta","gen era","Ġdisfru tamos","Ġno tado","Ġespes or","Ġinaugu rado","ĠO k","Ġcal ib","ĠMon taña","Ġbi ológica","Ġsometer se","ĠD T","Ġind ud","Ġtelef ónicas","Ġamist oso","Ġes cur","pe o","ĠJ r","gu erra","ĠRoc ÃŃo","in fo","Ġve ÃŃan","Ġsegu iremos","Ġal usión","ĠH ubo","ĠActu alidad","p per","Ġadqui rió","ĠTe orÃŃa","Ġcontrad icción","Ġconsol as","Ġejerci tar","Ġagu ja","Ġlin f","Ġrequer ir","ĠUn idades","cu al","Ġrefrig er","Ġ11 5","Ġrequier an","ĠUN AM","ijo te","Ġinfl uyen","Ġabund antes","ĠBr uno","aj illas","ĠN ex","Ġelev adas","Ġpu ñado","Ġden e","ÃŃr culo","ĠL ula","Ġcons igna","ĠAudi torio","Ġrepresent ada","ĠR onda","Ġdisfru ten","Ġaconsej able","Ġrecord aba","Ġfran co","ĠestÃŃm ulos","Ġvac as","ĠVol kswagen","ĠMel illa","Ġais lado","h ue","ĠZ ar","Ġtranquil amente","Ġpres ionar","Ġser ias","ĠW es","Con tra","ci tación","Ġrec ort","Ġespir al","Ġpl umas","ĠAp licaciones","Ġla zo","Ġconstitu ida","à «","ĠB rad","Ġgastron ómica","ĠM enos","ĠCon tamos","ĠCom ún","é ticamente","ĠPlan eta","Ġlook s","Ġaj enas","tecn ologÃŃa","Ġra yo","Ġanaliz ando","in ch","Medi ante","Ġestim ulación","Ġdorm ido","ul oso","Ġca ñ","ĠSe at","Z apa","Ġconserv ador","Ġdesh idra","Ġpe d","Ġaconse ja","P H","Ġas ilo","Ġsustent able","Ġac ento","Ġpromo cionales","c s","Ġinmejor able","t v","ho use","Ãī S","Ġah og","Ġpl ur","Ġintent aba","uev os","Ġejecut ado","ĠGab inete","Ġestu vieran","Ġt icket","Ġ3 000","Ġconmemor ación","PU B","ĠAdri án","t omÃŃa","Ġmuch ÃŃsimos","g ras","polit ano","R AS","tr é","b ando","Ġdel gada","Ġcontribu ido","Ġgay s","ros as","Ġ9 78","Ġautor izada","Ġconduci do","v idos","Ġcomenz aba","G AR","Ġhin chas","Ġcub ren","Ġecu ación","b rica","Ġdest inar","ĠPRI M","Ġm uc","Ġseleccion e","ĠV iena","leg as","Ġhem bra","Ġmetodo logÃŃas","b ó","Ġconcur s","ĠZ ara","Ġc iego","Ġdi ur","ĠC ross","ĠEv entos","Ġrid ÃŃculo","B as","Ġencon tre","in arse","Ġvi ñe","Ġtable ta","Ġaus p","Ġdef endió","Ġsuminist ros","ĠAn th","ĠK u","Ġagres ivo","Ġhelicóp tero","á ñez","Ġar om","Ġsi entas","Ġesca p","Ġcap rich","é ri","Ġabaste cimiento","Ġre puestos","ĠprohÃŃ be","Ġcan ela","Ġre tener","ÃŃcul um","Ġcoloc an","ï¼ Į","ĠW ork","ul ando","Ġmuel le","il s","CU LO","Ġenseñ ado","ĠDis pone","Ġdiri gen","Ġserp iente","Ġactiv ado","m ic","Ġproces ión","Ġdispu tará","ĠDes p","Ġgener osidad","Ġexpres an","Ġenf o","pue de","Ġen ta","Ġcorpora tivo","Ġimp iden","Ġvar ón","Ġlig ado","ĠSteph en","Ġvalent ÃŃa","Ġsol tera","Ġop ina","Ġviv ÃŃan","ĠdifÃŃcil mente","Ġcho fer","Ġdiferenci ar","Ġinter con","Ġafirma ciones","Ġnum er","ĠH oras","Ġd úo","ton as","Ġu va","Cons ul","Ġsemin arios","Ġanticip ación","al an","ĠArro yo","ĠRel ig","F und","Ġcu ración","ĠAl quiler","Ġapren den","des l","Ġ15 00","Ġenseñ ó","Z O","Ġatmos f","ĠM isa","Ġprop iamente","ĠJos ef","]âĢĭ [","tr án","Ġma go","Ġaudi torio","Ġembal aje","R C","it tle","Ġla guna","uch es","pol is","ĠRecom end","ĠL t","Ġpe dia","Ġgust en","Ġmon itores","Ġenrique ce","Ġdescub rÃŃ","ĠMens ajes","ĠD ice","ĠYo ga","Ġdesconoci miento","Ġencan tadora","M ir","ĠR ick","ĠBuen as","ĠCán cer","Ġmarc adores","ĠF lam","és el","!! !!!","Ġsuf rieron","ĠGin ebra","ĠPap el","ĠG ala","ĠâĢ º","Ġsolici te","po der","Ġvis a","Ġo jalá","Ġper sever","Ġpersegu ir","Ġconserv an","ich as","ĠTer cer","Ġlo tes","Ġdes echos","Ġconfigu ra","Ġac ude","an álisis","tec nia","Ġfr ÃŃos","ĠMo bile","men os","Ġencuent res","Ġpl át","Ġaerol ÃŃnea","k an","ĠC ano","Ġalcan zando","Recuer da","Ġd ragón","Ġindiscu tible","Ġla min","U P","Ġdetec ta","á ramos","Ġta ur","Ġbr us","ĠSu pongo","Ġpropor cionado","ĠMay ores","Ġs n","Ġmon asterio","alo a","Ġmis m","Ġmeta f","Ġtable ts","ĠLegisla tura","Ġexten dió","Ġe b","Ġcel da","Ġdel gado","ĠCar d","Ġgrad ualmente","r ina","ĠT ER","ĠÃŃn tima","iver pool","Ġcóm ics","Ġcor dón","Ġfun dadores","ĠV eci","V iv","Ġtempor almente","Ġprelim inar","j im","is fer","Ġobje tiva","para ÃŃso","Ġpsic ólogo","ĠE ran","ĠCons ell","Ġdue ña","por ta","Ġque das","Ġun ida","ĠL and","Ġresul tante","Ġtac ón","Ġactiv ista","Ġpe gado","voca toria","ĠJava Script","Ġinvestig ando","Ġfi jas","y ug","Ġhistór icamente","ĠT RAN","re v","di éndose","ter io","Ġdesempeñ ar","Ġpu reza","ĠMe te","ĠCons umo","+ ]","Ġelim inando","Ġpal eta","Ġvul gar","ĠPel ÃŃculas","tos hop","Ġpres ide","N D","k is","Ġgras os","Ġgir as","Ġmanten ÃŃa","E uro","et y","Ġun ió","ĠC ielo","Ġcor tado","ĠHa w","ĠAdo be","Ġdiscapa ci","Ġdis olución","tal o","ĠCo ch","ĠEn s","cas i","Quiz ás","Ġh rs","ĠLa w","Ġhacer los","Ġfe dera","ĠG rad","Ġocup ados","ĠS es","a tivo","Ġdese es","ĠT érminos","Ġcultiv ar","ĠN as","pro yecto","ri an","ĠRecuer do","Ġqu esos","Ġconviv ir","ĠOfre ce","Ġmar chas","Ġv ener","ĠHum ano","ĠTer uel","Ġdefien den","Ġespe jos","Ġpaul at","Ġnacional istas","ĠS MS","Ġdom ina","Ġcar gador","Ġregul an","ĠFilip inas","ac on","fec tos","ĠNa talia","Ġrev al","Ġtan ques","ĠRes ulta","oz co","Ġf ilo","Ġfes tivos","con f","d ge","Ġexces ivamente","ĠL um","t ento","Ġpres cripción","ĠAlej andra","Ġop inar","Ġrique zas","Ġentre gados","ĠTrans portes","Ġestim ula","Ġbi ológico","lo ck","Ġsob rena","ĠP OS","Ġmir an","O tras","De ja","Ġ196 9","ĠIn dÃŃ","Ġd ÃŃg","Ġsacar le","ĠNa ve","Ġsuce den","quil a","Ġan taño","Ġenv ol","Ġd am","Ġlib era","oma gn","Ġescul turas","E qui","ĠF ort","Ġg lam","Ġapasion ante","dar ia","in gu","Ġsec undar","Ġhe bre","Ġfalle cidos","Ġcontrad icciones","Ġplas ma","ĠMe ga","Ġ196 7","Ġdescub riendo","que t","ĠTe ma","S D","Ġle ves","v idas","Ġsocial mente","Ġsim ulación","i ante","ĠP adres","ĠEspe ciales","ĠGal lar","Ġpy mes","ĠW EB","ag s","D av","ĠN I","Ġp ilar","Ġcar gada","ĠPe da","ĠNA CIONAL","ĠL ázaro","x el","Ġa tas","Ġin jer","Ġmal etas","Ġcoinci dir","ĠL ight","Ġenferm era","S em","âĢ¦ ,","Ġpuls ar","frad ÃŃa","ĠA dap","Ġcorte za","Ġexp ro","ĠD if","ĠClo ud","Ġyo ur","ion ados","Ġan omal","ĠNa zar","Ġdomést ica","Ġaver ÃŃas","ĠS ign","ĠOfre cemos","ur ó","Ġpura mente","ĠTrans parencia","ĠS iendo","Ġsi embra","Ġapre h","Ġocul tos","Ġ7 50","Ġválv ula","CO O","ĠPrima vera","M ig","Ġcomplementar ias","> >","Com un","den cial","Ġval en","ĠAs oci","Ġofre ci","tor e","ĠG rupos","Ġcontin entes","Ġc era","ĠAnti gua","Ġprivileg iado","Ġpira tas","ĠGer encia","ut y","Ġdo tación","ĠSO BRE","Ġater riz","ĠTech n","ĠPo drÃŃa","Ġprecip itaciones","ĠPo drás","f l","iz adores","Ġenvi ada","Ġsu yas","ĠD y","Ġse quÃŃa","ĠA riel","Ġdivers a","ĠS ecu","Ġev a","Ġgarantiz ando","Ġcab ida","Ġrequer imiento","Ġprome tió","ĠDoc ente","AM A","Ġen do","ĠPue blos","Ġvis iones","Ġdefin ió","Re al","Ġinjust o","Ġtir ada","Ġab ras","tr u","Ġinter rupción","Ġcar rito","Ġencontrar án","ĠAr mas","Ġdibu j","Ġremo ta","Ġa va","Ġpregun té","ĠGuan ajuato","Ġcomun itarios","ĠLe w","su per","Ġform almente","Ġsan eamiento","ter es","Ġcal ificaciones","ĠRes pecto","cam pe","Ġlad rillo","Ġinesta bilidad","z or","Ġdesplaz amientos","Ġenfa tizó","pp ing","Ġ% ,","Ġsobre peso","Ġincorpor an","Ġdescar tar","ĠV arela","Ġsuces or","Ġimperme abil","Ġaf e","Cu enta","Ġemp aque","Ġinv itan","Ġdes al","ĠG im","Ġcoman dos","Ġanunci aron","ĠPV C","T ener","ific adas","ĠEl ÃŃas","Ġtrav esÃŃa","man as","Ġtable tas","p ing","Ġprohib ida","ust ro","Ġcomba tes","Ġconvoc ó","Ġdes embol","Ġol vide","Ġinstal ados","Ġcomp asión","Ġsorpren dentes","Ġna cida","Ġro tura","ea t","ó ticos","Ġtraduc ciones","Ġprede termin","ĠL ista","b ell","ĠCor re","Ġpropor cional","Ãij OS","Ġencab eza","ti éndose","ĠBar ack","Disfru ta","ĠPotos ÃŃ","Ġsab io","Ġhábi tat","ĠGaran tÃŃa","Ġrespe ta","Ġorganiz ador","Ġmatem ática","Ġor ques","Ġsolici tante","Ġviv as","Ġenrique cer","Ġaspir ante","Pos teriormente","Ġsec ado","ĠRev olucion","ĠNe uro","Ġapa gar","ĠO peración","ĠBel grano","Ġpar an","ten ido","Ġconfes ó","ĠCu p","Ġb onaer","Ġmarc ando","Ġcru j","ĠN orth","Ġà ij","Ġconfec ción","Ġcara vana","Ġden tales","Ġlev adura","Ġautoma tización","\" ).","ĠPERS ON","in ará","ĠE PUB","ust on","Ġpien se","ĠAcos ta","ĠNo kia","Ġinter cep","Ġsolici tados","Ġper i","Se lec","ĠCol o","Ġl un","Ġcatal o","Ġvay amos","ĠÃŃntegra mente","Ġregul ador","h y","an ual","tas io","Ġgener alizada","ĠV uelta","Ġmár genes","Ġve is","Ġaten cion","Ġ197 1","ĠS oc","ĠSan z","c óp","Ġab rieron","ĠK ey","Ġta par","ĠCoordin ador","Ġpres cin","ĠF lu","Ġer gon","Ġsuspendi do","Ġaprovech ado","Ġmister iosa","im ir","ber ry","di f","car se","Ġtar ot","Ġvel ada","ac tiva","ĠFer rer","Ġescrib en","ĠSoci edades","Ġvulner able","Ġtra tamos","ĠAc tividad","Ġempez aba","Ġsub en","Ġgor do","Ġgobern adores","Ġe uf","ĠA man","Ġimp utado","Serv icio","ro co","Ġentregar on","i arios","c ena","E v","Ġrefer ida","Ġdescub rimientos","IS T","ĠRo dolfo","Ġsen deros","ó j","Ġinten sas","Ġcortes ÃŃa","Ġbel ga","Ġdic ta","Ha z","duc tor","Ġfirm es","Ġco e","Ġutiliz o","Ġpermitir ÃŃa","ĠB un","Ġat leta","stitu cional","Ġlatino americano","M L","ĠA parte","Ġé ramos","minist ra","Ġsubsi di","Ġco he","Ġacci dental","Ġbal anza","Ġsimb ólico","Ġre j","Ġac trices","ĠCon ocimiento","ĠS P","Ġob tuvieron","oso tras","Ġconv ento","la o","ĠE res","Ġtra ición","Ġimpre gn","Ġluch an","ĠAé rea","Ġvit alidad","ipié lago","C AL","Cons ide","Ġconven cidos","p ÃŃa","Ġimpos ibles","Ġtum ores","Ġs ic","Ġrendi mientos","Ġline amientos","ri ty","Ġz ur","Ġempren de","ĠHora cio","Ġmotocicle ta","ĠBo w","Ġvolun tariamente","Ġregener ación","E I","Ġcon torno","Ġenci er","Ġcon gresos","ba i","Ġre i","ĠSport s","Ġorden ada","Ġpasaj ero","Ġan ular","Ġgener ada","Ġdespre cio","Ġcomple tado","Ġquer iendo","Ġretro ceso","vol ta","Ġmar tillo","e lo","Ġnie bla","ĠL lor","Ġtoma tes","Al guien","ĠTRA BA","Ġdec ente","Ġagar re","Ġtras lada","ĠTay lor","d amiento","le gos","Ġart ÃŃsticos","is ion","Ġva is","Ġelectrón icas","Ġpen itenci","ĠSin aloa","Ġestudi an","Ġalterna tivos","Ġpareci era","éndo les","T B","Ġfor zar","â ĸ","Ġlin das","ĠCam bie","Ġtro feo","Ġenv ase","r ÃŃo","Ġcas era","ĠGabri ela","Ġlogra mos","ĠA rist","rim e","Ġus ó","r icos","ĠBo u","Ġatrac tivas","Ġconstru idos","ĠDu arte","Ġatraves ar","Ġdem ol","Ġcons ent","Ġencontr ando","Ġprodu jeron","Ġsuce da","Ġcor al","Ġan alizado","Ġma f","Ġinsul tos","Ġtransform ado","m iendo","Ġtec las","c n","Ġal udi","Ġto allas","ĠK ir","Ġcláus ulas","Ġburbu ja","ti tis","Ġrefle jado","Ġb ob","Ġfres cura","ĠSent encia","le ge","ĠAf gan","Ãļ BL","ĠFOR MA","min g","ĠP ur","Ġma quinas","Ġpol o","Ġarm arios","qu ÃŃn","Ġopos itor","ĠInst rum","ro ja","Ġle ido","s ur","Ġcar ecen","Ġtec la","Ġvolver ÃŃa","l lo","Ġpla gas","Ġrecor riendo","ĠRos s","Ġcontemporán eos","Ġv iuda","ĠContemp orán","Ġd ri","ĠIngenier os","ĠHerman os","Ġdese aba","Ġhol an","Ġalberg ue","gra mos","Ġinvoluc rado","Ġcorpor ales","ó mi","Ġconec tarse","Ġbru to","Ġejer cen","ĠA con","Ġcol ombia","Ġplan tar","Ġimp licaciones","Ġcritic ado","ĠCa ixa","ĠAten as","Ġamino á","Ġh ito","des arrol","Ġin no","ENTA CIÃĵN","Ġneces it","ĠPa go","ren e","Ġproteg idas","Ġaus ente","Ġsug ieren","Ġen gor","Ġretir ó","Ġofrecer te","Ġorden ación","ĠNo va","ĠQu ijote","des es","ĠL IB","Ġlib rerÃŃas","Ġinverna dero","Ġciruj ano","Ġescrib ÃŃ","Ġpareci dos","c amp","ĠRespons able","Ġmal e","c encia","Ġintercambi os","TI F","Ġsent ada","Ġproyec ta","ĠC og","eta fe","Ġti ps","Ġvendi ó","is cal","v adas","Ġe pi","Ġcontrol ador","ĠBro ok","ĠCon tral","i tivamente","Ġinter locu","R OS","Ġque hacer","ĠAl terna","Ġbenefici ar","Ġrevis iones","Ġjun tar","Ġenamor ada","to grafÃŃa","Ġequip adas","G rupo","Ġcan nabis","Ġen horabuena","ĠN acho","k as","Ġabdomin al","Ġmus culares","ran g","Ġform ular","Ġinoc entes","Ġequ ita","Ġoptim ista","Ġpas ara","Ġentre gan","plic ó","ĠCu ad","ly n","ĠAma z","Ġobten ga","Ġrefrig eración","Ġpon te","ju ana","ĠTab la","Ġsu izo","ur met","Ġgir os","Ġcre amos","ucar istÃŃa","ĠJo urnal","Ġse tiembre","ĠL lan","ém ica","Ġmach os","Ġguar dan","de moc","rech o","Ġpin ch","Ġeli jas","S istema","Ġg arra","Ġrecre ación","que tes","Ġtes oros","Ġidón eo","Ġcosm ética","ĠRe don","Ġmil en","ĠLor ca","Ġsuje ción","Ġmadrile ña","est res","ĠAD MINIS","Ġdesl iz","Ġrecep tores","ĠMar s","Segu ro","ĠR R","Ġcomp la","Ġpas arela","ĠCon tr","ĠUn ida","Ġpod és","ĠObje tivo","ĠDepartam ental","Ġcoinci dencia","y right","Ġale jar","ĠCanc ún","ĠCas ino","ĠAb el","Ġlingü ÃŃstica","Ġt il","Ġru bio","Ġgl ánd","ĠDes carga","ci sión","yo u","Ġt ig","Ġinci so","Ġ\" ¡","ĠBar b","Ġinfin ita","Ġsubs ecre","Ġne gado","Ġpl ie","Ġdespla zar","T h","ĠDo ble","Ġinf racciones","ĠCom andante","Ġregist ran","ĠCar m","Ġvib ración","Ġdes g","Ġpromo tores","Ġtelef ónico","ĠC res","Ġinici ación","pa ta","Ġsub vención","Ġgris es","Ġaliment icios","Ġcos tura",", âĢĿ","ĠDar ÃŃo","j ol","Ġreal ismo","Ġara ña","Ġir ÃŃa","Ġlá minas","Ġra mp","Ġór bita","z en","pe lo","Ġcor rió","Ġtal las","ĠAl mac","Ġhici ste","Ġdefens iva","Ġtermin ada","Ġin dio","Ġadap tan","Ġdom ésticos","Ġes quinas","Ġin dia","Ġprob ando","Ġpat entes","Ġsubsi dios","Ġrevel an","ĠCh el","ĠIde as","ĠM uerte","ĠK n","ĠE ver","Ġsu cio","ĠJu vent","Ġhipo tecas","segu ir","Ġguar di","Ġce jas","ĠES TA","Ġfrac tura","ĠNav al","ud ul","s oy","ĠS po","Ġresal ta","Ġca ñón","Ġmane jan","amil ton","Ġvag ina","Ġsu reste","Ġinvers a","z er","ĠV it","Ġdes cripciones","le os","ĠB orges","Ġdetermin an","Ġacredi tar","Ġs po","f ue","ĠG et","Ġsub ven","Ġrequer idos","ĠT itan","Ġdoc tr","Ġconcent rar","T ampoco","Ġlatino americana","ĠG io","Ġexpl ora","Ġw a","Ġh ola","Ġdomin icano","Ġcuán tas","Ġcal mar","cl us","ĠMan zan","ĠincreÃŃble mente","ac tividad","Ġutiliz arlo","Ġlig eros","Ġcotidi anas","Ġprestig iosa","v ino","ĠInte gración","n ers","Ġgan e","Ġllegar ÃŃa","Ġporcent ajes","Ġpales tinos","orden adas","Ġalber gar","ĠF ir","Ġporno grafÃŃa","Ġinvoluc ra","Ġen oj","Ġtrans portes","gaz ine","ĠCompos tela","Ġac né","ĠT A","et ta","ach i","Ġlegitim idad","Ġinv entar","T ex","ĠN ig","Ġne w","Ġ12 8","Ġcal ce","Ġrebel de","incl uyendo","ĠE jemplo","H D","Ġdesn ivel","Ġcurios os","ĠProgram ación","pro fes","ĠCar ras","r ino","Ġatra par","ĠDe ad","Ġtér mico","Ġremon ta","Ġmal ware","Ġdescub ren","Ġreconstru ir","Ġc enas","cor dia","ĠPir ine","Ġmarro quÃŃ","ĠE uros","ĠE ri","de fin","Ġcu pón","AD E","ta cion","Ġmec ánicos","Ġsuscep tibles","Ġmotiv ado","Ġtri tura","Ġcomp ran","Ġmedi ática","ĠCh rome","Ġrefer idos","Ġescuch o","ĠA just","ĠOl iver","Ġtratar a","Ġmoles tar","g lo","re ta","Ġlevan tarse","Ġcar naval","Ġprove e","? âĢĿ,","am el","ĠS N","Ġjug aba","? ¿","ĠR at","Ġgrab ados","Ġpublici taria","Ġveter inario","TIC AS","Ġcap tación","ĠPer mite","Ġvan guar","Ñģ ÑĤ","Ġp ino","ĠTes tamento","Ġrela cionar","Sab es","Ġadecu ación","ĠF en","Ġtir ando",": .","ĠB ut","Ġres ume","Ġindic aron","P RES","Ġconvoca torias","tor rique","all en","ĠC ará","ĠÃģ r","Ġaceler ación","Ġalcanz aron","is eo","ine tes","IS MO","ĠB erg","loj amiento","Ġb rig","Ġescal as","199 8","Ġret ribu","ĠL lev","Ġsuper héro","Ġch inas","Ġarm adas","v iene","x t","Ġd ÃŃ","Ġindign ación","v imiento","Ġpon dremos","Ġinter sec","Ġev ang","ĠD S","ér citos","Ġguard ado","Ġcoordin adora","Y EC","Ġdic tador","cu encia","ĠV erg","Ġinter vin","D ep","Ġdomin ación","ĠSub secre","I gualmente","ri es","Ġmez clas","Ġestratég icas","Ġfantas ÃŃas","Ġb ik","Ġz an","ĠFer re","Ġconsecu tiva","Ġprogres ivamente","er mo","Ġcine asta","Ġevent ualmente","ĠG oya","Ġs am","cil los","Ġhid r","Ġcre as","Sab emos","ĠLo zano","ĠOb viamente","Ġincorpor ando","av era","ĠMon tero","Ġquie bra","Ġl ástima","ĠD ream","Ġta quilla","Ġterri bles","ON ES","ic é","Ġdecir les","Ġco do","Ġresul ten","Ġdedic amos","ĠAl can","Ġfol cl","Ġpreci sos","p y","ĠS qu","ĠO jalá","Ġcontinu ado","D ijo","Ġrela jado","Ġconfigu raciones","Ġexp uesta","ĠMej ores","ĠO L","ĠCu anto","ĠAl c","ĠSim on","ĠCON TRA","Ġdesen v","Ġser ás","Ġnerv iosa","tol ógica","ĠHa itÃŃ","Ġa Ãĥ","pec tiva","Ġcandida turas","Ġplást ica","Ġpró tesis","ÃŃg ono","Ġextre mas","t ÃŃan","ĠU P","In tro","< /","ĠL iverpool","ĠWil son","Ġatac ante","man uel","Ġpreserv ación","Ġneces iten","ĠF ARC","ara gü","Ġlleg aban","Ġllegar án","Ġpreco z","Ġdes van","Ġsum aron","Ġa gen","Ġsus crib","Ġvol ando","K A","ri t","Ġac tas","ĠCh aqueta","dad ora","Ġne gl","Col ombia","Ġcuader no","ĠâĢ Ļ","ce dente","ĠPascu a","Ġcolap so","Ġinv ento","Amb os","Ġre dujo","Ġtrav esti","Ġ\" .","Ġcr ÃŃa","Ġocup ada","Ġguitar ras","Ġel ija","Ġlanz amientos","Ġman tuvieron","Ġretir arse","Ġmoder ada","ash ion","Ġmovil izaciones","Ġto alla","ĠCoordin adora","Ġcar denal","Ġamb icioso","Ġex tor","Ġcar encias","Ġto po","ĠH ig","ĠM ª","ĠN uestras","Ġconsol idado","âĢĿ âĢ¦","ĠPs ico","ĠMar cel","V enta","ĠEs as","ĠDemoc racia","Ġfen omen","ĠEusk adi","b idos","ĠP utin","Ġpul mones","ĠH A","Ġcor dial","AC H","Ġpromo viendo","Ð ²","Ġconten edor","tu res","Ġgra f","Ġp ica","Ġdis puestas","Ġmelo dÃŃa","Ġtatu ajes","Ġreti ra","ĠAfgan istán","Ġaz ucar","W h","Ġespiritu alidad","Ġsu mo","ĠT C","ĠBa ño","Ġtan go","cel as","ĠVelas co","ĠS pr","Ġllev ados","Ġemi tida","ĠJur ado","Ġcep illo","qui á","Gu ÃŃa","Ġcon tienda","oc ÃŃa","ĠAle mán","Ġto d","Ġges tores","ĠCon tabilidad","ĠB ajos","e h","Ġinst into","Ġviv ieron","Ġsan tuario","ĠOri gen","uel ven","Ġseleccion ada","c eros","ĠhÃŃ dr","Ġra tos","Ġmuñ ecas","ĠTex to","ru st","Ġinmedia tos","Ġcon dado","Ġhum ill","Ġsub idas","ĠCoopera tiva","Ġla gos","ig no","Ġsa turación","Ġsome tida","Ġbo leto","ii i","Ġre inado","ĠJ ob","Ġlub ric","Ġabsor ber","Ġdoc ena","ĠEx tran","ĠSer ra","Ġdéci ma","Ġc enso","Ġpublici tario","Ġen teros","Ġinform ados","Ġmultina cionales","ĠMin erÃŃa","D eci","p ad","ĠT ir","ĠR enov","Ġle ón","Ġfeste jos","Ġcamp ana","Ġdi gas","Ġin er","cul tura","ĠRe tro","Ġumb ral","Ġdescon fianza","ca t","Ġob so","Ġador nos","ran ge","M ES","end ÃŃa","Ġma ci","Ġrefer imos","Ġg estiona","ĠVal paraÃŃso","Ġfra udul","Ġsuces ivamente","Ġestable ciendo","Ġconcil iación","Ġo posiciones","Ġexplic ando","Ġdele gaciones","Ġn omina","ást icos","ga t","Ġ19 45","Ġsepar ada","ĠPro ve","Ġantibió ticos","Ġch apa","Ġinterv ienen","Ġartesan ales","Ġconsa gr","t ál","Ġt ach","Ġop ta","Ġdes inter","ĠIma g","Ġreac cion","Ġfirm aron","al lo","Ġestima ciones","Ġcomplementar ia","j uy","Ġespe cias","Ġhere dero","Ġusu almente","Ġdelan teros","tur adoras","Ġsolici tada","Ġreconoci mientos","Ġseñal ados","Ġapos tó","Ġenfer ma","Ġintent aron","ĠTes oro","Ġtra tará","á culo","RO L","ĠEn contrar","Ġcilin dros","cl ub","Ġanón ima","n eces","ĠL CD","Ġpr onos","ĠCom pany","ric k","Ġtelef ono","ĠEn tren","Ġrazon amiento","ál ido","C rist","Ġotor gó","Ġdi osa","ĠCa dena","ĠRin cón","Ġmas turb","ĠDu ración","Ġtram itar","Ġpudi ese","Ġdivi dida","Ġenv as","Ġcar net","Ġenseñ an","Ġfuer e","Ġba tir","Ġseñor as","Ġescon dido","Ġter m","Ġaport ado","ch at","Ġna var","Ġinstrum ental","ĠR un","ĠG ente","na v","Ġal ias","án ime","Ġpa gó","Ġsan dalias","Ġsubsi dio","Ġincondi cional","Ġesco te","Ġp om","Ġten és","Ġadap tada","ĠS ISTE","l ines","Ġanécdo ta","an ismo","orm almente","Ġba te","Ġarran có","res ÃŃa","u te","Ġlic enciado","Ġorgas mo","v ina","Ġin co","Ġde no","ĠU sa","Ġfacil itando","ĠD io","Ġen umer","Ġproyec tar","U RA","ĠG las","Ġincl inación","Ġemble máticos","ĠJust in","AT OS","ometra jes","Ġpro cura","Ġap unto","Ġro uter","ĠWhats app","a pos","Ġdispar ó","tien es","Ġins in","Ġbi ologÃŃa","Ġexquis ita","Ġanticon cep","ig ne","Ġt ambi","ĠCon oci","Ġsigu es","con o","Ġdolor oso","Ġte mo","ĠIsa ac","ĠT on","yu ge","Ġesc an","ĠEn tidades","Re almente","ĠPascu al","AN D","Ġm ora","ĠMar ÃŃ","Ġcruc eros","Ġdesemp eña","Ġor todo","ĠA gre","Ġad uan","Ġfinal istas","Ġocas ionar","ĠT RI","Ġc ac","Ġcosm éticos","ĠEdi ficio","Ġrevolucion arios","Ġf ul","Ġin igual","Ġevi dentes","Ġnomin al","Ġfós iles","u go","s hop","pe ci","Ġencues tados","ni fer","na cionales","Ġcar ica","Dav id","ĠMo d","Ġdisput ó","ĠE ze","Ġbal as","Ġfirme mente","ten as","Ġforma tivo","Pro yecto","Ġrecaud ar","Ġdetermin e","Ġintes tino","Ġprol ong","Ġsecu encias","cal ientes","tur almente","ĠBar rios","ĠN at","ri tal","Ġexces os","Ġins crito","Ġhol andés","can os","Ġfabric ada","estr al","ĠCl im","Ġsal tos","qui pa","Hist oria","ĠG el","Ġajust able","ier s","ĠS om","Ġcambi aron","Ġofre cieron","Ġn ór","Ġutens ilios","cul ación","Ġpas aban","EL O","Ġf ruc","Ġpon encia","Ġno vena","Ġimp arte","Ġpa gue","ĠL ady","Ġcaus ada","cor por","tu p","ĠLoc ales","Ġembar cación","ĠSh ang","mu jer","Ġconform ación","ás ica","ĠPro tec","Ġus aba","ĠSer ver","ĠF utbol","Ġmanz anas","Ġtur co","Ġliter al","ri al","Ġproces ado","Ġsust ento","Ġinalámb rica","Ġar en","Ġceleb rando","it ora","ĠCam paña","ĠTOD OS","Ġe rig","te te","Ġprotagon izado","ĠDocu mentación","Ġdid áctica","Ġcuales quiera","Ġproporcion ando","Ġcató lico","Ġsolici tando","uev ara","Ġsegu ÃŃan","D icho","Ġllev arÃŃa","ĠCiudad ano","Ġvam piros","Ġcomp i","Ġfiscal ÃŃa","Ġlig ada","Ġdu re","O l","Ġbreve dad","Ġhacer las","b ola",". °","v inas","Ġin quil","Ġex trad","Ġesc omb","Ġvig ilar","Pro fes","Ġpuls era","eron áut","ĠSo vi","Ġcer rando","Ġva inilla","Ġposi cionar","Ġpreten siones","og ÃŃa","p df","ðŁ ĺ","Ġsosten ibles","d t","ĠO pti","Ġtrans mis","IDE O","ĠES PE","Ġdeb ilidades","Ġmad uro","Ġbach illerato","Ġreg ÃŃmenes","Ġra cismo","ma x","Ġace it","U LO","Ġes feras","ĠCol l","Ġbanc arios","Ġdes ol","Ġop tado","ÃŃ mos","Ġcan asta","ĠCambie mos","ĠO la","so por","Con tamos","Ġaband ona","pos as","Ġproduci das","Ġvoc ales","Ġdi min","Ġcuid ada","m ados","ĠInstal ación","Ġsum arse","Ġsil ueta","ĠRib era","ĠAnaly tics","Ġimplic an","Ġi mit","Ġcos mo","ĠGas tron","te ch","Ġex termin","Ġpr ór","Ġexperim enta","Ġautent icidad","ra ft","par ti","ĠMé dicos","Ġmanifies tan","Ġli tig","Ġapas ionado","Ġboliv iano","ĠT ribunales","ĠB ack","ano va","Ġfur gon","Ġmedi ático","ear ch","Ġrebo te","Hab ÃŃa","ĠM ik","Ġpo dia","Ġhon dure","ĠEsco cia","Ġen tro","Ġcom ens","Ġgrues a","Ġayud amos","Ġsin tiendo","- ¿","Des cargar","Ġizquier das","ĠProces os","Ġenfrent ará","CH O","ec ción","Ġla ta","Ġle en","Ġdist ribuye","ĠS her","Ġprof eta","Ġsuf ra","ĠC all","Ġtrans gén","Ġdefender se","Ġro da","Ġpes cados","ĠRo que","Ġca t","Ġcenten ario","Ġventil ador","Ġenfo ques","x y","ĠAn ual","ĠPro teg","endi dos","Ġprogram ada","ĠDes cub","ĠOB JE","ĠJona than","ór icos","Ġsen os","ĠOb ispo","d ando","Ġgener e","Ġsec uela","Ġprofes iones","Ġir onÃŃa","Ġvalenci ano","ĠContra to","Ġcamina ta","V aya","Ġpregun taba","Ġartes anÃŃa","Ġh embras","Ġpo zos","Ġcal ificar","Ġautor ÃŃa","Ġinolvid ables","Ġparale la","Toda vÃŃa","Ġpar ás","Ġdecir me","cin to","l aces","Ġcorrespon der","Ġprohib ir","ent ador","ĠPrem ier","Ġro ble","itor ios","ĠRes istencia","an cial","ĠF unción","Ġresul taba","Ġalcal dÃŃa","Ġsemif inal","Ġvac antes","ĠÐ ¿","Ġp é","Ġ2 30","ĠB uc","Ġtor pe","is sa","Ġaerol ÃŃneas","ĠEmer gencias","Ġres plan","Ġ195 9","ĠCateg orÃŃas","I TO","à ´","Ġpa pe","Ġcel este","inter rump","e ando","ap an","a hu","ig mas","Ġcoyun tura","ĠIN V","Ġprogres ivo","ĠDav is","er ve","Ġliber ado","Ġré plica","Ġpelu querÃŃa","Ġcomis ario","Ġ uc","Ġadi das","Ġremo ver","Ġintes tinal","Ġauton ómico","Ġmix ta","Ġaplic adas","Ġgaran tice","ĠPro bablemente","Ġpens ada","Ġdiscre to","Ġcora zon","ĠCu ero","Reci entemente","ĠLa ur","Ġpre di","ĠPales tina","Ġprede cir","Ġre cesión","T ON","Ġen ven","Est aba","Ġobserv an","oluc a","ĠS tal","Ġincorpor ados","Ġagu jas","inter pre","Ġgu apo","am ante","lic es","Ġqued ara","dones ia","ron g","Ġintro dujo","A ñad","Ġliter arios","ĠSo porte","F rente","Ġen tes","in en","amil itar","Ġnaveg adores","Ġrecop ila","Ġmagn esio","Ġconoci eron","Ġregul aciones","Ġma gos","Ġdej ara","Ġdel a","ĠIN TRO","D C","Ġfal lar","Ġha cienda","Ġte ñ","de mont","Ġdel iciosos","Ġmetál icos","s w","ter ona","ĠE che","z al","Ġe ternidad","Ġperman eció","Ġseleccion adas","Ġapren dÃŃ","Ġtrist es","N ET","Ġanim ada","Ġpromo tor","is ex","ĠM OR","segu ridad","Ġleve mente","ĠTOD O","Ġingres a","Ġtrop icales","Ġdem ócratas","Ġasever ó","ul itis","Ġag ilidad","ĠC ambi","Ġpu p","Ġfre el","ran t","Ġl itoral","Ġpor cel","Ġgole ador","ĠH is","Ġcen izas","incl uso","ric e","Ġcru ci","Ġsh ort","Ġcuchar adas","Ġinvesti gado","Ġescol ta","ĠN Y","ac á","Ġtóx icos","Esper amos","E duc","Ġconserv adores","Ġhomosex ual","v é","ĠColor ado","Ġcál ida","Ma ñana","Ġenfoc ada","Ġprodu zcan","ss ss","Ġfirm ada","Ġecles i","Ġparticipar á","Ġus as","ĠF U","je tivos","amb ul","Ġequival entes","Ġprepar adas","Ġdesper tó","ér f","Ġinci dencias","ĠPonte vedra","ĠEd ward","ĠM iller","Ġkm s","Ġutiliz aron","Ġcru za","Ġrepresent ados","ap ren","Ġacompañ ando","ĠM id","ga pur","s is","ate mal","Ġenf ad","ĠCompe tencia","Ġprotec tora","Ġco bar","ĠElectrón ico","ĠT la","Ġempe or","Ġdis pens","Ġb la","ĠA ta","s k","Ġapar ecÃŃa","ve y","Ġponer nos","ĠVen ezol","ĠP iel","ĠTit ular","Ġmedi cinas","ĠB uda","Ġrefuer za","Ġquedar me","lex ión","ĠCampe ones","Ġqu itado","Ġcenten ares","ingü e","F ull","ĠCh al","dr ÃŃamos","Ġfle cha","qu én","Ġven cido","Ġacep tada","ĠDar k","ĠLev ante","Ġsuperior idad","it ancia","Ġofici os","ment ados","Ġ15 5","Y A","Ġparti darios","Ġagu ar","ur ense","Ġove jas","ch ura","ĠPa is","l ist","Ġpro visión","Ġcuch ara","Ġdram ática","Ġatar decer","Ġtransvers al","Ġpreocup ados","UL T","p g","ĠP ent","Ġcuar tel","ĠEcon ómicas","Ġcardiovas cular","Ġech ado","Ġvel ar","Ġconduc en","tur ar","de lar","ĠV ivo","Ġrebo tes","hibi ciones","A caso","ĠCa ñ","Ġconform ar","Ġsent ó","ten se","ĠMar iana","Ch ile","Ġsign ificados","Ġse vera","Ġpoder osas","Ġrecl ut","Ġ oso","Ġremodel ación","Ġubic ar","Ġadver tido","ĠJ A","ĠComple jo","Ġba iles","enci ados","Ġimpon ente","Ġest abas","com er","Ġtu toriales","Ġri gen","Ġlider ar","Ġbar ba","olo ca","Ġafric ano","Ġgrad ual","ĠMa dera","rán sito","Ġapar ezcan","Ġestad ÃŃsticos","ĠADMINIS TRA","U nos","Ġcircul a","Ġllor ando","Ġre trans","Ġequilib rado","âĢĿ ?","Ġafil iación","ĠT EL","Ġ¡ ¡¡","Ġb ec","ĠE F","Ġacab amos","Ġalf abe","ĠPhil ip","F uer","ici al","Ġdeb iendo","rel l","TOR IA","Ġinscrib ir","Ġexpan dir","ĠC ruc","ĠCor rientes","Ġhig ién","ent amos","Ġpe dÃŃ","Ġapel ación","ĠT her","ĠV io","Ġn oreste","ĠSil ver","Ġllen ado","lo ok","Ġmo vi","Ġide ológica","Ġcruc es","Ġadmir ar","s ch","Ġde ton","Ġasum ido","Ġutil icen","Ġsole mne","Ġindirec tamente","Ġlegen dario","ci tamente","ec encia","gen eración","Ġimpres a","Ġquis ieron","Ġconsul tor","Ġasomb ro","Ġc d","Ġb it","ĠM inas","Ġpas ivos","Ġes por","Ġpa ño","Ġrecibir ás","ar y","ĠRe alizar","O f","Ġorient ados","Res pon","Ġextin gu","Ġha za","dor ra","Ġversa tilidad","Ġne ws","Ġcontinu as","Serv icios","Ġfich aje","i der","Ġcontractu al","Ġl ent","Ġpól iza","c ente","Ġpul món","Ġmar es","Ġeró ticos","ADOR ES","Ġac ol","ĠI A","Ġver so","Ġinstitu tos","Ġencan tada","Ġproces ados","Ġpar che","Ġdic tado","Ġcambi ará","TI ON","ÃŃst as","Ġlegisla tivas","f en","Ġdesl umb","Ġper su","Ġ19 40","vie ja","ĠG ian","unta in","Ġcom ido","ĠF E","Ġgrave mente","Ġradi ante","T F","m eras","Ġhim no","ĠC OS","Ġrepresent ando"," ¬","Ġmayor itariamente","al to","Ġev ac","Ì ĥ","Ġpal adar","T ICO","Ġcol as","ĠZ en","ĠJu juy","Ġas fi","Ġconfron tación","e idad","Ġbizco cho","Ġch asis","Ġab raz","Ġh allado","es tan","Ġinteres ar","Ġde pres","Ġp ionero","ĠS US","Ġpris ioneros","uc as","Ġpie dad","Ġfac eta","C in","ti era","Ġsonre ÃŃr","Ġexpor tar","ĠHua wei","Ġguer rilla","Ġgan arse","ár ra","Ġle gu","Ġimpuls ada","Ġabog ada","Ġpronunci ado","1 20","di almente","Ġcual idad","Ġcolabora ciones","al idades","Ġins ól","Ġalum nas","ĠPala cios","Ġcolabor ado","ra mente","Ġdivertir se","Ġindi ferencia","Ġandal uza","Ġgran di","acu te","ĠF ED","ĠSab er","jug ador","Ġnacional ista","á i","ĠMé dica","ĠD amas","ĠMon s","h es","Ġec olog","gu eros","ĠNo te","end amente","In stitu","Ġapos tando","v ard","Ġofre zca","Ġsensibil ización","Ġpro fec","ich i","Ġtem ores","Ġsup rimir","Mig uel","Ġdesarrollar on","ĠEscri tura","gu eras","Ġseñal aron","ĠMa z","Ġle d","Ġar ca","Ġsimp atÃŃa","g ad","ĠC B","Ġcar petas","or ient","ho w","Ġasist encial","IL LA","Ġprobar lo","Ġadap tados","du jeron","Ġamig able","ĠProto colo","A na","Ġpo tasio","ulip as","ĠRec o","Ġsucur sal","Ġpar ientes","ĠT eo","âĢ¦ ).","ĠCas o","Ġes mer","d ú","p x","tagon ia","Ġlengu ajes","ĠColec tivo","Ġhubi esen","ste des","Ġhacer les","ám enos","ĠBel leza","Ġhos telerÃŃa","Ġar bitraje","Ġabra zar","na cional","Ġplom erÃŃa","Ġgin ec","ĠR áp","Ġgu iada","Ġexten dida","Ġpreten der","Ġer mita","P in","ter ror","Ġacredi ta","ĠInst rucción","ĠVia je","ĠCará cter","ĠRa quel","Ġcontinú e","ĠRe uters","Ġsac aron","Ġlimp ios","Ġmejor ÃŃa","Ġrec tang","Ġamena z","ri tis","Ġir ra","â Ļ","Ġac lam","Ġhaci éndolo","ĠFinanci ero","ĠME J","Ġdisfru tes","Ġamor osa","Ġhon ra","Ġampl ÃŃa","Ġanal ÃŃtica","ĠW olf","Ġgo zo","Ġorient adas","Ġmon tes","Ġpreca uciones","Ġatra pado","Ġcapaci tado","Ġdeci des","Ġdev uelve","Ġver as","s un","Ġde ducir","Ġañ aden","Ġrecib an","Ġde t","Ġsupon ÃŃa","ĠT ránsito","Ġinus ual","Ġregular idad","UL AR","Ġrad ios","Ġingres ado","Ġk irchner","ĠG uevara","im ar","Ġmor f","Ġsuminist rar","can dida","ĠAlz heimer","Ġan hel","Ġol vidad","ĠDie z","Ġtranspar entes","Ġmutu amente","Ġdinam ismo","ER OS","ĠOri entación","ĠAs c","Ġban quillo","Gu ar","N et","Ġam abilidad","AL A","Ġru tinas","ĠB iz","ĠFin landia","ĠCamil o","Ġpárra fos","Ġinf arto","Ġderro tó","ĠC eb","Ġdiplom ático","v echo","gues es","htt ps","Ġensal adas","ĠPlan es","Ġlác teos","Ġconten idas","Ġsol es","Ġproces al","Ġvolver án","ĠCon stru","Ġv ec","ĠB AS","Ġcorrup tos","Ġantepas ados","pro p","Ġconse jeros","Ġ196 4","Ġpi ña","Ġfrag mento","Ġdesen lace","h em","da dera","CE P","Ġmedicin ales","Ġprolon gado","ĠH idro","Ġc esta","Ġatre ver","ci able","fac tos","J uegos","Ġintérpre tes","u ada","ĠA ula","mas ter","Ġguer reros","ĠP las","ĠT um","Ġimplement ado","Ġanaliz an","Ġda ting","Ġform aron","Ġcontra tados","Emp ez","Ġin édi","ĠD F","Ġmec ánicas","Ġhab las","ĠVal verde","f el","Ġmu d","Ġde cepción","Ġap lique","Ġdenomin ados","ĠAntio quia","Ġprior i","Ġsecundar ias","av ajillas","qu o","ĠBri an","t oma","ĠPro ject","Ġplas mar","Ġinter valos","Ġacum ulada","Ġprote gen","ĠCh ico","gn óstico","Ġreun irá","Ġherman dad","Ġcom and","ĠC en","qu ismo","ĠRes umen","Ġindirec ta","Ġfemen inos","Ġbas ándose","Ġmetál icas","don cia","ĠFran cés","r us","c ana","ĠP T","ĠAutón omas","ĠS AP","vers ible","ĠBas es","as y","Ġmelo dÃŃas","Ġs ismo","fec ciones","Ġidentific ada","Ġinaugu ral","________ ________","Ġdeb iera","zar ote","Ġdesplaz arse","ĠDi rig","Ġre tar","Ġrevesti miento","ĠAuxil iar","Ġ ora","car on","Ġfoc os","n ik","Po d","Ġtex tiles","Ġduer me","Ġes lo","ĠO TAN","cer n","Ġlien zo","Ġsu cia","im al","D oc","Ġ196 6","Ġocci dente","Ġarra ig","isfer io","ĠBarran quilla","Ġpreten sión","Ġsubray ado","Ġmezcl ado","Ġsu ro","Ġinv itada","Ġun idas","Ġinteres e","Ġa dren","Ġgas tro","ĠCar lo","Ġseñor ita","ĠDist ribu","ĠM ano","ĠEduca tivo","Ġpuntu alizó","ĠUSU ARIO","Ġentre gada","Ġfin os","Ġacer tado","Ġelite torrent","Ġrelacion an","ĠMov ilidad","Ġsitu adas","Ġremun eración","Ġtir ado","Ġreconcil iación","Ġlu ci","r éis","ĠDec oración","ĠEliz abeth","ÃŃ tez","ĠD IF","Ġch up","Ġgener ador","ĠAllen de","ĠCON F","Ġcapit ulo","Ġno te","ĠMunicip ales","Ġree lección","Ġtoda via","ril ler","Ġhistori adores","Ġir é","luten se","Ġabrir se","Ġdirig ÃŃa","ĠEjecu tiva","Ġtr ic","Ġpas arán","Ġcam pan","Ġcorpora tivos","Ġ19 30","Ġdel icia","Ġliv ing","ĠDOM IN","Ġdesvent aja","Ġdiam antes","M ic","ĠVan guardia","ĠU GT","Ġan i","Fran cisco","ĠRies go","Ġtrans miten","Ġtib ur","Ġextra ñar","rup ación","ĠFon dos","ĠRos e","Ġ196 5","Ġglo bos","Ġhos ting","ici ado","Ġapar eciendo","Ġpermanecer á","ĠH amilton","Ġinclu ÃŃa","Ġsimpa tiz","Ġdemos tra","Ġin sopor","ur bios","Ġacab aron","199 7","dil las","ĠAudio vis","ĠE bro","Ġhos til","Ġvib raciones","b ón","ĠW eek","Ġb éisbol","ĠTex t","ĠRen é","a ga","ge lo","ĠEdi tion","to x","ĠInstitu te","Ġrecor tar","Ġpeda zos","erv a","ec edor","Ġsacri fic","p ido","ĠCent enario","Ġpon drán","Ġenvi di","Ġ10 2","ph p","Ġsub ieron","G S","Ġsan cion","Ġevolu cionado","Ġu vas","de ar","24 3","Ġrecop ilar","V oy","Ġas om","pol ÃŃtica","la te","Ġreglam entos","ĠHun grÃŃa","is iera","cuent ro","Ġh ome","ĠC ÃŃrculo","ĠH ub","ĠCar rillo","in tos","Ġcas ada","Ġproduci rá","ĠOr d","Ġpa yas","Ġextraord inarios","Ġmonum ental","Ġcl ip","Ġres urrección","Ġser emos","Ġil usion","Ġtraspas o","Ġvia jando","Ġfac tible","Ġcorri da","ĠM EN","Ġálbum es","Ġrepos ar","Ġref in","Ġdirig encia","aya quil","Ġrazon ables","Ġveter anos","Ġn ueces","ud an","Ġdescub rieron","ĠRE AL","Val encia","ĠLa gos","Ġo h","ero a","Ġpsic ológicos","om io","Ġbenefici oso","Ġconfirm aron","Ġw indows","Ġin ad","Ġincent ivar","ĠNorm as","da z","ĠV ial","Ġjajaj aja","st ruc","Ġper las","Ġimperial ismo","ĠL ucha","Ġfr entes","Ġjoven cita","Ġsubra ya","Ġmil itante","Ġser en","Ġco okie","ĠDeb es","Ġan he","inar iamente","Î ±","ĠEl ige","Ġcon ste","Ġn ula","R os","ĠConten idos","ĠQ a","ĠVI P","ĠNorte américa","Ġcón yuge","de te","ĠB ad","Ġarquitectón ico","TU AL","Ġsal te","v emos","Ġconform ada",") )","Ġfue gos","Ġpo de","Ġcomun ismo","In vesti","Ġenfri ar","Ġdiges tivo","M V","Ġan tis","Ġesta tura","ric ho","Ġ/ >","Ġcatástro fe","Ġdef endiendo","Ġfes tividad","j imo","Ġj ul","R om","Ġre apar","st on","ĠEn g","Ġ19 0","isco pal","Ġjo der","Ġom isión","âĤ¬ ,","ĠS nap","ĠI t","gar o","Ġfemin ismo","Ġfuncion aba",", [","ĠFor tal","ĠâĢĭ âĢĭ","Con tac","Ġfavor ecen","Ġinmor tal","Ġpas tores","Ġdesa gü","ĠD orm","Ġlim itadas","Ġsub terrán","Ġgen ético","ĠBi ologÃŃa","V esti","ĠG etafe","Ġllevar la","Ġrin de","v amos","Ġb amb","ĠIs landia","ĠSar miento","ĠPo esÃŃa","Ġavis ar","par on","Ġvac ÃŃos","ĠÃģ ra","Ġbac teri","l ut","Ġenv uelto","Ġalmend ras","Ġdestru ido","ú per","Ġbo u","Ġnatur alidad","Ġsegu idas","Ġdesarroll en","ĠCre ar","Ġtrem endamente","ĠSa tur","Ġc úb","Ġh il","ĠAut omo","Ġ196 2","Ġres ol","Ġrecuer de","esti al","Ġhid rocarburos","Ġsin fÃŃn","ĠN ight","Ġparti ó","do l","ĠE t","Ġco c","Ġ19 20","Ġpr osa","Ġ3 20","ĠP et","Ġparticip en","Ġab ol","ĠM uestra","ĠQu inta","ĠBo tas","Ġimpres oras","es cri","Ġtriun far","u ble","Ġp icado","Ġelec tores","Ġaisl ados","Ġcompar tidos","Ġf et","ĠE tiquetas","Ġco ordenadas","Ġradic almente","ĠInter americana","Ġtra mit","Ġhere deros","ĠPor to","Ġt áctica","Ġb udi","Ġfe deración","ĠSole dad","ĠC if","IT AL","ĠPer ón","ĠNe y","Ġsho ws","l aba","Ten ÃŃa","Ġline as","Ġampl i","ĠIn és","Ġval encia","enten ario","ĠPrincip al","Ġdispon ga","Ġgolpe ar","Ġme dicación","ĠB asta","Ġpar amilitar","Ġinver tida","Ġconse jera","ĠB ello","Ġpronunci ó","Ġhici eran","Ġaprovech an","Ġflor al","ĠP ix","Ġreduci dos","Ġretra tos","Ġdu ran","ĠLic enciado","Ġcre yendo","ĠES TU","z oso","Ġir rump","Ġten or","Ġalar mas","Ġt hat","Ġgre mi","Ġvag inal","Ġmal dad","b ran","Ġvam piro","Ġcorrec tas","ri x","Ġinv al","ĠPo blación","Ġocup ando","Ġcurr ÃŃculum","........ ........","Ġimpo tencia","Ġllam amiento","Ġreun idos","Ġinesper ada","Ġin se","Ġfues en","e jos","g y","ĠContin uar","dal e","Ġexpon en","Ġemerg ente","ĠM iles","mas car","gon és","ĠS tone","Ġorgullos a","ver g","Ġpi ro","ĠVe lo","V a","ĠVal dés","Ġdivis a","Ġmar inas","ĠPar ticular","Ġim itar","v ac","Ġprepar arse","C la","Ġya cimiento","ĠA vel","Ġcal idez","Ġcoloc ando","Ġconvoc ada","Ġmol des","ĠS ens","ĠI ron","Ġinstal ó","Ġerrad icar","ĠO EA","Ġán gulos","Ġin interrump","ĠC is","Ġtra iler","ne te","Ġz inc","Ġdes mante","Ġas piración","ĠR y","ind icación","Ġp ill","Ġrele vo","Ġmin eras","Ġmagn ético","Ġfelici dades","Ġofrec ÃŃa","omas aje","Ġpreocup an","Ġmag na","Ġdel icias","sta ta","ern et","IS TA","Ġllev ara","Ġarch iv","D ER","Ġnar rador","ty le","uy o","ĠSEG UR","ĠAnth ony","Ġmil itancia","Ġentien da","Ġfrág il","á geno","Ġfas ti","ĠHo t","Ġesta f","Ġmas aj","vis ion","u gu","Ġv icio","ĠRe quisitos","Ġver bo","Ġsimul tánea","I AS","Ġind ul","Ġbal ne","Ġconfir man","Ġpar lamento","Ġfinal idades","pañ ol","ul ó","Ġadap tador","Ġv ómi","Ġver gon","Ġinici an","ro jo","teg ro","ĠCol lege","Deb emos","Ġaler tas","ĠJef a","âĢ İ","ĠTen iendo","en an","Ġguer rero","Ġtar dó","Ġexpuls ado","Ġc uevas","ĠG ráfico","ha ga","Ġtendr ÃŃamos","ĠOrgan izaciones","Ġemble mático","Ġsatisfac toria","v ig","tn ers","Ġpa trimon","ĠQu ienes","me ga","Ġweb cam","Ġre a","ĠConstitu yente","on era","ĠIn cre","Ġincómo do","Ġesc alo","Ġalta voces","Ġpre temporada","ĠCh ev","Ġcomunic ó","Ġcenta vos","ĠAn iversario","Ġadvers os","que ño","Ġinter valo","Ġenerg éticos","Ġinser tar","ĠAdri ana","ĠHuman idades","Ġs illón","Ġdes ent","ĠVer ónica","ĠT omo","Ġcol ina","Ġpregun tando","ih ad","Ġna zi","Ġinternacional mente","ĠIn donesia","ar k","el i","Ġsec ador","Ġign orar","ĠK on","Ġarras tra","Ġsub yac","one y","ĠV olver","Ġcons uelo","person al","Ġ å","Ġca te","Ġencabez ada","Ġescuch an","esta ble","Ġpul ver","ĠO MS","Ġlad rón","Ġrestable cer","Ġco ge","Ãij A","ĠRec ord","ĠOfer tas","Ġcent rarse","ĠPer ió","ĠMus ical","Ġetique tado","Ġmaxim izar","Ġesp in","Ġfe ed","Ġlim itados","c usiones","ĠDip lom","ĠYo ung","Ġcontes ta","Ġexplos ivos","au tor","Ġrecicl ado","ĠS tr","Ġar ea","cap aces","Ġp izarra","res s","Ġjud ÃŃa","Ġsal ta","Ġalgorit mo","e do","uch ar","Ġco bi","g ico","ĠL inares","ĠLo u","ĠPatri cio","Ġfemen inas","I AL","ĠIs lam","ĠPal encia","it ra","ĠIs land","Ġforma tivas","Ġ13 5","Fran cia","ĠEm ma","ĠPre cisamente","asti cidad","ient as","óg n","Ġintent amos","Ġentreten ida","ĠPi ñera","Ġfr ÃŃas","gob ern","Ġcont ados","Ġintu ición","ĠMon itor","ĠL ola","Ġcon gre","ib ra","Ġman to","ĠMe ta","ĠGu ay","ĠAva ilable","ĠE tiquetado","H acer","K E","ĠZapa ta","Ġinno var","Ġas iste","Ġindividu almente","Ġesp adas","Ġcon tención","ĠI G","n unca","ĠA I","Ġpres tados","h ace","ĠTecn ológica","Ġquirúrg ica","J orge","oc ada","Ġir me","Ġinter anual","Ġfortal ezas","d ria","Ġconce dió","Ġdes pacio","Ġcompartir lo","Ġm osa","Ġauxil io","ĠSovi ética","Ġsi túan","Ġinform an","Ġdeber emos","Ġmedi terránea","Ġadquier en","ĠOpin ión","Ġfal das","Ġre edi","ĠEugen ia","w atch","Ġg asta","Ġinde f","Ġrecog idas","Ġexc usas","ĠP ierre","inf lama","f lores","Ġadi ción","ĠBen ÃŃtez","ĠM ajes","EL L","Ġfl uc","enci ación","ĠTal la","e qui","Cu atro","Ġvolver se","Ġpersi anas","ĠV ive","hot mail","Ġfor zada","ĠPa ge","Ġb ic","Ġlig eras","Ġgastron ómico","Ġaust eridad","ĠNo u","Ġmedioamb ientales","ĠL ion","ier ras","V ic","ill ero","y ing","Ġdura dera","c ÃŃ","Ġin cans","Ġas ma","Ġso p","Ġcomprob ación","m esa","Ġprogres ión","Ġp icos","Ġsal món","Ġcaz adores","Ġentregar á","ĠIN F","cil las","San ta","Ġcica triz","P ien","Ù Ħ","le tic","ó grafo","Ġplane ado","Ġsex ualmente","ĠM ódulo","ĠD am","Ġunivers itarias","Ġrodil los","ĠDes af","Ġfinanci ado","Ġenamor ar","Ġbi ológicos","Ġdegrad ación","ĠApro vech","ien ce","ĠBus co","ĠContr eras","tis mos","Ġfelici taciones","ĠS iete","ĠE mo","Ġen teras","Ġvia gra","ĠQue da","Est án","es pa","Ġcan tos","Ġafec tó","ĠComp lutense","Ġpresi dido","ĠA riz","Ġval ientes","Ġv on","ces or","Ġimport ant","es s","Ġven drÃŃa","Si guiente","Ġpsic ólogos","ĠFá cil","D ist","rin t","Ġaten didos","em an","ĠF unda","Ġreci bi","ĠCal vo","os is","ran za","Ġsuf rag","Ġmer mel","Ġacompañ adas","Ġampl iado","ĠMich elle","S aludos","15 3","ĠSO CI","da tario","ĠElec tro","ment ado","Ġdig estión","Ġenmar ca","ĠAl i","ÂĶ ,","ĠReun ión","ĠM AC","Ġdi jera","ĠS ie","Ġap ues","Ġdesarrol le","Ġman sión","Ġmasac re","Ġc n","Ġsacri ficios","ĠN OR","Ġaf luencia","mit ente","g h",". *","Ġad miten","Ġapro xima","Ġhablar emos","? :","Ġar o","E O","ĠAn tic","Es pecial","Ġdist anci","Ġentender se","Ġsole mos","Ġ ¨","Ġenten dÃŃa","Ġs k","Ġpropie taria","ĠEspecial mente","Ġaf ortunadamente","ĠPuig demont","ĠE ar","Ġcuestion ario","ut ada","Ġases inar","Ġprom ueven","hist oria","P edro","Ġas co","Ġjug adas","Ġcondi cion","Ġrespon dido","ws ki","sh ip","Ġvicepres identa","Ġman dado","Ġalquiler es","fo to","ig nas","Ġencar gan","Ġbor rador","Ġr ene","ĠEs par","ĠA ero","Ġpublic ando","ĠRepresent antes","Ġtob illo","I MA","ĠAn trop","d le","t adoras","ĠW oo","Ġco cer","ind ro","ur ce","ĠCrist al","ĠAndal uz","Ġb ilateral","ĠCon junto","Ġreg ala","Ġescuch aba","den ciales","ĠMan ejo","c én","Ġ `","ĠInter pre","ó ticas","ĠBás ica","Ġ º","ĠClaus ura","Ġincom pr","Ġhid rógeno","âĢĶ âĢĶ","Ġ> >","Ġru g","Ġautomo triz","Ġtranscur re","Ġsab ÃŃamos","ĠIl um","Ġpoli éster","ca ya","ém ico","Ġfor zado","Ġc los","Ġimpres os","Ġej ércitos","Ġestric ta","le te","ĠEs pi","Ġgor da","qu eras","Ġmon os","Ġsem en","Ġapla usos","ĠK y","ĠIN E","Ġcuid ando","AM IENTO","Ġam ada","Ġrealiz aba","Ġsan gri","Ġjub il","Ġdes apro","Rec om","Ġfer tilidad","Ġre ab","ier tamente","ĠC ÃŃv","Ġch iste","Ġaisl ada","Ġata ca","Ġrecu ento","Ġpas toral","Ġautom áticos","sen ger","ĠNis san","Ġrep leto","Ġval les","ĠEl che","Ġentra mos","Ġn al","ĠT ron","Ġreform ar","Ġrecomend ó","Ġcoinci diendo","Ġto can","Ġcontribuy endo","Ġar cos","Ġt io","ĠBea t","Ġvacun ación","Ġw e","Ġincre ible","ok e","Ġcoord inado","A po","Ġcon ejo","Ġunif ormes","ĠCe uta","Ġperegr inos","Ġpara je","Ġcier ran","Ġcar c","Ġy er","Ġjust os","ES T","ĠInfraestruc tura","Ġcomprome tió","ten ga","gar ia","ĠK as","M us","id ón","Ġen rol","quÃŃ mica","Ġprolifer ación","ĠPr ácticas","qu inaria","k ÃŃn","Ġres olvió","ĠLa u","com merce","Ġra ya","Ġale ja","Ġcercan ÃŃas","ĠPar ra","Ġayud ante","Ġ10 3","Ġex il","Ġk ar","Ġbar ril","ĠAs s","Ġen caden","Ġnorma tivo","Ġinici ada","a to","ĠUb untu","x it","ĠIb érica","Comp rar","ĠT Ãī","ĠG ara","Ġcritic ó","Ġarres to","p ace","Ġescu adra","Ġdomici li","ĠHe alth","Ġanunci ada","Ġempu je","Ġh adas","ĠvÃŃs pera","Ġmanifes taron","Ġprefer idos","Ġmuer tas","ĠTerri torio","ĠO de","ĠMete or","tic al","ĠÃļ nico","er ción","Ġcáp sulas","Ġcan chas","Ġpresi dida","ĠPas a","Ġtier na","ĠAmpl io","Ġdese ados","daf one","Ġexplic aron","Ġresid uales","Ġemple ador","ĠUtil iza","Ġgra titud","Ġllev adas","ee ee","ĠSin gapur","ĠT OR","Ġpin cha","Ġmagist ral","Ġcuchar ada","199 2","ĠMar ch","ĠCom mun","Ġ19 39","F echa","Ġmus ic","En trada","Ġdolor osa","Ġquem aduras","ĠM isiones","Ġirreg ulares","Ġnaz is","Ġbro che","Ġhort alizas","udi ta","ĠEn tra","Ġzapa to","al as","Ġval iosos","ĠU D","Ġgu ion","cha in","t écn","ĠI ba","Ġenvi ará","ĠC eleb","f s","Ġbru ja","Ġa vena","ĠO range","ĠS hop","ĠGa za","ĠB R","Ġco te","Ġcol gado","Ġbreve mente","Ġdifun dido","ást icas","oc ol","th ur","s eca","Ġgimnas ia","ĠCh ic","Ġtom aba","lan ca","cin e","Ġcoment aba","Ġllan to","Ġt uer","ĠHo uston","Ġfoto volta","ĠDic cionario","di um","ĠCapa citación","ab é","ĠSuc re","ĠP icas","ve t","Ġesper emos","Ġpromo vido","Ġliter arias","pa go","Ġref iri","Ġmis iles","Ġeduc adores","ro w","ĠM L","Ġendeud amiento","ĠTama ulipas","Ġinsa tisf","l ina","Ġentr ará","end s","Ġexplic amos","Ġca ucho","Ġcam uf","Ġcal ur","z ul","Ġim itación","té tico","ame lo","ĠP iso","Ġdej arÃŃa","Ġlegisla tiva","Ġevolu cionar","Ġcu po","Ġmicro organ","Ġenfrent ó","Ġpon gas","Ġnie to","lu do","ĠR S","Ġpres tam","st rong","ĠTor onto","Ġestamp ados","i á","ĠB ry","Ġafec te","Ġcalent ador","Ġpara guay","Ġelig en","Ġmer ced","ós copo","av y","Ãł s","Ġt rig","Ġmemb rana","e mo","ol anda","ĠInstal aciones","an terÃŃa","ĠDirec torio","Ġagres iva","EN O","duc tos","Ġesper ados","Ġdiseñ adora","ĠRos as","tol ógicos","Ġterapéut ico","Ġsuscrip tores","ĠMan ga","Ġayud arlo","quis ición","Ġusar la","ĠPlan e","Ġconf iado","!!!! !!!!","ĠPa k","M at","GU A","ist an","ĠCamb ridge","ĠCh av","Ġacog edora","Ġinfin itas","Ġplane ación","Ġdoc tores","Ġgre mios","Ġop cion","Ġtras c","ĠMed ic","uev an","ĠIn versiones","Ġrent ables","ĠJord an","Ġgra cioso","Ġdes cif","Com ple","ĠLan zarote","Ġrep lante","Ġlev ante","Ġarancel es","Ġcriptom onedas","Ġlo b","tor iedad","Ġcompra venta","Ġdió cesis","Ġinter discipl","19 95","is eta","Ġtom é","- >","Ġindispens ables","Ġma trimonial","Ġpre texto","ĠCl ásico","ĠDe p","get s","A par","w an","Ġimp uesta","Ġorient a","aj en","Ġn ido","Ġimpre v",". ¿","D u","ĠilÃŃ cito","Ġprof e","Ġimpar tido","Ġin movil","Ġasegu raron","Ġmetáf ora","ĠRes ort","Ġinc ógn","ĠPon ce","ĠB AR","ĠS ing","Ġtri ángulo","Ġaument aron","ib us","Ġocur ridos","ĠMej ÃŃa","Ġcerrad ura","in z","Ġnov ias","Ġdesp idos","Ġproce den","T IN","Ġpuer torrique","Ġenv io","ĠÃļl timo","ĠE A","Ġintr ÃŃn","Ġdes ob","ĠVicepres idente","Ġú tero","ĠRo ad","G er","Ġutiliz ará","lo que","Ġacú stica","de mas","Ġinterrump ir","ar cal","Ġf é","Ġhorm ona","Ġper di","Ġexperim entación","Ġrebaj a","IP O","L ic","Ġcircun s","Ġprolon gada","Ġoc t","ĠWa ter","P at","[ /","ac ón","\" ),","ĠEst her","if ico","Ġco ch","Ġbus quen","Ġconec tor","Ġsupre mo","Ġcor eo","Ġcl oro","tu arios","Ġtra um","Ġenven en","Ġafric anos","Ġn áut","ific ando","ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ","Ġimplan tes","p é","ab amba","Ġsolv encia","Ġn ec","oc key","ĠPar tes","ver tida","Ġbonaer ense","Ġab ismo","ĠGener ación","Ġul tras","ĠAca dem","Ġr á","eo t","cre tamente","ĠAl ca","Ġfes tivo","B en","Ġdeb ieron","Ġâ ľ","ian g","ĠApren dizaje","Ġla bi","ĠJu gue","Ġps icos","ĠC P","Ġson risas","Ġestereo tipos","Ġpublici tarias","uel en","ĠAdministra tiva","ac ul","Ġespa ciales","am pe","Ġd rones","ĠMar ket","Ġtatu aje","ĠPa tagonia","Ġenamor ados","T H","Ġar cilla","Ġinv itaciones","Ġespec ulación","Ġacer tada","ĠRec tor","ĠO toño","ĠF P","Ġale ga","Ġmatrimon ios","B on","ĠLa v","Ġdeb an","Ġac rÃŃ","Ġargu menta","Ġrenov ada","Ġhaci éndose","Ġbru jas","An tonio","Ġpractic an","Ġprevent ivo","tif y","Ġsent ados","Ġdefin idas","Ġeconom istas","Ãī N","ĠG ESTI","Ġsec uelas","ĠDe jar","ĠS esión","hat tan","Ġfero z","ĠE qu","ĠEn tidad","Ġofens ivo","Ġproce dió","ĠC ena","fec ta","Ġsurg ieron","x os","Ġech ó","M il","Ġre organ","ĠDist ancia","Ġhal lan","ĠPrincip ado","Ġreestruc turación","Ġli ma","Ġcolec tivas","Ġï »¿","Ġcinemato gráfico","Ġdesactiv ar","M B","D OS","Ġar zobispo","ĠEst ar","ĠLimp ieza","C OR","tar ra","Ġintentar lo","ĠMan olo","à ª","s y","Ġch eck","ĠPer fil","Ġ28 0","Ġ195 8","ĠD ura","ver so","Ġbaj ista","Ġherv ir","Ġsecre tarÃŃa","ĠMal vinas","Ġdiar rea","Ġdepos itar","Ġolvi demos","Ġmutu a","Ġtorn illos","ol los","Ġcontra er","Ġcomb inados","ĠEU RO","Ġedi ficaciones","ĠJa vi","Ġsuje tas","tró geno","Ġcombust ión","Ġ Ï","G L","fic antes","Ġlan zada","Ġentra ba","ĠAlvar ado","Ġconce bido","dos as","Ġmeta b","Ġotor gan","Ġf og","Ġres bal","Ġcel ulitis","Ġoblig an","Ġhas h","Ġestrech amente","Ġavi ación","ĠGo od","Ġrol l","ĠF I","Ġsolici tan","G OS","s ia","Ġpor ciones","Ġdem ócrata","Ġescuch e","Ġro pas","Ġtransmi tido","Ġdismin uyendo","Ġher b","ĠPRO FES","ĠA pos","Ġcamp anas","Ġvolver emos","Ġplante amientos","Ġimpor taba","ĠSa o","Ġen ton","Ġna cieron","Ġrelacion arse","val or","Ġvas cos","iz ará","ĠSte ven","ĠPere ira","L ar","el amente","Ġauton ómica","El los","Ġabsor b","Ġp óngase","Ġarm adura","Ġafec tación","UN A","ĠParro quia","Res umen","tif icia","8 95","k h","u ida","Ġevac uación","Ġmach ista","ĠM ina","Ġescri ba","Ġilum ina","Ġcans ada","Ġsatél ites","ĠLew is","Ġa venidas","Ġbur s","Ġbrind ando","a i","Ġcontrol ados","Ġpotes tad","S inopsis","Ġcol m","r ándose","Ġm ÃŃtica","Ġestad ios","xim adamente","Ãį AS","Ġfranqu icias","Ġasist en","Ġbar riles","ĠInf ancia","Ġlóg icamente","ĠCon cil","ĠW ii","ĠM ADRID","Ġdiscre p","Ġpre c","Ġch aque","úsque da","Ġcach orros","ĠY un","Ġdiscre ción","uel tas","Ġhabil itar","ĠAr co","acu zzi","ĠDes car","Ġgarantiz ada","oc ó","Ġfus ion","Ġdemand ante","ES A","Ġdura dero","e mail","Ġpregun tarse","ur ne","Ġesta cion","Ġcaf és","Ġde udor","Ġno veno","Ġca zar","Ġcam ara","ern e","Ġsincer idad","ĠDe v","Ġvas ca","Ġabandon ados","Ġcrist ianas","ĠTi juana","Ġ10 8","ĠChel sea","Ġfu gas","Ġbar n","ill y","Ġdi ésel","ĠsanguÃŃn eo","ac eta","Ġcas ta","TR OS","Ġorient ales","ĠChar lie","Ġllen an","Ġtrad ing","ĠF ro","ĠGo d","ues tion","ĠCon figuración","Ġvaca cional","Ġforma tiva","M AR","Ġtra tada","Ġreal istas","ĠSa grada","tra baj","Ġopon ente","Ġrecuper ó","ĠUrban ismo","Ġjue za","ol un","Ġfacil itado","lec tual","u cidad","ti bilidad","ĠAren as","ĠB ritán","Ġins om","Ġmaes tras","Ġegres ados","Ġcampeona tos","2 25","ĠAz nar","Ġhonor arios","p ico","Ġactu ado","Ġrecib ÃŃ","Ġexpres arse","G en","Ġson rió","Ġtu v","rag ones","or no","Ġbaj an","Ġ196 3","Ġpa tios","Cu ándo","ĠT ob","Ġimp utados","Ġneu rol","Ġdrama tur","per io","uniden se","ma el","Ġpró jimo","C OL","de d","Ġsuro este","ile a","Ġrecuper arse","F igu","ĠM aj","Ġintens amente","Ġcom esti","Ġg oce","Ġdest reza","Ġvesti menta","Ġtrib us","cu ál","Ġsue co","IM IENTO","Ġhue cos","Ġmari posa","ĠI rene","Ġestu viese","éndo te","Ġman ta","Ġmin eria","Ġdis cern","Ġpse udo","Ġh uerto","Ġtermin ará","Ġsobr ino","Ġauto de","ĠHum berto","Ġderro tado","Ġen ch","Ġsosp echas","Ġex hor","Ġcre ÃŃ","C RE","Ġgu atemal","Ġautor izadas","Ġdeci dida","ok o","ala o","Ġevitar lo","ĠP untos","ĠHen ares","oo o","Ġcontrarres tar","Ġ8 55","ĠAce ite","Ġago tado","Ġán imos","cal o","Ġseñ alización","ĠCa uca","Ġconsta tar","Ġdi l","e um","Ġin capaces","ĠUr bana","E con","ĠP ronto","Ġte me","res ta","Ġimplan tar","Ġf at","Ġat ún","Ġin ne","Ġprecis ar","L in","Ġcont ador","Ġexpos itores","Ġhones to","Ġlo bos","Ġar ag","Ġpres ume","ĠEst im","ci ana","ĠIB M","de c","Ġpre cur","Ġagu do","Ġc aliza","ĠCh aco","Ãģ C","Ġremar có","ib ol","Ġcaj ones","e an","ĠCor onel","Ġconsul tado","ĠR ab","Ġq e","Ġdram ático","ĠEn ten","Ġsal io","Ġmetro politana","Qu ienes","Ġdemocr áticos","ter ing","ĠF AC","Ġadop ta","t omas","A un","Ġprincip iantes","ám ina","Ġest elar","Ġlanz aron","l á","ĠU ber","Ġprór roga","Ġrec ab","Ġtem ático","Ġdecora tivos","Ġesmal te","to da","Ġfre cuent","ĠKen n","Ġsab rá","rios amente","Ġadqui riendo","Ãļ l","Ġen gen","Ġequip ados","Ġpu ño","Ġbo le","s ki","Ġan do","ĠGener almente","Ġunivers ales","PU ES","ĠPal ermo","Ġre posición","ĠAt las","Ġb aje","Ġper tur","Ġmanten gan","uc ci","ĠCu idado","Ġvehic ular","ier tan","tad uras","Ġpreguntar le","Ġde ven","Ġfol la","Ġconstru yen","Ġacredi tado","Ġdesn udos","ĠB est","Ġ10 7","Ġconten ga","ĠMi ércoles","ĠT ambien","g rupo","ĠTRAN S","ĠSERVI CIOS","ĠS H","Ġdes par","Señ or","cionar ias","Ġprecis as","ĠF BI","Ġmin ús","Ġorigin ario","Ġres ina","ĠCompe ti","Ġconvoc ados","Ġex en","Ġsustitu ido","ĠM ono","ĠPar aná","Ġaudi tor","Ġper turb","Ġbord ado","Ġprofesion almente","ĠMo ham","Ġl omo","Ġcerrad uras","Ġr ena","ĠCat álogo","ad ÃŃa","los o","ĠIn n","Ġsustitu to","Ġimpac tante","Ġpájar o","Ġcomplement arios","Ġava tar","Ġun ánime","Ġaprendiz ajes","Ġescomb ros","F il","Ġen d","Ġdescar ta","Ġeró tico","ĠDe pendi","ĠEL EC","Ġemp an","Con f","As ociación","Ġé sto","Ġneoliber al","Ġfeste jo","ĠEDUCA CIÃĵN","Ġval oraciones","Ġecuator iano","Ġdilig encia","Ġdeshacer se","Ġasist encias","Ġprop uestos","S il","Ġfuncion ó","Ġbar cel","Ġvence dor","Ġcontar on","Ġhisp ana","Ġsemb rar","Ġrendi ción","ĠOcho a","Ġb ende","cio cho","Ġsuel to","ĠCOM ER","ĠMol inos","ÂĶ .","ion aje","Ġtal ón","d ano","ĠW ell","Ġemple ando","Ġc itadas","Ġpulmon ar","Ġidentific an","pi re","ĠP ine","ĠB ic","ĠRo bles","Ġchav al","Ġ12 00","Res ulta","ĠL GB","Ġó sea","ĠPág inas","ĠH em","Ġmediano che","y d","Ġpor n","Ġvol taje","ĠPos ee","ĠPolit écnica","Ġopin ion","Ġcamp ing","Ġc ión","Ġra tas","olu tion","et an","Ġrar os","Ġsol tero","ug eot","Ãį CULO","Ġor ales","Ġayud aron","Ġhu érf","Ofre cemos","y era","ay er","Ġalmacen ados","Ġhue le","Ġtramp as","ez co","al los","ĠC ajas","ĠIn fin","Ġsimp ático","ú an","Ġcons ens","ĠVie w","... ).","Ġtraer á","ca teg","Ġentre tener","mon s","Ġinv ierte","Ġmane j","ĠCOM O","ĠN ep","ĠCas ado","Ġrespon diendo","Ġ196 1","ĠAguas calientes","ĠHar vard","Ġoblig ar","T aller","ĠPor ta","Ġu top","Ġasign ar","Ġremun er","ĠHi po","H L","ĠH ER","Ġaconse jar","Ġalej arse","Ġtrág ico","Ġan t","Ġsignific ó","Ġaminoá cidos","Ġdé bito","Ġmatem ático","Ġ19 48","ĠBar re","ĠFire fox","ĠR ally","Ġimpi dió","Ġcru da","Ġrean ud","ĠQu iro","pr incip","el ación","ĠB aby","IT OS","gu aje","Ġescrib ÃŃa","Ġcar casa","Ġor if","Ġw as","Ġva ci","Ġdistin tivo","Ġabor daje","Ġpatrocin io","Ġgrad uación","Ġinmers ión","ĠMa xim","Ġp ionera","Ġcaus ante","ue le","Ġampl iando","Ġcos er","Ġuc ran","ĠA las","ĠO jo","Ġ5 000","Ġdor ados","ĠContin ue","clo pedia","Ġadqui rida","Ġval ÃŃa","Ġnega tivamente","Ġra tones","Ġrep iten","ific an","ĠI no","Ġmon arca","Ġinterac tivo","ita ba","ed u","Ġb iblia","Ġ20 30","Ġtes tamento","Ġlesion ados","Ġcor dero","Ġread ing","ba ta","ñ an","ĠL yn","Ġcó s","ÃŃf ero","ĠAlex is","ro om","Ġr ÃŃt","Ġya cimientos","Ġconcur rencia","ĠP I","el io","ĠD ió","Ġaline ación","Ġcompu tación","Ġc im","Ġsab ios","Re uters","c f","n g","Ġse tas","fon do","E r","M OS","Ġpor tadas","Ġproce da","ĠRue da","ĠC ama","Ġmar ea","Ġencon tras","port s","Ġdesapar ecen","Ġprogram adas","a quÃŃ","Ġel asticidad","Ġresul tando","F er","M M","Ġintent ará","Ġcompr ens","F T","Ġneur onas","ĠHor izon","Ġpun k","ĠTécn icos","Ġsospechos os","Ġcos itas","ĠSer ena","Ġrev oluciones","ff s","Ġintoler ancia","ĠBar tol","Ġbenefici ario","Ġespeci ficar","Ġresiden cias","Ġatribu ciones","cu ro","Ġah o","A cu","Ġp ida","Ġen dure","Ġri qu","pon en","Ġmala gue","ĠO per","Ġdesay unos","Ġconf orma","Ġvo tado","Ġencontrar as","Ġprefer ible","Ġfri tas","Ġcor n","Ġcomun al","Ġapun tes","ĠOfer ta","Ġencom end","Ġconst ar","Ġpatron al","Ġvol a","Ġargent inas","Ġengan ch","Ġcomun itarias","Ġrepresenta tivos","Ġcre adora","Ġceleb ramos","Ġmam ada","Ġcamp amentos","F a","Ġac antil","Ġtransform ó","ĠPerson a","ú d","Ġcomplic ados","Ġsir van","Ġ10 4","Ġdel ica","Ġl isa","Ġsal ÃŃ","Ġtraslad ados","Ġh am","ĠP uesto","Ġbendi ciones","Ġhel ados","Ġluminos a","ĠSAL UD","ul le","em ex","Ġaloj amos","Ġdesemple ados","Sol ici","IL IDAD","tu a","ĠHay a","Ġpodr é","V i","ú as","Ġven da","Ġrev it","ĠCl ima","Ġafec tará","ĠCon cl","me d","ĠA lojamiento","Ġsin erg","Ġpag ados","Ġtras plante","Ġaprob adas","ul adas","Ġrep ito","g entes","ĠLec tura","l lev","Ġcas ó","Ġcor rido","Ġrepar tidos","Ġc ito","ĠEugen io","ĠEnferme dades","g le","Ġca deras","l ismo","Ġre qui","ĠSU PER","æ ľ","Ġconta bles","ĠUR SS","Ġpon der","ĠX P","Ġapren dió","Ġb ran","ĠAr n","Ġasum iendo","ĠMin ister","ĠRes earch","tu ve","Rec ord","Ġale da","ARC EL","Ġdeca dencia","Ġcal dera","Ġllam arse","Ġcontinu ada","p unto","Ġcárcel es","Ġabar car","Ġascen der","Ġarren damiento","Ġsalud ar","Ġválv ulas","Ġinf iel","ár s","Ġsilen cioso","ĠAre quipa","ĠMar ie","ĠMar tes","a toria","Ġven eno","ĠEm erg","ĠOrden ación","Ġenc la","n istÃŃa","Ġcons iga","Ġw ork","ent ista","ĠF le","ĠX avier","Ġasamble as","ĠPro por","ĠDis capacidad","ĠMon ta","Ġlin dos","Ġconsecu tivas","Ġinfl ama","Ġconsist ÃŃa","Ġviv es","Ġcereb rales","Ġcomerci aliza","ĠM ERC","ĠF rida","Al lÃŃ","Ġpap ás","Ġenferm eras","Ġanon ima","Ġinstal adas","Ġdistribu ido","Ġacuer da","Ġcomp ensa","Ġpsi quiá","Ġpubl i","ĠSo cio","Ġloc alizada","ĠI SS","Ġatraves ando","Ġcol ágeno","Ġs l","Ġpri mos","De fin","ĠIndustri ales","T ele","t és","ĠIn mac","Ġte jado","Ġincorpor ó","Ġreconoz co","Ġcomple menta","ĠB ec","Ġelectr omagn","Ġpeat ones","Ġmas ivos","Ġactu ó","F re","Ġocur rieron","de se","Ġcas cada","Ġgra tific","Ġcu bo","ĠS ales","Ġpar as","Ġson da","Ġemi tidos","ĠPel ÃŃcula","ĠSaba dell","an tino","Ġwebs ite","Ġesc asas","Ġrigu roso","ĠE lo","ĠLiber ación","ĠIns pección","Ġconven ciones","Ġintermedi arios","Ġt ime","Ġcor dones","ĠRe mo","cre en","f uer","a demás","Ġsex os","Ġsinté tico","B erry","b ase","ĠR OM","Ġinv olun","ĠPr om","Ġren ombre","H C","amb as","est amos","ĠT ráfico","Ġsignific aba","Ġdesigual dades","ĠS oluciones","Ġpa gas","Ġcartu chos","ĠIs lámico","Ġdo wn","Ġce dido","âĢ ³","Ġgener alizado","Ġdividen dos","Ġimport an","ĠPal abras","Ġmág icos","C he","os t","Ġand aba","Ġ }","Ġrepro duci","Ġnutri cionales","ĠINFORMA CIÃĵN","Ġor i","Ġalcantar illado","Ġdestina tario","W eb","ĠG rá","и Ð","Ġempie zo","Ġano taciones","Ġrefle jos","Vide o","Ġgener oso","Ġes bo","Ġmuch ÃŃsima","Ġpas iva","Ġcome tió","Ġcontribuy ente","A plic","Ġpolém ico","ĠAth letic","Ġn inos","Ġale ación","B rasil","Ġcu p","Ġimpar cial","la yo","Ġf ea","M ac","Ġcontras eñas","Ġ( @","ĠApren der","Ġre den","Ġsal drán","kes pe","Ġ2 10","Ġpropon go","Ġconven ción","g ins","Ġlicencia tura","ĠL lu","ĠVis ual","iti es","ĠPach eco","Ġch atear","Ġdes esta","Ġgalax ia","re ci","ĠD rive","ĠEx pe","Ġpeat onal","C AM","Ġse que","b onato","ér gica","Ġobserv amos","tu alización","pon a","Ġens an","Ġhabita cion","Ġpal mas","Ġfra gancia","Ġapreci ación","Ġcardiovas culares","Ġta xis","Ġanestes ia","gu in","Ġobten idas","Ġentender á","Ġtra taron","ĠC ad","ĠS IG","Ġdesp achos","Ġcompor ta","y ar","Ġlig as","Ġcomenzar án","Ġdur miendo","Ġso ñado","Ġmov iendo","Ġc un","ĠGallar do","ĠCh am","ĠFel ici","Ġinaugu ra","Ġdi vin","Ġa tienden","Ġfacil ite","Ġbox eo","N uestras","ĠC ry","ĠLon don","Ġcordo b","Ġla g","h oria","Or den","Ġcontro lan","Ġin vención","ĠCos as","ĠA er","Ġenten diendo","Ġdejar la","To tal","Ġcomerci ante","cal ipsis","ĠGu ayaquil","ĠJim my","ĠAse gú","ĠS T","Ġtib ia","Ġantiv irus","Ġexitos os","J OS","C ha","Ġavan zó","Ġenv olv","on io","ĠCu mpl","Ġep ic","Ġver me","ide portivo","Ġsa grada","ü r","Ġinsist ir","Ġcuar zo","Ġmi tologÃŃa","Si guiendo","H ombre","ien ses","cent ro","ĠCar ol","Ġp H","Ġimponer se","n n","ĠBor ja","té tica","Ġcuestion ar","Ġinmun e","Ġman ualmente","Fu ente","ĠE ast","Ġarries gar","Ġtu yos","Ġextre me","Ġsucur sales","ĠPar eja","ter nos","ĠK in","ĠESPAÃij A","Ġfu ria","Ġcomb inada","ro ño","ĠSol idaridad","Ġlaber into","ĠBer m","ĠW ood","ĠlegÃŃ tima","ĠT w","Ġcog ido","Ġbail ando","ĠC um","s im","ĠLle ida","z y","Ġvi ola","Ġhidra tante","Ġ Ø","Ġexpon encial","Ġdilig encias","de ma","Ġinterna cionalización","Ġalumb rado","ĠDefin ición","pati tis","Ġcur sar","ĠQu ién","ĠC ola","ĠPar do","Ġcogn itivo","ent ino","Ġme dico","ĠN ay","Ġsub t","оР²","Ġadop tada","Ġel udi","te gui","Ġcap ilar","Ġinvoluc radas","Ġdor sal","Ġcotiza ciones","ĠCons orcio","Ġfol lada","Ġaterriz aje","ĠVel ázquez","Ġre bas","Ġperj udicial","CRI P","ici da","Ġconf esión","on na","ri son","Ġ12 3","Ġsust o","Ġorigin arios","iz aba","ĠMa il","ĠMan hattan","Ġmonta ños","ju ven","Ġr unning","ĠCam acho","Ġocur rÃŃa","ila terales","Ġinex plic","ĠM IL","ĠS EN","én ico","Ġfal tó","Ġdiam ante","Ġcumpl ÃŃa","tra bajo","Ġdespe jado","Ġreclam an","escol ar","Ġpreval encia","ĠSal ida","Ġvis ion","Ġrespira torias","es p","Ġparad ój","Ġanunci an","Ġmural la","Ġan tenas","Ġar ist","Ġrepor tado","Ġescuch é","ĠAnim al","Ġatre vido","ĠQu ir","ĠLle va","Ġvac ÃŃas","Ġespec ula","Ġvelo z","Ġaé reos","Ġral ent","Ġcalaba za","Ġj en","bi an","Ġdesay unar","P ort","a gua","Ġtu tores","Ġmom ent","ĠServ ice","Ġb ó","Ġe u","Ġfranqu ismo","199 6","S te","Ġejer ciendo","Ġesper e","Ag regó","ĠEléctr ica","Ġenc aja","ĠIl l","à ¤","Ġepide mia","Ġz ombi","Ġmascul inos","ĠINTER NA","Ġcr omos","Ġmer en","ĠDist ribución","Ġam argo","ĠPin tura","Ġedi fic","Ġescuch amos","Ġquitar le","Ġlament ó","ĠSh in","Ġap ego","Ġdest re","ĠAf ortunadamente","t ólogo","Ġna tivo","Ġlav avajillas","Ġal gas","ĠAd án","Ġcaptur ado","ĠAc ero","20 4","Ġc imientos","Ġla gunas","ri am","Ġda ñado","ĠConserv ación","ĠS osa","ĠCer tificación","Ġpar ab","ĠCu án","Ġtác ticas","Ġenter ado","Ġrecor rió","L P","ĠSal om","m om","Ġdetec tive","Ġabsor be","ĠD il","ĠInter no","Ġdialo gar","Ġgem elos","Ġat letismo","Ġcab el","pl icas","ĠMe todo","Ġinfluy entes","ó dromo","ph y","Ġre ch","Ġnaran jas","ĠOlÃŃmp ico","endi eron","Ġest igma","o pa","Ġrevis a","Ġpal e","ci ent","Ġtrabaj e","Est udio","es tado","Ġter tul","ĠInter es","ĠPN V","ĠI o","Ġubic an","ÃŃst icamente","ĠFigu eroa","Ġlib ra","ĠOF ICI","Ġinsign ia","ĠK ate","endi o","Ġfantá sticos","ti ón","ĠPue do","1 01","Ġnie gan","Ġa que","ĠSan tuario","ĠBO E","Ġcap richo","Ġllam aban","tri turadora","Ġtox inas","Ġconec tada","ĠSta te","Ġresum ir","Ġrefer ÃŃa","Ġimag inado","tem s","z zo","Ġta zas","Ġrecor da","Ġsalv ó","ĠT est","tal m","b rar","Ġ ia","ĠC itas","go ta","Ġclim áticas","Ġne gación","Ġabandon ada","ĠCre ador","p aje","Ġhaber me","Ġdescri bió","Ġes qui","se ño","Ġoportun as","Ġretras os","Ġintegr adas","Ġlider ada","Ġsel f","Ġpla ga","ul sa","ac tivos","cer as","Ġester il","ĠMal as","Ġsepar an","Ġvoc ero","Ġcica trices","ĠM and","di tas","Ġob ediencia","Ġadren alina","Ġresta ur","Ġvolun tariado","ĠSp ace","Ġpresum ir","amb res","inter est","Ġm ia","ĠD ick","ĠAna ya","ĠOx ford","z ana","il ers","Ġman dan","con trol","Ġprotes tar","un der","é anos","Ġcomprar lo","ĠFa cil","Ġase me","An d","ĠLabor ales",") -","Ġpic ante","Ġestatu to","ĠCh ip","ĠAP I","Ġal leg","Ġter restres","á maras","ĠP ÃļBL","ĠC able","esto y","Ġsá banas","ĠM C","ĠFar macia","ques e","ĠP Y","Ġreg ulado","Ġfortal ece","ĠJer sey","ex uales","Comp ra","kespe are","Ġalerg ia","Ġf ech","em i","l oma","Ġtécn icamente","Ġorganiz ando","ĠCor ral","Ġintens ivo","ĠEnc uesta","Ġt ÃŃos","ĠA Y","Ġsolv entar","Ġnic aragü","ti e","Ġdi misión","Ġdi et","Ġalerg ias","cu pa","ĠAnd y","Ġdescen der","San tiago","ĠVi ña","ĠP ira","Ġapa gado","Ġciudad anas","ĠMu rillo","Com en","Ġcruz ada","Ġa tu","ĠCes ar","Ġn udo","Ġver tiente","Ch ina","i qu","00 00","ĠOc éano","Ġcómp uto","ĠInten dente","Ġpod áis","Ġperió dica","Ġemo cionado","ic adas","ĠDo ug","Ġlavan derÃŃa","ĠJen nifer","Ġfil tración","Ġmezcl an","Ġaz ule","Ġprepara tivos","Ġempez ará","D ado","Ġdej arán","Ġbr omas","Ġdesconec tar","m g","Ġinigual able","ĠB AN","An álisis","Ġaum ente","ĠK ra","Ġaport ó","Ġqu it","Ġcl on","Ġaver gon","ĠT ap","ĠCons ist","Ġtras lados","ĠFran cesa","Ġestren ará","Ġsegu idor","Ġà Ĥ","Ġsofist icado","Ġs te","Ġtem áticos","Ġcasti gar","Ġaf in","tic en","Ġom i","Ġacoger á","Ġequi par","ĠQu il","Ġrecal có","ca ciones","Ġch istes","Ġpon encias","Ġin hum","Ġfuncion aria","Ġgana deros","ĠO portun","Ġbl ue","Ġsuger ir","Ġreivindica ciones","Ġrefres cante","èn cia","ĠP ia","ĠH at","ĠAg rupación","Ġjur ada","ĠContral orÃŃa","Ġdej aban","Ġimpul sos","Ġcon no","ña de","g ger","Ġmarcar on","Ġmagn ética","Ġhe mo","Ġgri fo","F oro","Ġb ue","Ġimp uestas","omin ación","ĠChrist op","ĠTig re","! ...","Ġcad ucidad","ĠB ruce","iz adora","Ġan alizó","Ġcolabor ando","е н","C r","ĠNe vada","Ġdific ulta","ĠGeo grafÃŃa","Ġcan ario","Fel iz","Ġprevent ivas","Ġproces adores","ĠEMPRES A","Ġa x","Ġexitos as","Ġcaris ma","V V","Ġlim itan","ĠCá maras","di d","ĠAm istad","Ġiden tidades","Ġpar celas","Ġos teo","ĠA penas","rig uez","Ġplug in","h ard","F P","ul i","un k","es el","Ġles ionado","Ġarque ológico","Ġcerra jeros","tor s","Ġan á","ĠRec ords","ĠC ES","Ġplást icas","Ġan chura","ĠEn can","Ġata cado","R S","Ġdi rán","Ġcontinu os","Ġdid áctico","col or","Ġcabel ludo","Ġburbu jas","Ġ6 50","Ġf acetas","ab ezas","ĠMÃī XICO","p ina","Ġech arle","P el","Ġinv entado","Ġfarmacéut ico","P ágina","Ġpr ólogo","In dic","Ġé se","Ġcompr ueba","fac ebook","Ġfom enta","Ġef ÃŃm","van ia","Ġcatedr ático","ĠVen us","ĠPRO YEC","ĠR yan","com edor","ĠGar den","I OR","ĠY O","Ġdejar nos","tiz adas","Ġfi anza","ĠL iz","ĠOl iva","Ġis l","ĠGol den","Ġap titudes","Ġcontra ta","Ġop resión","ĠAR T","Ġpedi rá","ĠV IS","Ġdé j","ĠN úm","ĠBos ch","Ġvesti da","ĠMej ora","ĠAhor ro","Ãį TULO","Ġpers istente","Ġalegr ÃŃas","ĠMach ado","Ġdetal l","Ġsuces ivas","Ġarque ológicos","Ġdes ma","Ġtan g","ac ta","Ġan emia","Ġdeman dado","po p","Ġburo cracia","un te","Ġper formance","rÃŃ e","Ġangel es","ist icas","Ġcol mo","V ale","Ġoficial ismo","pa tri","Ġcontr arios","Ġpró stata","Ġflu idez","g ento","ĠLib ia","ĠClar ÃŃn","L ee","g aban","ĠEs lo","ĠEn vÃŃo","Ġcla v","Ġenve j","ĠR GB","ĠAl cor","Ġanima ciones","Ġdam n","Ġcapaci tados","ĠM D","Ġdesc ol","Ġceremon ias","ile y","Ġpost ales","Ġsimb ólica","ĠLink ed","ĠCon ec","Ġab ejas","ch el","ĠE ucaristÃŃa","Ġsus cribir","ĠMa te","P ablo","bi tros","Ġapoy ó","ad ona","Ġnum eral","Ġpareci das","ĠViv ir","Ġescla vo","Ġval idación","Jo hn","Ġporcel ana","Ġelem ental","Ġrevis ado","Ġpará metro","ri go","Ġcir ug","ĠAur ora","Ġbu ffet","ĠMexic anos","Ġmotiva ciones","ĠA A","ĠJa pon","Ġservir án","I CIÃĵN","Ġ um","ĠAnder son","Ġmé dula","Ġal ambre","Ġhidrául ica","Ġblo ck","Ġpredic ciones","ab i","Ġsol dadura","id able","Ġindic adas","ĠPan tal","f ón","Ġmole cular","z án","Ġdisco teca","ĠSant ÃŃsima","Ġqu itó","ĠDu ero","ĠGre y","Ġp ioneros","Ġincorpor arse","F IN","ac ÃŃ","Ġmor ada","Ġson riendo","Ġcorrec tos","Ġrela tó","ĠAcadém ico","ĠBe tis","ĠTrad ucción","f le","ĠC ach","Ġé ticos","ĠKenn edy","Ġcu en","Ġcarro cerÃŃa","Ġle emos","Ġ10 6","Ġrepe tidas","Ġnavide ñas","Ġcab ra","Ġman ager","Ġcomplic adas","Ġdinosau rios","Ġy eso","Ġhom icidios","Ġcog iendo","am ental","Ġflu idos","ici das","Car acterÃŃsticas","Ġaustral iano","v ing","Ġb risa","ĠSpa in","izar ro","Ġarte factos","ĠF ashion","Ġsu mas","ĠCon ver","Ġdesple gar","Ġh ob","Ġpregun te","Ġdetermin ará","Ġconce bir","Ġmer cad","Ġloc aliza","Ġi T","ĠSu p","di an","% ;","ĠEsp inosa","Ġ úl","ĠIber ia","Ġcompar ecencia","Ġrev ivir","Ġgru p","Ġconten gan","ĠINTRO DUCCIÃĵN","ĠPrin cesa","ĠD ell","ala pa","ĠG em","Ġhin ch","ĠJard ines","Ġhidr omasaje","Ġbrin dó","Ġcompon er","Ġlarg ometraje","Ġpriva tización","ĠL et","gu ilas","Ġgu iadas","z uelo","Ġalm or","Ġtelevis iva","ĠAdi cionalmente","z uela","Ġcr áneo","Ġgener en","ĠPar edes","Ġescal ar","Ġfor ro","Com er","B al","Ġaument ará","Ġreiv indicación","on és","Ġsol ista","be te","ri eta","tiv es","Ñ ĩ","Ġhambur guesas","Ġtu viese","ĠPri eto","ĠN in","ĠK al","Ġelec tri","Ġrefor zado","Ġfacil itados","Ġpresupues taria","Ġmi xto","Ġdescon tento","Ġtu vi","Ġdu al","Ġform ula","Ġaspir ar","Ġmicroorgan ismos","Ġimp ed","Ġsal ÃŃan","Ġop tó","Ġreserv ada","AC A","Ġcual ificados","Ġalfomb ras","V arios","m ore","ĠPo zo","G I","Ġle ones","Ġvis ibil","ip ú","Ġarras trar","Ġdigit alización","Ġd ale","pe a","Ġconstru idas","Ġconfies a","w all","Ġprocur ar","Ġe ras","Ġhe ter","ĠVal di","or rupción","ĠHab itaciones","Ġcomis arÃŃa","ĠBrig ada","Pr omo","Ġdecora tivo","Ġgrab ó","Ġfrances as","ĠS ON","ĠâĢ ķ","Ġen chu","Ġest Ãĥ","il i","Ġanonima to","ci udad","Ġtra tos","Ġdismin uido","ĠHi per","Ġl iso","Ġpas teles","Ġconcer n","T ÃŃtulo","Ġtrans pira","Ġs co","Ġinsopor table","U PO","Ġb ut","Ġimp renta","Ġdescon ocen","Ġcocin ero","E d","ĠBa ños","Ġpelo tas","ta il","Ġhe x","ĠAr gel","inas tÃŃa","ĠP AL","cil lerÃŃa","Algun a","Ġcre zca","Ġapoy ada","W S","Ġ( $","Ġconviv en","ial is","Ġil us","Ġpres enciales","Ġcas ados","ens ores","ĠEstruc tura","Ġe tern","Ġcumpl irse","Ġparticular idades","Ġben é","TI A","gi bre","Ġimperme able","ĠCient ÃŃfica","acate cas","Ġcap itan","ĠImp acto","Ġpel ir","Contin u","Ġintermin able","Ġcas inos","Ġdesac uerdo","Ġcar cel","Ġadquis itivo","ĠCa fe","ĠLe gan","ur des","ĠSebasti an","ĠLey es","étr ica","Ġdesgra ciadamente","Ġasegu radoras","ĠHa cia","Ġcurr ÃŃculo","Ġtrans itar","Ġmejor e","Ġviol entas","ĠT ara","Ġcomerci alizar","ĠXia omi","Ġcar gados","Ġsent enció","Ġhumil des","verg adura","Ġagres or","f et","f acto","Ġr usas","Ġinsign ific","V illa","Ġrespe tuoso","G M","ĠIn gles","Ġemis or","Ġand roid","Ġdestre zas","Ġdar é","Ġmás caras","Ġval la","64 33","B e","Ġservici al","Ġcap turas","Ġsupon drá","Ġempo bre",") ?","ĠTen is","Ġsentir te","Ġanticip ada","ĠSpi der","cu án","omas a","ĠA BS","ĠS QL","bre cht","Ġocup antes","Ġfus il","M ay","Ġcas cos","m ara","uc al","ĠG P","ĠValle jo","Ġobst acul","Ġdeten ida","Ġdesign ar","fil ia","Di rección","Ġre ve","Ġtri ang","Ġespon tánea","Ġrig idez","Ġfa ena","Ġfontan ero","Ġreson ancia","M ON","Ġja ula","Ġcostos o","z ará","T ipo","ĠP á","Ġminister ios","C ED","Ġcomple tó","ĠEspecial ista","P AN","ĠC COO","Ġve intena","ĠColeg ios","ARCEL ONA","Ġmul tim","Dis eñ","Ġconmem orar","in amos","pe d","Ġdirec tivas","Ġpus imos","Ġal la","ĠA compañ","Ġfun das","M ol","Ġen tres","ro let","ĠNey mar","to wn","Ġmon arquÃŃa","Ġge la","Ġsober ano","Ġdiferenci ación","Ġaceler ado","Ġinte mp","Ġconoc ÃŃan","is m","Ġsem á","Ġemo tivo","Ġpres tando","Ġide ológico","ĠPon tificia","ci so","qu itas","Ġsal vado","Ġhomosex ualidad","cl eros","Ġna val","ĠTrad i","clip se","Ġpr orro","ĠMiemb ro","Ġrealiz o","Ġenv ÃŃe","Ġcel das","ĠS ando","Ġelabor adas","anc y","Ġen laz","Ġan os","itar ra","Ġaplic ados","d án","ur ÃŃ","Ġdesesper ada","Ġfarmacéut ica","ĠïĤ ·","ĠDan ilo","Ġconden ó","Ġisrael ÃŃes","ĠT able","ĠSan gre","Ġtre gua","lan es","Ġinsom nio","ĠB ros","ĠCh eca","Ġge ometrÃŃa","Ġpas arlo","Ġen vergadura","Ġdie ciocho","Ġub icaciones","Ġproporcion ada","ĠB and","Ġencontrar nos","Deb e","ĠAde mas","ĠAl h","ĠSon ia","Ġpata ta","Ġencar gará","alim entación","Ġn ulo","A di","ĠW o","Ġcompr ue","Ġcach orro","Ġagil izar","cien den","Ġgru pal","ĠTa iw","ĠS witch","Ġcompañ ia","Ġdomin ado","Ġdial éc","Ġg ene","ĠR C","Ġcas ting","Ġca po","ĠColombi ana","ĠF ÃŃs","ĠAn dorra","Ġbur la","eci das","Ġregal ó","Ġson oro","ĠMat t","Ġvej ez","Ġun ica","Ġceleb raron","Ġdemocr áticas","Ġla menta","I mag","Ġcurios idades","Ġpira ta","Ġambul ancia","Ġalej ados","Ġun ieron","Ġan ónimo","Ġpal anca","Ġcomb inando","Ġper ÃŃmetro","Ġri endas","ci mos","ĠB lu","Ġcil indro","Ġcan cer","Ġbus es","Ġde ficiencia","Ġjes u","in v","in ista","Ġf ana","ĠS AT","Ġpara dero","cre di","Ġâ Ļ","ĠEsp ino","Ġcontar án","Ġrepresent ó","ĠDetal les","ĠhÃŃb rido","Ġres iste","Ġem iten","Ġhar ÃŃan","t lán","ĠCo oper","Ġpractic ando","ĠMá quina","D iario","Ġ19 55","Ġre carga","Ġinici arse","ho to","ĠOrgan ismo","Ġhab rás","Ġa za","Ġhe teros","Ġperten encias","ilo to","Ġbusc aban","Ġilum inar","Ġcurios amente","Ġperpetu a","Ġpara guas","gn e","In v","Ġmarc adas","Ġresiden ciales","de re","in ga","Ġapar iciones","fer ir","Ġdestac aron","ust er","Ġhub iere","Ġbro tes","Ġexplic aba","Ġdesarroll ador","Ġex h","ecer á","Ġotor gamiento","Ġel ástica","Ġpens arlo","Ġlim ite","ci mo","Ġpas tilla","Ġgener osa","ama ño","Ġalar gar","ĠA TP","me x","Ġpen últi","Ġpreocup ada","Ġdile ma","Ġsuper e","Ġparticular idad","Ġascen dente","ĠSitu ado","D onde","ç o","ĠVillar real","ĠS car","Est ado","Ġconj u","L L","ĠV illas","ĠK g","Ġlan gos","Ġadap tadas","Ġfacil it","Ġdefra ud","G C","ĠT oluca","Ġcontra c","ĠA wards","ĠF R","dera miento","Ġfelici to","e uro","en n","Ġval enciana","Ġar diente","ĠSo und","Ġtelevis ores","ĠFor al","Ġprotec ted","Ġsing ulares","Ġindependen tistas","E fec","ab ro","Ġpod cast","Ġdescub rimos","ĠExtra ord","ĠS atan","cos o","Ġdel ine","ila del","Man uel","ĠRe ferencia","ĠPe kÃŃn","Ġe rupción","de remos","ĠPho toshop","Ġasegu radora","Pue do","la za","Ġtermin amos","Ġinc rust","Ġvisit aron","ĠSky pe","Ġmal dición","Ġarch ipiélago","Ġpier dan","Ġpos grado","Ġjugar on","Ġdem or","al ias","Ġen ajen","ĠD IA","Ġconf iere","especial mente","ĠV AN","Ġsilves tre","g asta","Ġpais aj","Ġpregun tamos","Ġobten drá","Ġconta ban","Ġcal a","a ut","Ġsan tander","ĠA bre","Ġani quil","Ġc ig","ĠlÃŃqu ida","ej il","ĠAn n","Ġhaber le","ez o","Ġpene trar","ros is","ĠW ik","Ġmencion an","orm ales","Ġven drán","Ġsó tano","ĠAdul tos","ĠP ier","Ġenfr entado","Ġv iera","ĠLe opol","Ġtóp icos","ĠDOMIN GO","ie d","Ġcomp lica","Ġtor tilla","Ġenv uelve","Ġinterro gantes","Ġ ome","ĠTV E","Ġdo bla","Ġalim entan","Ġcaracter ÃŃsticos","V AR","Ġcar ib","Ġflor ales","Ġpro posición","Ġfil oso","f ul","Ġcal lar","des pués","Ġmer idi","Ġmotiv ar","Ġperci ben","Ġh eb","Ġof renda","Categ orÃŃas","Ġconec tan","C AS","D H","Ġw ord","Ġca ÃŃa","Ġoblig adas","Ġayudar me","Ġcons piración","Ġdel iciosas","ĠD icen","ĠGob iernos","Ġse ducir","Ġdestru ye","Ġest rib","ID AS","Ġpropor cionados","ĠJuvent us","Ġ iso","dor f","Ġras go","ĠDocu mento","ĠRos si","ĠTEC N","Ġseñ as","Ġdebut ó","ĠSex ual","book s","ĠHisp ano","H ar","ĠP iz","ĠG all","Ġrecur rentes","ĠQue en","ĠF oo","ĠAr ts","icar bonato","Ġc acer","ver as","Ġmillon ario","tal os","Ġgri etas","Ġcual ificado","Quiz á","o ut","Ġt un","Ġarm amento","ient an","var o","Ġ10 80","Ġcapital istas","Ġoper ado","Ġ* ****","ĠL ittle","Ġte ologÃŃa","uy eron","Ġfac ulta","ĠSport ing","ĠNo el","Ġpien ses","Ġinevitable mente","dimens ional","ĠVlad imir","Ġale gres","Ġdescon cer","Ġpavim ento","O K","Ġextra va","TAN TE","Ġal aban","pul co","Ġlo terÃŃa","Ġru ina","Ġaci dez","ĠEscrib ir","Ġder re","ĠMajes tad","k t","Ġgal lega","tor i","Ġo ver","Te ma","Ġhúme da","Ġdecep cion","E m","an go","ĠMar tha","on ic","Ġfantá sticas","ĠMa pa","mon te","ĠAir lines","ie blas","Ġ195 7","on line","Ġmej illas","ĠTh om","Ġfa ciales","Ġahor ra","ĠLor ena","Ġexist ió","ĠSant ana","Ġdenunci an","Ġorganiza cional","Tra bajo","ĠD á","Ġfármac o","ĠCarras co","Ġbenefici an","Ġdelincu ente","Ġalcoh ólicas","ĠRevolucion ario","ĠB ras","uel lo","Q D","ĠDispon emos","ces os","ka ia","Ġtea tros","Ġib érico","Ġefectu ada","ĠSi tios","Fern ando","Ġesté ticos","Ġbrasile ños","ĠmarÃŃ tima","Ġde tuvieron","Ġdecis iva","Ġcon cord","Ġon c","ĠPH P","Ġdij imos","Ġfi ables","ĠAy ala","Ġadvers ario","ĠDur án","Ġca uce","Ġplacer es","Ġsinton ÃŃa","Ġv icios","ĠMuch a","kin son","Ġdesp ach","g és","endi entes","ke e","ĠContin u","ĠMo on","Ġzana horia","Ġalmac ena","Ġb b","tos o","ĠA H","Ġinf al","Ġorden anza","Ġpru dente","Ġconfirm ada","Ġseren idad","Ġestu pe","ĠCor dero","Ġreconoci endo","ev ales","N ombre","at lón","ĠT ún","ter almente","Ġsal tó","Ġflam ante","Ġcal zada","M ad","Ġp rudencia","Ġpi anista","ĠTer ror","H or","Ġdesper tado","in ing","Ġcoord inada","Ġde dico","Ġni ke","ĠDefens orÃŃa","Ġát omos","Ġen ro","b ÃŃ","Ġcent ran","Ġde co","gro und","Ġsub san","Ġocul tas","Ġasign ados","Ġv illas","ĠC ien","an amente","Ġre inos","pi ter","ĠBan ca","Ġagar rar","Ġexperiment ando","an tas","Ġtelevis ivo","Ġfrigor ÃŃfico","ĠDE RE","Ġà ¢","Ġpunta je","Ġo z","Ġrecib ÃŃa","Ġapre cio","ĠC uevas","Ġemb u","ele t","ĠE V","Ġemple adas","Ġsan grado","in dic","ĠL é","ĠiT unes","te pec","Ġinter venido","Ġhar to","Ġpatrocin adores","Ġpa tin","Ġsab rás","C ual","in aba","Ġpo ker","Ġpremi ado","Ġprefer ida","CI S","ł Ģ","Ġinstruc tor","c entes","Ġconsecu ente","Ġdegust ación","ĠF i","Ġambient ación","Ġarro yo","Ġreproduc ciones","Ġinterv iene","Ġigual ar","ĠMon ts","Ġcon dominio","ĠPRO DUC","ĠL argo","ĠT as","Ġpor t","-- -","Ġfemin istas","Ġkilo gramos","Ġn ano","Ġdes igna","ĠNego cio","Ġhem isferio","ĠolÃŃmp ico","ĠP ich","S erÃŃa","Ġma tado","Ġcar teras","Ġpol aco","Ġvál idos","Ġdesvent ajas","Ġhemor rag","! âĢĿ.","Ġcre ÃŃdo","Ġperf oración","on der","Ġin hal","Ġsustitu ye","ind le","l lam","Ġutiliz aba","Ġcompr ensible","Ġ17 5","ĠMor gan","Ġpre ver","Ġofrecer án","Ġcontinu arán","ij i","direc ción","fer ia","Ġcompatrio tas","Ġaccion ista","S igue","ĠFu era","S P","ĠEx pres","Ġatra pados","vie w","Ġt ierno","ĠHab lamos","Ġde venir","Ġaver ÃŃa","ient en","Ġconcej ala","N G","a vi","Ġchal et","bl ado","ĠDependi endo","ĠB in","Ġnoble za","Ġinform ando","Ġexist encias","Ġlleg ados","ĠClas ificación","ĠAgro pecu","Ġdesarrollar án","ĠJ untos","R T","Ġcumpl ieron","Ġgen ero","Ġma fia","ĠEn v","ko v","Ġcertific ada","Ġcon son","ĠOrgan iza","b ps","Ġma tando","Ġces ar","o do","x icación","Ġexcl uidos","Ġtes or","IZ A","ĠSan d","Ġagu acate","Ġbo tán","Ġlig ados","ĠA ven","Ġacu ario","F al","Ġgra ma","ĠAntrop ologÃŃa","Ġsal ariales","Ġenvi aremos","ĠD ATOS","EM OS","Ġauton ómicas","Ġcoh esión","IL I","Ġcircul an","Ġy ihad","Ġperfum es","p uso","Ġel ástico","ĠCre emos","AR ROL","Ġf eb","Pre cisamente","ĠIn dias","Ġesp ionaje","Ġexist iendo","ĠZ amb","ĠClas es","f ren","Ġdic tada","Ġh ala","iv ia","ĠLen in","ĠGu inea","Ġhabl aban","OM BRE","Ġcivil izaciones","ĠRef ug","m ez","J uego","ĠS av","Ġtra go","Ġb itcoin","ĠB C","ĠSO CIAL","ĠC uesta","Ġmov ido","Ġconsider en","Ġpo des","ĠCampe ón","Ġsupervis ar","Ġe yac","âĢ ²","ĠT ito","tiemp os","ä º","ĠPri vada","Ġsubmar ino","Ġest ira","eci era","Ġculmin ó","or ización","Ġmigra toria","Ġfil traciones","Ġfracas os","Ġfeste jar","Ġconfes ar","ĠSha kespeare","Ġl ona","ĠL L","ER IA","ĠI k","Ġpre ceptos","Ġfuncion ado","Ġcoment an","Ġpropa gación","ĠAñad ir","ay uda","Ġcuan ta","Ġpis ar","tain ment","Ġar as","Ġinterpre tada","ĠsanguÃŃn eos","ĠArch ivos","ĠNingun a","Ġb ár","Ġpes car","Ġplát ano","Ġverteb ral","ĠPRO GRAMA","Ġproporcion ará","f lu","Ġmam ÃŃferos","Ġv om","Ġredac tar","Ġfres as","ist em","ĠCan on","Ġcóc tel","Ġcomens ales","Ġrepro duce","Ġpirámi de","Ġan dadura","ĠCh ur","Ġrefuer zos","Ġencontrar lo","ti zo","ĠRe tiro","Ġfis io","ĠCap illa","Ġagreg ando","Ġger encia","199 4","Ġboliv ianos","Ġcu at","Ġcompac ta","Ġap ta","Ġpresent ador","Ġmun dialmente","eno vela","Ġus ur","Ġsan as","Ġdistor sion","Ġrecomend ados","v d","Ġplan ear","Ġhipo te","bur y","Ġapas iona","ĠOs orio","ru guaya","Ġcontrol adores","Ġcariños a","fe os","ĠE instein","ĠN eo","Ġlan zan","Ġsome tidas","Ġadvers as","ĠE je","Ġvesti dor","jemp los","ĠAquel los","ter nas","pa ge","Ġexig iendo","Ġconven ga","tid ora","Ġalgorit mos","Ġinf usión","Ġep ÃŃ","S am","ti jo","is ima","ĠFre ud","ĠNig eria","tin ales","Ġcompl acer","ĠH OR","Ġsignific an","Ġevolucion ando","Ob serv","v ÃŃn","Ġresul tará","tol ógicas","T el","Ġper ra","Ġc ás","ĠH echo","Ġment almente","Ġperdon ar","et ano","ul adores","ĠDes tac","1 000","ĠCon v","Ġador ación","ĠParti cip","Ġpar ó","ñ eta","ÃŃ pro","Ġcontr asta","te ando","mer cado","ĠMá ximo","Apro vech","ion ada","posi tivo","Ġo cular","Ġdesemb oc","Ġ Ñģ","à ľ","o fici","Ġmultim illon","Ġcib ern","ex per","ĠMon asterio","Ġselec tivo","Ġtembl or","Ġsal go","ĠV EN","Ġperten ecÃŃa","Ġporta folio","Ġfenomen al","b uena","cl ick","Ġ11 1","Ġafec ciones","Ġanunci antes","Ġle ÃŃa","Ġobserv ador","Ġnar ices","J ust","Ġm esti","Ġl ámina","Ġfabric adas","Ġdiver so","Ġcolombi anas","Ġc ue","ĠAl fa","ci òn","Ġos cil","Ġdesconoci das","Ġcre ces","ĠInte lectual","Ġsu enan","Ġbien venido","Ġbal cones","Ġinterro ga","do y","Ġburo cr","c rÃŃ","Ġtamb or","w en","ĠMara tón","Ġdies el","ográ fico","ĠBlack Berry","Ġimple menta","Ġdiscre ta","ĠC usco","Ġab ro","ĠAudi torÃŃa","Ġco que","ĠBel trán","Ġten encia","Ġdemos traron","N av","Ġgobier na","Ġlanz ando","Ġacep tando","ĠCompr om","Ġempu jar","Ġre leg","ĠD D","Ġten dido","Ġperon ismo","Ġsan tidad","Ġimp lac","Ġmascar illa","G onz","Ġpo wer","ĠSu ite","Ġtac os","Ġten es","ĠHab itación","Ġsel lado","gu s","tin i","Ġesc ru","viv encia","Ġev oc","Ġcruel dad","g ana","ĠBenjam ÃŃn","ĠRa zón","ĠReci entemente","Ġintegr arse","Ġale jada","ĠM oy","ve dades","ĠCol on","ĠPatr onato","Ġcer raron","Ġdecre tos","ĠDin ero","Ġterapéut ica","y lon","Ġn icho","ajaj aja","Ġver ga","ĠTes is","Ġasequ ibles","Ġé pica","Ġro tos","Ġasent amiento","ĠMan if","Ġabar can","ric ense","éndo los","Sal ud","Ġex cre","Ġconci ent","¡¡ ¡","ro p","Ġdespro por","Ġpose ÃŃa","Ġb in","ĠR ita","Ġdi óxido","Ġviñe dos","Ġins istencia","Ġgol p","Ġco cido","Ġint riga","ĠBern abé","1 10","Ġe min","rac le","Ġenvi aron","u tación","Ġalta voz","Ġinalámb rico","Ġre zar","Ġderi var","T rad","Ġinde x","Ven ezuela","l iber","ĠEn desa","Ġaerona ve","Ġenc ajar","ĠCar ri","Ġcap ucha","Ġcos tera","ĠCo co","ĠLE Y","ĠVo dafone","ĠBartol omé","tar le","TA C","j s","ás icos","Ġpatr ulla","Ġmacro econ","Ġba tido","De tal","ĠAr tic","ĠOl ga","oz ca","Ġnovedos a","uer pos","? !","ĠC ierre","ĠOl d","ĠA gencias","Ġlist ados","Ġcómp lice","Ġ ×","Ġr ondas","Ġprofundi dades","Ġastro logÃŃa","Ġad yac","Ġho t","Ġb ab","Ġbar ri","Ġpublic ará","Ġelimina toria","x ito","Buen a","ĠF os","Ġma deras","Ġ ñ","ĠG ale","C at","Ġdi ger","Ġ10 9","Ġau gu","él icos","Ġcoloc ados","ic erÃŃa","Ġcor tina","+ +","ĠQuer ÃŃa","Ġv endo","M D","Ġemb o","J avier","un ch","Ġmi ramos","Ġefec túa","Ġanfitri ones","I r","al gun","ĠSelec cione","Po drÃŃa","Ġpres as","Ġ195 6","Ġsubsecre tario","as to","ĠEstrel las","ĠK le","Ġcoloc arse","Ġmod ular","Ġexperim entados","b able","Ġacord aron","Ġcontra cción","Ġapren dan","ĠAn tár","Ġameric anas","Ġense ño","ril lero","Ġexplo taciones","Ġpar is","Ġdepartam ental","Ġpul ido","Ġtransex uales","Ġref lec","let ter","ama ha","ĠMa gazine","ĠMé todo","ĠTÃī CN","ĠB it","orn e","Ġsus pens","Ġab undan","ĠSan tam","Ġrepresent aba","ble ma","ĠF ase","Ġsol idez","Ġinsist ido","ĠpÃŃ xeles","ĠP adilla","ĠF lex","Ġus ual","Ġen érg","Ġsal iera","ĠTi pos","Ġsurg imiento","ĠDiv ina","Segu ramente","Ġ[ +]","Ġorig inaria","Ġpode is","Ġrodil lo","ĠUE FA","Ġmonopol io","Ġen tras","Ġgas olin","Ġech ando","Ġgrab ada","Ġvib rante","I gual","i ño","ĠB L","ĠVal ley","Ġcompra mos","Ġdivul gar","ĠSal va","ĠP interest","ĠTo uch","Dan iel","tán eos","ĠRe visión","Ġen tier","ĠBa talla","Ġgall ina","Ġcompren den","Ġescu ad","Ġcal ienta","w al","ĠConsul te","Ġnavide ña","E le","ĠâĢľ âĢ¦","Ġazúcar es","Ġminim alista","ĠEst rada","Ġafec ten","U s","Ġt ó","Ġtrabaj aron","Ġadap taciones","ĠE QU","ĠV id","Ġconstitu yó","Ġpres enciar","Pre cio","Ġaper itivo","ĠCUR SO","Ġexp lique","Ale mania","Ġextrem idades","Ġreglam entación","Ġcl ÃŃ","ĠEl abor","tú en","Ġgas tado","ii ii","Ġg alo","ĠVeh ÃŃculos","a ño","el and","Ġba ta","Ġley ó","ĠPicas so","Ġo k","Ġno t","ĠNa pole","F lor","li bre","* )","ĠSol amente","C UR","ĠT un","ĠG MT","th on","Ġcarb on","ĠAlma gro","son aro","Ġacus ada","Ġad min","Ġe ru","Ġal érg","Ġacab ará","ĠBár bara","Much o","Ġo bl","Ġpa uta","Ġcamis as","Ġmiti gar","ón ima","ĠT EN","Ġobede ce","ĠDescu ento","Ġten ÃŃas","po co","C ola","U ER","Ġincorrec to","Ġcomput ador","Ġsimpatiz antes","Ġsitu ar","Ġreporta jes","Ġg esta","Ġmam ás","ĠVerg ara","er me","Ġapos tado","enz amos","Ġprevis ible","tu ando","Ġrepresenta tivo","ION ES","Ġnavide ño","Ġrecrea tivas","Ġ ut","ĠA partamento","Ġap ela","itco ins","ĠÐ ²","aman ga","ĠCom b","Ġrefer ir","Ġdescub ierta","Ġrode ados","Ġmin orÃŃas","Ġconten ÃŃa","Ġver tig","Ġceleb rarse","ICA CIONES","ĠCoch abamba","e al","Ġmedio ambiente","ĠPa u","Ġinici e","is er","Ġdes critos","ĠBlo que","Ġret ribución","Ġvil lano","ho u","Ġenseñ ando","ĠJohn ny","Ġconf ÃŃan","ĠPol ÃŃtico","ĠPr áctica","ĠCar denal","Ġauto bio","Ġvideo clip","ĠCá tedra","ĠMec ánica","ĠRece tas","tiv ación","ĠR uss","apro pi","Ġb rasil","Ġemp ap","g rana","Ġf itness","Ġb oy","Ġrad ial","Ġgo zan","ĠIden tidad","Ġin el","ĠN oreste","Ġpel is","Ġgu ay","Ġdirec cion","Ġon e","Ġri ñones","ĠA us","Ġpes adas","ĠAN D","pe to","ie do","Ġsens ualidad","Ġincre mentos","din ámica","Ġpor os","Ġel o","lan eda","ĠInter vención","Î ¿","In forme","Ġdesa hu","Ġpremi ados","ahu ila","Ġgolpe ado","Ġespos as","Ġ. -","ĠPe ters","Ġconduc to","Ġamar illos","Ġl ong","Ġencan tará","Ġances tral","Ġcom ete","Ġacar re","A V","om s","Ġrep el","amb la","ĠL ord","Ġgran d","cul es","Ġfum adores","ĠBay ern","ĠC ris","Ġsi rio","Ġoc éanos","Ġequilib rar","l isis","ĠE th","Ġman ic","Ġdos cientos","Ġgalard onado","Ġporte ño","Ġno ciones","qu iz","ĠM ob","ĠNo tas","ĠA grade","ĠS at","Ġce lo","Ġeval úa","ĠAriz ona","Ġp uros","Ġago tamiento","U V","F R","ĠP AC","Ġva queros","ĠCab ello","work ing","per os","y on","Ġn on","Ġin na","B AS","Ġdefens ivo","Ġcorrespon dan","Ġsolici tantes","Ġbal let","Ġamar illas","CES O","Ġpron ósticos","ĠJ OS","Ġemb ra","Ġcompar able","Ġestructur ado","Ġcon dujo","Ġlujos o","Ġgeográ ficas","Ġmedi terráneo","ĠSara h","en dadas","ĠY A","Ġcer tificaciones","Ġubic ó","ge ci","y mp","Ġh its","quier e","Ġrectang ular","ĠGeorg ia","A parte","ĠV isión","ĠAc ce","Ġencar n","Ġcob rado","Ġdesequilib rio","p ac","ĠRe vis","ĠG un","tes e","Ġfa x","ici na","Ġdia grama","Ġmari posas","S ea","ĠT ib","Ġdomin icana","Ġrub ros","Ġmap uche","ĠVig ilancia","Ġimplic ado","Ġpo ético","Ġt enta","Ġmejor ada","Ġgan ados","ĠcardÃŃa ca","Ġratific ó","Ġimpuls ando","Segu imos","C ab","Ġred und","E TA","Ġfoto copia","ĠL amentablemente","ĠCom ando","Ġpla tillos","Ġpan es","Ġagro alim","ĠTera pia","Ġcaz ador","Ġsus piro","Ġcub riendo","Ġton alidades","Ġago bi","Ġsen das","ĠDec ora","Ġmemor able","Ġchis pa","Ġenrique cimiento","u res","Ġsentir nos","it ano","Ġotor gada","Ġgeográ fico","Ġver nos","Ġemis oras","ĠP IN","Å į","Ġfle chas","cleros is","Ġcon gén","ĠV aya","Ġver las","Ġpen ins","ĠFar mac","Ġplan taciones","ĠMil an","Ġcre ÃŃan","ick s","ĠSur f","Hab rá","z osa","Ġa ud","ĠExplor er","Ġconsider ará","Ġir rad","fo ur","Ġnarco tra","Ġp illar","AR ES","Ġmantener lo","Ġinterrup tor","ed s","medi atamente","ĠEn glish","ER G","Ġcigar rillos","j uelas","ĠPin to","b ada","Ġp il","Ġf av","Ġmon tos","B OR","Ġpr ós","Ġdig nos","Ġre van","étr ico","Ġcor relación","Ġsent ar","Ġestable cieron","Ġp ajar","Ġacab as","Ġbo ok","Ġenfoc ados","Ġilim itado","Ġdisfru to","Ġproductor as","Ġelem entales","ĠCN N","Ġdisper sión","Ġpublic aron","Ġmud anza","Ġtac ones","Ġrepas ar","Ġgenu ino","ie v","Ġres i","Ġun i","Ġun ilateral","Ġcans ados","ĠC AT","cos as","Ġvo taron","Ġsur re","ĠOfici ales","ĠJurÃŃ dica","Ġdisf unción","Ġsangu ÃŃnea","Ġasim ilar","Ġsuscep tible","ĠSci ence","lan desa","Pres entación","ci bles","Ġcumpl irá","ĠPra ga","Ġca vidad","b ec","Ġamuebl ado","Ġbeca use","ĠPo drá","ea ther","ĠPro blemas","au to","Ġintroduci endo","ĠCrim inal","S im","he ad","ĠVie ja","lan co","do wn","Ġvin cular","ĠI DE","ĠVe amos","Ter min","Ġro dado","Ġlej anos","Ġser é","Ġni trógeno","Ġadop tó","Ġcotidi anos","Ġi Pod","Ġapropi ación","Ġqu itarse","Ġdescan sa","ĠFu jim","A partamento","tific ados","Ġdesesta bil","Ġsensa cional","Fac ebook","Ġleg alización","l f","ĠPien so","Ġcl or","m uchas","ĠPr ue","Ġeficaz mente","Ġpon drÃŃa","Ġoper ando","Ġsh ock","Ġsu cu","itar ismo","Ġcelebrar án","Ġconcil iar","h ombre","ĠAr senal","Ġdev or","Ġemplaz amiento","Ġan cl","og ue","ĠK er","ĠDes n","ĠFun ciones","Ġperjud icar","ĠPr ome","Ġmotocicle tas","Ġtrabaj en","her ine","ĠInform es","ĠSU V","ĠC ero","ĠD allas","Ġmodific an","Ġpañ ales","ĠCar les","Ġderi van","u mp","In f","Ġfab uloso","Ġprof etas","Ġponer la","ĠSqu are","ĠComun itat","Ġdistribu idas","ĠDirec tivo","Ġabstrac to","Ġl ino","tra to","Ġb las","ĠSÃŃn drome","Ġmág icas","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ĠE f","ĠVe la","Ġvia jado","Ġacumul an","ál ida","Ġpeda gogÃŃa","Ġal ti","Ġexig ido","Ġenter amente","Ġr ond","Ġmar iscos","Ġdeleg ada","er ios","Ġcan cion","U r","ĠA mo","amil ia","A mpl","tÃŃ fice","Ġ óxido","Ġirri tación","Ġine quÃŃ","ĠK ur","Ġcarpin terÃŃa","Ġp rag","Ġop uestos","ĠWar ner","Ġpedag ógica","Ġentrañ able","Ġchamp ú","s ul","Ġar terias","Ġdeci dan","ĠBen edicto","comun icación","Ġconcesion ario","M os","Ġanat omÃŃa","Ġanhe lo","Ġhipo c","ĠP AT","Ġreper cusiones","Ġandal uces","ĠT LC","com ple","Ġop en","ĠSa grado","Ġre juven","ĠGar rido","Ġde mar","Ġch orro","ĠL P","Ġden tista","ĠL ig","Ġdisfrutar on","H ubo","ti res","Ġdes ist","Ġdetermin antes","Ġban cada","in cido","ĠE ras","ĠSe is","Ġk ey","ĠH ear","Ġco ach","Ġfreel ance","Ġadjud ica","Ġmadu ración","Ġacre edor","ĠCor o","ĠK i","ĠContra tación","r ÃŃamos","ĠA ve","Ġagrade cemos","Ġm uestro","Ġforma tivos","Ġescapara te",". /","Ġ19 47","hi bió","Ġbuc al","Ġpu ños","Ġcer dos","Ġrepresenta tiva","d l","ĠR endi","Ġfal lado","Ġrep leta","ps ic","Ãģ n","Ġdiagnostic ar","st icamente","Ġdeber ia","Ġlanz ará","contra mos","Ġconsol ida","ir mar","ĠT oni","Ġinac ep","Ġen tor","ti cismo","ĠPar ques","Ġenvi adas","Ġgaran ticen","ĠNie ves","ĠH ad","n ombre","Con ocer","Ġseñal adas","Ġcri ado","am ia","ĠPo int","Ġfotograf iar","ĠConcejal ÃŃa","Ġdes il","Ġefectu ará","ĠVo tos","Ġproteger se","ĠAu tos","Ġbl ues","IN S","Ġbenefici ado","Ġrepe tido","ĠCab eza","Ġgu ia","Ġfil trado","Ġacer caba","Ġenc lave","ÃŃb ulo","Ġmayús culas","ĠI na","ores tación","ĠK h","Ġasesor ar","A tención","Ġpol os","ĠNeces itamos","Ġsobre mesa",">< /","ĠR us","ĠV isa","Ġe usk","ĠD ri","Ġrequer irá","ar re","ĠG h","Ġconcent ran","Ġmagn ÃŃficas","Ġafirm ando","Ġsentir me","ĠPas ión","ĠSan cho","Ġacep to","Ġens am","Ġsobresal iente","Ġf aro","EM BRE","Ġagres ividad","on erÃŃa","Ġautor izar","ĠMa gal","ĠCI UDAD","g estión","Ġb ig","ĠPe dia","ĠL OC","ĠO ver","ĠTu ve","ĠBal oncesto","ĠER C","Ġen su","Ġdese able","Ġacu áticos","ĠSatan ás","Ġcre yó","Ġromp iendo","Ġador able","Ġcal am","Ġde ficiente","Ġtener la","ĠGal lego","Ġsel lar","Ġab rup","ĠT é","ĠAP L","LA CIÃĵN","ĠM ea","Ġco digo","Ġlad rillos","ĠFavor itos","Ġbailar ines","Ġpin tadas","Ġintu itiva","Ġirres ist","Ġpris as","Col or","Ġinaugu rar","Ġserv ÃŃa","Ġcomple tan","Ġvola tilidad","Ġte men","Ġrell enos","Ġagr aria","rue ba","ĠTermin al","Ġporcent uales","Ġasent amientos","Ġtermin aba","\" ?","Ġmatan za","Ġc c","Ġquiz as","Ġgra ta","Ġrecre o","ĠLa tin","Ġag ran","Î ¹","Ġcons isten","Ġexhib e","® ,","Ġre mite","Ġadquis iciones","ĠMetro politano","Ġimp ens","Ġreform ado","Ġreconoz ca","Ġcalce tines","Se villa","ĠS to","Ġver eda","aa a","Ġhidra tos","ĠAr men","ĠPro greso","Ġtor turas","Ġmanufac tur","Ġturb ul","Ġbril lar","Ġmur m","Ġneces itados","Ġcatá logos","Y S","Ġcas ita","Ġesc ép","Ġdescri ption","Ġjen gibre","ral tar","Ġbenefici ados","le ibol","Ġter mos","Ġ7 20","Ġopin an","Ġparticipa tiva","Ġinf rar","ĠCor reos","Ġcuader nos","ĠEjerci cio","b n","Ġnacional idades","Ġlon ge","Ġnegl igencia","Ġb est","ĠHer mano","Ġ195 4","ĠEntre ga","Ġo ponerse","Ġj acuzzi","Ġacer que","Ġ195 3","Ġapropi ados","Ġmarch ó","ĠLog roño","In form","Ġte jer","ĠMa gos","Ġacep te","Ġpartici pe","Ġsa hara","Ġgran ada","ĠA leg","ĠP ila","cu a","Ġgen érico","Ġter cios","Cu ba","le ts","Ġfe to","G N","ĠRel ación","Ġacce da","Ġmodific ada","ĠFab ián","Ġcafe tera","Ġalmoh ada","ĠLa ke","Ġrecuper ando","Ġbacter ia","Ġla bio","Ġaument ada","Ġmarx ismo","tis h","Ġreaf irm","Ġchar lar","ĠSan ti","ĠN ingún","Ġcons orcio","Ġen amora","ĠMar cha","Ġadop tadas","Ġp imiento","Ġprelim inares","ama ica","Ġvit ro","di t","ĠPen itenci","S ent","tar nos","Ġacompañ aron","Ġneu tro","Ġhegem onÃŃa","Ġpañ uelo","Ġvol antes","Ġech amos","ĠPis cina","ĠH amb","Ġrealiz aban","ĠAn tena","es an","ĠO z","Ġvolver é","ĠCl ientes","Ġdan zas","ĠBern ard","v ora","Yo u","Ġgradu ados","Ġhero ÃŃna","h il","o ter","ĠD orado","Ġsir vieron","Ġno vil","ĠO urense","ĠÃģ lava","ĠSud americana","qui el","Ġtir ó","Ġ.. ...","ĠRam iro","Ġapasion ada","ĠGESTI ÃĵN","Ġmer cen","Ġincorrec ta","Ġl echo","ĠAr thur","Ġev itan","at s","Ġper ejil","Ġfacil itará","Ġver ÃŃa","Ġprolon gar","ĠTig res","ĠSpo tify","Ġy an","le er","Ġcar icias","gü edades","Ġm ech","Ġsu ene","Ġcas illas","Ġtraslad arse","Ġans ias","oci tos","Ġart ritis","Ġqu itan","Ġesper es","Ġpregun taron","ti miento","Ġmir ador","Ġpagar á","Ġrespal dar","it ana","Ġ9 11","Ġdispon drá","ĠD og","J un","ÃŃ lico","ĠMar qués","Ġreci en","Ġneum ático","g ios","Ġas er","Ġenci ende","ñ ó","Ġdev oluciones","Ġimpon en","ĠRe paración","Ġcambi ante","Ġlic or","di rá","ĠEst ás","ĠAD V","Ġen ig","Ġsal p","ĠCar di","Ġilust rar","Ġcre cieron","ĠMira flores","Ġdiecis éis","Ġinde se","Ġadmira ble","ten emos","Ġemp are","Ġrespon da","Ġl it","Ġinmobil iarios","Ġtritura cion","b anos","Am or","Ġn áus","ĠP abellón","Ġen o","ud ales","Ġacep tas","Ġretor n","ĠF ul","Ġprotec tores","Ġn ena","rim ento","Ġenter arse","Ġolvid arse","Recuer do","ci era","Ġcaus adas","Ġasi ática","Ġ5 50","Ġluc ra","ĠPregun tas","ea u","Ġenfoc ar","ĠP ÃŃo","je to","Ġcuer nos","Ġinm er","Ġconv inc","ĠTRABA JO","Ġn m","G AL","Ġl ÃŃo","Ġper eza","Ġparro quial","tes t","Ġprop iciar","ĠElec tron","on ga","Ġcr ónico","Pue den","Ġpon entes","ĠO ff","Don ald","Ġbiblio grafÃŃa","Ġescand al","ĠÃŃdo lo","Ġtraduc tores","Ġenerg éticas","ĠFIN AN","Ä ģ","Ġfu iste","Ġform arse","ĠMunicip ios","V endo","ĠUn der","Ġvol um","Ġgu iones","ĠPas s","os io","ha us","Ġdiscapaci tados","is hi","oci ales","ĠC PU","ĠP rac","ĠCom isiones","Ġne ta","ĠT D","Ġval las","Ġdic tar","Ġconv icciones","ó teles","Ġens ueño","ĠMag ic","Ġex uber","Ġcor rom","ps ol","Ġrecompens as","AB LE","ĠC SS","Ġtraslad aron","Ġpol las","ca pe","Ġcomp rimido","Rec on","ĠAnim ales","Ġlig er","Ġasegu rada","Ġcob rando","un dos","Ġfu ero","Ġcruz an","Ġincrement ando","Ġgalard ones","Ġhablar on","ĠMor elia","Ġv iu","Ġtribu tarias","Ġdiagn ósticos","E lec","ĠB ono","Ġobede cer","G an","ĠP lu","Ġv osotras","ĠR h","Ġos ea","graf a","Ġth riller","Cer ca","Ġinter nado","ĠMa za","Ġ% )","S ur","ĠAndre w","ent able","ĠS par","ĠPer fecto","ĠAc to","p tos","Ġcol inas","Ġh d","ĠP ico","ina ciones","Ġjapon esas","Ġparado ja","vis ible","ĠZ or","cons ciente","ian ce","Ġtra ÃŃa","Ġaz u","Ġri s","Ġestren ado","ti cio","Ġrepresenta tivas","Ġamor oso","Ġóp tico","Ä ±","Ġ6 01","Ġdesinter es","Ġgener ará","Ġvol c","23 7","Ġexhaust ivo","Ġcol isión","Ġclima tización","Ġme to","Ġsome te","Ġvid rios","ĠF iel","Ġexclus ividad","C EL","Ġre tórica","c ÃŃan","ĠOde brecht","ord on","ĠAdminist rador","Ġindependen tista","Ġhab itante","Ġgra ba","US A","am ó","Ġcal deras","Ġdist ante","ĠilÃŃ cita","Ġdesac eler","Ġfl uye","ĠLegan és","Ġse villa","Ġflu ida","Ġsuces ivos","Ŀ ¤","Ġexcl uye","Ġdetener se","ĠM ág","ĠFujim ori","fi quen","Re ad","Ġbe ige","ĠNick y","Ġ19 41","Ġco aching","Ġbo om","Ġcoment é","Ġpron ta","Ġhech izo","Ġentra ñas","ĠPU BL","Ġg los","Ġinjust a","Ġa tado","Ġgri tando","Ġero ticos","Ġtum bas","Ġobst rucción","Ġgenoci dio","ĠOfici nas","Ġextrac tos","Ġmal dito","Ġceleb ridades","Ġagrade cida","Incl uye","in ador","Ġconstru yeron","ĠPerió dico","ent s","ĠJ O","Ġcor rosión","ĠCon gresos","ÃŃv ares","Ġroj ib","tor o","ĠH uerta","Ġconserv ado","ĠLeopol do","Ġfol leto","ĠCul turales","ĠD ir","ĠServ ices","Ġimpuls ó"," ½","Ġ19 00","Ġsolici taron","Ġesca ños","ĠB ola","ĠG av","ĠH AB","Ġexperim entan","Ġsobreviv ientes","Ġchanc adora","Ġmol er","Ġincrement ó","Institu to","ĠI v","Ġhos tel","Ġadelan ta","Ġcá tedra","A hÃŃ","Ġpi di","Res ul","lor e","Ġenz imas","ĠLo urdes","Ġasist ida","Ġgolpe ó","Ġescon den","Ġimpar able","n ias","ada via","Prim era","vi ales","Ġbril la","ĠForma to","Mujer es","Ġpan car","Ġsilen ciosa","c un","ĠRe habilitación","Ġconven cida","Ġch ir","anti cismo","Ġjust as","cti mas","c tion","Ġsig as","ĠEle mentos","S or","Ġdeten ciones","Ġnoctur nos","un ge","oci na","Ġhab ÃŃas","Ġinvis ibles","Ġne oy","Ġgu ap","Ġsac amos","Ġb esa","ĠO don","Ġsól idas","Ġv ello","Ġinf idel","d ona","Ġentr ante","ĠMer cados","ĠDES ARROL","Ġtin tes","; .","Ġ19 29","Ġarro jar","ĠMa de","ĠQ ual","ĠdiscÃŃp ulo","Ġinvoluc rar","l ight","ĠS K","Ġconoci mos","Ġsta ff","Ġan ormal","ĠMon to","Ġcre yente","ĠImp uestos","Ġconserv adora","ĠIden tificación","Ġdestac able","ĠFil m","A segu","Ġlo w","rill eros","Ġle tal","ĠT emas","ex ual","Ġconven ce","Ġsu puestas","Ġpa ternidad","Ġcober turas","Ġpe tro","ĠPer alta","Ġrob ótica","Ġcar amelo","ĠIbero americana","Ġdemand ada","g ie","ta to","im es","Ġ11 6","Ġbac alao","Ġperiod ÃŃstica","Ġcoe ficiente","ĠRes idencia","C á","Ġsust rato","ĠÃī tica","ul siones","ĠT QD","Ġcar riles","Ġintersec ción","b uc","ĠP uertas","ĠPo déis","Ġilum inado","ac t","Ġdiplom áticas","on omÃŃa","Ġacog ió","Ġautoma tizado","ĠCrea tive","Ġinger ir","ĠdÃŃg itos","Ġepic entro","Ġavis a","** *","Ġex or","ĠF AM","Ġbeb es","L ea","Ġenf oca","Ġtribu tario","Ġex f","Ġorto grafÃŃa","Ġqu ite","ĠCo ahuila","Ġcompar tieron","ĠJes sica","ĠEv ita","Ġ11 4","Ġconsegu ÃŃ","Ġagrade cidos","ĠBas ÃŃlica","Ð ±","Ġdesesper ado","Cuán tas","Ġang ular","Ġcompeti tivas","Ġdim ens","ĠNorm al","Ġo ce","ĠVil legas","ĠDuran go","u ados","Ġlo como","Ġsober bia","ĠAU TO","Ġdes vÃŃo","oci edad","ok u","Ġprior itario","ĠA E","ĠJ ay","Ġsuperfici ales","Ġapre tar","Bien venidos","Ġsub campe","Ġcort ometraje","Ġacon sejo","st ra","Ġec ologÃŃa","ĠF all","Ġca ñones","Ġinterac tiva","Ġfontan erÃŃa","Figu ra","Ġsub tit","Ġorig ina","ĠCar la","Ġtre p","in tes","Ġme ten","IS O","Ġus es","ĠG uy","ĠClas sic","ab ado","Ġk a","ĠX unta","Ġcoloc amos","ĠH ue","Ġch ap","Ġcorri das","Ġcampes ino","Ġaerona ves","Ġalcan zados","Ġestu vi","Ġinm ort","Ġhom eo","Ġminia tura","Ġi i","T it","as en","Ġom n","Ġgestion ado","ĠP ES","ĠT HE","ren das","Ġconcent rarse","ĠSEGUR IDAD","ĠIbar ra","Ġcolabor an","Ġsosten ida","dos is","Ġinmobil iarias","ĠC ana","ĠEs cor","ĠJun tas","p amiento","ĠJef f","ĠMode los","ul d","Ġconcent rados","ĠJas on","Ġcas eras","Ġequivoc ada","geci ras","an das","ĠO mega","Ġconstruc tora","ĠMaes tros","ĠInmac ulada","ĠE CON","Ġ19 37","Ġautén ticas","w ords","ĠElec tricidad","Ġaprender ás","Ġincon form","Ġprole tariado","ĠMo ore","Ġelec tron","Ġestad ÃŃstico","ial s","Ġat entamente","cer amente","ĠAca pulco","w ikipedia","igra fÃŃa","ĠFu turo","ĠRe psol","ĠConst ruc","OM B","m und","ay as","Ġe cl","Ġc ris","tel l","ĠSh ane","Ġol ig","Ġrecam bio","ĠClim ático","Ġli tio","ĠFa ir","Ġantioxid ante","gl omer","Ġdec ena","ĠAz teca","ĠT ub","Ġap ocal","ĠDel ta","ĠMa dero","Ġfabric an","Ġtrop ez","ĠConsum idor","Ġo pone","Ġalcan ces","Ġsab roso","Ġ19 17","ĠL GT","Ġilust rado","L lev","ĠKar l","ĠA x","ĠBal ance","19 90","OM A","ĠMU Y","Ġl unar","Ġap tos","ĠSin dic","Ġenci erra","Ġdiplom ática","Ġdon ar","Ten iendo","z ol","F S","ER RA","ĠPr óx","ĠPe dr","Ġdescom posición","h isp","ĠT iendas","Ġhon do","ĠMas ters","Ġpal iar","Ġperder á","Ġsensor ial","Ġinterrup ciones","Ġlec tora","Ġdes bor","áp oles","Ġencer rado","b endas","ĠZ acatecas","ĠH UM","ĠV ásquez","ĠSan itaria","D iv","Ġdenomin adas","ĠBenjam in","M y","Ġ19 49","... -","ĠSando val","ĠF RAN","ĠLa va","ĠDist rital","Ġdomin antes","Ġred on","Ġfilóso fos","Ġpreten demos","Ġacudi do","Ġdistin guen","Ġh is","Ġmos quitos","Ġhotel era","ĠEnter tainment","Ġcas tig","Ġconfigu rado","Ġinform arse","Vesti do","Ġcog ió","ĠPatr ick","Ġconce dida","B el","P aso","ĠL obo","Ġpen it","ces as","S um","Ġtrabaj ará","Ġg il","ĠM ÃŃn","Ġres piro","ðŁ Ĵ","Ġestablecer se","Ġrec ÃŃpro","A U","Imp ortante","ĠIR PF","Ġpa guen","ÃŃf era","ĠConten cioso","ĠGRA CIAS","Ġpor men","ĠB rin","ĠBeat les","tu ps","Ġelev ó","Ġabur rida","D icen","ĠCarm ona","hos t","Ġinver nal","ĠAvel laneda","Ġin édito","Ġfas cismo","w art","ĠEst ambul","ĠBar cel","ĠES P","ĠBen z","ĠModer n","t ner","ĠCual quiera","Ġencar gadas","Ġw h","Ġfil trar","de recha","vo que","Ġtor ta","ĠNeu quén","Ġano tación","ĠSuper man","Ġentra mado","Desarrol lo","ti cidad","Ġtra ga","Ġentre gando","Ġinstal arse","ĠDI Y","Ġf erv","ĠEspe jo","? ).","Ġidio ta","Ġdet rimento","e i","n úmero","Ġexig ió","Ġtera peuta","ĠMone tario","ĠSe t","Ġescándal os","Ġmedi evales","ĠMar adona","ĠSpr ing","ĠI E","pe utas","st one","Ġast rona","Ġculmin ar","Ġsuperhéro es","Ġtom ados","ta pa","Ġprovoc ada","! âĢĿ,","Ġeleg imos","Ġmay a","Ġinmun ológico","Ġlegu mbres","B log","Ġper dÃŃ","ĠD OS","ĠColum bia","Ġcor rÃŃa","person ales","Ġcro ata","ĠAmaz onas","Ġpar ten","Ġprecip itación","ĠB ici","Ġay uno","Ġsust enta","ĠInicia tiva","ĠP ampa","Ġ11 8","Ġestim ada","Ġplante ada","ĠArch ivado","ĠG AR","u entes","Ġ27 0","ĠHum ana","ĠSE Ãij","ĠAlic e","Ġ19 44","Ġfar os","Ġconmo ve","Ġvendi das","Ġjer árqu","Ġelectr ones","ific ó","Ġarre me","la gos","Ġjug amos","ĠSh ar","col n","Ġespor á","Ġsitu a","ĠSE P","Ġrenov able","Ġinsta gram","l ora","Ġgal lo","Ġide ologÃŃas","Ġseguir é","Ġmor ado","Ġexisten cial","d aron","ed ic","tern al","Ġpredis posición","ED A","Ġc rack","tiv ista","Ġexpro pi","Ġr all","Ġperfec cionar","Ġhipotec ario","ga tas","Ġanti inflama","Ġprev iene","Ġnerv io","Ġtempl ado","AN TES","Ġdes m","ĠMon clo","Ġ Å","ĠI L","Ġhorizon tes","Do cu","Ġinter media","Ġdev ol","ĠEsper emos","Ġexac tos","Ġexter n","lab rada","Ġmanufac tura","N úmero","ĠD ante","Ġcorre la","ĠMad res","Ġperió dicas","z ura","um entaria","Ġbo tÃŃn","Ġmos ca","Ġsuici da","u zas","ar ena","Ġdic tó","Ġestra tos","ina cional","Ġgra mática","Ġsobrena tural","D ie","ve a","ĠK il","Ġ22 5","pl it","Ġestu v","Ġbor rado","G re","P arte","de b","Ġjam as","n ales","Ġimpedi mento","ĠM ón","AN ZA","f avor","ĠMil enio","cur sos","Ġsitu arse","Ġestable zcan","Ġdesempeñ an","ĠImp erial","ĠD ivers","Ġap óstoles","ĠAc ciones","Ġevent uales","Ġcre ará","Ġrespe tuosa","ĠAssocia tion","ĠP EN","V ÃŃ","Ġb uta","Ġper me","Ġas ado","an na","ĠG ál","ĠTen ga","aliz arlo","Ġviv an","OLU CIÃĵN","duc tores","Ġofre cida","Ġhe tero","Ġtemp er","ĠBan cos","Ġepide mi","Ġsubl ime","Ġcal ificados","Ġmarx ista","Ġto t","ig ración","ĠMer kel","comun idad","Ġmism ÃŃsimo","D en","Ġmeteor ológicas","j ito","te as","ĠRod riguez","ĠC GT","ĠPe ugeot","Ġan ulación","Ġpr omin","ern as","Ġadj unta","In ici","ĠPlan tas","Ġna uf","Ġw ill","Ġhall aba","Ġmi den","Ġadmi tido","ĠPay Pal","ĠA SO","ĠMag na","Ġcastel lana","ĠAn ÃŃ","Ġsu ero","ĠIs mael","Ġdev uelto","Ġrob usto","Ġtir ón","Ġdespe jar","ĠRecor demos","Ġcu este","Ġinform ará","Ġrefle jada","Ġvecin dario","Neces ito","Ġapropi adas","ĠZ u","Ġcontactar nos","ĠGio van","Ġsin ónimos","Ġc it","Ġcómp lices","ĠC ueva","Ġdes mor","Ġsa una","Ġviol ar","Ġmante ca","S T","ĠCu ader","ĠCh ino","Ġgu iado","EN CIAS","ÃŃr ico","ĠMen ores","Ġpiz ca","Ġsustancial mente","T iempo","ĠBach elet","Ġcorrup to","Ġp imientos","Ġsaber es","Ġaplic ó","ĠB ásico","Ġsem án","ĠSa úl","b ico","f ines","Ġcu estan","Ġri ñón","Ġiran ÃŃ","Ġw his","Ġrel i","ĠEnerg y","aj al","ĠPr ést","ĠJurÃŃ dico","! ).","ic emos","Ġfin alizada","pec ta","Ġrecor ren","ĠD ÃŃ","pos o","Ġsepar arse","ĠLeg isl","ĠR T","abas co","Ġdistingu ido","Ġjardin erÃŃa","Ġdelica deza","Ġger min","du zcan","Ġvoc alista","Ġabra zos","Ġ ás","Ġes lab","Ġinici ando","Ġextrad ición","Ġbo tes","ĠE videntemente","Ġinquie tante","Ġhu ida","tar me","Ġpac tado","Ġinf el","Ġpresent adora","OLOG ÃįA","Ġbailar ina","Ġv asta","Ġcol gante","Ġâ Ī","Ġdo lares","Ġrespe tado","Ġalmacen aje","M ag","ĠPor sche","Ġimag inas","Ġcambi arlo","Ġgratific ante","Ġn es","Ġman i","Ġcu estiona","Ġtra mas","ĠBol sonaro","Ġpas arse","tar i","B ay","Ġviaj aba","ac an","ĠIn gresos","Ġoportun amente","ĠEx c","Ġveinti cinco","Ġexpres aron","Ġinel udi","ĠAd vent","Ġprefer entemente","uc emia","ĠA ga","Ġger entes","Ġlib rar","Ġár bitros","ĠStu dios","C M","ĠH ura","Ġnecesita ban","Ġmultiplic ar","L iga","Ġases ora","ĠEp iscopal","Ġencontr ada","Ġmar ciales","ĠS it","Ġcos taba","Ġgan aba","Ġhabl é","Ġdivi didos","ĠJu ris","Ġquirúrg ico","Ġconfi ables","Ġaten dió","Ġnav idades","153 15","Ġform ulado","Ġrefer idas"," Ĵ","ri oso","Ġal cista","oc ola","Ġconv al","ĠPara ÃŃso","Ġanaliz amos","Ġvo taciones","Ġsuel tos","f uegos","Ġdeci mo","Ġcomp iten","Ġrecur re","a tivos","t za","ba y","Ġmer ienda","Ġan a","Ġprome to","o ff","Ġflo tante","ĠA pe","TE M","o h","al les","dic ho","on ados","ĠEN TRE","Ġpen de","Ġregal ado","ĠConse jero","ĠlegÃŃ timos","ór icas","Ġren cor","ĠCarre tera","Ġmanten drán","Ġdesbloque ar","ĠTrabaj amos","ĠAn tón","bl r","Ġr ing","ie ves","Ġfun eral","Ġingen u","Ġt b","Ġmermel ada","R am","Ġcomun as","cos ur","Ġtermin é","Ġvic tim","ĠOC DE","Ġviol ÃŃn","dica ciones","ĠAt lanta","Ġlej ana","ĠAudiovis ual","ĠF eng","Ġcoment as","Ġcé dula","ĠAlc ázar","Ġromán ticas","P AS","Ġ\" ,","Ġocur rencia","ĠMon tre","Ġrel u","Ġdon es","Ġajust ada","Ġpic ada","3 50","Ġh y","Ġrequer idas","а н","ĠMan u","Ġfronter iza","ĠJunior s","ĠMo z","Ġan chas","Ġam er","par to","ĠPar ker","ĠHor ario","Ġexhaust iva","udi llo","Ġdirig imos","Ġteór icas","Ġdiscul pa","tu alidad","aj ero","ĠV IDA","è re","Ġar bust","Ġexcl uy","ĠMe g","ĠRes puesta","Ġapues tan","tal e","Ġexce der","ĠGu ill","C apa","IG O","Ġinne gable","ĠM ART","go v","Ġfal ló","Ġecu aciones","Ġsatisfac torio","Ġidén tico","Ġobserv adores","ĠPho to","se gun","ĠG ior","ĠMer curio","Ġher edi","Ġredi st","Ġnomb ró","Ġl lano","Ġaudi ción","ĠAb s","Ġemail s","ográ fica","Ġinda gar","Ġnomb ra","Ġafil iado","Ġtrans misiones","ĠAgu il","ĠCu au","Ġcliente la","ĠCD MX","Ġópti mas","Ġanticip ado","Ġestu fa","Ġinterpre tó","Ġcartel era","Ġpa y","Ġt ie","Ġal fa","ĠF iat","ĠComple ta","â łĢ","Ġcos tará","Ġra tio","Ġindo cu","re m","Ġcar pa","Ġna tiva","Ġul timas","Ġautor izaciones","Ġmode ración","Ġprepar amos","Ġtún eles","Ġco un","Ġ14 4","Ġtripul antes","Ġcor dillera","Ġencar ar","ĠDef ensor","Ġinú tiles","Ġexcl uir","Ġinci erto","ĠCorpora tion","j ita","Ġsa tis","Ġprogram ados","Ġl itu","Ġluch ador","Ġam amos","Ġsitu acion","Ġprestig iosos","ib es","ár sela","Se ñal","j ano","g inas","aya k","pro f","ĠAl tura","Ġco ex","Ġdic tam","L og","end arios","Ġllu v","Ġneu tral","ĠH and","dic ción","Ġpolém icas","Ġver dura","Ġor ar","Ġ19 38","Ġcor tada","ĠSol ÃŃs","B er","ĠV ari","Ġson deo","ĠDan iela","Ġqueb ran","o ces","ĠO RI","Ġdur ará","Ġval ió","ĠO ral","Ġllen ó","Ġacercar on","bs p","Ġt inte","Ġcaute lar","ĠCh allen","Ġinterna utas","ĠAc ci","Ġautom áticas","Ġgar ras","Ġcolabora tivo","ĠCom ienza","Ġaca dem","u ario","ib al","Ġobje tividad","ĠCan nes","Ġazul grana","ĠAbog ado","Ġsan cionado","Ġtro feos","Ġinmig rante","in era","Ġprecar iedad","Ġm enta","ĠGas tos","Ġdeman dan","C rea","Ġpar ches","Ġbau tizado","ĠE mail","emin istro","Ġme tiendo","Ġpas to","Ġz omb","Ġocup aba","Ġcáp sula","Ġten gáis","Ġaloj ado","p ito","con i","Ġam aba","ĠD ulce","Ġmuch isimo","ĠModer na","z za","er rec","Ġest ero","ĠB úsqueda","Ġeduc ado","Ġ195 2","Ġcomp uls","ĠAM LO","Ġmer curio","Ġenve je","Ġmagn ÃŃficos","Po int","Ġosci la","Ġin cip","ÃŃn cipes","Ġescri turas","ĠYa hoo","Fu entes","Ġton ta","Ġsub es","Ġingres aron","ĠRiv ero","Ġmas tur","Ġhabl en","Ġarro ja","om ec","Ġfavor eciendo","ĠMag ist","Ġindefin ido","Situ ado","l ones","ba t","Ġtem ario","ĠTit ulación","ĠJ ara","Ġbon dades","ĠM it","zu ki","Ġpe gada","Ġag lut","f fe","OR D","Ġafron ta","Ġestimul ante","Ġases inada","ket s","Ġposterior idad","ĠCR M","ĠIndi vid","ĠCar bon","i ya","Ġcas tillos","Ġadvers arios","ĠC aba","ĠEl aboración","ÃŃn ica","Ġus en","Ġsorte os","Ġcom ités","E leg","P T","m é","Ġpun tero","aj adas","ide razgo","Ġemble ma","ĠEmerg encia","ti mar","ĠM ental","ú piter","ĠT AR","Ġanunci ando","Ġlesion ó","as cript","an dez","Ġinex istente","ĠCon dado","Ġobst ru","Ġacel era","Ġx q","ĠAu rel","Ġasturi ano","ĠG aceta","Ġblan da","Ġrad ar","p ación","qu ino","Ġcorrespon sal","Ġmur ci","Ġdescif rar","ĠSi guiendo","Ġestim ar","den tro","ĠPan talla","Ġenten dió","j ido","Ġaf inidad","Ġle as","Ġencabez ó","â Ĺ","Ġbon ificación","ĠPan el","Ġhospit alidad","ĠCub ana","o u","Ġmil enio","ip res","ĠÃģ reas","Ġadv ierten","Ġexplos iones","ĠVesti dos","Ġconsigu es","Ġretras ar","ĠRon ald","Ġmar ti","In st","tri p","ĠSol er","ela ya","no c","ĠRay o","ĠMo del","Ġmoch ilas","ĠR af","ĠOR GAN","Ġorden es","Ġfalse dad","Ġench uf","Ġincur rir","ĠH ans","Ġrespon dieron","Ġtribu tos","ĠLic eo","B M","Ġbro te","ĠNeces ito","di ario","ĠV iva","ĠGo vern","Ġsemej anza","Ġsu tiles","Ġplante arse","Ġtransform arse","ADOR A","Ġacog ido","BI ER","bl anco","ĠLe gen","ĠMor o","Ġpene tra","Ġestar ÃŃamos","to das","Ġap titud","iu re","EN DA","ĠMan tener","Ġtransex ual","ĠF ood","Ġdecl ive","ĠAb u","ĠPak istán","Ġprem isas","ĠNapole ón","to tal","Ġsen adora","Ġe voca","ĠMar is","ĠJes us","Ġ< /","ĠSISTE MA","Ġpatrimon iales","Ġcuad rada","Ma terial","Ġsug irió","ĠViz caya","ĠJugue tes","Ġpedag ógico","ĠCENT RO","ĠDI OS","Ġmel ena","Ġfluc tu","ent arse","ĠV O","se le","Ġde valuación","Ġas idu","Ġver le","Ġcontra taciones","Ġsatisf echa","ĠReb el","A t","Ġcontra bando","Ġcaracter ización","ÃŃp ica","ar ning","Ġcier res","ĠEleg ir","Ġha iti","ener se","Ġla tente","lec er","Ġdespe dido","Ġ* *","d ónde","ĠCol ores","Ġpod ras","é semos","ĠM V","Ġbau tismo","Ġdial og","Ġe rección","Ġllama tivos","Ġquin cena","Ġapun tando","Ġparal elas","Ġpo le","Ġcie ga","ro ck","Ġquedar nos","Ġvómi tos","Ġgan cho","o tra","ar iado","Ġbaj aron","ĠOrden anza","Ġde ducción","Ġtrans itoria","Ġsitu ó","jes e","Ġest ri","ĠS now","ĠS úper","ucle ar","Ġalba ñ","ĠJo el","Ġestup idez","Ġmir é","ĠBro ad","Ġenter rado","ĠMen éndez","ĠL AN","ces s","Ġprop icia","Ġperfec cionamiento","Ġrecomendar ÃŃa","Ġra cial","Ġefectu ó","ĠLiber tador","Bus ca","ic ero","tos terona","Ġno to","Ġtin ieblas","Ġmultidiscipl inar","Ġj ac","ĠZ ulia","R adio","et to","mm m","Ġarre ci","ue to","Ġau tismo","Ġsegun das","l is","Ġdesperdi cio","úr pura","ĠexplÃŃ cita","Ġcafe ÃŃna","ucar amanga","erra t","ĠApo calipsis","Ġreci clar","Ġdesign ados","Ġhomogén ea","Ġpe inados","Ġadul tas","Mar tÃŃn","ĠER P","Ġresgu ardo","et ic","Ġvisit ará","NO TA","Ġdestina tarios","Ġre port","Ġsan ar","Ġmos cas","Ġagreg ados","om ÃŃas","ĠF ed","Ġhor aria","Ġinher entes","Ġpro ba","ĠN ápoles","ĠTrans ición","ĠIMP OR","Ġdesaperci bido","Ġadiv inar","Ġto co","Ġacumul ados","ĠCarab ineros","Ġo jala","in ense","Ġh ún","ro ides","T ienen","erv os","Ġfas cista","l al","sal ud","Ãī R","Ġpenal ti","Ġh uyendo","ñ imiento","Ġrej illa","Ġdivers ificación","Ġmoles tos","A st","en j","B AN","ĠC iudades","Ġa dos","Ġaparecer án","ĠLegisla tiva","Ġsin gles","Ġdecora ciones","Ġrecog iendo","Ġestan que","ĠStan dard","Ġfinal ista","ĠBan dera","Ġca tara","Ġpros egu","id orm","Ġcom eta","ĠPon er","Ġincent ivo","Ġplur alidad","ĠShang hai","D omin","C ir","Ġcó mico","ex cepto","vs ki","ĠVelo cidad","d aba","v ación","u ria","ĠB endi","ĠJ UN","Ġdispon ÃŃa","Ġ11 3","ĠPol ic","Ġje ans","ĠEscri turas","Ġtra zar","ĠReg alos","ĠAmeric ano","Ġabo ut","ĠC IF","lan ds","Ġcor ral","ĠGar zón","Ġ19 46","Ġred ondas","ĠEstatu tos","Ġpien sen","Ġimprovis ación","Ġsir viendo","A lex","Ġse vero","Ġan tologÃŃa","Ġinvesti dura","Ġgener adas","Ġpuls eras","Ne w","ĠR is","Ġsal iva","IS IÃĵN","ĠT N","ĠB OL","Ġcúb icos","Ġinspec ciones","Ġacumul ando","ĠRan king","Ġrot undo","ĠVesti do","ĠI van","pos t","Ġdon antes","Ġenten dida","ĠFe dera","Ġmej illa","L imp","pa tas","unda tion","Ġhe la","ĠJer em","ĠTes or","ĠEstrateg ias","F M","Ġins crita","Ġno tario","Ġpu zz","Ġincon stitu","th y","ĠAg entes","Ġh uerta","om ia","Ġvol vi","ue ca","Ġresist encias","Ġinspec tor","z ale","Ġast rón","F IL","Ġre poner","T ecn","Ġsan cionar","Ġcomplement ario","Ġsimpl ificar","Ġfranqu ista","Ġjoven citas",". âĢ¦","ĠCor al","u gas","Ġdel i","gr adas","pen ha","Ġnumeros a","ĠCel ta","Ġrei tera","Ġal tru","fici e","ĠY os","Ġfun dar","Ġton terÃŃa","Ġbrind amos","Ġbol ÃŃvares","1 30","ĠArist óteles","ĠTri un","ĠAgr ÃŃcola","way s","Ġtransform an","Ġche ques","Ġances trales","EL EC","ĠLatino americano","Ġblog ger","Ġrec ambios","N ic","Ġcogn itiva","ĠRena cimiento","ĠD ÃįA","Ġpercep ciones","Ġpara jes","Ġbo chor","Ġalum na","Ġdes inte","Ġni ñ","U nas","Ġafric ana","Educ ación","p adas","ur n","Ġ19 42","Ġd inastÃŃa","Ġhebre o","f ÃŃsica","ĠDu bl","Ġconoz cas","ro ta","ĠTemp orada","EC ES","Ġdecor adas","Ġcomunic ados","C ent","Ġce dió","ier i","ĠCh en","ĠAcadém ica","Ġuniform ados","ĠF ly","Ġk its","Ġprogram ador","ĠSil ves","Ġfrac ciones","Ġsoci alización","Ġacú stico","Ġtorn illo","ĠEn con","Ġlava dero","Ġcon gregación","Ġtel ón","Ġrú stico","Ġcal l","IT OR","Ġhorne ar","Ġexci tación","in stal","Ġv ector","tor ales","ti as","Ġ14 5","Ġasi áticos","Ġcrono grama","Ġs pin","ĠC AD","Ġescul tor","Ġhipotec arios","Ġcigar rillo","ĠEST ADO","p ha","Ġasegú rate","ta za","Ġcor reas","âĢĵ .","Ġde pu","ĠD id","Ġmode sto","ĠSitu ación","b ac","Ġcr omo","ĠIndustri as","go ci","ĠN UES","Ġfru tales","Ġaleg ando","A u","Ġtras plan","rg ia","Ġemple adores","Ġde duc","Ġcomplement an","g ido","Ġaloj arse","Ġtrascen dental","I TE","ĠSin fónica","Ġejer cido","Ġse den","Ġcal ado","Ġra ción","ĠMa quinaria","ĠComer ci","Ġint rig","Ġpers iste","Ġmarch ar","T ab","inal do","Ġafec ción","UC H","Cons ulta","L lam","ve te","Ġagr ada","ĠT ales","Ġconci enciar","ĠCol lec","Ġcompos itores","ĠV E","ill eros","Fuer on","g ing","Ġorigin ó","C ó","K O","Ġcif rado","L lega","ĠP ensiones","ĠBern al","Ġatravi esan","â ĺ","Ġencontr adas","Ġang los","ĠValdi via","tar la","Ġexig idos","Ġextra e","Ġde duci","Ġfor ense","Ġtig re","j ica","ĠEx tensión","for os","Ġfunda ciones","aca ibo","Ġme ll","G as","ĠT abasco","G e","Ġn om","Ġsistem áticamente","Ġb usto","Ġmo vió","Ġcomba tientes","Ġrepubl icana","ĠUb icación","produc tos","Ġestim ó","Ġpol if","Ġpag amos","ĠHi jos","an idad","Ġacci den","M ED","ĠIN G","Ġprescin dir","ĠIn cor","TOR ES","Ġinjust icias","A uto","Ġca ÃŃdos","Ġesté ticas","ĠUN IDAD","ĠCr éditos","Ġfilosó fico","Ġglam our","bi tos","Ġpersegu ido","Ġno taba","ĠAndal uza","å ¤","ĠMo untain","Ġ900 1","Ġin apropi","pec abezas","Ġd ay","Ġpronunci amiento","Ġinesta ble","ĠAm sterdam","A v","ĠHer edia","Ġconec tadas","Ġprefer ir","Ġvin ilos","Ġacomo dar","Ġreivindic ar","é e","EC A","ĠJa ume","Ġhuéspe d","ĠA ro","Ġprotagon izó","Ġjer sey","ĠLion el","Ġc rib","Ġproporcion e","ĠcardÃŃa co","O p","Ġentusias ta","m ec","Ġus aron","Ġhaber la","Ġaisl adas","Ġpar pa","dal o","Ġla tas","óg icamente","Ġconsum ido","Ġego ÃŃsmo","iza cion","se o","ú na","ĠU K","Ġsa tel","Ġacab ando","Ġprofesional ismo","Ġinterv ino","Ġcie gos","Ġenvi amos","Ġenfrent amos","u cia","ÃŃn ico","Ġgo urmet","Ġarres tado","S OS","ĠW el","ĠGram my","ĠE J","Ġi ris","ĠMar ino","Ġd uchas","Ġten ista","i ñ","ór icamente","Ġofre zcan","Ġper dÃŃa","Ġsue ña","Ġagres ivos","Ġus aban","Ġbloque ado","ĠP OD","ĠStor y","ĠU mb","Ġpol vos","Ġvac ante","ĠTes la","le jo","tic u","ĠCas ual","Ġconseguir ás","Ġmural las","Ġm ola","Ġres urg","ĠY e","Ġ26 0","CI UDAD","Ġce de","Ġsusp enso","Ġpatr ul","Ġin a","Ġorden ados","re cu","ĠN am","ĠHo ja","ĠR ip","ĠR ug","Ġdistribu ida","е ÑĢ","ĠQuin tero","Ġpersever ancia","Ġparás itos","ĠLleg ó","Ġanto jo","Ġenerg ia","Ġafirm aba","ĠFab ricación","Ġdesapareci da","Ġhincha zón","Ġsub terráneo","Ġmovil izar","h uel","le d","ĠN utri","y r","Ġcomp lace","ĠMas aje","Ġs lo","ĠDes ayuno","Ġcoment ando","Ġabsur da","ĠINS TITU","Ġpens ados","Ġdesp res","Ġrenunci ó","ĠCon tro","ĠL ed","Ġo ir","ĠAC TIV","Ġref ren","Ġdise min","Ġchav ales","Ġdes esti","Ġrom an","Ġiner cia","ĠFores tal","ĠES TE","Ġde ma","Per ú","car dio","ĠCaball eros","Ġh ir","tu osas","Ġprefer ente","ĠCal iente","Ġazo tea","ĠSob er","ĠChev rolet","Ġma taron","Ġutilizar la","sal vo","t éis","Ġsobr ina","ĠLÃŃ bano","ER ÃįA","ac om","ĠSimp son","es tán","ĠDi ablo","Ġentren ado","Ġinspir ados","Ġcompara tiva","ival ente","Ġl é","Ġpar álisis","ĠCom edor","Ġcer rará","Ġconcesion arios","Ġsign ificación","Ġcomun ÃŃ","ĠC EL","je da","ĠCor in","Ġpin tada","Ġrecre ar","Ġhidrául ico","Ġform aba","Ġolvid ó","Ġdispu tas","gam onedas","Ġutop ÃŃa","ĠV aca","Ġfac ciones","Ġcoinci dieron","Ġtiro teo","ARD IA","ĠCon cha","Ġseñal ada","Ġdeman dar","ĠE val","ĠFar c","ĠBr un","oloca usto","Ġdid ácticos","Ġbox e","Ġcons umos","Ġgran ad","ĠEstratég ico",": \"","ti dores","Ġmunicip alidad","Ġperman ecido","Ġcre denciales","Ġrep udi","Ġprepar ó","Ġmostr ador","Ġdesempeñ ó","Ġemocional mente","Ġfuncion ará","Ġjug adoras","gl io","Ġfisc alización","Ġbik ini","Ġtrac to","Ġenvi arnos","âĢ ķ","Ġcu a","ĠA vil","ĠFrank lin","Ġmanifes tarse","inta ge","culos is","ĠHur tado","id ada","Ġconocer á","**** ****","ĠS lim","Ġas umen","ĠH osp","Ġah um","Ġnorm alización","ÃŃst er","ĠAd van","ĠAn ne","Ġcontac te","ĠRiv adavia","c ola","ac tas","Ġmad uros","ame da","ĠC AB","Ġhe patitis","Ġrastre ar","Ġtur bo","t ámenes","cu ta","ĠUnivers itat","Ġmon jes","ser á","ĠFran ce","Ġmatem áticos","ĠSá enz","ĠChristop her","Ġes g","Ġcontac ta","Cre emos","D ar","Ġsalva guardar","ĠS ici","Ġcor os","Ġpubl ique","Ġdecora cion","ĠÐ ¸","Ġvál idas","Ġgolpe a","Ġgl ú","ĠCr ónica","Ġhamb ri","ĠDió cesis","ĠDi á","Ġ11 7","ĠLatino americana","Ġen crip","ĠP hone","Ġrespe tan","Ġlas tim","Ġna cion","s son","V ID","Ġale gaciones","Ġren ueva","Ġcompañ er","Ġconocer lo","pel l","Ġsup ieron","Ġhabil itados","Ġen e","pre gun","Ġdobl ar","Ġ19 43","ĠCh ub","ĠRo usse","Ġcable ado","ĠRef lex","Ġtras eros","Ġayudar les","partam entos","¬ ģ","Com entarios",",, ,","Ġbarro co","Ġin ducción","ĠCom pro","ĠHis pan","ur bano","Ġmov ida","hh hh","Ġsupre ma","ĠAutom óvil","Ġdes vir","iéndo lo","Ġolvid an","Ġmostr arse","ñ igo","Ġcam bien","Ġdiplom áticos","Ġb ilaterales","úrg ica","ĠSecu rity","Ġprogres ista","Ġfol letos","Ġduplic ado","ĠMenor ca","Ġecu ador","Ġdespi dió","Ġego ÃŃsta","ĠBol s","Ġefectu adas","Ġdesarroll amos","ĠEst ética","Ġ12 7","ĠAlvar ez","ĠHo ward","Ġconver tida","Ġrecog ió","In stal","Ġestan terÃŃas","t ÃŃsimo","Ġvalor an","Ġre tros","ĠG and","Ġprovoc aron","Ġdon ante","Ġconvier tan","ĠMana gua","algun os","ĠL ongitud","Ġhon rar","Ġcar gadas","Ġtim bre","ban k","Ġexpon entes","él v","Ġperj udiciales","Ġsentir ás","Ġost enta","Ġcalur oso","Cin co","ĠA lo","la g","Ġtin tas","POR T","ĠAcon di","Ġjue gue","Ġinneces ario","Ġinspir ó","Ġd ad","Ġau ra","ĠMed alla","ĠPartici pa","ĠBos co","Ġg ótico","ada p","Ġpre candida","avent ura","rel ig","Ġitiner arios","ÃŃ jate","ĠU A","Ġamena zado","Ġaclar ación","ĠBic entenario","Ġcontribuy an","Ġo yentes","Ġri tos","g la","Ġargument ó","es tar","ĠTu vo","ĠCom pren","Ġreci tal","pri se","Ġanti desl","ĠA tra","ron e","20 20","Ġvest ÃŃbulo","ĠN áut","ĠIn ca","ĠLt d","Ġden sa","Ġcamion etas","ko vic","Ġtortu gas","Ġpref abric","Ġbo ico","Ġsuperviv ientes","Ġpla teado","Ġlabor ables","Ġrom pen","Ġaden tra","j pg","ĠLi ter","Ġprop uls","ál v","Ġfrac turas","Ġno tó","ĠBas ket","Ġvis ualmente","Ġauxil ios","N ormalmente","Ġal ude","Ġpa tada","Ġpar am","ĠA qui","Ġ20 21","tid amente","um bres","Ġab arro","Ġequip amientos","Ġcál idos","ĠT EM","ĠAl tos","Ġacep tamos","es tad","Ġsober ana","ú dez","Ġgan amos","Ġcobar de","Ġest ampa","Ġle an","Ġmadrile ños","ĠS martph","Ġpul sa","Ġquedar te","Ġcruz ando","Ġcolch ones","es ca","car d","ĠCar reras","ĠCar acol","Ġasegú rese","ĠPala u","ĠN an","Ġcorrec ciones","ĠLe andro","tas is","Ġ19 14","Ġregistrar te","I talia","cul turales","Ġmas ivas","Ġcapital ino","Ġpsic óloga","Ġzo om","Ġminor istas","B OL","ĠH á","ér cules","K I","s ino","z aban","ĠCh ill","ĠGar cia","Ġentren ando","Ġparro quias","Ġch ak","Ġs as","Ġdes ment","Ġposibil ita","ĠPar ad","Ġinm ens","ĠBene ficios","Ġen ojo","ĠB iel","ĠPal oma","ĠIb áñez","ĠH éro","ĠCh arlo","Ġtom arán","Ġba tidora","ĠGR UPO","ona tos","ĠPres enta","Ġcach onda","an ge","ón icamente","Ġsupon drÃŃa","ĠrÃŃg ido","Ġt into","ĠR U","Ġsa grados","Ġton tos","Ġcéle bres","ĠhÃŃb ridos","ĠC UL","ĠSa udÃŃ","Ġinform ales","Ġtor ero","Ġcaba ñas","Ġmejor en","Ġapar car","Ġtit ula","ION AL","D ra","Ġsec ta","I den","al ez","Ù ħ","Con trol","ar it","Ġun der","ĠAn dra","ĠExper to","Segun do","Ġval ga","ĠC oy","Ãĵ D","j ara","z ador","lan as","ac or","pa to","ĠH eb","Ġimp ure","Ġhe ma","Ġcru zó","Ġpales tino","v ario","ĠA no","Ġbo ce","Ġ12 2","Ġapor tará","Ġcel estial","Ġdecor ada","Ġvincul a","Ġhabil itación","ĠMes senger","Ale j","Ġdes le","ĠDes con","Ġcontribuy ó","âĢľ ¿","Ġportu guesa","en ne","Ġcamar ero","ta forma","Ġurban ismo","ĠSERVI CIO","Ġcomp rimidos","Ġhor nos","Ġmusul mana","ĠExcel encia","* .","ĠP J","Ġpsic ológicas","Ġpredic ción","Ġprim arios","Ġinv oc","Ġsinté tica","p ra","Ġamar ill","Ġpaulat inamente","Ġanglos aj","P RI","aliz adores","Ġbrin dado","ĠGimnas ia","Ġencan tar","Ġacu ático","es tos","ici s","Ġreserv amos","Ġpul gar","Ġman ada","Ġexce de","Ġar cas","Ġpon ÃŃan","ĠMus eos","Ġhi tos","Ġempren dimientos","Ġtemp ranas","tam e","ĠDip loma","ĠEncuent ros","Ġnecesitar ás","Ġbesti as","Ġen um","ĠCor respon","Ġentrevist ado","Ġdomicil ios","Ġabus ar","Ġutiliz aban","Ġpin tados","Ġsovi ético","Ġform aban","Ġayud ara","ĠComis arÃŃa","Ġc is","I de","in di","ĠT ruc","ĠCla ve","ĠGib raltar","Intro ducción","Ġbi omasa","Ġencu ad","Ð ´","Ġan alizados","Ġindemn izaciones","Ġsal iente","Ar te","Ġlogra ba","Ġsacri ficar","Ġdelic ados","K S","Ġinspir ar","Ha cia","Ġetern amente","Ġpin zas","ĠMes ÃŃas","Ġexplos ivo","ĠI an","Ġsecues trado","Ġm ó","Ġofre zco","Ġadver tencias","Ġacep tadas","ĠBal les","Ġban quete","ĠBa h","ĠMotor s","Ġconting encia","Ġv ena","den se","Ġpas tas","Ġhon ores","ĠLin coln","Inter net","ti ra","Ġprob é","ĠAn t","? \",","Ġre jas","Ġsi esta","Ġtra gar","ĠIP C","Ġlogo tipos","Ġllevar los","Ġcuestion ado","En horabuena","Ġfirm ados","Ġantic uerpos","ĠE mira","ĠM ún","Ġaf lor","Ġcontinu amos","A ma","Ġamist osos","( )","Ġà ł","Ġrec tificar","ED E","Ġpus iera","Ġcompar tidas","Ġanomal ÃŃas","ĠVÃŃ deos","is ado","Ġcatas tró","R afa","ĠD IN","Ġcontes tación","Ġa temp","Ġv ara","Ġdul zura","Ġrestring ir","Ġatre ve","Ġsilves tres","EC O","Ġemi tidas","Ġfij ó","ten e","ĠMar cela","das h","Ġmanten emos","Ġconvertir ÃŃa","j on","Ġp inos","Ġt ent","Ġdes at","ĠGo doy","ment ada","Ġescuch as","Ġexager ado","Ġconsul tados","Ġlen cerÃŃa","ĠSE X","Ġcoj ones","ĠIlum inación","g ones","ĠDe termin","pen de","ĠilÃŃ citos","I l","J C","M es","á ci","ĠS AB","Ġa i","orn io","ĠÃģn gela","ĠAlar cón","ĠMalas ia","Ġdura mente","ĠA VE","Ġan tir","Ġconvertir lo","Ġrepeti ciones","Ġcor bata","ib el","Ġmejor ó","Ġform en","Ġale manas","Ġfurgon eta","Ġdis er","Ġab rÃŃa","ĠPro gres","Ġfra ternidad","Ġome ga","i cion","Ġsegu ÃŃ","Ġpár roco","en ix","Ġtr in","Ġdesas tros","Ġhones ta","19 85","ĠBoy s","ĠDoug las","Ġilust re","gob ierno","Ġparamilitar es","cios amente","ĠAr ce","Ġgarantiz ados","Ġhambur guesa","ĠLl ama","Ġaca par","ĠGuardi ola","Ġpol ÃŃgono","ĠCent re","Ġprom et","Ġacome ter","ĠNar uto","Ġdi eran","Ġimagin aba","Ġso port","Ġtrabaj aban","cl aro","ĠRom an","Ġcalcul ado","ĠSoci ologÃŃa","ĠJefa tura","Ġp ech","Ġfre ga","may or","Ġ19 31","Ġval ido","Ġelim inan","Ġline ales","Ġdespren der","Ġrepos terÃŃa","Ġcén trica","Ġeró tica","Ġbl usa","Ġsimbol iza","ab l","ĠA cer","ĠMa uro","Ġquer ella","Ġpe ña","199 3","ĠStal in","h é","Ġinaugu rada","fun dador","Ġcab il","Ġaf iciones","ĠSte am","Cuán tos","ĠSantam arÃŃa","n eros","v éase","Ġ11 9","Ġaco pl","Ġdomést icas","ĠF EL","Ġcredi tos","Ġcla vo","ĠIn gres","ĠGRA TU","Ġcar g","ĠCam pes","Ġce ñ","Ġpuri fic","ĠM M","ĠM W","Ġinvir tiendo","b idas","Ġdes ató","ĠVal lec","Ġdenunci aron","Ġacredi te","Ġseleccion ador","Ġquim ioterapia","Ġten eis","Ġprop icio","ĠZ h","ĠTra ta","Ġmulti la","Ġimplic adas","Ġdes vin","ĠMap s","ĠL omas","Ġpl u","Ġelabor an","ĠEl isa","tal a","ĠBar rera","3 60","te co","emp leo","ĠV ul","Ġmon tada","Ġaten ciones","Ġcon glomer","ĠCamp eche","Ġh eces","Ġhablar á","E U","Ġch ance","Ġdesagü e","ma terial","Ġgust aron","Ġmer ecÃŃa","Ġajust arse","° ,","Ġobten gan","Ġenfrent aron","ĠLux em","dom ina","ĠJuz gados","Ġminor ista","Ġpa vo","Ġbien venidos","Ġdiseñ ó","ĠUN E","Ġcontrar ias","ĠConsist orio","ĠF ON","Ġaconse jamos","ĠV R","ĠNav as","p is","Ġech an","Ġdesn utrición","Prim er","am ado","j ec","Ġins crip","Ġelim inados","Ġc úm","Ġasomb roso","Ġa ga","ĠB ab","Ġcurric ular","ĠC lan","wit z","ĠCom posición","eros os","Ġtar tas","Ġsub ro","ðŁ ı","ĠFá tima","ĠPla te","ĠSoci ety","f ano","Ġp tas","ĠDESARROL LO","im i","Ġev asión","Ġdeten idas","b ach","Ġpedi á","Ġaplic arán","Ġfilosó fica","ĠolÃŃmp ica","Ġexh ort","ĠS ul","ĠG on","Ġlleg adas","ĠPerio distas","Ġen du","on ista","Ġf s","Ġcontemp lan","Ġaceit unas","ĠSa hara","Ġdenomin an","ĠÐ ½","ave dra","Ġpele ando","Ġac era","Ġregul adora","v ÃŃas","Ġver éis","quier o","Ġculp abilidad","ĠCoun try","aliz o","Ġespan ol","Ġc ele","ĠH IS","Ġtrib una","ut an","ĠSal vo","Ġdol encias","Ġcurric ulum","ta h","Ġmov ÃŃa","Ġrebel dÃŃa","Ġanci ana","Ġab ul","ĠImp ort","Ġest ru","Ġplan tación","Ġcolec cion","Ġusar los","qu ios","ĠBal let","Ġnomb rados","Ġesclar ecer","ol ÃŃn","ren os","Ġderech as","ĠCo fradÃŃa","Ġcumpl idos","ĠB ARCELONA","Ġne fas","Ġcontinu aron","ĠCo le","Ġtri ples","Ġestal lar","Ġde cia","Ġco ol","Ġsimil itudes","Ø ±","ĠG ales","Pr incip","Ġdesvi ación","Ġrevan cha","ĠD IG","ĠMa teria","Ġign ora","Dispon emos","mom ix","Ġdes ciende","ĠJ amaica","Ġbrindar le","Ġesqu izo","Ġmu rales","AM OS","ric ol","Ġincorpor ada","ĠEcon ómicos","Ġdeje mos","Ġexpuls ar","i riendo","in ismo","Ġcons er","Ġfi re","ĠSh an","Ġmarg inal","Util izamos","Ġdistribuy en","Ġplan as","val do","Ġreal ity","Ġgri ta","Ġcocin eros","Segu ir","Ġconsegu ÃŃa","ij ing","Ġpolit ica","cor ds","ĠÃģ guila","Ġsistem ático","g estion","Ġtra tadas","Des tac","cri ption","Ġfres a","Ġinsul to","min is","Ġsimp ática","Ġpana derÃŃa","Ġgra ciosos","Ġgener adores","an tos","par t","Ġjer arqu","ĠCres po","Ġ***** **","Ġtea trales","Ġante cedente","Ġk ara","Ġarro jó","Ġest en","por to","Ġvis ado","i éramos","ĠT ag","Ġplante o","ĠElec ciones","Ġmens ualmente","Ġenc ÃŃas","Ġdeclar ados","Ġegip cio","o tro","Ġdescub ri","J ulio","ter ios","Ġembara zos","TRO L","Ġen loque","Ġdes me","Ġ: -)","ĠEmpres arios","Ġdesagrad ables","Ġcirc und","Ġrestring ido","tur ado","ĠMontre al","Ġmu riendo","Ġrefrig erador","Ġobse qui","ĠA del","ĠT esti","ton o","EC U","ĠEmil iano","ad ado","Ġconci enciación","ĠCle mente","Ġb ip","Ġmin imo","Ġw ar","ĠSegu imiento","Ġconta gio","Ġparticipa tivo","Ġin trans","ĠJ úpiter","ĠMar sh","ĠCol abor","Ġremi tido","Ġman ch","Ġver du","Ġembar que","Ġval idar","ra x","ĠL ie","ĠCu mple","Ġpla te","M ate","ĠMar rón","ĠOpera tivo","ĠFinanci eros","Ġ4 000","ton ina","Ġconven ientes","Ġtir an","ĠTele visa","ent amiento","Ġchal eco","P u","Ġenla zar","Ġn udos","âĢ¦ ),","ĠAv da","ĠV ik","ĠAb ad","Ġaprob aron","Ġre tina","Ġper cusión","uc ker","ĠY olanda","Ġespacios o","Ġquem ado","ĠO cio","Ġcontra tista","Ġsino psis","Ġcruz ados","Ġfran camente","ĠDar win","Ġhelicóp teros","Ġtra vi","ĠRe ales","Ġprob ada","delar ia","B io","Ġconcur rir","Ġre voca","ĠM ire","co co","mis ible","Ġsatis fa","tr ará","ĠYo ur","Ġincom parable","ĠFemen ino","Ġteles copio","Ġse ts","Ġgen itales","Ġgri tó","Ġincon fun","y stem","ĠOliv ia","Ca tal","es pero","Ñ ħ","g no","im an","Ġvis itamos","Ġren omb","Ġpar ano","Ġpsico análisis","Ġsub as","ĠDia gnóstico","ĠC ement","Ġban dos","Ġesca pó","Ġevolu ciona","m ética","ĠLo go","Re la","Ġcuid an","Ġbamb ú","Ġejecut an","illar y","Ġpo k","Ġre misión","Ġfil mes","ĠBan kia","Ġsubje tivo","M IENTO","Ġref un","ĠI ris","ud ónimo","Ġdecidi rá","Ġvér tigo","Ġcorrespon dÃŃa","Ġidentific ó","Ġprofec ÃŃa","Ġextrater restres","ren ce","Ġra cista","Ġdescri tas","ĠPrincip ios","Ġrefres cos","ĠInmobil iaria","M ur","Ġg ano","ĠMiemb ros","you tube","os ible","la v","ĠBar ri","ĠDen ominación","en dos","Ġm ÃŃstica","Ġgalax ias","Ġsimpl icidad","ci entas","Ġdis u","Ġrecor demos","Ġcentro camp","CA A","S H","ĠS uelo","Ġmelan col","Ġcol onos","Ġproyec tado","Ġdif um","Ġtor na","Ġmo das","Ġgra va","Ġnomin ación","ĠUb icado","Ġg las","Ġdes o","Ġcome ten","ĠP ase","Ġorient aciones","Ġasomb rosa","Ġad icciones","Ġutiliz as","ĠPar al","ĠAlim entaria","Ġperegr inación","ocol mo","Ġpens aban","ĠH ell","cis iones","Ġtransform ando","ĠDol or","Ġdespres tig","ĠInterpre tación","ĠS hi","AN OS","â Ķ","Ġinter puesto","Ġab ander","ĠCir cular","Ġd uc","Ġinda ga","Ġimp lique","Ġc ef","éut ica","ág ono","ĠSa udita","n uevo","tr ero","Ġsorpren didos","ĠRe loj","Ġcaus al","ĠLu ciano","Ġhospital ario","Ġazule jos","ĠCompar tir","Ġam igu","Ġabsten ción","ĠMón aco","Ġregres an","Ġzombi es","Ġplante ando","ĠR al","Ġton alidad","Ġquis ieran","ĠM AD","Ġte tona","Ġgar ban","ĠCient ÃŃfico","Ð ¼","Ġinter medios","Ġsum er","ĠRos al","B ur","ĠT apia","ĠAn gela","Ġhospe daje","ĠAc ta","Ġdeten idamente","Ġnoci vos","el y","Ġimp lante","Ġ19 33","ĠK elly","ĠMún ich","Ġper demos","ĠB ian","Ġcorro bor","Ġfin de","ĠIndÃŃ genas","Ġpor tador","Ġconf uso","Ġcredi to","ĠBat tle","ĠMonum ento","ĠS R","ĠPel ic","Ġdeci ros","ĠGim énez","rim estre","ĠComer ciales","Ġmulti jugador","Ġcén trico","Ġo tr","Ġob via","ĠS pin","ĠK ara","Ġajust an","Ġment or","ĠPin k","Má laga","e qu","Ġac túe","Ġha ve","Ġap óstol","Ġdesp ierto","Ġaler tó","im b","fa gasta","Ġpul se","Ġprocur ador","Ġegip cios","Ġsu cul","Ġdoc toral","Ġdesplaz ados","ĠB US","Ġmin us","ĠV ita","Ġguar derÃŃa","Ġacondi cionamiento","Ġroda jas","Ġconcurs antes","ir ante","Ġcos t","val ÃŃa","ĠA frica","ĠHer mos","Cap ÃŃtulo","Ġn á","amb ra","lin k","ĠOut look","Ġelef ante","ur ados","ĠLe ido","posi tivos","ĠPe lo","Ġsup rim","ĠAses orÃŃa","Ġnervios ismo","Pre mio","ĠLog ÃŃstica","ĠA credi","ac y","Ġcal um","tiza ciones","ĠBiz kaia","I VA","o w","ie zas","Ġag lom","ĠJer ónimo","Ac abo","ĠG ear","Ġcar d","gre dientes","F ar","Ġprac ticas","? \".","Ġrec abar","ĠMetodo logÃŃa","ĠS id","ĠG A","ine o","ĠCastel l","Ġopera tivas","ĠDeb en","Ġox idación","ĠIlust ración","Ġinher ente","Ġros ado","Di rig","tu ri","Ġsab rán","S U","lo jes","Ġnomin ado","D r","Ġestá tica","Com pr","ĠL ad","D esta","h ip","Ġcre ÃŃble","Ġch ulo","Ġvol viera","Ġacce dió","ĠIND US","ĠCon cierto","Ġneces itado","ĠS IDA","ĠF ray","ĠCal zado","Ġimper fecciones","Ġaterri zar","Ġaf oro","Ġgigantes co","Ġfil iales","ĠH ob","Ġinform ada","ĠMo do","Ġi os","Ġloc alizados","Ġlog ÃŃstico","ĠBien venido","Ġprogen itores","ĠH orn","ĠPe ñ","Ġjugar án","Ġform e","P ros","ĠTaiw án","Ġex tienden","Ġle es","Ġcos echas","Ġdetal lar","Ġobliga torios","ado w","Ġun iones","ĠSelec ciona","h onda","ĠS iento","Ġhab ian","Ġinf ring","Ġpost grado","Ġen co","Ġlibre ta","Ġexten derá","ĠFac undo","b in","Ġper dura","el las","Ġclos et","f ina","ĠE ch","ĠY PF","Ġmone tario","Ġpac tos","Bl ack","G estión","u idas","ĠAl geciras","Ġgener aron","th ers","Ġdisfrutar lo","noso tros","Ġimpera tivo","Ġcal ef","Ġarte facto","ĠMonclo a","bi anas","Ġestall ido","N ingun","Ġto c","ĠUn esco","ĠColombi ano","Ġapa ga","Ġtras eras","Ġhorizon tales","Ġmensaj ero","A grade","Ġm ÃŃas","ĠB ud","Ġvi ales","ĠFo undation","Ġaden trarse","ĠM om","f á","Ġto urs","Ġinfin itamente","Ġpanor ámicas","l umb","Ġal tera","ĠCo ok","Ġrepor taron","Ġprogres ar","Ġlo gos","Ġtra bas","ác ticamente","Dec lar","ĠSe an","Ġcontrol adas","Ġcircul ares","Ġsal sas","Ġsub st","Ġentr é","ĠCo aching","Ġanim ó","ĠMu ñ","V ir","Ġcal idades","Ġtendr éis","+ ,","Ġimpe dido","Ġacostumb rada","Ġabord an","G UN","Ġba ila","Ġde tes","Ġgas o","Ġ16 5","ĠAgr aria","Ġeludi r","Ġpriv ación","Ġqu o","Ġinv entarios","Ġactu ará","Ġprefer idas","Ġdespla za","s ens","que tbol","ten der","RE A","Ġaport ados","Ġca tar","Ġparti dario","Ġad onde","Ġest uche","Ġfr icción","Ġpersi guen","Ġpro dig","Ġdesg los","ĠA bajo","Ġtr omb","ĠGu in","Ġconver gencia","Ġcardi aca","Ġtra jeron","Ġcor onas","Ġdirig iendo","ĠcÃŃv ico","TV E","Ġtener se","Ġl ond","Ġnarra tivo","Ġcanta utor","Ġe rosión","am entales","Ġsub astas","áce os",". '","ó t","ĠE asy","Ġvalor ados","are do","ĠCastel lano","Ġempa tar","Ġcapaci tar","Ġfer mentación","Ġpase ando","Ġautop istas","e ada","ticu atro","Ġpo da","Ġrepor tar","ĠHerman as","f um","Ġest ival","ĠT iro","Ġur be","Ġsuce dÃŃa","Ġenm ienda","Ġacompañ e","ĠOb tener","L INE","ĠC ASA","Ġesp ÃŃa","Ġval iosas","Ġcontempl ado","ĠM IC","ĠPo tencia","gu ÃŃn","ér selo","Ġliqu ida","Ġcoj ines","ĠCom arca","C op","Ġdescri ta","er ÃŃo","Ġan tagon","Ġpon dré","ĠBerm údez","Ġin tang","Ġestre ñimiento","Ġpreocu parte","Ġhorm onal","Ġencontras te","Ġfras co","ĠAc á","Ġdedic arle","ĠEst an","Ġconduc ÃŃa","Ġindirec tos","ĠTotal mente","se m","Ġexperim entales","Ġpreocu pe","ĠIns pec","T rump","Ġsimul ador","Ġenglo ba","Ġen org","Ġper rito","TUR AL","Ġt sun","Ġcoment amos","Ġnie ta","Ġerrón ea","mir ante","uu uu","ci ario","ĠRes iden","Ġreclam ado","S iendo","j itos","Ġ19 10","ĠâĢ¦ .","Ġimplic ar","Ġdescen dencia","Ġmedi anos","ĠpartÃŃ cipes","Ġal deas","ve dad","Ġperiod ÃŃstico","ĠCon vocatoria","Ġfin ancia","Ġw in","O fer","ĠMon eda","Ġsatisf ace","uri ta","Ġanal gés","ĠZ av","Ġretroce der","ó metros","Ġasc endió","Ġpronunci ar","Ġrá fa","ĠLo w","Ġcontras tes","Ġrespe te","ĠPri vado","ĠOpti m","ri cia","ĠCan tidad","ju ria","Ġtravesti s","} }","Ġreg ga","ĠUl tima","Ġasegu ramos","Ġcompara ciones","Ġre cargar","Ġileg almente","Ġesc ane","Ġcol oque","Ġesco ge","Ġsoci ologÃŃa","Ġb ir","ĠRe alidad","Ġcongres ista","Ġh ib","ĠS olu","Ġmedi tar","Ġgen éticos","Ġremo tos","Ġfom entando","Ġescon didas","Ġimpar ten","ĠEd ge","Ġjes us","ĠLiv ing","Ġdespe gue","f ál","n en","o va","ĠS ina","ĠM ET","pe ar","Ġllev é","ramient a","Ġb lando","A i","ĠEn lace","OM S","Da tos","Ġa eronáut","Ġan si","ĠB ena","Ġpobla cional","Ġla tinas","ur ales","Ġintens iva","Ġcafe terÃŃas","f ÃŃs","Ġtes tosterona","Ġtras fondo","Ġmusul mán","Ġrealizar lo","Ġacostumb ra","Sab ÃŃas","ĠEjerci cios","ĠPlane ación","Ġdejar te","Ġcoord ina","Ġincans able","Ġdep ilación","ĠÃļ nete","Ġadjud ic","a ún","Ġqu ito","ĠJ in","Ġtran vÃŃa","ilo che","Ġmen ester","Ġ19 2","As es","Ġartic ulos","J ES","Ġautom at","Ġpractic ado","isp ado","Ġcorro b","Ġest i","Ġprogres istas","OLU CION","ĠC ron","ĠEnerg ética","12 5","Ġexhib ir","ĠM endi","Ġsum amos","of ens","Ġmotoci cl","Ġru bias","Ġidentific adas","ĠS os","val le","Ġdescar tó","ĠActu alización","ĠMar cas","Ġfacil iten","tr ario","Ġpre cep","Ãļ N","ĠSer án","Ġin habil","Ġre ub","Ġcar ita","Ġdis ip","Ġop tan","Ġtranquil as","Ġabri mos","ĠPrin ce","Ġfós foro","D IO","dr ÃŃas","Ġdeci do","j án","Ġc le","Ġsingular idad","ĠNingun o","ĠEspino za","Ġch ur","Ġincur sión","Ġinf ra","Ġtir antes","Ġde trac","Ġcar ab","Ġqu itando","Ġatribu to","ĠR F","Ġflo tación","Ġrespira toria","Ġapren demos","B ro","ĠFor ce","ĠEze quiel","ĠAleg re","U l","or nos","ĠEl las","Ġbloque os","Ġconsist ió","ĠC itro","ĠSalom ón","Ġinform áticas","ĠAndr é","Ġe po","Ġfran cis","A ño","Ġc aca","Ġtran se","Ġatra en","Ġde com","Ġap u","ĠCasta ñ","Ġf rito","ĠMer cosur","un ivers","ĠM últi","ĠUn ion","ĠNa tal","ĠVer des","Ġsopor tan","ĠPS C","Ġreen cuentro","Ġsud americano","era tura","Ġsub contra","ard ÃŃa","Ġ195 1","Ġhidro eléctr","Ġdisim ular","z io","Ġmus los","Ġdiploma cia","m ucho","Ġacer cando","R epres","k it","Ġnáus eas","Ġnos tál","Ġata can","ricol aje","des c","Ġson aba","ĠCom ida","Ġper ez","aj ardo","Ġju an","ex tra","Ġresuel va","Ġbo ton","ĠRom eo","Ġsuminist ra","Ġapar e","ti erra","Ġ4 80","Ġconduc tos","Ġelig iendo","Ġrecuer den","ru gas","Ġbar ca","ENT AL","ĠexplÃŃ citamente","am ación","ĠDocu mentos","Ġabdomin ales","Ġmus cula","Ġfab ulosa","ĠAg ente","ĠLen guaje","Ġacep tados","Ġboliv iana","ĠCuar ta","ĠPirine os","ĠCom pu","P ap","Ġsu ites","re di","Ġcre cientes","Ġvic torios","Ġindic aba","Ġâ Ħ","Ġescal ones","Ġprohib idos","Ġejer ció","Ġllen ando","Ġcoleg iado","Ġimplac able","J U","ĠR eme","Ġviv iente","Ġll ora","ĠCons iste","Ġadi tivos","iéndo le","L AR","ĠH ércules","ĠMo o","Ġsole ado","ĠSum in","f rente","Ġy e","ĠTri ple","Ġdest er","Ġeva por","U p","Ġrepres ente","Ġanal f","JA JA","ĠEs mer","Ġgradu ado","Ġino doro","Ġnomina ciones","Ġ- ,","Ġperi feria","Ġinmer so","M EN","v és","di es","me la","Ġdispar ado","ĠArgel ia","Ġincom pe","Ġs pot","ĠPa ola","Ġatribuy en","Ġdomin ó","GU ARDIA","V II","n ormal","es pacio","Ġejerci to","Ġcirug ÃŃas","Ġanunci aba","Ġcoloc ada","Ġestrech as","âĨ IJ","ĠSubsecre tarÃŃa","Ġman anti","vo co","Man ual","Ġbalne ario","ue les","ut ó","ĠCal lao","- ¡","on mano","ĠCu ra","mar k","Ġrevis ando","Ġsul f","desarrol lo","ĠPan americana","Ġdesapro vech","V IDEO","Ġins osten","Ġsub o","al co","AD I","Ġdom es","Ġrecip ientes","Ġv á","ĠRu tas","ĠGar y","Ġconf e","Ġcontun dentes","u ps","or r","Ġnas al","Ġv ienes","ĠP si","ĠPar ty","ĠH BO","Ġregres e","Ġpul po","Ġi p","va quia","ĠMan uela","Ġju ramento","Ġpers istencia","ĠMas sa","ĠFamil ias","Ġpes as","Ġfirm ware","Ġconstruc tor","ĠB IEN","Ġind umentaria","M U","x e","Ġsab rÃŃa","Ġprome ten","Ġfracas ado","Ġempo deramiento","Ġsubje tiva","Ġdrá sticamente","Ġr allado","Ġmor bo","Ġestra gos","Ġbr ome","Ġdesfil es","Ġviaj aban","ĠDemocr ático","p idos","ĠG ras","Ġapreci an","B ox","ĠBa g","Ġileg ÃŃ","Ġsta tus","Arch ivo","en go","Ġluch adores","Ġdescon ocer","IA BLE","Ġpic ar","Ġemble mática","Ġball enas","Ġpre con","ĠO cul","ús culo","Ġdem encia","Ġdesaf ortun","ad ministra","Ġrol los","ĠBlo ck","Ġidón ea","ĠSa k","ĠMoham ed","ĠHist órica","ĠTrabaj os","Ġin ap","ul ti","Ġexpres ada","ĠProp iedades","Ġ4 11","Ġop uesta","Ġcompren didas","us et","ĠB eck","til eno","Ch ar","ĠC IC","Ad minist","Ġca v","Ġn uca","ĠQuiro ga","Ġapro vecho","Ġvo tó","Ġcuestion ó","Ġmen opa","Ġllevar te","ĠIN FOR","Ġexpec tación","Ġtranspor ta","ì a","Ġpsiquia tra","ĠSe arch","tiz an","Ġacercar nos","Ġmen u","Ġsac arlo","ĠMo ch","Par tici","Ġaguan ta","T écn","c alización","Ġinterpre tando","ĠB ond","Ġdin ámicos","Ġpar én","ĠJul ieta","Ġs un","quil o","ĠTh is","Ġglánd ulas","ent ón","ĠL arra","Ġul timos","ĠR ambla","ĠESPE CIAL",".... ...","Ġobten drás","Ġdocument ado","Ġriv alidad","Ġhep ática","Ġburs átil","Ġcomp uta","I U","Ġser ena","Ġexplor ador","Ġnu tre","ĠB ucaramanga","Ġfal te","emp resa","ĠZ an","Ġcapaci taciones","Ġasegurar nos","Ġasign ada","f lo","Ġpa ge","Ġtan da","ho tel","Ġreac ciona","ĠMea de","ĠI ta","Ġmerca deo","Ġdes ocup","ĠT imo","Ġabur rimiento","ĠKar en","Ġfun dido","Ġregres ado","IF ICACIÃĵN","ÃŃp tico","Ġfich ajes","ĠJU AN","ĠEv olución","Ġsustent abilidad","Ġcu ba","Ġcongel ador","V ers","ĠL igas","ol an","ĠCre ma","Ġpuntu almente","Ġaber tura","Ġrep rim","Ġjust ificado","Ġalmacen an","ÃŃ rica","Ġcob ró","Ġres fri","Ġcm s","ĠHist orias","ĠTur ÃŃstico","van as","ĠO racle","Ġembal se","Ġin h","Ġasegurar te","ro bo","Ġven ida","OS O","Ġautode terminación","IM O","Ġintu itivo","Ġcere al","Ġcla ustro","Ġdiscu te","Ġmostra ban","Ġcom emos","ĠRos ales","j ones","Ġcomple tando","ĠPla tón","ĠB ona","Ġinfluy ente","Ġdespe gar","Ġgela tina","ad ia","ĠPro videncia","Ġapoy ados","Ġpublic amos","Ãģ L","ĠEspa cial","Ġart ÃŃ","Ġnar rar","aro t","Ġb ug","ĠH uel","Ġperci bido","Ġirre medi","Ġ12 4","Ġclas ificaciones","ĠPa tio","Ġvera z","Ġincómo da","Ġtecn olog","Ġrigu rosa","Ġintermin ables","ar di","Ġla mento","ĠPro yec","Ġactu alizadas","AN T","ĠK or","Ġestablecer á","indust ria","Ġbár bar","ca kes","Ġsen ior","Ġacus an","por no","A cep","ĠV intage","Ġ25 6","ĠAdu anas","Ġgu ante","ĠCatal ana","ĠS AS","ĠIN TE","Ġrefiri éndose","Ġtener los","Des ayuno","Ġlide rato","Ġapreci ado","in é","Ġd ragones","ĠM ust","Ġmater no","Ġ12 6","ĠCam inos","IS IS","Ġgor ro","ifi quen","um i","Ġacer tar","Ġemocion antes","ĠEspa cios","ĠP ris","ĠU L","Ġvent aj","ĠPre paración","Ġn up","Ġmanus crito","Ġinf rac","Ġform alizar","Ġvar ices","Ġmolé cula","ĠEC TS","ĠOcta vio","Ġterremo tos","Ġ19 34","ĠNa ció","ĠDa ily","Ġrema tar","t ril","ĠR av","Ġplug ins","Ġpo em","Ġcons ignas","ĠCuer pos","Ġdescu ido","ĠP le","gl ia","ĠLe al","Ġeuro pa","ĠFuen labrada","pe que","ĠSan dalias","app y","Ġproto tipos","Ġmedioc re","Ġarbust os","Ġvalor ada","Ġrecom endadas","Ġnoctur nas","F orma","Ġamuebl ada","ĠMonum ental","ĠEmp erador","Ġperjud ic","Ġfarmacéut icos","tiz ador","Ġver os","ĠRe pe","ĠPubl icaciones","Ġcu ras","Ġtab ú","R ub","Ġver ifica","Ġaquél los","Ġrom pecabezas","ri te","Ġin duci","ĠC IEN","Ġvulner ación","ac ea","Ġdign as","rocar riles","is imas","ĠF IS","Ġtom arlo","ĠAs ist","Ġcompatrio ta","Ġespec ulaciones","Ġlog ren","Ġmillon arios","Ġartil lerÃŃa","ĠBode gas","Ġaliment icio","Ġmode lado","Ġdetal lan","B AL","Ġy emas","Ġcon os","Ġbombar deo","De f","Ġblan dos","ĠLy on","Ġse ducción","Ġop res","in amarca","il ding","Ġsubt ÃŃtulos","ĠI d","Ġocas ional","ĠConsul torÃŃa","m ias","Ġhorm onales","buen as","ĠMUN DO","Ġinst ó","Ġprogres os","f is","Ġs cript","Ġal entar","Ġnomb rada","ĠV et","ara zo","Su pongo","Ġdor adas","Estim ado","ba to","Ġindefin ida","Ima gen","Ġtra po","Ġlevan tando","Ġob e","Ġelig ieron","ĠAl mu","ing e","Ġmal dita","Ġar enas","E du","Ġe rec","al ar","Ġpa tó","ĠEsc ol","Ġconserv ando","Ġpur é","Ġliger eza","z ko","do ble","ĠR SS","ĠV ital","ĠEl ite","Ub icado","ĠD R","Ġpe qu","Ġrealiz ador","Ġestip ulado","ES S","Ġprev én","Ġlav abo","Ġatac ó","Ġencier ro","ist ico","ĠH orm","Ġmis ioneros","Ġmis ionero","Ġll ueve","Ġpiz zas","Ġopon en","ĠBás icamente","Red acción","ĠMi riam","Ġcu mbres","ĠRec og","ĠCan ales","ĠGra tu","de los","Ġholan desa","Ġflor ación","Ġcolon ización","log ia","Ġfrag ilidad","Ġal zó","ĠA ventura","Ġdecor ados","Ġexcav aciones","ĠRestau rantes","ĠD yn","ĠSa avedra","Ġanim amos","Ġcar gando","Ġescal ón","Ġcaj eros","ĠEst ocolmo","Ġdesmon tar","Ġhaza ña","D ig","ĠModer no","Ġri to","Ġdise ña","Ġdoc enas","Ġbendi ga","Ġabaste cer","Ġe ros","ĠPrim e","Ġcomesti bles","el ing","Ġco ad","Ġestatu as","estra miento","18 0","Ġdes ampar","Ġmar rones","Ġcoloc aron","Ġmenopa usia","ĠT x","n és","Ġcuch illos","ĠAM OR","Ġtrág ica","Ġcaracter izada","ĠV iene","itu s","Ġreca e","Ġdiferenci an","ĠJam ás","Ġó v","Ġast ero","Ġocurrir á","Ġhech izos","g t","ĠB aj","Ġpresent aban","Ġaudi tiva","Ġrepor tero","tr um","Ġfuncion en","ĠMU JER","Ġs ky","ĠF as","Ġsue ca","Ġempi ecen","le e","Ġex tir","ĠV arias","mar ca","Ġconfi abilidad","Ġen dos","Ġproduc ÃŃa","ĠMun ich","Ġhomo gen","m ando","rec en","Ġinsu per","Ġinmun idad","Ġrepi tiendo","Ġdescar gado","ff in","Econ omÃŃa","f und","Ġen mascar","Ġcolor ación","Ġfac to","ÃŃp ico","ĠPeque ño","Ġpromo vida","Ġsupl ente","di fic","Ġcar tul","Ġesper ábamos","Ġhar ta","Ġalb oro","Ġvio leta","unda i","ĠCar ne","Ġtec lados","des h","Ġcuar teto","Ġ ??","Ġcas taño","Ġdis olver","IN CI","Ġalar mante","Ġpromo cion","Ġbal ones","ĠAcadem y","Ġal bum","Ġsinies tros","Ġch ips","Ġconduc tora","vio leta","Ġestúp ido","Ġsol ÃŃan","Ġmezcl ando","7 50","Î µ","Ġet no","Ġesque leto","Ġpul pa","ĠMal ta","Ġcontempl ación","g ables","ĠT á","Ġcamin aba","Ġdespe didas","Ġsup iera","Ġaceler ador","Ġmuscula tura","Ġat l","ĠHab lar","ĠTele cinco","Ġamena zan","Ġsome ten","ĠÃļl tima","ĠY as","Ġtemp ran","Ġvin iendo","ĠUS O","Ġre medi","rÃŃ quez","ö r","pá rate","C V","j ales","s ional","ĠD onos","Ġdu que","Ġexen ción","Ġutilizar los","Ġejecu ciones","Ġresuel tos","ĠAlf aro","Ġpre ven","ĠVÃŃ deo","Ġdibuj ante","ĠCh ef","ĠAr c","UN IDAD","Ġabon ado","Ġkirchner ismo","ĠT omas","ĠB ac","ña ki","ĠI mple","Ġcomunic an","Ġten der","ĠMe lo","ĠAmeric anos","an ie","Ġpala cios","Ġcomp uestas","Ġmayor ista","o v","s ico","ĠTechn ology","ĠB ala","ĠMir ó","ĠCONF IABLE","ĠTún ez","Ġt aj","ĠFá brica","ĠY amaha","chan ge","E sos","Ġs mart","ĠInstrum entos","Ġn ico","Ġexplo ta","ĠSeat tle","re ce","tr in","Ġman tas","Ġra ciones","Ġbal dosas","ĠSon ic","ĠPap á","ĠG ordon","AM I","16 0","ren se","Ġpatron ales","Ġconden ar","Ġconden ada","Ġirra cional","zar t","id ante","Ġri dic","AR E","Ġidén tica","Ġser ver","Ġof ender","Ġinneces arios","k on","Î ½","Ġgal legos","Ġcor tó","Ġvendi eron","Ġcomprome ten","ĠG L","ĠIM SS","H U","Ġdesvi ar","Ġal c","ĠL omb","Ġtar dan","Å ĵ","ĠS tock","Ġter mó","Ġajust ados","ĠCon gregación","ĠDIREC CIÃĵN","ĠOce an","Ġform adas","Ġestren ada","d ina","Ù Ī","Ġpa us","G IS","Ġag itación","L amentablemente","un tura","ĠU stedes","ĠCN T","ĠMara vil","Ġp ivo","án eos","ĠLu ci","Ġe poca","Ġmodific ados","Ġestra tega","Ġespecific ado","Ġole ada","Ġrec tas","Ġaci ertos","Ġindis crim","Ġque jar","Ġgor ra","Ġconf l","ĠPre para","Ġineludi ble","ton da","Ġfan ático","pon iendo","Ġmin is","P lus","Ġaliment ario","e g","Ġmejor ará","Ġvincul ante","Ġrell ena","Ġren ac","Ġras ca","Ġirre lev","H i","Ġro ce","quÃŃ micos","and ome","Ġdesempeñ ado","Ġsolid arios","Ġocasion almente","Ġgrab adas","Ġcoopera tivo","zco a","ĠAmar illo","w l","Ġde par","ĠJ ub","ĠPeters burgo","Ġwhis ky","t Ãĥ","Ġno tificar","tu ber","ĠD ama","Ġdejar emos","ĠGal lo","ĠF it","Ġpier des","Ġfér til","b eb","P ARA","ĠC ita","pati ble","Ġgarantiz amos","pa z","Ġsolici tará","Ġlevan to","ĠAst ro","ĠS hu","Ġmayor ÃŃas","Ġavan zan","ĠHD MI","k ira","ĠIn vent","ĠDis posición","Ġabst enerse","Ġconsa grado","crÃŃ bete","d ney","Ġolvidad os","Ġviv encia","CI N","Ġtra gamonedas","Ġres il","Ġpes adillas","Ġrev ol","ĠRestau ración","ĠP ET","Ġun ificar","Ġinter ino","Ġlig adas","Ġav ist","Ġnova to","ĠINTERNA CIONAL","ic el","ĠL ang","s ing","Ġson riente","Ġdue los","Ġpropa gan","tra vel","Ġmotiv ó","ĠcÃŃ tricos","Ġd Ãĥ","Ġven ezuela","ĠGana derÃŃa","Ġemprende dora","Ġlo ve","Ġcos mos","Con stru","Ġperman eciendo","ánd wich","Ġtercio pelo","im er","Ġofrecer les","Ġmonitor ización","Ġafortun ado","om at","Ġmor b","Ġindud able","Ġtar dado","rid or","Ġincluy an","S en","Ġun ificación","cl ásico","dr és","Ġsab rosa","Ġsubterrán eas","Ġrelaj ada","Ġuruguay os","Ġreten ciones","et ÃŃn","ific adores","D ice","Ġcan gre","Ġro c","Ġinvent ó","B ra","f unción","Ġdocu mentar","ĠPrue bas","g ru","ame la","Ġlun ares","Ġra cionalidad","Ġinforma tivas","á rea","Ġprim itiva","Ġimpro bable","ĠT UR","Ġenseñ amos","QU I","Ġrecin tos","ĠTra il","Ġdia gonal","Ġoper adora","Ġmarch arse","Ġconduci endo","Ġs r","re pres","Ġsu iza","bre gat","Ġimp ida","Ġolvid amos","Ġentien dan","RE D","Ġplante adas","ack s","Ġarras tre","ion ante","Ġcie gas","ĠLuxem burgo","Ġp io","ĠConcil io","p ier","Ġser o","pon entes","ĠCam eron","ĠTor os","Ġprohib idas","ues a","ĠBrook lyn","Ġrecha zan","ide a","tas te","ĠGa to","Ġchan taje","gra ciadamente","B u","Ġdes into","Ġmil f","ĠGu ia","p ág","tiz ando","ĠMat the","ts u","ĠAy untamientos","cons ul","Ġca ci","jos a","Ġrecuper ados","ĠNay arit","T ur","ĠCan delaria","о ÑĢ","ĠAvil és","Ġbil ingüe","Ġdesplie ga","ĠEntre vista","Ġinmers os","Ġn ó","Ġimp ron","Ġpl iego","v istas","Ù Ĩ","ĠE jemplos","ach er","Ġi phone","Ġpetrol ero","Ġpu to","Ġartic ulado","gu illa","Ġ ®","Ġacompañ ará","Ġencar gamos","CRIP CIÃĵN","T N","ĠConst antino","Ġsol tó","IT Y","Ġprestig iosas","Ġdi va","Ġselec tiva","Ġestudios os","ade ci","Ġcás cara","Ġx en","ĠA RA","Ġca tol","ĠSe g","ĠMaes tra","ĠCu adro","Ġnovel ista","de rech","ĠZ ero","Ġdetal ladas","Ġagra vado","ĠCivil es","ĠIdi omas","Ġhash tag","Ġconfor tables","Con cl","f amiliar","w orld","ĠAc tos","ób ulos","Ġimpi diendo","Ġliber ados","ĠH TC","Ġsabor ear","! -","ĠLu ÃŃs","DA H","un tas","tar emos","ce do","Ġapoder ado","Ġcom edores","e ing","ĠMonts errat","ĠS W","ĠOr le","Ġim án","Ġotor gados","Ġhin dú","Ġelog ios","Ġejecut ando","ĠUNIVERS IDAD","Ġbo tines","Ġperd ona","Ġheter ogén","Ġpres unción","ĠPos i","Ġsubs istencia","Ġempu ja","Fel icidades","Ġlabi al","Ġcu banas","Ġcl imas","ĠDip utado","Ġmil lar","Ġbi ológicas","Con oci","Ġprepara toria","Cl ub","Ġcos tados","Ġton terÃŃas","Ġform idable","Ġsolu cionado","Ġromán ticos","Ġquir óf","Ġsep amos","Ġestabil ización","ĠP izarro","Ġform amos","Ġconvoc an","j uegos","t ney","le b","Ġpre cepto","ĠSil vio","Ġintern amente",": -","Ġmigra torio","Ġin ducir","Ġeje mpl","quil los","ĠEuro copa","Ġdedic aba","Ġmen ciones","Ġpi j","Ġor b","Ġber enj","Ġnave ga","Ġsp ray","ĠAc tiv","ĠPino chet","ĠAdolesc entes","ÃŃ grafo","ĠS ap","ĠCon cep","Ġcuán tica","ĠN ich","TER IO","Ay uda","Ġpol ip","L an","ue ducto","ĠS ino","ĠT rac","Ġdestitu ción","on t","cap ital","Ġproclam ó","Ġcontrovers ias","Ġinterac tivos","Ġpuntu aciones","Ġb igo","ĠSolici tud","Ġoficial ista","Ġcolap s","Ġferrovi ario","ĠC lick","Ġmon ton","ĠPra t","ó genos","AS E","cion ador","ĠAl tam","ĠT rib","ĠRo ble","ĠPla zo","Ġso ft","âĢ¦ âĢĿ.","Ġmenos pre","Ġadop tan","I m","Ġc itó","Ġ3 30","Ġperder te","ĠD j","Ġca ver","yug es","Ġmonitor ear","Ġsal on","ĠAg reg","ĠÃŃn timos","ĠComp ras","ĠOro zco","C lo","Ġcar ies","one idad","Neces itamos","ĠCompeti tividad","Ġb ró","ĠEn horabuena","ĠMas ajes","lar ta","ĠCas s","Ġignor ante","Ġpres te","ĠG mail","ĠG Hz","Ġcos tillas","Ġocas iona","Ġrecolec tar","ol ita","ĠCu idados","Ġdes amor","Ġalquil a","Ġfren ado","Ġgene al","Ġcohe tes","Ġenten dÃŃ","Ġais lar","ĠESTU DI","Ġparal elos","ĠPien sa","Ġneoy or","te ma","Ġne garse","Ġconstruc tores","Ġmanic ura","Ġcontr inc","Ġaden trar","S ecre","ĠT IEN","Ġcomp ilación","ari us","Ġmelancol ÃŃa","ĠB ecer","Ġtip ologÃŃa","ĠC ál","Ġma tu","Ġden so","CA P","O ri","ĠM ent","it t","Ġexc én","át ula","Ġsuf rÃŃa","Ġ13 2","Ġzapa tilla","Ġpe gó","Ġcos turas","Ġfinal ice","Ġseñal aba","Ġcompeti dor","Ġsac os","ĠtÃŃp icamente","Ġabur rir","ien s","Ġperson aliz","rg ano","Ġrepent ina","Ġprim itivo","Ġgrues as","ĠMas cul","ĠBe ijing","Ġencam inadas","ĠPa olo","ĠA Z","gu sta","ĠT H","Ġira quÃŃ","pe dal","tera peuta","ĠAp óstol","Ġbuscar án","ĠSegu imos","Ġferv or","Ġconveniente mente","ĠF EC","vers ación","Ġreclut amiento","Ġgust ará","Ġcub os","Ġnum eración","Ġasim il","Esc uela","OS A","Ġdejar me","Ġresponder á","Ġborra cho","u rel","Ġmode l","f urt","ĠD ub","ĠN ancy","Ġjust ificada","ĠMedi as","Ġpersegu idos","ĠBus camos","ĠC ip","Ġcon ejos","Ġextender se","an io","Ġv uela","po int","omb ro","ĠLo pez","Ġtro ce","Ġresuel ven","Ġgole ada",". �","Ġque j","Est able","Ġcongres istas","Ġcal endarios","ĠCar ter","Lib ro","ras h","Ġ8 50","ĠFORMA CIÃĵN","ĠDe ath","ĠMad ri","ĠHo p","ĠGlo bo","gu ió","ĠCu entos","Ġ18 00","Ġrepresent adas","Ġnavide ños","Ġarquitectón ica","Ġderrum be","Ġtóp ico","Ġrug by","Ġbloque a","ĠChub ut","Ġguar de","k os","Ġcontra tistas","Ġmir ado","ĠGas par","com e","Ġlevan tan","Ġl entos","ĠS olución","Ġpre dios","âĢ¦ ?","Ġ19 28","Ġprac ticamente","ĠProce dimientos","escri tura","s ig","ĠM ÃŃ","Ġac ciona","ĠAl rededor","Ġ12 1","ĠVal enci","ĠMEJ OR","Ġcote jo","ĠE ul","ĠG AL","ĠCar o","cri bió","ĠMin era","Ġpresupues tario","Ġimpos ibil","Ġmultic ul","e ga","Ġman ÃŃa","ag ing","Ġabra za","ĠH illary","Ġu ruguaya","Ġentre gadas","ĠFin ca","Ġtraslad ada","ĠDibu jo","Car ta","Ġconcep tuales","Ap ple","Ġinci dir","ĠOl ymp","Ġbomb illas","Ġespar cimiento","Ġneoliber alismo","ĠAr riba","Ġw id","cie la","Ġconstitu yente","Ġce ja","Ġpetrol eras","Ġmosa ico","fer me","il iano","Ġatra ÃŃdo","Ġirre versible","p itos","Ġh it","ĠR ach","ina to","bo le","Ġacer camos","Ġflo jo","ĠO jos","Ġvis lumb","Ñģ к","Ġestan terÃŃa","ces ores","Ġsuf rimientos","Ġesp olv","Ġobserv aron","CH E","Ġconqu istas","Ġfelici tación","Ġhex adeci","ĠDi am","Ġcuidad ores","Ġregul ada","Ġfij ada","Ġove ja","ĠH im","Ġsub ÃŃa","Ġconten cioso","Ġconsidera ban","$ $","âĢ¢ âĢ¢","ĠNUE VO","ĠWes tern","Ġg if","Ġtra tase","Ġaclar ado","ÃŃ cil","ĠCal endario","Ġreve laciones","w i","Ġmer eces","ĠL ore","Ġeste la","Ġdo tes","u ke","es tro","Ġson oras","Ġcontra tada","Ġliber alismo","Ġopin ó","ĠN oc","ĠV iento","Ġmed all","ú j","Ġesp esa","Ġpin char","Ġinvoluc ran","ĠFab io","ĠV eo","ĠReg ulación","Ġgran jas","Ġsum isión","ĠConserv atorio","bo urne","Ġfor jado","ĠNew ton","Ġbes ar","Ġdesin fec","Ġrecuper e","F abric","P SOE","ĠReg ionales","199 1","Ġun ids","ĠM ia","Ġdialo go","ĠB CE","Ġresal tado","ĠAmp aro","ĠH ea","one da","Ġconsider aron","pro ces","Ġbur guesa","Ġremon tar","Ġresponsabil iza","ĠAnto fagasta","ĠL entes","Ġw orld","ĠCa ta","Ġsomb reros","Ġestall ó","ĠEng ine","ĠEm manuel","Ġrepi tió","ma in","ĠV PN","Ġextra ÃŃdo","Ġsim ular","ĠJ US","Ġreclam ó","Ġasegura ba","ĠGENER ALES",". <","Ġsu re","Ġcan aria","Ġmuel les","Ġimpac tar","Ù Ĭ","Ex plicó","ĠTro p","Ġreembol s","Ġlo cas","Ġrealiz ara","Ġsig amos","Ġrec tán","ĠItal iano","Ġform alización","dro la","Ġins ular","Ġdesp lom","Ġvig as","Ġacredi tados","Ġimpu tación","Ġrobust a","r endo","Ġlegen daria","Ġsegu idamente","Ġgu is","Ġestim an","Ġreclam ando","ĠDe tec","Ġpre ve","ĠDa kar","ðŁ ij","we ets","ĠD ion","Ġponer los","Ġpopular mente","R esta","á culos","Ġocasion ados","Ġcon llev","Ġran gos","ĠIdi oma","tu ran","ur l","Ġcan tón","Ġtecn ologia","ĠDirec t","Ġcartu cho","ue tas","Ġcar ac","Ġemp ató","150 204","ho gar","Ġapete zca","Ġmagna te","Ġn ylon","tique ta","Ġsurg iendo","Ġexist iera","Ġdeshidra tación","Ġinacep table","ĠF AL","Ġvol vimos","ĠCa iro","D é","ti el","Ġconfun dido","Ġabord ado","ĠUr gencias","Ġcaz uela","Ġecuator iana","ĠK am","ĠAran da","Ġesc eno","Ġconj unción","ĠFern anda","ĠI PS","ĠLar ga","Ġintercon ec","V IL","Ġdis gust","ĠMar acaibo","ĠAc tiva","Ġexport ador","ĠCon cretamente","ĠAn uncio","ĠCan cillerÃŃa","ĠCal das","Ġlas tima","Ġas in","Ġpronos tic","T L","fec t","Ġllam arlo","Ġsolici ten","Ġguer rilleros","Ġviv ida","Ġencontrar éis","Ġrú stica","M un","Ġas queros","fa go","Ġorg ánicas","Ġlanz arse","ĠTh or","Ġprocl ama","ĠAlas ka","u é","Ġsal ch","Ġdesay un","Ġout fit","Ġvehic ulo","ab lanca","ma yo","Ġsue gra","Ġconocer nos","Ġgobern adora","Ġaliment arse","Ġequivo co","ĠM AL","Ġfun dadora","Ġemb ria","Ġelector ado","ĠPerson almente","ĠEn d","Ġdetal lados","Ġmostrar le","c enas","ad illos","Ġo je","Que da","Ġmiser able","ĠG ru","ĠTri turadoras","Ġelec tos","ĠBen idorm","Lar en"," ĵ","Ġre ñ","Ġno tificado","Ġinci de","Ġtóx ico","Ġescon dida","ĠAcu ña","ĠIn tent","Ġcontra par","Ġms n","j uez","ĠPo bre","ĠJul ian","Ġo val","ĠA gra","Ġcab en","Ġregul ados","ĠPeru ana","Ġaliment arios","ĠAguil era","Ġb ios","ĠVal ència","Ġfil ip","âłĢ âłĢ","Ġré cords","ĠFor ex","Ġemo tiva","ĠBri tish","19 88","Ġenv olver","tr uc","Ġmayor itario","J AS","Ġ19 18","Ġampl ió","Ġdif unto","ĠCrist iana","Ġerrad icación","Ġam ablemente","ON O","Ġla dera","ĠV es","Ġpol icia","ĠDeleg ado","ĠSpe ed","Par ti","ĠL EC","ami án","de cir","ĠI ce","Ġtor rente","Ġrom anticismo","Ġprema turo","ic ardo","Ġentre gue","Ġasum irá","Ġla gar","ĠAcces s","J er","Ġmar tillos","Ġev itó","Ġsen dos","Ġcoco dri","Ġinfidel idad","Ġá guila","ĠRol and","ĠCon sta","ĠParticular es","ĠM amá","Ġf ara","Ġasegu rados","Ġan h","Ġr un","Ġdele ite","Ġpa tadas","Ġpod ra","olv emos","Ġenta blar","Ġme ló","f ana","ci ertos","ĠCon cer","Ġpuls ando","Ġentender lo","Ġsever as","Ġinund ación","ĠO V","Ġanón imos","Ġcom ic","ĠLle ga","Ġlob by","ĠH AC","Ġsector ial","Ġcalle jón","ĠAb ierta","ĠPok er","ĠMo ur","ĠMon tal","Bo letÃŃn","Ġgus anos","Ġoz ono","Ġson or","Ġenv ÃŃ","Ġsincron ización","Ġam aman","ĠVol vo","TIC OS","emp resas","Ġven ia","Ġs ÃŃs","ĠP uls","ĠBar iloche","Ġvers us","Ġbrind ará","Ġbo ta","ĠCer tamen","Ġd uen","oc r","Ġ13 6","Ġinédi ta","Ġflu ir","Ġentregar án","Ġgrab ando","ĠPie dras","ĠG lad","Ġregul adores","er i","Ġacompañ aba","Ġprogram adores","ay os","Ġade ptos","ĠZ ur","Ġadher encia","ri tual","ita cion","Ġc itando","Ġurban ÃŃstica","ĠArque ologÃŃa","Ġpan ame","Ġafec tos","Ġinmedia tas","Ġador no","ĠWil d","Ġespon ja","Ġparén tesis","Ġencontrar me","Ġjur ados","Ġcateg or","Ġembra gue","G aran","ĠLi qu","Ġtuber culosis","Ġru leta","ĠSici lia","ĠAP P","Ġenm iendas","g ebra","Ġque des","ĠB EN","ĠG is","Ġab onos","ha w","Ġencar na","Ġsuce derá","Ġdetec tó","Ġdepu ración","ĠV inos","Ġpreten do","Ġmach ismo","Ġprocu rando","ĠZ ú","ĠOs valdo","ĠRiv iera","Ġreflex iona","ĠM ena","Ġdispon es","ĠCient ÃŃficas","ĠJob s","à ¹","ĠR id","Ġgu ionistas","ĠT asa","LO G","Ġvein ticuatro","ĠGén esis","ĠAsoci ados","ĠB ie","at ina","eci damente","Ġindic ará","Ġmay as","Ġllevar nos","ÃŃda te","IB LE","Ġord inarias","Ġanex os","Ġencontre mos","Ġestupe fa","O rig","Ġad quir","Ġpier do","Ġ- ¿","Ġ14 9","Ġsorte ar","Ġchaque tas","Ġque jan","Ġ12 9","ĠRecon ocimiento","Ġoper arios","ĠPedia trÃŃa","H I","R usia","ĠC id","ĠL IM","rec or","acer do","ĠFemen ina","Ġconte o","Ġaust ri","Efec tivamente","Ġempie zas","ĠE B","pi es","Ġcad uc","Entre vista","Ġfac ul","Ġfronter izo","Ġconcord ancia","core ano","go ña","Ġpropon iendo","ĠLGB T","Ġc ran","ĠB ios","ĠArquitec tos","Ġcomp ás","Ġindic arnos","Ġllama tiva","ĠInten dencia","Ġdiecis iete","em ber","ĠPre par","Ġparaguay o","Ġorganiz aron","ĠAst ron","Ġse duc","Ġd s","por tación","Ġo ÃŃ","Ġab uel","Ġrecib os","Ġ: (","Ġprecis an","ánd anos","Ġrob aron","Ġconquist ó","Ġal ab","Ġgastro intes","Ġreden ción","in dex","oc us","ĠComis ionado","u jo","ĠG ur","ĠO ca","ĠRuss ell","c rist","ar ez","ĠPro puesta","Ġpobl ados","ĠM itre","cre as","cindi ble","Ġf osas","ĠCo alición","ĠAlfre d","ĠG os","ĠH S","me work","Ġdec ano","Ġcoleg iados","D iego","or ama","em es","ĠMin istra","mic ro","m ientras","ĠEmpres ariales","ĠTa ur","Ġp q","ajada honda","n ero","al guien","ĠM all","ĠT apa","Ġrecomend ables","dr ic","Ġadminist rado","CH A","Ġgor das","Ġinstitucional idad","con tent","ĠPa ci","Ġocas ionado","19 89","Ġcurios as","Ġcan arios","Ġcoinci dió","ĠGas tón","Ġconstruc tiva","Ġbord ados","Ġconson ancia","Ġsal pic","Ġom isiones","Pon emos","Ġhipoc resÃŃa","ĠCá ritas","Ġdic tan","Ġgastron ómicas","Ġpes quis","ri edad","Ġbuscar lo","ĠDro gas","Ġsubyac ente","Ġdes orient","ĠGran ja","Ġo asis","ĠAM D","Ġhar ás","tro po","Ġles a","ene gal","ĠVilla v","Ġhigién ico","Ġo ur","Ġfun dición","Ġtom os","Ġfi jan","b ulas","st om","ĠM IT","Ġcal ificada","tá is","w ord","Ġconce jo","tro it","Ãĵ M","Ġsupon ga","Ġnut rir","ĠTla x","ch ea","ĠV ice","ĠEn laces","Ġconocer te","Ġpatr ona","Pres idente","s istema","ib ilidades","J usto","Ġc y","iv an","ĠFu i","Ġmanda tos","p lor","Ġmu era","ĠIn tens","Ġinstan táneamente","ARI AS","ĠJac ques","n eo","tu rista","ĠB I","Ġfav ores","G EL","Ġsent irá","if y","? âĢ¦","Ġw al","14 0","Ġcusto di","ĠVer emos","Ġdenomina ciones","Ġconjun tas","in is","Ġadqui ridas","Ġhubi éramos","Ġfascin ación","Ġmix tas","Ġadecu ar","Ġdoble te","ĠLegisl ación","Ġro ba","ĠCompe tencias","s ite","Ġfis ioterapia","Ġtransmi tida","Ġbarran co","Ġincip iente","Ġco de","fo que","Fo tos","ĠSw ift","Ġegres ado","Ġadmi tidos","Ġlogr ará","Ġfigu rar","Ġveter inaria","Ġalien ÃŃgen","uch i","Ġz aragoza","Ġmor eno","Ġexpon ente","Cre ar","Ġper itos","ĠAnd ina","ares ma","Ġformul ada","Ġalleg ados","Ãĵ G","Ġrestitu ción","a o","ér tete","b ull","Ġemp la","Ġquer és","ĠUtil izar","Ġdesapareci eron","Ġs s","ĠCon cepto","Ġtej ados","@@@@@@@@@@@@@@@@ @@@@@@@@@@@@@@@@","ĠSindic al","t ten","nos is","Ġpedia tra","l iga","Ġsuper st","IN D","Ġgui ño","Ġdamn ificados","ĠJ udi","Ġ4 47","ĠAust in","Ġartesan ÃŃas","Ġtortu ga","Ġinconstitu cionalidad","par que","Ġquer áis","ĠComun itaria","Ġpá del","i ologÃŃa","n icamente","in ts","Pro bablemente","ĠClub es","Ġvigil ante","ĠT ajo","ĠB ecas","Ġmostrar án","ĠMass ach","ĠL eb","QU IS","ĠM IS","ĠG ual","Ġ19 35","Ġdomin icanos","Ġcontrol ando","Ġdeclar aron","Ġmane jando","Ġagar ra","2 40","j oy","pa t","Ġpr er","Ġescu dos","ti gua","le zas","To p","Ġfall ido","Ġros ca","Ġmercan tiles","Ġdelic adas","Ġesp inas","Ġdecir nos","ĠCamil a","ĠSi mple","ĠDiplom ado","M adre","Ġr ally","Ġenter ó","Ġara gonés","ĠGN U","Ġp it","ĠCan cel","Ġañad idos","Ġlum bar","ĠProces al","ĠA MP","pp y","S QL","Ġguard am","Ġaprue be","Ġest or","ĠS yn","Ġ21 5","Ġsensibil izar","ĠParlam ent","ab ella","Ġ14 2","ĠL isa","Ġenseñ aron","Ġpreten da","Ġcort ometrajes","V olver","Ġm ueva","Ob viamente","z ara","Ġanfitri ona","T oma","Ġdi me","ĠMar ian","de leg","p ment","ĠP ér","Ġnorma tividad","ĠÃŃdo los","Ġre defin","Ġca tering","ĠSel va","Ġirre pe","mol inos","Ġac rec","Ġten s","Ġfab ulos","Ġmanda tarios","ĠRobin son","Ġinterlocu tor","ĠC LA","Ġlesbi ana","Ġag ach","ĠÃŃn tegro","Ġf osa","Ġab uelas","Ġmotiv ada","Ġcón yuges","aj illa","Ġmedi do","Adi cionalmente","Ġmode sta","Ġescuch aron","Ġpeg aj","SAN TO","Ġticket s","ĠM US","Ġconec tores","ĠAt lan","ĠArgent inas","# #","t ándole","Ġen dul","iv es","Ġcambi amos","ĠF aro","Ġlig ht","Ġgall inas","Ġentre ver","En tra","ĠSo ph","Ġsosten iendo","Ġconfec cionar","di eran","ĠP il","ĠEn tradas","Ġrepar tidas","Ġafian zar","ĠContin úa","ĠVio leta","ĠK indle","Ġemitir á","ar ón","ĠE PS","Ġobten emos","Ġdespla zado","Ġprema tura","ĠR uth","un cie","ell era","Ġelef antes","ü n","Ġintermedi ación","ĠComen zó","gu ito","ĠCo pia","Ġinac tividad","Ġra bo","Ġreduci das","Ġeuf oria","ĠD re","Ġestudi antiles","ĠexplÃŃ cito","Ġtrabaj as","ác tenos","Ġevi te","Ġexpl ici","Ġstar tups","Ġanticoncep tivos","g icos","or an","ĠR ent","enz uela","Ġsofist icados","pi ña","Ġcuchar adita","a tas","å ħ","Ġtra za","Ġtrans gres","z á","G AS","Ġinf un","Ġcó lera","ĠPe layo","ĠHe ad","Ġasoci an","ĠTar ifa","Ġredac tor","n ista","ci encias","tar te","Ġres ent","RA M","Ġdemos traciones","Ġcapit alización","H T","ĠCon go","Ġsuel tas","ĠY es","iu ra","ĠNa ture","ĠMan s","ĠTarje tas","4 50","Ġconsul torio","Ġdila tada","am elos","Ġinv icto","Ġdomin ical","Ġafortun ados","Ġenju a","Ġson rÃŃe","Ġsub irse","ĠPe ar","Ġhel adas","Ġrebaj ar","Ġresid ual","ĠMUN ICI","Ġvaca cionales","ĠEfec tos","ĠSy l","ĠLlam e","ĠMer ca","ĠE z","Ġper la","Ġlim ites","Ġcontar é","ac ci","Ġper ple","ĠG estion","ĠJ UE","Ġhac éis","ĠReg ular","Ġcritic an","Ġre ir","Ġsu ble","ĠCif uentes","tur n","Ġinm óvil","K a","N ike","ĠAl ameda","Ġcent ró","ĠMA Y","Ġultras on","ios amente","O jalá","Ġc ano","ĠK ent","ĠGir l","Ġpolar izadas","Ġeleg idas","Ġcrea cion","par ables","ux e","Ġvej iga","ĠK un","ĠOn ce","Ġpe dÃŃan","Ġtum b","ĠBru to","Ġintroduc en","ĠO pel","Ġr ÃŃe","ĠCom mons","Ġcontinu aba","AM E","Ġlas er","Ġpon ente","po tencia","Ġtar dÃŃa","Ġcr é","Ġ13 3","ĠSo ft","Ġol er","Ġte tonas","ĠDe velo","Ġconocer la","Ġmonta ñ","Ġinconfun dible","ĠCal zada","Ġce guera","Ġasc ensión","Ġhorm igas","ĠBul garia","Ġmé tricas","Ġsimil itud","Ġdetrac tores","G ab","za te","ĠLin da","Ġid oneidad","ĠCon venciones","ones es","Ġauto cr","Ġinvestig ados","V ES","Ġañ itos","Ġll ámenos","ĠVeci nos","m id","Ġsus pir","CI DAD","ĠDan ny","Ġu ter","mi ente","ka i","CI D","Ġdes ca","Ġmal vado","Ġol fato","Ġexac tas","Ġmuñ eco","Ġpág s","Ġolvi den","ĠContemporán eo","Ġ19 32","Ġul tim","ĠA cerca","na tural","icom iso","Ġac ud","ĠT s","Ġrespe table","ĠPERSON AL","r un","Ġprepara ciones","ĠS abe","ĠBar ros","Ġdistin ciones","Ġencabez ados","Compar tir","Ġcosmo pol","ĠSex ta","p t","Ġp án","ĠO K","ĠVal dez","Ġcatalo go","Ġhexadeci mal","Ġra tito","Ġasc ensores","ue lan","Lle vo","Ġg ur","Ġten edor","Ġr ót","Ġfundam enta","Ġsolu ciona","Ġpac ÃŃfico","Ġentusias tas","vi te","Ġdomin an","Ġverb ales","ĠDi esel","Ġconseguir á","Ġhuel gas","Ġe ólica","ĠÃŃn timamente","Ġmeren gue","que da","Ġamor tización","Ġrespe ten","ĠAnton ia","Ġcentrocamp ista","l ita","Ï ģ","Cre es","Ġarries gado","J ul","Ġros ario","Ġchu par","Ġmon jas","col i","ĠBill y","Ġpredomin ante","Ġt aba","Ġinf lexión","Ġdu dó","Ġescrib es","ĠAf ric","Ġestupen das","Ġcan alizar","ign ación","M ez","ĠP ART","Ġpre domina","Ġhum ed","Re alizar","ĠT ierras","Ġamena zar","Ġejec utados","Ġse cular","ĠM anos","ĠM uro","Ġex ito","Ġcol lares","Ġindi st","Ġconsul tores","Ġsubs uelo","ĠL ana","Ġcandida tas","Ġib ero","Ġam eno","Ġdivin idad","Ġn uez","ĠAr g","T emp","ĠS c","Ġviv ÃŃ","Ġsan ación","Ð ¿","ĠP isos","ĠK el","Ġcri ar","ĠCON TEN","Ġdividen do","ĠDesta ca","ĠAm y","Ġplan ificado","A compañ","ig i","Ġins urg","ĠSuper iores","ĠVent ura","Ġestir ar","poder oso","Ġazu fre","Al rededor","gol pe","Ġg ást","Ġon d","Ġencontr ara","Ġpor venir","ica tura","Ġenv uelta","Ġdorm ida","Ġnorte americanas","ĠHab la","c ár","de ado","Ġper noc","Ġri enda","Ġpal meras","Ġsorpren dida","Ġsob ran","TAM IENTO","Ġsufrag io","Ġresta ura","abil onia","ĠDel iber","à ¥","ó calo","Ġar dor","Ġimpac tó","Ġdeber se","Ġtro pa","ajust e","lan ada","Ġrev ocar","Ġpar idad","Ġra mos","Ġcoloc adas","Ġinesper ados","Ġconoce dor","ĠEstable cer","Ġnal gas","Ġb if","Ġex tr","Ġrespon dÃŃa","Ġhallar on","ĠEspeci alizada","Ġcol os","Ġtranspor tistas","ĠH ack","Con sejo","Ġmu dan","ĠAnÃŃ bal","B AR","l ador","Ġâ ĺ","ĠPhil ips","Ġrecub rimiento","Ġposicion arse","qu ÃŃas","Ġme ti","Ġme tan","ĠR and","Ġpreci ado","Ġcom ics","ĠDy lan","Ġp óst","ĠUn isex","Ġir landés","ĠNav idades","Ġfla uta",") âĢ¦","c able","Ġi ones","Ġinter ferir","ĠSab ÃŃa","til de","Un idad","ĠBo tán","Ġreempla zado","Na ció","ÃŃn dr","IC S","Ġnumeros o","TR AS","h té","m ers","Ġpart ÃŃcula","Ġcruj iente","ar iano","ad ron","Ġdec ÃŃamos","BL ES","s ier","ĠS lo","Ġhaber te","ies to","Ġterapéut icas","ĠA ÃijOS","ĠG M","ment ario","ĠArm strong","Ġanaliz aron","Ġcuen cas","h im","ĠV IA","ĠRo th","Ġhac kers","Ġpon gamos","Ġvuel vas","Ġsecre tas","Ġmuñ ecos","Ġas a","ĠH E","Ġdemol ición","in telig","ĠC iertamente","ĠZ af","p est","ĠO cupa","ĠDo w","Ġvenezol anas","Lleg amos","Ġves tuarios","Emp resas","vir us","n it","ĠK id","Ġhor óscopo","Ġocupa ciones","ĠCr ÃŃtica","Ġparad igmas","cion amos","ĠPu jol","c aja","ĠEl sa","Ġcul mina","Ġaloj ados","Ġpor che","ĠPrincip ales","de pres","ĠMc Car","W A","ĠMos trar","Ġra b","Ġblan queo","ĠOrgan ismos","Ġsupl entes","Ġpeg amento","Ġsal tando","Ġmon tones","ĠGu ido","Ġargu mentación","P AC","Ġtu it","ĠCom putación","E tiquetado","Ġex on","Ġpresion ando","ĠHun ter","im ia","Ġcelebra ba","Ġremol que","Ġsobre carga","per u","ĠO tero","ve d","Ġcan tan","C ER","Ġmedi dor","Ġvulner abilidades","V III","ĠTo wn","ila cion","Ġperjud ica","Ġar senal","Ġprolon gación","Ġcore ano","Ġllo ver","Ġvanguar dista","ĠArmen ia","Ġcub ra","ĠIb ex","Ġox igen","ĠC ambios","Ġabandon aron","Ġfertil izantes","ĠEche ver","Ġpol los","ĠFuerte ventura","Ġpres enci","Ġ18 5","Ġventil adores","Ġapor ten","ĠClar k","Ġimport ados","Ġceleb rados","Ġderrib ar","Ġderra me","ĠSilves tre","Ġguar do","Bus cas","y ang","Ġmon tura","Ġzo di","Ġinici amos","aliz adora","Ġsuper ada","Ġtr ÃŃ","T us","Ġa jos","man i","ĠW is","ex t","Ġcén timos","Ġpol in","ĠTer ry","Ġenvi arle","Ġape tec","Ġsi er","tre o","ĠElec tric","Bus camos","Ġtra ten","Ġam i","ĠCam bia","Ġsur ja","Ġhospital aria","ĠCommun ity","ĠL itoral","eo ple","Ġpris ionero","Ġconstruc tivo","éndo las","D L","Ġarque ologÃŃa","Ġpleg able","Ġhemorrag ia","Fund ación","it ador","Ġju ro","ĠCar acter","Ġvar illas","ĠPho enix","Ġpres tadores","Ġco chera","Der echo","ci ando","ĠVal larta","Ġ13 1","Ġinsu ficientes","ĠAquel la","Ġconsolid ada","à ¹","Ġb aby","tar ismo","Ġdia posi","ĠImp ortante","ĠOn da","tz sche","Ġre querÃŃa","Ġsab remos","Ġz orra","ĠWal ker","ĠWW E","ol ÃŃtico","Ġsospech ar","F ab","Ġincluy eron","ĠPre f","Ġmand amientos","Ġapo do","ĠAplic ar","ĠPeque ña","ĠTal avera","... ),","tri tis","Recor demos","Ġtric olor","à ¸","ĠB omba","Ġprov isto","Ġretro alimentación","Ġvol te","Ġplane ando","ĠbÃŃbl ico","Ġrecorda torio","Ġpos tes","Ġrecaud ado","Ġirresist ible","Ġbu zón","Ġsuger ido","Ġperif éricos","Ġinv ierten","å ı","Ġmar que","Ġauto vÃŃa","Ġdec ÃŃs","Ġrefres co","ĠF ile","Ġblog gers","Ġmale tero","Ġaudi os","Ġdisco tecas","ÃŃna te","Ġarrep entimiento","Ġconfer enci","un ciones","Ġasoci ar","ĠComple to","Ġcom arcas","ima gin","ó geno","ĠC ep","ĠS tad","gn er","Ġvas to","Ġfuga z","ĠW ifi","Ġdist racción","ĠPar ecÃŃa","ĠTo urs","Ġhuman ista","Ġl ust","ĠS ad","ĠCh er","Ġconfun de","Ġirrespons able","Ġ16 00","Pa ul","ĠMens aje","Ġindud ablemente","Des cu","Ġquin ientos","Ġgras o","Ġconquist ado","f res","Ġcogn itivas","Ġap laz","vi ente","Ġmayor itaria","Ġtrans mit","ach es","Ġdismin uyen","k ok","Ġre inte","ü l","Ġramp a","S á","Ġgra to","Ġpron uncia","ĠExper im","ĠÃŃ cono","ĠEstad ÃŃsticas","D ia","\" ¿","Ġcent er","Ġestric tas","hté moc","Ġsal ada","EN S","Ġmo use","Ġantigu amente","ir d","Ġcabez al","cel lo","ĠFis cales","ĠNu ria","m sterdam","Ġrep unte","Amb as","Ġpermiti era","o ch","in almente","tr inas","f ónico","bi es","ĠâĢľ .","Ġcorpora tivas","Ġs top","Ġla mp","Ġg radas","ĠP ED","ĠPer ten","Ġdibu ja","Ġav ion","Ġinflu ido","t ribu","Ġrev uelo","Ġdescub iertos","Ġfortal eciendo","ĠA tac","Ġte or","ĠCa z","ĠS uerte","Ġos os","Ġ« ¿","Ġescrib ieron","Ġcen iza","Ġp úrpura","Ġpens adas","ok er","Ġsu bimos","ĠS au","ĠM T","ĠO d","Ġba g","Ġdistra er","Ġapasion ados","ĠP rice","Ġsecre ción","Ġbus ques","Ãī ste","ĠEl i","Ġtransform ador","ĠÐ º","ĠCol ima","Ġocu pe","fec tura","Ġcr á","Ġenfri amiento","Ġcual ificación","ĠMarÃŃ timo","Ġllam en","Ġvas cular","Ġcomprome tidas","Ġmicro bi","Ġcontemporán eas","Ġco ta","Ġemp al","Ġven ide","und ación","ĠWat son","Ġautor izó","Ġcerv ec","Ġesc r","Ġtom es","Ġnoti ci","ĠMartin ez","Imp res","Ġimpure zas","re tro","ĠV on","Ġinvesti gan","Ġconcep ciones","Ġautent icación","Inter es","Ġalmor zar","Ġespacios a","Ġsob ornos","Ġincomo didad","Tri turadora","Ġprefi rió","ita bles","Ġinteres aba","ĠW onder","ĠK ids","di put","ĠD ragón","ĠQ R","Ġgr úa","quil es","Ġatu endo","Ġefectu arse","ĠVenezol ana","Ġlent itud","ĠP emex","ĠL iderazgo","Ġconf is","rón icas","Ġfrac cionamiento","Ġestric tos","Ġp élv","et t","ram entos","Ġseguir ÃŃa","ĠAvi ación","tu b","V as","ci ares","Ġmon op","Ġcomplic ación","Ġdecep cionado","Ġcariños o","Ġpinch ando","Ġcompi tiendo","Ġno torio","Ġob rar","dor e","Ġfran ca","Ġliqu idar","ĠBo dy","ĠFer ro","tele fonos","re e","ĠD ale","Ġpasar elas","Ġaten didas","ĠH acemos","ĠH echos","Ġatac ando","Ġde tras","Ġun d","ĠAl do","Ġtern era","Ġcl in","Ġform arán","Ġmag isterio","ĠFel icidades","ent istas","Ġutiliz arán","ime tro","ĠH og","ile o","ĠInf antiles","Ġabon ados","a quel","d ana","Ġtel enovela","Ġmover te","h in","POR TE","Ġhisp anos","Ġpor tar","ec raft","Ġsac aba","Ġpers ecu","Ãĥº n","iz er","Ġhaz lo","Ġp ick","Ġcas cadas","Ġstan ds","Ġvo ca","ĠSé pti","Gar cÃŃa",", -","s ide","ĠÃŃn timas","ĠFer mÃŃn","A ut","ĠMotor ola","Me j","Ġtox icidad","ĠtÃŃm ido","K e","ĠS era","... ¿","M ucha","ĠD emas","ĠBode ga","ĠMes as","Ġvolun tarias","Ġaprue ban","Ġp aj","Ġargu mentar","Ġec ológicas","Ġdesen vol","aste cimiento","Ġr uego","Ġmar gar","Ġimpres as","Ġcalle jero","Encuent re","ĠVÃŃ ctimas","Ġarro dil","Equi po","Ġe book","ĠGu a","Ġjun ior","Ġenfrentar án","Ġpens aron","quer ÃŃas","ĠSeñ al","Ġclic s","Ġcho ques","ĠCastañ eda","ent i","ĠA je","ĠDi abetes","ĠÐ ¾","Ġcomp ite","Ġmor der","Ġestan camiento","ar tic","ĠPos e","ĠLib res","Ġdialéc tica","ac ÃŃn","ĠQuil mes","Ġhab it","Ġambi ciones","G IN","G UE","ĠHa ciendo","Ġdesapar eciendo","ri cio","Ġapoy aron","ĠClas s","Ġv ine","Ġi f","Ġminister ial","ĠPol ÃŃticos","IL E","Ġpez ones","Ġresgu ard","Ġemocion ada","ĠVillal ba","Ġk ayak","ĠMez cl","Ġlum inarias","ta xis","ĠO tto","Ġingres an","ĠRev iew","ĠCharlo tte","ĠD iversidad","mb urgo","Ġrecha zada","Ġoptim istas","Ġpsico anal","ĠFamiliar es","ĠÃģr bol","ĠQu im","Ġocupa cional","ë n","ĠM IR","Ġgigantes ca","frad ÃŃas","Ġdoctr inas","Ġencan taba","ad u","Ġt á","ĠC é","is bol","Ġlech uga","ĠKen ia","ĠAnim ación","Ġpens adores","Ġbar aja","Ġrecib es","Ġantici par",") âĢĿ.","Ġp esti","Ġcont ent","ĠReg istros","ĠTrans ferencia","Ġpenins ular","e das","Ġinf la","Ġquer rÃŃa","Ġculmin ación","mil itar","w oo","Ġdestru ida","ent adas","Ġviv irá","ĠSu reste","Ġgir ando","Ġcomis ionado","L ine","is en","En con","Ġpel uche","ul k","Ġdestru yendo","Ġdemues tre","L iber","n ición","Ġan cla","Ġpre escolar","ĠSh el","ĠFantas y","Pien so","Ġchat s","ĠExper tos","Ġcampes inas","Ġvesti gios","ĠPas toral","k king","Ġanim an","ĠSer bia","ĠNicol as","A si","ĠA ÃijO","Ġj udi","Ġcompr aron","Ġpreguntar nos","Ġar teria","Ġdog ma","Ġamena zó","Ġreac cionó","Ġbron ca","N C","t ándolo","â ľ","Ġapren da","Ġintent é","Ġpes im","ĠEscal a","en den","Ġcu pos","Ġcl ero","Ġmodific ando","am erica","ĠC OD","Ġg esti","Ġcar ibe","Ġsorprendente mente","ĠLiber al","ĠacrÃŃ lico","ĠN oroeste","Ġbas tón","Ġesp ina","C ór","contin u","Ġentier ro","ĠNi ñas","Ġma ximo","Ġay udo","Ġbar riga","ĠLA BOR","Ġapun te","Ġconting ente","ĠTom ar","Ġembaj adores","Ġads crito","Ġenvolv ente","Ġne garon","ĠCement erio","de v","а ÑĤ","ĠG ub","Est ar","Ġaplica cion","Ġs ándwich","Ġpres tó","Ġdid ácticas","ĠPost grado","Ġn eb","Ġamb ula","ĠTur ÃŃstica","Ġseleccion ando","Ġph p","A qui","ome tros","tin io","ĠDom ici","Ġconden as","U ACIÃĵN","ci elos","Ġelabor ó","Ġcient ÃŃficamente","Ġgir an","ĠcÃŃ cl","Ġatmosf érica","h uela","C amp","Ġman di","Ġextrater restre","ĠL em","Ġlú dico","Ġserp ientes","Ġgil ip","Ġsecre tarios","Neces itas","Ġne xo","fic ante","Ġmues tren","úrg ico","Ġdij iste","ĠQa tar","ĠMonto ya","ve do","No v","Ġfrust rado","ĠTu vimos","Ġambient ada","Ġdel fines","Ġsur jan","l uego","ĠAn s","Ġmonta jes","icul tores","figu ra","Ġv and","ĠA bar","Ġdepos itado","' )","ĠS ora","la ge","ĠRom ana","ĠN ora","ĠZ onas","ĠFred dy","ĠA ber","Ġadmi ro","Ġempa tes","Ġsol itaria","Ġreg idor","Ġad oro","20 2","ĠRol ando","' t","ist ica","ĠT M","Ġj on","C OS","ĠJ ong","CIA CIÃĵN","Ġtax ista","ĠAcu er","ĠCar ga","Ġenfoc adas","Ġprovis ionales","gr ar","Ġclo ud","Ġcoad yu","Ġpu ras","vas cular","In cre","Ġor os","cal de","Ġtermin en","ĠA za","ĠG E","ĠG AS","Ġform ará","Ġlic enciada","ro pa","Ġan tor","car o","Ġago tar","ĠSor iano","um bra","ĠI ñaki","Ġmun dillo","Ġir nos","Ġindocu mentados","es tern","Ġrevis e","ĠSex y","Ġre tic","Ġmu da","Ġdist urbios","on ero","Ġpres ag","Ġarbol es","L i","Ġcompar tan","Ġvalor ó","dash ian","Pre cioso","ĠCu ál","Ġru t","ĠCons ol","Ġlevan taron","Ġs Ãĥ","Ġdes comun","ĠAl bar","Ġbuscar on","Ġlim itó","Ġdemand antes","A penas","Ġsaque o","minist ro","ĠPol i","Ġconce bida","Ġmanus critos","Ġgremi al","Ġal i","Ġproces ales","ĠC risis","fici entemente","Ġvis itados","ĠFor um","ĠPre visión","Ha ga","z ú","am pas","ĠAy ud","Ġb itcoins","Ġprin cesas","* ,","ĠReg ÃŃst","gobern ador","ĠV A","ĠTerra za","Ġpo es","ĠG at","Ġacuer dan","Ġenci clopedia","ĠEdi tor","Ġbarbar ie","Ġpubl icas","Ġhid rol","ĠPine da","T ags","ĠD M","Ġflu ores","Ġrespira torio","Ġir rita","F uera","ĠX i","Ġhomolog ación","Euro pa","ĠMon ro","ED O","Ġmac eta","Ġtoler ar","ĠRob o","Ġsan tiago","ĠAd s","Ġfij arse","Ġveter inarios","Ġe i","Ġs ard","Ġcomb inadas","Ġcompor tarse","Ġtuer ca","R EN","ĠMa k","Ġobserv aba","ello w","Ġaus encias","Ġdesaceler ación","Ġten ian","Ġar os","tene gro","Ġesc ab","tex t","Ġdéci mas","Ġmulti plica","R ay","g ed","ĠTO TAL","Ġcualita tivo","Ġmach ac","Ġcontempl ando","CL US","ab los","Ġdecl aran","ĠJun ÃŃn","Ġdiab éticos","ÃŃm il","Ġatribu ir","Ġb ál","ĠG S","Ġ20 5","Ġrealizar emos","Ġma de","Ġinfec tados","Ġperu anas","Ġincompati ble","Indic ó","P uerto","oc om","Ġdo tados","Ġcolabor ó","Ġfol io","ĠEspec tá","ĠEar th","ff f","iladel fia","ci adas","ĠD amián","ĠO re","Ġna tivas","Ġcaus antes","Ġó leo","Ġexpe dido","ĠSant ÃŃsimo","p ita","Ġtur quesa","Ġpromete dor","Ġmu til","Ġestrech os","ĠEmbaj ador",". âĢĵ","lo pe","Ġcas ar","ĠPer m","Ġconver tidos","Ġsuspendi da","Ġretor nar","Ġluch ado","ço is","T Y","Ġsuper en","Ġsimp at","b ala","vo t","Ġeusk era","] [","am inas","Ġas uma","Ġro ban","Ġtom ara","ĠDu bai","Ġï ĥ","Ġ16 9","Ġinspec tores","uset ts","entos a","ĠCom ics","Ġfestiv idades","h om","ĠC ID","Ġnos e","Ġfalta ban","ĠAR G","ĠC ón","ĠW ith","ĠMer cad","ĠTur bo","Ġantrop ologÃŃa","Categ orÃŃa","apren dizaje","U Z","Ġcóc teles","ĠReg lam","Ġlóg icas","Ġdes an","Ġev itado","Ġsub terránea","Ġsub consciente","ĠAuton omÃŃa","di ficación","Ġab r","Ġab ara","Ġve te","RE Z","Ġbomb illa","Ġpotencial idades","Ġfij amente","ĠFan tá","Å ¡","bo ca","Ġaper turas","ĠDiv ino","M iles","ter reno","ici e","Ġli tera","ĠAt letismo","ĠO cas","Ġli ke","Ġargument ando","ĠManzan ares","Ġposi cionado","Ġpintores co","Ġma queta","Ġpe aje","Ġdescon trol","Ġs tic","Ġo yó","ĠS ib","Ġasegura miento","Ġm ula","ĠR G","én dice","Lleg ó","ĠHel ena","Ġcostar ricense","En rique","ĠFor os","ĠI CE","Pre vio","Ġcáp ita","PON S","Ġdes er","Ġmar isco","Ġdeman dados","Ġgrues os","baj os","Ġobliga toriamente","f eld","ĠLle vo","Ġinvad ir","Ġd ac","él icas","Ġevalu ado","ĠVAN GUARDIA",". @","AT OR","Ġdispu tarán","v c","gu ÃŃa","Ġtrans nacionales","ĠMo ta","Ġtron cos","Ġseque dad","Ġb ú","po blación","ĠCarab obo","ĠStan ley","ĠAndra de","ĠAr ca","Ġref inado","Ġre lan","par do","at l","Ġtermin ados","Ġev itará","Ġplante ados","pl icidad","Ġrastre o","c eno","Ġven demos","Ġproyec tor","ĠJosef ina","Ġo dia","ĠL itu","ĠCan to","ear s","Ġreiter adas","ten demos","ĠNo vedades","cas as","Ġprior izar","ĠT ed","ĠRo cha","Ġocas ionales","Ġcompren didos","Ġventan illa","ici amiento","qu ense","Ġhall ó","Ġca y","cla ve","k us","Ġma tiz","gan cias","fre do","ĠA dela","ves t","Ġcasti gado","ĠSosten ibilidad","c amientos","if as","Ġval l","Ġfalle cieron","a gu","Ġher ir","da tos","um ba","ar tÃŃculo","ĠCo penha","Ġ13 7","Ġtonel ada","ĠCom put","Ġmos taza","ĠMor al","ĠAl pes","let te","De partamento","ĠEfec tivamente","ĠMagal lanes","Ġdisco gráfica","Ġarrib o","Ġcondi cional","Ġnerv iosos","Ġextor sión","ĠHig iene","Ġdistor sión","Ġincluir án","Ġsinc eros","Ġde cap","Ġla icos","ĠE VAL","ĠV OL","ho ven","Ġocup adas","ĠEj ecución","anes sa","i ador","Ġac al","ĠVide oj","Ġpeculiar idades","ĠL amb","ĠB áez","Ġdo tada","Ġescon didos","Ï Ħ","Ġin cle","Ġclub s","D ip","Ġl ive","des as","ĠContin ental","Ġidentific arse","ĠRog elio","pa y","Ġhom en","Ġp és","Ġof rendas","Ġpal mar","Ġfor zados","mm mm","Ġelig es","in form","Ġtele fon","Ġrepar te","ld ora","ĠSue le","f lor","Ġcar ente","aaaa aaaa","Zapa tos","Ġpayas o","Ġbombar deos","Ġastron omÃŃa","Ġacantil ados","V an","Ġdesle al","Ġi on","ĠEntre tenimiento","ĠGastron omÃŃa","Ġre do","ĠLe x","ĠSOCI EDAD","ad ito","Ġtra tándose","ion ario","Ġprovoc ados","ĠUn iv","Ġllev es","Ġpermitir se","ĠTI TU","eno vo","Ġdispon gan","Ġtit ulaciones","ĠAnton i","adal ona","Ġcongel ado","Ġagen das","Ġal ca","pres a","ju an","T ech","s é","Ġa sta","Ġqu es","ĠCon exión","C ambi","J e","A H","D IS","ĠX in","Ġinde bida","Ġs illones","Ġb icarbonato","is se","ĠI gu","pu zko","ocola te","p ida","Ġdes habil","Ġagru par","Ġdistin tivos","Ġacer cado","Ġdele itar","Ġvecin al","Ġintroduci da","Ġminia turas","ĠGimnas io","Ġtranspira ble","Ġcele bre","Ġle on","Estudi os","10 5","Ġfas h","Ġgana dero","Ġreen con","la via","Ġcal iforn","endi das","Ġcom bo","Ġtit ulados","Ġbru ta","ĠSS L","Ġre ban","Ob jetivo","Ġal ici","ĠAl gar","pas o","Ġcordob és","Ġtranse ún","ĠPer man","Ġnauf rag","E j","ba g","Ġsa xo","Ġemin entemente","pa zo","Ġdif us","AA AA","z ante","Ġpla tillo","Ġvuel ves","TIV AS","ĠLinked In","Ġcúm ulo","Ġvestir se","ter ran","mos lo","Ġcompar amos","Ġ14 7","ĠA da","Ġdesp ide","ĠÃģ msterdam","Ġcaptur ados","Apren de","i y","Ġcol gando","ĠDE N","Ġmantener te","ĠIncl usión","Ġenc endida","ĠTom my","Ġaer ób","Ġpad rón","Ġri oj","Ġre gar","Ġsuce dieron","ĠEst er","RA C","ĠS ime","Ġcooper ar","ĠP alo","Ġconst elación","Ġcul par","Ġaprovech aron","Ġtra zo","ĠTrans formación","ĠRol ling","ĠSac ramento","Ġcaute lares","Ġcont é","Ġfal tado","ór um","Ġsuf rimos","eros o","ĠD ual","ĠCap it","Ġafirm aron","Ġpla tic","Ġbici s","Ġrepu gn","de ando","ĠBol sas","v re","Ä ĩ","ĠG og","Ġcos teras","eci ente","ĠMo zart","Ġplante les","Ġdiscu tiendo","Ġcaj ero","ĠTe ologÃŃa","EM PO","Ġcalcul adora","Ġluc en","Ġinm uno","Ġimpor tes","ĠDa ve","Ġreproduc tiva","ĠFron teras","Ġcong ru","ci anos","Ġsubray ar","ĠMob il","M c","e ur","Ġan ÃŃm","ĠNo ticia","ĠHer m","Ġapre tado","Ġilust res","ĠT rist","ĠSen ior","ab s","ĠEd win","Ġcomprob ante","Ġ ij","UN D","Ġclim áticos","Ġre cos","Ġinquil inos","go ogle","al ur","ĠCar ranza","Ġgu apas","Ġsobr inos","Ġy ar","ĠPe tróleo","Ġconven cimiento","ĠRecu peración","Ġc ialis","Ġaplic arlo","Ġpost ulados","Ġmez quita","Ġmemor ables","ĠAlvar o","Ġinces ante","Ġcoment aron","Ġsubje tividad","ĠH arle","lic er","Ġrespal dado","Ġescri bimos","c á","Ġma z","ver tidos","Ġsolucion arlo","ĠC ord","Ġhab remos","ĠCar tas","ĠÃģ guilas","23 3","O fici","Ġsu deste","Ġmanten ÃŃan","ĠâĤ¬ ,","Ġtocar á","Ġapla uso","Señal ó","Alej andro","Ġdis gusto","Ġviaj ará","Ġcontractu ales","ĠVet tel","ĠP im","ĠO bre","Ġ25 00","Ġcuidad oso","Ġestre m","Ġtra zos","Ġhac ÃŃamos","Ġca va","ĠCON TROL","Ġexplor ando","ĠBernabé u","Ġsorpren derá","ac ro","ĠV istas","Ġinter cal","Ġinv itadas","Ġceleb radas","ĠVal les","ĠHar t","ĠNaran ja","ĠI gn","Ġmá st","ĠCa za","fas t","Ġincomple ta","ĠRes iduos","Ġacredi tada","Ġmu ero","Ġcan as","Ġofre cidas","ĠrÃŃg ida","k k","Ġque jarse","Ġti jeras","Ġrom pa","Ġinteg rando","Ġexquis itos","Ġinsignific ante","L ink","Ġal ic","Ġél ites","ĠMars ella","Ġac amp","Ġinf antes","ĠDel itos","Ġrein vent","Ġh alo","ĠA dor","ĠZ ucker","Ġdedi que","Ġra cistas","Ġfij ados","Ġnews letter","Ġobliga torias","ĠEstán dar","ĠChur ch","ĠS erg","Ġcontar emos","Ġduplic ar","ĠRug by","A um","ĠS ay","Ġten sa","par as","Ġpul ir","ra jes","ĠS ri","Ġocupar á","omb ra","ĠRelig ión","ĠDeliber ante","ĠDe troit","ĠCas co","forma ciones","ĠADMINISTRA CIÃĵN","Ġra tificado","ĠEth ernet","ĠðŁ Ĵ","Ġintac ta","Mic rosoft","ent onces","Ġrom ero","iure tano","ĠG lor","Ġplan chas","Ġinstal an","Ġprotagon iza","Ġu ña","Ġpes quero","Ġindi cio","Ġcolec cionista","Ġmem es","ĠMig ración","Ġimpre de","ĠLe van","Ġenter é","Ġmezcl amos","Ġexpuls ados","m uchos","Ġver edicto","ho le","Ġvic eministro","ĠD ental","Ġutil ices","Ġencontrar la","Ġalim entado","Ġhuman itario","Ġnicaragü ense","RI L","Ġseleccion amos","s p","Ġcomo do","Ġtrans itorio","Ġapar tar","ĠInici al","ĠF IL","âĢĿ (","Ġsa qué","Ġrespal da","F an","V iva","ĠL ob","Ġcompr endo","Ġconvers a","ĠEurope an","M ed","ĠPre vent","Ġrecuer das","ĠGonz alez","ĠA rea","Ġabst racción","ĠP ob","ĠProfes ora","Ġsab iendas","Ġpapel erÃŃa","ĠDirec tores","Ġfirm antes","Ġdifun dida","Ġapreh ensión","Ġdetall adamente","m adrid","Ġme tic","Ġ19 25","Ġreduc ciones","Ġintermedi ario","Trabaj amos","Pregun ta","Ġac ech","ĠMan go","Ġ13 4","ĠBa tal","ueve do","Ġdesapareci das","Ġhable mos","Ġvol canes","Ġmenstru ación","Ġla mentar","Ġdejar los","ĠHa wa","ven ia","Ġtar ima","Ġbole tines","re t","Ġescuch arlo","Com ienza","Ġmedicin al","iz quierda","Ġemb esti","Ġantici po","Ġés a","ĠFoo t","o cial","tu viera","Ġme tam","Ġsan d","Ġarm ónica","Ġnovedos os","Ġtir anÃŃa","ĠÐ ´","d omo","Ġex ento","Ġgas tan","Ġalmacen ada","Ġexport adores","Ġes cup","Ġpro videncia","ĠCor dillera","ĠGra y","Ġfalle cida","Ġpronunci ación","res t","Al im","ĠFeder er","Ġcas e","Ġases inadas","Ġsi ervo","Ġcolabora tiva","Ġesca pan","Ġorganiza tivas","id ane","op las","Pla y","Ġengan che","og ado","ĠProfes orado","ĠEnter prise","G a","ĠMoy ano","Ġp ud","gu ita","Ġan du","ĠG len","Ġ19 27","Ġchef s","ĠSEÃij OR","Ġcomien cen","Ġconsist entes","cán gel","Ġsobres ale","Ġero tismo","Ġgrup ales","R R","j ajaja","Ġres olu","Ġextra j","ĠSmartph one","Ġan ec","Ġital ianas","ĠA bo","Ġac ro","ĠK os","Ġilum inada","Ġdifun dió","Ġgent il","Ġd á","Ġcatal anas","Ġadhes ivo","Ġpar ecerÃŃa","S ec","b b","Ġjurisdic cional","Ġdu dosa","ĠCor rec","i tia","con ferencia","Ġactu alizando","Ġextermin io","Ġsu plic","Ġentien des","Ġgol os","Ġinterf aces","ĠLaw rence","Ġcu ñado","Ġpa ella","Ġrod amientos","Al l","ĠRob er","ĠR ace","Ġaplic amos","Ġamortigu ación","V IN","qu iza","ac tos","du ino","Ġincrement an","Ġdañ ados","Ġrefres car","ĠPeda gogÃŃa","c alidad","Ġaspir an","C UL","ĠGra ciela","Ġtos tado","esc uela","Ġin ago","ĠVal eria","ĠBa il","ĠEm ily","vs ky","Ġcer co","tó rico","Ġsof ás","ĠBiblio tecas","Ġemig ración","g ora","ĠCine ma","R IC","ĠCo ol","J orn","ĠS pec","ĠF rÃŃa","Ġacab arÃŃa","Ġcau tela","Ġimpron ta","Ġinde bido","al t","om on","ĠD ul","tor re","G obierno","Ġev adir","Ġinstal aron","ĠMus eum","m ales","ĠAs istente","gel s","Ġof talm","Ġbenefici ará","ĠMc Laren","Ġpes an","Ġcel estes","Ġest oma","Ġin util","Ġhura canes","Lu gar","ĠNo w","th is","Ġh ara","Ġinf or","In tent","M ario","Ġconvinc ente","p son","ec ologÃŃa","ĠRe in","Ġlan ce","Ġguard ados","Ġgrav ita","ĠA to","ó pata","Ġevalu ados","ĠBre xit","ĠD ona","c d","ĠA be","cal e","Ġpán creas","ĠO ak","Ġpasar te","Ġe clipse","Ġen t","En contrar","19 86","ĠHern ando","Ġocupar se","Ġnovedos as","Ġcab inas","ĠMé todos","ĠDis cipl","Ġbeb iendo","Ġevolu tivo","Ġdiger ir","w ick","Ġten a","ian i","lic to","Ġaustral iana","Form ación","ĠHamb urgo","ĠEst é","jer an","Ġimpac ta","Ġdivul ga","ĠPeda g","Ġmu tación","Ġre ins","ĠC isco","ĠOrle ans","co okies","at t","Ġmir en","Ġlin aje","Ġd unas","Ġver tientes","ĠCon cent","ĠMa o","ĠAutor idades","Ġac eras","Ġt apón","ĠG iro","pl us","Ġtamb ores","ĠSex uales","S ala","Ġcu estas","Ġsal irse","Ġda te","Port ada","Ġserv id","Ġb et","Ġad ue","ĠQu iere","Ġatre vo","ĠKar dashian","ĠF IA","Ġmon tan","hu ac","Ġpredomin io","Ġaseme ja","Ġgarban zos","R icardo","Ġacus ar","Ġsuper aron","Ġedi tada","ĠHer rero","ĠBl ues","Ġcom itiva","Ġparti ción","Ġconf luencia","Ġporta bilidad","Ġcompara tivo","Ġcons pir","Ġdici éndole","Ġcontun dencia","pe ya","Al berto","def ensa","Ġdes gu","Ġtratar án","Ġdismin uyó","ĠÃĵ rgano","c ross","ĠB E","Ġpe pino","Ġapar iencias","ĠTar de","ĠAcep tar","an dos","Ġgust aban","en cos","Ġpec adores","Ġreduci rá","ti ana","óp ico","Ġdiagn óst","Ġreglam entar","Ġpastel erÃŃa","me trÃŃa","w ing","Ġl is","âĢ ¨","ĠC ierto","il oc","ĠM BA","ĠM uertos","Ġlá tex","Ġtecn ico","Ġc ra","Ġc ross","ces ano","ĠPubl ica","Ġabri gos","Ġactiv ismo","Ġpermi tida","Ġcompr ados","Ġafec tivo","Ġdirig iéndose","Ġbó veda","ĠMour inho","ĠAr zobispo","Ġdar os","Ġconcre ción","Ġalber ca","Ġtsun ami","Ġch as","ĠMar il","Ġduer men","Ġpar ezcan","ĠF AR","Ġpu ñal","Ġpoder ÃŃo","ĠT arot","Ġé ticas","Ġinser ta","Ġexcav ación","tá bamos","ram eric","ister na","Ġy u","Ġpro di","pa gos","ér mica","ĠDepor tivas","Ġsoñ ando","Ġme tróp","Ġinstitu cion","Ġredi señ","iuda dela","Ġacol chado","ĠAntic orrupción","Ġbal ances","ĠHer e","ĠB oc","ĠF ior","ĠZ al","ĠPos ada","Ġclasific ó","ul u","Ġllam ará","Ġelim inó","ĠC andy","ĠA gü","fre cuencia","ĠH SL","Ġinv ari","ĠMatem ática","Ġcent rados","ĠK rist","S ER","g eo","ócra tes","Ġhab itar","gal pa","Ġpun tera","Ġreutil ización","Cos ta","Ġdramatur go","Ġconcern iente",") âĢĿ,","Ġa eros","Ġdes v","ĠAutón omo","Ġsecues trados","Ġcintur ones","D F","Ġcr ueles","v ajal","ĠI MA","ĠCal efacción","Ġadi vin","Ġdorm ÃŃa","Ġatre ven","Ġin ofens","Ġver anos","Ġautomo ción","ĠInfraestruc turas","Ġde amb","Ġun ÃŃ","Ġartes ano","ĠJard in","ĠCAL IDAD","ĠF iladelfia","ĠSi x","Ġasal ari","hh h","Ġinadecu ado","Ġloc alizaciones","ár telo","Ġcohe te","ĠH I","ion almente","Ġcolec cionistas","Ġbritán icas","Ġbro ker","f ron","ĠB abilonia","ĠAp olo","ĠAc tive","Ġimpuls an","Ġhúme dos","ĠTriun fo","Ġentre laz","Ġasist iendo","Ġmár tires","ĠvÃŃs peras","Ġrin dió","s il","Ġen igma","Ġra ta","com pr","ĠFO TO","ser ve","ĠC oc","ĠT DAH","k ele","ĠA TEN","Ġco dos","tiz ia","Ġextraord inariamente","ĠLlo bregat","ĠR TVE","ĠRe us","Ġhered ado","ĠLu ján","Ġagradecer ÃŃa","Ġesper adas","Ġexten sas","Ġreaf irma","Ġrib era","Ġs pe","ab os","Le ón","Ġdetec tives","Segun da","ĠC IN","ĠS cor","ante ón","Ġcongel ados","A ra","Ġgo teras","ĠAp ps","ĠImp resión","aller y","ĠApe laciones","Ġhel ada","ĠCha po","s omos","Ġpres iona","ĠVal enzuela","C eleb","ĠL T","Ġade re","Ġpredic ar","ĠE jer","ĠJu das","Ġperman ezca","ĠNav a","ĠS panish","ĠT F","du rante","ĠIndi ana","do cu","Ġgen éticas","Ġagres ores","Ġdepos ito","Ġarru inar","ĠC uello","PD F","Ġcomple te","Ġbeneficios os","Ġpól vora","Pro ductos","Ġep istem","l t","en ia","Ġespon táneo","Deb er","ĠCuau htémoc","Ġconfirm ando","Ġinto xicación","g iles","p ros","Ãļ S","Ġvegetar ianos","ĠHura cán","Ġcor tadas","Ġconci erne","Ġmaci zo","Ġvalenci anos","ida y","Ġcl ips","Ġatra pa","ari ño","Ġsuspendi ó","Ġdesvel ar","Ġarrepent ir","ĠA ch","ĠEn tiendo","Ġtribu tarios","Ġpár pados","an y","Ġvil lanos","Ġp álido","ĠP GR","Ġrepent inamente","é valo","én ix","Ġtr un","Ġdesaf iante","Ġpre hist","ĠMur ray","ĠPi qué","Y T","w ear","T amaño","aliz aba","end remos","ĠCine mato","Ġcro w","Lin ux","Ġs cra","ĠG ene","Ġedi tora","Ġpelo tón","Ġindirec to","Ġarquitectón icos","ĠRe ich","ĠFINAN CI","iz u","pon de","Ġpe laje","ĠTrans form","ĠÃģra bes","Ġdisco gráfico","ĠVal oración","daf ric","Ġf ún","IF I","ĠEspeci alización","Ġped ales","it te","ĠRe para","Ġconven ció","mbi to","ĠFir st","Ġen ar","Ġtra yendo","Ġcanad ienses","Ġterapéut icos","f ile","s ionar","Ġt ónica","Ġcerv ical","Ġautos u","ĠCon cordia","Ġpal omas","Ġlin terna","Ġnomb ramientos","hor ias","ĠIns cripción","v y","Ġcereb ros","Ġfur or","Ġembu tidos","ĠE CO","Ġpi leta","und inamarca","Ġ13 8","Ġpatrocin ador","Ġcham pi","ues t","lic ante","Ġconsist orio","ĠT ags","puzko a","tra ck","Ġson ó","ĠSu zuki","Ġacep taron","r genes","n ueva","Ġs ap","da ño","Ġcar amelos","Ġlu ció","Ġdesalo jo","se e","Ġat lán","V o","ĠAgre gar","p lex","Ġb icho","den ales","ĠâĢ İ","endi ente","ĠÃģ lex","ĠVilla ge","ĠAje drez","Ġampl ificador","ĠCre cimiento","ĠDefin itivamente","Ġpermi tidos","ĠAle grÃŃa","Ġren gl","ĠCel ia","Ġpira terÃŃa","Ġtóx icas","ĠCorre dor","ĠEntren amiento","de ri","Ġqu era","Ġdan és","ĠAut oma","6 50","Ġir rupción","cri pti","ĠProduc ts","ĠMila gros","ĠF ace","esti a","ĠMedic amentos","en ces","DE Z","qu ist","Ġlatino americanas","om itas","Ġestudi ados","ĠCar idad","Ġadicional mente","Ġglánd ula","profes ional","ĠDem ócrata","ĠAlh ambra","al de","Ġh t","per ras","Ġmon je","Ġofre cimiento","ĠDesarrol lar","Ġperf or","Ġhorri bles","ĠOlimp o","ĠRecu per","Ġg ambas","car lo","Ġdescar tado","Ġresta urado","Ġpenitenci ario","ĠAn cho","ĠAr tistas","Ġconcent rada","Ġconfirm ados","ĠL la","uel vo","Ġmotiv ados","cán tara","Ġapar ecÃŃan","ill s","ĠVel ásquez","ĠCoopera tivas","ĠY ar","ĠCir co","lan deses","Ġalucin ante","ent ina","Ġdeb idas","Ġide ológicas","ĠOn c","Ġrepor tan","n ull","Ġencan tos","Ġadop tando","Ġrestable cimiento","Ġges tora","Ġenter rar","ĠLO PD","Ġdesenv olver","ĠPos iblemente","Ġgub erna","Ġasust a","ĠE ficiencia","Ġesp el","Ġpudi éramos","Ġflo tando","ingü ÃŃstica","Ġcodi fic","Ġ æ","Ġeduc ada","Ġelimina torias","Ġdescendi ente","al ÃŃ","Ġaus entes","Ġz or","Ġentr antes","Ġplacent era","Vis ita","Ġescán er","Ġmor tero","ĠMin eral","ĠFer rol","cons umo","B y","Ġaf lo","ĠG ral","gan es","ĠW ol","Ġsuger imos","ĠF es","ĠRe por","ĠCar e","In terna","Ġfascin antes","Ġimportant ÃŃsimo","pue des","Ġchoc ar","in stitucional","Ġorganiz arse","Ġnomin ados","Ġtrascen dente","Ġdañ inos","Ġcan taba","Re vista","ĠSer na","Ġtre intena","Ġa tis","Ġen cas","iz ed","Ġso pl","AM ENTO","Ġconsum iendo","Ġlitig io","M el","s um","ĠGa z","UM EN","Ġagricul tor","ol oc","ĠP inar","quier do","Ġgu an","Ġplacent ero","Ġestim e","Ġdenunci ando","ĠDig itales","Ġmand aron","Ġlond inense","Ġah on","Ġtir adas","ñ etas","ĠSan til","ĠDes apar","3 20","V R","ĠB AL","ĠS ide","ĠJ um","ĠSu ites","Ġgir ó","ĠAurel io","ĠAcondi cionado","di rig","Ġcál idas","ĠPens amiento","Ġluminos os","ĠVac aciones","C hi","l eras","ac ucho","ĠW ire","Ġrec tific","gü ey","Ġsab ado","fo tos","ĠApro vecha","Ġblock chain","M enos","P ri","Ġselec to","Ġpost ular","Ġï ģ","Ġpla tino","ĠLo terÃŃa","ĠGál vez","ĠCan ción","Ġagu dos","lle var","Ġimb é","is io","Ġis lámico","ĠHol mes","Ġcostos os","Am eric","Ġcu m","Ġproteg iendo","ĠVol umen","Ġdar lo","ĠMos sos","ĠTan go","Ġsofist icada","Ġcomprometer se","ĠDubl ÃŃn","ÃŃn icos","Ġidenti fique","Ġliber ada","osp ech","Ġcomprob ó","Ġau daz","ĠMi quel","Ġardu o","ÃŃo do","ĠSh ell","Ġus ará","ed onia","fica cia","Ġib érica","Ġalcanz ará","Ġláp ices","U so","Ġp end","ĠF icha","ĠPS G","ĠRecuer de","Ġempe orar","Ġemig rantes","Ġescru tinio","Ġescr úp","Ġde ud","Ġes cep","Ġhir viendo","ñ ales","ut z","Ġliqu ido","Ġbarbar idad","Ġre b","ter est","Ġgen éticamente","Ġcateg oria","Ġvic tor","Ġestratég icamente","D icha","W ill","ĠD ichos","ĠChamp ion","Ġg et","Person al","Ġventan ales","ĠConn ec","Ġal quim","ĠJ uega","Ġbacteri ana","ĠA ñade","ce de","ĠPer ro","Ġater ror","ĠDÃŃ ez","Ġsier ras","Ġbaj aba","Ġur ge","Ġpagar on","de be","Ġg im","Ġdenomin ador","ĠAlmac en","Ġcon dol","per ia","Ġorto doncia","T i","ï ¬ģ","Ġch im","ĠBien al","Ġauditor ÃŃas","im il","Ġcoun try","Ġagre gan","Ġentregar se","ari um","ĠTen drá","ĠBer lin","Ġimpresion ado","�� �","Ġgrandi oso","T ambien","e ados","Ġsu izos","ge te","Ġfir man","ĠRa in","ĠEc ologÃŃa","Ġbou tique","M ADRID","Ġprimer amente","CI L","GRA F","ĠT v","bl igo","ĠEmil ia","ĠDesp acho","n icos","Ġdestac amos","Ġdesp l","Ġunif amiliar","ĠNa tura","ĠContra tos","Ġenvas ado","nav ales","pa pel","ĠN es","ĠAlum nos","Ġto uch","19 87","Ġs ill","Ġatac antes","ĠCo hen","Al ta","Ġmoment án","? ),","Ġban ner","ĠCas h","Ġpin za","Ġdetec tor","DD DD","ĠDim ensiones","om ista","ĠD iver","cin es","Ġacce den","Com merce","Ġrazon ablemente","е ÑĤ","Ġhur to","' âĢĶ","An terior","Ñ Ĩ","un i","Ġimp usieron","ĠEl vira","Ġ19 24","ĠCo che","ie gos","ĠSoci os","Ġsosten ÃŃa","Ġhumill ación","ĠSatur no","Ġen uncia","Ġg av","ĠI tur","ĠSE GU","ĠAC B","Ġpro ximo","ĠCh ivas","Ġvisit en","Ġcon cha","ĠM TV","Ġmi mo","Ġanim adas","Ġdejar é","be lo","ish ing","ĠRepubl ica","an istas","Ġpr ÃŃncipes","Ġins isten","Ġ[ [","democ racia","Ġh uye","Ġrob ó","Ġper can","iz arlo","Ġotor gará","es pec","ĠM Hz","ĠPe ñar","Ġ ا","Ġsu bi","Ġcomun ales","ĠMá quinas","Ġencarcel ado","Ġimport ado","Ġrev iv","Ġinex istencia","ĠGiovan ni","Ġcu car","Ġad quiera","Ġag on","Ġ13 9","Ġcelebrar lo","01 0","Ġsobre dosis","ĠLe ones","EN SA","Ġcontinu ando","Ġconoc éis","Ġfrág iles","Ġinco her","Ġpé talos","lu gar","Ġarbitrar ia","pÃŃ xeles","Ġanarqu istas","Ġtibur ones","Ġpelir roja","Ġt w","do va","Ġexp lanada","Ġcentro americanos","Ġespon tan","Ġda ña","Es as","Ġre goci","Ġk Wh","ĠTen drás","Ġresca tado","Ġenz ima","Ġsu da","ĠMon señor","pro ceso","12 3","dis pon","Ġdesn ud","M AC","Ġp illa","ĠD ebo","ĠGu ard","M aster","Ġre bos","Ġalter ado","ĠUl ises","ĠConv ento","H P","ac tiv","tor is","ĠQ uevedo","Ġsobreviv ido","Ġances tros","Ġc v","Ġra ting","Ġsol idar","ima ge","Ġfor tu","j é","ĠRe lojes","US D","ĠFrank furt","Ġe rup","Ġatra pada","Ġcome tiendo","ĠMir ror",". ?","Ġenf ado","tit lán","im on",". ]","ĠP ocos","ĠD U","Ġdej aran","Ġinexplic able","Ġaná lo","sa ge","Ġesper mato","aliza cion","Am igos","Ġfer ry","Ġproporcion ó","Ġ3 80","ĠContin ua","Ġtur cos","Ġprecur s","ĠðŁ ij","ĠAlcor cón","o jos","ĠM ES","Ġdescon f","Deb es","ĠCon ducción","Ġreun imos","Ġdiscur re","Ġreta il","Ġasist enciales","Ġord inarios","ĠM ona","Ġano ch","Ġgarantiz ará","ĠÃĵ r","Ġexperiment ó","Ġboc ado","Ġpos ea","ĠGal legos","Ġfas cistas","Ġ90 2","ĠHan na","Ġdial ec","Ġmuestre o",".. ,","co u","Ġpa te","Ġro tonda","ĠEsta cionamiento","A licante","f lex","Ġconvertir te","Ġgobern anza","Ġemble máticas","Ġsar gento","mo delo","Ġamb iciosa","Ġtritur ador","ĠPR OS","Ġpeculiar es","ĠS n","D B","Ġb at","Ġab ran","ĠCon duc","Ġrep ita","Ġsil icio","fr ÃŃo","ĠMulti media","Ġaud ÃŃf","ĠCom edia","Ġrepor teros","Ġmuch achas","ent era","le ña","Ġfiel mente","Ġpist olas","Ġexpropi ación","O T","ĠEn viar","Ġprefer iblemente","ĠVis itas","Ġcontra tó","Ġcircul aba","al dad","Ġexhib en","Ġhemor roides","Ġtal lo","ĠEncar nación","B or","ĠDe trás","se jos","Ġsolici tadas","Ġincon trol","ĠMed ical","Ġparo dia","Ġintroduci dos","Ġel as","Ġrev iew","Ġadap tando","gran de","ĠDibu jos","ĠIndÃŃ gena","ĠJ UL","Cu anto","le tt","ut her","Ġho guera","Ġrecur ren","cop ios","\" \"","Ġla titudes","Ġex acer","ĠDe le","Ġingres e","ĠPRO PI","Ġresul tantes","ĠInst ancia","ci er","ces orios","Ġcruz adas","ĠÃļ nica","Ġgem elas","X L","Ġvie tnam","Ġdeform ación","gre ga","Ġmam adas","ĠChil ena","gu ro","Ġtrim estral","Ġembri ón","idad as","Ġjud ÃŃas","ici ales","Ġmar ineros","OR K","Ġjo dido","ĠHer mosa","Ġllan ta","Ġma tch","Ġdesp il","Ġre bus","Ġb reak","ĠT amb","Si mplemente","ry n","Ġdenomin ar","rom ial","Có digo","ĠP umas","Ġ19 19","ĠAn ima","Ġleer se","Ġcore ana","Min isterio","Ġtras tero","Ġadu anas","Ġva ti","Ġasign adas","Ġantidesl izante","Ġsu c","Ġser bio","ód ulos","Ġne f","Ġexten diendo","ĠFrida y","A ust","Ġsir v","ĠEsc ribe","Ġam on","Ġ4 20","ĠNo vo","ĠLe tra","Ġcul tos","Ġrepar ten","B IO","ĠLu ke","Ġpromo tora","Ġras tros","g adora","Ġc res","Ġaprovech amos","ĠvÃŃ rgenes","Ġchor izo","ĠpartÃŃ cipe","Ġsucu mb","ĠL aredo","ĠAl fon","ĠCam iseta","ĠForm ulario","A ce","Ġclas ificada","Ġinstal e","Ġdesaf iar","W e","qu ines","Ġ- --","S ergio","i alidad","ĠS ter","ero y","ĠGar za","ól ito","A ir","Ġsector iales","Ġcrip to","war ts","Cór doba","Ġreg irá","Ġrep rimir","Ġestructur ada","Af ortunadamente","2 20","Ġampl iada","Ġcolabor adora","b ene","ĠE vent","ig ü","ĠmÃŃn imamente","ung alo","ĠArti ficial","ar u","Ġin éditos","Ġac ort","Ġsal drÃŃa","Ġsuper visor","Ġfis uras","Ġolvid arnos","Ġcertific ar","ĠInm igración","Ġcl amor","ĠArgent inos","de le","Ġllegar an","Ġmagn e","Ġrelaj antes","ĠNex us","Ġfrega dero","tr ante","Ġproporcion amos","Ġfedera ciones","Ġleg is","Ġdin eros","Ġacer co","LE O","Ġfelici tó",": ...","S ch","Ġen cog","ĠH ugh","ĠPor n","ip lo","Ġafec taciones","ino is","ac cion","ĠV inci","ĠPon emos","ĠHy undai","Ġabandon an","Ġpat rió","p lano","Ġpar entes","ĠS lam","ĠCh or","Ġgan adoras","ĠMon tenegro","Ġinfec tado","Ġconsa grados","Ġsurre alista","den t","Ġinst intos","Ġmaqu inarias","ĠL ite","ĠIn ver","Ġcolec tividad","Ġcomunic arnos","ĠNi ña","ĠL if","Ġad jetivo","Ġinjer encia","in m","ĠH izo","ĠE us","Ġestupen dos","ĠTok yo","Ġloc almente","Ġimplement ando","Ġplac ebo","Ġcontra ata","Ġcont adas","Ġorganiz adora","Ġpremi ar","ĠFun ciona","ĠIsa ÃŃas","ĠM ist","ĠN FL","ĠCon j","Ġ14 3","Ġcep as","Ġin des","Ġrefor zada","Ġsocioecon ómico","Ġanarqu ista","pol ÃŃtico","Ġcorrer á","Ġré plicas","Ġalbañ il","ĠS OS","ĠPa quete","Ġu d","19 84","Ġocupar on","Ġenchu fe","Ġelo cu","Ġejerci da","Ġdetec taron","Ġresuel ta","Ġarque ólogos","ĠTen iente","s ky","ĠDefens ores","Ġca igan","ĠJa cinto","Ġpega tinas","Ġalmend ra","go t","Ġescri bi","Ġinex per","Ġsovi ética","Ġpu b","Ġ19 26","ĠKa z","Ġbuen ÃŃsimo","gos o","Ġama zón","C ul","O c","ĠC IR","Ġhab ra","ĠEst ero","Ġdesp ensa","ĠPh ill","új ula","Z AS","li qué","ĠTh ea","Ġsigu iera","Ġal ent","Ex tra","Ġhin chada","V ent","Ġcub rÃŃa","Ġcru ciales","Ġanón imas","Ġdema go","le ño","ĠCar ro","Ġenv ueltos","Ġdev olvió","ab ul","Ġabord ó","F EC","ĠO porto","Ġmantener los","' ',","Ġespeci fico","Ġhospit alización","Ġsex enio","Ġhon go","Ġencu ader","Rafa el","Ġvigil antes","Ġsupl ir","ĠAntár tida","Ġex óticos","Ġpig mentos","tr om","ios idad","ĠV ea","Ġ ĸ","Ġgro tes","ĠK ub","ĠPer ez","Ġintentar é","ĠbÃŃbl ica","Ġag onÃŃa","Ġapunta ba","N UE","ĠPar kinson","Ġexpan s","Ġolig arquÃŃa","Ġcu rado","Ġch in","ĠTen dencias","ĠMag ia","ion arios","Ġdejar le","ĠDirec to","es pañol","je ta","Ġplie gues","ĠReme dios","lev eland","ĠMos trando","Ġinstruc tores","ĠInstitu tos","ra mo","mo do","Ġhac ke","ĠCON SE","Ġdiscu tido","Ġads critos","ĠtÃŃm ida","ĠRedon do","Ġexuber ante","Ġan claje","Ġban queros","Ġsum ario","tiv in","Ġha gáis","Ġconocer emos","Ġpos tear","ĠD B","Ġan or","Ġimpon ible","ĠSor pren","Ġrena cimiento","Ġanalf abe","Ġestupefa cientes","Ġv ió","Ġper ime","LE X","Ġcatástro fes","ĠI st","Ġhum ede","Ġelabor ando","Ġavalan cha","Ġinsosten ible","Clo ud","v aca","Ġd ándose","Ġtermin ologÃŃa","ĠIn nova","Ġsent enciado","оР»","Ġvari abilidad","de ce","Ġc ante","ĠEurope os","Ġpres ten","ET AS","ĠExtre me","Ġe Bay","ĠC ib","Ġb ib","Ġtembl ar","Ġdri vers","Ġcor rig","ĠOs curo","Ġres ar","Ġsem bl","p tica","Ġp aliza","ĠBar co","amb ia","Ġesc rÃŃ","Ġcan tó","Ġolvid ada","Ġbomb eo","Ġman ag","Ġexp ensas","Ġcl éri","Ġsubl im","Ġgobier nan","ĠN ECES","Ġna cimientos","Ġperm is","Ġasim ilación","F á","é rito","Ġbas tar","zar d","ĠVers ÃŃculo","ĠObre gón","lan de","Ġhos tig","Pon er","an ÃŃas","Ġcompar ando","Ġpost ulación","ĠMis ericordia","ĠD ON","ĠH omo","Ġexager ada","ĠSystem s","ĠM ajadahonda","ĠU CI","Ġman zan","Ġorganiz amos","ĠTlax cala","R u","Ġca zo","Ġinv ade","Ġgenu ina","ĠPOL Ãį","Edu ardo","ĠA FA","Ġposes iones","Ġcom es","ĠGu ÃŃas","Ġguardi án","Ġpres tador","Ġ £","ĠUn i","D ecreto","Ġman che","ĠPar tidos","Ġrev uelta","ĠFac tor","Ġsignific arÃŃa","ĠSolu tions","Ġesceno grafÃŃa","Ġe dul","eb ro","Ġcer ros","ĠAs igna","Ġfacil itamos","Ġcampes ina","Ġvec tores","ĠGlas s","ĠD as","Ġpre hisp","Ġacce diendo","democ r","Ġinter personales","ĠCom una","Ġdep rim","ĠF ib","ida de","ĠCu riosamente","Ġprovis iones","ĠFED ER","Ġprivileg iados","Ġfrag mentación","bl ica","ĠRe gres","omb erg","Ġleer la","am eño","ĠD NS","ĠCa usa","Ġfl ip","ĠTrabaj a","Ġportu gueses","Ġesqu ivar","Ġintac to","Ġdiscern ir","ist ió","Ġintens ivos","Ġam ones","Ġmayor istas","Ġderiv ó","ĠCL IENTE","ĠSOL O","Exper tos","Ġa var","Ġcomun ique","Ġcompla ciente","ĠMaz da","ĠEx posiciones","Ġpag adas","ĠMassach usetts","Ġm acetas","Ġro tas","Ġidén ticos","Ġrep udio","Ġcambi arÃŃa","ĠProvin cias","Ġferrovi aria","Ġba teria","Ġfas cina","R AL","Ġgan ará","Ġbusque da","Ġ20 22","and re","Ġpod ÃŃas","Ġcoj ÃŃn","ĠO sa","ĠEx pan","Ġpack s","iz able","can z","Ġsup lan","ĠF irma","Ġap uros","Ġfun g","ĠHar ris","ĠMichel in","ul ina","Ġrasca cielos","ĠCiudad anÃŃa","cle ta","Ġderiv arse","Ġre uma","ĠP ron","Ġop cionales","ĠRA E","Ġétn ico","&# ;","unta des","Ġsumerg ir","Ġcerra jerÃŃa","Ġ6 000","ĠINV ESTI","D M","L N","ĠG rim","оР´","ĠL ud","ĠHen ri","Ġopos itora","Ġbande jas","Ġprefer entes","Ġran ura","Ġtrac tor","ĠElim ina","te las","dr ich","Ġri endo","ĠA ge","ĠRe a","AS H","ĠÃģra be","enta i","Ġtor rent","Ġeman cipación","Ġcomp il","Ġmal lor","econ omÃŃa","Ġmu taciones","Ġpre gon","ĠWal t","Ġdifer enciales","idu o","ĠEnferme dad","Ġtit anio","li ques","Ġconfigu ran","Ġdespe dirse","Ġdep ur","ĠAcuer dos","ĠQu i","Mo delo","Ġconfec cionado","Ġcompres or","Ġp udor","ipú zcoa","ç ļ","Ġcas eta","Ġadi estramiento","Ġcontempl ados","Ġpra xis","ĠM eso","Ġtrans cripción","ĠWar ri","del la","Ġhabil ita","ĠRol l","Ġlici taciones","ĠMIN IS","ĠVideoj uegos","Ġin imagin","Ġcaus aron","Ġjun tan","ĠFon tan","ãĥ ¼","tos is","ĠB éisbol","Ġcircul ando","ãģ ®","Ġagropecu ario","ic u","var rÃŃa","ĠTer cero","Ġnomin ada","Ġju ra","Ġmoder ados","Ġsimbol ismo","TE G","s ina","Ġm aj","Ġcomp as","Ġbur ro","Ġtemper amento","Ġlu to","Ġprome tida","ĠPon s","Ġsever os","ton ÃŃa","ĠBust amante","Ñ Ī","ĠC RI","con os","Ġin cin","Ġviv ientes","11 2","ĠRe iki","ON E","Ġdocu menta","Ġbrig ada","G lo","O ne","Ġc ian","Ġé bano","Ġeduca cion","Ġchocola tes","Ġpatrocin ado","Ġtác tico","Ġc Ãĥ","Ġcostos a","Ġcolon iales","Ġtradu cida","ú stica","Ġres entimiento","gan as","Ġun itario","ĠCar vajal","Ġimpac tantes","Ġjustific an","; ,","ĠCo bre","Ġmand amiento","Ġcongel ación","Ġcal lado","Ġprob ados","ĠEN ERG","ĠMac ron","Ġcal uros","Ġaz teca","Ġdispar aron","Ġvendi da","Ġm ÃŃstico","ĠF ER","Ġdeb éis","Ġal bar","ĠP inos","Ġsus hi","Ġro tul","tt y","ĠCos pedal","Co ord","Ġrein iciar","Segu ridad","ĠPregun ta","ĠP rada","ĠDe an","Ġaper itivos","Bus car","ãĢ ģ","Ġmicró fonos","Ġtax istas","ell s","Ġdispar es","S iento","Ġcar ajo","Ġacadem ias","Ġr pm","Do wn","ĠSum mer","Ġdesembol so","ĠT et","Ġ15 6","Ġcolor ante","Ġpros igu","Ġexci tante","Ġcancel ado","ĠMaxim iliano","Ġ ÃŃmp","Ġcoinci dencias","Ġcodi ficación","ĠChill án","fi x","ĠMer ced","ĠUn ica","ĠX avi","Ġarque ológica","Ġmurci é","Ġs ida","Ġpi ece","Ġbenefici osa","Ġlac tosa","ĠEstu vo","Ġoblig aron","ĠLeon el","Ġdel gadas","id ó","Ġpol ÃŃm","An drés","L eo","mp la","ĠMu jica","Ġenfrent ando","ĠCU P","Ġroc ÃŃo","w ri","x on","Ġsi rena","Ġho jal","ĠRo zas","L ópez","ĠP UN","Ġpla yo","ĠPlay er","á rate","Ġre as","Ġans ia","Ġliv iano","Ġequita tiva","ĠBuda pest","Ġecolog istas","i pa","Ġcal m","Ġinspir an","oooo oooo","Ġpor tadores","Ġdi af","Pro ducto","Ġemig rar","L M","Ġen ano","ĠLe tizia","Ġpan dilla","Ġdistribu idora","Ġbes ito","Ġintemp erie","Ġas unción","ĠEv itar","Ġbil iar","Ġtra tarÃŃa","ĠDepartam entos","R ock","Ġo to","ĠY ang","Ġdeb u","df ul","ion eras","Ġboc as","Ġcha tarra","V in","ĠAR N","S anto","ĠM ister","Ġdif iere","Ġinterac túan","Ġchil enas","Ġzana horias","Ġmasturb ación","Ġesper arse","Ġpobl ada","!!!! !!","it su","Ġ19 12","Ġestrel ló","Lib ros","s ÃŃn","ra me","Ġdic taduras","ál idos","Ġex enta","ER AS","Ġprepar aba","Ġll ene","ĠDes tino","ĠInter americano","ĠRo om","ĠComun itario","dependi ente","Ġglú teos","Ġcos tero","ĠAle mana","Ñ ĸ","ĠX ML","Ġdirig ieron","Ġreconoci eron","Ġfe ha","Ġhard core","Ġtres cientos","Ġdar ás","ĠFamil y","Ġcamina tas","S N","ĠA migo","tu vimos","ĠT ram","Ġan ales","Ġver bos","lu jo","Ġmane jado","Ġcarn é","ĠRendi miento","ú e","y al","romial gia","Ġser ian","Ġli mos","ĠP eople","Ġus abilidad","ito l","Ġflex ibil","Ġenamor ó","ĠU se","ĠlÃŃ rica","Ãį O","Ġexpan de","Am érica","ĠG ad","Ġexig ÃŃa","Ġaventur ero","Ġn ick","Ġme me","ĠIn gen","ĠAl cántara","vis o","Ġreti re","Ġchan ces","Recom end","VÃŃ deo","Ġa mos","ĠL obos","ĠD ue","Ġarras trando","Ġclasific an","Ġde roga","ĠR adi","Ġbur gués","Ġincent iv","Ġmenstru al","j ack","Ġest antes","Ġmes o","est yle","Ġo ido","ros so","ĠYa h","Ġprovoc ación","Ġultra violeta","ĠIbero américa","Ġman guera","entos o","Ġsuje tar","â Ī","Ġser an","Ġlogr é","Ġreiter ado","terror ista","Ġre duzca","Ġconstruc cion","im ba","Ġar rol","ĠRe ver","Ġvic timas","Ġindustri alización","Ġát omo","Ġimpens able","Ġfin alizará","Ġexpres ando","Ġsa quen","Ġinadecu ada","ac ab","Ġtra iga","Ġbaj amos","Ġremo de","C ine","I CIONES","ĠPer la","ĠPol ideportivo","Ġofrec ÃŃan","Ġagu ard","Ġadap ten","Ġimpuls or","Ġcuestion amientos","H ol","ic anas","Ġv éase","Ġrevel aron","Ġenamor arse","ĠPach uca","Ġdepre dadores","ĠS pen","ios co","ĠEsc uch","Ġhotel ero","ĠLle var","Ġalber gues","Ġla deras","Ġcon je","Ġmanten ida","Ġcil ÃŃndr","ĠN ina","Ġgenera cional","ĠPl ace","Ġcaprich os","ĠEmira tos","ĠBo eing","ĠPort ada","Ġcas ación","ĠEs qu","Ġvuel co","Ġluch ó","rad ura","Ġvisibil izar","L I","Ġdes mes","ici mos","Ġcop yright","Ġplen aria","Ġglor ioso","Ġw ikipedia","ĠMun diales","Ġorganiza tiva","Ġmodern izar","ĠCar melo","Ġfran jas","Bol ivia","ĠE fecto","ĠK ris","Ġdecre tó","Ġesc or","Ġpro hibió","ĠDe ep","ĠAs pectos","Ġacondi cionados","Ġfla g","Ġdi ste","ĠZ ap","Ġresist en","Ġjub ilado","Ġeng ros","d ran","ria ga","Ġagr ario","ĠMc C","Ġho p","ĠTe gu","ĠAtac ama","] ]","Ma gn","ci éndose","Ġno toriedad","ru ci","jo kovic","at lán","Ġp ent","va te","ĠPe trol","ĠGal án","Ġconsa gración","Ġadu ana","Ġpro x","Ġsin ti","Ġsent im","ĠMa tar","ĠK B","amb os","B iblio","ĠSo ul","ĠTe tas","ĠTh eo","ra k","Ġanomal ÃŃa","ĠPantal ones","ĠM EC","ĠHO Y","Ġpredi lec","Ġla tón","Ġan y","ĠN ano","Ġfoto gráficas","Ġinde termin","Ġmedi ar","Ġcont ada","Ġcomer se","ula cion","ĠRen fe","V AS","á d","Ġdis pers","Ġref ieres","Ġinquie ta","Ġmultiplic ado","Ġdeno ta","Ġcach é","ĠDra ma","Ġcaj ita","Ġest rang","Ġsu dafric","Ġ3 40","Ġdesob ediencia","Ġbaj adas","Ġencar ecidamente","Ġdobla je","ĠSit ges","C e","Ġex óticas","Ġamar ga","Ġpose edor","Ġadquier an","ĠTradi cional","Ġpor q","Ġmo jar","pres idente","Ġagu ante","TI CI","Ġre man","Ġar men","Ġpi ados","ém icas","ĠDERE CHO","36 5","Ġinjust amente","Ġvo leibol","pas a","ĠCatal án","Ġcasti gos","Ġtenta tiva","Ġtecn ica","Re alizamos","dis co","å Ľ","am ás","ab ajo","Ġpe do","Ġve ÃŃamos","Ġra tificación","ĠSal gado","Ġregal aron","ĠEras mus","Ġsu cios","AC K","Ġcoreo grafÃŃa","B re","Ġes encias","ĠMen ú","Ġde duce","Ġbuen ÃŃsima","Ġconcre tó","Ġref rac","ĠCab al","gri ma","Ġreaf irmar","Person almente","Ġsinerg ias","om ing","ĠLe jos","ĠLas t","ĠUN IC","Ġino cu","Ġa tur","Ġd ándoles","ĠJ ol","Ġconci be","de t","ĠIn greso","Ġrespon dan","Ġcondi cionado","Ġtri plic","tar ÃŃas","Es peci","s ie","Ġso pas","ĠNO TA","Ġfidel ización","R D","ĠM oya","Ġretra ta","Quién es","Ġ19 23","ĠGran ados","Ġarreg lado","Ġenmar cado","ĠDamas co","Ġacos tarse","á cido","om or","Ġmu do","ĠMe dida","Ġapoy amos","n or","Ġpara ca","Ġvecin ales","Ġe tim","Ġencontrar te","ĠFo ur","Ġanal ogÃŃa","Ġhos tal","Ġre inci","ĠL losa","Ġdescub ra","Ġcontes tado","ĠDyn am","Ġk ur","ENT AS","Ġdespleg able","o tros","Ġo jeras","ĠDe uts","Ġsus critos","min o","ĠP ale","vi des","Ġmedioc amp","an ero","Ġpar iente","ri ano","Ġmer ec","ĠPal ace","Ġesco cés","Ġcuidad osa","ĠTro feo","In fo","Ġinvers ionista","Ġbon ificaciones","pl ora","Ġbio grafia","ĠFon t","Ġregist rando","Ġconsul tadas","ĠEr mita","Ġescla v","vig ilancia","ĠZav ala","ra t","Ġreun irán","Ġintercon exión","Ġincógn ita","ci cl","Ġcor tan","Ġop uestas","ĠQu isiera","н Ñĭ","Ġalej adas","ĠPy mes","ĠIber drola","Ġrene go","n uestro","Ġreg ir","10 2","Ġurban ÃŃstico","Ġb ucle","ĠUnivers itarios","Ġtur ca","s amo","en era","Ġdest inará","Ġtras ciende","ĠCh eck","Ġsepar ador","Ġsupon iendo","Ġcoordin adores","ĠSS D","re go","Ġdes anim","Ġco ag","Ġcoti zar","Ġtibur ón","Ġcarc ajadas","m ut","Ġat ribución","Com enzamos","Ġgestion ados","ĠE ros","Ġpudi esen","ĠRa w","sion s","Ġimpermeabil ización","pu b","Ġposi ciona","Ġproxim idades","ĠCorpora tiva","en lace","mb ar","ĠAm nistÃŃa","M ens","ad ares","ti ones","Ġex entos","Ġayud arÃŃa","Ġindi e","ĠPens é","Ġeslo gan","ĠBry an","Ġg rada","Ġcontra posición","Ġjug adora","ĠSuper ficie","Ġgobern ado","ĠPie zas","n era","ĠGir ls","ĠHil ton","Ġpol ÃŃ","Ġpl enos","Ġtipo grafÃŃa","ĠPar ejas","ĠNe gras","ĠSon ido","ĠChan nel","Apren der","Ban k","B r","Ġ16 8","Ġespeci ficación","Ġcome tieron","Ġimprim e","Ġan aran","Ġconf ió","Fel ici","Ġt uc","ut ón","reg ulación","Ġinterpre tan","Ġa pañ","al te","ĠEx presión","Ġarom áticas","h ima","ac ep","Ġinstan táneas","Ġt án","Ġreactiv ar","! \",","A E","P iso","ar ta","Ġtelevis iones","ĠPROYEC TO","A hor","co ck","Ġpol ie","Ġquer rá","Ġlim ÃŃ","Ġatribu ido","ĠR ELA","Ġinter ferencia","Ġce didos","Ġceb ada","ĠOb rero","ĠimplÃŃ cita","de pendencia","Ġapoy e","Ġdecora tivas","ĠPal m","DI CIONES","ĠJord ania","ĠAlco bendas","Ġenten didos","ist encias","Ġir te","qu eria","Ġam ol","th ing","ICI O","ĠF ig","ex ia","Qu isiera","Ġfra mb","ĠG endar","Ġcuad rang","Ġarro yos","igh ter","Ġempo der","ĠF est","tac k","Ġabsolu tos","ĠBras ile","RES OLUCION","an era","ĠJu icio","Ġtrascen der","ĠCONS UL","Ġcontar le","ĠRam on","Direc tor","ĠR AD","Ġpas tos","Ġamena zada","h ual","ĠA j","Ġman de","inos os","Ġbril lan","Ġp idan","espa cial","ĠMill án","ic ular","rec om","com bust","ĠFor mosa","ĠHar vey","Ġescog ió","Ġespin acas","Ġ19 22","Ġmantener la","ĠAra uc","Ġusar las","Ġp ho","ci ru","ad izo","Ġprob ó","Ġcuch illas","ĠTrabaj ar","Ġinter mitente","ĠIr ma","al ea","Ġfacil mente","Fu imos","ĠCÃŃv ico",") \"","y pe","Ġpe p","Ġhom ónimo","ĠDi go","Ġdesc endió","Ġzo o","Empez amos","Ġla urel","Ġab rÃŃ","ĠSi guiente","Ġdefini tivas","Ġanal ÃŃtico","ĠFal le","Ġinvent or","ĠProve edor","g ándose","Ġl unas","ĠR ud","ĠIn iesta","Ġins critas","éspe des","Ġs port","ĠCo ur","ĠSus an","Ġcentr alizado","Ġpar tners","Ġcondi cionada","ĠSolid aria","ĠAr ica","Ġ15 3","mujer es","Ġsuger ente","Ġterren al","Ġalaban za","CUR SO","Ġgen ital","Ġviaj aron","G G","t ólogos","Ġba tidos","ĠRu bi","Ġdiscrep ancias","Ġex hibiciones","Ġneutr alidad","ĠNex t",") âĢĿ","ĠP uertos","00 2","vi deos","ĠSI EM","Ġjab ones","Ġgen ios","Ġal p","ur f","Ġinsul tar","ĠImp or","Ġdura deros","а л","ĠPRE CIO","Ġreen car","ĠH av","Ġco ña","Ġdu pla","ĠBlan cas","du ro","tó lica","ĠPa trón","Ġol ivos","viv ir","Ġcomunic ará","Aquel los","Ġreba ño","Ġotr ora","Ġesp árra","und ing","Ġincon tables","00 3","Ġoptim izado","Ġandal uzas","Ġlimpi ador","Ġaf lig","ĠZ idane","Ġrefug ios","p d","Ġentr ena","Ġarrib ó","M arca","tr all","ÃŃs os","Ġproces a","ĠReg las","adal ajara","Ġcon cuer","tón ica","ĠFA O","Ġdemar cación","Ġy ema","Ġterrible mente","Ġrigu ros","Ġesconder se","Ġprofundiz ación","Ġº C","Ġ( âĢĺ","Ġdecl are","Ġparque t","ĠGrad uado","Ġas ienta","Ġpu ñeta","Ġéx tasis","Ġlente jas","Ġilim itada","Ġcaracter isticas","Ġret oma","ĠContemporán ea","Ġengen dr","en c","ĠPel ig","Ġrema ke","== ==","e tu","ci ty","Ġno dos","Ġfin g","Ġante proyecto","ĠHéro es","ĠCarre four","Ï Ĥ","te b","ex cl","ĠEmp ieza","Ġcome dias","Ġvisitar lo","Ġempres aria","Ġhi alur","Ġtiro ides","оР¼","fren ia","ĠAm ado","Ġmeteor ológica","sab es","ĠSomb rero","Ġrevolu cionarias","ĠD GT","Ġra chas","Ġespeci fici","An dal","Ġc itación","ĠP ana","co pi","Ġword press","Ġen cap","Ġven cidos","pr omo","Ġmaf ias","L ife","v ador","Ġv ita","Ġcas ualmente","Ġfi je","Tu ve","ĠRecom iendo","Ġhum edades","Des cub","Al quiler","icha el","ro jos","is cu","Ġdolor osas","ĠPos ibilidad","ĠPubl ic","áce as","N OS","Ġprac tico","Ġran cho","Par tido","Ġespermato zo","Ġf uc","Ġson deos","Ġdo quier","ĠViv es","ÃŃ no","Ġsent ÃŃan","Ġcr ÃŃas","Ġatra jo","ĠAuto bús","ĠMóvil es","Ġfuner arios","ĠLil iana","Ġpar aba","ĠMill on","Ġ( �","ut su","Ġ14 8","Ġefectu ados","Ġpremi ada","Ġlider ó","Ġsemá foro","Ide al","Ġpro tag","Ma x","Ġirregular idad","Ġcatara tas","Ġun dé","Ġayud aba","Ġnor uego","OO OO","ĠRum anÃŃa","Ġprogen itor","ad ada","Ġcor cho","Ġpod rian","Ġplante amos","Ġmarcar á","Ġsuf rida","Ġesté reo","quim bo","p ice","ĠCons ulado","Ġcompren dida","Ġadop tados","Ġasust ado","mi ó","ĠPro te","ima gen","ĠBo t","ĠHab er","Ġagreg amos","Ġans ioso","Ġrob ados","Ġmigra torias","ĠVeter inaria","Ġpenit encia","ĠL oy","ĠRec rea","Ġdenunci ados","ĠEléctr ico","de las","ĠL un","Ġimpar tida","ĠA UD","Ġra pero","Ġtrayec tos","ĠFund amentos","ĠBe et","Ġestabil izar","Ġpre ponde","Ġra cionales","Ġabor tos","ĠpsÃŃqu ica","ĠAr re","Ġcob ros","ĠBus cando","l iz","Ġten eb","Ġconvoc adas","Ġgastron ómicos","ĠINS TAL","Ġlegitim ación","bre ak","én ica","OM E","Ġperiodi cidad","Hab lar","Ġarra igo","Ġsacudi ó","ul so","la de","Ġdesc abell","Ġeco grafÃŃa","Ġpes cador","Ġcompar ada","Ġlin ux","ĠTh under","Ġingres ando","ĠH T","Ġpreten dido","Po drás","ĠPRO TEC","ĠM uel","Ġcumpl ida","ĠPu ma","ĠD IV","Ġtrop ie","ãĢ Ĥ","ĠA pa","ĠM ando","Ġdes vela","Ġhac ha","ĠU sar","Ġom bligo","j ud","por osis","Ġtermin ara","Ġdesp iertan","Ġescén icas","ĠR OD","ne go","Ġrever so","ĠCollec tion","P OL","Ġda tan","Ġsor dos","Ġfra udes","Z AR","j ajaj","mo di","Ġdetec tan","ĠÃĥ º","Ġinclus iva","Ġlamin ado","ĠEx clus","Ġadjun tar","Ġé pico","Ġtran ce","Ġcán ones","Ġol imp","Ġayudar emos","au x","ĠOc ampo","Ġdeliber adamente","Ġsevil lano","tas a","ĠY emen","99 9","Ġaliment icia","ĠCon tador","ĠLo pe","ĠRo w","ell ó","Ġmodific ó","Ġreproduc tores","Ġcontinú en","Ġintim idación","ig nos","ĠDe cir","rech as","cal cul","Ġmon tando","Co okies","ĠChallen ge","Ġejecut ada","Ġcambi antes","ĠM OL","Ġsin tieron","ĠMá xima","Ġservir ÃŃa","Ġopon entes","ĠcÃŃv ica","19 0","Ġmantener nos","Ġaventur eros","Ġgla ciares","ĠO pción","Esc orts","! ),","g alo","Ġla titud","Ġle i","Ġahor ita","Ġchav ismo","Ġantici pa","ĠTher momix","Ġv ario","Ġcor tando","Ġcup cakes","is etas","ĠFran z","Ġpetrol eros","Ġproclam ado","Ġcopi ado","Ġla ure","lev ard","ĠLa p","in formación","fer s","Ġconsidera bles","® .","Ġhun dimiento","Ġmuc osa","ĠKle in","ĠEx actas","ĠC ust","cur re","Ġempren dió","Ġresplan dor","Ġconsegu iremos","Ġlóg icos","Ġimpon iendo","Ġpade cimiento","ĠD ichas","Ġinterro gante","Ġjurisp ru","ĠWay ne","st ers","CI MIENTO","ĠUN ED","Ġmix tos","ĠS tri","ter ri","Ġat ómica","ich el","ĠESPAÃij OL","Ġam al","Ġmedi ador","Ġrevis ada","Ġde val","ĠB rid","ĠB eta","Ġhor quilla","Ġba h","ĠAndre u","Ġcon dón","di á","19 82","ĠMeteor ologÃŃa","ĠR usa","ĠEx ten","Ġgen érica","ĠCl ásica","Ġcla vos","ĠBan caria","Ġmo ho","amil lo","tec os","Ġbul to","ĠS ão","qu a","Ġco tas","Ġad ora","ĠAl ban","Ġante cesor","Ag encia","Ġreactiv ación","Ġquiróf ano","K ar","Ġg ame","Ġpreju icio","Ġdesliz amiento","um ar","ĠEl is","Ġagre dir","ĠGer ard","Ġcinemato gráficas","o ficial","de tes","Ġest om","ĠFe de","Ġmad urar","Ġna f","Ġinvoluc rada","ĠGuardi an","Ġcan sa","ĠS tyle","Ġafec tiva","ĠCor p","Ġgaran tia","ĠPresiden cial","Ġbesa zo","Ġch if","Ġfor ex","ĠSte wart","Ġexcepcional mente","ĠPic tures","Ġqu itaron","ĠMé dicas","mentar ia","Ġ23 5","ĠZucker berg","G én","q l","Ġhub ieras","Ġfich ar","ĠEvan s","ut ch","ER TO","Ġesplén dida","Ġpuertorrique ño","de grad","ĠQu into","ĠTra de","ĠIN GEN","ĠJav ascript","Ġalar m","Ġadjud icado","Ġreproduc en","ĠT EX","Ġantes ala","Ġcorrec tor","ĠLa gar","Ġven dÃŃa","tr eros","Ġpl um","11 5","Ġcro quetas","M AL","Ġentrevist ados","ĠpÃŃ ldora","Ġlitu rgia","ĠHotel s","áce o","Ġlo do","ĠH ud","Ġvo ta","Ġguard aba","ĠIbero americano","ĠCopenha gue","Ġcontar nos","Ġsobresal ientes","ĠComprom iso","ĠLu jo","Ġol ivo","dra gon","Ġdest il","ĠMad onna","Ġlegisla tivos","ĠPent ágono","çļ Ħ","p ide","ĠAs ÃŃs","Ġir ónico","Ġpin terest","Ġbull ying","Ġcanje ar","E ÃijO","ĠC iv","Ġespeci aliza","Ġresolver á","Ġauric ular","H um","to v","ol ia","lec os","Ġinex or","Ġpal ia","pro tec","ĠCos to","Ġalt ÃŃsimo","Ġdisfrutar án","a zo","á manos","ĠC EN","ĠRe aliza","Ġprovoc adas","ĠPos grado","ĠGen era","ĠCONS TRUC","Ġpr ender","ĠW C","Ġresul tarÃŃa","Ġhistor io","Ġre inas","ĠLa y","Ġdirector ios","j oles","Ġso cia","ĠDes emp","Ġgen oma","Ġinsist iendo","Ġrar amente","le var","je t","Ġentre c","ĠAmb ientales","ĠNico le","Ġdefec tuoso","Ġdesembar co","p c","Ġb ricolaje","Ġarquitectón icas","Ġalc acho","p it","Ġdis play","ĠIn ser","so via","Ġsorpren den","Ġlide rando","ĠDispon ibilidad","Ġbala zos","ĠGom ez","te lar","Ġmar ion","Ġcol ind","Ġamar gura","F AC","ĠL lanos","� ,","Ġseman almente","tam inación","Ġrepresent ará","Ġtit ul","ĠAm ador","Ġmete mos","ĠArti gas","Ġembo tel","Ġescep ticismo","ĠW omen","Ġedi ta","Ġet nia","ĠLey endo","Ġasturi ana","tu ros","Ġesc amas","Ġpresi dir","TIA GO","l itas","ac uerdo","ion ismo","Ġsens uales","ĠT AN","Ġch ub","che vi","Ġcomprar me","Ġencontrar los","ĠCrist ianos","Ġper a","ĠJ et","CU ELA","Ġlingü ÃŃstico","Ġmercen arios","y ch","Ġimp uta","estr ales","h ona","Ġtrata ban","Ġinal canz","Ġrehabil itar","Ġcom ÃŃa","ĠConsul tores","ĠAten eo","Ġlubric ante","Ġr ÃŃa","Ġrep tiles","Ġmus lo","Ġclim ática","Ġinscrib e","Ġapel ar","Ġciber seguridad","R ece","dos os","ĠRe ducción","ĠAr ran","Ġperman ecÃŃa","Ġexplos iva","H acemos","ĠCol lado","Ġprotagon izar","ĠO jeda","Ġout let","ĠEx plic","Ġdismin u","Ġrepe tidamente","Ġvence dores","Ġman u","Ġsec uestros","Ġbol itas","AM ENTE","Ġintent aban","Ġavis ado","ĠEc olog","ĠCa tedr","Ġenvidi able"," ħ","Ġten dria","Ġprop ensos","Ġanti güedades","Ġprob ables","Ġatras o","ĠP atro","Ġorig inado","Ġrod ando","ĠOrd inaria","Ġ27 2","ĠDisfru te","Ġt ante","Ġdiferenci adas","ĠAdam s","ĠNaran jo","Ġinsuper able","Ġes bel","Ġgra tamente","éf ono","Ġembri ones","i dismo","ina ta","... ?","Ġvis or","Ġbo leta","ĠELEC TR","Ġedul cor","Ġin habilitación","ĠCat ólicos","Ġescog idos","ĠâĻ ¥","Ġexhort ó","Ġ15 2","ĠMAT ER","al istas","iz arán","Ġca ñas","Ġvol untades","Ġhon rado","Ġgimnas ios","Ġevalu ando","Ġdies tro","Exper iencia","Ġdestru yó","Ġgus ano","Ġtang ible","G ACIÃĵN","ti an","ĠR M","z yn","do or","Ġpose an","Ġemer ge","rist al","Ġpos guerra","Ġexce dente","il eno","Ġhom ólogo","Ġger men","Ġmira ban","K it","ĠC leveland","Ġfinanci ados","ĠOFICI AL","A de","Ġh igh","Ġh uyó","ĠA aron","Ġilust rada","ĠLÃŃ der","se is","Ġva iv","Ġ« ¡","Ġp ut","ĠL er","ĠMon taje","Ġacab en","Ġmega pÃŃxeles","Ġpuri ficación","Ġinquil ino","( \"","Z ona","Ġ3 10","Ġz umos","Ġretir ados","Ġtrai cion","ĠDá vila","Ġconfi ando","Ġpermit ÃŃan","tem or","Ch rist","ĠDocu mental","Ġcron ista","ĠUn ic","Ġcine astas","Ġtro citos","ĠLOC AL","cu atro","Ġtor so","ámb ulo","Ġacent u","Ġesca pado","Ġins isto","N uevos","di v","Ġmon ó","Ġescon di","Ġdesgra cias","H ig","es tación","Ġperten ecÃŃan","ĠT AC","Con ven","Ġdif untos","ĠAdministra tivas","ĠLac an","qu it","Ġgal van","ĠIden tificar","P Y","p ig","ĠH ino","ĠESPAÃij OLA","Ġinsin u","es h","par ece","tec ario","ĠDepor tivos","ĠSha kira","Ġide ado","Ġdesen can","ĠPirine o","ĠA less","Ġnerv iosas","Ġapa cible","Ġcerra jero","ĠOpin iones","iz ales","ĠR EM","ĠDi álogo","ich ar","Ġcongel ar","ĠArque ológico","ti dez","IC ADO","cas e","Ġbo dy","Ġdepartam entales","p úsculo","w orth","ĠV ENTA","âĢĻ )","ĠProduc ciones","produc to","Ġdespleg ado","Ġrefun dido","ĠC ú","ĠAp to","Ġcar pas","Ġmon señor","Ġtriste mente","Ġais lante","Ġtransvers ales","ĠDro p","graph ic","ie mos","ĠO ración","Ġinst in","qu ido","Ġconst an","Ġalt ÃŃsima","xt la","ĠBie ber","Ġper iplo","Ġmar eos","Plan ta","Ġcul tiva","Estu vimos","Ġincompr ensible","å ®","ĠCan ciones","Ġremo ción","ĠInte grado","tán amo","ĠGra ham","ĠGa tes","ĠVin cent","Se x","EE UU","Ġalmoh adas","Ġtermin arÃŃa","ĠSam pa","Ġdescentr alización","ĠAsegú rese","ä »","ĠA vent","ĠNie tzsche","Ġeleg ÃŃ","Ġta ilan","Ġguardam eta","Ġpesti cidas","h emos","ac tivas","D ic","Ġdi remos","Ġincluy o","Ġprofundi za","ĠS ena","ĠCon gres","blo queo","In t","Ġcri ticas","Ġh ockey","Ġdelic tivos","ĠH ombro","segu ro","ĠMer ino","Ġasigna ciones","ĠDia z","ĠHos telerÃŃa","ĠC los","Ġan f","man era","Ġhoy o","ĠðŁĺ Ģ","Ġcalle jera","ĠLuc y","Tra tamiento","Ġt este","!! .","Ġsustan ciales","ĠE T","Un ivers","ĠFon seca","ĠResul tado","Ġpopul ismo","ĠM ack","Ġgu iados","Ġavatar es","Ġcon yug","Ġcu ran","ĠR unning","Ġten ue","ĠAn unci","Ġinac ces","Ġcartul ina","Ġl és","ĠSir ve","Ġra tifica","ĠInst ruc","Ġcaus e","Ġmal igno","Ġtér micas","Ġmig raciones","ĠDoc entes","ĠMich igan","ĠSign ifica","ĠA J","Ġj os","Ġexitos amente","ĠOR DEN","Ġexf oli","ĠRousse ff","ĠIn ci","ĠReg ulador","24 1","Ġa viv","Ġconvertir án","ĠRece pción","Ġun iendo","Ġal zar","Ġple bis","le psia","» ;","uca ti","Ġser eno","nos a","Ġbra zale","Ġevangel ización","den omin","Ġcre yeron","En contramos","ĠUtil ice","ĠV anessa","Ġac ér","po pular","Ġabsur das","Ġestúp ida","Ġescan eo","V IA","Ġc ed","Ġtelevis ivos","ĠL ÃŃneas","Ġpol iuretano","Ġesté ril","fi el","ĠÃī stos","ĠI x","Ġregal an","ĠC lic","ĠC enso","Ġsug iero","E videntemente","Ġres tar","Ġ14 6","Ac tividades","ĠlimÃŃ tro","Ġv ajilla","Ġnar cis","Ġpic nic","Ġcam aro","ren as","Ġdefin irse","Ġdescon exión","IL A","Ġenunci ado","Ġlas tre","ton os","Ġenci mera","PE P","ĠReserv as","Ġaccidental mente","ĠMatthe w","n ueve","Ġal gar","ĠCon vivencia","Pro p","Ġsub director","Ġbo quilla","Ġsolici tamos","ĠCan ada","ĠSen ador","ámp ara","S AL","ĠJa ke","ĠAlgun a","ĠÃļl timas","Ġproclam ación","di oso","ĠG oy","Ġinform arle","ĠFrancis ca","Ġimplan tado","Ġboxe ador","ĠRach el","ĠL eche","ĠB ren","ras te","Ġrecon ocÃŃa","Ġmam i","ĠEX PER","am s","ĠW y","Ġele van","Ġconglomer ado","ñ ero","Ġpr ens","dom et","ĠJ ab","Ġaten dida","Ġcomunic arte","Ġdol encia","Ġb ri","sta tion","esta ba","Ġfar sa","ĠJer ry","ĠRES PONS","Ġterm ales","l amiento","Ġlugar eños","Ġsuper á","Ġx x","Ġpal as","ĠFer rocarril","Ġatre vida","indust rial","ĠSaf ari","ĠAl me","Ġbas ó","Ġhe avy","ĠPromo ver","Ġorif icios","de recho","Ġv iz","Ġalcan cen","das e","Ãī sta","TI R","Ġanal ÃŃticas","ĠM K","ĠT ian","Ġand ina","Ġcamar era","ĠT L","ras sa","Ġconsul ado","Ġinterior ismo","Ġagrup ados","ĠHog warts","I d","O B","n d","Ġrepar tido","Ġconvers iones","Ġcuel ga","ĠLt da","M ara","} .","Ġpar ón","Ġpar amos","Ġinneces aria","ĠSEC RE","Ġinter pel","CI ALES","ĠAng élica","Ġretribu ciones","ĠN uclear","Ġpe dr","val e","Ġdesapar ezca","ĠilÃŃ citas","Ġinterrump ido","C AD","ĠE vil","Ġten dra","TE X","Ġpris iones","Car men","Ġmeter me","Ġd uch","ĠS ELEC","Ġdest ap","Ġrespe tuosos","Ġbru tos","Ġestimul an","ĠE tapa","Ġfavor ecido","Ġmanip ul","on te","Ġsol tura","ĠNe il","TI O","ĠDan ce","person as","ĠEmpren dimiento","E cu","ĠO cup","Ġch eco","Es pañol","ĠLan ús","ernam ental","ĠD ru","Ġtu be","Ġad orm","Ġpla gado","Ġradio grafÃŃa","Ġrem em","ĠJul ie","Ġfruc t","ĠT ip","Ġgalard onada","ĠOriginal s","ç ī","ci c","ĠP uc","Ġnegoci ando","D ebo","ró polis","ver es","Ġcar ecer","Ġobserv arse","mo uth","Ġsec adora","Ġmal ent","Ġapoy en","Ġsuminist rada","Ġcrimin alidad","Ġomn ipres","ri ties","mo v","Ġsal dos","ĠCon o","Ġpla gio","ON D","Ġhici ese","ĠAf ro","Pla za","Ġguar nición","ĠGer ona","Ġanto ja","ĠF itness","Ġinv entos","Ġsa ciedad","10 6","Ġemo ciona","¡¡ ¡¡","ĠRepresent ante","Ġpronunci arse","Ġmasaj istas","Ġidentific aron","Ġremon tada","z antes","af il","Ġanti depres","ies en","ĠHu anca","Ġapu ñal","ĠI F","ĠH ir","Ġcrecer á","ĠGil berto","errec tor","dful ness","Ġgra ciosa","ĠZ ARA","Ġprede cesor","ĠN ó","pl ace","ĠAu tores","Ġignor antes","Ġdudar lo","M undo","Ġn acÃŃ","ĠV aqu","Ġ< <","+ .","Ġte je","ÃŃp tica","Ġlic u","Ġanal isis","Ġnutri tivo","Ġstar tup","ĠRum ania","Ġdesequilib rios","Ġimpugn ación","Ġpedag ógicas","j ará","ĠA ward","ĠK ap","Ġale jan","Ġvib rar","Ġesplén dido","ti remos","Ġme tÃŃ","ust e","__ _","Ġses go","Ġgl óbulos","Ġeb ull","Ġse ña","di seño","il vania","Ġmi ente","Ġdirig irá","Ġrom anas","Ġétn ica","ĠNo é","Pol ÃŃtica","ta y","ac tor","pro te","Ġplane amiento","ul los","Ġle ales","Ġorden adas","ĠPol anco","Ġcompar ecer","Ġfa z","Ġinstan táneo","ĠS orte","ĠM itch","ĠRick y","Ġden gue","serv icio","ĠB ridge","ĠPlan et","Ġagar ró"," Ĺ","Ġaprovech arse","Ġinci den","gran des","Ġhall ados","ĠLleg amos","ĠCitro ën","ĠBar ry","Ġtab leros","Ġad jetivos","Ġnum érica","ĠEusk al","ÃģC TICA","c ac","ás icamente","ĠF ara","Ġflam enca","ĠPROFES IONAL","Ġchak ra","Ġvolv amos","Ġap liquen","Ġcol gantes","Ġexpres adas","Ġbro cha","Ġsal uda","ĠS acerdo","Ġserv ice","Ġhoy os","ĠCo ach","Ġcaus ales","Ġdesapar iciones","CL U","am igos","Ġprop usieron","Ġale atoria","Ġreta blo","Ġenorg ulle","tiv istas","ĠW oman","Ġtal los","Ġllev ándose","Ġcompac tos","Ġpa gada","ĠParlam entario","h emia","Ġdes pu","Ġregul adoras","Ġrepara cion","f ir","Ġ ático","Con tenido","Ġpan ista","Ġdomin ada","Ġchar co","Ġcong estión","qui que","Ġdemos trada","ĠEdi tores","Ġguard ando","j ares","Ġgra ciosas","Ġdesign ada","Ġtard ÃŃo","Destac ó","Ġtra idor","av ente","Ġosci lan","ver al","Ġlogr ada","Ġfana tismo","Ġdo ta","Ġcel eridad","TIF ICACIÃĵN","Ġincle m","olog ies","Ġmala ga","Ġorif icio","la to","Ġacer quen","Ġvir tualmente","ĠAy acucho","Ġvers átiles","Ġalcanz aba","Ġhones tos","Ġcul inaria","ĠSuper liga","imp res","ĠV éase","Ġen ra","ĠB adalona","ĠLe ticia","Ġgobern abilidad","ĠDil ma","ta zo","ĠP UE","Ġhablar é","Ġtratar emos","Ġincorpora ciones","Ġprotec ciones","Ġave cina","Ġponer las","Ġblan das","AC TER","ĠTal ca","Ġbarn iz","ĠT ubo","Ġar it","h id","Ġemp ar","Ġdedic aron","Ġrec ámaras","Ġinter poner","Car acas","Ġre anim","ĠB eth","ĠPo d","11 1","guar da","Ġremon tan","ĠLugar es","Ġm Ah","ĠC il","Ġconocer án","Ġtritur ar","ĠThom pson","Ġubic arse","Ġprote ja","Ġópti mos","Ġfeed back","ĠGRATU ITA","Ġdes uso","iemp os","ĠCo pas","Ġhom ónima","ĠF F","B LO","ĠR PG","UN CA","Ġganar le","Ġenrique cido","ĠVi ol","ĠIma genes","Ġdecora tiva","bn b","ĠC s","Ġdes pen","Ġcor tados","ĠNo vela","Ġfutu rista","ĠHy per","Ġn udi","Ġdañ ada","omen cla","Ġimped ÃŃa","ĠAl mo","Ġexpres s","Ġrepos itorio","ĠAF IP","v iz","Ġcu stom","Ġan chos","Ġrecib ÃŃan","ĠIz quierdo","Ġnet working","Ġse udónimo","ĠF ur","ĠV os","ĠV uelve","ĠO di","Ġestudi aba","IG NA","tan as","Ġcompartir la","Ġvisitar nos","Ġdown load","Ġp ingü","é dicos","ĠT aran","Ġap tas","ha ha","bo t","Ġori undo","Ġrela ja","Ġ; -)","Ġaquél las","ĠN ADA","Ġsole mn","Ġhabil itada","ĠPel le","pany ol","Ġres ort","ĠCo de","Ġdisfru tó","Man if","и ÑĤ","Na cido","ĠBlog ger","Ġadyac entes","ĠGuill én","! \".","/ )","Ġhay áis","ĠCa tar","ĠCam pan","Ġregres aron","Ġ* **","Bo gotá","Ġarbi tral","Ġambul ancias","ĠF emin","ĠEs pan","Ġcan tado","Ġfacil itada","ĠLeon or","ĠOrg ullo","ĠTera p","ĠE tio","Ġus b","Ġdef orestación","pi ramos","19 83","Ġsom n","Ġde genera","ĠL uch","Ġple ito","Ġcrib ado","e fecto","Ġl s","Ġincon stitucional","Ġocul tan","v ase","Ġf orn","Ġmul titudes","Ġrem esas","Ġdiferenci ados","ĠSue ño","Ġisl ámica","Ġl or","pen dic","ĠCor ta","Ġimplic ará","ĠModi ficación","h esa","Ġlu pa","ĠAr cos","Ġparentes co","ĠV d","ĠAl lah","Ġconf usa","serv icios","ĠMik el","Ġac udan","con stru","ĠCh acón","Ġsan g","ĠExper ience","Ġtransmi tió","ĠAdolesc ente","C ruz","Ġcas adas","10 3","Ġza ga","Ġgiras ol","k or","Ġg n","Ġvig ésimo","Ġher pes","Ġtendr ÃŃas","Ġpasar emos","Ġav ala","Cal le","Ġpim entón","Ġpirámi des","j aja","ĠN U","Ġmultiplic ación","T ro","ĠPo drán","ĠPos adas","ĠPA ÃįS","ĠrÃŃt mica","ĠN ilo","Ġactiv an","Ġmor alidad","Ġexplic arle","Ġcautiv erio","ĠS V","ĠPer ry","Ġcir culo","Ġfis ico","Ġsovi éticos","st re","Ġmostrar nos","ác ora","ĠSal e","Ġreconoce mos","á tegui","Ġsi rios","Ġ19 11","Ġfil mar","ĠRec ono","ĠBon illa","ĠS UM","con tac","Ġfel ig","Ġaval ado","Ġrepro ch","ĠOportun idades","Ġrenac entista","Ġasegu re","ĠA GR","Ġfin alizando","Ġtranscur rir","ĠTI EMPO","Ġrecicl ados","in vesti","Ġsobre car","Ġcorri ge","Ġbrutal mente","Ġinago table","Ġp illado","cle tas","ĠLi dia","Ġescalo fri","ĠMon ster","Hab lando","Ob jetivos","ĠBron ce","Ġcaer á","ĠFol lando","Ġcarica tura","ĠLu cia","ĠÃĵ pera","ĠCi U","ĠKn ight","ĠDiá metro","Ġparal el","a torial","ĠC undinamarca","ĠCon tras","Ġplas m","cual quier","à ®","Ġt Ãĥ","Ġexten sos","g ivers","Ġresta urada","bil los","Ġflo te","Ġno toria","eb io","ĠFal cón","Ġlú dica","Rob erto","tur alidad","Ġllam arnos","ĠNoc tur","ĠBo das","Ġmarc aba","ab ria","Ġ15 1","Ġilust rador","Ġembaj adora","Ġrepres alias","Ġans iosos","Ġcu tánea","ma de","Ñ İ","ci dez","ĠTal ento","Ġdelic tiva","uev amente","ĠIn mediatamente","Ġgla ciar","ĠBang kok","Ġinsól ito","man d","Ġmer ecer","Ġregular ización","Ġroj izo","Ġanh elos","Ġebull ición","Ġmercado tecnia","Ġinclus ivo","Ġtard aron","h ome","st ad","Ġ14 1","Ġregul able","Ġca uces","Ġvalor adas","Ġcontribu irá","Ġun ic","Ġtra gos","Ġadap table","Ġglob alizado","Ġtermó metro","Ġsocial dem","pas s","dra ma","Ġpos a","ĠCon forme","ĠCon ozca","Ġprem ia","Ġprom uevan","Ġpro hibiciones","Ġmos que","Ġdivers ificar","pl y","Ġdesaf ortunadamente","ĠA rel","Ġocur rida","Ġras o","Ġobserva torio","ĠTron os","Ġper gam","ĠY am","ĠK ol","ĠSuper copa","Ġmemb ranas","Ġnet amente","Ġem ana","Ġcomb in","Ġinsec to","cóp ica","f uerte","at z","ĠStad ium","ĠLic enciada","ĠAlgo dón","c ora","Ġen anos","Ġmay onesa","Ġseman ario","Ġcome di","ĠHear t","ment ales","Ġaten dieron","Ġadjud icó","ĠM R","ĠL enovo","Ġapar ta","Ġparticip amos","Ġsi ervos","Ġpe ñas","ĠCan dida","Ġinstrum entación","Ġdelan teras","Ġest rÃŃas","ĠAle jan","Ġren ales","Ġrap idamente","Ġjurisdic ciones","Gener almente","Ġno do","ĠDe i","Ãģ l","Ġtraslad an","ĠPRO MO","Ġmarch aron","ĠbÃŃbl icos","Ġtraga perras","ĠS UR","Ġ ½","Ġmun iciones","ĠRo ta","Ġviol entamente","ĠBoy acá","ĠIk ea","ĠLleg ada","ĠINDUS TRI","Ġespos os","ĠLes bianas","ĠMarsh all","ĠCon sider","Ġk W","ĠComun ión","Ġdep risa","guen za","ĠNer uda","Ġemb os","Ġlanz ados","Ġast ros","ĠLuc a","ĠCÃŃv ica","Ġdu alidad","ES TA","ĠDol ce","Ġecuator ianos","ĠVolun tad","Respon s","ie tas","Ġsub di","ĠL IN","ust ra","Ġcaball erÃŃa","Pal abras","' :","Ġas oma","Ġautor re","Con forme","Es p","Ġsac arse","rad io","Ġconsist irá","Ġceb ollas","Ġdeli rio","ÃŃ bar","ĠD N","Ġserv ÃŃan","Ġgri taba","ĠMir ador","ek w","Qu iere","Ġfilm ación","pot ente","ĠAU TOR","ust itu","Ġcar gan","ĠCon ceptos","gra cia","end ÃŃan","Ġexam ina","S ánchez","Ġne ona","Ġplan illa","ĠCN E","ĠDIS TRI","escol ares","n ivel","ñ en","ĠP ea","Ġho use","Ġquie to","Ġpredetermin ada","ĠG rin","Ġco jo","Total mente","Ġtra z","pl á","ĠR ig","Ġpen alización","Ġesco peta","Ġóp ticas","ia go","ĠI a","ĠV IDEO","ĠGra ce","ĠNUE VA","La ura","net t","Ġacerc ándose","ucal ip","Ġmal las","âĻ ¥","EN OS","Ġencar gos","Ġenseñar les","ĠIra q","Ġmatrimon iales","Ġmetaf ÃŃsica","ĠTesor erÃŃa","ĠP ON","Ġcumplim entar","conoci do","Doc tor","Ġvergon zoso","ĠJ OR","Ġaprovech e","ĠVe ge","ĠFil ms","Ġpeda go","Ġhob by","Ġb ichos","pec tivas","Ġtranspor tista","Ġqueb rada","di ci","ĠB ik","dan t","Ġedi les","Ġasal tos","W orld","Ġcont adores","Ġem ba","Ġpareci eron","prim era","ĠDonos tia","Ġpol en","ene as","Ġexcl uido","ĠBa ker","mer cados","Ġpuntu alidad","Ġdiscur s","pens ación","iéndo la","ĠCis neros","Ġtos tadas","ĠNazar et","Ġcor pus","ĠCor án","ĠPas ado","ĠDomin io","Ġrepetir se","Ġpól izas","h m","wa ter","Ġdespro teg","u ja","Ġin tran","Ġal is","Ġma que","Ġnum érico","ĠCastel lanos","Ġoblig ando","Ġlanz ador","ĠFabric ado","Ġesmal tes","ĠV oc","Ġemp adron","Ġve to","ĠMc Donald","ca y","no ticias","so ft","Ġindividu alidad","ĠEstratég ica","lo v","um iendo","Ġlav adoras","Ġescrúp ulos","B enz","lan to","ĠAl mirante","Ġcontr al","Ġcar gadores","Ġalimentar ias","Ġenajen ación","l istas","ĠSh are","b ilidades","i ola","Ġi dios","je fe","ĠInf ante","Ġdespren den","Organ ización","Ġalfabe tización","ti ño","ĠP áez","Ġj ack","aba t","tis a","Ġbo letas","Ġ20 8","Ġcompa g","Ġm ist","Ġre patri","Ġju da","Ġjug abilidad","ĠGal ileo","ĠTemp eratura","Ġhun dir","educ ación","ich es","ĠEspañ oles","Ġinédi tas","Ġeyac ulación","Ġhipote caria","ra ma","Ġfuer as","aste iz","Ġdepre ciación","ĠGendar merÃŃa","M ENTE","ĠNav arre","Ġtes ts","е л","Ġdesesper adamente","Ġpa ñal","ĠNa k","ĠTur ÃŃn","Ġquirúrg icas","Ġsobrena turales","Ġver ter","ĠSi ri","ĠPo drÃŃamos","Gran ada","Ġeng ras","ĠMarcel ino","Ġb iber","Ġesta fas","Ġad icto","Ġemb elle","ĠQu ick","Ġcomport an","Ġintentar emos","Ġardu a","Ġri e","Ġinteres ó","Ġzo ológico","te k","Ġcre zcan","Ġpos ada","Ġcambi arse","Ġcambi aria","Ġenfoc arse","NO VA","Ġlej anas","Ġcriptom oneda","el berg","Ġcal culo","Ġresca tados","ĠFol k","qu ote","Ġhor rores","ĠPubl icación","ĠCom ités","Ġllam é","Ġà Ĺ","ern el","ĠRes urrección","Ġap og","Ġdis identes","Ġtrans ita","Ġescol tas","Ġale a","Ġinquie to","ĠOBJE TIVOS","C omb","Ġpes te","ĠDes as","Ġautor as","Ġolvid ando","Ġmanifes tando","Ġprolon ga","pue den","Ġrev ocación","Ġcolor idos","Ġcri ollo","ĠAut ingo","ĠFu imos","Ġpar alización","Ġcan ce","Ġtr ue","Ġcontro vertido","ĠEmpren dedores","ĠMod alidad","Ãģn gel","ĠW as","Ġdist antes","Ġadvers idad","un ión","ĠExc mo","Ġso u","Ġnecesitar ÃŃa","Ġnecesit ábamos","A gu","Ġmil ÃŃmetro","Ġprefer ÃŃa","Ġadic tos","D ÃŃas","æ ĸ","ĠV IC","Ġparlam entarias","ĠP lante","Ġfor jar","Ġavan zaba","Ġdese adas","Ġneoliber ales","B anco","fic ción","Ġneutr alizar","Ġpoem ario","Ġmudan zas","ĠE cha","Ġ ±","ĠProcur ador","P rueba","Ġpe dest","Ġdemocra cias","ĠT eles","af e","ĠPsi quia","V eo","ar cado","on ar","Ġin duc","ĠT il","Ġlav arse","Ġtopo grafÃŃa","ran io","ĠR ell","01 1","ĠPar tners","Ġestim ados","Ġinfin itos","ĠEqui pamiento","Ġadvir tieron","Ġtim idez","ĠConst rucciones","| -","Ġconfun den","Ġtraspas ar","P l","Ġgeométr icas","di je","ĠT oc","ĠW im","Ġequivoc ados","ĠVar sovia","se d","bi ologÃŃa","ĠW inter","Ġbus iness","Ġmer ma","ĠNa tación","Ġvir ales","Ġproporcionar le","ĠTrop ical","o le","Ġsu bre","Ġinci enso","direc cional","Ġmultimillon ario","Ġdeduc ciones","ad ÃŃsimo","ĠA partamentos","Ġasist imos","Ġdetec tados","Ġcondol encias","an z","Ġb rechas","Ġdesvi ado","ĠMan ufac","Ġmateri alizar","Ġgal leta","Tu vimos","EX O","di ana","Ġconec te","Ġquedar an","Ġflo ja","Ġmaquil lar","c co","ĠM og","ĠF S","Ġ19 21","Ġsos tén","Ġentren ados","organ ización","e valuación","ĠD ó","ĠR EL","Ġinform arte","tific ada","Ġatra ÃŃdos","Ġdes dic","ĠB OR","ĠG la","Ġlan cha","tán donos","ém icos","tr ÃŃas","Ġesper ó","gram ación","Ġprosegu ir","ĠHab ilidades","its ub","ĠAdul to","ici sta","Ġalej amiento","Ġdesaperci bida","ĠO ra","av es","Ġpresion e","ĠA K","em éri","Ġpreten dÃŃan","xx x","Ġnar raciones","Ġadmir ado","n ell","ĠG ent","Ġabrir án","ĠJud á","Ġrealiz as","Ġanticip ó","Ġencer rados","i dió","ĠA quiles","Ġale tas","su p","Ġimperial ista","ĠAl t","Acu erdo","Ġheb illa","p ack","10 4","Ġacor tar","Ġsobreviv e","Ġatropel lo","Ġtó rax","c ers","m adre","Ġre ceso","ÃŃa ca","Ġres guardar","inos as","ĠBo ur","dios os","Ac ceso","Ġpresi dió","ĠLar ry","un tes","Ġdescon ocÃŃa","Ġ% ),","Ġbip olar","Ġp itch","Ġmelo co","ĠA yo","Ġpropon ÃŃa","Ġpronunci ada","ĠAce vedo","ĠBla ke","g á","Ġre es","ĠM IG","ort on","Ġlingü ÃŃsticas","Ġva go","Ġprove en","an gu","Ġano tado","Ġchu pa","re loj","ĠPaul ina","ĠNorm an","ĠProp ie","ĠS ana","ral o","Ġmulti fun","Ġdescubrir á","ĠTorre vieja","ĠÃŃ tems","Ġs tu","ñ iga","Ġni tidez","Ġcorreg ido","gra tis","Ġidentific amos","ĠLim ón","J ack","U su","it res","Ġk now","Ġcompr arse","Ġball ena","Ġtor tas","ĠBer na","Ġtransport adora","ĠS tella","ĠK ay","ĠOh io","H ern","Ġest es","ĠV M","Ġconsegu idos","ĠPas co","ĠOl ivos","Ġconcluy eron","ĠIn d","ĠEste la","Ġsa gas","Ġauto did","Ġmundial ista","Ġescand ina","ĠMa xi","Ġdefin irá","Ġelim inada","ĠN AS","ĠGal indo","Ġauton ómicos","ĠMag isterio","Ġinneces arias","ĠGuan tánamo","T re","g ales","ĠG ira","Ġcons iente","Ġlic ores","Ġsobreviv en","Ġta pones","Ġbailar ÃŃn","pro tección","Ġara ñas","Ġderma titis","Ġc ia","ĠIn teg","Ġfil tra","Ġsilen cios","ĠVia gra","C aja","ĠM ama","ĠDes eo","Ġobliga toriedad","ĠBre ve","Ġpad rino","ĠCop yright","ĠS enegal","ĠM illones","ĠMac ro","ĠCambi ar","f ruc","Ġe che","ĠD emos","ĠDen is","S ociedad","Ġres iduo","ĠMa tu","Ġinvesti gue","ĠRos ada","Ġrem or","ĠGén ova","un ga","ĠT AM","Ġw ay","Ġmon tó","ĠCN C","ĠFron t","Ġmasaj ista","D U","con ec","Ġvar illa","Ġopinión Respuesta","ĠNO TI","Ġauton omÃŃas","Ġpal oma","and ora","Ġauto psia","Ġsome tió","Ġredac tada","ĠO M","Ġcer tifica","Ġon ub","end y","Ġexpe diciones","plan ta","Ġapres ur","ĠSEG UN","Ġacepta bles","Ġdac til","' '.","ver ano","Ġjug aban","gar te","ĠX peria","ĠCro w","Ġrevesti mientos","Ġobse quio","ĠV ib","Ġne tos","Ġinv itando","Ġcompar ta","Ġinval idez","Ġemp at","Ġpró fu","C ri","Ġsist émica","viv e","Ġsustitu yendo","N ave","ĠA val","а ÑĢ","Ġo pa","ĠF rÃŃas","Se is","Ġtab erna","Ġes mero","uc ky","Ġten so","G ir","Å Ĥ","Ġab eja","Ġmar inero","Ġconclu ida","ĠA eronáut","IM E","Ġimpac tado","ĠAcci dentes","Ġ19 13","Ġdesac redi","Ġoff line","Tex to","ec ón","ĠAl quil","Ġinici ados","ĠpsÃŃqu ico","el an","ĠF DA","Ġconlle van","- ;","V arias","ve jecimiento","ĠFran çois","gara y","Ġciruj anos","Ġinmortal idad","Ġe ternos","Ġimplic ada","Ġdestru idos","ĠSU B","Ġsuspen de","Ġhúme das","g iro","Ġimp ago","Ġfor ja","ef ore","ĠPrincip io","j uego","ĠP EL","Ġpe gados","Ġk on","ĠPR INCI","Ġperjud icado","Ġcurric ulares","Ġi manes","h z","ri ana","ac le","pe cia","Ġinter cultural","Ġpan ameño","Ġsac as","Ġfer re","Ġasalari ados","Ġimper cep","ĠDOC UM","Ġdes min","Ġinc uestion","ĠFil ologÃŃa","S ign","mo grafÃŃa","ĠVig il","Ġrecopila torio","ola zo","tan era","Re quisitos","ĠHer moso","Ġatender á","ĠIns ular","ĠPer formance","Ġpremi ación","Ġaceler ada","Ġaliv ia","L ima","ĠAr duino","Ġcomunic adores","itsub ishi","j j","ĠCar b","ĠSelec cionar","Ġbronce ado","Ġtard ará","prim er","ĠW ine","ĠAman da","c ue","Ġar ándanos","uro este","ĠEsc ort","Ġrefle jados","Ġmediocamp ista","ĠC iber","Ġpor tón","ĠFlor entino","Ġac up","Ġter givers","Ġdescomun al","Ġsuperá vit","Ġd r","Ġconv ulsiones","ĠCor doba","): )","Ġaust rÃŃa","BO E","Ġremun eraciones","Ġboc adillos","Ġna ciente","Ġcomprobar lo","Ġanaliz ará","ĠChan el","Ġúl ceras","N Y","ĠP ig","ĠDes pe","ĠAb or","k un","Ġs ha","Ġinf usiones","ĠRe x","ĠPor tillo","Ġdescrip tivo","ci d","Ġcent ÃŃ","ĠDes pues","Ġoblig aba","ĠN eb","Ġcomp uso","Ġgust ando","Ġrel ámp","Ġayudar los","Ġmultiplic an","en ga","Guar dar","Ġfor zadas","ens is","Ġadj untos","R uta","ĠB le","Ġâ Ĺ","ĠSecre t","fal ta","Ġegip cia","i jas","ĠD oy","ĠMad uras","Ġdisfru té","Ġgobern ación","ĠFis calización","l aban","Ġos tent","ĠHar rison","W ork","Ġp ésima","Ġesp ÃŃas","ĠInf anterÃŃa","Ġaconte cido","Ġe a","Ġgu a","Ġpare jo","Ġasoci arse","Ġpertin encia","Ġde tienen","ter ap","ĠCo t","Ġidentific ando","ĠBra va","w ig","ten idos","Ġaf ÃŃn","Ġinver so","ĠSil encio","Ġper ito","pa per","Ġplas tico","Ġperpe trado","ĠFÃŃs icas","ĠEp iso","J ames","i dia","ĠO MC","dar ias","Ġfal to","Ġpi que","Ġartic ul","Ġsobreviv ió","Ġsofist icación","ĠAran juez","ĠHonor able","p ando","Ġcu ent","ĠD jokovic","Ġla ca","Ġtermina ciones","Ġob vias","Ġininterrump ida","f amilia","j ante","Ġsepar ó","Ġech aron","Ġaquél la","ĠExp lo","ĠPay pal","ĠPe tr","ĠOrgan izador","Ġdivi didas","Ġnó minas","Ġjesu itas","i ques","Ġ ue","ĠQ i","Ġautor itario","Ġesfuer za","Ġdevolver á","Ġenferm eros","Ġnarcotra ficantes","v ano","Ġap uro","ĠCan tá","V ive","Ġconde cor","Ġrectán gulo","Ġllegar emos","Des af","Ġaband one","Ġprosper ar","chan dis","fer ence","Ġelec trol","ĠSen adores","ĠTem er","Ġsocor ro","Ġpancar tas","Ġdes or","Ġvan idad","Ġconver tÃŃa","Ġdesin formación","Ġprefer imos","ĠLU IS","M ichael","å ½","ĠB IO","Ġap uesto","Ġclas s","Ġeduc ador","ĠProduc tores","Ġmatric ulados","Ġp ú","ra cial","Ġlos a","is ario","Ġex ca","Est ra","ĠTor rent","Ġmiti gación","P adre","ĠDes per","ĠBol sos","Ġacu áticas","ĠEmple ados","Ġco financi","Ġus é","Ġdefini tivos","Ġech aba","ĠTS J","ĠMemor ial","Ġproduc cion","ĠCO P","Ġpan tano","Ġinmun itario","Ġreorgan ización","er ing","Ġinterac tivas","ĠExpe diente","Ġver tido","pec tivo","Con sider","Ġperio don","Ġatacar on","Ġcab ras","Ġide ológicos","Ġir on","ór mate","Ġrefer endo","Ġcristal inas","Ġfic ticio","Ġdor sales","Ġwa ter","ĠB é","Ġinf anterÃŃa","ĠZe us","Ġmercad illo","Ø ª","Ġartic ula","Ġmis il","ern er","Ġfl aco","ĠAplic ada","Ġplus valÃŃa","Ġesfor zarse","ch ita","Ġmedi rá","In g","rag ma","Ġileg alidad","Ġchampi ñones","bi ble","Ġvis cer","Ġpel udo","Ġdif ieren","ĠMo vil","ĠWh it","Ġcoher entes","L oc","ĠRe vel","Ġá pice","Ġ16 1","Re v","Ġcuestion amiento","ĠCo quimbo","Ġinyec ciones","war z","f la","Ġal ero","is ca","ĠN OMBRE","ĠMin ero","Ġren con","Ġcomunic ada","ĠTol ima","Ġ é","Ġdes qu","Ġex ija","ie u","Ġpul gada","ĠCap itan","Ġintelec to","ĠLim itada","Ġpara ÃŃsos","ien zo","Ġme tieron","Ġamena zados","ĠSnap chat","Ġsi to","ĠW right","Ġproyec tan","Ġins ospech","Ġpractic antes","Ġadver so","Ġreh enes","ĠS PA","ĠU B","Ġintegr ó","Ġan alizadas","M úsica","Ġlle gues","ob s","Ġ: -","Ġdesin stal","Ġconmo ción","C T","ci co","Ġinstal ando","Ġdepor tación","Ġlavan da","en demos","Ġal érgica","Ġcor dura","vi es","Ġpu gna","ĠAu gust","Ġreca uda","éut ico","Ġcontempl adas","Ġentre gamos","los ión","Ġpe gue","Ġpi des","Ġ17 6","Ġllan ura","Ġcosmopol ita","e ira","Ġc ana","ĠK ings","ĠCR IS","ĠC osa","Ġal us","Ġto billos","vi ada","ĠPon tÃŃfice","ĠEstu ve","Mus eo","Ġclan es","ĠOdon tologÃŃa","k ara","Ġhon da","Pro tección","am er","Ġimp une","Ġvendi mia","Ġtol dos","ĠP ist","Ġtu yas","Ġhaci éndole","Ġvehic ulos","Ġcondi ciona","Ġdesa tado","Ġtriun fal","ĠBo tón","Ġtem ÃŃa","Im ágenes","ĠCh ang","AN TIL","ĠBol as","ĠMel bourne","Dep endiendo","Ġy ugo","Ġdeb utar","ĠAu top","Ġcontribuy eron","ĠCL AS","tr alidad","gar an","ana ir","Ġsobre v","Ġmil la","Estu ve","r inos","hor as","ĠInte gra","g b","ĠP ará","Ġ15 4","ĠRol dán","Ġenfa tiza","Ġno tan","ĠPeque ños","Ġf ito","cin i","ĠGran ma","Ġmezcl ados","ĠOliv ares","U stedes","Ġconside ras","Ġce pa","Ġamp ollas","Ġalf ab","ĠCic lismo","ta ts","cre ar","Ġtem ible","Ġorigin an","hua ia","j aban","CA T","Ġfér rea","ien de","Ġac tora","vent as","Ġejecut adas","Ġramp as","Ġguardi anes","ĠEVAL UACIÃĵN","ici ados","Ġañ or","Ġsuminist rados","Ġcatalog ado","Ġv ene","Ġg ara","Ġpermi timos","ĠRo jos","Ġenseñ arle","ĠXX III","Ġdro gad","Ġcalib ración","P ED","W ashington","Ġbon us","Ġsú b","ĠAbs olu","Ġpol vor","teg ia","tán dome","Ġimpuls adas","Ġdespe didos","Ġconfies o","ĠP OP","ĠJ á","Ġcri ados","mac ÃŃa","ĠTrad uc","Ġutilizar emos","Ġdesc endido","Ġpers isten","Ġahor rando","ĠOri huela","Ġsobrepas ar","Ġreval or","ĠPosi cionamiento","Ġso pla","Ġma za","ĠCon ferencias","Ġins ol","men u","Ġcontras tar","Ġfat ales","Ġre ven","ten iendo","Ġcal ab","ĠAc ab","Ġpen se","Ġprestar le","Ġexp ir","ĠÃī stas","Ġcre dencial","Ġ15 8","OR IA","ĠBuen aventura","abil izar","ĠBien venidos","ĠY uri","Ġsuces ivo","Ġhablan tes","Ġcon n","Ġper icia","go o","éc til","ĠCer ra","Ġdifun de","Ġguard ada","ĠConoci mientos","âĹ ı","Ġcontra parte","Ġproyec tada","Ġconvertir la","Ġclasific adas","Ġnut rido","Ġalo e","Ġcan teras","ĠS cra","Ġconserv ados","Ġempren dido","Ġstre et","Ġpens ionistas","ĠPar ada","ĠDie ta","Ġapetec ÃŃa","Ġcar to","Ġcontra tiempos","Ġinv ocar","Ġregres ará","con form","Ġliber arse","Ġengan cha","Ġintermedi as","Ġcatol icismo","c antes","ĠA viv","ĠM asa","Ġcas uales","Ġgas e","Ġoper adoras","ĠSan chez","ĠMac arena","Ġacop io","Ġrelu cir","ĠI TV","Ġade m","Ġsub vers","Ġcamar eros","X I","Ġespec ular","Ġcub rió","Ġpreval ece","---------------- ----------------","Ġblue tooth","ĠMon tilla","Ġdetermin aron","Ġgestion an","Ġgradu ó","Ġcompañer ismo","L IO","Ġale ator","Ġdesin fección","Ġaco tó","Ġdeclar adas","Ġinspir adas","Ġconf iden","Ġcontes to","ĠTre k","Ġp ór","ĠD ada","Ġquedar ÃŃan","âĢĭ âĢĭ","Ġañadir le","ĠAlex a","Ġmiser ias","om entar","ĠN H","ĠN IF","Ġfor zos","Ġresolver se","ĠGi puzkoa","Ġescap adas","Ġpasar me","Ġmoder ador","Ġargument al","T ran","Ġautoma tizar","ty pe","Ġdiagnostic ado","ï Ĥ","st yle","Ġpro posiciones","Ġte tra","Ġco fradÃŃa","Ġgu apos","Ġhistor ieta","ĠTri ana","ĠSu ma","Ġdefin iendo","ry s","lick r","Ġà ¼","ĠAir bus","Ġdemo gráfico","Ġprecar ia","Ġretros pectiva","Ġco ck","Ġincl inado","ĠAmb ros","ĠTeléf onos","ĠÃŃmp etu","N uevas","in n","ĠS ól","ĠN IV","ez er","ĠVir us","Ġimprev istos","Ġimparcial idad","A z","C ur","W al","Ġven cida","ór denes","ĠSy dney","Ġambi güedad","Ġdebil itar","Ġa tin","ic ua","Ġhab eis","ĠCons igue","Ġdesencaden ar","ĠChip re","A udi","Ġv icioso","Ġcor tamos","con a","ĠCom parte","posi cion","ĠON LINE","ĠJac obo","ĠCol iseo","Ġsome timiento","ĠMinister ios","Ġp ésimo","Ġb élico","us er","ĠIn fer","Ġbomb o","Ġcontribuy a","ch ira","Ġcons igan","me do","Ġinv itaron","Ġpare cia","pe ñas","je tos","Ġbeneficios as","j ana","Ġle trado","ĠIn teriores","tur ados","Des pues","pro vin","Ġrema tó","Ġposibil itar","Ġde bi","ĠP B","eb erg","ĠFlam enco","ĠEncan to","Ġf ortun","qu ivir","Ġdes via","ĠD um","Ġcolor antes","Ġocul ares","Ġdecepcion ante","ic eros","Ġh ilar","Ġper verso","cra ft","ĠHill s","Ġpostul antes","ĠIo T","Ġcompar ables","Ġhip no","Ġcontradic torio","Ġcar acol","Ġ- |-","Ġprome dios","ht m","Ġprobar la","ĠL ub","Ġcre mosa","ĠF IC","ĠK O","17 0","fun ction","Ġradi ador","Ġrecam aras","Cual quiera","Ġt iernos","émon os","Ġorques tas","Ġv or","ĠAma teur","ĠRece p","u ran","v ios","ĠAc tivos","ĠPel u","Ġdef unción","Ġobje ción","Ġenga ñado","Ġencabez ar","ĠCard ona","Ġergon ómico","ĠclÃŃ toris","Ġprofesion alización","Ġsex ys","ĠGu i","ĠPal om","Ġma trices","Ġcabeza zo","Ġá giles","Cu mpl","Ġencar nación","Ġlim itarse","Ġdem oras","Ġanal ógico","ĠART ÃįCULO","Ġfoto gráficos","ĠARG ENT","Ġeso t","Ġapun tal","Ġdefens ora","ĠInst rucciones","g all","Ġcomp endio","ĠMED IO","Ġhondure ño","Ġh uyen","ĠEs panyol","Ġtri dimensional","Ġredes cub","ĠLib rerÃŃa","Ġpatin aje","ĠFac tores","Ġkil ometros","pa ciones","tros is","gg y","Ġv isten","ĠS B","Ġempu jón","Ġtu ite","ĠCh atear","Ġatre vió","b et","ĠM ell","ĠV emos","ĠCy ber","Ġgran el","Ġu k","ĠSol ano","L or","ric ular","Ġve ia","Ġast ral","s itu","u ru","que ña","ĠS uelen","Ġestudi ada","Ġloc alizadas","Ġses ion","Ġinfluen za","dif usión","Ġirrepe tible","Ġbas ÃŃlica","Per io","Ġempo trados","Ġdiscapa cidades","Ġdri ver","O k","ó grafos","Ġv ales","Ġcorrespon derá","AT RO","Ġmecan izado","Ġpavim entos","pon gamos","ĠEsmer alda","ĠaudÃŃf onos","um nos","Re ino","Ġenter rados","Ãł n","ĠBor is","ti k","Ġinter vent","Ġpers istentes","Ġcomenz ara","Ġincompati bles","b rico","v ens","z um","Ġinter mit","ĠNe um","Ġreducir se","Ġregul adas","á »","Ġdi re","Ġso ul","ĠDal ÃŃ","ĠTable t","ĠK iko","ĠMas co","Ġfals ificación","ĠPrést amos","Ġfron tales","Ġprevent ivos","ĠP len","19 80","Ġconform es","ĠSte fan","ç ão","cu mpl","mb olo","Ġlogr ados","Ġhabl ábamos","Ġotor gue","h aca","er ales","ĠR uf","ĠLa Liga","ĠBlog s","ĠU M","Ġra tificar","Ġpl uri","Ġacab ada","Ġprior itarios","ĠAsegú rate","ĠE y","ĠW an","Ġhos t","Ġportu aria","Ġcep illado","Ġpersi ana","VEN CIÃĵN","H R","} ,","Ġas ia","cent aje","Ġdesign ó","Hab lamos","ĠIll inois","Ġfash ion","J ef","ĠCon ces","Ġgu aran","Ġinstal ará","tia gu","Ġeconom ico","in encia","Ġun irá","ĠDe pende","Ġserv il","ĠtÃŃ teres","Ġrecibi miento",". âĢľ","ig ente","Ġqu al","Ġsobre vol","ros t","ĠIl les","ĠSel ena","ĠKan sas","Ġresol viendo","N ar","Ġvi tivin","Ġdisfru taba","Ġlic enci","ĠPeru ano","Ġnarra tivas","ĠMinister ial","tra je","ĠFer rovi","Ġht ml","Ġ15 7","cin go","Ġhun de","Ġe S","El im","Ġagres ivas","Ġclasific arse","Ġen domet","do g","Ġ( '","ĠMar isa","ĠFor bes","Ġpermanecer án","Ġbar an","ĠCD s","Ġcorrob orar","Ġp isto","ñ ando","ĠHer aldo","Ġsum ará","Ġtocar on","ĠDiam ond","ĠPl ana","GO ZA","Ġacord ada","Ġmerca derÃŃa","Ġfotó grafa","Ġyar das","ĠH z","Ġmode lar","Ġbusc ados","Ġasi áticas","Ġsensor iales","Ġactiv ada","CION ALES","Ġrecord ará","Ġcabil do","ĠPer ros","ĠPre fer","ĠR ene","ij ada","Ġcom ente","Ġal iada","Ġver edas","ĠAn da","Ġgan ch","Ġt ia","Ġper dimos","Ġch apas","Ġcap ta","ĠMor ón","Ġconoc ÃŃamos","Ġintervin ieron","ÃŃ cl","Ġretra c","áce a","Ġreplic ar","chandis ing","y p","Ġ19 16","Ġconec tará","Ġcomerci alizan","Ġhojal dre","ĠK iev","IS TAS","Ġrendi do","Ġhabita cional","Ġporte ña","Ġc resta","Ġa e","ĠG ue","ĠBar ber","Ġunivers os","Ġplas mado","Ġrepercu tir","Ġde ste","ĠSi go","ĠPres ión","Ġconstitu irse","Ġde i","ĠE RE","Ġper pendic","gos a","Ġ ç","ĠF rom","ĠSe as","ĠAn teriormente","Ġalcohol ismo","om la","ĠE ur","ĠL oma","ues o","Ġpre cal","Ġma quetas","Ġexp usieron",",, ,,","A van","ĠY i","Ġanunci ados","ĠWa gner","Ġpersecu ciones","Ġac uda","IF E","ĠTE MA","Ġmedi anamente","ĠMo le","Ġnecesitar emos","Ġubica cion","ĠSoc orro","Ġdra mas","ĠBor bón","Ġox ida","H on","ĠM AP","Ġéx odo","Ġlevan taba","Ġinver ter","ĠMc G","Ġresign ación","ar ás","hi jo","Ġsolid arias","ofici ales","ién donos","Ġbel lezas","Po drá","Ġrefor zando","des ma","Ġdipl omas","Ġabo ga",") {","ques is","Ġeduca cional","Ġconoce dores","fre y","Ġporta til","Ġsecues tr","s ac","u ge","Ġdespre ocup","Ġprecur sor","ente l","ga y","ĠOr to","Ġres tan","Ġcent rará","ĠPla yas","Ġreli quias","v ÃŃdate","ĠH igu","Ġhab ida","ĠCh uck","ĠSab es","f ÃŃ","lo te","Ġme xi","Ġcar tÃŃ","ĠCh anc","Ġpros igue","Ġllen aron","v ad","un didad","ás emos","Ġex ministro","lic h","Ġlu juria","ĠCom para","Ġtar get","ĠPRO CED","Ġcinemato gráficos","ĠLore to","Ġen ce","Ġal fil","Ġper n","Ġlu ciendo","Ġrep lica","Ġz orro","RO M","pro yectos","Ġpreocup aba","Ġran a","Ġch ul","Ġfran cos","Ġrepercu te","Resul tados","H el","× Ļ","ĠS kin","ĠWill y","Ġpotenci ando","Ġd vd","Ġcor ales","Ġcontam inado","Pon te","ĠBene de","ĠFUN DA","Ġsuje tador","ĠLuc es","Ġadvers idades","ĠBill board","R en","Ġhun dido","Ġcodi cia","Ġhuérf anos","m ur","Ġ.... ..","Ġdemo le","Ġpincel adas","Ġpre pago","Ġ19 05","ĠCor pus","Ġdespe jada","Ġatraves ado","Ġgeográ ficos","ĠDecora cion","l doras","Ġg omas","Ġautomo tor","ĠSie mens","Ġgolpe ando","Ġembar car","Ġsustan tivo","Ġac ervo","ĠV ara","Ġval ida","Ġlág rima","Ġjefa tura","Ġabrum adora","Ġe ficientemente","ĠUltima te","Ġestar ia","ĠMo tos","Ġesfuer zan","Ġvigil ia","Ġbau tizo","Ġdiagnos tico","de an","Ġv ora","Ġer gu","Ġtransgén icos","u ki","Ġcu ña","ĠEs que","ĠGran t","Ġconsa gra","Ġservid umbre","Ġc esa","Ġven enos","ĠCa te","Ġpolar ización","Ġsincron izar","G ER","Ġparti tura","Ġvir gin","Ġdescon cierto","ĠDoc trina","Ġcardi aco","ĠColl ins","Ġm eros","ĠT OP","ĠCol aboración","Ġmultic olor","ti ques","Ġmagn éticos","Ġconstitucional idad","ĠCaj amarca","ĠE ye","ĠIn quisición","Ġconocer ás","Ġreempla za","ĠPY MES","ĠVallec as","Ġsu cción","no do","Ġavis ó","ĠF RE","Ġsegu idora","Ġcer raba","ĠPol icial","Ġnie go",") âĢİ","ĠC MS","ĠI ri","Ġpal etas","Ġ18 9","Ġexplic arlo","Pa ÃŃs","ĠAll á","Ġperon ista","N ingún","Ġle ÃŃdos","Ġrep ens","fi ti","Pro por","er tura","Ġconsolid ando","ĠEv ento","Ġbuta cas","ti fique","ĠC ulo","Ġ19 15","ART ÃįCULO","Ġgrav amen","Ġame trall","Ġpe go","Ġ19 04","Ġtal ad","Ġabandon adas","Ġic ónico","direc tora","Ġvers ÃŃculo","Ġtodo terreno","Ġmé xico","ĠInvesti gadores","Ġdestru yen","Ġgasolin era","V ida","ĠC T","iz aban","Ġan ula","ĠH OS","par eja","Ġpla tó","Ġidén ticas","is imos","ĠK ia","Ġhospital arios","Ġco incido","ĠCh ir","Ġpredetermin ado","h ombres","Ġv uelan","car ra","Ġcin éf","lu z","ĠCamp bell","Ġinalámb ricos","ĠProf eta","M iemb","di la","Ġin ven","Ġ19 08","ĠPul se","ĠNave gación","Ġtuvi éramos","ĠCa ñada","Ġmig rar","ĠEspecial idad","Ġcog ÃŃ","Ġencom ienda","Ġpre dicación","Ġbrin de","ĠYu gos","ĠCOMUN ICACIÃĵN","Ġhaza ñas","Ġeslab ón","Ġc iv","Ġch oca","Ġincl ina","ĠBa tista","fos is","Ġnico tina","ĠB av","Ġcam illa","Ġvalor ará","ĠCul turas","ĠDec ano","Ġpredomin an","zyn ski","ĠT ome","ĠAjust e","C K","pe ace","R osa","re ad","Ġop ino","Ġsob rante","ĠDown load","Ġrelajar te","Ġestero ides","Ġapog eo","ĠF lan","im ática","Ġson oros","fer son","ĠClÃŃn ico","ĠN ab","Ġfi tos","Ġbril los","Ġv idente","ĠR it","ĠBu ff","Ġtrage dias","Ġf ritos","Ġof fice","Ġvi ables","Ġcircun ferencia","ĠMap uche","o blig","Ġo yente","ĠC IV","Ġgri fos","Ġjuz ga","Ġpon iéndose","Ġasc endido","ĠWal king","Ġmand ando","Ġrecip ro","Ġinfluen ciado","ti zos","Ġse gregación","Ġmis iva","Viv imos","mi to","Ġvia jas","Ġsubmar inos","Ġarag onesa","Ġresil iencia","Ġte jas","Ġestá tico","ĠAC TUAL","V ista","oci n","Ġcap tado","Ġbal sa","Ġambient ado","Ġbil ingü","Ġcondens ación","a un","ĠM ura","Ġdis rup","Ġclima tizada","Ġsobrepas a","ĠLyn ch","n uestra","ĠC TA","Ġne vadas","Ġreal ices","Ġconsecu entemente","Ġneg ando","ĠGlo b","ĠQU Ãī","Ġt rol","10 8","ĠSak ura","Ġc eño","Ġsu ti","ĠA ver","ĠN ix","ĠMon tt","Ġrepe tida","Ġfer ial","Man tener","Ġfotovolta ica","Ġcarib eña","ĠC iu","ĠH acÃŃa","uz n","Ġbil bao","Ġzur do","ĠT rue","ĠN og","tic ales","Ġhialur ónico","ĠP icos","Ġdes gran","Ġten dientes","âĢĿ -","Ġpres untas","endi os","Ġven cieron","Ġpatr ono","Ġarque ológicas","ci es","ĠH AY","Ġmal icioso","ĠGra u","Ġquie bre","Ġcaris mático","ĠNavarre te","ac tu","Ġex ótico","Ġperjud icados","Ġdomicil iaria","Ġentor pec","O jo","on se","ro v","ÃŃa co","Ġcal mado","Ġexper tas","Cam bio","ĠRal ph","Ġjue guen","Ġja que","Ġlujos a","Ġido la","E V","x ica","ĠM eca","Ġpol l","Ġfum ig","n ibus","if o","ris mos","Ġ20 25","ĠCas os","ĠMan comunidad","Ġpartici po","ĠReg la","Ġimplic arÃŃa","Ġmascul inas","Ġsinté ticos","ĠL lano","Ġnego cia","ĠTor á","Ġprovoc ará","Ġrecha zaron","Ġdescargar lo","Ġnav aja","Ġfilm s","ĠpÃŃ ldoras","Ġdo p","ĠK ill","Ġredon dos","pecta cular","\" >","ĠD ID","Pas amos","ĠTem uco","ĠD rag","ĠPa ta","ĠUr dan","Ġm ona","ĠC IS","ĠF ama","ca dena","Ġusu arias","ĠSOL U","ĠAlum inio","ĠIndic adores","C ard","dr ada","ĠDe pendencia","aban k","ĠPRO CESO","o fer","Ġ3 01","ĠEslo venia","ñ é","con serv","ĠIncl us","Ġase dio","Ġplane an","Ġ !!!!","ci clo","Ġ22 2","ĠÃŃn f","ĠOri ol","étr icas","Ġno té","Ġmor almente","Ġinstala cion","Ġflu vial","Ġco fre","Ġtu its","ĠForm as","Ġdemocra tización","Ġinse parable","ve ar","gan eso","ĠSe úl","ĠK ane","ĠNa cimiento","Ġinclu imos","ĠBa ham","Ġpref ieras","Ġencaj an","ĠC d","Ġignor ando","ĠBotán ico","toda vÃŃa","Ġescrib as","Ġcontar les","Ġmostrar emos","Ġmilen aria","ĠEtio pÃŃa","f at","Ġlog ÃŃsticos","Ġdespre ciable","Ġadminist rados","Ġextrem istas","ĠCastel lana","ĠOBJE TIVO","i gua","ĠD H","Ġactu aron","ĠFin ancial","Ġdibu jado","ĠBer me","IV O","Ġpormen or","b ero","Ġin ep","Ġpens ador","Ġradi adores","ĠDetal le","Ġtir ador","ĠEstudi ante","ĠGa udÃŃ","Ġincur sion","ĠF orn","ĠBo da","Ġadop te","ĠmandÃŃ bulas","er ias","IG A","ĠPortu aria","Ġfet iche","Por no","bra zo","Ġagru pan","ĠSIEM PRE","us imos","ĠCas til","Ġsust entar","Ġmetam or","Ġcul os","Ġétn icos","V ie","de ria","Ġprue be","ĠProve edores","pe t","ĠRedon da","Ġosteo porosis","ĠZamb rano","M Ãī","ĠAd ver","ĠPe ñal","Ġast r","C ursos","Ġtrabaj arán","ĠTu pper","Bus cando","Ġsumerg irse","Ġsu cias","ĠR ama","Ġj inete","ĠBar ajas","ĠJu gar","ĠBarcel ó","Ġh é","Ġsin taxis","Ġcent ÃŃmetro","Ġrecal car","bac teri","ad ur","ĠEn ju","ĠCas illas","Ġol igo","Ġmostrar te","om ware","Ġrecur rido","Ġpenúlti ma","Ġpató genos","Ġpre ex","Ġcan cela","Ġcaracter izar","] :","on eta","gu os","Ġba ter","Ġauto car","ĠSud án","df unding","Ġexc us","Ġeviden cian",", ..","s ho","Ġvol car","Ġcontar te","Ġben éf","ĠReci bir","de por","ĠS ES","her án","ĠCos me","ĠMen ción","Ġbach iller","Ð ¹","ĠL I","Ġdic tadas","Ġdest ellos","Ġayud aran","ĠUr quiza","ĠJ ueces","ER TA","IL LO","Ġ= )","Ġtún ica","Ġadhes iva","le tes","Ġpol im","Ġtor tillas","ĠBus que","Ġnin ja","Ġvolc ánica","L ibre","z one","al ud","ĠM eza","Ġ( ?)","if icas","ĠTras tornos","Ġbancar rota","ĠS AM","Ġtra fico","Ġalcan zada","ĠReg alo","ĠGre at","Ġpatri arcal","v oy","ru é","Ġimp ru","ĠPo zuelo","Ġprepar ador","Ġpatr ull","Ġesqu iv","C ierto","y D","Ġen tu","Ġhos tilidad","ĠSte in","m ónica","en ar","Ġvalor ando","ampa gne","ĠMach ine","Ġnavar ro",", (","úbl icas","Ġsa f","ĠAp lica","Ġdesper tador","Pre par","Ġrecop ilado","ne gro","ĠPres encia","OL ÃĵG","Ġsobresal en","ĠAqu ino","ĠB LAN","Ġinter ferencias","ĠEst aban","por tar","Ġsal ado","Ġdesc ensos","ĠTex til","Ġdeci diera","Ġencontr ándose","Ġrestring ida","ĠPh ar","Quer ÃŃa","u terÃŃa","Ġt ÃŃas","Ġro gamos","Ġsinies tra","ĠPERSON AS","Ġcarc ajada","pos ito","ĠCom entario","ĠRos en","ĠSta tion","ĠLGT B","Ġdañ ino","Apro vecha","Ġcaracter izó","Ġcuch illa","G ol","S abe","ĠP BI","Ġdes co","Ġreg enera","Ġobserv o","Ġre interpre","el f","cu idado","ĠGu ipúzcoa","Ġutilizar las","Ġincapa ci","Ġencarcel ados","Ġabsorb ente","da to","Ġpac tar","Ġsemb rado","Ġcorrespon dió","ĠCó digos","ĠS Ãį","ĠR eno","Ġpas ividad","ĠPRES ENTACIÃĵN","Ġcontra produc","Ġplan tado","Ġ16 3","han na","Ġimpartir á","ĠCama güey","o to","Ġglor iosa","j itas","gre b","Ġens eres","ĠMilitar es","én tanos","Ġcam inan","ĠW IFI","Ġconci encias","ĠQue dan","Ġprecis ado","Ġhar inas","Ġneum onÃŃa","Ġafortun ada","Ġescén ico","Ġun isex","ĠN ariño","Ġedi ficar","ĠReb eca","Ġestoma go","Ġcuid arse","ĠCOMER CIAL","ĠZ oo","ĠBa terÃŃa","ĠEstudi ó","Ġestira miento","ĠEdi mburgo","Ġvoc eros","Ġch ill","Ġexpon iendo","tex tos","ĠEchever rÃŃa","E mb","Ġan tÃŃ","ĠJos h","Ġmencion as","Ġdisput an","ĠSust entable","qui rir","pu taciones","Ġgo teo","Ġimplic aba","Ġpavim entación","h ub","or ial","ĠNuev amente","Ġgana dera","ĠArquitec to","b omb","Ġllev aran","Ġdist racciones","Ġquer ÃŃas","ĠElim inar","W indows","Ġob reras","ĠCu entan","Ġvi ñetas","Ġer éctil","ĠFis her","A I","ra za","ĠH ielo","nal do","Ġsuspen se","Añad ió","Ġdescu idar","ĠFun cionamiento","ĠEU A","R ecu","c ario","ta ch","ĠB ID","En tiendo","Ġfra gancias","Ġincons cientemente","C ocina","de ja","Ġ óm","ĠSer ge","ĠON CE","ĠLen non","ĠEduca tivos","f arro","w h","ĠC ues","Ġcomo d","ĠAc tivo","ĠCel este","ĠBlo od","B os","ac tamente","ĠCu rios","Ġpod re","Ġdiferenci ado","Ġdañ adas","Ġfluctu aciones","ĠN ace","Ġcáncer es","Ġreconocer lo","2 30","f ino","Cu idado","Ġhiper tens","ĠBach iller","ale ja","Ġaprender á","Ġsanta fes","Ġpó ster","Ġexcluy ente","R G","ĠV am","GA E","G afas","h ero","Ġcin ismo","pro grama","ff ff","Ġcha pu","Ġparadój icamente","ĠG AN","ig amos","gar t","ĠNep al","Ġquis iéramos","ĠJef es","Ġpenúlti mo","ĠCo ño","Ġpredomin antemente","ĠG PU","Bl ue","Ġesquizo frenia","e ales","Ġb illar","Ġam nistÃŃa","Record ó","A gua","ĠRe to","Ġcur ro","Ġinstal arlo","Ġmovil es","ĠCarre ño","Ġpuzz le","Ġac cionamiento","Ġref rán","ĠDomin icano","Ġcob rará","Ġallan amiento","C ic","Û Į","Ġlament ado","ĠreÃŃr se","ĠTran sex","Ġnova tos","n um","Ġhab iéndose","Ġseñor itas","or ig","Ġenv ÃŃen","i aron","ĠAst uri","Ġsupe di","ci arse","Ġco fra","ĠGa vi","Ġres úmenes","ĠCam ar","Ġsatisfac toriamente","ĠZo om","Ġimagin amos","Ġc isterna","ol ores","és amo","Ġam én","Ġestable cÃŃa","Ġencar garon","ĠJam ie","L ab","Ġdef ina","Ġtal ones","Ġ16 4","Ġmam as","Ġgr úas","Ġinal ter","ĠEric k","Ġmulticul tural","Ġentrar án","ĠCorin tios","L en","tas una","Ġañ ada","ĠÐ ¼","ĠMec an","Ġgit anos","ĠT win","so ur","Ġtom aban","Ġand ino","Ad ministra","Ġevacu ar","E jemplo","po de","Ġprim e","Ġces ado","Ġpsico terapia","Ġfilosó ficas","Ġm ÃŃticos","Ġca udales","ĠMa ci","Ġobserv ados","Ġpreocup amos","ĠAses ora","Ġful min","ĠcentÃŃ grados","Ġco fundador","Ġad ven","ĠEx change","Ġmencion amos","Ġfiel tro","ĠR OS","ĠUN O","Ġfeliz mente","Vide os","Ġastrón omos","j in","ĠN S","Ġanim as","ĠVI VI","Ġconsa grada","ĠB ike","ĠH U","Ġca ÃŃan","IN AS","Ġtre kking","Ġsimul táneo","ĠRay mond","ĠLim ited","Ġsupre macÃŃa","C el","ĠL ily","ĠMa go","Ġta quillas","Ġtambi Ãĥ","ĠIna ugu","Ġemple arse","ĠCry stal","ĠS can","ĠDoc tora","dul idad","Ġrecab ados","tu ristas","ĠF r","Ġcontar os","Ġdiseñ ando","Ġfáb ula","Ġsevil lana","âĢĿ [","mi tido","Ġrue do","IZ AR","mol ino","Ġautocr ÃŃtica","Ġ io","ó fer","ĠSpi elberg","Ġâľ ħ","B asta","tre po","Ġcontin gencias","Ġmod ales","n adie","n illo","Ġin son","Ġpro xima","Ġmar qués","Ġint entas","Ġfinanci ada","Ġbru tales","ĠPÃļBL ICA","C EN","Ġmu darse","eros as","Ġtecn icas","Ġdenomin ó","Ġun an","ĠD orada","tiz amos","Ġremo tas","Ġresuci tado","ĠECON OM","Ġdis olv","Ġsalud ó","Ġtér micos","Ub icación","Ġp ich","Ġm acer","P ack","ĠS IL","ĠEl vis","Ġba tu","Ġvi ña","Ġprev ar","Ġin j","Ġ21 2","ĠTor ra","ĠVia jar","emb ran","Ġsw ing","{ \"","Ġcalent adores","Ġsospech osa","Ġllevar las","ĠAM B","Detal les","cou ver","Ġconvertir nos","ac encia","ĠAm én","ĠCub ano","h man","Ġh uertos","ĠT AB","Ġplante aron","Com isión","Aprovech ando","O ye","Ġo u","ON G","A ca","pa ÃŃs","ĠMedi ación","pla taforma","Ġromper se","e lección","Ġc ity","ĠRe alizamos","VO CA","Ġparal elamente","ĠLabora torios","dependi entemente","h un","13 5","ĠMic key","Ġmigra torios","plas tia","W W","Ġcu ñada","ĠMon toro","Ġcalle jeros","Ġlevan té","ĠMarc us","Ġgolos inas","ci galpa","Ġtóx ica","Ġdes fal","bl ico","eb e","ona zo","Ġfom entan","ĠMoto GP","Ġe ti","Ġdo lar","Ġconsent ir","aliz arán","Ġcol ó","ĠSal le","Ġmostr ada","Ġmarti rio","Ġvati cin","Ġpri ista","ĠObje to","Ġtra umas","ĠZ elaya","Ġdeten imiento","Ġenter amos","Ġseg mentación","fu ente","Ġpalp able","ĠEspi ritu","G ust","ĠO m","ĠRela tos","w ers","Ġvar ia","Ġrefuer zan","ĠMez quita","Ġinterroga torio","Ġdeud ores","Ġt itu","Ġin tros","Ġcom illas","Ġopera cional","ĠMac ÃŃas","Ġespon táneamente","Ġpack aging","ĠS illa","Ġop uso","ĠHo w","Ġinhib idores","ä¸ Ń","T ienda","j ad","in cha","ĠA CE","Ġto all","Ġte am","Ġven dÃŃan","ĠJ UR","quilib rio","Ġole aje","D em","a tiva","Ġexce da","ĠPlas encia","Ġac ueducto","Ġar bit","Ġquis imos","Ġpará bola","Ġtranseún tes","ĠV AR","Ġca ÃŃ","ĠRe formas","Ġmon ja","Com pañ","Ġempe ora","Ġlap top","Ġrepent ino","Ġenoj ado","Ġcac tus","ri mo","ĠAl tas","ĠDe bate","Ġaf inar","ome di","Ġperder ÃŃa","Ġdor so","Ġdur ado","Ġjejeje je","ĠBeb é","Ġemple abilidad","ĠBa ile","Ġdesper fectos","ĠPubl imetro","Ġinfil tración","S ir","Ġab rig","ĠCol men","Ġenem iga","Ġtaba quismo","V ivir","ĠT lal","ĠSi te","Ġaconte ce","Ġmu dar","Ġvac uno","Ġinspir ador","Esc ucha","h ire","ĠC uch","Por tu","ĠLu cio","Ġotor gando","Ġintroducir se","Ġhero ica","Ġviñe do","ĠMa ule","Ġpros pecto","ĠJa guar","Ġresal tan","Ġnegoci ado","Ġconsta ta","Ġromp ieron","ĠElo y","ĠMoz illa","ĠC it","ch eb","Ġsus o","Ġgen éricos","ĠAl man","Ġcuan tificar","Ġconstitu idas","An uncios","les a","Ġactu alizan","ER VA","Ġigual itario","ĠInt enta","un di","Gener al","Ġmun ición","Ġz arago","óp olis","Ġpropici ado","Ġde cen","ĠEs crito","Ġmar gin","ĠSegu idamente","f uera","Ġs ismos","Ġmi res","oc ÃŃ","oc racia","Ġigual ado","Ġvolv ÃŃan","Ġrob ando","ĠUnica ja","ĠUtil izamos","p eza","ro ugh","ĠS abor","ĠB ÃģS","Ġconten iendo","Per mite","ĠFab ra","Ġvag ab","Ġecl éc","ĠD ial","ĠB EL","Ġas per","ĠV u","H al","f eb","Ġac túen","Ġà ĺ","Des carga","Ġcoloc arlo","Ġarro gante","ĠVit amina","ffe e","Ġc itan","ĠP iura","Ġof ensa","Ġvisible mente","S ac","Ġar istas","Ġdon cel","ĠContac ta","Ġprimo gén","ĠCra ig","de ber","ĠEx port","Ġagu di","ĠSocial ismo","Cam iseta","ĠJurÃŃ dicas","Ġcontrapar tida","Ġretir aron","Ġresplan de","Ġmorf ologÃŃa","L l","il um","ma t","Ġesta cional","ĠO IT","ite atro","Ġmir arlo","Ġdia gramas","sas una","dios as","g ea","Ġl ares","Ġhab itado","Ġviv idas","Ġva ciar","Ġdiscu ten","ol ito","Ġve áis","ĠSan itarios","Ġinver tidos","Ġarries gada","Ġdinam izar","Ġmeteor ológicos","Ġimprev isto","ĠO reg","Ġesp inal","bo ts","Ġpeligros idad","Ġrecrea tiva","Ġcontex tu","Ġinfal ible","se xo","pon emos","ĠRe den","Ġconsagr ó","ĠIndivid ual","ĠGig antes","V M","ón di","ĠS top","Ġgratu idad","Ġtriun fa","Ġafric anas","Ġreconoci ble","Ġimag inan","Ġfri joles","Ġescapara tes","ĠU BA","Ġrecor rieron","ĠL ip","Ġgan ada","Ġfr unci","Ġmal etÃŃn","ĠVI R","Ġcomput adores","ĠGaran tÃŃas","Ġsuspens iones","ac ales","Ġas entado","Ġdest inan","Ġtri o","Ġcotidi anidad","Ġsú bita","ĠWar ren","Ġescog ida","al caba","Ġrein ici","Ġcong reg","ĠRáp ido","âĺ ħ","v ante","ĠEs can","Ġdist a","Ġ20 50","ĠComun al","ĠBro thers","Ġmetáf oras","Ġpresent ara","ĠJun g","Ġinsec ti","Ġex cedentes","Ġmús icas","Ġâ Ŀ¤","ĠCer tificados","Ġabst inencia","ĠHO TEL","Ġfortun as","ĠE vel","ĠI quique","Ġhac k","ĠK urt","ok a","Ġprov istos","ĠCar pin","ĠCla ire","ĠViv iendas","Ġdestro zado","ĠBroad way","Ġvol cado","ĠSE AT","Ġmayús cula","Ġn ichos","pos terÃŃa","tir ar","ĠCh ocolate","cor poración","ĠCL UB","ĠBay er","figu rar","ĠGrá fica","El ige","oc ados","Ġdescon ozco","Ġacostumb rar","ĠCarri ón","Ġmu st","Ġamb iciosos","ĠFac tory","ĠRepubl icano","Ġayudar la","Ġatac ados","ĠUNIVERS IT","ĠAl pha","net h","Ġabandon ando","ĠGuadal quivir","Ġdesfavor able","Ġfitos an","TR AN","Ġguer rillero","ĠCir cun","Ġfarmacéut icas","Ġcualita tiva","ĠMar in","Ġitiner ante","A didas","S ES","tar los","ur rec","ĠIn gredientes","Ġ5 12","Ġim ita","Ġpersi guiendo","ĠPix el","pa is","je tas","Ġcan ina","Ġascen dencia","ND ICE","Ġmar eas","hu as","ĠT B","Ġval lado","Ġarri endo","pa in","Ġmagn ifica","Ġfrust raciones","Fu i","Ġcon tu","ĠSOL ICI","Z aragoza","ĠH R","Ġprior itaria","Ġma zo","pos ici","Ġagr arias","Ġservir le","p acho","ri et","ĠF unes","Ġ16 6","ĠGa ga","Ġvag ones","ĠHom ero","Ġdevo tos","Ġdest a","Ġsa gradas","ĠRes idencial","Ġajust ando","g ola","ÃŃ feras","Ġtrans iciones","Ġ15 9","Ġ25 5","ĠBlo omberg","Ġacoger se","Ġequivo ca","ĠUtil izando","ĠFIN AL","an or","Ġqu i","Ġ17 7","Ġacep ten","Ġcolabor adoras","Ġinmedia tez","Ġcamar adas","Ġdesemboc adura","cal le","Ġmul tis","Ġenc ruci","Ġtec no","aster ios","Ġterm itas","S ha","Ġper vers","ám onos","Ġfacil itó","Ġapor taron","ĠSecre tariado","Ġexces ivos","ent ren","Ġta g","Ġrec rim","ĠPos ición","Ġdetec tadas","ĠAst or","Ġclandest ina","Ġreutil izar","ñ án","ex iones","Ġdep lor","Ġintentar án","Ġdecis ivos","Ġbob ina","Ġcac erÃŃa","Ġalfabe to","el ina","ĠEd die","ĠMur phy","Ġic on","Cá diz","r Ãĥ","Ġ19 06","ĠAn alizar","Ġacer qué","Ġsuf ran","ĠTe la","Ġinterpre tará","Ġav eces","Ġbur las","Ġga tillo","Ġexpe dida","´ ,","Ġfij amos","Ġocasion ó","Ġerrón eamente","Ġensam bl","Ãĵ R","Ġfel inos","ĠExper iencias","Ġmarg inales","Ġcolo quio","ĠConsul tar","ent aba","Ġest el","pti m","olu ble","Ġbuscar la","ĠPlan o","Ġcompren dió","Ġorg ÃŃa","ĠPat rio","Ġchoc ó","ĠGR ADO","u pe","ĠSa inz","Ġarm ónico","Ġ17 8","Ġrecuper an","IDE OS","ĠG rados","pu ta","Ġmo jada","Ġmodific adas","ĠMil ton","ĠVillal obos","Ġengran aje","ĠZARA GOZA","C ultura","ĠV W","Ġ20 6","ĠQue ens","ĠS ti","Ġver tidos","ĠCu aresma","ĠIns pir","Ġconcer tar","ĠA pre","Ġprob amos","Ġgri eta","ĠAD SL","и Ñı","person a","o a","Ġsal tan","Ġcambi ario","Ġrad iaciones","ĠBea uty","ĠItal iana","ĠElectro dom","ekw ondo","con ocer","Ġcul inarias","Ġlist ón","ĠLaur ent","Ġsin toma","ign idad","Ġañad ida","ĠFinanci ación","Ġóm nibus","E ran","d ación","Ġpor nos","ĠAl gún","ĠAr tista","Ġapar camientos","Ġdisfru tas","Ġbio degrad","ĠConsell eria","on dr","ti st","ĠF AN","Ġminu cioso","hi ro","Ġignor an","Ġmarg inación","Ġodon tologÃŃa","ĠFerre ira","Ġpe gas","Ġnorma tivos","ĠKar ina","ĠJOS Ãī","ĠIMPOR TANTE","Ġarro gancia","Ġcuán ta","ĠSomb ras","di er","Ġle ucemia","Ġw all","Ġrev entar","Ġdisfrutar ás","Ġexpor ta","Ġindul to","ĠC óm","Ġsi ti","emp ren","vel t","Ġreglam entario","Ġrespira torios","Ġtrac tores","Ġagropecu aria","Ġsubterrán eos","H ub","M t","ĠD ora","Ġev itarse","Ġeduc ados","trop ÃŃa","I K","Ġcrá ter","p il","ĠB rito","Ġquer idas","ĠFis ioterapia","ĠEspecial istas","Ġacumul adas","ĠUs huaia","ĠBow l","Ġdeb ieran","Ġenvi arlo","w y","ĠDE POR","Ġencontrar ÃŃa","Ġmode st","Ġanunci adas","Ġfer rocarriles","Ġsup ra","w id","Ġre gu","Ġdi ana","ĠTer reno","ĠTen ÃŃamos","P LAN","ĠE do","ĠF rac","Ġhu mos","Par ÃŃs","Ġrenunci ado","f ace","ro logÃŃa","ĠP ide","Ġpr int","ba go","Ġro edores","ĠPo ten","ĠGer man","Ġcig arro","ĠD ucati","ĠDe je","Ġentr ara","Ġpublic aba","Ġbeso te","Ġpañ uelos","Domin go","Ġa temor","Ġ24 5","Ġintro duzca","ĠA bi","Ġinteres en","10 9","Ġdisput ados","r d","Ġn idos","Ġh uyeron","Ġsin ago","Ġco ja","Ġproble mático","w el","ib io","én icas","Ġdu doso","Ġhotel eros","Ġbr újula","Ġnovia zgo","ĠAcredi tación","? »","g ama","Ġn ue","и н","ĠxD D","Ġdesist imiento","Ġlonge vidad","ĠSampa oli","is ha","ĠM G","ĠSu ger","Ġbailar inas","Ġirrelev ante","Ġquer rás","Ġestacion amientos","Ġidios inc","Ġpi pa","ĠPol ÃŃgono","Mate o","Ġahon dar","N ivel","re almente","da ta","ĠAn gulo","Ãģ F","ĠCoci nas","ĠEp ide","ĠR ecre","Ġenmar cada","Ġalti bajos","Ġs tory","Ġcos illas","ĠPla zas","Ġconce den","Ġatac ada","Ġsahara ui","Ġparti daria","Ġcement erios","Ġre mitente","ĠDe jamos","Ġbas tidor","olo go","Person as","I CIA","ĠAr tem","ĠDorm itorio","in son","ĠK ant","Ġagreg ue","Ġintes tinales","Ġdesvel ado","ĠEns ayo","fica z","Ġinstal ador","ĠAna tomÃŃa","Ġinterrump e","Ġinvas ores","ĠF X","ĠCál culo","Ġado c","Ġrea pertura","Ġinclem encias","ĠF ocus","Ġap l","Ġver acruz","Ġinter puso","Ġviol ado","Ġarras trado","hab ÃŃa","ĠSpen cer","Ecu ador","de ña","ÃŃa cos","uc os","ĠT ep","Ġdef orma","ĠCa tas","gü en","Ġfutbol ÃŃstico","ĠINGEN IER","al ba","ĠJ M","Ġlente juelas","Ġb inario","ĠFar m","eme lo","Ġcat alizador","Ġaleda ñas","ĠHIS TORIA","V EL","aj ira","yec ción","OR ACIÃĵN","Ġengan chado","Ġgener osos","Ġп ÑĢ","Ġb úl","ĠAng ola","Ġr án","Un ión","Ġsil enci","Ġl and","Ġimp ot","ĠNo t","Ġsabe is","Ġingles as","ĠBarran co","im án","ĠPro b","Ġconsider arán","Ġfoc al","Defin itivamente","Ġhumed ales","ĠPar t","Ġconfes iones","ĠMach u","Ġcomprue be","V SA","es pal","Ġfa ti","Ġnór dico","ist erÃŃa","ĠO ber","bió ticos","A se","B ase","l ú","Ġbaj en","Ġbio psia","a des","Ġe dema","ĠT rá","ĠEx cur","ci nos","Ġpatrio tismo","Ġluci dez","Aplic ación","C alidad","ĠR EN","ĠIn dio","Ġpol ideportivo","Ġconfi amos","ÃŃ dico","Ġrec tores","Ġacu ar","Ġlimp iando","Ġcru dos","Ġrellen ando","P ay","T ea","ts ky","Ġfre ÃŃr","Ġhidra ta","Ġobso leto","Ġespárra gos","ĠDer ma","SI ÃĵN","ĠReun iones","Ġnom ás","er ón","he y","Ġcr ónicos","ĠPo tro","ĠHab rÃŃa","Ġcome tidas","ore ma","Ġincumpl imientos","Ġdespla zan","Ġalo ja","c les","ĠP ura","ĠM EX","ĠF icción","ĠH eras","ut anas","Ġsub ÃŃ","Ġ17 2","Ġlar gu","Ġqueb rar","Ġleer te","Ġflo tantes","Ġalic ante","ĠF ilar","ob e","Ġru bor","ĠEscri tores","Clas es","Ġamon ton","G RES","is san","ĠTrans misión","ĠAir bnb","ĠhÃŃdr icos","ĠD ate","anas onic","Ġper ipe","emp res","Ġsuf ridos","ĠAp óstoles","Ġmulti función","ĠCab os","Gonz alo","Ġsumer ge","ĠA i","Ġha cin","ĠN UNCA","cre ación","ss s","Ġron dar","qu ena","AL O","99 0","ĠNazar eno","ĠPila tes","Ġequita tivo","Ġl isos","ĠH aro","Ġven dan","Ġterra ten","Ġpij ama","ül ler","omencla tura","ĠB ier","Ġderro car","Ġuniform idad","Ġorden anzas","Ġcolum nista","buen os","Ġesfor zar","ĠQues ada","Ġpor teros","O peración","Ġc ache","ĠD ad","ĠSuper visión","Ġmicros copio","rev olucion","ĠPelle gr","ĠR N","uer e","Ġcons cientemente","Ġparti dista","Ġdon ado","Ġmov emos","ĠMor ris","Ġpade cimientos","Ġejecut ó","mos is","ca o","Ġcoinci da","âĢ¦âĢ¦âĢ¦âĢ¦ âĢ¦âĢ¦âĢ¦âĢ¦","ar is","ĠV isto","tal aya","Ġmit in","Ġbag aje","Ġ3 25","Ġderiv ación","ĠOblig atoria","al das","Ġma tri","Ġmar ket","Ġpregun ten","ĠArn old","di bles","ĠL TE","Ġvis itada","Ġconsider arlo","ĠTur ner","Ġirre ver","reg or","Ġdetermin en","Ġsimpl ificación","ĠTá chira","d ará","h ana","Ġ ����","es pe","Ġasust ada","Ġdes do","ĠK han","fil os","Ġelev ador","Ġgalard onados","TAM ENTO","ĠIntel lig","Ġpagar án","ĠLeon ard","Ġtrasc endió","Ġz en","Ġofer tar","ĠSte el","ĠAP RO","ĠContin ente","g ala","Ġusu fruc","J AR","Ġun imos","ĠB ug","ĠH aremos","Ġcomunic ador","BIER NO","C ub","Ġper re","ĠEl ija","IC AR","Ãį F","ĠSec cional","ĠGan ar","ĠDeber á","al gunas","CI F","Ġgas a","ĠCan ario","Ġguar das","ĠSh im","ĠRom anos","ĠSab ina","ré d","id amos","Ġexig imos","IT AS","Ġadelan tos","ĠReci én","Ġinmers a","Ġbuf anda","ĠCien fuegos","Ġdesprender se","ĠF EM","Ġop taron","Ġtro y","ĠFer ias","Ġtriang ular","b ea","gar ra","Ġpe gando","ĠPo emas","Ġpromo vió","Ġpropor cionalidad","Ġgar ajes","Ġextrava gante","ĠF ide","ĠH ac","Ġfu éramos","Ġprocl amar","ĠCAP ÃįTULO","Ġucran iano","ĠP ene","par os","ĠPopular es","ULT AD","Ġdesent ra","^ ^","Ġap ple","ing res","av idas","trón ica","Ġobserv ancia","Ġdinosau rio","po drÃŃa","Ġdescar gue","Ġmac he","Ġespiritu almente","Ġdeter gente","Ġov arios","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ad itas","Ġindica tivo","ĠCarlo ta","Ġex fol","Ġdos ificación","ĠAr gu","Ġobten drán","Ġdesmon table","11 6","Ġsust entan","Ġpeculiar idad","Ġdestro zar",") (","Ġconf ÃŃo","ĠPro ven","Ġblan quia","K ET","ĠS OM","Ġ3 16","port amiento","tres s","Ġsever idad","Ġconmemora tiva","ĠBook s","ma p","vis ores","Ġvar ita","ĠProfes sional","Ġlong itudes","Ġs pi","lo a","Ġ\" ...","Ġocur riera","Ġac ristal","ĠT T","ĠMan zana","Ġaraña zos","b alo","Ġde ceso","mo d","ĠF énix","Ġpon iente","âĢĶ ¿","Ġinces to","b ul","ĠP ilo","ĠS na","ĠS ola","ĠMar ti","Ġbar aj","Ġdenunci ante","Ġdescubrir ás","om ática","ĠE me","Ġch ist","Ġfri ki","Ġsuperhéro e","b oro","ĠH appy","Ġfri aldad","ĠA AA","ÃŃn tesis","Ġago ta","Ġbe isbol","Ġmilen ios","J im","P ac","Ġ16 2","amp ton","ĠCE IP","Ġom iso","ĠHom enaje","Ġvi trina","Ġvic tima","Ġfracas ar","ĠPA IS","ĠPic chu","f am","ĠRo x","Ġchor ros","Ġapren dieron","5 50","re cuer","ĠP uno","ĠM ud","Ġap alan","Ġvalor ización","Ġprede cible","Ġapoder arse","Ġastrona utas","S ON","Ġmon ólogo","Ġpudi eras","Ġacce dido","Ġofens ivas","Ġesfor zamos","ĠSora ya","ĠCú cuta","ĠS uela","Ġsub irá","Ġlar vas","Ġevolu tiva","Ġdesar tic","ĠD IC","Ġreg idores","et he","Ġconocer los","ĠCl ip","Ġtem ido","Ġincertid umbres","ĠAde cu","ĠMÃŃn imo","f ly","Ð ³","ĠD ónde","ĠPa to","Ġemprendedor as","Ġin quis","ĠLa vado","Ġgén esis","Ġano ta","ĠConsul tor","L ucas","k ie","Ġper ece","Ġcap ilares","Ġgol fo","Ġbra gas","Ġcán ta","Ġenter e","Ġplát anos","ĠAlterna tiva","ER T","Ġsan cionados","Me dia","ÃŃm iles","Ġadop ten","Ġtrayec torias","Ġpercan ce","Ġhab réis","ob ra","Ġcoinci dido","Ġvist ió","Ġautomovil istico","ĠPad rón","Ġmovi éndose","Ġalici ente","ci sa","erv icio","Ġpan dillas","Ġtalentos o","Ġilum inados","Ġpresupues tarias","Ġespel uzn","Ġdes pos","Ġpa Ãĥ","dr y","Ġprincip iante","Ġcasti ga","ĠBár cenas","ĠL ech","ĠIlust re","Ġaltern ando","Ġparti mos","ĠBar bie","ĠDeb erÃŃa","Ġintra ven","Ġin gra","Ġg ótica","Ġmos quito","ién dome","Ġpolit icos","ĠOlimp ia","Ġmalague ño","ĠAgü ero","E valuación","Ġinf ame","par k","ĠRe port","úl veda","IC ET","Ġllevar me","Ġinforma ciÃĥ","ĠPower Point","Ġanoch ecer","L uz","Ġest ampar","Ġlevan tada","Ġasist an","ĠSta ff","Ġarres tados","Ġrevolu cionar","m ono","s ign","ĠD ior","Ġas cienden","ĠFran ja","tt ing","Ġejecu te","Ġaceit una","Ġdespl ome","P en","Ġo yen","ĠA X","ĠCor riente","Ġlegisl adora","Ġse me","Ġsus cripciones","Ġcer tero","Ġpi é","Ġconstitu yendo","Ġreglam entarias","Tecn ologÃŃa","Ġdiaposi tivas","T witter","ĠM ID","ac tive","ran os","ĠCre e","ĠBur ton","Ġalm idón","Die z","ĠE I","ĠB inarias","Ġap ri","der n","Ġmajes tuoso","ĠR urales","Ġsol apa","par tes","ĠNo ble","Ġmas ivamente","Ġplan ificada","Ġcosech ar","ĠLaur en","Ġcu ide","ĠW ang","Ġmer ecemos","Ġoportun os","Ġeró ticas","ĠMens ajero",". ¡","on ismo","Ġri fle","ĠM itsubishi","ĠG ate","Ġ ¬","Ġur l","Ġer r","Ġdisfra zado","ĠMala ga","ĠD AN","ĠB ÃŃo","Ġfo od","Ġindic amos","p ensión","ra p","Ġ3 70","Ġli po","ĠDi ferentes","ĠNuev e","ĠWell s","Ġpan tanos","Ġinvoluc rarse","Ġviaj amos","Vol viendo","ĠV uelos","ĠIn dica","Ġsub esti","Ġpod rias","Ser ie","Ġcomentar istas","Ġabus ivo","ĠK ick","Ġbarb illa","Ningun a","Ġin hibición","Ġesp átula","Ġhábi tats","ĠFa ust","ĠDIG ITAL","in nova","it za","Ġan tin","Ġbr usco","Ġsimul tan","ĠB orn","Ġpag aba","Ġbio tecnologÃŃa","Ġsoci ólogo","ĠSho pping","enov elas","ĠEus ebio","S ue","b usto","ĠAl bor","Ġcul pas","Ġgen ialidad","Ġta il","ĠHum ala","Ġretras ado","Ġconstruc toras","ĠM ier","ici enta","Ġmal iciosos","bo dy","Ġsalv ando","Ġdistribu ciones","u pon","ion alidad","du zco","lam o","Ġinclu irse","ĠQuin tan","Ġtrom peta","Ġarreci fes","in gen","Ġdes na","Ġag rid","ĠBo ard","ĠMINIS TERIO","å ¹","et z","ĠX im","Ġporta voces","Ġdiv ir","Po déis","Ġtranscur ridos","ĠConsum idores","Ġcuat rimestre","ĠTLC AN","Ġconyug al","el ine","ON U","Ġcri ollos","Ġtranspor tan","g rupos","Ġmor ib","Ġestructura ción","Ġfol lan","Ġregal ÃŃas","Ġfren a","tón ico","ĠPRIM ERA","des cub","ĠJ ue","Ġsent é","Ġjust ici","Ġintroduci das","Ġdescen dente","Ġeviden ciar","Ġabstrac ta","Ġsinerg ia","D AS","Ġa gas","ch ados","Ġor quÃŃ","Ġamig ables","Ġpasar la","Ġdebil it","Ġfolk lore","A do","s and","Ġpar alizado","ĠF ast","ĠCuader nos","ĠDomici lio","S iete","ĠP ik","ĠM óstoles","Ġ27 5","Ġequival encia","ĠCo ches","Es co","ĠSer vi","leta zo","ĠHol guÃŃn","ĠIma gina","ĠMemor ias","Ġinfor mo","Ġdes lin","Ġayud antes","Ġformul adas","crim inación","ĠReflex iones","H ER","ĠS ócrates","Ġan ac","ĠCh aque","Ġcent radas","ĠPros titu","A PA","ĠAr bitraje","Ġsumar án","ĠBritán ico","f ób","ĠSal sa","Ġmoles tan","ĠCID H","ĠRes trepo","Ġreserv ando","incl uido","Ġcogn itivos","Ġdesenf ren","B F","Ġbuc ear","ĠMez cla","P ES","é gano","ĠN erv","Ġir landesa","Ġescribir nos","Ġep id","Ac tividad","Ġ Ä","ex p","Ġprome ter","ĠReci be","Ġasfi xia","Ġdar ÃŃan","Ġenf ure","Ġcoleg ial","ĠTab las","Ġirremedi ablemente","am anos","Ġsumerg ido","ĠDesaf ortunadamente","Ġacup untura","Ġu ranio","Ġint ri","ĠQu ieres","Ġluch aron","Ġbor re","ĠFlor ence","ĠEmpez amos","ĠAsoci ado","Ġpatrul las","Ġsec cion","ĠSo f","Ġperten eció","Ġconfir me","ĠJar amillo","ĠCasta ño","ĠMin utos","Ġfer iado","Ġvib rador","Ser án","Ġcolos al","H os","Ġk o","ĠBol onia","ĠAf ter","Ġfolcl ore","Ġdesvia ciones","ĠS AC","ĠMejor ar","ch ero","Ġcó mica","ĠAd v","Ġatro z","ĠCIEN CIAS","Ġ( *)","vers ibles","Ġgan gl","Ġleg iti","Ġhuman ismo","Ġlubric antes","in dicaciones","Ġpres ionado","Ġrepresent aban","Ġcocin ado","Ġestre me","Ġdesperdi cios","ĠInici almente","ĠMix ta","D EC","om es","Ġrecu adro","ĠPe ñas","ĠExtra c","Ï ĥ","od é","ĠSci oli","Ġin calcul","ĠAma ya","ĠCruc eros","Ġboce tos","ĠM UD","ĠCon vers","Ġapoy ará","Ġelim ine","Ġincon gru","Ġpsic omo","ĠSAN TA","Ġsuspendi dos","Ġescén ica","ĠHosp itales","ĠA GUA","Ġ16 7","Ġperman ecieron","Ġholan deses","ĠF usión","ĠEn sen","Ġjun gla","Ġtim ón","Ġalu cina","Ġex ag","ob serv","Ġw estern","Ġtap ado","ĠValent ina","Ġalba haca","A dap","Ġdel la","ep pe","ĠAm elia","Ġprotes tantes","ĠCór dova","rev olución","Ġsobre llevar","Ġcompar tÃŃa","ĠCas anova","Ġimper ante","Ġdescargar se","Ġmezcl ada","Ġencer rada","ĠUNIC EF","Ġan tica","ce a","Ġmar is","Ġ9 25","Ġdesa tas","ðŁ Į","Ġarrib aron","ĠEs car","Ġch ec","ĠK iss","ĠMac Book","es ar","ĠA cor","Ġmen aje","ĠK la","Ġur na","Ġvest ÃŃa","Ġl omb","ĠEn vi","Ġ20 2","Ġfran que","Ġinten dentes","Ġmodi fique","ĠSh adow","Ġlegisla ciones","ĠFra ga","Ġpe deras","ide as","ĠAr évalo","ign on","tró leos","ĠJoy erÃŃa","Ġla te","Ġt ril","ent aron","ĠP ERO","par d","Ġmar fil","mon io","Ġcomplic ar","Ġge oloc","Ġporcent ual","S os","_ .","ĠN est","ĠI ca","Ġhab ria","Ġescuch en","Ġtertul ia","Ġhún garo","Ġba úl","ĠX xx","Ġcolec tivamente","work s","Ġinvir tió","sw ord","Ġincorpor adas","Ġperegr ino","ĠPhilip pe","W a","ĠHo ff","Ġga ta","ĠMercad ona","is eos","ĠEx amen","Ġnutri cionista","Ġpape letas","ĠepÃŃ graf","L uc","Å «","× ķ","ara y","ĠMar ea","Ġja ulas","Ġhomen ajes","Ġcon ej","ĠC un","ĠG oku","ras ia","Ġcar cin","ĠGu itarra","Ġcurs ado","ĠYugos lavia","Ġb im","Ġper sa","ter iza","et ica","Ġmin ibar","Ġhumor ista","buc ks","h echo","ĠP AD","ba gs","Ġbus qué","ĠPar ed","Ġencan tadores","ĠPeque ñas","Ġenvej ecer","U ruguay","Ġg ym","ĠP ec","Ġllama tivas","Ġa fic","Ġcar tografÃŃa","Ġmal versación","Ġresist irse","Ġartil ug","t ÃŃo","ab ia","Ġal z","ĠX S","Ġexpres ados","Ġpade cido","Ġche queo","ĠMila gro","te urs","ell ón","nes ota","Ġadh iere","Ġteór icamente","Ġluminos as","t ÃŃsima","ĠB ord","cl usión","Ġlec tivo","ĠLeg ión","Ġheteros exuales","ĠJerem y","st ock","ĠT CP","Ġli pos","dera ciones","Ġarreg la","bi ke","ĠAr reg","ĠCo urt","Ġ20 3","ĠAc tas","ĠAc tion","Ġperiod ÃŃsticos","Ġcuantita tiva","â ĨĴ","ech ea","Ġx eno","Ġaj ard","i adora","Ġc uela","ĠD ort","Ġsab ore","ĠMu rió","Ġvid ri","Ġchanc adoras","Ġleg alizar","ĠTe herán","ĠJa iro","ĠStar t","ĠRepres enta","Ġcalab acÃŃn","Î »","Ġale ta","Ġga z","ĠBas ic","ĠMc K","Ġre orden","Ġsor do","Ġrepor tados","ĠMat h","Ġfascin ado","quiz ás","Ġtraz abilidad","mb erg","leg al","Ġconserv as","Ġdibu jando","ométr ica","ĠAso cia","Ġteñ ido","Ġn er","Ġreg ion","ĠPrim eros","Ġpar tos","it ri","Ġoscu re","Ġcuidad or","ĠLlan tas","Ġman illar","Ġev iten","IL IA","Ġacercar me","Ġom ni","Ġdesesper ados","Ġmur cia","ĠPeñar ol","tra va","ĠP ÃŃ","ĠI f","Ġna ci","ub io","Ġmor enas","Ġproce dido","ĠProvin ciales","Ġson ro","Ġ29 0","ĠEri k","k al","ĠS iga","Ġrefer encial","Ġfrust rante","Ġdisper sos","Ġmanu tención","am ino","Ġpa terna","Ġhaber nos","Ġhela dera","Ġfor ce","ĠCab allo","POS ICIÃĵN","Ġlien zos","00 5","ĠMad ison","Ġexpe di","Ġreti ros","Util iza","ĠFl ora","s eco","Ġch ófer","cur y","ĠEstudi antil","ĠSub dirección","ĠB uf","Ġtor eros","Ġprotagon izaron","Ġconvers ando","Ġsecues trada","B ea","ĠE ro","Ġg ér","ĠF ortuna","Ġinver os","ĠHe gel","ĠFal la","Ġg rin","son o","Ġapren dimos","Ġalmacen ado","Ġurg entemente","Ġmister iosos","ĠDen nis","ĠLimp ia","Ġmascar illas","Ġyogur t","utanas ia","C F","T ime","Ġa o","Ġpue bl","Ġmal vados","Ġases orÃŃas","Ġcomprar la","Ġmone dero","Ġrestau rant","Ġaconse jan","Ġmentir oso","Ġcosech ado","Ġl ife","ĠIn su","Ġsab ÃŃas","Ġra bi","ĠCor rupción","ĠAS IGNA","ĠWarri ors","cel os","tien das","ĠPres tamos","Ġpat entado","Ġs idra","Ġser igra","Ġas Ãĥ","ine gro","Ġobje tivas","Ġfo tom","ip es","Ġsac ramento","Ġregres ión","ĠC aban","Ġres orte","jo v","ĠVAL ENCIA","Ġpromul gación","Ġac oj","ĠT aj","ĠPer dón","ĠLu que","Ġbal onmano","Ġescla va","in iciar","den o","ĠAnd res","ĠVan couver","Ġbrind aron","Ġal inea","Ġcor diales","Es pacio","ĠMon ey","Ġexil iados","Ġs crip","10 7","ĠPon iente","Ġmást il","ĠEN TR","apro ximadamente","Ġestimul antes","Ġdes iertos","ĠAlex andra","ĠNA TURAL","ĠÃį NDICE","Ġabord ará","ĠT iz","Ġlib rarse","Ġamor osas","ĠBen avente","Ġinfo grafÃŃa","Ġsk ate","! :","cur rió","Ġof endido","Ġcel ulosa","Ġsob rio","Ġtransmi tiendo","Ġmatric ulación","ĠJosef a","ĠMUNICI PAL","Ġsab réis","Ġcontra tan","Ġmon tados","RI O","Ġdiv ierte","ĠRecom endaciones","ĠAdolesc encia","ĠACTIV IDADES","Ġrencon tre","ues tre","Ġpo pa","Es cri","Ġadminist radora","Ġmagn ifico","Ġrap idos","Ġg amas","Ġme tidos","con strucción","cin ia","Ġexplor adores","Pr óx","Do ble","Ġhomolog ado","de les","ĠJ hon","com m","Ġdef endÃŃa","Ġdero gación","ĠAlejan drÃŃa","C iertamente","Ġcu mb","Ġcu enco","ĠPas amos","Ġaument en","Actu alización","ĠT IPO","res es","Ġrecon f","ĠOl ive","ĠBe goña","Mar co","Ġreiter ada","Ġmár tir","cheb uena","ra ta","le m","tó grafo","Ġcontar a","ĠIndi an","s c","or tes","ĠAl erta","12 8","ĠElec torales","Ġpreval ecer","ĠONG s","Ġmemb resÃŃa","ĠDiseñ ado","Mol ino","Ġv et","Ġper enne","ĠAl dea","ĠReg ina","Ġtribu tación","Ġempu jó","Ġexpos itor","Ġyihad istas","n ac","Ġex im","p án","Ġe e","ĠS G","ĠEl da","Ġsin u","Ġempez o","ws er","acas o","Co lección","ĠCuer vo","Ġincómo dos","ĠEst recho","me bol","Ġé p","Ġcoinci dimos","of ón","ĠDia gonal","ĠO il","ex e","Ġneg aba","Ni ños","ĠMons anto","J n","Ġazo teas","Ġree leg","J UE","Ġs now","Ġca yera","Ġson ando","Ġexp ol","Ġpel vis","Ġ20 7","Ġlider ados","árqu ico","Ġsedi mentos","P LA","ĠM iedo","ĠL ama","Ġti re","Ġpin tando","Ġbru jerÃŃa","gén ero","ĠEri ka","ĠM ing","Ġvis as","Ac cesorios","Cre e","ĠN BC","ig rantes","cuent ros","Ġbañ arse","Ġingen uo","ĠRespon der","ĠCom patible","ĠPens ar","Ġsubord inados","ĠG us","Ġeleg ibles","ĠSon g","Ġdele gar","Ġtuv iste","enn ials","Ġcuad r","ol Ãĥ","ase gu","Ġasum imos","Ġdeclara toria","ĠS tones","Ġ9 50","Ġliber an","ĠLuc ena","d v","Ġinst au","Ġmagist rales","Ġen alte","ĠN iza","Ġespe j","Ġcu aj","Ġob viar","ĠCort ázar","t la","tr era","âĢľ âĢ¦","Ġnaz ismo","Ġal mer","stitu ción","ĠEmple os","Ġperd áis","co pe","Ġrin con","ĠBoliv iana","V ar","Ġestructur ar","Ġchub as","am is","ĠC ut","ĠAmazon ÃŃa","Ġjustific ó","Ġe ucalip","Ġvis ites","Ġtamb ale","Ġimplement ó","Ġcredi ticia","On line","ĠSimp osio","G ro","Ġar nés","Ġpres crip","Ġentre go","ĠPri mo","ĠLen guas","Ġa ti","am igo","âĢ ĥ","Ġpro fer","ĠF ore","Ġsuper flu","Ġfol ios","ĠG n","Ġpol is","Ġtras mitir","Ġestrech ar","ĠLe desma","Ġfavor ablemente","dal as","Pro ce","ĠAlm uerzo","Ġcarac oles","Ġpor tando","ito lio","tan ol","Ġestad unidense","Ġintens ificar","Ġp abell","ĠDep ósito","Ġgasolin eras","ĠImple mentación","Ġerup ciones","te zas","ĠA xel","Es crito","tera peutas","Ġcri ada","Ġhuman itarias","ĠExper imental","Ro drÃŃguez","ĠQa eda","t entes","ĠEsc uchar","Ġlide res","Ġautóc tonas","Ġmor ÃŃa","Ġacce dan","Ġdeslumb rante","Ġtor áci","Ġver guenza","Ġinm ensas","Ġenseñ e","Ġrec ón","Administ ración","p ores","to o","Ġemp ece","AN AS","Ġconsul tante","ĠConsul ting","Ġvag ón","fan tas","Ġzomb is","N uevamente","ĠF rie","Ġextra ÃŃdos","Ġodi sea","Ġf it","Ġme lón","ĠCar p","Ġregist re","Ġinstrum entales","tÃŃ b","ĠEduca tion","l los","Ġpes imismo","Ġfil iación","Ġdeclar ando","Ġbull icio","? ;","E ZA","Ġar g","és imas","Ġme tida","ĠCos tas","ĠmarroquÃŃ es","c ron","ad uc","Ġproyec tiles","Ġl io","Ġsi metrÃŃa","Ġsin tom","Ġcab re","Ãģ TICA","gu ren","ora h","ĠOs lo","Ġdivi dió","Ġelectrodom éstico","U I","Ġb ió","De jar","Ġleer los","Hig gins","t un","ĠO le","Ġcer ezas","Ġbol ÃŃgrafo","Ġsemá foros","Ġplebis cito","ran ce","com pe","Ġbas arse","tan ia","Ġcolor ida","Ġrefle je","Ġtier nas","cop ias","Crist ina","ĠBritán ica","Ġsubcampe ón","Ġsand wich","ch ile","ĠMar tina","Ġaler tar","Ġirrespons abilidad","Ġafe itado","S et","f ila","Ġ( .","âĢ¦ -","Ġó se","ĠP io","ĠM Ãĥ","ĠF ierro","th ia","ĠEsc ucha","a ire","ĠMar ac","Ġli di","Ġcompr ada","ĠES CUELA","Ġllor aba","XX X","ĠRenov ables","Ġmananti al","I z","ĠL X","Ġsobre manera","âĢ¦ âĢĿ,","ey ra","Ġdelic tivo","ĠAss ist","4 80","Ġf t","ib aba","imp erial","lic é","ĠMig raciones","ĠBeet hoven","ĠCh inch","Ġinsatisf acción","Ġdel in","Ġapren des","Ġren acer","Ġindependen tismo","Ġvegetar iana","ĠCom e","ĠFern andez","ĠCat amarca","Ġcentr alizada","ĠSolid ario","Ġpar os","Ġdeb idos","Ġobje tivamente","Ġesper ma","Ġ18 90","ĠGog h","D ivers","Ġin cis","ĠPor te","Ġmor osidad","Ġpagar le","Ġderi ven","Ġcola terales","Ġsolv ente","\" -","Ġdes mar","ĠR ut","Ġan Ãĥ","Ġlim it","Ġaltar es","ĠISS N","Gonz ález","u dez","Ġa te","Ġfac ción","Ġabord aron","ĠConn ect","Ġgremi ales","ch ia","Ġacompañ arán","ĠTan ia","Ġmedioc res","OMB IA","i ris","Ġal zada","tad amente","dig ital","ĠTechn ologies","Ġt ala","Ġob vi","ĠSan itario","ĠCru ise","Ġalérg icas","F RE","ĠC rónicas","eb er","ino co","Ġreg irán","Ġbrig adas","Ġcontrac ciones","Ġpor favor","ĠP ele","ĠT P","Ġentre g","Ġrespe tados","ĠL ente","por tu","Ġdispon go","ĠVen gadores","Ġgestion ando","Ġembaj adas","Ġrevoca ciones","Ġavar icia","p adre","ap i","ĠBan deras","C ort","Ġex hum","Ġdesgu ace","ul in","et ricia","ĠBar ba","Ġ17 9","Ġrefug iado","Ġox ig","ĠEspectá culos","TER S","úp lex","Estudi antes","Ġconst ató","Ġ20 4","ĠCeb allos","vil lo","Ġhectá rea","Ġengaños a","Ġp izar","Ġjust ifique","Ġrad iales","Ġhablar le","Ġdrá stica","el les","ĠF ich","ĠMe yer","Ġins uf","ĠOb st","ĠDeci sión","L ondres","Ġan ul","ĠPa tron","19 81","ila tes","ĠOfici o","Ġimagin arse","E mple","ĠEn amor","amb iental","Ġfronter izos","ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ","Ġmu dó","ĠU F","Ġpas cua","Ġor ador","ĠGu itar","TU D","ĠhÃŃb rida","ta p","Ġobje ciones","ĠBio diversidad","Ġpur ga","n do","ca gua","Ġcar navales","Ġflex ión","Ġsopor tado","Ġaline ados","Ġpincel es","Ġenorgulle ce","H ospital","tr ana","Ġad orar","tin er","Ãģ rea","ĠPAR TE","ĠF av","ĠAl vear","ĠCol oma","Ġderro tados","Ġrespal dada","Ġov ario","Ġengran ajes","ch ua","ĠTra uma","nov iembre","ĠTu dela","ĠBos ques","Ġcalific an","ĠTOD AS","ĠBow ie","Ġprofec ÃŃas","Ġpan da","ĠInf ierno","Ġvisit adas","Profes or","Interes ante","Ġpe gan","Ġamplia ciones","Ġatro cidades","ĠESTUDI OS","Ġreal eza","Ġvisitar la","Ag entes","Ġahum ado","t ándola","con ocimiento","Ġ19 09","ĠPe tit","Ġcambiar la","ĠMus ica","Ġcorte jo","Ġbrutal idad","ĠAra gonés","Ġme tes","gu ard","Ġarrep iento","Ġhac ker","ĠPas ó","Ġconform arse","Ġdañ an","Ġtransmis or","Ġn bsp","ran d","Ġart Ãĥ","Ġredist ribución","Ġb ay","ĠW iki","ific adora","Ġmorb osa","A dri","mas h","uy an","Ġ17 3","Ġgor dos","Ġconcient ización","ĠP ró","P ad","re ña","car os","Ġradio frecuencia","ĠFun dador","Ġbendi ta","ĠPo e","Ġale jó","Ġanim es","Ġestra to","dó ñez","ĠTa k","ĠÃļ nicamente","ina pa","no ta","Ġcent ramos","Ġenc endió","Ġocurrir ÃŃa","ĠRefug io","B ron","ci A","baj a","Ġdelim itación","ĠIncre ÃŃble","z onas","Ġte ta","ĠAdri an","tx e","Ġráfa gas","Ġins olv","Ġbo hem","Ġempez aban","Ġepi lepsia","i aba","Ġbas uras","AN G","Ġprecios idad","Ġanticip adas","ĠAbog acÃŃa","ĠAvan zado","Ġre dujeron","ĠSin ceramente","Ġbio grafÃŃas","Ġatraves ó","Ġconcesion aria","ĠDif usión","Ġsancion ador","Ġd ron","Re y","Ġcas amiento","Ġhan d","ing itis","com par","Ġentregar le","Ġsepul cro","s aludos","Ġd ico","Ġhe ad","Ġinfec ciosas","ĠPAR TICI","Ġpolie tileno","A demas","ad minist","Ġinf ortun","Ġop io","at ing","on adas","ñ ados","ĠT X","Ġ Ń","ĠAr ra","Ġagu das","or ales","mi le","Ġdec ÃŃr","Ġgestion ada","az ul","ĠEc ológica","Ġvari ando","Ġautent ica","Ġre versible","ion i","Ġor inar","Ġpen semos","Ġarro jado","Ġbio di","ĠIn corpor","Ġama zon","Ġdisput ada","ĠOp us","Ġplom ero","Ġjubil aciones","cuán to","ĠPenitenci ario","ĠG ill","Ġcre cÃŃa","ĠMar iscal","Ġexal tación","ĠSISTE MAS","Ġestrib illo","Ġdesvin cul","cu yo","ble don","Ġ18 4","Ġbon dados","Ġsalv amento","ĠSch warz","Ġlú dicas","orias is","Ġnas ales","Ġame dr","F on","Ġv ierte","án gulos","Ġcomp aran","ĠConcl usiones","Ġpalmar és","Ġbas tos","ĠDis play","bal lo","Ġfide os","Ġacantil ado","Ġan alizada","Ġpre grado","Ġul timamente","Ġapun tarse","ĠHu ila","Ġplane tario","Ġbran ding","ĠD oce","Ġesp as","Ġol las","Ġexplo tó","Ġadorn ar","Ġidio tas","Gen ial","V iernes","Ġh en","ĠPa gos","Ġauto cara","Ġexig irá","ĠBen al","ĠEMPRES AS","ĠEmpez ó","P J","an ya","Ġma tinal","Ġcab ellera","ĠLo co","Ġsober anos","ĠDES CRIPCIÃĵN","Ġreh us","Ġautodid acta","Con junto","Ġajust ables","Ġingen ioso","Ø ¯","Ġre po","Ġlas timar","ĠInter cambio","Ġprepar o","Ġcalle jeras","rem lin","Ofer ta","ĠArauc anÃŃa","Ġapreci ada","Ġsubs istir","Ġadic tivo","ĠIncor pora","Ġres aca","qui ales","Ġcri olla","Ġinten cion","Ġprofesor as","ĠSep úlveda","Ġchup ando","ĠMa in","Ġceleb ridad","Ġmaterial ismo","ĠI ker","ĠLu iz","Ġdomin ando","ĠStar k","ĠBale ars","A mar","Ġdej éis","Ġpens ionados","Ġobses ionado","l és","ĠO st","ç Ķ","Ġmonitor izar","Ġdespren dimiento","ĠDé j","Ġdevas tador","Ġmo triz","Ġpul gas","nav aca","Ġconec tó","Ġcompren da","capa ci","ini tis","Ġsatur adas","ĠPROS TITU","M esa","Ġco ar","ĠDes e","Po wer","Ġsar cas","Ġentre mez","ĠBa ix","ĠRE F","ĠHol iday","Ġresal tando","ĠJord án","Ġgent iles","B ene","h and","Ġs ms","am bo","ĠE fra","ĠPor fi","ĠlÃŃ pidos","Ġvoc ablo","Ġintr om","Ġdu dan","Ġacab ara","iner fe","K m","Ġdeman dó","Ġinvad ido","Ġtrauma tismo","g icas","Ġtri at","Ġtor eo","Ġhablar os","Ġdisfrutar la","ĠS ensor","itu almente","Ġ30 4","Ġcol ofón","Ġtex tual","op in","Ġentrev istar","amo to","Investi gadores","Du ración","Ġmu uu","Ġcuestion arios","Ġense ñas","U LA","Ġleg ión","Ġincur siones","ĠRo ver","16 8","UL L","Ġlocu tor","Ġarrancar á","ĠAla in","ĠEslo vaquia","S EM","ĠClÃŃn icas","Ġrecar go","Ġhondure ños","r ÃŃn","Ġin duce","ĠF ren","ÃŃt anos","Y E","ĠT ari","Ġfor rado","Ġdescub iertas","ĠSecre to","Ġafil iadas","Ġgrie gas","ĠH olocausto","Ġw hat","ĠRes puestas","ĠES PEC","ĠDel uxe","Ġexpan dirse","Ġabur re","ĠIndependi entemente","Ġboc adillo","ĠG OL","ĠTele gram","Ġgar ante","Ġdies tra","ĠREG IS","2 10","Ġrad icado","Ġimag inarios","ĠTa uro","ĠGuar dar","ĠAcu ario","Ġredi rig","Ġmelan c","uer zos","Ġrode aba","Ġimpuls ores","Ġper diera","la p","Ġcumpl imos","Ġenga ña","ĠHip ólito","Ġn un","ĠC ayo","ĠS weet","Ġlle gase","Ġreca er","inv ierno","r t","ĠJ or","Ġsent arme","Ġmillon arias","ĠAto cha","i tec","ó leo","ĠD res","Ġch ula","Ġarran cado","ĠGol pe","Ġconcluy en","ĠBar bara","ĠCor por","Ġcorrespon dido","ĠGener alidad","Ġrad ares","Ġmol ido","Ġrema tes","Encuent ro","Ġesg rim","Ġgér menes","R ERA","ó fago","ĠN arra","Ġte z","ĠEs pera","Ġreconoz can","Ġchir ingu","ĠR ia","por taciones","Ġ19 07","Ġpens ábamos","J apón","ÃŃ quese","cu le","Ġcor ra","Ġatre ves","ĠBir d","ĠAsesor amiento","15315 56","Ġcul turalmente","rop ileno","Ġpesim ista","Ġam ados","ĠSe e","ĠAn illos","ĠCh im","Ġimport adores","Si go","étr icos","técn ico","Ġc ist","Ġaun ar","Ġsofist icadas","ĠOcupa cional","n orte","Ġap rieta","Ġrespon dÃŃ","Ġfe tal","Ġahor rado","time x","ĠC ED","ch ando","ĠY ORK","ĠDe uda","ĠQu is","ĠFO TOS","A K","Ġas ol","ĠW ind","Ġescri torios","posi tiva","Ġelev ando","Ġcomunica cion","ĠPy thon","ĠRR HH","ĠLitu ania","Ġhacer os","Ġsho p","Ġalf ar","Ġpedag ógicos","Ġcapitan es","Mur cia","ent ará","min e","Ġmáx ime","ĠServ idor","Ġsacerdo cio","Ġperime tral","G l","b ona","Ġcons igas","Ġemb ru","ĠKa w","Ġautoma tizados","ĠF at","ĠF ERN","!! ,","ep s","ár melo","Ġdolor osos","ĠÃī xito","Ġvel ero","c v","z mÃŃn","ĠSá hara","Ġcobar des","Ġter ci","Ġref iriendo","Ġjugar se","оР³","ĠAmpl ia","Ġaplaudi r","ĠJuris dicción","ĠFEC HA","co cina","et ón","Ġw iki","ĠP iedad","ĠN y","Ġcre moso","et on","Ġale atorio","ðŁ ĩ","Ġhidra tada","Ġlujos os","Ġso plo","Ġri f","Ġinvertir á","ĠCat herine","Ġarque ólogo","Ġrequi rió","Ġlic enciados","Ġdecidir se","Ġnub osidad","Ġhere dera","Ġtrack s","f io","que bran","Ġcontra jo","Ġrela tar","Ġincrement ará","Ġgit ana","ĠINTE GR","ĠB ing","ĠF AB","Ġtal ib","ĠX alapa","Ġofer tados","Ġdev ueltos","Par que","od le","Ġaber turas","ĠWoo dy","f rán","Ġacercar te","U sa","ri um","ĠAn illo","ĠDi amante","Ġapoy arse","IC ULO","est és","pol i","ĠRub alcaba","Ġhipó crita","Ġconclu irá","H om","Ġsu do","Ġestudi adas","ĠNa turalmente","Ġigual ó","Ġsosten imiento","ĠAdu ana","Ġentrañ ables","S EC","Ġpar arse","Ġcuar ent","Ġconstru irse","Ġusar emos","Ġhabl ara","Ġrepar tiendo","ICI DAD","Ġdobl ado","ĠL ác","Ġj inetes","Ġreg ad","Ġpol ig","ĠCOM PR","Ġinev itables","ĠDetermin ar","Intent amos","ran es","ĠH ech","ĠY er","ub ridad","Ġesp eso","Ġinclu ÃŃan","Ġidentific ador","Ġrespal dan","Ġhomogén eo","Ġastero ide","Ġs tyle","Ġen gal","... ","Ġcorri eron","Pre ciosa","Ġinesper adas","Ġcacer ola","ĠAdvan ced","Ġque bra","ĠU z","ĠGo urmet","ĠPort land","Ġave cin","ĠA fil","ĠEsp ada","Ġmatar lo","Ġneu tros","ĠAquel lo","Ġy uca","Ġcon com","Ġcor res","Ġmor adores","Ġmig rante","ĠPi ña","ĠDIS EÃijO","ĠPav ón","ĠFortal eza","t uno","ĠO sasuna","ĠBeb idas","ĠFrances c","Ġencap uch","Ġper dedor","Ġcalcul an","ĠMargar et","ĠN OS","Ġco til","Ġ13 00","ĠEduca tivas","Ġautóc tona","Ġimpermeabil izar","Ġcomun iones","Ġfal taron","ĠLo ok","Ġempez arán","ee e","ĠIP v","ĠChil dren","Ġeli jan","Ġcompu tar","Ġaf lu","Ġentr on","Ġdesp ist","fre e","ĠTac ón","Ġsic arios","Ġad iner","ĠMon zón","Ġcomparti mentos","ĠEpide mi","Ġten dras","Ġmar ia","ĠPre fectura","Ġarm ó","ĠHel en","eléctr ico","Ġest ara","Ġdic tados","Ġdocument ada","ĠF ES","Ġar eas","Ġocur ran","Ġaten u","ĠBur deos","r oma","ĠT W","Ġmagn itudes","Ġdura deras","raz y","ĠIl de","Ġguard ó","ĠnÃŃ quel","Ġempan adas","Ġver é","Ġimplement adas","Ġendo cr","P unto","g ame","Ġab unda","ĠMa ur","ON Z","Ġresfri ado","Ġf lecos","Ġpro activa","Con oces","Ġprue ban","Ġproce di","Ġsuici das","Ġespontan eidad","Ġ18 2","Ġases inó","ins ki","Ġjer ez","Ġp hoto","Ġsu men","Ġb le","Ġconoci era","Ġcambi aba","Ġcontam inados","Ġcuestion an","ĠBr ent","Ġconstruc tivas","Ġcoc tel","2 80","Ġ14 00","ĠAb as","Ġpropon ga","ĠNúm eros","ĠPelic ulas","Ġal be","Ġimp ag","ba u","Ġagradecer le","ĠF itz","ĠEs con","ĠTe jido","Ġagra vio","Ġfactor ÃŃa","Ġfisi ologÃŃa","Ġfurgon etas","Ġpos moder","Ġpe tar","Ġinten cional","8 50","j ona","tu rando","ĠD uc","Ġbas tará","Ġpin tan","Ġadap tándose","ilan tro","ĠApar t","gar d","pi te","ĠSa ga","ĠDI ARIO","Ġpres tada","stas is","Ġcontrad ice","ĠL ici","ER IC","ĠPar o","Ġalm irante","Ġsuper inten","Ġsorpren dieron","Ġrecord é","Ġprotec toras","Ġaltru ista","S eb","Ġrecon versión","Ġprov ech","Ġtri atlón","Ġhuman idades","ĠViv imos","Ġhidra tar","Ġimperial istas","Ġtener las","Ġfal tando","ĠZ ub","ĠCl ásicos","Ġapa ci","Ġjardin ero","F ondo","ĠP ola","Ġver ificado","ĠCon fianza","ĠEspi ritual","Jorn ada","Ġsal tado","Ġfal lan","Ġeconom ia","Ġsangri enta","Ġbarcel onés","Ġt entaciones","Ġdeci das","Ġdecidi damente","ĠEscol ares","Ġexp rimir","Ġmes eta","Ġaten demos","Ġt aco","Ġentra ña","ĠBust os","Ġprec ario","n dice","Ġex po","Ġgust ara","Ġvi trinas","Ġajust en","ĠCS IC","Ġausp ici","Ġatrever ÃŃa","Ġpsiquiá trico","19 79","ĠPas cal","go glio","Ġsuav izar","ĠDid áctica","Ġbál samo","ĠL ena","ine la","ĠAr k","Ġx d","ĠHer ramienta","Ġirre al","Edi torial","Ġenro jecimiento","Ġs aba","Ġper rita","Ġya te","Ġjue gas","Ġpart ner","Ġsos tuvieron","ĠCons uelo","Ġexplo tado","econ ómico","Ġautomovil ÃŃstico","Ġem ular","Ġrecorrer á","ö n","ĠValent ino","ĠMascul ino","H N","Ġrecibir lo","Declar ación","ĠRoble do","Ġderro che","ĠArt ÃŃstica","ĠInici ación","Capa cidad","ĠBecer ra","cre a","Ġacab é","Ġcaer se","Ġs ch","gre gar","Ġ17 4","ĠAb rir","Ġrepar ado","Ġreform ada","ĠNorma tiva","Ġresi dir","V ÃŃctor","Ġcas erÃŃo","Ġpic or","ĠFa x","Ġasin tió","ĠAlmacen amiento","Ġpu ber","IS S","° .","Ġser ial","ĠW ho","Ġat entar","Ġobserv ada","ĠT iempos","tien dan","Ġcapit ulos","Ġjugos o","Ġv aron","Ġsh orts","ĠolÃŃmp icos","Ġcol gada","ĠCh ester","Ġju ristas","ĠK af","ĠInf anta","ĠVI VO","ĠCerv era","ose velt","ĠExtraord inario","B ig","ĠA fec","Ġgu iso","âĢľ ¡","Ġorgas mos","Ġsubsidi aria","Añad ir","T ierra","ĠS pecial","ĠT ric","Ġmar idos","Ġgan g","Ġentr eno","Ġleg i","Her mosa","Ġbrus camente","S p","Ġactiv e","Ġ18 80","Ġdila tación","Ġenta bl","Ġcom ul","Ġva ciado","ĠMan dela","ID ER","Ġps oriasis","up é","Ġacu arela","C y","S istemas","i deros","s io","ad ÃŃsima","ĠB eca","Ġmeter le","Cal ifornia","Ġrojib lanco","ĠD uro","ĠJ au","Ġca ida","Ġri ó","Ġemb el","Ġef eméri","Ġveran iego","ĠRenov ación","ĠEURO PE","Ġs able","ie ws","ara to","aliz ante","ĠCap riles","Ġrecipro cidad","B at","ĠF ay","Ġcan del","amor os","Ġaceptar lo","ĠFinanci amiento","Ġinterlocu tores","ĠChav es","ĠInfin ity","ĠK no","ĠAL IM","lib ro","Ġhomeo patÃŃa","Ġingenu idad","st rac","Ġcul ata","Ġesp iar","ĠLu ka","Ġadminist rada","ĠAc abo","Autor idades","Ġmaci za","Ġas fál","tan es","Ġcontamin ante","iff el","Ġbudi sta","ĠA arón","Ġi va","ĠF em","Ġcan ceros","Ġdispu taron","ométr ico","Ġdieci nueve","Ġflan que","ĠC argo","ĠS tran","Ġinv oca","Ġfu g","ĠMan izales","ĠBa k","Ġdev uelva","Ġindemn izar","Is rael","D rive","Ġtemp o","Ġhostig amiento","Ġab asto","eci ta","QU IER","Ġsimul acro","ĠEnerg ÃŃas","C B","F rases","Ä «","Ġf usiones","Ġneces itó","ĠBal i","Ġmoles te","Gu illermo","ĠAnte quera","k top","v aya","tu bre","ac tualmente","ĠG ros","Ġu ds","Ġ18 70","ĠSnap dragon","Ġbudi smo","A Z","Ġextra pol","Ġdomicili ario","Sá bado","\" ]","om pié","ĠE PA","Ġal zas","Ġperfec cion","ĠMA X","Ġinvestiga ciÃĥ","ĠRober ts","Ġdiaf ragma","ĠB reak","Ġmon oc","TO P","Ãģ M","Ġfunda cional","ĠMaravil las","ĠRe produc","ĠCor to","Ġderrib o","Ġemple ó","Ġsalv arse","Ġposterior i","ĠHispan ia","Ġconfl uyen","d p","o ve","r n","u ñ","par ente","Ġfirm ando","ĠFac ultades","Ġintent en","ĠSec torial","Ġmencion o","ĠEmpren dedor","ĠNat han","Ġcocodri lo","Ġpesquis as","Ġk ing","Ġsac arla","Ġplante aba","ĠGre mio","ĠAudi tor","Ġrap ida","ĠInt entar","graph y","15315 5","R M","Ġ ÑĢ","Ġt at","Ġcom mun","Ġsue ñan","Ġdesl iza","burg h","Ġro za","ĠK remlin","tam bien","ĠCamp ana","Ġespermatozo ides","ĠVal ero","Ġdiscipl inario","Publ icación","Ġmanzan illa","ĠPsiquia trÃŃa","Ġper versa","ĠD G","ĠG ama","ĠO EM","Ġop rim","Ġins al","Ġsign ifique","Ġsoci alizar","in tamente","Ġter na","Ġanti se","Ġmostr ados","ĠPri or","ĠMy SQL","ĠHos tal","Ġmuch ed","Ġsac ra","Ġ26 5","Ġtraduc en","Ġtradu jo","Ġcón sul","Ġmanej able","Ġatemp oral","Ä į","Ġh p","Ġsi ria","ĠR ights","lor o","Ġestupen damente","ĠCay etano","Ġmé trica","hi per","ĠRa za","Ġmulti plicidad","Ġest éis","Ġmedi terrán","Ġmar ques","Ġcan dado","jos o","ĠAm ena","ĠAp ache","Ġvideo conferencia","ĠMes es","ĠPresiden tes","Ġf ace","ĠM t","Ġll é","Ġmarg inados","Ġinfluy ó","Ġm Ãłs","ĠF ajardo","ĠDe dic","ĠSec o","Ġalber gan","ĠRod amientos","Ġpubli qué","ĠLé rida","ĠEJ ECU","Ġf ly","Ġex tro","Ġban ners","tim ore","Ġav el","Ġomi tir","Ġ18 7","ĠTemp oral","Ġpresupues tal","ĠHermos illo","ĠFoot ball","ĠH idra","Ġimport ó","ĠAC AD","Ġcach ondas","Cas tel","Ġfraudul enta","tar y","ques t","ĠAy udas","Ġand amos","Ten ga","Ġdepos ita","Ġmagist rada","Ġxen óf","ĠS ty","ĠSan s","Ġop inas","Ġusu aria","Ġpublic arse","ĠS tro","Ġingres ados","Ġcostos as","Ne gro","Ġenunci ados","O pen","Ġ4 30","Ġhum ec","Ġconten drá","Ġlim itando","ĠFos ter","Ġvita e","ĠDort mund","Ġo ÃŃa","Ġcom imos","Ġme dica","ĠI dea","Ġsever amente","L ec","ĠU PS","ĠSan ders","ĠTam ayo","ĠR uso","ĠB estia","Ġpasa portes","Ġdiferenci ada","Ġbrasile ñas","Ġbille tera","ĠA co","Ġtra il","Ġva cil","Ġapos tamos","ĠTorre jón","Ġemis ores","ĠCamb oya","N ext","ĠD IP","ĠT ard","ĠY unes","m ace","ĠC Y","ĠN ub","Ġcab rÃŃa","ĠMin nesota","11 4","Ġkar ma","Ġparab risas","Ġridic ul","ĠC ela","Ġma ke","Ġesp ana","Ġtomar la","Ġmoder adas","ĠImp osible","Ġtas ación","Ġtena cidad","ue ña","po d","Ġaplic aron","PUES TA","go w","Ġdiv inos","ĠTre vi","ĠNIV EL","ĠEst aremos","ve h","ĠK ath","Ġprotagon izan","Ġotor gadas","Ġrein v","Ġinfel iz","n ame","ĠU CR","re cia","ĠB ÃŃbl","Ġinici arán","CH OS","Ġtranspor taba","Ġcoron ado","Ġinsegu ro","Ġdiscern imiento","Ġzodi aco","cl ima","ĠAz u","Ġplane taria","Ġnecesitar án","Ġestre pitos","ĠRad ical","ĠNin ja","ĠcomunÃŃ cate","gua ge","Ġcur sor","AC O","ĠFu ture","Ġgaso il","me da","Ġcoron ó","ĠjurÃŃ dicamente","ĠHos ting","ĠBran d","amon te","ĠimplÃŃ cito","ĠefÃŃm ero","Ġg olazo","ĠSe ver","ES O","Ġreún an","tif ul","Ġincorpor amos","s iendo","tur ador","Ġ18 8","ĠFabric antes","Ġreanud ación","f alo","ti én","ĠEn te","Ġcal as","Ġtom arÃŃa","Ġ18 3","Ġasfi xi","árs elas","Ġman ganeso","TI Z","ĠFlor encio","ĠFlo yd","Ġsinte tizar","d anos","ĠI CO","ĠCon seguir","Ġreci tales","Ġpel ÃŃn","Ġdiab los","Ġelog io","Ġcarpin tero","Ġ19 03","ĠEm is","ĠProp io","Ġdiplom ado","Ġcuantita tivo","ĠâĪ Ĵ","Ġes clerosis","Ġrecl usos","Bus co","âĢĶâĢĶ âĢĶâĢĶ","Ġpromin ente","ur gia","ĠDE FIN","ĠZ in","Al erta","IN OS","Ġ& #","ime trÃŃa","Ġprom ueva","Ġdificul tan","Ġsentim entales","ĠDesas tres","an me","ĠM Ãģ","ĠOs w","ĠActu al","Ġdram áticos","Ġv ill","Ġextra ÃŃble","men dar","Ġpin che","Ġ21 7","Ġdescrib iendo","Ġencer rar","Ġconstruc tivos","Ġg ue","Ġex o","bi de","Ġinform aremos","ĠAn ita","ĠHe avy","ant ÃŃas","Ġcontrinc ante","Ġt ul","Ġt weets","ĠV ogue","Ġk in","abe la","ĠWeb er","ĠHe bre","ĠPS P","Ġverte dero","ĠREC UR","Ġrid ÃŃcula","j ico","s at","ä ¹","ĠRe greso","car e","vi ol","Ġviol ada","Ġconsum imos","ĠRub ia","rigo yen","ĠAltam ira","ic tos","Ġob tienes","Ġtum blr","Ġans iosa","icen cio","ĠINSTITU TO","â Ŀ¤","Ġva quero","Ġdestac ables","iver y","Rec ono","Ġsensa to","Ġpopul ista","se lec","quÃŃ mico","ket ch","Ġrecuper ada","ĠHos tel","ĠWim bledon","am ex","Ġcom ió","Ġpr Ãĥ","Ġtomar te","Ġsup imos","Neces ita","Ġap ó","tal ler","Ġregres aba","Ġocup amos","Ġpractic ada","Ġvir tu","Ġpost ula","Ġimpec ables","TUR AS","ĠCrim en","ĠOportun idad","Ġhistor ietas","Ġnatal idad","Ġcas tañas","ĠSh ip","Ġdes mo","og ia","Ġmer eció","Ġ17 1","put nik","ĠBea u","Ġfotograf ia","Ġas as","Ġrep licas","contin ental","a um","Ġexplic ará","Ġrecl utar","Ġpuls aciones","Ġenla za","Ġin org","ĠO rel","dr ÃŃo","ĠCon cello","et ina","Ġagre dido","ĠCir cu","Ġpresupues tarios","la zo","Ġrevis ados","IP OS","Ġbr om","Ġarmon izar","Ġsuici darse","Ġstar t","Ġinmens idad","Ġsob ras","Ġap rie","Ġ3 15","ĠAn terior","Ġform adores","Ġconquist adores","Ġmetaf ÃŃs","ĠDemas iado","Ġا ÙĦ","L ista","om us","Ġd j","ĠR ibe","Ġrepe tidos","Ġempu jando","Ġmarx istas","lear ning","técn icos","plá cito","on ne","jas e",". âĢ¢","P sic","res ul","Ġan das","Ġmi mos","ĠCom bate","Ġcomprome tieron","Ġlag rimas","âĢ ħ","ha ciendo","ĠNE GO","Ġcordob esa","que ños","Ġpor taba","ĠP ista","ĠR IES","Ġtra ficantes","ác tanos","Ġemi tiendo","Ġarrib ar","ĠZú ñiga","ĠArel lano","Ġb ungalo","Ġpro ver","Ġimp idan","Ġmal aria","ĠCu ento","RA CIÃĵN","Ġ21 6","Ġlanz amos","Ac á","Ġcarib eño","Ġ19 02","Ġcristal ina","Ġcató licas","Ġiran ÃŃes","1 19","u ba","ras a","Ġinf ruc","ĠPAS O","v inos","Ġgas tando","ĠRo vira","ĠGar ci","Ġlevantar me","er ado","Ġh ada","ĠP AP","ĠIn vers","ord an","Ġquem ada","Ġa k","and ÃŃa","Ġbrus cos","Ġdeso dor","Ġra iz","asa ki","ĠRich ter","Ġhidrául icos","Ġvist oso","Ġdelim itar","ĠEdi ficios","Ġreac tivos","Ġinex istentes","Ġcompromete mos","Ġenfa tizar","P ronto","ĠOr dóñez","Ġta pe","Ġalar de","Ġadic ta","Ġhonra dez","Ġself ies","Ġc et","Ġpal omitas","ĠTa x","CON S","Ġm t","ig ón","Ġart s","ex plo","Ġfac tibilidad","Ġcompens aciones","p ton","ara z","Ġmus cul","ĠDirec ta","Ġmet ano","Ġpla ticar","Ġincorpor e","Ġsob ren","Ġmemor izar","Ġam ur","OR DEN","Ġon ly","are as","Ġproces iones","Ġimpi dieron","Ġpe dan","Ġexig ieron","ĠTer mina","Ġhipo tético","ĠTom é","ĠÃŃ tem","Ġaclam ado","Americ an","Ġparecer á","Ġcontam ina","Ġbigo te","Ġvoca cional","A cción","us iera","Ġman tén","Ġimp liquen","ĠEst aciones","Ġtras to","Ġviol ando","ĠES PN","Ġexcep tuando","ĠFun cionarios","ar os","am in","Ġgust as","Ġdiv inas","ĠBlan c","ĠF N","Ġmer ezca","ulo use","Ġinterpre tarse","Ġcomentar ista","ĠCU AL","Ġlej anÃŃa","Ġaleda ños","y éndose","ta tivo","Ġpos to","Ġexpres iva","Ġ80 2","Ġbur gueses","Ġapa tÃŃa","Ġsolemn idad","M au","Ġv ieran","Ġsegu i","Ġalter ada","Ġvincul an","ÃŃgen os","Ġcron ologÃŃa","ĠLlu ÃŃs","Ġanor exia","Ġdeci didos","Ġaleg ria","Ġesteril ización","R em","ĠP é","Ġas ador","ĠLin ks","ĠA SE","El abor","ĠCas tle","Ġanim ando","11 3","EC H","ĠCA PA","u ka","ĠL ane","par tito","car ias","Ġlu x","Ġacep tará","ĠEnsen ada","ĠS ach","ĠPen ales","Estim ados","P i","Ġp anza","Ġla tidos","ĠStan d","Ġsi de","ĠD uty","Ġemp ÃŃrica","uel van","Ġasist irá","ĠHa go","Ġcomenz aban","Ġpose emos","Ġdesfavor ecidos","ĠEscor ial","E dición","Ġad vent","Con sejos","ĠAnti güedad","ĠDra ke","ĠEp ic","á gen","ĠI tz","car cel","Ġdo tadas","Ġestandar te","Ġderra ma","Ġro ot","Pro ceso","Ġpre estable","Ġimprovis ado","ĠSust itu","ĠRebel de","ed ding","âĤ¬ /","ĠAg regó","ĠAqu a","Ġsufra gar","Ġchim eneas","C G","Ġcon tornos","ĠMar cial","Ġat ón","Ġsé p","ĠEr ror","ĠC ull","tar es","mar keting","Ġconsum ida","Ġpár pado","Ġobses ion","F UN","K K","ĠL LE","ĠPas os","Ġflor ecer","ser ie","Ġtoler ante","Ġl if","ĠL ez","Ġpol Ãĥ","tel li","ĠPro fun","Le on","Ġase os","icel este","ĠHAC ER","Ġd ame","El lo","Ġmis as","Ġsent amos","Ġinteg ren","I t","Ġsi renas","ĠF low","Ġcolor idas","Ġlibre to","Ġreserv adas","ĠxD DD","Ġescan ear","tr ich","Ġprim itivos","ĠNa cido","ĠSu f","Ġ18 98","gon os","ĠImp uls","Ġaconte cer","Ġmaz mor","ĠATEN CIÃĵN","p ien","Ġmis ionera","Ġcam arones","ĠMé rito","Ġfel ino","Ġadorn ado","Ġgrandi osa","Ġsemán tica","ĠCumple años","qu inos","ĠMa ke","Ġconstru imos","Ġradio terapia","Ġblas f","S K","Ġsu dadera","ĠA res","Ġguar derÃŃas","ĠDoc encia","Mo tor","Pan tal","ĠNOTI CIAS","l ima","el ones","Ġna cidas","Ġsub an","Ġdisfru téis","tin y","Ġmater nal","!!! .","ĠRev esti","Ġentrevist ó","ĠC iro","ir man","Ġmon asterios","Ġquirúrg icos","ĠC inta","Ġamena zando","Ġdestru idas","Ġmover nos","ĠBla de","Ġlarg ometrajes","ĠA fi","Ġdes inf","ust a","Ġfib romialgia","Ġpre gún","Ġtrans bor","arra ma","Ġabre via","Ġaliment ador","ĠLan ka","Ġd uela","ce da","Ġsimul aciones","fri ends","Ġnavar ra","Ġespecifici dad","U DA","ri za","ĠE DI","Ġcrist ian","RI P","bita t","Ġrota tivo","ĠT RES","Ġtra ba","01 5","Ġcur sa","ĠJes u","Ġprefer encial","Ġdeten ga","Ha ciendo","ĠAR TE","ĠIma gin","Ra úl","Ġuter ino","Ġs tr","Ġre ojo","ĠL iu","Ġfavor ezcan","Ġretra tar","Ġdepos itados","Ġenseñar os","Ġbarro ca","ĠDisfru tar","Ġconno taciones","in istas","ĠM ocas","Ġsosten idos","Ġnutri tiva","Ġl omos","ĠMar l","ent ismo","Ġel fos","Ġpas ea","Ġrealizar la","Ġ21 1","Ġlig amentos","ĠEncuent re","Ġantibió tico","princip almente","Ġofrecer nos","Ġenem igas","Ġtranscur rió","о н","ĠBlas co","ĠPróx imo","Ġh oci","Ġdes echo","ida e","ĠâĢľ ,","ĠMat rimonio","Ġenfad ado","A viso","D IC","ĠD iar","Ġcuestion ada","Ġater rador","ĠCOMP LE","Ġad d","ĠDel hi","ĠRepres entación","Ġmillon aria","Ġdilu ci","ĠRe ed","ha cia","Ġpedir les","ĠPl ur","Ġprecandida to","at ales","ĠCar tu","Ġviol encias","Ġcoron ación","ĠIntelig ente","Ġconsolid arse","Ġerrón eo","Ġdiscrep ancia","ĠP CI","Ġdes órdenes","tas ar","Ġbol chevi","or ing","Ġm iento","ĠC ell","qu istas","Ġcor ros","Gran des","ĠHid rocarburos","Ġpol iti","Ġ19 3","Ġhaber es","Ġdeterior ado","ect omÃŃa","Ġex man","Ġmo bile","th am","ĠAN TON","ĠDec lara","Ġcron ológico","z ia","ĠB D","Ġlu is","Ġpes quera","Ġru tin","ĠAnd reas","Ġarro jan","Ġchor rito","H u","Ġcep illos","Rep ública","Î º","Ġcontra pres","ĠCar tel","Ġho w","Ġencar gue","ĠTer es","26 4","Ġasistir án","Ġhip n","Ġruidos o","le ños","ta gs","ĠTo wer","ĠDios es","Ġem ita","Ġdev uelven","Ġaca tar","Ġdesem boca","Ġperif érica","ĠHud son","Ġap io","Ġtele vi","Ġprovoc aba","trans mis","Ġinaugu rará","Ġglos ario","era ta","Ġro turas","Ġmor o","ĠCre am","ĠCre ed","Ġabra zó","Ġentreten idos","Ġincu b","Ġaval ada","Ġbis ab","Ġmultidiscipl inario","Ġal de","Ġcol lage","ug na","Ġluc ÃŃa","Ġrein corpor","ĠHim no","L istado","Ġtra idores","Ġinv it","ĠAr ri","Ġmos to","Ġignor ado","Ġcomunica tiva","ĠBru jas","Ġrecl usión","ĠlegÃŃ timas","ĠPolar izados","Ġepi der","fic es","Ġbene plácito","15 5","Ġmod ulo","ĠGU ÃįA","ĠFortal ecimiento","Ġdel s","Ġal me","ay or","ĠDen ver","Ġple gar","Ġcomparti mento","Ġmar cial","Ġpe ones","cep s","Ġdispon drán","ent on","ĠCon des","ĠAr na","Ġrepresent en","S uc","s erÃŃa","uer po","Ġ19 1","Ġtrans itan","cre to","Ġcul inario","Ġgal eria","ĠCe peda","Ġclandest ino","Ġlarg amente","ĠPit t","z el","ĠU VA","ĠLos t","Ġat om","ĠEj ido","Ġcorrup ta","ĠVall s","Ġator n","Ġg ps","ur us","ĠRe par","Ġdesempeñ arse","ĠGor do","Ġmultila teral","id ando","Ġar roll","ĠTor tu","Ġimpresion ar","Consul te","Ġremuner ado","z ine","Ġconcur ren","Ġaplas tar","19 77","ĠComo doro","Ġrecomend aron","Ġevalu ó","ĠRan go","Ġfuner aria","Ġdescans ando","pete gui","ĠZ ul","tiz adores","Ġtelef ónicos","Ġnicaragü enses","Ġanalgés icos","Ġimbé cil","C aso","m am","pa tÃŃas","Ġva ina","TE D","Ġadul ter","Ġrum ano","Ġgr s","ĠApar ece","Ġsatel ital","pon ga","Ġacer tadas","Ġpin es","zan ia","Ġpele an","sent ido","an és","Ġinter puesta","ĠSan eamiento","Ġimit ando","Ġsacudi r","L U","an cas","an ne","ĠC iti","Ġso ca","úcle o","Ġestil ismo","Ġinfiel es","po wer","Ġprop use","ĠBal ne","JER CI","ĠPartici par","fÃŃs ico","O EA","S tu","v ita","Ġv icis","Ġva cio","Ġnorm alizar","ĠTra to","Ġabrir lo","ĠDiv i","Ġdevolver le","ĠDisco very","d n","ĠB rea","ĠAn ime","Ġdescu idado","Ġconvirti era","Ġchofer es","Ġe commerce","EDAD ES","Ġfranco tir","Ġdesagü es","B ásicamente","S port","as er","ĠM oc","ĠQu ique","Ġreac cionan","67 9","Ġreglamentar iamente","Ġpro a","En erg","ne w","Ġestip ula","Ġcotiz an","Ġpabell ones","p ital","ĠL anda","til l","No tas","ĠCla ude","Ġmedioc ridad","Ġbuf ete","P IO","Ġneces itando","ĠDes can","Much ÃŃsimas","Ġinvas iva","ĠEmb al","Ġbené fico","Ġflo tas","edi ción","Ġsahara uis","ac tual","ĠB ON","Ġ §","oma quia","Ġdin er","ĠPat rimon","F ol","ĠI gua","Ġva ga","Ġafec taron","Ġbes itos","ĠCav al","Ġcór ner","i able","cu áles","ĠCom ic","Ġconten ÃŃan","Ġesf érico","Ġpun teros","Ġesca ño","Ġindividual ismo","ĠGO BIERNO","ĠSe o","Ġrep asa","ĠZ árate","Ġcuar teles","ĠAR M","Ġtap izado","ĠP ocas","Ġcol ump","Selec ciona","Ġpio jos","ĠSeñ ores","Ġador an","ĠMA G","p olo","Ġdej ándolo","Ġsub ur","ĠSch mid","imp ort","Ġcangre jo","Ġvalor amos","ĠMay er","Po drán","f án","ĠI CA","ĠI FE","im mer","Ġmil icias","ĠAm en","end ly","Ġsimp áticos","Desarrol lar","ĠParro quial","Ġmiser ables","Ġolvidad as","Ġm endo","ĠP anasonic","ĠJuan jo","medi ante","Ġindefin idamente","ĠG ard","Ġcre arse","Ġcontra tante","Ġdetec tores","Ġbis exuales","Ġencan taron","Ġal ienta","ĠA MA","Ġan tag","ĠN m","uer ga","me ta","lic tos","estruc tura","Ġacudi endo","Ġacor ral","ĠEr do","Mo v","ĠGom era","ferme dad","Ġlegis lar","s how","ĠM ica","Ġdestac aba","LE Y","TER A","Ġdesech ables","c encias","Ġt weet","Ġg emelo","mp ing","tas hop","ĠSe y","Ġcastig ados","Ġse ductor","lo c","Ġaprender án","Q M","d b","lar ios","Ġexig ible","ĠBer ta","Ġrevel ando","Ġguatemal teco","Ġinna ta","n ol","ic ón","ra f","ĠP G","ĠG I","Ġmer ecedor","Ġsub al","ĠPerson alidad","Entre ga","Ġlav ados","Ġing estión","Ġc ilantro","en dose","Ġa xi","Ġto cados","aj eros","Ġcer ramos","Ġproble m","Ġtir ano","Dis posición","Ġcruz aron","Ġrazon ar","Ġfisc alidad","ĠASIGNA TURA","ĠL ist","Ġex ótica","Ġrespon do","Ġmanten iéndose","Ġtir adores","ép tico","P IB","Ġadaptar nos","Ġlingü ÃŃsticos","ĠAnto ine","Tab la","ĠB P","Ġparti turas","Ġnup cial","end ing","Ġfis ica","Esc uch","Ġboico t","Ġdon a","illo t","Ġmane jaba","Ġast ucia","Ġabur ridos","Ġmeridi onal","R ese","ĠA dem","ĠR B","pe la","Ġexcl amó","ĠFor ense","Ġlicu adora","N um","Ġqu il","ĠAl lan","Ġri zado","ĠGib son","ĠC éspedes","ul to","12 2","estre lla","ĠEX TRA","Ġidón eos","Ġtang ibles","J ug","Ġper dedores","Ġinferior idad","tz inapa","ãĥ ³","ĠTac na","ĠclÃŃ max","UER DO","Ġhipertens iva","P ocos","Ġde generación","Ġexpres e","Ġacompañ aban","Ġrecub ierto","Ġeval úan","Ġp ing","ĠO asis","Ġprotes tan","Ġveran iega","equi po","Ġdi ame","Ġdeb ÃŃamos","ĠRes cate","Ġsum ido","Ġvisitar emos","ĠFa usto","Ġrever encia","Ġj arra","Ġsig la","tel lo","Ġenseñ aba","ĠSerg i","k ens","Ġso ya","Ġcar ecÃŃa","Ġmil ici","ĠPol y","D IA","Ġt inerfe","Ġdis i","Ġau da","ima genes","Ġlog ras","bur n","ĠVent ajas","Ġafe itar","Ġanec dó","ĠN on","Ġvel cro","Ġtest ÃŃculos","Ġs t","Ġpre medi","lar d","Ġcel oso","ĠArtes anÃŃa","ĠLoy ola","j ord","Ġs mo","uc zynski","ĠG allery","con ven","cen dente","Ġsalv avidas","Ġabsor ben","sor i","ĠUs ando","Ġganch illo","un de","Ġun ÃŃa","ĠE iffel","Ġsus cita","Ġ18 1","ĠRec urso","ĠH ice","19 76","ĠDis positivos","Ġpreguntar me","ĠhÃŃdr ico","Ġdesinte gración","å IJ","Ġal pin","ĠJ ES","ĠK ro","Ġpan f","Ġrevel ada","Ġpayas os","ĠRG PD","ri ge","ĠB ed","Ġtra p","ĠRe alización","Ġparticip aba","ĠFilar mónica","Ġun ila","no te","Ġro zando","Ġtom illo","Ġacep ción","ĠIN CLU","Ġapete cible","Ġvecin dad","jun io","Ġhabit áculo","ĠC uyo","Ġmar eo","Ġacar iciar","Ġjajaj ajaja","ĠExtraord inaria","e adas","Ġg emas","eros a","Ġexist ieron","esta ciones","Ġ22 1","ĠMen em","ĠAses ores","Ġmio cardio","ĠAQU I","ĠDevelo pment","Ġest orn","ĠE VA","Ġtrans itor","Ġins ensa","ĠMer cury","Ġrein tegro","Ġprece de","Ġabuel ita","Ġor égano","Ġcab os","gl er","er adores","Ġin quebran","ĠVir g","PE G","Ġdesmante lamiento","ĠCab ra","jeje je","D if","Ġcom etas","ne ider","ĠCam isetas","Ġand am","Ġcuel gan","ĠTro ya","ĠPun k","ĠMúlti ples","l udio","Ġanal ÃŃticos","én tate","él ulas","ĠCA BA","prim ero","gir l","Ġbit ácora","ĠP ina","Ġi bas","Ġpe o","Ġref inada","Ġdesa ho","Ġconsol idados","ĠAN C","Ġdesh on","core ana","AF P","Ġplayo ffs","19 73","Ġmone tarias","ĠFinanci eras","Ġmovi es","l ub","Ġa os","ĠT ul","Ġsegu ÃŃs","Ġocas o","Ġlac tantes","ĠB eso","ĠSi mpl","Ġescuch arla","Ġbel gas","Ġconce didas","Ġindividu alizada","Ġrecoger á","ĠPerio dista","ĠVenezol ano","Ġbró coli","Ġindist intamente","Fá cil","R P","ĠS che","Ġma t","Ġejer za","imen ez","Ġinfer nal","Ġresca ta","l uen","Ġcap uch","Ġmoder adores","Cons igue","ad is","Ġal ican","Ġimp as","Ġfracas ó","R ÃŃo","Ġautor itarismo","Ġsindical istas","Ġminister iales","Ġre zo","âĢ¦ âĢ¦.","cen se","ĠVie ws","Ġrot undamente","Ġamenaz ante","Ġtesor ero","ab es","ú ster","To ledo","ĠJa ir","Ġolvid aba","Ġsuminist rado","Ġpreserv ativo","ĠOlimp iadas","B lanco","w iki","Ġpro vi","tu all","cu ma","Ġap ad","Ġpas aran","Ġincl inada","ĠCh rom","ĠCar do","3 40","Ġle p","Ġapar eci","tin encia","Ġtener te","Ġhaber los","ĠCan tos","Ġoper ados","Ġmach istas","al di","Ġg eno","ĠO so","ĠEn f","Ġcan ino","Ġsacerdo tal","Ġmand aba","Ġl entas","Ġap éndice","Ġgan ara","Ġdeber ian","Ġanal ógica","ko ta","Ġcár tel","ĠElectron ics","Ġsero tonina","espal das","L unes","Ġbal ear","ĠVolun tariado","Ġn iger","ĠRe porte","tel ier","ĠRo osevelt","Ġprós pero","Ġpa tos","Ġgu ir","ĠOb ispos","Ġregres ando","Ġech arse","Ġmono tonÃŃa","Llev amos","AS TA","Ġrean udar","Ġarrepent ido","Ġi ii","ĠCon ciencia","Ġ5 20","Ġregist ral","Ġaplas tante","B rin","f its","Ġe utanasia","ios is","Ġ- ¡","ĠLe arning","Ġunivers alidad","Ġvin iera","Ġocasion ando","Ġredi seño","Ġpaulat ina","Ġbue y"," £","ĠC us","ĠS uena","ĠH ÃŃ","ĠCa u","B ack","Ù ĩ","erv as","ĠCam pa","Ġcara vanas","domin ios","Ġvib rantes","ĠSue ños","Ġdesesper anza","ĠLE ÃĵN","ĠCAR LOS","Ġvist iendo","lam ientos","Ġodi an","Ġa tienda","que dad","ĠT ÃŃtulos","ĠR ing","In te","ĠPe te","Ġconduci da","ĠMaris ol","O ut","Ġde dicas","Ġf ÃŃl","Ġrev ueltas","ĠDi fer","R END","r una","Ġfu rioso","ĠSa g","Ġvesti das","Ġrin den","Rob ert","ĠRun ner","tten ham","H ombres","ie f","ĠO tor","cal l","ĠEuro visión","Ġ21 4","Ġimpon ga","Ġimpon entes","Ġtam iz","ĠT at","Ġru di","Ġdespla zó","Ġimprede cible","M ex","l ip","ĠV S","Ġquin teto","Ġrecrea tivo","de p","tu osamente","gu enos","Ġac ampar","Ġ4 40","Ġ21 8","ck er","Ġdiri ja","Ġdra gon","Ġinsta urar","Ġvil lan","ĠL IC","Ġdej aste","Ġconec tando","Zapa tillas","ĠRegÃŃst rese","ent antes","Ġun ificado","Por qué","ĠHum or","ĠRob ot","Ġmister iosas","ĠCrea tiva","Ġcucar achas","in forma","Ġal ist","mi tió","Ġra ton","Ġcapital ina","Ġorganiza tivo","ĠÃļ N","Ġgav io","j is","ĠEn ci","Ġmes ita","Ġpermi tidas","ĠVi alidad","ĠLle gar","ter e","ĠEn gels","Ġpu bs","Ġmenos c","Ġpermi to","ĠDiseñ ador","Ġginec ólogo","ĠP aj","da dero","son s","Ġcor doba","ĠFre cuencia","Ġmanifies te","Ġrendir se","Ġhim nos","Ġsusci tado","Ġt ribun","Ġdes fas","ici Ãĥ","ĠMo tril","Ġacondi cionador","ĠJef ferson","Ġgad gets","R U","Ġconstru irá","Ġcomercial mente","ĠHab lando","Ġadqui rieron","Ġbra vo","ográ ficos","ĠStan ford","Ġeclesi ástica","Ġacarre ar",") \",","3 30","V uelve"," §","Ð ¤","Ġpes aba","Ġvol ó","Ġcur ry","ĠSo urce","2 60","Æ Ĵ","Ġreto ques","j uela","on ial","Ġque jó","Ġapre tando","Ġpreguntar te","Ġdesma quil","ĠCar dio","Ġefec túe","Ġcontac tado","Ġrepresent aron","Ġfon dant","Ġcomprob ando","ĠM ale","Ġdes pa","Ġquer eis","ĠMan rique","Ġejer cÃŃa","ĠCri terios","gra mar","Ġcos tarÃŃa","ĠCam ps","Ġfra gu","ĠBa eza","Ġoper ada","ĠEcu ator","Ġsorprender nos","Ġdespo jo","ĠAren al","cripti ble","ĠM isterio","ĠNi ñez","Ġmig as","Ġfide icomiso","Ġp ita","in ara","ĠA ru","ĠS uroeste","Ġcer eza","19 78","Ġbro kers","ĠDES DE","Ġdemago gia","p iso","Ġma tor","Ġeleg irá","Ġincon cl","Ġconse jerÃŃa","Ġentra ban","Ġcongel ada","Ġdemues tren","bi ana","Ġ18 10","Ġran uras","Ġconfun dirse","Ġidiosinc rasia","ad itos","vi ados","Ġinvers ion","Ġoptim iza","Ġlocu ras","ĠEst ará","Ġba tiendo","Ġpsic ópata","ĠHoy os","Ġexpe dir","ĠSes iones","c ama","Ġs ystem","ĠO w","ĠK hal","Ġbar rido","Ġagreg ada","ĠDen unci","ĠCorn ejo","Ġagrid ulce","licé ridos","Ġla x","ĠS is","im g","Ex pres","ĠKe iko","Ġhidrául icas","Ġpresum iblemente","Ġt ic","Ġcons uma","Ġcomple j","Ġsan cionada","Ġreal icé","Ġincorpor en","Ġtranquil izar","Ġurban izaciones","Ġsensible mente","ĠCoun cil","Ġcoe ficientes","Comen zó","J en","Ġmer chandising","Ġdiscrim inar","Ġconsolid ó","ĠMED IA","ĠEze iza","' ).","Ġes ófago","é ter","Ġcab rón","ĠSil icon","Pos t","ĠCuad ros","Ġme tÃŃa","ple mento","Me didas","Ġabor tar","Ġmoles tas","ĠQU I","ĠEqu idad","S and","ut adas","Ġsim ula","Ġconcur rido","Ġautomovil ismo","T ec","ĠN ombres","ĠEn zo","ĠMon tiel","Ġov ación","lah oma","Ġpatrio tas","Ġcom as","ten o","lu za","Ġreflex ivo","Ġperci bimos","Ġdiferenci arse","Ġtransgén ero","ĠHarle y","ri ble","Ġcomp ases","ĠDes graciadamente","Ġvia jo","Ġtab lón","Vers ión","Ġóv ulos","b acter","ĠP irámi","Ġdo ler","Ġentusias mado","Ġcontrar reloj","ĠNA V","Ġtransmi tidos","pon sor","Se xo","ĠPer ÃŃodo","ĠPa cientes","Ġcontam inada","Ġdiri jo","Si tio","ĠSal on","Ġconsul tarse","Le g","Ġensay ar","ĠPerio do","Ġgem ela","ĠMan datario","mon ÃŃa","Ġagra va","Ġv iciosa","Ġfin gir","Ġquer rán","Ġexpres ivo","Ġrespe tada","Ġconvers ó","Ġluz ca","Ex p","Ġatribuy ó","Ġtesor erÃŃa","A cerca","ĠF ija","ĠF ibra","Ġinalámb ricas","dimens ionales","Ġencruci jada","I na","ez mann","Ġeste tica","Ġro ad","19 75","Ġprolong ados","ĠINVESTI GACIÃĵN","ĠW hat","Ġcompe te","ĠTe jada","ĠCA F","Ġs tra","ĠG host","Ġmedi áticos","Ġserv ida","Ġincorpor ará","Ġparad is","Ġhun dió","Ġestil ista","Ġdisper sa","Ġpar alizar","Ġin estim","ĠE lev","Ġpla us","dic to","Ġdist rital","Ġgas eos","Fel ipe","ĠAdap tación","ĠLlev amos","Ġindi ferentes","ĠMan zano","Ġperman ezcan","ĠVen ga","Ġgal as","Ġrepe tÃŃa","Ġbrindar les","Ġmedir se","Ġrebaj ado","IVERS IDAD","Ġtransf iere","Ġo igo","son a","Ġtu torÃŃa","EN DO","Ġ21 3","An ti","17 5","Ġaport ada","Ġaba tido","Fern ández","ĠIlde fonso","b ora","ĠC NA","crib o","Ġpeat onales","GUE Z","Ġdes ab","Ġplan ifica","Ġz ig","ĠSal cedo","Ch at","Reg lamento","ĠVolun tarios","Ġpsiquia trÃŃa","id oro","ĠD ame","ĠW he","cor riente","Ġviv idos","Reg istro","Ġadhes ivos","Ġbell ÃŃsima","Ġarraig ada","ĠS ello","Ġcu táneas","ĠPer egr","ĠInstitu cionales","ĠES PA","éut icos","Ġperf ila","K ey","ĠN ord","Ġincu mb","Ġestereo tipo","ĠBang la","Ġnaufrag io","ĠAutop ista","Ġic eberg","gan g","óm ulo","Ġrecur rió","Ġafec tarÃŃa","Ġcuad rilla","ĠNor berto","Ġpubli quen","ÃģL ISIS","n icas","Ġm ueca","ĠAc t","ĠCap itolio","Ġgir l","ĠJapon és","Ġvirgin idad","Ġman tra","Ġamor osos","dal enas","Ġder bi","Ġdesper tando","Ġdiscre tos","ĠManif iesto","R ERO","f ab","Ġ ist","ĠR ho","ĠInvesti gador","Ġperif érico","P asa","er se","ĠT án","ces ana","écn ico","Ġtel enovelas","ĠMer idi","Ġenfrent ados","ĠD HL","» :","Ġprer roga","di osa","ĠT all","Ġan ulado","ten ango","Ġah uy","ĠPro blema","ĠAd words","Ġincre dulidad","Ġdan ce","Ġhom il","Ġaguar da","ĠEspar ta","ĠJUL IO","G ente","f ate","Ġcol gó","Ġedi tados","ĠLo dge","Ġreco brar","amb laje","Ġesco ba","Ġprece dido","ĠCala trava","Ġriqu ÃŃsimo","ĠSUPER IOR","! ?","u ris","Ġmo tel","Ġcop iloto","ĠMos s","Ġacomo da","Ġesc rup","Re gres","ĠAnte cedentes","ĠTeo doro","C oo","gun to","Ġemo cionar","Ġexplo tados","Ġsumerg ida","ĠGeo graphic","Ġest amentos","ĠDE CRE","Ġtal le","Ġk ernel","Ġacostumb ran","Ġapropi arse","ĠTemp le","Ġexager ación","tiro idismo","ĠDesaf ÃŃo","QUIS ITOS","in sa","Ġfin landés","Ġpermitir nos","ĠRefug iados","ĠS cho","ĠH iros","Ġrefle jadas","úb ilo","Ġbb w","Pros titutas","Ġa tados","zar es","Ġproces ada","Pa ge","Ġde gener","Ġo tom","Ġra ja","Ġminu ciosa","glo bina","ĠEl ba","Ġincl inar","Ġaf ter","ĠNa huel","orn ing","Ġsil uetas","Ġmaravillos amente","Ġjudicial mente","n ier","ĠCon fi","Ġcal ambres","ĠJul i","Ġrefug iarse","ĠS ED","Ġper form","tur ada","Ġgu inda","// //","ĠConsul tivo","tent ri","eléctr ica","Sem ana","c ampo","à Ł","ĠO T","ele mentos","Con ec","Ġbando lera","Ġenérg ico","Ġtrans nacional","Ġpla gada","Ġhum illa","Ġimplic ó","ĠVis ite","Ġautent ico","pon ente","gas te","Ġremo viendo","Ġsocio cultural","Ġinterac tu","Ġsincer as","ĠAuxiliar es","Ġtaj ante","ud ado","Ġasegu rador","Ġreal zar","Ġbor da","h ech","it ter","Ġante ojos","Ġsa ciar","ĠVer ás","Ġt x","ĠCh icos","Ġcertific adas","ĠE terno","ĠA ves","ĠN ube","Ġcer támenes","ĠAn astas","Co inci","ĠAngel ina","Ġsalvador eño","Ġbin omio","Ġlé xico","Ġvicis itudes","Ġcer das","Ġmas onerÃŃa","Ġqued ándose","ĠAd junto","ĠMel gar","ĠINV ERS","Ġprestam o","W ar","co tt","Ġcreer lo","Ġtransfer ido","ĠOlimp iada","ĠPear l","Ġf ort","Ġvo tan","11 8","Ġsatisfac en","Ġrom ánico","ant ha","ĠCin tur","ĠI ru","ĠTo var","bo w","ĠEstado unidense","Ġenfer mas","Ġproce dieron","Ġconsum ismo","Po der","Ġautóc tonos","R oma","Ġf ÃŃn","Ġme tó","00 7","Ġlib rado","ĠCh ad","Ġban d","Ġalcal dÃŃas","Ġjam ones","Ġpersu adir","Ġdel ib","ĠN Ãļ","ĠCon mebol","Ġna zar","Ġindi as","Ġimagin é","Is abel","Ġhomo fobia","Ġte quila","Ġautor ice","Ġtro quel","Ġevang élica","Ġdesil usión","Ġpara guaya","ul fo","ĠAr cángel","Ġfal acia","Ġpais anos","ĠApar icio","ĠCIV IL","ĠS z","Ġfortal ecido","Ġsar c","Ġca ótico","ĠRu z","Ġimpar tió","Ġconcluy a","far macia","Ġcro chet","ĠÃģr tico","Ġmanag ement","G INA","Ġven garse","Ġfemin idad","Ġex i","Ġco pro","end ra","Ġse ces","ac re","Ġte oria","ART ICULO","Ġimpa ciencia","Ġincuestion able","Ġcar ru","Al gún","ĠâĤ¬ /","DO C","Ġliv iana","f ores","Ġedi cion","No che","ĠGal ilea","ĠAC N","оР¹","Ġadmir adores","v ist","å ľ","Ġp ach","Ġd uelen","Ġsuf ridas","Ġdesenvolver se","V igencia","Ġop rimidos","Ġpel liz","Ġlan zo","Ġresolver lo","Ġmadri dista","Ġsuscrib irse","Ġexponencial mente","Ġtan ga","Ġcan arias","Ġpla quetas","ĠCa f","ĠBu ñ","ĠPatr ona","Ġtrasc endido","ĠPRODUC TOS","Ġdesenvol vimiento","n á","Ġj et","rea u"]}} diff --git a/data_tooling/bertin/convert.py b/data_tooling/bertin/convert.py new file mode 100644 index 0000000..a61f3e9 --- /dev/null +++ b/data_tooling/bertin/convert.py @@ -0,0 +1,31 @@ +#!/usr/bin/env python +import tempfile + +import jax +from jax import numpy as jnp +from transformers import AutoTokenizer, FlaxRobertaForMaskedLM, RobertaForMaskedLM + + +def to_f32(t): + return jax.tree_map( + lambda x: x.astype(jnp.float32) if x.dtype == jnp.bfloat16 else x, t + ) + + +def main(): + # Saving extra files from config.json and tokenizer.json files + tokenizer = AutoTokenizer.from_pretrained("./") + tokenizer.save_pretrained("./") + + # Temporary saving bfloat16 Flax model into float32 + tmp = tempfile.mkdtemp() + flax_model = FlaxRobertaForMaskedLM.from_pretrained("./") + flax_model.params = to_f32(flax_model.params) + flax_model.save_pretrained(tmp) + # Converting float32 Flax to PyTorch + model = RobertaForMaskedLM.from_pretrained(tmp, from_flax=True) + model.save_pretrained("./", save_config=False) + + +if __name__ == "__main__": + main() diff --git a/data_tooling/bertin/evaluation/paws.yaml b/data_tooling/bertin/evaluation/paws.yaml new file mode 100644 index 0000000..b97f90e --- /dev/null +++ b/data_tooling/bertin/evaluation/paws.yaml @@ -0,0 +1,53 @@ +name: BERTIN PAWS-X es +project: bertin-eval +enitity: versae +program: run_glue.py +command: + - ${env} + - ${interpreter} + - ${program} + - ${args} +method: grid +metric: + name: eval/accuracy + goal: maximize +parameters: + model_name_or_path: + values: + - bertin-project/bertin-base-gaussian-exp-512seqlen + - bertin-project/bertin-base-stepwise-exp-512seqlen + - bertin-project/bertin-base-random-exp-512seqlen + - bertin-project/bertin-base-gaussian + - bertin-project/bertin-base-stepwise + - bertin-project/bertin-base-random + - bertin-project/bertin-roberta-base-spanish + - flax-community/bertin-roberta-large-spanish + - BSC-TeMU/roberta-base-bne + - dccuchile/bert-base-spanish-wwm-cased + - bert-base-multilingual-cased + num_train_epochs: + values: [5] + task_name: + value: paws-x + dataset_name: + value: paws-x + dataset_config_name: + value: es + output_dir: + value: ./outputs + overwrite_output_dir: + value: true + max_seq_length: + value: 512 + pad_to_max_length: + value: true + per_device_train_batch_size: + value: 16 + per_device_eval_batch_size: + value: 16 + save_total_limit: + value: 1 + do_train: + value: true + do_eval: + value: true diff --git a/data_tooling/bertin/evaluation/run_glue.py b/data_tooling/bertin/evaluation/run_glue.py new file mode 100644 index 0000000..a08cba2 --- /dev/null +++ b/data_tooling/bertin/evaluation/run_glue.py @@ -0,0 +1,683 @@ +#!/usr/bin/env python +# coding=utf-8 +# Copyright 2020 The HuggingFace Inc. team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" Finetuning the library models for sequence classification on GLUE.""" +# You can also adapt this script on your own text classification task. Pointers for this are left as comments. + +import logging +import os +import random +import sys +from dataclasses import dataclass, field +from pathlib import Path +from typing import Optional + +import datasets +import numpy as np +import transformers +from datasets import load_dataset, load_metric +from transformers import ( + AutoConfig, + AutoModelForSequenceClassification, + AutoTokenizer, + DataCollatorWithPadding, + EvalPrediction, + HfArgumentParser, + PretrainedConfig, + Trainer, + TrainingArguments, + default_data_collator, + set_seed, +) +from transformers.trainer_utils import get_last_checkpoint +from transformers.utils import check_min_version +from transformers.utils.versions import require_version + +# Will error if the minimal version of Transformers is not installed. Remove at your own risks. +check_min_version("4.9.0.dev0") + +require_version( + "datasets>=1.8.0", + "To fix: pip install -r examples/pytorch/text-classification/requirements.txt", +) + +task_to_keys = { + "cola": ("sentence", None), + "mnli": ("premise", "hypothesis"), + "xnli": ("premise", "hypothesis"), + "mrpc": ("sentence1", "sentence2"), + "qnli": ("question", "sentence"), + "qqp": ("question1", "question2"), + "rte": ("sentence1", "sentence2"), + "sst2": ("sentence", None), + "stsb": ("sentence1", "sentence2"), + "wnli": ("sentence1", "sentence2"), + "paws-x": ("sentence1", "sentence2"), +} +task_to_metrics = { + "paws-x": "accuracy", + "xnli": "accuracy", +} + +logger = logging.getLogger(__name__) + + +@dataclass +class DataTrainingArguments: + """ + Arguments pertaining to what data we are going to input our model for training and eval. + + Using `HfArgumentParser` we can turn this class + into argparse arguments to be able to specify them on + the command line. + """ + + task_name: Optional[str] = field( + default=None, + metadata={ + "help": "The name of the task to train on: " + + ", ".join(task_to_keys.keys()) + }, + ) + dataset_name: Optional[str] = field( + default=None, + metadata={"help": "The name of the dataset to use (via the datasets library)."}, + ) + dataset_config_name: Optional[str] = field( + default=None, + metadata={ + "help": "The configuration name of the dataset to use (via the datasets library)." + }, + ) + max_seq_length: int = field( + default=128, + metadata={ + "help": "The maximum total input sequence length after tokenization. Sequences longer " + "than this will be truncated, sequences shorter will be padded." + }, + ) + overwrite_cache: bool = field( + default=False, + metadata={"help": "Overwrite the cached preprocessed datasets or not."}, + ) + pad_to_max_length: bool = field( + default=True, + metadata={ + "help": "Whether to pad all samples to `max_seq_length`. " + "If False, will pad the samples dynamically when batching to the maximum length in the batch." + }, + ) + max_train_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of training examples to this " + "value if set." + }, + ) + max_eval_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of evaluation examples to this " + "value if set." + }, + ) + max_predict_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of prediction examples to this " + "value if set." + }, + ) + train_file: Optional[str] = field( + default=None, + metadata={"help": "A csv or a json file containing the training data."}, + ) + validation_file: Optional[str] = field( + default=None, + metadata={"help": "A csv or a json file containing the validation data."}, + ) + test_file: Optional[str] = field( + default=None, + metadata={"help": "A csv or a json file containing the test data."}, + ) + + def __post_init__(self): + if self.task_name is not None: + self.task_name = self.task_name.lower() + if self.task_name not in task_to_keys.keys(): + raise ValueError( + "Unknown task, you should pick one in " + + ",".join(task_to_keys.keys()) + ) + elif self.dataset_name is not None: + pass + elif self.train_file is None or self.validation_file is None: + raise ValueError( + "Need either a GLUE task, a training/validation file or a dataset name." + ) + else: + train_extension = self.train_file.split(".")[-1] + assert train_extension in [ + "csv", + "json", + ], "`train_file` should be a csv or a json file." + validation_extension = self.validation_file.split(".")[-1] + assert ( + validation_extension == train_extension + ), "`validation_file` should have the same extension (csv or json) as `train_file`." + + +@dataclass +class ModelArguments: + """ + Arguments pertaining to which model/config/tokenizer we are going to fine-tune from. + """ + + model_name_or_path: str = field( + metadata={ + "help": "Path to pretrained model or model identifier from huggingface.co/models" + } + ) + config_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained config name or path if not the same as model_name" + }, + ) + tokenizer_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained tokenizer name or path if not the same as model_name" + }, + ) + cache_dir: Optional[str] = field( + default=None, + metadata={ + "help": "Where do you want to store the pretrained models downloaded from huggingface.co" + }, + ) + use_fast_tokenizer: bool = field( + default=True, + metadata={ + "help": "Whether to use one of the fast tokenizer (backed by the tokenizers library) or not." + }, + ) + model_revision: str = field( + default="main", + metadata={ + "help": "The specific model version to use (can be a branch name, tag name or commit id)." + }, + ) + use_auth_token: bool = field( + default=False, + metadata={ + "help": "Will use the token generated when running `transformers-cli login` (necessary to use this script " + "with private models)." + }, + ) + + +def main(): + # See all possible arguments in src/transformers/training_args.py + # or by passing the --help flag to this script. + # We now keep distinct sets of args, for a cleaner separation of concerns. + + parser = HfArgumentParser( + (ModelArguments, DataTrainingArguments, TrainingArguments) + ) + if len(sys.argv) == 2 and sys.argv[1].endswith(".json"): + # If we pass only one argument to the script and it's the path to a json file, + # let's parse it to get our arguments. + model_args, data_args, training_args = parser.parse_json_file( + json_file=os.path.abspath(sys.argv[1]) + ) + else: + model_args, data_args, training_args = parser.parse_args_into_dataclasses() + + # Setup logging + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + datefmt="%m/%d/%Y %H:%M:%S", + handlers=[logging.StreamHandler(sys.stdout)], + ) + + log_level = training_args.get_process_log_level() + logger.setLevel(log_level) + datasets.utils.logging.set_verbosity(log_level) + transformers.utils.logging.set_verbosity(log_level) + transformers.utils.logging.enable_default_handler() + transformers.utils.logging.enable_explicit_format() + + # Log on each process the small summary: + logger.warning( + f"Process rank: {training_args.local_rank}, device: {training_args.device}, n_gpu: {training_args.n_gpu}" + + f"distributed training: {bool(training_args.local_rank != -1)}, 16-bits training: {training_args.fp16}" + ) + logger.info(f"Training/evaluation parameters {training_args}") + + # Detecting last checkpoint. + last_checkpoint = None + run_name = f"{model_args.model_name_or_path}-{np.random.randint(1000):04d}" + training_args.output_dir = str(Path(training_args.output_dir) / run_name) + if ( + os.path.isdir(training_args.output_dir) + and training_args.do_train + and not training_args.overwrite_output_dir + ): + last_checkpoint = get_last_checkpoint(training_args.output_dir) + if last_checkpoint is None and len(os.listdir(training_args.output_dir)) > 0: + raise ValueError( + f"Output directory ({training_args.output_dir}) already exists and is not empty. " + "Use --overwrite_output_dir to overcome." + ) + elif ( + last_checkpoint is not None and training_args.resume_from_checkpoint is None + ): + logger.info( + f"Checkpoint detected, resuming training at {last_checkpoint}. To avoid this behavior, change " + "the `--output_dir` or add `--overwrite_output_dir` to train from scratch." + ) + + # Set seed before initializing model. + set_seed(training_args.seed) + + # Get the datasets: you can either provide your own CSV/JSON training and evaluation files (see below) + # or specify a GLUE benchmark task (the dataset will be downloaded automatically from the datasets Hub). + # + # For CSV/JSON files, this script will use as labels the column called 'label' and as pair of sentences the + # sentences in columns called 'sentence1' and 'sentence2' if such column exists or the first two columns not named + # label if at least two columns are provided. + # + # If the CSVs/JSONs contain only one non-label column, the script does single sentence classification on this + # single column. You can easily tweak this behavior (see below) + # + # In distributed training, the load_dataset function guarantee that only one local process can concurrently + # download the dataset. + if data_args.dataset_name is not None: + # Downloading and loading a dataset from the hub. + raw_datasets = load_dataset( + data_args.dataset_name, + data_args.dataset_config_name, + cache_dir=model_args.cache_dir, + ) + elif data_args.task_name is not None: + # Downloading and loading a dataset from the hub. + raw_datasets = load_dataset( + "glue", data_args.task_name, cache_dir=model_args.cache_dir + ) + else: + # Loading a dataset from your local files. + # CSV/JSON training and evaluation files are needed. + data_files = { + "train": data_args.train_file, + "validation": data_args.validation_file, + } + + # Get the test dataset: you can provide your own CSV/JSON test file (see below) + # when you use `do_predict` without specifying a GLUE benchmark task. + if training_args.do_predict: + if data_args.test_file is not None: + train_extension = data_args.train_file.split(".")[-1] + test_extension = data_args.test_file.split(".")[-1] + assert ( + test_extension == train_extension + ), "`test_file` should have the same extension (csv or json) as `train_file`." + data_files["test"] = data_args.test_file + else: + raise ValueError( + "Need either a GLUE task or a test file for `do_predict`." + ) + + for key in data_files.keys(): + logger.info(f"load a local file for {key}: {data_files[key]}") + + if data_args.train_file.endswith(".csv"): + # Loading a dataset from local csv files + raw_datasets = load_dataset( + "csv", data_files=data_files, cache_dir=model_args.cache_dir + ) + else: + # Loading a dataset from local json files + raw_datasets = load_dataset( + "json", data_files=data_files, cache_dir=model_args.cache_dir + ) + # See more about loading any type of standard or custom dataset at + # https://huggingface.co/docs/datasets/loading_datasets.html. + + # Labels + if data_args.task_name is not None: + is_regression = data_args.task_name == "stsb" + if not is_regression: + label_list = raw_datasets["train"].features["label"].names + num_labels = len(label_list) + else: + num_labels = 1 + else: + # Trying to have good defaults here, don't hesitate to tweak to your needs. + is_regression = raw_datasets["train"].features["label"].dtype in [ + "float32", + "float64", + ] + if is_regression: + num_labels = 1 + else: + # A useful fast method: + # https://huggingface.co/docs/datasets/package_reference/main_classes.html#datasets.Dataset.unique + label_list = raw_datasets["train"].unique("label") + label_list.sort() # Let's sort it for determinism + num_labels = len(label_list) + + # Load pretrained model and tokenizer + # + # In distributed training, the .from_pretrained methods guarantee that only one local process can concurrently + # download model & vocab. + config = AutoConfig.from_pretrained( + model_args.config_name + if model_args.config_name + else model_args.model_name_or_path, + num_labels=num_labels, + finetuning_task=data_args.task_name, + cache_dir=model_args.cache_dir, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + tokenizer = AutoTokenizer.from_pretrained( + model_args.tokenizer_name + if model_args.tokenizer_name + else model_args.model_name_or_path, + cache_dir=model_args.cache_dir, + use_fast=model_args.use_fast_tokenizer, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + model = AutoModelForSequenceClassification.from_pretrained( + model_args.model_name_or_path, + from_tf=bool(".ckpt" in model_args.model_name_or_path), + config=config, + cache_dir=model_args.cache_dir, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + tokenizer.model_max_length = 512 + + # Preprocessing the raw_datasets + if data_args.task_name is not None: + sentence1_key, sentence2_key = task_to_keys[data_args.task_name] + else: + # Again, we try to have some nice defaults but don't hesitate to tweak to your use case. + non_label_column_names = [ + name for name in raw_datasets["train"].column_names if name != "label" + ] + if ( + "sentence1" in non_label_column_names + and "sentence2" in non_label_column_names + ): + sentence1_key, sentence2_key = "sentence1", "sentence2" + else: + if len(non_label_column_names) >= 2: + sentence1_key, sentence2_key = non_label_column_names[:2] + else: + sentence1_key, sentence2_key = non_label_column_names[0], None + + # Padding strategy + if data_args.pad_to_max_length: + padding = "max_length" + else: + # We will pad later, dynamically at batch creation, to the max sequence length in each batch + padding = False + + # Some models have set the order of the labels to use, so let's make sure we do use it. + label_to_id = None + if ( + model.config.label2id != PretrainedConfig(num_labels=num_labels).label2id + and data_args.task_name is not None + and not is_regression + ): + # Some have all caps in their config, some don't. + label_name_to_id = {k.lower(): v for k, v in model.config.label2id.items()} + if list(sorted(label_name_to_id.keys())) == list(sorted(label_list)): + label_to_id = { + i: int(label_name_to_id[label_list[i]]) for i in range(num_labels) + } + else: + logger.warning( + "Your model seems to have been trained with labels, but they don't match the dataset: ", + f"model labels: {list(sorted(label_name_to_id.keys()))}, dataset labels: {list(sorted(label_list))}." + "\nIgnoring the model labels as a result.", + ) + elif data_args.task_name is None and not is_regression: + label_to_id = {v: i for i, v in enumerate(label_list)} + + if label_to_id is not None: + model.config.label2id = label_to_id + model.config.id2label = {id: label for label, id in config.label2id.items()} + + if data_args.max_seq_length > tokenizer.model_max_length: + logger.warning( + f"The max_seq_length passed ({data_args.max_seq_length}) is larger than the maximum length for the" + f"model ({tokenizer.model_max_length}). Using max_seq_length={tokenizer.model_max_length}." + ) + max_seq_length = min(data_args.max_seq_length, tokenizer.model_max_length) + + def preprocess_function(examples): + # Tokenize the texts + args = ( + (examples[sentence1_key],) + if sentence2_key is None + else (examples[sentence1_key], examples[sentence2_key]) + ) + result = tokenizer( + *args, padding=padding, max_length=max_seq_length, truncation=True + ) + + # Map labels to IDs (not necessary for GLUE tasks) + if label_to_id is not None and "label" in examples: + result["label"] = [ + (label_to_id[l] if l != -1 else -1) for l in examples["label"] + ] + return result + + with training_args.main_process_first(desc="dataset map pre-processing"): + raw_datasets = raw_datasets.map( + preprocess_function, + batched=True, + load_from_cache_file=not data_args.overwrite_cache, + desc="Running tokenizer on dataset", + ) + if training_args.do_train: + if "train" not in raw_datasets: + raise ValueError("--do_train requires a train dataset") + train_dataset = raw_datasets["train"] + if data_args.max_train_samples is not None: + train_dataset = train_dataset.select(range(data_args.max_train_samples)) + + if training_args.do_eval: + if ( + "validation" not in raw_datasets + and "validation_matched" not in raw_datasets + ): + raise ValueError("--do_eval requires a validation dataset") + eval_dataset = raw_datasets[ + "validation_matched" if data_args.task_name == "mnli" else "validation" + ] + if data_args.max_eval_samples is not None: + eval_dataset = eval_dataset.select(range(data_args.max_eval_samples)) + + if ( + training_args.do_predict + or data_args.task_name is not None + or data_args.test_file is not None + ): + if "test" not in raw_datasets and "test_matched" not in raw_datasets: + raise ValueError("--do_predict requires a test dataset") + predict_dataset = raw_datasets[ + "test_matched" if data_args.task_name == "mnli" else "test" + ] + if data_args.max_predict_samples is not None: + predict_dataset = predict_dataset.select( + range(data_args.max_predict_samples) + ) + + # Log a few random samples from the training set: + if training_args.do_train: + for index in random.sample(range(len(train_dataset)), 3): + logger.info(f"Sample {index} of the training set: {train_dataset[index]}.") + + # Get the metric function + if data_args.task_name in task_to_metrics: + metric = load_metric(task_to_metrics[data_args.task_name]) + elif data_args.task_name is not None: + metric = load_metric("glue", data_args.task_name) + else: + metric = load_metric("accuracy") + + # You can define your custom compute_metrics function. It takes an `EvalPrediction` object (a namedtuple with a + # predictions and label_ids field) and has to return a dictionary string to float. + def compute_metrics(p: EvalPrediction): + preds = p.predictions[0] if isinstance(p.predictions, tuple) else p.predictions + preds = np.squeeze(preds) if is_regression else np.argmax(preds, axis=1) + if data_args.task_name is not None: + result = metric.compute(predictions=preds, references=p.label_ids) + if len(result) > 1: + result["combined_score"] = np.mean(list(result.values())).item() + return result + elif is_regression: + return {"mse": ((preds - p.label_ids) ** 2).mean().item()} + else: + return {"accuracy": (preds == p.label_ids).astype(np.float32).mean().item()} + + # Data collator will default to DataCollatorWithPadding, so we change it if we already did the padding. + if data_args.pad_to_max_length: + data_collator = default_data_collator + elif training_args.fp16: + data_collator = DataCollatorWithPadding(tokenizer, pad_to_multiple_of=8) + else: + data_collator = None + + training_args.run_name = run_name + # Initialize our Trainer + trainer = Trainer( + model=model, + args=training_args, + train_dataset=train_dataset if training_args.do_train else None, + eval_dataset=eval_dataset if training_args.do_eval else None, + compute_metrics=compute_metrics, + tokenizer=tokenizer, + data_collator=data_collator, + ) + + # Training + if training_args.do_train: + checkpoint = None + if training_args.resume_from_checkpoint is not None: + checkpoint = training_args.resume_from_checkpoint + elif last_checkpoint is not None: + checkpoint = last_checkpoint + train_result = trainer.train(resume_from_checkpoint=checkpoint) + metrics = train_result.metrics + max_train_samples = ( + data_args.max_train_samples + if data_args.max_train_samples is not None + else len(train_dataset) + ) + metrics["train_samples"] = min(max_train_samples, len(train_dataset)) + + trainer.save_model() # Saves the tokenizer too for easy upload + + trainer.log_metrics("train", metrics) + trainer.save_metrics("train", metrics) + trainer.save_state() + + # Evaluation + if training_args.do_eval: + logger.info("*** Evaluate ***") + + # Loop to handle MNLI double evaluation (matched, mis-matched) + tasks = [data_args.task_name] + eval_datasets = [eval_dataset] + if data_args.task_name == "mnli": + tasks.append("mnli-mm") + eval_datasets.append(raw_datasets["validation_mismatched"]) + + for eval_dataset, task in zip(eval_datasets, tasks): + metrics = trainer.evaluate(eval_dataset=eval_dataset) + + max_eval_samples = ( + data_args.max_eval_samples + if data_args.max_eval_samples is not None + else len(eval_dataset) + ) + metrics["eval_samples"] = min(max_eval_samples, len(eval_dataset)) + + trainer.log_metrics("eval", metrics) + trainer.save_metrics("eval", metrics) + + if training_args.do_predict: + logger.info("*** Predict ***") + + # Loop to handle MNLI double evaluation (matched, mis-matched) + tasks = [data_args.task_name] + predict_datasets = [predict_dataset] + if data_args.task_name == "mnli": + tasks.append("mnli-mm") + predict_datasets.append(raw_datasets["test_mismatched"]) + + for predict_dataset, task in zip(predict_datasets, tasks): + # Removing the `label` columns because it contains -1 and Trainer won't like that. + predict_dataset = predict_dataset.remove_columns("label") + predictions = trainer.predict( + predict_dataset, metric_key_prefix="predict" + ).predictions + predictions = ( + np.squeeze(predictions) + if is_regression + else np.argmax(predictions, axis=1) + ) + + output_predict_file = os.path.join( + training_args.output_dir, f"predict_results_{task}.txt" + ) + if trainer.is_world_process_zero(): + with open(output_predict_file, "w") as writer: + logger.info(f"***** Predict results {task} *****") + writer.write("index\tprediction\n") + for index, item in enumerate(predictions): + if is_regression: + writer.write(f"{index}\t{item:3.3f}\n") + else: + item = label_list[item] + writer.write(f"{index}\t{item}\n") + + if training_args.push_to_hub: + kwargs = { + "finetuned_from": model_args.model_name_or_path, + "tasks": "text-classification", + } + if data_args.task_name is not None: + kwargs["language"] = "en" + kwargs["dataset_tags"] = "glue" + kwargs["dataset_args"] = data_args.task_name + kwargs["dataset"] = f"GLUE {data_args.task_name.upper()}" + + trainer.push_to_hub(**kwargs) + + +def _mp_fn(index): + # For xla_spawn (TPUs) + main() + + +if __name__ == "__main__": + main() diff --git a/data_tooling/bertin/evaluation/run_ner.ipynb b/data_tooling/bertin/evaluation/run_ner.ipynb new file mode 100644 index 0000000..6f5d290 --- /dev/null +++ b/data_tooling/bertin/evaluation/run_ner.ipynb @@ -0,0 +1,12144 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "accelerator": "GPU", + "colab": { + "name": "bertin-tests.ipynb", + "provenance": [], + "collapsed_sections": [] + }, + "kernelspec": { + "display_name": "Python 3", + "name": "python3" + }, + "language_info": { + "name": "python" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "3375353ee2ea43d28775f62c49ee0538": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b57b116c89594c558fb17ee835cec7ae", + "IPY_MODEL_2de683c0aad84a33b5d74c338151cb11" + ], + "layout": "IPY_MODEL_2d6e2ae6f5e24092bda544ced04abab4" + } + }, + "b57b116c89594c558fb17ee835cec7ae": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "Downloading: ", + "description_tooltip": null, + "layout": "IPY_MODEL_ce5c0860d88b4ae594ff9c4f97bc998b", + "max": 1362, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_e908ba524a584e1c82cb2a1e0e48d7d6", + "value": 1362 + } + }, + "2de683c0aad84a33b5d74c338151cb11": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5196bc6355b9487aadc2ac77b84f4c0c", + "placeholder": "​", + "style": "IPY_MODEL_76697b9a49db4f6c9a43f8a102118a45", + "value": " 2.92k/? [00:00<00:00, 6.04kB/s]" + } + }, + "2d6e2ae6f5e24092bda544ced04abab4": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ce5c0860d88b4ae594ff9c4f97bc998b": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e908ba524a584e1c82cb2a1e0e48d7d6": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "initial" + } + }, + "5196bc6355b9487aadc2ac77b84f4c0c": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "76697b9a49db4f6c9a43f8a102118a45": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + } + } + } + }, + "cells": [ + { + "cell_type": "code", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "o4b4a_s2-E0M", + "outputId": "018f4cb9-3f6f-4c6e-ccd3-0e8ba83b9853" + }, + "source": [ + "!pip install -qq wandb\n", + "!wandb login\n", + "!wandb init -p bertin-eval -e versae" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\u001b[K |████████████████████████████████| 1.8 MB 13.7 MB/s \n", + "\u001b[K |████████████████████████████████| 133 kB 67.5 MB/s \n", + "\u001b[K |████████████████████████████████| 170 kB 59.0 MB/s \n", + "\u001b[K |████████████████████████████████| 97 kB 9.1 MB/s \n", + "\u001b[K |████████████████████████████████| 138 kB 67.8 MB/s \n", + "\u001b[K |████████████████████████████████| 63 kB 2.4 MB/s \n", + "\u001b[K |████████████████████████████████| 62 kB 1.2 MB/s \n", + "\u001b[?25h Building wheel for subprocess32 (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + " Building wheel for pathtools (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", + "google-colab 1.0.0 requires requests~=2.23.0, but you have requests 2.26.0 which is incompatible.\n", + "datascience 0.10.6 requires folium==0.2.1, but you have folium 0.8.3 which is incompatible.\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: You can find your API key in your browser here: https://wandb.ai/authorize\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Paste an API key from your profile and hit enter: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Appending key for api.wandb.ai to your netrc file: /root/.netrc\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "code", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "mHkxgp5vcCyC", + "outputId": "eaa6b844-629c-4f3d-f04b-e6f32b13b8ea" + }, + "source": [ + "!pip install -qqU https://github.com/huggingface/transformers/archive/refs/heads/master.zip datasets[streaming] seqeval\n", + "# !pip install -qqU transformers datasets[streaming] seqeval\n", + "# !pip install -qqU git+https://github.com/google/flax.git\n", + "# !pip install -qqU https://github.com/kpu/kenlm/archive/master.zip\n", + "!pip install -qqU torch" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\u001b[K | 11.2 MB 2.8 MB/s\n", + "\u001b[?25h Installing build dependencies ... \u001b[?25l\u001b[?25hdone\n", + " Getting requirements to build wheel ... \u001b[?25l\u001b[?25hdone\n", + " Preparing wheel metadata ... \u001b[?25l\u001b[?25hdone\n", + "\u001b[K |████████████████████████████████| 262 kB 14.5 MB/s \n", + "\u001b[K |████████████████████████████████| 43 kB 2.7 MB/s \n", + "\u001b[K |████████████████████████████████| 3.3 MB 15.5 MB/s \n", + "\u001b[K |████████████████████████████████| 636 kB 58.8 MB/s \n", + "\u001b[K |████████████████████████████████| 895 kB 49.8 MB/s \n", + "\u001b[K |████████████████████████████████| 243 kB 59.4 MB/s \n", + "\u001b[K |████████████████████████████████| 118 kB 73.2 MB/s \n", + "\u001b[K |████████████████████████████████| 1.3 MB 59.1 MB/s \n", + "\u001b[K |████████████████████████████████| 294 kB 62.5 MB/s \n", + "\u001b[K |████████████████████████████████| 142 kB 71.2 MB/s \n", + "\u001b[?25h Building wheel for transformers (PEP 517) ... \u001b[?25l\u001b[?25hdone\n", + " Building wheel for seqeval (setup.py) ... \u001b[?25l\u001b[?25hdone\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "C5JL_ErE-Erd" + }, + "source": [ + "----" + ] + }, + { + "cell_type": "code", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "2Te2T37r-Ehh", + "outputId": "2274444c-685f-479c-d90a-3e9b3850e8ed" + }, + "source": [ + "%%writefile run_ner.py\n", + "#!/usr/bin/env python\n", + "# coding=utf-8\n", + "# Copyright 2020 The HuggingFace Team All rights reserved.\n", + "#\n", + "# Licensed under the Apache License, Version 2.0 (the \"License\");\n", + "# you may not use this file except in compliance with the License.\n", + "# You may obtain a copy of the License at\n", + "#\n", + "# http://www.apache.org/licenses/LICENSE-2.0\n", + "#\n", + "# Unless required by applicable law or agreed to in writing, software\n", + "# distributed under the License is distributed on an \"AS IS\" BASIS,\n", + "# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n", + "# See the License for the specific language governing permissions and\n", + "# limitations under the License.\n", + "\"\"\"\n", + "Fine-tuning the library models for token classification.\n", + "\"\"\"\n", + "# You can also adapt this script on your own token classification task and datasets. Pointers for this are left as\n", + "# comments.\n", + "\n", + "import logging\n", + "import os\n", + "import sys\n", + "from dataclasses import dataclass, field\n", + "from typing import Optional\n", + "\n", + "import datasets\n", + "import numpy as np\n", + "from datasets import ClassLabel, load_dataset, load_metric\n", + "\n", + "import transformers\n", + "from transformers import (\n", + " AutoConfig,\n", + " AutoModelForTokenClassification,\n", + " AutoTokenizer,\n", + " DataCollatorForTokenClassification,\n", + " HfArgumentParser,\n", + " PreTrainedTokenizerFast,\n", + " Trainer,\n", + " TrainingArguments,\n", + " set_seed,\n", + ")\n", + "from transformers.trainer_utils import get_last_checkpoint\n", + "from transformers.utils import check_min_version\n", + "from transformers.utils.versions import require_version\n", + "\n", + "\n", + "# Will error if the minimal version of Transformers is not installed. Remove at your own risks.\n", + "check_min_version(\"4.9.0.dev0\")\n", + "\n", + "require_version(\"datasets>=1.8.0\", \"To fix: pip install -r examples/pytorch/token-classification/requirements.txt\")\n", + "\n", + "logger = logging.getLogger(__name__)\n", + "\n", + "\n", + "@dataclass\n", + "class ModelArguments:\n", + " \"\"\"\n", + " Arguments pertaining to which model/config/tokenizer we are going to fine-tune from.\n", + " \"\"\"\n", + "\n", + " model_name_or_path: str = field(\n", + " metadata={\"help\": \"Path to pretrained model or model identifier from huggingface.co/models\"}\n", + " )\n", + " config_name: Optional[str] = field(\n", + " default=None, metadata={\"help\": \"Pretrained config name or path if not the same as model_name\"}\n", + " )\n", + " tokenizer_name: Optional[str] = field(\n", + " default=None, metadata={\"help\": \"Pretrained tokenizer name or path if not the same as model_name\"}\n", + " )\n", + " cache_dir: Optional[str] = field(\n", + " default=None,\n", + " metadata={\"help\": \"Where do you want to store the pretrained models downloaded from huggingface.co\"},\n", + " )\n", + " model_revision: str = field(\n", + " default=\"main\",\n", + " metadata={\"help\": \"The specific model version to use (can be a branch name, tag name or commit id).\"},\n", + " )\n", + " use_auth_token: bool = field(\n", + " default=False,\n", + " metadata={\n", + " \"help\": \"Will use the token generated when running `transformers-cli login` (necessary to use this script \"\n", + " \"with private models).\"\n", + " },\n", + " )\n", + "\n", + "\n", + "@dataclass\n", + "class DataTrainingArguments:\n", + " \"\"\"\n", + " Arguments pertaining to what data we are going to input our model for training and eval.\n", + " \"\"\"\n", + "\n", + " task_name: Optional[str] = field(default=\"ner\", metadata={\"help\": \"The name of the task (ner, pos...).\"})\n", + " dataset_name: Optional[str] = field(\n", + " default=None, metadata={\"help\": \"The name of the dataset to use (via the datasets library).\"}\n", + " )\n", + " dataset_config_name: Optional[str] = field(\n", + " default=None, metadata={\"help\": \"The configuration name of the dataset to use (via the datasets library).\"}\n", + " )\n", + " train_file: Optional[str] = field(\n", + " default=None, metadata={\"help\": \"The input training data file (a csv or JSON file).\"}\n", + " )\n", + " validation_file: Optional[str] = field(\n", + " default=None,\n", + " metadata={\"help\": \"An optional input evaluation data file to evaluate on (a csv or JSON file).\"},\n", + " )\n", + " test_file: Optional[str] = field(\n", + " default=None,\n", + " metadata={\"help\": \"An optional input test data file to predict on (a csv or JSON file).\"},\n", + " )\n", + " text_column_name: Optional[str] = field(\n", + " default=None, metadata={\"help\": \"The column name of text to input in the file (a csv or JSON file).\"}\n", + " )\n", + " label_column_name: Optional[str] = field(\n", + " default=None, metadata={\"help\": \"The column name of label to input in the file (a csv or JSON file).\"}\n", + " )\n", + " overwrite_cache: bool = field(\n", + " default=False, metadata={\"help\": \"Overwrite the cached training and evaluation sets\"}\n", + " )\n", + " preprocessing_num_workers: Optional[int] = field(\n", + " default=None,\n", + " metadata={\"help\": \"The number of processes to use for the preprocessing.\"},\n", + " )\n", + " pad_to_max_length: bool = field(\n", + " default=False,\n", + " metadata={\n", + " \"help\": \"Whether to pad all samples to model maximum sentence length. \"\n", + " \"If False, will pad the samples dynamically when batching to the maximum length in the batch. More \"\n", + " \"efficient on GPU but very bad for TPU.\"\n", + " },\n", + " )\n", + " max_train_samples: Optional[int] = field(\n", + " default=None,\n", + " metadata={\n", + " \"help\": \"For debugging purposes or quicker training, truncate the number of training examples to this \"\n", + " \"value if set.\"\n", + " },\n", + " )\n", + " max_eval_samples: Optional[int] = field(\n", + " default=None,\n", + " metadata={\n", + " \"help\": \"For debugging purposes or quicker training, truncate the number of evaluation examples to this \"\n", + " \"value if set.\"\n", + " },\n", + " )\n", + " max_predict_samples: Optional[int] = field(\n", + " default=None,\n", + " metadata={\n", + " \"help\": \"For debugging purposes or quicker training, truncate the number of prediction examples to this \"\n", + " \"value if set.\"\n", + " },\n", + " )\n", + " label_all_tokens: bool = field(\n", + " default=False,\n", + " metadata={\n", + " \"help\": \"Whether to put the label for one word on all tokens of generated by that word or just on the \"\n", + " \"one (in which case the other tokens will have a padding index).\"\n", + " },\n", + " )\n", + " return_entity_level_metrics: bool = field(\n", + " default=False,\n", + " metadata={\"help\": \"Whether to return all the entity levels during evaluation or just the overall ones.\"},\n", + " )\n", + "\n", + " def __post_init__(self):\n", + " if self.dataset_name is None and self.train_file is None and self.validation_file is None:\n", + " raise ValueError(\"Need either a dataset name or a training/validation file.\")\n", + " else:\n", + " if self.train_file is not None:\n", + " extension = self.train_file.split(\".\")[-1]\n", + " assert extension in [\"csv\", \"json\"], \"`train_file` should be a csv or a json file.\"\n", + " if self.validation_file is not None:\n", + " extension = self.validation_file.split(\".\")[-1]\n", + " assert extension in [\"csv\", \"json\"], \"`validation_file` should be a csv or a json file.\"\n", + " self.task_name = self.task_name.lower()\n", + "\n", + "\n", + "def main():\n", + " # See all possible arguments in src/transformers/training_args.py\n", + " # or by passing the --help flag to this script.\n", + " # We now keep distinct sets of args, for a cleaner separation of concerns.\n", + "\n", + " parser = HfArgumentParser((ModelArguments, DataTrainingArguments, TrainingArguments))\n", + " if len(sys.argv) == 2 and sys.argv[1].endswith(\".json\"):\n", + " # If we pass only one argument to the script and it's the path to a json file,\n", + " # let's parse it to get our arguments.\n", + " model_args, data_args, training_args = parser.parse_json_file(json_file=os.path.abspath(sys.argv[1]))\n", + " else:\n", + " model_args, data_args, training_args = parser.parse_args_into_dataclasses()\n", + "\n", + " # Setup logging\n", + " logging.basicConfig(\n", + " format=\"%(asctime)s - %(levelname)s - %(name)s - %(message)s\",\n", + " datefmt=\"%m/%d/%Y %H:%M:%S\",\n", + " handlers=[logging.StreamHandler(sys.stdout)],\n", + " )\n", + "\n", + " log_level = training_args.get_process_log_level()\n", + " logger.setLevel(log_level)\n", + " datasets.utils.logging.set_verbosity(log_level)\n", + " transformers.utils.logging.set_verbosity(log_level)\n", + " transformers.utils.logging.enable_default_handler()\n", + " transformers.utils.logging.enable_explicit_format()\n", + "\n", + " # Log on each process the small summary:\n", + " logger.warning(\n", + " f\"Process rank: {training_args.local_rank}, device: {training_args.device}, n_gpu: {training_args.n_gpu}\"\n", + " + f\"distributed training: {bool(training_args.local_rank != -1)}, 16-bits training: {training_args.fp16}\"\n", + " )\n", + " logger.info(f\"Training/evaluation parameters {training_args}\")\n", + "\n", + " # Detecting last checkpoint.\n", + " last_checkpoint = None\n", + " if os.path.isdir(training_args.output_dir) and training_args.do_train and not training_args.overwrite_output_dir:\n", + " last_checkpoint = get_last_checkpoint(training_args.output_dir)\n", + " if last_checkpoint is None and len(os.listdir(training_args.output_dir)) > 0:\n", + " raise ValueError(\n", + " f\"Output directory ({training_args.output_dir}) already exists and is not empty. \"\n", + " \"Use --overwrite_output_dir to overcome.\"\n", + " )\n", + " elif last_checkpoint is not None and training_args.resume_from_checkpoint is None:\n", + " logger.info(\n", + " f\"Checkpoint detected, resuming training at {last_checkpoint}. To avoid this behavior, change \"\n", + " \"the `--output_dir` or add `--overwrite_output_dir` to train from scratch.\"\n", + " )\n", + "\n", + " # Set seed before initializing model.\n", + " set_seed(training_args.seed)\n", + "\n", + " # Get the datasets: you can either provide your own CSV/JSON/TXT training and evaluation files (see below)\n", + " # or just provide the name of one of the public datasets available on the hub at https://huggingface.co/datasets/\n", + " # (the dataset will be downloaded automatically from the datasets Hub).\n", + " #\n", + " # For CSV/JSON files, this script will use the column called 'text' or the first column if no column called\n", + " # 'text' is found. You can easily tweak this behavior (see below).\n", + " #\n", + " # In distributed training, the load_dataset function guarantee that only one local process can concurrently\n", + " # download the dataset.\n", + " if data_args.dataset_name is not None:\n", + " # Downloading and loading a dataset from the hub.\n", + " raw_datasets = load_dataset(\n", + " data_args.dataset_name, data_args.dataset_config_name, cache_dir=model_args.cache_dir\n", + " )\n", + " else:\n", + " data_files = {}\n", + " if data_args.train_file is not None:\n", + " data_files[\"train\"] = data_args.train_file\n", + " if data_args.validation_file is not None:\n", + " data_files[\"validation\"] = data_args.validation_file\n", + " if data_args.test_file is not None:\n", + " data_files[\"test\"] = data_args.test_file\n", + " extension = data_args.train_file.split(\".\")[-1]\n", + " raw_datasets = load_dataset(extension, data_files=data_files, cache_dir=model_args.cache_dir)\n", + " # See more about loading any type of standard or custom dataset (from files, python dict, pandas DataFrame, etc) at\n", + " # https://huggingface.co/docs/datasets/loading_datasets.html.\n", + "\n", + " if training_args.do_train:\n", + " column_names = raw_datasets[\"train\"].column_names\n", + " features = raw_datasets[\"train\"].features\n", + " else:\n", + " column_names = raw_datasets[\"validation\"].column_names\n", + " features = raw_datasets[\"validation\"].features\n", + "\n", + " if data_args.text_column_name is not None:\n", + " text_column_name = data_args.text_column_name\n", + " elif \"tokens\" in column_names:\n", + " text_column_name = \"tokens\"\n", + " else:\n", + " text_column_name = column_names[0]\n", + "\n", + " if data_args.label_column_name is not None:\n", + " label_column_name = data_args.label_column_name\n", + " elif f\"{data_args.task_name}_tags\" in column_names:\n", + " label_column_name = f\"{data_args.task_name}_tags\"\n", + " else:\n", + " label_column_name = column_names[1]\n", + "\n", + " # In the event the labels are not a `Sequence[ClassLabel]`, we will need to go through the dataset to get the\n", + " # unique labels.\n", + " def get_label_list(labels):\n", + " unique_labels = set()\n", + " for label in labels:\n", + " unique_labels = unique_labels | set(label)\n", + " label_list = list(unique_labels)\n", + " label_list.sort()\n", + " return label_list\n", + "\n", + " if isinstance(features[label_column_name].feature, ClassLabel):\n", + " label_list = features[label_column_name].feature.names\n", + " # No need to convert the labels since they are already ints.\n", + " label_to_id = {i: i for i in range(len(label_list))}\n", + " else:\n", + " label_list = get_label_list(raw_datasets[\"train\"][label_column_name])\n", + " label_to_id = {l: i for i, l in enumerate(label_list)}\n", + " num_labels = len(label_list)\n", + "\n", + " # Load pretrained model and tokenizer\n", + " #\n", + " # Distributed training:\n", + " # The .from_pretrained methods guarantee that only one local process can concurrently\n", + " # download model & vocab.\n", + " config = AutoConfig.from_pretrained(\n", + " model_args.config_name if model_args.config_name else model_args.model_name_or_path,\n", + " num_labels=num_labels,\n", + " label2id=label_to_id,\n", + " id2label={i: l for l, i in label_to_id.items()},\n", + " finetuning_task=data_args.task_name,\n", + " cache_dir=model_args.cache_dir,\n", + " revision=model_args.model_revision,\n", + " use_auth_token=True if model_args.use_auth_token else None,\n", + " )\n", + "\n", + " tokenizer_name_or_path = model_args.tokenizer_name if model_args.tokenizer_name else model_args.model_name_or_path\n", + " if config.model_type in {\"gpt2\", \"roberta\"}:\n", + " tokenizer = AutoTokenizer.from_pretrained(\n", + " tokenizer_name_or_path,\n", + " cache_dir=model_args.cache_dir,\n", + " use_fast=True,\n", + " revision=model_args.model_revision,\n", + " use_auth_token=True if model_args.use_auth_token else None,\n", + " add_prefix_space=True,\n", + " )\n", + " else:\n", + " tokenizer = AutoTokenizer.from_pretrained(\n", + " tokenizer_name_or_path,\n", + " cache_dir=model_args.cache_dir,\n", + " use_fast=True,\n", + " revision=model_args.model_revision,\n", + " use_auth_token=True if model_args.use_auth_token else None,\n", + " )\n", + " tokenizer.model_max_length = 512\n", + "\n", + " model = AutoModelForTokenClassification.from_pretrained(\n", + " model_args.model_name_or_path,\n", + " from_tf=bool(\".ckpt\" in model_args.model_name_or_path),\n", + " config=config,\n", + " cache_dir=model_args.cache_dir,\n", + " revision=model_args.model_revision,\n", + " use_auth_token=True if model_args.use_auth_token else None,\n", + " )\n", + "\n", + " # Tokenizer check: this script requires a fast tokenizer.\n", + " if not isinstance(tokenizer, PreTrainedTokenizerFast):\n", + " raise ValueError(\n", + " \"This example script only works for models that have a fast tokenizer. Checkout the big table of models \"\n", + " \"at https://huggingface.co/transformers/index.html#supported-frameworks to find the model types that meet this \"\n", + " \"requirement\"\n", + " )\n", + "\n", + " # Preprocessing the dataset\n", + " # Padding strategy\n", + " padding = \"max_length\" if data_args.pad_to_max_length else False\n", + "\n", + " # Tokenize all texts and align the labels with them.\n", + " def tokenize_and_align_labels(examples):\n", + " tokenized_inputs = tokenizer(\n", + " examples[text_column_name],\n", + " padding=padding,\n", + " max_length=512,\n", + " truncation=True,\n", + " # We use this argument because the texts in our dataset are lists of words (with a label for each word).\n", + " is_split_into_words=True,\n", + " )\n", + " labels = []\n", + " for i, label in enumerate(examples[label_column_name]):\n", + " word_ids = tokenized_inputs.word_ids(batch_index=i)\n", + " previous_word_idx = None\n", + " label_ids = []\n", + " for word_idx in word_ids:\n", + " # Special tokens have a word id that is None. We set the label to -100 so they are automatically\n", + " # ignored in the loss function.\n", + " if word_idx is None:\n", + " label_ids.append(-100)\n", + " # We set the label for the first token of each word.\n", + " elif word_idx != previous_word_idx:\n", + " label_ids.append(label_to_id[label[word_idx]])\n", + " # For the other tokens in a word, we set the label to either the current label or -100, depending on\n", + " # the label_all_tokens flag.\n", + " else:\n", + " label_ids.append(label_to_id[label[word_idx]] if data_args.label_all_tokens else -100)\n", + " previous_word_idx = word_idx\n", + "\n", + " labels.append(label_ids)\n", + " tokenized_inputs[\"labels\"] = labels\n", + " return tokenized_inputs\n", + "\n", + " if training_args.do_train:\n", + " if \"train\" not in raw_datasets:\n", + " raise ValueError(\"--do_train requires a train dataset\")\n", + " train_dataset = raw_datasets[\"train\"]\n", + " if data_args.max_train_samples is not None:\n", + " train_dataset = train_dataset.select(range(data_args.max_train_samples))\n", + " with training_args.main_process_first(desc=\"train dataset map pre-processing\"):\n", + " train_dataset = train_dataset.map(\n", + " tokenize_and_align_labels,\n", + " batched=True,\n", + " num_proc=data_args.preprocessing_num_workers,\n", + " load_from_cache_file=not data_args.overwrite_cache,\n", + " desc=\"Running tokenizer on train dataset\",\n", + " )\n", + "\n", + " if training_args.do_eval:\n", + " if \"validation\" not in raw_datasets:\n", + " raise ValueError(\"--do_eval requires a validation dataset\")\n", + " eval_dataset = raw_datasets[\"validation\"]\n", + " if data_args.max_eval_samples is not None:\n", + " eval_dataset = eval_dataset.select(range(data_args.max_eval_samples))\n", + " with training_args.main_process_first(desc=\"validation dataset map pre-processing\"):\n", + " eval_dataset = eval_dataset.map(\n", + " tokenize_and_align_labels,\n", + " batched=True,\n", + " num_proc=data_args.preprocessing_num_workers,\n", + " load_from_cache_file=not data_args.overwrite_cache,\n", + " desc=\"Running tokenizer on validation dataset\",\n", + " )\n", + "\n", + " if training_args.do_predict:\n", + " if \"test\" not in raw_datasets:\n", + " raise ValueError(\"--do_predict requires a test dataset\")\n", + " predict_dataset = raw_datasets[\"test\"]\n", + " if data_args.max_predict_samples is not None:\n", + " predict_dataset = predict_dataset.select(range(data_args.max_predict_samples))\n", + " with training_args.main_process_first(desc=\"prediction dataset map pre-processing\"):\n", + " predict_dataset = predict_dataset.map(\n", + " tokenize_and_align_labels,\n", + " batched=True,\n", + " num_proc=data_args.preprocessing_num_workers,\n", + " load_from_cache_file=not data_args.overwrite_cache,\n", + " desc=\"Running tokenizer on prediction dataset\",\n", + " )\n", + "\n", + " # Data collator\n", + " data_collator = DataCollatorForTokenClassification(tokenizer, pad_to_multiple_of=8 if training_args.fp16 else None)\n", + "\n", + " # Metrics\n", + " metric = load_metric(\"seqeval\")\n", + "\n", + " def compute_metrics(p):\n", + " predictions, labels = p\n", + " predictions = np.argmax(predictions, axis=2)\n", + "\n", + " # Remove ignored index (special tokens)\n", + " true_predictions = [\n", + " [label_list[p] for (p, l) in zip(prediction, label) if l != -100]\n", + " for prediction, label in zip(predictions, labels)\n", + " ]\n", + " true_labels = [\n", + " [label_list[l] for (p, l) in zip(prediction, label) if l != -100]\n", + " for prediction, label in zip(predictions, labels)\n", + " ]\n", + "\n", + " results = metric.compute(predictions=true_predictions, references=true_labels)\n", + " if data_args.return_entity_level_metrics:\n", + " # Unpack nested dictionaries\n", + " final_results = {}\n", + " for key, value in results.items():\n", + " if isinstance(value, dict):\n", + " for n, v in value.items():\n", + " final_results[f\"{key}_{n}\"] = v\n", + " else:\n", + " final_results[key] = value\n", + " return final_results\n", + " else:\n", + " return {\n", + " \"precision\": results[\"overall_precision\"],\n", + " \"recall\": results[\"overall_recall\"],\n", + " \"f1\": results[\"overall_f1\"],\n", + " \"accuracy\": results[\"overall_accuracy\"],\n", + " }\n", + "\n", + " # Initialize our Trainer\n", + " trainer = Trainer(\n", + " model=model,\n", + " args=training_args,\n", + " train_dataset=train_dataset if training_args.do_train else None,\n", + " eval_dataset=eval_dataset if training_args.do_eval else None,\n", + " tokenizer=tokenizer,\n", + " data_collator=data_collator,\n", + " compute_metrics=compute_metrics,\n", + " )\n", + "\n", + " # Training\n", + " if training_args.do_train:\n", + " checkpoint = None\n", + " if training_args.resume_from_checkpoint is not None:\n", + " checkpoint = training_args.resume_from_checkpoint\n", + " elif last_checkpoint is not None:\n", + " checkpoint = last_checkpoint\n", + " train_result = trainer.train(resume_from_checkpoint=checkpoint)\n", + " metrics = train_result.metrics\n", + " trainer.save_model() # Saves the tokenizer too for easy upload\n", + "\n", + " max_train_samples = (\n", + " data_args.max_train_samples if data_args.max_train_samples is not None else len(train_dataset)\n", + " )\n", + " metrics[\"train_samples\"] = min(max_train_samples, len(train_dataset))\n", + "\n", + " trainer.log_metrics(\"train\", metrics)\n", + " trainer.save_metrics(\"train\", metrics)\n", + " trainer.save_state()\n", + "\n", + " # Evaluation\n", + " if training_args.do_eval:\n", + " logger.info(\"*** Evaluate ***\")\n", + "\n", + " metrics = trainer.evaluate()\n", + "\n", + " max_eval_samples = data_args.max_eval_samples if data_args.max_eval_samples is not None else len(eval_dataset)\n", + " metrics[\"eval_samples\"] = min(max_eval_samples, len(eval_dataset))\n", + "\n", + " trainer.log_metrics(\"eval\", metrics)\n", + " trainer.save_metrics(\"eval\", metrics)\n", + "\n", + " # Predict\n", + " if training_args.do_predict:\n", + " logger.info(\"*** Predict ***\")\n", + "\n", + " predictions, labels, metrics = trainer.predict(predict_dataset, metric_key_prefix=\"predict\")\n", + " predictions = np.argmax(predictions, axis=2)\n", + "\n", + " # Remove ignored index (special tokens)\n", + " true_predictions = [\n", + " [label_list[p] for (p, l) in zip(prediction, label) if l != -100]\n", + " for prediction, label in zip(predictions, labels)\n", + " ]\n", + "\n", + " trainer.log_metrics(\"predict\", metrics)\n", + " trainer.save_metrics(\"predict\", metrics)\n", + "\n", + " # Save predictions\n", + " output_predictions_file = os.path.join(training_args.output_dir, \"predictions.txt\")\n", + " if trainer.is_world_process_zero():\n", + " with open(output_predictions_file, \"w\") as writer:\n", + " for prediction in true_predictions:\n", + " writer.write(\" \".join(prediction) + \"\\n\")\n", + "\n", + " if training_args.push_to_hub:\n", + " kwargs = {\"finetuned_from\": model_args.model_name_or_path, \"tasks\": \"token-classification\"}\n", + " if data_args.dataset_name is not None:\n", + " kwargs[\"dataset_tags\"] = data_args.dataset_name\n", + " if data_args.dataset_config_name is not None:\n", + " kwargs[\"dataset_args\"] = data_args.dataset_config_name\n", + " kwargs[\"dataset\"] = f\"{data_args.dataset_name} {data_args.dataset_config_name}\"\n", + " else:\n", + " kwargs[\"dataset\"] = data_args.dataset_name\n", + "\n", + " trainer.push_to_hub(**kwargs)\n", + "\n", + "\n", + "def _mp_fn(index):\n", + " # For xla_spawn (TPUs)\n", + " main()\n", + "\n", + "\n", + "if __name__ == \"__main__\":\n", + " main()\n" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Writing run_ner.py\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "y7Yy3BzmCOkb" + }, + "source": [ + "models = [\n", + " \"bertin-project/bertin-base-gaussian-exp-512seqlen\",\n", + " \"bertin-project/bertin-base-random-exp-512seqlen\",\n", + " \"bertin-project/bertin-base-gaussian\",\n", + " \"bertin-project/bertin-base-stepwise\",\n", + " \"bertin-project/bertin-base-random\",\n", + " \"bertin-project/bertin-roberta-base-spanish\",\n", + " \"flax-community/bertin-roberta-large-spanish\",\n", + " \"BSC-TeMU/roberta-base-bne\",\n", + " \"dccuchile/bert-base-spanish-wwm-cased\",\n", + " \"bert-base-multilingual-cased\",\n", + "]" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "TFxp2fElBJb3" + }, + "source": [ + "## NER" + ] + }, + { + "cell_type": "code", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "tpygu0_z7sbu", + "outputId": "fd9b2852-8b50-471c-c1f0-28b4c880b4f9" + }, + "source": [ + "#!wget -O run_ner.py https://raw.githubusercontent.com/huggingface/transformers/master/examples/pytorch/token-classification/run_ner.py\n", + "for model in models:\n", + " !WANDB_PROJECT=bertin-eval TOKENIZERS_PARALLELISM=false CUDA_LAUNCH_BLOCKING=1 python run_ner.py \\\n", + " --model_name_or_path $model \\\n", + " --dataset_name conll2002 \\\n", + " --dataset_config_name es \\\n", + " --output_dir ./outputs \\\n", + " --overwrite_output_dir \\\n", + " --pad_to_max_length \\\n", + " --num_train_epochs 5 \\\n", + " --do_train \\\n", + " --do_eval" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "text": [ + "2021-07-19 08:22:26.414910: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 08:22:28 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 08:22:28 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_08-22-28_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 08:22:30 - INFO - datasets.utils.file_utils - https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py not found in cache or force_download set to True, downloading to /root/.cache/huggingface/datasets/downloads/tmpruzr4ail\n", + "Downloading: 9.23kB [00:00, 6.35MB/s] \n", + "07/19/2021 08:22:30 - INFO - datasets.utils.file_utils - storing https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py in cache at /root/.cache/huggingface/datasets/downloads/519ce586cff9011c0a219975915c0003e536279b4bd42403835d1cf43fff22f9.ace7fba2d67dd937707ecbe9d69d7b5ffaa6a9a0958eef09d32307e5a9e91d1b.py\n", + "07/19/2021 08:22:30 - INFO - datasets.utils.file_utils - creating metadata file for /root/.cache/huggingface/datasets/downloads/519ce586cff9011c0a219975915c0003e536279b4bd42403835d1cf43fff22f9.ace7fba2d67dd937707ecbe9d69d7b5ffaa6a9a0958eef09d32307e5a9e91d1b.py\n", + "07/19/2021 08:22:30 - INFO - datasets.utils.file_utils - https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/datasets/downloads/tmpo9nulrxu\n", + "Downloading: 7.46kB [00:00, 5.42MB/s] \n", + "07/19/2021 08:22:30 - INFO - datasets.utils.file_utils - storing https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json in cache at /root/.cache/huggingface/datasets/downloads/83927a8859df2b335b5a3ac3be3b6ee9463fe03465d5a67850ae8b3fc6415900.bbc007f319f56bfa8ac0177418ca9c3bbddb8a3887d6e89db0422e626b610a47\n", + "07/19/2021 08:22:30 - INFO - datasets.utils.file_utils - creating metadata file for /root/.cache/huggingface/datasets/downloads/83927a8859df2b335b5a3ac3be3b6ee9463fe03465d5a67850ae8b3fc6415900.bbc007f319f56bfa8ac0177418ca9c3bbddb8a3887d6e89db0422e626b610a47\n", + "07/19/2021 08:22:30 - INFO - datasets.load - Creating main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 08:22:30 - INFO - datasets.load - Creating specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 08:22:30 - INFO - datasets.load - Copying script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 08:22:30 - INFO - datasets.load - Copying dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 08:22:30 - INFO - datasets.load - Creating metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 08:22:31 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 08:22:31 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 08:22:31 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 08:22:31 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 08:22:31 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 08:22:31 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 08:22:31 - INFO - datasets.builder - Generating dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "Downloading and preparing dataset conll2002/es (download: 3.95 MiB, generated: 8.87 MiB, post-processed: Unknown size, total: 12.82 MiB) to /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5...\n", + "07/19/2021 08:22:31 - INFO - datasets.builder - Dataset not on Hf google storage. Downloading and preparing it from source\n", + " 0% 0/3 [00:00> https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpqymmuxy6\n", + "Downloading: 100% 618/618 [00:00<00:00, 441kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:22:39,529 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/ff85ac64e56df502ec043af591c8b7be85583b22e6a4f5715146d461cd789f97.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:22:39,529 >> creating metadata file for /root/.cache/huggingface/transformers/ff85ac64e56df502ec043af591c8b7be85583b22e6a4f5715146d461cd789f97.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:545] 2021-07-19 08:22:39,529 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/ff85ac64e56df502ec043af591c8b7be85583b22e6a4f5715146d461cd789f97.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 08:22:39,530 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:22:40,247 >> https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp2hh8jjda\n", + "Downloading: 100% 292/292 [00:00<00:00, 219kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:22:40,963 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/1d0cecadbe0c9f16993a436d0ab40b879322ac605869d265787a93ea1e00ec7a.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:22:40,964 >> creating metadata file for /root/.cache/huggingface/transformers/1d0cecadbe0c9f16993a436d0ab40b879322ac605869d265787a93ea1e00ec7a.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:22:41,681 >> https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmppzfduoru\n", + "Downloading: 100% 855k/855k [00:00<00:00, 1.50MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:22:42,977 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/6eaae493de84fa6ec66bcb5673055437acaefce1f59d8601bc2fe5c67e118d1c.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:22:42,977 >> creating metadata file for /root/.cache/huggingface/transformers/6eaae493de84fa6ec66bcb5673055437acaefce1f59d8601bc2fe5c67e118d1c.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:22:43,692 >> https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpcd4r3rkd\n", + "Downloading: 100% 514k/514k [00:00<00:00, 1.29MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:22:45,076 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/6f7eacc3a8be0f2ccac79d197ccc70f65831409c32f4f49f8a43968d0ec8d04e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:22:45,076 >> creating metadata file for /root/.cache/huggingface/transformers/6f7eacc3a8be0f2ccac79d197ccc70f65831409c32f4f49f8a43968d0ec8d04e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:22:45,805 >> https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpz9nq0sop\n", + "Downloading: 100% 1.47M/1.47M [00:00<00:00, 2.08MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:22:47,243 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/fa0ebe33b40c5fb911a969102ec8f72a5a7de108098917d817b5924edf9fe90d.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:22:47,243 >> creating metadata file for /root/.cache/huggingface/transformers/fa0ebe33b40c5fb911a969102ec8f72a5a7de108098917d817b5924edf9fe90d.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:22:48,678 >> https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpbc7bz1ta\n", + "Downloading: 100% 239/239 [00:00<00:00, 196kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:22:49,674 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/051ab3c041e9debc74f58f307de15b70a96de57e0f4b31ceaae21fe4eea531ec.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:22:49,674 >> creating metadata file for /root/.cache/huggingface/transformers/051ab3c041e9debc74f58f307de15b70a96de57e0f4b31ceaae21fe4eea531ec.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:22:50,391 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/6eaae493de84fa6ec66bcb5673055437acaefce1f59d8601bc2fe5c67e118d1c.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:22:50,391 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/6f7eacc3a8be0f2ccac79d197ccc70f65831409c32f4f49f8a43968d0ec8d04e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:22:50,391 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/fa0ebe33b40c5fb911a969102ec8f72a5a7de108098917d817b5924edf9fe90d.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:22:50,391 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:22:50,391 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/051ab3c041e9debc74f58f307de15b70a96de57e0f4b31ceaae21fe4eea531ec.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:22:50,391 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/1d0cecadbe0c9f16993a436d0ab40b879322ac605869d265787a93ea1e00ec7a.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:22:51,174 >> https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmperk_2wag\n", + "Downloading: 100% 499M/499M [00:47<00:00, 10.4MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:23:40,401 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/c4dacb0e6c084991812c2661ba4b4e6fc953317a1ed82b01bba8d1ceb63b27f9.18c798ebfb044aa6dc4cff70b4b5dc2720424580a68b7e3d86de6a3d0c05f6b1\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:23:40,402 >> creating metadata file for /root/.cache/huggingface/transformers/c4dacb0e6c084991812c2661ba4b4e6fc953317a1ed82b01bba8d1ceb63b27f9.18c798ebfb044aa6dc4cff70b4b5dc2720424580a68b7e3d86de6a3d0c05f6b1\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 08:23:40,402 >> loading weights file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/c4dacb0e6c084991812c2661ba4b4e6fc953317a1ed82b01bba8d1ceb63b27f9.18c798ebfb044aa6dc4cff70b4b5dc2720424580a68b7e3d86de6a3d0c05f6b1\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 08:23:41,907 >> Some weights of the model checkpoint at bertin-project/bertin-base-gaussian-exp-512seqlen were not used when initializing RobertaForTokenClassification: ['lm_head.dense.weight', 'lm_head.layer_norm.weight', 'lm_head.bias', 'lm_head.dense.bias', 'lm_head.layer_norm.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 08:23:41,907 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-gaussian-exp-512seqlen and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, id, tokens.\n", + "[INFO|trainer.py:1162] 2021-07-19 08:23:55,930 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 08:23:55,930 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 08:23:55,930 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 08:23:55,931 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 08:23:55,931 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 08:23:55,931 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 08:23:55,931 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 08:23:55,947 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 08:23:57.438203: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/ble6jobx\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_082356-ble6jobx\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:49<30:20, 2.58it/s]{'loss': 0.1317, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:49<30:20, 2.58it/s][INFO|trainer.py:1917] 2021-07-19 08:26:48,133 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:26:48,135 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:26:49,681 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:26:49,682 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:26:49,683 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:43<26:49, 2.61it/s]{'loss': 0.0671, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:43<26:49, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 08:29:42,129 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:29:42,130 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:29:43,439 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:29:43,440 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:29:43,440 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:37<24:02, 2.57it/s]{'loss': 0.0414, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + "[INFO|trainer.py:1917] 2021-07-19 08:32:35,943 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:32:35,948 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:32:37,409 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:32:37,410 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:32:37,410 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.0406, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:31<20:19, 2.63it/s][INFO|trainer.py:1917] 2021-07-19 08:35:29,836 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:35:29,837 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:35:31,276 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:35:31,277 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:35:31,277 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0254, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:24<17:11, 2.62it/s][INFO|trainer.py:1917] 2021-07-19 08:38:23,383 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:38:23,385 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:38:24,711 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:38:24,712 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:38:24,712 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0217, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:18<13:52, 2.65it/s][INFO|trainer.py:1917] 2021-07-19 08:41:17,051 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:41:17,052 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:41:18,441 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:41:18,442 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:41:18,442 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:10<10:42, 2.65it/s]{'loss': 0.0183, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 08:44:09,688 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:44:09,689 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:44:11,008 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:44:11,009 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:44:11,009 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:03<07:34, 2.65it/s]{'loss': 0.013, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 08:47:02,389 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:47:02,390 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:47:03,697 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:47:03,698 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:47:03,699 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [25:55<04:26, 2.64it/s]{'loss': 0.0102, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + "[INFO|trainer.py:1917] 2021-07-19 08:49:54,678 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:49:54,680 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:49:56,079 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:49:56,080 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:49:56,080 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [28:49<01:18, 2.62it/s]{'loss': 0.0087, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 08:52:47,854 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:52:47,856 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:52:49,283 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:52:49,284 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:52:49,285 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:03<00:00, 3.34it/s][INFO|trainer.py:1358] 2021-07-19 08:54:01,973 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1806.0427, 'train_samples_per_second': 23.045, 'train_steps_per_second': 2.882, 'train_loss': 0.03659094202186372, 'epoch': 5.0}\n", + "100% 5205/5205 [30:03<00:00, 2.89it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 08:54:01,976 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:54:01,978 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:54:03,477 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:54:03,478 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:54:03,478 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0366\n", + " train_runtime = 0:30:06.04\n", + " train_samples = 8324\n", + " train_samples_per_second = 23.045\n", + " train_steps_per_second = 2.882\n", + "07/19/2021 08:54:03 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 08:54:03,633 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, id, tokens.\n", + "[INFO|trainer.py:2163] 2021-07-19 08:54:03,730 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 08:54:03,730 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 08:54:03,730 >> Batch size = 8\n", + "100% 240/240 [00:26<00:00, 9.08it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9819\n", + " eval_f1 = 0.8764\n", + " eval_loss = 0.1065\n", + " eval_precision = 0.8699\n", + " eval_recall = 0.883\n", + " eval_runtime = 0:00:26.54\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 72.184\n", + " eval_steps_per_second = 9.042\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 238\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_082356-ble6jobx/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_082356-ble6jobx/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0087\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1834\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626684870\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1806.0427\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 23.045\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.882\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.03659\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.10645\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.86985\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.88304\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.8764\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.98188\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.5433\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 72.184\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 9.042\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▂▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/ble6jobx\u001b[0m\n", + "2021-07-19 08:54:44.400990: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 08:54:48 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 08:54:48 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_08-54-48_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 08:54:50 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 08:54:50 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 08:54:50 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 08:54:50 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 08:54:50 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 08:54:50 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 27.51it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:54:51,773 >> https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp3ne9bsxv\n", + "Downloading: 100% 618/618 [00:00<00:00, 466kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:54:52,493 >> storing https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/a3b98490ab467f825ce932e6e6e7de25a6ea47beeceb6f5cd521b8ee4f61f95e.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:54:52,493 >> creating metadata file for /root/.cache/huggingface/transformers/a3b98490ab467f825ce932e6e6e7de25a6ea47beeceb6f5cd521b8ee4f61f95e.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:545] 2021-07-19 08:54:52,493 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/a3b98490ab467f825ce932e6e6e7de25a6ea47beeceb6f5cd521b8ee4f61f95e.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 08:54:52,494 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:54:53,479 >> https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp3534979z\n", + "Downloading: 100% 292/292 [00:00<00:00, 226kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:54:54,196 >> storing https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/a9d7a6740959c8c347993f62fbd5620bffa2d10c35c2e579a2ecec181299c9a1.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:54:54,196 >> creating metadata file for /root/.cache/huggingface/transformers/a9d7a6740959c8c347993f62fbd5620bffa2d10c35c2e579a2ecec181299c9a1.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:54:54,922 >> https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp7i8zte64\n", + "Downloading: 100% 855k/855k [00:00<00:00, 1.62MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:54:56,171 >> storing https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/c1ba808baa4a9c0f3062f1881d448087c30a1443644365bd41cf366491ab4063.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:54:56,172 >> creating metadata file for /root/.cache/huggingface/transformers/c1ba808baa4a9c0f3062f1881d448087c30a1443644365bd41cf366491ab4063.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:54:56,897 >> https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpjqwc23bp\n", + "Downloading: 100% 514k/514k [00:00<00:00, 983kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:54:58,148 >> storing https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/17ffd9604d64364336252e5a3859c3c55be07c457328ab5fc37e4aaf39913d28.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:54:58,149 >> creating metadata file for /root/.cache/huggingface/transformers/17ffd9604d64364336252e5a3859c3c55be07c457328ab5fc37e4aaf39913d28.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:54:59,147 >> https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp_zvxd0ip\n", + "Downloading: 100% 1.47M/1.47M [00:00<00:00, 2.10MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:55:00,578 >> storing https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/59e3c1ec6ec0fe2653924dcd348a763dd43f51d8eae6ab758e2d962ec7c14d5e.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:55:00,578 >> creating metadata file for /root/.cache/huggingface/transformers/59e3c1ec6ec0fe2653924dcd348a763dd43f51d8eae6ab758e2d962ec7c14d5e.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:55:02,011 >> https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmptr5agv7z\n", + "Downloading: 100% 239/239 [00:00<00:00, 186kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:55:02,736 >> storing https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/39ddc268aab2655adb602f93d771480d4db157c1b6fae9a5ae9fc2112c645a69.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:55:02,737 >> creating metadata file for /root/.cache/huggingface/transformers/39ddc268aab2655adb602f93d771480d4db157c1b6fae9a5ae9fc2112c645a69.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:55:03,457 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/c1ba808baa4a9c0f3062f1881d448087c30a1443644365bd41cf366491ab4063.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:55:03,457 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/17ffd9604d64364336252e5a3859c3c55be07c457328ab5fc37e4aaf39913d28.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:55:03,458 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/59e3c1ec6ec0fe2653924dcd348a763dd43f51d8eae6ab758e2d962ec7c14d5e.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:55:03,458 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:55:03,458 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/39ddc268aab2655adb602f93d771480d4db157c1b6fae9a5ae9fc2112c645a69.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 08:55:03,458 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/a9d7a6740959c8c347993f62fbd5620bffa2d10c35c2e579a2ecec181299c9a1.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 08:55:04,247 >> https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp0wclon8v\n", + "Downloading: 100% 499M/499M [00:48<00:00, 10.3MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 08:55:54,112 >> storing https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/6dd5d03f2c36b42a305cf20636d35935ad2d998d2ab0588b28eeed0fc164db43.5b6b77533b091cc9204533514d844abfe875ebba66e044b251306c4228bd3221\n", + "[INFO|file_utils.py:1636] 2021-07-19 08:55:54,113 >> creating metadata file for /root/.cache/huggingface/transformers/6dd5d03f2c36b42a305cf20636d35935ad2d998d2ab0588b28eeed0fc164db43.5b6b77533b091cc9204533514d844abfe875ebba66e044b251306c4228bd3221\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 08:55:54,113 >> loading weights file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/6dd5d03f2c36b42a305cf20636d35935ad2d998d2ab0588b28eeed0fc164db43.5b6b77533b091cc9204533514d844abfe875ebba66e044b251306c4228bd3221\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 08:55:55,525 >> Some weights of the model checkpoint at bertin-project/bertin-base-random-exp-512seqlen were not used when initializing RobertaForTokenClassification: ['lm_head.dense.weight', 'lm_head.layer_norm.weight', 'lm_head.bias', 'lm_head.dense.bias', 'lm_head.layer_norm.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 08:55:55,525 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-random-exp-512seqlen and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, pos_tags, ner_tags, tokens.\n", + "[INFO|trainer.py:1162] 2021-07-19 08:56:05,765 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 08:56:05,765 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 08:56:05,765 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 08:56:05,765 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 08:56:05,765 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 08:56:05,765 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 08:56:05,765 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 08:56:05,779 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 08:56:07.337961: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/2o4ygylu\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_085605-2o4ygylu\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.1394, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:49<30:06, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 08:58:58,379 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 08:58:58,380 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 08:58:59,853 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 08:58:59,854 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 08:58:59,854 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:45<26:45, 2.62it/s]{'loss': 0.0732, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + "[INFO|trainer.py:1917] 2021-07-19 09:01:54,171 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:01:54,172 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:01:55,552 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:01:55,553 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:01:55,553 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:40<23:13, 2.66it/s]{'loss': 0.0498, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + "[INFO|trainer.py:1917] 2021-07-19 09:04:48,666 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:04:48,667 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:04:49,995 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:04:49,996 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:04:49,996 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:33<20:30, 2.61it/s]{'loss': 0.0471, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 09:07:42,046 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:07:42,047 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:07:43,645 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:07:43,646 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:07:43,646 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:27<17:19, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 09:10:35,810 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "{'loss': 0.0326, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:10:35,814 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:10:37,154 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:10:37,155 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:10:37,155 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0286, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:20<13:57, 2.63it/s][INFO|trainer.py:1917] 2021-07-19 09:13:29,401 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:13:29,403 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:13:30,776 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:13:30,777 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:13:30,777 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + "{'loss': 0.0213, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:14<11:08, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 09:16:22,813 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:16:22,815 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:16:24,401 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:16:24,402 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:16:24,402 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.0179, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [23:07<07:34, 2.65it/s][INFO|trainer.py:1917] 2021-07-19 09:19:16,222 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:19:16,223 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:19:17,545 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:19:17,546 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:19:17,546 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + "{'loss': 0.0148, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:00<04:28, 2.63it/s][INFO|trainer.py:1917] 2021-07-19 09:22:09,568 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:22:09,569 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:22:10,963 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:22:10,964 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:22:10,964 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [28:54<01:17, 2.65it/s]{'loss': 0.0124, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 09:25:02,826 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:25:02,833 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:25:04,501 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:25:04,501 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:25:04,502 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:08<00:00, 3.32it/s][INFO|trainer.py:1358] 2021-07-19 09:26:17,362 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 5205/5205 [30:08<00:00, 3.32it/s]{'train_runtime': 1811.5969, 'train_samples_per_second': 22.974, 'train_steps_per_second': 2.873, 'train_loss': 0.04241216052162544, 'epoch': 5.0}\n", + "100% 5205/5205 [30:08<00:00, 2.88it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 09:26:17,386 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:26:17,388 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:26:18,952 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:26:18,953 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:26:18,953 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0424\n", + " train_runtime = 0:30:11.59\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.974\n", + " train_steps_per_second = 2.873\n", + "07/19/2021 09:26:19 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 09:26:19,106 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, pos_tags, ner_tags, tokens.\n", + "[INFO|trainer.py:2163] 2021-07-19 09:26:19,211 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 09:26:19,211 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 09:26:19,211 >> Batch size = 8\n", + "100% 240/240 [00:24<00:00, 10.65it/s]***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9803\n", + "100% 240/240 [00:26<00:00, 9.17it/s]\n", + " eval_f1 = 0.8616\n", + " eval_loss = 0.1099\n", + " eval_precision = 0.8557\n", + " eval_recall = 0.8676\n", + " eval_runtime = 0:00:26.28\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 72.894\n", + " eval_steps_per_second = 9.131\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 313\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_085605-2o4ygylu/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_085605-2o4ygylu/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0124\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1839\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626686805\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1811.5969\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.974\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.873\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.04241\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.10993\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.85565\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.86765\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.86161\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.98033\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.2847\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 72.894\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 9.131\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/2o4ygylu\u001b[0m\n", + "2021-07-19 09:26:58.817549: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 09:27:01 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 09:27:01 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_09-27-01_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 09:27:03 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 09:27:03 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:27:03 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 09:27:03 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 09:27:03 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 09:27:04 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 09:27:04 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:27:04 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 09:27:04 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 09:27:04 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 09:27:04 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:27:04 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 09:27:04 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:27:04 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 09:27:04 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 26.10it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:27:05,503 >> https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpj3btr4rs\n", + "Downloading: 100% 618/618 [00:00<00:00, 445kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:27:06,231 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/cbd56d68ce5dcd2626aba4c4b188db63f2ba2c49a604b36e7cdc6e52578ee306.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:27:06,231 >> creating metadata file for /root/.cache/huggingface/transformers/cbd56d68ce5dcd2626aba4c4b188db63f2ba2c49a604b36e7cdc6e52578ee306.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:545] 2021-07-19 09:27:06,232 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cbd56d68ce5dcd2626aba4c4b188db63f2ba2c49a604b36e7cdc6e52578ee306.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 09:27:06,233 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:27:06,949 >> https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmps__yinbf\n", + "Downloading: 100% 292/292 [00:00<00:00, 219kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:27:07,667 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/7a419a17bf4372869932365630632f434d402e93dd7e609e73607cf71ec1bdf7.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:27:07,667 >> creating metadata file for /root/.cache/huggingface/transformers/7a419a17bf4372869932365630632f434d402e93dd7e609e73607cf71ec1bdf7.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:27:08,391 >> https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp59ug3qfu\n", + "Downloading: 100% 855k/855k [00:00<00:00, 1.60MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:27:09,650 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/dae6454603d0b1d10a2446ffc1a21ccd636b0ca6a4c77a79fb9dfde03f4a51b8.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:27:09,650 >> creating metadata file for /root/.cache/huggingface/transformers/dae6454603d0b1d10a2446ffc1a21ccd636b0ca6a4c77a79fb9dfde03f4a51b8.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:27:10,373 >> https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpsmpe0ptd\n", + "Downloading: 100% 514k/514k [00:00<00:00, 980kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:27:11,621 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/2e77e6f778d3fd8875349675d408521ca20c1f1acac2fd57d60ca945d82b926e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:27:11,621 >> creating metadata file for /root/.cache/huggingface/transformers/2e77e6f778d3fd8875349675d408521ca20c1f1acac2fd57d60ca945d82b926e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:27:12,348 >> https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpcvykdoxa\n", + "Downloading: 100% 1.47M/1.47M [00:00<00:00, 2.08MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:27:13,783 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/98a6808b3aa08b6d84e8b30dfa6892d15e9e631eebff8652b37ab29d75a0b98a.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:27:13,784 >> creating metadata file for /root/.cache/huggingface/transformers/98a6808b3aa08b6d84e8b30dfa6892d15e9e631eebff8652b37ab29d75a0b98a.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:27:15,496 >> https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpzlz4yibg\n", + "Downloading: 100% 239/239 [00:00<00:00, 176kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:27:16,213 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/1f5a4bde3e85f3c7b914d0e6b43b2f72d6b3b2f9ddbec7be9e4b0521a429f67f.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:27:16,213 >> creating metadata file for /root/.cache/huggingface/transformers/1f5a4bde3e85f3c7b914d0e6b43b2f72d6b3b2f9ddbec7be9e4b0521a429f67f.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:27:16,931 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/dae6454603d0b1d10a2446ffc1a21ccd636b0ca6a4c77a79fb9dfde03f4a51b8.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:27:16,931 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/2e77e6f778d3fd8875349675d408521ca20c1f1acac2fd57d60ca945d82b926e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:27:16,931 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/98a6808b3aa08b6d84e8b30dfa6892d15e9e631eebff8652b37ab29d75a0b98a.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:27:16,931 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:27:16,931 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/1f5a4bde3e85f3c7b914d0e6b43b2f72d6b3b2f9ddbec7be9e4b0521a429f67f.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:27:16,931 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/7a419a17bf4372869932365630632f434d402e93dd7e609e73607cf71ec1bdf7.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:27:17,726 >> https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpmiziudjg\n", + "Downloading: 100% 499M/499M [00:48<00:00, 10.4MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:28:07,298 >> storing https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/d61c66f6163d7933bcffb5de3a666094c2c7c8d54145ec0cea640f72204427e0.50b5552cf09535e0a4b85cc39c83be233674d4cab0836dd8fedc97aa778c802c\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:28:07,299 >> creating metadata file for /root/.cache/huggingface/transformers/d61c66f6163d7933bcffb5de3a666094c2c7c8d54145ec0cea640f72204427e0.50b5552cf09535e0a4b85cc39c83be233674d4cab0836dd8fedc97aa778c802c\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 09:28:07,299 >> loading weights file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/d61c66f6163d7933bcffb5de3a666094c2c7c8d54145ec0cea640f72204427e0.50b5552cf09535e0a4b85cc39c83be233674d4cab0836dd8fedc97aa778c802c\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 09:28:08,815 >> Some weights of the model checkpoint at bertin-project/bertin-base-gaussian were not used when initializing RobertaForTokenClassification: ['lm_head.bias', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias', 'lm_head.dense.bias', 'lm_head.dense.weight']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 09:28:08,815 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-gaussian and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "[INFO|trainer.py:1162] 2021-07-19 09:28:19,409 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 09:28:19,409 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 09:28:19,409 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 09:28:19,409 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 09:28:19,409 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 09:28:19,409 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 09:28:19,409 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 09:28:19,425 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 09:28:21.087997: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/1zmf4tfr\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_092819-1zmf4tfr\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.1263, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:49<30:18, 2.59it/s][INFO|trainer.py:1917] 2021-07-19 09:31:12,177 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:31:12,179 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:31:13,724 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:31:13,725 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:31:13,725 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.0641, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:45<26:44, 2.62it/s][INFO|trainer.py:1917] 2021-07-19 09:34:07,849 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:34:07,850 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:34:09,238 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:34:09,238 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:34:09,239 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.041, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:40<23:26, 2.63it/s][INFO|trainer.py:1917] 2021-07-19 09:37:02,981 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:37:02,983 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:37:04,542 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:37:04,543 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:37:04,544 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.0394, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:35<20:16, 2.63it/s][INFO|trainer.py:1917] 2021-07-19 09:39:58,083 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:39:58,085 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:39:59,421 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:39:59,422 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:39:59,422 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:30<17:11, 2.62it/s]{'loss': 0.0261, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:30<17:11, 2.62it/s][INFO|trainer.py:1917] 2021-07-19 09:42:52,967 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:42:52,968 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:42:54,418 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:42:54,419 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:42:54,420 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [17:25<14:09, 2.60it/s]{'loss': 0.0221, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:25<14:09, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 09:45:48,000 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:45:48,001 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:45:49,621 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:45:49,622 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:45:49,622 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:20<10:53, 2.61it/s]{'loss': 0.0165, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 09:48:42,983 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:48:42,985 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:48:44,303 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:48:44,304 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:48:44,305 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.0125, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [23:15<07:45, 2.59it/s][INFO|trainer.py:1917] 2021-07-19 09:51:37,552 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:51:37,553 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:51:39,078 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:51:39,121 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:51:39,121 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:09<04:31, 2.59it/s]{'loss': 0.0095, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:09<04:31, 2.59it/s][INFO|trainer.py:1917] 2021-07-19 09:54:32,046 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:54:32,048 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:54:33,695 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:54:33,696 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:54:33,696 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [29:04<01:18, 2.61it/s]{'loss': 0.0086, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:04<01:18, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 09:57:26,718 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:57:26,720 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:57:28,163 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:57:28,164 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:57:28,169 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:19<00:00, 3.31it/s][INFO|trainer.py:1358] 2021-07-19 09:58:41,915 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + " {'train_runtime': 1822.5055, 'train_samples_per_second': 22.837, 'train_steps_per_second': 2.856, 'train_loss': 0.035404586448449564, 'epoch': 5.0}\n", + "100% 5205/5205 [30:19<00:00, 2.86it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 09:58:41,922 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 09:58:41,924 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 09:58:43,256 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 09:58:43,257 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 09:58:43,257 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0354\n", + " train_runtime = 0:30:22.50\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.837\n", + " train_steps_per_second = 2.856\n", + "[INFO|trainer.py:522] 2021-07-19 09:58:43,390 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "07/19/2021 09:58:43 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 09:58:43,420 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 09:58:43,420 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 09:58:43,420 >> Batch size = 8\n", + "100% 240/240 [00:25<00:00, 9.26it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9816\n", + " eval_f1 = 0.8792\n", + " eval_loss = 0.1098\n", + " eval_precision = 0.8731\n", + " eval_recall = 0.8853\n", + " eval_runtime = 0:00:26.04\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 73.569\n", + " eval_steps_per_second = 9.215\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 392\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_092819-1zmf4tfr/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_092819-1zmf4tfr/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0086\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1850\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626688749\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1822.5055\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.837\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.856\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.0354\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.10978\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.8731\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.88534\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.87918\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.9816\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.0437\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 73.569\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 9.215\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/1zmf4tfr\u001b[0m\n", + "2021-07-19 09:59:22.866480: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 09:59:25 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 09:59:25 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_09-59-25_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 09:59:27 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 09:59:27 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:59:27 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 09:59:27 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 09:59:27 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 09:59:28 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 09:59:28 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:59:28 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 09:59:28 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 09:59:28 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 09:59:28 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:59:28 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 09:59:28 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 09:59:28 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 09:59:28 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 27.39it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:59:29,157 >> https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmph_lls71d\n", + "Downloading: 100% 618/618 [00:00<00:00, 462kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:59:29,878 >> storing https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/367bb30bd1ae06268e9d1c64ae1fb923fc9931913fa478dfa01d79a4c7086238.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:59:29,878 >> creating metadata file for /root/.cache/huggingface/transformers/367bb30bd1ae06268e9d1c64ae1fb923fc9931913fa478dfa01d79a4c7086238.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:545] 2021-07-19 09:59:29,878 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/367bb30bd1ae06268e9d1c64ae1fb923fc9931913fa478dfa01d79a4c7086238.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 09:59:29,879 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:59:30,597 >> https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpa6ym7rla\n", + "Downloading: 100% 292/292 [00:00<00:00, 221kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:59:31,316 >> storing https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/e577044edb84fa4a576105e2202c62cf62f831634f9581da80435c97b8034fba.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:59:31,317 >> creating metadata file for /root/.cache/huggingface/transformers/e577044edb84fa4a576105e2202c62cf62f831634f9581da80435c97b8034fba.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:59:32,043 >> https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpqpb1qtjv\n", + "Downloading: 100% 855k/855k [00:00<00:00, 1.60MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:59:33,298 >> storing https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/dc7971c78d10d920138338883fd23b96f3994bce40018345ab1ba2ba8c8f6bdd.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:59:33,298 >> creating metadata file for /root/.cache/huggingface/transformers/dc7971c78d10d920138338883fd23b96f3994bce40018345ab1ba2ba8c8f6bdd.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:59:34,020 >> https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpksv749_o\n", + "Downloading: 100% 514k/514k [00:00<00:00, 986kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:59:35,793 >> storing https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/5f573076405f6fab314615142ba9deec180a84917e495fecbf81f61afb2965cb.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:59:35,794 >> creating metadata file for /root/.cache/huggingface/transformers/5f573076405f6fab314615142ba9deec180a84917e495fecbf81f61afb2965cb.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:59:36,527 >> https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpqnzcwtbi\n", + "Downloading: 100% 1.47M/1.47M [00:00<00:00, 2.09MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:59:38,071 >> storing https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/9a541e4855ef267ea4879cc9c2277f67dd5569f68cc688d212822bed1ca8755f.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:59:38,071 >> creating metadata file for /root/.cache/huggingface/transformers/9a541e4855ef267ea4879cc9c2277f67dd5569f68cc688d212822bed1ca8755f.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:59:39,506 >> https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpzakjsz9m\n", + "Downloading: 100% 239/239 [00:00<00:00, 176kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 09:59:40,756 >> storing https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/8e21c2757a0c3938b80989bb3dabd355f9221ed98847fb957a5c4e9a86209c03.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|file_utils.py:1636] 2021-07-19 09:59:40,756 >> creating metadata file for /root/.cache/huggingface/transformers/8e21c2757a0c3938b80989bb3dabd355f9221ed98847fb957a5c4e9a86209c03.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:59:41,473 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/dc7971c78d10d920138338883fd23b96f3994bce40018345ab1ba2ba8c8f6bdd.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:59:41,473 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/5f573076405f6fab314615142ba9deec180a84917e495fecbf81f61afb2965cb.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:59:41,473 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/9a541e4855ef267ea4879cc9c2277f67dd5569f68cc688d212822bed1ca8755f.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:59:41,473 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:59:41,473 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/8e21c2757a0c3938b80989bb3dabd355f9221ed98847fb957a5c4e9a86209c03.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 09:59:41,473 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/e577044edb84fa4a576105e2202c62cf62f831634f9581da80435c97b8034fba.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 09:59:42,259 >> https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmplk38ang6\n", + "Downloading: 100% 499M/499M [00:46<00:00, 10.7MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:00:30,156 >> storing https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/4832a73c0f4a13adaab71151bf2413717416da487cdb2a79247f10198c6421f8.aebba6b503a22a0c70b362f8b026aa0f030aae594f7580f0164a0a73fb0001af\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:00:30,157 >> creating metadata file for /root/.cache/huggingface/transformers/4832a73c0f4a13adaab71151bf2413717416da487cdb2a79247f10198c6421f8.aebba6b503a22a0c70b362f8b026aa0f030aae594f7580f0164a0a73fb0001af\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 10:00:30,157 >> loading weights file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/4832a73c0f4a13adaab71151bf2413717416da487cdb2a79247f10198c6421f8.aebba6b503a22a0c70b362f8b026aa0f030aae594f7580f0164a0a73fb0001af\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 10:00:31,608 >> Some weights of the model checkpoint at bertin-project/bertin-base-stepwise were not used when initializing RobertaForTokenClassification: ['lm_head.layer_norm.bias', 'lm_head.dense.bias', 'lm_head.layer_norm.weight', 'lm_head.dense.weight', 'lm_head.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 10:00:31,608 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-stepwise and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: tokens, pos_tags, id, ner_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 10:00:42,473 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 10:00:42,473 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 10:00:42,473 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 10:00:42,473 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 10:00:42,473 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 10:00:42,474 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 10:00:42,474 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 10:00:42,490 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 10:00:44.095745: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/3dtrffsb\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_100042-3dtrffsb\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.1284, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:51<30:10, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 10:03:36,580 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:03:36,582 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:03:38,006 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:03:38,007 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:03:38,007 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.0634, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:47<27:17, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 10:06:32,797 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:06:32,799 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:06:34,318 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:06:34,318 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:06:34,319 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:43<23:57, 2.58it/s]{'loss': 0.0392, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + "[INFO|trainer.py:1917] 2021-07-19 10:09:28,641 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:09:28,643 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:09:30,189 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:09:30,190 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:09:30,190 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:39<20:40, 2.58it/s]{'loss': 0.0386, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 10:12:24,463 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:12:24,465 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:12:25,827 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:12:25,828 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:12:25,828 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:35<17:29, 2.58it/s]{'loss': 0.0259, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:35<17:29, 2.58it/s][INFO|trainer.py:1917] 2021-07-19 10:15:20,423 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:15:20,427 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:15:21,822 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:15:21,823 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:15:21,823 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0206, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:30<14:06, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 10:18:16,113 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:18:16,115 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:18:17,682 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:18:17,683 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:18:17,712 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:26<10:58, 2.59it/s]{'loss': 0.0167, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 10:21:11,952 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:21:11,958 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:21:13,451 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:21:13,452 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:21:13,452 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.0122, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [23:23<07:46, 2.58it/s][INFO|trainer.py:1917] 2021-07-19 10:24:08,832 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:24:08,833 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:24:10,424 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:24:10,425 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:24:10,425 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:20<04:34, 2.57it/s]{'loss': 0.0102, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + "[INFO|trainer.py:1917] 2021-07-19 10:27:05,632 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:27:05,633 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:27:07,331 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:27:07,333 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:27:07,333 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.0082, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:17<01:19, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 10:30:02,859 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:30:02,860 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:30:04,283 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:30:04,284 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:30:04,285 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:33<00:00, 3.23it/s][INFO|trainer.py:1358] 2021-07-19 10:31:18,770 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1836.2971, 'train_samples_per_second': 22.665, 'train_steps_per_second': 2.835, 'train_loss': 0.03514896872865821, 'epoch': 5.0}\n", + "100% 5205/5205 [30:33<00:00, 2.84it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 10:31:18,782 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:31:18,784 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:31:20,398 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:31:20,399 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:31:20,399 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0351\n", + " train_runtime = 0:30:36.29\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.665\n", + " train_steps_per_second = 2.835\n", + "[INFO|trainer.py:522] 2021-07-19 10:31:20,531 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: tokens, pos_tags, id, ner_tags.\n", + "07/19/2021 10:31:20 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 10:31:20,554 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 10:31:20,554 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 10:31:20,555 >> Batch size = 8\n", + "100% 240/240 [00:26<00:00, 9.03it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9809\n", + " eval_f1 = 0.8705\n", + " eval_loss = 0.1126\n", + " eval_precision = 0.8643\n", + " eval_recall = 0.8768\n", + " eval_runtime = 0:00:26.68\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 71.804\n", + " eval_steps_per_second = 8.994\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 463\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_100042-3dtrffsb/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_100042-3dtrffsb/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0082\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1865\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626690707\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1836.2971\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.665\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.835\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.03515\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.1126\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.86433\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.87684\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.87054\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.98093\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.6838\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 71.804\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.994\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/3dtrffsb\u001b[0m\n", + "2021-07-19 10:31:59.813609: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 10:32:02 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 10:32:02 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_10-32-02_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 10:32:04 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 10:32:04 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 10:32:04 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 10:32:04 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 10:32:04 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 10:32:05 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 10:32:05 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 10:32:05 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 10:32:05 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 10:32:05 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 10:32:05 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 10:32:05 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 10:32:05 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 10:32:05 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 10:32:05 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 26.98it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 10:32:06,091 >> https://huggingface.co/bertin-project/bertin-base-random/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpn8ndvk_m\n", + "Downloading: 100% 618/618 [00:00<00:00, 441kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:32:07,076 >> storing https://huggingface.co/bertin-project/bertin-base-random/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/206b1dac57f81203b68e667a852122cb8107d8f6ec61c5f61ff3911b995464bc.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:32:07,076 >> creating metadata file for /root/.cache/huggingface/transformers/206b1dac57f81203b68e667a852122cb8107d8f6ec61c5f61ff3911b995464bc.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:545] 2021-07-19 10:32:07,077 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/206b1dac57f81203b68e667a852122cb8107d8f6ec61c5f61ff3911b995464bc.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 10:32:07,078 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 10:32:07,798 >> https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpz_j0rpzc\n", + "Downloading: 100% 292/292 [00:00<00:00, 217kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:32:08,519 >> storing https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/115b6bf4f08e65d03dda82a834c42cf46339813770aadf59679bd51d0f2ea3a5.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:32:08,519 >> creating metadata file for /root/.cache/huggingface/transformers/115b6bf4f08e65d03dda82a834c42cf46339813770aadf59679bd51d0f2ea3a5.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 10:32:09,243 >> https://huggingface.co/bertin-project/bertin-base-random/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpkr_3etqa\n", + "Downloading: 100% 855k/855k [00:00<00:00, 1.62MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:32:10,524 >> storing https://huggingface.co/bertin-project/bertin-base-random/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/b4006ecc1f0c7264bbecc09c6cb89b65ec7db509c3c0604de97e88f24ea4d1f6.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:32:10,525 >> creating metadata file for /root/.cache/huggingface/transformers/b4006ecc1f0c7264bbecc09c6cb89b65ec7db509c3c0604de97e88f24ea4d1f6.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|file_utils.py:1624] 2021-07-19 10:32:11,246 >> https://huggingface.co/bertin-project/bertin-base-random/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpzyyos06z\n", + "Downloading: 100% 514k/514k [00:00<00:00, 980kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:32:12,765 >> storing https://huggingface.co/bertin-project/bertin-base-random/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/edf6b87725489a8b69bfa2267d17e097798faa72e64ff4c5cc3d18672be1064c.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:32:12,765 >> creating metadata file for /root/.cache/huggingface/transformers/edf6b87725489a8b69bfa2267d17e097798faa72e64ff4c5cc3d18672be1064c.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|file_utils.py:1624] 2021-07-19 10:32:13,495 >> https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpgdijuhio\n", + "Downloading: 100% 1.47M/1.47M [00:00<00:00, 2.09MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:32:14,927 >> storing https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/a2564e0d9105fa93a9e315cbeba7570df09180efa1d54facf9770aa67f46bfe6.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:32:14,927 >> creating metadata file for /root/.cache/huggingface/transformers/a2564e0d9105fa93a9e315cbeba7570df09180efa1d54facf9770aa67f46bfe6.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|file_utils.py:1624] 2021-07-19 10:32:16,366 >> https://huggingface.co/bertin-project/bertin-base-random/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp0wf9iu70\n", + "Downloading: 100% 239/239 [00:00<00:00, 188kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:32:17,102 >> storing https://huggingface.co/bertin-project/bertin-base-random/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/92bfdce86055cda7484e6cda39edf00079de963108ce7a53ac914029100d8a99.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:32:17,102 >> creating metadata file for /root/.cache/huggingface/transformers/92bfdce86055cda7484e6cda39edf00079de963108ce7a53ac914029100d8a99.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 10:32:17,820 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/b4006ecc1f0c7264bbecc09c6cb89b65ec7db509c3c0604de97e88f24ea4d1f6.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 10:32:17,820 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/edf6b87725489a8b69bfa2267d17e097798faa72e64ff4c5cc3d18672be1064c.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 10:32:17,820 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/a2564e0d9105fa93a9e315cbeba7570df09180efa1d54facf9770aa67f46bfe6.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 10:32:17,820 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 10:32:17,820 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/92bfdce86055cda7484e6cda39edf00079de963108ce7a53ac914029100d8a99.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 10:32:17,820 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/115b6bf4f08e65d03dda82a834c42cf46339813770aadf59679bd51d0f2ea3a5.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 10:32:18,877 >> https://huggingface.co/bertin-project/bertin-base-random/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpnd8xa6xo\n", + "Downloading: 100% 499M/499M [00:47<00:00, 10.5MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 10:33:07,769 >> storing https://huggingface.co/bertin-project/bertin-base-random/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/5bec117e97fb2ec50c8615b1e2cde784a5851d7664417aa49e21403f91722df2.fc71d0bf8be2b57b708f6397729f6f12e8e95a3e69e8a44030293be69ee5bc0d\n", + "[INFO|file_utils.py:1636] 2021-07-19 10:33:07,769 >> creating metadata file for /root/.cache/huggingface/transformers/5bec117e97fb2ec50c8615b1e2cde784a5851d7664417aa49e21403f91722df2.fc71d0bf8be2b57b708f6397729f6f12e8e95a3e69e8a44030293be69ee5bc0d\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 10:33:07,770 >> loading weights file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/5bec117e97fb2ec50c8615b1e2cde784a5851d7664417aa49e21403f91722df2.fc71d0bf8be2b57b708f6397729f6f12e8e95a3e69e8a44030293be69ee5bc0d\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 10:33:09,270 >> Some weights of the model checkpoint at bertin-project/bertin-base-random were not used when initializing RobertaForTokenClassification: ['lm_head.dense.weight', 'lm_head.dense.bias', 'lm_head.bias', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 10:33:09,270 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-random and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, id, tokens.\n", + "[INFO|trainer.py:1162] 2021-07-19 10:33:20,589 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 10:33:20,589 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 10:33:20,589 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 10:33:20,589 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 10:33:20,589 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 10:33:20,589 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 10:33:20,589 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 10:33:20,607 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 10:33:22.258421: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/ibzlw8va\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_103320-ibzlw8va\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.1287, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:53<31:17, 2.51it/s][INFO|trainer.py:1917] 2021-07-19 10:36:16,688 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:36:16,690 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:36:18,026 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:36:18,027 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:36:18,027 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.0639, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:51<27:24, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 10:39:15,501 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:39:15,503 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:39:17,123 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:39:17,124 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:39:17,124 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:50<24:18, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 10:42:13,678 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:42:13,679 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "{'loss': 0.0415, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:42:15,229 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:42:15,229 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:42:15,230 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:48<20:52, 2.56it/s]{'loss': 0.0391, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 10:45:12,082 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:45:12,083 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:45:13,570 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:45:13,571 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:45:13,572 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0264, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:46<17:34, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 10:48:10,298 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:48:10,299 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:48:11,882 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:48:11,882 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:48:11,883 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0231, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:44<14:23, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 10:51:08,324 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:51:08,325 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:51:09,869 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:51:09,870 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:51:09,870 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:41<11:04, 2.56it/s]{'loss': 0.0165, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:41<11:04, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 10:54:05,467 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:54:05,469 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:54:07,021 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:54:07,058 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:54:07,059 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:39<07:49, 2.57it/s]{'loss': 0.0134, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [23:39<07:49, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 10:57:03,171 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 10:57:03,175 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 10:57:04,716 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 10:57:04,716 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 10:57:04,717 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + "{'loss': 0.0097, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:36<04:36, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 11:00:00,353 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:00:00,354 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:00:01,980 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:00:01,981 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:00:01,982 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [29:34<01:19, 2.57it/s]{'loss': 0.0085, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:34<01:19, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 11:02:57,860 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:02:57,865 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:02:59,390 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:02:59,391 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:02:59,392 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:49<00:00, 3.28it/s][INFO|trainer.py:1358] 2021-07-19 11:04:13,445 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1852.8561, 'train_samples_per_second': 22.463, 'train_steps_per_second': 2.809, 'train_loss': 0.03592821839448927, 'epoch': 5.0}\n", + "100% 5205/5205 [30:49<00:00, 2.81it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 11:04:13,449 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:04:13,451 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:04:14,892 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:04:14,893 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:04:14,893 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0359\n", + " train_runtime = 0:30:52.85\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.463\n", + " train_steps_per_second = 2.809\n", + "[INFO|trainer.py:522] 2021-07-19 11:04:15,047 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, id, tokens.\n", + "07/19/2021 11:04:15 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 11:04:15,145 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 11:04:15,147 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 11:04:15,147 >> Batch size = 8\n", + "100% 240/240 [00:26<00:00, 9.01it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9807\n", + " eval_f1 = 0.8704\n", + " eval_loss = 0.1116\n", + " eval_precision = 0.8652\n", + " eval_recall = 0.8757\n", + " eval_runtime = 0:00:26.78\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 71.544\n", + " eval_steps_per_second = 8.962\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 534\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_103320-ibzlw8va/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_103320-ibzlw8va/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0085\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1881\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626692681\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1852.8561\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.463\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.809\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.03593\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.11165\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.86515\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.87569\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.87039\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.98067\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.7809\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 71.544\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.962\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/ibzlw8va\u001b[0m\n", + "2021-07-19 11:04:55.088954: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 11:04:57 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 11:04:57 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_11-04-57_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 11:04:59 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 11:04:59 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:04:59 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 11:04:59 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 11:04:59 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 11:05:00 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 11:05:00 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:05:00 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 11:05:00 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 11:05:00 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 11:05:00 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:05:00 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 11:05:00 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:05:00 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 11:05:00 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 26.69it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:05:01,612 >> https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpx_65nogc\n", + "Downloading: 100% 618/618 [00:00<00:00, 500kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:05:02,332 >> storing https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/aa24361f0b7bed62876f6cd0a784a2b622c1959523906d89eeb1112139a4864a.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:05:02,332 >> creating metadata file for /root/.cache/huggingface/transformers/aa24361f0b7bed62876f6cd0a784a2b622c1959523906d89eeb1112139a4864a.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:545] 2021-07-19 11:05:02,332 >> loading configuration file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/aa24361f0b7bed62876f6cd0a784a2b622c1959523906d89eeb1112139a4864a.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 11:05:02,333 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:05:03,052 >> https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp9x2e0_gj\n", + "Downloading: 100% 292/292 [00:00<00:00, 214kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:05:03,773 >> storing https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/72bf61c243630a112d8fa8c8d9162f1a5e01fab0602d2f2a7792cecdc0a4986f.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:05:03,773 >> creating metadata file for /root/.cache/huggingface/transformers/72bf61c243630a112d8fa8c8d9162f1a5e01fab0602d2f2a7792cecdc0a4986f.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:05:04,499 >> https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpzo0fedli\n", + "Downloading: 100% 846k/846k [00:00<00:00, 1.48MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:05:05,794 >> storing https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/f47efb87887425ef9a4ef795bfaa907d57ac9a650d733c7ca621b9eced3235e8.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:05:05,795 >> creating metadata file for /root/.cache/huggingface/transformers/f47efb87887425ef9a4ef795bfaa907d57ac9a650d733c7ca621b9eced3235e8.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:05:06,786 >> https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpip9hh8gg\n", + "Downloading: 100% 505k/505k [00:00<00:00, 1.42MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:05:07,862 >> storing https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/aba9e0895dea47dd4208a36012ffd3eb21eb4c5f7ce0be6547afb37cdd4ddef4.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:05:07,862 >> creating metadata file for /root/.cache/huggingface/transformers/aba9e0895dea47dd4208a36012ffd3eb21eb4c5f7ce0be6547afb37cdd4ddef4.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:05:08,592 >> https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp9zwks1tj\n", + "Downloading: 100% 1.45M/1.45M [00:00<00:00, 2.06MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:05:10,024 >> storing https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/baad57d0f574d3e660cafb14601d0ecebe83f25071d59f3e51d225d75285b773.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:05:10,024 >> creating metadata file for /root/.cache/huggingface/transformers/baad57d0f574d3e660cafb14601d0ecebe83f25071d59f3e51d225d75285b773.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:05:11,551 >> https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpx8dpmj_p\n", + "Downloading: 100% 239/239 [00:00<00:00, 177kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:05:12,541 >> storing https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/68d1fdfe72fdcac403d8f363239c379d8125162f50a954030c4476982f88d69e.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:05:12,541 >> creating metadata file for /root/.cache/huggingface/transformers/68d1fdfe72fdcac403d8f363239c379d8125162f50a954030c4476982f88d69e.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:05:13,258 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/f47efb87887425ef9a4ef795bfaa907d57ac9a650d733c7ca621b9eced3235e8.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:05:13,258 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/aba9e0895dea47dd4208a36012ffd3eb21eb4c5f7ce0be6547afb37cdd4ddef4.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:05:13,258 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/baad57d0f574d3e660cafb14601d0ecebe83f25071d59f3e51d225d75285b773.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:05:13,259 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:05:13,259 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/68d1fdfe72fdcac403d8f363239c379d8125162f50a954030c4476982f88d69e.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:05:13,259 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/72bf61c243630a112d8fa8c8d9162f1a5e01fab0602d2f2a7792cecdc0a4986f.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:05:14,052 >> https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp8b5ozkc8\n", + "Downloading: 100% 499M/499M [00:47<00:00, 10.5MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:06:03,353 >> storing https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/8a611c8e6ab409ea523e84173bef4b1ef257262487d732b05c68d31b674788e5.ae8a25c127f59d8b0d9d11c53667336d7c491e5b06338b3ce56369ee735acd6f\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:06:03,353 >> creating metadata file for /root/.cache/huggingface/transformers/8a611c8e6ab409ea523e84173bef4b1ef257262487d732b05c68d31b674788e5.ae8a25c127f59d8b0d9d11c53667336d7c491e5b06338b3ce56369ee735acd6f\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 11:06:03,353 >> loading weights file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/8a611c8e6ab409ea523e84173bef4b1ef257262487d732b05c68d31b674788e5.ae8a25c127f59d8b0d9d11c53667336d7c491e5b06338b3ce56369ee735acd6f\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 11:06:04,877 >> Some weights of the model checkpoint at bertin-project/bertin-roberta-base-spanish were not used when initializing RobertaForTokenClassification: ['lm_head.dense.bias', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias', 'lm_head.bias', 'lm_head.dense.weight']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 11:06:04,877 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-roberta-base-spanish and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, pos_tags, tokens, ner_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 11:06:16,543 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 11:06:16,543 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 11:06:16,543 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 11:06:16,543 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 11:06:16,543 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 11:06:16,543 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 11:06:16,543 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 11:06:16,562 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 11:06:18.176951: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/j1pmca9j\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_110616-j1pmca9j\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:53<30:54, 2.54it/s]{'loss': 0.1572, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:53<30:54, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 11:09:13,478 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:09:13,480 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:09:14,958 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:09:14,966 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:09:14,967 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.0718, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:53<27:38, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 11:12:12,586 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:12:12,588 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:12:14,117 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:12:14,117 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:12:14,118 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:51<24:16, 2.54it/s]{'loss': 0.0488, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:51<24:16, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 11:15:11,464 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:15:11,466 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:15:12,940 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:15:12,941 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:15:12,941 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:50<20:49, 2.57it/s]{'loss': 0.0455, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:50<20:49, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 11:18:09,853 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:18:09,855 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:18:11,273 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:18:11,274 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:18:11,275 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:48<17:38, 2.56it/s]{'loss': 0.0293, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + "[INFO|trainer.py:1917] 2021-07-19 11:21:08,207 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:21:08,208 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:21:09,636 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:21:09,637 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:21:09,638 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0252, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:47<14:28, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 11:24:07,079 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:24:07,083 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:24:08,774 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:24:08,775 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:24:08,775 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:45<11:00, 2.58it/s]{'loss': 0.0186, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 11:27:05,160 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:27:05,166 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:27:06,645 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:27:06,646 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:27:06,646 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:43<07:50, 2.56it/s]{'loss': 0.0151, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 11:30:03,364 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:30:03,365 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:30:04,870 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:30:04,870 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:30:04,871 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:41<04:34, 2.56it/s]{'loss': 0.0115, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:41<04:34, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 11:33:01,313 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:33:01,315 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:33:02,842 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:33:02,843 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:33:02,843 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [29:39<01:20, 2.54it/s]{'loss': 0.0094, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 11:35:59,265 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:35:59,266 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:36:00,820 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:36:00,821 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:36:00,821 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:56<00:00, 3.25it/s][INFO|trainer.py:1358] 2021-07-19 11:37:15,632 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 5205/5205 [30:56<00:00, 3.25it/s]{'train_runtime': 1859.0889, 'train_samples_per_second': 22.387, 'train_steps_per_second': 2.8, 'train_loss': 0.04189618094166692, 'epoch': 5.0}\n", + "100% 5205/5205 [30:56<00:00, 2.80it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 11:37:15,636 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:37:15,637 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:37:17,201 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:37:17,202 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:37:17,203 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0419\n", + " train_runtime = 0:30:59.08\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.387\n", + " train_steps_per_second = 2.8\n", + "[INFO|trainer.py:522] 2021-07-19 11:37:17,352 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, pos_tags, tokens, ner_tags.\n", + "07/19/2021 11:37:17 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 11:37:17,370 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 11:37:17,370 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 11:37:17,370 >> Batch size = 8\n", + "100% 240/240 [00:26<00:00, 8.97it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9812\n", + " eval_f1 = 0.8725\n", + " eval_loss = 0.1023\n", + " eval_precision = 0.8638\n", + " eval_recall = 0.8814\n", + " eval_runtime = 0:00:26.87\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 71.287\n", + " eval_steps_per_second = 8.929\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 605\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_110616-j1pmca9j/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_110616-j1pmca9j/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0094\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1888\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626694664\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1859.0889\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.387\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.8\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.0419\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.10234\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.86377\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.88143\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.87251\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.98122\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.8774\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 71.287\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.929\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/j1pmca9j\u001b[0m\n", + "2021-07-19 11:37:56.763079: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 11:37:59 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 11:37:59 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_11-37-59_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 11:38:01 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 11:38:01 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:38:01 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 11:38:01 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 11:38:01 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 11:38:02 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 11:38:02 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:38:02 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 11:38:02 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 11:38:02 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 11:38:02 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:38:02 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 11:38:02 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 11:38:02 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 11:38:02 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 27.85it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:38:02,918 >> https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpyi0y3esx\n", + "Downloading: 100% 618/618 [00:00<00:00, 448kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:38:03,899 >> storing https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/d32cc9b6c8f303dbd398a937552d8d9c26d842d418f1cd79adb3fc25f169f722.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:38:03,899 >> creating metadata file for /root/.cache/huggingface/transformers/d32cc9b6c8f303dbd398a937552d8d9c26d842d418f1cd79adb3fc25f169f722.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:545] 2021-07-19 11:38:03,900 >> loading configuration file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/d32cc9b6c8f303dbd398a937552d8d9c26d842d418f1cd79adb3fc25f169f722.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 11:38:03,900 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:38:04,619 >> https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpu8t1or1_\n", + "Downloading: 100% 292/292 [00:00<00:00, 211kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:38:05,341 >> storing https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/4f604c1e66964e3a55ecf1d4959f4ebb3416a50476c866ac53fedd6a93b68c2b.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:38:05,341 >> creating metadata file for /root/.cache/huggingface/transformers/4f604c1e66964e3a55ecf1d4959f4ebb3416a50476c866ac53fedd6a93b68c2b.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:38:06,071 >> https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpgrd08tl6\n", + "Downloading: 100% 846k/846k [00:00<00:00, 1.60MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:38:07,326 >> storing https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/20af099ba4d2572dbbdf666ab59e4864bd3ec4867e50cc70d7989d1638fced71.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:38:07,327 >> creating metadata file for /root/.cache/huggingface/transformers/20af099ba4d2572dbbdf666ab59e4864bd3ec4867e50cc70d7989d1638fced71.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:38:08,048 >> https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpbl3mlyxu\n", + "Downloading: 100% 505k/505k [00:00<00:00, 964kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:38:09,297 >> storing https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/45c757f0d795baeb7913a8678519d1c353de20333a2e2e181a005f8f5b4dc60c.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:38:09,298 >> creating metadata file for /root/.cache/huggingface/transformers/45c757f0d795baeb7913a8678519d1c353de20333a2e2e181a005f8f5b4dc60c.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:38:10,026 >> https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpv4lczfio\n", + "Downloading: 100% 1.45M/1.45M [00:00<00:00, 2.07MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:38:11,457 >> storing https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/abcefe6cb866709f8793e0130a2d9bd883fee0cbcc25ffee734858e4d002c5b6.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:38:11,457 >> creating metadata file for /root/.cache/huggingface/transformers/abcefe6cb866709f8793e0130a2d9bd883fee0cbcc25ffee734858e4d002c5b6.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:38:12,885 >> https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpg4oq8nhp\n", + "Downloading: 100% 239/239 [00:00<00:00, 178kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:38:13,601 >> storing https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/73738db8ccbbbf8b6685f923eeb9e382d4c8e36fcfa5c8124d82ed3eed582725.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:38:13,601 >> creating metadata file for /root/.cache/huggingface/transformers/73738db8ccbbbf8b6685f923eeb9e382d4c8e36fcfa5c8124d82ed3eed582725.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:38:14,321 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/20af099ba4d2572dbbdf666ab59e4864bd3ec4867e50cc70d7989d1638fced71.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:38:14,321 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/45c757f0d795baeb7913a8678519d1c353de20333a2e2e181a005f8f5b4dc60c.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:38:14,321 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/abcefe6cb866709f8793e0130a2d9bd883fee0cbcc25ffee734858e4d002c5b6.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:38:14,321 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:38:14,321 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/73738db8ccbbbf8b6685f923eeb9e382d4c8e36fcfa5c8124d82ed3eed582725.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 11:38:14,321 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/4f604c1e66964e3a55ecf1d4959f4ebb3416a50476c866ac53fedd6a93b68c2b.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|file_utils.py:1624] 2021-07-19 11:38:15,384 >> https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpczgj117x\n", + "Downloading: 100% 499M/499M [00:47<00:00, 10.5MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 11:39:04,638 >> storing https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/7189e822ad05437642e8c70b270aad1da7745b3f42ae88ee851bd7336559387c.8970e1b3c4890a283e6d9c30f1437e32aec6a36c0f9aae84920ff5a363d4b636\n", + "[INFO|file_utils.py:1636] 2021-07-19 11:39:04,638 >> creating metadata file for /root/.cache/huggingface/transformers/7189e822ad05437642e8c70b270aad1da7745b3f42ae88ee851bd7336559387c.8970e1b3c4890a283e6d9c30f1437e32aec6a36c0f9aae84920ff5a363d4b636\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 11:39:04,639 >> loading weights file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/7189e822ad05437642e8c70b270aad1da7745b3f42ae88ee851bd7336559387c.8970e1b3c4890a283e6d9c30f1437e32aec6a36c0f9aae84920ff5a363d4b636\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 11:39:06,140 >> Some weights of the model checkpoint at flax-community/bertin-roberta-large-spanish were not used when initializing RobertaForTokenClassification: ['lm_head.layer_norm.weight', 'lm_head.bias', 'lm_head.dense.weight', 'lm_head.layer_norm.bias', 'lm_head.dense.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 11:39:06,140 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at flax-community/bertin-roberta-large-spanish and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, tokens, ner_tags, pos_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 11:39:17,438 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 11:39:17,438 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 11:39:17,438 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 11:39:17,438 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 11:39:17,438 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 11:39:17,438 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 11:39:17,438 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 11:39:17,456 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 11:39:19.075107: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/fh1ara05\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_113917-fh1ara05\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.1506, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:53<30:56, 2.53it/s][INFO|trainer.py:1917] 2021-07-19 11:42:14,041 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:42:14,048 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:42:15,549 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:42:15,550 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:42:15,550 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:52<27:31, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 11:45:13,162 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "{'loss': 0.0709, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:45:13,164 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:45:14,726 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:45:14,727 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:45:14,727 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:51<24:13, 2.55it/s]{'loss': 0.0456, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:51<24:13, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 11:48:11,899 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:48:11,900 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:48:13,401 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:48:13,402 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:48:13,403 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:50<20:52, 2.56it/s]{'loss': 0.0422, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 11:51:10,580 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:51:10,582 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:51:11,981 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:51:11,982 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:51:11,982 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0298, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:48<17:42, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 11:54:09,015 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:54:09,017 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:54:10,503 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:54:10,504 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:54:10,561 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0241, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:46<14:20, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 11:57:07,048 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 11:57:07,050 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 11:57:08,701 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 11:57:08,710 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 11:57:08,710 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:44<11:02, 2.57it/s]{'loss': 0.018, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:44<11:02, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 12:00:04,889 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:00:04,891 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:00:06,301 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:00:06,302 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:00:06,303 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:42<07:52, 2.55it/s]{'loss': 0.0145, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:03:02,699 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:03:02,700 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:03:04,160 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:03:04,229 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:03:04,229 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:39<04:35, 2.56it/s]{'loss': 0.0116, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:05:59,683 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:05:59,684 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:06:01,360 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:06:01,361 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:06:01,361 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.0093, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:37<01:19, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 12:08:57,911 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:08:57,913 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:08:59,474 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:08:59,475 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:08:59,475 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:53<00:00, 3.24it/s][INFO|trainer.py:1358] 2021-07-19 12:10:14,210 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1856.7718, 'train_samples_per_second': 22.415, 'train_steps_per_second': 2.803, 'train_loss': 0.040356940655154064, 'epoch': 5.0}\n", + "100% 5205/5205 [30:53<00:00, 2.81it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 12:10:14,229 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:10:14,230 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:10:15,786 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:10:15,787 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:10:15,787 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0404\n", + " train_runtime = 0:30:56.77\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.415\n", + " train_steps_per_second = 2.803\n", + "07/19/2021 12:10:15 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 12:10:15,969 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, tokens, ner_tags, pos_tags.\n", + "[INFO|trainer.py:2163] 2021-07-19 12:10:15,988 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 12:10:15,988 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 12:10:15,988 >> Batch size = 8\n", + "100% 240/240 [00:26<00:00, 9.01it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9806\n", + " eval_f1 = 0.8735\n", + " eval_loss = 0.1056\n", + " eval_precision = 0.8667\n", + " eval_recall = 0.8803\n", + " eval_runtime = 0:00:26.74\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 71.635\n", + " eval_steps_per_second = 8.973\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 676\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_113917-fh1ara05/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_113917-fh1ara05/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0093\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1885\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626696642\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1856.7718\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.415\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.803\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.04036\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.10558\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.86674\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.88028\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.87346\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.98063\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.7467\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 71.635\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.973\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/fh1ara05\u001b[0m\n", + "2021-07-19 12:10:55.954685: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 12:10:58 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 12:10:58 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_12-10-58_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 12:11:00 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 12:11:00 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:11:00 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 12:11:00 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 12:11:00 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 12:11:01 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 12:11:01 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:11:01 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 12:11:01 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 12:11:01 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 12:11:01 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:11:01 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 12:11:01 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:11:01 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 12:11:01 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 25.94it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:11:01,984 >> https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp2k5xww1q\n", + "Downloading: 100% 613/613 [00:00<00:00, 467kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:11:03,238 >> storing https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:11:03,238 >> creating metadata file for /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|configuration_utils.py:545] 2021-07-19 12:11:03,239 >> loading configuration file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|configuration_utils.py:581] 2021-07-19 12:11:03,239 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.0,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.0,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50262\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:11:03,966 >> https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpl2t8n1yp\n", + "Downloading: 100% 1.46k/1.46k [00:00<00:00, 1.03MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:11:04,686 >> storing https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/e025b5b045564995a040386d80efa4d55779730827b72b4e40908073db9f0630.d8a7d006294d83173a76ac51a95b5a8470bbbc87c93c63633eaf9476656ed660\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:11:04,686 >> creating metadata file for /root/.cache/huggingface/transformers/e025b5b045564995a040386d80efa4d55779730827b72b4e40908073db9f0630.d8a7d006294d83173a76ac51a95b5a8470bbbc87c93c63633eaf9476656ed660\n", + "[INFO|configuration_utils.py:545] 2021-07-19 12:11:05,404 >> loading configuration file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|configuration_utils.py:581] 2021-07-19 12:11:05,405 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.0,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.0,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50262\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:11:06,134 >> https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/vocab.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmph8j_y_v6\n", + "Downloading: 100% 1.15M/1.15M [00:01<00:00, 1.11MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:11:07,912 >> storing https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/vocab.json in cache at /root/.cache/huggingface/transformers/aec224417e3c4a4bda2283292ca7898205329eeb16f3b8db7ea5a36e51d55257.26eadee3bbe78c0682ce89a698fbb1698a0eee50c36cf83be2280a0f2a7b23c1\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:11:07,912 >> creating metadata file for /root/.cache/huggingface/transformers/aec224417e3c4a4bda2283292ca7898205329eeb16f3b8db7ea5a36e51d55257.26eadee3bbe78c0682ce89a698fbb1698a0eee50c36cf83be2280a0f2a7b23c1\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:11:08,644 >> https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/merges.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp75jqk_c3\n", + "Downloading: 100% 509k/509k [00:00<00:00, 1.31MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:11:09,753 >> storing https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/merges.txt in cache at /root/.cache/huggingface/transformers/6688b2cc67bbc01f3e369230731a072338dc286bf25b97e1513d359ab00f2ea3.0d24ae8bd5fabb1f5020f91bc602cefeb5a2938ab77e21769d28776345634b23\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:11:09,753 >> creating metadata file for /root/.cache/huggingface/transformers/6688b2cc67bbc01f3e369230731a072338dc286bf25b97e1513d359ab00f2ea3.0d24ae8bd5fabb1f5020f91bc602cefeb5a2938ab77e21769d28776345634b23\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:11:10,482 >> https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpr4ou2joy\n", + "Downloading: 100% 1.46M/1.46M [00:00<00:00, 2.06MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:11:12,187 >> storing https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/2f6b692045224588b9a5a4d5639db72d5e3fd2c18cbd0accf4c6dc81a4adc413.bd775ba884c9e650b58a3a333a97e47c8d1b9d37cdbe19b22fb04b1e41beb19d\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:11:12,187 >> creating metadata file for /root/.cache/huggingface/transformers/2f6b692045224588b9a5a4d5639db72d5e3fd2c18cbd0accf4c6dc81a4adc413.bd775ba884c9e650b58a3a333a97e47c8d1b9d37cdbe19b22fb04b1e41beb19d\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:11:13,623 >> https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpxa1ze4ou\n", + "Downloading: 100% 772/772 [00:00<00:00, 572kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:11:14,343 >> storing https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/0f2dbdd0b96b43180e16d660cb1b274e46fa0cf63da426f09c1c82900fb52da1.cb2244924ab24d706b02fd7fcedaea4531566537687a539ebb94db511fd122a0\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:11:14,343 >> creating metadata file for /root/.cache/huggingface/transformers/0f2dbdd0b96b43180e16d660cb1b274e46fa0cf63da426f09c1c82900fb52da1.cb2244924ab24d706b02fd7fcedaea4531566537687a539ebb94db511fd122a0\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:11:15,065 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/aec224417e3c4a4bda2283292ca7898205329eeb16f3b8db7ea5a36e51d55257.26eadee3bbe78c0682ce89a698fbb1698a0eee50c36cf83be2280a0f2a7b23c1\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:11:15,065 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/6688b2cc67bbc01f3e369230731a072338dc286bf25b97e1513d359ab00f2ea3.0d24ae8bd5fabb1f5020f91bc602cefeb5a2938ab77e21769d28776345634b23\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:11:15,065 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/2f6b692045224588b9a5a4d5639db72d5e3fd2c18cbd0accf4c6dc81a4adc413.bd775ba884c9e650b58a3a333a97e47c8d1b9d37cdbe19b22fb04b1e41beb19d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:11:15,065 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:11:15,065 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/0f2dbdd0b96b43180e16d660cb1b274e46fa0cf63da426f09c1c82900fb52da1.cb2244924ab24d706b02fd7fcedaea4531566537687a539ebb94db511fd122a0\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:11:15,065 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/e025b5b045564995a040386d80efa4d55779730827b72b4e40908073db9f0630.d8a7d006294d83173a76ac51a95b5a8470bbbc87c93c63633eaf9476656ed660\n", + "[INFO|configuration_utils.py:545] 2021-07-19 12:11:15,783 >> loading configuration file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|configuration_utils.py:581] 2021-07-19 12:11:15,783 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.0,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.0,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50262\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:11:16,577 >> https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp7palrwn_\n", + "Downloading: 100% 499M/499M [00:10<00:00, 47.6MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:11:28,168 >> storing https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/a337644e63cac89729bd4fd067c987d2eb61b4b398d17d0ce0973c31dd76d2b0.c86d60e89da68465cb73e129befe8209faa3ac57b9aa272b87db45ba1f619582\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:11:28,168 >> creating metadata file for /root/.cache/huggingface/transformers/a337644e63cac89729bd4fd067c987d2eb61b4b398d17d0ce0973c31dd76d2b0.c86d60e89da68465cb73e129befe8209faa3ac57b9aa272b87db45ba1f619582\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 12:11:28,168 >> loading weights file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/a337644e63cac89729bd4fd067c987d2eb61b4b398d17d0ce0973c31dd76d2b0.c86d60e89da68465cb73e129befe8209faa3ac57b9aa272b87db45ba1f619582\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 12:11:29,685 >> Some weights of the model checkpoint at BSC-TeMU/roberta-base-bne were not used when initializing RobertaForTokenClassification: ['lm_head.bias', 'lm_head.decoder.bias', 'lm_head.dense.bias', 'lm_head.layer_norm.bias', 'lm_head.layer_norm.weight', 'lm_head.dense.weight', 'lm_head.decoder.weight']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 12:11:29,685 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at BSC-TeMU/roberta-base-bne and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, tokens, id.\n", + "[INFO|trainer.py:1162] 2021-07-19 12:11:41,218 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 12:11:41,218 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 12:11:41,218 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 12:11:41,218 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 12:11:41,218 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 12:11:41,218 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 12:11:41,219 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 12:11:41,235 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 12:11:42.880000: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/12cfhsht\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_121141-12cfhsht\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.1418, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:48<30:04, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 12:14:32,851 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:14:32,853 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:14:34,368 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:14:34,369 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:14:34,370 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:42<26:57, 2.60it/s]{'loss': 0.0593, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:17:26,829 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:17:26,831 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:17:28,225 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:17:28,227 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:17:28,227 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.0343, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:36<23:33, 2.62it/s][INFO|trainer.py:1917] 2021-07-19 12:20:20,638 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:20:20,639 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:20:22,205 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:20:22,206 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:20:22,207 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.0352, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:30<20:28, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 12:23:14,468 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:23:14,469 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:23:15,919 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:23:15,921 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:23:15,921 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:23<17:21, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 12:26:08,104 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:26:08,105 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "{'loss': 0.0219, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:26:09,567 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:26:09,568 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:26:09,569 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0163, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:17<14:00, 2.62it/s][INFO|trainer.py:1917] 2021-07-19 12:29:01,777 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:29:01,778 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:29:03,453 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:29:03,455 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:29:03,455 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:11<10:43, 2.65it/s]{'loss': 0.0114, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:31:55,668 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:31:55,669 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:31:57,243 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:31:57,244 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:31:57,245 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:05<07:40, 2.62it/s]{'loss': 0.0088, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:34:49,424 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:34:49,425 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:34:50,977 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:34:50,978 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:34:50,978 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [25:58<04:26, 2.65it/s]{'loss': 0.0066, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:37:42,549 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:37:42,551 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:37:44,154 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:37:44,156 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:37:44,156 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.005, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [28:51<01:17, 2.63it/s][INFO|trainer.py:1917] 2021-07-19 12:40:35,837 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:40:35,838 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:40:37,324 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:40:37,325 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:40:37,326 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:06<00:00, 3.33it/s][INFO|trainer.py:1358] 2021-07-19 12:41:50,325 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 5205/5205 [30:06<00:00, 3.33it/s]{'train_runtime': 1809.1062, 'train_samples_per_second': 23.006, 'train_steps_per_second': 2.877, 'train_loss': 0.03290085400902916, 'epoch': 5.0}\n", + "100% 5205/5205 [30:06<00:00, 2.88it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 12:41:50,331 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:41:50,333 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:41:51,802 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:41:51,803 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:41:51,804 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0329\n", + " train_runtime = 0:30:09.10\n", + " train_samples = 8324\n", + " train_samples_per_second = 23.006\n", + " train_steps_per_second = 2.877\n", + "07/19/2021 12:41:51 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 12:41:51,935 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, tokens, id.\n", + "[INFO|trainer.py:2163] 2021-07-19 12:41:51,957 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 12:41:51,958 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 12:41:51,958 >> Batch size = 8\n", + "100% 240/240 [00:26<00:00, 8.94it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9807\n", + " eval_f1 = 0.87\n", + " eval_loss = 0.1062\n", + " eval_precision = 0.8656\n", + " eval_recall = 0.8745\n", + " eval_runtime = 0:00:26.95\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 71.076\n", + " eval_steps_per_second = 8.903\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 747\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_121141-12cfhsht/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_121141-12cfhsht/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.005\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1837\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626698538\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1809.1062\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 23.006\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.877\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.0329\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.10615\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.86559\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.87454\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.87004\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.98065\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 26.9571\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 71.076\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.903\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▂▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/12cfhsht\u001b[0m\n", + "2021-07-19 12:42:31.685010: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 12:42:34 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 12:42:34 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_12-42-34_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 12:42:36 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 12:42:36 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:42:36 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 12:42:36 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 12:42:36 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 12:42:37 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 12:42:37 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:42:37 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 12:42:37 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 12:42:37 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 12:42:37 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:42:37 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 12:42:37 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 12:42:37 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 12:42:37 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 28.00it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:42:38,678 >> https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpck_oqd1g\n", + "Downloading: 100% 648/648 [00:00<00:00, 440kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:42:39,399 >> storing https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:42:39,400 >> creating metadata file for /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|configuration_utils.py:545] 2021-07-19 12:42:39,400 >> loading configuration file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|configuration_utils.py:581] 2021-07-19 12:42:39,401 >> Model config BertConfig {\n", + " \"_name_or_path\": \"dccuchile/bert-base-spanish-wwm-cased\",\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"output_past\": true,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 31002\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:42:40,119 >> https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpgd0560ha\n", + "Downloading: 100% 364/364 [00:00<00:00, 267kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:42:40,845 >> storing https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/ca34e6c1251888a8ed98da2a454f869d28e3438eef67c2f93aa8133459ac08a3.0e90f656d0426b15b4927d1fe8ca5ec4c2e7b0d0e878c9153c3ddc6ed9bbed3c\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:42:40,845 >> creating metadata file for /root/.cache/huggingface/transformers/ca34e6c1251888a8ed98da2a454f869d28e3438eef67c2f93aa8133459ac08a3.0e90f656d0426b15b4927d1fe8ca5ec4c2e7b0d0e878c9153c3ddc6ed9bbed3c\n", + "[INFO|configuration_utils.py:545] 2021-07-19 12:42:41,566 >> loading configuration file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|configuration_utils.py:581] 2021-07-19 12:42:41,567 >> Model config BertConfig {\n", + " \"_name_or_path\": \"dccuchile/bert-base-spanish-wwm-cased\",\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"output_past\": true,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 31002\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:42:42,282 >> https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/vocab.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmplt5qimq9\n", + "Downloading: 100% 242k/242k [00:00<00:00, 693kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:42:43,361 >> storing https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/vocab.txt in cache at /root/.cache/huggingface/transformers/6761cd0c3d282272f598fcc1fa8c4ecfff8c18762ec8acb40f9cbb562cb0901e.6587bde86239957281af55b2f7e564df111a2b4f9dfc0ad884f13ea7106e4dfb\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:42:43,361 >> creating metadata file for /root/.cache/huggingface/transformers/6761cd0c3d282272f598fcc1fa8c4ecfff8c18762ec8acb40f9cbb562cb0901e.6587bde86239957281af55b2f7e564df111a2b4f9dfc0ad884f13ea7106e4dfb\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:42:44,077 >> https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpkhoeusow\n", + "Downloading: 100% 480k/480k [00:00<00:00, 1.34MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:42:45,157 >> storing https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/44de7af89c157bf67367a71105165d92bebe0585543739a918e3870d25484c27.6a099cd4b12bf7db174fffe48b004eb919c325f108e0c36176a0fe0ad1848d31\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:42:45,157 >> creating metadata file for /root/.cache/huggingface/transformers/44de7af89c157bf67367a71105165d92bebe0585543739a918e3870d25484c27.6a099cd4b12bf7db174fffe48b004eb919c325f108e0c36176a0fe0ad1848d31\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:42:46,596 >> https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/special_tokens_map.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmprgindbow\n", + "Downloading: 100% 134/134 [00:00<00:00, 103kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:42:47,314 >> storing https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/special_tokens_map.json in cache at /root/.cache/huggingface/transformers/9848a00af462c42dfb4ec88ef438fbab5256330f7f6f50badc48d277f9367d49.f982506b52498d4adb4bd491f593dc92b2ef6be61bfdbe9d30f53f963f9f5b66\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:42:47,314 >> creating metadata file for /root/.cache/huggingface/transformers/9848a00af462c42dfb4ec88ef438fbab5256330f7f6f50badc48d277f9367d49.f982506b52498d4adb4bd491f593dc92b2ef6be61bfdbe9d30f53f963f9f5b66\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:42:48,032 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/vocab.txt from cache at /root/.cache/huggingface/transformers/6761cd0c3d282272f598fcc1fa8c4ecfff8c18762ec8acb40f9cbb562cb0901e.6587bde86239957281af55b2f7e564df111a2b4f9dfc0ad884f13ea7106e4dfb\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:42:48,033 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/44de7af89c157bf67367a71105165d92bebe0585543739a918e3870d25484c27.6a099cd4b12bf7db174fffe48b004eb919c325f108e0c36176a0fe0ad1848d31\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:42:48,033 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:42:48,033 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/9848a00af462c42dfb4ec88ef438fbab5256330f7f6f50badc48d277f9367d49.f982506b52498d4adb4bd491f593dc92b2ef6be61bfdbe9d30f53f963f9f5b66\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 12:42:48,033 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/ca34e6c1251888a8ed98da2a454f869d28e3438eef67c2f93aa8133459ac08a3.0e90f656d0426b15b4927d1fe8ca5ec4c2e7b0d0e878c9153c3ddc6ed9bbed3c\n", + "[INFO|configuration_utils.py:545] 2021-07-19 12:42:48,751 >> loading configuration file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|configuration_utils.py:581] 2021-07-19 12:42:48,752 >> Model config BertConfig {\n", + " \"_name_or_path\": \"dccuchile/bert-base-spanish-wwm-cased\",\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"output_past\": true,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 31002\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 12:42:49,495 >> https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpzy1_hik_\n", + "Downloading: 100% 440M/440M [00:09<00:00, 47.1MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 12:42:59,298 >> storing https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/52382cbe7c1587c6b588daa81eaf247c5e2ad073d42b52192a8cd4202e7429b6.a88ccd19b1f271e63b6a901510804e6c0318089355c471334fe8b71b316a30ab\n", + "[INFO|file_utils.py:1636] 2021-07-19 12:42:59,299 >> creating metadata file for /root/.cache/huggingface/transformers/52382cbe7c1587c6b588daa81eaf247c5e2ad073d42b52192a8cd4202e7429b6.a88ccd19b1f271e63b6a901510804e6c0318089355c471334fe8b71b316a30ab\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 12:42:59,299 >> loading weights file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/52382cbe7c1587c6b588daa81eaf247c5e2ad073d42b52192a8cd4202e7429b6.a88ccd19b1f271e63b6a901510804e6c0318089355c471334fe8b71b316a30ab\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 12:43:00,603 >> Some weights of the model checkpoint at dccuchile/bert-base-spanish-wwm-cased were not used when initializing BertForTokenClassification: ['cls.predictions.decoder.weight', 'cls.predictions.bias', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.decoder.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.weight']\n", + "- This IS expected if you are initializing BertForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BertForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 12:43:00,603 >> Some weights of BertForTokenClassification were not initialized from the model checkpoint at dccuchile/bert-base-spanish-wwm-cased and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: id, pos_tags, tokens, ner_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 12:43:12,682 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 12:43:12,682 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 12:43:12,682 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 12:43:12,682 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 12:43:12,683 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 12:43:12,683 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 12:43:12,683 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 12:43:12,727 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 12:43:14.386397: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/3afdjnxp\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_124312-3afdjnxp\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:54<30:58, 2.53it/s]{'loss': 0.1093, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:46:10,608 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:46:10,609 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:46:12,470 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:46:12,471 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:46:12,471 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:54<27:38, 2.54it/s]{'loss': 0.0607, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:49:10,192 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:49:10,195 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:49:12,074 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:49:12,075 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:49:12,075 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.0386, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:53<24:04, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 12:52:09,685 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:52:09,687 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:52:11,597 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:52:11,598 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:52:11,598 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:52<21:04, 2.53it/s]{'loss': 0.0374, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 12:55:08,667 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:55:08,669 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:55:10,255 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:55:10,256 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:55:10,256 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:50<17:47, 2.53it/s]{'loss': 0.0205, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:50<17:47, 2.53it/s][INFO|trainer.py:1917] 2021-07-19 12:58:06,487 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 12:58:06,489 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 12:58:08,096 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 12:58:08,096 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 12:58:08,097 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [17:48<14:28, 2.54it/s]{'loss': 0.018, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:49<14:28, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 13:01:04,733 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:01:04,734 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:01:06,183 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:01:06,184 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:01:06,185 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:46<11:06, 2.56it/s]{'loss': 0.0132, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:46<11:06, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 13:04:02,534 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:04:02,540 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:04:03,793 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:04:03,798 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:04:03,799 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.0096, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [23:44<07:56, 2.53it/s][INFO|trainer.py:1917] 2021-07-19 13:07:00,237 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:07:00,238 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:07:01,487 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:07:01,488 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:07:01,513 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:42<04:36, 2.55it/s]{'loss': 0.0072, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:42<04:36, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 13:09:57,873 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:09:57,875 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:09:59,182 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:09:59,183 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:09:59,184 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.0054, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:39<01:19, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 13:12:55,378 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:12:55,379 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:12:56,826 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:12:57,047 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:12:57,047 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:55<00:00, 3.24it/s][INFO|trainer.py:1358] 2021-07-19 13:14:10,972 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1858.2897, 'train_samples_per_second': 22.397, 'train_steps_per_second': 2.801, 'train_loss': 0.030922601500116324, 'epoch': 5.0}\n", + "100% 5205/5205 [30:55<00:00, 2.81it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 13:14:10,976 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:14:10,978 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:14:12,231 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:14:12,232 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:14:12,233 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0309\n", + " train_runtime = 0:30:58.28\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.397\n", + " train_steps_per_second = 2.801\n", + "07/19/2021 13:14:12 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 13:14:12,284 >> The following columns in the evaluation set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: id, pos_tags, tokens, ner_tags.\n", + "[INFO|trainer.py:2163] 2021-07-19 13:14:12,470 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 13:14:12,470 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 13:14:12,470 >> Batch size = 8\n", + "100% 240/240 [00:27<00:00, 8.72it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9783\n", + " eval_f1 = 0.8579\n", + " eval_loss = 0.136\n", + " eval_precision = 0.8544\n", + " eval_recall = 0.8614\n", + " eval_runtime = 0:00:27.66\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 69.269\n", + " eval_steps_per_second = 8.677\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 817\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_124312-3afdjnxp/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_124312-3afdjnxp/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0054\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1887\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626700480\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1858.2897\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.397\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.801\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.03092\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.13604\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.85438\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.86144\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.85789\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.97827\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 27.6603\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 69.269\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.677\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▅▃▃▂▂▂▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/3afdjnxp\u001b[0m\n", + "2021-07-19 13:14:52.452814: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 13:14:55 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 13:14:55 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_13-14-55_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 13:14:56 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 13:14:56 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 13:14:56 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 13:14:56 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 13:14:56 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 13:14:57 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 13:14:57 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 13:14:57 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 13:14:57 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 13:14:57 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 13:14:57 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 13:14:57 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 13:14:57 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 13:14:57 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 13:14:57 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 26.94it/s]\n", + "[INFO|file_utils.py:1624] 2021-07-19 13:14:58,668 >> https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp99d369nz\n", + "Downloading: 100% 625/625 [00:00<00:00, 479kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 13:14:59,385 >> storing https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json in cache at /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|file_utils.py:1636] 2021-07-19 13:14:59,385 >> creating metadata file for /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|configuration_utils.py:545] 2021-07-19 13:14:59,386 >> loading configuration file https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|configuration_utils.py:581] 2021-07-19 13:14:59,387 >> Model config BertConfig {\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"directionality\": \"bidi\",\n", + " \"finetuning_task\": \"ner\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8\n", + " },\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 0,\n", + " \"pooler_fc_size\": 768,\n", + " \"pooler_num_attention_heads\": 12,\n", + " \"pooler_num_fc_layers\": 3,\n", + " \"pooler_size_per_head\": 128,\n", + " \"pooler_type\": \"first_token_transform\",\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 119547\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 13:15:00,367 >> https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer_config.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmplitezxht\n", + "Downloading: 100% 29.0/29.0 [00:00<00:00, 21.6kB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 13:15:01,085 >> storing https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer_config.json in cache at /root/.cache/huggingface/transformers/f55e7a2ad4f8d0fff2733b3f79777e1e99247f2e4583703e92ce74453af8c235.ec5c189f89475aac7d8cbd243960a0655cfadc3d0474da8ff2ed0bf1699c2a5f\n", + "[INFO|file_utils.py:1636] 2021-07-19 13:15:01,085 >> creating metadata file for /root/.cache/huggingface/transformers/f55e7a2ad4f8d0fff2733b3f79777e1e99247f2e4583703e92ce74453af8c235.ec5c189f89475aac7d8cbd243960a0655cfadc3d0474da8ff2ed0bf1699c2a5f\n", + "[INFO|configuration_utils.py:545] 2021-07-19 13:15:01,804 >> loading configuration file https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|configuration_utils.py:581] 2021-07-19 13:15:01,804 >> Model config BertConfig {\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"directionality\": \"bidi\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 0,\n", + " \"pooler_fc_size\": 768,\n", + " \"pooler_num_attention_heads\": 12,\n", + " \"pooler_num_fc_layers\": 3,\n", + " \"pooler_size_per_head\": 128,\n", + " \"pooler_type\": \"first_token_transform\",\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 119547\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 13:15:02,527 >> https://huggingface.co/bert-base-multilingual-cased/resolve/main/vocab.txt not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmp3mdjv62p\n", + "Downloading: 100% 996k/996k [00:00<00:00, 1.42MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 13:15:03,952 >> storing https://huggingface.co/bert-base-multilingual-cased/resolve/main/vocab.txt in cache at /root/.cache/huggingface/transformers/eff018e45de5364a8368df1f2df3461d506e2a111e9dd50af1fae061cd460ead.6c5b6600e968f4b5e08c86d8891ea99e51537fc2bf251435fb46922e8f7a7b29\n", + "[INFO|file_utils.py:1636] 2021-07-19 13:15:03,952 >> creating metadata file for /root/.cache/huggingface/transformers/eff018e45de5364a8368df1f2df3461d506e2a111e9dd50af1fae061cd460ead.6c5b6600e968f4b5e08c86d8891ea99e51537fc2bf251435fb46922e8f7a7b29\n", + "[INFO|file_utils.py:1624] 2021-07-19 13:15:04,670 >> https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer.json not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpffm9tmvf\n", + "Downloading: 100% 1.96M/1.96M [00:00<00:00, 2.75MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 13:15:06,118 >> storing https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer.json in cache at /root/.cache/huggingface/transformers/46880f3b0081fda494a4e15b05787692aa4c1e21e0ff2428ba8b14d4eda0784d.b33e51591f94f17c238ee9b1fac75b96ff2678cbaed6e108feadb3449d18dc24\n", + "[INFO|file_utils.py:1636] 2021-07-19 13:15:06,119 >> creating metadata file for /root/.cache/huggingface/transformers/46880f3b0081fda494a4e15b05787692aa4c1e21e0ff2428ba8b14d4eda0784d.b33e51591f94f17c238ee9b1fac75b96ff2678cbaed6e108feadb3449d18dc24\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 13:15:08,276 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/vocab.txt from cache at /root/.cache/huggingface/transformers/eff018e45de5364a8368df1f2df3461d506e2a111e9dd50af1fae061cd460ead.6c5b6600e968f4b5e08c86d8891ea99e51537fc2bf251435fb46922e8f7a7b29\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 13:15:08,276 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/46880f3b0081fda494a4e15b05787692aa4c1e21e0ff2428ba8b14d4eda0784d.b33e51591f94f17c238ee9b1fac75b96ff2678cbaed6e108feadb3449d18dc24\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 13:15:08,276 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 13:15:08,276 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/special_tokens_map.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 13:15:08,276 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/f55e7a2ad4f8d0fff2733b3f79777e1e99247f2e4583703e92ce74453af8c235.ec5c189f89475aac7d8cbd243960a0655cfadc3d0474da8ff2ed0bf1699c2a5f\n", + "[INFO|configuration_utils.py:545] 2021-07-19 13:15:08,996 >> loading configuration file https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|configuration_utils.py:581] 2021-07-19 13:15:08,997 >> Model config BertConfig {\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"directionality\": \"bidi\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 0,\n", + " \"pooler_fc_size\": 768,\n", + " \"pooler_num_attention_heads\": 12,\n", + " \"pooler_num_fc_layers\": 3,\n", + " \"pooler_size_per_head\": 128,\n", + " \"pooler_type\": \"first_token_transform\",\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 119547\n", + "}\n", + "\n", + "[INFO|file_utils.py:1624] 2021-07-19 13:15:09,847 >> https://huggingface.co/bert-base-multilingual-cased/resolve/main/pytorch_model.bin not found in cache or force_download set to True, downloading to /root/.cache/huggingface/transformers/tmpjp03zrmf\n", + "Downloading: 100% 714M/714M [00:15<00:00, 44.8MB/s]\n", + "[INFO|file_utils.py:1628] 2021-07-19 13:15:26,143 >> storing https://huggingface.co/bert-base-multilingual-cased/resolve/main/pytorch_model.bin in cache at /root/.cache/huggingface/transformers/0a3fd51713dcbb4def175c7f85bddc995d5976ce1dde327f99104e4d33069f17.aa7be4c79d76f4066d9b354496ea477c9ee39c5d889156dd1efb680643c2b052\n", + "[INFO|file_utils.py:1636] 2021-07-19 13:15:26,143 >> creating metadata file for /root/.cache/huggingface/transformers/0a3fd51713dcbb4def175c7f85bddc995d5976ce1dde327f99104e4d33069f17.aa7be4c79d76f4066d9b354496ea477c9ee39c5d889156dd1efb680643c2b052\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 13:15:26,144 >> loading weights file https://huggingface.co/bert-base-multilingual-cased/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/0a3fd51713dcbb4def175c7f85bddc995d5976ce1dde327f99104e4d33069f17.aa7be4c79d76f4066d9b354496ea477c9ee39c5d889156dd1efb680643c2b052\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 13:15:28,640 >> Some weights of the model checkpoint at bert-base-multilingual-cased were not used when initializing BertForTokenClassification: ['cls.seq_relationship.weight', 'cls.predictions.transform.dense.bias', 'cls.seq_relationship.bias', 'cls.predictions.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.decoder.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.dense.weight']\n", + "- This IS expected if you are initializing BertForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BertForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 13:15:28,640 >> Some weights of BertForTokenClassification were not initialized from the model checkpoint at bert-base-multilingual-cased and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, tokens, id.\n", + "[INFO|trainer.py:1162] 2021-07-19 13:15:41,264 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 13:15:41,264 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 13:15:41,264 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 13:15:41,264 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 13:15:41,264 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 13:15:41,264 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 13:15:41,264 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 13:15:41,282 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 13:15:42.989489: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/5eemjhh0\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_131541-5eemjhh0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.1207, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:59<32:18, 2.43it/s][INFO|trainer.py:1917] 2021-07-19 13:18:43,561 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:18:43,562 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:18:46,697 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:18:46,698 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:18:46,699 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.0692, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [06:07<28:45, 2.44it/s][INFO|trainer.py:1917] 2021-07-19 13:21:51,942 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:21:51,944 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:21:54,416 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:21:54,417 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:21:54,417 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.0436, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [09:15<25:24, 2.43it/s][INFO|trainer.py:1917] 2021-07-19 13:24:59,297 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:24:59,302 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:25:01,808 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:25:01,809 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:25:01,809 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [12:24<21:37, 2.47it/s]{'loss': 0.0476, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 13:28:09,253 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:28:09,259 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:28:11,908 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:28:11,909 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:28:11,909 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [15:31<18:11, 2.48it/s]{'loss': 0.0296, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + "[INFO|trainer.py:1917] 2021-07-19 13:31:16,237 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:31:16,238 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:31:18,854 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:31:18,854 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:31:18,855 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [18:38<14:56, 2.46it/s]{'loss': 0.0239, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [18:38<14:56, 2.46it/s][INFO|trainer.py:1917] 2021-07-19 13:34:23,058 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:34:23,059 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:34:25,563 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:34:25,563 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:34:25,564 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [21:45<11:32, 2.46it/s]{'loss': 0.02, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 13:37:29,626 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:37:29,628 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:37:32,133 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:37:32,134 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:37:32,134 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.014, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [24:51<08:10, 2.46it/s][INFO|trainer.py:1917] 2021-07-19 13:40:36,098 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:40:36,102 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:40:38,713 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:40:38,714 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:40:38,714 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [27:58<04:45, 2.47it/s]{'loss': 0.0102, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + "[INFO|trainer.py:1917] 2021-07-19 13:43:42,728 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:43:42,730 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:43:45,403 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:43:45,403 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:43:45,435 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [31:05<01:23, 2.46it/s]{'loss': 0.0091, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 13:46:49,438 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:46:49,445 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:46:52,151 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:46:52,152 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:46:52,153 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [32:29<00:00, 3.12it/s][INFO|trainer.py:1358] 2021-07-19 13:48:13,361 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1952.0967, 'train_samples_per_second': 21.321, 'train_steps_per_second': 2.666, 'train_loss': 0.03754559657988241, 'epoch': 5.0}\n", + "100% 5205/5205 [32:29<00:00, 2.67it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 13:48:13,365 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 13:48:13,367 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 13:48:16,181 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 13:48:16,182 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 13:48:16,183 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0375\n", + " train_runtime = 0:32:32.09\n", + " train_samples = 8324\n", + " train_samples_per_second = 21.321\n", + " train_steps_per_second = 2.666\n", + "[INFO|trainer.py:522] 2021-07-19 13:48:16,519 >> The following columns in the evaluation set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: ner_tags, pos_tags, tokens, id.\n", + "07/19/2021 13:48:16 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 13:48:16,542 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 13:48:16,542 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 13:48:16,542 >> Batch size = 8\n", + "100% 240/240 [00:27<00:00, 8.73it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9779\n", + " eval_f1 = 0.8539\n", + " eval_loss = 0.1326\n", + " eval_precision = 0.8522\n", + " eval_recall = 0.8557\n", + " eval_runtime = 0:00:27.61\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 69.373\n", + " eval_steps_per_second = 8.69\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 886\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_131541-5eemjhh0/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_131541-5eemjhh0/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0091\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1983\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626702524\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1952.0967\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 21.321\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.666\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.087585926764544e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.03755\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.13262\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.85217\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.8557\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.85393\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.97785\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 27.619\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 69.373\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.69\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▅▃▃▂▂▂▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/5eemjhh0\u001b[0m\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "VuCKhYfI1P06" + }, + "source": [ + "## POS" + ] + }, + { + "cell_type": "code", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "j-JAvrHrkdCo", + "outputId": "27535540-2a52-45b6-d01e-6c12969a203e" + }, + "source": [ + "# !wget https://raw.githubusercontent.com/huggingface/transformers/master/examples/pytorch/token-classification/run_ner.py\n", + "for model in models:\n", + " !WANDB_PROJECT=bertin-eval TOKENIZERS_PARALLELISM=false CUDA_LAUNCH_BLOCKING=1 python run_ner.py \\\n", + " --model_name_or_path $model \\\n", + " --task_name pos \\\n", + " --dataset_name conll2002 \\\n", + " --dataset_config_name es \\\n", + " --output_dir ./outputs \\\n", + " --overwrite_output_dir \\\n", + " --pad_to_max_length \\\n", + " --num_train_epochs 5 \\\n", + " --do_train \\\n", + " --do_eval" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\u001b[1;30;43mStreaming output truncated to the last 5000 lines.\u001b[0m\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:21:32,133 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/c1ba808baa4a9c0f3062f1881d448087c30a1443644365bd41cf366491ab4063.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:21:32,134 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/17ffd9604d64364336252e5a3859c3c55be07c457328ab5fc37e4aaf39913d28.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:21:32,134 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/59e3c1ec6ec0fe2653924dcd348a763dd43f51d8eae6ab758e2d962ec7c14d5e.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:21:32,134 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:21:32,134 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/39ddc268aab2655adb602f93d771480d4db157c1b6fae9a5ae9fc2112c645a69.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:21:32,134 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/a9d7a6740959c8c347993f62fbd5620bffa2d10c35c2e579a2ecec181299c9a1.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 14:21:32,975 >> loading weights file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/6dd5d03f2c36b42a305cf20636d35935ad2d998d2ab0588b28eeed0fc164db43.5b6b77533b091cc9204533514d844abfe875ebba66e044b251306c4228bd3221\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 14:21:40,934 >> Some weights of the model checkpoint at bertin-project/bertin-base-random-exp-512seqlen were not used when initializing RobertaForTokenClassification: ['lm_head.dense.bias', 'lm_head.bias', 'lm_head.dense.weight', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 14:21:40,934 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-random-exp-512seqlen and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "[INFO|trainer.py:1162] 2021-07-19 14:21:52,654 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 14:21:52,654 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 14:21:52,654 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 14:21:52,654 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 14:21:52,654 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 14:21:52,654 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 14:21:52,654 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 14:21:52,674 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 14:21:54.344552: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/2r11lsea\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_142152-2r11lsea\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.3573, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:51<30:45, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 14:24:47,008 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:24:47,015 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:24:48,536 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:24:48,537 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:24:48,537 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:48<27:28, 2.55it/s]{'loss': 0.1234, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:48<27:28, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 14:27:43,799 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:27:43,801 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:27:45,270 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:27:45,270 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:27:45,271 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:43<24:06, 2.56it/s]{'loss': 0.0833, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + "[INFO|trainer.py:1917] 2021-07-19 14:30:39,564 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:30:39,571 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:30:41,197 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:30:41,198 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:30:41,198 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.0773, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:40<20:48, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 14:33:36,165 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:33:36,172 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:33:37,547 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:33:37,548 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:33:37,548 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0542, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:36<17:20, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 14:36:31,893 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:36:31,895 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:36:33,494 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:36:33,494 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:36:33,495 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0476, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:32<14:22, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 14:39:28,468 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:39:28,470 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:39:30,159 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:39:30,160 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:39:30,160 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:29<10:57, 2.59it/s]{'loss': 0.0331, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:29<10:57, 2.59it/s][INFO|trainer.py:1917] 2021-07-19 14:42:24,890 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:42:24,892 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:42:26,453 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:42:26,454 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:42:26,454 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:25<07:47, 2.58it/s][INFO|trainer.py:1917] 2021-07-19 14:45:20,930 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "{'loss': 0.0289, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:45:20,932 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:45:22,454 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:45:22,454 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:45:22,455 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:20<04:32, 2.59it/s]{'loss': 0.0224, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:21<04:32, 2.59it/s][INFO|trainer.py:1917] 2021-07-19 14:48:16,636 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:48:16,638 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:48:18,221 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:48:18,222 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:48:18,222 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.0174, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:16<01:19, 2.59it/s][INFO|trainer.py:1917] 2021-07-19 14:51:12,353 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:51:12,360 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:51:13,839 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:51:13,840 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:51:13,840 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:32<00:00, 3.28it/s][INFO|trainer.py:1358] 2021-07-19 14:52:27,812 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1835.1582, 'train_samples_per_second': 22.679, 'train_steps_per_second': 2.836, 'train_loss': 0.08193410668203627, 'epoch': 5.0}\n", + "100% 5205/5205 [30:32<00:00, 2.84it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 14:52:27,819 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:52:27,821 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:52:29,335 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:52:29,374 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:52:29,375 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0819\n", + " train_runtime = 0:30:35.15\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.679\n", + " train_steps_per_second = 2.836\n", + "[INFO|trainer.py:522] 2021-07-19 14:52:30,157 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "07/19/2021 14:52:30 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 14:52:30,225 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 14:52:30,226 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 14:52:30,226 >> Batch size = 8\n", + "100% 239/240 [00:24<00:00, 9.62it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fit seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:28<00:00, 8.50it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9707\n", + " eval_f1 = 0.966\n", + " eval_loss = 0.1262\n", + " eval_precision = 0.9667\n", + " eval_recall = 0.9653\n", + " eval_runtime = 0:00:28.35\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 67.583\n", + " eval_steps_per_second = 8.465\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1015\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_142152-2r11lsea/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_142152-2r11lsea/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0174\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1865\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626706378\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1835.1582\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.679\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.836\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.08193\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.12617\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96668\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.96534\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96601\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.97066\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 28.3505\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 67.583\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.465\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▂▂▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/2r11lsea\u001b[0m\n", + "2021-07-19 14:53:10.597067: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 14:53:13 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 14:53:13 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_14-53-13_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 14:53:15 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 14:53:15 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 14:53:15 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 14:53:15 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 14:53:15 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 14:53:16 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 14:53:16 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 14:53:16 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 14:53:16 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 14:53:16 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 14:53:16 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 14:53:16 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 14:53:16 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 14:53:16 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 14:53:16 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 27.40it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 14:53:17,765 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cbd56d68ce5dcd2626aba4c4b188db63f2ba2c49a604b36e7cdc6e52578ee306.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 14:53:17,766 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:53:22,817 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/dae6454603d0b1d10a2446ffc1a21ccd636b0ca6a4c77a79fb9dfde03f4a51b8.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:53:22,817 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/2e77e6f778d3fd8875349675d408521ca20c1f1acac2fd57d60ca945d82b926e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:53:22,817 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/98a6808b3aa08b6d84e8b30dfa6892d15e9e631eebff8652b37ab29d75a0b98a.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:53:22,817 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:53:22,817 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/1f5a4bde3e85f3c7b914d0e6b43b2f72d6b3b2f9ddbec7be9e4b0521a429f67f.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 14:53:22,817 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/7a419a17bf4372869932365630632f434d402e93dd7e609e73607cf71ec1bdf7.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 14:53:23,622 >> loading weights file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/d61c66f6163d7933bcffb5de3a666094c2c7c8d54145ec0cea640f72204427e0.50b5552cf09535e0a4b85cc39c83be233674d4cab0836dd8fedc97aa778c802c\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 14:53:31,610 >> Some weights of the model checkpoint at bertin-project/bertin-base-gaussian were not used when initializing RobertaForTokenClassification: ['lm_head.bias', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias', 'lm_head.dense.bias', 'lm_head.dense.weight']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 14:53:31,611 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-gaussian and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, tokens, id, pos_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 14:53:43,083 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 14:53:43,083 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 14:53:43,083 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 14:53:43,083 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 14:53:43,083 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 14:53:43,083 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 14:53:43,083 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 14:53:43,102 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 14:53:44.752564: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/srzdgyct\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_145343-srzdgyct\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:52<30:50, 2.54it/s]{'loss': 0.3213, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + "[INFO|trainer.py:1917] 2021-07-19 14:56:38,524 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:56:38,531 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:56:40,026 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:56:40,027 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:56:40,027 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.1156, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:50<27:14, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 14:59:36,570 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 14:59:36,572 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 14:59:37,987 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 14:59:37,988 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 14:59:37,988 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:47<24:24, 2.53it/s]{'loss': 0.0763, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:47<24:24, 2.53it/s][INFO|trainer.py:1917] 2021-07-19 15:02:33,921 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:02:33,923 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:02:35,521 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:02:35,521 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:02:35,522 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.0699, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:45<20:52, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 15:05:31,139 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:05:31,141 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:05:32,718 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:05:32,719 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:05:32,719 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0473, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:42<17:32, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 15:08:28,636 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:08:28,638 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:08:30,199 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:08:30,200 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:08:30,201 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [17:40<14:25, 2.55it/s]{'loss': 0.0432, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + "[INFO|trainer.py:1917] 2021-07-19 15:11:26,276 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:11:26,279 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:11:28,019 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:11:28,020 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:11:28,020 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:37<11:04, 2.56it/s]{'loss': 0.029, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:37<11:04, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 15:14:23,295 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:14:23,297 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:14:24,881 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:14:24,882 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:14:24,882 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.0258, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [23:34<07:50, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 15:17:20,488 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:17:20,490 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:17:22,034 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:17:22,035 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:17:22,035 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + "{'loss': 0.0188, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:31<04:35, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 15:20:17,497 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:20:17,499 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:20:19,183 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:20:19,184 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:20:19,185 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.0146, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:28<01:19, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 15:23:14,540 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:23:14,542 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:23:16,074 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:23:16,075 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:23:16,075 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:44<00:00, 3.24it/s][INFO|trainer.py:1358] 2021-07-19 15:24:30,596 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + " {'train_runtime': 1847.5133, 'train_samples_per_second': 22.528, 'train_steps_per_second': 2.817, 'train_loss': 0.07378956023371071, 'epoch': 5.0}\n", + "100% 5205/5205 [30:44<00:00, 2.82it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 15:24:30,606 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:24:30,608 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:24:32,024 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:24:32,024 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:24:32,029 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0738\n", + " train_runtime = 0:30:47.51\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.528\n", + " train_steps_per_second = 2.817\n", + "[INFO|trainer.py:522] 2021-07-19 15:24:32,180 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, tokens, id, pos_tags.\n", + "07/19/2021 15:24:32 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 15:24:32,296 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 15:24:32,297 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 15:24:32,297 >> Batch size = 8\n", + "100% 239/240 [00:25<00:00, 9.62it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:28<00:00, 8.40it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9709\n", + " eval_f1 = 0.9662\n", + " eval_loss = 0.1285\n", + " eval_precision = 0.9665\n", + " eval_recall = 0.9659\n", + " eval_runtime = 0:00:28.69\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 66.777\n", + " eval_steps_per_second = 8.365\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1079\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_145343-srzdgyct/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_145343-srzdgyct/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0146\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1877\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626708300\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1847.5133\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.528\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.817\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.07379\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.12853\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96649\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.96593\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96621\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.97086\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 28.6925\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 66.777\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.365\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▂▂▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/srzdgyct\u001b[0m\n", + "2021-07-19 15:25:13.480929: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 15:25:16 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 15:25:16 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_15-25-16_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 15:25:17 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 15:25:17 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:25:17 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 15:25:17 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 15:25:17 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 15:25:18 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 15:25:18 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:25:18 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 15:25:18 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 15:25:18 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 15:25:18 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:25:18 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 15:25:18 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:25:18 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 15:25:18 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 26.65it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 15:25:19,679 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/367bb30bd1ae06268e9d1c64ae1fb923fc9931913fa478dfa01d79a4c7086238.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 15:25:19,680 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:25:25,275 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/dc7971c78d10d920138338883fd23b96f3994bce40018345ab1ba2ba8c8f6bdd.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:25:25,275 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/5f573076405f6fab314615142ba9deec180a84917e495fecbf81f61afb2965cb.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:25:25,275 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/9a541e4855ef267ea4879cc9c2277f67dd5569f68cc688d212822bed1ca8755f.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:25:25,275 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:25:25,275 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/8e21c2757a0c3938b80989bb3dabd355f9221ed98847fb957a5c4e9a86209c03.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:25:25,275 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/e577044edb84fa4a576105e2202c62cf62f831634f9581da80435c97b8034fba.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 15:25:26,072 >> loading weights file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/4832a73c0f4a13adaab71151bf2413717416da487cdb2a79247f10198c6421f8.aebba6b503a22a0c70b362f8b026aa0f030aae594f7580f0164a0a73fb0001af\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 15:25:34,070 >> Some weights of the model checkpoint at bertin-project/bertin-base-stepwise were not used when initializing RobertaForTokenClassification: ['lm_head.dense.bias', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias', 'lm_head.dense.weight', 'lm_head.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 15:25:34,071 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-stepwise and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, tokens, pos_tags, id.\n", + "[INFO|trainer.py:1162] 2021-07-19 15:25:45,883 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 15:25:45,883 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 15:25:45,883 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 15:25:45,883 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 15:25:45,883 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 15:25:45,883 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 15:25:45,883 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 15:25:45,898 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 15:25:47.566224: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/2qatt290\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_152546-2qatt290\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:53<31:14, 2.51it/s]{'loss': 0.3355, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + "[INFO|trainer.py:1917] 2021-07-19 15:28:42,151 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:28:42,153 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:28:43,613 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:28:43,614 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:28:43,615 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:52<27:19, 2.56it/s]{'loss': 0.1163, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:52<27:19, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 15:31:41,087 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:31:41,089 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:31:42,481 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:31:42,482 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:31:42,482 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:50<24:24, 2.53it/s]{'loss': 0.0776, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:50<24:24, 2.53it/s][INFO|trainer.py:1917] 2021-07-19 15:34:39,102 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:34:39,104 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:34:40,663 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:34:40,664 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:34:40,664 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:48<20:47, 2.57it/s]{'loss': 0.0723, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 15:37:37,390 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:37:37,395 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:37:38,782 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:37:38,783 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:37:38,783 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:46<17:39, 2.55it/s]{'loss': 0.0487, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:46<17:39, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 15:40:35,202 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:40:35,204 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:40:36,692 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:40:36,693 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:40:36,693 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.044, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:44<14:29, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 15:43:33,536 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:43:33,538 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:43:35,230 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:43:35,231 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:43:35,231 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + "{'loss': 0.0302, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:42<11:03, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 15:46:31,314 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:46:31,320 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:46:32,767 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:46:32,768 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:46:32,768 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:40<07:54, 2.54it/s]{'loss': 0.0264, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 15:49:29,301 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:49:29,304 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:49:30,796 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:49:30,863 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:49:30,864 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:38<04:34, 2.56it/s]{'loss': 0.0196, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:38<04:34, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 15:52:27,009 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:52:27,011 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:52:28,527 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:52:28,528 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:52:28,528 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [29:35<01:20, 2.55it/s]{'loss': 0.0157, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 15:55:24,733 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:55:24,735 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:55:26,325 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:55:26,326 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:55:26,326 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:52<00:00, 3.25it/s][INFO|trainer.py:1358] 2021-07-19 15:56:41,099 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 5205/5205 [30:52<00:00, 3.25it/s]{'train_runtime': 1855.2157, 'train_samples_per_second': 22.434, 'train_steps_per_second': 2.806, 'train_loss': 0.07618391575662135, 'epoch': 5.0}\n", + "100% 5205/5205 [30:52<00:00, 2.81it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 15:56:41,107 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 15:56:41,111 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 15:56:42,720 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 15:56:42,721 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 15:56:42,721 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0762\n", + " train_runtime = 0:30:55.21\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.434\n", + " train_steps_per_second = 2.806\n", + "[INFO|trainer.py:522] 2021-07-19 15:56:42,842 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: ner_tags, tokens, pos_tags, id.\n", + "07/19/2021 15:56:42 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 15:56:42,919 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 15:56:42,919 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 15:56:42,919 >> Batch size = 8\n", + "100% 239/240 [00:24<00:00, 9.68it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fit seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:28<00:00, 8.47it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9707\n", + " eval_f1 = 0.9656\n", + " eval_loss = 0.1244\n", + " eval_precision = 0.9659\n", + " eval_recall = 0.9653\n", + " eval_runtime = 0:00:28.46\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 67.321\n", + " eval_steps_per_second = 8.433\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1143\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_152546-2qatt290/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_152546-2qatt290/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0157\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1885\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626710231\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1855.2157\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.434\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.806\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.07618\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.12443\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96588\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.96526\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96557\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.97067\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 28.4605\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 67.321\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.433\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▂▂▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/2qatt290\u001b[0m\n", + "2021-07-19 15:57:23.970722: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 15:57:26 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 15:57:26 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_15-57-26_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 15:57:28 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 15:57:28 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:57:28 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 15:57:28 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 15:57:28 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 15:57:29 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 15:57:29 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:57:29 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 15:57:29 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 15:57:29 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 15:57:29 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:57:29 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 15:57:29 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 15:57:29 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 15:57:29 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 26.12it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 15:57:30,060 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/206b1dac57f81203b68e667a852122cb8107d8f6ec61c5f61ff3911b995464bc.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 15:57:30,061 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:57:35,215 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/b4006ecc1f0c7264bbecc09c6cb89b65ec7db509c3c0604de97e88f24ea4d1f6.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:57:35,215 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/edf6b87725489a8b69bfa2267d17e097798faa72e64ff4c5cc3d18672be1064c.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:57:35,216 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/a2564e0d9105fa93a9e315cbeba7570df09180efa1d54facf9770aa67f46bfe6.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:57:35,216 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:57:35,216 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/92bfdce86055cda7484e6cda39edf00079de963108ce7a53ac914029100d8a99.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 15:57:35,216 >> loading file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/115b6bf4f08e65d03dda82a834c42cf46339813770aadf59679bd51d0f2ea3a5.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 15:57:36,040 >> loading weights file https://huggingface.co/bertin-project/bertin-base-random/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/5bec117e97fb2ec50c8615b1e2cde784a5851d7664417aa49e21403f91722df2.fc71d0bf8be2b57b708f6397729f6f12e8e95a3e69e8a44030293be69ee5bc0d\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 15:57:44,020 >> Some weights of the model checkpoint at bertin-project/bertin-base-random were not used when initializing RobertaForTokenClassification: ['lm_head.dense.weight', 'lm_head.bias', 'lm_head.layer_norm.bias', 'lm_head.dense.bias', 'lm_head.layer_norm.weight']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 15:57:44,020 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-base-random and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: tokens, ner_tags, id, pos_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 15:57:55,686 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 15:57:55,686 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 15:57:55,686 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 15:57:55,687 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 15:57:55,687 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 15:57:55,687 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 15:57:55,687 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 15:57:55,705 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 15:57:57.309125: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/21v515t2\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_155755-21v515t2\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:53<30:46, 2.55it/s]{'loss': 0.3451, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:53<30:46, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 16:00:52,060 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:00:52,062 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:00:53,570 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:00:53,571 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:00:53,571 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.1204, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:52<27:33, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 16:03:50,729 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:03:50,731 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:03:52,169 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:03:52,170 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:03:52,171 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.0793, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:50<24:07, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 16:06:48,737 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:06:48,738 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:06:50,181 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:06:50,182 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:06:50,182 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.0726, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:48<20:46, 2.57it/s][INFO|trainer.py:1917] 2021-07-19 16:09:46,782 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:09:46,784 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:09:48,219 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:09:48,220 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:09:48,220 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [14:46<17:47, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 16:12:44,588 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "{'loss': 0.0491, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:12:44,590 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:12:46,083 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:12:46,084 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:12:46,085 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [17:43<14:24, 2.55it/s]{'loss': 0.0442, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:43<14:24, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 16:15:42,327 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:15:42,329 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:15:44,005 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:15:44,005 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:15:44,006 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:40<11:11, 2.54it/s]{'loss': 0.0297, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:40<11:11, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 16:18:39,550 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:18:39,552 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:18:40,968 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:18:40,969 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:18:40,969 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.0248, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + " 77% 4000/5205 [23:38<07:51, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 16:21:37,282 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:21:37,284 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:21:38,766 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:21:38,767 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:21:38,768 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:35<04:32, 2.58it/s]{'loss': 0.0199, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:35<04:32, 2.58it/s][INFO|trainer.py:1917] 2021-07-19 16:24:34,468 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:24:34,470 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:24:36,130 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:24:36,131 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:24:36,132 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [29:33<01:20, 2.54it/s]{'loss': 0.0159, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 16:27:32,111 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:27:32,117 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:27:33,589 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:27:33,590 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:27:33,591 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:49<00:00, 3.24it/s][INFO|trainer.py:1358] 2021-07-19 16:28:48,288 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 5205/5205 [30:49<00:00, 3.24it/s]{'train_runtime': 1852.6013, 'train_samples_per_second': 22.466, 'train_steps_per_second': 2.81, 'train_loss': 0.07757037586025271, 'epoch': 5.0}\n", + "100% 5205/5205 [30:49<00:00, 2.81it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 16:28:48,294 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:28:48,299 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:28:49,924 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:28:49,925 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:28:49,925 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0776\n", + " train_runtime = 0:30:52.60\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.466\n", + " train_steps_per_second = 2.81\n", + "07/19/2021 16:28:50 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 16:28:50,053 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: tokens, ner_tags, id, pos_tags.\n", + "[INFO|trainer.py:2163] 2021-07-19 16:28:50,189 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 16:28:50,189 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 16:28:50,189 >> Batch size = 8\n", + "100% 239/240 [00:24<00:00, 9.66it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fit seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:28<00:00, 8.48it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9704\n", + " eval_f1 = 0.9656\n", + " eval_loss = 0.1342\n", + " eval_precision = 0.9662\n", + " eval_recall = 0.9651\n", + " eval_runtime = 0:00:28.41\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 67.437\n", + " eval_steps_per_second = 8.447\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1207\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_155755-21v515t2/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_155755-21v515t2/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0159\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1882\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626712158\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1852.6013\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.466\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.81\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.07757\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.13416\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96616\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.96507\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96561\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.97043\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 28.4118\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 67.437\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.447\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▂▂▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/21v515t2\u001b[0m\n", + "2021-07-19 16:29:31.414800: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 16:29:34 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 16:29:34 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_16-29-34_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 16:29:35 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 16:29:35 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 16:29:35 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 16:29:35 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 16:29:35 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 16:29:36 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 16:29:36 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 16:29:36 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 16:29:36 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 16:29:36 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 16:29:36 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 16:29:36 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 16:29:36 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 16:29:36 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 16:29:36 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 27.90it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 16:29:37,792 >> loading configuration file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/aa24361f0b7bed62876f6cd0a784a2b622c1959523906d89eeb1112139a4864a.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 16:29:37,793 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 16:29:42,916 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/f47efb87887425ef9a4ef795bfaa907d57ac9a650d733c7ca621b9eced3235e8.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 16:29:42,916 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/aba9e0895dea47dd4208a36012ffd3eb21eb4c5f7ce0be6547afb37cdd4ddef4.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 16:29:42,916 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/baad57d0f574d3e660cafb14601d0ecebe83f25071d59f3e51d225d75285b773.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 16:29:42,916 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 16:29:42,916 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/68d1fdfe72fdcac403d8f363239c379d8125162f50a954030c4476982f88d69e.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 16:29:42,916 >> loading file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/72bf61c243630a112d8fa8c8d9162f1a5e01fab0602d2f2a7792cecdc0a4986f.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 16:29:43,748 >> loading weights file https://huggingface.co/bertin-project/bertin-roberta-base-spanish/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/8a611c8e6ab409ea523e84173bef4b1ef257262487d732b05c68d31b674788e5.ae8a25c127f59d8b0d9d11c53667336d7c491e5b06338b3ce56369ee735acd6f\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 16:29:51,687 >> Some weights of the model checkpoint at bertin-project/bertin-roberta-base-spanish were not used when initializing RobertaForTokenClassification: ['lm_head.layer_norm.bias', 'lm_head.dense.bias', 'lm_head.dense.weight', 'lm_head.bias', 'lm_head.layer_norm.weight']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 16:29:51,687 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at bertin-project/bertin-roberta-base-spanish and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, id, tokens, ner_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 16:30:03,256 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 16:30:03,256 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 16:30:03,256 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 16:30:03,256 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 16:30:03,256 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 16:30:03,257 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 16:30:03,257 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 16:30:03,274 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 16:30:04.895679: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/giu49zyo\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_163003-giu49zyo\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:53<30:47, 2.55it/s]{'loss': 0.3973, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:53<30:47, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 16:32:59,838 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:32:59,841 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:33:01,329 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:33:01,330 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:33:01,331 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:52<27:20, 2.56it/s]{'loss': 0.1271, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:52<27:20, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 16:35:58,841 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:35:58,843 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:36:00,231 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:36:00,232 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:36:00,232 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:51<24:04, 2.56it/s]{'loss': 0.0865, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + "[INFO|trainer.py:1917] 2021-07-19 16:38:57,818 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:38:57,820 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:38:59,318 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:38:59,319 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:38:59,319 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:50<20:59, 2.54it/s]{'loss': 0.0797, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:50<20:59, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 16:41:56,862 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:41:56,864 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:41:58,291 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:41:58,292 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:41:58,293 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.055, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:49<17:37, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 16:44:55,537 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:44:55,539 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:44:57,222 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:44:57,227 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:44:57,228 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [17:48<14:39, 2.51it/s]{'loss': 0.0498, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:48<14:39, 2.51it/s][INFO|trainer.py:1917] 2021-07-19 16:47:54,336 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:47:54,340 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:47:55,927 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:47:55,928 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:47:55,930 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:46<11:06, 2.56it/s]{'loss': 0.0349, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:46<11:06, 2.56it/s][INFO|trainer.py:1917] 2021-07-19 16:50:52,582 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:50:52,584 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:50:54,163 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:50:54,164 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:50:54,165 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:44<07:53, 2.54it/s]{'loss': 0.0313, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 16:53:50,996 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:53:50,998 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:53:52,518 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:53:52,519 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:53:52,609 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [26:43<04:33, 2.58it/s][INFO|trainer.py:1917] 2021-07-19 16:56:49,291 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:56:49,293 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "{'loss': 0.0242, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:56:50,861 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:56:50,862 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:56:50,862 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [29:41<01:19, 2.58it/s][INFO|trainer.py:1917] 2021-07-19 16:59:47,339 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "{'loss': 0.02, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|configuration_utils.py:379] 2021-07-19 16:59:47,341 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 16:59:48,836 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 16:59:48,837 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 16:59:48,838 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:57<00:00, 3.26it/s][INFO|trainer.py:1358] 2021-07-19 17:01:03,736 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1860.4796, 'train_samples_per_second': 22.371, 'train_steps_per_second': 2.798, 'train_loss': 0.08782961375431643, 'epoch': 5.0}\n", + "100% 5205/5205 [30:57<00:00, 2.80it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 17:01:03,739 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:01:03,741 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:01:05,198 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:01:05,198 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:01:05,199 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0878\n", + " train_runtime = 0:31:00.47\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.371\n", + " train_steps_per_second = 2.798\n", + "[INFO|trainer.py:522] 2021-07-19 17:01:05,328 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, id, tokens, ner_tags.\n", + "07/19/2021 17:01:05 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 17:01:05,360 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 17:01:05,361 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 17:01:05,361 >> Batch size = 8\n", + "100% 239/240 [00:24<00:00, 9.59it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fit seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:28<00:00, 8.46it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.969\n", + " eval_f1 = 0.9638\n", + " eval_loss = 0.1236\n", + " eval_precision = 0.9644\n", + " eval_recall = 0.9632\n", + " eval_runtime = 0:00:28.48\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 67.263\n", + " eval_steps_per_second = 8.425\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1271\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_163003-giu49zyo/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_163003-giu49zyo/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.02\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1890\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626714093\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1860.4796\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.371\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.798\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.08783\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.12361\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96442\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.96322\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96382\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.96897\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 28.4852\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 67.263\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.425\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▂▂▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/giu49zyo\u001b[0m\n", + "2021-07-19 17:01:45.878971: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 17:01:48 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 17:01:48 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_17-01-48_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 17:01:50 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 17:01:50 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:01:50 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 17:01:50 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 17:01:50 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 17:01:51 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 17:01:51 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:01:51 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 17:01:51 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 17:01:51 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 17:01:51 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:01:51 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 17:01:51 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:01:51 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 17:01:51 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 25.86it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 17:01:51,886 >> loading configuration file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/d32cc9b6c8f303dbd398a937552d8d9c26d842d418f1cd79adb3fc25f169f722.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-19 17:01:51,887 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:01:57,277 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/20af099ba4d2572dbbdf666ab59e4864bd3ec4867e50cc70d7989d1638fced71.af6be2925520943ae92cd64250bdaa83a8c9d6f91422efbac7ed33a20e0b6e1b\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:01:57,277 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/45c757f0d795baeb7913a8678519d1c353de20333a2e2e181a005f8f5b4dc60c.360a60d1c13cbafd862a8e2a85b267c2b3eb0226d5469633a889b33ba0dde234\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:01:57,277 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/abcefe6cb866709f8793e0130a2d9bd883fee0cbcc25ffee734858e4d002c5b6.0803a0fadc521f273c2682a34dc285f90fe9de9e932bbe77401d11672f7fcb60\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:01:57,277 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:01:57,277 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/73738db8ccbbbf8b6685f923eeb9e382d4c8e36fcfa5c8124d82ed3eed582725.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:01:57,277 >> loading file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/4f604c1e66964e3a55ecf1d4959f4ebb3416a50476c866ac53fedd6a93b68c2b.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 17:01:58,106 >> loading weights file https://huggingface.co/flax-community/bertin-roberta-large-spanish/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/7189e822ad05437642e8c70b270aad1da7745b3f42ae88ee851bd7336559387c.8970e1b3c4890a283e6d9c30f1437e32aec6a36c0f9aae84920ff5a363d4b636\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 17:02:06,056 >> Some weights of the model checkpoint at flax-community/bertin-roberta-large-spanish were not used when initializing RobertaForTokenClassification: ['lm_head.layer_norm.weight', 'lm_head.dense.bias', 'lm_head.layer_norm.bias', 'lm_head.dense.weight', 'lm_head.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 17:02:06,057 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at flax-community/bertin-roberta-large-spanish and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, tokens, pos_tags, ner_tags.\n", + "[INFO|trainer.py:1162] 2021-07-19 17:02:17,713 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 17:02:17,714 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 17:02:17,714 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 17:02:17,714 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 17:02:17,714 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 17:02:17,714 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 17:02:17,714 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 17:02:17,731 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 17:02:19.333152: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/9u82spar\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_170217-9u82spar\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:53<30:45, 2.55it/s]{'loss': 0.3908, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + "[INFO|trainer.py:1917] 2021-07-19 17:05:14,500 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:05:14,502 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:05:16,023 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:05:16,024 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:05:16,024 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.1294, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:52<27:26, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 17:08:13,474 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:08:13,476 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:08:14,926 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:08:14,927 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:08:14,927 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [08:51<24:21, 2.53it/s]{'loss': 0.0878, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:51<24:21, 2.53it/s][INFO|trainer.py:1917] 2021-07-19 17:11:12,356 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:11:12,358 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:11:13,859 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:11:13,860 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:11:13,861 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:51<21:04, 2.53it/s]{'loss': 0.0794, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + "[INFO|trainer.py:1917] 2021-07-19 17:14:12,133 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:14:12,137 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:14:13,618 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:14:13,619 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:14:13,619 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0572, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:51<17:39, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 17:17:11,978 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:17:11,980 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:17:13,501 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:17:13,502 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:17:13,502 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [17:50<14:35, 2.52it/s]{'loss': 0.0508, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + "[INFO|trainer.py:1917] 2021-07-19 17:20:11,596 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:20:11,603 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:20:13,238 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:20:13,239 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:20:13,240 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:50<11:10, 2.54it/s]{'loss': 0.0362, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 17:23:10,623 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:23:10,625 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:23:12,162 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:23:12,163 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:23:12,163 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:49<07:57, 2.52it/s]{'loss': 0.0326, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 17:26:10,082 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:26:10,084 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:26:11,615 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:26:11,616 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:26:11,644 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + "{'loss': 0.0248, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:48<04:37, 2.54it/s][INFO|trainer.py:1917] 2021-07-19 17:29:09,325 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:29:09,327 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:29:11,036 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:29:11,037 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:29:11,038 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.0204, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [29:47<01:21, 2.52it/s][INFO|trainer.py:1917] 2021-07-19 17:32:08,591 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:32:08,593 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:32:10,040 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:32:10,041 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:32:10,041 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [31:04<00:00, 3.24it/s][INFO|trainer.py:1358] 2021-07-19 17:33:25,415 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 5205/5205 [31:04<00:00, 3.24it/s]{'train_runtime': 1867.7015, 'train_samples_per_second': 22.284, 'train_steps_per_second': 2.787, 'train_loss': 0.08822382634700661, 'epoch': 5.0}\n", + "100% 5205/5205 [31:04<00:00, 2.79it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 17:33:25,419 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:33:25,421 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:33:27,066 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:33:27,067 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:33:27,067 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0882\n", + " train_runtime = 0:31:07.70\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.284\n", + " train_steps_per_second = 2.787\n", + "[INFO|trainer.py:522] 2021-07-19 17:33:27,276 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: id, tokens, pos_tags, ner_tags.\n", + "07/19/2021 17:33:27 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 17:33:27,335 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 17:33:27,335 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 17:33:27,335 >> Batch size = 8\n", + "100% 239/240 [00:24<00:00, 9.48it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fit seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:28<00:00, 8.39it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9697\n", + " eval_f1 = 0.9646\n", + " eval_loss = 0.1256\n", + " eval_precision = 0.965\n", + " eval_recall = 0.9642\n", + " eval_runtime = 0:00:28.71\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 66.725\n", + " eval_steps_per_second = 8.358\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1335\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_170217-9u82spar/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_170217-9u82spar/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0204\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1898\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626716036\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1867.7015\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.284\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.787\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.08822\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.12556\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96496\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.96421\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96459\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.96965\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 28.7149\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 66.725\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.358\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▂▂▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/9u82spar\u001b[0m\n", + "2021-07-19 17:34:08.180943: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 17:34:10 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 17:34:10 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_17-34-10_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 17:34:12 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 17:34:12 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:34:12 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 17:34:12 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 17:34:12 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 17:34:13 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 17:34:13 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:34:13 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 17:34:13 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 17:34:13 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 17:34:13 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:34:13 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 17:34:13 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 17:34:13 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 17:34:13 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 27.30it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 17:34:14,330 >> loading configuration file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|configuration_utils.py:581] 2021-07-19 17:34:14,331 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.0,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.0,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50262\n", + "}\n", + "\n", + "[INFO|configuration_utils.py:545] 2021-07-19 17:34:16,050 >> loading configuration file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|configuration_utils.py:581] 2021-07-19 17:34:16,050 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.0,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.0,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50262\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:34:20,946 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/aec224417e3c4a4bda2283292ca7898205329eeb16f3b8db7ea5a36e51d55257.26eadee3bbe78c0682ce89a698fbb1698a0eee50c36cf83be2280a0f2a7b23c1\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:34:20,946 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/6688b2cc67bbc01f3e369230731a072338dc286bf25b97e1513d359ab00f2ea3.0d24ae8bd5fabb1f5020f91bc602cefeb5a2938ab77e21769d28776345634b23\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:34:20,946 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/2f6b692045224588b9a5a4d5639db72d5e3fd2c18cbd0accf4c6dc81a4adc413.bd775ba884c9e650b58a3a333a97e47c8d1b9d37cdbe19b22fb04b1e41beb19d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:34:20,946 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:34:20,946 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/0f2dbdd0b96b43180e16d660cb1b274e46fa0cf63da426f09c1c82900fb52da1.cb2244924ab24d706b02fd7fcedaea4531566537687a539ebb94db511fd122a0\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 17:34:20,946 >> loading file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/e025b5b045564995a040386d80efa4d55779730827b72b4e40908073db9f0630.d8a7d006294d83173a76ac51a95b5a8470bbbc87c93c63633eaf9476656ed660\n", + "[INFO|configuration_utils.py:545] 2021-07-19 17:34:21,672 >> loading configuration file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/3b60ce79e9e99338ab683eee75e146acc49852f2f34f2c5610dfd78221a176ee.33b0b03a5bf5e640494a22a3aa4909c661effc0fa0e186b1513b17d9b058ca59\n", + "[INFO|configuration_utils.py:581] 2021-07-19 17:34:21,672 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.0,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.0,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50262\n", + "}\n", + "\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 17:34:22,484 >> loading weights file https://huggingface.co/BSC-TeMU/roberta-base-bne/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/a337644e63cac89729bd4fd067c987d2eb61b4b398d17d0ce0973c31dd76d2b0.c86d60e89da68465cb73e129befe8209faa3ac57b9aa272b87db45ba1f619582\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 17:34:30,475 >> Some weights of the model checkpoint at BSC-TeMU/roberta-base-bne were not used when initializing RobertaForTokenClassification: ['lm_head.decoder.weight', 'lm_head.decoder.bias', 'lm_head.dense.bias', 'lm_head.dense.weight', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias', 'lm_head.bias']\n", + "- This IS expected if you are initializing RobertaForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 17:34:30,475 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at BSC-TeMU/roberta-base-bne and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "[INFO|trainer.py:1162] 2021-07-19 17:34:42,456 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 17:34:42,456 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 17:34:42,456 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 17:34:42,456 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 17:34:42,456 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 17:34:42,456 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 17:34:42,456 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 17:34:42,487 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 17:34:44.164024: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/1vhkvz54\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_173442-1vhkvz54\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.3477, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:50<30:07, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 17:37:35,757 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:37:35,764 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:37:37,349 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:37:37,351 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:37:37,351 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.1027, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [05:45<26:49, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 17:40:31,168 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:40:31,170 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:40:32,863 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:40:32,872 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:40:32,876 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.0581, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:39<23:37, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 17:43:25,078 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:43:25,080 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:43:26,548 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:43:26,551 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:43:26,551 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [11:34<20:26, 2.61it/s]{'loss': 0.0528, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:34<20:26, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 17:46:19,766 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:46:19,768 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:46:21,211 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:46:21,215 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:46:21,216 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0262, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:29<17:19, 2.60it/s][INFO|trainer.py:1917] 2021-07-19 17:49:14,544 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:49:14,547 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:49:16,052 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:49:16,055 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:49:16,056 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0222, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:23<13:59, 2.63it/s][INFO|trainer.py:1917] 2021-07-19 17:52:08,771 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:52:08,774 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:52:10,316 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:52:10,319 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:52:10,320 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + "{'loss': 0.012, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:17<10:46, 2.64it/s][INFO|trainer.py:1917] 2021-07-19 17:55:02,991 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:55:02,993 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:55:04,533 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:55:04,537 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:55:04,538 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:11<07:37, 2.64it/s]{'loss': 0.0073, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 17:57:57,141 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 17:57:57,144 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 17:57:58,725 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 17:57:58,728 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 17:57:58,753 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + "{'loss': 0.0047, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:05<04:29, 2.61it/s][INFO|trainer.py:1917] 2021-07-19 18:00:51,142 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:00:51,145 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:00:52,911 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:00:52,922 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:00:52,923 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [28:59<01:17, 2.64it/s]{'loss': 0.0025, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 18:03:44,964 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:03:44,967 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:03:46,368 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:03:46,372 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:03:46,374 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [30:14<00:00, 3.29it/s][INFO|trainer.py:1358] 2021-07-19 18:04:59,740 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1817.2838, 'train_samples_per_second': 22.902, 'train_steps_per_second': 2.864, 'train_loss': 0.06121874419000719, 'epoch': 5.0}\n", + "100% 5205/5205 [30:14<00:00, 2.87it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 18:04:59,756 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:04:59,766 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:05:01,318 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:05:01,319 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:05:01,320 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0612\n", + " train_runtime = 0:30:17.28\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.902\n", + " train_steps_per_second = 2.864\n", + "[INFO|trainer.py:522] 2021-07-19 18:05:02,114 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "07/19/2021 18:05:02 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:2163] 2021-07-19 18:05:02,132 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 18:05:02,132 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 18:05:02,133 >> Batch size = 8\n", + "100% 239/240 [00:25<00:00, 7.72it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:28<00:00, 8.30it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9707\n", + " eval_f1 = 0.9659\n", + " eval_loss = 0.1581\n", + " eval_precision = 0.9671\n", + " eval_recall = 0.9647\n", + " eval_runtime = 0:00:29.01\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 66.035\n", + " eval_steps_per_second = 8.272\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1399\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_173442-1vhkvz54/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_173442-1vhkvz54/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0025\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1849\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626717931\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1817.2838\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.902\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.864\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.06122\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.15812\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96707\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.9647\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96588\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.97066\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 29.015\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 66.035\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.272\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▂▂▁▁▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/1vhkvz54\u001b[0m\n", + "2021-07-19 18:05:43.870368: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 18:05:46 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 18:05:46 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_18-05-46_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 18:05:48 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 18:05:48 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:05:48 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 18:05:48 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 18:05:48 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 18:05:49 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 18:05:49 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:05:49 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 18:05:49 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 18:05:49 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 18:05:49 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:05:49 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 18:05:49 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:05:49 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 18:05:49 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 25.89it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 18:05:50,327 >> loading configuration file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|configuration_utils.py:581] 2021-07-19 18:05:50,328 >> Model config BertConfig {\n", + " \"_name_or_path\": \"dccuchile/bert-base-spanish-wwm-cased\",\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"output_past\": true,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 31002\n", + "}\n", + "\n", + "[INFO|configuration_utils.py:545] 2021-07-19 18:05:51,786 >> loading configuration file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|configuration_utils.py:581] 2021-07-19 18:05:51,787 >> Model config BertConfig {\n", + " \"_name_or_path\": \"dccuchile/bert-base-spanish-wwm-cased\",\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"output_past\": true,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 31002\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:05:55,430 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/vocab.txt from cache at /root/.cache/huggingface/transformers/6761cd0c3d282272f598fcc1fa8c4ecfff8c18762ec8acb40f9cbb562cb0901e.6587bde86239957281af55b2f7e564df111a2b4f9dfc0ad884f13ea7106e4dfb\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:05:55,430 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/44de7af89c157bf67367a71105165d92bebe0585543739a918e3870d25484c27.6a099cd4b12bf7db174fffe48b004eb919c325f108e0c36176a0fe0ad1848d31\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:05:55,431 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:05:55,431 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/9848a00af462c42dfb4ec88ef438fbab5256330f7f6f50badc48d277f9367d49.f982506b52498d4adb4bd491f593dc92b2ef6be61bfdbe9d30f53f963f9f5b66\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:05:55,431 >> loading file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/ca34e6c1251888a8ed98da2a454f869d28e3438eef67c2f93aa8133459ac08a3.0e90f656d0426b15b4927d1fe8ca5ec4c2e7b0d0e878c9153c3ddc6ed9bbed3c\n", + "[INFO|configuration_utils.py:545] 2021-07-19 18:05:56,161 >> loading configuration file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cb7cedb04246e225d56ba26d207f1d1809b31a9bbe9b63103371d835c6ac0502.f4e4777229bac528fa2a8d4833e2ef53624e985ebde0fd527064a5cc7c50832b\n", + "[INFO|configuration_utils.py:581] 2021-07-19 18:05:56,161 >> Model config BertConfig {\n", + " \"_name_or_path\": \"dccuchile/bert-base-spanish-wwm-cased\",\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"output_past\": true,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 31002\n", + "}\n", + "\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 18:05:56,916 >> loading weights file https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/52382cbe7c1587c6b588daa81eaf247c5e2ad073d42b52192a8cd4202e7429b6.a88ccd19b1f271e63b6a901510804e6c0318089355c471334fe8b71b316a30ab\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 18:06:03,944 >> Some weights of the model checkpoint at dccuchile/bert-base-spanish-wwm-cased were not used when initializing BertForTokenClassification: ['cls.predictions.transform.LayerNorm.weight', 'cls.predictions.decoder.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.bias', 'cls.predictions.decoder.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.LayerNorm.bias']\n", + "- This IS expected if you are initializing BertForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BertForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 18:06:03,944 >> Some weights of BertForTokenClassification were not initialized from the model checkpoint at dccuchile/bert-base-spanish-wwm-cased and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, tokens, id.\n", + "[INFO|trainer.py:1162] 2021-07-19 18:06:15,814 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 18:06:15,814 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 18:06:15,814 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 18:06:15,814 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 18:06:15,814 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 18:06:15,814 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 18:06:15,814 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 18:06:15,833 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 18:06:17.537370: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/1felky5r\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_180616-1felky5r\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:56<31:10, 2.51it/s]{'loss': 0.2778, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:56<31:10, 2.51it/s][INFO|trainer.py:1917] 2021-07-19 18:09:14,980 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:09:14,983 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:09:16,843 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:09:16,844 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:09:16,845 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 19% 1000/5205 [05:57<27:27, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 18:12:16,139 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "{'loss': 0.103, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:12:16,147 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:12:18,117 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:12:18,118 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:12:18,118 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.0649, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + " 29% 1500/5205 [08:58<24:36, 2.51it/s][INFO|trainer.py:1917] 2021-07-19 18:15:16,993 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:15:16,995 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:15:18,905 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:15:18,906 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:15:18,907 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.058, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [11:58<21:08, 2.53it/s][INFO|trainer.py:1917] 2021-07-19 18:18:17,862 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:18:17,864 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:18:19,484 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:18:19,485 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:18:19,485 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.0356, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [14:58<17:53, 2.52it/s][INFO|trainer.py:1917] 2021-07-19 18:21:17,596 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:21:17,599 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:21:19,253 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:21:19,254 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:21:19,254 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 58% 3000/5205 [17:58<14:35, 2.52it/s]{'loss': 0.0308, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [17:58<14:35, 2.52it/s][INFO|trainer.py:1917] 2021-07-19 18:24:17,180 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:24:17,182 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:24:18,844 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:24:18,845 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:24:18,845 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [20:57<11:15, 2.52it/s]{'loss': 0.0189, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + " 67% 3500/5205 [20:57<11:15, 2.52it/s][INFO|trainer.py:1917] 2021-07-19 18:27:16,579 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:27:16,581 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:27:18,239 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:27:18,240 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:27:18,240 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [23:57<07:53, 2.54it/s]{'loss': 0.0157, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 18:30:16,127 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:30:16,129 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:30:17,789 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:30:17,790 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:30:17,790 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + "{'loss': 0.0101, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + " 86% 4500/5205 [26:56<04:36, 2.55it/s][INFO|trainer.py:1917] 2021-07-19 18:33:15,138 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:33:15,140 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:33:16,788 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:33:16,789 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:33:16,789 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 96% 5000/5205 [29:54<01:20, 2.56it/s]{'loss': 0.0065, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + "[INFO|trainer.py:1917] 2021-07-19 18:36:13,857 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:36:13,864 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:36:15,563 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:36:15,564 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:36:15,565 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [31:11<00:00, 3.20it/s][INFO|trainer.py:1358] 2021-07-19 18:37:30,071 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 5205/5205 [31:11<00:00, 3.20it/s]{'train_runtime': 1874.2569, 'train_samples_per_second': 22.206, 'train_steps_per_second': 2.777, 'train_loss': 0.059975996713702434, 'epoch': 5.0}\n", + "100% 5205/5205 [31:11<00:00, 2.78it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 18:37:30,085 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:37:30,091 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:37:31,882 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:37:31,883 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:37:31,883 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.06\n", + " train_runtime = 0:31:14.25\n", + " train_samples = 8324\n", + " train_samples_per_second = 22.206\n", + " train_steps_per_second = 2.777\n", + "07/19/2021 18:37:31 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 18:37:31,977 >> The following columns in the evaluation set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, tokens, id.\n", + "[INFO|trainer.py:2163] 2021-07-19 18:37:32,041 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 18:37:32,041 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 18:37:32,042 >> Batch size = 8\n", + "100% 239/240 [00:25<00:00, 9.17it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:29<00:00, 8.16it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.97\n", + " eval_f1 = 0.9642\n", + " eval_loss = 0.1621\n", + " eval_precision = 0.965\n", + " eval_recall = 0.9634\n", + " eval_runtime = 0:00:29.52\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 64.885\n", + " eval_steps_per_second = 8.128\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1463\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_180616-1felky5r/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_180616-1felky5r/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0065\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1905\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626719881\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1874.2569\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 22.206\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.777\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.05998\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.16208\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96501\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.9634\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.9642\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.96998\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 29.5293\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 64.885\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.128\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▃▃▂▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/1felky5r\u001b[0m\n", + "2021-07-19 18:38:13.403388: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/19/2021 18:38:16 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/19/2021 18:38:16 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul19_18-38-16_eab5184de9ff,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/19/2021 18:38:17 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 18:38:17 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:38:17 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 18:38:17 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 18:38:17 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 18:38:18 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002\n", + "07/19/2021 18:38:18 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:38:18 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.py\n", + "07/19/2021 18:38:18 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/dataset_infos.json\n", + "07/19/2021 18:38:18 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/conll2002/conll2002.py at /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5/conll2002.json\n", + "07/19/2021 18:38:18 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/conll2002/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:38:18 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/19/2021 18:38:18 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "07/19/2021 18:38:18 - WARNING - datasets.builder - Reusing dataset conll2002 (/root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5)\n", + "07/19/2021 18:38:18 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/conll2002/es/1.0.0/a3a8a8612caf57271f5b35c5ae1dd25f99ddb9efb9c1667abaa70ede33e863e5\n", + "100% 3/3 [00:00<00:00, 26.77it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-19 18:38:19,662 >> loading configuration file https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|configuration_utils.py:581] 2021-07-19 18:38:19,664 >> Model config BertConfig {\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"directionality\": \"bidi\",\n", + " \"finetuning_task\": \"pos\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"id2label\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"label2id\": {\n", + " \"0\": 0,\n", + " \"1\": 1,\n", + " \"2\": 2,\n", + " \"3\": 3,\n", + " \"4\": 4,\n", + " \"5\": 5,\n", + " \"6\": 6,\n", + " \"7\": 7,\n", + " \"8\": 8,\n", + " \"9\": 9,\n", + " \"10\": 10,\n", + " \"11\": 11,\n", + " \"12\": 12,\n", + " \"13\": 13,\n", + " \"14\": 14,\n", + " \"15\": 15,\n", + " \"16\": 16,\n", + " \"17\": 17,\n", + " \"18\": 18,\n", + " \"19\": 19,\n", + " \"20\": 20,\n", + " \"21\": 21,\n", + " \"22\": 22,\n", + " \"23\": 23,\n", + " \"24\": 24,\n", + " \"25\": 25,\n", + " \"26\": 26,\n", + " \"27\": 27,\n", + " \"28\": 28,\n", + " \"29\": 29,\n", + " \"30\": 30,\n", + " \"31\": 31,\n", + " \"32\": 32,\n", + " \"33\": 33,\n", + " \"34\": 34,\n", + " \"35\": 35,\n", + " \"36\": 36,\n", + " \"37\": 37,\n", + " \"38\": 38,\n", + " \"39\": 39,\n", + " \"40\": 40,\n", + " \"41\": 41,\n", + " \"42\": 42,\n", + " \"43\": 43,\n", + " \"44\": 44,\n", + " \"45\": 45,\n", + " \"46\": 46,\n", + " \"47\": 47,\n", + " \"48\": 48,\n", + " \"49\": 49,\n", + " \"50\": 50,\n", + " \"51\": 51,\n", + " \"52\": 52,\n", + " \"53\": 53,\n", + " \"54\": 54,\n", + " \"55\": 55,\n", + " \"56\": 56,\n", + " \"57\": 57,\n", + " \"58\": 58,\n", + " \"59\": 59\n", + " },\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 0,\n", + " \"pooler_fc_size\": 768,\n", + " \"pooler_num_attention_heads\": 12,\n", + " \"pooler_num_fc_layers\": 3,\n", + " \"pooler_size_per_head\": 128,\n", + " \"pooler_type\": \"first_token_transform\",\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 119547\n", + "}\n", + "\n", + "[INFO|configuration_utils.py:545] 2021-07-19 18:38:21,660 >> loading configuration file https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|configuration_utils.py:581] 2021-07-19 18:38:21,661 >> Model config BertConfig {\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"directionality\": \"bidi\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 0,\n", + " \"pooler_fc_size\": 768,\n", + " \"pooler_num_attention_heads\": 12,\n", + " \"pooler_num_fc_layers\": 3,\n", + " \"pooler_size_per_head\": 128,\n", + " \"pooler_type\": \"first_token_transform\",\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 119547\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:38:25,288 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/vocab.txt from cache at /root/.cache/huggingface/transformers/eff018e45de5364a8368df1f2df3461d506e2a111e9dd50af1fae061cd460ead.6c5b6600e968f4b5e08c86d8891ea99e51537fc2bf251435fb46922e8f7a7b29\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:38:25,288 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/46880f3b0081fda494a4e15b05787692aa4c1e21e0ff2428ba8b14d4eda0784d.b33e51591f94f17c238ee9b1fac75b96ff2678cbaed6e108feadb3449d18dc24\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:38:25,288 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:38:25,288 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/special_tokens_map.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-19 18:38:25,288 >> loading file https://huggingface.co/bert-base-multilingual-cased/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/f55e7a2ad4f8d0fff2733b3f79777e1e99247f2e4583703e92ce74453af8c235.ec5c189f89475aac7d8cbd243960a0655cfadc3d0474da8ff2ed0bf1699c2a5f\n", + "[INFO|configuration_utils.py:545] 2021-07-19 18:38:26,019 >> loading configuration file https://huggingface.co/bert-base-multilingual-cased/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/6c4a5d81a58c9791cdf76a09bce1b5abfb9cf958aebada51200f4515403e5d08.0fe59f3f4f1335dadeb4bce8b8146199d9083512b50d07323c1c319f96df450c\n", + "[INFO|configuration_utils.py:581] 2021-07-19 18:38:26,019 >> Model config BertConfig {\n", + " \"architectures\": [\n", + " \"BertForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"directionality\": \"bidi\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"model_type\": \"bert\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 0,\n", + " \"pooler_fc_size\": 768,\n", + " \"pooler_num_attention_heads\": 12,\n", + " \"pooler_num_fc_layers\": 3,\n", + " \"pooler_size_per_head\": 128,\n", + " \"pooler_type\": \"first_token_transform\",\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 2,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 119547\n", + "}\n", + "\n", + "[INFO|modeling_utils.py:1271] 2021-07-19 18:38:26,896 >> loading weights file https://huggingface.co/bert-base-multilingual-cased/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/0a3fd51713dcbb4def175c7f85bddc995d5976ce1dde327f99104e4d33069f17.aa7be4c79d76f4066d9b354496ea477c9ee39c5d889156dd1efb680643c2b052\n", + "[WARNING|modeling_utils.py:1502] 2021-07-19 18:38:38,783 >> Some weights of the model checkpoint at bert-base-multilingual-cased were not used when initializing BertForTokenClassification: ['cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.decoder.weight', 'cls.predictions.transform.dense.weight', 'cls.predictions.bias', 'cls.seq_relationship.bias', 'cls.predictions.transform.dense.bias', 'cls.seq_relationship.weight']\n", + "- This IS expected if you are initializing BertForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BertForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-19 18:38:38,784 >> Some weights of BertForTokenClassification were not initialized from the model checkpoint at bert-base-multilingual-cased and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Running tokenizer on train dataset: 0% 0/9 [00:00> The following columns in the training set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "[INFO|trainer.py:1162] 2021-07-19 18:38:51,323 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-19 18:38:51,323 >> Num examples = 8324\n", + "[INFO|trainer.py:1164] 2021-07-19 18:38:51,323 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-19 18:38:51,324 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-19 18:38:51,324 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-19 18:38:51,324 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-19 18:38:51,324 >> Total optimization steps = 5205\n", + "[INFO|integrations.py:417] 2021-07-19 18:38:51,344 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-19 18:38:53.056953: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/2imdirdh\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210719_183851-2imdirdh\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 10% 500/5205 [02:59<32:20, 2.43it/s]{'loss': 0.2935, 'learning_rate': 4.5196926032660905e-05, 'epoch': 0.48}\n", + " 10% 500/5205 [02:59<32:20, 2.43it/s][INFO|trainer.py:1917] 2021-07-19 18:41:54,160 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:41:54,162 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:41:57,418 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:41:57,419 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:41:57,419 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.1177, 'learning_rate': 4.039385206532181e-05, 'epoch': 0.96}\n", + " 19% 1000/5205 [06:08<28:48, 2.43it/s][INFO|trainer.py:1917] 2021-07-19 18:45:02,966 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:45:02,968 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:45:05,616 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:45:05,617 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:45:05,618 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 29% 1500/5205 [09:16<25:24, 2.43it/s]{'loss': 0.0794, 'learning_rate': 3.5590778097982716e-05, 'epoch': 1.44}\n", + "[INFO|trainer.py:1917] 2021-07-19 18:48:11,131 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:48:11,133 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:48:13,690 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:48:13,691 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:48:13,691 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 38% 2000/5205 [12:27<21:56, 2.44it/s]{'loss': 0.0721, 'learning_rate': 3.078770413064361e-05, 'epoch': 1.92}\n", + " 38% 2000/5205 [12:27<21:56, 2.44it/s][INFO|trainer.py:1917] 2021-07-19 18:51:22,110 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:51:22,112 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:51:24,734 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:51:24,735 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:51:24,735 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 48% 2500/5205 [15:36<18:33, 2.43it/s]{'loss': 0.0457, 'learning_rate': 2.5984630163304517e-05, 'epoch': 2.4}\n", + " 48% 2500/5205 [15:36<18:33, 2.43it/s][INFO|trainer.py:1917] 2021-07-19 18:54:30,708 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:54:30,710 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:54:33,601 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:54:33,602 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:54:33,603 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.0423, 'learning_rate': 2.118155619596542e-05, 'epoch': 2.88}\n", + " 58% 3000/5205 [18:44<15:13, 2.41it/s][INFO|trainer.py:1917] 2021-07-19 18:57:39,382 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 18:57:39,384 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 18:57:42,172 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 18:57:42,173 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 18:57:42,173 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 67% 3500/5205 [21:53<11:29, 2.47it/s]{'loss': 0.0278, 'learning_rate': 1.6378482228626322e-05, 'epoch': 3.36}\n", + "[INFO|trainer.py:1917] 2021-07-19 19:00:47,421 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 19:00:47,425 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 19:00:50,395 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 19:00:50,396 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 19:00:50,396 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 77% 4000/5205 [25:00<08:14, 2.44it/s]{'loss': 0.0228, 'learning_rate': 1.1575408261287224e-05, 'epoch': 3.84}\n", + "[INFO|trainer.py:1917] 2021-07-19 19:03:55,323 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 19:03:55,325 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 19:03:58,214 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 19:03:58,215 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 19:03:58,215 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 86% 4500/5205 [28:08<04:45, 2.47it/s]{'loss': 0.0152, 'learning_rate': 6.7723342939481265e-06, 'epoch': 4.32}\n", + "[INFO|trainer.py:1917] 2021-07-19 19:07:02,887 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-19 19:07:02,890 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 19:07:05,844 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 19:07:05,845 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 19:07:05,845 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.0114, 'learning_rate': 1.96926032660903e-06, 'epoch': 4.8}\n", + " 96% 5000/5205 [31:15<01:23, 2.44it/s][INFO|trainer.py:1917] 2021-07-19 19:10:10,280 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-19 19:10:10,283 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 19:10:13,378 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 19:10:13,379 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 19:10:13,379 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "100% 5205/5205 [32:38<00:00, 3.12it/s][INFO|trainer.py:1358] 2021-07-19 19:11:32,764 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 1961.4409, 'train_samples_per_second': 21.219, 'train_steps_per_second': 2.654, 'train_loss': 0.07034576014757843, 'epoch': 5.0}\n", + "100% 5205/5205 [32:38<00:00, 2.66it/s]\n", + "[INFO|trainer.py:1917] 2021-07-19 19:11:32,775 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-19 19:11:32,780 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-19 19:11:35,689 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-19 19:11:35,689 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-19 19:11:35,690 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.0703\n", + " train_runtime = 0:32:41.44\n", + " train_samples = 8324\n", + " train_samples_per_second = 21.219\n", + " train_steps_per_second = 2.654\n", + "07/19/2021 19:11:35 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-19 19:11:35,971 >> The following columns in the evaluation set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: pos_tags, ner_tags, id, tokens.\n", + "[INFO|trainer.py:2163] 2021-07-19 19:11:35,991 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-19 19:11:35,992 >> Num examples = 1916\n", + "[INFO|trainer.py:2168] 2021-07-19 19:11:35,992 >> Batch size = 8\n", + "100% 239/240 [00:25<00:00, 9.28it/s]/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fpt seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fc seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Z seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: NP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fp seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fg seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DA seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AQ seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: SP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PR seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: CC seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fe seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fx seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PD seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: P0 seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fd seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: AO seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PI seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: RN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fat seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Faa seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DE seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VMS seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fz seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAN seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSG seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: PX seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: DT seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fh seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VAP seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fs seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: VSM seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Y seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fia seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/sequence_labeling.py:171: UserWarning: Fit seems not to be NE tag.\n", + " warnings.warn('{} seems not to be NE tag.'.format(chunk))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "/usr/local/lib/python3.7/dist-packages/seqeval/metrics/v1.py:57: UndefinedMetricWarning: Recall and F-score are ill-defined and being set to 0.0 in labels with no true samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, msg_start, len(result))\n", + "100% 240/240 [00:29<00:00, 8.24it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.9687\n", + " eval_f1 = 0.9629\n", + " eval_loss = 0.1579\n", + " eval_precision = 0.9637\n", + " eval_recall = 0.9621\n", + " eval_runtime = 0:00:29.26\n", + " eval_samples = 1916\n", + " eval_samples_per_second = 65.46\n", + " eval_steps_per_second = 8.2\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1527\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210719_183851-2imdirdh/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210719_183851-2imdirdh/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.0114\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 5205\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 1994\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626721925\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 11\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 1961.4409\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 21.219\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 2.654\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.08808736772096e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.07035\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.15789\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision 0.96365\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall 0.96213\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 0.96289\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.96865\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 29.2699\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 65.46\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 8.2\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▄▃▃▂▂▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate █▇▆▆▅▄▃▃▂▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▂▂▃▄▅▅▆▇███\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▂▂▃▄▄▅▅▆▇▇█\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/precision ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/recall ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/f1 ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/2imdirdh\u001b[0m\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "yxSsy8vOVwu7" + }, + "source": [ + "----" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "y-A-WE75Ffv6" + }, + "source": [ + "## Sequence" + ] + }, + { + "cell_type": "code", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "n8XiKFkjbVzh", + "outputId": "b8454d93-4afa-409b-a934-943a7349014b" + }, + "source": [ + "!wget https://raw.githubusercontent.com/huggingface/transformers/master/examples/pytorch/text-classification/run_glue.py" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "text": [ + "--2021-07-20 08:36:03-- https://raw.githubusercontent.com/huggingface/transformers/master/examples/pytorch/text-classification/run_glue.py\n", + "Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 185.199.108.133, 185.199.109.133, 185.199.110.133, ...\n", + "Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|185.199.108.133|:443... connected.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: 24931 (24K) [text/plain]\n", + "Saving to: ‘run_glue.py’\n", + "\n", + "\rrun_glue.py 0%[ ] 0 --.-KB/s \rrun_glue.py 100%[===================>] 24.35K --.-KB/s in 0s \n", + "\n", + "2021-07-20 08:36:04 (94.8 MB/s) - ‘run_glue.py’ saved [24931/24931]\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "code", + "metadata": { + "colab": { + "background_save": true, + "base_uri": "https://localhost:8080/" + }, + "id": "PhlGkj5_9mj8", + "outputId": "ce4374be-3410-4b1a-92ae-b7dc5bf84b66" + }, + "source": [ + "# !wget https://raw.githubusercontent.com/huggingface/transformers/master/examples/pytorch/token-classification/run_ner.py\n", + "for model in models:\n", + " !WANDB_PROJECT=bertin-eval TOKENIZERS_PARALLELISM=false CUDA_LAUNCH_BLOCKING=1 python run_glue.py \\\n", + " --model_name_or_path $model \\\n", + " --dataset_name \"paws-x\" \\\n", + " --task_name \"paws-x\" \\\n", + " --dataset_config_name \"es\" \\\n", + " --output_dir ./outputs \\\n", + " --overwrite_output_dir \\\n", + " --pad_to_max_length \\\n", + " --num_train_epochs 5 \\\n", + " --do_train \\\n", + " --do_eval" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "text": [ + "2021-07-20 09:49:17.108527: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/20/2021 09:49:18 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/20/2021 09:49:18 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul20_09-49-18_48f3f265b421,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/20/2021 09:49:19 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 09:49:19 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 09:49:19 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 09:49:19 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 09:49:19 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 09:49:20 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 09:49:20 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 09:49:20 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 09:49:20 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 09:49:20 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 09:49:20 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 09:49:20 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/20/2021 09:49:20 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 09:49:20 - WARNING - datasets.builder - Reusing dataset pawsx (/root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af)\n", + "07/20/2021 09:49:20 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "100% 3/3 [00:00<00:00, 647.94it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-20 09:49:20,512 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/ff85ac64e56df502ec043af591c8b7be85583b22e6a4f5715146d461cd789f97.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-20 09:49:20,512 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"paws-x\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 09:49:22,941 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/6eaae493de84fa6ec66bcb5673055437acaefce1f59d8601bc2fe5c67e118d1c.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 09:49:22,941 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/6f7eacc3a8be0f2ccac79d197ccc70f65831409c32f4f49f8a43968d0ec8d04e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 09:49:22,941 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/fa0ebe33b40c5fb911a969102ec8f72a5a7de108098917d817b5924edf9fe90d.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 09:49:22,941 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 09:49:22,942 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/051ab3c041e9debc74f58f307de15b70a96de57e0f4b31ceaae21fe4eea531ec.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 09:49:22,942 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/1d0cecadbe0c9f16993a436d0ab40b879322ac605869d265787a93ea1e00ec7a.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-20 09:49:23,355 >> loading weights file https://huggingface.co/bertin-project/bertin-base-gaussian-exp-512seqlen/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/c4dacb0e6c084991812c2661ba4b4e6fc953317a1ed82b01bba8d1ceb63b27f9.129191ea8bf16f2e8f2c4683b881711c55eb0c166d86300274c92ee25c49aedc\n", + "[WARNING|modeling_utils.py:1502] 2021-07-20 09:49:24,672 >> Some weights of the model checkpoint at bertin-project/bertin-base-gaussian-exp-512seqlen were not used when initializing RobertaForSequenceClassification: ['lm_head.layer_norm.bias', 'lm_head.layer_norm.weight', 'lm_head.dense.bias', 'lm_head.bias', 'lm_head.dense.weight']\n", + "- This IS expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-20 09:49:24,673 >> Some weights of RobertaForSequenceClassification were not initialized from the model checkpoint at bertin-project/bertin-base-gaussian-exp-512seqlen and are newly initialized: ['classifier.out_proj.weight', 'classifier.out_proj.bias', 'classifier.dense.weight', 'classifier.dense.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "07/20/2021 09:49:24 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-84d89421334c2350.arrow\n", + "07/20/2021 09:49:24 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-d75a7dc622a49f4d.arrow\n", + "07/20/2021 09:49:24 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-9d49171b30b97c19.arrow\n", + "07/20/2021 09:49:24 - INFO - __main__ - Sample 41905 of the training set: {'attention_mask': [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], 'id': 41906, 'input_ids': [548, 1929, 692, 6768, 339, 34513, 1345, 69, 445, 329, 5588, 7357, 16, 298, 12773, 43545, 263, 15438, 405, 4843, 263, 14133, 18, 548, 1929, 692, 6768, 339, 34513, 1345, 69, 445, 329, 5588, 7357, 16, 298, 12773, 43545, 263, 15438, 405, 12137, 263, 15284, 18, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1], 'label': 1, 'sentence1': 'El gobierno fue dirigido por Gordon Coates del Partido Unido, con George Forbes de Reforma como ministro de finanzas.', 'sentence2': 'El gobierno fue dirigido por Gordon Coates del Partido Unido, con George Forbes de Reforma como Ministro de Finanzas.'}.\n", + "07/20/2021 09:49:24 - INFO - __main__ - Sample 7296 of the training set: {'attention_mask': [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], 'id': 7297, 'input_ids': [548, 1229, 32484, 88, 291, 280, 477, 23041, 16, 486, 11944, 5436, 443, 552, 302, 41794, 11944, 285, 771, 34831, 686, 3543, 631, 46, 2930, 51, 14260, 6, 879, 75, 11944, 8535, 18, 1131, 879, 75, 11944, 406, 528, 302, 879, 75, 11944, 14720, 34831, 686, 3543, 25719, 68, 508, 4298, 454, 18295, 1608, 32484, 88, 291, 363, 477, 23041, 1332, 11944, 5436, 443, 8535, 21440, 18, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1], 'label': 0, 'sentence1': 'El gujarat y mumbai, maharashtra son un sanghar en parte hindú también llamado \"JAMOTAR\" Sanghar India.', 'sentence2': \"Los Sanghar (son un Sanghar parcialmente hindú también llamado `` Jamotar '' Gujarat y Mumbai Maharashtra India llamaron.\"}.\n", + "07/20/2021 09:49:24 - INFO - __main__ - Sample 1639 of the training set: {'attention_mask': [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], 'id': 1640, 'input_ids': [626, 2472, 285, 47724, 3628, 4361, 285, 21565, 271, 1183, 263, 302, 2889, 1531, 263, 7187, 291, 18433, 7644, 5936, 285, 295, 19819, 263, 10097, 263, 283, 8693, 16, 48831, 18, 626, 2472, 575, 47724, 3628, 4361, 285, 21565, 339, 302, 2889, 1531, 263, 7187, 291, 18433, 7644, 5936, 285, 295, 19819, 263, 10097, 263, 283, 8693, 285, 48831, 18, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1], 'label': 1, 'sentence1': 'La investigación en fisiología militar comenzó en 1950 a través de un pequeño grupo de científicos y fisiólogos médicos en el Laboratorio de Ciencia de la Defensa, Delhi.', 'sentence2': 'La investigación sobre fisiología militar comenzó en 1950 por un pequeño grupo de científicos y fisiólogos médicos en el Laboratorio de Ciencia de la Defensa en Delhi.'}.\n", + "07/20/2021 09:49:25 - INFO - datasets.load - Found main folder for metric https://raw.githubusercontent.com/huggingface/datasets/1.9.0/metrics/accuracy/accuracy.py at /root/.cache/huggingface/modules/datasets_modules/metrics/accuracy\n", + "07/20/2021 09:49:25 - INFO - datasets.load - Found specific version folder for metric https://raw.githubusercontent.com/huggingface/datasets/1.9.0/metrics/accuracy/accuracy.py at /root/.cache/huggingface/modules/datasets_modules/metrics/accuracy/d60e08bd37e7c5a7bcc3620dd0d2788d25d233238ee0bdb3cfabde6c43d60574\n", + "07/20/2021 09:49:25 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/metrics/accuracy/accuracy.py to /root/.cache/huggingface/modules/datasets_modules/metrics/accuracy/d60e08bd37e7c5a7bcc3620dd0d2788d25d233238ee0bdb3cfabde6c43d60574/accuracy.py\n", + "07/20/2021 09:49:25 - INFO - datasets.load - Couldn't find dataset infos file at https://raw.githubusercontent.com/huggingface/datasets/1.9.0/metrics/accuracy/dataset_infos.json\n", + "07/20/2021 09:49:25 - INFO - datasets.load - Found metadata file for metric https://raw.githubusercontent.com/huggingface/datasets/1.9.0/metrics/accuracy/accuracy.py at /root/.cache/huggingface/modules/datasets_modules/metrics/accuracy/d60e08bd37e7c5a7bcc3620dd0d2788d25d233238ee0bdb3cfabde6c43d60574/accuracy.json\n", + "[INFO|trainer.py:522] 2021-07-20 09:49:28,301 >> The following columns in the training set don't have a corresponding argument in `RobertaForSequenceClassification.forward` and have been ignored: sentence1, id, sentence2.\n", + "[INFO|trainer.py:1162] 2021-07-20 09:49:28,314 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-20 09:49:28,314 >> Num examples = 49401\n", + "[INFO|trainer.py:1164] 2021-07-20 09:49:28,314 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-20 09:49:28,314 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-20 09:49:28,315 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-20 09:49:28,315 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-20 09:49:28,315 >> Total optimization steps = 30880\n", + "[INFO|integrations.py:446] 2021-07-20 09:49:28,326 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-20 09:49:29.625318: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/3kwtbkiz\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210720_094928-3kwtbkiz\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + "{'loss': 0.6452, 'learning_rate': 4.919041450777203e-05, 'epoch': 0.08}\n", + " 2% 500/30880 [01:36<2:48:52, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 09:51:06,931 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 09:51:06,933 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 09:51:08,483 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 09:51:08,483 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 09:51:08,484 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " {'loss': 0.491, 'learning_rate': 4.8380829015544046e-05, 'epoch': 0.16}\n", + " 3% 1000/30880 [03:18<2:44:01, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 09:52:49,299 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 09:52:49,300 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 09:52:50,782 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 09:52:50,783 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 09:52:50,783 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.4463, 'learning_rate': 4.7571243523316064e-05, 'epoch': 0.24}\n", + " 5% 1500/30880 [05:00<2:42:57, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 09:54:31,122 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 09:54:31,123 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 09:54:32,493 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 09:54:32,494 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 09:54:32,494 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 6% 2000/30880 [06:42<2:40:15, 3.00it/s]{'loss': 0.4246, 'learning_rate': 4.676165803108808e-05, 'epoch': 0.32}\n", + "[INFO|trainer.py:1917] 2021-07-20 09:56:12,981 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 09:56:12,982 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 09:56:14,367 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 09:56:14,368 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 09:56:14,368 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.4079, 'learning_rate': 4.595207253886011e-05, 'epoch': 0.4}\n", + " 8% 2500/30880 [08:23<2:36:12, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 09:57:54,652 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 09:57:54,653 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 09:57:56,007 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 09:57:56,008 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 09:57:56,008 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.3853, 'learning_rate': 4.5142487046632126e-05, 'epoch': 0.49}\n", + " 10% 3000/30880 [10:05<2:30:38, 3.08it/s][INFO|trainer.py:1917] 2021-07-20 09:59:36,412 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 09:59:36,415 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 09:59:37,812 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 09:59:37,813 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 09:59:37,813 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 11% 3500/30880 [11:47<2:33:12, 2.98it/s]{'loss': 0.3867, 'learning_rate': 4.433290155440415e-05, 'epoch': 0.57}\n", + "[INFO|trainer.py:1917] 2021-07-20 10:01:18,109 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:01:18,110 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:01:19,463 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:01:19,464 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:01:19,464 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 13% 4000/30880 [13:28<2:28:15, 3.02it/s]{'loss': 0.3563, 'learning_rate': 4.352331606217617e-05, 'epoch': 0.65}\n", + "[INFO|trainer.py:1917] 2021-07-20 10:02:59,566 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:02:59,567 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:03:01,069 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:03:01,070 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:03:01,071 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + "{'loss': 0.3608, 'learning_rate': 4.271373056994819e-05, 'epoch': 0.73}\n", + " 15% 4500/30880 [15:10<2:27:49, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 10:04:41,717 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:04:41,718 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:04:43,227 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:04:43,228 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:04:43,228 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.3633, 'learning_rate': 4.190414507772021e-05, 'epoch': 0.81}\n", + " 16% 5000/30880 [16:52<2:24:21, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 10:06:23,477 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:06:23,479 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:06:24,875 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:06:24,876 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:06:24,878 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + " 18% 5500/30880 [18:34<2:20:37, 3.01it/s]{'loss': 0.3467, 'learning_rate': 4.109455958549223e-05, 'epoch': 0.89}\n", + " 18% 5500/30880 [18:34<2:20:37, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 10:08:05,279 >> Saving model checkpoint to ./outputs/checkpoint-5500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:08:05,280 >> Configuration saved in ./outputs/checkpoint-5500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:08:06,822 >> Model weights saved in ./outputs/checkpoint-5500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:08:06,822 >> tokenizer config file saved in ./outputs/checkpoint-5500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:08:06,823 >> Special tokens file saved in ./outputs/checkpoint-5500/special_tokens_map.json\n", + " 19% 6000/30880 [20:16<2:18:01, 3.00it/s]{'loss': 0.3277, 'learning_rate': 4.028497409326425e-05, 'epoch': 0.97}\n", + " 19% 6000/30880 [20:16<2:18:01, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 10:09:47,508 >> Saving model checkpoint to ./outputs/checkpoint-6000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:09:47,509 >> Configuration saved in ./outputs/checkpoint-6000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:09:48,941 >> Model weights saved in ./outputs/checkpoint-6000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:09:48,942 >> tokenizer config file saved in ./outputs/checkpoint-6000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:09:48,942 >> Special tokens file saved in ./outputs/checkpoint-6000/special_tokens_map.json\n", + "{'loss': 0.3022, 'learning_rate': 3.9475388601036275e-05, 'epoch': 1.05}\n", + " 21% 6500/30880 [21:57<2:13:46, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 10:11:28,697 >> Saving model checkpoint to ./outputs/checkpoint-6500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:11:28,699 >> Configuration saved in ./outputs/checkpoint-6500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:11:30,027 >> Model weights saved in ./outputs/checkpoint-6500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:11:30,028 >> tokenizer config file saved in ./outputs/checkpoint-6500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:11:30,028 >> Special tokens file saved in ./outputs/checkpoint-6500/special_tokens_map.json\n", + "{'loss': 0.2927, 'learning_rate': 3.8665803108808294e-05, 'epoch': 1.13}\n", + " 23% 7000/30880 [23:38<2:11:19, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 10:13:09,240 >> Saving model checkpoint to ./outputs/checkpoint-7000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:13:09,241 >> Configuration saved in ./outputs/checkpoint-7000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:13:10,606 >> Model weights saved in ./outputs/checkpoint-7000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:13:10,607 >> tokenizer config file saved in ./outputs/checkpoint-7000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:13:10,608 >> Special tokens file saved in ./outputs/checkpoint-7000/special_tokens_map.json\n", + "{'loss': 0.2814, 'learning_rate': 3.785621761658031e-05, 'epoch': 1.21}\n", + " 24% 7500/30880 [25:20<2:07:42, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 10:14:50,903 >> Saving model checkpoint to ./outputs/checkpoint-7500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:14:50,904 >> Configuration saved in ./outputs/checkpoint-7500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:14:52,298 >> Model weights saved in ./outputs/checkpoint-7500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:14:52,298 >> tokenizer config file saved in ./outputs/checkpoint-7500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:14:52,299 >> Special tokens file saved in ./outputs/checkpoint-7500/special_tokens_map.json\n", + "{'loss': 0.2721, 'learning_rate': 3.704663212435233e-05, 'epoch': 1.3}\n", + " 26% 8000/30880 [27:00<2:07:24, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 10:16:31,643 >> Saving model checkpoint to ./outputs/checkpoint-8000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:16:31,645 >> Configuration saved in ./outputs/checkpoint-8000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:16:33,048 >> Model weights saved in ./outputs/checkpoint-8000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:16:33,049 >> tokenizer config file saved in ./outputs/checkpoint-8000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:16:33,049 >> Special tokens file saved in ./outputs/checkpoint-8000/special_tokens_map.json\n", + "{'loss': 0.2911, 'learning_rate': 3.6237046632124356e-05, 'epoch': 1.38}\n", + " 28% 8500/30880 [28:41<2:05:11, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 10:18:12,737 >> Saving model checkpoint to ./outputs/checkpoint-8500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:18:12,738 >> Configuration saved in ./outputs/checkpoint-8500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:18:14,216 >> Model weights saved in ./outputs/checkpoint-8500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:18:14,217 >> tokenizer config file saved in ./outputs/checkpoint-8500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:18:14,217 >> Special tokens file saved in ./outputs/checkpoint-8500/special_tokens_map.json\n", + " 29% 9000/30880 [30:23<2:01:15, 3.01it/s]{'loss': 0.2841, 'learning_rate': 3.5427461139896374e-05, 'epoch': 1.46}\n", + " 29% 9000/30880 [30:23<2:01:15, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 10:19:53,846 >> Saving model checkpoint to ./outputs/checkpoint-9000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:19:53,847 >> Configuration saved in ./outputs/checkpoint-9000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:19:55,214 >> Model weights saved in ./outputs/checkpoint-9000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:19:55,215 >> tokenizer config file saved in ./outputs/checkpoint-9000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:19:55,215 >> Special tokens file saved in ./outputs/checkpoint-9000/special_tokens_map.json\n", + " 31% 9500/30880 [32:03<2:00:20, 2.96it/s][INFO|trainer.py:1917] 2021-07-20 10:21:34,729 >> Saving model checkpoint to ./outputs/checkpoint-9500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:21:34,731 >> Configuration saved in ./outputs/checkpoint-9500/config.json\n", + "{'loss': 0.2569, 'learning_rate': 3.46178756476684e-05, 'epoch': 1.54}\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:21:36,092 >> Model weights saved in ./outputs/checkpoint-9500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:21:36,093 >> tokenizer config file saved in ./outputs/checkpoint-9500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:21:36,094 >> Special tokens file saved in ./outputs/checkpoint-9500/special_tokens_map.json\n", + " 32% 10000/30880 [33:45<1:58:45, 2.93it/s]{'loss': 0.2648, 'learning_rate': 3.380829015544041e-05, 'epoch': 1.62}\n", + "[INFO|trainer.py:1917] 2021-07-20 10:23:15,925 >> Saving model checkpoint to ./outputs/checkpoint-10000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:23:15,928 >> Configuration saved in ./outputs/checkpoint-10000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:23:17,300 >> Model weights saved in ./outputs/checkpoint-10000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:23:17,301 >> tokenizer config file saved in ./outputs/checkpoint-10000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:23:17,301 >> Special tokens file saved in ./outputs/checkpoint-10000/special_tokens_map.json\n", + "{'loss': 0.2568, 'learning_rate': 3.2998704663212436e-05, 'epoch': 1.7}\n", + " 34% 10500/30880 [35:25<1:51:46, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 10:24:56,564 >> Saving model checkpoint to ./outputs/checkpoint-10500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:24:56,565 >> Configuration saved in ./outputs/checkpoint-10500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:24:57,912 >> Model weights saved in ./outputs/checkpoint-10500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:24:57,913 >> tokenizer config file saved in ./outputs/checkpoint-10500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:24:57,913 >> Special tokens file saved in ./outputs/checkpoint-10500/special_tokens_map.json\n", + "{'loss': 0.2866, 'learning_rate': 3.2189119170984454e-05, 'epoch': 1.78}\n", + " 36% 11000/30880 [37:06<1:52:03, 2.96it/s][INFO|trainer.py:1917] 2021-07-20 10:26:37,552 >> Saving model checkpoint to ./outputs/checkpoint-11000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:26:37,554 >> Configuration saved in ./outputs/checkpoint-11000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:26:38,845 >> Model weights saved in ./outputs/checkpoint-11000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:26:38,846 >> tokenizer config file saved in ./outputs/checkpoint-11000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:26:38,847 >> Special tokens file saved in ./outputs/checkpoint-11000/special_tokens_map.json\n", + " 37% 11500/30880 [38:47<1:48:31, 2.98it/s]{'loss': 0.2592, 'learning_rate': 3.137953367875648e-05, 'epoch': 1.86}\n", + " 37% 11500/30880 [38:47<1:48:31, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 10:28:18,441 >> Saving model checkpoint to ./outputs/checkpoint-11500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:28:18,445 >> Configuration saved in ./outputs/checkpoint-11500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:28:19,791 >> Model weights saved in ./outputs/checkpoint-11500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:28:19,791 >> tokenizer config file saved in ./outputs/checkpoint-11500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:28:19,792 >> Special tokens file saved in ./outputs/checkpoint-11500/special_tokens_map.json\n", + " 39% 12000/30880 [40:28<1:44:47, 3.00it/s]{'loss': 0.2849, 'learning_rate': 3.05699481865285e-05, 'epoch': 1.94}\n", + " 39% 12000/30880 [40:28<1:44:47, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 10:29:59,129 >> Saving model checkpoint to ./outputs/checkpoint-12000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:29:59,130 >> Configuration saved in ./outputs/checkpoint-12000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:30:00,332 >> Model weights saved in ./outputs/checkpoint-12000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:30:00,332 >> tokenizer config file saved in ./outputs/checkpoint-12000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:30:00,333 >> Special tokens file saved in ./outputs/checkpoint-12000/special_tokens_map.json\n", + " 40% 12500/30880 [42:08<1:44:50, 2.92it/s]{'loss': 0.2305, 'learning_rate': 2.976036269430052e-05, 'epoch': 2.02}\n", + " 40% 12500/30880 [42:09<1:44:50, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 10:31:39,780 >> Saving model checkpoint to ./outputs/checkpoint-12500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:31:39,781 >> Configuration saved in ./outputs/checkpoint-12500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:31:41,032 >> Model weights saved in ./outputs/checkpoint-12500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:31:41,033 >> tokenizer config file saved in ./outputs/checkpoint-12500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:31:41,034 >> Special tokens file saved in ./outputs/checkpoint-12500/special_tokens_map.json\n", + " 42% 13000/30880 [43:49<1:40:14, 2.97it/s]{'loss': 0.1956, 'learning_rate': 2.8950777202072538e-05, 'epoch': 2.1}\n", + " 42% 13000/30880 [43:49<1:40:14, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 10:33:20,176 >> Saving model checkpoint to ./outputs/checkpoint-13000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:33:20,177 >> Configuration saved in ./outputs/checkpoint-13000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:33:21,603 >> Model weights saved in ./outputs/checkpoint-13000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:33:21,604 >> tokenizer config file saved in ./outputs/checkpoint-13000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:33:21,604 >> Special tokens file saved in ./outputs/checkpoint-13000/special_tokens_map.json\n", + "{'loss': 0.2148, 'learning_rate': 2.814119170984456e-05, 'epoch': 2.19}\n", + " 44% 13500/30880 [45:29<1:34:37, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 10:35:00,281 >> Saving model checkpoint to ./outputs/checkpoint-13500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:35:00,282 >> Configuration saved in ./outputs/checkpoint-13500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:35:01,688 >> Model weights saved in ./outputs/checkpoint-13500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:35:01,689 >> tokenizer config file saved in ./outputs/checkpoint-13500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:35:01,689 >> Special tokens file saved in ./outputs/checkpoint-13500/special_tokens_map.json\n", + "{'loss': 0.1991, 'learning_rate': 2.7331606217616585e-05, 'epoch': 2.27}\n", + " 45% 14000/30880 [47:10<1:34:19, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 10:36:40,805 >> Saving model checkpoint to ./outputs/checkpoint-14000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:36:40,806 >> Configuration saved in ./outputs/checkpoint-14000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:36:42,190 >> Model weights saved in ./outputs/checkpoint-14000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:36:42,191 >> tokenizer config file saved in ./outputs/checkpoint-14000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:36:42,191 >> Special tokens file saved in ./outputs/checkpoint-14000/special_tokens_map.json\n", + "{'loss': 0.197, 'learning_rate': 2.6522020725388604e-05, 'epoch': 2.35}\n", + " 47% 14500/30880 [48:50<1:30:21, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 10:38:21,321 >> Saving model checkpoint to ./outputs/checkpoint-14500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:38:21,322 >> Configuration saved in ./outputs/checkpoint-14500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:38:22,767 >> Model weights saved in ./outputs/checkpoint-14500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:38:22,767 >> tokenizer config file saved in ./outputs/checkpoint-14500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:38:22,768 >> Special tokens file saved in ./outputs/checkpoint-14500/special_tokens_map.json\n", + " 49% 15000/30880 [50:30<1:27:09, 3.04it/s]{'loss': 0.2066, 'learning_rate': 2.5712435233160625e-05, 'epoch': 2.43}\n", + " 49% 15000/30880 [50:30<1:27:09, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 10:40:01,492 >> Saving model checkpoint to ./outputs/checkpoint-15000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:40:01,493 >> Configuration saved in ./outputs/checkpoint-15000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:40:02,931 >> Model weights saved in ./outputs/checkpoint-15000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:40:02,932 >> tokenizer config file saved in ./outputs/checkpoint-15000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:40:02,932 >> Special tokens file saved in ./outputs/checkpoint-15000/special_tokens_map.json\n", + "{'loss': 0.2204, 'learning_rate': 2.4902849740932644e-05, 'epoch': 2.51}\n", + " 50% 15500/30880 [52:11<1:22:51, 3.09it/s][INFO|trainer.py:1917] 2021-07-20 10:41:42,253 >> Saving model checkpoint to ./outputs/checkpoint-15500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:41:42,254 >> Configuration saved in ./outputs/checkpoint-15500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:41:43,614 >> Model weights saved in ./outputs/checkpoint-15500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:41:43,615 >> tokenizer config file saved in ./outputs/checkpoint-15500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:41:43,615 >> Special tokens file saved in ./outputs/checkpoint-15500/special_tokens_map.json\n", + "{'loss': 0.2226, 'learning_rate': 2.4093264248704665e-05, 'epoch': 2.59}\n", + " 52% 16000/30880 [53:51<1:22:06, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 10:43:22,272 >> Saving model checkpoint to ./outputs/checkpoint-16000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:43:22,273 >> Configuration saved in ./outputs/checkpoint-16000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:43:23,624 >> Model weights saved in ./outputs/checkpoint-16000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:43:23,625 >> tokenizer config file saved in ./outputs/checkpoint-16000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:43:23,625 >> Special tokens file saved in ./outputs/checkpoint-16000/special_tokens_map.json\n", + " 53% 16500/30880 [55:32<1:18:46, 3.04it/s]{'loss': 0.2047, 'learning_rate': 2.3283678756476684e-05, 'epoch': 2.67}\n", + " 53% 16500/30880 [55:32<1:18:46, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 10:45:03,203 >> Saving model checkpoint to ./outputs/checkpoint-16500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:45:03,204 >> Configuration saved in ./outputs/checkpoint-16500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:45:04,557 >> Model weights saved in ./outputs/checkpoint-16500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:45:04,560 >> tokenizer config file saved in ./outputs/checkpoint-16500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:45:04,560 >> Special tokens file saved in ./outputs/checkpoint-16500/special_tokens_map.json\n", + " 55% 17000/30880 [57:13<1:15:48, 3.05it/s]{'loss': 0.2121, 'learning_rate': 2.2474093264248706e-05, 'epoch': 2.75}\n", + " 55% 17000/30880 [57:13<1:15:48, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 10:46:44,112 >> Saving model checkpoint to ./outputs/checkpoint-17000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:46:44,113 >> Configuration saved in ./outputs/checkpoint-17000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:46:45,478 >> Model weights saved in ./outputs/checkpoint-17000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:46:45,479 >> tokenizer config file saved in ./outputs/checkpoint-17000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:46:45,479 >> Special tokens file saved in ./outputs/checkpoint-17000/special_tokens_map.json\n", + " 57% 17500/30880 [58:53<1:11:40, 3.11it/s]{'loss': 0.2176, 'learning_rate': 2.1664507772020724e-05, 'epoch': 2.83}\n", + "[INFO|trainer.py:1917] 2021-07-20 10:48:24,106 >> Saving model checkpoint to ./outputs/checkpoint-17500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:48:24,107 >> Configuration saved in ./outputs/checkpoint-17500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:48:25,513 >> Model weights saved in ./outputs/checkpoint-17500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:48:25,513 >> tokenizer config file saved in ./outputs/checkpoint-17500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:48:25,514 >> Special tokens file saved in ./outputs/checkpoint-17500/special_tokens_map.json\n", + "{'loss': 0.2093, 'learning_rate': 2.0854922279792746e-05, 'epoch': 2.91}\n", + " 58% 18000/30880 [1:00:34<1:12:22, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 10:50:05,107 >> Saving model checkpoint to ./outputs/checkpoint-18000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:50:05,108 >> Configuration saved in ./outputs/checkpoint-18000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:50:06,489 >> Model weights saved in ./outputs/checkpoint-18000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:50:06,490 >> tokenizer config file saved in ./outputs/checkpoint-18000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:50:06,490 >> Special tokens file saved in ./outputs/checkpoint-18000/special_tokens_map.json\n", + " 60% 18500/30880 [1:02:15<1:07:56, 3.04it/s]{'loss': 0.2007, 'learning_rate': 2.0045336787564768e-05, 'epoch': 3.0}\n", + " 60% 18500/30880 [1:02:15<1:07:56, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 10:51:46,554 >> Saving model checkpoint to ./outputs/checkpoint-18500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:51:46,556 >> Configuration saved in ./outputs/checkpoint-18500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:51:47,880 >> Model weights saved in ./outputs/checkpoint-18500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:51:47,882 >> tokenizer config file saved in ./outputs/checkpoint-18500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:51:47,882 >> Special tokens file saved in ./outputs/checkpoint-18500/special_tokens_map.json\n", + " 62% 19000/30880 [1:03:55<1:05:21, 3.03it/s]{'loss': 0.165, 'learning_rate': 1.9235751295336786e-05, 'epoch': 3.08}\n", + "[INFO|trainer.py:1917] 2021-07-20 10:53:26,301 >> Saving model checkpoint to ./outputs/checkpoint-19000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:53:26,303 >> Configuration saved in ./outputs/checkpoint-19000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:53:27,751 >> Model weights saved in ./outputs/checkpoint-19000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:53:27,752 >> tokenizer config file saved in ./outputs/checkpoint-19000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:53:27,752 >> Special tokens file saved in ./outputs/checkpoint-19000/special_tokens_map.json\n", + "{'loss': 0.1774, 'learning_rate': 1.8426165803108808e-05, 'epoch': 3.16}\n", + " 63% 19500/30880 [1:05:35<1:02:07, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 10:55:06,699 >> Saving model checkpoint to ./outputs/checkpoint-19500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:55:06,701 >> Configuration saved in ./outputs/checkpoint-19500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:55:07,948 >> Model weights saved in ./outputs/checkpoint-19500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:55:07,949 >> tokenizer config file saved in ./outputs/checkpoint-19500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:55:07,949 >> Special tokens file saved in ./outputs/checkpoint-19500/special_tokens_map.json\n", + " 65% 20000/30880 [1:07:16<59:35, 3.04it/s]{'loss': 0.1746, 'learning_rate': 1.761658031088083e-05, 'epoch': 3.24}\n", + " 65% 20000/30880 [1:07:16<59:35, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 10:56:47,099 >> Saving model checkpoint to ./outputs/checkpoint-20000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:56:47,100 >> Configuration saved in ./outputs/checkpoint-20000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:56:48,483 >> Model weights saved in ./outputs/checkpoint-20000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:56:48,483 >> tokenizer config file saved in ./outputs/checkpoint-20000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:56:48,484 >> Special tokens file saved in ./outputs/checkpoint-20000/special_tokens_map.json\n", + " 66% 20500/30880 [1:08:56<56:53, 3.04it/s]{'loss': 0.1562, 'learning_rate': 1.6806994818652848e-05, 'epoch': 3.32}\n", + "[INFO|trainer.py:1917] 2021-07-20 10:58:27,121 >> Saving model checkpoint to ./outputs/checkpoint-20500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 10:58:27,122 >> Configuration saved in ./outputs/checkpoint-20500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 10:58:28,386 >> Model weights saved in ./outputs/checkpoint-20500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 10:58:28,387 >> tokenizer config file saved in ./outputs/checkpoint-20500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 10:58:28,387 >> Special tokens file saved in ./outputs/checkpoint-20500/special_tokens_map.json\n", + "{'loss': 0.1704, 'learning_rate': 1.5997409326424873e-05, 'epoch': 3.4}\n", + " 68% 21000/30880 [1:10:36<54:01, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 11:00:07,502 >> Saving model checkpoint to ./outputs/checkpoint-21000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:00:07,503 >> Configuration saved in ./outputs/checkpoint-21000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:00:08,828 >> Model weights saved in ./outputs/checkpoint-21000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:00:08,828 >> tokenizer config file saved in ./outputs/checkpoint-21000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:00:08,829 >> Special tokens file saved in ./outputs/checkpoint-21000/special_tokens_map.json\n", + " 70% 21500/30880 [1:12:17<51:03, 3.06it/s]{'loss': 0.1581, 'learning_rate': 1.5187823834196893e-05, 'epoch': 3.48}\n", + "[INFO|trainer.py:1917] 2021-07-20 11:01:48,047 >> Saving model checkpoint to ./outputs/checkpoint-21500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:01:48,048 >> Configuration saved in ./outputs/checkpoint-21500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:01:49,401 >> Model weights saved in ./outputs/checkpoint-21500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:01:49,402 >> tokenizer config file saved in ./outputs/checkpoint-21500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:01:49,402 >> Special tokens file saved in ./outputs/checkpoint-21500/special_tokens_map.json\n", + " 71% 22000/30880 [1:13:57<48:11, 3.07it/s]{'loss': 0.1737, 'learning_rate': 1.4378238341968913e-05, 'epoch': 3.56}\n", + "[INFO|trainer.py:1917] 2021-07-20 11:03:28,457 >> Saving model checkpoint to ./outputs/checkpoint-22000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:03:28,458 >> Configuration saved in ./outputs/checkpoint-22000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:03:29,825 >> Model weights saved in ./outputs/checkpoint-22000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:03:29,827 >> tokenizer config file saved in ./outputs/checkpoint-22000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:03:29,827 >> Special tokens file saved in ./outputs/checkpoint-22000/special_tokens_map.json\n", + "{'loss': 0.1471, 'learning_rate': 1.3568652849740935e-05, 'epoch': 3.64}\n", + " 73% 22500/30880 [1:15:37<44:21, 3.15it/s][INFO|trainer.py:1917] 2021-07-20 11:05:08,418 >> Saving model checkpoint to ./outputs/checkpoint-22500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:05:08,419 >> Configuration saved in ./outputs/checkpoint-22500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:05:09,758 >> Model weights saved in ./outputs/checkpoint-22500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:05:09,759 >> tokenizer config file saved in ./outputs/checkpoint-22500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:05:09,759 >> Special tokens file saved in ./outputs/checkpoint-22500/special_tokens_map.json\n", + "{'loss': 0.1502, 'learning_rate': 1.2759067357512955e-05, 'epoch': 3.72}\n", + " 74% 23000/30880 [1:17:18<43:25, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 11:06:48,977 >> Saving model checkpoint to ./outputs/checkpoint-23000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:06:48,978 >> Configuration saved in ./outputs/checkpoint-23000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:06:50,327 >> Model weights saved in ./outputs/checkpoint-23000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:06:50,328 >> tokenizer config file saved in ./outputs/checkpoint-23000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:06:50,329 >> Special tokens file saved in ./outputs/checkpoint-23000/special_tokens_map.json\n", + "{'loss': 0.1631, 'learning_rate': 1.1949481865284974e-05, 'epoch': 3.81}\n", + " 76% 23500/30880 [1:18:58<40:34, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 11:08:29,144 >> Saving model checkpoint to ./outputs/checkpoint-23500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:08:29,145 >> Configuration saved in ./outputs/checkpoint-23500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:08:30,568 >> Model weights saved in ./outputs/checkpoint-23500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:08:30,569 >> tokenizer config file saved in ./outputs/checkpoint-23500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:08:30,569 >> Special tokens file saved in ./outputs/checkpoint-23500/special_tokens_map.json\n", + "{'loss': 0.1439, 'learning_rate': 1.1139896373056995e-05, 'epoch': 3.89}\n", + " 78% 24000/30880 [1:20:38<37:35, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 11:10:09,196 >> Saving model checkpoint to ./outputs/checkpoint-24000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:10:09,198 >> Configuration saved in ./outputs/checkpoint-24000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:10:10,576 >> Model weights saved in ./outputs/checkpoint-24000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:10:10,576 >> tokenizer config file saved in ./outputs/checkpoint-24000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:10:10,577 >> Special tokens file saved in ./outputs/checkpoint-24000/special_tokens_map.json\n", + " 79% 24500/30880 [1:22:18<34:19, 3.10it/s][INFO|trainer.py:1917] 2021-07-20 11:11:49,603 >> Saving model checkpoint to ./outputs/checkpoint-24500\n", + "{'loss': 0.1415, 'learning_rate': 1.0330310880829017e-05, 'epoch': 3.97}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:11:49,606 >> Configuration saved in ./outputs/checkpoint-24500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:11:51,041 >> Model weights saved in ./outputs/checkpoint-24500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:11:51,042 >> tokenizer config file saved in ./outputs/checkpoint-24500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:11:51,042 >> Special tokens file saved in ./outputs/checkpoint-24500/special_tokens_map.json\n", + "{'loss': 0.132, 'learning_rate': 9.520725388601037e-06, 'epoch': 4.05}\n", + " 81% 25000/30880 [1:23:59<32:26, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 11:13:29,797 >> Saving model checkpoint to ./outputs/checkpoint-25000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:13:29,799 >> Configuration saved in ./outputs/checkpoint-25000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:13:31,171 >> Model weights saved in ./outputs/checkpoint-25000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:13:31,172 >> tokenizer config file saved in ./outputs/checkpoint-25000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:13:31,172 >> Special tokens file saved in ./outputs/checkpoint-25000/special_tokens_map.json\n", + "{'loss': 0.1063, 'learning_rate': 8.711139896373057e-06, 'epoch': 4.13}\n", + " 83% 25500/30880 [1:25:38<28:47, 3.11it/s][INFO|trainer.py:1917] 2021-07-20 11:15:09,283 >> Saving model checkpoint to ./outputs/checkpoint-25500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:15:09,284 >> Configuration saved in ./outputs/checkpoint-25500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:15:10,684 >> Model weights saved in ./outputs/checkpoint-25500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:15:10,685 >> tokenizer config file saved in ./outputs/checkpoint-25500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:15:10,685 >> Special tokens file saved in ./outputs/checkpoint-25500/special_tokens_map.json\n", + "{'loss': 0.0984, 'learning_rate': 7.901554404145079e-06, 'epoch': 4.21}\n", + " 84% 26000/30880 [1:27:18<26:36, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 11:16:49,478 >> Saving model checkpoint to ./outputs/checkpoint-26000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:16:49,479 >> Configuration saved in ./outputs/checkpoint-26000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:16:50,856 >> Model weights saved in ./outputs/checkpoint-26000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:16:50,857 >> tokenizer config file saved in ./outputs/checkpoint-26000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:16:50,857 >> Special tokens file saved in ./outputs/checkpoint-26000/special_tokens_map.json\n", + "{'loss': 0.1332, 'learning_rate': 7.091968911917099e-06, 'epoch': 4.29}\n", + " 86% 26500/30880 [1:28:58<24:15, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 11:18:29,721 >> Saving model checkpoint to ./outputs/checkpoint-26500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:18:29,723 >> Configuration saved in ./outputs/checkpoint-26500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:18:31,148 >> Model weights saved in ./outputs/checkpoint-26500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:18:31,149 >> tokenizer config file saved in ./outputs/checkpoint-26500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:18:31,149 >> Special tokens file saved in ./outputs/checkpoint-26500/special_tokens_map.json\n", + "{'loss': 0.1032, 'learning_rate': 6.282383419689119e-06, 'epoch': 4.37}\n", + " 87% 27000/30880 [1:30:38<21:09, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 11:20:09,194 >> Saving model checkpoint to ./outputs/checkpoint-27000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:20:09,196 >> Configuration saved in ./outputs/checkpoint-27000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:20:10,677 >> Model weights saved in ./outputs/checkpoint-27000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:20:10,677 >> tokenizer config file saved in ./outputs/checkpoint-27000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:20:10,678 >> Special tokens file saved in ./outputs/checkpoint-27000/special_tokens_map.json\n", + "{'loss': 0.1309, 'learning_rate': 5.47279792746114e-06, 'epoch': 4.45}\n", + " 89% 27500/30880 [1:32:18<18:47, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 11:21:49,423 >> Saving model checkpoint to ./outputs/checkpoint-27500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:21:49,434 >> Configuration saved in ./outputs/checkpoint-27500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:21:50,803 >> Model weights saved in ./outputs/checkpoint-27500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:21:50,804 >> tokenizer config file saved in ./outputs/checkpoint-27500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:21:50,804 >> Special tokens file saved in ./outputs/checkpoint-27500/special_tokens_map.json\n", + "{'loss': 0.1148, 'learning_rate': 4.663212435233161e-06, 'epoch': 4.53}\n", + " 91% 28000/30880 [1:33:58<15:41, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 11:23:29,763 >> Saving model checkpoint to ./outputs/checkpoint-28000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:23:29,764 >> Configuration saved in ./outputs/checkpoint-28000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:23:31,124 >> Model weights saved in ./outputs/checkpoint-28000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:23:31,124 >> tokenizer config file saved in ./outputs/checkpoint-28000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:23:31,125 >> Special tokens file saved in ./outputs/checkpoint-28000/special_tokens_map.json\n", + "{'loss': 0.1071, 'learning_rate': 3.853626943005181e-06, 'epoch': 4.61}\n", + " 92% 28500/30880 [1:35:38<12:49, 3.09it/s][INFO|trainer.py:1917] 2021-07-20 11:25:09,353 >> Saving model checkpoint to ./outputs/checkpoint-28500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:25:09,354 >> Configuration saved in ./outputs/checkpoint-28500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:25:10,715 >> Model weights saved in ./outputs/checkpoint-28500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:25:10,716 >> tokenizer config file saved in ./outputs/checkpoint-28500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:25:10,716 >> Special tokens file saved in ./outputs/checkpoint-28500/special_tokens_map.json\n", + "{'loss': 0.1129, 'learning_rate': 3.044041450777202e-06, 'epoch': 4.7}\n", + " 94% 29000/30880 [1:37:18<10:17, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 11:26:49,355 >> Saving model checkpoint to ./outputs/checkpoint-29000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:26:49,356 >> Configuration saved in ./outputs/checkpoint-29000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:26:50,707 >> Model weights saved in ./outputs/checkpoint-29000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:26:50,707 >> tokenizer config file saved in ./outputs/checkpoint-29000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:26:50,708 >> Special tokens file saved in ./outputs/checkpoint-29000/special_tokens_map.json\n", + "{'loss': 0.122, 'learning_rate': 2.234455958549223e-06, 'epoch': 4.78}\n", + " 96% 29500/30880 [1:38:59<07:29, 3.07it/s][INFO|trainer.py:1917] 2021-07-20 11:28:30,049 >> Saving model checkpoint to ./outputs/checkpoint-29500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:28:30,050 >> Configuration saved in ./outputs/checkpoint-29500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:28:31,429 >> Model weights saved in ./outputs/checkpoint-29500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:28:31,430 >> tokenizer config file saved in ./outputs/checkpoint-29500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:28:31,430 >> Special tokens file saved in ./outputs/checkpoint-29500/special_tokens_map.json\n", + " 97% 30000/30880 [1:40:39<04:47, 3.06it/s]{'loss': 0.1079, 'learning_rate': 1.4248704663212437e-06, 'epoch': 4.86}\n", + " 97% 30000/30880 [1:40:39<04:47, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 11:30:10,669 >> Saving model checkpoint to ./outputs/checkpoint-30000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:30:10,672 >> Configuration saved in ./outputs/checkpoint-30000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:30:12,147 >> Model weights saved in ./outputs/checkpoint-30000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:30:12,148 >> tokenizer config file saved in ./outputs/checkpoint-30000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:30:12,148 >> Special tokens file saved in ./outputs/checkpoint-30000/special_tokens_map.json\n", + " 99% 30500/30880 [1:42:19<02:05, 3.04it/s]{'loss': 0.1135, 'learning_rate': 6.152849740932643e-07, 'epoch': 4.94}\n", + " 99% 30500/30880 [1:42:20<02:05, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 11:31:50,788 >> Saving model checkpoint to ./outputs/checkpoint-30500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:31:50,789 >> Configuration saved in ./outputs/checkpoint-30500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:31:52,164 >> Model weights saved in ./outputs/checkpoint-30500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:31:52,165 >> tokenizer config file saved in ./outputs/checkpoint-30500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:31:52,165 >> Special tokens file saved in ./outputs/checkpoint-30500/special_tokens_map.json\n", + "100% 30880/30880 [1:43:36<00:00, 6.02it/s][INFO|trainer.py:1358] 2021-07-20 11:33:07,657 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 30880/30880 [1:43:36<00:00, 6.02it/s]{'train_runtime': 6219.3427, 'train_samples_per_second': 39.716, 'train_steps_per_second': 4.965, 'train_loss': 0.232939304341924, 'epoch': 5.0}\n", + "100% 30880/30880 [1:43:36<00:00, 4.97it/s]\n", + "[INFO|trainer.py:1917] 2021-07-20 11:33:07,681 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:33:07,682 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:33:09,171 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:33:09,171 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:33:09,172 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.2329\n", + " train_runtime = 1:43:39.34\n", + " train_samples = 49401\n", + " train_samples_per_second = 39.716\n", + " train_steps_per_second = 4.965\n", + "07/20/2021 11:33:09 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-20 11:33:09,321 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForSequenceClassification.forward` and have been ignored: sentence1, id, sentence2.\n", + "[INFO|trainer.py:2163] 2021-07-20 11:33:09,340 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-20 11:33:09,341 >> Num examples = 2000\n", + "[INFO|trainer.py:2168] 2021-07-20 11:33:09,341 >> Batch size = 8\n", + "100% 250/250 [00:12<00:00, 20.40it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.8795\n", + " eval_loss = 0.5979\n", + " eval_runtime = 0:00:12.33\n", + " eval_samples = 2000\n", + " eval_samples_per_second = 162.145\n", + " eval_steps_per_second = 20.268\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1526\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210720_094928-3kwtbkiz/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210720_094928-3kwtbkiz/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.1135\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 30880\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 6233\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626780801\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 62\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 6219.3427\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 39.716\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 4.965\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.62474365572992e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.23294\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.59792\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.8795\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 12.3347\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 162.145\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 20.268\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▆▅▅▅▄▄▄▄▃▃▃▃▃▃▃▃▂▂▂▃▂▂▂▂▂▂▂▂▂▂▂▁▁▁▁▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate ████▇▇▇▇▇▆▆▆▆▆▆▅▅▅▅▅▄▄▄▄▄▄▃▃▃▃▃▃▂▂▂▂▂▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▆▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▆▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/3kwtbkiz\u001b[0m\n", + "2021-07-20 11:33:34.803215: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/20/2021 11:33:38 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/20/2021 11:33:38 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul20_11-33-38_48f3f265b421,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 11:33:39 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 11:33:39 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 11:33:39 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/20/2021 11:33:39 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 11:33:39 - WARNING - datasets.builder - Reusing dataset pawsx (/root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af)\n", + "07/20/2021 11:33:39 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "100% 3/3 [00:00<00:00, 25.65it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-20 11:33:40,223 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/a3b98490ab467f825ce932e6e6e7de25a6ea47beeceb6f5cd521b8ee4f61f95e.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-20 11:33:40,224 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"paws-x\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 11:33:42,705 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/c1ba808baa4a9c0f3062f1881d448087c30a1443644365bd41cf366491ab4063.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 11:33:42,705 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/17ffd9604d64364336252e5a3859c3c55be07c457328ab5fc37e4aaf39913d28.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 11:33:42,705 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/59e3c1ec6ec0fe2653924dcd348a763dd43f51d8eae6ab758e2d962ec7c14d5e.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 11:33:42,705 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 11:33:42,705 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/39ddc268aab2655adb602f93d771480d4db157c1b6fae9a5ae9fc2112c645a69.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 11:33:42,705 >> loading file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/a9d7a6740959c8c347993f62fbd5620bffa2d10c35c2e579a2ecec181299c9a1.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-20 11:33:43,126 >> loading weights file https://huggingface.co/bertin-project/bertin-base-random-exp-512seqlen/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/6dd5d03f2c36b42a305cf20636d35935ad2d998d2ab0588b28eeed0fc164db43.5b6b77533b091cc9204533514d844abfe875ebba66e044b251306c4228bd3221\n", + "[WARNING|modeling_utils.py:1502] 2021-07-20 11:33:51,203 >> Some weights of the model checkpoint at bertin-project/bertin-base-random-exp-512seqlen were not used when initializing RobertaForSequenceClassification: ['lm_head.dense.weight', 'lm_head.bias', 'lm_head.layer_norm.weight', 'lm_head.layer_norm.bias', 'lm_head.dense.bias']\n", + "- This IS expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-20 11:33:51,203 >> Some weights of RobertaForSequenceClassification were not initialized from the model checkpoint at bertin-project/bertin-base-random-exp-512seqlen and are newly initialized: ['classifier.dense.weight', 'classifier.out_proj.weight', 'classifier.out_proj.bias', 'classifier.dense.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "07/20/2021 11:33:51 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-201539629a7c3697.arrow\n", + "07/20/2021 11:33:51 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-63872d8033480024.arrow\n", + "Running tokenizer on dataset: 0% 0/2 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForSequenceClassification.forward` and have been ignored: sentence2, id, sentence1.\n", + "[INFO|trainer.py:1162] 2021-07-20 11:33:56,324 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-20 11:33:56,324 >> Num examples = 49401\n", + "[INFO|trainer.py:1164] 2021-07-20 11:33:56,325 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-20 11:33:56,325 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-20 11:33:56,325 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-20 11:33:56,325 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-20 11:33:56,325 >> Total optimization steps = 30880\n", + "[INFO|integrations.py:446] 2021-07-20 11:33:56,340 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-20 11:33:57.672926: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/27wn690d\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210720_113356-27wn690d\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 2% 500/30880 [01:37<2:54:15, 2.91it/s]{'loss': 0.7114, 'learning_rate': 4.919041450777203e-05, 'epoch': 0.08}\n", + " 2% 500/30880 [01:37<2:54:15, 2.91it/s][INFO|trainer.py:1917] 2021-07-20 11:35:35,937 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:35:35,938 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:35:37,403 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:35:37,403 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:35:37,404 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " 3% 1000/30880 [03:19<2:44:28, 3.03it/s]{'loss': 0.7076, 'learning_rate': 4.8380829015544046e-05, 'epoch': 0.16}\n", + " 3% 1000/30880 [03:19<2:44:28, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 11:37:18,583 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:37:18,585 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:37:19,832 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:37:19,832 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:37:19,833 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + " 5% 1500/30880 [05:03<2:45:27, 2.96it/s]{'loss': 0.71, 'learning_rate': 4.7571243523316064e-05, 'epoch': 0.24}\n", + " 5% 1500/30880 [05:03<2:45:27, 2.96it/s][INFO|trainer.py:1917] 2021-07-20 11:39:01,986 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:39:01,987 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:39:03,402 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:39:03,403 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:39:03,403 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.7, 'learning_rate': 4.676165803108808e-05, 'epoch': 0.32}\n", + " 6% 2000/30880 [06:46<2:39:37, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 11:40:44,994 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:40:44,996 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:40:46,341 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:40:46,341 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:40:46,342 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.7043, 'learning_rate': 4.595207253886011e-05, 'epoch': 0.4}\n", + " 8% 2500/30880 [08:29<2:41:01, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 11:42:28,240 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:42:28,242 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:42:29,666 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:42:29,667 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:42:29,667 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " {'loss': 0.7044, 'learning_rate': 4.5142487046632126e-05, 'epoch': 0.49}\n", + " 10% 3000/30880 [10:12<2:37:59, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 11:44:11,673 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:44:11,674 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:44:13,163 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:44:13,164 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:44:13,164 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 11% 3500/30880 [11:55<2:32:12, 3.00it/s]{'loss': 0.699, 'learning_rate': 4.433290155440415e-05, 'epoch': 0.57}\n", + " 11% 3500/30880 [11:55<2:32:12, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 11:45:54,670 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:45:54,671 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:45:56,108 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:45:56,109 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:45:56,109 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 13% 4000/30880 [13:39<2:33:58, 2.91it/s]{'loss': 0.7005, 'learning_rate': 4.352331606217617e-05, 'epoch': 0.65}\n", + "[INFO|trainer.py:1917] 2021-07-20 11:47:38,240 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:47:38,241 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:47:39,674 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:47:39,675 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:47:39,675 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 15% 4500/30880 [15:22<2:32:34, 2.88it/s][INFO|trainer.py:1917] 2021-07-20 11:49:21,505 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "{'loss': 0.6985, 'learning_rate': 4.271373056994819e-05, 'epoch': 0.73}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:49:21,507 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:49:22,977 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:49:22,978 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:49:22,979 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + " 16% 5000/30880 [17:05<2:23:58, 3.00it/s]{'loss': 0.6943, 'learning_rate': 4.190414507772021e-05, 'epoch': 0.81}\n", + " 16% 5000/30880 [17:05<2:23:58, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 11:51:04,064 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:51:04,065 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:51:05,414 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:51:05,415 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:51:05,415 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "{'loss': 0.7005, 'learning_rate': 4.109455958549223e-05, 'epoch': 0.89}\n", + " 18% 5500/30880 [18:48<2:22:02, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 11:52:47,332 >> Saving model checkpoint to ./outputs/checkpoint-5500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:52:47,333 >> Configuration saved in ./outputs/checkpoint-5500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:52:48,760 >> Model weights saved in ./outputs/checkpoint-5500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:52:48,761 >> tokenizer config file saved in ./outputs/checkpoint-5500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:52:48,761 >> Special tokens file saved in ./outputs/checkpoint-5500/special_tokens_map.json\n", + " 19% 6000/30880 [20:31<2:20:50, 2.94it/s]{'loss': 0.6906, 'learning_rate': 4.028497409326425e-05, 'epoch': 0.97}\n", + "[INFO|trainer.py:1917] 2021-07-20 11:54:30,202 >> Saving model checkpoint to ./outputs/checkpoint-6000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:54:30,208 >> Configuration saved in ./outputs/checkpoint-6000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:54:31,804 >> Model weights saved in ./outputs/checkpoint-6000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:54:31,805 >> tokenizer config file saved in ./outputs/checkpoint-6000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:54:31,805 >> Special tokens file saved in ./outputs/checkpoint-6000/special_tokens_map.json\n", + "{'loss': 0.6988, 'learning_rate': 3.9475388601036275e-05, 'epoch': 1.05}\n", + " 21% 6500/30880 [22:15<2:19:33, 2.91it/s][INFO|trainer.py:1917] 2021-07-20 11:56:13,844 >> Saving model checkpoint to ./outputs/checkpoint-6500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:56:13,845 >> Configuration saved in ./outputs/checkpoint-6500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:56:15,246 >> Model weights saved in ./outputs/checkpoint-6500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:56:15,247 >> tokenizer config file saved in ./outputs/checkpoint-6500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:56:15,248 >> Special tokens file saved in ./outputs/checkpoint-6500/special_tokens_map.json\n", + "{'loss': 0.6978, 'learning_rate': 3.8665803108808294e-05, 'epoch': 1.13}\n", + " 23% 7000/30880 [23:58<2:13:16, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 11:57:56,873 >> Saving model checkpoint to ./outputs/checkpoint-7000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:57:56,874 >> Configuration saved in ./outputs/checkpoint-7000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:57:58,371 >> Model weights saved in ./outputs/checkpoint-7000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:57:58,371 >> tokenizer config file saved in ./outputs/checkpoint-7000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:57:58,372 >> Special tokens file saved in ./outputs/checkpoint-7000/special_tokens_map.json\n", + " 24% 7500/30880 [25:41<2:12:52, 2.93it/s]{'loss': 0.6968, 'learning_rate': 3.785621761658031e-05, 'epoch': 1.21}\n", + "[INFO|trainer.py:1917] 2021-07-20 11:59:39,996 >> Saving model checkpoint to ./outputs/checkpoint-7500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 11:59:40,002 >> Configuration saved in ./outputs/checkpoint-7500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 11:59:41,676 >> Model weights saved in ./outputs/checkpoint-7500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 11:59:41,677 >> tokenizer config file saved in ./outputs/checkpoint-7500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 11:59:41,678 >> Special tokens file saved in ./outputs/checkpoint-7500/special_tokens_map.json\n", + " 26% 8000/30880 [27:24<2:10:55, 2.91it/s]{'loss': 0.69, 'learning_rate': 3.704663212435233e-05, 'epoch': 1.3}\n", + " 26% 8000/30880 [27:24<2:10:55, 2.91it/s][INFO|trainer.py:1917] 2021-07-20 12:01:23,354 >> Saving model checkpoint to ./outputs/checkpoint-8000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:01:23,356 >> Configuration saved in ./outputs/checkpoint-8000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:01:24,924 >> Model weights saved in ./outputs/checkpoint-8000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:01:24,925 >> tokenizer config file saved in ./outputs/checkpoint-8000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:01:24,925 >> Special tokens file saved in ./outputs/checkpoint-8000/special_tokens_map.json\n", + "{'loss': 0.6932, 'learning_rate': 3.6237046632124356e-05, 'epoch': 1.38}\n", + " 28% 8500/30880 [29:07<2:05:11, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 12:03:06,242 >> Saving model checkpoint to ./outputs/checkpoint-8500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:03:06,243 >> Configuration saved in ./outputs/checkpoint-8500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:03:07,715 >> Model weights saved in ./outputs/checkpoint-8500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:03:07,715 >> tokenizer config file saved in ./outputs/checkpoint-8500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:03:07,716 >> Special tokens file saved in ./outputs/checkpoint-8500/special_tokens_map.json\n", + " 29% 9000/30880 [30:50<2:02:52, 2.97it/s]{'loss': 0.6929, 'learning_rate': 3.5427461139896374e-05, 'epoch': 1.46}\n", + "[INFO|trainer.py:1917] 2021-07-20 12:04:49,640 >> Saving model checkpoint to ./outputs/checkpoint-9000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:04:49,641 >> Configuration saved in ./outputs/checkpoint-9000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:04:51,160 >> Model weights saved in ./outputs/checkpoint-9000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:04:51,161 >> tokenizer config file saved in ./outputs/checkpoint-9000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:04:51,161 >> Special tokens file saved in ./outputs/checkpoint-9000/special_tokens_map.json\n", + "{'loss': 0.6971, 'learning_rate': 3.46178756476684e-05, 'epoch': 1.54}\n", + " 31% 9500/30880 [32:34<1:59:31, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 12:06:32,929 >> Saving model checkpoint to ./outputs/checkpoint-9500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:06:32,931 >> Configuration saved in ./outputs/checkpoint-9500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:06:34,280 >> Model weights saved in ./outputs/checkpoint-9500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:06:34,281 >> tokenizer config file saved in ./outputs/checkpoint-9500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:06:34,281 >> Special tokens file saved in ./outputs/checkpoint-9500/special_tokens_map.json\n", + "{'loss': 0.6928, 'learning_rate': 3.380829015544041e-05, 'epoch': 1.62}\n", + " 32% 10000/30880 [34:16<1:58:59, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 12:08:15,623 >> Saving model checkpoint to ./outputs/checkpoint-10000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:08:15,624 >> Configuration saved in ./outputs/checkpoint-10000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:08:17,181 >> Model weights saved in ./outputs/checkpoint-10000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:08:17,182 >> tokenizer config file saved in ./outputs/checkpoint-10000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:08:17,182 >> Special tokens file saved in ./outputs/checkpoint-10000/special_tokens_map.json\n", + "{'loss': 0.6897, 'learning_rate': 3.2998704663212436e-05, 'epoch': 1.7}\n", + " 34% 10500/30880 [35:59<1:54:11, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 12:09:58,789 >> Saving model checkpoint to ./outputs/checkpoint-10500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:09:58,790 >> Configuration saved in ./outputs/checkpoint-10500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:10:00,339 >> Model weights saved in ./outputs/checkpoint-10500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:10:00,340 >> tokenizer config file saved in ./outputs/checkpoint-10500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:10:00,340 >> Special tokens file saved in ./outputs/checkpoint-10500/special_tokens_map.json\n", + "{'loss': 0.6967, 'learning_rate': 3.2189119170984454e-05, 'epoch': 1.78}\n", + " 36% 11000/30880 [37:43<1:52:14, 2.95it/s][INFO|trainer.py:1917] 2021-07-20 12:11:42,081 >> Saving model checkpoint to ./outputs/checkpoint-11000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:11:42,082 >> Configuration saved in ./outputs/checkpoint-11000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:11:43,497 >> Model weights saved in ./outputs/checkpoint-11000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:11:43,498 >> tokenizer config file saved in ./outputs/checkpoint-11000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:11:43,498 >> Special tokens file saved in ./outputs/checkpoint-11000/special_tokens_map.json\n", + " 37% 11500/30880 [39:26<1:51:41, 2.89it/s][INFO|trainer.py:1917] 2021-07-20 12:13:25,144 >> Saving model checkpoint to ./outputs/checkpoint-11500\n", + "{'loss': 0.6902, 'learning_rate': 3.137953367875648e-05, 'epoch': 1.86}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:13:25,147 >> Configuration saved in ./outputs/checkpoint-11500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:13:26,571 >> Model weights saved in ./outputs/checkpoint-11500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:13:26,688 >> tokenizer config file saved in ./outputs/checkpoint-11500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:13:26,689 >> Special tokens file saved in ./outputs/checkpoint-11500/special_tokens_map.json\n", + " 39% 12000/30880 [41:09<1:46:53, 2.94it/s]{'loss': 0.6965, 'learning_rate': 3.05699481865285e-05, 'epoch': 1.94}\n", + "[INFO|trainer.py:1917] 2021-07-20 12:15:08,299 >> Saving model checkpoint to ./outputs/checkpoint-12000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:15:08,300 >> Configuration saved in ./outputs/checkpoint-12000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:15:09,864 >> Model weights saved in ./outputs/checkpoint-12000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:15:09,864 >> tokenizer config file saved in ./outputs/checkpoint-12000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:15:09,865 >> Special tokens file saved in ./outputs/checkpoint-12000/special_tokens_map.json\n", + " 40% 12500/30880 [42:52<1:42:30, 2.99it/s]{'loss': 0.6914, 'learning_rate': 2.976036269430052e-05, 'epoch': 2.02}\n", + "[INFO|trainer.py:1917] 2021-07-20 12:16:51,392 >> Saving model checkpoint to ./outputs/checkpoint-12500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:16:51,398 >> Configuration saved in ./outputs/checkpoint-12500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:16:52,834 >> Model weights saved in ./outputs/checkpoint-12500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:16:52,835 >> tokenizer config file saved in ./outputs/checkpoint-12500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:16:52,835 >> Special tokens file saved in ./outputs/checkpoint-12500/special_tokens_map.json\n", + " 42% 13000/30880 [44:35<1:41:23, 2.94it/s]{'loss': 0.6941, 'learning_rate': 2.8950777202072538e-05, 'epoch': 2.1}\n", + " 42% 13000/30880 [44:35<1:41:23, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 12:18:34,614 >> Saving model checkpoint to ./outputs/checkpoint-13000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:18:34,618 >> Configuration saved in ./outputs/checkpoint-13000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:18:36,080 >> Model weights saved in ./outputs/checkpoint-13000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:18:36,080 >> tokenizer config file saved in ./outputs/checkpoint-13000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:18:36,081 >> Special tokens file saved in ./outputs/checkpoint-13000/special_tokens_map.json\n", + "{'loss': 0.6912, 'learning_rate': 2.814119170984456e-05, 'epoch': 2.19}\n", + " 44% 13500/30880 [46:18<1:37:33, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 12:20:17,210 >> Saving model checkpoint to ./outputs/checkpoint-13500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:20:17,211 >> Configuration saved in ./outputs/checkpoint-13500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:20:18,691 >> Model weights saved in ./outputs/checkpoint-13500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:20:18,692 >> tokenizer config file saved in ./outputs/checkpoint-13500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:20:18,692 >> Special tokens file saved in ./outputs/checkpoint-13500/special_tokens_map.json\n", + " 45% 14000/30880 [48:01<1:35:05, 2.96it/s]{'loss': 0.6955, 'learning_rate': 2.7331606217616585e-05, 'epoch': 2.27}\n", + "[INFO|trainer.py:1917] 2021-07-20 12:22:00,730 >> Saving model checkpoint to ./outputs/checkpoint-14000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:22:00,731 >> Configuration saved in ./outputs/checkpoint-14000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:22:02,112 >> Model weights saved in ./outputs/checkpoint-14000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:22:02,112 >> tokenizer config file saved in ./outputs/checkpoint-14000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:22:02,113 >> Special tokens file saved in ./outputs/checkpoint-14000/special_tokens_map.json\n", + " 47% 14500/30880 [49:44<1:31:35, 2.98it/s]{'loss': 0.6928, 'learning_rate': 2.6522020725388604e-05, 'epoch': 2.35}\n", + " 47% 14500/30880 [49:44<1:31:35, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 12:23:43,737 >> Saving model checkpoint to ./outputs/checkpoint-14500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:23:43,739 >> Configuration saved in ./outputs/checkpoint-14500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:23:45,078 >> Model weights saved in ./outputs/checkpoint-14500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:23:45,079 >> tokenizer config file saved in ./outputs/checkpoint-14500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:23:45,080 >> Special tokens file saved in ./outputs/checkpoint-14500/special_tokens_map.json\n", + " 49% 15000/30880 [51:27<1:30:17, 2.93it/s]{'loss': 0.6917, 'learning_rate': 2.5712435233160625e-05, 'epoch': 2.43}\n", + "[INFO|trainer.py:1917] 2021-07-20 12:25:26,725 >> Saving model checkpoint to ./outputs/checkpoint-15000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:25:26,729 >> Configuration saved in ./outputs/checkpoint-15000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:25:28,300 >> Model weights saved in ./outputs/checkpoint-15000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:25:28,301 >> tokenizer config file saved in ./outputs/checkpoint-15000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:25:28,301 >> Special tokens file saved in ./outputs/checkpoint-15000/special_tokens_map.json\n", + "{'loss': 0.6945, 'learning_rate': 2.4902849740932644e-05, 'epoch': 2.51}\n", + " 50% 15500/30880 [53:11<1:27:49, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 12:27:09,833 >> Saving model checkpoint to ./outputs/checkpoint-15500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:27:09,834 >> Configuration saved in ./outputs/checkpoint-15500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:27:11,301 >> Model weights saved in ./outputs/checkpoint-15500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:27:11,301 >> tokenizer config file saved in ./outputs/checkpoint-15500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:27:11,302 >> Special tokens file saved in ./outputs/checkpoint-15500/special_tokens_map.json\n", + " 52% 16000/30880 [54:53<1:22:12, 3.02it/s]{'loss': 0.6881, 'learning_rate': 2.4093264248704665e-05, 'epoch': 2.59}\n", + "[INFO|trainer.py:1917] 2021-07-20 12:28:52,665 >> Saving model checkpoint to ./outputs/checkpoint-16000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:28:52,666 >> Configuration saved in ./outputs/checkpoint-16000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:28:54,135 >> Model weights saved in ./outputs/checkpoint-16000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:28:54,136 >> tokenizer config file saved in ./outputs/checkpoint-16000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:28:54,136 >> Special tokens file saved in ./outputs/checkpoint-16000/special_tokens_map.json\n", + " 53% 16500/30880 [56:37<1:20:48, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 12:30:35,855 >> Saving model checkpoint to ./outputs/checkpoint-16500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:30:35,856 >> Configuration saved in ./outputs/checkpoint-16500/config.json\n", + "{'loss': 0.6896, 'learning_rate': 2.3283678756476684e-05, 'epoch': 2.67}\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:30:37,477 >> Model weights saved in ./outputs/checkpoint-16500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:30:37,478 >> tokenizer config file saved in ./outputs/checkpoint-16500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:30:37,479 >> Special tokens file saved in ./outputs/checkpoint-16500/special_tokens_map.json\n", + "{'loss': 0.6931, 'learning_rate': 2.2474093264248706e-05, 'epoch': 2.75}\n", + " 55% 17000/30880 [58:19<1:17:33, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 12:32:18,657 >> Saving model checkpoint to ./outputs/checkpoint-17000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:32:18,659 >> Configuration saved in ./outputs/checkpoint-17000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:32:19,988 >> Model weights saved in ./outputs/checkpoint-17000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:32:19,988 >> tokenizer config file saved in ./outputs/checkpoint-17000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:32:19,989 >> Special tokens file saved in ./outputs/checkpoint-17000/special_tokens_map.json\n", + "{'loss': 0.6905, 'learning_rate': 2.1664507772020724e-05, 'epoch': 2.83}\n", + " 57% 17500/30880 [1:00:03<1:14:24, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 12:34:01,907 >> Saving model checkpoint to ./outputs/checkpoint-17500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:34:01,908 >> Configuration saved in ./outputs/checkpoint-17500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:34:03,358 >> Model weights saved in ./outputs/checkpoint-17500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:34:03,388 >> tokenizer config file saved in ./outputs/checkpoint-17500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:34:03,388 >> Special tokens file saved in ./outputs/checkpoint-17500/special_tokens_map.json\n", + "{'loss': 0.6844, 'learning_rate': 2.0854922279792746e-05, 'epoch': 2.91}\n", + " 58% 18000/30880 [1:01:46<1:12:45, 2.95it/s][INFO|trainer.py:1917] 2021-07-20 12:35:45,236 >> Saving model checkpoint to ./outputs/checkpoint-18000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:35:45,238 >> Configuration saved in ./outputs/checkpoint-18000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:35:46,818 >> Model weights saved in ./outputs/checkpoint-18000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:35:46,819 >> tokenizer config file saved in ./outputs/checkpoint-18000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:35:46,819 >> Special tokens file saved in ./outputs/checkpoint-18000/special_tokens_map.json\n", + "{'loss': 0.6943, 'learning_rate': 2.0045336787564768e-05, 'epoch': 3.0}\n", + " 60% 18500/30880 [1:03:29<1:10:36, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 12:37:27,973 >> Saving model checkpoint to ./outputs/checkpoint-18500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:37:27,979 >> Configuration saved in ./outputs/checkpoint-18500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:37:29,463 >> Model weights saved in ./outputs/checkpoint-18500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:37:29,464 >> tokenizer config file saved in ./outputs/checkpoint-18500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:37:29,464 >> Special tokens file saved in ./outputs/checkpoint-18500/special_tokens_map.json\n", + "{'loss': 0.6921, 'learning_rate': 1.9235751295336786e-05, 'epoch': 3.08}\n", + " 62% 19000/30880 [1:05:12<1:07:11, 2.95it/s][INFO|trainer.py:1917] 2021-07-20 12:39:11,273 >> Saving model checkpoint to ./outputs/checkpoint-19000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:39:11,275 >> Configuration saved in ./outputs/checkpoint-19000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:39:12,714 >> Model weights saved in ./outputs/checkpoint-19000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:39:12,715 >> tokenizer config file saved in ./outputs/checkpoint-19000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:39:12,715 >> Special tokens file saved in ./outputs/checkpoint-19000/special_tokens_map.json\n", + "{'loss': 0.6897, 'learning_rate': 1.8426165803108808e-05, 'epoch': 3.16}\n", + " 63% 19500/30880 [1:06:55<1:03:44, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 12:40:54,038 >> Saving model checkpoint to ./outputs/checkpoint-19500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:40:54,039 >> Configuration saved in ./outputs/checkpoint-19500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:40:55,517 >> Model weights saved in ./outputs/checkpoint-19500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:40:55,518 >> tokenizer config file saved in ./outputs/checkpoint-19500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:40:55,518 >> Special tokens file saved in ./outputs/checkpoint-19500/special_tokens_map.json\n", + "{'loss': 0.6946, 'learning_rate': 1.761658031088083e-05, 'epoch': 3.24}\n", + " 65% 20000/30880 [1:08:38<1:02:04, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 12:42:36,995 >> Saving model checkpoint to ./outputs/checkpoint-20000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:42:36,996 >> Configuration saved in ./outputs/checkpoint-20000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:42:38,398 >> Model weights saved in ./outputs/checkpoint-20000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:42:38,424 >> tokenizer config file saved in ./outputs/checkpoint-20000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:42:38,425 >> Special tokens file saved in ./outputs/checkpoint-20000/special_tokens_map.json\n", + " 66% 20500/30880 [1:10:21<58:48, 2.94it/s]{'loss': 0.6898, 'learning_rate': 1.6806994818652848e-05, 'epoch': 3.32}\n", + " 66% 20500/30880 [1:10:21<58:48, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 12:44:20,114 >> Saving model checkpoint to ./outputs/checkpoint-20500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:44:20,115 >> Configuration saved in ./outputs/checkpoint-20500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:44:21,566 >> Model weights saved in ./outputs/checkpoint-20500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:44:21,567 >> tokenizer config file saved in ./outputs/checkpoint-20500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:44:21,567 >> Special tokens file saved in ./outputs/checkpoint-20500/special_tokens_map.json\n", + " 68% 21000/30880 [1:12:04<54:48, 3.00it/s]{'loss': 0.6916, 'learning_rate': 1.5997409326424873e-05, 'epoch': 3.4}\n", + " 68% 21000/30880 [1:12:04<54:48, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 12:46:03,028 >> Saving model checkpoint to ./outputs/checkpoint-21000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:46:03,029 >> Configuration saved in ./outputs/checkpoint-21000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:46:04,655 >> Model weights saved in ./outputs/checkpoint-21000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:46:04,656 >> tokenizer config file saved in ./outputs/checkpoint-21000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:46:04,656 >> Special tokens file saved in ./outputs/checkpoint-21000/special_tokens_map.json\n", + "{'loss': 0.6878, 'learning_rate': 1.5187823834196893e-05, 'epoch': 3.48}\n", + " 70% 21500/30880 [1:13:47<53:10, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 12:47:46,437 >> Saving model checkpoint to ./outputs/checkpoint-21500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:47:46,438 >> Configuration saved in ./outputs/checkpoint-21500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:47:47,786 >> Model weights saved in ./outputs/checkpoint-21500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:47:47,787 >> tokenizer config file saved in ./outputs/checkpoint-21500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:47:47,787 >> Special tokens file saved in ./outputs/checkpoint-21500/special_tokens_map.json\n", + "{'loss': 0.6931, 'learning_rate': 1.4378238341968913e-05, 'epoch': 3.56}\n", + " 71% 22000/30880 [1:15:31<49:44, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 12:49:30,292 >> Saving model checkpoint to ./outputs/checkpoint-22000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:49:30,293 >> Configuration saved in ./outputs/checkpoint-22000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:49:31,802 >> Model weights saved in ./outputs/checkpoint-22000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:49:31,803 >> tokenizer config file saved in ./outputs/checkpoint-22000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:49:31,803 >> Special tokens file saved in ./outputs/checkpoint-22000/special_tokens_map.json\n", + "{'loss': 0.6853, 'learning_rate': 1.3568652849740935e-05, 'epoch': 3.64}\n", + " 73% 22500/30880 [1:17:14<48:11, 2.90it/s][INFO|trainer.py:1917] 2021-07-20 12:51:13,628 >> Saving model checkpoint to ./outputs/checkpoint-22500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:51:13,629 >> Configuration saved in ./outputs/checkpoint-22500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:51:15,249 >> Model weights saved in ./outputs/checkpoint-22500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:51:15,249 >> tokenizer config file saved in ./outputs/checkpoint-22500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:51:15,250 >> Special tokens file saved in ./outputs/checkpoint-22500/special_tokens_map.json\n", + " 74% 23000/30880 [1:18:57<44:00, 2.98it/s]{'loss': 0.6911, 'learning_rate': 1.2759067357512955e-05, 'epoch': 3.72}\n", + " 74% 23000/30880 [1:18:57<44:00, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 12:52:56,757 >> Saving model checkpoint to ./outputs/checkpoint-23000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:52:56,758 >> Configuration saved in ./outputs/checkpoint-23000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:52:58,313 >> Model weights saved in ./outputs/checkpoint-23000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:52:58,314 >> tokenizer config file saved in ./outputs/checkpoint-23000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:52:58,315 >> Special tokens file saved in ./outputs/checkpoint-23000/special_tokens_map.json\n", + " 76% 23500/30880 [1:20:41<42:09, 2.92it/s]{'loss': 0.6917, 'learning_rate': 1.1949481865284974e-05, 'epoch': 3.81}\n", + " 76% 23500/30880 [1:20:41<42:09, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 12:54:40,110 >> Saving model checkpoint to ./outputs/checkpoint-23500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:54:40,112 >> Configuration saved in ./outputs/checkpoint-23500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:54:41,583 >> Model weights saved in ./outputs/checkpoint-23500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:54:41,584 >> tokenizer config file saved in ./outputs/checkpoint-23500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:54:41,585 >> Special tokens file saved in ./outputs/checkpoint-23500/special_tokens_map.json\n", + "{'loss': 0.6904, 'learning_rate': 1.1139896373056995e-05, 'epoch': 3.89}\n", + " 78% 24000/30880 [1:22:24<39:20, 2.91it/s][INFO|trainer.py:1917] 2021-07-20 12:56:23,489 >> Saving model checkpoint to ./outputs/checkpoint-24000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:56:23,491 >> Configuration saved in ./outputs/checkpoint-24000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:56:25,074 >> Model weights saved in ./outputs/checkpoint-24000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:56:25,075 >> tokenizer config file saved in ./outputs/checkpoint-24000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:56:25,076 >> Special tokens file saved in ./outputs/checkpoint-24000/special_tokens_map.json\n", + " 79% 24500/30880 [1:24:08<35:56, 2.96it/s]{'loss': 0.6884, 'learning_rate': 1.0330310880829017e-05, 'epoch': 3.97}\n", + "[INFO|trainer.py:1917] 2021-07-20 12:58:06,872 >> Saving model checkpoint to ./outputs/checkpoint-24500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:58:06,873 >> Configuration saved in ./outputs/checkpoint-24500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:58:08,346 >> Model weights saved in ./outputs/checkpoint-24500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:58:08,347 >> tokenizer config file saved in ./outputs/checkpoint-24500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:58:08,347 >> Special tokens file saved in ./outputs/checkpoint-24500/special_tokens_map.json\n", + " 81% 25000/30880 [1:25:51<33:26, 2.93it/s]{'loss': 0.6919, 'learning_rate': 9.520725388601037e-06, 'epoch': 4.05}\n", + " 81% 25000/30880 [1:25:51<33:26, 2.93it/s][INFO|trainer.py:1917] 2021-07-20 12:59:50,700 >> Saving model checkpoint to ./outputs/checkpoint-25000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 12:59:50,701 >> Configuration saved in ./outputs/checkpoint-25000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 12:59:52,196 >> Model weights saved in ./outputs/checkpoint-25000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 12:59:52,197 >> tokenizer config file saved in ./outputs/checkpoint-25000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 12:59:52,197 >> Special tokens file saved in ./outputs/checkpoint-25000/special_tokens_map.json\n", + " 83% 25500/30880 [1:27:35<30:17, 2.96it/s]{'loss': 0.6866, 'learning_rate': 8.711139896373057e-06, 'epoch': 4.13}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:01:34,651 >> Saving model checkpoint to ./outputs/checkpoint-25500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:01:34,653 >> Configuration saved in ./outputs/checkpoint-25500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:01:36,166 >> Model weights saved in ./outputs/checkpoint-25500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:01:36,167 >> tokenizer config file saved in ./outputs/checkpoint-25500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:01:36,167 >> Special tokens file saved in ./outputs/checkpoint-25500/special_tokens_map.json\n", + " 84% 26000/30880 [1:29:19<27:31, 2.95it/s]{'loss': 0.6898, 'learning_rate': 7.901554404145079e-06, 'epoch': 4.21}\n", + " 84% 26000/30880 [1:29:19<27:31, 2.95it/s][INFO|trainer.py:1917] 2021-07-20 13:03:17,880 >> Saving model checkpoint to ./outputs/checkpoint-26000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:03:17,882 >> Configuration saved in ./outputs/checkpoint-26000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:03:19,302 >> Model weights saved in ./outputs/checkpoint-26000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:03:19,302 >> tokenizer config file saved in ./outputs/checkpoint-26000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:03:19,303 >> Special tokens file saved in ./outputs/checkpoint-26000/special_tokens_map.json\n", + " 86% 26500/30880 [1:31:02<25:17, 2.89it/s]{'loss': 0.6898, 'learning_rate': 7.091968911917099e-06, 'epoch': 4.29}\n", + " 86% 26500/30880 [1:31:02<25:17, 2.89it/s][INFO|trainer.py:1917] 2021-07-20 13:05:01,244 >> Saving model checkpoint to ./outputs/checkpoint-26500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:05:01,245 >> Configuration saved in ./outputs/checkpoint-26500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:05:02,779 >> Model weights saved in ./outputs/checkpoint-26500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:05:02,780 >> tokenizer config file saved in ./outputs/checkpoint-26500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:05:02,780 >> Special tokens file saved in ./outputs/checkpoint-26500/special_tokens_map.json\n", + " 87% 27000/30880 [1:32:45<21:55, 2.95it/s]{'loss': 0.6904, 'learning_rate': 6.282383419689119e-06, 'epoch': 4.37}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:06:44,730 >> Saving model checkpoint to ./outputs/checkpoint-27000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:06:44,731 >> Configuration saved in ./outputs/checkpoint-27000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:06:46,145 >> Model weights saved in ./outputs/checkpoint-27000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:06:46,146 >> tokenizer config file saved in ./outputs/checkpoint-27000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:06:46,146 >> Special tokens file saved in ./outputs/checkpoint-27000/special_tokens_map.json\n", + "{'loss': 0.6882, 'learning_rate': 5.47279792746114e-06, 'epoch': 4.45}\n", + " 89% 27500/30880 [1:34:29<19:17, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 13:08:28,182 >> Saving model checkpoint to ./outputs/checkpoint-27500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:08:28,183 >> Configuration saved in ./outputs/checkpoint-27500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:08:29,645 >> Model weights saved in ./outputs/checkpoint-27500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:08:29,646 >> tokenizer config file saved in ./outputs/checkpoint-27500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:08:29,646 >> Special tokens file saved in ./outputs/checkpoint-27500/special_tokens_map.json\n", + " 91% 28000/30880 [1:36:12<16:12, 2.96it/s]{'loss': 0.6899, 'learning_rate': 4.663212435233161e-06, 'epoch': 4.53}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:10:11,478 >> Saving model checkpoint to ./outputs/checkpoint-28000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:10:11,479 >> Configuration saved in ./outputs/checkpoint-28000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:10:12,808 >> Model weights saved in ./outputs/checkpoint-28000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:10:12,809 >> tokenizer config file saved in ./outputs/checkpoint-28000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:10:12,809 >> Special tokens file saved in ./outputs/checkpoint-28000/special_tokens_map.json\n", + " 92% 28500/30880 [1:37:56<13:24, 2.96it/s]{'loss': 0.6897, 'learning_rate': 3.853626943005181e-06, 'epoch': 4.61}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:11:55,543 >> Saving model checkpoint to ./outputs/checkpoint-28500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:11:55,544 >> Configuration saved in ./outputs/checkpoint-28500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:11:57,071 >> Model weights saved in ./outputs/checkpoint-28500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:11:57,134 >> tokenizer config file saved in ./outputs/checkpoint-28500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:11:57,134 >> Special tokens file saved in ./outputs/checkpoint-28500/special_tokens_map.json\n", + " 94% 29000/30880 [1:39:40<10:30, 2.98it/s]{'loss': 0.69, 'learning_rate': 3.044041450777202e-06, 'epoch': 4.7}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:13:39,086 >> Saving model checkpoint to ./outputs/checkpoint-29000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:13:39,087 >> Configuration saved in ./outputs/checkpoint-29000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:13:40,501 >> Model weights saved in ./outputs/checkpoint-29000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:13:40,505 >> tokenizer config file saved in ./outputs/checkpoint-29000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:13:40,505 >> Special tokens file saved in ./outputs/checkpoint-29000/special_tokens_map.json\n", + " 96% 29500/30880 [1:41:23<07:49, 2.94it/s]{'loss': 0.687, 'learning_rate': 2.234455958549223e-06, 'epoch': 4.78}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:15:22,276 >> Saving model checkpoint to ./outputs/checkpoint-29500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:15:22,282 >> Configuration saved in ./outputs/checkpoint-29500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:15:23,660 >> Model weights saved in ./outputs/checkpoint-29500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:15:23,661 >> tokenizer config file saved in ./outputs/checkpoint-29500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:15:23,661 >> Special tokens file saved in ./outputs/checkpoint-29500/special_tokens_map.json\n", + " 97% 30000/30880 [1:43:07<05:01, 2.92it/s]{'loss': 0.6893, 'learning_rate': 1.4248704663212437e-06, 'epoch': 4.86}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:17:06,113 >> Saving model checkpoint to ./outputs/checkpoint-30000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:17:06,114 >> Configuration saved in ./outputs/checkpoint-30000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:17:07,719 >> Model weights saved in ./outputs/checkpoint-30000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:17:07,720 >> tokenizer config file saved in ./outputs/checkpoint-30000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:17:07,721 >> Special tokens file saved in ./outputs/checkpoint-30000/special_tokens_map.json\n", + " 99% 30500/30880 [1:44:50<02:08, 2.96it/s]{'loss': 0.6909, 'learning_rate': 6.152849740932643e-07, 'epoch': 4.94}\n", + " 99% 30500/30880 [1:44:50<02:08, 2.96it/s][INFO|trainer.py:1917] 2021-07-20 13:18:49,734 >> Saving model checkpoint to ./outputs/checkpoint-30500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:18:49,735 >> Configuration saved in ./outputs/checkpoint-30500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:18:51,079 >> Model weights saved in ./outputs/checkpoint-30500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:18:51,079 >> tokenizer config file saved in ./outputs/checkpoint-30500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:18:51,080 >> Special tokens file saved in ./outputs/checkpoint-30500/special_tokens_map.json\n", + "100% 30880/30880 [1:46:10<00:00, 5.89it/s][INFO|trainer.py:1358] 2021-07-20 13:20:09,340 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "{'train_runtime': 6373.0159, 'train_samples_per_second': 38.758, 'train_steps_per_second': 4.845, 'train_loss': 0.6934825669916183, 'epoch': 5.0}\n", + "100% 30880/30880 [1:46:10<00:00, 4.85it/s]\n", + "[INFO|trainer.py:1917] 2021-07-20 13:20:09,352 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:20:09,353 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:20:11,595 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:20:11,596 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:20:11,596 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.6935\n", + " train_runtime = 1:46:13.01\n", + " train_samples = 49401\n", + " train_samples_per_second = 38.758\n", + " train_steps_per_second = 4.845\n", + "07/20/2021 13:20:11 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-20 13:20:11,706 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForSequenceClassification.forward` and have been ignored: sentence2, id, sentence1.\n", + "[INFO|trainer.py:2163] 2021-07-20 13:20:11,715 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-20 13:20:11,715 >> Num examples = 2000\n", + "[INFO|trainer.py:2168] 2021-07-20 13:20:11,715 >> Batch size = 8\n", + " 99% 248/250 [00:11<00:00, 20.55it/s]***** eval metrics *****\n", + "100% 250/250 [00:12<00:00, 20.81it/s] epoch = 5.0\n", + " eval_accuracy = 0.5765\n", + " eval_loss = 0.6818\n", + "\n", + " eval_runtime = 0:00:12.07\n", + " eval_samples = 2000\n", + " eval_samples_per_second = 165.685\n", + " eval_steps_per_second = 20.711\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1591\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210720_113356-27wn690d/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210720_113356-27wn690d/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.6909\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 30880\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 6387\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626787223\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 62\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 6373.0159\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 38.758\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 4.845\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.62474365572992e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.69348\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.68176\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.5765\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 12.0711\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 165.685\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 20.711\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▇▅▆▅▅▄▅▅▄▂▃▄▂▄▄▃▃▄▃▄▂▃▁▄▂▂▃▃▁▃▃▃▂▂▃▂▂▂▃\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate ████▇▇▇▇▇▆▆▆▆▆▆▅▅▅▅▅▄▄▄▄▄▄▃▃▃▃▃▃▂▂▂▂▂▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/27wn690d\u001b[0m\n", + "2021-07-20 13:20:34.224882: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/20/2021 13:20:36 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/20/2021 13:20:36 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul20_13-20-36_48f3f265b421,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 13:20:37 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 13:20:37 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 13:20:37 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/20/2021 13:20:37 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 13:20:37 - WARNING - datasets.builder - Reusing dataset pawsx (/root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af)\n", + "07/20/2021 13:20:37 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "100% 3/3 [00:00<00:00, 26.02it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-20 13:20:38,216 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/cbd56d68ce5dcd2626aba4c4b188db63f2ba2c49a604b36e7cdc6e52578ee306.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-20 13:20:38,217 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"paws-x\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 13:20:40,662 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/dae6454603d0b1d10a2446ffc1a21ccd636b0ca6a4c77a79fb9dfde03f4a51b8.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 13:20:40,662 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/2e77e6f778d3fd8875349675d408521ca20c1f1acac2fd57d60ca945d82b926e.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 13:20:40,662 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/98a6808b3aa08b6d84e8b30dfa6892d15e9e631eebff8652b37ab29d75a0b98a.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 13:20:40,662 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 13:20:40,662 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/1f5a4bde3e85f3c7b914d0e6b43b2f72d6b3b2f9ddbec7be9e4b0521a429f67f.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 13:20:40,662 >> loading file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/7a419a17bf4372869932365630632f434d402e93dd7e609e73607cf71ec1bdf7.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-20 13:20:41,084 >> loading weights file https://huggingface.co/bertin-project/bertin-base-gaussian/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/d61c66f6163d7933bcffb5de3a666094c2c7c8d54145ec0cea640f72204427e0.50b5552cf09535e0a4b85cc39c83be233674d4cab0836dd8fedc97aa778c802c\n", + "[WARNING|modeling_utils.py:1502] 2021-07-20 13:20:48,909 >> Some weights of the model checkpoint at bertin-project/bertin-base-gaussian were not used when initializing RobertaForSequenceClassification: ['lm_head.dense.bias', 'lm_head.bias', 'lm_head.layer_norm.weight', 'lm_head.dense.weight', 'lm_head.layer_norm.bias']\n", + "- This IS expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-20 13:20:48,910 >> Some weights of RobertaForSequenceClassification were not initialized from the model checkpoint at bertin-project/bertin-base-gaussian and are newly initialized: ['classifier.dense.weight', 'classifier.dense.bias', 'classifier.out_proj.bias', 'classifier.out_proj.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "07/20/2021 13:20:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-54fbfa10643bca55.arrow\n", + "07/20/2021 13:20:49 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-68c99004674c0acc.arrow\n", + "Running tokenizer on dataset: 0% 0/2 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForSequenceClassification.forward` and have been ignored: sentence2, id, sentence1.\n", + "[INFO|trainer.py:1162] 2021-07-20 13:20:54,594 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-20 13:20:54,594 >> Num examples = 49401\n", + "[INFO|trainer.py:1164] 2021-07-20 13:20:54,595 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-20 13:20:54,595 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-20 13:20:54,595 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-20 13:20:54,595 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-20 13:20:54,595 >> Total optimization steps = 30880\n", + "[INFO|integrations.py:446] 2021-07-20 13:20:54,613 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-20 13:20:56.005653: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/20701jiq\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210720_132054-20701jiq\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " 2% 500/30880 [01:38<2:48:30, 3.00it/s]{'loss': 0.6445, 'learning_rate': 4.919041450777203e-05, 'epoch': 0.08}\n", + " 2% 500/30880 [01:38<2:48:30, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 13:22:35,366 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:22:35,367 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:22:36,740 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:22:36,740 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:22:36,741 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + " {'loss': 0.4639, 'learning_rate': 4.8380829015544046e-05, 'epoch': 0.16}\n", + " 3% 1000/30880 [03:21<2:47:36, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 13:24:19,145 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:24:19,146 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:24:20,479 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:24:20,480 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:24:20,480 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.4439, 'learning_rate': 4.7571243523316064e-05, 'epoch': 0.24}\n", + " 5% 1500/30880 [05:05<2:42:55, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 13:26:02,950 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:26:02,951 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:26:04,453 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:26:04,454 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:26:04,454 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + "{'loss': 0.4076, 'learning_rate': 4.676165803108808e-05, 'epoch': 0.32}\n", + " 6% 2000/30880 [06:50<2:42:07, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 13:27:47,569 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:27:47,571 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:27:49,056 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:27:49,057 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:27:49,057 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + "{'loss': 0.4025, 'learning_rate': 4.595207253886011e-05, 'epoch': 0.4}\n", + " 8% 2500/30880 [08:34<2:42:19, 2.91it/s][INFO|trainer.py:1917] 2021-07-20 13:29:31,608 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:29:31,609 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:29:32,947 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:29:32,948 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:29:32,948 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + "{'loss': 0.397, 'learning_rate': 4.5142487046632126e-05, 'epoch': 0.49}\n", + " 10% 3000/30880 [10:18<2:57:21, 2.62it/s][INFO|trainer.py:1917] 2021-07-20 13:31:15,457 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:31:15,459 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:31:17,087 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:31:17,087 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:31:17,088 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + "{'loss': 0.3652, 'learning_rate': 4.433290155440415e-05, 'epoch': 0.57}\n", + " 11% 3500/30880 [12:02<2:30:37, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 13:32:59,762 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:32:59,764 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:33:01,187 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:33:01,188 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:33:01,188 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + " 13% 4000/30880 [13:46<2:27:43, 3.03it/s]{'loss': 0.3801, 'learning_rate': 4.352331606217617e-05, 'epoch': 0.65}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:34:43,538 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:34:43,539 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:34:44,988 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:34:45,015 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:34:45,015 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 15% 4500/30880 [15:29<2:29:33, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 13:36:26,541 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "{'loss': 0.3775, 'learning_rate': 4.271373056994819e-05, 'epoch': 0.73}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:36:26,543 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:36:28,160 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:36:28,161 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:36:28,161 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.3487, 'learning_rate': 4.190414507772021e-05, 'epoch': 0.81}\n", + " 16% 5000/30880 [17:13<2:26:17, 2.95it/s][INFO|trainer.py:1917] 2021-07-20 13:38:10,599 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:38:10,600 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:38:12,020 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:38:12,021 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:38:12,021 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + " 18% 5500/30880 [18:56<2:21:05, 3.00it/s]{'loss': 0.352, 'learning_rate': 4.109455958549223e-05, 'epoch': 0.89}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:39:54,062 >> Saving model checkpoint to ./outputs/checkpoint-5500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:39:54,068 >> Configuration saved in ./outputs/checkpoint-5500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:39:55,470 >> Model weights saved in ./outputs/checkpoint-5500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:39:55,471 >> tokenizer config file saved in ./outputs/checkpoint-5500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:39:55,471 >> Special tokens file saved in ./outputs/checkpoint-5500/special_tokens_map.json\n", + " 19% 6000/30880 [20:40<2:18:54, 2.99it/s]{'loss': 0.3634, 'learning_rate': 4.028497409326425e-05, 'epoch': 0.97}\n", + " 19% 6000/30880 [20:40<2:18:54, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 13:41:37,622 >> Saving model checkpoint to ./outputs/checkpoint-6000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:41:37,624 >> Configuration saved in ./outputs/checkpoint-6000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:41:39,087 >> Model weights saved in ./outputs/checkpoint-6000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:41:39,088 >> tokenizer config file saved in ./outputs/checkpoint-6000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:41:39,088 >> Special tokens file saved in ./outputs/checkpoint-6000/special_tokens_map.json\n", + "{'loss': 0.3221, 'learning_rate': 3.9475388601036275e-05, 'epoch': 1.05}\n", + " 21% 6500/30880 [22:23<2:17:55, 2.95it/s][INFO|trainer.py:1917] 2021-07-20 13:43:20,501 >> Saving model checkpoint to ./outputs/checkpoint-6500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:43:20,502 >> Configuration saved in ./outputs/checkpoint-6500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:43:22,034 >> Model weights saved in ./outputs/checkpoint-6500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:43:22,035 >> tokenizer config file saved in ./outputs/checkpoint-6500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:43:22,035 >> Special tokens file saved in ./outputs/checkpoint-6500/special_tokens_map.json\n", + " 23% 7000/30880 [24:06<2:12:01, 3.01it/s]{'loss': 0.3012, 'learning_rate': 3.8665803108808294e-05, 'epoch': 1.13}\n", + " 23% 7000/30880 [24:06<2:12:01, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 13:45:03,740 >> Saving model checkpoint to ./outputs/checkpoint-7000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:45:03,746 >> Configuration saved in ./outputs/checkpoint-7000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:45:05,234 >> Model weights saved in ./outputs/checkpoint-7000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:45:05,235 >> tokenizer config file saved in ./outputs/checkpoint-7000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:45:05,235 >> Special tokens file saved in ./outputs/checkpoint-7000/special_tokens_map.json\n", + " 24% 7500/30880 [25:49<2:10:29, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 13:46:46,770 >> Saving model checkpoint to ./outputs/checkpoint-7500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:46:46,771 >> Configuration saved in ./outputs/checkpoint-7500/config.json\n", + "{'loss': 0.2896, 'learning_rate': 3.785621761658031e-05, 'epoch': 1.21}\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:46:48,276 >> Model weights saved in ./outputs/checkpoint-7500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:46:48,277 >> tokenizer config file saved in ./outputs/checkpoint-7500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:46:48,277 >> Special tokens file saved in ./outputs/checkpoint-7500/special_tokens_map.json\n", + " 26% 8000/30880 [27:32<2:07:45, 2.98it/s]{'loss': 0.293, 'learning_rate': 3.704663212435233e-05, 'epoch': 1.3}\n", + "[INFO|trainer.py:1917] 2021-07-20 13:48:29,524 >> Saving model checkpoint to ./outputs/checkpoint-8000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:48:29,525 >> Configuration saved in ./outputs/checkpoint-8000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:48:30,956 >> Model weights saved in ./outputs/checkpoint-8000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:48:30,957 >> tokenizer config file saved in ./outputs/checkpoint-8000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:48:30,957 >> Special tokens file saved in ./outputs/checkpoint-8000/special_tokens_map.json\n", + "{'loss': 0.3197, 'learning_rate': 3.6237046632124356e-05, 'epoch': 1.38}\n", + " 28% 8500/30880 [29:15<2:07:02, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 13:50:12,950 >> Saving model checkpoint to ./outputs/checkpoint-8500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:50:12,951 >> Configuration saved in ./outputs/checkpoint-8500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:50:14,392 >> Model weights saved in ./outputs/checkpoint-8500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:50:14,420 >> tokenizer config file saved in ./outputs/checkpoint-8500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:50:14,421 >> Special tokens file saved in ./outputs/checkpoint-8500/special_tokens_map.json\n", + "{'loss': 0.2864, 'learning_rate': 3.5427461139896374e-05, 'epoch': 1.46}\n", + " 29% 9000/30880 [30:58<1:59:32, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 13:51:56,132 >> Saving model checkpoint to ./outputs/checkpoint-9000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:51:56,133 >> Configuration saved in ./outputs/checkpoint-9000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:51:57,657 >> Model weights saved in ./outputs/checkpoint-9000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:51:57,658 >> tokenizer config file saved in ./outputs/checkpoint-9000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:51:57,658 >> Special tokens file saved in ./outputs/checkpoint-9000/special_tokens_map.json\n", + "{'loss': 0.2849, 'learning_rate': 3.46178756476684e-05, 'epoch': 1.54}\n", + " 31% 9500/30880 [32:41<1:58:07, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 13:53:38,772 >> Saving model checkpoint to ./outputs/checkpoint-9500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:53:38,773 >> Configuration saved in ./outputs/checkpoint-9500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:53:40,184 >> Model weights saved in ./outputs/checkpoint-9500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:53:40,184 >> tokenizer config file saved in ./outputs/checkpoint-9500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:53:40,185 >> Special tokens file saved in ./outputs/checkpoint-9500/special_tokens_map.json\n", + "{'loss': 0.3262, 'learning_rate': 3.380829015544041e-05, 'epoch': 1.62}\n", + " 32% 10000/30880 [34:25<1:56:35, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 13:55:22,359 >> Saving model checkpoint to ./outputs/checkpoint-10000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:55:22,360 >> Configuration saved in ./outputs/checkpoint-10000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:55:23,768 >> Model weights saved in ./outputs/checkpoint-10000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:55:23,769 >> tokenizer config file saved in ./outputs/checkpoint-10000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:55:23,770 >> Special tokens file saved in ./outputs/checkpoint-10000/special_tokens_map.json\n", + "{'loss': 0.3097, 'learning_rate': 3.2998704663212436e-05, 'epoch': 1.7}\n", + " 34% 10500/30880 [36:07<1:52:23, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 13:57:04,709 >> Saving model checkpoint to ./outputs/checkpoint-10500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:57:04,710 >> Configuration saved in ./outputs/checkpoint-10500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:57:06,218 >> Model weights saved in ./outputs/checkpoint-10500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:57:06,219 >> tokenizer config file saved in ./outputs/checkpoint-10500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:57:06,219 >> Special tokens file saved in ./outputs/checkpoint-10500/special_tokens_map.json\n", + "{'loss': 0.3176, 'learning_rate': 3.2189119170984454e-05, 'epoch': 1.78}\n", + " 36% 11000/30880 [37:51<1:50:40, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 13:58:48,236 >> Saving model checkpoint to ./outputs/checkpoint-11000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 13:58:48,237 >> Configuration saved in ./outputs/checkpoint-11000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 13:58:49,696 >> Model weights saved in ./outputs/checkpoint-11000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 13:58:49,697 >> tokenizer config file saved in ./outputs/checkpoint-11000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 13:58:49,697 >> Special tokens file saved in ./outputs/checkpoint-11000/special_tokens_map.json\n", + " 37% 11500/30880 [39:34<1:45:08, 3.07it/s]{'loss': 0.3081, 'learning_rate': 3.137953367875648e-05, 'epoch': 1.86}\n", + " 37% 11500/30880 [39:34<1:45:08, 3.07it/s][INFO|trainer.py:1917] 2021-07-20 14:00:31,780 >> Saving model checkpoint to ./outputs/checkpoint-11500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:00:31,781 >> Configuration saved in ./outputs/checkpoint-11500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:00:33,282 >> Model weights saved in ./outputs/checkpoint-11500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:00:33,283 >> tokenizer config file saved in ./outputs/checkpoint-11500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:00:33,283 >> Special tokens file saved in ./outputs/checkpoint-11500/special_tokens_map.json\n", + "{'loss': 0.3089, 'learning_rate': 3.05699481865285e-05, 'epoch': 1.94}\n", + " 39% 12000/30880 [41:17<1:45:38, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 14:02:14,754 >> Saving model checkpoint to ./outputs/checkpoint-12000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:02:14,756 >> Configuration saved in ./outputs/checkpoint-12000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:02:16,320 >> Model weights saved in ./outputs/checkpoint-12000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:02:16,321 >> tokenizer config file saved in ./outputs/checkpoint-12000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:02:16,322 >> Special tokens file saved in ./outputs/checkpoint-12000/special_tokens_map.json\n", + " 40% 12500/30880 [43:00<1:40:30, 3.05it/s]{'loss': 0.3404, 'learning_rate': 2.976036269430052e-05, 'epoch': 2.02}\n", + " 40% 12500/30880 [43:00<1:40:30, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 14:03:57,999 >> Saving model checkpoint to ./outputs/checkpoint-12500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:03:58,000 >> Configuration saved in ./outputs/checkpoint-12500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:03:59,481 >> Model weights saved in ./outputs/checkpoint-12500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:03:59,481 >> tokenizer config file saved in ./outputs/checkpoint-12500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:03:59,482 >> Special tokens file saved in ./outputs/checkpoint-12500/special_tokens_map.json\n", + " 42% 13000/30880 [44:44<1:38:16, 3.03it/s]{'loss': 0.2694, 'learning_rate': 2.8950777202072538e-05, 'epoch': 2.1}\n", + " 42% 13000/30880 [44:44<1:38:16, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 14:05:41,200 >> Saving model checkpoint to ./outputs/checkpoint-13000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:05:41,202 >> Configuration saved in ./outputs/checkpoint-13000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:05:42,662 >> Model weights saved in ./outputs/checkpoint-13000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:05:42,663 >> tokenizer config file saved in ./outputs/checkpoint-13000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:05:42,663 >> Special tokens file saved in ./outputs/checkpoint-13000/special_tokens_map.json\n", + " 44% 13500/30880 [46:26<1:36:37, 3.00it/s]{'loss': 0.2582, 'learning_rate': 2.814119170984456e-05, 'epoch': 2.19}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:07:23,996 >> Saving model checkpoint to ./outputs/checkpoint-13500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:07:23,997 >> Configuration saved in ./outputs/checkpoint-13500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:07:25,507 >> Model weights saved in ./outputs/checkpoint-13500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:07:25,508 >> tokenizer config file saved in ./outputs/checkpoint-13500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:07:25,508 >> Special tokens file saved in ./outputs/checkpoint-13500/special_tokens_map.json\n", + " 45% 14000/30880 [48:09<1:32:30, 3.04it/s]{'loss': 0.2567, 'learning_rate': 2.7331606217616585e-05, 'epoch': 2.27}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:09:06,466 >> Saving model checkpoint to ./outputs/checkpoint-14000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:09:06,468 >> Configuration saved in ./outputs/checkpoint-14000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:09:07,854 >> Model weights saved in ./outputs/checkpoint-14000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:09:07,854 >> tokenizer config file saved in ./outputs/checkpoint-14000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:09:07,912 >> Special tokens file saved in ./outputs/checkpoint-14000/special_tokens_map.json\n", + " 47% 14500/30880 [49:52<1:31:47, 2.97it/s]{'loss': 0.2521, 'learning_rate': 2.6522020725388604e-05, 'epoch': 2.35}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:10:49,314 >> Saving model checkpoint to ./outputs/checkpoint-14500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:10:49,315 >> Configuration saved in ./outputs/checkpoint-14500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:10:50,881 >> Model weights saved in ./outputs/checkpoint-14500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:10:50,882 >> tokenizer config file saved in ./outputs/checkpoint-14500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:10:50,882 >> Special tokens file saved in ./outputs/checkpoint-14500/special_tokens_map.json\n", + " 49% 15000/30880 [51:35<1:27:25, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 14:12:32,636 >> Saving model checkpoint to ./outputs/checkpoint-15000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:12:32,638 >> Configuration saved in ./outputs/checkpoint-15000/config.json\n", + "{'loss': 0.2523, 'learning_rate': 2.5712435233160625e-05, 'epoch': 2.43}\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:12:34,018 >> Model weights saved in ./outputs/checkpoint-15000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:12:34,019 >> tokenizer config file saved in ./outputs/checkpoint-15000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:12:34,019 >> Special tokens file saved in ./outputs/checkpoint-15000/special_tokens_map.json\n", + "{'loss': 0.2615, 'learning_rate': 2.4902849740932644e-05, 'epoch': 2.51}\n", + " 50% 15500/30880 [53:17<1:23:48, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 14:14:15,110 >> Saving model checkpoint to ./outputs/checkpoint-15500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:14:15,111 >> Configuration saved in ./outputs/checkpoint-15500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:14:16,610 >> Model weights saved in ./outputs/checkpoint-15500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:14:16,611 >> tokenizer config file saved in ./outputs/checkpoint-15500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:14:16,611 >> Special tokens file saved in ./outputs/checkpoint-15500/special_tokens_map.json\n", + "{'loss': 0.2558, 'learning_rate': 2.4093264248704665e-05, 'epoch': 2.59}\n", + " 52% 16000/30880 [55:00<1:22:31, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 14:15:58,112 >> Saving model checkpoint to ./outputs/checkpoint-16000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:15:58,113 >> Configuration saved in ./outputs/checkpoint-16000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:15:59,661 >> Model weights saved in ./outputs/checkpoint-16000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:15:59,661 >> tokenizer config file saved in ./outputs/checkpoint-16000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:15:59,662 >> Special tokens file saved in ./outputs/checkpoint-16000/special_tokens_map.json\n", + " 53% 16500/30880 [56:43<1:16:50, 3.12it/s]{'loss': 0.2322, 'learning_rate': 2.3283678756476684e-05, 'epoch': 2.67}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:17:40,627 >> Saving model checkpoint to ./outputs/checkpoint-16500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:17:40,628 >> Configuration saved in ./outputs/checkpoint-16500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:17:42,033 >> Model weights saved in ./outputs/checkpoint-16500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:17:42,034 >> tokenizer config file saved in ./outputs/checkpoint-16500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:17:42,034 >> Special tokens file saved in ./outputs/checkpoint-16500/special_tokens_map.json\n", + "{'loss': 0.2407, 'learning_rate': 2.2474093264248706e-05, 'epoch': 2.75}\n", + " 55% 17000/30880 [58:25<1:16:33, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 14:19:22,910 >> Saving model checkpoint to ./outputs/checkpoint-17000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:19:22,911 >> Configuration saved in ./outputs/checkpoint-17000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:19:24,335 >> Model weights saved in ./outputs/checkpoint-17000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:19:24,336 >> tokenizer config file saved in ./outputs/checkpoint-17000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:19:24,336 >> Special tokens file saved in ./outputs/checkpoint-17000/special_tokens_map.json\n", + " 57% 17500/30880 [1:00:08<1:12:01, 3.10it/s]{'loss': 0.2554, 'learning_rate': 2.1664507772020724e-05, 'epoch': 2.83}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:21:05,299 >> Saving model checkpoint to ./outputs/checkpoint-17500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:21:05,306 >> Configuration saved in ./outputs/checkpoint-17500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:21:06,788 >> Model weights saved in ./outputs/checkpoint-17500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:21:06,789 >> tokenizer config file saved in ./outputs/checkpoint-17500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:21:06,789 >> Special tokens file saved in ./outputs/checkpoint-17500/special_tokens_map.json\n", + "{'loss': 0.2291, 'learning_rate': 2.0854922279792746e-05, 'epoch': 2.91}\n", + " 58% 18000/30880 [1:01:51<1:11:33, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 14:22:48,225 >> Saving model checkpoint to ./outputs/checkpoint-18000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:22:48,226 >> Configuration saved in ./outputs/checkpoint-18000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:22:49,636 >> Model weights saved in ./outputs/checkpoint-18000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:22:49,637 >> tokenizer config file saved in ./outputs/checkpoint-18000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:22:49,637 >> Special tokens file saved in ./outputs/checkpoint-18000/special_tokens_map.json\n", + "{'loss': 0.2321, 'learning_rate': 2.0045336787564768e-05, 'epoch': 3.0}\n", + " 60% 18500/30880 [1:03:33<1:09:18, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 14:24:31,106 >> Saving model checkpoint to ./outputs/checkpoint-18500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:24:31,107 >> Configuration saved in ./outputs/checkpoint-18500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:24:32,639 >> Model weights saved in ./outputs/checkpoint-18500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:24:32,640 >> tokenizer config file saved in ./outputs/checkpoint-18500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:24:32,640 >> Special tokens file saved in ./outputs/checkpoint-18500/special_tokens_map.json\n", + "{'loss': 0.1643, 'learning_rate': 1.9235751295336786e-05, 'epoch': 3.08}\n", + " 62% 19000/30880 [1:05:15<1:05:06, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 14:26:12,887 >> Saving model checkpoint to ./outputs/checkpoint-19000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:26:12,888 >> Configuration saved in ./outputs/checkpoint-19000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:26:14,308 >> Model weights saved in ./outputs/checkpoint-19000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:26:14,308 >> tokenizer config file saved in ./outputs/checkpoint-19000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:26:14,309 >> Special tokens file saved in ./outputs/checkpoint-19000/special_tokens_map.json\n", + "{'loss': 0.1882, 'learning_rate': 1.8426165803108808e-05, 'epoch': 3.16}\n", + " 63% 19500/30880 [1:06:58<1:03:32, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 14:27:55,385 >> Saving model checkpoint to ./outputs/checkpoint-19500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:27:55,386 >> Configuration saved in ./outputs/checkpoint-19500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:27:56,995 >> Model weights saved in ./outputs/checkpoint-19500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:27:56,996 >> tokenizer config file saved in ./outputs/checkpoint-19500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:27:56,996 >> Special tokens file saved in ./outputs/checkpoint-19500/special_tokens_map.json\n", + " 65% 20000/30880 [1:08:41<58:41, 3.09it/s]{'loss': 0.199, 'learning_rate': 1.761658031088083e-05, 'epoch': 3.24}\n", + " 65% 20000/30880 [1:08:41<58:41, 3.09it/s][INFO|trainer.py:1917] 2021-07-20 14:29:38,312 >> Saving model checkpoint to ./outputs/checkpoint-20000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:29:38,313 >> Configuration saved in ./outputs/checkpoint-20000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:29:39,750 >> Model weights saved in ./outputs/checkpoint-20000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:29:39,751 >> tokenizer config file saved in ./outputs/checkpoint-20000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:29:39,751 >> Special tokens file saved in ./outputs/checkpoint-20000/special_tokens_map.json\n", + " 66% 20500/30880 [1:10:22<56:24, 3.07it/s]{'loss': 0.1814, 'learning_rate': 1.6806994818652848e-05, 'epoch': 3.32}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:31:19,805 >> Saving model checkpoint to ./outputs/checkpoint-20500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:31:19,806 >> Configuration saved in ./outputs/checkpoint-20500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:31:21,215 >> Model weights saved in ./outputs/checkpoint-20500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:31:21,216 >> tokenizer config file saved in ./outputs/checkpoint-20500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:31:21,216 >> Special tokens file saved in ./outputs/checkpoint-20500/special_tokens_map.json\n", + " 68% 21000/30880 [1:12:04<54:20, 3.03it/s]{'loss': 0.1822, 'learning_rate': 1.5997409326424873e-05, 'epoch': 3.4}\n", + " 68% 21000/30880 [1:12:05<54:20, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 14:33:02,168 >> Saving model checkpoint to ./outputs/checkpoint-21000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:33:02,169 >> Configuration saved in ./outputs/checkpoint-21000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:33:03,697 >> Model weights saved in ./outputs/checkpoint-21000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:33:03,698 >> tokenizer config file saved in ./outputs/checkpoint-21000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:33:03,698 >> Special tokens file saved in ./outputs/checkpoint-21000/special_tokens_map.json\n", + "{'loss': 0.1819, 'learning_rate': 1.5187823834196893e-05, 'epoch': 3.48}\n", + " 70% 21500/30880 [1:13:47<51:12, 3.05it/s][INFO|trainer.py:1917] 2021-07-20 14:34:44,955 >> Saving model checkpoint to ./outputs/checkpoint-21500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:34:44,956 >> Configuration saved in ./outputs/checkpoint-21500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:34:46,429 >> Model weights saved in ./outputs/checkpoint-21500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:34:46,429 >> tokenizer config file saved in ./outputs/checkpoint-21500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:34:46,430 >> Special tokens file saved in ./outputs/checkpoint-21500/special_tokens_map.json\n", + " 71% 22000/30880 [1:15:30<49:14, 3.01it/s]{'loss': 0.1754, 'learning_rate': 1.4378238341968913e-05, 'epoch': 3.56}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:36:27,178 >> Saving model checkpoint to ./outputs/checkpoint-22000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:36:27,179 >> Configuration saved in ./outputs/checkpoint-22000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:36:29,394 >> Model weights saved in ./outputs/checkpoint-22000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:36:29,395 >> tokenizer config file saved in ./outputs/checkpoint-22000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:36:29,396 >> Special tokens file saved in ./outputs/checkpoint-22000/special_tokens_map.json\n", + " 73% 22500/30880 [1:17:12<47:52, 2.92it/s]{'loss': 0.1672, 'learning_rate': 1.3568652849740935e-05, 'epoch': 3.64}\n", + " 73% 22500/30880 [1:17:12<47:52, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 14:38:09,777 >> Saving model checkpoint to ./outputs/checkpoint-22500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:38:09,778 >> Configuration saved in ./outputs/checkpoint-22500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:38:11,228 >> Model weights saved in ./outputs/checkpoint-22500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:38:11,228 >> tokenizer config file saved in ./outputs/checkpoint-22500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:38:11,229 >> Special tokens file saved in ./outputs/checkpoint-22500/special_tokens_map.json\n", + "{'loss': 0.1615, 'learning_rate': 1.2759067357512955e-05, 'epoch': 3.72}\n", + " 74% 23000/30880 [1:18:55<43:14, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 14:39:52,200 >> Saving model checkpoint to ./outputs/checkpoint-23000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:39:52,201 >> Configuration saved in ./outputs/checkpoint-23000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:39:53,606 >> Model weights saved in ./outputs/checkpoint-23000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:39:53,607 >> tokenizer config file saved in ./outputs/checkpoint-23000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:39:53,607 >> Special tokens file saved in ./outputs/checkpoint-23000/special_tokens_map.json\n", + "{'loss': 0.1797, 'learning_rate': 1.1949481865284974e-05, 'epoch': 3.81}\n", + " 76% 23500/30880 [1:20:37<41:24, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 14:41:35,005 >> Saving model checkpoint to ./outputs/checkpoint-23500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:41:35,006 >> Configuration saved in ./outputs/checkpoint-23500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:41:36,515 >> Model weights saved in ./outputs/checkpoint-23500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:41:36,516 >> tokenizer config file saved in ./outputs/checkpoint-23500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:41:36,517 >> Special tokens file saved in ./outputs/checkpoint-23500/special_tokens_map.json\n", + "{'loss': 0.151, 'learning_rate': 1.1139896373056995e-05, 'epoch': 3.89}\n", + " 78% 24000/30880 [1:22:20<37:27, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 14:43:17,276 >> Saving model checkpoint to ./outputs/checkpoint-24000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:43:17,277 >> Configuration saved in ./outputs/checkpoint-24000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:43:18,798 >> Model weights saved in ./outputs/checkpoint-24000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:43:18,799 >> tokenizer config file saved in ./outputs/checkpoint-24000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:43:18,817 >> Special tokens file saved in ./outputs/checkpoint-24000/special_tokens_map.json\n", + "{'loss': 0.1575, 'learning_rate': 1.0330310880829017e-05, 'epoch': 3.97}\n", + " 79% 24500/30880 [1:24:03<35:05, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 14:45:00,282 >> Saving model checkpoint to ./outputs/checkpoint-24500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:45:00,284 >> Configuration saved in ./outputs/checkpoint-24500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:45:01,706 >> Model weights saved in ./outputs/checkpoint-24500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:45:01,707 >> tokenizer config file saved in ./outputs/checkpoint-24500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:45:01,708 >> Special tokens file saved in ./outputs/checkpoint-24500/special_tokens_map.json\n", + "{'loss': 0.1398, 'learning_rate': 9.520725388601037e-06, 'epoch': 4.05}\n", + " 81% 25000/30880 [1:25:45<31:38, 3.10it/s][INFO|trainer.py:1917] 2021-07-20 14:46:42,259 >> Saving model checkpoint to ./outputs/checkpoint-25000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:46:42,260 >> Configuration saved in ./outputs/checkpoint-25000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:46:43,605 >> Model weights saved in ./outputs/checkpoint-25000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:46:43,606 >> tokenizer config file saved in ./outputs/checkpoint-25000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:46:43,606 >> Special tokens file saved in ./outputs/checkpoint-25000/special_tokens_map.json\n", + "{'loss': 0.1246, 'learning_rate': 8.711139896373057e-06, 'epoch': 4.13}\n", + " 83% 25500/30880 [1:27:26<29:37, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 14:48:24,031 >> Saving model checkpoint to ./outputs/checkpoint-25500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:48:24,032 >> Configuration saved in ./outputs/checkpoint-25500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:48:25,668 >> Model weights saved in ./outputs/checkpoint-25500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:48:25,669 >> tokenizer config file saved in ./outputs/checkpoint-25500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:48:25,670 >> Special tokens file saved in ./outputs/checkpoint-25500/special_tokens_map.json\n", + " 84% 26000/30880 [1:29:09<27:14, 2.99it/s]{'loss': 0.1393, 'learning_rate': 7.901554404145079e-06, 'epoch': 4.21}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:50:06,537 >> Saving model checkpoint to ./outputs/checkpoint-26000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:50:06,539 >> Configuration saved in ./outputs/checkpoint-26000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:50:08,081 >> Model weights saved in ./outputs/checkpoint-26000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:50:08,082 >> tokenizer config file saved in ./outputs/checkpoint-26000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:50:08,082 >> Special tokens file saved in ./outputs/checkpoint-26000/special_tokens_map.json\n", + " 86% 26500/30880 [1:30:54<24:08, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 14:51:51,373 >> Saving model checkpoint to ./outputs/checkpoint-26500\n", + "{'loss': 0.142, 'learning_rate': 7.091968911917099e-06, 'epoch': 4.29}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:51:51,379 >> Configuration saved in ./outputs/checkpoint-26500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:51:52,813 >> Model weights saved in ./outputs/checkpoint-26500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:51:52,813 >> tokenizer config file saved in ./outputs/checkpoint-26500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:51:52,814 >> Special tokens file saved in ./outputs/checkpoint-26500/special_tokens_map.json\n", + "{'loss': 0.1281, 'learning_rate': 6.282383419689119e-06, 'epoch': 4.37}\n", + " 87% 27000/30880 [1:32:37<21:37, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 14:53:34,522 >> Saving model checkpoint to ./outputs/checkpoint-27000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:53:34,523 >> Configuration saved in ./outputs/checkpoint-27000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:53:36,177 >> Model weights saved in ./outputs/checkpoint-27000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:53:36,178 >> tokenizer config file saved in ./outputs/checkpoint-27000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:53:36,179 >> Special tokens file saved in ./outputs/checkpoint-27000/special_tokens_map.json\n", + " 89% 27500/30880 [1:34:18<18:45, 3.00it/s]{'loss': 0.1299, 'learning_rate': 5.47279792746114e-06, 'epoch': 4.45}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:55:15,878 >> Saving model checkpoint to ./outputs/checkpoint-27500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:55:15,879 >> Configuration saved in ./outputs/checkpoint-27500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:55:17,410 >> Model weights saved in ./outputs/checkpoint-27500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:55:17,411 >> tokenizer config file saved in ./outputs/checkpoint-27500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:55:17,411 >> Special tokens file saved in ./outputs/checkpoint-27500/special_tokens_map.json\n", + " {'loss': 0.1355, 'learning_rate': 4.663212435233161e-06, 'epoch': 4.53}\n", + " 91% 28000/30880 [1:35:59<15:22, 3.12it/s][INFO|trainer.py:1917] 2021-07-20 14:56:56,957 >> Saving model checkpoint to ./outputs/checkpoint-28000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:56:56,958 >> Configuration saved in ./outputs/checkpoint-28000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:56:58,302 >> Model weights saved in ./outputs/checkpoint-28000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:56:58,302 >> tokenizer config file saved in ./outputs/checkpoint-28000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:56:58,303 >> Special tokens file saved in ./outputs/checkpoint-28000/special_tokens_map.json\n", + " 92% 28500/30880 [1:37:41<13:05, 3.03it/s]{'loss': 0.1165, 'learning_rate': 3.853626943005181e-06, 'epoch': 4.61}\n", + "[INFO|trainer.py:1917] 2021-07-20 14:58:39,000 >> Saving model checkpoint to ./outputs/checkpoint-28500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 14:58:39,002 >> Configuration saved in ./outputs/checkpoint-28500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 14:58:40,562 >> Model weights saved in ./outputs/checkpoint-28500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 14:58:40,563 >> tokenizer config file saved in ./outputs/checkpoint-28500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 14:58:40,564 >> Special tokens file saved in ./outputs/checkpoint-28500/special_tokens_map.json\n", + " 94% 29000/30880 [1:39:23<10:27, 2.99it/s]{'loss': 0.1292, 'learning_rate': 3.044041450777202e-06, 'epoch': 4.7}\n", + " 94% 29000/30880 [1:39:23<10:27, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 15:00:20,895 >> Saving model checkpoint to ./outputs/checkpoint-29000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:00:20,896 >> Configuration saved in ./outputs/checkpoint-29000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:00:23,040 >> Model weights saved in ./outputs/checkpoint-29000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:00:23,041 >> tokenizer config file saved in ./outputs/checkpoint-29000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:00:23,041 >> Special tokens file saved in ./outputs/checkpoint-29000/special_tokens_map.json\n", + " 96% 29500/30880 [1:41:05<07:26, 3.09it/s]{'loss': 0.13, 'learning_rate': 2.234455958549223e-06, 'epoch': 4.78}\n", + "[INFO|trainer.py:1917] 2021-07-20 15:02:02,753 >> Saving model checkpoint to ./outputs/checkpoint-29500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:02:02,754 >> Configuration saved in ./outputs/checkpoint-29500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:02:04,090 >> Model weights saved in ./outputs/checkpoint-29500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:02:04,091 >> tokenizer config file saved in ./outputs/checkpoint-29500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:02:04,091 >> Special tokens file saved in ./outputs/checkpoint-29500/special_tokens_map.json\n", + " 97% 30000/30880 [1:42:47<04:48, 3.05it/s]{'loss': 0.1135, 'learning_rate': 1.4248704663212437e-06, 'epoch': 4.86}\n", + "[INFO|trainer.py:1917] 2021-07-20 15:03:44,201 >> Saving model checkpoint to ./outputs/checkpoint-30000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:03:44,203 >> Configuration saved in ./outputs/checkpoint-30000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:03:45,654 >> Model weights saved in ./outputs/checkpoint-30000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:03:45,655 >> tokenizer config file saved in ./outputs/checkpoint-30000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:03:45,655 >> Special tokens file saved in ./outputs/checkpoint-30000/special_tokens_map.json\n", + "{'loss': 0.1377, 'learning_rate': 6.152849740932643e-07, 'epoch': 4.94}\n", + " 99% 30500/30880 [1:44:29<02:06, 3.00it/s][INFO|trainer.py:1917] 2021-07-20 15:05:26,961 >> Saving model checkpoint to ./outputs/checkpoint-30500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:05:26,962 >> Configuration saved in ./outputs/checkpoint-30500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:05:28,421 >> Model weights saved in ./outputs/checkpoint-30500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:05:28,422 >> tokenizer config file saved in ./outputs/checkpoint-30500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:05:28,422 >> Special tokens file saved in ./outputs/checkpoint-30500/special_tokens_map.json\n", + "100% 30880/30880 [1:45:48<00:00, 6.01it/s][INFO|trainer.py:1358] 2021-07-20 15:06:45,231 >> \n", + "\n", + "Training completed. Do not forget to share your model on huggingface.co/models =)\n", + "\n", + "\n", + "100% 30880/30880 [1:45:48<00:00, 6.01it/s]{'train_runtime': 6350.6363, 'train_samples_per_second': 38.895, 'train_steps_per_second': 4.863, 'train_loss': 0.25439529233645897, 'epoch': 5.0}\n", + "100% 30880/30880 [1:45:48<00:00, 4.86it/s]\n", + "[INFO|trainer.py:1917] 2021-07-20 15:06:45,258 >> Saving model checkpoint to ./outputs\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:06:45,259 >> Configuration saved in ./outputs/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:06:46,739 >> Model weights saved in ./outputs/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:06:46,740 >> tokenizer config file saved in ./outputs/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:06:46,740 >> Special tokens file saved in ./outputs/special_tokens_map.json\n", + "***** train metrics *****\n", + " epoch = 5.0\n", + " train_loss = 0.2544\n", + " train_runtime = 1:45:50.63\n", + " train_samples = 49401\n", + " train_samples_per_second = 38.895\n", + " train_steps_per_second = 4.863\n", + "07/20/2021 15:06:47 - INFO - __main__ - *** Evaluate ***\n", + "[INFO|trainer.py:522] 2021-07-20 15:06:47,602 >> The following columns in the evaluation set don't have a corresponding argument in `RobertaForSequenceClassification.forward` and have been ignored: sentence2, id, sentence1.\n", + "[INFO|trainer.py:2163] 2021-07-20 15:06:47,628 >> ***** Running Evaluation *****\n", + "[INFO|trainer.py:2165] 2021-07-20 15:06:47,628 >> Num examples = 2000\n", + "[INFO|trainer.py:2168] 2021-07-20 15:06:47,628 >> Batch size = 8\n", + "100% 250/250 [00:12<00:00, 20.77it/s]\n", + "***** eval metrics *****\n", + " epoch = 5.0\n", + " eval_accuracy = 0.8845\n", + " eval_loss = 0.553\n", + " eval_runtime = 0:00:12.08\n", + " eval_samples = 2000\n", + " eval_samples_per_second = 165.47\n", + " eval_steps_per_second = 20.684\n", + "\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Waiting for W&B process to finish, PID 1654\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Program ended successfully.\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find user logs for this run at: /content/wandb/run-20210720_132054-20701jiq/logs/debug.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Find internal logs for this run at: /content/wandb/run-20210720_132054-20701jiq/logs/debug-internal.log\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run summary:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss 0.1377\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate 0.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch 5.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step 30880\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime 6365\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp 1626793619\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step 62\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime 6350.6363\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second 38.895\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second 4.863\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos 1.62474365572992e+16\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss 0.2544\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss 0.55297\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy 0.8845\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime 12.0868\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second 165.47\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second 20.684\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run history:\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/loss █▆▅▅▄▄▄▄▄▃▃▄▃▄▄▄▄▃▃▃▃▃▃▂▃▂▂▂▂▂▂▁▁▁▁▁▁▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/learning_rate ████▇▇▇▇▇▆▆▆▆▆▆▅▅▅▅▅▄▄▄▄▄▄▃▃▃▃▃▃▂▂▂▂▂▁▁▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/epoch ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/global_step ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _runtime ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▆▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _timestamp ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▆▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: _step ▁▁▁▁▂▂▂▂▂▃▃▃▃▃▄▄▄▄▄▄▅▅▅▅▅▅▆▆▆▆▆▇▇▇▇▇████\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/total_flos ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: train/train_loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/loss ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/accuracy ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/runtime ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/samples_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: eval/steps_per_second ▁\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 1 other file(s)\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: \n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Synced \u001b[33m./outputs\u001b[0m: \u001b[34mhttps://wandb.ai/versae/bertin-eval/runs/20701jiq\u001b[0m\n", + "2021-07-20 15:07:10.673127: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "07/20/2021 15:07:12 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: False\n", + "07/20/2021 15:07:12 - INFO - __main__ - Training/evaluation parameters TrainingArguments(\n", + "_n_gpu=1,\n", + "adafactor=False,\n", + "adam_beta1=0.9,\n", + "adam_beta2=0.999,\n", + "adam_epsilon=1e-08,\n", + "dataloader_drop_last=False,\n", + "dataloader_num_workers=0,\n", + "dataloader_pin_memory=True,\n", + "ddp_find_unused_parameters=None,\n", + "debug=[],\n", + "deepspeed=None,\n", + "disable_tqdm=False,\n", + "do_eval=True,\n", + "do_predict=False,\n", + "do_train=True,\n", + "eval_accumulation_steps=None,\n", + "eval_steps=500,\n", + "evaluation_strategy=IntervalStrategy.NO,\n", + "fp16=False,\n", + "fp16_backend=auto,\n", + "fp16_full_eval=False,\n", + "fp16_opt_level=O1,\n", + "gradient_accumulation_steps=1,\n", + "greater_is_better=None,\n", + "group_by_length=False,\n", + "ignore_data_skip=False,\n", + "label_names=None,\n", + "label_smoothing_factor=0.0,\n", + "learning_rate=5e-05,\n", + "length_column_name=length,\n", + "load_best_model_at_end=False,\n", + "local_rank=-1,\n", + "log_level=-1,\n", + "log_level_replica=-1,\n", + "log_on_each_node=True,\n", + "logging_dir=./outputs/runs/Jul20_15-07-12_48f3f265b421,\n", + "logging_first_step=False,\n", + "logging_steps=500,\n", + "logging_strategy=IntervalStrategy.STEPS,\n", + "lr_scheduler_type=SchedulerType.LINEAR,\n", + "max_grad_norm=1.0,\n", + "max_steps=-1,\n", + "metric_for_best_model=None,\n", + "mp_parameters=,\n", + "no_cuda=False,\n", + "num_train_epochs=5.0,\n", + "output_dir=./outputs,\n", + "overwrite_output_dir=True,\n", + "past_index=-1,\n", + "per_device_eval_batch_size=8,\n", + "per_device_train_batch_size=8,\n", + "prediction_loss_only=False,\n", + "push_to_hub=False,\n", + "push_to_hub_model_id=outputs,\n", + "push_to_hub_organization=None,\n", + "push_to_hub_token=None,\n", + "remove_unused_columns=True,\n", + "report_to=['tensorboard', 'wandb'],\n", + "resume_from_checkpoint=None,\n", + "run_name=./outputs,\n", + "save_on_each_node=False,\n", + "save_steps=500,\n", + "save_strategy=IntervalStrategy.STEPS,\n", + "save_total_limit=None,\n", + "seed=42,\n", + "sharded_ddp=[],\n", + "skip_memory_metrics=True,\n", + "tpu_metrics_debug=False,\n", + "tpu_num_cores=None,\n", + "use_legacy_prediction_loop=False,\n", + "warmup_ratio=0.0,\n", + "warmup_steps=0,\n", + "weight_decay=0.0,\n", + ")\n", + "07/20/2021 15:07:13 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 15:07:13 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 15:07:13 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 15:07:13 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 15:07:13 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 15:07:14 - INFO - datasets.load - Found main folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x\n", + "07/20/2021 15:07:14 - INFO - datasets.load - Found specific version folder for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 15:07:14 - INFO - datasets.load - Found script file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.py\n", + "07/20/2021 15:07:14 - INFO - datasets.load - Found dataset infos file from https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/dataset_infos.json to /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/dataset_infos.json\n", + "07/20/2021 15:07:14 - INFO - datasets.load - Found metadata file for dataset https://raw.githubusercontent.com/huggingface/datasets/1.9.0/datasets/paws-x/paws-x.py at /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/paws-x.json\n", + "07/20/2021 15:07:14 - INFO - datasets.info - Loading Dataset Infos from /root/.cache/huggingface/modules/datasets_modules/datasets/paws-x/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 15:07:14 - INFO - datasets.builder - Overwrite dataset info from restored data version.\n", + "07/20/2021 15:07:14 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "07/20/2021 15:07:14 - WARNING - datasets.builder - Reusing dataset pawsx (/root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af)\n", + "07/20/2021 15:07:14 - INFO - datasets.info - Loading Dataset info from /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af\n", + "100% 3/3 [00:00<00:00, 23.03it/s]\n", + "[INFO|configuration_utils.py:545] 2021-07-20 15:07:14,735 >> loading configuration file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/config.json from cache at /root/.cache/huggingface/transformers/367bb30bd1ae06268e9d1c64ae1fb923fc9931913fa478dfa01d79a4c7086238.08210214ecaf5cd53c702826a604e564d8af557125033eef720f4f9f2af1fc44\n", + "[INFO|configuration_utils.py:581] 2021-07-20 15:07:14,735 >> Model config RobertaConfig {\n", + " \"architectures\": [\n", + " \"RobertaForMaskedLM\"\n", + " ],\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"bos_token_id\": 0,\n", + " \"eos_token_id\": 2,\n", + " \"finetuning_task\": \"paws-x\",\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 514,\n", + " \"model_type\": \"roberta\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"transformers_version\": \"4.9.0.dev0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 15:07:17,210 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/vocab.json from cache at /root/.cache/huggingface/transformers/dc7971c78d10d920138338883fd23b96f3994bce40018345ab1ba2ba8c8f6bdd.a80f232f572026f92499b14999a8ed4e044e04cf3d01b9f2be298c98e78e8498\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 15:07:17,210 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/merges.txt from cache at /root/.cache/huggingface/transformers/5f573076405f6fab314615142ba9deec180a84917e495fecbf81f61afb2965cb.a0dfc41f9d0f03a56ba7a5401d770f6e43071045a0bd79073380d408d17a0d92\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 15:07:17,210 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer.json from cache at /root/.cache/huggingface/transformers/9a541e4855ef267ea4879cc9c2277f67dd5569f68cc688d212822bed1ca8755f.2a5dc806edc00ab3a329cb22b9973596ca75b24ba0e5e4963bf1308de7237a3d\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 15:07:17,210 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/added_tokens.json from cache at None\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 15:07:17,210 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/special_tokens_map.json from cache at /root/.cache/huggingface/transformers/8e21c2757a0c3938b80989bb3dabd355f9221ed98847fb957a5c4e9a86209c03.a11ebb04664c067c8fe5ef8f8068b0f721263414a26058692f7b2e4ba2a1b342\n", + "[INFO|tokenization_utils_base.py:1722] 2021-07-20 15:07:17,210 >> loading file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/tokenizer_config.json from cache at /root/.cache/huggingface/transformers/e577044edb84fa4a576105e2202c62cf62f831634f9581da80435c97b8034fba.9f7ac4246b492dfa7c21beb5233deec8aef46153ec25ac5258ac5e2ae82dfa89\n", + "[INFO|modeling_utils.py:1271] 2021-07-20 15:07:17,636 >> loading weights file https://huggingface.co/bertin-project/bertin-base-stepwise/resolve/main/pytorch_model.bin from cache at /root/.cache/huggingface/transformers/4832a73c0f4a13adaab71151bf2413717416da487cdb2a79247f10198c6421f8.aebba6b503a22a0c70b362f8b026aa0f030aae594f7580f0164a0a73fb0001af\n", + "[WARNING|modeling_utils.py:1502] 2021-07-20 15:07:25,547 >> Some weights of the model checkpoint at bertin-project/bertin-base-stepwise were not used when initializing RobertaForSequenceClassification: ['lm_head.layer_norm.weight', 'lm_head.bias', 'lm_head.dense.bias', 'lm_head.dense.weight', 'lm_head.layer_norm.bias']\n", + "- This IS expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "[WARNING|modeling_utils.py:1513] 2021-07-20 15:07:25,547 >> Some weights of RobertaForSequenceClassification were not initialized from the model checkpoint at bertin-project/bertin-base-stepwise and are newly initialized: ['classifier.out_proj.bias', 'classifier.dense.weight', 'classifier.dense.bias', 'classifier.out_proj.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "07/20/2021 15:07:25 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-76ca7b71f1e87df9.arrow\n", + "07/20/2021 15:07:26 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /root/.cache/huggingface/datasets/pawsx/es/1.1.0/a5033b43902a02a4ba2ee469c1dd22af3e6a4a247ac47fa1af9835d0e734e2af/cache-db0d8830efc25d6e.arrow\n", + "Running tokenizer on dataset: 0% 0/2 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForSequenceClassification.forward` and have been ignored: sentence1, sentence2, id.\n", + "[INFO|trainer.py:1162] 2021-07-20 15:07:31,426 >> ***** Running training *****\n", + "[INFO|trainer.py:1163] 2021-07-20 15:07:31,426 >> Num examples = 49401\n", + "[INFO|trainer.py:1164] 2021-07-20 15:07:31,426 >> Num Epochs = 5\n", + "[INFO|trainer.py:1165] 2021-07-20 15:07:31,426 >> Instantaneous batch size per device = 8\n", + "[INFO|trainer.py:1166] 2021-07-20 15:07:31,426 >> Total train batch size (w. parallel, distributed & accumulation) = 8\n", + "[INFO|trainer.py:1167] 2021-07-20 15:07:31,426 >> Gradient Accumulation steps = 1\n", + "[INFO|trainer.py:1168] 2021-07-20 15:07:31,426 >> Total optimization steps = 30880\n", + "[INFO|integrations.py:446] 2021-07-20 15:07:31,446 >> Automatic Weights & Biases logging enabled, to disable set os.environ[\"WANDB_DISABLED\"] = \"true\"\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Currently logged in as: \u001b[33mversae\u001b[0m (use `wandb login --relogin` to force relogin)\n", + "2021-07-20 15:07:32.876281: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library libcudart.so.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Tracking run with wandb version 0.11.0\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Syncing run \u001b[33m./outputs\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: ⭐️ View project at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: 🚀 View run at \u001b[34m\u001b[4mhttps://wandb.ai/versae/bertin-eval/runs/1zzsesw7\u001b[0m\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run data is saved locally in /content/wandb/run-20210720_150731-1zzsesw7\n", + "\u001b[34m\u001b[1mwandb\u001b[0m: Run `wandb offline` to turn off syncing.\n", + "\n", + " {'loss': 0.7073, 'learning_rate': 4.919041450777203e-05, 'epoch': 0.08}\n", + " 2% 500/30880 [01:37<2:53:12, 2.92it/s][INFO|trainer.py:1917] 2021-07-20 15:09:11,219 >> Saving model checkpoint to ./outputs/checkpoint-500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:09:11,221 >> Configuration saved in ./outputs/checkpoint-500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:09:12,592 >> Model weights saved in ./outputs/checkpoint-500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:09:12,593 >> tokenizer config file saved in ./outputs/checkpoint-500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:09:12,594 >> Special tokens file saved in ./outputs/checkpoint-500/special_tokens_map.json\n", + "{'loss': 0.592, 'learning_rate': 4.8380829015544046e-05, 'epoch': 0.16}\n", + " 3% 1000/30880 [03:20<2:46:17, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 15:10:54,974 >> Saving model checkpoint to ./outputs/checkpoint-1000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:10:54,975 >> Configuration saved in ./outputs/checkpoint-1000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:10:56,282 >> Model weights saved in ./outputs/checkpoint-1000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:10:56,283 >> tokenizer config file saved in ./outputs/checkpoint-1000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:10:56,283 >> Special tokens file saved in ./outputs/checkpoint-1000/special_tokens_map.json\n", + "{'loss': 0.5125, 'learning_rate': 4.7571243523316064e-05, 'epoch': 0.24}\n", + " 5% 1500/30880 [05:03<2:41:55, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 15:12:37,612 >> Saving model checkpoint to ./outputs/checkpoint-1500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:12:37,613 >> Configuration saved in ./outputs/checkpoint-1500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:12:38,967 >> Model weights saved in ./outputs/checkpoint-1500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:12:38,968 >> tokenizer config file saved in ./outputs/checkpoint-1500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:12:38,968 >> Special tokens file saved in ./outputs/checkpoint-1500/special_tokens_map.json\n", + " 6% 2000/30880 [06:45<2:42:42, 2.96it/s][INFO|trainer.py:1917] 2021-07-20 15:14:19,715 >> Saving model checkpoint to ./outputs/checkpoint-2000\n", + "{'loss': 0.4902, 'learning_rate': 4.676165803108808e-05, 'epoch': 0.32}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:14:19,721 >> Configuration saved in ./outputs/checkpoint-2000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:14:21,076 >> Model weights saved in ./outputs/checkpoint-2000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:14:21,077 >> tokenizer config file saved in ./outputs/checkpoint-2000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:14:21,077 >> Special tokens file saved in ./outputs/checkpoint-2000/special_tokens_map.json\n", + " 8% 2500/30880 [08:29<2:41:20, 2.93it/s][INFO|trainer.py:1917] 2021-07-20 15:16:03,536 >> Saving model checkpoint to ./outputs/checkpoint-2500\n", + "{'loss': 0.4658, 'learning_rate': 4.595207253886011e-05, 'epoch': 0.4}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:16:03,543 >> Configuration saved in ./outputs/checkpoint-2500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:16:04,986 >> Model weights saved in ./outputs/checkpoint-2500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:16:04,987 >> tokenizer config file saved in ./outputs/checkpoint-2500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:16:04,987 >> Special tokens file saved in ./outputs/checkpoint-2500/special_tokens_map.json\n", + " 10% 3000/30880 [10:13<2:55:59, 2.64it/s]{'loss': 0.4675, 'learning_rate': 4.5142487046632126e-05, 'epoch': 0.49}\n", + " 10% 3000/30880 [10:13<2:55:59, 2.64it/s][INFO|trainer.py:1917] 2021-07-20 15:17:47,698 >> Saving model checkpoint to ./outputs/checkpoint-3000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:17:47,699 >> Configuration saved in ./outputs/checkpoint-3000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:17:49,080 >> Model weights saved in ./outputs/checkpoint-3000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:17:49,080 >> tokenizer config file saved in ./outputs/checkpoint-3000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:17:49,081 >> Special tokens file saved in ./outputs/checkpoint-3000/special_tokens_map.json\n", + " 11% 3500/30880 [11:55<2:32:42, 2.99it/s]{'loss': 0.4143, 'learning_rate': 4.433290155440415e-05, 'epoch': 0.57}\n", + "[INFO|trainer.py:1917] 2021-07-20 15:19:30,049 >> Saving model checkpoint to ./outputs/checkpoint-3500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:19:30,053 >> Configuration saved in ./outputs/checkpoint-3500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:19:31,476 >> Model weights saved in ./outputs/checkpoint-3500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:19:31,477 >> tokenizer config file saved in ./outputs/checkpoint-3500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:19:31,477 >> Special tokens file saved in ./outputs/checkpoint-3500/special_tokens_map.json\n", + "{'loss': 0.4291, 'learning_rate': 4.352331606217617e-05, 'epoch': 0.65}\n", + " 13% 4000/30880 [13:38<2:31:23, 2.96it/s][INFO|trainer.py:1917] 2021-07-20 15:21:12,358 >> Saving model checkpoint to ./outputs/checkpoint-4000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:21:12,359 >> Configuration saved in ./outputs/checkpoint-4000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:21:13,816 >> Model weights saved in ./outputs/checkpoint-4000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:21:13,817 >> tokenizer config file saved in ./outputs/checkpoint-4000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:21:13,817 >> Special tokens file saved in ./outputs/checkpoint-4000/special_tokens_map.json\n", + " 15% 4500/30880 [15:20<2:25:40, 3.02it/s][INFO|trainer.py:1917] 2021-07-20 15:22:54,963 >> Saving model checkpoint to ./outputs/checkpoint-4500\n", + "{'loss': 0.4058, 'learning_rate': 4.271373056994819e-05, 'epoch': 0.73}\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:22:54,964 >> Configuration saved in ./outputs/checkpoint-4500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:22:56,401 >> Model weights saved in ./outputs/checkpoint-4500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:22:56,402 >> tokenizer config file saved in ./outputs/checkpoint-4500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:22:56,403 >> Special tokens file saved in ./outputs/checkpoint-4500/special_tokens_map.json\n", + "{'loss': 0.3937, 'learning_rate': 4.190414507772021e-05, 'epoch': 0.81}\n", + " 16% 5000/30880 [17:02<2:26:31, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 15:24:36,868 >> Saving model checkpoint to ./outputs/checkpoint-5000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:24:36,869 >> Configuration saved in ./outputs/checkpoint-5000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:24:38,356 >> Model weights saved in ./outputs/checkpoint-5000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:24:38,357 >> tokenizer config file saved in ./outputs/checkpoint-5000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:24:38,357 >> Special tokens file saved in ./outputs/checkpoint-5000/special_tokens_map.json\n", + "{'loss': 0.4076, 'learning_rate': 4.109455958549223e-05, 'epoch': 0.89}\n", + " 18% 5500/30880 [18:44<2:20:21, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 15:26:18,777 >> Saving model checkpoint to ./outputs/checkpoint-5500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:26:18,778 >> Configuration saved in ./outputs/checkpoint-5500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:26:20,151 >> Model weights saved in ./outputs/checkpoint-5500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:26:20,180 >> tokenizer config file saved in ./outputs/checkpoint-5500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:26:20,180 >> Special tokens file saved in ./outputs/checkpoint-5500/special_tokens_map.json\n", + "{'loss': 0.3757, 'learning_rate': 4.028497409326425e-05, 'epoch': 0.97}\n", + " 19% 6000/30880 [20:26<2:17:39, 3.01it/s][INFO|trainer.py:1917] 2021-07-20 15:28:00,979 >> Saving model checkpoint to ./outputs/checkpoint-6000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:28:00,980 >> Configuration saved in ./outputs/checkpoint-6000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:28:02,413 >> Model weights saved in ./outputs/checkpoint-6000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:28:02,414 >> tokenizer config file saved in ./outputs/checkpoint-6000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:28:02,414 >> Special tokens file saved in ./outputs/checkpoint-6000/special_tokens_map.json\n", + "{'loss': 0.3788, 'learning_rate': 3.9475388601036275e-05, 'epoch': 1.05}\n", + " 21% 6500/30880 [22:08<2:15:45, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 15:29:42,929 >> Saving model checkpoint to ./outputs/checkpoint-6500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:29:42,930 >> Configuration saved in ./outputs/checkpoint-6500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:29:44,394 >> Model weights saved in ./outputs/checkpoint-6500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:29:44,395 >> tokenizer config file saved in ./outputs/checkpoint-6500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:29:44,395 >> Special tokens file saved in ./outputs/checkpoint-6500/special_tokens_map.json\n", + "{'loss': 0.3526, 'learning_rate': 3.8665803108808294e-05, 'epoch': 1.13}\n", + " 23% 7000/30880 [23:50<2:15:14, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 15:31:24,408 >> Saving model checkpoint to ./outputs/checkpoint-7000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:31:24,409 >> Configuration saved in ./outputs/checkpoint-7000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:31:25,828 >> Model weights saved in ./outputs/checkpoint-7000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:31:25,828 >> tokenizer config file saved in ./outputs/checkpoint-7000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:31:25,829 >> Special tokens file saved in ./outputs/checkpoint-7000/special_tokens_map.json\n", + "{'loss': 0.3525, 'learning_rate': 3.785621761658031e-05, 'epoch': 1.21}\n", + " 24% 7500/30880 [25:31<2:11:11, 2.97it/s][INFO|trainer.py:1917] 2021-07-20 15:33:06,085 >> Saving model checkpoint to ./outputs/checkpoint-7500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:33:06,086 >> Configuration saved in ./outputs/checkpoint-7500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:33:07,561 >> Model weights saved in ./outputs/checkpoint-7500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:33:07,562 >> tokenizer config file saved in ./outputs/checkpoint-7500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:33:07,562 >> Special tokens file saved in ./outputs/checkpoint-7500/special_tokens_map.json\n", + " 26% 8000/30880 [27:13<2:05:27, 3.04it/s]{'loss': 0.3367, 'learning_rate': 3.704663212435233e-05, 'epoch': 1.3}\n", + "[INFO|trainer.py:1917] 2021-07-20 15:34:47,724 >> Saving model checkpoint to ./outputs/checkpoint-8000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:34:47,725 >> Configuration saved in ./outputs/checkpoint-8000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:34:49,236 >> Model weights saved in ./outputs/checkpoint-8000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:34:49,236 >> tokenizer config file saved in ./outputs/checkpoint-8000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:34:49,237 >> Special tokens file saved in ./outputs/checkpoint-8000/special_tokens_map.json\n", + " 28% 8500/30880 [28:55<2:06:03, 2.96it/s]{'loss': 0.3467, 'learning_rate': 3.6237046632124356e-05, 'epoch': 1.38}\n", + "[INFO|trainer.py:1917] 2021-07-20 15:36:30,045 >> Saving model checkpoint to ./outputs/checkpoint-8500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:36:30,046 >> Configuration saved in ./outputs/checkpoint-8500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:36:31,513 >> Model weights saved in ./outputs/checkpoint-8500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:36:31,514 >> tokenizer config file saved in ./outputs/checkpoint-8500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:36:31,514 >> Special tokens file saved in ./outputs/checkpoint-8500/special_tokens_map.json\n", + " 29% 9000/30880 [30:38<2:02:02, 2.99it/s]{'loss': 0.3406, 'learning_rate': 3.5427461139896374e-05, 'epoch': 1.46}\n", + "[INFO|trainer.py:1917] 2021-07-20 15:38:12,287 >> Saving model checkpoint to ./outputs/checkpoint-9000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:38:12,289 >> Configuration saved in ./outputs/checkpoint-9000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:38:13,681 >> Model weights saved in ./outputs/checkpoint-9000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:38:13,682 >> tokenizer config file saved in ./outputs/checkpoint-9000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:38:13,683 >> Special tokens file saved in ./outputs/checkpoint-9000/special_tokens_map.json\n", + " 31% 9500/30880 [32:19<1:57:28, 3.03it/s]{'loss': 0.3246, 'learning_rate': 3.46178756476684e-05, 'epoch': 1.54}\n", + " 31% 9500/30880 [32:19<1:57:28, 3.03it/s][INFO|trainer.py:1917] 2021-07-20 15:39:53,791 >> Saving model checkpoint to ./outputs/checkpoint-9500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:39:53,792 >> Configuration saved in ./outputs/checkpoint-9500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:39:55,125 >> Model weights saved in ./outputs/checkpoint-9500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:39:55,125 >> tokenizer config file saved in ./outputs/checkpoint-9500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:39:55,126 >> Special tokens file saved in ./outputs/checkpoint-9500/special_tokens_map.json\n", + " 32% 10000/30880 [34:00<1:56:14, 2.99it/s]{'loss': 0.3081, 'learning_rate': 3.380829015544041e-05, 'epoch': 1.62}\n", + " 32% 10000/30880 [34:00<1:56:14, 2.99it/s][INFO|trainer.py:1917] 2021-07-20 15:41:34,974 >> Saving model checkpoint to ./outputs/checkpoint-10000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:41:34,975 >> Configuration saved in ./outputs/checkpoint-10000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:41:36,429 >> Model weights saved in ./outputs/checkpoint-10000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:41:36,430 >> tokenizer config file saved in ./outputs/checkpoint-10000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:41:36,430 >> Special tokens file saved in ./outputs/checkpoint-10000/special_tokens_map.json\n", + "{'loss': 0.3241, 'learning_rate': 3.2998704663212436e-05, 'epoch': 1.7}\n", + " 34% 10500/30880 [35:42<1:55:38, 2.94it/s][INFO|trainer.py:1917] 2021-07-20 15:43:16,682 >> Saving model checkpoint to ./outputs/checkpoint-10500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:43:16,684 >> Configuration saved in ./outputs/checkpoint-10500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:43:18,052 >> Model weights saved in ./outputs/checkpoint-10500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:43:18,053 >> tokenizer config file saved in ./outputs/checkpoint-10500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:43:18,055 >> Special tokens file saved in ./outputs/checkpoint-10500/special_tokens_map.json\n", + "{'loss': 0.3209, 'learning_rate': 3.2189119170984454e-05, 'epoch': 1.78}\n", + " 36% 11000/30880 [37:23<1:48:09, 3.06it/s][INFO|trainer.py:1917] 2021-07-20 15:44:57,615 >> Saving model checkpoint to ./outputs/checkpoint-11000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:44:57,616 >> Configuration saved in ./outputs/checkpoint-11000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:44:59,438 >> Model weights saved in ./outputs/checkpoint-11000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:44:59,439 >> tokenizer config file saved in ./outputs/checkpoint-11000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:44:59,443 >> Special tokens file saved in ./outputs/checkpoint-11000/special_tokens_map.json\n", + "{'loss': 0.3148, 'learning_rate': 3.137953367875648e-05, 'epoch': 1.86}\n", + " 37% 11500/30880 [39:05<1:48:16, 2.98it/s][INFO|trainer.py:1917] 2021-07-20 15:46:39,293 >> Saving model checkpoint to ./outputs/checkpoint-11500\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:46:39,295 >> Configuration saved in ./outputs/checkpoint-11500/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:46:40,782 >> Model weights saved in ./outputs/checkpoint-11500/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:46:40,782 >> tokenizer config file saved in ./outputs/checkpoint-11500/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:46:40,809 >> Special tokens file saved in ./outputs/checkpoint-11500/special_tokens_map.json\n", + "{'loss': 0.3225, 'learning_rate': 3.05699481865285e-05, 'epoch': 1.94}\n", + " 39% 12000/30880 [40:46<1:43:31, 3.04it/s][INFO|trainer.py:1917] 2021-07-20 15:48:20,223 >> Saving model checkpoint to ./outputs/checkpoint-12000\n", + "[INFO|configuration_utils.py:379] 2021-07-20 15:48:20,224 >> Configuration saved in ./outputs/checkpoint-12000/config.json\n", + "[INFO|modeling_utils.py:997] 2021-07-20 15:48:21,700 >> Model weights saved in ./outputs/checkpoint-12000/pytorch_model.bin\n", + "[INFO|tokenization_utils_base.py:1998] 2021-07-20 15:48:21,701 >> tokenizer config file saved in ./outputs/checkpoint-12000/tokenizer_config.json\n", + "[INFO|tokenization_utils_base.py:2004] 2021-07-20 15:48:21,702 >> Special tokens file saved in ./outputs/checkpoint-12000/special_tokens_map.json\n", + " 40% 12284/30880 [41:45<59:16, 5.23it/s]" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "code", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 364, + "referenced_widgets": [ + "3375353ee2ea43d28775f62c49ee0538", + "b57b116c89594c558fb17ee835cec7ae", + "2de683c0aad84a33b5d74c338151cb11", + "2d6e2ae6f5e24092bda544ced04abab4", + "ce5c0860d88b4ae594ff9c4f97bc998b", + "e908ba524a584e1c82cb2a1e0e48d7d6", + "5196bc6355b9487aadc2ac77b84f4c0c", + "76697b9a49db4f6c9a43f8a102118a45" + ] + }, + "id": "pqN4wpd7SZQN", + "outputId": "0ffb4081-1722-4e19-9399-a3946a208a12" + }, + "source": [ + "from datasets import load_metric\n", + "\n", + "load_metric(\"accuracy\")" + ], + "execution_count": null, + "outputs": [ + { + "output_type": "display_data", + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "3375353ee2ea43d28775f62c49ee0538", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "HBox(children=(FloatProgress(value=0.0, description='Downloading', max=1362.0, style=ProgressStyle(description…" + ] + }, + "metadata": { + "tags": [] + } + }, + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + }, + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "Metric(name: \"accuracy\", features: {'predictions': Value(dtype='int32', id=None), 'references': Value(dtype='int32', id=None)}, usage: \"\"\"\n", + "Args:\n", + " predictions: Predicted labels, as returned by a model.\n", + " references: Ground truth labels.\n", + " normalize: If False, return the number of correctly classified samples.\n", + " Otherwise, return the fraction of correctly classified samples.\n", + " sample_weight: Sample weights.\n", + "Returns:\n", + " accuracy: Accuracy score.\n", + "Examples:\n", + "\n", + " >>> accuracy_metric = datasets.load_metric(\"accuracy\")\n", + " >>> results = accuracy_metric.compute(references=[0, 1], predictions=[0, 1])\n", + " >>> print(results)\n", + " {'accuracy': 1.0}\n", + "\"\"\", stored examples: 0)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 13 + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "2UoX0t5AFxvM" + }, + "source": [ + "# !wget https://raw.githubusercontent.com/huggingface/transformers/master/examples/pytorch/token-classification/run_ner.py\n", + "for model in models:\n", + " !WANDB_PROJECT=bertin-eval TOKENIZERS_PARALLELISM=false CUDA_LAUNCH_BLOCKING=1 python run_glue.py \\\n", + " --model_name_or_path $model \\\n", + " --dataset_name \"amazon_reviews_multi\" \\\n", + " --dataset_config_name \"es\" \\\n", + " --task_name \"amazon_reviews_multi\" \\\n", + " --output_dir ./outputs \\\n", + " --overwrite_output_dir \\\n", + " --pad_to_max_length \\\n", + " --num_train_epochs 5 \\\n", + " --do_train \\\n", + " --do_eval" + ], + "execution_count": null, + "outputs": [] + } + ] +} diff --git a/data_tooling/bertin/evaluation/run_ner.py b/data_tooling/bertin/evaluation/run_ner.py new file mode 100644 index 0000000..dbd9cd9 --- /dev/null +++ b/data_tooling/bertin/evaluation/run_ner.py @@ -0,0 +1,654 @@ +#!/usr/bin/env python +# coding=utf-8 +# Copyright 2020 The HuggingFace Team All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Fine-tuning the library models for token classification. +""" +# You can also adapt this script on your own token classification task and datasets. Pointers for this are left as +# comments. + +import logging +import os +import sys +from dataclasses import dataclass, field +from pathlib import Path +from typing import Optional + +import datasets +import numpy as np +import transformers +from datasets import ClassLabel, load_dataset, load_metric +from transformers import ( + AutoConfig, + AutoModelForTokenClassification, + AutoTokenizer, + DataCollatorForTokenClassification, + HfArgumentParser, + PreTrainedTokenizerFast, + Trainer, + TrainingArguments, + set_seed, +) +from transformers.trainer_utils import get_last_checkpoint +from transformers.utils import check_min_version +from transformers.utils.versions import require_version + +# Will error if the minimal version of Transformers is not installed. Remove at your own risks. +check_min_version("4.9.0.dev0") + +require_version( + "datasets>=1.8.0", + "To fix: pip install -r examples/pytorch/token-classification/requirements.txt", +) + +logger = logging.getLogger(__name__) + + +@dataclass +class ModelArguments: + """ + Arguments pertaining to which model/config/tokenizer we are going to fine-tune from. + """ + + model_name_or_path: str = field( + metadata={ + "help": "Path to pretrained model or model identifier from huggingface.co/models" + } + ) + config_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained config name or path if not the same as model_name" + }, + ) + tokenizer_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained tokenizer name or path if not the same as model_name" + }, + ) + cache_dir: Optional[str] = field( + default=None, + metadata={ + "help": "Where do you want to store the pretrained models downloaded from huggingface.co" + }, + ) + model_revision: str = field( + default="main", + metadata={ + "help": "The specific model version to use (can be a branch name, tag name or commit id)." + }, + ) + use_auth_token: bool = field( + default=False, + metadata={ + "help": "Will use the token generated when running `transformers-cli login` (necessary to use this script " + "with private models)." + }, + ) + + +@dataclass +class DataTrainingArguments: + """ + Arguments pertaining to what data we are going to input our model for training and eval. + """ + + task_name: Optional[str] = field( + default="ner", metadata={"help": "The name of the task (ner, pos...)."} + ) + dataset_name: Optional[str] = field( + default=None, + metadata={"help": "The name of the dataset to use (via the datasets library)."}, + ) + dataset_config_name: Optional[str] = field( + default=None, + metadata={ + "help": "The configuration name of the dataset to use (via the datasets library)." + }, + ) + train_file: Optional[str] = field( + default=None, + metadata={"help": "The input training data file (a csv or JSON file)."}, + ) + validation_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input evaluation data file to evaluate on (a csv or JSON file)." + }, + ) + test_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input test data file to predict on (a csv or JSON file)." + }, + ) + text_column_name: Optional[str] = field( + default=None, + metadata={ + "help": "The column name of text to input in the file (a csv or JSON file)." + }, + ) + label_column_name: Optional[str] = field( + default=None, + metadata={ + "help": "The column name of label to input in the file (a csv or JSON file)." + }, + ) + overwrite_cache: bool = field( + default=False, + metadata={"help": "Overwrite the cached training and evaluation sets"}, + ) + preprocessing_num_workers: Optional[int] = field( + default=None, + metadata={"help": "The number of processes to use for the preprocessing."}, + ) + pad_to_max_length: bool = field( + default=False, + metadata={ + "help": "Whether to pad all samples to model maximum sentence length. " + "If False, will pad the samples dynamically when batching to the maximum length in the batch. More " + "efficient on GPU but very bad for TPU." + }, + ) + max_train_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of training examples to this " + "value if set." + }, + ) + max_eval_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of evaluation examples to this " + "value if set." + }, + ) + max_predict_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of prediction examples to this " + "value if set." + }, + ) + label_all_tokens: bool = field( + default=False, + metadata={ + "help": "Whether to put the label for one word on all tokens of generated by that word or just on the " + "one (in which case the other tokens will have a padding index)." + }, + ) + return_entity_level_metrics: bool = field( + default=False, + metadata={ + "help": "Whether to return all the entity levels during evaluation or just the overall ones." + }, + ) + + def __post_init__(self): + if ( + self.dataset_name is None + and self.train_file is None + and self.validation_file is None + ): + raise ValueError( + "Need either a dataset name or a training/validation file." + ) + else: + if self.train_file is not None: + extension = self.train_file.split(".")[-1] + assert extension in [ + "csv", + "json", + ], "`train_file` should be a csv or a json file." + if self.validation_file is not None: + extension = self.validation_file.split(".")[-1] + assert extension in [ + "csv", + "json", + ], "`validation_file` should be a csv or a json file." + self.task_name = self.task_name.lower() + + +def main(): + # See all possible arguments in src/transformers/training_args.py + # or by passing the --help flag to this script. + # We now keep distinct sets of args, for a cleaner separation of concerns. + + parser = HfArgumentParser( + (ModelArguments, DataTrainingArguments, TrainingArguments) + ) + if len(sys.argv) == 2 and sys.argv[1].endswith(".json"): + # If we pass only one argument to the script and it's the path to a json file, + # let's parse it to get our arguments. + model_args, data_args, training_args = parser.parse_json_file( + json_file=os.path.abspath(sys.argv[1]) + ) + else: + model_args, data_args, training_args = parser.parse_args_into_dataclasses() + + # Setup logging + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + datefmt="%m/%d/%Y %H:%M:%S", + handlers=[logging.StreamHandler(sys.stdout)], + ) + + log_level = training_args.get_process_log_level() + logger.setLevel(log_level) + datasets.utils.logging.set_verbosity(log_level) + transformers.utils.logging.set_verbosity(log_level) + transformers.utils.logging.enable_default_handler() + transformers.utils.logging.enable_explicit_format() + + # Log on each process the small summary: + logger.warning( + f"Process rank: {training_args.local_rank}, device: {training_args.device}, n_gpu: {training_args.n_gpu}" + + f"distributed training: {bool(training_args.local_rank != -1)}, 16-bits training: {training_args.fp16}" + ) + logger.info(f"Training/evaluation parameters {training_args}") + + # Detecting last checkpoint. + last_checkpoint = None + run_name = f"{model_args.model_name_or_path}-{np.random.randint(1000):04d}" + training_args.output_dir = str(Path(training_args.output_dir) / run_name) + if ( + os.path.isdir(training_args.output_dir) + and training_args.do_train + and not training_args.overwrite_output_dir + ): + last_checkpoint = get_last_checkpoint(training_args.output_dir) + if last_checkpoint is None and len(os.listdir(training_args.output_dir)) > 0: + raise ValueError( + f"Output directory ({training_args.output_dir}) already exists and is not empty. " + "Use --overwrite_output_dir to overcome." + ) + elif ( + last_checkpoint is not None and training_args.resume_from_checkpoint is None + ): + logger.info( + f"Checkpoint detected, resuming training at {last_checkpoint}. To avoid this behavior, change " + "the `--output_dir` or add `--overwrite_output_dir` to train from scratch." + ) + + # Set seed before initializing model. + set_seed(training_args.seed) + + # Get the datasets: you can either provide your own CSV/JSON/TXT training and evaluation files (see below) + # or just provide the name of one of the public datasets available on the hub at https://huggingface.co/datasets/ + # (the dataset will be downloaded automatically from the datasets Hub). + # + # For CSV/JSON files, this script will use the column called 'text' or the first column if no column called + # 'text' is found. You can easily tweak this behavior (see below). + # + # In distributed training, the load_dataset function guarantee that only one local process can concurrently + # download the dataset. + if data_args.dataset_name is not None: + # Downloading and loading a dataset from the hub. + raw_datasets = load_dataset( + data_args.dataset_name, + data_args.dataset_config_name, + cache_dir=model_args.cache_dir, + ) + else: + data_files = {} + if data_args.train_file is not None: + data_files["train"] = data_args.train_file + if data_args.validation_file is not None: + data_files["validation"] = data_args.validation_file + if data_args.test_file is not None: + data_files["test"] = data_args.test_file + extension = data_args.train_file.split(".")[-1] + raw_datasets = load_dataset( + extension, data_files=data_files, cache_dir=model_args.cache_dir + ) + # See more about loading any type of standard or custom dataset (from files, python dict, pandas DataFrame, etc) at + # https://huggingface.co/docs/datasets/loading_datasets.html. + + if training_args.do_train: + column_names = raw_datasets["train"].column_names + features = raw_datasets["train"].features + else: + column_names = raw_datasets["validation"].column_names + features = raw_datasets["validation"].features + + if data_args.text_column_name is not None: + text_column_name = data_args.text_column_name + elif "tokens" in column_names: + text_column_name = "tokens" + else: + text_column_name = column_names[0] + + if data_args.label_column_name is not None: + label_column_name = data_args.label_column_name + elif f"{data_args.task_name}_tags" in column_names: + label_column_name = f"{data_args.task_name}_tags" + else: + label_column_name = column_names[1] + + # In the event the labels are not a `Sequence[ClassLabel]`, we will need to go through the dataset to get the + # unique labels. + def get_label_list(labels): + unique_labels = set() + for label in labels: + unique_labels = unique_labels | set(label) + label_list = list(unique_labels) + label_list.sort() + return label_list + + if isinstance(features[label_column_name].feature, ClassLabel): + label_list = features[label_column_name].feature.names + # No need to convert the labels since they are already ints. + label_to_id = {i: i for i in range(len(label_list))} + else: + label_list = get_label_list(raw_datasets["train"][label_column_name]) + label_to_id = {l: i for i, l in enumerate(label_list)} + num_labels = len(label_list) + + # Load pretrained model and tokenizer + # + # Distributed training: + # The .from_pretrained methods guarantee that only one local process can concurrently + # download model & vocab. + config = AutoConfig.from_pretrained( + model_args.config_name + if model_args.config_name + else model_args.model_name_or_path, + num_labels=num_labels, + label2id=label_to_id, + id2label={i: l for l, i in label_to_id.items()}, + finetuning_task=data_args.task_name, + cache_dir=model_args.cache_dir, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + + tokenizer_name_or_path = ( + model_args.tokenizer_name + if model_args.tokenizer_name + else model_args.model_name_or_path + ) + if config.model_type in {"gpt2", "roberta"}: + tokenizer = AutoTokenizer.from_pretrained( + tokenizer_name_or_path, + cache_dir=model_args.cache_dir, + use_fast=True, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + add_prefix_space=True, + ) + else: + tokenizer = AutoTokenizer.from_pretrained( + tokenizer_name_or_path, + cache_dir=model_args.cache_dir, + use_fast=True, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + tokenizer.model_max_length = 512 + + model = AutoModelForTokenClassification.from_pretrained( + model_args.model_name_or_path, + from_tf=bool(".ckpt" in model_args.model_name_or_path), + config=config, + cache_dir=model_args.cache_dir, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + + # Tokenizer check: this script requires a fast tokenizer. + if not isinstance(tokenizer, PreTrainedTokenizerFast): + raise ValueError( + "This example script only works for models that have a fast tokenizer. Checkout the big table of models " + "at https://huggingface.co/transformers/index.html#supported-frameworks to find the model types that meet this " + "requirement" + ) + + # Preprocessing the dataset + # Padding strategy + padding = "max_length" if data_args.pad_to_max_length else False + + # Tokenize all texts and align the labels with them. + def tokenize_and_align_labels(examples): + tokenized_inputs = tokenizer( + examples[text_column_name], + padding=padding, + max_length=512, + truncation=True, + # We use this argument because the texts in our dataset are lists of words (with a label for each word). + is_split_into_words=True, + ) + labels = [] + for i, label in enumerate(examples[label_column_name]): + word_ids = tokenized_inputs.word_ids(batch_index=i) + previous_word_idx = None + label_ids = [] + for word_idx in word_ids: + # Special tokens have a word id that is None. We set the label to -100 so they are automatically + # ignored in the loss function. + if word_idx is None: + label_ids.append(-100) + # We set the label for the first token of each word. + elif word_idx != previous_word_idx: + label_ids.append(label_to_id[label[word_idx]]) + # For the other tokens in a word, we set the label to either the current label or -100, depending on + # the label_all_tokens flag. + else: + label_ids.append( + label_to_id[label[word_idx]] + if data_args.label_all_tokens + else -100 + ) + previous_word_idx = word_idx + + labels.append(label_ids) + tokenized_inputs["labels"] = labels + return tokenized_inputs + + if training_args.do_train: + if "train" not in raw_datasets: + raise ValueError("--do_train requires a train dataset") + train_dataset = raw_datasets["train"] + if data_args.max_train_samples is not None: + train_dataset = train_dataset.select(range(data_args.max_train_samples)) + with training_args.main_process_first(desc="train dataset map pre-processing"): + train_dataset = train_dataset.map( + tokenize_and_align_labels, + batched=True, + num_proc=data_args.preprocessing_num_workers, + load_from_cache_file=not data_args.overwrite_cache, + desc="Running tokenizer on train dataset", + ) + + if training_args.do_eval: + if "validation" not in raw_datasets: + raise ValueError("--do_eval requires a validation dataset") + eval_dataset = raw_datasets["validation"] + if data_args.max_eval_samples is not None: + eval_dataset = eval_dataset.select(range(data_args.max_eval_samples)) + with training_args.main_process_first( + desc="validation dataset map pre-processing" + ): + eval_dataset = eval_dataset.map( + tokenize_and_align_labels, + batched=True, + num_proc=data_args.preprocessing_num_workers, + load_from_cache_file=not data_args.overwrite_cache, + desc="Running tokenizer on validation dataset", + ) + + if training_args.do_predict: + if "test" not in raw_datasets: + raise ValueError("--do_predict requires a test dataset") + predict_dataset = raw_datasets["test"] + if data_args.max_predict_samples is not None: + predict_dataset = predict_dataset.select( + range(data_args.max_predict_samples) + ) + with training_args.main_process_first( + desc="prediction dataset map pre-processing" + ): + predict_dataset = predict_dataset.map( + tokenize_and_align_labels, + batched=True, + num_proc=data_args.preprocessing_num_workers, + load_from_cache_file=not data_args.overwrite_cache, + desc="Running tokenizer on prediction dataset", + ) + + # Data collator + data_collator = DataCollatorForTokenClassification( + tokenizer, pad_to_multiple_of=8 if training_args.fp16 else None + ) + + # Metrics + metric = load_metric("seqeval") + + def compute_metrics(p): + predictions, labels = p + predictions = np.argmax(predictions, axis=2) + + # Remove ignored index (special tokens) + true_predictions = [ + [label_list[p] for (p, l) in zip(prediction, label) if l != -100] + for prediction, label in zip(predictions, labels) + ] + true_labels = [ + [label_list[l] for (p, l) in zip(prediction, label) if l != -100] + for prediction, label in zip(predictions, labels) + ] + + results = metric.compute(predictions=true_predictions, references=true_labels) + if data_args.return_entity_level_metrics: + # Unpack nested dictionaries + final_results = {} + for key, value in results.items(): + if isinstance(value, dict): + for n, v in value.items(): + final_results[f"{key}_{n}"] = v + else: + final_results[key] = value + return final_results + else: + return { + "precision": results["overall_precision"], + "recall": results["overall_recall"], + "f1": results["overall_f1"], + "accuracy": results["overall_accuracy"], + } + + # Initialize our Trainer + training_args.run_name = run_name + trainer = Trainer( + model=model, + args=training_args, + train_dataset=train_dataset if training_args.do_train else None, + eval_dataset=eval_dataset if training_args.do_eval else None, + tokenizer=tokenizer, + data_collator=data_collator, + compute_metrics=compute_metrics, + ) + + # Training + if training_args.do_train: + checkpoint = None + if training_args.resume_from_checkpoint is not None: + checkpoint = training_args.resume_from_checkpoint + elif last_checkpoint is not None: + checkpoint = last_checkpoint + train_result = trainer.train(resume_from_checkpoint=checkpoint) + metrics = train_result.metrics + trainer.save_model() # Saves the tokenizer too for easy upload + + max_train_samples = ( + data_args.max_train_samples + if data_args.max_train_samples is not None + else len(train_dataset) + ) + metrics["train_samples"] = min(max_train_samples, len(train_dataset)) + + trainer.log_metrics("train", metrics) + trainer.save_metrics("train", metrics) + trainer.save_state() + + # Evaluation + if training_args.do_eval: + logger.info("*** Evaluate ***") + + metrics = trainer.evaluate() + + max_eval_samples = ( + data_args.max_eval_samples + if data_args.max_eval_samples is not None + else len(eval_dataset) + ) + metrics["eval_samples"] = min(max_eval_samples, len(eval_dataset)) + + trainer.log_metrics("eval", metrics) + trainer.save_metrics("eval", metrics) + + # Predict + if training_args.do_predict: + logger.info("*** Predict ***") + + predictions, labels, metrics = trainer.predict( + predict_dataset, metric_key_prefix="predict" + ) + predictions = np.argmax(predictions, axis=2) + + # Remove ignored index (special tokens) + true_predictions = [ + [label_list[p] for (p, l) in zip(prediction, label) if l != -100] + for prediction, label in zip(predictions, labels) + ] + + trainer.log_metrics("predict", metrics) + trainer.save_metrics("predict", metrics) + + # Save predictions + output_predictions_file = os.path.join( + training_args.output_dir, "predictions.txt" + ) + if trainer.is_world_process_zero(): + with open(output_predictions_file, "w") as writer: + for prediction in true_predictions: + writer.write(" ".join(prediction) + "\n") + + if training_args.push_to_hub: + kwargs = { + "finetuned_from": model_args.model_name_or_path, + "tasks": "token-classification", + } + if data_args.dataset_name is not None: + kwargs["dataset_tags"] = data_args.dataset_name + if data_args.dataset_config_name is not None: + kwargs["dataset_args"] = data_args.dataset_config_name + kwargs[ + "dataset" + ] = f"{data_args.dataset_name} {data_args.dataset_config_name}" + else: + kwargs["dataset"] = data_args.dataset_name + + trainer.push_to_hub(**kwargs) + + +def _mp_fn(index): + # For xla_spawn (TPUs) + main() + + +if __name__ == "__main__": + main() diff --git a/data_tooling/bertin/evaluation/token.yaml b/data_tooling/bertin/evaluation/token.yaml new file mode 100644 index 0000000..478dba1 --- /dev/null +++ b/data_tooling/bertin/evaluation/token.yaml @@ -0,0 +1,53 @@ +name: BERTIN NER and POS es +project: bertin-eval +enitity: versae +program: run_ner.py +command: + - ${env} + - ${interpreter} + - ${program} + - ${args} +method: grid +metric: + name: eval/accuracy + goal: maximize +parameters: + model_name_or_path: + values: + - bertin-project/bertin-base-gaussian-exp-512seqlen + - bertin-project/bertin-base-stepwise-exp-512seqlen + - bertin-project/bertin-base-random-exp-512seqlen + - bertin-project/bertin-base-gaussian + - bertin-project/bertin-base-stepwise + - bertin-project/bertin-base-random + - bertin-project/bertin-roberta-base-spanish + - flax-community/bertin-roberta-large-spanish + - BSC-TeMU/roberta-base-bne + - dccuchile/bert-base-spanish-wwm-cased + - bert-base-multilingual-cased + num_train_epochs: + values: [5] + task_name: + values: + - ner + - pos + dataset_name: + value: conll2002 + dataset_config_name: + value: es + output_dir: + value: ./outputs + overwrite_output_dir: + value: true + pad_to_max_length: + value: true + per_device_train_batch_size: + value: 16 + per_device_eval_batch_size: + value: 16 + save_total_limit: + value: 1 + do_train: + value: true + do_eval: + value: true diff --git a/data_tooling/bertin/evaluation/xnli.yaml b/data_tooling/bertin/evaluation/xnli.yaml new file mode 100644 index 0000000..a2c3cf4 --- /dev/null +++ b/data_tooling/bertin/evaluation/xnli.yaml @@ -0,0 +1,53 @@ +name: BERTIN XNLI es +project: bertin-eval +enitity: versae +program: run_glue.py +command: + - ${env} + - ${interpreter} + - ${program} + - ${args} +method: grid +metric: + name: eval/accuracy + goal: maximize +parameters: + model_name_or_path: + values: + - bertin-project/bertin-base-gaussian-exp-512seqlen + - bertin-project/bertin-base-stepwise-exp-512seqlen + - bertin-project/bertin-base-random-exp-512seqlen + - bertin-project/bertin-base-gaussian + - bertin-project/bertin-base-stepwise + - bertin-project/bertin-base-random + - bertin-project/bertin-roberta-base-spanish + - flax-community/bertin-roberta-large-spanish + - BSC-TeMU/roberta-base-bne + - dccuchile/bert-base-spanish-wwm-cased + - bert-base-multilingual-cased + num_train_epochs: + values: [5] + task_name: + value: xnli + dataset_name: + value: xnli + dataset_config_name: + value: es + output_dir: + value: ./outputs + overwrite_output_dir: + value: true + max_seq_length: + value: 512 + pad_to_max_length: + value: true + per_device_train_batch_size: + value: 16 + per_device_eval_batch_size: + value: 16 + save_total_limit: + value: 1 + do_train: + value: true + do_eval: + value: true diff --git a/data_tooling/bertin/events.out.tfevents.1625704081.t1v-n-a4d97d44-w-0.212075.3.v2 b/data_tooling/bertin/events.out.tfevents.1625704081.t1v-n-a4d97d44-w-0.212075.3.v2 new file mode 100644 index 0000000..49ed094 --- /dev/null +++ b/data_tooling/bertin/events.out.tfevents.1625704081.t1v-n-a4d97d44-w-0.212075.3.v2 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a6ce71bd4a3fdcb18c10bd9d140b27e746c14e9ee70a7a3faf4eedbccde1d6e +size 40 diff --git a/data_tooling/bertin/events.out.tfevents.1625704245.t1v-n-a4d97d44-w-0.216676.3.v2 b/data_tooling/bertin/events.out.tfevents.1625704245.t1v-n-a4d97d44-w-0.216676.3.v2 new file mode 100644 index 0000000..6f3c4e8 --- /dev/null +++ b/data_tooling/bertin/events.out.tfevents.1625704245.t1v-n-a4d97d44-w-0.216676.3.v2 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6926c79cb2c1941fcfe69d7b73797c15dab60e5e6f16cc6c61bd9b79a9063d +size 40 diff --git a/data_tooling/bertin/events.out.tfevents.1625705283.t1v-n-a4d97d44-w-0.234462.3.v2 b/data_tooling/bertin/events.out.tfevents.1625705283.t1v-n-a4d97d44-w-0.234462.3.v2 new file mode 100644 index 0000000..e972994 --- /dev/null +++ b/data_tooling/bertin/events.out.tfevents.1625705283.t1v-n-a4d97d44-w-0.234462.3.v2 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:737d1e6666fe1c9fd6dd93728666199f1a8b0b213b071bdf7b3ecd77dd58f8c1 +size 40 diff --git a/data_tooling/bertin/get_embeddings_and_perplexity.py b/data_tooling/bertin/get_embeddings_and_perplexity.py new file mode 100644 index 0000000..8deb9e7 --- /dev/null +++ b/data_tooling/bertin/get_embeddings_and_perplexity.py @@ -0,0 +1,50 @@ +#!/usr/bin/env python +import kenlm +import numpy as np +import pandas as pd +from datasets import load_dataset +from sentence_transformers import SentenceTransformer +from tqdm import tqdm + +TOTAL_SENTENCES = 20000 + + +def pp(log_score, length): + return 10.0 ** (-log_score / length) + + +embedder = "distiluse-base-multilingual-cased-v1" +embedder_model = SentenceTransformer(embedder) +embedding_shape = embedder_model.encode(["foo"])[0].shape[0] +# http://dl.fbaipublicfiles.com/cc_net/lm/es.arpa.bin +model = kenlm.Model("es.arpa.bin") +mc4 = load_dataset("mc4", "es", streaming=True) +count = 0 +embeddings = [] +lenghts = [] +perplexities = [] +sentences = [] + +for sample in tqdm(mc4["train"].shuffle(buffer_size=100_000), total=416057992): + lines = sample["text"].split("\n") + for line in lines: + count += 1 + log_score = model.score(line) + length = len(line.split()) + 1 + embedding = embedder_model.encode([line])[0] + embeddings.append(embedding.tolist()) + perplexities.append(pp(log_score, length)) + lenghts.append(length) + sentences.append(line) + if count == TOTAL_SENTENCES: + break + if count == TOTAL_SENTENCES: + embeddings = np.array(embeddings) + df = pd.DataFrame( + {"sentence": sentences, "length": lenghts, "perplexity": perplexities} + ) + for dim in range(embedding_shape): + df[f"dim_{dim}"] = embeddings[:, dim] + df.to_csv("mc4-es-perplexity-sentences.tsv", index=None, sep="\t") + print("DONE!") + break diff --git a/data_tooling/bertin/images/bertin-tilt.png b/data_tooling/bertin/images/bertin-tilt.png new file mode 100644 index 0000000..b9aad85 Binary files /dev/null and b/data_tooling/bertin/images/bertin-tilt.png differ diff --git a/data_tooling/bertin/images/bertin.png b/data_tooling/bertin/images/bertin.png new file mode 100644 index 0000000..9864dad Binary files /dev/null and b/data_tooling/bertin/images/bertin.png differ diff --git a/data_tooling/bertin/images/ccnet.png b/data_tooling/bertin/images/ccnet.png new file mode 100644 index 0000000..6e0529b Binary files /dev/null and b/data_tooling/bertin/images/ccnet.png differ diff --git a/data_tooling/bertin/images/datasets-perp-20-120.png b/data_tooling/bertin/images/datasets-perp-20-120.png new file mode 100644 index 0000000..9ed033e Binary files /dev/null and b/data_tooling/bertin/images/datasets-perp-20-120.png differ diff --git a/data_tooling/bertin/images/datasets-perp.png b/data_tooling/bertin/images/datasets-perp.png new file mode 100644 index 0000000..df6841a Binary files /dev/null and b/data_tooling/bertin/images/datasets-perp.png differ diff --git a/data_tooling/bertin/images/datasets-random-comparison.png b/data_tooling/bertin/images/datasets-random-comparison.png new file mode 100644 index 0000000..d122e3d Binary files /dev/null and b/data_tooling/bertin/images/datasets-random-comparison.png differ diff --git a/data_tooling/bertin/images/datasets-wsize.png b/data_tooling/bertin/images/datasets-wsize.png new file mode 100644 index 0000000..368af7a Binary files /dev/null and b/data_tooling/bertin/images/datasets-wsize.png differ diff --git a/data_tooling/bertin/images/perp-p95.png b/data_tooling/bertin/images/perp-p95.png new file mode 100644 index 0000000..d091629 Binary files /dev/null and b/data_tooling/bertin/images/perp-p95.png differ diff --git a/data_tooling/bertin/images/perp-resample-gaussian.png b/data_tooling/bertin/images/perp-resample-gaussian.png new file mode 100644 index 0000000..038de09 Binary files /dev/null and b/data_tooling/bertin/images/perp-resample-gaussian.png differ diff --git a/data_tooling/bertin/images/perp-resample-stepwise.png b/data_tooling/bertin/images/perp-resample-stepwise.png new file mode 100644 index 0000000..c718075 Binary files /dev/null and b/data_tooling/bertin/images/perp-resample-stepwise.png differ diff --git a/data_tooling/bertin/images/perplexity_colored_embeddings.html b/data_tooling/bertin/images/perplexity_colored_embeddings.html new file mode 100644 index 0000000..514fa02 --- /dev/null +++ b/data_tooling/bertin/images/perplexity_colored_embeddings.html @@ -0,0 +1,85 @@ + + + + + + + + + + + Bokeh Plot + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + + diff --git a/data_tooling/bertin/images/random_512.jpg b/data_tooling/bertin/images/random_512.jpg new file mode 100644 index 0000000..f9b511e Binary files /dev/null and b/data_tooling/bertin/images/random_512.jpg differ diff --git a/data_tooling/bertin/mc4/README.md b/data_tooling/bertin/mc4/README.md new file mode 100644 index 0000000..2840b22 --- /dev/null +++ b/data_tooling/bertin/mc4/README.md @@ -0,0 +1,525 @@ +--- +pretty_name: mC4 +annotations_creators: +- no-annotation +language_creators: +- found +languages: +- af +- am +- ar +- az +- be +- bg +- bg-Latn +- bn +- ca +- ceb +- co +- cs +- cy +- da +- de +- el +- el-Latn +- en +- eo +- es +- et +- eu +- fa +- fi +- fil +- fr +- fy +- ga +- gd +- gl +- gu +- ha +- haw +- hi +- hi-Latn +- hmn +- ht +- hu +- hy +- id +- ig +- is +- it +- iw +- ja +- ja-Latn +- jv +- ka +- kk +- km +- kn +- ko +- ku +- ky +- la +- lb +- lo +- lt +- lv +- mg +- mi +- mk +- ml +- mn +- mr +- ms +- mt +- my +- ne +- nl +- "no" +- ny +- pa +- pl +- ps +- pt +- ro +- ru +- ru-Latn +- sd +- si +- sk +- sl +- sm +- sn +- so +- sq +- sr +- st +- su +- sv +- sw +- ta +- te +- tg +- th +- tr +- uk +- und +- ur +- uz +- vi +- xh +- yi +- yo +- zh +- zh-Latn +- zu +licenses: +- odc-by-1.0 +multilinguality: +- multilingual +size_categories: +- n<1K +- 1K= boundaries[2]: + quartile_range = 10 * boundaries[2] + probability = factor / quartile_range + return self.rng.uniform() < probability + + def _should_keep_doc_gaussian(self, doc, factor=0.78, boundaries=None, **kwargs): + width = kwargs.get("width", 9 / 2) # width (spread) of the exponential curve + perplexity = self.get_perplexity(doc) + if boundaries is not None: + m = boundaries[1] + else: + m = 662247.50212365 + exponential = np.exp((-1 / width) * ((perplexity - m) / m) ** 2) + weighted_perplexity = factor * exponential + return self.rng.uniform() < weighted_perplexity + + def _should_keep_doc_random(self, doc, factor=None, boundaries=None, **kwargs): + if factor is None: + factor = 0.5 + return self.rng.uniform() <= factor + + def _info(self): + return datasets.DatasetInfo( + description=_DESCRIPTION, + features=datasets.Features( + { + "text": datasets.Value("string"), + "timestamp": datasets.Value("string"), + "url": datasets.Value("string"), + } + ), + supervised_keys=None, + homepage=_URL, + citation=_CITATION, + ) + + def _split_generators(self, dl_manager): + data_urls = {} + for split in ["train", "validation"]: + data_urls[split] = [ + _DATA_URL.format( + language=self.config.name, + split_suffix="-validation" if split == "validation" else "", + index=index, + n_shards=_N_SHARDS_PER_SPLIT[lang][split], + ) + for lang in self.config.languages + for index in range(_N_SHARDS_PER_SPLIT[lang][split]) + ] + if self.data_files and "train" in self.data_files: + train_downloaded_files = self.data_files["train"] + if not isinstance(train_downloaded_files, (tuple, list)): + train_downloaded_files = [train_downloaded_files] + else: + train_downloaded_files = dl_manager.download(data_urls["train"]) + if self.data_files and "validation" in self.data_files: + validation_downloaded_files = self.data_files["validation"] + if not isinstance(validation_downloaded_files, (tuple, list)): + validation_downloaded_files = [validation_downloaded_files] + else: + validation_downloaded_files = dl_manager.download(data_urls["validation"]) + return [ + datasets.SplitGenerator( + name=datasets.Split.TRAIN, + gen_kwargs={"filepaths": train_downloaded_files}, + ), + datasets.SplitGenerator( + name=datasets.Split.VALIDATION, + gen_kwargs={"filepaths": validation_downloaded_files}, + ), + ] + + def _generate_examples(self, filepaths): + """This function returns the examples in the raw (text) form by iterating on all the files.""" + id_ = 0 + for filepath in filepaths: + logger.info("generating examples from = %s", filepath) + if filepath.endswith("jsonl"): + with open(filepath, "r", encoding="utf-8") as f: + for line in f: + if line: + example = json.loads(line) + yield id_, example + id_ += 1 + else: + with gzip.open(open(filepath, "rb"), "rt", encoding="utf-8") as f: + if self.sampling_method: + logger.info("sampling method = %s", self.sampling_method) + for line in f: + if line: + example = json.loads(line) + if self.should_keep_doc( + example["text"], + factor=self.sampling_factor, + boundaries=self.boundaries, + **self.kwargs, + ): + yield id_, example + id_ += 1 + else: + for line in f: + if line: + example = json.loads(line) + yield id_, example + id_ += 1 diff --git a/data_tooling/bertin/merges.txt b/data_tooling/bertin/merges.txt new file mode 100644 index 0000000..1af7959 --- /dev/null +++ b/data_tooling/bertin/merges.txt @@ -0,0 +1,50005 @@ +#version: 0.2 - Trained by `huggingface/tokenizers` +d e +Ġ e +Ġ de +Ġ l +o s +Ġ p +Ġ c +a r +e n +e r +Ġ a +e s +a s +Ġ s +o n +c i +o r +u e +a n +Ġ m +a d +a l +Ġl a +q ue +Ġe n +u n +à ³ +i n +Ġ t +r e +Ġ y +s t +Ġ que +en t +Ġe l +Ã Ń +i c +Ġc on +ó n +à ¡ +Ġ n +Ġ un +Ġ h +o m +r a +d o +r o +d i +t i +Ġs e +Ġ f +ci ón +Ġ v +a m +Ġe s +Ġl os +Ġp ar +t e +Ġe st +Ġ o +l e +t a +r i +Ġ in +Ġ re +à © +t o +Ġs u +Ġde l +ad o +o l +i d +Ġc om +Ġ C +r es +a b +Ġ E +Ġa l +Ġp or +e c +Ġ b +Ġ d +Ġl as +Ġpar a +Ġ g +ent e +m p +à ± +Ġ A +i s +a ción +Ġ P +Ġun a +Ġ S +i l +ci on +ÃŃ a +Ġ di +Ġn o +u l +â Ģ +q u +Ġ M +Ġp ro +t u +a c +Ġs i +á s +Ġp er +Ġc u +Ġ L +t er +i en +t r +l o +l a +ad a +Ġm e +i o +d a +Ġl o +m a +u c +i st +i r +à º +Ġde s +ic a +i a +e l +ci a +g u +Ġ D +Ġa c +t os +u s +g o +i z +i er +i ent +r an +ti v +i t +Ġ 1 +Ġcom o +Ġ ( +al es +an do +Ġt o +Ġe x +Ġ i +id ad +Ġ 2 +. . +u es +cion es +Ġ T +Ġh a +Ġm ás +m o +i ci +m os +a j +s e +b re +ad os +t or +ic o +Ġ R +c u +p a +i e +á n +Ġs er +d ad +Ġ B +Ġ j +Ġp o +de n +i v +Ġs o +Ġa n +t ra +Ġ G +t es +de s +Ġ N +Ġ I +b i +t en +er a +t ro +Ġ F +t ar +Ġt ra +Ġ res +Ġ âĢ +id a +Ġa p +i ón +r as +i g +c o +i b +er o +Ġl e +i m +c h +Ġt e +or m +c a +ad or +d os +Ġp ue +ient o +Ġcom p +u m +Ġ qu +Ġm u +Ġp re +Ġsu s +p er +i os +c e +an te +Ġm a +Ġt en +p o +0 0 +r u +t as +de r +é n +âĢ Ŀ +e z +Ġa s +Ġ H +Ġp r +am os +Ġ V +am ente +Ġp a +p e +t re +Ġ ar +Ġest e +uc h +Ġ J +b l +Ġa ñ +Ġh ac +Ġh ab +Ġ U +m ente +Ġc a +ar a +u er +Ġm an +Ġi mp +c on +g un +en cia +ĠâĢ ľ +g ar +i on +ĠE l +Ġp res +s on +i do +ri m +u r +Ġper o +Ġs in +al iz +ĠL a +n a +g a +am bi +ad as +Ġc as +tr os +d uc +Ġest a +Ġt ien +u st +é s +ent o +E l +ue v +l es +in a +Ġs on +v er +z a +f er +Ġv er +Ġ O +l os +Ġp as +Ġ r +d as +j e +Ġm o +or es +Ġin ter +Ġdi s +an a +en s +ú n +0 1 +ĠE n +.. . +or a +Ġper son +Ġso bre +c es +l as +c ul +Ġc ar +c l +Ġc o +ar io +Ġ  +Ġen tre +n o +ic os +ent es +l an +ĠE st +Ġl le +t al +Ġ or +Ġm is +Ġcon s +Ġo b +Ġs ol +p or +Ġe mp +ic as +Ġn ues +b aj +Ġa m +Ġt u +p on +Ġn os +Ġin f +Ġm uch +ĠI n +ĠE s +Ġy a +ec h +e mos +ci as +Ġmu y +pa ñ +ci al +ent a +e m +Ġs al +Ġc re +ambi én +Ġto do +Ġme di +o y +Ġ 3 +L a +j o +ec es +Ġc or +Ġp os +Ġ " +d r +i f +p ar +Ġa b +Ġ2 01 +Ġes c +ab le +Ġp rim +Ġn uev +ĠC on +Ġm i +Ġme j +Ġde b +tiv o +Ġf in +an o +Ġt an +re c +g ra +cion al +o c +ÃŃ as +en do +m in +ab a +ÃŃ n +Ġm ar +or ma +v e +Ġc am +ci o +ñ o +ti l +i ta +m e +Ġtra baj +u di +tu ra +ÃŃ s +Ġest á +i as +p os +u en +b le +f ici +b a +Ġ Y +Ġañ os +r en +e b +Ġp e +es ti +Ġg ran +E n +Ġt ambién +Ġc al +l ar +Ġd u +as ta +ist a +Ġf ue +m as +v en +an tes +Ġdes de +Ġpue de +ida des +Ġha y +Ġ us +am iento +Ġn i +g an +r os +Ġn a +ar ios +ci p +Ġpar ti +u t +j er +ĠR e +Ġc ol +Ġd os +Ġcu ando +Ġ - +Ġhac er +o ci +Ġcu al +ĠS e +in o +f ec +c ar +or t +Ġ u +Ġtien e +Ġto dos +Ġd on +u d +ĠU n +qu i +ie mp +) . +ÃŃ t +Ġse gu +Ġre g +Ġm en +Ġm un +l ic +ar on +Ġh asta +g en +m b +Ġn eces +Ġt er +Ġpro p +p ec +Ġc os +Ġ é +Ġl u +Ġh an +Ġmej or +Ġma y +Ġ 4 +ĠA l +en er +in g +v i +qu ier +tiv a +on es +o g +ent os +Ġb ien +ar á +Ġt iemp +Ġde ci +Ġdon de +Ġc an +tr as +m i +Ġpar te +) , +Ġal gun +Ġpro duc +s o +a y +al mente +ter i +i tu +Ġa d +Ġex p +Ġf un +Ġc h +g r +ion es +Ġg ra +m ás +ador es +o b +tu r +Ġ 5 +Ġv ez +ĠD e +Ġinf orm +m an +ue l +c an +Ġm il +Ġp ol +ri b +Ġc ada +Ġd a +z o +Ġb uen +Ġas ÃŃ +Ġre aliz +id os +Ġpor que +Ġf orma +j a +e t +Ġl l +ar se +t ado +st e +i u +ran te +Ġp u +Ġser v +Ġtiemp o +Ġ do +ĠC om +i de +ÃŃ cul +er v +Ġv e +ro l +ci l +on a +Ġs ab +Ġt i +ĠM ar +ĠN o +e mp +âĢ ¦ +er os +p u +Ġt ran +Ġes pe +cu r +Ġd ÃŃa +Ġ1 9 +ul ar +un to +c om +n os +g os +a v +Ġañ o +Ġn e +Ġ ¿ +Ġun o +e d +ÃŃ an +m iento +Ġc er +é r +Ġcon tra +Ġc l +Ġa de +Ġin st +Ġcon t +Ġcon f +Ġv ida +it ar +ñ os +ú l +i den +Ġa h +ic ación +Ġemp res +i to +Ġin v +Ġd ic +Ġ W +v o +ib le +Ġa u +ĠS an +al idad +Ġin cl +il idad +Ġo p +ĠA n +Ġf u +e a +tiv os +Ġf uer +Ġlle v +om b +iu dad +ar rol +Ġperson as +a ciones +ti r +ú bl +úl ti +Ġpro f +le c +u b +Ġhac e +Ġl ib +Ġmis mo +Ġ ro +Ġa y +Ġ ra +Ġe v +er s +Ġg ener +Ġlu gar +Ġo f +ĠC h +a t +ci os +g ún +Ġcom un +Ġserv ici +Ġmay or +d u +Ġpa ÃŃs +c as +ĠL os +Ġo tros +Ġb as +c or +âĢĿ , +Ġre ci +ue go +i ción +Ġj u +en a +Ġcon st +Ġdi rec +á t +Ġtran s +y ec +an os +p ues +Ġp la +ient os +Ġse c +Ġpo dr +Ġe ra +Ġm in +Ġ 6 +Ġm om +d ic +ñ a +in cip +Ġac tu +mp l +Ġm as +Ġp lan +Ġimp ort +Ġmun do +j os +ech o +Ġde n +ien do +Ġdi st +u y +Ġre p +ĠP or +Ġv al +ver s +ra ción +Ġsi g +Ġdi fer +Ġf orm +é c +Ġ últi +Ġm es +cu ent +Ġtan to +Ġest án +Ġv is +ó lo +Ġdes arrol +Ġ K +Ġmuch o +Ġv iv +Ġpr incip +in e +ĠA r +t on +Ġen con +âĢĿ . +aj e +Ġdu rante +Ġ w +Ġu til +Ġl i +Ġs ent +om bre +Ġsol o +Ġsi emp +Ġsiemp re +t ic +Ġtrabaj o +en di +un que +v is +Ġe qui +pu és +am il +is mo +Ġten er +Ġp ues +Ġc ent +Ġh ist +Ġp on +Ġh er +Ġcu enta +Ġqu ien +r ar +Ġde st +Ġc ab +ĠL e +Ġl es +or ia +Ġb aj +Ġes o +Ġp es +tr ar +Ġde j +Ġest udi +c er +r uc +ist as +ces o +Ġcas o +Ġcual quier +Ġc iudad +se gu +te l +Ġ á +ĠP ro +Ġqu ier +ta ción +Ġal go +tor es +Ġt ras +i ente +f ic +Ġes e +Ġt ar +re ch +ent ar +Ġo tro +st a +Ġv ol +ar go +Ġmen os +da des +d ar +Ġres ul +i mo +Ġre f +Ġcomp le +Ġ ri +Ġll am +Ġen cuent +Ġb us +Ġmu jer +Ġc ó +ĠM e +z ar +Ġh or +Ā Ā +Ġsi do +Ġex per +Ġpo co +Ġt om +Ġnues tro +en e +Ġutil iz +ĠS i +u ción +e o +h o +c al +Ġv en +te g +Ġp l +Ġto da +ú s +Ġmom ento +gu a +an cia +it al +ier no +Ġsu per +ĠC ar +Ġre la +Ġm on +Ġf al +Ġ 7 +Ġap ar +Ġest os +Ġ2 00 +ec e +pañ a +Ġpue den +Ġinform ación +Ġse a +Ġde f +al a +Ġh i +ó m +Ġto das +om o +Ġg ust +ĠA s +ol a +Ġf amil +Ġpro yec +c el +Ġ 8 +iv ers +ci ales +Ġm er +Ġprof es +ri s +ĠD E +Ġnues tra +Ġnuev o +t an +Ġor gan +Ġpo der +Ġy o +L os +Ġpro ble +Ġ Q +Ġti po +t ó +ÃŃ st +Ġpol ÃŃt +Ġac tiv +Ġp úbl +Ġt r +c re +C I +Ġtra v +Ġca p +Ġc ul +Ġde rech +Ġhab ÃŃa +Ġ z +us o +Ġe mb +Ġv a +Ġd ÃŃas +Ġest ar +u ro +Ġan tes +v il +Ġf i +ti s +ÃŃ o +Ġman era +Ġob je +Ġh um +g res +g e +que l +Ġel ec +Ġ1 0 +Ġpu bl +Ġprim er +ol og +Ġh e +Ġt al +Ġt res +Ġprim era +E S +im iento +Ġes p +i ma +er on +Ġdes pués +Ġah ora +Ġi de +Ġtrav és +Ġ 9 +Ġo tra +á c +Ġg ru +om in +Ġtien en +Ġsi gu +ce p +ĠD es +Ġd ar +Ġh echo +Ġs ólo +te c +Ġest o +Ġv ar +t amente +ch e +Ġa f +Ġqu é +Ġse gun +ob ierno +ĠN a +c os +ab an +qu ÃŃ +ĠL as +t ados +iv el +u al +ĠS u +s ión +t ica +Ġdeci r +E R +Ġ ir +er g +Ġes a +ó g +om e +Ġf o +v a +Ġo tras +Ġb a +Ġ à +tiv as +Ġg u +er ÃŃa +Ġh oy +a p +Ġun os +Ġcon oci +Ġcas a +Ġel los +ient es +Ġin s +Ġg an +ient ras +Ġf r +Ġpro gra +Ġsi tu +le g +v an +Ġe fec +Ġm al +Ġp el +Ġsu b +id as +ci dad +Ġp ens +tur al +Ġpe que +Ġa unque +Ġex ist +Ġen tr +ó r +i ar +Ġespe cial +di do +Ġn ada +z as +Ġa quel +i ó +! ! +Ġ , +di a +" , +am a +Ġres pon +Ġper mi +Ġcont in +Ġn ivel +Ġan te +ri dad +i or +ien cia +Ġre l +ĠC u +Ġe con +c ado +en o +Ġest ado +Ġorgan iz +du ci +Ġ k +in as +s a +g as +Ġ . +Ġap ro +Ġcó mo +Ġpres ent +Ġse ñ +âĢ ľ +r ado +Ġé l +á g +A R +Ġb o +Ġmil l +ri l +in ar +ri st +O S +er n +Ġe di +Ġc ier +ĠP ar +á l +Ġp ri +Ġe je +min ist +00 0 +Ġest as +Ġsin o +E N +os o +Ġar t +ste ma +Ġp al +Ġsi stema +Ġte mp +Ġade más +Ġau tor +Ġda tos +S e +Ġdeb e +Ġp i +e ci +ĠM a +Ġb ar +or d +Ġ ún +l ica +Ġse m +Ġdi se +Ġmedi o +ú m +Ġser á +e le +ten er +Ġcom er +ĠC o +Ġpas ado +i al +C on +P or +Ġ X +Ġa g +Ġmuch os +ez a +Ġ Z +Ġc ambi +m ar +i mos +ĠP ara +Ġcos as +Ġca pa +l or +Ġequi po +if ic +Ġs an +teri or +éc n +iden te +qu il +ador a +ĠP ero +O N +Ġw eb +s os +Ġ os +Ġh o +N o +i cia +Ġs ÃŃ +Ġinter es +Ġeje mp +cion ales +E s +ĠT o +t am +Ġb an +Ġalgun os +Ġimport ante +un tos +ÃŃcul o +" . +ch a +ĠEs paña +h e +f ica +Ġlle g +A S +Ġhist oria +oc er +ten ción +ul o +Ġempres a +y a +Ġto tal +Ġmill ones +Ġ1 5 +ri g +Ġest able +ti do +em bre +Ġ2 0 +Ġnues tros +Ġrep res +Ġel la +Ġcal idad +h a +ar an +ab les +in os +Ġnuev a +Ġ ¡ +an za +i tos +Ġcomp ar +c ri +ĠâĢ ĵ +Ġhor as +Ġes per +t ad +b o +e p +Ġm ientras +Ġservici os +e x +Ġfin al +m ent +d an +ad re +Ġel e +u ra +or n +A N +ier on +i p +Ġre con +Ġv ia +Ġap lic +Ġus o +Ġcon tro +olog ÃŃa +ri r +Ġin ici +ĠIn ter +Ġha cia +Ġinv esti +de mos +b io +por t +Ġre cu +Ġprofes ion +Ġdifer entes +Ġc r + » +lo g +Ġv eces +Ġservici o +Ġg ente +or te +Ġden tro +gu al +Ġes pa +A L +Ġest aba +ti dad +Ġdi jo +Ġus u +ĠL o +Ġn úm +av or +ab or +ci miento +ec n +Ġa gua +Ġ1 2 +ta c +il o +ó x +Ġac uer +on o +ĠC as +ci e +Ġof re +Ġin d +Ġse gún +ue la +Ġdis pon +S i +Ġre v +Ġmuch as +o k +di o +Ġes pañ +al l +Ġa ut +Ġcom pañ +en cias +ĠB ar +Ġso cial +ri d +Ġfun cion +Ġ1 8 +Ġmis ma +Ġel lo +ar d +Ġperson a +an d +Ġproduc tos +ĠS al +Ġre cor +Ġan ti +Ġp an +Ġ ru +es ta +Ġ ... +ul a +Ġi ma +Ġemb argo +mp le +Ġo fici +Ġdist in +Ġt us +Ġgru po +de más +Ġcontin u +Ġlle gar +Ġpos ible +Ġa quÃŃ +r al +âĢ Ļ +a tro +g n +Ġdis f +ci n +O R +u da +Ġesc ri +p i +Ġm á +ĠJ u +il la +Ġle y +r á +ar ia +ri a +Ġpro ceso +Ġor ig +Ġs ue +Ġam b +Ġse x +Ġhab er +Ġcon v +Ġc las +Ġf avor +Ġpro v +ol óg +om a +ici p +Ġv i +Ġmujer es +Ġt écn +il l +ĠM ad +e ta +b ol +Ġv o +Ġm é +st itu +L as +Ġgener al +Ġp ie +ti o +t ante +Ġju g +ĠP er +tor io +Ġcu er +Ġejemp lo +di da +Ġpre gun +Ġcu r +Ġes pec +z ón +Ġdesarrol lo +gra f +f orm +b er +d or +bi do +tu ras +Ġencon trar +Ġay ud +is o +ĠD i +un ca +it as +Ġgran des +Ġnos o +t amiento +ĠG u +Ġfuer on +ac h +Ġmo de +Ġreci b +Ġproyec to + ¿ +Ġcon di +esti ón +j as +ĠP a +Ġbaj o +Ġl uego +ter a +Ġpr óx +ĠE x +Ġle g +p en +Ġp unto +ci endo +Ġf á +ĠNa cional +ac e +á m +g ación +Ġparti cip +ĠM é +Ġpo d +Ġ 0 +Ġqu er +Ġin t +Ġin di +Ġc in +Ġperson al +Ġt ri +Ġcomp r +Ġe duc +pec to +Ġen f +Ġpos ib +Ġg as +r ic +Ġcas i +Ġsem ana +Ġd in +ec u +E st +t ico +Ġ « +por te +Ġcon ten +ĠUn ivers +un ci +ele b +Ġni ños +Ġno v +ĠR o +Ġs ac +Ġcon ocer +Ġnoso tros +Ġf or +Â Ń +Ġecon óm +Ġtr ad +Ġa mpl +A D +Ġacuer do +Ġdisf ru +Ġcol or +Ġn ombre +er as +Ġc lar +Ġval or +Ġmin u +Ġmu er +Ġap oy +aj es +re a +ĠP o +Ġempres as +ton ces +x ico +Ġexper iencia +Ġv uel +Ġbuen a +Ġinter na +I C +di ó +Ġor den +Ġdes cu +Ġz ona +ĠC ol +Ġrespon s +ĀĀ ĀĀ +Ġm ie +ĠM an +p re +ĠA m +Ġinst al +Ġmej ores +Ġgra cias +Ġsegu ridad +Ġi gual +ens a +Ġne go +Ġsal ud +Ġc eleb +Ġnúm ero +ues tra +Ġp ág +i te +ac ter +ĠS in +Ġex tra +is ión +t á +Ġe t +ci na +os a +ien e +den cia +ĠC a +Ġten dr +Ġt ecn +ab ilidad +ech a +ĠEst e +c tu +f ico +Ġca us +Ġre com +Ġpal ab +à ĥ +á p +ĠV al +ĠS o +Ġcons i +Ġrealiz ar +v id +Ġcu an +Ġla b +n e +Ġa um +iz ación +Ġmes es +pos ición +Ġl ado +Ġal l +2 01 +Ġter min +Ġa segu +Ġexp res +ra m +Ġque d +Ġ / +D es +ir m +Ġs a +ñ as +Ġfamil ia +tor ia +Ġdi f +ĠM o +A l +Ġap ren +Ġ on +Ġtra ta +Ġ | +Ġl ÃŃ +Ġpre v +Ġh ombre +Ġcent ro +omb res +Ġna tural +Ġf a +b an +ĠU na +Ġin te +iv o +Ġ1 1 +l am +Ġ # +Ġc ir +Ġlib ro +Ġcu mpl +P ara +D e +i re +Ġl ÃŃn +ĠF ran +Ġv ent +Ġfu era +ol es +de ra +ci s +pues to +Ġre cur +p ti +g ent +iz o +Ġpue des +an ci +Ġn unca +Ġincl uso +Ġmer cado +dos e +ĠEst a +Ġ3 0 +Ġj uego +Ġpr ác +ĠMad rid +Ġten emos +Ġh emos +Ġj ue +Ġam ig +Ġdeb er +Ġ201 8 +Ġpres idente +ĠEst ado +ĠM un +i es +port un +Ġma teri +Ġemp le +Ġ [ +ist o +Ġam or +Ġun as +ar es +ec er +Ġper fec +ic amente +Ġal im +Ġac er +Ġpar ece +b ar +Ġproble mas +Ġdest ac +Ġcam bio +Ġal can +Ġreg ist +Ġincl uy +Ġs en +ol ución +Ġten go +n et +Ġa le +Ġj ust +à ĵ +Ġcom en +den te +Ġa ún +Ġh ora +Ġ ust +ĠC ent +ur os +Ġsegu ir +Ġre fer +un d +ti tu +Ġj unto +Ġprogra ma +Ġsab er +ti fic +Ġalgun a +Ġrel ación +ic ado +bl es +en d +i le +a f +ter min +ri o +Ġcon tac +l u +ĠE uro +re g +t ando +Ġo portun +Ġa fec +Ġm os +Ġsol ici +Ġpon er +aliz ación +res pon +ĠMé xico +ĠC or +y o +Ġdef in +Ġsig n +Ġalgun as +ĠL u +Ġet c +Ġd omin +Ġcu atro +ĠM on +Ġf ac +Ġfo to +Q u +Ġre d +Ġte ma +I N +ĠD ios +t ada +Ġcuer po +Ġpre cio +us ión +ci do +er ic +ier a +Ġsitu ación +Ġparti r +in ación +Ġan im + ¡ +Ġp uer +Ġn orm +Ġna cional +ĠJ os +Ġdo cu +Ġcom ent +Ġg obierno +ï ¿ +Ġe m +Ġfr ente +Ġg en +ï¿ ½ +Ġe jer +Ġdi vers +Ġcomp e +Ġproble ma +Ġdi rig +Ġo l +ici o +Ġ1 4 +ie dad +if ica +Ġcar acter +Ġse lec +Ġb ene +Ġm ús +ĠO r +z os +Ġlo gr +Ġencuent ra +Ġso cie +Ġdes p +Ġcontro l +t in +Ġpúbl ico +aj a +bl ig +Ġo cas +ĠQ u +Ġver dad +Ġv arios +1 9 +di r +Ġdic e +b lo +ist er +Ġf il +Ġofre ce +j ar +Ġminu tos +. - +Ġl argo +Ġpo demos +Ġcon segu +Ġúlti mo +di al +Ġe j +Ġest u +Ġlo c +ist e +ĠC an +Ġen fer +g er +p el + º +Ġad minist +g ado +Ġpas o +Ġr áp +m ento +Ġmo v +Ġsi endo +ĠC am +Ġlib er +iv a +m bre +ier ra +Ġ1 6 +é is +ar ÃŃa +an as +ĠG obierno +qu es +v es +Ġman o +Ġm or +Ġobje tivo +Ġpel ÃŃcul +r ó +e f +Ġre alidad +Ġfá cil +Ġpre par +Ġ1 3 +Ġp in +Ġactiv idades +ĠEst ados +Ġv ÃŃ +Ġde tal +Ġsec tor +Ġp untos +re o +Ġcons ide +Ġo blig +Ġen tonces +Ġparti do +Ġte le +r on +Ġfun d +Ġi den +n as +Ġcor respon +Ġa tra +ar lo +om ÃŃa +ĠpolÃŃt ica +rib u +duci r +s erv +Ġno che +Ġ2 5 +Ġu b +Ġser ie +Ġde cl +ĠM in +Ġbene fici +Ġsu r +Ġbas e +Ġob ra +Ġderech o +Ġen erg +Ġele g +Ġso ciales +Ġg aran +át ica +p ción +Ġv ide +g on +Ġart ÃŃculo +Ġmun icip +I n +ar e +Ġa t +ĠpaÃŃs es +z ado +Ġj un +m ientos +p as +om os +Ġa tención +m it +C u +Ġfal ta +Ġespa cio +Ġtemp or +Ġten ÃŃa +tr ón +ent al +g re +Ġsi tio +Ġrepres ent +U n +Ġà ģ +Ġpre cios +ĠA demás +Ġm ens +Ġpr ue +v al +Ġre al +ĠâĢ ĺ +i ado +ra c +v ar +Ġdin ero +Ġv an +ic h +Ġde termin +Ġmedi ante +r era +e as +ĠP ol +Ġpermi te +ol u +el l +Ġpodr ÃŃa +Ġin dic +n es +Ġt or +Ġ ' +Ãĵ N +Ġinst itu +g les +ch o +en as +Ġin de +Ġal ta +g el +ruc ción +ĠA d +ar án +le x +Ġfin anci +c ent +Ġemp ez +b ado +m on +Ġexp lic +Ġpro ce +Ġh izo +ĠP re +Ġb lan +Ġm us +g ro +Ġ1 7 +ri ó +Ġ : +ĠUnivers idad +Ġo cur +Ġen can +Ġte x +g ue +vis ión +pos i +Ġsegun do +ĠUn idos +Ġcondi ciones +E ste +Ġsigu iente +tar io +Ġnuev os +Ġau to +Ġseñ al +st as +Ġre un +Ġmayor ÃŃa +cion ar +Ġcons ul +Ġsent ido +ĠG ener +Ġpar e +Ġal gún +un a +Ġb ol +Ġ201 7 +Ġespe ci +a te +Ġdise ño +aliz ar +d al +Ġm ir +Ġsu f +Ġ il +ul io +Ġof rec +tr an +Ġper io +Ġmo do +Ġnuev as +Ġsocie dad +I S +Ġderech os +Ġactiv idad +Ġac om +Ġcas os +t s +or ÃŃa +T A +Ġal um +ues ta +Ġconf i +Ġmá x +Ġcon j +Ġay uda +ti on +Ġima gen +Ġcer ca +Ġproduc to +Ġs os +Ġquien es +ib les +Ġpro ces +ĠJu an +p endi +baj o +Ġlab or +Ġ1 00 +Ġa van +in al +Ġencon tr +Ġcu b +Ġresul tados +Ġ2 4 +cu p +Ġs ens +ñ ana +Ġre co +s i +Ġpr omo +Ġas ist +Ġel em +át ico +Ġf on +Ġrela cion +Ġco lec +Ġneces ario +Ġtar de +Ġac ceso +Ġvi ol +Ġcon ven +ÃŃt ulo +i k +Ġcon ver +ĠB o +Ġj o +v ÃŃa +Ġest amos +Ġsegun da +I I +Ġind ust +Ġe uros +ti en +ĠP res +am b +Ġust ed +Ġdi g +ĠT ambién +in gun +Ġs or +u ales +l ine +ĠlÃŃn ea +p ular +pues ta +Ġide a +Ġes os +Ġres pecto +t ón +Ġdej ar +Ġprincip al +v ent +Ġr ad +Ġpos i +.. .. +án do +Ġpres ente +U na +ÃŃcul os +Ġac ep +t h +ĠP e +ĠN e +p res +1 0 +Ġac ab +ech os +Ġm ul +ti ene +Ġpas ar +Ġcre o +Ġsi mple +d ico +Ġest ra +un ta +ĠJos é +ÃŃst icas +em as +Ġestudi o +Ġl uch +á r +z ó +u rante +tic ular +Ġcuan to +Ġpue blo +r ero +i go +g l +Ġnues tras +Ġin cre +Ġ ur +3 0 +Ġri es +Ġimp res +ĠR es +ita ción +tu ro +tec ción +ri do +ĠG ran +Ġl ec +Ġcom b +Ġcl ientes +ie mbre +ctu bre +Ġpág ina +Ġhay a +Ġv ac +l ado +Ġen ten +Ġl an +Ġh ombres +ĠLe y +d ica +Ġmie mb +Ġdic ho +ĠA c +Ġtien es +Ġen vi +ĠY o +l er +Ġhac en +Ġen c +ing ún +Ġli bre +Ġllev ar +Ġbas tante +Ġpues to +ol o +Ġespañ ol +Ġamig os +gen es +Ġincl u +ĠC al +Ġas es +per ación +ér ica +ad ie +Ġesc uch +ti ó +Ġcap ital +ÃŃ amos +gu ien +ĠA p +Ġpa pel +Ġcin co +Ġest oy +Ġusu arios +Ġin vers +Ġún ico +Ġsi m +ĠT ra +ó s +Ġdes e +I D +Ġ19 9 +r ados +Ġfa cil +on e +ram ient +Ġdescu b +Ġmode lo +ic e +Ġan terior +il lo +Ġacom pañ +ci ó +Ġpri v +Ġrecon oci +u g +Ġprop io +2 0 +ó vil +Ġclar o +ter o +duc ción +Ġvar ias +Ġcon te +Ġn ingun +T E +ente mente +Ġma ñana +Ġ201 6 +Ġf ab +f o +Ġli mp +Ġe r +i ra +Ġmar ca +Ġpa ci +Ġg ol +Ġa do +ad amente +r or +Ġin m +gres o +pti embre +Ġn ingún +Ġdeb en +ĠP la +Ġcapa cidad +Ġmedi os +Ġf ÃŃs +il ar +Ġman ten +Ġcan tidad +Ġparti ci +iz a +Ġproduc ción +Ġprim ero +ĠRe g +t ri +Ġv ista +i an +Ġesc rib +Ġúlti mos +Ġf el +i én +Ġt el +il idades +Ġen car +Ġdo c +Ġpue da +ĠCom o +Ġlu z +Ġf ran +Ġpro por +Ġcam ino +Ġdes car +Ġel las +ti z +Ġcier to +Ġres ta +Ġgust a +R O +h ora +Ġma ter +Ġconsi der +Ġ5 0 +tam ento +r in +Ġpo bl +Ġpubl ic +Ġac ciones +Ġhab lar +Ġh ub +Ġquier e +gent ina +ĠV er +de z +Ġcab o +ĠGener al +Ġcre ar +qu is +w w +iv il +Ġlo cal +iz ar +Ġcu ar +Ġob serv +Ġinvesti gación +Ġpalab ras +se ñ +CI ÃĵN +Ġpar ticular +if icación +Ġmús ica +Ġelec trón +Ġpi el +ac k +R A +Ġman if +Ġdisfru tar +Ġv ir +on os +Ġtom ar +Ġha ciendo +ĠC l +Ġun ivers +ĠI s +ad res +Ġconst itu +Ġ x +Ġa gu +ister io +is is +Ġdi ci +bi ó +Ġdes a +ĠDi rec +ĠD is +Ġprov in +Ġde más +Ġpo ten +ul os +Ġejer ci +m entos +Ġf echa +ec re +o ce +tiv idad +Ġab ier +Ġb log +t icas +p le +l ante +Ġl im +ac er +Ġper man +Ġal to +E sta +da p +ĠAs ÃŃ +Ġdirec tor +b e +Ġde dic +Ġher ramient +t án +as e +Ġb eb +Ġc ri +Ġade cu +Ġc la +Ġr om +Ġaplic ación +Ġprop ia +ven es +Ġrecu er +M e +Ġactu al +Ġrecur sos +al o +Ġno ti +Ġcos a +Ġo fer +Ġsen cil +Ġfund am +Ġcu ales +Ġtra tamiento +om as +5 0 +Ġpes ar +tu al +Ġman tener +Ġi m +am ientos +ĠF e +uer ra +Ġin ten +ig n +Ġbuen o +f t +ien da +tal la +Ġcal le +Ġes f +Ġv ig +Ġres to +cul o +Ġresul tado +m ac +Ġal guien +Ġev itar +Ġal ter +Ġconst ru +tur ales +Ġprofesion ales +Ġde bido +ar ias +Ġo ctubre +à ¼ +Ġgra tis +de dor +Ġex cl +Ġdif ÃŃ +Ġfamil iar +re z +Ġe dad +Ġfu turo +c ÃŃa +Ġprofesion al +Ġest ilo +Ġab s +Ġúlti ma +Ġconsegu ir +R E +on as +Ġnov iembre +Ġenfer me +Ġdici embre +Ġe mo +é f +Ġcol abor +Ġb al +j ust +iv os +ĠSe gu +Ġentr ada +Ġde por +Ġvol ver +Ġt ér +ec en +Ġdu da +Ġcon cep +Ġcon tar +Ġt it +Ġm ÃŃ +Ġgran de +Ġmo der +graf ÃŃa +Ġsegu ro +s iones +de ro +Ġcon ci +Ġé x +Ġsign ifica +en ci +ĠCu ando +Ġser ÃŃa +Ġ2 1 +Ġform ación +it or +Ġ201 5 +Ġpro b +Ġpr on +Ġayud ar +Ġbus c +ac ción +bi ente +Ġen v +Ġve h +Ġ is +Ġmedi da +Ġtu vo +cel ona +ĠN uev +j es +ĠâĢ Ķ +ó venes +Ġn adie +Ġa dap +ĠT e +p ara +Ġjo ven +Ġa gr +Ġv enta +Ġa z +i ano +Ġar ti +Ġproyec tos +Ġt a +ĠG ra +Ġa ire +Ġsig ue +f icación +Ġcomun icación +Ġinter ior +âĢ Ķ +T I +Ġop era +Ġso y +Ġf re +Ġpróx imo +tiv amente +Ġg estión +Ġse ptiembre +Ġest ruc +Ġinterna cional +to do +Ġm ol +Ġd ado +Ġenf r +ál isis +Ġcom ien +t ÃŃn +ĠG o +Ġt ur +Ġmuer te +Ġsec re +ador as +Ġprof un +tr ás +Ġter ri +t ina +Ġhi jos +Ġf e +Ġaquel los +Ġapoy o +ul ación +ĠA b +L o +úbl ica +ici os +ó p +Ġcomun idad +Ġfo tos +Ġprincip ales +es a +Ġoportun idad +Ġah ÃŃ +Ġtrabaj ar +Ġop in +Ġest é +Ġdirec ción +f orma +Ġter c +re l +Ġex cel +lar es +Ġv isto +ĠJ o +Ġres pe +ul s +Ġse an +ĠG ar +ta ciones +t t +Ġman os +ĠH a +ĠQ ue +t icos +il las +Ġe ran +Ġmejor ar +Ġf an +ĠP ue +Ġm adre +Ġac ción +Ġa ta +Ġinter és +Ġindi vid +an cias +T o +Ġpla ta +p s +Ġdis posi +Ġllev a +Ġcomp rar +ÃŃst ica +Ġcu ad +Ġp udi +Ġmo di +Ġcor rec +Ġes as +Ġvide o +a u +ĠpelÃŃcul a +Ġf ir +Ġinte gr +ĠL A +C omo +Ġde mas +ĠM or +ac to +Ġbus car +u mo +r ada +b as +Ġpodr á +os p +ien cias +Ġcam po +ó mo +é l +Ġpo pular +ĠCom un +Ġ2 2 +A s +Ġpre o +m en +p ro +Ġcon tr +Ġus ar +Ġm uestra +Ġj ulio +ÃŃ f +r ÃŃa +Ġob ras +Ġcab eza +ib ilidad +Ġj óvenes +Ġsig lo +Ġv amos +ven ción +am po +tor no +Ġhab l +Ġc ora +Ġpas a +Ġle er +Ġl ig +t é +Ġimport antes +ĠO b +ĠCent ro +Ġcu id +Ġtempor ada +Ġjun io +Ġno ve +Ġel im +ta gon +Ġre des +Ġenerg ÃŃa +T O +Ġin cor +se jo +Ġusu ario +ĠS erv +il a +ran tes +Ġdi o +Ġcompañ ÃŃa +ĠA y +á genes +Ġl ar +Ġob tener +st ico +rim on +Ġca teg +ĠR ec +2 00 +Ġdecl ar +Ġutiliz ar +Ġdise ñ +Ġex ig +Ġcontac to +Ġsi st +ru z +al u +Ġall ÃŃ +Ġten ido +Ġfuer te +fici ente +Ġc ara +Qu é +Ġg ob +Ġcon duc +ĀĀĀĀ ĀĀĀĀ +l io +ent as +Ġmay o +Ġpobl ación +Ġneces idad +Ġvia je +Ġdes con +ici dad +cion ado +Ġprim eros +án dose +Ġa udi +Ġcur so +Ġde r +Ġre almente +ĠInter na +Ġen señ +b u +Ġcar rera +Ġtrad i +Ġpue do +tar on +Ġequi pos +Ġfuer za +Ġres erv +Ġan unci +ĠEs c +Ġl en +ĠJ es +Ġque da +Ġtér min +Ġv iene +O M +Ġon line +Ġb el +Ġres puesta +Ġmis mos +Ġ201 4 +Ġpos t +Ġpeque ño +cul ar +gos to +Ġeduc ación +Ġposib ilidad +re mos +pon e +Ġte mas +Ġv as +r ad +p ren +Ġconten ido +Ġex ten +Ġb ás +ĠB uen +ĠEst o +b al +Ġt ierra +orm e +es ión +x ic +Ġentr en +it an +ĠBar celona +Ġpl ante +Ġorganiz ación +Ġconst rucción +u do +Ġpres encia +Ġal re +Ġf is +Ġo jos +ĠIn stitu +Ġá rea +Ġconj unto +d ra +ir se +ĠI N +am eric +ĠF ac +ion al +A M +1 1 +Ġtecn ologÃŃa +A n +P ero +Ġv ic +Ġmuch a +ĠB an +Ġde man +Ġmedi a +l i +Ġries go +ir á +al e +x im +Ġéx ito +Ġho tel +Ġdi a +gles ia +ti m +Ġser án +Ġcon cre +es t +or o +ĠE duc +ĠdifÃŃ cil +Ġneces ita +oci ación +Ġse man +im ientos +Ġs é +ĠEuro pa +Ġin me +ĠMar ÃŃa +Ġver da +Ġgru pos +- - +ar i +Ġfi gu +Ġin gres +ĠH o +Ġd ó +c en +me tros +cur so +teri ores +Ġespecial mente +Ġpre m +lica ciones +ĠAr gentina +Ġm ÃŃn +ĠM i +Ġcons um +ampo co +Ġhist ór +v ech +Ġprincip io +Ġhi jo +Ġp adre +Ġedi ción +Ġpla zo +Ġmateri al +ic ÃŃa +Ġelem entos +Ġ4 0 +Ġmedi das +Ġañ ad +Ġencuent ro +Ġsi r +ĠC rist +Ġim ágenes +ĠLu is +Ġsuper ior +Ġen ero +Ġsal ir +ĠA le +E L +é m +Ġmar zo +ier nes +Ġtel éf +Ġneces idades +Ġen ci +Ġfun ción +Ġm ad +t adas +Ġtoda vÃŃa +Ġop ción +Ġamb os +uer to +Ġ $ +ĠSan ta +ti endo +e te +ent an +d ÃŃa +Ġpro tagon +Ġcar go +Ġningun a +h i +Ġin icia +f a +E C +Ġre par +Ġlib ros +ĠCar los +h er +Ġver sión +Ġar te +gl és +Ġme tros +Ġesf uer +aliz ado +re as +Ġb on +O L +à į +it ado +ues to +eb rero +Ġsigu ientes +k e +Ġt ama +b il +Ġé po +Ġparticip ación +Ġde mos +ul as +Ġ2 3 +Ġpue dan +Ġexist e +Ġl ista +ĠM u +Ġclas e +Ġp adres +de o +Ġcl iente +Ġbus ca +Ġm óvil +1 2 +ĠC iudad +Ġac on +Ġpar tes +Ġa gra +Ġconoci miento +Ġsu ce +Ġpartici par +Ġhacer lo +in es +Ġab ril +Ġestudi os +ist ro +Ġf ru +Ġf ra +Ġofrec er +. , +Ġsol u +Ġcambi os +Ġra zón +p ir +Ġpres enta +v ia +Ġe uro +f il +de l +un es +Ġc ine +di endo +ent ación +Ġquier o +Ġofici al +Ġjue gos +Ġp ier +ti a +Ġsab e +Ġefec to +Ġco cina +ĠS on +Ġel abor +f i +Ġmiemb ros +no v +cri pción +Ġconside ra +Ġún ica +Ġam biente +ĠS a +R e +p l +ÃŃ do +es e +in ado +Ġ â +Ġar ch +Ġcon ec +ĠH ay +Ġre c +ĠT er +Ġs á +ac a +ĠP r +r um +é di +mo c +I A +fer encia +Ġju gar +Ġcambi ar +tor a +w are +E D +Ġcom ún +Ġcre a +éc tr +Ġna ve +Ĥ ¬ +den tes +Ġtendr á +Ġgra tu +Ġh ici +Ġcomp ra +Ġmen or +Ġviv ir +Ġima g +Ġj orn +Ġn um +id ores +f e +ic al +Ġgu ar +ĠV en +t ino +Ġcre cimiento +ĠCon s +r ica +k et +ch es +ie za +Ġestra teg +tar se +Ġcon cl +Ġpro teg +Ġpare ja +Ġp s +Ġcora zón +Ġb or +Ġ201 3 +Ġp en +Ġcol oc +Ġsex o +ĠT en +Ġnego cio +ac es +ĠS er +Ġcons erv +Ġd om +1 5 +en da +Ġpúbl ica +Ġv in +Ġc iento +ita ciones +Ġse is +ran do +Ġme z +Ġpre ten +par tamento +tis f +Ġh as +Ġprue ba +o o +Ġpa go +ÃŃt ica +Ġa di +omb ia +Ġde pen +Ġac ce +Ġl in +Ġimport ancia +ĠS ol +Ġefec tos +ám ara +ue lo +s u +Ġcul tura +es te +it ario +Ġa gosto +titu d +ĠP lan +Ġc rist +di z +Ġmay ores +H ola +Ġper ten +ÃŃ os +Ġcor reo +Ġpro tección +Ġcomple to +Ġre quier +Ġpr os +Ġeduc a +Ġrecib ir +n er +it antes +ĠM er +Ġlugar es +Ġap or +âĢ ĵ +Ġtrabaj adores +Ġc ient +ĠE S +Ġv oy +Ġdes c +Ġapro vech +Ġg al +Ġv iernes +ter ÃŃa +Ġcan dida +Cu ando +Ġte m +t amos +v ieron +Ġev ento +Ġtotal mente +ó l +Ġsist emas +ol ver +ar do +c k +Ġform as +ĠB ol +ĠMin isterio +Ġk il +ris is +di go +Ġpens ar +Ġd an +Ġfre cu +ris mo +Ġg ri +g ada +ed or +Ġ2 8 +Ġten ga +ier e +Ġve lo +Ġacer ca +Ġan álisis +Ġsu st +Ġestudi antes +o p +Ġalre dedor +Ġreg ión +eb o +Ġencon tra +Ġ201 2 +Ġinter pre +ĠF ern +ri tu +ĠDes de +Ġg o +ác ter +Ġcaracter ÃŃsticas +ta ble +ĠInter net +Ġpes o +Ġman e +Ġ q +t rimon +Ġhab ÃŃan +Ġreg res +Ġedi fici +Ġcar ácter +mi te +ú a +or k +Ġmater ia +ica ciones +Ġdesarrol lar +tu d +Ġc el +tel ig +A C +ues tas +Ġcol ores +v in +Ġrecom end +Ġexcl us +Ġpr ome +Ġd orm +Ġdifer encia +Ġpel ig +Ġcompr om +Ġdeci sión +Ġcaus a +Ġbaj a +ĠY a +1 8 +Ġmov imiento +Ġ2 6 +orm ente +Ġres ist +Ġv esti +Ġ2 7 +Ġmom entos +Ġnatural eza +ĠP as +Ġh on +Ġt ÃŃtulo +cion a +Ġépo ca +Ġg uerra +Ġhum anos +ta ba +Ġop ciones +át icos +ti da +Ġpermi tir +r y +Ġf ebrero +Ġpres u +Ġob st +Ġn orte +Ġdo lor +t ales +Ġp is +Ġencuent ran +er ia +es tr + ³ +Ġa just +ig a +ĠD er +um en +Ġex tre +Ġev alu +Ġni ño +Ġpeque ña +Ġide as +Ġdemas iado +Ġentre ga +z an +Ġp ien +w s +ĠT or +Ġsa tisf +Ġn ar +og le +Ġpa gar +ĠE N +Ġall á +Ġre cl +ĠH er +til la +ÃŃ m +ĠB a +Ġa ten +Ġvis ita +ĠâĢ ¦ +ÃŃ fico +Ġdó lares +ri os +Ġrela ciones +Ġc risis +Ġin tro +Ġmun dial +Ġfab ric +e ar +Ġm ara +Ġliber tad +Ġtama ño +Ġm ec +ti dades +Ġj ur +Ġvar i +ĠE mp +ay a +Ġorig inal +Ġsor pren +Ġfon do +Ġcompar tir +Ġmáx imo +Ġs omos +Ġcons ecu +Ġper der +Ġcompe ten +ĠAd minist +Des de +ul tura +Ġaut om +Ġra z +Ġ + +Ġorig en +es o +Ġvol un +Ġin glés +Ġ iz +Ġcam paña +Ġor ient +Ġsu m +Ġper s +Ġay er +Ġme m +di ente +Ġmateri ales +m bi +qu ina +Ġprác tica +ĠInterna cional +Ġmos tr +c ti +Ġesp era +ul ta +Ġver ano +Ġt ampoco +Ġtex to +Ġan d +Ġdistin tos +Ġimp or +ĠT u +Ġlle ga +Ġpeque ños +Ġdomin go +Ġsu puesto +Ġautor idades +Ġincor por +Ġs il +Ġexper im +Ġcre ación +ĠN av +e tas +Ġcom ida +Ġanti gu +e e +tar ia +cep ción +Ġe qu +Ġe ta +Ġdesarrol l +Ġz onas +Ġprop ie +on g +Ġprogra mas +/ / +Ġbien es +Ġmon ta +Ġenten der +ĠCh ile +Ġ19 8 +i ana +form ación +Ġd é +Ġe vi +Ġsal ida +Ġse par +ĠRe al +Ġar ri +Ġincluy e +Ġs uel +ĠCol ombia +aliz ada +Ġpan talla +ĠSu per +ús que +Ġdirec tamente +Ġseman as +Ġper mit +Ġpos ición +cul os +Ġho gar +h u +Ġrel ig +ti les +Ġiz quier +Ġb lo +Ġcon ce +Ġteléf ono +esti on +Ġproces os +Ġprovin cia +Ġt ab +Ġdesa par +Ġcons umo +ológ ico +r án +ĠT he +ren o +Ġv ie +ab il +Ġejerci cio +ues tro +ĠEduc ación +ĠU S +Ġquier es +Ġ6 0 +Ġenci ma +Ġalum nos +r er +Ġc ivil +t bol +ĠJes ús +Ġt ro +Ġpod ÃŃa +ĠAn ton +osp ital +id or +e dad +Ġiden tific +Ġde ja +Ġest aban +Ġel éctr +C om +Ġllam ado +Ġher m +R I +vo ca +teri ormente +Ġval ores +ĠRe p +Ġco che +Ġcomp ren +ti os +Ġá mbi +Ġtrabaj os +Ġg lo +ĠCon sejo +un tamiento +Ġde v +Ġb rin +Ġcontinu ación +Ġhum ano +é st +Ġconver tir +Ġp ul +Ġsá bado +Ġac e +as a +Ġpalab ra +Ġp un +Ġlleg ó +Ġi ba +p ero +i el +Ġle van +able mente +p ut +Ġmar co +ĠP al +ci to +ib er +Ġinf orma +A demás +ti dos +é tica +Ġdefin i +Ġlogr ar +di s +ĠP u +ac o +Ġcontr ario +Ġgaran ti +d ores +di entes +t ÃŃa +ri to +Ġprov oc +uy e +di miento +d on +Ġblan co +tar ÃŃa +Ġplan ta +Ġexist en +ĠpolÃŃt icas +Ġsol ución +tor ial +Ġdistin tas +Ġimp os +ĠD el +ci dos +Ġeuro pe +ĠP rim +Ġide al +Ġparti dos +rib un +Ġpodr án +ĠSo cial +gen ier +Ġvo z +en os +Ġindust ri +Ġnivel es +Ġm ic +Ġc ic +le v +U N +ebo ok +Ġmil itar +Ġdis co +ĠAm érica +Ġrefer encia +M A +Ġsu je +Ġrespons abilidad +át icas +Ġade lante +Ġab and +Ġtiemp os +er to +Ġr endi +Ġne gro +Ġmens aje +Ġcompe ti +ĠvÃŃ cti +er te +Ġcl ub +qui tec +p h +ú tbol +ĠMar tÃŃn +ĠFran cis +ĠC ON +Ġdo ble +f es +Ġt ir +Ġgan ar +Ġpo cos +uev es +Ġf amos +Ġan un +Ġrecu per +e ño +Ġluch a +ab lo +Ġ201 1 +Ġh u +Ġb úsque +Ġob ten +ĠR a +Ġh om +Ġtar je +ĠA u +Ġcor ri +Ġfamil ias +ar la +Ġap re +Ġsimple mente +Ġjug adores +d icos +Ġllam a +Ġme xic +c ados +ar te +qu é +Ġapren der +Ġin nov +Ġdetal les +Ġeconóm ica +c le +Ġdifer ente +k a +u ri +den a +Ġl unes +Ġo per +Ġcl ás +ĠM ay +Ġà ī +Ġen torno +Ġqu iz +Ġalter na +Ġt ú +y e +Ġest rel +ĠInstitu to +Ġn orma +tar á +Ġr en +: // +Ġrespons able +Ġecon omÃŃa +im as +A r +p an +ĠMun dial +m er +Ġelectrón ico +Ġsue lo +Ġcomer cial +Ġba ño +is l +Ġloc ales +log ÃŃa +Ġesc en +Ġac to +Ġti pos +Ġmara vil +Ġin telig +a pa +ĠE L +S in +Ġen l +ÃŃst ico +ĠF in +ment ación +Ġmo tivo +ĠpolÃŃt ico +Ġest ad +ra ciones +ent ado +Ġentre v +Ġtemp era +c la +Ġapro xim +âĢ¦ ] +Ġhist or +Ġrealiz ado +Ġsuper fici +ens ión +ĠC os +Ġconoci do +Ġher mos +ĠH ab +f f +Ġej ecu +Ġperson ales +Ġinvers ión +Ġpresent ación +Ġocas ión +is mos +la z +id amente +ÃŃ p +ĠS oci +pec tos +ĠD a +Ġmar cha +Ġperson ajes +ón ica +di das +Ġviol encia +Ġdi ver +Ġde c +i ro +itar ia +ĠM ig +ĠC ap +gr á +_ _ +Ġdis posición +Ġac ces +Ġg én +ĠRep ública +» . +ti que +ĠA hora +Ġpuer ta +Ġprop iedad +Ġad qui +Ġpregun ta +1 6 +Ġdi bu +v ado +Ġr é +Ġinici o +Ġr os +!! ! +Ġpres iden +Ġpar eci +ĠM as +Ġen trar +Ġinde pendi +Ġ201 0 +w it +aj as +s as +Ġh echos +Ġinteres ante +Ġ2 9 +Ġah or +Ġhab itu +Ġtrans porte +E x +Ġocas iones +Ġherramient as +Ġobje to +di os +en cial +Ġve ci +Ġam igo +Ġenferme dad +Ġselec ción +Ġpodr ás +es tiv +Ġ ÃŃn +Ġcom e +CI ON +j u +Ġpres entar +Ġagra de +rib ución +Ġart ÃŃculos +Ġde m +Ġ % +Ġeconóm ico +Ġm it +Ġin ver +Ġen s +Ġcon oce +Ġalim entos +Ġar m +Ġbuen as +Ġde moc +Ġj ef +Ġatra c +1 4 +Ġtien da +ĠS ecre +Ġexcel ente +j ero +ie lo +Ġex tran +am e +Ġcon vers +Ġp ér +Ġin ci +Ġprop uesta +Ġjorn ada +Ġrepres enta +Ġvuel ta +ĠTo do +Ġam ena +Ġespa cios +ĠG al +Ġcon cent +Ġdes emp +iv er +Ġpe lo +Ġé ste +Ġas i +Ġal mac +lo go +leg io +tar ios +Ġdispon ible +ĠCom isión +Y o +ĠJ a +Ġso b +im en +2 5 +Ġcateg orÃŃa +ĠMun icip +ez uela +Ġac us +ar o +Ġcomprom iso +el lo +ĠAnton io +ĠNuev a +l ores +ra g +ed ro +ĠSal ud +ĠEn tre +o z +ológ ica +ul tad +ent ales +ĠR os +Ġd éc +ĠM us +ĠJ ust +Ġindust ria +Ġconf orm +Ġ za +o j +Ġvelo cidad +Ġgob ern +un iden +i res +Ġma es +ci ente +Ġpron to +Ġtra tar +ĠFrancis co +Ġfun ciones +Ġtal ler +on ia +Ġf ras +iu dades +Ġinter net +ĠI mp +Ġre ce +Ġcla ve +Ġopin ión +im ismo +i x +Ġes ca +Ġpr ensa +Ġobje tivos +or ÃŃas +dr á +Ġpre cis +Ġcent ros +ic es +iz ado +Ġc ru +ĠH um +Ġesc uela +inar ia +Ġmul ti +it ales +Ġban da +Ġ ór +am p +Ġcapa z +ter as +c oles +qu er +Ġpon e +Ġ & +ĠM ás +ĠEuro pe +Ġrep ro +Ġconten idos +Ġinstal aciones +Ġeleg ir +Ġres pec +ens o +Ġtit ular +Ġos cu +Ġas pectos +z ada +Ġbenefici os +T U +Ġmes a +Ġpaci entes +u ras +b ia +Ġaum ento +1 3 +ón de +Ġcr édi +Ġráp ido +1 7 +Ġin teg +ific ar +Ġcoment arios +Ġtécn ica +Ġfr on +Ġdi ario +Ġofer ta +Ġpre ci +Ġco b +ran s +Ġcapa ci +ÃŃ r +Ġf em +Ġdis c +Ġnorm al +Ġsu erte +ĠAn d +Ġanim ales +Ġv ÃŃa +an til +Ġh id +Ġper m +Ġmode los +Ġcomple ta +Ġac ci +Ġcumpl ir +Ġ19 7 +Ġpreo cup +Ġcomp on +Ġref le +p al +aliz a +irm ó +Ġp ena +ĠSe ñ +Ġsent ir +Ġquer emos +Ġespañ ola +Ġj a +Ġbúsque da +Ġ ú +? ? +Ġo cup +ĠA unque +Ġad ul +ÃŃ ritu +Ġinform e +ĠP an +Ġj ueves +Ġmit ad +ĠGo ogle +Ġtom a +Ġdi ez +Ġcent ral +ĠU N +Ġab rir +v iv +or ge +ĠO l +P ro +Ġtécn icas +Ġma gn +ĠD ÃŃa +trimon io +Ġest im +S u +Ġapro b +à ģ +Ġco ord +Ġa un +Ġde cor +Ġconf lic +on z +Ġe res +Ġdeber á +m entar +Ġdi fic +ri que +Ġprue bas +Ġresul ta +Ġestruc tura +Se gún +Ġol vid +Ġsu ficiente +Ġcuid ado +Ġo tor +Ġlabor al +Ġap licaciones +ific ado +Ġkil ó +un o +Ġconst ante +p ia +Ġo c +án dez +ru mp +l ad +ós ito +Ġqu ién +6 0 +Ġprincip ios +Ġc iudades + ° +ĠpolÃŃt icos +jer os +vi ó +I L +Ġ[ âĢ¦] +di l +Ġmanif es +Ġcu yo +Ġest ás +ér coles +Ġex terior +com o +Ġinf l +Ġdest ino +ft ware +ĠS h +Ġqu in +Ġescrib ir +Ġub ic +Ġsegu ra +ues tos +tia go +Ġb ril +c ol +ra mos +ien en +Ġsan gre +e os +Ġl ic +Ġ8 0 +Ġinst rum +ier to +Ġas oci +Ġt re +Ġdic ha +Ġacce der +ĠS us +Ġdivers os +Ġampl ia +ĠAy untamiento +Ġperfec to +tor ios +Ġpro ve +Ġest ará +b amos +Ġal cal +ÃŃs imo +Ġbusc ando +les c +Ġcomp ro +Ġin con +Ġor g +ÃŃ fica +Ġher man +der al +j ado +tor al +Ġestu vo +Ġciudad anos +y as +ĠM ic +Ġmie do +ĠMig uel +Ġadminist ración +Ġp rac +tu vo +Ġpág inas +Ġdig ital +Ġestado uniden +ĠD o +Ġr eno +ĠCon greso +oso tros +a g +ĠD an +p es +Q ue +ĠV ic +U E +ĠAs ociación +Ġb ra +Ġconfi gu +Ġdist ancia +le z +Ġc lic +ab e +Ġconfi anza +Ġinstitu ciones +S O +Ġrealiz a +Ġcon se +Ġconcep to +Ġdef ensa +ma il +Ġbuen os +Ġconv ier +d ado +te les +ru po +Ġá reas +Ġemple o +ĠVen ezuela +Ġclas es +Ġm ente +ĠMan uel +Ġm ues +ĠE j +quier a +Ġmil es +Ġpa z +à ī +Ġesfuer zo +Ġtécn ico +Ġde ri +ĠlÃŃ der +Ġor o +Ġhab la +Ġaz ul +E M +Ġt he +gu ay +Ġcir c +Ġmé dico +Ġe p +ar emos +ĠP edro +I O +ue gos +ech as +cion ados +L e +4 0 +k i +Ġc if +Ġa trás +gra ma +ĠCas a +di eron +ĠGar cÃŃa +Ġinterna cionales +el as +c ó +Ġcu estión +á st +ig ue +Ġpla ya +Ġpes os +Ġro pa +ti ficación +Ġdi v +Ġreun ión +ĠGra cias +Ġcon ex +Ġ3 1 +T ambién +t antes +Ġgol pe +Ġseñ or +Ġactu almente +di dos +Ġcam pe +Ġf ol +Ġna turales +ut ri +Ġmo da +ĠM al +Ġam ar +Ġinme dia +Ġque dar +te ca +Ġlan z +Ġfi esta +Ġma dera +ĠDes arrol +Ġámbi to +Ġ ó +im e +Ġquier en +Ġma g +ĠSegu ridad +Ġdeb emos +Ġconsi gu +Ġpa is +Ġal tura +ĠRe y +Ġorig in +ras il +tr on +Ġref lex +Ġprop ios +Ġcom ba +t ador +é tico +Ġno ta +ue las +ĠL i +Ġmunicip io +Ġcolabor ación +ios o +Ġden omin +ĠC er +Ġdis min +itu d +Ġpúbl icos +Ġh tt +Ġtran quil +Ġf res +Ġdivers as +an ÃŃa +âĢ ĭ +g ó +Ġes pos +Ġa v +ul l +ÃŃf icos +Ġ * +Ġvis itar +b ilidad +am o +Ġs ÃŃn +ð Ł +Ġnum eros +cri p +x to +Ġfu ente +Ġap enas +Ġne ga +Ġempez ar +Ġimp le +Ġnego cios +ĠI I +Ġemp ren +Ġfuncion amiento +Ġaf ir +Ġ ul +Ġá r +Ġsac ar +Ġtérmin os +Ġescri to +Ġlo g +Ġcar re +ĠG onz +de m +Ġperio di +Ġmem oria +Ġprogra m +Ġsi ete +Ġgust o +Ġen tidad +ĠF o +Ġeta pa +Ġllam ada +Ġfor tal +Ġcontra to +ĠI glesia +ad ém +den cias +pues tos +Ġun idad +C ómo +Ġdu ra +Ġtradi cional +Ġt orn +Ġdeb erÃŃa +Ġes co +Ġper fil +Ġesc ol +ĠCon stitu +ros o +Ġej ec +ĠO s +ĠP os +Ġhub iera +Ġutiliz a +Ġvis ión +Ġ · +Ġtr á +Ġas um +Ġhab itaciones +Ġplata forma +IC A +Ġcomen zó +Ġtele visión +Ġperio do +ket ing +Ġmi ércoles +Ġha ga +Ġinvesti g +lam ento +Ġsal a +Ġj ard +it es +estiv al +Ġcomple tamente +Ġrad io +it y +p ol +Ġgén ero +Ġmo tor +ĠW eb +Ġterri torio +ĠH e +Ġhab rá +iste ma +wit ter +Ġv ino +ĠE con +Ġt on +Ġmar tes +Ġimp acto +Ġsos ten +Ġdes can +Ġcul tural +2 4 +Ġcu ya +Ġpu do +Ġres iden +Ġf útbol +Ġev entos +L A +Ġpre fer +i ales +Ġe ch +in ci +Ġarri ba +Ġter cer +Ġpro duci +Ġpubl icación +Ġkiló metros +Ġderech a +Ġt esti +ĠB en +gu st +g ü +ĠB el +Ġ9 0 +Ġdispon ibles +tri z +Ġcuar to +tro l +Ġactu alidad +Ġre cha +C A +Ġdar le +quil ib +p era +Ġfigu ra +Ġpres ión +Ġf lu +ĠV e +ĠCa tal +Ġequ iv +I T +Ġcal les +ic k +Ġcualquier a +ca pa +Ġmar cas +Ġd ando +Ġsi tios +T e +Ġdeman da +Ġin fer +ĠX X +ĠEs pañ +en se +Ġa vent +Ġcomun ic +ĠTo dos +is a +de res +di dad +M ás +Ġizquier da +ĠpelÃŃcul as +ter os +Ġfue go +om bi +Ġan teriores +Ġinicia tiva +Ġlen gu +le o +â Ĥ¬ +Ġorganiz aciones +mi tir +gue z +Ġar quitec +ĠS ur +Ġhab itación +an ce +Ġgan as +Ġpregun tas +Ġconte mp +ĠSan tiago +Ġalmac en +ĠT rans +Ġre vis +ĠM uch +ar ca +ĠE di +Ġelec ciones +ec ÃŃa +Ġdocu mento +Ġfundam ental +óp ez +Ġc m +Ġint ent +Ġmos trar +Ġequi p +Ġmis mas +Ġ200 9 +Ġcor re +ĠF und +ribun al +Ġlleg ado +Ġinteres es +ĠA t +As ÃŃ +H ay +Ġza pa +Ġas pecto +ib lio +Ġcirc un +tien en +Ġcar ga +Ġar ro +Ġpor no +ri endo +ĠâĢ ¢ +p ora +Ġalcan zar +Ġten iendo +Ġgra ve +ĠE E +Ġn ie +estr uc +i ados +Ġace ite +Ġo cu +» , +j an +Ġ án +y os +U S +2 2 +Ġc e +le za +Ġgen era +Ġjur ÃŃ +an to +ru p +it ados +Ġde ten +Ġpe dir +Ġgener ación +Ġac og +Ġle jos +Ġestrateg ia +ĠD on +Ġps ic +Ġper ÃŃo +d ó +in s +Ġapar ece +Ġprimer as +Ġg rado +ĠP at +Ġt ales +Ġconoci mientos +Ġsolu ciones +Ġ ras +Ġaband on +Ġado lesc +g imen +Ġdic en +Ġprofes or +Ġvac aciones +Ġg rá +Ġre pe +Ġconv ir +Ġb ur +ĠS E +Ġder ro +Ġamb ient +Ġado p +Ġedifici o +Ġde tec +ĠBuen os +Ġblo que +ĠA ut +Ġro de +us a +Ġperson aje +h t +Ġplan tas +pon er +l y +Ġjust icia +Ġar gu +Ġsitu aciones +ĠA ires +ul ado +ĠmÃŃn imo +Ġesper ar +ĠP ablo +v as +ĠFran cia +Ġ7 0 +Ġpros titu +ĠMe di +Ġimp er +Ġé sta +Ġtrabaj ando +olog ÃŃas +Ġk m +Ġmanten imiento +Ġjust o +m án +Ġch ica +ĠC ab +Ġfamiliar es +ĠCu ba +Ġch icas +diz aje +Ġre quis +ĠvÃŃ deo +Ġhi ja +Ġf er +Ġterc era +Ġre ducir +Ġalgun o +Ġpie zas +Ġpa g +Ġrequier e +P A +in ario +ĠL ópez +bl os +Ġmodi fic +ci ar +ĠMu jer +vil la +Ġdi á +r ón +Ġen orme +ed ores +ac ho +en der +Ġ » +ĠCh ina +Ġsol a +Ġfin ales +ĠO fici +Y a +g al +Ġnorm as +Ġan al +ĠDes pués +ĠR ob +d ÃŃ +Ġf irm +Ġveh ÃŃculos +Ġ3 5 +ĠDesarrol lo +Ġqu erÃŃa +ĠIn v +Ġadminist ra +Ġespe ciales +Ġvar iedad +ĠH oy +udi cial +r ador +cip l +ĠCom er +am or +Ġúlti mas +Ġinstal ación +til las +Ġveci nos +ĠFac ebook +Ġten gan +ÃŃt ulos +Ġse l +s an +Ġpe or +i amente +Ġherramient a +Ġimp uls +til lo +Ġb ara +u ta +Ġlar ga +Ġcomen z +Ġnoti cias +Ġin c +Ġcompeten cia +ĠR am +ĠT h +Ġaquel la +T en +Ġdu das +Ġsol amente +Ġsab emos +Ġcompr ome +Ġindivid u +a ve +Ġmej ora +Ġvent as +Ġcar ta +on d +Ġdej ó +Ġmon e +ĠF u +Ġd ónde +ĠG rupo +Ġpas os +B uen +U U +Ġl uc +Ġal quil +Ġposib ilidades +ĠEst udi +Ġviv ienda +Ġter ror +us e +y ó +Ġab og +Ġd ue +Ġcomp ort +ĠH ist +Ġac um +iv as +Ġdeci siones +ci mientos +U R +Ġ200 8 +i ores +il los +Ġs esión +ĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀ +tr ó +Ġsex ual +Ġsue ño +Ġbo ca +Ġpresu puesto +Ġreg al +Ġtri un +il es +Ġdes pe +ĠCl ub +Ġhum an +Ġb re +Ġpuer tas +Ġfuer zas +Ġconsecu encia +s es +Ġexp lica +Ġcomp lic +Ġexist encia +ĠB rasil +Ġdirec to +ĠB lan +m ina +ĠUn ión +Ġlec tura +R es +ĠlÃŃn eas +Ġo cho +Ġsu stitu +ĠN os +Ġhici eron +Ġcu entas +Ġo cul +tic amente +Ġcas as +Ġpubl icado +ÃŃ da +Ġri t +ĠB er +Ġrecor dar +á is +Ġexp lo +Ġal oj +Ġdescar gar +Ġf as +ĠPres idente +Ġjug ador +Ġveh ÃŃculo +Ġa vis +Ġcr ÃŃt +v el +2 3 +Ġt amb +Ġfin es +Ì ģ +aliz ados +ar nos +Ġe fica +c am +Ġvin cul +an g +Ġobst ante +Ġm ala +tu s +Ġca tal +iemp re +Ġen tra +L O +Ġab or +Ġsal v +it amos +Ġcompañ eros +Ġviv o +V A +Ġpie dra +Ġposib les +Ġencan ta +Ġp ris +Ġbar rio +h n +Ġso ftware +Ġfu entes +Ġrespe to +ĠDirec ción +Ġsec tores +Ġfir ma +Ġll u +ĠfÃŃs ica +ĠÃģ n +f re +Ġjef e +ch as +P o +Ġaquel las +Ġregist ro +8 0 +Ġesc al +H oy +Ġdic h +Ġestable cer +man ia +ĠVal encia +Ġrev el +Ġse de +Ġl ech +Ġqued ó +Ġmic ro +p les +Ġfis cal +Ġen tidades +Ġmen ores +Ġcon oc +Ġex posición +Ġfin almente +ĠB l +Ġpo bre +Ġi di +ĠC re +Ġm am +Ġre lev +ti g +Ġi do +t y +Ġmin istro +Ġex ter +Ġnove la +Ġpodr ÃŃan +f on +Ġescen ario +Ġs ome +k er +Ġrendi miento +ĠPer ú +ru pción +ĠEs o +ĠEmp res +ĠC ruz +ic ción +Ġsuperfici e +Ġun idades +Ġre quer +Ġ ran +Ġprop ias +D urante +Ġopera ciones +ch ez +Ġt es +Ġme ta +Ġcu mple +Ġver de +Ġcam a +Ġmáx ima +ĠJ av +Ġan o +Ġresta u +ĠAdminist ración +Ġpr om +@ @ +Ġlleg ada +Ġdocu mentos +Ġest an +Ġac adém +ci da +ie go +c és +ios a +Ġgener ar +Ġex ac +b la +Ġap un +d ón +Ġg ras +Ġ > +Ġre tir +Ġm ent +ĠF er +un cia +Ġdom ici +Ġenfr ent +Ġpeque ñas +Ġres olver +fica ciones +el es +Ġhac ÃŃa +in do +Ġp ec +Ġres olución +Ġsec ción +ue bles +Ġex cep +Ġprác ticas +ĠD av +Ġc ita +) : +Ġde p +ier o +an zas +Ġar gent +ven ida +am ble +Ġo peración +ĠT a +Ġincre ÃŃ +f in +k o +Ġc án +ĠDE L +Ġespe cie +ĠE lec +) ; +Ġcer c +ga ciones +p lic +Ġg es +A T +Ġemb ara +or g +ĠE m +Ġtempera tura +f ÃŃa +C O +Ġhab rÃŃa +ĠRe v +Ġh ará +Ġar tes +Ġpla za +Ġag reg +Ġre ac +an da +Ġg a +on da +ĠPol icÃŃa +ĠF ue +Ġcri ter +Ġsencil lo +ĠN orte +d ust +f é +ero p +ĠA g +ĠY ork +Ġdi go +iv e +ĠOr gan +de ración +Ġf en +tu mb +por tes +Ġsu pone +Ġpe dido +Ġa bajo +Ġvide os +us ia +Ġreg ular +Ġc ámara +Ġa st +Ġpér dida +ĠF is +Ġenferme dades +ĠEst os +ĠB e +Ġleg al +Ġcomer ciales +Ġmaravil los +Ġint entar +ĠB us +Ġm últi +der os +Ġs omb +ra cia +Ġprincip almente +ĠD u +Ġbel leza +Ġabier to +Ġproduc e +Ġpermit en +Ġsue le +Ġcolec ción +ona to +Ġingres os +k y +er an +Ġpas ó +Ġrealiz ó +Ġhum ana +Ġtien das +ier an +it é +tis mo +tor ias +Ġpol icÃŃa +9 9 +uen cias +Ġseñal ó +ĠEs pe +Ġpo dido +ok ies +j or +Ġcal or +ĠM ac +ĠD omin +Ġsim ilar +Ġmec an +Ġdi put +ĠC ada +Ġh á +Ġag re +Ġexper iencias +Ġescuch ar +ĠR om +pues tas +Ġagr ad +Ġis la +ĠH u +ĠSeñ or +* * +Ġfel iz +Ġcor te +Ġcorrespon diente +ĠV ir +ĠPro fes +ĠFund ación +it ada +Ġc iencia +Ġtrans form +Ġprem io +e des +Ġvic toria +Ġna cionales +Ġamb as +Ġcircun st +Ġtras lad +Ġincluy endo +ĠJust icia +Ġj am +te m +Ġcons ol +Ġsal e +Ġár bol +Ġte j +âĢ ¢ +Ġve o +Ġde porte +is iones +Ġer ror +Ġru ta +Ġgas tos +ĠC ivil +I M +Ġtrad uc +Ġabs olu +Ġdes af +Ġelec ción +Ġloc alidad +Ġsigu en +Ġco inci +r ales +Ġfac tores +il ares +r eras +it arios +l en +Ġapren dizaje +u das +ĠPre m +Ġre y +Ġtri tur +ĠN i +Ġimpos ible +ĠperÃŃo do +Ġcer eb +Ġ = +Ġh ar +Ġcomun idades +ĠP úbl +in ados +E T +Ġdes eo +ÃŃ guez +ĠT ri +e ñ +Ġpúbl icas +Ġcumpl imiento +Ġdeb es +Ġofrec en +id ar +Ġparticip antes +Ġfal le +i ación +Ġconsul ta +Ġcomen zar +Ġcomer cio +Ġrecor rido +Ġg e +Ġp iso +Ġ Ġ +quil la +Ġdi vi +T ras +Ġfuncion a +Ġman da +Ġpue blos +Ġde trás +ĠT ele +ier ta +b ra +Ġexper tos +ĠB al +ĠServ icio +Ġn omb +dr ÃŃguez +án ica +Ġcomer ci +vi amente +Ġap er +Ġpriv ado +Ġur b +v era +ar le +Ġraz ones +Ġreco g +i gu +Ġpro bar +ĠPer son +Ġcó digo +Ġr ue +Ġaum entar +Ġf ase +Ġinform ó +Ġhub o +Ġr ÃŃo +Ġe quilib +k s + ª +me tro +án d +u f +Ġvuel ve +m isión +ĠC ur +Ġverda dera +iv amente +h ib +am ento +. âĢĿ +Ġllev ó +ar ial +Ġré gimen +Ġdisposi tivos +ad io +g ados +Ġf ar +ĠS ec +in t +Ġ ital +Ġtarje ta +Ġsor pres +Ġhay an +Ġgaranti zar +Ġten ÃŃan +Ġcor to +Ġsens ación +Ġforma to +u ña +án chez +d s +Ġs es +Ġcondi ción +Ġprop uestas +o que +ĠP P +Ġsi quiera +Ġdist ribución +Ġc rim +i anos +ra z +Ġest én +ĠSe gún +l ÃŃ +Ġreconoci miento +ĠU r +Ġson ido +tal ia +ide z +C h +Ġcomien za +ológ icos +Ġrev ista +Ġd ul +Ġdeb ate +Ġdes per +Ġconstru ir +Ġa us +in ta +ĠPro vin +Ġata que +graf ÃŃas +Ġesp ero +ĠT ras +ĠEsc uela +ar me +Ġpres entes +ien das +Ġofer tas +es tre +Ġden unci +Ġcomp os +Ġcur sos +Ġiden tidad +Ġdis par +is la +Ġinten s +ĠN O +Ġnoti cia +Ġman tiene +Ġfon dos +Ġcrédi to +c rib +ra estruc +p r +Ġe c +Ġenl ace +Ġplan es +k ing +cion amiento +st ru +Ġac re +én dose +ĠÃģn gel +ez ol +or e +Ġdecl ara +am entos +ti go +au gu +Ġpar que +Ġrelacion ados +ĠvÃŃcti mas +Ġen em +Ġaproxim adamente +ĠP l +Ġmunicip al +ĠF el +Ġre mo +ĠRo drÃŃguez +Ġpar ecer +ven ir +Ġmar c +Ġráp ida +rib uy +ĠP RO +w n +ĠIn f +g amos +Ġh al +Ġexplic ó +Ġexpres ión +fici encia +ĠJ orge +Ġform ul +ĠP uerto +u p +ĠServ icios +Ġind ica +A P +gen cias +Ġesp ÃŃritu +V I +Ġviv e +Ġin augu +Ġdescub rir +Ġele v +u de +Ġarti stas +Ġglo bal +4 5 +Ġcan ciones +en es +Ġdel ante +ĠRe d +] âĢĭ +Ġcoment ario +Ġdisposi tivo +Ġj untos +á lez +Ġpri or +En tre +Ġmé todo +Ġcon tras +ra el +A hora +Ġb io +Ġadul tos +ÃŃ gen +e ña +uc ÃŃa +ám ica +ac as +Ġherm ano +EN T +Ġtar ea +ĠJ un +Ġconver tido + « +Ġdej ado +Ġgust arÃŃa +Ġtérmin o +Ġconex ión +Ġt ren +Ġcons ec +to dos +ti ma +én do +Ġ5 00 +Ġc ielo +Ġcos to +pa ti +Ġoportun idades +Ġc aja +Ġil um +Ġhab itantes +Ġentrev ista +Ġfor o +Ġdist ribu +Ġencontra mos +ti sta +Ġb omb +Ġrit mo +Ġn utri +Ġfem en +ĠS ánchez +Ġespañ oles +Ġestadouniden se +ec a +Ġ200 7 +ĠO n +ĠN ic +G ra +yec to +Ġin tención +Ġoblig a +Ġconte xto +Ġtermin ar +Ġemple ados +L E +Ġac tos +ĠPor que +Ġpi es +or ios +ĠT V +Ġcir cul +ĠM il +Ġreci bido +Ġpaci ente +Ġcar ne +Ġju icio +Ġmiemb ro +Ġinf lu +cia ciones +Ġsir ve +Ġar mas +Ġper ió +Ġdu ro +A unque +ĠLe ón +Ġal ma +ar los +i ri +ĠComun idad +Ġampl io +Ġreno v +Ġpoten cial +Ġpubl icidad +ar ra +Ġ4 5 +Ġdetal le +c ón +olu cion +Ġsil en +Ġac os +t ÃŃculo +Ġcre ado +Ġcon tiene +Ġde bajo +ĠIn cl +Ġvol umen +de ras +Ġter reno +Ġproteg er +Ġr um +Ġg ama +Ġobje tos +ol uc +Ġinstitu ción +ĠAl gun +Ġi gu +ĠAle mania +B A +tera tura +Ġpas ando +Ġarti sta +Ġc ál +Ġdirec ta +Ġmir ada +Ġhistor ias +Ġpróx ima +Ġley es +Ġocur re +ĠS il +Ġley endo +Ġsur g +Ġhistór ico +Ġade lan +ĠJ unta +Ġ19 6 +ti cias +as h +Ġrecuer do +Ġcon den +ĠFern ando +AR A +i pe +tr ado +Ġespec ta +Ġm ig +ĠSe villa +Ġelim inar +ĠAn dal +p ens +Ġser es +ĠGonz ález +Ġpreo cu +ulta des +Ġme dic +uch a +Ġconf irm +Ġca dena +2 1 +ĠBan co +Ġleg isl +Ġcer tific +Ġp uso +Ġen ter +ĠA z +Ġli ter +Ġrecl am +Ġpas ada +Ġpers pec +Ġinter vención +201 8 +Ġcol ombi +r adas +Ġlimp ieza +Ġofici na +Ġneces aria +Ġcon voca +le ta +ĠL ib +ti mos +Ġcier re +Ġt ÃŃp +de os +Ġust edes +Ġprome dio +Ġil ust +Ġasegu ró +ĠT ecn +P re +ĠDav id +Ġproce dimiento +ber to +Ġprac tic +Ġmens ajes +Ġv oc +Ġvolun tad +R ES +us iones +Ġmez cla +ĠO ri +Ġpri ma +r ores +lan o +Ġde partamento +Ġ @ +ti mo +Ġa gres +ĠV illa +ut bol +Ġcl ÃŃn +Ġprop ósito +2 6 +Ġrequis itos +C E +ĠP en +ĠCrist o +Ġcan ción +2 7 +es tas +Ġten dencia +Ġresist encia +Ġque dan +ular es +Ġest ren +indo ws +u dos +ti das +Ġp ic +I F +ran o +Ġcan al +tam ientos +gra m +Ġsolici tud +Ġdi m +ĠT al +Ġub icación +a de +Ġa se +Ġlech e +ien es +Ġre por +Ġp endi +Ġda ño +el la +Ġpas e +ĠS em +Ġimpres ion +Ġtar eas +Ġpa t +Ġd ro +Ġven der +Ġinte gra +de dores +Ġac udi +Ġmúlti ples +Ġem erg +Ġcic lo +Ġh ospital +Ġvia jes +ĠP on +ÃŃ z +Ġco ti +Ġneces arios +Ġcl ima +Ġvis it +ci Ãĥ +Ġesc ena +erop uerto +ĠC ultura +er do +ww w +Ġ rol +t adores +Ġreci ente +le y +Ġarch ivos +Ġpro ducir +Ġinf ec +dic e +Ġtor no +Ġhabitu al +Ġex pe +ĠS istema +Ġref orma +Ġsu ma +Ġro jo +Ġw ww +Ġbenefici o +ĠPar tido +Ġorgan ismo +r arse +Ġv istas +Ġb i +Ġsab or +Ġmus ical +gr ÃŃa +esti ones +Ġherman os +Ġcán cer +Ġdu ración +3 5 +Ġllev an +ĠInv esti +Ġperman ente +é rez +ĠG er +Ġpre f +ólo go +Des pués +Ġpromo ción +ĠL uego +Ġbre ve +% . +Ġb os +ue los +lec ción +Ġconci encia +Ġt era +Ġsu pon +Ġtendr án +Ġperfec ta +Ġsu minist +Ġar ran +Ġmov imientos +Ġgu ÃŃa +P S +Ġex am +tien de +os os +Ġref iere +Ġpo cas +ĠS am +Ġpoten cia +té g +Ġev olución +Ġre duci +Ġv ul +Ġasist encia +ĠA D +in ada +g adas +Ġlengu aje +Ġcontro lar +Ġh ier +Ġpues tos +. ) +ĠA quÃŃ +Ġreserv a +iz ada +ér cito +amble a +Ġtamb ien +Ġencontr ado +Ġb ici +Ġcre e +Ġhon or +Ġi glesia +jer on +qu inas +Ġplan eta +Ġdesc rib +ĠIn dust +Ġub icado +Ġprecis amente +ĠD urante +j al +Ġresta urante +Ġinfer ior +Ġagu as +Ġú til +2 8 +Ġpos e +Ġconoci da +Ġcon curso +âĢĻ , +Ġmen cion +ĠV I +ÃŃ c +Ġper dido +ĠEurope a +Ġl óg +ĠDer echo +Ġde pendi +ues tros +ĠR E +Ġtecn ologÃŃas +Ġsuel en +ĠfÃŃs ico +duc e +ĠT ierra +Ġaplic ar +genier ÃŃa +Ġsab en +Ġquiz ás +Ġrealiz ación +ru guay +Ġn ombres +Ġrecon ocer +Ġar reg +ĠA L +Ġhi po +ĠF or +Ġop tim +qu en +Ġespec tá +ri tán +Ġrecuer da +Ġfrecu encia +Ġráp idamente +Ġpresent ado +ID AD +on do +Ġsu ave +ĠR usia +3 3 +Ġhtt p +Ġasegu ra +Ġinf antil +Ġreci bió +à ij +ĠS ub +Ġhac emos +Ġpro du +Ġ3 00 +ĠA na +z z +Ġefec tu +ĠM á +un g +Ġag entes +Ġpu tas +Ġsolici tar +M i +Ġpe le +Ġcons iste +Ġlen gua +Ġ Ð +ĠC iencias +Ġases or +Ġv endi +ĠT écn +Ġform ar +Ġven ezol +ĠP ri +m m +an e +Ġdomici lio +Ġmer cados +M ar +le t +qu ia +Ġpl acer +Ġsub ir +Ġv emos +eci ó +Ġg l +Ġinte lec +Ġcier ta +ĠCo pa +ĠA st +Ġsegun dos +Ġmis ión +Ġh os +ĠH ar +Ġpor ta +Ġcu entan +Ġmo tiv +ruc ciones +a a +pi ra +ĠMunicip al +9 0 +Ġcomport amiento +ci les +Ġdeber án +Ġqu is +Ġrepresent antes +Ġas c +Ġpresent ó +Ġaudi o +Ġapar tado +Ġimp lic +Ġalim entación +O D +ol ina +Ġadecu ado +Ġg ana +Ġasegu rar +Ġac aba +Ġevalu ación +ÃŃst icos +Ġv io +Ġpriv ada +Ġsi ento +h at +Ġentre gar +Ġpor cent +Ġgratu ita +ĠT witter +Ġcontinu ar +Ġdorm itor +Ġalcan ce +Ġsi mp +pi ración +Ġb ru +Ġutiliz ando +h or +Ġindustri al +ĠP érez +D is +Ġf om +ĠG re +Ġactu ación +Ġal co +Ġtan tos +vi mos +rim iento +Ġfran cés +ĠCent ral +Ġenv ÃŃo +Ġexp an +ĠB as +Ġgra b +w e +ĠR u +Ġries gos +Ġ3 6 +in i +s en +Ġpa que +Ġpro tes +Ġfen óm +ĠEs p +Ġpreten de +Ġantigu o +Ġrespons ables +Ġconcre to +Ġelem ento +Ġpróx imos +Ġch icos +% , +Ġsu ces +Ġll eno +Ġer rores +ĠH ol +ÃŃs ima +ĠD ist +ĠF orm +ĠPla za +Ġneces itan +i i +Ġconsec uencias +t ing +ĠEst as +Ġpro gres +Ġex pec +ĠS te +ĠT ribunal +Ġco okies +Ġqu ÃŃm +Ġcomun es +Ġinf raestruc +Ġcarre tera +v iera +Ġpis cina +Ġesp al +Ġabier ta +Ġe tique +gu ar +Ġll en +Ġ ) +Ġval e +Ġcl ara +ĠDe partamento +Ġpues ta +ĠL in +Ġni ña +Ġco cin +R ec +ort s +Ġejec ución +Ġg estion +ig na +Ġca fé +Ġg ar +Ġarch ivo +Ġdi eron +Ġam ist +Ġmas a +r ÃŃ +Ġalcal de +Ġad j +tiz ación +Ġtrabaj a +Ġest ación +U C +Ġter ra +ĠS ala +Ġas unto +uev e +Ġrespon der +Ġcer can +Ġh uel +Ġincluy en +ces a +Ġestable ce +Ġv aya +Ġutiliz ado +Ġo posición +Ġf lor +ú car +U L +ad ura +do ba +Ġde jo +Ġsitu ado +ĠCos ta +es ÃŃa +ĠPue de +Ġne g +ci r +Ġf ich +Ġconv oc +ĠD r +ĠPro duc +Ġperfec tamente +Ġdes en +Ġb u +Ġbeb é +Ġespos a +Ġpropor cion +Ġau tores +Ġf lo +Ġsencil la +Ġtrans par +Ġpens amiento +Ġmé dicos +Ġexp lor +Gra cias +ĠO N +Ġcontac tos +M uch +s al +Ġso porte +Ġfoto grafÃŃa +tu ales +Ġestán dar +? , +Ġp ilo +Ġes con +ab ora +ro id +Ġceleb ración +r ue +Ġpelig ro +gr ado +ĠA udi +iver so +eci do +ri da +am érica +Ġinv oluc +Ġnúm eros +Ġconse jos +Ġacci dente +Ġimpor ta +' , +Ġmin er +ĠZ apa +Ġhabl ando +Ġdest ru +af a +t om +Ġlu jo +uev a +Ġcab al +Ġextra ord +ri eron +pen dencia +Ġmen udo +ĠsÃŃn t +Ġconflic to +ĠV ol +Ġdescon oci +Ġf lex +Ġafir ma +ĠTra bajo +Ġmo tivos +ĠT rump +T ER +b os +ĠFe deral +Ġl ist +7 0 +ĠJav ier +ĠincreÃŃ ble +Ġda ños +Ġdes ea +Ġdes ay +Ġrece ta +l in +Ġfuer tes +u almente +ĠÃī l +Ġfuncion arios +Ġsab es +ĠT om +Ġcon tes +Ġbas es +ó stico +Ġcomun icado +Ġab ra +Ġconvier te +Ġagrad able +Ġverda dero +Ġam eric +ier nos +Ġdocu ment +A B +ĠA mb +y s +2 9 +es per +Ġpro te +Ġhab ilidades +Ġdef ens +ĠPro grama +ti eron +Ġindependi ente +Ġco leg +Ġre m +Ġcal iente +in te +Ġaut én +Ġtécn icos +Ġserv ir +P ue +Ġcar b +Ġactu ales +Ġnave g +di mientos +ĠA gu +Ġca er +ĠC orte +Ġautor idad +Ġ .. +Ġal ar +Ġdis cipl +Ġre lo +Ġaper tura +Ġmá quina +ĠConstitu ción +ion ales +Ġg er +Ġac lar +ic ales +que z +ĠC la +ĠFern ández +ĠC ul +ĠSecre tarÃŃa +Ġaum ent +n i +h ol +Ġrecib e +Ġanunci ó +Ġreci én +Ġde uda +Ġ200 6 +Ġjue z +Ġaut on +Ġestrel las +Ġtu rismo +Ġcab ello +H ace +ĠG a +Ġcont ribu +ĠJo hn +Ġhacer se +Ġv it +ala cio +Ġmar keting +v os +p in +Ġto que +Ġqued ado +Ġpos terior +Ġde leg +Ġres ca +ĠA C +Ġper ro +Ġdéc ada +Ġmi ra +ĠF uer +Ġpe ti +Ġcont am +Ġin gre +Ġsecre tario +ĠM at +ĠL iga +te o +ĠD eb +ĠEj ecu +Ġimp on +ris a +ad á +3 6 +ĠDe f +b um +x o +Ġmo d +ĠM ientras +Ġde cÃŃa +Ġenvi ar +Ġgener ales +americ ana +Q U +il os +en das +ub e +Ġún icamente +á stico +Ġcos ta +ĠG uerra +Ġcu idad +Ġllev ado +Ġ ðŁ +Ġanim al +Ġtrá fico +ĠI talia +I V +Ġch ico +Ġi leg +ĠMartÃŃn ez +Ġsu p +Ġar tic +gu en +Ġestable cido +Ġfacil itar +Ġch oc +Ġro bo +Ġac cion +- , +capa cidad +Ġca ÃŃda +Ġn erv +I B +Ġcu án +ĠIn formación +Ġprotagon ista +5 00 +Ġderi v +Ġfan tas +ĠT iene +Ġrecu peración +Ġprostitu tas +Ġre ca +Ġaf irmó +z ca +Ġv ienen +Ġalquil er +Ġt asa +r ente +Ġindic ó +Ġintegr al +aj o +bi os +Ġdes n +Ġprem ios +Ġv idas +Ġb ritán +ti stas +Ġpens ando +Ġac titud +ĠGu ar +ológ icas +ĠC ámara +Ġsab ÃŃa +ent ro +ñ ar +Ġvis itas +Ġinici al +or ar +Ġfr ÃŃo +ĠA N +ĠW indows +P er +Ġv iendo +du ras +or as +Ġprác ticamente +Ġf utbol +mar t +Ġdeci dió +ÃŃf icas +Ġdefini tiva +Ġvia jar +Ġeconóm icos +Ġc uel +Ġen amor +Ġref orm +Ġcos tos +Ġte atro +z on +ig os +Ġmóvil es +Ġdis puesto +Ġins pir +ist en +Ġadecu ada +Ġll ena +u ma +Ġban co +Ġes encial +ĠT ar +ĠJ ulio +á bamos +Ġimp ar +Ġofici ales + ´ +Ġâ Ĥ¬ +Ġneces arias +I G +ĠT ur +Ġas ign +Ġcandida to +Ġr in +Ġimp lica +Ġbus can +ic ultura +ĠHo tel +Ġemp ieza +Ġrecuper ar +Ġc ruz +ecre to +Ġcam p +b res +ĠA ma +Ġsu fici +Ġtar if +af as +ĠG e +Ġconsul tar +ĠC á +Ġelec toral +Ġsim ilares +Ġt ier +S S +ĠMus eo +ĠO c +Ġcon cur +Ġur g +i j +ĠF lor +ĠP D +ĠA ctu +as o +ĠMun do +Ġrepresent ación +ĠH ern +Ġreg alo +Ġpr ést +ĠP ues +S o +Ġma trimonio +Ġpin tura +l ada +il le +Ġdepen de +Ġindivid ual +Ġha go +Ġap ara +Ġa bre +ĠSan to +Ġterc eros +it ando +. [ +Ġdispon e +Ġap ort +Ġcaus as +CI A +Ġmane jo +P ar +Ġinver tir +ĠRe ino +Ġañad ir +Ġdel an +Ġestrateg ias +Ġfácil mente +oso fÃŃa +ter n +Ġros tro +Ġh uev +f icos +Ġcompren der +Ġsal ón +Ġfi estas +Ġpropie dades +Ġi gn +II I +Ġc él +Ġaquel lo +Ġso cio +Ġcomp ras +ĠC OM +Ġesper anza +Ġmez cl +t ones +Ġgaran tÃŃa +5 5 +Ġdej ando +Ġescri bió +m es +Ġconf ir +Ġinnov ación +Ġprofes ores +ĠS ab +Ġre ales +Ġreg ul +Ġpes e +Ġl ide +c ción +Ġcircunst ancias +Ġvent aja +t úa +Ġacon te +. " +Ġgen ial +Ġllam ar +Ġlogr ó +Ġadqui rir +ĠPar que +Ġco p +Ġpl eno +ĠS en +ĠLa tina +Ġcam is +ĠBol iv +and ro +to l +ĠM en +Ġorg ul +tu des +Ġtrad ición +Ġv es +Ġni ñas +Ġneces itas +ĠF il +Ġper ci +ist encia +lan d +ĠSal v +Ġres pal +tes is +y endo +Ġsal vo +Ġcap aces +� � +Ġju z +Ġi P +Ġtorn eo +ĠC at +Ġf echas +Ġceleb rar +Ġespeci es +ór m +Ġp echo +Ġcomien zo +ĠC ór +l ando +T R +Ġsal ió +Ġex por +M P +t ÃŃ +Ġcomple jo +Ġdi eta +Ġcre er +ĠMe dio +Ġcompañ ÃŃas +Ġac u +Ġja pon +Ġf lores +id u +Ġt ono +Ġb iblio +Ġfun cional +Ġinclu ir +Ġpue das +Ġempez ó +Ġal tos +Ġdestac ar +Ġ3 2 +ĠS olo +Ġacre di +r icación +v io +Ġan alizar +Ġa go +Ġpuer to +Ġre to +Ġorden ador +Ġpos ee +C ar +Ġestra tég +is os +am i +Ġpie za +americ ano +Ġte orÃŃa +Ġmo vil +Ġaz úcar +Ġestudi ar +u alidad +ap ón +9 5 +D E +ĠFis cal +Ġpar ecÃŃa +h abil +Ġprob ablemente +ĠSoci edad +Ġpri va +Ġus a +ĠlÃŃ qu +ĠAn dr +Ġv iento +el er +ĠP ública +Ġtu vieron +Ġdetermin ar +Ġadi cional +ĠG estión +Ġre ducción +ĠLe er +Ġcorrespon de +Ġest ados +ĠF re +to logÃŃa +Ġutiliz an +ste d +d remos +Ġc á +Ġcon ta +H a +Ġac or +qu ÃŃa +Ġcomp ut +N os +Ġtex tos +Ġnuev e +ĠMa g +Ġanti gua +ĠP C +Ġcu ch +Ġdifer encias +Ġhá bi +ĠComer cio +Ġinv ierno +tr ic +o peración +Ġcon oz +Ġcu ál +Ġsi ente +Ġpresent an +h am +mit es +Ġjard ÃŃn +Ġdomin io +if e +I P +ond res +Ġconvertir se +Ġcir cu +Ġdestac a +Ġdeclar ación +Ġviv en +Ġcul turales +ĠEst á +u ir +mar as +Ġt ÃŃtulos +Ġdemoc racia +Ġá l +r ará +Ġrestau rantes +o t +Ġnuev amente +Ġexpec ta +or án +ĠG ab +ĠR ÃŃo +tura ción +Ġ200 0 +e la +ó d +o ta +Ġto car +ĠAndal ucÃŃa +Ġseñ ala +ĠH ospital +Ġenseñ anza +I EN +ĠFe deración +ri dos +Ġreci entemente +Ġentr adas +ĠNuev o +-- -- +Ġesc uelas +Ġfoto grafÃŃas +Ġg uer +Ġad mi +ĠJ ul +Ġjam ás +Ġinme di +inar ias +Ġhi per +tr al +Ġm m +b el +Ġutiliz ación +Ġcon qu +h an +Ġquer ido +Ġimp uestos +ĠE d +Ġpermitir á +Ġan ual +3 4 +ĠEn tonces +Ġli teratura +Ġde cre +Ġsent encia +l on +Ġen ga +Ġlle gan +Ġcor rupción +di mos +Ġentren amiento +f rica +Ġfin alidad +Ġas ociación +Ġdef ender +Ġraz on +ter s +Ġcuad ro +Ġescol ar +d y +Ġdis curso +Ġd or +Ġcompon entes +Ġpan tal +dr ÃŃa +Ġminu to +Ġt um +ĠD iv +Ġbol sa +ĠD ec +Ġaten der +To dos +Ġinter ac +Ġcr ÃŃtica +Ġens ay +M a +Ġrealiz an +To do +Ġsegu ros +Ġtan tas +Ġclás ico +Ġl um +Ġpopular es +Ġf ib +ĠNo ticias +Ġvol vió +com un +Ġan s +ĠPro tección +Ġman ual +d ados +il ación +Ġsuper ar +Ġj udicial +Ġincre mento +ill er +ĠL iber +Ġrealiz ada +ĠB ur +Ġllu via +d om +Ġdesarrol lado +Ġcier tos +ĠPar ÃŃs +f as +p p +m al +ĠHist oria +ĠD ecreto +ĠR afa +D O +Ġacep tar +AD O +Ġc erv +m enta +rist as +ĠPla ta +ĠC ó +Ġdiá logo +ĠD oc +Ġr ent +Ġg r +Ġpelig ros +den tal +án ico +Ġna cimiento +Ġapar ecen +Ġconf orme +!! !! +mi go +Ġesper ando +ion ar +e v +ĠM ur +ĠPa z +Ġd ur +Ġac tivos +Ġargent ino +Ġdeci dido +Ġac tores +Ġreg las +Ġa j +ĠA ust +Ġale grÃŃa +ic en +Ġad v +Ġdecor ación +Ġrecur so +Ġaut ón +an t +un dar +Ġcos te +iz on +Ġac ero +ĠF estival +Ġp ide +D A +ĠT ea +x il +Ġac tor +Ġres al +ier en +Ġcu rios +ara go +Ġperiodi sta +in ter +le tas +Ġ3 4 +Ġg ig +Ġmo to +Ġap os +Ġch il +Ġesc ala +Ġso f +Ġt ribu +s ar +Ġh orm +ándo le +ĠNe w +Ġcam pos +Ġalterna tiva +par tam +j era +Ġdescu ento +un da +Ġs ól +Ġparti da +Ġsorpres a +t ú +Ġvis itantes +ĠJ er +Ġprev ia +Ġvent ajas +Ġdis pu +Ġvig il +Est o +Ġcor rer +ĠA P +Ġbienes tar +e go +t res +la ciones +Ġevi dente +Ġdoc tor +3 9 +Ġres puestas +r aron +Ġviv iendas +Ġactu ar +Ġconsegu ido +Ġzapa tos +Ġv ál +Ġh ice +Ġcu estiones +Ġrelacion adas +ĠA R +Ġquier a +Ġper ros +Ġdéc adas +Ġpro to +7 5 +Ġhor ario +Ġperson alidad +ĠVal le +la ga +à ł +Ġnego ci +en aje +Ġdel ito +u bl +ĠPol ÃŃtica +Ġdi je +Ġsegu imiento +Ġmer can +ĠsÃŃnt omas +ĠPrem io +Ġal er +ĠAnd roid +vent ud +cin di +Ġh el +Ġparticular es +Ġprepar ación +Ġcorri ente +w a +Ġsilen cio +Ġpudi era +ĠCór doba +Ġceleb ra +Ġconv iv +st er +Ġtaller es +Ġmé todos +Ãį A +Ġvul ner +Ġprev isto +Ġba talla +Ġefec tivo +Ġfras e +ent en +Ġmo ver +Ġdeclara ciones +ĠlÃŃ deres +ter rán +g or +am bre +Ġe mi +Ġus ando +c ra +Ġfras es +ĠDer echos +Ġrecor d +Ġep iso +Ġcan tante +id ación +Ġa ma +Ġpromo ver +ĠFac ultad +ĠG ol +Ġdirig ido +Ġa leg +iz ados +Ġcomb inación +G O +y en +ĠL ondres +Ġint ento +Ġg ir +z ando +Ġofrece mos +Ġs ho +Ġra to +ĠS ólo +ĠU no +ón ico +âĢ¦ . +Ġplan o +ĠA M +Ġcu estion +der ÃŃa +Ġho teles +Ġanun cios +ĠEspañ ola +Ġhuman idad +ez ca +Ġbaj ar +P ues +Ġunivers idad +? . +am es +Ġperspec tiva +ĠIn g +aliz adas +Ġvesti do +Ġcoti di +Ġal m +Ġexplic ar +Ġtradi cionales +Ġg ira +Ġpar ecen +ific ados +Ġest ancia +ĠE ra +Ġacab ar +ĠV il +Ġdia gn +u x +as te +Ġra p +Ġcont ribuy +al d +Ġc ár +Ġref ug +i ada +Ġinclu ido +Ġhum or +ci das +Ġtele f +Ġorganiz ado +Ġd ará +Ġdes ign +Ġpro pon +ep res +Ġso cios +Ġcereb ro +á les +Ġca tá +Ġ200 5 +Ġintelig encia +Ġsos p +Ġacer car +Ġinflu encia +Ġinteres antes +Ġde fec +Ġcu esta +Ġ15 0 +ĠJ uegos +Ġindi s +Ð ¾ +Ġsu ger +ĠIn st +Ġpen al +ĠJ e +o x +óm ico +ĠNav idad +ĠI b +Ġfra cas +ez as +us os +Ġacon di + ® +i ciones +Ġlanz amiento +Ġesfuer zos +Ġform an +Ġreg ional +Ġescri tor +Ġas o +Ġre pu +ĠSe gun +Ġtritur adora +Ġdific ultades +Ġme ter +Ġco legio +Ġpre vención +Ġin greso +Ġedifici os +Ġcol um +Ġa tre +ort un +ar t +Ġimpres ión +ĠS ÃŃ +Ġtra yec +ĠCas tilla +at amente +ĠEn cuent +Ġopin iones +Ġlo gra +ĠDan iel +ĠAle j +i jo +C o +p ul +Ġcompañ ero +Ġestable cimiento +ĠLa tino +Ġbo tón +óm ica +ĠIn form +Ġefica z +Ġconsider ar +ĠH asta +am an +Ġdescan so +Ġv ay +ĠD ig +fer encias +en ciales +ĠE r +Ġco ber +Ġal tas +ĠCatal uña +Ġinici ar +Ġlogr ado +u a +os as +d icas +Ġt ec +Ġcier tas +Ġpri vi +4 8 +ĠOr den +Ġdemoc r +u ación +ĠEn rique +i anza +Ġ4 8 +3 8 +in ando +Ġcu ento +Ġcar i +ĠCons ul +Ġmal o +as ti +ĠPu bl +Ġcer rar +Ġdes ac +Ġgan ado +Ġc ruc +Ġprepar ar +Ġna ció +Ġar re +Ġcre cer +Ġpol ici +é ut +ĠC O +ĠM os +Ġpartici pa +ing ton +e y +Ġa ver +Ġselec cion +l ó +Ġcorrespon dientes +der á +Ġmues tran +Ġgas tron +dem ia +Ġconci erto +oc k +ad al +arago za +Ġconvoca toria +Ġso le +Ġcorrec ta +Ġv osotros +Ġf ren +Ġdis cu +Ġpl ena +Ġcorrec to +Ġamig a +Ġprob able +Ġh in +ivers ario +Ġa eropuerto +Ġblan ca +a que +gu es +ĠM es +Ġpres tig +Ġsobre viv +Ġingre dientes +Ġcompro bar +Ġre tro +Ġestar án +ĠU su +Ġpa de +Ġpo ca +Ġconcep tos +Ġpos teriormente +it ó +Ġál bum +cri to +Ġ19 5 +__ __ +Ġpropor ciona +Ġdesp laz +ĠIs rael +Ġdeb a +Ġafec ta +ari amente +ĠR adio +Ġavent ura +Ġesta tal +Ġb ro +Ġfac tor +IC O +SO E +Ġb r +Ġp ene +Ġ3 8 +Ġejerci cios +ĠSuper ior +ib e +Ġherm ana +Ġapar ecer +ÃŃ na +C H +Ġmonta ña +Ġcolec tivo +Ġag encia +ĠE cu +or io +Ġcomb ust +f icas +ĠAr m +Ġmuer tos +Ġg rad +Ġsent imientos +Ġcom isión +ĠM ed +Ġman ip +Ġden uncia +Ġaprovech ar +Ġvie jo +Ġdos is +ios os +Ġidi oma +Ġf l +c ada +ĠAs amblea +Ġest rech +ĠlÃŃ mites +ĠD os +Ġpas ión +ĠI II +oo d +ĠA ca +Ġac tivo +Ġco ches +ĠCom ité +i que +Ġempres arial +Ġmaes tro +p la +Ġtu ve +ĠDirec tor +Ġgu itar +Ġacos tumb +aj aj +Ġelabor ación +Ġimp ac +Ġar ena +Ġestrel la +Ġdif un +Ġcor ta +Ġvo tos +cam bio +Ġcor por +Ġfinanci era +Ġinmedia to +Ġrealiz ará +Ġpa trimonio +Ġposi tivo +ĠG as +Ġinvestig adores +Ġlab ora +Ġdestac ó +Ġm uebles +Ġimp ul +ĠM is +S on +r g +Ġmir ar +ĠvÃŃcti ma +tor nos +Ġ id +Ġ ic +A c +Ġencontra ba +ter al +ĠN º +dr án +e di +Ġme tal +ik e +ĠEjecu tivo +Ġcan cel +hi bi +Ġfi j +ĠAp ple +Ġc ientos +s er +Ġac tiva +ĠPa ÃŃs +Ġno ches +Ġporcent aje +ic ha +3 7 +Ġbon ito +ĠSalv ador +ĠD iego +Ġnorma tiva +qu ie +Ġentre ten +P E +Ġhab il +Ġenf oc +Ġmunicip ios +Ġleg ales +Ġlic encia +ĠM ir +Ġb es +ĠV is +Ġdemos trar +Ġdi ciendo +Ġcap ÃŃtulo +ĠM uy +b ur +ĠJ apón +Ġdorm ir +w er +ens iones +Ġeconóm icas +Ġespectá culo +Ġpar cial +Ġpo t +op era +ĠAut ón +Ġacces orios +Ġgob iernos +Ġobserv ar +Ġcuel lo +é ro +ĠL ic +ĠV iv +s in +ĠL or +Ġtriun fo +Ġtra to +ig ht +qui to +Ġidentific ar +ĠMo v +Ġmilitar es +Ġcub rir +Ġdi os +ĠPo pular +Ġme todo +Ġintegra ción +Ġespal da +Ġa pa +Ġdedic ado +ci enda +Ġsegura mente +Ġcerc ano +ĠAp ren +Ġho jas +Ġconvir tió +it s +in ten +ĠUn idad +Ġpor tal +Ġeleg ido +ab el +g et +Ġespecta cular +h one +ne y +Ġquiz á +Ġc able +Ġcontin úa +ĠAndr és +S E +Ġdi ri +Ġj e +Ġcient ÃŃficos +Ġanun cio +Ġinf in +Ġhu bi +l d +me di +Ġma pa +Ġofici nas +Ġsue ños +Ð ° +Ġsuce de +Ġgust an +ci ta +Ġmor al +Ġter mina +Ġnov ia +gen da +Ġproce dimientos +Ġambient al +Ġlib res +Ġpan or +Ġur ban +ĠAl berto +is p +Ġcom pati +ĠI l +Ġmoder no +ĠC E +Ġle tras +Ġeleg ante +b erg +Ġabs or +Ġtier ras +s ion +l ÃŃn +Ġfamos o +Ġan teriormente +Ġhom enaje +Ġvo to +Ġper u +Ġbo da +Ġrela j +Ġcriter ios +Ġigual dad +Ġp ista + © +Ġm ac +Ġinm ig +Ġv uelo +Ġme tro +Ġfab ricación +Ġcateg orÃŃas +ĠlÃŃ mite +Ġapar tamento +Ġcél ulas +... ] +Ġ3 3 +Ġclar amente +Ġases ina +Ġg or +Ġfan tá +Ġmuer to +Ġsuje to +Ġpareci do +Ġun iverso +át icamente +Ġdeci dir +mo bil +ter ra +ĠS iempre +Ġllegar on +Ġp unta +u re +ĠTu rismo +ĠÃģ l +Ġbas ado +Ġorganiz a +if orn +d omin +Ġpas aj +posi ciones +ĠCó digo +y n +ĠX V +I X +ab ilidades +ĠL oc +Ġespecial istas +Ġel ig +pres ión +ĠL uc +Ġ4 00 +Ġimp lan +F E +Ġcap it +Ġprev io +aliz ó +ong itud +Ġamist ad +Ġpris ión +ide l +Ġcif ra +ĠA gr +Ġgas to +cu ra +Ġvig ente +Ġtan ta +rim ir +Ġcar reras +Ġimpres cindi +Ġban cos +Ġpla tos +Ġe ficiencia +Ġocu pa +Ġalco hol +Ġm ental +Ġla tino +Ġcon migo +Ġorigin ales +Ġtele vis +Ġbra zos +Ġdise ños +ci entes +Ġex itos +Ġemo ciones +Ġmexic ano +Ġsex uales +Ġconst a +ĠTea tro +ĠvÃŃ deos +Ġà ļ +Ġsim ul +é ticos +Ġpas an +D I +is h +4 7 +Ġdich os +Ġrepar ación +ĠP ARA +ĠN uestra +Ġ ; +Ġsecre to +Ġri que +Ġso por +Ġro b +Ġcon ces +ĠCo legio +rag ón +Ġes que +gan os +Ġpro tec +Ġdocu mentación +Ġnove dades +Ġexac tamente +ĠF amil +Ġoblig ación +Ġenc ab +Ġinstrum entos +Ġfá b +Ġconsider ado +U M +ĠCom p +Ġcar tas +el os +1 00 +Ġser io +st os +ĠYo u +Ġestudi ante +ĠUn ido +Ġeléctr ica +d ri +cul ares +Ġac ord +Ġgan ó +Ġsegu idores +f al +Ġapro pi +Ġtra tamientos +Ġmedic amentos +ĠSo bre +Ġar ras +ĠsÃŃ mb +Ġaus encia +an es +er io +Ġlec tor +ĠU ruguay +ĠS ch +Ġver siones +Ġex ces +Ġpron unci +ĠH on +ĠC reo +Ġadolesc entes +Ġpar ed +Ġrepresent ante +des a +Ġcul pa +Ġcab e +Ġo jo +Ġfundam entales +Ġpa tr +Ġpla zas +Ġdibu jos +Ġinfraestruc tura +ĠLe g +Ġprogram ación +ĠA ra +Ġalim ent +Ġformul ario +Ġbici cle +v iendo +Ġson risa +Ġtab la +Ġdiseñ ado +Ġconfigu ración +ĠB ro +Ġinvers iones +uc le +Ġopera tivo +Ġperm ita +Ġsign ificado +Ġac eler +Ġactu aciones +Ġpe da +Ġb ras +Ġad quis +r és +0 5 +form as +Ġmas cul +p ó +Ġba terÃŃa +ĠC lar +Ġgratu ito +Ġtesti mon +S an +Ġgener almente +S A +ri el +Ġinc endi +ven ciones +Ġ201 9 +Ġfel icidad +Ġpare jas +ĠEcon omÃŃa +Ġgras a +ĠC D +ĠAr te +Ġinterpre tación +Ġvent ana +ĠV ie +Ġequilib rio +Ġapar ición +Ġpobre za +teri al +ĠP in +ĠOrgan ización +Ġt rim +ĠT i +Ġref or +Ġpi dió +em or +Ġsegu ido +Ġap lica +tar a +ĠNo v +un ción +Ġcan ales +Ġin gles +Ġind ÃŃgen +Ġcon ferencia +Ġre visión +Ġcompeten cias +Ġl la +Ġfenóm eno +Ġconsum idores +in adas +ĠHum anos +Ġmer ece +Ġgobern ador +Ġpla to +Ġdul ce +Ġinteres a +Ġinvesti gaciones +Ġaf irm +ĠA ir +ĠTra baj +Ġejemp los +Ġequiv al +i esta +Ġfel ici +ti d +Ġprepar ado +ar las +M o +ĠAr tes +Ġf rac +Ġcel ular +ur ÃŃa +ĠAl cal +Ġ200 4 +z adas +ĠF al +Ġinmedi atamente +Ġcar gos +Ġle ÃŃdo +ĠR ic +M ientras +b us +r om +ĠP SOE +Ġtrans formación +Ġaf i +ra y +Ġtrabaj an +im nas +Ġavan ce +i mp +Ġven ir +ce dentes +ĠPue des +ion ado +Ġpublic ó +ĠAs imismo +am á +Ġres uel +Ġdej an +ĠT ex +Ġgra ves +Ġha gan +ĠPD F +Ġinteg rantes +it h +un do +Ġaloj amiento +ĠV ide +ic s +Ð µ +Ġre emp +19 9 +ĠM el +is co +ĠM c +Ġtrayec toria +Ġllam adas +Ġre cre +Ġj oy +óm ez +Ġsol ar +c amiento +Ġningun o +ándo lo +Ġcómo do +ter na +4 6 +ĠC ir +Ġclas ificación +Ġpod remos +Ġnumeros os +Ġl ine +Ġper f +Ġenf oque +d ras +ran a +Ġme t +ĠMá laga +Ġ7 5 +Ġemo cional +Ġten gas +Ġcon tigo +M an +Ġcontra tos +og rá +Ġcor pora +it en +Ġcif ras +ĠT el +3 2 +Ġdefin ición +ĠF ab +Ġdesay uno +Ġfu i +ap ia +Ġaf il +ĠRafa el +Ġpl ástico +Ġbás icos +Ġpol vo +C ada +Ġv ib +T he +z ados +as as +Ġinstal ar +Ġcol on +Ġvuel to +és pe +Ġecon om +ĠJ ef +Ġten dencias +Ġcandida tos +Ġdirig ida +ĠB os +Ġcontemp orán +ĠEspe cial +Ġvir tual +Ġreg iones +Ġtal ento +Ġquer er +ñ ez +Ġarquitec tura +r é +en de +ĠDÃŃa z +Ġagreg ó +Ġubic ada +Ġs ú +Ġap uesta +3 1 +Ġdefin ir +Ġse g +Ġp ár +Ġempres arios +P res +Ġque de +7 8 +Ġhor izon +in ales +A CIÃĵN +ten cia +Ġtarje tas +x i +t n +à § +Ġacompañ ado +Ġbol s +Ġf órm +ĠTor re +CION ES +cul a +Ĩ Ĵ +ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ +ÃŃ mp +te dr +Ġsuf rir +Ġfir me +Ġocur rió +Ġeduca tivo +iz aciones +ĠIn te +Ġtermin ó +Ġso ber +u z +ĠCon se +ólo gos +g ano +Ġpon en +Ġlabor ales +Ġreun iones +Ġembara zo +Ġpro pone +roso ft +Ġpregun tar +ĠSu pre +ĠCam pe +ĠEl la +Ġintelec tual +Ġconcent ración +Ġterra za +b y +Ġp us +itar ias +ta je +Ġdesarrol la +Ġm ág +Ġne gra +Ġpun tu +Ġlleg ue +201 7 +Ġtrans misión +s ic +Ġa é +Ġexpecta tivas +Ġla v +Ġco pia +ĠF a +T ra +ĠA lex +Ġaf ron +Ġacuer dos +in er +Ġhistór ica +ĠDis eño +ĠR ub +Ġalterna tivas +Ġcontinu a +Ġhermos a +um bre +Ġcuer pos +l ón +Ġgust ado +Ġcober tura +Ġcons ist +Ġin cu +Ġh omb +Ġpropor cionar +ĠAt l +ĠL es +ĠR oma +O C +ĠS im +Ġdoc entes +H e +m erÃŃa +4 4 +Ġpre para +Ġcrist al +Ġprofun do +Ġoc ci +ĠL ima +ent imiento +Ġad ver +Ġata ques +l ia +Ġins cripción +AL ES +ĠJ im +Ġm oles +Ġprofun didad +ĠPúbl ico +Ġvir us +Ġemerg encia +Ġir re +in d +ĠInvesti gación +Ġno tas +Ġto ca +Ġleg isla +Ġjug ue +Ġf ues +entar ia +Ġmunicip ales +Ġac triz +Ġreco p +ol ut +Ġtendr ÃŃa +dad or +Ġre ti +Est os +à ¨ +Ġcár cel +ar ro +g ando +Ġin quie +ĠS eb +Ġses iones +Ġenfr entar +Ġser ia +Ġfis c +er tos +vo z +Ġconoci dos +Ġri val +Ġactu alización +Ġlegisl ación +Ġg oles +ĠH ace +Ġ3 7 +Ġcons igue +Ġsu g +Ġapor tar +ĠEn erg +Ġd ra +Ġprove edores +Ġrecom ienda +an s +Ġac a +f os +F in +Ġinter cambio +Ġ5 5 +t z +ĠÃģl var +n y +Ġqu itar +Ġale mán +ĠZ aragoza +ĠE du +Ġre in +Ġp ac +Ġpien sa +Ġj ud +Ġ200 3 +ó st +Ġdeb ÃŃa +tor ÃŃa +Ġsin g +Ġt ol +ĠAr ch +Ġv ÃŃas +Ġcomplic ado +Ġmon tón +Ġp las +Ġgaran tiz +ĠP adre +H ab +Ġguar dar +end ario +ó lica +Ġconstitu ye +h ÃŃ +a ños +Ġ ? +ĠB or +Ġdetermin ado +ĠMon te +Ġre tras +Ġlec tores +Ġfigu ras +Ġserv idor +Ġdi vis +Ġfinanci ero +olut amente +m ática +Ġllev ará +As imismo +Ġbas ada +Ġexten sión +Ġd aba +er ra +Ġcont ó +Ġcon m +Ġsig los +Ġan iversario +ĠMuch as +Ġposi ciones +Ġprotagon istas +Ġm ando +Ġapoy ar +Ġciudad anÃŃa +Ġcá maras +Ġinde pendencia +Ġpu ente +ic ano +0 6 +Ġes cu +Ġsac ri +fic amente +0 8 +Ġcre ma +ĠV i +Ġdi jeron +Ġextran jero +Ġdifer enci +ĠAlgun os +Ġpas eo +Ġrev olución +ul ada +Ġsatisf acción +Ġun if +Ġcompar ación +i ario +Ġorgan ismos +Ġg ris +st o +ic ana +Ġpier nas +Ġg rados +ór ico +Ġtom ando +ĠP el +ĠA cu +Ġmar ido +Ġdig itales +Ġsigu iendo +ĠG ómez +' . +ĠAg encia +Ġdi pl +em ent +ÃŃcul a +Ġve ge +f ru +idu os +Ġab und +um e +Ġacon se +Ġcoloc ar +Ġrecom iendo +Ġreconoci do +Ġnorm almente +Ġsac erdo +Ġchoc ola +Ġr ico +Ġamena za +Ġa mp +Ġtom ó +Ġdes h +Ġre per +iforn ia +Ġabog ado +j ó +ĠEcu ador +b it +Ġrecon oce +v ie +ĠGran ada +Ġcom edor +ĠW ill +Ġesp iri +ĠS U +0 9 +Ġinv itados +Ġle tra +0 7 +Ġinform es +Ġpubl ici +Ġdel itos +Ġtej ido +Ġmodific ar +ĠM ario +Ġcomo didad +ĠCar men +ĠMe jor +Ġolvid ar +ug ÃŃa +Ġro ck +Ġcambi ado +Ġtrans por +Ġinter no +ĠHern ández +âĢĻ . +Ġdiagn óstico +Ġti ro +Ġvit am +ĠIn s +ier es +i gual +Ġt ap +Ġpod éis +ti ble +G u +Ġten sión +v ez +ĠPrim era +ĠM ol +Ġrelacion ado +L uego +Ġfil osofÃŃa +Ġarti fici +ĠF ar +ve la +ĠAlej andro +ĠR iv +Ġar ma +Ġenl aces +Ġmar gen +Ġentren ador +ios as +ĠB r +ĠA S +Ġmor ir +Ġintelig ente +Ġc itas +Ġform ado +Ġâ ĨĴ +c án +g na +Ġtra er +Ġe mail +Ġextre mo +Ġf estival +u tas +Ġo x +go tá +ril la +ril lo +Ġmoder na +Ġimp uesto +or ld +s s +Ġaum enta +grá fica +ĠAn ti +la terra +Ġapar te +Ġl ad +Ġrealiz ando +Ġbrin dar +Ġvis ual +all er +Ġro dil +Ġexpres ó +am as +l le +Ġrespec tivamente +Ġas pir +T OR +4 9 +ter ÃŃas +v ido +Ġres tos +pañ as +ĠN ación +Ġcri tic +me j +m ica +Ġperiodi stas +Ġcas tel +Ġrealiz adas +Ġv ÃŃn +Ġcomb ina +hu a +Ġcam bia +ci eron +Ġmen ú +Ġdepor tivo +Ġárbol es +Ġat ribu +Ġn ación +ĠMujer es +ĠI P +ĠPres iden +ĠNic ol +Ġin just +Ġregres o +Al gun +Ġl ongitud +ĠCon tra +ar as +@@ @@ +Ġconduc tor +endi do +Ġman eras +Ġser ies +qu ilidad +ĠFo to +ĠP alacio +Ġaprob ación +Ġemp u +uc a +Ġe ficiente +ĠD ip +ĠT an +Ġcapaci dades +enda ciones +ĠC r +o ca +Ġcont amos +ĠW ar +ĠA f +Ġrecomend able +Ġma tem +cin as +n al +Ġalum no +Ġmá quinas +Ġign or +to p +Ġre pos +Ġla ment +Ġexplo tación +Ġencontrar ás +Ġdi entes +Ġv id +i des +Ġdependi endo +U D +Ġmon itor +Ġaudi encia +b es +o d +Ġextran jeros +ĠG ob +ĠB ra +iz an +I R +Ġdisc rim +Ġexp los +in cu +Ġpublic ar +ĠBoliv ia +Ġbras ile +Ġin com +Ġinteres ados +Ġdi aria +ĠPor tu +Ġinstrum ento +Ġcer em +ec o +Ġinici ó +Ġpare des +Ġp uls +ing ü +st rucción +ĠL OS +Ġs orte +Ġrev olucion +à ļ +Ġa den +ĠE se +Ġfinanci eros +in io +tus ias +Ġpens ado +Ġestad io +ĠDe por +U no +Ġ6 5 +Ġquier as +Ġoblig aciones +Ġpre venir +un as +Ġreflex ión +Ġl isto +Ġa qui +Ġacab ado +Ġ om +Ġpublic ada +Ġmedi cina +Ġfinanci ación +Ġpo bres +Ġe cu +ĠK a +TI V +Ġplan e +i ter +Ġpar o +Ġequiv oc +Ġponer se +Ġbo tel +Ġm ód +ĠT es +Ġconserv ación +Ġautor ización +Ġas untos +ĠIn de +Ġma qu +ĠU E +Ġav ión +Ġna v +Ġd arse +Ġespiri tual +olu ciones +Ġcircu ito +ic ar +Ġpien so +Ġrefer ente +Ġcon sejo +Ġpre viamente +Ġcient ÃŃfico +g ip +Ġdoc ente +Ġnumeros as +Ġv ital +m ana +Ġma tar +ĠTo das +Ġra ÃŃz +Ġintens idad +Ġdi gn +Ġtom ado +Ġre tra +Ġcorrec tamente +ĠCam p +Ġdivers idad +A d +Ġles iones +hat s +Ġdif usión +Ġahor ro +Est amos +Ġfe deral +Ġdedic ada +s ito +Ġdej amos +f era +ĠCas tro +Ġt h +ĠN uestro +Ġprofun da +ĠDa tos +ĠO ro +ent arios +ĠH D +Ġexclus iva +Ġdescar ga +Ġpreocu pa +di ción +Ġus ado +in an +Ġelectrón ica +Ġevi dencia +Ġasist ir +Ġh echa +in to +á rez +Ġtendr ás +idar idad +Ġcl im +Ġt able +Ġgu ard +Ġen tusias +Ġc ero +Ġcampe ón +Ġau tos +Ġpreocup ación +Ġlo ok +Ġpa gos +Ġcer rado +Ġdemos trado +ĠmÃŃn ima +Ġperten eci +ur al +S er +Ġtur no +ĠSeb asti +ĠQu é +Ġé stos +Ġproduc tores +ĠBl ack +Ġins pec +S al +Ġinf ancia +Ġpor tá +Ġv el +ri sta +Ġh ues +ĠEstudi os +all ado +ĠIndust ri +Ġh osp +ĠNe gro +Ġre cepción +Ġexclus ivamente +Ġabs olutamente +jer ÃŃa +Ġru ral +Ġinclu idos +Ġhid ra +Ġch at +ĠC las +Ġtotal idad +uri as +Ġinteres ado +tró leo +Ġfacil idad +Ġencontr ó +undar ia +x x +Ġsin c +ici as +om ba +Ġextre m +ĠPo demos +Ġluc es +ĠVir gen +Ġcu ri +Ġca tó +Ġpu de +Ġcomba te +Ġcre en +Ġindivid uales +ĠS O +Ġcomple tar +Ġne u +ist emas +Ġ3 9 +Ġcomp uesto +ÃŃn ea +Ġpeti ción +Ġper ju +Ð ¸ +Ġcom entar +Ġinst rucciones +Ġc ach +Ġa isl +ĠCol or +ĠD ar +Ġhac es +Ġdific ultad +ĠCon tin +graf o +ĠPo der +Ġhor no +Ġco operación +on al +Ġap as +Ġab st +ñ ado +' s +ĠEspañ ol +Ġex pon +ĠOfici al +ĠiP hone +6 5 +Ġsocie dades +ĠComun icación +l ie +Ġpre mi +Ġterc ero +id al +Ġmag ia +Ġtran quilidad +Ġdeclar ó +ĠR osa +Ġejer cer +Ġdiver tido +Ġdispon ibilidad +A y +gr ad +Ġsuper iores +Ġba ños +grá fico +Ġvis u +ĠP S +N A +Ġrela to +Ġagrade cer +Ġcin ta +ĠN aciones +ĠE qui +ĠCar ta +Ġpaque te +americ anos +Ġefec tiva +ĠEs per +Ġdeber ÃŃan +ĠS oy +Ġhabl amos +Ġavan ces +Ġocur rido +Ġalmacen amiento +Ġbaj os +Ġdro gas +Ġconst ruc +Ġdis cre +me dio +ĠPro yecto +Ġestruc turas +ĠMay or +ĠFel ipe +Buen o +M I +Ġgan ador +B C +dis mo +i am +ÃŃ dos +Ġsi mb +Ġre acción +Ġmar car +Ġasist entes +Ġperten ece +Ġrece tas +Ġins u +Ġresiden cia +ĠCal ifornia +Ġco g +Ġad or +ĠMe tro +ĠAn tes +Ġcontac tar +Ġt echo +m ir +Ġs h +ú cle +u to +to ño +Ġbril lante +ter apia +Ġital iano +Ġsin dica +Ġmin ist +er t +m ala +Ġhum il +Ġproduci do +Ġh ambre +ĠRic ardo +Ġpar á +Ġrepe tir +tri cidad +Ġconflic tos +¡ ¡ +ĠIn genierÃŃa +ĠC e +Ġapor ta +Est as +ĠI V +Ġluch ar +Ġvideo j +Ġcoment ó +Ġan cho +ĠP h +Ġeléctr ico +Ġintro ducir +ĠcrÃŃt icas +Ġconven io +Ġpriva cidad +Ġrique za +Ġest rés +Ġar que +Ġc ena +Ġespecial ista +ĠIng laterra +den as +Ġbar ra +ĠCul tural +ent ario +ĠCon trol +Ġafec tados +Ġayud an +Ġex cepción +ri tos +Ġtranquil o +Ġcam pañas +c ambi +Ġtrad u +Ġtra e +Ġantigu os +ĠB ern +Ġimp orte +Ġdi as +Ġme te +Ġencar gado +Ġexam en +t ÃŃas +Ġtempor al +Ġmé dica +ash ington +F ue +Ġllev aba +Ġten ia +ĠV an +ĠC el +Ġju ris +Ġexist entes +Ġestar ÃŃa +ig h +Ġfron tera +0 4 +ĠReg istro +r ones +Ġextra ño +tiv e +Ġreco ger +Ġpla yas +Ġmecan ismos +Ġper j +én d +ĠB re +Ġa er +Ġdes gra +ĠEE UU +ĠU sted +Ġcuar ta +Ġex ceso +ĠMic rosoft +Ġdirector a +ĠEdu ardo +den es +cios o +Ġmon um +G A +Ġan aliz +Ġpermi tido +Ġtri ste +erg io +Ġil usión +Ġmul titud +ĠForm ación +Ġelectrón icos +Ġconvers ación +Ġru ido +Ġh ÃŃ +Ġproduc en +Ġautom óvil +Ġdeci de +ier te +Ġre ma +ĠW al +Ġocu par +ĠT ener +Ġcu mp +ÃŃcul as +Ġadi cionales +Ġca u +ĠBo gotá +Ġf um +8 8 +ĠD ra +Ġconduc ta +Ġ200 2 +Ġajust e +ĠE mple +V er +Ġplata formas +Ġsal udo +Ġpl en +Ġl á +Ġhier ro +ĠC ómo +I CI +Ġ < +st ica +Ġtrabaj ador +Ġeduca tiva +Ġunivers idades +Ġau xil +Ġpendi ente +Ġcan tidades +g in +ĠDomin go +ĠQ uer +Ġcomun icaciones +tam en +tar án +Ġcuidad os +Ġes encia +it ores +f un +Ġbar co +Ġchocola te +tr ÃŃa +man es +Ġnar ra +ur ar +Ġg ay +Ġedi torial +tra ción +Ġmone da +Ġesper an +j ada +ĠMe xic +b or +Ġton el +Ġ200 1 +Ġdistin to +Ġmas co +Ġi ban +Ġescri tura +Ġencab ez +ĠS ud +C U +ĠIn dia +Ġtempera turas +P ubl +vi de +Ġregist rado +Ġoscu ro +Ġatrac tivo +Ġdormitor ios +ĠL an +Ġcam inos +Ġflu jo +ĠSoci ales +ue ble +ĠHa cienda +gles ias +Ġsalud able +Ġmanif ies +ma to +Ġhermos o +u an +sta gram +ĠS tar +Ġha z +Ġmaes tros +Ġven ido +201 6 +Ġcla ves +Ġinst ante +ra te +ĠAm biente +tion al +Ġampl iar +ĠEs a +ĠD ic +Ġrom per +Ġprofes ión +Ġest ric +Ġsal en +a der +Ġrelo j +ĠB il +ĠUn idas +Ġprivi leg +orm es +ĠSan tos +Ġnave gación +Ġposi tiva +Ġc en +Ġsus p +m is +ĠIncl uso +Ġv uestra +Ġcal endario +é tr +l ico +ĠAr t +d f +Ġdi visión +Ġcu áles +Ġint enta +Ġesté tica +Ġcrea tividad +ĠI r +i tivo +ĠNa tural +Ġl lan +Ġab ur +M S +Ġlle vo +Ġpais aje +ĠV ia +S ÃŃ +Ġmol ino +fici o +ven il +b ro +ec as +par te +Ġen tiende +ón imo +Ġrecuer dos +ĠProvin cial +Ġfabric ante +Ġcons ciente +m n +Ġcertific ado +Ġbos que +Ġór ganos +ĠP R +Ġsomb ra +Ġmanifes tó +Ġsec und +Ġrecom endaciones +Ġurb ano +Ġag ente +ĠPe ña +Ġavis o +Ġinstitu cional +Ġb e +Ġencuent ros +Ġesper aba +Ġdisc usión +Ġcu yos +Ġbás ico +Ġve ter +Ġun ión +ER S +tan der +ac u +201 5 +di as +Ġinmedia ta +Ġbal ance +Ġcon trar +Ġa genda +- . +4 2 +Ġres iduos +Ġán imo +Ġpod amos +ĠA do +ĠL en +raz go +Ġde je +Ġpa p +Ġmostr ó +s h +Ġest abilidad +Ġpro ven +Ġconcl uy +Ġdim ensiones +ĠRey es +Ġgra cia +Ġc ien +Ġen rique +ĠR io +ĠT emp +Ġar mon +Ġdocument al +Ġimple mentación +Ġpo esÃŃa +Ġr enta +Ġcam inar +Ġfin alizar +Ġeurope o +Ġred ac +ĠS ierra +Ġres umen +c ando +Ġper dió +ĠF ondo +Ġpilo to +Ġbaj as +Ġpasaj eros +Ġquier an +I Z +Ġj er +e ma +ĠDef ensa +ĠI ma +Ġre bel +Ġas igna +Ġay udas +Ġpu ra +ĠC ine +Ġigu almente +Ġdesemp eñ +tor iales +6 6 +Ġla bios +Ġten dremos +ĠL le +hibi ción +a unque +Ġins ul +Ġabsolu to +Ġa gar +Ġcu ero +Ġesc la +Ġre cep +ĠDig ital +Ġunivers al +C a +Ġtrim estre +Ġin ex +Ġtraduc ción +Ġpol ém +Ġban das +Ġinicia tivas +Ġmodi ficación +ip s +ĠEst oy +A quÃŃ +Ġru tas +ut ados +titu des +ĠF un +ĠN ie +rib uye +Ġdes as +Ġrelig ión +il io +T RA +Ġrue da +Ġcient ÃŃfica +ĠMay o +ĠCas tel +Ġcircul ación +Ġcontra tación +Ġli der +Ġnaveg ador +n ing +Ġh ue +Ġir reg +c ara +me dia +Ġgust e +Ġins ist +Ġse mej +Ġmu rió +ĠH or +ĠÃŃn dice +Ġcoord in +Ġa ust +Se gu +Ġconven iente +Ġlimp iar +Ġincre ment +Ġagre gar +G U +Ġexper to +e da +ient a +Ġneces itamos +ĠPla y +ĠP ág +cu b +Ġorganiz ar +er ación +Ġsitu ada +ĠH ombre +Ġna cido +Ġciudad ano +Con s +Ġorient ación +Ġpod ÃŃan +Ġrom án +Ġexpres a +ib il +Ġte la +ab as +Ġesta tu +ĠReg ional +ĠB u +Ġcuan tos +AD A +r eros +Ġsal ido +Ġdis capacidad +ÃŃt ico +Ġefica cia +ĠNicol ás +ist ar +an tiles +Ġus an +Ġdem uestra +Ġcompos ición +Ġdesemp eño +Ġperm iso +Ġver tic +Ġpriv adas +ĠCar ibe +Ġde pos +Ġjue ga +Ġmuch ÃŃsimo +Ġhab lan +Ġcoord inación +u era +ta ña +ĠAm eric +Ġfil m +Ġm ister +habil itación +Ġprima vera +Ġcic l +ĠAutón oma +uer zo +Ġmill ón +Ġeurope os +Ġtrans mitir +Ġ4 2 +Ġl ados +H asta +ĠBlan co +ĠCh ar +Ġimprescindi ble +Ġilum inación +Ġn úcle +Ġin genier +Ġadap tación +Ġ ! +Ġindividu os +ĠEst amos +B o +Ġal f +Ġconstitu cional +Ġapre ci +Ġsal var +, ... +Ġdo ce +mart ph +Ġespec ÃŃfico +" : +Ġfues e +Ġcrédi tos +Ġcari ño +Ð ½ +Ġpier de +Ġes cul +Ġinst ancia +Ġplan tilla +Ġpens amientos +Ġrecor rer +en z +Ġd amos +ate mala +Ġrequier en +ci pe +Ġm adres +Ġconec tar +Ġcomp ens +ós itos +il as +ĠH an +ĠP OR +cor d +ues tras +Ġapro bado +Ġespeci alizada +Ġlimp io +Ġacondi cionado +Ġavan zar +Ġmar ch +ĠO tros +Ġó pti +Ġjorn adas +ĠOfici na +Ġjug ando +ĠĠ ĠĠ +Ġgaranti za +Ġve inte +M O +B I +Ġho ja +âĢ¦ ) +Ġej ército +Ġcub ierta +uen a +ĠBuen o +Ġ6 00 +Ġutil idad +Ġdue ño +s ula +Ġacep ta +ÃŃ g +Ġn aran +Ġtu ristas +ér ico +um b +Ġabsolu ta +te cas +aliz aciones +Ġbeb idas +P a +Ġ óp +Ġg re +Ġinform ado +ust o +is po +Ġpa tio +Ġcal ent +Ġdis cos +Ġindividu o +ĠDi ario +Ġcatá logo +ĠD I +ĠjurÃŃ dica +Ġpe tróleo +Ġpon iendo +0 2 +N O +j ando +ĠN et +ĠRam ón +P U +ĠA lic +t le +ĠSan t +Ġbas a +Ġman tienen +Ġsob res +ce mos +Ġar gentina +A ctu +Ġre ún +Ġcolor ear +7 7 +Ġconside ran +Ġimpresion ante +Ġest ima +Ġal iv +Ġb l +Ġban car +Ġcan s +ĠK ar +Ġrespon de +Ġlleg ando +Ġvic epres +Ġli qu +ÃŃ ficamente +ĠCan arias +Ġutiliz ados +Ġmod alidad +Ġmater ias +ĠW ashington +E mp +men es +ús ica +Ġaso ciaciones +E A +Ġf ri +Ġenem igo +Ġpres erv +Ġins er +ĠE X +Ġj ub +Ġde partam +Ġesper amos +. âĢĶ +tar ias +Ġconform idad +Ġin mobil +ĠEx per +Ġcriter io +Ġrepresent an +Ġllam ó +ĠPa pa +Ġg imnas +0 3 +ti po +Ġgestion ar +Ġcumple años +Ġsin dic +Ġà ĵ +ĠReg lamento +Ġesc as +AR T +ĠTo da +Ġtra tando +Ġex c +Ġfra g +Ġasum ir +. » +tr ices +ĠIn stagram +Ġreci entes +ici oso +] . +Ġexcel entes +Ġcontribu ir +Ġfabric antes +i ti +Ġcul tivo +ĠFiscal ÃŃa +ĠMur cia +Ġqu eso +ĠC U +Ġindic ado +Ġr osa +ho p +Ġran go +Ġmoder n +ac ha +Ġrealiz ados +le to +Ġno c +ist os +O b +Ġbon ita +ĠV as +ER O +Ġam able +Ġtermin ado +ĠAl lÃŃ +Ġadj ud +Ġpresiden ta +g ulo +Ġn ucle +C ol +Ġmad ru +Ġanunci ado +Ġcapaci tación +Ġcor tes +Ġdepor tes +ĠX IX +ĠMer cado +Ġelec tro +ĠMe dia +Ġqued arse +Ġc es +Ġpropie tario +Ġv uelos +ĠPan amá +Ġh ol +Ġpar lam +Ġmexic ana +Ġemp ie +Ġlan zar +Ġpa ta +Ġ ÃŃ +Ġfamos a +Ġdistin gu +ĠB on +Ġcompeti ción +ĠCan adá +Ġdé bil +Ġpor tu +ĠQu iz +Ġdestac ado +Ġmet ál +Ġcaracter ÃŃstica +Ar tÃŃculo +Ġimp e +S ab +ci tos +an al +Ġlabora torio +Ġmov ilidad +Ġiden tificación +ĠS ergio +An tes +ĠB ien +Ġman ga +b ir +Ġreserv as +Ġsu av +Ġpróx imas +Ġsosten ible +ĠBlan ca +Ġc aj +Ġde dos +g ran +ĠAu to +Ġ12 0 +Ġb ille +8 5 +Ġc eb +O tro +ari ales +Ġór gano +ĠC A +Ġpu ro +pu tación +abe tes +Ñ Ĥ +Ġse t +ba o +Ġalum inio +ĠU l +ĠV ar +Ġsuje tos +Ġabog ados +Ġpo bla +Ġcon ducir +Ġmo dos +Ġdiput ado +Ġglo b +ÃŃc ola +Ġvo ces +ã ģ +ĠR ica +Ġsu mar +Much as +Ġhubi ese +di rec +ĠSegun da +Ġem baj +Ġb ron +Ġfortal ecer +Ġrue das +Ġba ilar +ĠB iblio +Ġab rió +it adas +ĠC N +ĠC uer +v ol +Ġmam á +Ġprodu jo +Ġcomp et +Ġexpan sión +Ġcor reg +Ġ25 0 +Ġcul p +Ġtre inta +Ġpriv ados +6 4 +Ġal ber +Ġperman ecer +gar se +Ġdich as +i adas +Ġhábi tos +Ġcompr ensión +ĠPar lamento +Ġespañol as +Ġda to +Ġindustri ales +Ġcol a +Ġseñ ora +N uestro +iz adas +Ġconstante mente +Ġf eria +Ġmus icales +D i +Ġneces itar +Ġv uestro +Ġa ter +Ġexig e +Ġf icción +Ġdel incu +ĠSem ana +Ġh arán +Ġfuncion ario +de a +Ġmag ist +Ġen tiendo +Ġpro pa +fon so +ĠAl im +ĠB ea +Ġañ ade +So bre +, , +Ġreemp la +ĠN osotros +Ġvig or +ĠG lo +Ġbás ica +ĠdifÃŃ ciles +ĠUsu ario +ĠTen go +T u +Ġevalu ar +Ġdel ic +Ġdes l +am ar +ern am +Ġcampe onato +M E +Ġselec cionar +Ġlo go +Ġre tos +Ġpol ic +ĠAca demia +Ġsent imiento +Ġacudi r +Ġno table +ĠÃģ frica +Ġproduc tor +Ġeta pas +Ġdeten ido +Ġconsum idor +ĠProvin cia +om ina +Ġseñ ales +Ġqued aron +Ġcomba tir +ĠEmpres a +ĠclÃŃn ica +Ġca fe +gu é +tran s +Ġgenera ciones +n ado +T OS +Ġemb ar +Ġvir tud +Ġdese os +Ġnoc tur +Ġm ach +Ġpubl icaciones +Ġ it +c olo +Ġdibu jo +f it +Ġha ci +Ġen de +ĠAust ral +ĠTor res +ĠRos ario +Ġenem igos +Ġdepor tiva +te la +w ard +ion a +Ġcerc ana +ĠMar tin +ó cra +Ġmal os +ĠAr tÃŃculo +Ġju ventud +t inas +Ġt asas +te mp +Ġver lo +Ġcontr ad +Ġdist rito +ú p +R AN +Ġestu vieron +Ġteléf onos +Ġap orte +udi o +Ġt orm +C re +Ġt ruc +es as +Ġfi el +Ġinter cambi +Ġdes f +Ġbra zo +Ġnie ve +Ġven de +Ġdirig entes +Ġmaravillos o +ĠTen emos +Ġtonel adas +Ġconf un +Ġregal os +ĠR ico +Ġfal lo +Ġal tamente +Ġdes cripción +l ga +Ġadquis ición +g ia +ĠS r +... ) +Ġ[ ...] +Ġpres tación +ĠRob erto +Ġse cu +Ġcons entimiento +Ġmejor as +Ġespec ÃŃficos +p lan +Ġcar ro +Ġidi omas +tr ada +Ġconcl usión +Ġdestac an +d icación +tar lo +ri z +Ġhuev os +Ġb eso +Ġpo deres +ĠP i +4 3 +Ġsub s +a qu +Ġprob abilidad +Ġeurope a +P D +Ġcuad ros +Ġmecan ismo +Ġcar tel +Ġmane jar +Ġfru tas +Ġdes pues +Ġmues tras +pol it +Ġperió dico +e de +Ġad vers +Ġba ñ +Ġhtt ps +Ġenseñ ar +Ġcre ando +Ġcuid ar +Ġes quina +ual quier +en dar +Ġpot ente +Ġconoc en +ĠlÃŃqu ido +Ġpie dras +Ġlóg ica +Ġmonta je +ox id +Ġpermit an +Ġpreci sión +em b +Ġan tic +Ġtra tado +Ġbara to +Ġhor arios +Ġasoci ados +Ġcomput adora +ĠA v +ita t +Ġimag inar +ĠCo ord +ens es +Ġfu tu +ti to +ám ico +Ġn ace +ĠEduc a +Ġa val +Ġconsigu ió +Ġimp ro +Ġx D +ĠE v +Ġinf o +Ġcómo da +tad ura +crip ciones +udi ciales +Ġprovin cial +ĠSebasti án +Ġdec ora +Ġgrá fico +Ġs at +Ġque m +Ġas al +Ġor al +ĠCur so +Ġpropie tarios +Ġpubl ica +Ġsa ga +or ro +6 8 + · +Ġde terior +Ġac á +b ie +Ġde le +Ġmir ando +ĠJ orn +Ġsu yo +b ús +Ġfórm ula +Ġacadém ico +ĠS ar +Ġreg la +Ġmos tra +Ġr onda +Ġfran cesa +O tra +aj aja +Ġdin ámica +Ġdiv ul +âĢ¦ âĢ¦ +ĠAu tor +Ġacep tación +ĠA ragón +Ġpro hib +Ġap unta +Ġc ÃŃr +ĠEs pa +Ġmus eo +Ġen se +Ġrepro duc +gen o +er amente +Ġconci ertos +ala x +Ġmar i +Ġver des +Ġver se +ánd onos +ĠPa ul +ĠGu atemala +ĠM A +O s +ĠGal icia +Ġlimp ia +Ġpro voca +Ġpermi tió +Ġahor rar +ĠGob ern +Ġpendi entes +Ġigu ales +Ġreform as +un cios +Ġrevis ar +Ġin n +t inos +Ġprovin cias +Ġvac ÃŃo +Ġfuer an +Ġdiput ados +Ġautom áticamente +Ġderro ta +Ġbas ura +Ġaut omo +bo x +Ġanti cip +Ġmem or +Ġcrim en +Ġfan s +l ados +Ġinv ita +Ġade lga +ific ada +Ġminer ales +Ġtrans ferencia +r ÃŃan +tu be +ĠD ol +M uy +én ez +te d +Ġver emos +Ġexclus ivo +Ġprim aria +Ġpudi eron +Ġpon emos +úm ero +Ġnov io +Ġporta voz +ĠOn line +Ġre iv +Ġsatisf acer +av o +ĠV ida +Ġcre ciente +ĠEs pero +ol la +Ġso ci +v ias +ĠS ue +Ġpro lon +Ġd ucha +Ġg ub +ú rg +ER A +Ġob tuvo +Ġapar iencia +Ġbor de +Ġviv iendo +D el +ti fica +di ciones +Ġfru to +Ġobserv a +Ġejecu tivo +Ġfáb rica +Ġestable cimientos +Ġcos tes +Ġl istas +ĠEj ército +Ġren unci +Ġmexic anos +ĠindÃŃgen as +ĠF eria +g es +er ÃŃas +Ġsol idaridad +Ġest ilos +dad as +ĠO f +T S +Ġcir ugÃŃa +w ood +Ġh éro +Ġplan ificación +T V +til idad +Ġcontin ú +Ġda ñ +al la +Ġcul o +ĠQ UE +Ġfuncion ar +ĠN unca +Ġin oc +quilla je +Ġform al +Ġcent en +re y +ÃŃ ces +Ġrecomend amos +ĠFin anci +Ġesta ciones +Ġemo cion +Ġincu mpl +ĠCrist ina +Ġtra ma +Ñ Ģ +en co +Ġreg lam +Ġinform ar +Ġf ach +Ġca yó +Ġseñal ado +Ġdisposi ciones +Ġdescu entos +ĠP RI +Ġ ï +Ġfemen ino +Ġde tener +Ġdistin ta +tr ina +Ġbol as +ĠCu enta +C reo +c ómo +Ġex tin +ĠS y +4 1 +Ġoblig ado +Ġacci dentes +Ġ4 7 +6 7 +Ġescrib e +Ġú tiles +Ġdiscipl ina +a k +Ġam antes +Ġmu ñ +w ay +Ġcor on +ĠAst urias +Ġllam an +Ġcompro b +Ġan ci +Ġexplic ación +iller mo +Fin almente +Ġlide razgo +Ġen tero +Ġbal ón +Ġrecib en +cis mo +Ġsal as +Ġdeb ut +Ġcolum na +ĠMor ales +ĠActu almente +pe ta +Ġvigil ancia +ĠEurope o +Ġdeb o +Ġañad ió +Ġdecre to +Ġh ig +ĠVic ente +Ġpro bado +ĠJ ack +is e +AR IO +Ġtrabaj ado +ĠDe portes +Ġarro z +Ġrum bo +an c +Ġsir ven +Ġbás icas +Ġtera p +Ġauton omÃŃa +ib lia +ĠCh rist +Ġo lor +Ġa ci +ul aciones +Ġre iter +Ġco opera +Ġestadouniden ses +Ġ4 3 +ec on +Ġtrans cur +ient al +r adores +Ġpre dic +Ġpre de +ĠIn terior +Ġban dera +Ġimag inación +Ġcuad rados +Ġescen arios +Ġ 01 +Ġmaqu inaria +Ġmanif esta +Ġt os +Ġcerv eza +Ġsú per +cri tos +Ġcerem onia +Ġinten so +Ġcon o +Ġle j +ĠAm or +Ġapara to +Ġintegr ado +Ġpar ar +Ġmen cionar +Ġfib ra +ĠL E +Ġadolesc ente +Ġhabl ó +Ġcap tur +Ġprést amo +Ġra za +Ġhab ilidad +Ġexist ir +Ġmedi ados +ĠMuch os +Ġv inos +Ġasesina to +Ġor d +Qu ién +Ġsuf rido +Ġprev ent +ĠRec uer +tu ario +Ġesc enas +ón icas +ing s +ĠPortu gal +k in +ab o +Ġmedi r +ĠAma zon +ĠH en +Ġsign ific +Ġrespon dió +B L +Ġh ilo +Ġcam pes +Ġ: ) +Ġb endi +Ġparticipar on +Ġfi ja +ĠLe on +h ab +ÃŃ metros +Ġr ica +ĠEsp ÃŃritu +Ġcomenz aron +Ġve ÃŃa +ire mos +Ġeduca tivos +ap p +w ork +Ġo ÃŃdo +Ġvalor ación +ine te +Ġdes eas +Ġsust ancias +Ġbicicle ta +Ġdo y +Ġcom is +ĠW il +ĠD om +Ġrefer encias +Ġul tra +Ġdef ine +Ġin gen +Ġsi ga +Ġquis iera +ĠCom ple +Ġobten ido +Ġfem in +Ġcontinu idad +Ġfisc ales +ĠMedi cina +Ġemo ción +Ġmes as +Ġpo eta +Ġorgul los +Ġpres taciones +ĠM ich +Ġór denes +ĠMor eno +Est oy +ch os +Ġt rist +Ġres tr +Ġún icos +ĠfÃŃs icas +Ġcivil es +ĠL una +Ñ ģ +Ġpár ra +Ġalim ento +Ġtur ÃŃstico +Ġhum edad +Ġgust os +Ġs p +Ġdra ma +óg ico +ÃŃs imas +ĠAn gel +Ġpreci so +ác tica +Ġescri ta +Ġ4 4 +ĠCas tillo +ĠF on +Ġo toño +or den +ĠN orm +Ġingres ar +las h +Ġsho w +Ġtemp rano +Ġesca par +Ġt é +Ġtr án +ĠIs abel +Ġintro duci +Ġsal ario +Ġtro p +Ġsig nos +Ġmodi ficaciones +Ġmal as +Ġfavor itos +E X +ĠT im +ÃŃn as +Ġabra zo +Ġcre ada +as ión +Ġregres ar +Ġconsidera ble +EN TE +Ġag ro +Ġin yec +Ġcombust ible +ĠA tención +Ġsolu cionar +ici dio +z e +Ġro ja +ĠCon tac +f ar +Ġps ico +Ġregist ros +Ġnegoci ación +on so +ti zar +Ġpér didas +i di +ĠG uer +Ġdirig ir +Ġayud ará +g ica +Ġcolombi ano +Ġin tim +Ġpis os +Ġileg al +Ġap p +Ġcontra tar +Ġreg ulación +ĠCal le +G T +Ġdic es +tedr al +N uestra +Ġdiri ge +Ġindependi entes +Ġrel l +Ġbien venida +Ġab ri +ĠA ño +Ġvol v +Ġg afas +Ġempres ario +ĠM ana +Ġre duce +ĠjurÃŃ dico +Ġins piración +Ġlevan tar +Ġfom entar +Ġepiso dio +Ġes enciales +Ġqu iso +Ġc ajas +Ġter ren +ter ales +Ġto p +Ġplante a +Ġdefini tivamente +m ol +Ġ4 6 +Ġalcan za +Ġele vado +ĠM ul +iemp o +T C +Ġsusp ensión +m ano +Ġes pon +Ġmar cado +Ġpanor ama +ĠIs la +Ġ9 5 +Ġsu ple +Ġas omb +g én +ĠPr incip +201 4 +Ġinvesti gar +ÃŃ v +Ġmad ri +P O +Ġdepen dencia +ent amente +id ado +Ġespec ÃŃfica +Ġafi cionados +Ġaconte cimientos +in arios +Ġelim inación +Ġo dio +uch o +Ġmo tores +r ico +ĠCap ital +ta b +Ġ4 9 +Ġcom idas +Ġsufici entes +Ġans iedad +Ġpag ina +Ġatra ves +Ġpro cl +Ġdescub ierto +f or +je je +Ġpreci sa +ĠProfes ional +rimon io +Ġhogar es +Ġcastel lano +Ġdis put +id ra +Ġocur rir +ĠF rente +Ġpr endas +ta ban +ĠM úsica +ĠS p +Ġrespal do +ĠSi tio +Ġde dica +Ġpa tro +Ġpudi eran +Ġespec ÃŃficas +S omos +rist o +Ġcol abora +ĠHab ana +Ġtol er +Ġa tac +ĠO p +Ġimpul so +Ġem ble +ro car +% ) +Ġdev olver +Ġsent ÃŃa +Ġser ÃŃan +Ġc ria +Ġneces ito +Ġmon to +Ġco ger +ĠsÃŃmb olo +ca p +Ġreca ud +Ġestable cidos +on das +ĠEx cel +Ġespeci alizado +Ġsuminist ro +jer as +Ġcabal lo +ĠS omos +con s +Ġn omin +Ġejec ut +c r +Ġr icos +ĠGu adal +Ġlist ado +Ġman d +Ġviv ido +vers ión +tro p +Ġap la +ven ido +uer ta +Ġprove edor +ĠW orld +car gar +ĠRes pon +l ig +Ġexcel encia +Ġdetermin ados +s ung +! , +Ġacum ul +Ġclás icos +Ġor ación +Ġpo quito +uc ar +Ġr aro +Ġequival ente +Ġconoce mos +ĠP A +g i +Ġpareci ó +Ġcu entos +Ġobst á +Ġconviv encia +ĠTecn ologÃŃa +Ġme tas +Ġf es +Ġcontar á +Ġmadru gada +Ġllev aron +Ġde mon +Ġe co +Ġpa ga +Ġexcep cional +le do +Ġmin im +ue z +ĠB io +Ġfavor ito +Ġpos tura +Ġé stas +ĠN eces +m ico +Ġconstru ido +Ġindis pens +Ġpractic ar +ĠS ER +Ġyo u +ĠC in +Ġev olu +ĠUnivers itario +ĠJ ames +Ġlar gas +Ġintent ando +Ġga to +Ġb asta +m l +Ġdesc enso +Ġreco ge +Ġher idas +Ġcamis eta +An te +Ġcaus ar +ÃŃc tor +Ġba ile +Ġcontin ente +Ġguitar ra +Ġencan to +Ġrealiz aron +Ġen tien +Ġfru st +v ida +Ġrelacion ada +â Ĩ +Ġenvi ado +ren a +guar dia +ĠG ro +Ġesco g +Ġan dal +ĠAn te +Ġresul tar +Ġsol id +Ġun e +Ġla c +ĠDE S +Ġtrán sito +Ġtal la +Ġt ribunal +Ġap o +c m +Ġs martph +Ġre ino +Ġconf es +l im +ĠLib ro +Ġpres tar +ĠO ctubre +Ġsufici entemente +ĠLi bre +ĠG ust +Ġhab ido +Ġgr ues +Ġdelan tero +Ġirreg ular +ĠGuar dia +Ġexpres ar +B us +a ta +F OR +Ġcaracter iza +Ġconf irmó +Ġfres co +Ġsal sa + ± +Ġfas cin +Ġna ciones +Ġcontam inación +201 3 +Ġelec tor +ha el +Ġcu ota +B ar +Ġcab all +Ġrepro ducción +lan tes +Ġtras lado +Ġamena zas +Ġtranquil a +da je +Ġs illa +gen a +Ġest amp +Ġimpuls ar +ĠF oro +Ġest ando +Ġpar t +Ġincl usión +Ġge ográ +Ġmon o +ĠD en +óm icas +AD OR +Ġve a +ĠAl ta +Ġ 00 +Ġesp i +um er +Ġin tu +á us +Ġcar tera +Ġllev ando +Ġconte mpl +Ġpas ta +eci endo +Ġcon gel +ĠT ro +ĠC iencia +Ġdej aron +ĠAdminist ra +ĠMar keting +Ġg eo +Ġva g +Ġtarif a +Ġh ec +Ġagu an +Ġhu éspe +Q uer +Ġexplic ado +ĠSen ado +con es +in ó +Ġinm un +Ġdest inos +ĠPro p +ĠH i +ándo la +Ġbrin da +Ġtranspar encia +Ġre ina +óg ica +Ġse co +Ġca e +Ġpl aca +ĠAlic ante +ĠAs ia +Ġoc ta +ĠSan tander +Ġapar eció +Ġsur ge +Ġb en +A m +Ġa mo +Ġtra mo +Ġlar gos +Ġpolic ÃŃas +Ġa ves +Ġre baj +ÃŃn cipe +Ġceleb rará +Ġkil os +Ġ199 9 +Ġsent irse +Ġdispon er +in c +Ġb y +es os +Ġdesp ren +Ġfo tó +ĠOs car +Ġelec tricidad +ĠAl to +Ġpin tar +ĠDist rito +ĠEmpres as +de lo +ur s +te ga +Ġañad ido +gar on +Ġelabor ado +Ġf este +Ġdi abetes +a ger +Ġabor dar +tú an +ién dose +ol i +Ġllam ados +e jo +Ġh all +Ġfel ices +Ġol vi +Ġrelev ante +d ÃŃan +ĠI S +Ġsel lo +tu mbre +Ġcorpor al +ur sos +Ġpodr ÃŃamos +co p +9 8 +ifica ciones +ÃŃ menes +Ġperson almente +Ġrepu bl +ĠC alidad +Ġminer al +Ġn º +Ġt onos +Ġt in +Ġofre ciendo +ĠN A +Ġvie ja +iz ando +Ġest reno +Ġgaran tÃŃas +Ġcon ducción +Ġpar ada +Ġfracas o +Ġex cur +gna cio +Ġgust ó +C ON +S oy +Ġdisfru ta +Ġrenov ación +Ġvuel tas +Ġportá til +Ġech ar +u ido +ĠHum an +Ġrecha zo +Ġasesor amiento +Ġar co +Ġcre ciendo +Ġbiblio teca +ĠL AS +Ġrev istas +F i +ĠS port +ĠT ab +in cl +Ġma quillaje +ĠC ity +ám enes +Ġcan cha +tán ea +di gos +Ġb omba +á vez +Ġámbi tos +ĠG ir +z can +ĠReg ión +Ġveci no +cl ar +ier tas +Ġhistór icos +Ġcrist ianos +ĠAc ción +iz ó +ĠO tra +gan cia +Ġcre ó +Ġcompe tir +ĠL ea +uy endo +Ġtor re +Ġale j +Ġejecu tar +ĠS ta +Ġcomple mentar +Ġof ens +C as +Ġpro greso +Ġ8 5 +Ġprecios o +Ġimpor tar +Ġ4 1 +ÃŃs o +en za +Ġparticular mente +ce des +Ġmas aje +ĠRu iz +Ġseñal ar +Ġgal ard +us as +ĠHer man +ĠON U +Ġfar mac +Ġpr ó +.... .... +Ġvesti dos +di ales +Ġsol dados +Ġpes ca +ĠNav arra +Ġl una +Ġprovoc ar +eci miento +ĠSecre tario +Ġinfl ación +Ġsi go +Ġpatro cin +é ramos +Ġterri ble +E E +Ġdormitor io +ĠGu illermo +Ġad h +Ġsal to +ĠMar co +Ġin cent +z ones +Ġsub si +ac ciones +ĠI de +ĠApren de +Ġreci n +G B +Ġconsul tas +Ġá cido +ĠRa úl +EN CIA +ĠC H +ĠNov iembre +ita ble +Ġfac tura +po t +Ġafron tar +Ġfu imos +ĠcrÃŃt ico +F A +Ġdipl om +Ġdign idad +Ġorganiz ada +Ġesco ger +ĠR ol +ĠRev olución +ĠDis pon +ĠN or +Ġargu mento +Ġrefle ja +Ġhaber se +Ġincorpor ación +Ġsem illas +ĠPr omo +ĠU til +g nos +ĠEx tre +ĠG en +Ġcuri oso +ĠV o +Ġdetec tar +Ġpar ad +Ġgub ernam +ĠMad uro +l l +Ġv illa +Ġcurios idad +terrán eo +fici t +Ġserv idores +Ġhab ia +ĠJ ur +Ġba u +S I +tific ado +B O +ÃŃt icas +C or +Ġper segu +Ġtu vimos +Ġabandon ar +Ġimp re +Ġles ión +Ġem isión +Ġà į +Ġra ÃŃces +ĠLoc al +Ġlan zó +Ġlig a +a torio +Ġaut oma +Ġsepar ación +Ġnega tiva +Ġpon go +Ġ8 00 +Ġcomp ara +ros a +Ġafec tar +Ġproduc tividad +ic ul +val uación +bi mos +Ġfirm ado +Ġdenomin ado +Ġm ÃŃo +ĠAl fonso +C N +ĠZ ona +Ten go +Ġmanifesta ciones +ĠU R +Ġcolec tiva +v ada +Ġsos tuvo +Ġprofun di +ĠW i +Ġsuf rió +ĠAl onso +Ġtera pia +Ġmens ual +al ista +Ġru tina +ĠBil bao +Ġgol pes +Ġfru tos +Ġcul min +endo za +ĠAustral ia +ĠRes erv +Ġdes pre +ĠWill iam +ĠK e +Ġtem or +Ġide ales +ĠSegu ro +ci encia +ĠDiv isión +Ġfir mas +aj ara +Ġceleb rado +H emos +P os +Ġnega tivo +Ġimple ment +Ġviv imos +Ġap rue +tu re +Ġneg ros +Ġch arla +Ġcre emos +Ġprést amos +ie dades +Ġpar ro +. : +Ġar ru +Ġfr ÃŃa +Ġtermin al +it ará +ĠRe laciones +Ġcub ano +201 2 +Ġofici o +el d +ĠLatino américa +ĠP ie +Ġfrecu ente +Ġo cio +Ġseguir á +Ġpelo ta +ens or +ĠRe ci +ĠMa es +L AN +ĠT res +Ġconside ración +ĠEmple o +Ġcu ándo +Ġla teral +Ġdest inado +ĠGab riel +Ten emos +Ġcatal án +on ces +Ġab on +Ġcor tar +ĠVic toria +Ġá ra +Ġver duras +rec ción +Ġd ada +Ġaudio vis +O r +Ġcarb ono +Ġavent uras +Ġh ielo +Ġin al +Ġenc uesta +ta bles +i tiva +Ġp istas +Ġa gencias +Ġdi ga +Ġman dar +Ġgan ancias +Ġf us +Ġautor a +Ġis las +Ġparticip an +Ġpolici al +Ġviv a +ier tos +Ġd uelo +Ġmu tu +Ġb uc +comun icaciones +Ġm ante +N a +ent ados +ra ba +Ġcontro les +ĠAz ul +Ġpre vis +Ġtemp lo +Ġvig encia +ora ciones +re za +Ġdetermin ada +Ġentr ó +uel ve +Ġbol sas +il an +à ¶ +Ġin cur +Ġbritán ico +ĠO tro +y eron +Ġquin ce +Ġincre mentar +Ġvia jeros +Ġque do +Ġcul tiv +Ġpapel es +ut h +ĠG il +Ġexist ente +ÃŃs ica +Ġutiliz ada +T AN +ĠPen al +ĠIndust ria +о Ð +Ġorgul lo +Ġrepres entar +Ġafec tan +Ġesc án +Ġpens aba +Ġm g +Ġcos tumbre +Ġsecre tos +Ġaler ta +Ġap ell +l ero +Ġvent anas +S us +Ġparticip ado +Ġvo tar +Ġdes esper +m y +Ġhay as +Ġdes igual +Ġmon stru +Ġsens ibilidad +ĠOr g +Ġespi ritu +Ġvid rio +Ġo este +Ġdescrib e +Ġa qu +Ġno tar +T M +Ġabier tas +Ġcre di +Ġdi arios +Ġsent idos +Ġsocial ista +á z +Ġamig as +Ġescri torio +Ġenerg ética +gun a +en zo +Ġhab lado +ĠL og +F o +ĠLeg isla +Ġinmig rantes +ĠSal udos +ĠP ac +Ġconvers aciones +ol v +Ġper tin +ÃŃs imos +Ġbara tos +ad illa +Ġtarif as +Ġsec undaria +Ġch ino +Ġemple ado +Ġjue ces +Ġdest rucción +qu ero +Ġrecor dó +Ġposible mente +Ġt est +ribun ales +Ġm ier +IN A +Ġrela tos +Ġco bre +Ġ6 4 +ĠL O +Ġn ub +Ġc iencias +Ġinstal ado +ĠÃģngel es +Ġlab ores +6 9 +D eb +e amente +Ġli tros +B ien +T AS +Ġpel ic +Ġespeci alizados +ID A +ĠCh ávez +Ġamar illo +E so +Ġespe jo +Ġpan el +d amente +ol as +Ġten éis +ĠUS B +Ġcos tumb +Ġla go +ad rid +Ġrecog ida +Pue de +Ġblog s +Ġcuán to +Ġpul gadas +Ġsub ida +ĠM ira +Ġcar as +Ġresul tó +ĠPat ri +Ġcon lle +Est á +dr ome +Ġmá r +Ġrelev antes +Ġcob rar +Ġdep ósito +Ġres pira +Ġdesac tiv +ĠEnerg ÃŃa +tion s +Ġper cepción +Ġsuper viv +Ġcolec tivos +Ġan dar +Ġprior idad +l ing +Ġmonta ñas +ĠPerson al +C C +cu bre +Ġper pe +Ġclás ica +ĠMic hael +S iempre +Ġargu mentos +ĠSe x +Ġev ent +ĠB log +ĠTener ife +Ġmen cionado +Ġcu yas +Ġ199 8 +Ġdepor tivas +ĠV ÃŃctor +Ġe go +p ado +Ġfutu ros +Ġm ÃŃa +Ġcomun ica +Ġvay an +ĠProduc tos +Ġus os +Ġmanda to +Ġacab ó +cion ario +Ġextra c +T RO +ĠF lores +Ġten ÃŃamos +ĠPar ti +Ġjur ado +Ġdic tadura +Ġsorpren dente +Ġsolici tudes +Ġpresiden cial +Ġprecios a +r ent +ĠIn tro +ĠB lo +Ġllegar á +ĠL ED +Ġvis ible +Ġbo de +Ġvari ables +8 4 +Ġmetodo logÃŃa +t ul +Ġenfer m +P rim +ir án +Ġsuf re +Ġmon tar +e j +Ġpaci encia +Ġsi enten +Ġtrans ición +Ġme dal +il lar +ĠP sic +Ġmostr ado +ĠRes olución +Ġreduci do +em bol +és ar +Ġtem ática +en ce +Ġne um +th er +Ġten gamos +ĠT re +ĠTécn ico +Ġen ve +G R +Ġnaran ja +dr ás +Ġm isterio +Ġfran ces +Ġsegu imos +Ġpes cado +Ġlan zado +Ġcon tienen +Ġment ir +ĠDoc tor +Ġfinanci eras +ĠI gnacio +un cias +Ġins crib +ĠHu go +Z A +8 9 +te a +pres s +Ġestándar es +h um +ici osa +ĠE van +Ġauto bús +Ġasegu rado +Ġinf antiles +ĠOri ente +ĠIndustri al +Ġdefec to +ĠCampe onato +ĠEs co +ĠM AR +tu vieron +ĠRe f +de la +Ġri v +Ġr uso +Ġapre ciar +ñ e +P OR +ĠFran co +Ġtra je +Ġsent imos +Ġcal cul +Ġindic an +Ġperfec ción +ĠXX I +Ġdesaf ÃŃo +Ġprác tico +ĠC L +Ġart ÃŃstica +Ġtrata ba +ol vid +Ġpresiden cia +ĠM esa +Ġte ór +ad i +Ġcoleg ios +Ġsimp les +Ġch ar +ĠPres u +Ġs ana +Ġlig eramente +ĠCor ea +Ġfemen ina +Ġconstitu yen +at ch +b ano +ĠC AR +Ġmanda tario +l id +Ġab uso +Ġta pa +Ġde ter +Ġem is +Ġsuf ren +Ġantigu as +endi ó +Ġblan cos +Ġarri es +ti ta +g io +Ġelabor ar +Publ icado +Ġfacil ita +ĠP es +un tamente +ĠCon ce +Ġprotes ta +Ġvideoj uegos +Ġad quier +8 7 +Ġam an +Ġprote ÃŃnas +ĠEl los +ĠGu ti +u is +Ġocas ion +h tt +Ġpa trón +fic e +á mb +ul iar +ĠS á +Ġencuent re +gü edad +ĠAn uncios +Ġquin to +Ġhac ÃŃan +I mp +ig ma +Ġneces ariamente +Ġclic k +ĠM y +ĠDomin icana +ĠT anto +Ġpará metros +Ġon ce +Ġconsi go +ara gua +Ġdismin ución +w in +du ra +Ġlig ero +ĠEst ra +Ġagr icultura +ĠH al +Ġrespons abilidades +ĠF útbol +Ġclar as +Ġe cos +ĠSe xo +Ġceleb ró +ól ico +Ġestad ÃŃsticas +Ġintro ducción +Ġla vado +Ġexcep to +! . +Ġsing ular +or cio +Ġcontras eña +Ġse min +Ġtu viera +Ġcon fec +Ġhi pó +B RE +Ġbar rios +Ġrom p +Ġtestimon io +ÃŃ es +Ġdef ien +se x +ÃŃ das +Ġfru ta +Ġpre cip +Ġfund ación +Ġincor pora +Ġmús icos +é ticas +u le +ĠDon ald +Ġhabitu ales +Ġcumpl en +cu enta +ĠG afas +Ġl anza +Ġcuan tas +und amente +uch e +ter ia +et h +ĠCan al +Ġhar ina +ĠPat rimonio +Ġsi mpl +ĠA gua +ĠCam po +ĠFe der +Ġab ord +rac ción +ĠE D +ci dades +b en +Ġmin i +Ġag rup +3 00 +ĠJ ard +Ġ- - +ñ ón +Ġdim ensión +ĠP ros +Ġcas co +Ġan uales +on y +se a +ul t +Ġimple mentar +Ġtes is +Ġrepe ti +Ġcon dena +Ġk e +ĠC oci +uel va +Ġimpon er +Ġalcan zado +Ġespos o +Ġgastron omÃŃa +ĠB ay +Ġreiv in +Ġhab ita +Ġmaravillos a +es ter +le tÃŃn +ĠA ri +ef acción +to ck +Ġdetermin adas +Ġproces amiento +c amos +d in +Ġcomple ment +Ġdesarroll ando +ĠS ho +ec k +Ġinclu ida +i anas +Ġe dades +Ġabier tos +ten sión +ti mas +ĠDo cu +Ġgrave dad +Ġver s +Ġtom an +Ġdismin uir +ĠAd ri +Ġc lan +P I +Ġh arÃŃa +Ġsab ido +ĠCá diz +Ġley enda +ĠNe go +Ġdiver tida +Ġconoz co +D os +Ġresiden tes +Ġhec tá +al ismo +Ġade mas +ĠSupre mo +Ġverdadera mente +enci ado +Ġinter iores +ĠR ock +Ġjuris dic +Ġin esper +Ġalgo dón +Ġpec uliar +Ġp á +Ġdeclar ado +ber t +Ġt ac +Ġllu vias +Ġimpe dir +Ġlo gro +Ġcuar tos +Ġautom ática +s or +Ġadv ir +ést icos +V al +Ġqu ir +Ġperju icio +Ġconfir mar +ĠMa uri +ĠM endoza +Ġdirig ente +Ġcomerci alización +Ġre mon +Ġmarc ador +Ġd as +oy a +ĠR ay +Ġconoci das +Ġparticip ó +ĠO ne +Ġpl ást +Ġmanifes tación +if i +Ġman z +Ġcine mato +Ġelim ina +Ġata car +l ace +Ġcar o +Ġsig no +Ġliber ación +ĠB ri +Ġdec enas +Ġal ianza +Ġviv os +ci sta +ĠFin almente +Ġcons a +cional mente +Ġdé ficit +ĠMar cos +ĠC R +Ġlleg amos +Ġescri tos +Ġb acter +Ġvesti r +an gel +ortun adamente +Ġweb s +Ġvas o +Ġgener an +Ġin segu +Ġfuncion an +Ġh un +Ġdepartam entos +ĠDi putación +Ġtej idos +ĠR aj +Ġin tr +Ġde presión +Ġinde mn +Ġlim itado +gar á +ĠV amos +ÃŃn sula +Ġson idos +Ġregist rar +Ġco pa +Ġmor tal +Ġfrecu entes +Ġdó lar +Ġgig ante +Ġfá ciles +Ġclub es +Ġh isp +Ġk g +Ġcu ra +Ġapara tos +Ġat m +uy en +ã ĥ +ĠPue blo +V D +Ġbril lo +Ġte a +Ġch e +m ado +J O +Ġindic ar +Ġeléctr icos +.. ... +Ġclar idad +ez can +ĠOc ci +h h +i ja +Ġsu ena +Ġpro vis +ce lo +Ġincon ven +Ġfun da +J A +Ġsal ga +Ġinter nos +ĠSal ón +ĠAlgun as +Ġextra ña +ĠM adre +Ġincorpor ar +Ġvenezol ano +rim as +ĠB at +ĠJim énez +Ġproyec ción +Ġvuel ven +Ġin genierÃŃa +ĠAr quitec +Ġfundam ent +Ġex ce +Ġven ÃŃa +ĠH el +ú me +Ġref res +Ġde do +Ġincl us +n ia +ñ ad +gu era +Ġc ens +Ġre habilitación +tique tas +Ġinter acción +Ġpos esión +ar quÃŃa +Ġapas ion +Ġcon ferencias +tr ico +Ġpres i +P as +ĠR ich +Ġtras cen +Ġguar da +Ġmulti plic +d ing +Ġf ama +Ġ zo +ĠPrim ero +AS A +Ġclim ático +u ar +Ġterri torios +Ġ5 2 +Ġrent abilidad +o tas +Ġcomb inar +Ġtesti gos +e ja +omos ex +Ġac ar +Ġampl iación +Ġciudad ana +tor as +b uen +Ġtrá mite +Ġdis cur +ec ÃŃan +C D +Ġen ormes +ĠS AN +a x +Ġfamos os +m io +ĠFamil ia +Ġpudi endo +ĠP U +Ġvicepres idente +Ġest er +Ġcon tado +Ġtra tados +F ran +Ġex quis +l era +il er +ĠJ udicial +Ġa venida +f ia +Ġprev é +ĠEsta tal +Ġindi rec +áz quez +G ran +Ġperfil es +Ġcostumb res +cion ada +Ġbol iv +Ġespec ÃŃficamente +Ġas iento +c lo +qu esta +ĠD em +Ġsuper mer +k es +fic ar +ĠB ach +ten s +Ġvari able +C an +Ġsens aciones +Ġle ve +ĠOb ama +). - +ĠU b +ĠO pera +Ġm ueve +Ġmol esti +án icos +Ġob tiene +ĠAl go +Ġalcan zó +Ġver te +Ġman tuvo +Ġacus ado +Ġsorte o +Ġam bi +ĠW h +ást er +Ġmal tra +Ġger ente +8 6 +le ga +Ġdi d +ĠS or +Ġdivers ión +Ġges to +Ġexperim entar +te x +ĠS igue +enci ana +l s +ĠLu z +Ġcál culo +ĠT aller +Ġl ento +or gan +Ġrespe tar +Ġalre dedores +Ġgrab ación +ol ar +Ġambient ales +Ġvia j +Ġvalor ar +Ġde tención +Ġcul turas +Ġentreten imiento +ĠAs es +Ġdesapar eci +f ac +Ġencontr é +v ir +Ġrela tivamente +Ġapren dido +Ġgra bar +Ġsal arios +Ġderiv ados +Ġcal ific +Ġcapit án +ab ra +i tis +Ġem isiones +Ġtrans mi +Ġin olvid +V E +Ġdeman das +ĠMa x +ĠF an +ĠCon ten +Ġgig antes +Ġdis cul +ĠCa pa +Ġven cer +Ġtrans forma +ér rez +Ġconce jal +ĠFran k +Ġconcl usiones +Ġbor do +Ġf lam +Ġresist ente +Por que +ĠBiblio teca +Ġpos teriores +Ġbeb er +Ġdirec ciones +p lica +Ġju venil +Ġg iro +4 00 +ort una +ĠP ens +Ġperj ud +ĠP ap +ĠR esta +Ġcompon ente +Ġameric ano +Ġpromo ciones +fec to +Ġnúcle o +gra mas +7 9 +Ġfron teras +ig an +Ġgal erÃŃa +ĠÃģ rea +Ġautén tico +Ġleg ÃŃ +Ġse mi +ĠSe lección +7 6 +ĠI gual +Ġpas aba +ĠC ésar +Ġcent rales +v án +and ante +ĠH emos +Ġdescub rimiento +Ġjard ines +T ube +Ġle e +Ġestu pen +Ġavan zado +ĠW hats +C am +Ġc ro +Ġcer tificación +Ġrep ente +tr ando +ĠSam sung +ĠCh i +Ġnego ciaciones +Ġterren os +du jo +cer tid +Ġre duc +Ġhici mos +u u +Ġexpe diente +Ġh echas +em e +Ġens al +Ġdia gnos +Ġexp uls +m ia +Ġpresu puestos +ĠJo aqu +Ġquin ta +J os +ĠL ar +Ġinter rump +Ġtit ulado +Ġbrin d +Ġca za +Ġinv itación +ĠGran de +ĠOb je +am ora +Ġpol lo +** ** +Ġjun tas +de st +Ġcolabor adores +Ġpele a +Ġaf uera +J E +r icas +Ġacor de +Ġpo p +ub o +Ġcolabor ar +ĠPúbl icas +es to +fa z +ci ado +ÃŃ rez +ex o +ĠS ha +aman ca +Actu almente +Ġw ith +ĠZapa tos +ĠAc ces +Ġescol ares +Ġdev olución +Ġmadri le +c ÃŃas +Ġin ev +Ġll or +Ġbols illo +Ġencontr aron +Ġhuel ga +es en +Ġap ete +ĠS tu +ĠS tre +ĠE p +Ġven den +Ġb is +Ġbel la +Ġv s +ĠB iblia +Ġvuel va +Ġconoc ÃŃa +ĠD in +le tos +Ġfi jo +Ġdisfru te +ill ones +ĠEs cri +ri les +Ġ5 6 +Ġsan ciones +Ġhacer le +Ġf la +Ġcol onia +Ġvo tación +ĠN ada +ac ruz +Ġ9 9 +âĨ ij +Ġap e +ĠÃģlvar ez +Ġp use +Ġatm ós +Ġcó m +ĠT I +Ġllev amos +it co +id urÃŃa +Ġreg ionales +f ol +Ġdescu bre +Ġestu viera +ĠJef e +Ġpe trol +ánd ome +z co +a par +Ġdis puestos +Ġsus pen +N I +ĠtÃŃp ico +Ġ1 000 +Ġlin ea +Ġgrá ficos +Ġco her +Ġher e +Ġnave gar +201 1 +Ġpresent aron +Ġinci dencia +Ġizquier do +i rió +Ġfun dador +Ġcompar tido +on ÃŃa +ĠR ES +Ġvie jos +ĠT iempo +Ġn ube +Ġver á +ĠIn nov +Ġm ales +Ġconf ort +ol os +Ġv ieron +Ġva por +pues tamente +Ġas ust +Ġru rales +Ġag ru +ter no +on de +Ġensay o +Ġnove dad +Ġcomprom isos +Ġpa pa +Ġpas tel +gu as +Ġhosp itales +Ġinfec ción +Ġcir cular +Ġresca te +uer tos +t ano +Ġdesconoci do +Ġpas aron +C al +ÃŃ e +Ġpens iones +Ġdeten idos +as ter +Ġsust an +Ġinten sa +Ġescuch a +Ġé tica +Ġdes cri +Ġlum inos +ĠTo ledo +iar ia +Ġindic adores +Ġadministra tiva +ĠRec ursos +Ġrela tiva +Ġj udiciales +Ġmanten iendo +c era +pi ro +Ġad mir +Ġreconoci ó +ĠRom ero +Ġqued ará +Ġca denas +ĠMi ami +allado lid +a tor +Ġhuéspe des +Ġpens é +D D +ma cia +ĠMan cha +ent re +tern idad +Ġdem ues +Ġdiscrim inación +log ÃŃas +Ġpresenta ciones +Ġh ard +tific ar +Ġdesper tar +n ar +Ġemp e +in f +ĠS I +ĠCl ÃŃn +ĠMar ina +Ġcas tillo +ĠA par +Ġval le +Ġasc enso +Ġdeci s +Ġen g +Ġartifici al +er al +Ġdes gas +Ġd anza +ti f +c aba +Ġesque ma +ĠMe j +ĠV a +Ġinst an +Es paña +ĠMer cedes +Ġexig ir +Ġpien san +Ġcap ÃŃtulos +Ġán gel +ĠV ill +Ġcap as +ĠC ro +Ġh omosex +Ġres tric +Ġ .... +Ġgener ado +Ġon da +ĠE gip +ĠvÃŃn culo +car ga +tiv idades +h al +gu és +ĠA po +ig e +Ġsé pti +Ġviol ación +EN TA +or ación +Ġactu alizar +ĠGust avo +di sta +Ġpor tada +Ġencontr arse +Ġcons cientes +Ġex hib +ĠVer de +Ġam ante +l ana +ĠC erv +Ġmotiv ación +Ġimp rimir +P R +Ġadap tar +Ġga tos +et s +ĠPal ma +Ġinter ro +tin es +ĠAl fre +Ġcomple mento +Ġale mana +m uy +Ġvisit ante +Ġfran qu +ĠFu ente +Ġurb ana +Ġrecin to +ĠG RA +ĠGu ÃŃa +Ġrad i +Ġin g +ĠJa ime +Ġsigu ió +ĠAl b +fi gu +an im +5 6 +Ġdiseñ ar +Ġsal idas +f ord +ĠSe ptiembre +Ġhuev o +lor ca +Ġconsum ir +Ġref rig +d ones +Ġpais ajes +Ġin certid +lo w +vil a +ĠSe lec +Ġurg ente +Ġincon s +Ġab us +an ti +ĠIn glés +Ġcar gar +ĠAp ro +ĠCh ica +P r +ĠâĢ Ŀ +Ġh úme +ion istas +ó ma +Ġreg ula +âĢ ĺ +T IC +Ġsuf rimiento +ĠRaj oy +Ġsens or +ome tra +A b +te ar +j idad +Ġrelig iosa +o per +tur adora +iden cial +ĠS A +ĠT ampoco +Ġqu ie +Ġpresent ada +ĠDe moc +ĠðŁ ĺ +Ġsu pera +Ġpe didos +ch ar +Ġun ir +ĠGuadal ajara +Ġnov elas +or ada +y u +vis or +l án +ĠS istemas +Ġsens ible +Ġpose en +Ġesta tales +Ġocci dental +uc risto +Ġsos tiene +Ġante cedentes +Ġjugue tes +ĠS tor +Ġadministra tivo +Ġsatisf ac +Ġré cord +ĠEsc orts +ĠP RE +5 9 +Ġre torno +ĠRev ista +ÃŃ genes +o f +iv idad +Ġven gan +bo ok +ĠGuti érrez +ĠDirec tiva +I ON +is s +an ia +Ġjun ta +ĠCat ólica +Ġcompar te +i án +Ġbar ro +Ġcontinu o +uc o +Ġrecib ieron +Ġdese an +Ġavan zada +ici embre +Ġmantener se +Ġexplor ar +Ġreconoci da +P e +T al +ia ciones +Ġaclar ar +Ġencontr ará +Ġpobla ciones +Ġqued ando +m un +Ġrealiz arse +am pa +Ġs ar +In icio +an der +ig as +col as +ĠPág ina +Ġforma tos +adá ver +Ġin to +Ġher idos +t ent +fici entes +Ġt ác +Ġfac ebook +Ġfavor ita +Ġmús culos +Ġpar ale +Ġcorri endo +Ġposi tivos +Ġpárra fo +uel ta +Ġc itado +ĠGra tis +Ġmol de +A A +Ġcor tos +res a +Ġ18 0 +Ġtra m +ĠEn fer +Ġnar co +Ġi b +Ġlocal idades +Ġencan tado +Ġbeb és +---- ---- +Ġmedi as +ĠAr gent +ĠNic aragua +Ġsosp ech +Ġo pos +Ġtu bo +Ġsus pendi +Ġescri tores +Ġefec tivos +Ġsa que +Ġintelig entes +ti zado +qu eros +Ġre bo +Ġcual idades +t ti +iz as +édi to +Ġden uncias +Ġdue ños +Ġhi jas +à ² +ĠA gust +Ġdesarrol lan +Ġretir ar +Ġser a +ĠOb serv +Ġ199 7 +ĠRam ÃŃrez +Ġsu po +nes s +Ġafec tado + Ķ +ĠCom pañ +Ġabs ur +ĠR en +Ġcam as +ĠW a +ob o +ĠMo tor +Ġpresu pues +oc ar +t te +ĠT rad +e gr +Ġcomp uesta +Ġtranspar ente +Ġrecom endar +ec ución +Ġnorm ales +es es +Ġtradi ciones +Ġcompati ble +Ġsan gu +Ġdesaf ÃŃos +M on +Ġespec tadores +Ġdepor tivos +Ġle v +Ġdescan sar +Ġgrá fica +id ro +qu ita +Ġtecn ológica +Ġme lo +IEN TO +Ġvista zo +Ġpas amos +ion eros +g ador +Ġotor ga +Ġgimnas io +ĠT ama +Ġconsider ada +Ġrestau ración +Ġlin do +Ġhectá reas +Ġre vela +Ġpublic ados +Ġlo co +Ġcap tura +Ġch o +Ġempie zan +R o +ĠC ub +201 0 +ĠRe ina +Ġbeb ida +Ġimag in +ĠPresiden cia +Ġocup ación +CI O +gr ada +y ente +Ġmoder nos +é ano +Ġcomien zan +ĠM E +Ġmus ul +ĠLa ura +te os +Ġac túa +ĠRiv era +ĠK en +Ġmus cular +ĠB i +Ġauxil iar +Ġmin erÃŃa +Ġpr in +Ġal ine +Ġcre an +Ġbar es +Ġcam ar +Ġcomen zado +ĠBl ue +ĠK o +Ġv os +Ġsi enta +h ola +Ġeduca tivas +Ġpolém ica +Ġcal ma +fon ÃŃa +Ġpelig roso +Ġpaque tes +e jas +Ġdeleg ación +ĠMov imiento +er ador +Ġbus cas +z amiento +Ġ5 4 +Ġv uestros +gres os +ĠC ic +Ġviv ió +Ġproce dentes +Ġesper ado +To das +Ġselec cionado +Ġgl oria +Ġc adáver +Ġmu ro +Ġempres ariales +Ġpresent amos +Ġextrem adamente +Ġprepar ados +ĠAgr icultura +O P +Ġconvier ten +Ġrepar to +Ġexter na +Ġlin k +Ġtra tan +ĠV enta +Ġus ados +Ġextre ma +Ġdesp la +Ġhab éis +p ue +Ġdesapar ición +ĠAl l +Ġpar ado +Ġdesgra cia +Ġas imismo +Ġintegr ada +Ġtra mp +Ġindependi entemente +Ġcon tener +ach os +Ġetique ta +el los +m or +Ġan gust +m s +Ġadop tar +Ġenerg ÃŃas +ĠJu z +h ar +Ġayudar te +Ġt im +Ġ7 2 +Ġcumpl ido +Ġen mar +ĠCap ÃŃtulo +Ġestu ve +Ġacompañ ar +ĠfÃŃs icos +Ġfron tal +h ay +u j +Ġcas ti +Ġmier da +Ġcan tar +ĠA F +u til +Ġsuce dido +Ġsu ya +Ġlig era +Ġemp ate +gr ados +Ġtar des +Ġmanifies to +Ġlle ve +Ġprestig io +Des cripción +ap ro +Ġcre ador +Ġdul ces +Ġp iden +Ġatra er +Ġhomb ro +h ÃŃa +ĠL l +ĠM ara +ĠCon st +Ġop tar +J o +x a +ĠPara guay +Ġcambi ando +Ġf le +ĠG an +Ġpec ado +per son +tu oso +Ġrefor zar +I ÃĵN +er es +Ġre cal +Ġac omo +Ġ5 1 +onces to +ĠRob ert +Ġdest inados +Ġpin ta +ĠConse jerÃŃa +Ġp le +Ġtesti go +Ġoscu ridad +Ġtra te +AD OS +hi bido +Ġre t +Ġemp o +m adura +ĠLor enzo +Ġden s +Ġl ici +Ġestu p +Ġconfirm ado +Ġcambi ó +Ġcre ce +Ġca z +Ġdirec tivos +ĠJun io +Ġmercan cÃŃas +Ġbos ques +Ġa tro +Ġsepar ado +Ġpresent ará +Ġedi ciones +Ġtitular es +Ġindispens able +Ġpon ga +ĠTi po +g s +ĠCar acas +Ġaf ric +Ġtex tura +an i +ñ al +Ġinvers ores +ri e +Ġcom isiones +» ¿ +Ġunivers itarios +ĠF ron +G RA +Ġprof undamente +Ġplan os +Ġrel len +d ora +Ġas im +por que +ti pos +Ġalcan z +Ġliber ales +Ġentrev istas +or os +ĠCon ven +ĠM áster +el le +ĠGre cia +Ġtras era +ás ico +Ġvertic al +Ġlogr aron +m ón +Ġre ver +ĠElec toral +ines s +Ġmedi ción +gü enza +B S +ĠLe e +ri ta +Ġgri e +iz os +it ro +Ġrad ical +Ġdé ci +Ġmi el +ir ch +Ġcomple jos +Ġencan tan +ĠJes ucristo +Ġpoder oso +Ġexpres iones +ĠCur sos +Ġcont un +Ġtrans fer +Ġlla ve +Ġmas as +Ġconfigu rar +gu i +ĠD ie +Ġsobreviv ir +Ġna tur +Ġacadém ica +Ġdesp acho +ce la +Ġf ores +ĠMar iano +Ġre di +Ġpre ce +Ġir á +Ġreal ice +ĠS tan +Ġejemp lares +Ġcu otas +Ġconsider ó +m ático +ĠMauri cio +ĠT it +Ġinteg ridad +Ġqued aba +Ġcercan os +Ġman io +ra miento +P C +t adora +Le er +Ġnove dos +Ġepiso dios +Ġ5 7 +Ġadecu ados +Ġen gan +Ġab uela +Ġe ró +Ġfinanci amiento +Ġal o +ĠDe leg +Ġefec tivamente +ĠX VI +Ġcoment ado +8 00 +Ġart ÃŃstico +Ġescán dal +To da +ĠâĢľ ¿ +ĠMin istro +ĠVe ga +Ġtom o +Ġpus ieron +Ġadul to +Ġpla zos +Ġbotel la +ĠP ra +Ġcom enta +Ġmo ch +Ġconven cer +ec é +ĠMas ter +ĠE u +li que +Ġmedic amento +lo gos +Ġal za +l fo +ik i +ĠC ualquier +AN A +Ġgras as +Ġcin cuenta +Ġsuel do +ĠV alladolid +ad ar +f u +Ġse pa +se lo +Ġafec tadas +ĠEgip to +ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ +Ġatmós fera +Ġp iz +Ġsin ies +Ġextraord inaria +Ġautén tica +Ġsuce dió +Ġgas olina +ĠB ajo +Ġ199 6 +Ġcarre teras +Ġmin isterio +Ġmanif iesta +tr ica +Ġargent inos +Ġautom ático +Ġmone das +Ġperten ecen +Ġtras tornos +Ġaprob ó +Ġex posiciones +Ġasoci ado +Ġsu puestamente +em ia +Ġexig encias +por ación +yec tos +ic ciones +us s +di to +ĠT orn +ĠRespon s +ĠN uestros +Ġcorreg ir +Ġch ina +Ġdetermin ación +Ġequip amiento +ám icas +Ġenfr enta +Ġoper adores +Ġinv itado +Ġterror ismo +dic es +Ġo pon +Ġsem estre +Ġfas es +dis cipl +Ġment ira +ĠInf antil +Ġanim ación +Ġespecial idad +Ġincendi o +Ġpu ta +Ġcotidi ana +aque ta +Ġcontemp la +IN G +Ġtempor adas +Ġofici almente +fit ri +Ġ199 4 +ĠMac ri +Ġpregun tó +Ġlim itada +ĠquÃŃm icos +Ġconcluy ó +Ġsorpren der +Ġvoc ación +ĠW ord +ĠYou Tube +Ġéx itos +Ġcuch ar +Ġinform ática +ĠS L +Ġre tom +Ġadap ta +Ġtecn ológico +Ġe mitir +ér icas +C OM +En tonces +Ġar oma +Ġreac ciones +ab ell +ño z +ĠCon ferencia +Ġcorre os +Ġren uncia +ch i +Ġcont ando +Ġobten idos +ĠPre cio +ad uras +Ġo ut +cios a +Ġdes ierto +Ġna vide +ĠAb og +Ġcu bre +ist ente +ras es +Ġdeman d +5 7 +Ġc é +m u +Ġfor os +ÃŃ colas +Ġconform an +ĠOr tega +ĠAb ril +y an +T EN +Ġinvestig ador +Ġgan adores +Ġsist em +Ġr ÃŃos +Ġprome te +Ġmanten ido +dri go +ĠE U +Ġaqu él +ĠPer io +Ġcapital ismo +Ġra yos +Ġdestru ir +Ġper dón +us k +Ġp ico +Ġcon cer +Ġcompar ten +Ġen tera +Ġvac a +Ġinterpre tar +Ġc ep +ĠL abor +ĠPrim er +Ġl ág +Ġcal zado +ĠSec ción +ĠHon duras +al im +ri mos +Ġaplic able +Ġsegu ÃŃa +Ġp ist +Ġinici os +uer te +ĠEncuent ro +ĠJoaqu ÃŃn +Ġrecur rir +Ġm ama +Ġblan cas +Ġcal ificación +Ġob viamente +Ġma tr +ĠFlor ida +ĠEncuent ra +Ġzapa tillas +Ġpens amos +Ġs ano +Ġemple os +F u +ĠAtl ético +are la +pu bl +ç a +Ġconduc e +b ados +Ġinforma ciones +ĠTer ri +Ġcos m +Ġense ña +Ġh em +Ġinaugu ración +Ġtro pas +c é +Ġposi cionamiento +Ġban de +Ġsi túa +ur g +óm icos +Ġhab ÃŃamos +Ġelector ales +ĠTécn ica +H o +Ġmaravil la +Ġempren dedores +ĠCu ar +cul as +Ġbloque o +ĠBol sa +Ġinm ueble +Ġper dida +Ġ5 9 +Ġlá mp +ĠS ent +ste in +Ġvitam ina +Ġmód ulo +Ġreún e +m el +Ġsin cer +Ġbron ce +ĠA ún +cep to +Ġdi rÃŃa +Ġin tes +Ġtur ÃŃstica +Ġnecesita ba +cional idad +Ġestá bamos +Ġsec ues +Ġconvir ti +ĠH ola +c ú +Ġub ica +Ġperson alizado +ĠcÃŃr culo +Ġcol oca +ĠS ac +Ġtom e +Ġsu puestos +Ġconex iones +pon es +Ġsobres al +. ). +Ġlim itaciones +M é +u za +Ġa ula +Ġ199 5 +Ġrode a +ros s +Ġgener ando +ĠElec trón +ĠGuer rero +Cu án +Ġconces ión +Ġsub ra +Ġcr ónica +ĠDepor tivo +C L +Ġhub ieran +N e +Ġru p +Ġc il +D o +crip t +Ġde bió +CI AS +Ġcre encias +aliz an +Ġf ortuna +Ġcu sto +ĠPor no +Ġras gos +ér pre +Ġinev itable +Ġrelev ancia +Ġamb ientes +Ġinstitu to +Ġ5 8 +ĠV el +Ġhal laz +tr en +, . +r adora +ĠF igu +Ġdesarroll ó +Ġmasco tas +Ġ5 3 +Ġanun cia +Ġdescrib ir +Ġar a +Ġsem if +Ġpar ques +Ġobserv ación +ó tica +ĠEx teriores +Ġas ent +Ġpatr ones +Ġofre ció +E P +ĠCom pe +Ġcabal los +Ġtra ge +ĠAl ianza +get ales +Ġnav idad +ĠS ig +Ġd ram +Ġev angel +os ten +Ġcom pa +Ġpantal las +Ġ7 00 +estr ÃŃa +Ġv era +Ġterri torial +Ġsab idurÃŃa +Ġdestac ados +Ġrad ic +Ġconv iene +ĠCh a +Ġcub anos +ĠD iciembre +Ġar res +Algun os +der s +Ġproto colo +Ġlog ros +Ġgrad u +ĠC ort +Ġsupon go +ĠPla ya +Ġpor qué +ĠAn álisis +T AL +Ġver la +Ġcome tido +Ġch av +Ġprev ista +Ġdoc trina +ĠC rea +Ġmi x +ĠPue bla +Ġflex ibilidad +Ġacab o +Ġregist ró +Ġencuent ras +Ġin vi +ĠquÃŃm ica +Ġt ÃŃo +re mo +Ġp acto +ĠD ia +Ġpi ra +Ġsol os +Ġbon itas +ĠOl ÃŃmp +gu almente +m ens +Ġcuar enta +ĠI z +Ġcal efacción +Ġsomb ras +d ro +Ġsal ieron +Ġbru tal +Ġsolici tado +ĠCon diciones +Ġ199 0 +un ya +aj ar +AR I +Ġacom paña +ĠPar k +Ġhum anas +Ġpresent arse +om ento +Ġescuch ado +Ġah i +ul ados +Ġcam ion +v ista +Ġlóg ico +Ġexpres amente +Ġob tención +Ġdar te +Ġasegu ran +Ġemp a +Ġsindica tos +je cimiento +Ġvenezol anos +Ġmad u +Ġconj unta +Ġdes in +ĠFuer za +Ġcrist iana +ĠN ar +ĠVas co +Ġexter no +Ġrevel ó +ÃŃ var +Ġcul to +ible mente +ĠP ort +te za +ĠR an +ĠGener ales +AR C +Ġcomple jidad +T ES +ã Ĥ +ĠSal amanca +Ġal u +Ġprofes ora +Ġbás icamente +Ġen cer +ec t +Ġdirec tores +200 7 +Ġenvi ó +Ġital iana +Ġrap idez +Ġsec ciones +res ión +c usión +ĠJ ac +ĠS ara +ĠMar ta +Ġden omina +T er +T P +Ġdeter mina +Ġvolun tarios +tán dose +Ġcrea tivo +aliz ando +am arca +Ġexperim ent +m ita +Ġpermi tiendo +ĠV ers +or ado +ĠAp lic +Ġsome ter +Ġimp ide +Ġde gust +Ġform ada +Ġrespec tivos +Ġequip ada +Ġemb al +Ġex ista +P ER +Ġconserv a +Ġcontras te +Ġfi eles +Ġensay os +A pp +ic ho +Ġre en +H A +Ġcon duci +Ġsent ado +ĠEx p +ac he +Ġper si +Ġre medio +Ġconqu ist +Ġincertid umbre +uev en +En cuent +Ġtur ÃŃsticos +Ġocul tar +E B +v ieran +Ġcer ró +Ġcamis etas +Ġarre p +ĠDis fru +Ġplen amente +ue ba +D entro +Ġabor to +Ġcre es +ĠN úmero +Ġinf lam +Ġs tan +Ġconse jero +Ġsecund arios +ĠMed ina +Ġev ita +Ġarmon ÃŃa +um as +Ġcon taba +Ġcó digos +ĠConstitu cional +and ra +Ġin ac +Ġconduc tores +ĠCan aria +Ġcub ana +Ġvol ante +y ac +ti za +Ġdiscu tir +Ġinter venciones +Ġreflex ionar +ĠincreÃŃ bles +v ic +Ġinici ado +Ġperson alizada +ĠMo der +k ers +e val +or di +Ġcru zar +Ġhá bil +ig ar +ĠTo ur +ĠExtre madura +Cu ál +p ada +Ġpar ezca +Ġreconoci dos +Ġfu turas +ĠL ÃŃnea +Ġa is +Ġdeci dieron +ám ites +Ġdesapar ecer +Ġentrev ist +Ġargu ment +Ġjapon és +ĠDis ney +Ġsust ancia +Ġfir mar +Ġ0 9 +ĠC C +Ġcr on +Ġil ÃŃ +Ġb ola +Ġpat ria +Ġfundament almente +ĠC V +Ġneg ras +ĠO pen +Ġconserv ar +Ġsole dad +uev o +Ġinter faz +ándo los +it ante +Ġestable cidas +Ġentre gó +ĠTrans porte +cor e +ĠE le +CI AL +Ġconec tado +ĠS co +Ġsan ción +Ġenc uestas +ĠR oc +cin g +J uan +Ġest és +Ġdifun dir +Ġproce de +k u +Ġarreg lar +Ġque b +Ġf icha +Ġdo l +ĠMu ñoz +V en +ĠUS A +t to +Ġprefer encias +ĠCuer po +ĠLuc as +Ġurg encia +Ġtransform ar +Ġaut ent +Ġconfir ma +ĠAn im +Ġtr ámites +Ġsolu cion +ĠSi ria +ĠC aja +ier as +Ġha gas +Ġtrist eza +Ġen vÃŃa +Ġo v +Ġir se +Ġban ca +lo j +ĠAcu erdo +ĠG rado +f ónica +ĠR amos +Ġne gar +je mp +Ġch oque +Ġper diendo +Ġconstitu ción +en io +ĠE dad +ĠA quel +al ición +Ġextre mos +ĠSer á +til los +jal á +Ġnum ero +r erÃŃa +Ġun idos +Ġte tas +Ġencontra ban +Ġsat él +Ġrela tivo +ĠDip utados +ĠGe orge +Ġve in +ĠDe porte +ĠR ural +ĠT OD +Ġacompañ ada +pe cial +Ġexter nos +Ġay untamiento +ĠAmb os +ik a +Ġefectu ar +ĠEsta tu +Ġinclu idas +Ġmig ra +Ġsemej ante +Ġadecu adas +Ġcomp rado +Ġfortal eza +ĠA de +ĠTer esa +Ġsue los +EN A +Ġespecta culares +ĠW e +Ġclas ific +Ġex ámenes +Ġre cip +r ás +Pue des +Ġtab las +Ġb il +Ġpilo tos +Ġdiseñ ada +Ġunif orme +Ġpre ca +ĠD entro +Ġdesemp leo +Ġguar dia +Ġmar ÃŃ +Ġhab iendo +Ġcorrespon den +Ġins ec +ĠVide o +ion ista +Ġver ificar +Ġado pción +Ġpoten ciales +Ġmec ánica +Ġdo bl +Ġven ga +Ġnerv ios +ĠD VD +Ġquer idos +Ġmostr ando +Ġve getales +Ġ199 3 +Ġsolici ta +uel to +Ġpres ta +mple mente +Ġav iones +Ġred acción +Ġextraord inario +Ġj ab +Ġdepor tistas +se y +g ol +Ġsust ent +ca den +Ġs illas +ĠF OR +ĠPar ece +Ġcier ra +Ġi ra +Ġrelo jes +Ġproce der +ĠM ach +Ġhues os +Ġinv is +ĠPac ÃŃfico +Ġis rael +Ġdisfru tando +Ġprop uesto +Ġcer rada +Ġreserv ar +Ġjud ÃŃos +ĠH ijo +ĠSu iza +Ġol iva +Ġcome dia +ell i +ill era +Ġcomunic ar +v echa +Ġterap éut +Ġlim ita +Ġhig iene +un idad +E F +ĠB ale +us h +ĠI ra +Ġempez aron +Ġcompren de +vi deo +Ġanti güedad +ric h +v enta +us al +ĠEstudi o +Ġex teriores +Ġf idel +Ġab ar +Ġac titudes +8 2 +Ġu ñas +Ġde tección +Ġfantá stico +Ġvar iar +z i +Ġunivers itaria +pro duc +Ġapar entemente +Ġac o +á ut +Ġdin am +Ġ( âĢľ +Ġqu ita +irch ner +ĠMar ia +Ġfu ga +____ ____ +Ġhal lar +ion s +Ġb er +Ġp ÃŃ +Ġaver igu +Ġnucle ar +ĠU s +Ġmu r +Ġf oc +des de +Rec uer +g ú +Ġinten ciones +Ġinv ent +Ġexpor taciones +ĠClar o +res tre +Ġes qu +Ġdecir le +Ġrazon able +ĠG én +Ġfe der +In ter +Ġacces ible +Ġun ido +Ġmascul ino +ĠH ombres +] , +Ġcos tado +Ġten is +ĠIn genier +Ġse ca +Ġcent ra +Ġriv ales +per s +Ġdo lores +Ġoper ar +ĠS um +Ġco gn +Ġatra vi +Ġgra bado +Ġdecor ar +M adrid +as t +Ġper don +on i +Ġco j +Ġinvesti ga +Ġsignifica tivo +ĠAn al +Ġfavor ecer +Ġgo le +Ġit iner +Ġconcep ción +Ġra mas +Ġmete or +Ġan fitri +Ġflex ible +ik o +Ġca ÃŃdo +éndo le +Ġla p +7 2 +ĠInnov ación +Ġrecib irá +Ġún icas +Ġexten der +Ġ9 00 +Ġclar os +ly wood +qu erÃŃa +Ġlo cura +ĠSan idad +om en +Ġma pas +Ġtras pas +ĠPe ter +Ġx xx +Ġeurope as +Ġda ta +Ġban c +man n +e ñas +Ġsub e +Ġcrim inal +Ġinci dente +Ġcop ias +V O +ĠMar k +Ġenerg ético +Ġne ur +Ġpar to +Ġj ajaja +tab ria +oc en +Ġo di +Ġconcre tamente +éc tor +Ġap el +Ġma il +Ġconcl uir +Ġsof ist +Ġconcre ta +inten do +ĠMar zo +Ġherman as +Ġdecir lo +Ġro ca +Ġo ch +ĠB omb +Ġintent ó +ĠL im +ĠInte gr +ĠSu árez +Ġcl áus +Ġpla y +Qu ieres +Ġpoten ciar +Ġres eña +mit en +Ġentusias mo +Ġmejor ando +ĠRo ja +Ġcomp l +8 1 +Ġnar iz +ĠHab ÃŃa +ĠVer acruz +Ġentre gado +Ġedi tor +st al +Ġdenomin ada +Ġcer tamen +as es +ay o +ĠHer rera +ici ar +ti t +5 4 +Ġfantas ÃŃa +d re +con tra +Ġcorri entes +Ġrecomend ación +graf os +Ġal turas +Ġtec lado +Ġan g +Ġcocin ar +ĠM ár +ĠComer cial +Ġpropor ción +H er +Ġver ás +ĠEdi torial +ĠF orma +Ġaf ición +tar iado +Ġ6 9 +Ġ6 6 +os idad +Ġresul tan +Ġsuper vis +ĠPos t +ab uena +am ent +Ġrequer imientos +Ġp si +Ġfavor able +Ġgol f +ién do +Ġtir ar +Ġdeci dÃŃ +Ġsum amente +Ġpo emas +Ġres pir +ĠRe pres +te z +Ġfal so +tam entos +Ġdesp lie +ie te +ut ado +Much os +Ġblo ques +Ġan aliza +ĠPerson as +rech a +x is +Ġ ° +@@@@ @@@@ +ĠN ike +ĠRo jo +Ġv imos +ĠmÃŃn imos +Ġcompet ente +Ġta tu +Ġgas es +Ġno ble +ĠRio ja +ÃŃgen o +P P +l ara +ĠB ill +tán eamente +ĠIs las +Ġco di +Ġfil tro +Ġdefini tivo +Buen as +Ġcar dio +ĠIntro ducción +% ), +Ġaument ando +Ġg oma +Ġcul tivos +ĠM ora +ci ende +Ġpro cur +Ġsu man +Ġpuer tos +Ġcircunst ancia +Ġo ÃŃr +Ġt ún +in oso +Ġdro ga +Ġba tal +Ġprev al +Ġor ÃŃgenes +ĠPro ces +Ġatrac tivos +ĠA venida +Ġseg mento + ² +Ġresta urar +Ġpantal ones +S C +Ġimper ial +Ġépo cas +gan da +qu era +Ġpo ema +polit ana +Ġfach ada +ĠGonz alo +V amos +ĠRe la +Ġperio dismo +Ġsab ores +Ġgu i +D UC +iz ador +Ġme ga +Ġfalle cido +Ġne uro +Ġcancel ación +Ġreun ir +par se +it ch +Ġconst antes +Ġoscu ra +Ġbo das +Ġperman ece +Ġp eces +ĠVal ent +il ado +8 3 +ĠN ombre +ĠB aja +Ġmaes tra +ĠAtl án +ven a +Ġtama ños +Ġcar peta +Ġfra ude +Ġapoy a +Ġgri ego +d ul +S erv +Ġpl ac +Ġnutri entes +Ġg ala +Ġfi jar +Ġdeci mos +Ġhici era +IN E +ĠBer lÃŃn +Ġdes vi +Ġextra cción +Ġembara zada +Ġver güenza +ĠRo drigo +Ġgu ión +Ġpol la +ĠK ing +Ġenc am +Ġh ech +ĠC I +it z +gas e +Ġjust a +Ġsopor tar +ic to +T iene +F el +Ġmig rantes +ĠMal lorca +ĠGlo bal +ĠCent ros +ON A +5 2 +Ġ199 2 +Ġtal entos +ien se +Ġform ando +ĠI VA +Ġmi de +Ġmagn itud +ing os +P on +Ġcons ola +ĠF ol +Ġsustitu ción +Ġaprovech ando +Ġelev ada +lu ten +ñ ones +ĠQu iero +ĠG or +7 4 +oci miento +Ġre tor +Ġsuperviv encia +Ġhomb ros +Ġsacerdo te +Ġconlle va +k ia +Ġvolver á +Ġrefug io +ĠM ens +h acer +Ġsan itario +Ġar bi +M C +Ġbo x +Ġre porte +Ġconven cional +Ġcor rup +Ġfarmac éut +Ġn or +Ġminist ra +un os +Ġhipó tesis +Ġhabl aba +Ġpl us +Ġconm em +ĠAlfre do +ĠCent er +Ġimp u +Ġde cep +Ġmens aj +Ġtrabaj amos +Ġdens idad +Ġh amb +Ġal b +Ġrepar ar +Ġcompar ar +Ġc ón +ĠIn di +Ġacadém icos +ĠF ra +Ġcontemp lar +Ġutiliz adas +Ġvol ar +ĠA U +Ġpudi mos +Ġcompeti tividad +ĠVil lar +Ġdeterior o +Ġsustitu ir +Ġmo bil +ĠTom ás +uev as +Ġmuer tes +ĠP ER +ur ado +Ġmedi ano +Ġbrasile ño +Ġchil eno +Ġlim ón +ie bre +Ġfalle ció +ti bles +Ġde dicación +Ġsan itaria +Ġempez ando +Ġincumpl imiento +Ġher encia +ĠMar gar +Ġse para +ás er +Ġf ina +ĠEx tra +ĠH y +ĠCab all +Ġpin turas +Ġdeb idamente +na val +Ġinfec ciones +Ġempez ado +Ġdar án +Ġnub es +Ġdiá metro +Ġcon cil +Ġfenóm enos +Ġexp licaciones +Ġna tal +Ġmens uales +ĠAD N +j unto +Ġmon te +Ġdesapar ecido +L C +Ġmol inos +ĠCa teg +ĠOb ras +Ġmatem áticas +Ġsurg ió +Ġde mo +Ġcomple mentos +Ġ ĵ +6 00 +Ġelec tr +Ġbo tones +Ġper egr +il ados +ĠCatal unya +d ario +ĠG alax +Ġafir mar +P lan +go b +ĠP ay +Ġaband ono +ĠON G +éndo lo +Ġpl acas +Ġmodi fica +Ġsobre todo +par ación +Ġas ientos +Ġsan to +S olo +Ġencar gada +Ġhabitu almente +ĠD IS +Ġesp ada +Ġoblig ados +Ġsol itario +Ġpa v +cu ando +Fo to +á til +Ġabund ante +Ġinter v +Ġpar al +ĠVar gas +Ġh ero +Ġmar có +Ġinici almente +Ġdispon en +Ġsu bió +mit h +Ġenten dido +Ġampl iamente +ĠP ilar +Ġadminist rador +ie mb +Ġaport an +Ġg em +Ġjug ó +Ġidentific ado +ke y +Ġdesas tre +Ġcoordin ador +ĠR oy +Ġreti ro +Ġobstá culos +Ġsof á +Ġhid ro +Ġpap á +ĠEl ena +ĠHa z +Ġcercan as +v á +Ġencuent ren +Ġcomenz ará +Ġsalud ables +ĠPl us +ĠIN TER +Ġinm uebles +ĠTo tal +Ġmen ción +Ġlengu as +Ġrelig ioso +cla je +Ġinter medi +om étr +ĠC OR +Ġev itando +ci entos +ta g +b ack +Ġbas ados +ĠPa tr +Ġ3 60 +inar es +Ġprim as +Ġindustri as +200 9 +Ġcandida tura +Ġllen ar +Ġgust aba +Ġsum erg +ĠG EN +ĠIncl uye +Ġadap tarse +rue cos +Ġl ingü +ac os +Ġsig las +Ġcomple ja +Ġfoto graf +ĠN adie +Ġtar d +Ġpier das +Ġejemp lar +ill ado +Ġprom esa +l amos +Ġr ara +ĠcrÃŃt icos +Ġarm ado +ĠEx isten +5 3 +lan dia +Ġtu yo +ĠBo ca +Ġbel lo +ĠEqui po +7 3 +f r +Ġch u +Ġacercar se +ĠI den +Ġcan to +ĠCam ino +Ġpre domin +Ġunivers itario +Ġquir úrg +Ġanunci ar +Ġreci cl +ĠI D +ru dencia +Ġdirec tos +Ġl entamente +Ġopera tivos +Ġnomb rado +am pl +Ġexc usa +Ġexpor tación +C iudad +Ġcor ona +Ġreg lamento +N eces +Ġnega tivos +Ġg ab +Ġlle go +Ġran king +ue ga +én dez +ĠFuer zas +Ġfil as +O G +Ġproble mática +Ġex ager +Ġap uestas +Ġcor e +eb ra +Ġpe ores +Ġllam o +ĠCoci na +ĠA ten +ĠS w +Ġp p +Ġle ma +Ġse mb +Ġenfer mos +Ġman chas +ĠSil va +Ġrealiz amos +bus es +tr ados +Ġinal ámb +Ġimagen es +ĠSE O +Ġso ñ +Ġf usión +Ġt ribunales +Ġalum nado +Ġseñ ores +Ġsex y +Ġperteneci ente +Ġtecn ológicos +ĠXV III +Ġcont ento +Ġgas tar +Ġrestr ing +c las +s ec +ĠJ al +Ġpas ará +Ġint érpre +at ÃŃa +Ġrode ado +ĠNie to +5 1 +Ġh umo +úm enes +ĠP ala +cion ista +ĠOrg ánica +rá ul +ĠCon f +Ġtu ber +Ġespa cial +P la +Ġdefin ido +Ġsac a +l om +ĠF á +Ġac aban +Ġloc alización +é p +Ġcon greso +aron es +Ġrem un +Ġsac ó +ĠJu ventud +ĠCarta gena +ĠF echa +ĠGu ad +Ġoper ador +ac en +ik ipe +Ġgra mos +grá ficas +Ġcolombi ana +Ġti ra +Ġdi arias +Ġpens ión +ĠEvan gel +ĠJe an +Ġfuncional idad +Ġadvir tió +Ġconoci ó +Ġest óma +Ġeléctr icas +Ġperspec tivas +ĠB ru +Ġace ites +Ġ ida +Ġgan ando +bi ta +Ġ6 8 +ĠÃģlvar o +Ġpregun to +Ġperió dicos +Ġintegr ar +ĠI SO +Ġelectro dom +htt p +ĠBol ÃŃvar +Ġc ad +Ġcompon en +Ġac aso +Ġafec tada +Ġprovoc ó +Ġint entado +cil la +Ġfal tan +Ġch i +ĠTrabaj adores +Ġpart ÃŃculas +Ġcomprome te +ĠAs untos +Ġleg ado +ĠS S +Ġconst ancia +Ġcr ÃŃmenes +Ġconside rando +Ġserv ido +Ġsub je +Ġdirec tiva +Ġde udas +Ġlág rimas +Ġbacter ias +ĠEst án +ĠPrim aria +e is +j ados +ĠR uta +ĠG ri +Ġbancar ia +Ġfin ca +am ing +In cl +a z +Ġprovoc ado +Ġarran que +ĠMunicip io +ĠMar celo +qui cia +ist ros +Ġr usa +Ġjef es +ist án +x ima +am ba +?? ? +Ġmanip ulación +Ġd ren +Ġarquitec tón +iv ar +fas is +C abe +ándo les +Ġsab iendo +Ġsuper ado +ĠInst al +Ġsorpres as +di era +Ġcab les +Es c +Ġpi diendo +ĠQuiz ás +ándo te +G E +ĠDe bido +á zar +Ġconden ado +Ġinfer iores +Ġbo tas +Ġpier na +d ula +Ġespec tador +ĠCh an +5 8 +Ġagr ÃŃcola +Ġautor izado +ĠReserv a +Ġrepres ión +Ġfac ultad +uen ca +Ġex tiende +Ġre mi +Ġestar emos +Ġcab ec +Ġtr on +ĠMe del +Ġconf iar +Ġsan ta +Ġpres ion +ĠÃļ l +Ġse p +Ġjust ific +Ġob s +ĠConsul tado +Ġsal iendo +Ġadminist rar +Ġsuperfici es +Ġhistor i +Ġaleg re +b r +Ġcomp licaciones +g ante +ĠA ce +Ġdi ariamente +ch ado +Ġs tock +Ġpa gan +CION AL +y entes +Ġmód ulos +Ġexp uesto +Ġapar camiento +Ġt ib +Ġdios es +Ġcoleg as +Ġmús ico +ri das +Ġmoder nas +Ġsacri ficio +ten imiento +Ġbritán ica +Ġvitam inas +ĠR el +6 3 +Ġcom ité +Ġin e +ĠO tras +Ġpro hibido +Ġenf a +Ġpa tas +Ġdemocr ática +Ġt rib +ĠG eo +Ġnerv ioso +P F +7 1 +ĠO R +al las +e k +Ġajust es +Ġceb olla +Ġimpro vis +ĠR ena +Ġdirig idos +ĠR A +Ġch or +Ġhermos as +Ġimplan tación +ĠPsic ologÃŃa +Ġneces ite +Ġpon drá +Ġsu poner +Ġem ig +ĠI glesias +Ġluc ro +op ol +ikipe dia +ĠT RA +Ġdiagnos tic +Ġconside ro +ĠT ru +Ġcer teza +Ġdar les +Ġma ÃŃz +ĠVal enciana +Ġest ÃŃm +Ġbusc amos +ĠS uc +at h +Ġactu alizaciones +ti gu +Ġvic torias +Ġhue co +ĠJos ep +Ġdisc ÃŃp +Ġagre ga +R eci +an ta +Ġsalv aje +Ġagr icul +ta des +ĠCompañ ÃŃa +ĠAgust ÃŃn +x imo +Ġprov iene +Ġdeleg ado +ĠR og +Ġs eno +o te +ĠF ÃŃsica +i tim +Ġrestric ciones +Ġmedio dÃŃa +t ona +> < +Ġ én +Ġcal orÃŃas +Ġcomp one +Ġadecu adamente +Ġactiv ar +Ġle ÃŃ +Ġex poner +Ġp alacio +Ġmoto ci +Ġespeci fic +Ġcó mp +ti emp +Ġi OS +. ), +Ġve an +Ġob ede +Ġcomple tos +ĠA gosto +ĠSeñ ora +le go +ba ciones +ĠQu in +Ġoptim izar +Ġregist rados +Ġsal do +Ġespectá culos +ĠStre et +ĠO fre +ĠV ent +M IN +N osotros +Ġmostra mos +Ġsen ador +Ġt óx +Ġmág ico +Ġter remo +Ġselec cionados +Ġfres ca +Ġla terales +Ġsal udos +Ġfal la +ĠL ec +Ġrelig iosas +S ol +Ġtrage dia +Ġprocl am +Ġbal cón +Ġb onos +Ġsob r +ĠEn ero +Ġas cen +e dades +ĠCor uña +Ġjue gan +Ġf estiv +Ġll orar +Ġa zo +ĠH éctor +ĠInde pendi +j amos +Ġdirig ió +ĠSer ie +Ġlo ca +itco in +gra ción +que ta +Ġtrans curso +Ġco ño +Ġd uros +ĠS AL +Ġpe di +Ġcontinu amente +m all +ón icos +Ġmedio amb +Ġhab lo +Ġpsic ologÃŃa +re al +Ġmo dal +ĠP ok +Ġguer ras +Ġcan ta +em ento +Ġdes po +Ġcub ierto +Ġinst a +it oria +ta ge +Ġacog er +ĠS OL +Ġprotes tas +Ġpol ar +Ġa ur +Ġcas ualidad +Ġcin tura +h ara +Ġproduc tivo +Ġapar tamentos +No ta +Ġol vido +eci eron +Ġnacional idad +ĠH om +Ġdese e +Ġcur va +Ġdeb il +Ġcrea tiva +Ġapren de +Ġad her +Ġbar cos +ĠH un +Ġcaus ado +Ġrin cón +Ġcorre dores +ĠH uelva +Ġic ono +ĠCas as +Ġconsigu iente +fici os +ĠInform e +Ġg ros +ĠBar rio +ĠE c +ĠEdi ción +Ġmu ral +Ġc ement +6 2 +Ġsan itarios +ĠFeder ico +l icos +Ġllev arse +Ġcam ión +Ġfal sa +ul sión +all y +Ġenseñ anzas +Ġexten sa +eb an +Ġdej es +Ġobliga torio +Ġp ales +200 8 +ĠCar olina +Ġcam iones +se t +Ġtre m +Ġan ima +ĠI rán +Ġconvers ión +ĠtÃŃp ica +li mp +Ġadqui rido +ĠMexic ana +Ġrum ores +Ġprepar ando +ĠA eropuerto +Ġconf or +Ġetique tas +illera to +Ġgu ÃŃas +Ġsu ici +âĢ¦ âĢĿ +Ġtorm enta +Ġproce dente +Ġal iados +Ġcap itales +Ġl iv +ĠS ky +Ġrep ara +Ġindi gn +Ġpa to +Ġvar iedades +li x +P L +esti ma +Ġem er +Ġdi lig +Ġrefle jo +hor abuena +ĠBur gos +Ġinfraestruc turas +titu tas +Ġ( ...) +Ġh ones +Ġtemp rana +Ġbol so +ÃŃt icos +Ġa zar +Ġrefer entes +Ġmi to +Ġexperim entado +Ġpe at +Ġsosten ibilidad +Ġrelig iosos +Ġperteneci entes +Ġterror istas +ĠCh amp +ĠEspe ci +Ġres um +ci tas +Ġir ri +ĠP unta +Ġpas tor +Ġcr uel +enci ar +P RO +A g +Ġcarb ón +Ġestóma go +Ġcin tur +Ġp ack +Ġor to +r s +it arse +f ra +Ġseman al +ĠP rin +h asta +Ġentr an +T ICA +Ġti p +Ġadv ierte +Ð » +Ġrequis ito +Ġdeclar ar +Ġarm ario +à ¤ +Ġcar gas +Ġdese ado +Ġin oxid +Ġestratég ica +Ġra ma +Ġes pu +Ġpres os +Ġdispon emos +Ġcoloc ación +Ġconce j +Ġinteg ran +Ġp df +es is +Ġacog edor +Ġproporcion an +Com p +ĠR ib +r mac +Ġcu mbre +ĠF C +Ġtruc os +quil lo +crib ir +Ġter cio +tu ar +Ġref uer +f ri +Ġu ruguay +Ġi glesias +u den +ĠS é +Ġul timo +Ġab uelo +Ġsos tener +ĠSegu ra +C er +Ġinv itamos +Ġpoder osa +Ġestable ció +Ġfu tura +éc do +Ġsal va +Ġ6 2 +Ġdiseñ ador +grá ficos +ĠC AM +me dios +ĠH os +Ġcomunic arse +Ġcam ina +Ġimp ec +t ch +ĠR ies +Ġr on +á logo +Ġpe ga +Ġp ido +ĠB au +cip ación +ĠS un +Ġtelef ónica +Ġlog rando +mos a +em en +ĠUnivers al +6 1 +Ġ20 20 +Ġles ion +Ġdese en +Ġorden adores +vil le +Ġatrac ción +bur go +Ġcertific ados +Ġsignifica tiva +an ca +ĠA mar +Ġhumil de +Ġsorpren de +E se +Ġexplos ión +Ġp ez +Ġint entos +Ġdest ina +Ġar terial +Ġb oc +ĠC ora +Ġpros per +Ġdiscipl inas +Ġalf omb +Ġfo co +Ġjug ado +Ġpor te +Ġproteg e +Ġc én +t anos +ace te +ĠF inal +Ġpro poner +ion ero +Ġcomer cios +ĠK im +Ġgra v +O O +ĠLiber tad +Ġbusc ador +Ġnorte americano +ĠMunicip alidad +Ġm io +ĠR ÃŃos +ĠB M +Ġll enos +Ġapro bar +ĠHol lywood +ĠAl merÃŃa +Ġencar ga +ĠA ran +Ġconfirm ación +Ġefec tividad +Ġsol v +v idad +Ġfin anzas +Ġesta cionamiento +Ġconduc tas +Ġolvi des +Ġse as +Ġv am +Ġflo ta +ĠP ul +G o +segu ida +b ida +i um +P N +ĠE R +ĠA hÃŃ +Ġfund ada +Ġ( âĢ¦) +Ġagres ión +g adores +Ġmas iva +so bre +Ġdispu ta +Ġazul es +Ġjoy as +Ġemp ecé +m áticas +iv al +ĠA mpl +g ÃŃa +Ġri gu +Ġescal eras +Ġimper io +ĠRo jas +Ġtra yecto +Ġmun diales +c ad +Ġin tra +Ġca os +Ġrecre a +Ġestable cen +ite d +Ġtrans acciones +ĠP IB +Ġcom arca +ĠCON S +Ġdep ósitos +Ġhorm ig +Ġhéro e +ton e +cer es +di stas +Ġfá rmac +ĠEr nes +ÃŃs mo +Ġ0 8 +s mo +él gica +Ġin capa +Ġco co +ĠF rases +ĠEst ad +ec os +h ist +Ġen tornos +ID E +Ġiden tifica +Ġ � +Ġjust amente +Ġro jos +Ġcompañ era +Ãģ S +Ġvis ibilidad +Ġbes os +b s +Ġdes com +Ġcal ientes +óg icos +b log +dad ores +ĠTur quÃŃa +ĠC ient +Ġmad rid +Ġsu pl +Ġexplor ación +Ġsab éis +tur b +he im +m amente +ĠR iver +ril los +Ġén fasis +ĠB B +Ġsencil los +ĠN intendo +ĠE MP +di ta +Q UE +Ġenfrent arse +Ġinspec ción +ĠPro ducción +Ġcur s +Ġtri ple +Ġnoso tras +ér icos +te ur +di ar +ĠM U +Ġcontes tar +Ġj ajaj +ĠV in +N i +Ġch al +cion ó +Ġay ude +Ġalm uerzo +ĠP N +D S +Ġcor tas +Ġcam inando +Ġinter nas +v esti +Ġ6 3 +ol or +Ġestruc tur +ĠQ U +Ġpolici ales +ĠP AR +T AR +Ġcas tigo +ĠPre vención +Ġempren der +Ġdej aba +ĠPo wer +Ġs ta +Ġinm ers +ĠTo p +d am +Ġtras ero +Ġv il +Ġte orÃŃas +Ġ 000 +Ġtom ate +Ġnoti ficación +ĠPor tal +Ġameric ana +Ġri sa +ĠJer usal +Ġhuel la +Ġdi al +Ġestim ul +ó tico +Ġpas ados +Ġmas ajes +ar qu +Ġsuper visión +j ón +Ġcruc e +ĠFo tos +ten a +ĠCan tabria +Ġretras o +Ay er +Ġinoxid able +Ġvendi do +lan os +Ġcon mo +Ġarquitec to +pla y +Ġcla us +fi eld +Ġampl ias +Ġsober anÃŃa +rib e +ĠInterna tional +Ġin da +L es +Ġcomien zos +ĠMil itar +acter ÃŃsticas +Ġminist ros +Ġlin da +Ġv uestras +Ġro bar +Ġmill on +ap as +Ġ ^ +ed ora +Ġdo bles +Ġgu apa +Ġdisf ra +Ġde vo +Ġmover se +pen den +Ġarran car +T ienes +Ġtab aco +Ġdest ro +Ġlibre mente +E tiquetas +Ġco ca +Ġcre ÃŃa +Ġcent r +Ġtras torno +ĠJorn ada +Ġpreocupa ciones +Ġbille tes +ĠAr turo +ĠMo delo +Ġaden tro +t ancia +v ÃŃo +res e +Ġcora zones +Ġsuce der +ĠF ord +ĠMes si +ĠM AN +Ġaprue ba +Ġaum entado +ĠPr ensa +Ġdesarroll ada +Ġvig entes +ĠP ho +Ġhorizon te +Ġmobil iario +Ġb esti +ĠCoord in +Ġmus eos +Ġinfl uen +Ġan illo +ĠEst aba +Ġmodal idades +ĠF ebrero +Ġpa gado +ĠB ig +ur t +Ġescrib iendo +Ġrey es +ĠM olina +PA Ãij +Ġrecor dado +Ġto cado +Ġdu plic +Ġingenier o +Ġbar b +tr ad +que o +Ġcumpl iendo +óg icas +trimon ial +Ġab usos +Ġacompañ ados +ĠOb rador +ĠGeneral itat +ier ro +ĠsÃŃn drome +Ġv ientos +ĠPar te +Ġcri p +Ġrealizar án +Ġdemues tran +ĠHar ry +ĠRec om +Ġsug iere +ug h +Ġcol ch +Ġdirec torio +es idad +it aron +ĠG in +Ġacog ida +Ġ199 1 +Ġsmartph one +f an +Ġgén eros +ĠSo ftware +ĠN ivel +Ġaisl amiento +ĠSupre ma +f ono +tar o +Ġlic encias +Ġsent ÃŃ +ĠP AN +Ġale manes +e u +a po +Ġpá jar +Ġráp idos +Ġapor tación +Ġs c +Ġsi gan +ac án +Ġdes mon +que te +Ġas amblea +Ġsorpren dió +Ġescas os +ĠvÃŃn culos +Ġconcre tas +Ġsuger encias +Ġprev ios +ĠO F +Ġe f +Ġjapon esa +ĠRich ard +? âĢĿ +Ġdetal lada +Ġmar g +j am +Ġan écdo +g il +ĠMaes tro +Ġinn eces +Ex isten +Ġref irió +Ġdemocr ático +Ġcer e +t ter +Ġalim entar +Ġest il +Ġmen cionados +Ġproven ientes +Ġhorizon tal +Ġat entado +ĠG B +m ante +ĠJu árez +u k +Ġmu ros +Jos é +ĠJ en +Ġher ida +Res pecto +Ġanim e +endi endo +Ġven dedor +Ġcontinú an +Ġmul tina +Ġgratu itos +Ġvar iaciones +V EN +Ġfrances es +ĠR on +Ġb eca +Ġextran jera +Ġconstru ida +Ġlleg aba +Ġexitos a +C asa +U sted +uf ac +Ġmad uras +Ġcolec ciones +min as +Ġrom pe +Ġpi ano +ĠB oy +Ġob vio +Ġpos tre +Ġrec ta +Ġrefug iados +ti cia +Ġarreg lo +Ġára be +Ġimper me +ac ar +Ġfum ar +Ġtrabaj ó +Ġar rib +A p +aa aa +Ġhard ware +Ġinolvid able +RE C +Ġreno var +ist ÃŃa +Ġprotagon ismo +Ġinterpre ta +ĠC lo +Ġab aste +Ġsex to +Ġcre adores +Ġingles a +Ġasum e +er e +ĠCar re +ĠTorn eo +Ġ11 0 +tien da +Ġaprob ada +ĠC OL +cho ol +ĠConven io +ta ñas +as is +m áticos +ĠB ienes +Ġvan guardia +ĠC uenca +Ġac oso +Ġescándal o +Ġconf usión +Ġma tric +el ia +Ġsocial istas +an co +ca v +re os +Ġhacer te +Ġmatr ÃŃcula +Ġposib il +Ġb ecas +g ri +ĠTex as +Ġmis iones +d amos +o th +TA M +Ġautomóvil es +ĠSegu ir +ĠSon y +d é +Ġcre cido +ĠAc ceso +pon go +Ġestratég ico +ĠPas cu +un ar +ch an +Ġid ón +ĠP ic +N uestros +ĠB ás +Ġexp l +Ġolvid ado +gu esa +Ġofre cido +Ġdig no +Ġcont ribuye +Ġconcl uye +Ġtem bl +Ġotor gar +un tamientos +un tu +Ġagrade cimiento +ĠJe ho +ólo ga +ab y +Ġproteg ida +ĠMon t +Ġconf idencial +Ġcató lica +Ġaudiovis ual +Ġab arca +Ġmol esta +Ġconsidera mos +Ġacum ulación +Ġal mas +Ġrup tura +Ġm l +ĠF idel +Ġnutri ción +Ġconte x +Ġmanz ana +Ġfran quicia +ĠAl ma +Ġfol lando +en ca +ĠPu ente +ást ica +Ġdispar o +Ġexp lÃŃ +Ġliter aria +Ġencan tó +Ġexist ÃŃa +Ġinm ensa +ĠIn telig +Ġre mar +ĠJuz gado +ĠsÃŃmb olos +Ġviv ÃŃa +Ġcons enso +Ġbas tantes +Ġdej ará +ĠF iesta +m x +Ġaer ol +Ġsindica to +Ġven ce +Ġal as +Ġpers ecución +Ġpopular idad +ĠG R +ĠCon curso +ĠPo co +Ġa tras +Ġconven cido +pi é +Ġverda deros +Ġreun ió +ab ar +Ġcos tas +ĠMar ruecos +Ġ198 0 +Ġsól ido +Ġb ac +Ġprom ueve +Ġpre ferencia +Ġpeda g +Ġllam aba +ĠMo da +Ġculp able +âĢĿ ; +Ġsecre taria +Ġcent ÃŃmetros +oo oo +ĠA QU +ĠLi mp +p ri +X X +ĠV ista +IF A +Ġbeb e +ĠU so +Ġhacer nos +Ġatrac tiva +9 2 +Ġsal drá +ĠUr ban +ĠCa tedral +im amente +que tas +Ġh aremos +ra to +Ġh s +c y +Ġc ie +Ġavan za +ĠT IC +du re +ĠPal mas +Ġ( « +Ġl áser +ĠJ uego +Ġpl ana +ĠT E +Ġp ad +Ġentr ado +Ġcump la +bi le +Ġconsol id +b ras +Ġdesplaz amiento +Ġdiseñ ados +ĠHon or +Ġinsegu ridad +ĠClÃŃn ica +Ġtu b +la je +Ġles bi +ĠJos e +Ġprostitu ción +on s +Ġcontemporán eo +m us +ĠE TA +Ġsir vió +Ġref iero +Ġasigna tura +Ġex ci +ĠGre en +ier re +v ana +ĠAl var +ICA CIÃĵN +Ġfil tros +S ólo +Ġtom aron +Ġdis p +Ġorden ó +Ġd uer +Ġlu jos +Ġto có +z aba +Ġrell eno +Ġmer ecen +Ġparcial mente +Ġindic ador +ĠB O +TU R +Ġmo tos +ó so +ĠF A +Ġfal tar +Ġhi p +Ġpar es +lan da +Qu iero +ĠCon strucción +ĠPro yectos +st em +Ġ6 7 +ĠL leg +pec u +Ġdenomin ación +ĠLea gue +Ġasist ente +Ġl ú +ĠCh e +ĠImp erio +Ġma te +Ġintim idad +Ġquer ÃŃan +ĠTel éf +E sa +ĠW est +Ġele gancia +Ñ ĥ +200 6 +Ġcas ual +al ia +Ġve cin +tr á +Ġev olucion +ĠG l +Ġresul te +Ġgl uc +ĠCal der +dez co +Ġch an +Ġrecib iendo +ĠMa terial +ĠT ribu +Ġenfer mo +N unca +i ando +ort h +Ġ Î +Ġcont ribución +Ġsac o +Ġn acer +Ð º +ĠVide os +Ġcump lan +Ġdar nos +Ġh ura +Ġalar ma +Ġemp i +Ġ9 1 +Ãģ N +ĠR é +ĠG aran +Ġp enas +Ġbus co +ca te +Ġf ur +Ġsac ado +Ġlec turas +us elas +ver de +Ġequip ado +og én +Ġde grad +Ġayud ado +Ġcer rados +ĠImp uesto +ĠlÃŃqu idos +ĠO rig +Ġma quina +tr ales +Ġajust ar +ĠV ázquez +Ġro to +in k +Ġmin or +Ġenfr entan +ord s +Ġt ÃŃ +ti ga +ĠU V +Ġdistin ción +Ġdel icioso +Ġperm isos +Ġbal oncesto +ci ble +ĠCon serv +em oria +Ġfutbol ista +Ġox ÃŃgeno +z ano +Ġac ú +Ġcrist iano +us ion +Ġsu puesta +�� �� +9 6 +ĠCom par +Ġimp uso +Ġro d +Ġsin té +ĠV ÃŃ +ĠPro ce +Ġextra er +Ġases ino +Ġjurisdic ción +Ġcru do +u ter +ĠJo an +ĠDe fin +Ġde ca +or i +ĠCar rera +Ġcolombi anos +we en +is as +Ġsecu encia +Ġest re +ĠI ván +Ġsencil las +Ġcal cular +Ġmul ta +Ġtu torial +ven idos +Ġinform áticos +B a +Ġrecomend ado +den tales +c ación +int ana +Ġinst ancias +Ġaust ral +ĠMul ti +udi a +Ġat ento +Ġdeb ilidad +Ġconsider ados +ĠO ut +Ġtele comunicaciones +Ġsi entes +Ġch arlas +Ġhab rÃŃan +Ġap res +ud al +Ġinc ómo +ĠPro cur +Ġafil iados +ĠM P +Ġpre ju +t ambién +ĠCom entarios +C ES +Ġhor ri +Ġch inos +Ġdiseñ adores +ĠArquitec tura +Ġle al +m il +án icas +Ġprofundi zar +Ġadminist raciones +Ġpal o +ens os +ĠA gro +ĠJav a +or ias +ĠSec tor +Ġsol ares +E Z +ĠMedi terráneo +Ġest abil +ĠM ED +em in +Ġes paña +ĠAgu as +Ġcontro vers +Ġgust aria +Ġorient al +Ġcereb ral +Ġapor tes +itor io +idal go +Ġsól ida +Ġrepu tación +âĢĿ ) +Ġcorre dor +dic amente +Ġsens ibles +Ġprev istos +ĠMe tal +l amente +ĠAr ro +ĠInform ática +Ġentren amientos +Ġretir ada +P al +Ġtermin an +uch as +ĠGran des +Ġp ur +Ġagrup ación +Ġide ologÃŃa +Ġtermin e +Ġpin tor +ic anos +Ġan to +ĠE va +TU RA +M u +k en +ĠV at +Ġcel ulares +Ġpreten den +Ġjug ada +Ġar ren +Ġparti das +es c +Ġque den +ĠWhats App +Ġfac turación +Ġ6 1 +Ġgri tos +utri ción +cri ta +Ġrespec tivas +Ġfal sas +ĠDec lar +ĠRec on +ĠGu z +ĠPrem ios +âĢĿ : +Ġcomb inado +os ó +Ġdesp leg +form e +ic ada +Ġmen ciona +g aba +ac ÃŃa +Ġlu cir +Ġre af +ĠUnivers itaria +y un +ĠðŁ Ļ +Ġan da +Ġcomp uestos +Ġfac ultades +Ġenf ri +ĠNav arro +Ġsu pre +Ġinter n +ch er +Ġdest inada +Ġasoci adas +Ġocul ta +Ġba terÃŃas +Ġinfl uy +Ġesf or +ÃŃn eas +Ġrevolucion ario +C ap +Ġhermos os +Ġexcl usión +Ġplante l +Ġsub ray +Ġg lor +gan ta +ĠCo lec +Ġadministra tivas +Ġfich ero +ĠMedel lÃŃn +ĠA G +vie do +Ġfotó grafo +Ġocup ado +Ġrecl amo +Ġen com +Ġsegu ida +Ġcap tar +ĠE valuación +ĠSegu ros +Ġme mb +Ġdu des +Ġalim entaria +Ġrepro ducir +ĠS pa +Ġbomb as +n ico +Ġfavor itas +Ġvincul ados +Ġcob ra +Ġpres tamos +Ġpata tas +u tor +Ġacompañ amiento +Ġres piración +ĠGalax y +er ica +Ġpol i +ĠMan ual +Ġenfrent amiento +ĠiP ad +Ġo la +ĠEst adio +Ġincendi os +u ters +Ġreflex iones +tn am +ĠC AL +Ġpr ÃŃncipe +Ġfil a +H O +Ġsalv ación +Ġadministra tivos +ĠMos cú +Ġbar ras +Ġmedal la +Ġcob ro +Ġgen ética +M AS +Ġdi fici +A h +Ġsu yos +â Ħ +Ġpúbl icamente +Ġen cu +ir re +Es pero +Ġjard in +Ġrecon stru +Ġdistingu ir +Ġdefec tos +TIV O +Ġc áp +Ġdej en +Ġdelan tera +ĠC ri +Ġpin tores +ĠJur ÃŃ +Ġta za +Ġdis per +Buen os +ĠA ire +T anto +Ġcambi an +Ġsur gen +ĠEm ilio +Ġid én +Ġpan eles +Ġúlti mamente +ó f +ĠJ ane +Ġmovil ización +Ġdeci dimos +Ġlog ÃŃstica +Ġvenezol ana +Ġbas adas +Ġdescub rió +Ġad mitir +Ġan ón +Ġacab ados +Ġapor taciones +Ġsin tió +Ġpag inas +Ġbar rera +Ġter n +Ġhid rául +Ġses enta +Ġro j +Ġk ilo +Ġsacerdo tes +Ġinici ales +Ġp m +ĠPh il +ĠSue cia +Ġrev esti +Ġcar n +Ġcomp or +Ġpis cinas +Ġind icaciones +Ġtor os +Ġsindic al +us ieron +Ġincor rec +Ġa vi +di dades +ches ter +ris as +mo h +ĠAudi encia +Ġpro xim +Ġinf ierno +ĠH acer +Ġhor ror +Ġprác ticos +Ġofrecer á +Ġdismin uye +Ġco alición +ác tico +ĠEst rel +s ol +Ġle o +Ġne gó +Ġresal tar +ĠS itu +Ġdeci den +ĠCol ón +Ġestrech a +Ġexplic an +Ġrenunci ar +Ġfuncion ando +quier da +Ġdirig idas +Ġm Ãĥ +Ġc emento +Ġgo ogle +Ġurb anos +ĠLin ux +E ra +Ġpr enda +Ġbus que +ĠC F +Ġad s +Ġl ente +Ġceleb rada +Ġestable cida +Ġmeta bol +Ġmejor ado +Ġdedic ar +ĠL lam +Ġr ar +ĠRec or +Ġden tal +ĠB élgica +ĠL ÃŃ +Ġregres a +Ġdist ancias +f lix +ID O +Ġfeder ales +Ġs ensa +Ġmante quilla +Ġpol it +Ġinclus ive +ér g +Re g +ĠRub én +ĠL is +tiz ada +Ġcam isa +Ġdemos tró +Ġcic los +Ġmasco ta +Ġa jo +Ġsatisf echo +ie ta +ĠH ora +Ġbril lantes +Ġm entales +ĠIntegr al +gu iendo +Ġases orÃŃa +Ġfamos as +Ġex ha +Ġán gulo +ĠViv ienda +Ġprop uso +ĠPlan ta +Ġubic ados +TE C +ul ario +Ġinv as +Ġpos tal +Ġcome ter +Ġactu alizado +ĠCam bio +Ġson re +Ġlim itar +ax aca +ĠA h +Ġinv itar +9 7 +Ġperci bir +ĠP RES +Ġ9 8 +Ġvelo cidades +Ġcumpl ió +Ġcombina ciones +é mon +A pro +Ġdesgas te +ĠR eb +Ġcatal ana +Ġimp one +Ġcer ra +Ġsuav es +ĠAmb iental +Ġintelec tuales +Ġin ú +ĠIN S +ĠD ay +Ġinnov ador +Ġposi tivas +ad y +Ġperman encia +Ġele var +Ġauto buses +Ġproces ador +ĠG reg +Ġej es +Ġexac ta +vi ese +ĠArch ivo +ĠRes ul +hu ana +Ġtrans mite +Ġpro hibición +Ġderi va +ĠMic ro +ĠC ár +l adas +Ġb inarias +l ab +ĠS el +Ġdenunci ar +Ġtien de +Ġdi ó +Ġaplic ado +p ón +ĠAc tividades +Ġdefien de +Ġme tales +ch u +Ġvege tal +Ġapun tó +ĠNi ño +Ġsolici tó +Ġm ort +ol encia +ĠEst eban +en g +Ġdes cal +D on +pa cio +ĠCon fe +z ob +ĠM ill +Ġfin o +ĠI sa +Ġri ego +Ġpas adas +ĠFin anzas +Ġob ses +u ci +ĠG PS +Ġ13 0 +Ġmedi oc +Ġapell ido +ĠM I +ĠE co +Ġtri turación +tic s +Ġque ja +Ġjust ificar +Ġleg itim +ÃŃ bl +ĠM O +Ġtri go +Ġabandon ado +iz ante +Ġgar aje +Ġmu rieron +Ġob ispo +w ell +Ġdivi den +Ġentren ar +ĠZ o +Ġcam in +Ġregist ra +Ġpresent ados +Ġbor rar +Ġcontemporán ea +Ġenga ñ +ï »¿ +Ġpref iere +ĠT ol +icios os +Ġprepar ada +Ġconsigu en +Ġque jas +t he +ĠJerusal én +, âĢ¦ +ĠCo operación +ĠAl ba +Ġenv ÃŃos +Ġp im +Ġenten dimiento +Ġterror ista +Ġcuer da +cer ÃŃa +ĠT ech +bi as +Ġ198 9 +fic aces +ĠJ am +b ien +Ġespeci ficaciones +Ġf irmó +ps is +Ġmac ro +Ġl áp +ĠAtlán tico +Ġrecor tes +ĠT ú +Ġle gen +C P +Ġconqu ista +Ġagr ÃŃcolas +ó b +Ġlla ves +Ġ14 0 +ĠLib ros +Ġauto p +Ġbur bu +Ġapren diendo +Ġse d +Ġextin ción +gust o +Ġleg almente +Ġinforma cion +Ġadolesc encia +Ġdesigual dad +Ġre embol +Ġmar rón +Ġbar reras +Ġest ir +Ġinteg rante +Ġmol ienda +ra je +Ġacep tado +Ġgener ó +Ġdenunci ó +no w +ma g +ĠF omento +Ġcub iertas +Ġparale lo +Ġimpresion antes +Ġrin cones +cas o +ĠI R +c adores +Ġfinanci ar +Ġdefens or +ie ve +ĠMor e +ĠQu intana +Ġtritur adoras +ĠV all +ue bl +ĠĠĠĠ ĠĠĠĠ +Ġrecon oz +B N +Ġtren es +ĠIn c +Ġgal letas +Ġv ial +aliz amos +b ula +Ġdes cen +Ġhiper tensión +ĠT ig +Ġinform aron +º C +óx ido +Ġser p +ĠCom is +cil ler +con trar +% ). +h el +Ġtraslad ado +ometra je +Ġcompr ador +ci stas +Ġint entan +Ġsal tar +Ġperio d +rig ht +Ġmun dos +ĠsÃŃn tesis +ĠO S +Ġ3 50 +ĠGu an +Ġpes ado +c adas +Ġcomerci antes +Ġfalle cimiento +Ġexig encia +ce d +ĠOl iv +Ġdesper di +Ġgan adora +ces is +ĠRe forma +ĠCon ocer +Ġpen ales +st icas +ĠH P +Ġayud arán +Ġencar gados +Ġes par +Ġpersonal idades +Ġob esidad +Ġesp an +Ġfa una +Ġseñal an +ĠSegun do +Ġvisu alizar +ĠV ig +Ġimag ino +Ġconst rucciones +Ġla zos +Ġliter ario +ut s +Ġje je +Ġrefer ido +Ġve la +Ġdes vent +Ġprac tica +iden cia +ĠI B +Ġcontinu ó +Ġla var +Ġper d +Ġtra tó +Ġperu ano +rim ientos +dil la +e to +Ġdeb ÃŃan +Ġdelincu entes +ĠBel las +Ġun en +s car +Ġa ulas +Ġnego ciar +Ġrendi r +Ġagru pa +Ġsinc ron +ĠI MP +Ġba il +Ġtra tarse +ĠA la +ĠEu gen +Ġgubernam entales +ĠXX X +Ġfac turas +Ġfuerte mente +Ġprin cesa +Ġreco lec +Ġlist os +Ġreclam ar +ĠE mb +Ġre e +ĠS mith +ĠP y +Ġc ica +Ġvari ación +b ara +Ġconf ron +Ġoc éano +Ġvis itado +id s +Ġfavor ece +Ġdivis as +n idad +Ġfa cial +ĠBus iness +Ġin esta +Ġre ten +ĠL anto +ĠMon ter +Ġbomb ar +Ġcolum nas +Ġreal icen +n ica +Ġrode an +Ġan ces +Ġreg ener +P ol +, " +ĠVI H +Ġaconte cimiento +Ġre ÃŃr +Ġelig e +Ġvir tuales +M in +ĠNo che +Ġgri to +Ġc ima +t ha +Ġne ol +ócra ta +ĠUS D +Ġdu ras +Ġhacer la +ĠFil osofÃŃa +ĠSe p +h os +Ġanti ci +ĠJa én +Ġinv ad +id ora +ĠCas i +Ġdis puesta +u ga +Ġelec to +Ġres id +ĠÃį n +Ġautón omos +Ġutiliz amos +t én +rá fico +1 50 +Ġactu alizada +Ġsus cep +Ġportu gués +ĠDes cripción +al ta +Ġtien den +Ġir án +ĠI m +uc e +ĠS k +Ġcan ad +ĠCh il +Ġedi tar +200 2 +Ġv ice +Ġs tre +Ġfil óso +ĠLic encia +Ġasoci ada +Ġale gra +f eo +Ġdesarroll ados +i bre +dor o +Ġenve jecimiento +ĠT R +ĠPros titutas +ro ga +cion alización +ĠAb ra +ĠEm baj +Ġserv irá +Ġpav im +Ġcre ció +A le +Ġsuces os +a go +Ġfil osó +tu osa +Ġanci anos +Ġyo ga +il y +ĠEspa cio +Ġcomprome tido +Ġlog ran +vers a +eric or +Est ás +Ġpa ñ +Mé xico +Ġresta ble +Ġfundam ento +C R +ĠO este +Ġpa utas +ta ño +Ġperio dos +cion e +Ġqued amos +Ġauto estima +Ġperfec tas +ĠRecuer da +Ġpeti ciones +ĠSa int +ĠP s +EN D +ĠA van +Ġcompr adores +Ġproto col +Ġluch as +Ġmis a +ĠCor pora +Ġcomplic ada +ĠG U +k m +Ġprev istas +E G +Ġempez amos +Ġmagn ÃŃfico +Ġesc orts +Ġempren dimiento +un t +y l +I s +ĠV igo +Ġch a +Ġcomport amientos +Ġbande ja +Ġmuer e +Ġdig na +Ġveh ic +Ġ7 8 +ór ica +oro este +Ġ0 4 +ĠO fer +Ġdespe dida +Ġhues o +Ġe terna +ĠB et +Ġru bia +Ġto pe +Ġt inta +in idad +Ġdesarroll adores +Ġtecn ológicas +tas e +é ase +Ġcu ader +ĠH am +âĢĶ , +à ¸ +Ġre le +Ġcé le +Ġperson alizar +ĠIde al +ril l +Ġsan idad +Ġ0 7 +Ġfortal ecimiento +ĠD C +Ġrecom p +ĠT rin +Ġasegu rarse +ĠPos teriormente +Ġcur r +Ġjuz gar +Ġof f +Ġapropi ado +Ġe ro +ĠAcces orios +Ġdi ab +l erÃŃa +Ġcampes inos +Ġlle guen +Ġl enta +Ġsub venciones +Ġma ta +Ġch ef +Ġf iebre +Ġprote ÃŃna +Ġdepen dencias +uc k +Ġconec ta +Ġprom esas +Ġtex til +Ġdedic ados +ó bal +Ġfrecu entemente +Ser á +U til +ĠJ unto +Ġf ós +Ġtele fonÃŃa +Ġpas ear +Ġsorpren dido +ĠO B +ĠZ amora +Ġbotel las +Ġcol ap +Ġcan san +Ġbon itos +Ġt witter +Ġmulti media +Ġsus cripción +ĠSi mplemente +Ġro cas +Ġcorrec ción +ĠLi teratura +it amente +TI L +ĠBr uselas +Ġtestimon ios +Ġdecir te +Ġindic ando +ĠTar je +C lar +Ġpe gar +Ġcivil ización +uc es +val o +Ġplante ar +g ón +Ġpor tero +Ġsir va +Ġluch ando +ĠFu entes +Ġnorm alidad +Ġtra igo +Ġingenier os +ĠH idalgo +Ġproduc ciones +ti er +ĠCalder ón +bi to +Ġres ide +Ġmostr aron +don de +ĠPe que +Ġjuz gado +Ġ8 4 +ĠMo to +Ġconj untamente +Ġliqu idación +ĠDeb e +Ġdeber ás +Ġdesa grad +vers idad +ĠCon cepción +Ġconcur sos +ĠH ome +Ġprecis ó +re am +ĠMargar ita +Ġbicicle tas +Ġmarc ada +Ġcol o +rid ge +Ġcompeti tivo +ĠCE O +om er +Ġdor ado +ĠEstra teg +Ġc iber +Ġecu ator +Ġru idos +ĠA di +cel ente +Ġas fal +p ados +ĠR EC +ĠInterna cionales +Ġin o +Ġ0 2 +âĢľ , +Ġm ina +ĠT ienen +ĠOr tiz +Ġalter aciones +iel os +Ġconces ion +Ġex hibición +ĠPre gun +Ġtar dar +Ġinst ruc +ĠGEN ER +Ġase qu +Ġm s +Ġexha ust +Ġrev és +p rim +g g +Ġvál v +ĠS t +ĠS osten +ĠTo k +" ) +ĠA B +Ġases inado +ÃŃ metro +Ġmencion ó +ĠTri p +Ġcomp ac +Ġcria turas +ĠF IFA +ĠUN A +ĠCon vención +ivers idad +ĠErnes to +Ġus ada +ĠPol ÃŃticas +Ġr ú +EL A +ex ión +Ġf lash +Ġvir tudes +Ġro t +Ġab er +Ġaplic ables +ar ch +om é +ĠAmeric an +ĠMar c +Ġpier den +9 3 +fer as +ĠIr landa +Ġampl ios +Ġpref ieren +Ġfabric ado +ĠMár quez +ĠNi ños +Ġagreg ado +Ġv ist +Ġre ga +Ġdesp ro +Ġri d +Ġfantá stica +ĠJard ÃŃn +abell ón +9 4 +ĠB ran +Ar t +ad ra +ĠZapa tillas +Ġb uro +or al +ĠXV II +Ġincorpor ado +per tura +ĠCh icas +Ġbols illos +Ġmari huana +Ġform ó +ĠTen ÃŃa +Ġmo tiva +... âĢĿ +Ġcompos itor +Ġdesc endi +Ġnega tivas +ĠEst ación +ĠM ez +Ġa je +Ġreper torio +19 99 +ĠCu atro +Ġlevan tó +aj os +Ġotor gado +Ġacus aciones +Ġp ól +Ġol ÃŃmp +Ġbode ga +Ġdedic an +ĠTh omas +Ġileg ales +Ġd aban +Ġbel las +qui tos +Ġinver tido +Ġneum áticos +dad ura +Ġpens ó +Ġrobo ts +Ġadelga zar +Ġinde fin +Ġdi la +Ġrenov ables +Ġc itada +Ġre ta +Ġsex ualidad +Ġliter almente +ác ticas +Ġcur vas +Ġfal los +L le +Ġmoch ila +Ġconcre tos +ĠPal abra +ĠCl iente +F C +FOR MA +ĠHol anda +Ġdescon oce +Ġvie jas +Ġtoler ancia +it án +à Ĥ +Ġen seguida +ĠB ene +es tes +Ġautón oma +Ġval idez +Ġinvoluc rados +ĠtÃŃp icos +Ġexpres idente +ro vi +ĠEcon ómico +lo ween +Ġcomun a +n ie +tec n +ĠLa guna +Ġpubl ico +' ' +Ġd ándole +Ġc aba +Ġs tar +Ġoblig ada +Ġju go +Ġcapital ista +ĠJ an +Ġe gip +ĠMonte video +Ġacer camiento +ĠQu ÃŃm +Ġad mite +Ġher ido +Ġrema te +Ġmanifes tado +ĠD NI +Ġparro quia +Ġmolesti as +Ġaé rea +if a +Ġfren ar +ĠX box +Ġconsigu iendo +Ġhos pe +Ġalmacen ar +Ġdesf ile +Ġinst rucción +Ġat letas +Ġinter venir +ĠEs cal +ñ era +Ġar an +Ġpresent ando +ĠPromo ción +aca o +Ġra cional +ĠPer u +Ġab an +Ġemocion ante +Ġdes pi +ĠV II +Ġcrim inales +ĠVat icano +ĠCiudad anos +Ġsome tido +ĠChica go +ad urÃŃa +ĠL abora +Ġprofun das +Ġchil ena +Ġel i +ĠW in +or ra +Ġpre cedentes +ĠMon tes +Ġer rad +ĠC rim +Ġafirm ación +den al +Ġcar di +De bido +Ġaccion istas +Per son +ĠM ec +Ġal a +Ġconven ios +Ġsimb ol +Ġro ta +Ġaso cia +CI OS +Ġsob ra +Ġdar me +Ġ( + +ĠB la +Ġvir gen +ig ra +Ġeleg idos +Qu iz +ci ano +Ġocup an +Ġri gor +Ãij O +Ġhab le +pti on +á ce +d ÃŃas +Ġcorrespon da +Ġtom ada +Ġver án +ĠGuz mán +Ġen te +Ġllam as +Ġmus ica +Ġul tima +ĠO viedo +ista des +Ġespecial idades +Dis fru +ĠJeho vá +Ġdeber es +Ġconside re +gu er +ĠIb ero +Ġco tización +Ġhosp it +Ġder rib +Ġindemn ización +ĠPatri cia +Ġayud ó +AN O +respon s +Ġrodil la +Ġelectrodom ésticos +te lo +TE L +R ed +Ġser lo +Ġamp aro +on ado +Ġcab ezas +cl ip +ĠAl len +U CA +Ġcomo didades +Ġ0 5 +Ġinteres adas +do le +Ġcál culos +Ġcamp amento +Ġrecha zar +Ġpe dimos +ĠB ob +bl ación +ENT ES +tic es +m icos +Ġ7 6 +f oro +Ġdes vel +Ġesc asa +Ġaplic ando +Ġ9 6 +I E +Ġb ala +Ġll enas +Ġsub iendo +Ġhormig ón +tr y +Ġutil ice +Ġsex ta +Ġescal era +Ġcob ran +ĠMir anda +Ġembaj ador +Ġto ur +Ġfab rica +Ġvulner ables +cion an +ĠÃŃn dices +Ġpref iero +Ġplante ado +Ġcer ámica +ĠT ÃŃtulo +Ġmater na +ĠPu ig +ĠhÃŃ b +Ġbor ra +Ġtr ág +fer ente +bo a +Ġb ach +Ġpresiden tes +ĠNego cios +Ġoch enta +am ina +Ġanti oxid +Ġin capacidad +ĠU U +Ġempren dedor +Ġdepen derá +F O +ĠArgent ino +ol vió +cas a +la go +Ġte órico +ĠN u +ĠF ire +Ġcent rado +Ġdeba tes +Ġobserv aciones +ĠTim es +ĠjurÃŃ dicas +Ġe terno +Ġpen ÃŃnsula +ĠhÃŃ gado +Ġasign ación +ĠW all +ĠR in +aster io +Ġconm emor +2 000 +Ġe ficaces +cion istas +Ġmedi eval +ĠProfes or +Ġconven cionales +Ġestudi ando +Ġdescon ec +Ġcom andante +Ġconsol idación +Ġexpe dición +ĠU p +ing er +ĠPlata forma +Ġ7 7 +Ġcos echa +ĠA so +Ġmales tar +olog ia +ĠV era +Ġclas ificados +à ¬ +Ġcomple tas +ĠUsu arios +B LE +ĠProduc to +Ġprim or +ĠCor poración +pi raciones +Ġcar dÃŃa +Ġje jeje +g antes +Ġca ña +Ġdiver tir +ĠAlcal de +ĠCh ia +P M +ĠDemoc r +Ġevi den +Ġdomin ante +Ġcre encia +ĠMich el +ĠLe v +a gro +Ġdifici l +ĠNa cionales +tim amente +ĠTer min +Ġsec os +esti ona +gen os +ES TI +Ġprotec tor +ĠPri va +trá fico +j i +Ġel og +di tos +9 1 +ĠN ob +Ġpres unto +Ġestudi a +Ġp ilares +Ġartes an +Ġher ed +Ġfestiv ales +ol lo +m ó +ĠK m +Ġdec ÃŃan +Ġnie ga +di jo +Ġ7 3 +A mb +Ġsocial ismo +Ġinde penden +Ġja zz +Ġcari ños +Ġdest inadas +Ġvas os +Ġemi tido +Ġ16 0 +Ġtra uma +Ġ( " +Ġocur ra +ĠInvesti gaciones +ĠGobern ador +ĠC S +ĠUn iverso +fi que +à £ +Ġexp uestos +Ġtem áticas +Ġemple a +ĠCrist óbal +Ġgar ganta +Ġsu ceso +Ġpiel es +Ġafir man +Ġpreserv ar +Ġmor e +ac ate +di bu +ĠBuen a +Ġagu jero +P AR +Ġap las +ian zas +Ġbusc aba +Ġconj untos +ĠMar i +Ġproduci endo +Ġcen ar +Ġpermi ti +Ġlec ción +ci no +S h +ies tas +Ġvis uales +Ġrespec ta +Ġestupen da +j adas +Ġfuncion e +Ġmonum ento +Ġras tre +ĠPresu puesto +av ier +pre cio +Ġcar teles +ĠR ad +Ġaument ó +gra de +Ġescu do +Ġmin era +Ġcar tón +Ġcoloc ado +Ġdi am +ĠIma gen +Ġautomo vil +Ġj aja +Ġcercan ÃŃa +ĠJorn adas +ti zó +Ġmanten ga +Ġfal sos +Ġadquier e +res te +tr icos +i é +ier ten +Ġtes oro +ta t +Ġfon tan +Ġdi gan +Ġmezcl ar +ĠDeleg ación +Ġson ora +ĠR ece +as tas +k ar +Ġquer ida +ĠC AS +ĠP aco +ĠPas eo +Ġpuntu ación +ĠLe o +ĠX D +ĠAn g +Ġprovoc ando +Ġartic ulo +Ġa ero +Ġtar ta +ĠL ucÃŃa +OR ES +Ġhistór icas +Ġtriun f +Ġimpor tación +Ġimpec able +Ġrecon strucción +Ġmil ag +ĠEstudi antes +200 3 +iz arse +Ġmil las +Ġpel u +Ġenten demos +Ġaprovech amiento +Ġcont entos +om i +ic ados +Ġespal das +ĠAudi o +Ġmad ura +Ġpropa ganda +Ġcient ÃŃficas +gu ero +Ġproduc tiva +Ġsobre pas +Ġsu bido +ĠR AM +Ġest ro +im ental +Ġ zar +Ġus e +Ġb ono +à ¢ +é stico +Ġe gres +ic óp +Ġ12 5 +Ġpres um +ĠIn ici +Ġangust ia +Ġimpac tos +Ġaé reo +Ġresiden cial +e amiento +Ġestup endo +Ġa ve +ĠI ber +Ġinforma tivo +Ġagricul tores +Ġmagn ÃŃfica +Ġta xi +con tin +Ġorganiz adores +ĠNe ws +ĠS pi +rag ona +Ġpose er +Ġrela tivos +Ġpara ÃŃso +Ġcontinu ará +Ġcuer das +ĠHist órico +Ġobliga toria +Ġprevent iva +Ġquer éis +Ġhal la +Ġcar nes +ĠJal isco +ĠSE G +Ġsens ibil +Ġcuad rado +t witter +Ġhéro es +Ġaplic an +Ġejer ce +ĠTele visión +7 00 +Ġbus cado +ĠDes cargar +Ġapete ce +ócra tas +Ġconsider arse +Ġmir adas +Ġcono ces +Ġemple ar +Ġpas aje +Ġprop ósitos +Ġvengan za +Ġl entes +Ġb ul +st icos +Ġinmig ración +Ġvál ido +re d +Ġvay as +Ġcontun dente +Ġfar macia +Ġres tantes +gor it +Ġins ign +u ado +Ġa tar +Ġg estiones +Ġf ér +ĠTama ño +Ġanal istas +ĠJ ord +ĠH ues +Ġcontro la +ĠQuiz á +ĠP ach +les s +Ġtra jes +Ġfu é +Ġe man +ĠCh at +pa tÃŃa +Ġalcal desa +Ġexperim ento +H z +Ġm ero +Ġpre lim +jer ci +Ġmonum entos +is on +Ġhuel las +tel erÃŃa +Ġcre ados +Ġ7 1 +Ġdej arlo +tan g +Ġcar gado +T IS +dr os +Ġinspir ado +Ġcompens ación +Es per +Ġprove er +Ġneol iber +Ġatrac ciones +Ġcontam in +Ġco pas +Ġme l +ĠÃģ vila +ĠS ci +ĠV ÃŃa +IN O +Ġcon g +ĠNa turales +Ġval enci +Ġtra jo +Ġpoder osos +ĠC le +ĠC amil +ĠBe ach +ã Ģ +é tera +ĠComun idades +Ġ9 3 +Ġmie dos +ĠIn icio +Ġpres iones +Ġescrib o +ĠV idal +Ġman uales +Ġfich eros +Ġvege tación +D ÃŃa +ĠBro wn +ĠindÃŃgen a +Ġpoten ci +gu r +Ġrent able +Ġlevan ta +Ġinsec tos +Ġorg ánica +Ġal iento +tic e +Ġos ci +Ġ; ) +Ġrep as +Ġ8 8 +Ġofens iva +âĦ ¢ +ores te +Ġgran o +Ġdes em +Ġ0 6 +Ġloc alizar +er ta +Ġartes anal +Ġcardio vas +bit ro +b on +Ġexter nas +Ġconsecu tivo +Ġutiliz ó +Ġhistor ial +ĠGro up +Ġmáx imos +Ġatravi esa +Ġk it +Ġale gr +D a +Ġrem ol +ob ia +Ġ0 3 +? ) +V IS +Ġdeber ÃŃamos +ĠV AL +in eros +Ġma triz +ad ro +ĠO axaca +Ġbañ era +ĠJ ar +ĠD é +ĠDic ho +ĠAp p +ĠEn señ +Ġinflam ación +Ġcómo dos +ampl ona +iu da +Ġu p +Ġfi le +Ġtor o +ur so +C AR +Ġrep ite +ĠB ara +Ġcop iar +ĠZ el +di versidad +P ese +Ġayud ando +Ġdependi ente +Ġmentir as +inos a +Ġcas ino +ĠAnd re +ĠDispon ible +ĠMa tem +Ġ8 2 +Ġreci bo +iz amos +Ġofrecer le +Ġterremo to +ĠT uc +Ġ7 4 +O tros +ĠSol ici +Ġbr oma +ĠRe ad +Ġeleg ida +ester ol +n ea +Ġbara tas +ĠS ir +Ġsal arial +Ġtom amos +Ġalter ación +Ġliber ar +ĠR um +Ġn óm +r encia +Ġcolon ial +Tra baj +rim ido +Ġcu rar +ĠAl icia +Ġarre ba +ĠA re +ĠL ab +Ġestim ular +Ġob reros +ĠCerv antes +ĠRe des +Ġa ir +Ġvent il +Ġcal cula +Ġregal ar +av a +Ġex pone +ri tas +ĠGran d +Ġam as +n is +Ġesf era +h en +ĠC y +R a +Ġpelic ulas +Ġhu ir +ĠPro gram +ril las +Ġay uden +Ġponer le +ĠMus ic +Ġsu cur +Ġmotoci cle +ï ¼ +Ġal moh +Ġparticip ante +Ġocur ren +n an +Ġpreocup es +Ġextran jeras +Ġilust raciones +Ġtempor ales +b all +Ġpermitir án +Ġpon ÃŃa +Ġnomb ramiento +i tivos +ĠLu gar +Ġóp tica +Ġintro duce +ĠNet flix +ĠðŁĻ Ĥ +ĠA qu +it enci +Ġignor ancia +E FE +Ġasc ensor +ĠB ase +Ġperu ana +Ġp ala +al os +Ġespu ma +Ġorden ado +Ġch aqueta +Ġor illa +Ġenfr ente +Ġest ip +ĠHo gar +Ġrecuer dan +dir se +Ġen la +IV ERS +Ġamb ul +ĠN ú +man ente +Ġproteg ido +ĠC ala +Ġalmac én +Ġcansan cio +V is +ĠPro f +ĠIN D +Ġespec tro +ĠMa teo +ĠCor rea +ericor dia +ĠBar ran +Ġavan zando +ĠPue den +ir ma +ĠFo x +Ġab ren +Ġnarra tiva +Ġacce de +Ġsatél ite +Ġla tina +ĠCrist iano +ĠJ ordi +Ġprivi legio +Ġdesarrollar á +Ġcabec era +ones a +Ġsu d +ĠF M +ĠE M +bo ard +Ġpu ri +Ġceleb raciones +Ġvol úmenes +ome trÃŃa +Ġimp unidad +Ġinform ático +Ġat entos +ĠF l +cis amente +ĠHo use +Ġun irse +t x +ee k +ĠDes cubre +t ta +Ġdi es +i w +ĠMar ca +g am +Ġan tel +gre gación +Ġdon ación +Ġanterior idad +ĠC án +Ġne vera +Ġn ubl +Ġbenefici arios +T RI +Ġver ificación +Ġman dÃŃ +Ġhábil es +ian ismo +ĠperÃŃo dos +Ġestruc tural +b ablemente +teri ales +a cion +ĠA vis +ĠP V +Ġfa tal +h idra +Ġinten dente +Ġprior idades +Ġsubra yó +âĢĵ , +Ġproduci da +Ġ198 5 +ĠEs pec +Ġglob ales +ĠEl éctr +Ġcos ech +Ġsecund ario +Ġmascul ina +Ġescas ez +terrán ea +Ġvol vieron +Pres s +Ġtom as +Ġexpres ado +Ġer rón +Ġal erg +p ur +ĠInde pendencia +Ġdiv ina +Ġno tific +Ġperpe tu +Ġcircu itos +Ġart ÃŃsticas +Ġsól idos +ĠN orma +á frica +Ġcaracter es +Ġfron ter +Ġdom ingos +él ix +Ġcer rad +ĠOp ciones +v s +Ġfin alizó +Ġad orn +Ġrad iación +Ġpertin entes +ĠR em +un e +Ġfol lar +z aron +Ġar ra +ort ante +gu o +Ġetc étera +Ġtraduc e +P an +er na +Ġvolun taria +orm al +Ġgan ancia +Ġópti mo +g em +Ġ: : +Ġcál ido +Ġan trop +Ġcompar tida +ĠC abil +Ġdiscur sos +ĠTra vel +Ġapos tar +Ġresca tar +Ġsab ia +A F +min ente +Ġre tención +Ġdes es +ĠAnd rea +ĠCo opera +Ġlac tancia +Ġabsor ción +B ol +ri ve +Ġdar ÃŃa +L OS +ĠR i +200 5 +Ġ8 6 +ĠIn tel +Ġesca pe +ĠMor ena +Ġmol é +Ġth is +Ġbúsque das +ENT OS +âĤ¬ . +Ġaleg ro +Ġinv asión +Ġayudar le +Par ece +Ġextra ños +Ġimp i +Ġjam ón +Ġráp idas +Ġo le +Ġmar x +Ġcens ura +Ġdin ámico +ĠCora zón +Ġcier tamente +Ġhacer me +Ġrodil las +Ġcol esterol +Ġprecios as +Ġmé rito +ech e +ĠYou tube +Ġil im +Ġapun tan +Ġper dieron +Ġoportun o +Ġpresent adas +Ġec ológica +ĠAm igos +Ġllam e +Ġcos tar +ĠCam b +te ado +Ġal titud +Ġencar go +ĠCl ara +Ġcintur ón +Ġfidel idad +Ġleg alidad +Ġaverigu ar +z u +ĠMar y +g ers +ila teral +Ġrespir ar +ĠT r +Ġexcur sión +Ġal tar +Ġorigin almente +S a +ĠAdministra tivo +Ġrepor taje +Ġoscu ros +ve lo +or y +ĠÃĵ scar +ĠSo fÃŃa +ĠL on +Ġse ver +ĠF lo +Ġano che +Ġpresiden ciales +Ġrol lo +Ġdel iciosa +Ġdiput ada +Ġdébil es +ĠPas o +ĠFamil iar +Ġros as +Ġexig en +Ġges tos +b ust +Ġapo der +T RE +Ġdisf raz +cin co +Ġdetal ló +Ġpsic ológico +âĢľ . +ĠV iernes +Ġincapa z +Ġset enta +Ġrecu b +Ġaspir antes +Ġdur ó +Ġmin as +Ġdepen den +Ġpon gan +Ġep ide +ri ga +ĠChar les +Ġg el +tu m +Ġesper anzas +Ġ { +ge la +Ġsencil lamente +Ġacer có +Ġin unda +Ġpe g +ĠJun ior +ib u +Ġquién es +M as +me lo +Ġan gel +Ġam istades +st ro +Ġtitular idad +ĠAlcal á +ĠOcci dente +Ġestim ado +Po demos +Ġpa tri +ĠEn c +ĠAc adém +Ġtermin ales +Ġconqu istar +Ġfil me +Ġcal cio +ĠR O +Ġvincul ación +Ġel enco +Ġmer ca +vi ar +Ġdeci di +Ġcomenz ando +Ġtra c +Ġresal tó +Ġtre men +Ġlegisl adores +Ġor questa +Ġgrues o +Ġgab inete +Ġsal ÃŃa +Ġcuidados amente +Ġsp am +C l +M en +Ġinvi to +ari ana +ĠA un +Ġconec tividad +Ġaliv iar +Ġab o +Ġde pre +Ġmil agro +Ġpu entes +Ġp ilas +ĠP is +Ġeconom ÃŃas +Ġhel icóp +Ġv arones +al i +itu des +ĠSin dica +Ġestamp ado +Ġsepar ados +Ġviol aciones +ĠBre taña +Ġtrabaj adora +Ġab uelos +tos a +Ġac túan +Ġpre car +Ġantel ación +Ġque mar +Ġm uel +Ġdig amos +Ġlim itación +ĠPres s +jemp lo +Ġaca demia +S ta +Ġvari antes +Ġinter rup +Ġb iz +Ġsuspen der +ĠG i +Ġter restre +Ġllan tas +Ġeste mos +ĠIndependi ente +Ġins cripciones +ĠPa ulo +Ġcatal anes +Ġb ord +Ġadap tado +Ġc itar +ĠCam pos +L AS +Ġfabric ar +Ġv ient +Ġcompar timos +Ġbara ta +ĠG ay +ĠA ren +Ġap ps +ĠMar x +Ġnomb rar +ma te +Ġaconse j +Ġpromo cionar +Ġcor t +et ti +Ġfom ento +Ġconsiderable mente +Ġal iado +Ġtorn eos +Ġcau tiv +Ġemerg entes +d rez +énd um +ĠP unto +ĠC orn +Ġest ancias +ĠBar ça +tin al +Ġapro vecha +Ġdom ést +Ġexclus ivos +Ġc igar +Ġpo table +ĠCer ro +gra cias +S L +Ġast ro +Ġpeligros os +Ġdi eci +cie dad +Con tin +ĠP uerta +zz i +Ġbaj ada +ĠMonter rey +ĠI gualmente +ĠDeclar ación +ĠM IN +Ġ" ¿ +Ġcement erio +Ġgan an +Ġcompar tiendo +b ana +Ġcamion eta +Ġg entes +Ġpag ando +Ġsurg ir +Ġn et +Ġvincul ado +Ġ198 8 +ĠV ene +Ġf reno +T rans +cop io +ĠS chool +ĠAy uda +lu encia +Ġg am +Ġmanif est +Ġw ifi +ces ión +ĠRo d +Ġrefle jan +Ġme lan +ĠProp iedad +ĠclÃŃn icas +ĠPe pe +Ġpl ug +Ġcom an +ĠDe ja +Ġder rum +a cia +Ġprop ici +Ġdren aje +Ġinquie tudes +Ġneu tr +Ġdig it +blo que +ĠI U +Ġvar ÃŃa +om ar +buen o +Ġsemif inales +ut in +Ġpes etas +Ġ197 0 +Ġdist or +com pañ +Ġllev ada +ĠIn forma +Ġescri tora +Ġinn umer +Encuent ra +Ġac ta +Ġmicro ondas +ĠMa gn +del l +Ġmig ración +Ġmadu rez +Ġto x +ri ente +Ġmedi tación +ĠT am +Ġesp es +Ġexitos o +ĠSim ón +Ġlabora torios +Ġo las +Ġven dedores +y er +Ġla va +Ġ9 2 +ĠCiudad ana +Ġdese amos +imen ea +Ġsépti mo +? " +Ġaut ó +g mail +Ġtra emos +Ġpri mo +Ġdefens ores +al do +Ġreci claje +Ġtri p +ĠCor tes +Ġbille te +Ġadminist radores +Ġperju icios +to oth +Ġsol teros +Ġresist ir +ĠB eb +ĠAlb acete +ĠM emoria +ĠIn ten +Ġca tedral +Ġenamor ado +ĠTri turadora +Le y +Ġl lo +Ġconv icción +Ġd ama +D ios +ĠI M +EN TO +ĠT oy +Ġpl uma +ĠPres entación +Ġcomun itaria +Ġqued é +i po +Ġju gos +Ġavan zadas +Ġr ÃŃg +Ġresul taron +Ġdedic ó +ĠEcon ómica +Ġna cidos +Ġtu ya +ĠEvangel io +n ación +IC AS +Ġdist ra +Ġoper an +IC E +Ġ198 6 +Ġinstitu cionales +Ġpas tillas +H E +Ġgeográ fica +Ġa ires +ĠT ienda +Ġs om +Ġdemon ios +ĠPar is +Ġsustan cial +ĠAlim entación +T T +Ġvia ja +ĠÃŃn dole +Ġpro li +Ġfal da +TI VA +Ġdi alo +ĠCl in +Ġes quÃŃ +200 4 +p ica +c ano +c ran +Ġcampe ona +Ġconsist ente +ti tas +ĠVal ores +Ġescuch ando +Ġcur ric +ĠT in +Ġma tan +ĠPol onia +Ġreal idades +Ġestudi ado +rac ciones +ÃŃ ble +Ġd ados +Ġinfl uencias +ec tor +Ġarm ados +Ġn u +Ġá cidos +Ġo ve +Ġal berg +ĠES PAÃij +Ġmic ró +Ġreno vado +Ġconstru ye +ĠSe a +quil er +Ġseguir án +Ãį S +ĠPat ria +rocar ril +ĠT em +Ġliber tades +R ef +m ada +Ġex port +ĠCo p +lo ad +Ġapar ente +Ġaum entan +Ġvincul adas +Ġconsol idar +Ġcorpora tiva +pe dia +Ġrecep tor +ĠConfe deración +Ġon das +Ġópti ma +Ġdesp ierta +Ġgust ar +tra c +ic he +Ġpodr ÃŃas +Ġacord ado +Prim ero +Ġactiv amente +Ġpro l +Ġrela tivas +dal ena +ól icos +ĠCr édito +Ġprovis ional +ĠAbog ados +Ġtradu cir +ĠD ur +Ġlec ciones +Ġdue le +Ġaci erto +Ġdescar gas +Ġbomb eros +Ġcruc ero +ion e +ĠL ara +Ġra bia +ĠDe partam +Ġdese ar +Ġtom arse +Ġinto ler +fi anza +Ġpublic adas +ĠJo ven +G EN +Ġtra mos +ab ras +ix a +Ġcos tó +TI TU +Ġmencion ada +ĠM ap +ens ible +Ġesencial mente +ĠA ñad +g ara +ur rección +dió s +Ġcusto dia +ñ ada +Ġcre aciones +Ġsol teras +Ġal gorit +ú b +Ġconvoc ado +Ġlej ano +Ġb ÃŃbl +Ġam uebl +ĠLe tras +s olo +Ġpas es +ĠBale ares +Ġconten ida +Ġdivi de +D ec +Ġrecibir án +Ġred onda +ga z +ĠNob el +Ġescon de +i amos +and és +ĠCol ombi +Ġsi entan +Ġsub mar +C S +ĠChrist ian +ĠMé rida +ĠCabil do +Ġus amos +Ġsel va +Ġpelic ula +Ġasesina tos +tán eo +Ġameric anos +T ri +Ġsum ó +Ġcer do +id an +Ġcoinci de +Ġman ufac +Ġlimp ias +Ġrecom ien +Ġacus ación +Me di +Ġcaball ero +Ġ8 7 +ĠfÃŃs icamente +ven iles +th an +Ġl on +Ġpa tron +Ġestan dar +Ġmercan cÃŃa +ĠP ese +Ġexces ivo +ĠComun icaciones +Ġro jas +Ġpar rilla +Ġdirec tivo +Ġnorte americana +Ġsupon en +D ónde +Ġval iente +ĠF eb +Ġdes orden +f rad +Ġsupermer cados +Ġreclam ación +Ġgen u +Ex celente +ĠM S +Ġavan zados +Ġcenten ar +ĠN ick +te gra +Ġdesplie gue +Ġad ic +Ġdes ar +at ó +Ġproteg idos +Ġrep ent +Ġtir os +at án +Ġperfec tos +ól icas +h is +Ġromán tica +Ġretra to +ĠY an +ĠE FE +Ġse amos +Ġmanten drá +hua hua +Ġcor ro +Ġaur ic +ru pos +ĠTeléf ono +Ġapoy ado +ĠC ru +Ġval ioso +Ġtur b +Ġmejor amiento +Ġaten diendo +go via +Ġgran os +Ġpre visión +Ġaport ando +Ġcent rar +Ġr icas +Ġal dea +w ar +ĠEsper anza +Ġp ones +Ġcocin as +Ġdiv orcio +Ġcompeti dores +ĠS mart +ul la +os amente +ci erto +Ġestric tamente +Ġreivin dic +Ġsi erra +ĠOlÃŃmp icos +Ġconvirti éndose +Ġvari ados +Ġt acto +am par +Ġra zas +Ġin us +Ġch is +Ġcontra tado +Ġt am +Ġau ge +ĠChia pas +. ; +Ġc ielos +Ġmé dicas +Ġcar is +Ġreempla zar +rol l +Ġan ualmente +Ġdel im +Ġsens ores +ĠIntelig encia +one das +Ġde can +ib a +Ġcompar ti +Ġnarco tráfico +Ġprefer ido +Ġtro zos +Ġaplic ada +ĠP O +Ġso vi +pos a +Ãį N +t ente +Ġfres cos +Ġmuch acho +ill ón +Ġrecomp ensa +Ġmar ino +Ġutiliz arse +OR A +óst icos +Ġaj eno +Ġinconven ientes +ĠC ob +ht ml +u i +Ġmil itantes +Ġe ficientes +ĠUn os +n ab +Ġtrabaj adoras +ĠBel la +Ġcomput adoras +ĠBus car +Ġdivul gación +Ġsu dor +Ġcontrol ado +Ġin ca +Ġtendr ÃŃan +Ġhar é +Ġtable t +s ales +Ġdig es +as i +T res +Ġreduci da +Ġregist rada +ĠPol it +Ġcrist ales +er ry +d ada +ĠEstatu to +Ġtuber ÃŃas +ĠJ ones +ÃŃn guez +Ġ9 7 +Ġcam bie +ĠEmp ren +ĠL y +ĠG am +al go +Ġla van +Ġec ológico +Ġtranspor tar +lic e +ĠIl ust +Ġrel ieve +la ve +Ġ198 7 +ĠChamp ions +ambi os +ĠO x +ens as +Ġdese quilib +if t +Ġab domin +Ġañad imos +ĠF O +Ġgu iar +Ġmas ivo +ĠT O +Ġmor ales +me t +el ar +Ġ197 6 +Ġl ana +ĠP rado +Ġrad ica +Ġdesen caden +Ġdesh acer +ĠRo ca +Ġorient ado +ell er +ten cias +Ġob tienen +ĠO limp +Ġllev arlo +iv ir +Algun as +Ġafec to +ĠV esti +Ġdeber ÃŃas +Ġatro pel +Ġsc orts +al th +Ġelim inado +Ġrecip iente +Ġtermin o +ĠIn fo +Ġprofesion alidad +Ġespeci alizadas +Ġelabor ados +Ġexplo tar +Ġj es +Ġjugue te +ĠCom pr +Ġsignifica tivamente +Ġdi etas +ĠâĢľ ¡ +Ġplan ificar +Ġpeligros a +Ġbatal las +ĠAdminist raciones +ul an +Ġra tón +Ġcomun itario +Ġpregun tado +... " +Ġvari ada +Ġindic ada +Ġfundam entos +Ġcomp u +Ġcin tas +Ġcaus ó +Ġ7 9 +Ġespeci alización +Ġsá bados +Ġo ÃŃdos +Ġley endas +Ġconta bilidad +Ġimpres ora +Ġencar cel +Ġmil ÃŃmetros +Ġres oluciones +Ġconec tados +ĠPriva cidad +ramient as +Ġpin cel +Ġesc and +at an +Ġexcur siones +Ġtrans port +Ġproce dencia +Ġprodu zca +Ġdedic adas +Ġcoinci den +ĠF ri +Ġrobo t +ĠHuman idad +Ġvis ibles +Ġregist raron +édi tos +Ġconmem ora +Ġme tido +Ġhaber lo +ĠP ad +Ġju icios +gu iente +Ġg all +Ġdesactiv ados +F ac +Ġremo to +Ġpres a +Ġperson alizados +ĠE fec +Ad visor +n s +Ġimp rim +qu ir +Ġrecib idos +Ġcas ero +ti tos +ĠS ob +ent ando +do c +ĠF IN +Ġves tuario +Ġprofesor ado +americ anas +V e +Ġt ÃŃa +Ġinnov adoras +Ġmaravil las +Ġrad icales +Ġresuel to +ps ia +Ġgubernam ental +oc al +Ġ8 9 +ĠBM W +I TA +Ġten siones +Ġnov enta +Ġcomple jas +ĠZapa tero +Ġpes a +art én +Ġacostumb rados +Ġneces ites +or ros +Ġprov echo +ĠTer cera +eno v +Ġañad iendo +Ġdomin ar +Ġrecu pera +ĠE ric +ĠE usk +Ġri sas +Ġimpar tir +ada jo +pan y +Ġin und +Ġsem illa +ĠTecn ologÃŃas +Ġacus ados +Ġc ueva +a hora +Ġsu til +co pia +ĠdiscÃŃp ulos +M er +ĠGobern ación +Ġcompr é +am en +Ġsuper ó +Ġinnov adora +ĠProfes ionales +Ġde tuvo +ban as +Ġgo tas +io terapia +ij ón +Ġar e +s ab +Ġ¡ ¡ +Ġposi cion +itor al +Ġsangu ÃŃn +Ġvulner abilidad +Ġ8 3 +Ġacompañ an +Ġdi era +Ġtrans vers +Ġsepar ar +a h +Ġre car +uer as +Ġtab lero +aj ada +Ġdenunci ado +Ġliber al +ĠCons ulta +ja te +Ġsum ado +Ġdeba tir +g encia +Ġrec tor +Ġmi tos +ĠLeon ardo +Ġdetal lado +uc ción +Ġmin ister +H ist +Ġhier bas +Ġinnumer ables +L leg +Ġp ra +cent r +Ġlle gué +Ġvol viendo +fer os +ĠFab ric +Ġalco h +Ġcancel ar +Ġap to +Ġ !! +ĠA é +Ġe cha +Ġ8 1 +Ġaf ro +Ġemb arca +Ġaf án +Ġdes b +ĠVal or +A Y +ĠAQU Ãį +ĠA didas +Ġw hats +cios os +éspe d +d éis +Ġà ĥ +Ġleer lo +Ġentre gas +Ġtraslad ar +Ġmercan til +Ġmuñ eca +tiemp o +Ġri tual +Ġalquil ar +ĠQu ien +Ġabst rac +N ueva +ĠLe gal +Ġhel ado +ĠIra k +s ecre +Ġ198 2 +ĠMe didas +Ġfal l +Ġreun irse +ĠEsper amos +ĠEst u +Ġfutbol istas +st ar +per ci +Ġenvi ados +Ġvisit ó +Ġrepar tir +Ġanim ados +Ġp y +Ġrit mos +ĠPon te +Ġsuf riendo +Ġsol as +Ġve cina +Ġfib ras +ĠBen ito +Ġr usos +ĠAl bert +rig or +Ġexten so +Ġen m +ĠP ir +ĠDo wn +m undo +ĠP L +ĠRé gimen +Ġs artén +ĠAust ria +Ġlici tación +ĠIgual dad +ac al +ĠK irchner +Ġbaj ó +Ġpres tado +Ġam ado +ue ta +uer tas +Ġreivin dica +Ġcuch illo +ĠSe de +Ġtrop ical +ĠRE G +Ġlo te +ándo las +Ġnar ración +de rismo +Ġv ÃŃs +ĠSte ph +te xto +Ġvál ida +Ġesp ir +Ġdu dar +ĠAgu ilar +in go +Ġsac udi +Ġcans ado +di e +ĠTra tado +qui al +IC OS +Ġorden ar +is pos +Ġautón omo +Ġmág ica +Ġadop tado +Ġtrabaj aba +ĠT y +Ġproduc tora +Ġvient re +Ġcom ando +Ġpot entes +ar to +AD R +ul osa +Ġirregular idades +Ġsu bl +p us +Ġne o +Ġponer te +Ġfrac ción +ient ales +Ġra tific +Ġso is +Ġfi jado +Ġahor ros +ĠS EC +Ġhab rán +Ġdesp ido +if ique +adajo z +TM L +Ġsan tos +Ãĥ º +ĠCal i +Ġaran cel +Ġfascin ante +Ġsemin ario +lo t +ba te +Ġsol dado +ĠWi Fi +ĠDol ores +Ġromán tico +de f +Ġcompar tió +Ġbo te +Ġdemos tración +Ġimpres iones +ĠJust o +ĠF élix +Ġespiritu ales +ar é +Ġsur tido +Ġesc ar +Ġaf ortun +p las +on ales +Ġcompati bles +Ġcómo das +Ġinoc ente +H an +mall era +Ġejecu tivos +ĠC AP +Ġregres ó +ĠPl eno +ĠX III +ri as +Ġcicl ismo +Ġ ~ +Ġpec ados +D ES +ras e +Ġpo zo +Ġrefer éndum +Ġan at +dal ias +fic ado +Ġcere ales +ĠN E +Ġaj ena +g ros +Ġgran ito +Ġcombust ibles +Ġensal ada +i Ãĥ +Ġgratu itas +Ġapre cia +ade cu +Ġac ent +Ġcab ina +Ġllam amos +Ġplan cha +Ġmir ó +ÃŃ qu +Ġvar ÃŃan +ĠGol d +Ġus arlo +o jo +Ġestad ÃŃstica +Ġfigu ran +v it +Ġrelaj ación +ĠMetro politana +Ġfre e +ec emos +ĠRe un +Ġequ ivo +Ġconoz ca +Ġperf um +Ġven go +ĠK at +ti ficaciones +ĠTer ra +Ġlo bo +ĠQu ito +Ġapoy os +ĠUR L +ĠBo letÃŃn +Ġentien den +ach ing +ĠE C +Ġfil ial +Ġrom ano +f ÃŃn +tra ciones +J es +Ġsin te +Ġtan que +Ġpes ada +ĠCoord inación +Ġmul tic +Ġhabil itado +Ġentr ando +Ġdispar os +Ġevidente mente +P OS +U B +M T +Ġ1 01 +ĠT ienes +Ġdi j +Ġasi ático +in ero +Bar celona +dente mente +Ġfal tas +ĠC AN +Ġcompet entes +Ġ197 8 +ue ces +Ġmane ja +z amos +Ġexcep ciones +Ġb recha +Ġfan áticos +mer ce +Ġestu vimos +ic ket +ĠArm adas +p eso +Ġpro hÃŃ +Ġpris a +Ġgeo grafÃŃa +Ġaceler ar +B ajo +Ġnaveg ando +ĠNú ñez +Ġconsum e +ĠCá ceres +un ning +Ġlament ablemente +ĠTrip Advisor +Ġinter f +Ġinst ala +Ġincons ciente +ĠCo lección +du zca +Ġale jado +j ect +Ġin hib +Ġabrir á +Ġlib ras +Ġay untamientos +ĠWord Press +Ġinyec ción +Ġca en +Ġacces os +Ġexces iva +Ġllam ando +ĠM AS +Ġmortal idad +ĠSo le +?? ?? +Ġrefer irse +res tres +Ġcomp re +Ġvuel vo +cu ito +S M +Ġal ianzas +mi ra +Ġrecaud ación +Ġ9 4 +ĠP ep +Ġdi e +Ġman gas +dr en +Ġse pan +Ġar mar +Ġaguan tar +Ġvac un +Ġmort ales +ul ador +Ġg alax +Ġpropon emos +Ġjuris p +Ġestruc turales +Ġreal ista +Ġmá ster +ĠAlcal dÃŃa +ĠLegisla tivo +Ġé tn +Ġlu b +ĠCla udio +te dra +po ol +Ġce der +ĠP amplona +Ġofre cidos +Ġfal las +Ø § +Ġexperim entos +Ġtran sex +di g +Ġex acto +Ġinfin ito +Ġhipo tec +ta te +Ġpat ente +ĠEx terior +Ġpasa porte +Ġpsic ológica +Ġreco lección +Ġprevis iones +Ġac lara +J a +s ÃŃ +ér min +m icas +Ġacep tan +Ġch imenea +Ġdistribu ir +ĠPre mi +us se +Ġmar ina +Ġadmi ración +ul lo +Ġma tices +Ġperman entes +ie la +Ġinvis ible +tr aron +Ġinser ción +Ġdel icado +Ġeleg antes +Ġt ru +Ġre an +ĠMan chester +ĠAn des +ĠD or +Quer emos +Ġsome tidos +Ġcomun ión +mon t +Ġacces ibles +Ġv elas +Ġpar adas +u idos +Ġapun tar +Ġna ves +ĠDon de +Ġc ÃŃ +aco a +ĠY uc +Ġecos istema +Ġca ÃŃdas +ĠDe ci +ver dad +e ños +Ġtor tura +Ġun ico +Ġtum ba +ĠCla udia +Ġchil enos +ĠPro ceso +Ġgen io +Ġalber ga +Ġcal do +ĠF iestas +rar i +Ġimplic ados +g ement +us co +ĠHal loween +Ġcru cial +aliz as +Ġbrasile ña +Ġ198 4 +Ġin como +ĠMana ger +s iempre +Ġt óp +ológ icamente +Ġsmartph ones +Ġinconven iente +Ġpin tado +ĠEduca tiva +Ġdibu jar +ec erÃŃa +Ġtener lo +Ġparticipa ciones +onal do +qui én +Ġme tá +ĠDa ta +Ġtelevis or +Ġconoc ÃŃ +Ġembara zadas +Ġtap as +Ġcandida ta +Ġprofun dos +Ġdific ul +Ġacog e +Ġhom icidio +Ġartifici ales +Ġhorri ble +Ġrecog ido +ĠP ino +Ġrecib ida +Ġdisfru tado +Ġcar ece +Ġro daje +ĠV ER +Ġaloj amientos +oc ación +Ġsupermer cado +i h +ent ada +Ġaban ico +r ome +Ġprogra mar +Ġrecon cil +Ġinmobil iario +Ġmás cara +Ġconvier ta +Ġex tras +Ġvac una +Ġaproxim ada +ien a +j arse +Ġabsur do +AR IA +ĠS ra +Ġpas eos +Ġtruc o +ĠA hor +Ġimpuls ado +Ġllev aban +Ġrepresent ado +Ġvideoj uego +Ġtram itación +p m +Ġbu que +ã o +ren da +in amente +Ġimpor taciones +Ca teg +Ġimag ina +Ġos t +ĠSo to +Ġnoctur na +Ġresist entes +Ġdefin en +alu pe +Ġdesconoci dos +ĠBa hÃŃa +Ġrellen ar +ĠMin i +Ġda ñar +Ġante mano +Ġvas co +x eles +Ġaprovech ó +Ġacces ibilidad +Ġes mal +A ún +c ador +Ġp ig +ud or +Ġester eo +Ġmis eria +ĠSem inario +Ġsent arse +ĠObserv atorio +ĠU d +M is +j aba +ĠBan da +Ġver sos +Ġcaptur ar +si der +ú o +ĠO C +Ġp ru +Ġoscu ras +ĠA k +ter ias +ĠGer ardo +- ) +Ġvo tantes +ĠSER VI +ĠInstitu ción +Ġclan dest +Ġdisc usiones +ĠUl tra +ĠC abe +Ġconfi able +Ġrelaj arse +Ġg ent +Ġp c +Ġcontribuy en +tique tado +uy a +Ġpor ción +is és +Ġcu ente +ĠS IN +Ġdestac ando +OL U +Ġsal ones +ich os +V ER +ĠVe gas +ĠS ust +Ġcóm ic +Ġe mite +Ġadh es +Ġdes ech +cas t +Ġacum ula +Ġinci dentes +Ġch ip +Ġpreocup ado +Ġ' ' +Ġpas illo +ĠSig lo +Ġrepara ciones +Ġdesa perci +ĠS he +Ġhallaz go +Ġto tales +ĠLin k +Ġnatur almente +Ġacep tó +u tos +ĠLu go +Ġcir uj +ros os +ĠDom ÃŃnguez +Ġinterac tuar +Ġjugar á +fici al +Ġconcej ales +Ġvin ilo +Ġemo cionales +Ġasal to +Ġre util +ĠE leg +ĠSus ana +Ġpo etas +Ġcor ren +Ġsuel ta +Ġterra zas +l ac +Ġestá is +Ġca tas +Ġconstru yendo +Ġfich as +Ġcal ificado +ĠSud áfrica +Ġmusul manes +Ġcan ciller +Ġres on +ĠX II +Ġm ueble +Ġinmobil iaria +erop uertos +iz antes +ĠContac tos +S AN +Ġpromo cional +Ġcontra ctu +ol f +Ġjef a +Ġfun cionales +Ġfl ora +Ġcláus ula +Ġop uesto +Ġcoord inar +k g +Ġcar ros +Ġimpres o +Ġfármac os +ER C +tien den +Ġprotocol os +era ciones +Ġnoti ficaciones +ĠEn ter +Ġven drá +ĠAl co +Ġv ina +Ġab a +Ġan cha +Ġdese ando +ĠAm éricas +Ġre h +Ġhábi to +Ġadelga zamiento +t rio +ĠH ill +oc as +Ġcar tu +AR D +Ġpod ria +ĠStor e +ĠD al +tal gia +pe tas +Ġpier da +Ġdisfru tan +Ġceleb ran +Ġtu tela +Ġaliv io +Ġmec ánico +ĠLa go +irá mi +[ ...] +Ġsec uestro +Ġjoy a +Ġven ció +Ġor ejas +ha i +Ġapar ecido +Ġhamb ur +Ġsu icidio +Ġ ). +Ġpes tañas +ĠAs i +Ġbor des +Des cubre +Ġenvi dia +Ġrelig iones +: : +ab ric +Ġcomun ista +Ġres idente +Clar o +Ġagres iones +ing ue +Ġenc endido +Ġmencion adas +Ġemer gencias +la y +Ġllev as +Ġc una +ĠMol ino +Ġpos turas +mos o +Ġadelan tó +cil lo +Ġpantal ón +ĠJack son +ĠA segu +Ġevi dencias +Ġmaltra to +Ġtra zado +cion arios +Ġorden amiento +Ġbancar ias +Ġagrade ció +Ġfis i +ĠPr ÃŃncipe +no va +Ġaf ueras +Ġol la +Ġab riendo +ĠVir gin +Ġpres encial +er idad +om an +ĠT ec +Ġinfin idad +ram ientos +Ġru inas +Ġconvir tiendo +Ġma xim +ĠT ran +Ġprev ias +Ġgo zar +Ġter mo +Ġlesbi anas +Ġreserv ado +Ġformul arios +Ġta x +Ġgre mio +v ero +ig en +t ana +Ġinnov adores +Ġh erv +ĠH as +Ġconoci endo +Ġsu ite +Ġmús culo +Ġf ic +Ġjub ilación +Ġamar illa +Ġimprescindi bles +ĠCh o +ĠDel gado +Ġproduc tivos +ĠBel én +ĠLabor al +Ġvia jero +ĠDirec tora +Ġe cho +b ella +Ġaman ecer +Ġcampe ones +Ġmues tre +Ġar bol +Ġsosp echa +9 00 +Ġper on +Ġdiv ino +Ġp h +Ġag il +M X +Ġavent ur +ĠES O +ĠB ir +Ġvari adas +org es +can es +Ġestar ÃŃan +Ġángel es +Ġtea tral +Ġlámp ara +Ġex cav +Ġca ta +Ġprim arias +ram ento +n é +Ġrecop ilación +ĠF UN +! ) +ä ¸ +P V +Ġel ite +H ome +qu ias +Ġpien sas +Ġco h +ĠWar s +Ġfórm ulas +Ġlar g +ĠES T +ĠZ e +ĠRo o +Ġast uri +p ic +Ġpreju icios +Ġapoy an +Ġtit ulada +in ea +Ġgob ier +Ġve as +Ġic onos +Ġdis capa +ĠPer e +Ġplante amiento +Ġcau te +Ġedi l +ĠM óvil +Ġb ack +ĠAy er +Ġcol gar +Ġextra ñ +ĠHen ry +Ġpre ma +Ġexig ente +vo ces +Ġmonstru o +Ġpos ter +Ġesta tus +k el +iz aron +Ġcalent amiento +Ġcolon ias +ĠÃŃn tegra +Ġabor da +Ġan exo +ĠVie tnam +ie w +se gún +D er +ár qu +Ġcria tura +Ġcom icios +ĠOb ra +ti ro +F orm +Ġv ano +Ġref uerzo +Ġso ñar +Ġurban as +Ġfrag mentos +ĠA V +Ġtu bos +Ġescla vos +ud ÃŃ +Ġdesign ado +dil lo +ĠMen or +Ġobserv ado +Ġdirig irse +Ġagra dezco +ĠGén ero +Ġama teur +ĠK an +bl as +ĠVer ano +ĠEst able +Ġpel i +Ġfun er +ĠResta u +Ġex al +Ġval ent +Ġsur f +Ġqu im +Ġreduci endo +Ġkiló metro +Ġrep lic +Ġru bro +ĠSho w +ĠP un +ÃŃ sta +Ġrecor re +Ġcompro bado +Ġdiver tidos +Ġdivi dir +ĠEsc rib +Ġmas ac +Ġsu pe +Ġcub iertos +B R +Ġperman ecen +ĠMis s +AN TE +Ġ ] +g able +ĠE mer +ĠMé dico +Ġp ánico +ma y +ĠPa ula +aliz ador +ĠCon oce +ĠÃįn dice +Ġintérpre te +Ġme d +Ġrepor ta +Ġmodific ado +Des arrol +Ġafirm ado +ĠAutor idad +ĠSer rano +Ġt v +Ġexpecta tiva +Ġexac titud +Ġemp eño +ĠB itcoin +Ġapro x +ĠJ U +Ġdeleg ados +Ġedi tado +Ġmater nidad +Ġcomprome tidos +Ġtra ÃŃdo +Ġparticip ando +Ġus adas +ĠjurÃŃ dicos +ĠL U +Ġhura cán +Ġrecon ocen +Ġartic ulación +duc to +ĠCastel lón +Ġpl om +ĠP ien +ÃŃ l +ab al +Ġro les +Ġmira ba +Ġg in +Ġso ja +Ġcor rea +Ġ( ¿ +Ġin do +ri ba +ĠUn ited +ĠEmpres arial +ĠVia jes +pir os +Ġtom adas +Ġmas car +A G +ĠRa cing +j illo +ĠH it +Ġretro ce +Ġ ´ +Ġtrans acción +Est udi +Ġmuer ta +ru ro +Ġv ér +Ġital ianos +Ġref ieren +ĠMin istros +Ġinter ven +Ġderro tar +ĠAs istencia +Ġperson alizadas +tan to +Ġsil ic +Ġment alidad +Ġconseguir lo +abor ación +Ġpodr éis +Ġmedi cin +Ġad misión +Ġplan etas +C arlos +Ġasist ieron +Ġcanad iense +ĠA rena +Ġlle ven +Ġgra baciones +ĠVie jo +Ġdiseñ adas +Ġdes crito +Ġmanio bra +N E +r adoras +cil ia +ĠLo ve +а Ð +enci ada +ĠB rig +Ġlegisl ador +ĠV III +Ġalm end +Ġhumil dad +Ġcre mas +Ġmetabol ismo +Ġsignifica tivos +ĠJ uez +Ġcató licos +ES CO +Ġinstal ada +Ġarrep ent +cul tural +Ġpues tas +Ġalu cin +Ġescul tura +ĠSocial ista +h oy +qu in +Ġacum ulado +Ġase ver +Ġár bitro +ĠHues ca +Ġases ores +fici encias +Ġm ueven +anim idad +me jor +Ġaer ona +Ġinteres ada +ĠPie dra +ĠSec undaria +Ġautón omas +Ġconfor table +Ġ198 3 +ĠPe tro +Ġequivoc ado +Ġbiblio tecas +Ġcuad ras +Ġel abora +Ġorient ada +Ġsent encias +ir ÃŃa +El la +Ġtrav es +dor as +Ġpresent aba +Ġrode ada +Ġam en +Ġvol cán +ĠIn t +ĠExcel ente +Ġso portes +iz e +", " +ĠTra tamiento +ĠJul ián +Ġescon der +Ġcontrar ia +Ġin minente +Ġrom ana +órm ula +ta bilidad +Ġenc aj +Ġproduci dos +Ġwhats app +Ġcr ónicas +ĠLiber tadores +ĠWh ite +ĠCol onia +ĠCo leg +ĠCa fé +ĠV oy +Me jor +ĠConse jos +Ġapar ezca +Ġadelan tado +tiz ados +Ġrom anos +ĠEsc olar +Ġd rá +Ġlo cos +Ġpron óstico +ĠTele fónica +Ġrespon den +quis itos +Ġ197 3 +Ġconcre tar +ĠMag dalena +Ġarru gas +en ario +Ġprogram ado +Ġforma ciones +ĠGol f +Ġfund ó +Ġto ques +Ġmanip ular +Ġsab ÃŃan +Ġdest ruc +ĠCab o +Ġre portes +ĠNo ta +Ġfi jos +ĠComp ra +Ġtra en +Ġpobl ado +Ġsuper ación +Ġg luten +ĠT U +Ġh ilos +A pren +ĠPúbl icos +ĠMar vel +tu almente +Ġrequer ido +cios as +Ġinf racción +ĠArm ada +Ġt ÃŃm +ĠO pin +ent ó +ig er +Ġs ó +Ġtra i +Ġexp ulsión +Ġs pa +Ġinquie tud +R ep +ĠConce jo +n io +Ġenc ues +Ġaclar ó +Ġv itales +Ġcap illa +um an +ĠMar te +Ġincon di +Ġmone taria +ill on +Ġemi tió +reg ó +g ina +Ġtor res +ER N +aliz arse +Ġfin alizado +Ġdin ámicas +Ġinter medio +direc tor +ĠS oria +el éctr +ĠAdo lfo +Ex per +énd onos +Ġcredi bilidad +Ġedi toriales +ĠmÃŃn imas +Ġs ales +ĠA BC +Ġprimor dial +pec ción +Ġafi cionado +iden tes +Ġurban ización +Ġmir as +or s +Ġplást icos +Ġma ñ +ĠMon um +ĠMer can +Ġemp erador +ĠNatural eza +Ġhisp ano +âĢĶ . +Ġfuncional idades +ĠGuar di +ĠL ac +Ġacab e +ĠR onaldo +ĠE P +Ġsigu ieron +ĠH il +Ġlimp i +ĠTe am +cion adas +Ġmo le +Ġal ba +Ġch anc +Ġinm enso +Ġch ic +da f +Ġsuje ta +Ġfer rovi +Ġ oraciones +ĠAl f +ĠB las +Ġreci ba +ol l +Ġabund ancia +as ÃŃ +g ulos +ho o +Ġb ull +Ġdemos trando +Ġvisu alización +Ġdipl oma +Ġdoc tora +n ada +Ġcont enta +ást ima +ol d +ĠBen jam +Ġban deras +Ġ19 60 +Ġprovin ciales +Ġdes crip +ĠC av +Q L +Ġacep table +h s +ĠCaball ero +Ġdura bilidad +Ġlatino americanos +ĠD ro +Ġsimul táneamente +Ġre ad +Ġél ite +Ġh emor +Ġinv entario +ĠB ell +Ġpas en +Ġco pi +ĠAu xil +ist es +ĠElectrón ica +Ġcomp acto +Ġuruguay o +M AN +olog y +Ġasegu ro +Ġderi vado +Ġb ando +Ġtex turas +Ġdivi dido +u o +x s +f ran +Ġrepresenta ciones +Ġprotagon izada +ĠPas tor +g ente +m ones +ĠU C +Ġmensaj erÃŃa +Ġorgullos o +Ġtr ono +Ġb eta +Ġderiv adas +Ġclás icas +l us +Ġmanifest antes +Ġy endo +Se ñ +ĠMov istar +Ġc ésped +ĠT ay +Ġgen es +Ġreac cionar +Ġdej arse +Ġimpos ición +ĠVir tual +es tá +poner se +ĠL G +e ado +ĠclÃŃn icos +Ġsinies tro +ĠEMP RES +s ub +Ġpi dieron +Ġdiver tidas +ĠG es +D AD +ĠD OC +Ġm acho +ĠAut om +Ġapar tados +ĠðŁĺ ī +Ġtra cción +is imo +Ġpre fi +s ica +Ñ ı +Ġprovoc an +ilan dia +Ġco le +Ġhom olog +Ġcaracter ÃŃstico +Ġdemas iada +Ġdi lu +Ġhin ca +Ġenc ender +ĠMil án +Ġrecl ama +Ġcoopera tivas +Ġinunda ciones +c rim +man os +Ġconven iencia +ĠC es +ur ada +m ios +Ġfi able +Ġindis cu +M or +Ġautor izados +Ġubic adas +Ġregular mente +P G +és imo +no che +Ġper cep +ĠWilliam s +Ġpas ajes +Ġplan tillas +ĠGuad alupe +c ante +Ġadi v +ĠProcur adurÃŃa +Ġsindic ales +Ġest úp +Ġrequer ida +go gÃŃa +ĠB all +Ġorganiz ados +Ġelev ados +Ġpim ienta +mo vil +ĠBra vo +Ġex pos +ĠUnivers idades +Ġman dó +Ġp echos +ĠEx press +Ġparad igma +Ġllev arán +Ġasign ado +Ġtre ce +Ġcomp res +Ġcaracter izan +ĠM UN +Ġeconóm icamente +qu im +ĠB ul +iden ta +Ġprob abilidades +ĠIS BN +ĠTar ragona +Ġto cando +Ġinme jor +Ġsu l +ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ +Ġluminos idad +Ġrec tificación +Ġrecha zó +ion era +Ġá gil +Ġesca pada +Ġper ca +ĠMan tenimiento +Ġrespons abil +In formación +Ġgran ja +Ġconten edores +par able +ám icos +201 9 +Ġcompeti tiva +Ġa tes +Ġanim ado +ĠTécn icas +ĠSer ies +ĠSe govia +Ġdi ablo +Ġexig entes +Ġdesign ación +Ġviol enta +ĠSecre taria +Ġru b +j ala += " +ĠCh ris +Ġreconoci das +Ġrequier a +Ġsuple mento +r ÃŃas +Ġre estruc +Ġser ios +ĠCons ide +Ġvendi dos +ĠDef ens +Ġingles es +Ġest all +Ġfacil idades +Ġf ec +Ġestren ar +Ġab dom +Ġdesapar ece +Ġdesn udo +ĠWal ter +Ġexp lico +Ġexp uso +ĠG ram +y es +Ġacostumb rado +ĠMon e +Ġenv ÃŃan +Ġtro zo +ĠN er +Ġtom en +Ġiden ti +ár selo +m ne +Ġperman entemente +ĠT oro +ĠRe almente +ho t +Ġp ana +ĠM ónica +ci en +Ġcorpor ación +Ġsa grado +Ġpele ar +Ġc ese +Ġreclam aciones +Ġcotidi ano +Ġportá tiles +Ġh im +ĠAb r +Ġvina gre +Ġri g +ok ie +Ġrevel ación +v ados +ĠB ull +val os +de cer +L ib +Ġser iedad +Ġesp len +ĠRo pa +Ġcamp us +s us +Ġhier ba +Ġco yun +Ġsol ÃŃa +ĠTecn ológico +ĠF la +Ġater ri +ici dades +ĠB A +Ġacor dar +Ġobten iendo +Ġpes ados +bur g +Ġsuces ión +Ġcas illa +Ġsincer amente +vi al +Ġt echos +Ġprov ienen +g áis +Ġjust ificación +Ġ197 9 +h on +m ero +Ġinterpre taciones +Ġvin tage +Ġalterna tivo +Ġlum inoso +ĠR D +fol io +Ġrecor ridos +Ġprogres iva +ĠDis eñ +N ada +ch ada +ti entes +ĠJer ez +ÃŃ feros +Ġjab ón +Ġreun ieron +Ġdemon io +Ġpresent en +Ġmister ioso +Ġabri go +Ġbendi ción +Ġrela ta +Ġagrade cido +y le +Ġprem isa +Ġve j +Ġfi abilidad +Ġpropon en +óst oles +Ġrecom pens +vent ura +Ġcre cen +ma cias +ĠCapa cidad +Ġsuger encia +Ġdoc encia +ĠPro to +Ġnúcle os +Ġson ar +Ġrecuper ado +Ġob se +Ġinici aron +z arse +Ġfantas ma +Ġrep ública +Ġprostitu ta +Ġec les +te le +Ġconta g +ub er +d arios +ĠMic ho +ĠSy stem +ĠI tal +Ġindi os +cu rio +Ġdepen der +Ġselec ciones +Ġadqui ridos +Ġb uf +Ġcoti za +al da +Ġjust ifica +Ġhinca pié +der ÃŃas +Ġasigna turas +Ġen cub +ĠA cep +ĠOr questa +Ġdomin ios +ĠFoto grafÃŃa +éis bol +Ġexperim ental +Ġgir ar +ĠâĢ ĭ +Ġvolun tario +O n +ch era +Ġtramp a +IDAD ES +Ġfa tiga +Ġoptim ización +Ġsegu ras +w ich +Ġnoctur no +z ona +Ġ2 20 +Ġras tro +ĠclÃŃn ico +ĠEqui pos +ĠG ris +és ima +ĠV oz +H H +Ġmemor ias +ĠP ers +Ġinst ru +ĠPri ma +Ġhúme do +Ġca udal +Ġenorme mente +Ġetique tada +ĠSindica to +ol s +Ġver an +ĠFil ip +ĠM aya +Ġn ad +Ġcom iendo +Ġmedioamb iental +eci dos +Ġparticipar án +cran ia +Ġh omo +ĠA lan +tor ce +Ġsil ves +Ġsup uso +Ġm era +Ġanti bió +Ġencan tados +ĠF MI +Ġmuch ÃŃsimas +ĠR as +Ġ197 5 +la h +Ñ ĭ +ĠIs idro +gu ra +Ġmul tas +. ( +Ġsurg ido +ĠF emen +ĠIn m +Ġtor tu +ĠM éndez +Ġtar da +Ġsin ónimo +Ġ4 50 +Ġpun tas +crib e +ĠFinanci era +Ġnos talgia +Ġfach adas +ud ar +rocar b +Ġol vida +j ug +Ġin tac +Ġesc aso +Ġca yendo +Ġatra e +Ġperten ecer +Ġatribu tos +Ġpar ecÃŃan +.... .. +Ġaparecer á +ĠOcci dental +I OS +ĠMo isés +âĢ¦ .. +Ġautop ista +Ġdis para +Ġeduc ar +Ġse da +Ġfalta ba +ĠAd am +Ġleal tad +ob os +ĠC ra +Ġmaravillos as +Ġpa tologÃŃa +tr arse +Ġextrac to +a den +Ġdom éstico +Ġde ro +Ġprecios os +Ġponer me +Ġexten dido +Ġnov ios +Ġredac tado +ĠC asta +ĠP LAN +Ġimpul sa +ĠH ip +Ġla tinos +A f +Ġ197 7 +Ġc úp +Ġtel as +ĠF avor +Ġtribu taria +tar iamente +IZ ACIÃĵN +ĠUnivers ity +ĠJul ia +la va +ĠS D +Ġlav adora +No ticias +Ġdur ar +un cio +ĠcÃŃr culos +ĠJu venil +vi tud +d arse +ĠJo e +ĠD J +rim idos +ĠPes ca +co g +ĠH TML +ĠT era +ĠI C +Ġrecl amos +Ġromp ió +l ista +Ġsalv ador +Ġsitu ados +amb ien +Ġline al +Ġinter min +ĠMas s +Ġdiá logos +Ġdesn uda +ĠC ara +ĠS pe +Ġconform ado +ri entes +ĠCo un +Ġobten ida +Ġin adecu +Ġsub ord +Ġequ idad +Ġsin ton +Ġpo dio +Ġmon tado +Ġstan d +Ġincluy ó +Ġexper ta +ĠJ ud +lar on +Ġapoy ando +Ġinv itó +qu és +Ġcatá stro +ĠP H +ĠP ed +Ġl ien +Ġsub asta +Ġro tación +Ġalcan zan +ace tas +Ġcas eros +Ġintro duc +Ġfer ias +Ġmé ritos +Ġglo bo +te mos +Ġhon gos +ĠS omb +Ġenfoc ado +Ġm ts +Ġbusc adores +ĠConten ido +Ġinform al +Ġsomb rero +Ġch ile +Ġmostr ará +Ġdesarroll adas +Ġesp l +ĠTarje ta +ĠL unes +c ro +lan ueva +b ación +Ġtit ulo +Ġfr ág +Ġev al +Ġen z +Ġval ora +Ġdej é +v ÃŃ +Ġescri tas +dos o +ĠPar ro +Ġdetermin ante +ĠL ive +ĠRe publ +gun as +Ġins critos +ĠQuÃŃm ica +ĠInf raestruc +Ex iste +so cia +tr adas +oc os +zob ispo +ĠG ijón +U T +Ġsus ci +ĠJ oy +Ġc ÃŃv +ĠF uego +ĠQuer emos +lo cu +Ġvoc ab +Ġaudi torÃŃa +ue ño +ĠGl oria +Ġcons ign +Ġdor ada +Ġche que +Ġrep aso +Ġg la +ĠM iemb +OL OG +Ġsent imental +gon al +Ġcar pin +Ġpro cu +Ġmister ios +Ġesplen dor +et c +ĠH O +Ġsencil lez +Ġreempla zo +gu ila +ĠCin co +L uis +Ġcuri osa +ĠmandÃŃ bula +Ġrevolucion aria +de x +Ġver bal +Ġat enta +ici smo +ward s +Ġinú til +Ġcuan tÃŃa +l ama +00 1 +Ġri o +Ġinflu ir +U b +Ġor illas +ĠO h +Ġunif orm +Ġmon opol +Ġven ÃŃan +cion ismo +Ġju veniles +Ġreun ido +Su per +Ġpar king +Ġdelincu encia +ĠD OM +ĠAgu irre +ĠRepres ent +Ġï Ĥ +Ġalim enta +Ġdefin ida +Ġ \ +re dedor +Ġintercambi ar +ĠSco tt +Ġhipo teca +Ġpareci da +Ġdeb ida +Ġapell idos +Ġdel iber +ĠValent ÃŃn +ĠH igh +Ġcer ro +ĠTrin idad +wa gen +ĠCamp us +ĠA ur +Ġequip aje +ĠED UCA +ĠI T +A quel +Ġc lo +Ġ^ ^ +Ġcatal og +Ġponer lo +Ġconstru yó +Ġas pira +her e +Ġmonstru os +J unto +Ġalcal des +Ġocul to +Ġlament able +ĠAl guien +r ona +Ġni ñez +ĠDu que +C RI +Ġlib rerÃŃa +Ġpun tual +ĠR enta +Ġilust ración +ib o +r enta +Ġase o +mon d +r ing +Ġdic cionario +rec er +p ie +ĠG T +ĠCh ap +Ġcalific ó +Ġimplic ación +Ġconf ies +Ġantic on +ĠEst ruc +Ġcre mallera +Ġre za +ĠA T +Ġquer ia +ar s +ell y +Ġfáb ricas +ĠS aba +d ome +Ġcu enca +Ġcoher ente +ĠCar acterÃŃsticas +Ġarquitec tos +Ġor gas +Ġlegisla tura +c c +Ġaproxim ación +Ġreci bimos +Ġaf ines +ĠOr lando +Ġpel os +Ġca yeron +ques a +i antes +Ġclas ificar +cip es +Ġsen dero +ĠSil via +Ġcaball eros +ĠP ERS +Ġocci dentales +Ġor ina +c ales +Ġemp eñ +[ âĢ¦] +Ġsol tar +Ġelabor ada +Ġen ju +Ġminim izar +Ġmic ros +Ġretir ado +Ġle a +Ġacus a +Ġrecog idos +qu io +B an +lic k +Ġsolid aria +ĠM OD +Ġnóm ina +Ġre medios +Ġ196 8 +Ġbiz co +Ġquedar án +ve da +Ġdis im +di mens +ĠS erÃŃa +Ġgo ta +Ġanal ista +Ġtún el +ĠN ingun +Ġaudiovis uales +e duc +om al +C urso +Ġvolv emos +ĠV é +Ġconvertir á +Ġper if +Ġma quil +don ado +Ġprivileg ios +ĠO mar +ĠMe dios +Ġfal s +Ġpene tración +Ġpájar os +ĠAn na +ĠPlan ificación +d és +ĠBau tista +ĠAr ti +Ġl ác +Ġvar iado +ĠEn e +ĠAra bia +ÃŃ lica +Ġfores tales +ment al +Ġat mos +ific ador +ĠB ron +ir os +Ġma p +Ġdiscul pas +Ġdu de +ĠA cos +bit raje +Ġencan tador +C ualquier +Ġa tiende +Ġbar celona +endi da +Ġexist an +Ġord inario +an ista +ĠCol um +Ġadjud icación +Ġpermit ÃŃa +le tismo +Ġgobern antes +Ġsing le +ĠAl um +T an +h éro +s che +c ero +Ġrob ust +Ġ rib +Ġexam inar +Ġjud ÃŃo +Ġb ea +ĠT os +Ġve amos +Ġcrea tivos +AC E +Ġvis itan +Ġpre co +cep tos +Ġquis e +ĠObje tivos +Ġarreg los +Ġdon aciones +w eb +Ġescog ido +UD AD +ĠPo p +Ġ © +O h +M arÃŃa +Ġform ulación +U EL +Ġapren diz +IS TE +Ġencontr ados +Ġinaugu ró +ĠLen gua +dr é +Ġinf il +Ġbritán icos +Ġtr om +vi dencia +F ER +Ġenfer merÃŃa +Ġencan tarÃŃa +Ġrelacion a +ĠAmeric ana +ĠSol ar +Ġrevel ado +Ġtur ÃŃsticas +Ġtér mica +ĠSte ve +cion ando +ĠCar naval +ADR ID +Ġcontrol ada +figu ración +Ġvis ite +é lica +Ġvent ilación +Ġproducir se +L u +ĠH isp +Ġestren os +Ġactu aliza +Ġreper cusión +Ġingre diente +Ġque ma +Ġcar ril +Ġlogo tipo +Ġitiner ario +Ġestar ás +Ġpade cen +Ġsuel dos +ĠCar ab +Ġparlam entario +Ġre mitir +Ġcan tera +ĠCor ona +Ġma estrÃŃa +Ġedi ficación +Ġpobl adores +Ġcas arse +Ġsuave mente +ver y +ĠOf fice +Ġfij ación +Ġmonitor eo +M al +Ġpal ma +Ġintegr ales +Ġcoca ÃŃna +Ġagu jeros +Ġpost res +Ġestratég icos +Ġobserv ando +pro ducción +j en +ros ión +ĠDes ign +ĠLabora torio +ol las +Ġtermin aron +Ġpe dal +ĠR ap +Ġcont ing +G ener +Ġhorm onas +Ġarbi trar +ĠA va +p to +Ġes clar +Ġse pul +p io +Ġdespren de +m ÃŃn +Ġinvers ionistas +ĠPen ÃŃnsula +Ġb lin +Ġlogr arlo +Ġconsul te +Ġende ud +Ġselec ciona +Ġca tedr +ci adamente +Ġfal se +Ġresuel ve +Ġsatisf echos +Ġinforma tiva +di ble +Est im +ĠToda vÃŃa +ol in +ĠC aj +Ġhab itan +Ġps ÃŃqu +ĠPremi um +ĠO P +Ġviol entos +ĠCab rera +Ġcar bo +cal a +ci an +Ġder ra +ĠT ren +ĠCom pos +Ġpres ento +ĠHerman dad +ic on +Ġcab ellos +Ġesté tico +ĠU ribe +Ġpato logÃŃas +Ġsuple mentos +Ġbrin dan +Ġcorpora ciones +Ġandal uz +Ġelev ación +Ġc esión +Ġat entados +Ġn ÃŃ +Ġequilib rada +Ġpar cela +ĠÃī ste +ĠP OL +Ġexclus ivas +Ġte mpl +ĠMe xico +Ġpoten cias +Ġred ondo +ĠPresiden ta +Ġára bes +Ġfavor ables +Ġincom pati +Ġgobern ar +Ġmedal las +Ġsépti ma +Ġvisit ando +T om +! âĢĿ +ĠN el +Ġcar os +ab eth +mb res +Ġmi ro +Ġcre aron +Ġproli fer +ic an +ĠA du +m ad +Ġing esta +Ġa eropuertos +Ġdependi entes +Ġadver tencia +Or gan +Ġorganiz ó +ul ia +ĠBo ok +Ġenga ño +Ġtom ará +Ġconsul torÃŃa +Ġrecomien dan +Ġenc aje +Ġmetál ico +de za +Ġacudi eron +Ġabdom en +Ġi dio +ĠEstad ÃŃstica +Ġi remos +Ġb all +ron to +Ġhor ne +ĠD im +Ġgrie ga +Ġbio diversidad +Ġintegr ados +Ġpul so +Ġp ila +Ġpref ieres +Ġdic tamen +Ġvent an +Ġtir as +Ġconcent ra +Ġobstá culo +Ġp leg +Ġcuad ra +Ġidentific ados +idad os +B l +Ġtu tor +Ġdiv or +Ġorganiz an +Ġevent ual +? ... +ĠSuper inten +Ġh ur +Ġrevel ar +Ġmodern idad +ĠA pertura +on el +Ġdelic ada +ĠC RE += = +Ġimpos ibilidad +pe uta +Ġfores tal +tr icas +ri era +Ġrepos o +re la +Ġestren a +ĠExp lor +Ġlo cu +Ġbar bar +Ġactiv istas +se mos +ĠG ib +Ġcri tica +ĠPr ueba +an á +Ġmin eros +Ġcontribuy entes +Ġinoc encia +Ġflu jos +ĠF órmula +Ġproyec ciones +i us +Ġas piraciones +ĠquÃŃm icas +Ġpre dio +ĠEx iste +ĠMuch o +ĠNet work +Ġad u +ĠExper iencia +tel la +Ġactu ando +Ġdomici l +Ġren al +Ġcil in +pen as +Ġmis er +Ġfrust ración +Ġe ri +Ġcompar to +Ġse vil +Ġdes bloque +Ġbanc ario +Ġesper aban +TA CIÃĵN +Ġcoopera tiva +ĠCon temp +ĠDI REC +Ġcon table +if f +Ġse des +Ġpa ul +Ġn oroeste +Ġmanifes tar +ĠRoy al +uy ó +Ġprepar an +por tivo +Ġord inaria +Ġcompa trio +in dust +dr ÃŃan +L ES +ĠYuc atán +F I +Ġcéle bre +Ġcor o +Ġcoron el +Ġfirm eza +Ġglob alización +Ġintroduci do +ĠE jerci +o cup +Ġequiv ale +Ġlleg ara +Ġentren adores +f ort +Ġpos te +cu er +Ġviol ento +rer ÃŃas +Ġpeda zo +Ġtrem endo +ĠRom án +ĠEm il +Ġir res +Ġactiv ación +Ġat ribuy +Ġperci be +Ġco cción +Ġpeligros as +Ġconce de +écn ica +Ġse car +Com par +Ġ umb +Ġmolesti a +ĠBos ton +wit ch +ĠEl lo +Ġreco gen +ig encia +da te +Ġtrans f +F or +V ol +Ġch amp +Ġacudi ó +Ġpertin ente +Ġdistribu idores +Ġacar ici +Ġquedar ÃŃa +ĠI X +Ġbuscar á +Ġrecord amos +av ent +J ER +Ġdist ritos +p lo +ĠBol so +Ġdes gar +ĠU crania +Ġtel es +ĠN um +ĠZ a +ĠP av +Ġsegu idos +Ġmulti discipl +ĠY u +V AL +Ġopos itores +Ġorg ánico +Ġincre menta +Mu jer +di st +ay uno +ÃŃ en +Est ados +Ġadelan tar +Ġrecur rente +ó metro +Ġreún en +Ġsens ual +ĠCar l +ĠCon de +Ġdesconoci da +Ġremo del +é taro +Al go +Ġexten s +Ġpist ola +Ġrespe tando +ĠSam uel +Ġas ciende +Ġdetermin ó +Ġpade cer +ĠIz quierda +Ġcompren dido +ĠNorm almente +ate ar +Ġcan on +Ġcons ciencia +Ġpes cadores +ĠN is +Ġinsist ió +Ġdo g +Ġhe gem +ĠVic tor +Ġdesapareci dos +ĠVol un +ĠFre e +Ġdef orm +Ġn ul +Ġhomosex uales +ad illas +Ġins a +Ġrefle jar +Ġno ci +Ġsu ba +Ġall i +ĠParti cipación +Ġdi ré +Ġampl itud +ks wagen +Ġconoz can +Ġcon de +blog s +Ġesper as +Ġgri tar +Ġdeses peración +rac k +Ġdo tar +Ġcomún mente +icios as +Ġdocument ales +Ġan ex +ĠO ruro +Ġrom ance +Ġarran ca +Ġagro pecu +Ġf rigor +ĠCic lo +Ġna z +Ġpreocu parse +Ġloc alizado +Ġ198 1 +aliz ará +Ġbaj ando +car ia +Ġterap ias +Ġseman ales +ch et +ĠFer rari +Ġrecord ando +ĠAdo lesc +r r +Ġele va +ĠR ue +Ġrecop il +Ġproxim idad +ĠA lar +el s +in ho +Ġver los +Ġcin es +par encia +Ġsuce diendo +ĠResta urante +is cos +los a +ĠP AS +Ġan imo +Ġin her +Ġc enta +ĠAnti guo +Ġpun tuales +ĠChi huahua +le a +Ġluc e +Ġsemej antes +Ġdistribu idor +Ġsen derismo +Ġdef ra +Ġcomp rando +Ġdem ora +edi encia +Ġingres ó +do lfo +Ġesque mas +inos au +Ġadj un +ĠPok émon +Ġconstitu ido +Ġ% . +c ab +de as +Ġcompati bilidad +Ġna tivos +Ġretom ar +Ġcicl istas +Ġcumpl im +Ġenfrent amientos +u des +Ġpers igue +ĠEsc uelas +ac emos +ĠN ik +Ġestren ó +ĠD anza +ĠPaÃŃs es +in illa +Ġcaus ando +ĠW atch +Ġan dan +V ide +Ġb illones +ĠNe u +Ġlad rones +l la +Ġtub erÃŃa +Ġ17 0 +ĠMedi ante +Ġacor des +d d +ĠDe tal +Ġc acao +Ġopera tiva +Ġdesem bar +Ġpetrol era +Ġalter n +Ġins iste +Ġcuán tos +Ġcinemato gráfica +Ġelig ió +Ġpo pul +vis a +Ġdev as +Ã Ĺ +Ġconcl u +Ġsuperfici al +ĠE vo +Ġdi le +Ġver ific +D an +Ġpl ural +Ġconsigu ieron +na p +de pendi +ĠTok io +ran as +ĠAr que +Ġlig ar +ĠAd ul +am on +ĠO cho +ĠPre cios +Ġsus crip +Ġconcl uido +ĠB U +ĠB ár +k ins +Ġd amas +Ġmedi ación +ic om +200 1 +ĠDeb emos +Ġdes alo +Ġsal gan +Ġrepeti ción +y y +ĠJ on +Ġproces ar +ĠOpera ciones +Ġin cul +ĠC umbre +Ġrep i +Ġcompeti ciones +ed icto +ĠAlex ander +Ġun animidad +graf ia +ĠT ac +Ġma trimon +Ġpregun tan +Ġisrael ÃŃ +Ġpod ÃŃamos +Ġfrecu encias +l ámico +Ġperci b +Ġmadrile ño +Ġvertic ales +Ġfin alización +ĠInstitu ciones +Ġcrip tom +Ġcas ado +ĠConce jal +Ġco lega +j un +qui dez +Ġperió dicamente +Ġex ilio +Ġdu reza +ĠVis ita +Ġasum ió +ĠS tra +Ġjapon eses +it re +ĠC i +In s +Ġform ales +Ġbloque ar +ist ra +ti ción +Ġdispu tar +per as +dr omo +Ġhay amos +Ġsum ando +Ġten iente +ĠquÃŃm ico +ĠM et +Ġase gú +ĠNa tional +form ance +Ġconstitu cionales +Ġrecha za +esti dad +ĠP E +os e +Ġdestac adas +t l +ĠG O +Ġrela x +Ġsen da +qu ot +ĠPar lam +ĠMa ta +Ġges tor +Ġor n +Po co +Ġ( - +d onos +ĠtÃŃp icas +Ġbre ves +Ġlegisla tivo +ĠD A +Ġano tó +Ġprom ul +Ġmuch achos +ĠâĤ¬ . +ĠEmp ez +es co +ab amos +w o +Ġha gamos +ĠV iz +Ġsuper ando +Ġsecre ta +ĠM X +Ġc i +ĠPro gramas +ir as +ĠResul tados +Ġcontamin antes +Ġregist radas +Ġpres o +em bra +Ġesc én +ĠAvis o +Ġdist ingue +ĠM Ãī +ĠA mp +Ġmal la +Ġvera cidad +Ġaplic ará +Ġaj enos +Ġyou tube +ĠEnfer me +Ġsac ando +Sta tion +Ġagrad ables +Ġconden s +Ġi mb +ĠR ecu +Di rec +Ġsan itarias +Ġabandon ó +Ġpes taña +Ġcual ita +Ġse cas +... , +Ġval iosa +Ġartic ulaciones +Ġcrist ianismo +es io +Ġr entas +Ġmay ormente +ĠB adajoz +Ġajust a +Ġimpu gn +ĠH ard +Cu áles +ĠFal ta +sen al +Ġpres untamente +p á +Ġmodern ización +re f +e lec +Ġmoles to +Ġconfidencial idad +Ġsal imos +Ġcontrovers ia +Ġrepubl icano +Ġinstan tánea +Ġlo gre +ĠCrist ian +ĠBus ca +ĠMa estrÃŃa +Ġmaravillos os +Ġconta bil +ĠEstrel la +Ġinver na +Ġcompeti tivos +ĠArm ando +Ġabst en +ĠMo de +ĠFlor encia +Ġcal entar +ĠmarÃŃ timo +ĠTru jillo +Ġtraduc tor +ĠAlim entos +Ġmara tón +Ġóp era +ĠProfes ores +Ġorgullos os +énd ome +Ġgo za +Ġreper cu +Ġinsu mos +Ġlámp aras +Ġviv encias +Ġmis ericordia +Ġrev olu +Ġdéci mo +Ġcome tidos +ĠS C +Ġdepor tista +Ġval er +Ġch am +Ġg us +Ġagr ado +ĠMar tÃŃ +c amente +ament ablemente +Ġgen iales +ĠTribu taria +Ġm entes +ú r +Ġemb ri +ur go +Ġs uela +Ġad ulta +ti embre +ĠKe vin +Ġmin ia +Ġcompañ eras +Ġvoc al +Ġpedir le +Ġman us +Ġper didas +ĠF ru +ĠLuis a +Ġper didos +ist entes +Ġtradicional mente +Ġadj unto +ici dios +Ġconcent rado +ED AD +Ġen unci +Ġdesarrollar se +ĠMat ÃŃas +Ġpro le +ĠÃŃ bamos +ve dra +es col +Ġal t +Ġregular es +Ġsaber lo +ĠN UE +ĠIb iza +izar ra +Ġdesb ord +ĠA th +Ġenga ños +Ġalfomb ra +ĠS EM +Ġpreca ución +ĠF ores +vers iones +Ġfund ado +F L +Ġ !!! +à ¯ +Ġfacil itan +Ġra m +cos a +Ġacab aba +ĠAso ciaciones +Ġde tiene +se ver +ent er +Ġacredi tación +Ġtur nos +Ġn as +Ġbas an +ĠÃŃn timo +Ġdest itu +Ġpanor ámica +Ġinv ir +Ġbene f +c ter +ĠLo uis +ĠDi ana +Ġestrech o +z go +B E +Ġcolabor ador +Ġmi ti +ven idas +Ġvege tar +Ġorg ánicos +ĠPubl icidad +Ġcre adas +ĠGer mán +Ġartes anos +ti es +Ġmuch acha +Ġtri logÃŃa +ĠEl im +Ġa fer +Ġblan que +Ġpe ques +Ġexpres o +da y +res as +es tra +ona er +Ġdestac ada +Ġláp iz +Ġadh esión +ĠEn trada +Ġcal ifica +T ú +Ġman dos +Ġindi cios +ĠJa zz +е Ð +Ġcon gres +ĠS af +Ġdes emb +Ġalo jar +ble mas +ĠEx posición +Ġvalor ado +Ġinjust icia +Ġcontrad ic +Ġcomenz amos +Ġvincul ada +Ġconce der +Ġsa tur +Ġjoy erÃŃa +ĠEstra tég +G ar +Ġoptim ismo +ĠVene cia +Ġescal ada +ĠVic epres +fa to +Ġvin ieron +Ġso pa +Ġencontrar emos +¸ ı +il d +ĠCer ca +ur nal +Ġcomprome tida +ĠHit ler +um án +": " +ĠApo yo +Ġre habil +aj ua +ĠJ as +ment s +ĠBan g +Ġan illos +ies e +Ġdi ente +ĠB is +Ġprosper idad +amil iar +Ġconfun dir +Ġinesper ado +ĠV entas +Ġro bos +Ġgalard ón +Ġat ribuye +ĠB y +Ġproven iente +Ġver sion +Ġadap te +uel tos +Ġno va +ĠM ike +Ġhistori ador +ĠJane iro +Ġactu alizados +ĠSab emos +Ġtorm entas +ĠDes ta +Ġand ando +ĠEs cu +Ġdecor ado +ĠVi olencia +ĠBomb eros +A utor +Ġdeci da +Ġros tros +ÃŃ b +ĠN BA +Ġdist ribuy +Ġmilag ros +I ER +l é +ĠIn versión +Ġcal aba +Ġagrupa ciones +iv ado +Ġdefens as +Ġmedi ana +TU LO +Ġm ajes +Ġol ores +alu dos +ĠSon ora +Ġdifer encial +Ġver sa +Ġconstitu ir +Ġs w +ĠEstrateg ia +Ġcompar ado +érmin os +Ġadver tir +Ġajust ado +Ġbaj ado +ib ar +B U +Ġme xico +Ġasist ido +Ġplante an +ĠO ce +ĠG ame +Ġcó c +b is +Ġar ticular +Rec or +Ġmáx imas +ĠCons um +it ness +Ġe h +Ġno ción +ĠAngel es +Ġvir al +ĠVe h +Ġenga ñar +D R +Y O +ĠL am +ĠGra cia +Ġverte b +Ġano tar +rocarb uros +ĠC UR +Ġsignifica tivas +MIN IS +Ġrec am +nab is +Ġa tor +Ġpor tales +Ġvia jan +ad s +eci da +ĠT S +ĠS M +Ġgrá ficas +ĠLicencia tura +Ġpa trimonial +ĠTele comunicaciones +Ġacu den +ĠSo uth +Ġdesemp le +ĠMexic ano +Ġtremen da +Ġtu rista +Ġprome tido +ĠAri as +Ġar du +ĠJ ona +Ġclas ificado +Ġabier tamente +Ġguar dias +ist ir +ĠSan dra +Ġagrade ce +Ġcoher encia +Ġpl omo +C os +ach as +ĠC M +Ġpas arÃŃa +ĠPerson ales +Ġus arse +Ġ( ¡ +ĠT ony +Ġcafe terÃŃa +Ġpade ce +ante mente +Ġbio grafÃŃa +ĠEnseñ anza +Ġpat rio +Ġgros or +ĠVirgin ia +ĠCla us +Ġmor ena +Ġv est +v ich +ĠVil lanueva +Ġmen stru +ĠC ual +ĠT oma +ĠmÃŃ os +Ġcomprome ter +ĠK ong +Ġimp edi +enta ciones +Ġtraslad ó +Ġmutu o +Ġencar gar +Ġorigin alidad +Ġcontex tos +Ġdisp uso +Ġcaracter izado +Ġape tito +P ens +quil las +ad ir +Ġ| -- +r entes +Ġconsidera ciones +Ãī l +Ġtit ulación +Ġdetec tado +gu esÃŃa +ĠUN ESCO +ĠDes cu +ĠsÃŃnt oma +Est u +Ġverda deras +Ġparti endo +ĠP it +Ġinclu irá +ien za +Ġcal ibre +ad ita +ver tido +ĠEdi ciones +Ġinmedi aciones +ĠIngenier o +Ġdisput ado +ĠUN IVERS +Ġ10 5 +ĠestÃŃm ulo +C entro +Ġal lan +hidra tos +Ġconvir tieron +ĠP eso +ĠS ÃŃn +po le +Ġmuer en +Ġdesapar eció +OL A +x ia +land és +ĠM am +Ġsim il +ol is +ĠJ ueves +Ġplante ó +Ġobserv ó +Ġgal lego +Ġcol lar +ĠRed acción +inten a +ĠA go +Ġpas é +ĠN ASA +in aron +Ġins pira +Ġinsul ina +al ina +Ġinform amos +Ġven cimiento +TIV OS +ĠT us +Se gun +á tiles +ĠSi mp +Ġcél ula +Ġor iente +Ġesca pa +ĠAm erica +ĠJac ob +él ico +Ġ36 5 +heim er +Un iversidad +Ġge ométr +ĠDisfru ta +rel ación +u ciones +ĠBern ardo +Ġincent ivos +Ġmar can +Ġsuper an +ĠPubl icado +M ira +ĠM ON +ac ol +Ġpais es +ĠSal to +ĠAmb as +ĠNor uega +Ġmeter se +Ġ ÃŃdo +o ur +Ġgaranti zado +ĠEl iz +Ġur nas +ĠDis co +Res puesta +Ġescla vitud +ĠMicho acán +Ġapar ecieron +ĠFuer on +Ġmetá f +ĠL il +Ġca torce +ĠPol o +Ġclaus ura +Ġar til +ĠIN FORMA +Ġs anos +Ġdetal la +Ġejecu tiva +Go ogle +ĠAut on +ĠPresu puestos +Ġb its +tá r +Ġexcep cionales +i tivas +Ġpal os +ód ulo +ĠBea triz +ĠM uebles +Ġres eñ +f onos +V ia +Ġvolv ÃŃ +Ġpiz za +J u +Ġesc ort +Ġcompr ó +Ġenv ases +Ġapla udi +Ġ át +ĠFan tas +Ġob rero +ĠRub io +Ġemp atÃŃa +ĠCOM P +ĠPer manente +Ġast ron +Ġdieci s +ĠMal donado +ĠJ óvenes +Ġinfl uye +Ġurg entes +Ġba hÃŃa +Ġquer amos +ĠF L +Ġmar ro +Ġcontribu ciones +Ġcar encia +Ġefec tivas +Ġecos istemas +n ic +ĠE UR +2 50 +Ġur gencias +Ġres tante +Ġfr om +ĠHu a +itar iamente +Ġbel los +uer do +Ġconsecu tivos +par ar +Ar gentina +Ġdemoc ra +Ġflam enco +Ġsinc ero +Ġpre dis +ĠCom en +ĠCon t +Ġdecis ivo +Ġgluc osa +Ġexpe dientes +Ġdej as +Ġhom ogén +Ġac ome +Ġmar cos +Ġfabric ados +ta in +Ġdes fil +ĠL ine +Ġfoto gráfica +Res olución +Ġbu ques +ĠM ala +Ġconf ÃŃa +ĠAs unción +Ġconcent raciones +Ġcorrespon dencia +Ġindi que +Ġemis ora +Ġrespec tivo +Ġvein ti +ĠGir ona +Ġasegu rando +Ġinnov aciones +m isiones +ĠBar ra +Ġcomb inan +Ġhidra tación +Ġf ero +Ġactiv as +Ġaf ian +tiv ismo +Ġsosten ido +Ġconvoc ar +ster dam +ĠOri ental +Ġres ign +h l +Ġplac ent +dibu jos +Ġac cionar +Ġflu ido +s ulas +ás quez +pe da +Ġin ger +Ġjuz gados +Ġ _ +ch or +ĠM isión +Ġcan je +an ces +Ġdescan s +nos o +Ġest al +Ġhallaz gos +ĠCer tificado +Ġcrim in +ĠBienes tar +Ġm p +Ġmár mol +ĠImp res +it ÃŃ +Ġcerv ezas +ĠD un +Ġemp laz +ĠX I +Ġmo ción +Ġ11 2 +ĠIn icia +Ġder ma +S cript +Ġen re +Ġlevan tamiento +ven o +Ġmañ anas +ác ticos +ĠS l +Ġreiter ó +bl an +Ġcom a +ĠG ü +ĠBach illerato +ï ¸ı +Ġtrascen dencia +ĠF lash +Ġexp uestas +Ġser iamente +Ġqued aban +Ġde di +Ġvari ante +Ġna tación +Ġpeque ñ +ci ación +Ġres uci +Ġarm ada +Ġsen adores +Ġcompens ar +ést er +Ġfantas mas +ĠDepor tiva +án gulo +AD AS +ĠA ños +Ġtri pul +Ġal ien +ĠRespons abilidad +p ÃŃ +P RE +F F +á ez +ĠB s +je tivo +Ġinsu ficiente +Ġnotable mente +car as +Ġgal erÃŃas +Ġla tÃŃn +Ġto b +ĠGENER AL +DUC CIÃĵN +ĠDan i +Ġsolid ario +Ġmi re +Ġh ort +tú e +ar cas +Ġin ces +ĠH all +Ġdes centr +ĠG om +Ġmúlti ple +ĠL ife +Ġacord ó +p ez +ĠCatal ina +Ġoblig ó +co po +Ġcom ento +Ġnie tos +Ġdo tado +u tar +Ġgu antes +Ġbo letos +ést or +Ġmexic anas +ĠG N +Ġperder se +Ġnubl ado +F e +erv o +Ġven imos +ĠG ig +ĠBlue tooth +il ancia +Ġprim ario +po ca +Ġadelan to +ĠZel anda +B B +Ġpac ÃŃfica +Ġf ide +Ġperf ume +Ġar quero +ĠNuev as +m á +ĠIn mobil +ĠOc t +Ġra yas +Ġases inos +Ġgan aron +Ġdefin idos +Ġgarantiz an +Ġauxiliar es +Cuán to +ĠAnal y +Ġfin as +Ġentra ñ +lar se +ĠBo de +b oy +Ġz ana +Ġplan ea +e dia +Ġd adas +Ġt entación +Ġnucle ares +Ġbode gas +Ġtr ÃŃo +ò n +Ġpro gen +ĠT EC +ĠInstitu cional +so cial +v oc +s ent +Ġsocio econ +ĠEs os +F un +gen as +Ġbarb acoa +Ġcir co +Ġacompañ antes +ĠAb ierto +Ġeconom ista +Ġconden ados +ĠDoctor ado +ver tir +Ġcons istencia +Ġ19 36 +Ġcer radas +on ada +Ġasfal to +E res +j aron +Ġconsegu imos +Ġfin aliza +Ġamor tigu +Ġconcep tual +Ġadmi ra +Ġinterpre tado +Ġacre edores +Ġfer rocarril +ĠA se +ul es +Ġestar é +Ġautor iza +Ġalum b +c racia +Ġdispar ar +Ġor eja +Ġtu vieran +Ġteór icos +ĠD ibu +Ġcoloc ó +tán eas +Ġ/ / +Ġtron co +ĠEx po +ĠAl z +Ġcontin ental +ĠUr bano +il able +ĠD icha +Ġalter ar +Ġalmacen es +Ġconsider adas +dil lera +Ġorden a +Ġ197 4 +Ġpas iones +Ġreac tiv +Ġreemp laz +Ġnul idad +ĠB BC +we i +ĠEnfer merÃŃa +Ġcolor ido +señ or +ul ip +ĠJohn son +Ġhin cha +Ġdesas tres +Ġreduc en +ĠX L +ĠGer ente +ĠGe org +U AL +vi ra +ĠGab ri +ĠAl ber +Ġan arqu +ĠEcon om +G P +ch en +Ġtransforma ciones +Ġme tió +Ġac op +Ġtrans ferencias +Ġdegust ar +Ġmas ter +Ġfelici tar +aj ust +Ġpost ul +ĠA genda +Ġdistribu idos +ĠArt ÃŃculos +v or +ph one +ĠK it +Ġvol vÃŃa +Ġinten sos +Ġtemp los +lan ta +is es +Ġregist rarse +Ġab rum +n on +Ġpresentar án +Ġar omas +Ġm y +le ar +ĠP ales +ĠVill al +g amiento +Ġle ña +Ġconces iones +Ġconsidera ba +ĠQuer étaro +Ġfran ja +Ġproduc tivas +Ġcaus an +ĠL iv +Ġtum or +Ġra mo +Ġe d +ĠM B +gra ph +ĠCap itán +Incl uso +ĠCe cilia +ĠD ÃŃas +Ġil usiones +Ġinsu ficiencia +dar d +Ġam ino +Ġmagist rados +Ġsel los +ĠP om +Ġacadém icas +Ġagra v +Ġsu ciedad +Ġempi ece +Ġilust ra +Ġanfitri ón +ĠPu tas +ton io +ĠV lad +Ġclas ifica +ĠBo x +Ġpremi um +P EC +Ġcu enten +Ġra y +Ġoportun a +ti dor +ĠOc ta +Ġver dades +Ġpo ética +N S +er ial +âĢĿ ). +Ġdu do +ĠLu x +Ġrestr icción +Ġestric to +M á +Qu ien +igh ts +Ġdesf avor +Ġrec to +bl ar +ĠV ino +ĠNe gra +Ġvib ra +Ġsi te +ĠHer ramientas +ĠV itoria +Ġcompos iciones +h as +ten os +cer ca +Ġf lan +Ġcomen cé +Ġgrie gos +Ġsust ra +Ġbl ack +Ġanécdo tas +ic ó +Ġr aras +fec ción +ĠCir cuito +ró geno +ĠHab rá +Ġbur guesÃŃa +Ġcompl icidad +Ġrecha zado +tor iamente +ĠTa ilandia +ĠEd gar +Ġlle gas +temp orada +" ... +Ġca f +Ġvac unas +Ġg ro +Ġmay ús +Ġmostra ba +éndo la +ĠSosten ible +ĠW at +R ob +tu rismo +Ġdo ña +ĠMar bella +Ġesca para +ĠBB VA +Ġc itados +Ġmar inos +Ġderro tas +S itu +Ġbusc ó +Ġrecor te +Ġinm or +ĠHa ga +Ġacer can +ul ce +Ġpa pas +Ġpublici tarios +ĠDi jo +Ġco oper +âĢ¦âĢ¦ âĢ¦âĢ¦ +Ġagu da +Ġases inados +ĠG ana +Ġlap so +un dan +ĠS as +Ġinteres an +ĠP LA +TR UC +ĠMa ñana +Ġorganiz adas +Ġpreten dÃŃa +ĠTerri torial +p lante +fo x +Ġvi abilidad +ĠIn dic +Ġestro pe +AN DO +Ġalcan tar +Ġdescrib en +Ġso cor +can s +Ġacer c +Emp resa +mo der +ir us +Ġan tiv +ARI OS +Ġedi tores +ĠCre ación +Ġinscrib irse +Ġjer arquÃŃa +Ġocup ó +Ġcerem on +s el +ĠM emor +Ġfemin ista +Ġdar emos +H as +Ġdedic arse +ĠEn car +Ġest res +ĠFran ces +án eo +ĠespÃŃritu s +Ġdi mos +ĠCár denas +Ġa diós +Ġextra ter +Ġdeclar ada +ĠMo di +Ġcontes tó +Ġm ÃŃtico +Ġpos es +ĠCh u +Ġvi able +Ġembaj ada +Ġdesagrad able +ĠDu ran +E di +ĠV ac +Ġllam aron +tor rent +Ġred onde +Ġfilóso fo +Ġtrá iler +Ġperten encia +ĠGuar da +Ġver b +ĠC ENT +? - +Ġra cha +ĠInv ierno +ĠContac to +Ġdevo ción +Ġexist ido +g rano +ĠB ust +qu ien +Ġavis os +ĠAn tio +Ġo don +ĠCu entas +ĠSá bado +Ġaproxim ado +Ġocta vos +/ . +Ġconvers ar +ĠTuc umán +Ġbar ran +Ar ch +Ġcritic ar +Ġproce derá +ĠHo teles +Ġstre aming +ĠC ay +Ġnota bles +Ġaje drez +ed y +Ġmin orÃŃa +ĠCor reo +Ġrespec tiva +Ġtribu to +Ġextraord inarias +ĠCir ugÃŃa +dos a +es pecial +Ġentr aron +Ġdesen f +Ġentreten ido +S ub +ĠG imnas +ĠÃī sta +Ġaum entos +Ġtranquil os +Ġtern ura +Ġsilic ona +ĠL lo +Ġanci ano +& # +ĠRob in +gl ish +Ġsos tienen +Ġtác til +ĠRies gos +Ġlider ado +ĠCateg orÃŃa +ĠN aran +ĠJo han +Ġindi ferente +Pre gun +N uevo +-------- -------- +p ino +ĠBus h +U A +@@@@@@@@ @@@@@@@@ +Ġbol sos +Ġmagist rado +Ġbesti a +N adie +Ġdirec trices +Ġquer ÃŃamos +T ar +ĠPo tos +Ġimag inario +Ġauric ulares +Ġestudi antil +ĠF uen +Ġman go +ĠStu dio +Ġrebel des +ĠComp rar +Ġgri pe +Ġacces orio +we et +Ġj ar +ĠEst ilo +Ġf ro +ĠDin amarca +Ġmal eta +Ġparlam entaria +ĠReg ist +ĠClas e +l um +ĠToy ota +ĠJu ana +esti m +Ġmedi anas +Ġli quidez +ĠCuar to +n el +Ġob ispos +ĠSud américa +Ġec ológicos +Ġdoctor ado +Ġ és +Ġind icación +Ġrela jar +Ġad icción +ĠP ack +duci do + ¨ +Ġbon dad +O fre +and y +Ġ19 50 +ĠMercan til +Ġn acen +Ġcar idad +ĠGreg orio +Ġfer til +ĠBoliv ariana +Ġantioxid antes +l ación +Ġinvestig adora +is i +Ġma x +ĠVer dad +Ġprece dente +Ġpreocup ante +Ġcomien ce +Ġpele as +Ġcu pones +Ġpas as +Ġllama tivo +ĠSala zar +te to +Ġmen ús +Ġpal p +ĠBan k +ĠI ES +gu aya +Ġtem er +i arse +Ġimp a +ti ente +Ġcarbo hidratos +Ġmejor an +Ġestable zca +IS A +Ġas amble +ág ina +ĠMana gement +Ġcan tando +Ġg it +Ġdi ar +Ġne to +Ġdese ada +Ġexist ÃŃan +Ġ- . +ón gase +Ġapropi ada +T a +Ġo ye +Ġres eñas +pu ra +Ġmultina cional +Ġ- > +l ib +u dad +Ġâ ĸ +Ġl itro +Ġimp lÃŃ +Ġpos ts +Ġv iste +Ġesper ada +ĠPlay Station +ĠRom ano +U ES +Ġplen itud +tr óp +Ġcent rada +Ġmicró fono +Ġt as +ĠOrig inal +Ġpres tan +Ġse pas +Ġpe dÃŃa +Ġsinc era +" ; +Ġdi rá +Ġimp o +ĠSol id +Ġgrande za +Ġnorte americanos +ad illo +F ES +ĠI di +Ġextra ñas +ĠClin ton +ĠAs socia +Ġabur rido +s ólo +f obia +Ġeng lo +GRA MA +Ġcab ez +Ġcicl ista +á mp +Ġpropor ciones +ac tivo +ĠAbra ham +ci ados +in da +Ġbenefici arse +F ern +Ġre puesto +ĠCo okies +Ġcrea tivas +ĠSal ta +Ġen ca +Ġestim ación +ĠUn as +iar ias +Ġapun tado +Ġautó c +em on +Ġsopor ta +Ġpas ivo +ĠDra gon +ĠG RAN +Ġsuav idad +ĠDemocr ática +Ġton to +Ġtercer as +Ġrap ido +Ġderiv ada +Ġsu presión +ĠMa teriales +ĠPR D +Ġdesn udas +Ġdespe dir +Ġdisfra ces +) ... +ajua to +ázar o +ĠRog er +Ġmo jado +ga te +Ġflex ibles +Ġv istos +ĠG r +Ġteór ica +Ġsac an +Ñ Į +Ġz umo +Ġrum or +è s +Ġejecu ta +Ġpermi tieron +Ġn adar +Ġrepor tó +Ġayudar nos +Ġnovedos o +Ġcel os +ĠPerio dismo +Ġsus ur +C las +Ġcaus ados +con oci +gues as +Ġespl én +ur y +Ġve cinas +ĠH ong +Ġvers átil +Ġtriun fos +c us +ĠE fe +cis co +ĠCOM UN +Ġdemas iados +Ġhuman itaria +Ġinst antes +ĠH ero +Ġhe p +ĠFel iz +u mos +tu osos +ĠV elas +Ġgobern ante +ĠCort és +Ġse di +ĠX ia +ĠIm ágenes +Ġmolé culas +Ġrebel ión +Ġpróx imamente +Ġpsi quia +Ġfres cas +Ġconj un +Dis eño +ĠD ado +Ġseñal ando +Ġpa usa +Ġtranscur rido +ĠCro acia +ĠN adal +Ġvac ÃŃa +Ġrebaj as +Ġvocab ulario +Ġp aja +fin anci +ĠSal as +ĠNeces ita +qu ista +Ġreflex ion +Ġsimp a +er ie +ĠVe ter +Ġaprob ados +Ġpotencial mente +ĠGol fo +ĠSuperinten dencia +ĠM ÃģS +Ġculp ables +ĠCan c +ĠLis boa +ĠMatem áticas +ĠBat man +ĠAn to +Ġreproduc tor +Ġcri anza +Ġconsul tora +ĠV ila +Ġpar ciales +ĠR ED +e gu +Ġdef endido +ĠN ico +Ġrepubl icanos +Ġsistem ática +Ġpor terÃŃa +ĠS IM +Ġma tó +Ġev acu +Ġingen io +Ġac h +Ġsalv ajes +Ġnorma tivas +Ġde ficiencias +Ġam ores +ĠH onda +ips is +Ġlide ra +Ġn in +ĠH id +Ġincom ple +I ma +ĠAplic ación +Ġconsec ución +ri dades +Ġpreocu par +Ġf eo +ruc e +Ġvendi endo +Ġp abellón +cre o +Ġmayor ia +Ġre ba +ti ci +Ġvia jó +Ġmar cados +ten go +ia t +Ġcaba ña +Ġinterac ciones +blogs pot +G AN +Ġdesp le +Ġtendr é +Ġemple ada +Ġri ge +Ġadmi tió +Ġtermin ando +Ġsign ificar +Ġmanio bras +óst ol +tor y +cri tas +ĠAn exo +ĠPo tter +Ġocta va +Ġp irámi +ist ado +Ġanim ar +ĠMar ÃŃn +aliz aron +Bien venido +Ġca dera +Ġele f +Ġcru zado +ino psis +ĠM r +P AL +H S +ĠAF P +Ġevalu aciones +Ġdivis iones +ĠVal e +Ġu tens +ĠJosep h +Ġcon fer +ĠPol ar +en ció +Ġvuel van +com p +Ġtradu cido +ĠpolÃŃt icamente +Ġis lam +Ġobs esión +Ġd inosau +Ġinici ará +ĠVal de +Ġtransfer ir +T or +Ġam e +Ġnacional ismo +I ES +Ġfol k +Ġcúp ula +ist ad +ĠW ay +Ġdirec tas +ĠP acto +Ġpublic an +Ġante pas +Ġorient ar +ci f +ĠA vi +ĠEmbaj ada +âĢĿ ), +ĠParti ci +Ġres gu +h r +Ġab ono +Ġmer amente +Dis pon +Ġbenef icia +Ġven as +Ġpes adilla +Ġest ables +vi dentemente +Ġcomun istas +ĠQ ues +ĠAl m +in stein +Ġencar gó +ĠHern án +Ġenvi ando +Ġpres unta +Ġres titu +ĠB es +Ġparlam entarios +AL L +ĠW ikipedia +Ġac el +ĠGRA TIS +ĠComun ista +Ġfren os +Ġsosp echos +Ġf ull +Con oce +Ġsepar adas +gen er +ĠN utrición +ĠSegura mente +Ġrever tir +ĠH ur +Ġasequ ible +Ġob rera +Ġmoder ado +Ġfotó grafos +Ġlevan tado +Ġasist ió +Ġrecib idas +ĠTemp lo +ĠFigu ra +ri ma +ĠRena ult +Cas i +ĠFron tera +S é +Ġgu ionista +Ġaplic arse +Ġmanual idades +ver n +y m +Ġtra ck +Ġrelaj ante +Ġp se +Ġj al +X ICO +Ġfoto gráfico +li quen +Ġro dar +Ġindic ados +Ġso dio +r ara +Ġno bles +Ġcomp resión +P ON +ĠCentro américa +b ina +Ġyo gur +ĠD O +ón imos +ĠM AT +ĠG ames +Ġambi ción +Jes ús +Ġmetodo l +Ġn ut +Ġpres untos +tó rica +Ġgratu itamente +Ġcre yentes +ĠDo ña +Ġevangel io +ĠF res +Ġpul mon +Ġestudi ó +Ġguitar rista +ci ada +ĠCo ca +Ġocta vo +è n +Ġdesarrol los +ĠL ong +pe te +Ġaten dido +ĠV arios +Ġr al +Ġcor tinas +Ġfin cas +Ġcr om +Ġjo venes +ĠO blig +Ġinforma tivos +Ġhon estidad +ff et +Ġneces itará +ie ga +Ġdecir se +Ġincrement ado +Ġaval an +ĠN éstor +Ġmin ero +ĠFre d +Ġcontrar res +de ste +ĠUS U +Ġges tación +Ġf rio +Ġgen oci +Ġp ó +ĠNuev os +Ho tel +in st +Ġro bado +Ġveter ano +Ġestatu a +ĠAu gusto +ĠCor e +Ġconsum en +Ġamp ar +Ġcan tantes +en cio +ĠB esos +Ġvice versa +Ġm im +ĠH ierro +Ġnov el +Ġexten siones +ĠlegÃŃ timo +Ġtermin ación +ĠM ila +Ġperu anos +ĠBos que +ĠC IA +Ġrecomend ada +Ġconce dido +omb o +it és +Ġestatu tos +Ġan on +ĠW W +Ġform ados +Ġdemas iadas +Ġam ables +emb ras +Bo ok +G al +Ġan estes +Ġconocer se +g ir +Ġinvers or +Ġjub ilados +Ġbo letÃŃn +Ġacum ular +Ġen gran +Ġgana derÃŃa +Ġnutri cional +Ġinspir ada +Ġmetál ica +Ġexquis ito +Ġcómo damente +Ġcor aje +Ġop cional +Ġcaj ón +S tar +ci ma +ĠFuer te +Ġacompañ ó +l icas +Ġsospech oso +Ġsus crito +ĠAn der +Ġtor tur +Ġincluy a +ĠCon tiene +es tu +ĠA um +Ġautén ticos +ĠGal erÃŃa +Ġla ber +Ġespeci fica +domin io +Ġ ), +Ġestad ÃŃa +Ġ197 2 +m era +ĠT ime +Ġri tuales +ID OS +Ġto caba +et te +Ġutil idades +Ġint ente +ul um +Ġpe inado +ĠInter és +ĠMa h +Ġperson alización +ĠProce dimiento +C AN +ĠR ivas +ĠAs h +Ġaé reas +ti me +Ġcuan tita +ĠDeb er +ĠAses or +Ġacompañ ante +al s +l eros +il ios +Ġpo tes +Ġman cha +Ġterri toriales +Ġencabez ado +ĠMor elos +Ġpar ados +co pa +ĠP M +Ġcu ida +ĠCon n +Ġemple an +Ġcolch ón +ĠNel son +Ġprivileg iada +Ġaudi encias +Ġembarca ciones +Ġdescendi entes +Ġocur riendo +Ġcor do +Ġabon ar +Ġcadáver es +tic ar +uch os +on to +Ġir an +termin ación +Ġbuc eo +oc ado +ĠMi x +entar ias +Ġli diar +ĠC ER +IEN TE +Ġg ad +ĠX IV +fer entes +Ġcr ono +Ġdiscrim ina +Pro grama +ip ié +Ġacus ó +IL L +Ġauto con +Ġp ir +Ġposi tivamente +Ġreserv ados +Ġf os +guar dar +Ġn ic +Ġesta fa +Ġt ech +Ġfar macias +Ġafec tando +Ġpas illos +tol ógico +se la +Ġproto tipo +ambi ente +vi ado +? âĢĿ. +ch t +Ġimp era +Ġc ib +! " +pan ish +ĠTaller es +ci entemente +ĠVers ión +ĠSal inas +Ġdefini ciones +Ð ĵ +ĠVé lez +Ġefectu ado +Ġmedi ciones +Ġir respons +Ġder ram +Ġpar tÃŃ +Ġgener ados +Ġan tena +Ġco tiz +ĠI bar +Ġlin ks +Ġjurisp rudencia +ĠF ull +Ġé tico +rea k +ĠEsco bar +D EN +B ER +Ġ24 0 +Ġtrip ulación +Ġseg mentos +Ġprestig ioso +Ġcó r +Ġmer ecido +Ġca iga +Ġb ell +ga ta +Ġescuch ó +Ġprofun diz +Ġreembol so +Ġproble máticas +Ġna ta +gen era +Ġdisfru tamos +Ġno tado +Ġespes or +Ġinaugu rado +ĠO k +Ġcal ib +ĠMon taña +Ġbi ológica +Ġsometer se +ĠD T +Ġind ud +Ġtelef ónicas +Ġamist oso +Ġes cur +pe o +ĠJ r +gu erra +ĠRoc ÃŃo +in fo +Ġve ÃŃan +Ġsegu iremos +Ġal usión +ĠH ubo +ĠActu alidad +p per +Ġadqui rió +ĠTe orÃŃa +Ġcontrad icción +Ġconsol as +Ġejerci tar +Ġagu ja +Ġlin f +Ġrequer ir +ĠUn idades +cu al +Ġrefrig er +Ġ11 5 +Ġrequier an +ĠUN AM +ijo te +Ġinfl uyen +Ġabund antes +ĠBr uno +aj illas +ĠN ex +Ġelev adas +Ġpu ñado +Ġden e +ÃŃr culo +ĠL ula +Ġcons igna +ĠAudi torio +Ġrepresent ada +ĠR onda +Ġdisfru ten +Ġaconsej able +Ġrecord aba +Ġfran co +ĠestÃŃm ulos +Ġvac as +ĠVol kswagen +ĠMel illa +Ġais lado +h ue +ĠZ ar +Ġtranquil amente +Ġpres ionar +Ġser ias +ĠW es +Con tra +ci tación +Ġrec ort +Ġespir al +Ġpl umas +ĠAp licaciones +Ġla zo +Ġconstitu ida +à « +ĠB rad +Ġgastron ómica +ĠM enos +ĠCon tamos +ĠCom ún +é ticamente +ĠPlan eta +Ġlook s +Ġaj enas +tecn ologÃŃa +Ġra yo +Ġanaliz ando +in ch +Medi ante +Ġestim ulación +Ġdorm ido +ul oso +Ġca ñ +ĠSe at +Z apa +Ġconserv ador +Ġdesh idra +Ġpe d +Ġaconse ja +P H +Ġas ilo +Ġsustent able +Ġac ento +Ġpromo cionales +c s +Ġinmejor able +t v +ho use +Ãī S +Ġah og +Ġpl ur +Ġintent aba +uev os +Ġejecut ado +ĠGab inete +Ġestu vieran +Ġt icket +Ġ3 000 +Ġconmemor ación +PU B +ĠAdri án +t omÃŃa +Ġmuch ÃŃsimos +g ras +polit ano +R AS +tr é +b ando +Ġdel gada +Ġcontribu ido +Ġgay s +ros as +Ġ9 78 +Ġautor izada +Ġconduci do +v idos +Ġcomenz aba +G AR +Ġhin chas +Ġcub ren +Ġecu ación +b rica +Ġdest inar +ĠPRI M +Ġm uc +Ġseleccion e +ĠV iena +leg as +Ġhem bra +Ġmetodo logÃŃas +b ó +Ġconcur s +ĠZ ara +Ġc iego +Ġdi ur +ĠC ross +ĠEv entos +Ġrid ÃŃculo +B as +Ġencon tre +in arse +Ġvi ñe +Ġtable ta +Ġaus p +Ġdef endió +Ġsuminist ros +ĠAn th +ĠK u +Ġagres ivo +Ġhelicóp tero +á ñez +Ġar om +Ġsi entas +Ġesca p +Ġcap rich +é ri +Ġabaste cimiento +Ġre puestos +ĠprohÃŃ be +Ġcan ela +Ġre tener +ÃŃcul um +Ġcoloc an +ï¼ Į +ĠW ork +ul ando +Ġmuel le +il s +CU LO +Ġenseñ ado +ĠDis pone +Ġdiri gen +Ġserp iente +Ġactiv ado +m ic +Ġproces ión +Ġdispu tará +ĠDes p +Ġgener osidad +Ġexpres an +Ġenf o +pue de +Ġen ta +Ġcorpora tivo +Ġimp iden +Ġvar ón +Ġlig ado +ĠSteph en +Ġvalent ÃŃa +Ġsol tera +Ġop ina +Ġviv ÃŃan +ĠdifÃŃcil mente +Ġcho fer +Ġdiferenci ar +Ġinter con +Ġafirma ciones +Ġnum er +ĠH oras +Ġd úo +ton as +Ġu va +Cons ul +Ġsemin arios +Ġanticip ación +al an +ĠArro yo +ĠRel ig +F und +Ġcu ración +ĠAl quiler +Ġapren den +des l +Ġ15 00 +Ġenseñ ó +Z O +Ġatmos f +ĠM isa +Ġprop iamente +ĠJos ef +]âĢĭ [ +tr án +Ġma go +Ġaudi torio +Ġembal aje +R C +it tle +Ġla guna +uch es +pol is +ĠRecom end +ĠL t +Ġpe dia +Ġgust en +Ġmon itores +Ġenrique ce +Ġdescub rÃŃ +ĠMens ajes +ĠD ice +ĠYo ga +Ġdesconoci miento +Ġencan tadora +M ir +ĠR ick +ĠBuen as +ĠCán cer +Ġmarc adores +ĠF lam +és el +!! !!! +Ġsuf rieron +ĠGin ebra +ĠPap el +ĠG ala +ĠâĢ º +Ġsolici te +po der +Ġvis a +Ġo jalá +Ġper sever +Ġpersegu ir +Ġconserv an +ich as +ĠTer cer +Ġlo tes +Ġdes echos +Ġconfigu ra +Ġac ude +an álisis +tec nia +Ġfr ÃŃos +ĠMo bile +men os +Ġencuent res +Ġpl át +Ġaerol ÃŃnea +k an +ĠC ano +Ġalcan zando +Recuer da +Ġd ragón +Ġindiscu tible +Ġla min +U P +Ġdetec ta +á ramos +Ġta ur +Ġbr us +ĠSu pongo +Ġpropor cionado +ĠMay ores +Ġs n +Ġmon asterio +alo a +Ġmis m +Ġmeta f +Ġtable ts +ĠLegisla tura +Ġexten dió +Ġe b +Ġcel da +Ġdel gado +ĠCar d +Ġgrad ualmente +r ina +ĠT ER +ĠÃŃn tima +iver pool +Ġcóm ics +Ġcor dón +Ġfun dadores +ĠV eci +V iv +Ġtempor almente +Ġprelim inar +j im +is fer +Ġobje tiva +para ÃŃso +Ġpsic ólogo +ĠE ran +ĠCons ell +Ġdue ña +por ta +Ġque das +Ġun ida +ĠL and +Ġresul tante +Ġtac ón +Ġactiv ista +Ġpe gado +voca toria +ĠJava Script +Ġinvestig ando +Ġfi jas +y ug +Ġhistór icamente +ĠT RAN +re v +di éndose +ter io +Ġdesempeñ ar +Ġpu reza +ĠMe te +ĠCons umo ++ ] +Ġelim inando +Ġpal eta +Ġvul gar +ĠPel ÃŃculas +tos hop +Ġpres ide +N D +k is +Ġgras os +Ġgir as +Ġmanten ÃŃa +E uro +et y +Ġun ió +ĠC ielo +Ġcor tado +ĠHa w +ĠAdo be +Ġdiscapa ci +Ġdis olución +tal o +ĠCo ch +ĠEn s +cas i +Quiz ás +Ġh rs +ĠLa w +Ġhacer los +Ġfe dera +ĠG rad +Ġocup ados +ĠS es +a tivo +Ġdese es +ĠT érminos +Ġcultiv ar +ĠN as +pro yecto +ri an +ĠRecuer do +Ġqu esos +Ġconviv ir +ĠOfre ce +Ġmar chas +Ġv ener +ĠHum ano +ĠTer uel +Ġdefien den +Ġespe jos +Ġpaul at +Ġnacional istas +ĠS MS +Ġdom ina +Ġcar gador +Ġregul an +ĠFilip inas +ac on +fec tos +ĠNa talia +Ġrev al +Ġtan ques +ĠRes ulta +oz co +Ġf ilo +Ġfes tivos +con f +d ge +Ġexces ivamente +ĠL um +t ento +Ġpres cripción +ĠAlej andra +Ġop inar +Ġrique zas +Ġentre gados +ĠTrans portes +Ġestim ula +Ġbi ológico +lo ck +Ġsob rena +ĠP OS +Ġmir an +O tras +De ja +Ġ196 9 +ĠIn dÃŃ +Ġd ÃŃg +Ġsacar le +ĠNa ve +Ġsuce den +quil a +Ġan taño +Ġenv ol +Ġd am +Ġlib era +oma gn +Ġescul turas +E qui +ĠF ort +Ġg lam +Ġapasion ante +dar ia +in gu +Ġsec undar +Ġhe bre +Ġfalle cidos +Ġcontrad icciones +Ġplas ma +ĠMe ga +Ġ196 7 +Ġdescub riendo +que t +ĠTe ma +S D +Ġle ves +v idas +Ġsocial mente +Ġsim ulación +i ante +ĠP adres +ĠEspe ciales +ĠGal lar +Ġpy mes +ĠW EB +ag s +D av +ĠN I +Ġp ilar +Ġcar gada +ĠPe da +ĠNA CIONAL +ĠL ázaro +x el +Ġa tas +Ġin jer +Ġmal etas +Ġcoinci dir +ĠL ight +Ġenferm era +S em +âĢ¦ , +Ġpuls ar +frad ÃŃa +ĠA dap +Ġcorte za +Ġexp ro +ĠD if +ĠClo ud +Ġyo ur +ion ados +Ġan omal +ĠNa zar +Ġdomést ica +Ġaver ÃŃas +ĠS ign +ĠOfre cemos +ur ó +Ġpura mente +ĠTrans parencia +ĠS iendo +Ġsi embra +Ġapre h +Ġocul tos +Ġ7 50 +Ġválv ula +CO O +ĠPrima vera +M ig +Ġcomplementar ias +> > +Com un +den cial +Ġval en +ĠAs oci +Ġofre ci +tor e +ĠG rupos +Ġcontin entes +Ġc era +ĠAnti gua +Ġprivileg iado +Ġpira tas +ĠGer encia +ut y +Ġdo tación +ĠSO BRE +Ġater riz +ĠTech n +ĠPo drÃŃa +Ġprecip itaciones +ĠPo drás +f l +iz adores +Ġenvi ada +Ġsu yas +ĠD y +Ġse quÃŃa +ĠA riel +Ġdivers a +ĠS ecu +Ġev a +Ġgarantiz ando +Ġcab ida +Ġrequer imiento +Ġprome tió +ĠDoc ente +AM A +Ġen do +ĠPue blos +Ġvis iones +Ġdefin ió +Re al +Ġinjust o +Ġtir ada +Ġab ras +tr u +Ġinter rupción +Ġcar rito +Ġencontrar án +ĠAr mas +Ġdibu j +Ġremo ta +Ġa va +Ġpregun té +ĠGuan ajuato +Ġcomun itarios +ĠLe w +su per +Ġform almente +Ġsan eamiento +ter es +Ġcal ificaciones +ĠRes pecto +cam pe +Ġlad rillo +Ġinesta bilidad +z or +Ġdesplaz amientos +Ġenfa tizó +pp ing +Ġ% , +Ġsobre peso +Ġincorpor an +Ġdescar tar +ĠV arela +Ġsuces or +Ġimperme abil +Ġaf e +Cu enta +Ġemp aque +Ġinv itan +Ġdes al +ĠG im +Ġcoman dos +Ġanunci aron +ĠPV C +T ener +ific adas +ĠEl ÃŃas +Ġtrav esÃŃa +man as +Ġtable tas +p ing +Ġprohib ida +ust ro +Ġcomba tes +Ġconvoc ó +Ġdes embol +Ġol vide +Ġinstal ados +Ġcomp asión +Ġsorpren dentes +Ġna cida +Ġro tura +ea t +ó ticos +Ġtraduc ciones +Ġprede termin +ĠL ista +b ell +ĠCor re +Ġpropor cional +Ãij OS +Ġencab eza +ti éndose +ĠBar ack +Disfru ta +ĠPotos ÃŃ +Ġsab io +Ġhábi tat +ĠGaran tÃŃa +Ġrespe ta +Ġorganiz ador +Ġmatem ática +Ġor ques +Ġsolici tante +Ġviv as +Ġenrique cer +Ġaspir ante +Pos teriormente +Ġsec ado +ĠRev olucion +ĠNe uro +Ġapa gar +ĠO peración +ĠBel grano +Ġpar an +ten ido +Ġconfes ó +ĠCu p +Ġb onaer +Ġmarc ando +Ġcru j +ĠN orth +Ġà ij +Ġconfec ción +Ġcara vana +Ġden tales +Ġlev adura +Ġautoma tización +" ). +ĠPERS ON +in ará +ĠE PUB +ust on +Ġpien se +ĠAcos ta +ĠNo kia +Ġinter cep +Ġsolici tados +Ġper i +Se lec +ĠCol o +Ġl un +Ġcatal o +Ġvay amos +ĠÃŃntegra mente +Ġregul ador +h y +an ual +tas io +Ġgener alizada +ĠV uelta +Ġmár genes +Ġve is +Ġaten cion +Ġ197 1 +ĠS oc +ĠSan z +c óp +Ġab rieron +ĠK ey +Ġta par +ĠCoordin ador +Ġpres cin +ĠF lu +Ġer gon +Ġsuspendi do +Ġaprovech ado +Ġmister iosa +im ir +ber ry +di f +car se +Ġtar ot +Ġvel ada +ac tiva +ĠFer rer +Ġescrib en +ĠSoci edades +Ġvulner able +Ġtra tamos +ĠAc tividad +Ġempez aba +Ġsub en +Ġgor do +Ġgobern adores +Ġe uf +ĠA man +Ġimp utado +Serv icio +ro co +Ġentregar on +i arios +c ena +E v +Ġrefer ida +Ġdescub rimientos +IS T +ĠRo dolfo +Ġsen deros +ó j +Ġinten sas +Ġcortes ÃŃa +Ġbel ga +Ġdic ta +Ha z +duc tor +Ġfirm es +Ġco e +Ġutiliz o +Ġpermitir ÃŃa +ĠB un +Ġat leta +stitu cional +Ġlatino americano +M L +ĠA parte +Ġé ramos +minist ra +Ġsubsi di +Ġco he +Ġacci dental +Ġbal anza +Ġsimb ólico +Ġre j +Ġac trices +ĠCon ocimiento +ĠS P +Ġob tuvieron +oso tras +Ġconv ento +la o +ĠE res +Ġtra ición +Ġimpre gn +Ġluch an +ĠAé rea +Ġvit alidad +ipié lago +C AL +Cons ide +Ġconven cidos +p ÃŃa +Ġimpos ibles +Ġtum ores +Ġs ic +Ġrendi mientos +Ġline amientos +ri ty +Ġz ur +Ġempren de +ĠHora cio +Ġmotocicle ta +ĠBo w +Ġvolun tariamente +Ġregener ación +E I +Ġcon torno +Ġenci er +Ġcon gresos +ba i +Ġre i +ĠSport s +Ġorden ada +Ġpasaj ero +Ġan ular +Ġgener ada +Ġdespre cio +Ġcomple tado +Ġquer iendo +Ġretro ceso +vol ta +Ġmar tillo +e lo +Ġnie bla +ĠL lor +Ġtoma tes +Al guien +ĠTRA BA +Ġdec ente +Ġagar re +Ġtras lada +ĠTay lor +d amiento +le gos +Ġart ÃŃsticos +is ion +Ġva is +Ġelectrón icas +Ġpen itenci +ĠSin aloa +Ġestudi an +Ġalterna tivos +Ġpareci era +éndo les +T B +Ġfor zar +â ĸ +Ġlin das +ĠCam bie +Ġtro feo +Ġenv ase +r ÃŃo +Ġcas era +ĠGabri ela +Ġlogra mos +ĠA rist +rim e +Ġus ó +r icos +ĠBo u +Ġatrac tivas +Ġconstru idos +ĠDu arte +Ġatraves ar +Ġdem ol +Ġcons ent +Ġencontr ando +Ġprodu jeron +Ġsuce da +Ġcor al +Ġan alizado +Ġma f +Ġinsul tos +Ġtransform ado +m iendo +Ġtec las +c n +Ġal udi +Ġto allas +ĠK ir +Ġcláus ulas +Ġburbu ja +ti tis +Ġrefle jado +Ġb ob +Ġfres cura +ĠSent encia +le ge +ĠAf gan +Ãļ BL +ĠFOR MA +min g +ĠP ur +Ġma quinas +Ġpol o +Ġarm arios +qu ÃŃn +Ġopos itor +ĠInst rum +ro ja +Ġle ido +s ur +Ġcar ecen +Ġtec la +Ġvolver ÃŃa +l lo +Ġpla gas +Ġrecor riendo +ĠRos s +Ġcontemporán eos +Ġv iuda +ĠContemp orán +Ġd ri +ĠIngenier os +ĠHerman os +Ġdese aba +Ġhol an +Ġalberg ue +gra mos +Ġinvoluc rado +Ġcorpor ales +ó mi +Ġconec tarse +Ġbru to +Ġejer cen +ĠA con +Ġcol ombia +Ġplan tar +Ġimp licaciones +Ġcritic ado +ĠCa ixa +ĠAten as +Ġamino á +Ġh ito +des arrol +Ġin no +ENTA CIÃĵN +Ġneces it +ĠPa go +ren e +Ġproteg idas +Ġaus ente +Ġsug ieren +Ġen gor +Ġretir ó +Ġofrecer te +Ġorden ación +ĠNo va +ĠQu ijote +des es +ĠL IB +Ġlib rerÃŃas +Ġinverna dero +Ġciruj ano +Ġescrib ÃŃ +Ġpareci dos +c amp +ĠRespons able +Ġmal e +c encia +Ġintercambi os +TI F +Ġsent ada +Ġproyec ta +ĠC og +eta fe +Ġti ps +Ġvendi ó +is cal +v adas +Ġe pi +Ġcontrol ador +ĠBro ok +ĠCon tral +i tivamente +Ġinter locu +R OS +Ġque hacer +ĠAl terna +Ġbenefici ar +Ġrevis iones +Ġjun tar +Ġenamor ada +to grafÃŃa +Ġequip adas +G rupo +Ġcan nabis +Ġen horabuena +ĠN acho +k as +Ġabdomin al +Ġmus culares +ran g +Ġform ular +Ġinoc entes +Ġequ ita +Ġoptim ista +Ġpas ara +Ġentre gan +plic ó +ĠCu ad +ly n +ĠAma z +Ġobten ga +Ġrefrig eración +Ġpon te +ju ana +ĠTab la +Ġsu izo +ur met +Ġgir os +Ġcre amos +ucar istÃŃa +ĠJo urnal +Ġse tiembre +ĠL lan +ém ica +Ġmach os +Ġguar dan +de moc +rech o +Ġpin ch +Ġeli jas +S istema +Ġg arra +Ġrecre ación +que tes +Ġtes oros +Ġidón eo +Ġcosm ética +ĠRe don +Ġmil en +ĠLor ca +Ġsuje ción +Ġmadrile ña +est res +ĠAD MINIS +Ġdesl iz +Ġrecep tores +ĠMar s +Segu ro +ĠR R +Ġcomp la +Ġpas arela +ĠCon tr +ĠUn ida +Ġpod és +ĠObje tivo +ĠDepartam ental +Ġcoinci dencia +y right +Ġale jar +ĠCanc ún +ĠCas ino +ĠAb el +Ġlingü ÃŃstica +Ġt il +Ġru bio +Ġgl ánd +ĠDes carga +ci sión +yo u +Ġt ig +Ġinci so +Ġ" ¡ +ĠBar b +Ġinfin ita +Ġsubs ecre +Ġne gado +Ġpl ie +Ġdespla zar +T h +ĠDo ble +Ġinf racciones +ĠCom andante +Ġregist ran +ĠCar m +Ġvib ración +Ġdes g +Ġpromo tores +Ġtelef ónico +ĠC res +Ġinici ación +pa ta +Ġsub vención +Ġgris es +Ġaliment icios +Ġcos tura +, âĢĿ +ĠDar ÃŃo +j ol +Ġreal ismo +Ġara ña +Ġir ÃŃa +Ġlá minas +Ġra mp +Ġór bita +z en +pe lo +Ġcor rió +Ġtal las +ĠAl mac +Ġhici ste +Ġdefens iva +Ġtermin ada +Ġin dio +Ġadap tan +Ġdom ésticos +Ġes quinas +Ġin dia +Ġprob ando +Ġpat entes +Ġsubsi dios +Ġrevel an +ĠCh el +ĠIde as +ĠM uerte +ĠK n +ĠE ver +Ġsu cio +ĠJu vent +Ġhipo tecas +segu ir +Ġguar di +Ġce jas +ĠES TA +Ġfrac tura +ĠNav al +ud ul +s oy +ĠS po +Ġresal ta +Ġca ñón +Ġmane jan +amil ton +Ġvag ina +Ġsu reste +Ġinvers a +z er +ĠV it +Ġdes cripciones +le os +ĠB orges +Ġdetermin an +Ġacredi tar +Ġs po +f ue +ĠG et +Ġsub ven +Ġrequer idos +ĠT itan +Ġdoc tr +Ġconcent rar +T ampoco +Ġlatino americana +ĠG io +Ġexpl ora +Ġw a +Ġh ola +Ġdomin icano +Ġcuán tas +Ġcal mar +cl us +ĠMan zan +ĠincreÃŃble mente +ac tividad +Ġutiliz arlo +Ġlig eros +Ġcotidi anas +Ġprestig iosa +v ino +ĠInte gración +n ers +Ġgan e +Ġllegar ÃŃa +Ġporcent ajes +Ġpales tinos +orden adas +Ġalber gar +ĠF ir +Ġporno grafÃŃa +Ġinvoluc ra +Ġen oj +Ġtrans portes +gaz ine +ĠCompos tela +Ġac né +ĠT A +et ta +ach i +Ġlegitim idad +Ġinv entar +T ex +ĠN ig +Ġne w +Ġ12 8 +Ġcal ce +Ġrebel de +incl uyendo +ĠE jemplo +H D +Ġdesn ivel +Ġcurios os +ĠProgram ación +pro fes +ĠCar ras +r ino +Ġatra par +ĠDe ad +Ġtér mico +Ġremon ta +Ġmal ware +Ġdescub ren +Ġreconstru ir +Ġc enas +cor dia +ĠPir ine +Ġmarro quÃŃ +ĠE uros +ĠE ri +de fin +Ġcu pón +AD E +ta cion +Ġmec ánicos +Ġsuscep tibles +Ġmotiv ado +Ġtri tura +Ġcomp ran +Ġmedi ática +ĠCh rome +Ġrefer idos +Ġescuch o +ĠA just +ĠOl iver +Ġtratar a +Ġmoles tar +g lo +re ta +Ġlevan tarse +Ġcar naval +Ġprove e +? âĢĿ, +am el +ĠS N +Ġjug aba +? ¿ +ĠR at +Ġgrab ados +Ġpublici taria +Ġveter inario +TIC AS +Ġcap tación +ĠPer mite +Ġvan guar +Ñģ ÑĤ +Ġp ino +ĠTes tamento +Ġrela cionar +Sab es +Ġadecu ación +ĠF en +Ġtir ando +: . +ĠB ut +Ġres ume +Ġindic aron +P RES +Ġconvoca torias +tor rique +all en +ĠC ará +ĠÃģ r +Ġaceler ación +Ġalcanz aron +is eo +ine tes +IS MO +ĠB erg +loj amiento +Ġb rig +Ġescal as +199 8 +Ġret ribu +ĠL lev +Ġsuper héro +Ġch inas +Ġarm adas +v iene +x t +Ġd ÃŃ +Ġindign ación +v imiento +Ġpon dremos +Ġinter sec +Ġev ang +ĠD S +ér citos +Ġguard ado +Ġcoordin adora +Y EC +Ġdic tador +cu encia +ĠV erg +Ġinter vin +D ep +Ġdomin ación +ĠSub secre +I gualmente +ri es +Ġmez clas +Ġestratég icas +Ġfantas ÃŃas +Ġb ik +Ġz an +ĠFer re +Ġconsecu tiva +Ġprogres ivamente +er mo +Ġcine asta +Ġevent ualmente +ĠG oya +Ġs am +cil los +Ġhid r +Ġcre as +Sab emos +ĠLo zano +ĠOb viamente +Ġincorpor ando +av era +ĠMon tero +Ġquie bra +Ġl ástima +ĠD ream +Ġta quilla +Ġterri bles +ON ES +ic é +Ġdecir les +Ġco do +Ġresul ten +Ġdedic amos +ĠAl can +Ġfol cl +Ġpreci sos +p y +ĠS qu +ĠO jalá +Ġcontinu ado +D ijo +Ġrela jado +Ġconfigu raciones +Ġexp uesta +ĠMej ores +ĠO L +ĠCu anto +ĠAl c +ĠSim on +ĠCON TRA +Ġdesen v +Ġser ás +Ġnerv iosa +tol ógica +ĠHa itÃŃ +Ġa Ãĥ +pec tiva +Ġcandida turas +Ġplást ica +Ġpró tesis +ÃŃg ono +Ġextre mas +t ÃŃan +ĠU P +In tro +< / +ĠL iverpool +ĠWil son +Ġatac ante +man uel +Ġpreserv ación +Ġneces iten +ĠF ARC +ara gü +Ġlleg aban +Ġllegar án +Ġpreco z +Ġdes van +Ġsum aron +Ġa gen +Ġsus crib +Ġvol ando +K A +ri t +Ġac tas +ĠCh aqueta +dad ora +Ġne gl +Col ombia +Ġcuader no +ĠâĢ Ļ +ce dente +ĠPascu a +Ġcolap so +Ġinv ento +Amb os +Ġre dujo +Ġtrav esti +Ġ" . +Ġcr ÃŃa +Ġocup ada +Ġguitar ras +Ġel ija +Ġlanz amientos +Ġman tuvieron +Ġretir arse +Ġmoder ada +ash ion +Ġmovil izaciones +Ġto alla +ĠCoordin adora +Ġcar denal +Ġamb icioso +Ġex tor +Ġcar encias +Ġto po +ĠH ig +ĠM ª +ĠN uestras +Ġconsol idado +âĢĿ âĢ¦ +ĠPs ico +ĠMar cel +V enta +ĠEs as +ĠDemoc racia +Ġfen omen +ĠEusk adi +b idos +ĠP utin +Ġpul mones +ĠH A +Ġcor dial +AC H +Ġpromo viendo +Ð ² +Ġconten edor +tu res +Ġgra f +Ġp ica +Ġdis puestas +Ġmelo dÃŃa +Ġtatu ajes +Ġreti ra +ĠAfgan istán +Ġaz ucar +W h +Ġespiritu alidad +Ġsu mo +ĠT C +ĠBa ño +Ġtan go +cel as +ĠVelas co +ĠS pr +Ġllev ados +Ġemi tida +ĠJur ado +Ġcep illo +qui á +Gu ÃŃa +Ġcon tienda +oc ÃŃa +ĠAle mán +Ġto d +Ġges tores +ĠCon tabilidad +ĠB ajos +e h +Ġinst into +Ġviv ieron +Ġsan tuario +ĠOri gen +uel ven +Ġseleccion ada +c eros +ĠhÃŃ dr +Ġra tos +Ġmuñ ecas +ĠTex to +ru st +Ġinmedia tos +Ġcon dado +Ġhum ill +Ġsub idas +ĠCoopera tiva +Ġla gos +ig no +Ġsa turación +Ġsome tida +Ġbo leto +ii i +Ġre inado +ĠJ ob +Ġlub ric +Ġabsor ber +Ġdoc ena +ĠEx tran +ĠSer ra +Ġdéci ma +Ġc enso +Ġpublici tario +Ġen teros +Ġinform ados +Ġmultina cionales +ĠMin erÃŃa +D eci +p ad +ĠT ir +ĠR enov +Ġle ón +Ġfeste jos +Ġcamp ana +Ġdi gas +Ġin er +cul tura +ĠRe tro +Ġumb ral +Ġdescon fianza +ca t +Ġob so +Ġador nos +ran ge +M ES +end ÃŃa +Ġma ci +Ġrefer imos +Ġg estiona +ĠVal paraÃŃso +Ġfra udul +Ġsuces ivamente +Ġestable ciendo +Ġconcil iación +Ġo posiciones +Ġexplic ando +Ġdele gaciones +Ġn omina +ást icos +ga t +Ġ19 45 +Ġsepar ada +ĠPro ve +Ġantibió ticos +Ġch apa +Ġinterv ienen +Ġartesan ales +Ġconsa gr +t ál +Ġt ach +Ġop ta +Ġdes inter +ĠIma g +Ġreac cion +Ġfirm aron +al lo +Ġestima ciones +Ġcomplementar ia +j uy +Ġespe cias +Ġhere dero +Ġusu almente +Ġdelan teros +tur adoras +Ġsolici tada +Ġreconoci mientos +Ġseñal ados +Ġapos tó +Ġenfer ma +Ġintent aron +ĠTes oro +Ġtra tará +á culo +RO L +ĠEn contrar +Ġcilin dros +cl ub +Ġanón ima +n eces +ĠL CD +Ġpr onos +ĠCom pany +ric k +Ġtelef ono +ĠEn tren +Ġrazon amiento +ál ido +C rist +Ġotor gó +Ġdi osa +ĠCa dena +ĠRin cón +Ġmas turb +ĠDu ración +Ġtram itar +Ġpudi ese +Ġdivi dida +Ġenv as +Ġcar net +Ġenseñ an +Ġfuer e +Ġba tir +Ġseñor as +Ġescon dido +Ġter m +Ġaport ado +ch at +Ġna var +Ġinstrum ental +ĠR un +ĠG ente +na v +Ġal ias +án ime +Ġpa gó +Ġsan dalias +Ġsubsi dio +Ġincondi cional +Ġesco te +Ġp om +Ġten és +Ġadap tada +ĠS ISTE +l ines +Ġanécdo ta +an ismo +orm almente +Ġba te +Ġarran có +res ÃŃa +u te +Ġlic enciado +Ġorgas mo +v ina +Ġin co +Ġde no +ĠU sa +Ġfacil itando +ĠD io +Ġen umer +Ġproyec tar +U RA +ĠG las +Ġincl inación +Ġemble máticos +ĠJust in +AT OS +ometra jes +Ġpro cura +Ġap unto +Ġro uter +ĠWhats app +a pos +Ġdispar ó +tien es +Ġins in +Ġbi ologÃŃa +Ġexquis ita +Ġanticon cep +ig ne +Ġt ambi +ĠCon oci +Ġsigu es +con o +Ġdolor oso +Ġte mo +ĠIsa ac +ĠT on +yu ge +Ġesc an +ĠEn tidades +Re almente +ĠPascu al +AN D +Ġm ora +ĠMar ÃŃ +Ġcruc eros +Ġdesemp eña +Ġor todo +ĠA gre +Ġad uan +Ġfinal istas +Ġocas ionar +ĠT RI +Ġc ac +Ġcosm éticos +ĠEdi ficio +Ġrevolucion arios +Ġf ul +Ġin igual +Ġevi dentes +Ġnomin al +Ġfós iles +u go +s hop +pe ci +Ġencues tados +ni fer +na cionales +Ġcar ica +Dav id +ĠMo d +Ġdisput ó +ĠE ze +Ġbal as +Ġfirme mente +ten as +Ġforma tivo +Pro yecto +Ġrecaud ar +Ġdetermin e +Ġintes tino +Ġprol ong +Ġsecu encias +cal ientes +tur almente +ĠBar rios +ĠN at +ri tal +Ġexces os +Ġins crito +Ġhol andés +can os +Ġfabric ada +estr al +ĠCl im +Ġsal tos +qui pa +Hist oria +ĠG el +Ġajust able +ier s +ĠS om +Ġcambi aron +Ġofre cieron +Ġn ór +Ġutens ilios +cul ación +Ġpas aban +EL O +Ġf ruc +Ġpon encia +Ġno vena +Ġimp arte +Ġpa gue +ĠL ady +Ġcaus ada +cor por +tu p +ĠLoc ales +Ġembar cación +ĠSh ang +mu jer +Ġconform ación +ás ica +ĠPro tec +Ġus aba +ĠSer ver +ĠF utbol +Ġmanz anas +Ġtur co +Ġliter al +ri al +Ġproces ado +Ġsust ento +Ġinalámb rica +Ġar en +Ġceleb rando +it ora +ĠCam paña +ĠTOD OS +Ġe rig +te te +Ġprotagon izado +ĠDocu mentación +Ġdid áctica +Ġcuales quiera +Ġproporcion ando +Ġcató lico +Ġsolici tando +uev ara +Ġsegu ÃŃan +D icho +Ġllev arÃŃa +ĠCiudad ano +Ġvam piros +Ġcomp i +Ġfiscal ÃŃa +Ġlig ada +Ġdu re +O l +Ġbreve dad +Ġhacer las +b ola +. ° +v inas +Ġin quil +Ġex trad +Ġesc omb +Ġvig ilar +Pro fes +Ġpuls era +eron áut +ĠSo vi +Ġcer rando +Ġva inilla +Ġposi cionar +Ġpreten siones +og ÃŃa +p df +ðŁ ĺ +Ġsosten ibles +d t +ĠO pti +Ġtrans mis +IDE O +ĠES PE +Ġdeb ilidades +Ġmad uro +Ġbach illerato +Ġreg ÃŃmenes +Ġra cismo +ma x +Ġace it +U LO +Ġes feras +ĠCol l +Ġbanc arios +Ġdes ol +Ġop tado +ÃŃ mos +Ġcan asta +ĠCambie mos +ĠO la +so por +Con tamos +Ġaband ona +pos as +Ġproduci das +Ġvoc ales +Ġdi min +Ġcuid ada +m ados +ĠInstal ación +Ġsum arse +Ġsil ueta +ĠRib era +ĠAnaly tics +Ġimplic an +Ġi mit +Ġcos mo +ĠGas tron +te ch +Ġex termin +Ġpr ór +Ġexperim enta +Ġautent icidad +ra ft +par ti +ĠMé dicos +Ġmanifies tan +Ġli tig +Ġapas ionado +Ġboliv iano +ĠT ribunales +ĠB ack +ano va +Ġfur gon +Ġmedi ático +ear ch +Ġrebo te +Hab ÃŃa +ĠM ik +Ġpo dia +Ġhon dure +ĠEsco cia +Ġen tro +Ġcom ens +Ġgrues a +Ġayud amos +Ġsin tiendo +- ¿ +Des cargar +Ġizquier das +ĠProces os +Ġenfrent ará +CH O +ec ción +Ġla ta +Ġle en +Ġdist ribuye +ĠS her +Ġprof eta +Ġsuf ra +ĠC all +Ġtrans gén +Ġdefender se +Ġro da +Ġpes cados +ĠRo que +Ġca t +Ġcenten ario +Ġventil ador +Ġenfo ques +x y +ĠAn ual +ĠPro teg +endi dos +Ġprogram ada +ĠDes cub +ĠOB JE +ĠJona than +ór icos +Ġsen os +ĠOb ispo +d ando +Ġgener e +Ġsec uela +Ġprofes iones +Ġir onÃŃa +Ġvalenci ano +ĠContra to +Ġcamina ta +V aya +Ġpregun taba +Ġartes anÃŃa +Ġh embras +Ġpo zos +Ġcal ificar +Ġautor ÃŃa +Ġinolvid ables +Ġparale la +Toda vÃŃa +Ġpar ás +Ġdecir me +cin to +l aces +Ġcorrespon der +Ġprohib ir +ent ador +ĠPrem ier +Ġro ble +itor ios +ĠRes istencia +an cial +ĠF unción +Ġresul taba +Ġalcal dÃŃa +Ġsemif inal +Ġvac antes +ĠÐ ¿ +Ġp é +Ġ2 30 +ĠB uc +Ġtor pe +is sa +Ġaerol ÃŃneas +ĠEmer gencias +Ġres plan +Ġ195 9 +ĠCateg orÃŃas +I TO +à ´ +Ġpa pe +Ġcel este +inter rump +e ando +ap an +a hu +ig mas +Ġcoyun tura +ĠIN V +Ġprogres ivo +ĠDav is +er ve +Ġliber ado +Ġré plica +Ġpelu querÃŃa +Ġcomis ario +Ġ uc +Ġadi das +Ġremo ver +Ġintes tinal +Ġauton ómico +Ġmix ta +Ġaplic adas +Ġgaran tice +ĠPro bablemente +Ġpens ada +Ġdiscre to +Ġcora zon +ĠCu ero +Reci entemente +ĠLa ur +Ġpre di +ĠPales tina +Ġprede cir +Ġre cesión +T ON +Ġen ven +Est aba +Ġobserv an +oluc a +ĠS tal +Ġincorpor ados +Ġagu jas +inter pre +Ġgu apo +am ante +lic es +Ġqued ara +dones ia +ron g +Ġintro dujo +A ñad +Ġliter arios +ĠSo porte +F rente +Ġen tes +in en +amil itar +Ġnaveg adores +Ġrecop ila +Ġmagn esio +Ġconoci eron +Ġregul aciones +Ġma gos +Ġdej ara +Ġdel a +ĠIN TRO +D C +Ġfal lar +Ġha cienda +Ġte ñ +de mont +Ġdel iciosos +Ġmetál icos +s w +ter ona +ĠE che +z al +Ġe ternidad +Ġperman eció +Ġseleccion adas +Ġapren dÃŃ +Ġtrist es +N ET +Ġanim ada +Ġpromo tor +is ex +ĠM OR +segu ridad +Ġleve mente +ĠTOD O +Ġingres a +Ġtrop icales +Ġdem ócratas +Ġasever ó +ul itis +Ġag ilidad +ĠC ambi +Ġpu p +Ġfre el +ran t +Ġl itoral +Ġpor cel +Ġgole ador +ĠH is +Ġcen izas +incl uso +ric e +Ġcru ci +Ġsh ort +Ġcuchar adas +Ġinvesti gado +Ġescol ta +ĠN Y +ac á +Ġtóx icos +Esper amos +E duc +Ġconserv adores +Ġhomosex ual +v é +ĠColor ado +Ġcál ida +Ma ñana +Ġenfoc ada +Ġprodu zcan +ss ss +Ġfirm ada +Ġecles i +Ġparticipar á +Ġus as +ĠF U +je tivos +amb ul +Ġequival entes +Ġprepar adas +Ġdesper tó +ér f +Ġinci dencias +ĠPonte vedra +ĠEd ward +ĠM iller +Ġkm s +Ġutiliz aron +Ġcru za +Ġrepresent ados +ap ren +Ġacompañ ando +ĠM id +ga pur +s is +ate mal +Ġenf ad +ĠCompe tencia +Ġprotec tora +Ġco bar +ĠElectrón ico +ĠT la +Ġempe or +Ġdis pens +Ġb la +ĠA ta +s k +Ġapar ecÃŃa +ve y +Ġponer nos +ĠVen ezol +ĠP iel +ĠTit ular +Ġmedi cinas +ĠB uda +Ġrefuer za +Ġquedar me +lex ión +ĠCampe ones +Ġqu itado +Ġcenten ares +ingü e +F ull +ĠCh al +dr ÃŃamos +Ġfle cha +qu én +Ġven cido +Ġacep tada +ĠDar k +ĠLev ante +Ġsuperior idad +it ancia +Ġofici os +ment ados +Ġ15 5 +Y A +Ġparti darios +Ġagu ar +ur ense +Ġove jas +ch ura +ĠPa is +l ist +Ġpro visión +Ġcuch ara +Ġdram ática +Ġatar decer +Ġtransvers al +Ġpreocup ados +UL T +p g +ĠP ent +Ġcuar tel +ĠEcon ómicas +Ġcardiovas cular +Ġech ado +Ġvel ar +Ġconduc en +tur ar +de lar +ĠV ivo +Ġrebo tes +hibi ciones +A caso +ĠCa ñ +Ġconform ar +Ġsent ó +ten se +ĠMar iana +Ch ile +Ġsign ificados +Ġse vera +Ġpoder osas +Ġrecl ut +Ġ oso +Ġremodel ación +Ġubic ar +Ġadver tido +ĠJ A +ĠComple jo +Ġba iles +enci ados +Ġimpon ente +Ġest abas +com er +Ġtu toriales +Ġri gen +Ġlider ar +Ġbar ba +olo ca +Ġafric ano +Ġgrad ual +ĠMa dera +rán sito +Ġapar ezcan +Ġestad ÃŃsticos +ĠADMINIS TRA +U nos +Ġcircul a +Ġllor ando +Ġre trans +Ġequilib rado +âĢĿ ? +Ġafil iación +ĠT EL +Ġ¡ ¡¡ +Ġb ec +ĠE F +Ġacab amos +Ġalf abe +ĠPhil ip +F uer +ici al +Ġdeb iendo +rel l +TOR IA +Ġinscrib ir +Ġexpan dir +ĠC ruc +ĠCor rientes +Ġhig ién +ent amos +Ġpe dÃŃ +Ġapel ación +ĠT her +ĠV io +Ġn oreste +ĠSil ver +Ġllen ado +lo ok +Ġmo vi +Ġide ológica +Ġcruc es +Ġadmir ar +s ch +Ġde ton +Ġasum ido +Ġutil icen +Ġsole mne +Ġindirec tamente +Ġlegen dario +ci tamente +ec encia +gen eración +Ġimpres a +Ġquis ieron +Ġconsul tor +Ġasomb ro +Ġc d +Ġb it +ĠM inas +Ġpas ivos +Ġes por +Ġpa ño +Ġrecibir ás +ar y +ĠRe alizar +O f +Ġorient ados +Res pon +Ġextin gu +Ġha za +dor ra +Ġversa tilidad +Ġne ws +Ġcontinu as +Serv icios +Ġfich aje +i der +Ġcontractu al +Ġl ent +Ġpól iza +c ente +Ġpul món +Ġmar es +Ġeró ticos +ADOR ES +Ġac ol +ĠI A +Ġver so +Ġinstitu tos +Ġencan tada +Ġproces ados +Ġpar che +Ġdic tado +Ġcambi ará +TI ON +ÃŃst as +Ġlegisla tivas +f en +Ġdesl umb +Ġper su +Ġ19 40 +vie ja +ĠG ian +unta in +Ġcom ido +ĠF E +Ġgrave mente +Ġradi ante +T F +m eras +Ġhim no +ĠC OS +Ġrepresent ando + ¬ +Ġmayor itariamente +al to +Ġev ac +Ì ĥ +Ġpal adar +T ICO +Ġcol as +ĠZ en +ĠJu juy +Ġas fi +Ġconfron tación +e idad +Ġbizco cho +Ġch asis +Ġab raz +Ġh allado +es tan +Ġinteres ar +Ġde pres +Ġp ionero +ĠS US +Ġpris ioneros +uc as +Ġpie dad +Ġfac eta +C in +ti era +Ġsonre ÃŃr +Ġexpor tar +ĠHua wei +Ġguer rilla +Ġgan arse +ár ra +Ġle gu +Ġimpuls ada +Ġabog ada +Ġpronunci ado +1 20 +di almente +Ġcual idad +Ġcolabora ciones +al idades +Ġins ól +Ġalum nas +ĠPala cios +Ġcolabor ado +ra mente +Ġdivertir se +Ġindi ferencia +Ġandal uza +Ġgran di +acu te +ĠF ED +ĠSab er +jug ador +Ġnacional ista +á i +ĠMé dica +ĠD amas +ĠMon s +h es +Ġec olog +gu eros +ĠNo te +end amente +In stitu +Ġapos tando +v ard +Ġofre zca +Ġsensibil ización +Ġpro fec +ich i +Ġtem ores +Ġsup rimir +Mig uel +Ġdesarrollar on +ĠEscri tura +gu eras +Ġseñal aron +ĠMa z +Ġle d +Ġar ca +Ġsimp atÃŃa +g ad +ĠC B +Ġcar petas +or ient +ho w +Ġasist encial +IL LA +Ġprobar lo +Ġadap tados +du jeron +Ġamig able +ĠProto colo +A na +Ġpo tasio +ulip as +ĠRec o +Ġsucur sal +Ġpar ientes +ĠT eo +âĢ¦ ). +ĠCas o +Ġes mer +d ú +p x +tagon ia +Ġlengu ajes +ĠColec tivo +Ġhubi esen +ste des +Ġhacer les +ám enos +ĠBel leza +Ġhos telerÃŃa +Ġar bitraje +Ġabra zar +na cional +Ġplom erÃŃa +Ġgin ec +ĠR áp +Ġgu iada +Ġexten dida +Ġpreten der +Ġer mita +P in +ter ror +Ġacredi ta +ĠInst rucción +ĠVia je +ĠCará cter +ĠRa quel +Ġcontinú e +ĠRe uters +Ġsac aron +Ġlimp ios +Ġmejor ÃŃa +Ġrec tang +Ġamena z +ri tis +Ġir ra +â Ļ +Ġac lam +Ġhaci éndolo +ĠFinanci ero +ĠME J +Ġdisfru tes +Ġamor osa +Ġhon ra +Ġampl ÃŃa +Ġanal ÃŃtica +ĠW olf +Ġgo zo +Ġorient adas +Ġmon tes +Ġpreca uciones +Ġatra pado +Ġcapaci tado +Ġdeci des +Ġdev uelve +Ġver as +s un +Ġde ducir +Ġañ aden +Ġrecib an +Ġde t +Ġsupon ÃŃa +ĠT ránsito +Ġinus ual +Ġregular idad +UL AR +Ġrad ios +Ġingres ado +Ġk irchner +ĠG uevara +im ar +Ġmor f +Ġsuminist rar +can dida +ĠAlz heimer +Ġan hel +Ġol vidad +ĠDie z +Ġtranspar entes +Ġmutu amente +Ġdinam ismo +ER OS +ĠOri entación +ĠAs c +Ġban quillo +Gu ar +N et +Ġam abilidad +AL A +Ġru tinas +ĠB iz +ĠFin landia +ĠCamil o +Ġpárra fos +Ġinf arto +Ġderro tó +ĠC eb +Ġdiplom ático +v echo +gues es +htt ps +Ġensal adas +ĠPlan es +Ġlác teos +Ġconten idas +Ġsol es +Ġproces al +Ġvolver án +ĠCon stru +Ġv ec +ĠB AS +Ġcorrup tos +Ġantepas ados +pro p +Ġconse jeros +Ġ196 4 +Ġpi ña +Ġfrag mento +Ġdesen lace +h em +da dera +CE P +Ġmedicin ales +Ġprolon gado +ĠH idro +Ġc esta +Ġatre ver +ci able +fac tos +J uegos +Ġintérpre tes +u ada +ĠA ula +mas ter +Ġguer reros +ĠP las +ĠT um +Ġimplement ado +Ġanaliz an +Ġda ting +Ġform aron +Ġcontra tados +Emp ez +Ġin édi +ĠD F +Ġmec ánicas +Ġhab las +ĠVal verde +f el +Ġmu d +Ġde cepción +Ġap lique +Ġdenomin ados +ĠAntio quia +Ġprior i +Ġsecundar ias +av ajillas +qu o +ĠBri an +t oma +ĠPro ject +Ġplas mar +Ġinter valos +Ġacum ulada +Ġprote gen +ĠCh ico +gn óstico +Ġreun irá +Ġherman dad +Ġcom and +ĠC en +qu ismo +ĠRes umen +Ġindirec ta +Ġfemen inos +Ġbas ándose +Ġmetál icas +don cia +ĠFran cés +r us +c ana +ĠP T +ĠAutón omas +ĠS AP +vers ible +ĠBas es +as y +Ġmelo dÃŃas +Ġs ismo +fec ciones +Ġidentific ada +Ġinaugu ral +________ ________ +Ġdeb iera +zar ote +Ġdesplaz arse +ĠDi rig +Ġre tar +Ġrevesti miento +ĠAuxil iar +Ġ ora +car on +Ġfoc os +n ik +Po d +Ġtex tiles +Ġduer me +Ġes lo +ĠO TAN +cer n +Ġlien zo +Ġsu cia +im al +D oc +Ġ196 6 +Ġocci dente +Ġarra ig +isfer io +ĠBarran quilla +Ġpreten sión +Ġsubray ado +Ġmezcl ado +Ġsu ro +Ġinv itada +Ġun idas +Ġinteres e +Ġa dren +Ġgas tro +ĠCar lo +Ġseñor ita +ĠDist ribu +ĠM ano +ĠEduca tivo +Ġpuntu alizó +ĠUSU ARIO +Ġentre gada +Ġfin os +Ġacer tado +Ġelite torrent +Ġrelacion an +ĠMov ilidad +Ġsitu adas +Ġremun eración +Ġtir ado +Ġreconcil iación +Ġlu ci +r éis +ĠDec oración +ĠEliz abeth +ÃŃ tez +ĠD IF +Ġch up +Ġgener ador +ĠAllen de +ĠCON F +Ġcapit ulo +Ġno te +ĠMunicip ales +Ġree lección +Ġtoda via +ril ler +Ġhistori adores +Ġir é +luten se +Ġabrir se +Ġdirig ÃŃa +ĠEjecu tiva +Ġtr ic +Ġpas arán +Ġcam pan +Ġcorpora tivos +Ġ19 30 +Ġdel icia +Ġliv ing +ĠDOM IN +Ġdesvent aja +Ġdiam antes +M ic +ĠVan guardia +ĠU GT +Ġan i +Fran cisco +ĠRies go +Ġtrans miten +Ġtib ur +Ġextra ñar +rup ación +ĠFon dos +ĠRos e +Ġ196 5 +Ġglo bos +Ġhos ting +ici ado +Ġapar eciendo +Ġpermanecer á +ĠH amilton +Ġinclu ÃŃa +Ġsimpa tiz +Ġdemos tra +Ġin sopor +ur bios +Ġacab aron +199 7 +dil las +ĠAudio vis +ĠE bro +Ġhos til +Ġvib raciones +b ón +ĠW eek +Ġb éisbol +ĠTex t +ĠRen é +a ga +ge lo +ĠEdi tion +to x +ĠInstitu te +Ġrecor tar +Ġpeda zos +erv a +ec edor +Ġsacri fic +p ido +ĠCent enario +Ġpon drán +Ġenvi di +Ġ10 2 +ph p +Ġsub ieron +G S +Ġsan cion +Ġevolu cionado +Ġu vas +de ar +24 3 +Ġrecop ilar +V oy +Ġas om +pol ÃŃtica +la te +Ġreglam entos +ĠHun grÃŃa +is iera +cuent ro +Ġh ome +ĠC ÃŃrculo +ĠH ub +ĠCar rillo +in tos +Ġcas ada +Ġproduci rá +ĠOr d +Ġpa yas +Ġextraord inarios +Ġmonum ental +Ġcl ip +Ġres urrección +Ġser emos +Ġil usion +Ġtraspas o +Ġvia jando +Ġfac tible +Ġcorri da +ĠM EN +Ġálbum es +Ġrepos ar +Ġref in +Ġdirig encia +aya quil +Ġrazon ables +Ġveter anos +Ġn ueces +ud an +Ġdescub rieron +ĠRE AL +Val encia +ĠLa gos +Ġo h +ero a +Ġpsic ológicos +om io +Ġbenefici oso +Ġconfirm aron +Ġw indows +Ġin ad +Ġincent ivar +ĠNorm as +da z +ĠV ial +Ġjajaj aja +st ruc +Ġper las +Ġimperial ismo +ĠL ucha +Ġfr entes +Ġjoven cita +Ġsubra ya +Ġmil itante +Ġser en +Ġco okie +ĠDeb es +Ġan he +inar iamente +Î ± +ĠEl ige +Ġcon ste +Ġn ula +R os +ĠConten idos +ĠQ a +ĠVI P +ĠNorte américa +Ġcón yuge +de te +ĠB ad +Ġarquitectón ico +TU AL +Ġsal te +v emos +Ġconform ada +) ) +Ġfue gos +Ġpo de +Ġcomun ismo +In vesti +Ġenfri ar +Ġdiges tivo +M V +Ġan tis +Ġesta tura +ric ho +Ġ/ > +Ġcatástro fe +Ġdef endiendo +Ġfes tividad +j imo +Ġj ul +R om +Ġre apar +st on +ĠEn g +Ġ19 0 +isco pal +Ġjo der +Ġom isión +âĤ¬ , +ĠS nap +ĠI t +gar o +Ġfemin ismo +Ġfuncion aba +, [ +ĠFor tal +ĠâĢĭ âĢĭ +Con tac +Ġfavor ecen +Ġinmor tal +Ġpas tores +Ġdesa gü +ĠD orm +Ġlim itadas +Ġsub terrán +Ġgen ético +ĠBi ologÃŃa +V esti +ĠG etafe +Ġllevar la +Ġrin de +v amos +Ġb amb +ĠIs landia +ĠSar miento +ĠPo esÃŃa +Ġavis ar +par on +Ġvac ÃŃos +ĠÃģ ra +Ġbac teri +l ut +Ġenv uelto +Ġalmend ras +Ġdestru ido +ú per +Ġbo u +Ġnatur alidad +Ġsegu idas +Ġdesarroll en +ĠCre ar +Ġtrem endamente +ĠSa tur +Ġc úb +Ġh il +ĠAut omo +Ġ196 2 +Ġres ol +Ġrecuer de +esti al +Ġhid rocarburos +Ġsin fÃŃn +ĠN ight +Ġparti ó +do l +ĠE t +Ġco c +Ġ19 20 +Ġpr osa +Ġ3 20 +ĠP et +Ġparticip en +Ġab ol +ĠM uestra +ĠQu inta +ĠBo tas +Ġimpres oras +es cri +Ġtriun far +u ble +Ġp icado +Ġelec tores +Ġaisl ados +Ġcompar tidos +Ġf et +ĠE tiquetas +Ġco ordenadas +Ġradic almente +ĠInter americana +Ġtra mit +Ġhere deros +ĠPor to +Ġt áctica +Ġb udi +Ġfe deración +ĠSole dad +ĠC if +IT AL +ĠPer ón +ĠNe y +Ġsho ws +l aba +Ten ÃŃa +Ġline as +Ġampl i +ĠIn és +Ġval encia +enten ario +ĠPrincip al +Ġdispon ga +Ġgolpe ar +Ġme dicación +ĠB asta +Ġpar amilitar +Ġinver tida +Ġconse jera +ĠB ello +Ġpronunci ó +Ġhici eran +Ġaprovech an +Ġflor al +ĠP ix +Ġreduci dos +Ġretra tos +Ġdu ran +ĠLic enciado +Ġcre yendo +ĠES TU +z oso +Ġir rump +Ġten or +Ġalar mas +Ġt hat +Ġgre mi +Ġvag inal +Ġmal dad +b ran +Ġvam piro +Ġcorrec tas +ri x +Ġinv al +ĠPo blación +Ġocup ando +Ġcurr ÃŃculum +........ ........ +Ġimpo tencia +Ġllam amiento +Ġreun idos +Ġinesper ada +Ġin se +Ġfues en +e jos +g y +ĠContin uar +dal e +Ġexpon en +Ġemerg ente +ĠM iles +mas car +gon és +ĠS tone +Ġorgullos a +ver g +Ġpi ro +ĠVe lo +V a +ĠVal dés +Ġdivis a +Ġmar inas +ĠPar ticular +Ġim itar +v ac +Ġprepar arse +C la +Ġya cimiento +ĠA vel +Ġcal idez +Ġcoloc ando +Ġconvoc ada +Ġmol des +ĠS ens +ĠI ron +Ġinstal ó +Ġerrad icar +ĠO EA +Ġán gulos +Ġin interrump +ĠC is +Ġtra iler +ne te +Ġz inc +Ġdes mante +Ġas piración +ĠR y +ind icación +Ġp ill +Ġrele vo +Ġmin eras +Ġmagn ético +Ġfelici dades +Ġofrec ÃŃa +omas aje +Ġpreocup an +Ġmag na +Ġdel icias +sta ta +ern et +IS TA +Ġllev ara +Ġarch iv +D ER +Ġnar rador +ty le +uy o +ĠSEG UR +ĠAnth ony +Ġmil itancia +Ġentien da +Ġfrág il +á geno +Ġfas ti +ĠHo t +Ġesta f +Ġmas aj +vis ion +u gu +Ġv icio +ĠRe quisitos +Ġver bo +Ġsimul tánea +I AS +Ġind ul +Ġbal ne +Ġconfir man +Ġpar lamento +Ġfinal idades +pañ ol +ul ó +Ġadap tador +Ġv ómi +Ġver gon +Ġinici an +ro jo +teg ro +ĠCol lege +Deb emos +Ġaler tas +ĠJef a +âĢ İ +ĠTen iendo +en an +Ġguer rero +Ġtar dó +Ġexpuls ado +Ġc uevas +ĠG ráfico +ha ga +Ġtendr ÃŃamos +ĠOrgan izaciones +Ġemble mático +Ġsatisfac toria +v ig +tn ers +Ġpa trimon +ĠQu ienes +me ga +Ġweb cam +Ġre a +ĠConstitu yente +on era +ĠIn cre +Ġincómo do +Ġesc alo +Ġalta voces +Ġpre temporada +ĠCh ev +Ġcomunic ó +Ġcenta vos +ĠAn iversario +Ġadvers os +que ño +Ġinter valo +Ġenerg éticos +Ġinser tar +ĠAdri ana +ĠHuman idades +Ġs illón +Ġdes ent +ĠVer ónica +ĠT omo +Ġcol ina +Ġpregun tando +ih ad +Ġna zi +Ġinternacional mente +ĠIn donesia +ar k +el i +Ġsec ador +Ġign orar +ĠK on +Ġarras tra +Ġsub yac +one y +ĠV olver +Ġcons uelo +person al +Ġ å +Ġca te +Ġencabez ada +Ġescuch an +esta ble +Ġpul ver +ĠO MS +Ġlad rón +Ġrestable cer +Ġco ge +Ãij A +ĠRec ord +ĠOfer tas +Ġcent rarse +ĠPer ió +ĠMus ical +Ġetique tado +Ġmaxim izar +Ġesp in +Ġfe ed +Ġlim itados +c usiones +ĠDip lom +ĠYo ung +Ġcontes ta +Ġexplos ivos +au tor +Ġrecicl ado +ĠS tr +Ġar ea +cap aces +Ġp izarra +res s +Ġjud ÃŃa +Ġsal ta +Ġalgorit mo +e do +uch ar +Ġco bi +g ico +ĠL inares +ĠLo u +ĠPatri cio +Ġfemen inas +I AL +ĠIs lam +ĠPal encia +it ra +ĠIs land +Ġforma tivas +Ġ13 5 +Fran cia +ĠEm ma +ĠPre cisamente +asti cidad +ient as +óg n +Ġintent amos +Ġentreten ida +ĠPi ñera +Ġfr ÃŃas +gob ern +Ġcont ados +Ġintu ición +ĠMon itor +ĠL ola +Ġcon gre +ib ra +Ġman to +ĠMe ta +ĠGu ay +ĠAva ilable +ĠE tiquetado +H acer +K E +ĠZapa ta +Ġinno var +Ġas iste +Ġindividu almente +Ġesp adas +Ġcon tención +ĠI G +n unca +ĠA I +Ġpres tados +h ace +ĠTecn ológica +Ġquirúrg ica +J orge +oc ada +Ġir me +Ġinter anual +Ġfortal ezas +d ria +Ġconce dió +Ġdes pacio +Ġcompartir lo +Ġm osa +Ġauxil io +ĠSovi ética +Ġsi túan +Ġinform an +Ġdeber emos +Ġmedi terránea +Ġadquier en +ĠOpin ión +Ġfal das +Ġre edi +ĠEugen ia +w atch +Ġg asta +Ġinde f +Ġrecog idas +Ġexc usas +ĠP ierre +inf lama +f lores +Ġadi ción +ĠBen ÃŃtez +ĠM ajes +EL L +Ġfl uc +enci ación +ĠTal la +e qui +Cu atro +Ġvolver se +Ġpersi anas +ĠV ive +hot mail +Ġfor zada +ĠPa ge +Ġb ic +Ġlig eras +Ġgastron ómico +Ġaust eridad +ĠNo u +Ġmedioamb ientales +ĠL ion +ier ras +V ic +ill ero +y ing +Ġdura dera +c ÃŃ +Ġin cans +Ġas ma +Ġso p +Ġcomprob ación +m esa +Ġprogres ión +Ġp icos +Ġsal món +Ġcaz adores +Ġentregar á +ĠIN F +cil las +San ta +Ġcica triz +P ien +Ù Ħ +le tic +ó grafo +Ġplane ado +Ġsex ualmente +ĠM ódulo +ĠD am +Ġunivers itarias +Ġrodil los +ĠDes af +Ġfinanci ado +Ġenamor ar +Ġbi ológicos +Ġdegrad ación +ĠApro vech +ien ce +ĠBus co +ĠContr eras +tis mos +Ġfelici taciones +ĠS iete +ĠE mo +Ġen teras +Ġvia gra +ĠQue da +Est án +es pa +Ġcan tos +Ġafec tó +ĠComp lutense +Ġpresi dido +ĠA riz +Ġval ientes +Ġv on +ces or +Ġimport ant +es s +Ġven drÃŃa +Si guiente +Ġpsic ólogos +ĠFá cil +D ist +rin t +Ġaten didos +em an +ĠF unda +Ġreci bi +ĠCal vo +os is +ran za +Ġsuf rag +Ġmer mel +Ġacompañ adas +Ġampl iado +ĠMich elle +S aludos +15 3 +ĠSO CI +da tario +ĠElec tro +ment ado +Ġdig estión +Ġenmar ca +ĠAl i +ÂĶ , +ĠReun ión +ĠM AC +Ġdi jera +ĠS ie +Ġap ues +Ġdesarrol le +Ġman sión +Ġmasac re +Ġc n +Ġsacri ficios +ĠN OR +Ġaf luencia +mit ente +g h +. * +Ġad miten +Ġapro xima +Ġhablar emos +? : +Ġar o +E O +ĠAn tic +Es pecial +Ġdist anci +Ġentender se +Ġsole mos +Ġ ¨ +Ġenten dÃŃa +Ġs k +Ġpropie taria +ĠEspecial mente +Ġaf ortunadamente +ĠPuig demont +ĠE ar +Ġcuestion ario +ut ada +Ġases inar +Ġprom ueven +hist oria +P edro +Ġas co +Ġjug adas +Ġcondi cion +Ġrespon dido +ws ki +sh ip +Ġvicepres identa +Ġman dado +Ġalquiler es +fo to +ig nas +Ġencar gan +Ġbor rador +Ġr ene +ĠEs par +ĠA ero +Ġpublic ando +ĠRepresent antes +Ġtob illo +I MA +ĠAn trop +d le +t adoras +ĠW oo +Ġco cer +ind ro +ur ce +ĠCrist al +ĠAndal uz +Ġb ilateral +ĠCon junto +Ġreg ala +Ġescuch aba +den ciales +ĠMan ejo +c én +Ġ ` +ĠInter pre +ó ticas +ĠBás ica +Ġ º +ĠClaus ura +Ġincom pr +Ġhid rógeno +âĢĶ âĢĶ +Ġ> > +Ġru g +Ġautomo triz +Ġtranscur re +Ġsab ÃŃamos +ĠIl um +Ġpoli éster +ca ya +ém ico +Ġfor zado +Ġc los +Ġimpres os +Ġej ércitos +Ġestric ta +le te +ĠEs pi +Ġgor da +qu eras +Ġmon os +Ġsem en +Ġapla usos +ĠK y +ĠIN E +Ġcuid ando +AM IENTO +Ġam ada +Ġrealiz aba +Ġsan gri +Ġjub il +Ġdes apro +Rec om +Ġfer tilidad +Ġre ab +ier tamente +ĠC ÃŃv +Ġch iste +Ġaisl ada +Ġata ca +Ġrecu ento +Ġpas toral +Ġautom áticos +sen ger +ĠNis san +Ġrep leto +Ġval les +ĠEl che +Ġentra mos +Ġn al +ĠT ron +Ġreform ar +Ġrecomend ó +Ġcoinci diendo +Ġto can +Ġcontribuy endo +Ġar cos +Ġt io +ĠBea t +Ġvacun ación +Ġw e +Ġincre ible +ok e +Ġcoord inado +A po +Ġcon ejo +Ġunif ormes +ĠCe uta +Ġperegr inos +Ġpara je +Ġcier ran +Ġcar c +Ġy er +Ġjust os +ES T +ĠInfraestruc tura +Ġcomprome tió +ten ga +gar ia +ĠK as +M us +id ón +Ġen rol +quÃŃ mica +Ġprolifer ación +ĠPr ácticas +qu inaria +k ÃŃn +Ġres olvió +ĠLa u +com merce +Ġra ya +Ġale ja +Ġcercan ÃŃas +ĠPar ra +Ġayud ante +Ġ10 3 +Ġex il +Ġk ar +Ġbar ril +ĠAs s +Ġen caden +Ġnorma tivo +Ġinici ada +a to +ĠUb untu +x it +ĠIb érica +Comp rar +ĠT Ãī +ĠG ara +Ġcritic ó +Ġarres to +p ace +Ġescu adra +Ġdomici li +ĠHe alth +Ġanunci ada +Ġempu je +Ġh adas +ĠvÃŃs pera +Ġmanifes taron +Ġprefer idos +Ġmuer tas +ĠTerri torio +ĠO de +ĠMete or +tic al +ĠÃļ nico +er ción +Ġcáp sulas +Ġcan chas +Ġpresi dida +ĠPas a +Ġtier na +ĠAmpl io +Ġdese ados +daf one +Ġexplic aron +Ġresid uales +Ġemple ador +ĠUtil iza +Ġgra titud +Ġllev adas +ee ee +ĠSin gapur +ĠT OR +Ġpin cha +Ġmagist ral +Ġcuchar ada +199 2 +ĠMar ch +ĠCom mun +Ġ19 39 +F echa +Ġmus ic +En trada +Ġdolor osa +Ġquem aduras +ĠM isiones +Ġirreg ulares +Ġnaz is +Ġbro che +Ġhort alizas +udi ta +ĠEn tra +Ġzapa to +al as +Ġval iosos +ĠU D +Ġgu ion +cha in +t écn +ĠI ba +Ġenvi ará +ĠC eleb +f s +Ġbru ja +Ġa vena +ĠO range +ĠS hop +ĠGa za +ĠB R +Ġco te +Ġcol gado +Ġbreve mente +Ġdifun dido +ást icas +oc ol +th ur +s eca +Ġgimnas ia +ĠCh ic +Ġtom aba +lan ca +cin e +Ġcoment aba +Ġllan to +Ġt uer +ĠHo uston +Ġfoto volta +ĠDic cionario +di um +ĠCapa citación +ab é +ĠSuc re +ĠP icas +ve t +Ġesper emos +Ġpromo vido +Ġliter arias +pa go +Ġref iri +Ġmis iles +Ġeduc adores +ro w +ĠM L +Ġendeud amiento +ĠTama ulipas +Ġinsa tisf +l ina +Ġentr ará +end s +Ġexplic amos +Ġca ucho +Ġcam uf +Ġcal ur +z ul +Ġim itación +té tico +ame lo +ĠP iso +Ġdej arÃŃa +Ġlegisla tiva +Ġevolu cionar +Ġcu po +Ġmicro organ +Ġenfrent ó +Ġpon gas +Ġnie to +lu do +ĠR S +Ġpres tam +st rong +ĠTor onto +Ġestamp ados +i á +ĠB ry +Ġafec te +Ġcalent ador +Ġpara guay +Ġelig en +Ġmer ced +ós copo +av y +Ãł s +Ġt rig +Ġmemb rana +e mo +ol anda +ĠInstal aciones +an terÃŃa +ĠDirec torio +Ġagres iva +EN O +duc tos +Ġesper ados +Ġdiseñ adora +ĠRos as +tol ógicos +Ġterapéut ico +Ġsuscrip tores +ĠMan ga +Ġayud arlo +quis ición +Ġusar la +ĠPlan e +Ġconf iado +!!!! !!!! +ĠPa k +M at +GU A +ist an +ĠCamb ridge +ĠCh av +Ġacog edora +Ġinfin itas +Ġplane ación +Ġdoc tores +Ġgre mios +Ġop cion +Ġtras c +ĠMed ic +uev an +ĠIn versiones +Ġrent ables +ĠJord an +Ġgra cioso +Ġdes cif +Com ple +ĠLan zarote +Ġrep lante +Ġlev ante +Ġarancel es +Ġcriptom onedas +Ġlo b +tor iedad +Ġcompra venta +Ġdió cesis +Ġinter discipl +19 95 +is eta +Ġtom é +- > +Ġindispens ables +Ġma trimonial +Ġpre texto +ĠCl ásico +ĠDe p +get s +A par +w an +Ġimp uesta +Ġorient a +aj en +Ġn ido +Ġimpre v +. ¿ +D u +ĠilÃŃ cito +Ġprof e +Ġimpar tido +Ġin movil +Ġasegu raron +Ġmetáf ora +ĠRes ort +Ġinc ógn +ĠPon ce +ĠB AR +ĠS ing +Ġtri ángulo +Ġaument aron +ib us +Ġocur ridos +ĠMej ÃŃa +Ġcerrad ura +in z +Ġnov ias +Ġdesp idos +Ġproce den +T IN +Ġpuer torrique +Ġenv io +ĠÃļl timo +ĠE A +Ġintr ÃŃn +Ġdes ob +ĠVicepres idente +Ġú tero +ĠRo ad +G er +Ġutiliz ará +lo que +Ġacú stica +de mas +Ġinterrump ir +ar cal +Ġf é +Ġhorm ona +Ġper di +Ġexperim entación +Ġrebaj a +IP O +L ic +Ġcircun s +Ġprolon gada +Ġoc t +ĠWa ter +P at +[ / +ac ón +" ), +ĠEst her +if ico +Ġco ch +Ġbus quen +Ġconec tor +Ġsupre mo +Ġcor eo +Ġcl oro +tu arios +Ġtra um +Ġenven en +Ġafric anos +Ġn áut +ific ando +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +Ġimplan tes +p é +ab amba +Ġsolv encia +Ġn ec +oc key +ĠPar tes +ver tida +Ġbonaer ense +Ġab ismo +ĠGener ación +Ġul tras +ĠAca dem +Ġr á +eo t +cre tamente +ĠAl ca +Ġfes tivo +B en +Ġdeb ieron +Ġâ ľ +ian g +ĠApren dizaje +Ġla bi +ĠJu gue +Ġps icos +ĠC P +Ġson risas +Ġestereo tipos +Ġpublici tarias +uel en +ĠAdministra tiva +ac ul +Ġespa ciales +am pe +Ġd rones +ĠMar ket +Ġtatu aje +ĠPa tagonia +Ġenamor ados +T H +Ġar cilla +Ġinv itaciones +Ġespec ulación +Ġacer tada +ĠRec tor +ĠO toño +ĠF P +Ġale ga +Ġmatrimon ios +B on +ĠLa v +Ġdeb an +Ġac rÃŃ +Ġargu menta +Ġrenov ada +Ġhaci éndose +Ġbru jas +An tonio +Ġpractic an +Ġprevent ivo +tif y +Ġsent ados +Ġdefin idas +Ġeconom istas +Ãī N +ĠG ESTI +Ġsec uelas +ĠDe jar +ĠS esión +hat tan +Ġfero z +ĠE qu +ĠEn tidad +Ġofens ivo +Ġproce dió +ĠC ena +fec ta +Ġsurg ieron +x os +Ġech ó +M il +Ġre organ +ĠDist ancia +Ġhal lan +ĠPrincip ado +Ġreestruc turación +Ġli ma +Ġcolec tivas +Ġï »¿ +Ġcinemato gráfico +Ġdesactiv ar +M B +D OS +Ġar zobispo +ĠEst ar +ĠLimp ieza +C OR +tar ra +Ġintentar lo +ĠMan olo +à ª +s y +Ġch eck +ĠPer fil +Ġ28 0 +Ġ195 8 +ĠD ura +ver so +Ġbaj ista +Ġherv ir +Ġsecre tarÃŃa +ĠMal vinas +Ġdiar rea +Ġdepos itar +Ġolvi demos +Ġmutu a +Ġtorn illos +ol los +Ġcontra er +Ġcomb inados +ĠEU RO +Ġedi ficaciones +ĠJa vi +Ġsuje tas +tró geno +Ġcombust ión +Ġ Ï +G L +fic antes +Ġlan zada +Ġentra ba +ĠAlvar ado +Ġconce bido +dos as +Ġmeta b +Ġotor gan +Ġf og +Ġres bal +Ġcel ulitis +Ġoblig an +Ġhas h +Ġestrech amente +Ġavi ación +ĠGo od +Ġrol l +ĠF I +Ġsolici tan +G OS +s ia +Ġpor ciones +Ġdem ócrata +Ġescuch e +Ġro pas +Ġtransmi tido +Ġdismin uyendo +Ġher b +ĠPRO FES +ĠA pos +Ġcamp anas +Ġvolver emos +Ġplante amientos +Ġimpor taba +ĠSa o +Ġen ton +Ġna cieron +Ġrelacion arse +val or +Ġvas cos +iz ará +ĠSte ven +ĠPere ira +L ar +el amente +Ġauton ómica +El los +Ġabsor b +Ġp óngase +Ġarm adura +Ġafec tación +UN A +ĠParro quia +Res umen +tif icia +8 95 +k h +u ida +Ġevac uación +Ġmach ista +ĠM ina +Ġescri ba +Ġilum ina +Ġcans ada +Ġsatél ites +ĠLew is +Ġa venidas +Ġbur s +Ġbrind ando +a i +Ġcontrol ados +Ġpotes tad +S inopsis +Ġcol m +r ándose +Ġm ÃŃtica +Ġestad ios +xim adamente +Ãį AS +Ġfranqu icias +Ġasist en +Ġbar riles +ĠInf ancia +Ġlóg icamente +ĠCon cil +ĠW ii +ĠM ADRID +Ġdiscre p +Ġpre c +Ġch aque +úsque da +Ġcach orros +ĠY un +Ġdiscre ción +uel tas +Ġhabil itar +ĠAr co +acu zzi +ĠDes car +Ġgarantiz ada +oc ó +Ġfus ion +Ġdemand ante +ES A +Ġdura dero +e mail +Ġpregun tarse +ur ne +Ġesta cion +Ġcaf és +Ġde udor +Ġno veno +Ġca zar +Ġcam ara +ern e +Ġsincer idad +ĠDe v +Ġvas ca +Ġabandon ados +Ġcrist ianas +ĠTi juana +Ġ10 8 +ĠChel sea +Ġfu gas +Ġbar n +ill y +Ġdi ésel +ĠsanguÃŃn eo +ac eta +Ġcas ta +TR OS +Ġorient ales +ĠChar lie +Ġllen an +Ġtrad ing +ĠF ro +ĠGo d +ues tion +ĠCon figuración +Ġvaca cional +Ġforma tiva +M AR +Ġtra tada +Ġreal istas +ĠSa grada +tra baj +Ġopon ente +Ġrecuper ó +ĠUrban ismo +Ġjue za +ol un +Ġfacil itado +lec tual +u cidad +ti bilidad +ĠAren as +ĠB ritán +Ġins om +Ġmaes tras +Ġegres ados +Ġcampeona tos +2 25 +ĠAz nar +Ġhonor arios +p ico +Ġactu ado +Ġrecib ÃŃ +Ġexpres arse +G en +Ġson rió +Ġtu v +rag ones +or no +Ġbaj an +Ġ196 3 +Ġpa tios +Cu ándo +ĠT ob +Ġimp utados +Ġneu rol +Ġdrama tur +per io +uniden se +ma el +Ġpró jimo +C OL +de d +Ġsuro este +ile a +Ġrecuper arse +F igu +ĠM aj +Ġintens amente +Ġcom esti +Ġg oce +Ġdest reza +Ġvesti menta +Ġtrib us +cu ál +Ġsue co +IM IENTO +Ġhue cos +Ġmari posa +ĠI rene +Ġestu viese +éndo te +Ġman ta +Ġmin eria +Ġdis cern +Ġpse udo +Ġh uerto +Ġtermin ará +Ġsobr ino +Ġauto de +ĠHum berto +Ġderro tado +Ġen ch +Ġsosp echas +Ġex hor +Ġcre ÃŃ +C RE +Ġgu atemal +Ġautor izadas +Ġdeci dida +ok o +ala o +Ġevitar lo +ĠP untos +ĠHen ares +oo o +Ġcontrarres tar +Ġ8 55 +ĠAce ite +Ġago tado +Ġán imos +cal o +Ġseñ alización +ĠCa uca +Ġconsta tar +Ġdi l +e um +Ġin capaces +ĠUr bana +E con +ĠP ronto +Ġte me +res ta +Ġimplan tar +Ġf at +Ġat ún +Ġin ne +Ġprecis ar +L in +Ġcont ador +Ġexpos itores +Ġhones to +Ġlo bos +Ġar ag +Ġpres ume +ĠEst im +ci ana +ĠIB M +de c +Ġpre cur +Ġagu do +Ġc aliza +ĠCh aco +Ãģ C +Ġremar có +ib ol +Ġcaj ones +e an +ĠCor onel +Ġconsul tado +ĠR ab +Ġq e +Ġdram ático +ĠEn ten +Ġsal io +Ġmetro politana +Qu ienes +Ġdemocr áticos +ter ing +ĠF AC +Ġadop ta +t omas +A un +Ġprincip iantes +ám ina +Ġest elar +Ġlanz aron +l á +ĠU ber +Ġprór roga +Ġrec ab +Ġtem ático +Ġdecora tivos +Ġesmal te +to da +Ġfre cuent +ĠKen n +Ġsab rá +rios amente +Ġadqui riendo +Ãļ l +Ġen gen +Ġequip ados +Ġpu ño +Ġbo le +s ki +Ġan do +ĠGener almente +Ġunivers ales +PU ES +ĠPal ermo +Ġre posición +ĠAt las +Ġb aje +Ġper tur +Ġmanten gan +uc ci +ĠCu idado +Ġvehic ular +ier tan +tad uras +Ġpreguntar le +Ġde ven +Ġfol la +Ġconstru yen +Ġacredi tado +Ġdesn udos +ĠB est +Ġ10 7 +Ġconten ga +ĠMi ércoles +ĠT ambien +g rupo +ĠTRAN S +ĠSERVI CIOS +ĠS H +Ġdes par +Señ or +cionar ias +Ġprecis as +ĠF BI +Ġmin ús +Ġorigin ario +Ġres ina +ĠCompe ti +Ġconvoc ados +Ġex en +Ġsustitu ido +ĠM ono +ĠPar aná +Ġaudi tor +Ġper turb +Ġbord ado +Ġprofesion almente +ĠMo ham +Ġl omo +Ġcerrad uras +Ġr ena +ĠCat álogo +ad ÃŃa +los o +ĠIn n +Ġsustitu to +Ġimpac tante +Ġpájar o +Ġcomplement arios +Ġava tar +Ġun ánime +Ġaprendiz ajes +Ġescomb ros +F il +Ġen d +Ġdescar ta +Ġeró tico +ĠDe pendi +ĠEL EC +Ġemp an +Con f +As ociación +Ġé sto +Ġneoliber al +Ġfeste jo +ĠEDUCA CIÃĵN +Ġval oraciones +Ġecuator iano +Ġdilig encia +Ġdeshacer se +Ġasist encias +Ġprop uestos +S il +Ġfuncion ó +Ġbar cel +Ġvence dor +Ġcontar on +Ġhisp ana +Ġsemb rar +Ġrendi ción +ĠOcho a +Ġb ende +cio cho +Ġsuel to +ĠCOM ER +ĠMol inos +ÂĶ . +ion aje +Ġtal ón +d ano +ĠW ell +Ġemple ando +Ġc itadas +Ġpulmon ar +Ġidentific an +pi re +ĠP ine +ĠB ic +ĠRo bles +Ġchav al +Ġ12 00 +Res ulta +ĠL GB +Ġó sea +ĠPág inas +ĠH em +Ġmediano che +y d +Ġpor n +Ġvol taje +ĠPos ee +ĠPolit écnica +Ġopin ion +Ġcamp ing +Ġc ión +Ġra tas +olu tion +et an +Ġrar os +Ġsol tero +ug eot +Ãį CULO +Ġor ales +Ġayud aron +Ġhu érf +Ofre cemos +y era +ay er +Ġalmacen ados +Ġhue le +Ġtramp as +ez co +al los +ĠC ajas +ĠIn fin +Ġsimp ático +ú an +Ġcons ens +ĠVie w +... ). +Ġtraer á +ca teg +Ġentre tener +mon s +Ġinv ierte +Ġmane j +ĠCOM O +ĠN ep +ĠCas ado +Ġrespon diendo +Ġ196 1 +ĠAguas calientes +ĠHar vard +Ġoblig ar +T aller +ĠPor ta +Ġu top +Ġasign ar +Ġremun er +ĠHi po +H L +ĠH ER +Ġaconse jar +Ġalej arse +Ġtrág ico +Ġan t +Ġsignific ó +Ġaminoá cidos +Ġdé bito +Ġmatem ático +Ġ19 48 +ĠBar re +ĠFire fox +ĠR ally +Ġimpi dió +Ġcru da +Ġrean ud +ĠQu iro +pr incip +el ación +ĠB aby +IT OS +gu aje +Ġescrib ÃŃa +Ġcar casa +Ġor if +Ġw as +Ġva ci +Ġdistin tivo +Ġabor daje +Ġpatrocin io +Ġgrad uación +Ġinmers ión +ĠMa xim +Ġp ionera +Ġcaus ante +ue le +Ġampl iando +Ġcos er +Ġuc ran +ĠA las +ĠO jo +Ġ5 000 +Ġdor ados +ĠContin ue +clo pedia +Ġadqui rida +Ġval ÃŃa +Ġnega tivamente +Ġra tones +Ġrep iten +ific an +ĠI no +Ġmon arca +Ġinterac tivo +ita ba +ed u +Ġb iblia +Ġ20 30 +Ġtes tamento +Ġlesion ados +Ġcor dero +Ġread ing +ba ta +ñ an +ĠL yn +Ġcó s +ÃŃf ero +ĠAlex is +ro om +Ġr ÃŃt +Ġya cimientos +Ġconcur rencia +ĠP I +el io +ĠD ió +Ġaline ación +Ġcompu tación +Ġc im +Ġsab ios +Re uters +c f +n g +Ġse tas +fon do +E r +M OS +Ġpor tadas +Ġproce da +ĠRue da +ĠC ama +Ġmar ea +Ġencon tras +port s +Ġdesapar ecen +Ġprogram adas +a quÃŃ +Ġel asticidad +Ġresul tando +F er +M M +Ġintent ará +Ġcompr ens +F T +Ġneur onas +ĠHor izon +Ġpun k +ĠTécn icos +Ġsospechos os +Ġcos itas +ĠSer ena +Ġrev oluciones +ff s +Ġintoler ancia +ĠBar tol +Ġbenefici ario +Ġespeci ficar +Ġresiden cias +Ġatribu ciones +cu ro +Ġah o +A cu +Ġp ida +Ġen dure +Ġri qu +pon en +Ġmala gue +ĠO per +Ġdesay unos +Ġconf orma +Ġvo tado +Ġencontrar as +Ġprefer ible +Ġfri tas +Ġcor n +Ġcomun al +Ġapun tes +ĠOfer ta +Ġencom end +Ġconst ar +Ġpatron al +Ġvol a +Ġargent inas +Ġengan ch +Ġcomun itarias +Ġrepresenta tivos +Ġcre adora +Ġceleb ramos +Ġmam ada +Ġcamp amentos +F a +Ġac antil +Ġtransform ó +ĠPerson a +ú d +Ġcomplic ados +Ġsir van +Ġ10 4 +Ġdel ica +Ġl isa +Ġsal ÃŃ +Ġtraslad ados +Ġh am +ĠP uesto +Ġbendi ciones +Ġhel ados +Ġluminos a +ĠSAL UD +ul le +em ex +Ġaloj amos +Ġdesemple ados +Sol ici +IL IDAD +tu a +ĠHay a +Ġpodr é +V i +ú as +Ġven da +Ġrev it +ĠCl ima +Ġafec tará +ĠCon cl +me d +ĠA lojamiento +Ġsin erg +Ġpag ados +Ġtras plante +Ġaprob adas +ul adas +Ġrep ito +g entes +ĠLec tura +l lev +Ġcas ó +Ġcor rido +Ġrepar tidos +Ġc ito +ĠEugen io +ĠEnferme dades +g le +Ġca deras +l ismo +Ġre qui +ĠSU PER +æ ľ +Ġconta bles +ĠUR SS +Ġpon der +ĠX P +Ġapren dió +Ġb ran +ĠAr n +Ġasum iendo +ĠMin ister +ĠRes earch +tu ve +Rec ord +Ġale da +ARC EL +Ġdeca dencia +Ġcal dera +Ġllam arse +Ġcontinu ada +p unto +Ġcárcel es +Ġabar car +Ġascen der +Ġarren damiento +Ġsalud ar +Ġválv ulas +Ġinf iel +ár s +Ġsilen cioso +ĠAre quipa +ĠMar ie +ĠMar tes +a toria +Ġven eno +ĠEm erg +ĠOrden ación +Ġenc la +n istÃŃa +Ġcons iga +Ġw ork +ent ista +ĠF le +ĠX avier +Ġasamble as +ĠPro por +ĠDis capacidad +ĠMon ta +Ġlin dos +Ġconsecu tivas +Ġinfl ama +Ġconsist ÃŃa +Ġviv es +Ġcereb rales +Ġcomerci aliza +ĠM ERC +ĠF rida +Al lÃŃ +Ġpap ás +Ġenferm eras +Ġanon ima +Ġinstal adas +Ġdistribu ido +Ġacuer da +Ġcomp ensa +Ġpsi quiá +Ġpubl i +ĠSo cio +Ġloc alizada +ĠI SS +Ġatraves ando +Ġcol ágeno +Ġs l +Ġpri mos +De fin +ĠIndustri ales +T ele +t és +ĠIn mac +Ġte jado +Ġincorpor ó +Ġreconoz co +Ġcomple menta +ĠB ec +Ġelectr omagn +Ġpeat ones +Ġmas ivos +Ġactu ó +F re +Ġocur rieron +de se +Ġcas cada +Ġgra tific +Ġcu bo +ĠS ales +Ġpar as +Ġson da +Ġemi tidos +ĠPel ÃŃcula +ĠSaba dell +an tino +Ġwebs ite +Ġesc asas +Ġrigu roso +ĠE lo +ĠLiber ación +ĠIns pección +Ġconven ciones +Ġintermedi arios +Ġt ime +Ġcor dones +ĠRe mo +cre en +f uer +a demás +Ġsex os +Ġsinté tico +B erry +b ase +ĠR OM +Ġinv olun +ĠPr om +Ġren ombre +H C +amb as +est amos +ĠT ráfico +Ġsignific aba +Ġdesigual dades +ĠS oluciones +Ġpa gas +Ġcartu chos +ĠIs lámico +Ġdo wn +Ġce dido +âĢ ³ +Ġgener alizado +Ġdividen dos +Ġimport an +ĠPal abras +Ġmág icos +C he +os t +Ġand aba +Ġ } +Ġrepro duci +Ġnutri cionales +ĠINFORMA CIÃĵN +Ġor i +Ġalcantar illado +Ġdestina tario +W eb +ĠG rá +и Ð +Ġempie zo +Ġano taciones +Ġrefle jos +Vide o +Ġgener oso +Ġes bo +Ġmuch ÃŃsima +Ġpas iva +Ġcome tió +Ġcontribuy ente +A plic +Ġpolém ico +ĠAth letic +Ġn inos +Ġale ación +B rasil +Ġcu p +Ġimpar cial +la yo +Ġf ea +M ac +Ġcontras eñas +Ġ( @ +ĠApren der +Ġre den +Ġsal drán +kes pe +Ġ2 10 +Ġpropon go +Ġconven ción +g ins +Ġlicencia tura +ĠL lu +ĠVis ual +iti es +ĠPach eco +Ġch atear +Ġdes esta +Ġgalax ia +re ci +ĠD rive +ĠEx pe +Ġpeat onal +C AM +Ġse que +b onato +ér gica +Ġobserv amos +tu alización +pon a +Ġens an +Ġhabita cion +Ġpal mas +Ġfra gancia +Ġapreci ación +Ġcardiovas culares +Ġta xis +Ġanestes ia +gu in +Ġobten idas +Ġentender á +Ġtra taron +ĠC ad +ĠS IG +Ġdesp achos +Ġcompor ta +y ar +Ġlig as +Ġcomenzar án +Ġdur miendo +Ġso ñado +Ġmov iendo +Ġc un +ĠGallar do +ĠCh am +ĠFel ici +Ġinaugu ra +Ġdi vin +Ġa tienden +Ġfacil ite +Ġbox eo +N uestras +ĠC ry +ĠLon don +Ġcordo b +Ġla g +h oria +Or den +Ġcontro lan +Ġin vención +ĠCos as +ĠA er +Ġenten diendo +Ġdejar la +To tal +Ġcomerci ante +cal ipsis +ĠGu ayaquil +ĠJim my +ĠAse gú +ĠS T +Ġtib ia +Ġantiv irus +Ġexitos os +J OS +C ha +Ġavan zó +Ġenv olv +on io +ĠCu mpl +Ġep ic +Ġver me +ide portivo +Ġsa grada +ü r +Ġinsist ir +Ġcuar zo +Ġmi tologÃŃa +Si guiendo +H ombre +ien ses +cent ro +ĠCar ol +Ġp H +Ġimponer se +n n +ĠBor ja +té tica +Ġcuestion ar +Ġinmun e +Ġman ualmente +Fu ente +ĠE ast +Ġarries gar +Ġtu yos +Ġextre me +Ġsucur sales +ĠPar eja +ter nos +ĠK in +ĠESPAÃij A +Ġfu ria +Ġcomb inada +ro ño +ĠSol idaridad +Ġlaber into +ĠBer m +ĠW ood +ĠlegÃŃ tima +ĠT w +Ġcog ido +Ġbail ando +ĠC um +s im +ĠLle ida +z y +Ġvi ola +Ġhidra tante +Ġ Ø +Ġexpon encial +Ġdilig encias +de ma +Ġinterna cionalización +Ġalumb rado +ĠDefin ición +pati tis +Ġcur sar +ĠQu ién +ĠC ola +ĠPar do +Ġcogn itivo +ent ino +Ġme dico +ĠN ay +Ġsub t +оР² +Ġadop tada +Ġel udi +te gui +Ġcap ilar +Ġinvoluc radas +Ġdor sal +Ġcotiza ciones +ĠCons orcio +Ġfol lada +Ġaterriz aje +ĠVel ázquez +Ġre bas +Ġperj udicial +CRI P +ici da +Ġconf esión +on na +ri son +Ġ12 3 +Ġsust o +Ġorigin arios +iz aba +ĠMa il +ĠMan hattan +Ġmonta ños +ju ven +Ġr unning +ĠCam acho +Ġocur rÃŃa +ila terales +Ġinex plic +ĠM IL +ĠS EN +én ico +Ġfal tó +Ġdiam ante +Ġcumpl ÃŃa +tra bajo +Ġdespe jado +Ġreclam an +escol ar +Ġpreval encia +ĠSal ida +Ġvis ion +Ġrespira torias +es p +Ġparad ój +Ġanunci an +Ġmural la +Ġan tenas +Ġar ist +Ġrepor tado +Ġescuch é +ĠAnim al +Ġatre vido +ĠQu ir +ĠLle va +Ġvac ÃŃas +Ġespec ula +Ġvelo z +Ġaé reos +Ġral ent +Ġcalaba za +Ġj en +bi an +Ġdesay unar +P ort +a gua +Ġtu tores +Ġmom ent +ĠServ ice +Ġb ó +Ġe u +Ġfranqu ismo +199 6 +S te +Ġejer ciendo +Ġesper e +Ag regó +ĠEléctr ica +Ġenc aja +ĠIl l +à ¤ +Ġepide mia +Ġz ombi +Ġmascul inos +ĠINTER NA +Ġcr omos +Ġmer en +ĠDist ribución +Ġam argo +ĠPin tura +Ġedi fic +Ġescuch amos +Ġquitar le +Ġlament ó +ĠSh in +Ġap ego +Ġdest re +ĠAf ortunadamente +t ólogo +Ġna tivo +Ġlav avajillas +Ġal gas +ĠAd án +Ġcaptur ado +ĠAc ero +20 4 +Ġc imientos +Ġla gunas +ri am +Ġda ñado +ĠConserv ación +ĠS osa +ĠCer tificación +Ġpar ab +ĠCu án +Ġtác ticas +Ġenter ado +Ġrecor rió +L P +ĠSal om +m om +Ġdetec tive +Ġabsor be +ĠD il +ĠInter no +Ġdialo gar +Ġgem elos +Ġat letismo +Ġcab el +pl icas +ĠMe todo +Ġinfluy entes +ó dromo +ph y +Ġre ch +Ġnaran jas +ĠOlÃŃmp ico +endi eron +Ġest igma +o pa +Ġrevis a +Ġpal e +ci ent +Ġtrabaj e +Est udio +es tado +Ġter tul +ĠInter es +ĠPN V +ĠI o +Ġubic an +ÃŃst icamente +ĠFigu eroa +Ġlib ra +ĠOF ICI +Ġinsign ia +ĠK ate +endi o +Ġfantá sticos +ti ón +ĠPue do +1 01 +Ġnie gan +Ġa que +ĠSan tuario +ĠBO E +Ġcap richo +Ġllam aban +tri turadora +Ġtox inas +Ġconec tada +ĠSta te +Ġresum ir +Ġrefer ÃŃa +Ġimag inado +tem s +z zo +Ġta zas +Ġrecor da +Ġsalv ó +ĠT est +tal m +b rar +Ġ ia +ĠC itas +go ta +Ġclim áticas +Ġne gación +Ġabandon ada +ĠCre ador +p aje +Ġhaber me +Ġdescri bió +Ġes qui +se ño +Ġoportun as +Ġretras os +Ġintegr adas +Ġlider ada +Ġsel f +Ġpla ga +ul sa +ac tivos +cer as +Ġester il +ĠMal as +Ġsepar an +Ġvoc ero +Ġcica trices +ĠM and +di tas +Ġob ediencia +Ġadren alina +Ġresta ur +Ġvolun tariado +ĠSp ace +Ġpresum ir +amb res +inter est +Ġm ia +ĠD ick +ĠAna ya +ĠOx ford +z ana +il ers +Ġman dan +con trol +Ġprotes tar +un der +é anos +Ġcomprar lo +ĠFa cil +Ġase me +An d +ĠLabor ales +) - +Ġpic ante +Ġestatu to +ĠCh ip +ĠAP I +Ġal leg +Ġter restres +á maras +ĠP ÃļBL +ĠC able +esto y +Ġsá banas +ĠM C +ĠFar macia +ques e +ĠP Y +Ġreg ulado +Ġfortal ece +ĠJer sey +ex uales +Comp ra +kespe are +Ġalerg ia +Ġf ech +em i +l oma +Ġtécn icamente +Ġorganiz ando +ĠCor ral +Ġintens ivo +ĠEnc uesta +Ġt ÃŃos +ĠA Y +Ġsolv entar +Ġnic aragü +ti e +Ġdi misión +Ġdi et +Ġalerg ias +cu pa +ĠAnd y +Ġdescen der +San tiago +ĠVi ña +ĠP ira +Ġapa gado +Ġciudad anas +ĠMu rillo +Com en +Ġcruz ada +Ġa tu +ĠCes ar +Ġn udo +Ġver tiente +Ch ina +i qu +00 00 +ĠOc éano +Ġcómp uto +ĠInten dente +Ġpod áis +Ġperió dica +Ġemo cionado +ic adas +ĠDo ug +Ġlavan derÃŃa +ĠJen nifer +Ġfil tración +Ġmezcl an +Ġaz ule +Ġprepara tivos +Ġempez ará +D ado +Ġdej arán +Ġbr omas +Ġdesconec tar +m g +Ġinigual able +ĠB AN +An álisis +Ġaum ente +ĠK ra +Ġaport ó +Ġqu it +Ġcl on +Ġaver gon +ĠT ap +ĠCons ist +Ġtras lados +ĠFran cesa +Ġestren ará +Ġsegu idor +Ġà Ĥ +Ġsofist icado +Ġs te +Ġtem áticos +Ġcasti gar +Ġaf in +tic en +Ġom i +Ġacoger á +Ġequi par +ĠQu il +Ġrecal có +ca ciones +Ġch istes +Ġpon encias +Ġin hum +Ġfuncion aria +Ġgana deros +ĠO portun +Ġbl ue +Ġsuger ir +Ġreivindica ciones +Ġrefres cante +èn cia +ĠP ia +ĠH at +ĠAg rupación +Ġjur ada +ĠContral orÃŃa +Ġdej aban +Ġimpul sos +Ġcon no +ña de +g ger +Ġmarcar on +Ġmagn ética +Ġhe mo +Ġgri fo +F oro +Ġb ue +Ġimp uestas +omin ación +ĠChrist op +ĠTig re +! ... +Ġcad ucidad +ĠB ruce +iz adora +Ġan alizó +Ġcolabor ando +е н +C r +ĠNe vada +Ġdific ulta +ĠGeo grafÃŃa +Ġcan ario +Fel iz +Ġprevent ivas +Ġproces adores +ĠEMPRES A +Ġa x +Ġexitos as +Ġcaris ma +V V +Ġlim itan +ĠCá maras +di d +ĠAm istad +Ġiden tidades +Ġpar celas +Ġos teo +ĠA penas +rig uez +Ġplug in +h ard +F P +ul i +un k +es el +Ġles ionado +Ġarque ológico +Ġcerra jeros +tor s +Ġan á +ĠRec ords +ĠC ES +Ġplást icas +Ġan chura +ĠEn can +Ġata cado +R S +Ġdi rán +Ġcontinu os +Ġdid áctico +col or +Ġcabel ludo +Ġburbu jas +Ġ6 50 +Ġf acetas +ab ezas +ĠMÃī XICO +p ina +Ġech arle +P el +Ġinv entado +Ġfarmacéut ico +P ágina +Ġpr ólogo +In dic +Ġé se +Ġcompr ueba +fac ebook +Ġfom enta +Ġef ÃŃm +van ia +Ġcatedr ático +ĠVen us +ĠPRO YEC +ĠR yan +com edor +ĠGar den +I OR +ĠY O +Ġdejar nos +tiz adas +Ġfi anza +ĠL iz +ĠOl iva +Ġis l +ĠGol den +Ġap titudes +Ġcontra ta +Ġop resión +ĠAR T +Ġpedi rá +ĠV IS +Ġdé j +ĠN úm +ĠBos ch +Ġvesti da +ĠMej ora +ĠAhor ro +Ãį TULO +Ġpers istente +Ġalegr ÃŃas +ĠMach ado +Ġdetal l +Ġsuces ivas +Ġarque ológicos +Ġdes ma +Ġtan g +ac ta +Ġan emia +Ġdeman dado +po p +Ġburo cracia +un te +Ġper formance +rÃŃ e +Ġangel es +ist icas +Ġcol mo +V ale +Ġoficial ismo +pa tri +Ġcontr arios +Ġpró stata +Ġflu idez +g ento +ĠLib ia +ĠClar ÃŃn +L ee +g aban +ĠEs lo +ĠEn vÃŃo +Ġcla v +Ġenve j +ĠR GB +ĠAl cor +Ġanima ciones +Ġdam n +Ġcapaci tados +ĠM D +Ġdesc ol +Ġceremon ias +ile y +Ġpost ales +Ġsimb ólica +ĠLink ed +ĠCon ec +Ġab ejas +ch el +ĠE ucaristÃŃa +Ġsus cribir +ĠMa te +P ablo +bi tros +Ġapoy ó +ad ona +Ġnum eral +Ġpareci das +ĠViv ir +Ġescla vo +Ġval idación +Jo hn +Ġporcel ana +Ġelem ental +Ġrevis ado +Ġpará metro +ri go +Ġcir ug +ĠAur ora +Ġbu ffet +ĠMexic anos +Ġmotiva ciones +ĠA A +ĠJa pon +Ġservir án +I CIÃĵN +Ġ um +ĠAnder son +Ġmé dula +Ġal ambre +Ġhidrául ica +Ġblo ck +Ġpredic ciones +ab i +Ġsol dadura +id able +Ġindic adas +ĠPan tal +f ón +Ġmole cular +z án +Ġdisco teca +ĠSant ÃŃsima +Ġqu itó +ĠDu ero +ĠGre y +Ġp ioneros +Ġincorpor arse +F IN +ac ÃŃ +Ġmor ada +Ġson riendo +Ġcorrec tos +Ġrela tó +ĠAcadém ico +ĠBe tis +ĠTrad ucción +f le +ĠC ach +Ġé ticos +ĠKenn edy +Ġcu en +Ġcarro cerÃŃa +Ġle emos +Ġ10 6 +Ġrepe tidas +Ġnavide ñas +Ġcab ra +Ġman ager +Ġcomplic adas +Ġdinosau rios +Ġy eso +Ġhom icidios +Ġcog iendo +am ental +Ġflu idos +ici das +Car acterÃŃsticas +Ġaustral iano +v ing +Ġb risa +ĠSpa in +izar ro +Ġarte factos +ĠF ashion +Ġsu mas +ĠCon ver +Ġdesple gar +Ġh ob +Ġpregun te +Ġdetermin ará +Ġconce bir +Ġmer cad +Ġloc aliza +Ġi T +ĠSu p +di an +% ; +ĠEsp inosa +Ġ úl +ĠIber ia +Ġcompar ecencia +Ġrev ivir +Ġgru p +Ġconten gan +ĠINTRO DUCCIÃĵN +ĠPrin cesa +ĠD ell +ala pa +ĠG em +Ġhin ch +ĠJard ines +Ġhidr omasaje +Ġbrin dó +Ġcompon er +Ġlarg ometraje +Ġpriva tización +ĠL et +gu ilas +Ġgu iadas +z uelo +Ġalm or +Ġtelevis iva +ĠAdi cionalmente +z uela +Ġcr áneo +Ġgener en +ĠPar edes +Ġescal ar +Ġfor ro +Com er +B al +Ġaument ará +Ġreiv indicación +on és +Ġsol ista +be te +ri eta +tiv es +Ñ ĩ +Ġhambur guesas +Ġtu viese +ĠPri eto +ĠN in +ĠK al +Ġelec tri +Ġrefor zado +Ġfacil itados +Ġpresupues taria +Ġmi xto +Ġdescon tento +Ġtu vi +Ġdu al +Ġform ula +Ġaspir ar +Ġmicroorgan ismos +Ġimp ed +Ġsal ÃŃan +Ġop tó +Ġreserv ada +AC A +Ġcual ificados +Ġalfomb ras +V arios +m ore +ĠPo zo +G I +Ġle ones +Ġvis ibil +ip ú +Ġarras trar +Ġdigit alización +Ġd ale +pe a +Ġconstru idas +Ġconfies a +w all +Ġprocur ar +Ġe ras +Ġhe ter +ĠVal di +or rupción +ĠHab itaciones +Ġcomis arÃŃa +ĠBrig ada +Pr omo +Ġdecora tivo +Ġgrab ó +Ġfrances as +ĠS ON +ĠâĢ ķ +Ġen chu +Ġest Ãĥ +il i +Ġanonima to +ci udad +Ġtra tos +Ġdismin uido +ĠHi per +Ġl iso +Ġpas teles +Ġconcer n +T ÃŃtulo +Ġtrans pira +Ġs co +Ġinsopor table +U PO +Ġb ut +Ġimp renta +Ġdescon ocen +Ġcocin ero +E d +ĠBa ños +Ġpelo tas +ta il +Ġhe x +ĠAr gel +inas tÃŃa +ĠP AL +cil lerÃŃa +Algun a +Ġcre zca +Ġapoy ada +W S +Ġ( $ +Ġconviv en +ial is +Ġil us +Ġpres enciales +Ġcas ados +ens ores +ĠEstruc tura +Ġe tern +Ġcumpl irse +Ġparticular idades +Ġben é +TI A +gi bre +Ġimperme able +ĠCient ÃŃfica +acate cas +Ġcap itan +ĠImp acto +Ġpel ir +Contin u +Ġintermin able +Ġcas inos +Ġdesac uerdo +Ġcar cel +Ġadquis itivo +ĠCa fe +ĠLe gan +ur des +ĠSebasti an +ĠLey es +étr ica +Ġdesgra ciadamente +Ġasegu radoras +ĠHa cia +Ġcurr ÃŃculo +Ġtrans itar +Ġmejor e +Ġviol entas +ĠT ara +Ġcomerci alizar +ĠXia omi +Ġcar gados +Ġsent enció +Ġhumil des +verg adura +Ġagres or +f et +f acto +Ġr usas +Ġinsign ific +V illa +Ġrespe tuoso +G M +ĠIn gles +Ġemis or +Ġand roid +Ġdestre zas +Ġdar é +Ġmás caras +Ġval la +64 33 +B e +Ġservici al +Ġcap turas +Ġsupon drá +Ġempo bre +) ? +ĠTen is +Ġsentir te +Ġanticip ada +ĠSpi der +cu án +omas a +ĠA BS +ĠS QL +bre cht +Ġocup antes +Ġfus il +M ay +Ġcas cos +m ara +uc al +ĠG P +ĠValle jo +Ġobst acul +Ġdeten ida +Ġdesign ar +fil ia +Di rección +Ġre ve +Ġtri ang +Ġespon tánea +Ġrig idez +Ġfa ena +Ġfontan ero +Ġreson ancia +M ON +Ġja ula +Ġcostos o +z ará +T ipo +ĠP á +Ġminister ios +C ED +Ġcomple tó +ĠEspecial ista +P AN +ĠC COO +Ġve intena +ĠColeg ios +ARCEL ONA +Ġmul tim +Dis eñ +Ġconmem orar +in amos +pe d +Ġdirec tivas +Ġpus imos +Ġal la +ĠA compañ +Ġfun das +M ol +Ġen tres +ro let +ĠNey mar +to wn +Ġmon arquÃŃa +Ġge la +Ġsober ano +Ġdiferenci ación +Ġaceler ado +Ġinte mp +Ġconoc ÃŃan +is m +Ġsem á +Ġemo tivo +Ġpres tando +Ġide ológico +ĠPon tificia +ci so +qu itas +Ġsal vado +Ġhomosex ualidad +cl eros +Ġna val +ĠTrad i +clip se +Ġpr orro +ĠMiemb ro +Ġrealiz o +Ġenv ÃŃe +Ġcel das +ĠS ando +Ġelabor adas +anc y +Ġen laz +Ġan os +itar ra +Ġaplic ados +d án +ur ÃŃ +Ġdesesper ada +Ġfarmacéut ica +ĠïĤ · +ĠDan ilo +Ġconden ó +Ġisrael ÃŃes +ĠT able +ĠSan gre +Ġtre gua +lan es +Ġinsom nio +ĠB ros +ĠCh eca +Ġge ometrÃŃa +Ġpas arlo +Ġen vergadura +Ġdie ciocho +Ġub icaciones +Ġproporcion ada +ĠB and +Ġencontrar nos +Deb e +ĠAde mas +ĠAl h +ĠSon ia +Ġpata ta +Ġencar gará +alim entación +Ġn ulo +A di +ĠW o +Ġcompr ue +Ġcach orro +Ġagil izar +cien den +Ġgru pal +ĠTa iw +ĠS witch +Ġcompañ ia +Ġdomin ado +Ġdial éc +Ġg ene +ĠR C +Ġcas ting +Ġca po +ĠColombi ana +ĠF ÃŃs +ĠAn dorra +Ġbur la +eci das +Ġregal ó +Ġson oro +ĠMat t +Ġvej ez +Ġun ica +Ġceleb raron +Ġdemocr áticas +Ġla menta +I mag +Ġcurios idades +Ġpira ta +Ġambul ancia +Ġalej ados +Ġun ieron +Ġan ónimo +Ġpal anca +Ġcomb inando +Ġper ÃŃmetro +Ġri endas +ci mos +ĠB lu +Ġcil indro +Ġcan cer +Ġbus es +Ġde ficiencia +Ġjes u +in v +in ista +Ġf ana +ĠS AT +Ġpara dero +cre di +Ġâ Ļ +ĠEsp ino +Ġcontar án +Ġrepresent ó +ĠDetal les +ĠhÃŃb rido +Ġres iste +Ġem iten +Ġhar ÃŃan +t lán +ĠCo oper +Ġpractic ando +ĠMá quina +D iario +Ġ19 55 +Ġre carga +Ġinici arse +ho to +ĠOrgan ismo +Ġhab rás +Ġa za +Ġhe teros +Ġperten encias +ilo to +Ġbusc aban +Ġilum inar +Ġcurios amente +Ġperpetu a +Ġpara guas +gn e +In v +Ġmarc adas +Ġresiden ciales +de re +in ga +Ġapar iciones +fer ir +Ġdestac aron +ust er +Ġhub iere +Ġbro tes +Ġexplic aba +Ġdesarroll ador +Ġex h +ecer á +Ġotor gamiento +Ġel ástica +Ġpens arlo +Ġlim ite +ci mo +Ġpas tilla +Ġgener osa +ama ño +Ġalar gar +ĠA TP +me x +Ġpen últi +Ġpreocup ada +Ġdile ma +Ġsuper e +Ġparticular idad +Ġascen dente +ĠSitu ado +D onde +ç o +ĠVillar real +ĠS car +Est ado +Ġconj u +L L +ĠV illas +ĠK g +Ġlan gos +Ġadap tadas +Ġfacil it +Ġdefra ud +G C +ĠT oluca +Ġcontra c +ĠA wards +ĠF R +dera miento +Ġfelici to +e uro +en n +Ġval enciana +Ġar diente +ĠSo und +Ġtelevis ores +ĠFor al +Ġprotec ted +Ġsing ulares +Ġindependen tistas +E fec +ab ro +Ġpod cast +Ġdescub rimos +ĠExtra ord +ĠS atan +cos o +Ġdel ine +ila del +Man uel +ĠRe ferencia +ĠPe kÃŃn +Ġe rupción +de remos +ĠPho toshop +Ġasegu radora +Pue do +la za +Ġtermin amos +Ġinc rust +Ġvisit aron +ĠSky pe +Ġmal dición +Ġarch ipiélago +Ġpier dan +Ġpos grado +Ġjugar on +Ġdem or +al ias +Ġen ajen +ĠD IA +Ġconf iere +especial mente +ĠV AN +Ġsilves tre +g asta +Ġpais aj +Ġpregun tamos +Ġobten drá +Ġconta ban +Ġcal a +a ut +Ġsan tander +ĠA bre +Ġani quil +Ġc ig +ĠlÃŃqu ida +ej il +ĠAn n +Ġhaber le +ez o +Ġpene trar +ros is +ĠW ik +Ġmencion an +orm ales +Ġven drán +Ġsó tano +ĠAdul tos +ĠP ier +Ġenfr entado +Ġv iera +ĠLe opol +Ġtóp icos +ĠDOMIN GO +ie d +Ġcomp lica +Ġtor tilla +Ġenv uelve +Ġinterro gantes +Ġ ome +ĠTV E +Ġdo bla +Ġalim entan +Ġcaracter ÃŃsticos +V AR +Ġcar ib +Ġflor ales +Ġpro posición +Ġfil oso +f ul +Ġcal lar +des pués +Ġmer idi +Ġmotiv ar +Ġperci ben +Ġh eb +Ġof renda +Categ orÃŃas +Ġconec tan +C AS +D H +Ġw ord +Ġca ÃŃa +Ġoblig adas +Ġayudar me +Ġcons piración +Ġdel iciosas +ĠD icen +ĠGob iernos +Ġse ducir +Ġdestru ye +Ġest rib +ID AS +Ġpropor cionados +ĠJuvent us +Ġ iso +dor f +Ġras go +ĠDocu mento +ĠRos si +ĠTEC N +Ġseñ as +Ġdebut ó +ĠSex ual +book s +ĠHisp ano +H ar +ĠP iz +ĠG all +Ġrecur rentes +ĠQue en +ĠF oo +ĠAr ts +icar bonato +Ġc acer +ver as +Ġmillon ario +tal os +Ġgri etas +Ġcual ificado +Quiz á +o ut +Ġt un +Ġarm amento +ient an +var o +Ġ10 80 +Ġcapital istas +Ġoper ado +Ġ* **** +ĠL ittle +Ġte ologÃŃa +uy eron +Ġfac ulta +ĠSport ing +ĠNo el +Ġpien ses +Ġinevitable mente +dimens ional +ĠVlad imir +Ġale gres +Ġdescon cer +Ġpavim ento +O K +Ġextra va +TAN TE +Ġal aban +pul co +Ġlo terÃŃa +Ġru ina +Ġaci dez +ĠEscrib ir +Ġder re +ĠMajes tad +k t +Ġgal lega +tor i +Ġo ver +Te ma +Ġhúme da +Ġdecep cion +E m +an go +ĠMar tha +on ic +Ġfantá sticas +ĠMa pa +mon te +ĠAir lines +ie blas +Ġ195 7 +on line +Ġmej illas +ĠTh om +Ġfa ciales +Ġahor ra +ĠLor ena +Ġexist ió +ĠSant ana +Ġdenunci an +Ġorganiza cional +Tra bajo +ĠD á +Ġfármac o +ĠCarras co +Ġbenefici an +Ġdelincu ente +Ġalcoh ólicas +ĠRevolucion ario +ĠB ras +uel lo +Q D +ĠDispon emos +ces os +ka ia +Ġtea tros +Ġib érico +Ġefectu ada +ĠSi tios +Fern ando +Ġesté ticos +Ġbrasile ños +ĠmarÃŃ tima +Ġde tuvieron +Ġdecis iva +Ġcon cord +Ġon c +ĠPH P +Ġdij imos +Ġfi ables +ĠAy ala +Ġadvers ario +ĠDur án +Ġca uce +Ġplacer es +Ġsinton ÃŃa +Ġv icios +ĠMuch a +kin son +Ġdesp ach +g és +endi entes +ke e +ĠContin u +ĠMo on +Ġzana horia +Ġalmac ena +Ġb b +tos o +ĠA H +Ġinf al +Ġorden anza +Ġpru dente +Ġconfirm ada +Ġseren idad +Ġestu pe +ĠCor dero +Ġreconoci endo +ev ales +N ombre +at lón +ĠT ún +ter almente +Ġsal tó +Ġflam ante +Ġcal zada +M ad +Ġp rudencia +Ġpi anista +ĠTer ror +H or +Ġdesper tado +in ing +Ġcoord inada +Ġde dico +Ġni ke +ĠDefens orÃŃa +Ġát omos +Ġen ro +b ÃŃ +Ġcent ran +Ġde co +gro und +Ġsub san +Ġocul tas +Ġasign ados +Ġv illas +ĠC ien +an amente +Ġre inos +pi ter +ĠBan ca +Ġagar rar +Ġexperiment ando +an tas +Ġtelevis ivo +Ġfrigor ÃŃfico +ĠDE RE +Ġà ¢ +Ġpunta je +Ġo z +Ġrecib ÃŃa +Ġapre cio +ĠC uevas +Ġemb u +ele t +ĠE V +Ġemple adas +Ġsan grado +in dic +ĠL é +ĠiT unes +te pec +Ġinter venido +Ġhar to +Ġpatrocin adores +Ġpa tin +Ġsab rás +C ual +in aba +Ġpo ker +Ġpremi ado +Ġprefer ida +CI S +ł Ģ +Ġinstruc tor +c entes +Ġconsecu ente +Ġdegust ación +ĠF i +Ġambient ación +Ġarro yo +Ġreproduc ciones +Ġinterv iene +Ġigual ar +ĠMon ts +Ġcon dominio +ĠPRO DUC +ĠL argo +ĠT as +Ġpor t +-- - +Ġfemin istas +Ġkilo gramos +Ġn ano +Ġdes igna +ĠNego cio +Ġhem isferio +ĠolÃŃmp ico +ĠP ich +S erÃŃa +Ġma tado +Ġcar teras +Ġpol aco +Ġvál idos +Ġdesvent ajas +Ġhemor rag +! âĢĿ. +Ġcre ÃŃdo +Ġperf oración +on der +Ġin hal +Ġsustitu ye +ind le +l lam +Ġutiliz aba +Ġcompr ensible +Ġ17 5 +ĠMor gan +Ġpre ver +Ġofrecer án +Ġcontinu arán +ij i +direc ción +fer ia +Ġcompatrio tas +Ġaccion ista +S igue +ĠFu era +S P +ĠEx pres +Ġatra pados +vie w +Ġt ierno +ĠHab lamos +Ġde venir +Ġaver ÃŃa +ient en +Ġconcej ala +N G +a vi +Ġchal et +bl ado +ĠDependi endo +ĠB in +Ġnoble za +Ġinform ando +Ġexist encias +Ġlleg ados +ĠClas ificación +ĠAgro pecu +Ġdesarrollar án +ĠJ untos +R T +Ġcumpl ieron +Ġgen ero +Ġma fia +ĠEn v +ko v +Ġcertific ada +Ġcon son +ĠOrgan iza +b ps +Ġma tando +Ġces ar +o do +x icación +Ġexcl uidos +Ġtes or +IZ A +ĠSan d +Ġagu acate +Ġbo tán +Ġlig ados +ĠA ven +Ġacu ario +F al +Ġgra ma +ĠAntrop ologÃŃa +Ġsal ariales +Ġenvi aremos +ĠD ATOS +EM OS +Ġauton ómicas +Ġcoh esión +IL I +Ġcircul an +Ġy ihad +Ġperfum es +p uso +Ġel ástico +ĠCre emos +AR ROL +Ġf eb +Pre cisamente +ĠIn dias +Ġesp ionaje +Ġexist iendo +ĠZ amb +ĠClas es +f ren +Ġdic tada +Ġh ala +iv ia +ĠLen in +ĠGu inea +Ġhabl aban +OM BRE +Ġcivil izaciones +ĠRef ug +m ez +J uego +ĠS av +Ġtra go +Ġb itcoin +ĠB C +ĠSO CIAL +ĠC uesta +Ġmov ido +Ġconsider en +Ġpo des +ĠCampe ón +Ġsupervis ar +Ġe yac +âĢ ² +ĠT ito +tiemp os +ä º +ĠPri vada +Ġsubmar ino +Ġest ira +eci era +Ġculmin ó +or ización +Ġmigra toria +Ġfil traciones +Ġfracas os +Ġfeste jar +Ġconfes ar +ĠSha kespeare +Ġl ona +ĠL L +ER IA +ĠI k +Ġpre ceptos +Ġfuncion ado +Ġcoment an +Ġpropa gación +ĠAñad ir +ay uda +Ġcuan ta +Ġpis ar +tain ment +Ġar as +Ġinterpre tada +ĠsanguÃŃn eos +ĠArch ivos +ĠNingun a +Ġb ár +Ġpes car +Ġplát ano +Ġverteb ral +ĠPRO GRAMA +Ġproporcion ará +f lu +Ġmam ÃŃferos +Ġv om +Ġredac tar +Ġfres as +ist em +ĠCan on +Ġcóc tel +Ġcomens ales +Ġrepro duce +Ġpirámi de +Ġan dadura +ĠCh ur +Ġrefuer zos +Ġencontrar lo +ti zo +ĠRe tiro +Ġfis io +ĠCap illa +Ġagreg ando +Ġger encia +199 4 +Ġboliv ianos +Ġcu at +Ġcompac ta +Ġap ta +Ġpresent ador +Ġmun dialmente +eno vela +Ġus ur +Ġsan as +Ġdistor sion +Ġrecomend ados +v d +Ġplan ear +Ġhipo te +bur y +Ġapas iona +ĠOs orio +ru guaya +Ġcontrol adores +Ġcariños a +fe os +ĠE instein +ĠN eo +Ġlan zan +Ġsome tidas +Ġadvers as +ĠE je +Ġvesti dor +jemp los +ĠAquel los +ter nas +pa ge +Ġexig iendo +Ġconven ga +tid ora +Ġalgorit mos +Ġinf usión +Ġep ÃŃ +S am +ti jo +is ima +ĠFre ud +ĠNig eria +tin ales +Ġcompl acer +ĠH OR +Ġsignific an +Ġevolucion ando +Ob serv +v ÃŃn +Ġresul tará +tol ógicas +T el +Ġper ra +Ġc ás +ĠH echo +Ġment almente +Ġperdon ar +et ano +ul adores +ĠDes tac +1 000 +ĠCon v +Ġador ación +ĠParti cip +Ġpar ó +ñ eta +ÃŃ pro +Ġcontr asta +te ando +mer cado +ĠMá ximo +Apro vech +ion ada +posi tivo +Ġo cular +Ġdesemb oc +Ġ Ñģ +à ľ +o fici +Ġmultim illon +Ġcib ern +ex per +ĠMon asterio +Ġselec tivo +Ġtembl or +Ġsal go +ĠV EN +Ġperten ecÃŃa +Ġporta folio +Ġfenomen al +b uena +cl ick +Ġ11 1 +Ġafec ciones +Ġanunci antes +Ġle ÃŃa +Ġobserv ador +Ġnar ices +J ust +Ġm esti +Ġl ámina +Ġfabric adas +Ġdiver so +Ġcolombi anas +Ġc ue +ĠAl fa +ci òn +Ġos cil +Ġdesconoci das +Ġcre ces +ĠInte lectual +Ġsu enan +Ġbien venido +Ġbal cones +Ġinterro ga +do y +Ġburo cr +c rÃŃ +Ġtamb or +w en +ĠMara tón +Ġdies el +ográ fico +ĠBlack Berry +Ġimple menta +Ġdiscre ta +ĠC usco +Ġab ro +ĠAudi torÃŃa +Ġco que +ĠBel trán +Ġten encia +Ġdemos traron +N av +Ġgobier na +Ġlanz ando +Ġacep tando +ĠCompr om +Ġempu jar +Ġre leg +ĠD D +Ġten dido +Ġperon ismo +Ġsan tidad +Ġimp lac +Ġmascar illa +G onz +Ġpo wer +ĠSu ite +Ġtac os +Ġten es +ĠHab itación +Ġsel lado +gu s +tin i +Ġesc ru +viv encia +Ġev oc +Ġcruel dad +g ana +ĠBenjam ÃŃn +ĠRa zón +ĠReci entemente +Ġintegr arse +Ġale jada +ĠM oy +ve dades +ĠCol on +ĠPatr onato +Ġcer raron +Ġdecre tos +ĠDin ero +Ġterapéut ica +y lon +Ġn icho +ajaj aja +Ġver ga +ĠTes is +Ġasequ ibles +Ġé pica +Ġro tos +Ġasent amiento +ĠMan if +Ġabar can +ric ense +éndo los +Sal ud +Ġex cre +Ġconci ent +¡¡ ¡ +ro p +Ġdespro por +Ġpose ÃŃa +Ġb in +ĠR ita +Ġdi óxido +Ġviñe dos +Ġins istencia +Ġgol p +Ġco cido +Ġint riga +ĠBern abé +1 10 +Ġe min +rac le +Ġenvi aron +u tación +Ġalta voz +Ġinalámb rico +Ġre zar +Ġderi var +T rad +Ġinde x +Ven ezuela +l iber +ĠEn desa +Ġaerona ve +Ġenc ajar +ĠCar ri +Ġcap ucha +Ġcos tera +ĠCo co +ĠLE Y +ĠVo dafone +ĠBartol omé +tar le +TA C +j s +ás icos +Ġpatr ulla +Ġmacro econ +Ġba tido +De tal +ĠAr tic +ĠOl ga +oz ca +Ġnovedos a +uer pos +? ! +ĠC ierre +ĠOl d +ĠA gencias +Ġlist ados +Ġcómp lice +Ġ × +Ġr ondas +Ġprofundi dades +Ġastro logÃŃa +Ġad yac +Ġho t +Ġb ab +Ġbar ri +Ġpublic ará +Ġelimina toria +x ito +Buen a +ĠF os +Ġma deras +Ġ ñ +ĠG ale +C at +Ġdi ger +Ġ10 9 +Ġau gu +él icos +Ġcoloc ados +ic erÃŃa +Ġcor tina ++ + +ĠQuer ÃŃa +Ġv endo +M D +Ġemb o +J avier +un ch +Ġmi ramos +Ġefec túa +Ġanfitri ones +I r +al gun +ĠSelec cione +Po drÃŃa +Ġpres as +Ġ195 6 +Ġsubsecre tario +as to +ĠEstrel las +ĠK le +Ġcoloc arse +Ġmod ular +Ġexperim entados +b able +Ġacord aron +Ġcontra cción +Ġapren dan +ĠAn tár +Ġameric anas +Ġense ño +ril lero +Ġexplo taciones +Ġpar is +Ġdepartam ental +Ġpul ido +Ġtransex uales +Ġref lec +let ter +ama ha +ĠMa gazine +ĠMé todo +ĠTÃī CN +ĠB it +orn e +Ġsus pens +Ġab undan +ĠSan tam +Ġrepresent aba +ble ma +ĠF ase +Ġsol idez +Ġinsist ido +ĠpÃŃ xeles +ĠP adilla +ĠF lex +Ġus ual +Ġen érg +Ġsal iera +ĠTi pos +Ġsurg imiento +ĠDiv ina +Segu ramente +Ġ[ +] +Ġorig inaria +Ġpode is +Ġrodil lo +ĠUE FA +Ġmonopol io +Ġen tras +Ġgas olin +Ġech ando +Ġgrab ada +Ġvib rante +I gual +i ño +ĠB L +ĠVal ley +Ġcompra mos +Ġdivul gar +ĠSal va +ĠP interest +ĠTo uch +Dan iel +tán eos +ĠRe visión +Ġen tier +ĠBa talla +Ġgall ina +Ġcompren den +Ġescu ad +Ġcal ienta +w al +ĠConsul te +Ġnavide ña +E le +ĠâĢľ âĢ¦ +Ġazúcar es +Ġminim alista +ĠEst rada +Ġafec ten +U s +Ġt ó +Ġtrabaj aron +Ġadap taciones +ĠE QU +ĠV id +Ġconstitu yó +Ġpres enciar +Pre cio +Ġaper itivo +ĠCUR SO +Ġexp lique +Ale mania +Ġextrem idades +Ġreglam entación +Ġcl ÃŃ +ĠEl abor +tú en +Ġgas tado +ii ii +Ġg alo +ĠVeh ÃŃculos +a ño +el and +Ġba ta +Ġley ó +ĠPicas so +Ġo k +Ġno t +ĠNa pole +F lor +li bre +* ) +ĠSol amente +C UR +ĠT un +ĠG MT +th on +Ġcarb on +ĠAlma gro +son aro +Ġacus ada +Ġad min +Ġe ru +Ġal érg +Ġacab ará +ĠBár bara +Much o +Ġo bl +Ġpa uta +Ġcamis as +Ġmiti gar +ón ima +ĠT EN +Ġobede ce +ĠDescu ento +Ġten ÃŃas +po co +C ola +U ER +Ġincorrec to +Ġcomput ador +Ġsimpatiz antes +Ġsitu ar +Ġreporta jes +Ġg esta +Ġmam ás +ĠVerg ara +er me +Ġapos tado +enz amos +Ġprevis ible +tu ando +Ġrepresenta tivo +ION ES +Ġnavide ño +Ġrecrea tivas +Ġ ut +ĠA partamento +Ġap ela +itco ins +ĠÐ ² +aman ga +ĠCom b +Ġrefer ir +Ġdescub ierta +Ġrode ados +Ġmin orÃŃas +Ġconten ÃŃa +Ġver tig +Ġceleb rarse +ICA CIONES +ĠCoch abamba +e al +Ġmedio ambiente +ĠPa u +Ġinici e +is er +Ġdes critos +ĠBlo que +Ġret ribución +Ġvil lano +ho u +Ġenseñ ando +ĠJohn ny +Ġconf ÃŃan +ĠPol ÃŃtico +ĠPr áctica +ĠCar denal +Ġauto bio +Ġvideo clip +ĠCá tedra +ĠMec ánica +ĠRece tas +tiv ación +ĠR uss +apro pi +Ġb rasil +Ġemp ap +g rana +Ġf itness +Ġb oy +Ġrad ial +Ġgo zan +ĠIden tidad +Ġin el +ĠN oreste +Ġpel is +Ġgu ay +Ġdirec cion +Ġon e +Ġri ñones +ĠA us +Ġpes adas +ĠAN D +pe to +ie do +Ġsens ualidad +Ġincre mentos +din ámica +Ġpor os +Ġel o +lan eda +ĠInter vención +Î ¿ +In forme +Ġdesa hu +Ġpremi ados +ahu ila +Ġgolpe ado +Ġespos as +Ġ. - +ĠPe ters +Ġconduc to +Ġamar illos +Ġl ong +Ġencan tará +Ġances tral +Ġcom ete +Ġacar re +A V +om s +Ġrep el +amb la +ĠL ord +Ġgran d +cul es +Ġfum adores +ĠBay ern +ĠC ris +Ġsi rio +Ġoc éanos +Ġequilib rar +l isis +ĠE th +Ġman ic +Ġdos cientos +Ġgalard onado +Ġporte ño +Ġno ciones +qu iz +ĠM ob +ĠNo tas +ĠA grade +ĠS at +Ġce lo +Ġeval úa +ĠAriz ona +Ġp uros +Ġago tamiento +U V +F R +ĠP AC +Ġva queros +ĠCab ello +work ing +per os +y on +Ġn on +Ġin na +B AS +Ġdefens ivo +Ġcorrespon dan +Ġsolici tantes +Ġbal let +Ġamar illas +CES O +Ġpron ósticos +ĠJ OS +Ġemb ra +Ġcompar able +Ġestructur ado +Ġcon dujo +Ġlujos o +Ġgeográ ficas +Ġmedi terráneo +ĠSara h +en dadas +ĠY A +Ġcer tificaciones +Ġubic ó +ge ci +y mp +Ġh its +quier e +Ġrectang ular +ĠGeorg ia +A parte +ĠV isión +ĠAc ce +Ġencar n +Ġcob rado +Ġdesequilib rio +p ac +ĠRe vis +ĠG un +tes e +Ġfa x +ici na +Ġdia grama +Ġmari posas +S ea +ĠT ib +Ġdomin icana +Ġrub ros +Ġmap uche +ĠVig ilancia +Ġimplic ado +Ġpo ético +Ġt enta +Ġmejor ada +Ġgan ados +ĠcardÃŃa ca +Ġratific ó +Ġimpuls ando +Segu imos +C ab +Ġred und +E TA +Ġfoto copia +ĠL amentablemente +ĠCom ando +Ġpla tillos +Ġpan es +Ġagro alim +ĠTera pia +Ġcaz ador +Ġsus piro +Ġcub riendo +Ġton alidades +Ġago bi +Ġsen das +ĠDec ora +Ġmemor able +Ġchis pa +Ġenrique cimiento +u res +Ġsentir nos +it ano +Ġotor gada +Ġgeográ fico +Ġver nos +Ġemis oras +ĠP IN +Å į +Ġfle chas +cleros is +Ġcon gén +ĠV aya +Ġver las +Ġpen ins +ĠFar mac +Ġplan taciones +ĠMil an +Ġcre ÃŃan +ick s +ĠSur f +Hab rá +z osa +Ġa ud +ĠExplor er +Ġconsider ará +Ġir rad +fo ur +Ġnarco tra +Ġp illar +AR ES +Ġmantener lo +Ġinterrup tor +ed s +medi atamente +ĠEn glish +ER G +Ġcigar rillos +j uelas +ĠPin to +b ada +Ġp il +Ġf av +Ġmon tos +B OR +Ġpr ós +Ġdig nos +Ġre van +étr ico +Ġcor relación +Ġsent ar +Ġestable cieron +Ġp ajar +Ġacab as +Ġbo ok +Ġenfoc ados +Ġilim itado +Ġdisfru to +Ġproductor as +Ġelem entales +ĠCN N +Ġdisper sión +Ġpublic aron +Ġmud anza +Ġtac ones +Ġrepas ar +Ġgenu ino +ie v +Ġres i +Ġun i +Ġun ilateral +Ġcans ados +ĠC AT +cos as +Ġvo taron +Ġsur re +ĠOfici ales +ĠJurÃŃ dica +Ġdisf unción +Ġsangu ÃŃnea +Ġasim ilar +Ġsuscep tible +ĠSci ence +lan desa +Pres entación +ci bles +Ġcumpl irá +ĠPra ga +Ġca vidad +b ec +Ġamuebl ado +Ġbeca use +ĠPo drá +ea ther +ĠPro blemas +au to +Ġintroduci endo +ĠCrim inal +S im +he ad +ĠVie ja +lan co +do wn +Ġvin cular +ĠI DE +ĠVe amos +Ter min +Ġro dado +Ġlej anos +Ġser é +Ġni trógeno +Ġadop tó +Ġcotidi anos +Ġi Pod +Ġapropi ación +Ġqu itarse +Ġdescan sa +ĠFu jim +A partamento +tific ados +Ġdesesta bil +Ġsensa cional +Fac ebook +Ġleg alización +l f +ĠPien so +Ġcl or +m uchas +ĠPr ue +Ġeficaz mente +Ġpon drÃŃa +Ġoper ando +Ġsh ock +Ġsu cu +itar ismo +Ġcelebrar án +Ġconcil iar +h ombre +ĠAr senal +Ġdev or +Ġemplaz amiento +Ġan cl +og ue +ĠK er +ĠDes n +ĠFun ciones +Ġperjud icar +ĠPr ome +Ġmotocicle tas +Ġtrabaj en +her ine +ĠInform es +ĠSU V +ĠC ero +ĠD allas +Ġmodific an +Ġpañ ales +ĠCar les +Ġderi van +u mp +In f +Ġfab uloso +Ġprof etas +Ġponer la +ĠSqu are +ĠComun itat +Ġdistribu idas +ĠDirec tivo +Ġabstrac to +Ġl ino +tra to +Ġb las +ĠSÃŃn drome +Ġmág icas +ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ +ĠE f +ĠVe la +Ġvia jado +Ġacumul an +ál ida +Ġpeda gogÃŃa +Ġal ti +Ġexig ido +Ġenter amente +Ġr ond +Ġmar iscos +Ġdeleg ada +er ios +Ġcan cion +U r +ĠA mo +amil ia +A mpl +tÃŃ fice +Ġ óxido +Ġirri tación +Ġine quÃŃ +ĠK ur +Ġcarpin terÃŃa +Ġp rag +Ġop uestos +ĠWar ner +Ġpedag ógica +Ġentrañ able +Ġchamp ú +s ul +Ġar terias +Ġdeci dan +ĠBen edicto +comun icación +Ġconcesion ario +M os +Ġanat omÃŃa +Ġanhe lo +Ġhipo c +ĠP AT +Ġreper cusiones +Ġandal uces +ĠT LC +com ple +Ġop en +ĠSa grado +Ġre juven +ĠGar rido +Ġde mar +Ġch orro +ĠL P +Ġden tista +ĠL ig +Ġdisfrutar on +H ubo +ti res +Ġdes ist +Ġdetermin antes +Ġban cada +in cido +ĠE ras +ĠSe is +Ġk ey +ĠH ear +Ġco ach +Ġfreel ance +Ġadjud ica +Ġmadu ración +Ġacre edor +ĠCor o +ĠK i +ĠContra tación +r ÃŃamos +ĠA ve +Ġagrade cemos +Ġm uestro +Ġforma tivos +Ġescapara te +. / +Ġ19 47 +hi bió +Ġbuc al +Ġpu ños +Ġcer dos +Ġrepresenta tiva +d l +ĠR endi +Ġfal lado +Ġrep leta +ps ic +Ãģ n +Ġdiagnostic ar +st icamente +Ġdeber ia +Ġlanz ará +contra mos +Ġconsol ida +ir mar +ĠT oni +Ġinac ep +Ġen tor +ti cismo +ĠPar ques +Ġenvi adas +Ġgaran ticen +ĠNie ves +ĠH ad +n ombre +Con ocer +Ġseñal adas +Ġcri ado +am ia +ĠPo int +Ġfotograf iar +ĠConcejal ÃŃa +Ġdes il +Ġefectu ará +ĠVo tos +Ġproteger se +ĠAu tos +Ġbl ues +IN S +Ġbenefici ado +Ġrepe tido +ĠCab eza +Ġgu ia +Ġfil trado +Ġacer caba +Ġenc lave +ÃŃb ulo +Ġmayús culas +ĠI na +ores tación +ĠK h +Ġasesor ar +A tención +Ġpol os +ĠNeces itamos +Ġsobre mesa +>< / +ĠR us +ĠV isa +Ġe usk +ĠD ri +Ġrequer irá +ar re +ĠG h +Ġconcent ran +Ġmagn ÃŃficas +Ġafirm ando +Ġsentir me +ĠPas ión +ĠSan cho +Ġacep to +Ġens am +Ġsobresal iente +Ġf aro +EM BRE +Ġagres ividad +on erÃŃa +Ġautor izar +ĠMa gal +ĠCI UDAD +g estión +Ġb ig +ĠPe dia +ĠL OC +ĠO ver +ĠTu ve +ĠBal oncesto +ĠER C +Ġen su +Ġdese able +Ġacu áticos +ĠSatan ás +Ġcre yó +Ġromp iendo +Ġador able +Ġcal am +Ġde ficiente +Ġtener la +ĠGal lego +Ġsel lar +Ġab rup +ĠT é +ĠAP L +LA CIÃĵN +ĠM ea +Ġco digo +Ġlad rillos +ĠFavor itos +Ġbailar ines +Ġpin tadas +Ġintu itiva +Ġirres ist +Ġpris as +Col or +Ġinaugu rar +Ġserv ÃŃa +Ġcomple tan +Ġvola tilidad +Ġte men +Ġrell enos +Ġagr aria +rue ba +ĠTermin al +Ġporcent uales +Ġasent amientos +Ġtermin aba +" ? +Ġmatan za +Ġc c +Ġquiz as +Ġgra ta +Ġrecre o +ĠLa tin +Ġag ran +Î ¹ +Ġcons isten +Ġexhib e +® , +Ġre mite +Ġadquis iciones +ĠMetro politano +Ġimp ens +Ġreform ado +Ġreconoz ca +Ġcalce tines +Se villa +ĠS to +Ġver eda +aa a +Ġhidra tos +ĠAr men +ĠPro greso +Ġtor turas +Ġmanufac tur +Ġturb ul +Ġbril lar +Ġmur m +Ġneces itados +Ġcatá logos +Y S +Ġcas ita +Ġesc ép +Ġdescri ption +Ġjen gibre +ral tar +Ġbenefici ados +le ibol +Ġter mos +Ġ7 20 +Ġopin an +Ġparticipa tiva +Ġinf rar +ĠCor reos +Ġcuader nos +ĠEjerci cio +b n +Ġnacional idades +Ġlon ge +Ġnegl igencia +Ġb est +ĠHer mano +Ġ195 4 +ĠEntre ga +Ġo ponerse +Ġj acuzzi +Ġacer que +Ġ195 3 +Ġapropi ados +Ġmarch ó +ĠLog roño +In form +Ġte jer +ĠMa gos +Ġacep te +Ġpartici pe +Ġsa hara +Ġgran ada +ĠA leg +ĠP ila +cu a +Ġgen érico +Ġter cios +Cu ba +le ts +Ġfe to +G N +ĠRel ación +Ġacce da +Ġmodific ada +ĠFab ián +Ġcafe tera +Ġalmoh ada +ĠLa ke +Ġrecuper ando +Ġbacter ia +Ġla bio +Ġaument ada +Ġmarx ismo +tis h +Ġreaf irm +Ġchar lar +ĠSan ti +ĠN ingún +Ġcons orcio +Ġen amora +ĠMar cha +Ġadop tadas +Ġp imiento +Ġprelim inares +ama ica +Ġvit ro +di t +ĠPen itenci +S ent +tar nos +Ġacompañ aron +Ġneu tro +Ġhegem onÃŃa +Ġpañ uelo +Ġvol antes +Ġech amos +ĠPis cina +ĠH amb +Ġrealiz aban +ĠAn tena +es an +ĠO z +Ġvolver é +ĠCl ientes +Ġdan zas +ĠBern ard +v ora +Yo u +Ġgradu ados +Ġhero ÃŃna +h il +o ter +ĠD orado +Ġsir vieron +Ġno vil +ĠO urense +ĠÃģ lava +ĠSud americana +qui el +Ġtir ó +Ġ.. ... +ĠRam iro +Ġapasion ada +ĠGESTI ÃĵN +Ġmer cen +Ġincorrec ta +Ġl echo +ĠAr thur +Ġev itan +at s +Ġper ejil +Ġfacil itará +Ġver ÃŃa +Ġprolon gar +ĠTig res +ĠSpo tify +Ġy an +le er +Ġcar icias +gü edades +Ġm ech +Ġsu ene +Ġcas illas +Ġtraslad arse +Ġans ias +oci tos +Ġart ritis +Ġqu itan +Ġesper es +Ġpregun taron +ti miento +Ġmir ador +Ġpagar á +Ġrespal dar +it ana +Ġ9 11 +Ġdispon drá +ĠD og +J un +ÃŃ lico +ĠMar qués +Ġreci en +Ġneum ático +g ios +Ġas er +Ġenci ende +ñ ó +Ġdev oluciones +Ġimpon en +ĠRe paración +Ġcambi ante +Ġlic or +di rá +ĠEst ás +ĠAD V +Ġen ig +Ġsal p +ĠCar di +Ġilust rar +Ġcre cieron +ĠMira flores +Ġdiecis éis +Ġinde se +Ġadmira ble +ten emos +Ġemp are +Ġrespon da +Ġl it +Ġinmobil iarios +Ġtritura cion +b anos +Am or +Ġn áus +ĠP abellón +Ġen o +ud ales +Ġacep tas +Ġretor n +ĠF ul +Ġprotec tores +Ġn ena +rim ento +Ġenter arse +Ġolvid arse +Recuer do +ci era +Ġcaus adas +Ġasi ática +Ġ5 50 +Ġluc ra +ĠPregun tas +ea u +Ġenfoc ar +ĠP ÃŃo +je to +Ġcuer nos +Ġinm er +Ġconv inc +ĠTRABA JO +Ġn m +G AL +Ġl ÃŃo +Ġper eza +Ġparro quial +tes t +Ġprop iciar +ĠElec tron +on ga +Ġcr ónico +Pue den +Ġpon entes +ĠO ff +Don ald +Ġbiblio grafÃŃa +Ġescand al +ĠÃŃdo lo +Ġtraduc tores +Ġenerg éticas +ĠFIN AN +Ä ģ +Ġfu iste +Ġform arse +ĠMunicip ios +V endo +ĠUn der +Ġvol um +Ġgu iones +ĠPas s +os io +ha us +Ġdiscapaci tados +is hi +oci ales +ĠC PU +ĠP rac +ĠCom isiones +Ġne ta +ĠT D +Ġval las +Ġdic tar +Ġconv icciones +ó teles +Ġens ueño +ĠMag ic +Ġex uber +Ġcor rom +ps ol +Ġrecompens as +AB LE +ĠC SS +Ġtraslad aron +Ġpol las +ca pe +Ġcomp rimido +Rec on +ĠAnim ales +Ġlig er +Ġasegu rada +Ġcob rando +un dos +Ġfu ero +Ġcruz an +Ġincrement ando +Ġgalard ones +Ġhablar on +ĠMor elia +Ġv iu +Ġtribu tarias +Ġdiagn ósticos +E lec +ĠB ono +Ġobede cer +G an +ĠP lu +Ġv osotras +ĠR h +Ġos ea +graf a +Ġth riller +Cer ca +Ġinter nado +ĠMa za +Ġ% ) +S ur +ĠAndre w +ent able +ĠS par +ĠPer fecto +ĠAc to +p tos +Ġcol inas +Ġh d +ĠP ico +ina ciones +Ġjapon esas +Ġparado ja +vis ible +ĠZ or +cons ciente +ian ce +Ġtra ÃŃa +Ġaz u +Ġri s +Ġestren ado +ti cio +Ġrepresenta tivas +Ġamor oso +Ġóp tico +Ä ± +Ġ6 01 +Ġdesinter es +Ġgener ará +Ġvol c +23 7 +Ġexhaust ivo +Ġcol isión +Ġclima tización +Ġme to +Ġsome te +Ġvid rios +ĠF iel +Ġexclus ividad +C EL +Ġre tórica +c ÃŃan +ĠOde brecht +ord on +ĠAdminist rador +Ġindependen tista +Ġhab itante +Ġgra ba +US A +am ó +Ġcal deras +Ġdist ante +ĠilÃŃ cita +Ġdesac eler +Ġfl uye +ĠLegan és +Ġse villa +Ġflu ida +Ġsuces ivos +Ŀ ¤ +Ġexcl uye +Ġdetener se +ĠM ág +ĠFujim ori +fi quen +Re ad +Ġbe ige +ĠNick y +Ġ19 41 +Ġco aching +Ġbo om +Ġcoment é +Ġpron ta +Ġhech izo +Ġentra ñas +ĠPU BL +Ġg los +Ġinjust a +Ġa tado +Ġgri tando +Ġero ticos +Ġtum bas +Ġobst rucción +Ġgenoci dio +ĠOfici nas +Ġextrac tos +Ġmal dito +Ġceleb ridades +Ġagrade cida +Incl uye +in ador +Ġconstru yeron +ĠPerió dico +ent s +ĠJ O +Ġcor rosión +ĠCon gresos +ÃŃv ares +Ġroj ib +tor o +ĠH uerta +Ġconserv ado +ĠLeopol do +Ġfol leto +ĠCul turales +ĠD ir +ĠServ ices +Ġimpuls ó + ½ +Ġ19 00 +Ġsolici taron +Ġesca ños +ĠB ola +ĠG av +ĠH AB +Ġexperim entan +Ġsobreviv ientes +Ġchanc adora +Ġmol er +Ġincrement ó +Institu to +ĠI v +Ġhos tel +Ġadelan ta +Ġcá tedra +A hÃŃ +Ġpi di +Res ul +lor e +Ġenz imas +ĠLo urdes +Ġasist ida +Ġgolpe ó +Ġescon den +Ġimpar able +n ias +ada via +Prim era +vi ales +Ġbril la +ĠForma to +Mujer es +Ġpan car +Ġsilen ciosa +c un +ĠRe habilitación +Ġconven cida +Ġch ir +anti cismo +Ġjust as +cti mas +c tion +Ġsig as +ĠEle mentos +S or +Ġdeten ciones +Ġnoctur nos +un ge +oci na +Ġhab ÃŃas +Ġinvis ibles +Ġne oy +Ġgu ap +Ġsac amos +Ġb esa +ĠO don +Ġsól idas +Ġv ello +Ġinf idel +d ona +Ġentr ante +ĠMer cados +ĠDES ARROL +Ġtin tes +; . +Ġ19 29 +Ġarro jar +ĠMa de +ĠQ ual +ĠdiscÃŃp ulo +Ġinvoluc rar +l ight +ĠS K +Ġconoci mos +Ġsta ff +Ġan ormal +ĠMon to +Ġcre yente +ĠImp uestos +Ġconserv adora +ĠIden tificación +Ġdestac able +ĠFil m +A segu +Ġlo w +rill eros +Ġle tal +ĠT emas +ex ual +Ġconven ce +Ġsu puestas +Ġpa ternidad +Ġcober turas +Ġpe tro +ĠPer alta +Ġrob ótica +Ġcar amelo +ĠIbero americana +Ġdemand ada +g ie +ta to +im es +Ġ11 6 +Ġbac alao +Ġperiod ÃŃstica +Ġcoe ficiente +ĠRes idencia +C á +Ġsust rato +ĠÃī tica +ul siones +ĠT QD +Ġcar riles +Ġintersec ción +b uc +ĠP uertas +ĠPo déis +Ġilum inado +ac t +Ġdiplom áticas +on omÃŃa +Ġacog ió +Ġautoma tizado +ĠCrea tive +Ġinger ir +ĠdÃŃg itos +Ġepic entro +Ġavis a +** * +Ġex or +ĠF AM +Ġbeb es +L ea +Ġenf oca +Ġtribu tario +Ġex f +Ġorto grafÃŃa +Ġqu ite +ĠCo ahuila +Ġcompar tieron +ĠJes sica +ĠEv ita +Ġ11 4 +Ġconsegu ÃŃ +Ġagrade cidos +ĠBas ÃŃlica +Ð ± +Ġdesesper ado +Cuán tas +Ġang ular +Ġcompeti tivas +Ġdim ens +ĠNorm al +Ġo ce +ĠVil legas +ĠDuran go +u ados +Ġlo como +Ġsober bia +ĠAU TO +Ġdes vÃŃo +oci edad +ok u +Ġprior itario +ĠA E +ĠJ ay +Ġsuperfici ales +Ġapre tar +Bien venidos +Ġsub campe +Ġcort ometraje +Ġacon sejo +st ra +Ġec ologÃŃa +ĠF all +Ġca ñones +Ġinterac tiva +Ġfontan erÃŃa +Figu ra +Ġsub tit +Ġorig ina +ĠCar la +Ġtre p +in tes +Ġme ten +IS O +Ġus es +ĠG uy +ĠClas sic +ab ado +Ġk a +ĠX unta +Ġcoloc amos +ĠH ue +Ġch ap +Ġcorri das +Ġcampes ino +Ġaerona ves +Ġalcan zados +Ġestu vi +Ġinm ort +Ġhom eo +Ġminia tura +Ġi i +T it +as en +Ġom n +Ġgestion ado +ĠP ES +ĠT HE +ren das +Ġconcent rarse +ĠSEGUR IDAD +ĠIbar ra +Ġcolabor an +Ġsosten ida +dos is +Ġinmobil iarias +ĠC ana +ĠEs cor +ĠJun tas +p amiento +ĠJef f +ĠMode los +ul d +Ġconcent rados +ĠJas on +Ġcas eras +Ġequivoc ada +geci ras +an das +ĠO mega +Ġconstruc tora +ĠMaes tros +ĠInmac ulada +ĠE CON +Ġ19 37 +Ġautén ticas +w ords +ĠElec tricidad +Ġaprender ás +Ġincon form +Ġprole tariado +ĠMo ore +Ġelec tron +Ġestad ÃŃstico +ial s +Ġat entamente +cer amente +ĠAca pulco +w ikipedia +igra fÃŃa +ĠFu turo +ĠRe psol +ĠConst ruc +OM B +m und +ay as +Ġe cl +Ġc ris +tel l +ĠSh ane +Ġol ig +Ġrecam bio +ĠClim ático +Ġli tio +ĠFa ir +Ġantioxid ante +gl omer +Ġdec ena +ĠAz teca +ĠT ub +Ġap ocal +ĠDel ta +ĠMa dero +Ġfabric an +Ġtrop ez +ĠConsum idor +Ġo pone +Ġalcan ces +Ġsab roso +Ġ19 17 +ĠL GT +Ġilust rado +L lev +ĠKar l +ĠA x +ĠBal ance +19 90 +OM A +ĠMU Y +Ġl unar +Ġap tos +ĠSin dic +Ġenci erra +Ġdiplom ática +Ġdon ar +Ten iendo +z ol +F S +ER RA +ĠPr óx +ĠPe dr +Ġdescom posición +h isp +ĠT iendas +Ġhon do +ĠMas ters +Ġpal iar +Ġperder á +Ġsensor ial +Ġinterrup ciones +Ġlec tora +Ġdes bor +áp oles +Ġencer rado +b endas +ĠZ acatecas +ĠH UM +ĠV ásquez +ĠSan itaria +D iv +Ġdenomin adas +ĠBenjam in +M y +Ġ19 49 +... - +ĠSando val +ĠF RAN +ĠLa va +ĠDist rital +Ġdomin antes +Ġred on +Ġfilóso fos +Ġpreten demos +Ġacudi do +Ġdistin guen +Ġh is +Ġmos quitos +Ġhotel era +ĠEnter tainment +Ġcas tig +Ġconfigu rado +Ġinform arse +Vesti do +Ġcog ió +ĠPatr ick +Ġconce dida +B el +P aso +ĠL obo +Ġpen it +ces as +S um +Ġtrabaj ará +Ġg il +ĠM ÃŃn +Ġres piro +ðŁ Ĵ +Ġestablecer se +Ġrec ÃŃpro +A U +Imp ortante +ĠIR PF +Ġpa guen +ÃŃf era +ĠConten cioso +ĠGRA CIAS +Ġpor men +ĠB rin +ĠBeat les +tu ps +Ġelev ó +Ġabur rida +D icen +ĠCarm ona +hos t +Ġinver nal +ĠAvel laneda +Ġin édito +Ġfas cismo +w art +ĠEst ambul +ĠBar cel +ĠES P +ĠBen z +ĠModer n +t ner +ĠCual quiera +Ġencar gadas +Ġw h +Ġfil trar +de recha +vo que +Ġtor ta +ĠNeu quén +Ġano tación +ĠSuper man +Ġentra mado +Desarrol lo +ti cidad +Ġtra ga +Ġentre gando +Ġinstal arse +ĠDI Y +Ġf erv +ĠEspe jo +? ). +Ġidio ta +Ġdet rimento +e i +n úmero +Ġexig ió +Ġtera peuta +ĠMone tario +ĠSe t +Ġescándal os +Ġmedi evales +ĠMar adona +ĠSpr ing +ĠI E +pe utas +st one +Ġast rona +Ġculmin ar +Ġsuperhéro es +Ġtom ados +ta pa +Ġprovoc ada +! âĢĿ, +Ġeleg imos +Ġmay a +Ġinmun ológico +Ġlegu mbres +B log +Ġper dÃŃ +ĠD OS +ĠColum bia +Ġcor rÃŃa +person ales +Ġcro ata +ĠAmaz onas +Ġpar ten +Ġprecip itación +ĠB ici +Ġay uno +Ġsust enta +ĠInicia tiva +ĠP ampa +Ġ11 8 +Ġestim ada +Ġplante ada +ĠArch ivado +ĠG AR +u entes +Ġ27 0 +ĠHum ana +ĠSE Ãij +ĠAlic e +Ġ19 44 +Ġfar os +Ġconmo ve +Ġvendi das +Ġjer árqu +Ġelectr ones +ific ó +Ġarre me +la gos +Ġjug amos +ĠSh ar +col n +Ġespor á +Ġsitu a +ĠSE P +Ġrenov able +Ġinsta gram +l ora +Ġgal lo +Ġide ologÃŃas +Ġseguir é +Ġmor ado +Ġexisten cial +d aron +ed ic +tern al +Ġpredis posición +ED A +Ġc rack +tiv ista +Ġexpro pi +Ġr all +Ġperfec cionar +Ġhipotec ario +ga tas +Ġanti inflama +Ġprev iene +Ġnerv io +Ġtempl ado +AN TES +Ġdes m +ĠMon clo +Ġ Å +ĠI L +Ġhorizon tes +Do cu +Ġinter media +Ġdev ol +ĠEsper emos +Ġexac tos +Ġexter n +lab rada +Ġmanufac tura +N úmero +ĠD ante +Ġcorre la +ĠMad res +Ġperió dicas +z ura +um entaria +Ġbo tÃŃn +Ġmos ca +Ġsuici da +u zas +ar ena +Ġdic tó +Ġestra tos +ina cional +Ġgra mática +Ġsobrena tural +D ie +ve a +ĠK il +Ġ22 5 +pl it +Ġestu v +Ġbor rado +G re +P arte +de b +Ġjam as +n ales +Ġimpedi mento +ĠM ón +AN ZA +f avor +ĠMil enio +cur sos +Ġsitu arse +Ġestable zcan +Ġdesempeñ an +ĠImp erial +ĠD ivers +Ġap óstoles +ĠAc ciones +Ġevent uales +Ġcre ará +Ġrespe tuosa +ĠAssocia tion +ĠP EN +V ÃŃ +Ġb uta +Ġper me +Ġas ado +an na +ĠG ál +ĠTen ga +aliz arlo +Ġviv an +OLU CIÃĵN +duc tores +Ġofre cida +Ġhe tero +Ġtemp er +ĠBan cos +Ġepide mi +Ġsubl ime +Ġcal ificados +Ġmarx ista +Ġto t +ig ración +ĠMer kel +comun idad +Ġmism ÃŃsimo +D en +Ġmeteor ológicas +j ito +te as +ĠRod riguez +ĠC GT +ĠPe ugeot +Ġan ulación +Ġpr omin +ern as +Ġadj unta +In ici +ĠPlan tas +Ġna uf +Ġw ill +Ġhall aba +Ġmi den +Ġadmi tido +ĠPay Pal +ĠA SO +ĠMag na +Ġcastel lana +ĠAn ÃŃ +Ġsu ero +ĠIs mael +Ġdev uelto +Ġrob usto +Ġtir ón +Ġdespe jar +ĠRecor demos +Ġcu este +Ġinform ará +Ġrefle jada +Ġvecin dario +Neces ito +Ġapropi adas +ĠZ u +Ġcontactar nos +ĠGio van +Ġsin ónimos +Ġc it +Ġcómp lices +ĠC ueva +Ġdes mor +Ġsa una +Ġviol ar +Ġmante ca +S T +ĠCu ader +ĠCh ino +Ġgu iado +EN CIAS +ÃŃr ico +ĠMen ores +Ġpiz ca +Ġsustancial mente +T iempo +ĠBach elet +Ġcorrup to +Ġp imientos +Ġsaber es +Ġaplic ó +ĠB ásico +Ġsem án +ĠSa úl +b ico +f ines +Ġcu estan +Ġri ñón +Ġiran ÃŃ +Ġw his +Ġrel i +ĠEnerg y +aj al +ĠPr ést +ĠJurÃŃ dico +! ). +ic emos +Ġfin alizada +pec ta +Ġrecor ren +ĠD ÃŃ +pos o +Ġsepar arse +ĠLeg isl +ĠR T +abas co +Ġdistingu ido +Ġjardin erÃŃa +Ġdelica deza +Ġger min +du zcan +Ġvoc alista +Ġabra zos +Ġ ás +Ġes lab +Ġinici ando +Ġextrad ición +Ġbo tes +ĠE videntemente +Ġinquie tante +Ġhu ida +tar me +Ġpac tado +Ġinf el +Ġpresent adora +OLOG ÃįA +Ġbailar ina +Ġv asta +Ġcol gante +Ġâ Ī +Ġdo lares +Ġrespe tado +Ġalmacen aje +M ag +ĠPor sche +Ġimag inas +Ġcambi arlo +Ġgratific ante +Ġn es +Ġman i +Ġcu estiona +Ġtra mas +ĠBol sonaro +Ġpas arse +tar i +B ay +Ġviaj aba +ac an +ĠIn gresos +Ġoportun amente +ĠEx c +Ġveinti cinco +Ġexpres aron +Ġinel udi +ĠAd vent +Ġprefer entemente +uc emia +ĠA ga +Ġger entes +Ġlib rar +Ġár bitros +ĠStu dios +C M +ĠH ura +Ġnecesita ban +Ġmultiplic ar +L iga +Ġases ora +ĠEp iscopal +Ġencontr ada +Ġmar ciales +ĠS it +Ġcos taba +Ġgan aba +Ġhabl é +Ġdivi didos +ĠJu ris +Ġquirúrg ico +Ġconfi ables +Ġaten dió +Ġnav idades +153 15 +Ġform ulado +Ġrefer idas + Ĵ +ri oso +Ġal cista +oc ola +Ġconv al +ĠPara ÃŃso +Ġanaliz amos +Ġvo taciones +Ġsuel tos +f uegos +Ġdeci mo +Ġcomp iten +Ġrecur re +a tivos +t za +ba y +Ġmer ienda +Ġan a +Ġprome to +o ff +Ġflo tante +ĠA pe +TE M +o h +al les +dic ho +on ados +ĠEN TRE +Ġpen de +Ġregal ado +ĠConse jero +ĠlegÃŃ timos +ór icas +Ġren cor +ĠCarre tera +Ġmanten drán +Ġdesbloque ar +ĠTrabaj amos +ĠAn tón +bl r +Ġr ing +ie ves +Ġfun eral +Ġingen u +Ġt b +Ġmermel ada +R am +Ġcomun as +cos ur +Ġtermin é +Ġvic tim +ĠOC DE +Ġviol ÃŃn +dica ciones +ĠAt lanta +Ġlej ana +ĠAudiovis ual +ĠF eng +Ġcoment as +Ġcé dula +ĠAlc ázar +Ġromán ticas +P AS +Ġ" , +Ġocur rencia +ĠMon tre +Ġrel u +Ġdon es +Ġajust ada +Ġpic ada +3 50 +Ġh y +Ġrequer idas +а н +ĠMan u +Ġfronter iza +ĠJunior s +ĠMo z +Ġan chas +Ġam er +par to +ĠPar ker +ĠHor ario +Ġexhaust iva +udi llo +Ġdirig imos +Ġteór icas +Ġdiscul pa +tu alidad +aj ero +ĠV IDA +è re +Ġar bust +Ġexcl uy +ĠMe g +ĠRes puesta +Ġapues tan +tal e +Ġexce der +ĠGu ill +C apa +IG O +Ġinne gable +ĠM ART +go v +Ġfal ló +Ġecu aciones +Ġsatisfac torio +Ġidén tico +Ġobserv adores +ĠPho to +se gun +ĠG ior +ĠMer curio +Ġher edi +Ġredi st +Ġnomb ró +Ġl lano +Ġaudi ción +ĠAb s +Ġemail s +ográ fica +Ġinda gar +Ġnomb ra +Ġafil iado +Ġtrans misiones +ĠAgu il +ĠCu au +Ġcliente la +ĠCD MX +Ġópti mas +Ġanticip ado +Ġestu fa +Ġinterpre tó +Ġcartel era +Ġpa y +Ġt ie +Ġal fa +ĠF iat +ĠComple ta +â łĢ +Ġcos tará +Ġra tio +Ġindo cu +re m +Ġcar pa +Ġna tiva +Ġul timas +Ġautor izaciones +Ġmode ración +Ġprepar amos +Ġtún eles +Ġco un +Ġ14 4 +Ġtripul antes +Ġcor dillera +Ġencar ar +ĠDef ensor +Ġinú tiles +Ġexcl uir +Ġinci erto +ĠCorpora tion +j ita +Ġsa tis +Ġprogram ados +Ġl itu +Ġluch ador +Ġam amos +Ġsitu acion +Ġprestig iosos +ib es +ár sela +Se ñal +j ano +g inas +aya k +pro f +ĠAl tura +Ġco ex +Ġdic tam +L og +end arios +Ġllu v +Ġneu tral +ĠH and +dic ción +Ġpolém icas +Ġver dura +Ġor ar +Ġ19 38 +Ġcor tada +ĠSol ÃŃs +B er +ĠV ari +Ġson deo +ĠDan iela +Ġqueb ran +o ces +ĠO RI +Ġdur ará +Ġval ió +ĠO ral +Ġllen ó +Ġacercar on +bs p +Ġt inte +Ġcaute lar +ĠCh allen +Ġinterna utas +ĠAc ci +Ġautom áticas +Ġgar ras +Ġcolabora tivo +ĠCom ienza +Ġaca dem +u ario +ib al +Ġobje tividad +ĠCan nes +Ġazul grana +ĠAbog ado +Ġsan cionado +Ġtro feos +Ġinmig rante +in era +Ġprecar iedad +Ġm enta +ĠGas tos +Ġdeman dan +C rea +Ġpar ches +Ġbau tizado +ĠE mail +emin istro +Ġme tiendo +Ġpas to +Ġz omb +Ġocup aba +Ġcáp sula +Ġten gáis +Ġaloj ado +p ito +con i +Ġam aba +ĠD ulce +Ġmuch isimo +ĠModer na +z za +er rec +Ġest ero +ĠB úsqueda +Ġeduc ado +Ġ195 2 +Ġcomp uls +ĠAM LO +Ġmer curio +Ġenve je +Ġmagn ÃŃficos +Po int +Ġosci la +Ġin cip +ÃŃn cipes +Ġescri turas +ĠYa hoo +Fu entes +Ġton ta +Ġsub es +Ġingres aron +ĠRiv ero +Ġmas tur +Ġhabl en +Ġarro ja +om ec +Ġfavor eciendo +ĠMag ist +Ġindefin ido +Situ ado +l ones +ba t +Ġtem ario +ĠTit ulación +ĠJ ara +Ġbon dades +ĠM it +zu ki +Ġpe gada +Ġag lut +f fe +OR D +Ġafron ta +Ġestimul ante +Ġases inada +ket s +Ġposterior idad +ĠCR M +ĠIndi vid +ĠCar bon +i ya +Ġcas tillos +Ġadvers arios +ĠC aba +ĠEl aboración +ÃŃn ica +Ġus en +Ġsorte os +Ġcom ités +E leg +P T +m é +Ġpun tero +aj adas +ide razgo +Ġemble ma +ĠEmerg encia +ti mar +ĠM ental +ú piter +ĠT AR +Ġanunci ando +Ġlesion ó +as cript +an dez +Ġinex istente +ĠCon dado +Ġobst ru +Ġacel era +Ġx q +ĠAu rel +Ġasturi ano +ĠG aceta +Ġblan da +Ġrad ar +p ación +qu ino +Ġcorrespon sal +Ġmur ci +Ġdescif rar +ĠSi guiendo +Ġestim ar +den tro +ĠPan talla +Ġenten dió +j ido +Ġaf inidad +Ġle as +Ġencabez ó +â Ĺ +Ġbon ificación +ĠPan el +Ġhospit alidad +ĠCub ana +o u +Ġmil enio +ip res +ĠÃģ reas +Ġadv ierten +Ġexplos iones +ĠVesti dos +Ġconsigu es +Ġretras ar +ĠRon ald +Ġmar ti +In st +tri p +ĠSol er +ela ya +no c +ĠRay o +ĠMo del +Ġmoch ilas +ĠR af +ĠOR GAN +Ġorden es +Ġfalse dad +Ġench uf +Ġincur rir +ĠH ans +Ġrespon dieron +Ġtribu tos +ĠLic eo +B M +Ġbro te +ĠNeces ito +di ario +ĠV iva +ĠGo vern +Ġsemej anza +Ġsu tiles +Ġplante arse +Ġtransform arse +ADOR A +Ġacog ido +BI ER +bl anco +ĠLe gen +ĠMor o +Ġpene tra +Ġestar ÃŃamos +to das +Ġap titud +iu re +EN DA +ĠMan tener +Ġtransex ual +ĠF ood +Ġdecl ive +ĠAb u +ĠPak istán +Ġprem isas +ĠNapole ón +to tal +Ġsen adora +Ġe voca +ĠMar is +ĠJes us +Ġ< / +ĠSISTE MA +Ġpatrimon iales +Ġcuad rada +Ma terial +Ġsug irió +ĠViz caya +ĠJugue tes +Ġpedag ógico +ĠCENT RO +ĠDI OS +Ġmel ena +Ġfluc tu +ent arse +ĠV O +se le +Ġde valuación +Ġas idu +Ġver le +Ġcontra taciones +Ġsatisf echa +ĠReb el +A t +Ġcontra bando +Ġcaracter ización +ÃŃp ica +ar ning +Ġcier res +ĠEleg ir +Ġha iti +ener se +Ġla tente +lec er +Ġdespe dido +Ġ* * +d ónde +ĠCol ores +Ġpod ras +é semos +ĠM V +Ġbau tismo +Ġdial og +Ġe rección +Ġllama tivos +Ġquin cena +Ġapun tando +Ġparal elas +Ġpo le +Ġcie ga +ro ck +Ġquedar nos +Ġvómi tos +Ġgan cho +o tra +ar iado +Ġbaj aron +ĠOrden anza +Ġde ducción +Ġtrans itoria +Ġsitu ó +jes e +Ġest ri +ĠS now +ĠS úper +ucle ar +Ġalba ñ +ĠJo el +Ġestup idez +Ġmir é +ĠBro ad +Ġenter rado +ĠMen éndez +ĠL AN +ces s +Ġprop icia +Ġperfec cionamiento +Ġrecomendar ÃŃa +Ġra cial +Ġefectu ó +ĠLiber tador +Bus ca +ic ero +tos terona +Ġno to +Ġtin ieblas +Ġmultidiscipl inar +Ġj ac +ĠZ ulia +R adio +et to +mm m +Ġarre ci +ue to +Ġau tismo +Ġsegun das +l is +Ġdesperdi cio +úr pura +ĠexplÃŃ cita +Ġcafe ÃŃna +ucar amanga +erra t +ĠApo calipsis +Ġreci clar +Ġdesign ados +Ġhomogén ea +Ġpe inados +Ġadul tas +Mar tÃŃn +ĠER P +Ġresgu ardo +et ic +Ġvisit ará +NO TA +Ġdestina tarios +Ġre port +Ġsan ar +Ġmos cas +Ġagreg ados +om ÃŃas +ĠF ed +Ġhor aria +Ġinher entes +Ġpro ba +ĠN ápoles +ĠTrans ición +ĠIMP OR +Ġdesaperci bido +Ġadiv inar +Ġto co +Ġacumul ados +ĠCarab ineros +Ġo jala +in ense +Ġh ún +ro ides +T ienen +erv os +Ġfas cista +l al +sal ud +Ãī R +Ġpenal ti +Ġh uyendo +ñ imiento +Ġrej illa +Ġdivers ificación +Ġmoles tos +A st +en j +B AN +ĠC iudades +Ġa dos +Ġaparecer án +ĠLegisla tiva +Ġsin gles +Ġdecora ciones +Ġrecog iendo +Ġestan que +ĠStan dard +Ġfinal ista +ĠBan dera +Ġca tara +Ġpros egu +id orm +Ġcom eta +ĠPon er +Ġincent ivo +Ġplur alidad +ĠShang hai +D omin +C ir +Ġcó mico +ex cepto +vs ki +ĠVelo cidad +d aba +v ación +u ria +ĠB endi +ĠJ UN +Ġdispon ÃŃa +Ġ11 3 +ĠPol ic +Ġje ans +ĠEscri turas +Ġtra zar +ĠReg alos +ĠAmeric ano +Ġabo ut +ĠC IF +lan ds +Ġcor ral +ĠGar zón +Ġ19 46 +Ġred ondas +ĠEstatu tos +Ġpien sen +Ġimprovis ación +Ġsir viendo +A lex +Ġse vero +Ġan tologÃŃa +Ġinvesti dura +Ġgener adas +Ġpuls eras +Ne w +ĠR is +Ġsal iva +IS IÃĵN +ĠT N +ĠB OL +Ġcúb icos +Ġinspec ciones +Ġacumul ando +ĠRan king +Ġrot undo +ĠVesti do +ĠI van +pos t +Ġdon antes +Ġenten dida +ĠFe dera +Ġmej illa +L imp +pa tas +unda tion +Ġhe la +ĠJer em +ĠTes or +ĠEstrateg ias +F M +Ġins crita +Ġno tario +Ġpu zz +Ġincon stitu +th y +ĠAg entes +Ġh uerta +om ia +Ġvol vi +ue ca +Ġresist encias +Ġinspec tor +z ale +Ġast rón +F IL +Ġre poner +T ecn +Ġsan cionar +Ġcomplement ario +Ġsimpl ificar +Ġfranqu ista +Ġjoven citas +. âĢ¦ +ĠCor al +u gas +Ġdel i +gr adas +pen ha +Ġnumeros a +ĠCel ta +Ġrei tera +Ġal tru +fici e +ĠY os +Ġfun dar +Ġton terÃŃa +Ġbrind amos +Ġbol ÃŃvares +1 30 +ĠArist óteles +ĠTri un +ĠAgr ÃŃcola +way s +Ġtransform an +Ġche ques +Ġances trales +EL EC +ĠLatino americano +Ġblog ger +Ġrec ambios +N ic +Ġcogn itiva +ĠRena cimiento +ĠD ÃįA +Ġpercep ciones +Ġpara jes +Ġbo chor +Ġalum na +Ġdes inte +Ġni ñ +U nas +Ġafric ana +Educ ación +p adas +ur n +Ġ19 42 +Ġd inastÃŃa +Ġhebre o +f ÃŃsica +ĠDu bl +Ġconoz cas +ro ta +ĠTemp orada +EC ES +Ġdecor adas +Ġcomunic ados +C ent +Ġce dió +ier i +ĠCh en +ĠAcadém ica +Ġuniform ados +ĠF ly +Ġk its +Ġprogram ador +ĠSil ves +Ġfrac ciones +Ġsoci alización +Ġacú stico +Ġtorn illo +ĠEn con +Ġlava dero +Ġcon gregación +Ġtel ón +Ġrú stico +Ġcal l +IT OR +Ġhorne ar +Ġexci tación +in stal +Ġv ector +tor ales +ti as +Ġ14 5 +Ġasi áticos +Ġcrono grama +Ġs pin +ĠC AD +Ġescul tor +Ġhipotec arios +Ġcigar rillo +ĠEST ADO +p ha +Ġasegú rate +ta za +Ġcor reas +âĢĵ . +Ġde pu +ĠD id +Ġmode sto +ĠSitu ación +b ac +Ġcr omo +ĠIndustri as +go ci +ĠN UES +Ġfru tales +Ġaleg ando +A u +Ġtras plan +rg ia +Ġemple adores +Ġde duc +Ġcomplement an +g ido +Ġaloj arse +Ġtrascen dental +I TE +ĠSin fónica +Ġejer cido +Ġse den +Ġcal ado +Ġra ción +ĠMa quinaria +ĠComer ci +Ġint rig +Ġpers iste +Ġmarch ar +T ab +inal do +Ġafec ción +UC H +Cons ulta +L lam +ve te +Ġagr ada +ĠT ales +Ġconci enciar +ĠCol lec +Ġcompos itores +ĠV E +ill eros +Fuer on +g ing +Ġorigin ó +C ó +K O +Ġcif rado +L lega +ĠP ensiones +ĠBern al +Ġatravi esan +â ĺ +Ġencontr adas +Ġang los +ĠValdi via +tar la +Ġexig idos +Ġextra e +Ġde duci +Ġfor ense +Ġtig re +j ica +ĠEx tensión +for os +Ġfunda ciones +aca ibo +Ġme ll +G as +ĠT abasco +G e +Ġn om +Ġsistem áticamente +Ġb usto +Ġmo vió +Ġcomba tientes +Ġrepubl icana +ĠUb icación +produc tos +Ġestim ó +Ġpol if +Ġpag amos +ĠHi jos +an idad +Ġacci den +M ED +ĠIN G +Ġprescin dir +ĠIn cor +TOR ES +Ġinjust icias +A uto +Ġca ÃŃdos +Ġesté ticas +ĠUN IDAD +ĠCr éditos +Ġfilosó fico +Ġglam our +bi tos +Ġpersegu ido +Ġno taba +ĠAndal uza +å ¤ +ĠMo untain +Ġ900 1 +Ġin apropi +pec abezas +Ġd ay +Ġpronunci amiento +Ġinesta ble +ĠAm sterdam +A v +ĠHer edia +Ġconec tadas +Ġprefer ir +Ġvin ilos +Ġacomo dar +Ġreivindic ar +é e +EC A +ĠJa ume +Ġhuéspe d +ĠA ro +Ġprotagon izó +Ġjer sey +ĠLion el +Ġc rib +Ġproporcion e +ĠcardÃŃa co +O p +Ġentusias ta +m ec +Ġus aron +Ġhaber la +Ġaisl adas +Ġpar pa +dal o +Ġla tas +óg icamente +Ġconsum ido +Ġego ÃŃsmo +iza cion +se o +ú na +ĠU K +Ġsa tel +Ġacab ando +Ġprofesional ismo +Ġinterv ino +Ġcie gos +Ġenvi amos +Ġenfrent amos +u cia +ÃŃn ico +Ġgo urmet +Ġarres tado +S OS +ĠW el +ĠGram my +ĠE J +Ġi ris +ĠMar ino +Ġd uchas +Ġten ista +i ñ +ór icamente +Ġofre zcan +Ġper dÃŃa +Ġsue ña +Ġagres ivos +Ġus aban +Ġbloque ado +ĠP OD +ĠStor y +ĠU mb +Ġpol vos +Ġvac ante +ĠTes la +le jo +tic u +ĠCas ual +Ġconseguir ás +Ġmural las +Ġm ola +Ġres urg +ĠY e +Ġ26 0 +CI UDAD +Ġce de +Ġsusp enso +Ġpatr ul +Ġin a +Ġorden ados +re cu +ĠN am +ĠHo ja +ĠR ip +ĠR ug +Ġdistribu ida +е ÑĢ +ĠQuin tero +Ġpersever ancia +Ġparás itos +ĠLleg ó +Ġanto jo +Ġenerg ia +Ġafirm aba +ĠFab ricación +Ġdesapareci da +Ġhincha zón +Ġsub terráneo +Ġmovil izar +h uel +le d +ĠN utri +y r +Ġcomp lace +ĠMas aje +Ġs lo +ĠDes ayuno +Ġcoment ando +Ġabsur da +ĠINS TITU +Ġpens ados +Ġdesp res +Ġrenunci ó +ĠCon tro +ĠL ed +Ġo ir +ĠAC TIV +Ġref ren +Ġdise min +Ġchav ales +Ġdes esti +Ġrom an +Ġiner cia +ĠFores tal +ĠES TE +Ġde ma +Per ú +car dio +ĠCaball eros +Ġh ir +tu osas +Ġprefer ente +ĠCal iente +Ġazo tea +ĠSob er +ĠChev rolet +Ġma taron +Ġutilizar la +sal vo +t éis +Ġsobr ina +ĠLÃŃ bano +ER ÃįA +ac om +ĠSimp son +es tán +ĠDi ablo +Ġentren ado +Ġinspir ados +Ġcompara tiva +ival ente +Ġl é +Ġpar álisis +ĠCom edor +Ġcer rará +Ġconcesion arios +Ġsign ificación +Ġcomun ÃŃ +ĠC EL +je da +ĠCor in +Ġpin tada +Ġrecre ar +Ġhidrául ico +Ġform aba +Ġolvid ó +Ġdispu tas +gam onedas +Ġutop ÃŃa +ĠV aca +Ġfac ciones +Ġcoinci dieron +Ġtiro teo +ARD IA +ĠCon cha +Ġseñal ada +Ġdeman dar +ĠE val +ĠFar c +ĠBr un +oloca usto +Ġdid ácticos +Ġbox e +Ġcons umos +Ġgran ad +ĠEstratég ico +: " +ti dores +Ġmunicip alidad +Ġperman ecido +Ġcre denciales +Ġrep udi +Ġprepar ó +Ġmostr ador +Ġdesempeñ ó +Ġemocional mente +Ġfuncion ará +Ġjug adoras +gl io +Ġfisc alización +Ġbik ini +Ġtrac to +Ġenvi arnos +âĢ ķ +Ġcu a +ĠA vil +ĠFrank lin +Ġmanifes tarse +inta ge +culos is +ĠHur tado +id ada +Ġconocer á +**** **** +ĠS lim +Ġas umen +ĠH osp +Ġah um +Ġnorm alización +ÃŃst er +ĠAd van +ĠAn ne +Ġcontac te +ĠRiv adavia +c ola +ac tas +Ġmad uros +ame da +ĠC AB +Ġhe patitis +Ġrastre ar +Ġtur bo +t ámenes +cu ta +ĠUnivers itat +Ġmon jes +ser á +ĠFran ce +Ġmatem áticos +ĠSá enz +ĠChristop her +Ġes g +Ġcontac ta +Cre emos +D ar +Ġsalva guardar +ĠS ici +Ġcor os +Ġpubl ique +Ġdecora cion +ĠÐ ¸ +Ġvál idas +Ġgolpe a +Ġgl ú +ĠCr ónica +Ġhamb ri +ĠDió cesis +ĠDi á +Ġ11 7 +ĠLatino americana +Ġen crip +ĠP hone +Ġrespe tan +Ġlas tim +Ġna cion +s son +V ID +Ġale gaciones +Ġren ueva +Ġcompañ er +Ġconocer lo +pel l +Ġsup ieron +Ġhabil itados +Ġen e +pre gun +Ġdobl ar +Ġ19 43 +ĠCh ub +ĠRo usse +Ġcable ado +ĠRef lex +Ġtras eros +Ġayudar les +partam entos +¬ ģ +Com entarios +,, , +Ġbarro co +Ġin ducción +ĠCom pro +ĠHis pan +ur bano +Ġmov ida +hh hh +Ġsupre ma +ĠAutom óvil +Ġdes vir +iéndo lo +Ġolvid an +Ġmostr arse +ñ igo +Ġcam bien +Ġdiplom áticos +Ġb ilaterales +úrg ica +ĠSecu rity +Ġprogres ista +Ġfol letos +Ġduplic ado +ĠMenor ca +Ġecu ador +Ġdespi dió +Ġego ÃŃsta +ĠBol s +Ġefectu adas +Ġdesarroll amos +ĠEst ética +Ġ12 7 +ĠAlvar ez +ĠHo ward +Ġconver tida +Ġrecog ió +In stal +Ġestan terÃŃas +t ÃŃsimo +Ġvalor an +Ġre tros +ĠG and +Ġprovoc aron +Ġdon ante +Ġconvier tan +ĠMana gua +algun os +ĠL ongitud +Ġhon rar +Ġcar gadas +Ġtim bre +ban k +Ġexpon entes +él v +Ġperj udiciales +Ġsentir ás +Ġost enta +Ġcalur oso +Cin co +ĠA lo +la g +Ġtin tas +POR T +ĠAcon di +Ġjue gue +Ġinneces ario +Ġinspir ó +Ġd ad +Ġau ra +ĠMed alla +ĠPartici pa +ĠBos co +Ġg ótico +ada p +Ġpre candida +avent ura +rel ig +Ġitiner arios +ÃŃ jate +ĠU A +Ġamena zado +Ġaclar ación +ĠBic entenario +Ġcontribuy an +Ġo yentes +Ġri tos +g la +Ġargument ó +es tar +ĠTu vo +ĠCom pren +Ġreci tal +pri se +Ġanti desl +ĠA tra +ron e +20 20 +Ġvest ÃŃbulo +ĠN áut +ĠIn ca +ĠLt d +Ġden sa +Ġcamion etas +ko vic +Ġtortu gas +Ġpref abric +Ġbo ico +Ġsuperviv ientes +Ġpla teado +Ġlabor ables +Ġrom pen +Ġaden tra +j pg +ĠLi ter +Ġprop uls +ál v +Ġfrac turas +Ġno tó +ĠBas ket +Ġvis ualmente +Ġauxil ios +N ormalmente +Ġal ude +Ġpa tada +Ġpar am +ĠA qui +Ġ20 21 +tid amente +um bres +Ġab arro +Ġequip amientos +Ġcál idos +ĠT EM +ĠAl tos +Ġacep tamos +es tad +Ġsober ana +ú dez +Ġgan amos +Ġcobar de +Ġest ampa +Ġle an +Ġmadrile ños +ĠS martph +Ġpul sa +Ġquedar te +Ġcruz ando +Ġcolch ones +es ca +car d +ĠCar reras +ĠCar acol +Ġasegú rese +ĠPala u +ĠN an +Ġcorrec ciones +ĠLe andro +tas is +Ġ19 14 +Ġregistrar te +I talia +cul turales +Ġmas ivas +Ġcapital ino +Ġpsic óloga +Ġzo om +Ġminor istas +B OL +ĠH á +ér cules +K I +s ino +z aban +ĠCh ill +ĠGar cia +Ġentren ando +Ġparro quias +Ġch ak +Ġs as +Ġdes ment +Ġposibil ita +ĠPar ad +Ġinm ens +ĠBene ficios +Ġen ojo +ĠB iel +ĠPal oma +ĠIb áñez +ĠH éro +ĠCh arlo +Ġtom arán +Ġba tidora +ĠGR UPO +ona tos +ĠPres enta +Ġcach onda +an ge +ón icamente +Ġsupon drÃŃa +ĠrÃŃg ido +Ġt into +ĠR U +Ġsa grados +Ġton tos +Ġcéle bres +ĠhÃŃb ridos +ĠC UL +ĠSa udÃŃ +Ġinform ales +Ġtor ero +Ġcaba ñas +Ġmejor en +Ġapar car +Ġtit ula +ION AL +D ra +Ġsec ta +I den +al ez +Ù ħ +Con trol +ar it +Ġun der +ĠAn dra +ĠExper to +Segun do +Ġval ga +ĠC oy +Ãĵ D +j ara +z ador +lan as +ac or +pa to +ĠH eb +Ġimp ure +Ġhe ma +Ġcru zó +Ġpales tino +v ario +ĠA no +Ġbo ce +Ġ12 2 +Ġapor tará +Ġcel estial +Ġdecor ada +Ġvincul a +Ġhabil itación +ĠMes senger +Ale j +Ġdes le +ĠDes con +Ġcontribuy ó +âĢľ ¿ +Ġportu guesa +en ne +Ġcamar ero +ta forma +Ġurban ismo +ĠSERVI CIO +Ġcomp rimidos +Ġhor nos +Ġmusul mana +ĠExcel encia +* . +ĠP J +Ġpsic ológicas +Ġpredic ción +Ġprim arios +Ġinv oc +Ġsinté tica +p ra +Ġamar ill +Ġpaulat inamente +Ġanglos aj +P RI +aliz adores +Ġbrin dado +ĠGimnas ia +Ġencan tar +Ġacu ático +es tos +ici s +Ġreserv amos +Ġpul gar +Ġman ada +Ġexce de +Ġar cas +Ġpon ÃŃan +ĠMus eos +Ġhi tos +Ġempren dimientos +Ġtemp ranas +tam e +ĠDip loma +ĠEncuent ros +Ġnecesitar ás +Ġbesti as +Ġen um +ĠCor respon +Ġentrevist ado +Ġdomicil ios +Ġabus ar +Ġutiliz aban +Ġpin tados +Ġsovi ético +Ġform aban +Ġayud ara +ĠComis arÃŃa +Ġc is +I de +in di +ĠT ruc +ĠCla ve +ĠGib raltar +Intro ducción +Ġbi omasa +Ġencu ad +Ð ´ +Ġan alizados +Ġindemn izaciones +Ġsal iente +Ar te +Ġlogra ba +Ġsacri ficar +Ġdelic ados +K S +Ġinspir ar +Ha cia +Ġetern amente +Ġpin zas +ĠMes ÃŃas +Ġexplos ivo +ĠI an +Ġsecues trado +Ġm ó +Ġofre zco +Ġadver tencias +Ġacep tadas +ĠBal les +Ġban quete +ĠBa h +ĠMotor s +Ġconting encia +Ġv ena +den se +Ġpas tas +Ġhon ores +ĠLin coln +Inter net +ti ra +Ġprob é +ĠAn t +? ", +Ġre jas +Ġsi esta +Ġtra gar +ĠIP C +Ġlogo tipos +Ġllevar los +Ġcuestion ado +En horabuena +Ġfirm ados +Ġantic uerpos +ĠE mira +ĠM ún +Ġaf lor +Ġcontinu amos +A ma +Ġamist osos +( ) +Ġà ł +Ġrec tificar +ED E +Ġpus iera +Ġcompar tidas +Ġanomal ÃŃas +ĠVÃŃ deos +is ado +Ġcatas tró +R afa +ĠD IN +Ġcontes tación +Ġa temp +Ġv ara +Ġdul zura +Ġrestring ir +Ġatre ve +Ġsilves tres +EC O +Ġemi tidas +Ġfij ó +ten e +ĠMar cela +das h +Ġmanten emos +Ġconvertir ÃŃa +j on +Ġp inos +Ġt ent +Ġdes at +ĠGo doy +ment ada +Ġescuch as +Ġexager ado +Ġconsul tados +Ġlen cerÃŃa +ĠSE X +Ġcoj ones +ĠIlum inación +g ones +ĠDe termin +pen de +ĠilÃŃ citos +I l +J C +M es +á ci +ĠS AB +Ġa i +orn io +ĠÃģn gela +ĠAlar cón +ĠMalas ia +Ġdura mente +ĠA VE +Ġan tir +Ġconvertir lo +Ġrepeti ciones +Ġcor bata +ib el +Ġmejor ó +Ġform en +Ġale manas +Ġfurgon eta +Ġdis er +Ġab rÃŃa +ĠPro gres +Ġfra ternidad +Ġome ga +i cion +Ġsegu ÃŃ +Ġpár roco +en ix +Ġtr in +Ġdesas tros +Ġhones ta +19 85 +ĠBoy s +ĠDoug las +Ġilust re +gob ierno +Ġparamilitar es +cios amente +ĠAr ce +Ġgarantiz ados +Ġhambur guesa +ĠLl ama +Ġaca par +ĠGuardi ola +Ġpol ÃŃgono +ĠCent re +Ġprom et +Ġacome ter +ĠNar uto +Ġdi eran +Ġimagin aba +Ġso port +Ġtrabaj aban +cl aro +ĠRom an +Ġcalcul ado +ĠSoci ologÃŃa +ĠJefa tura +Ġp ech +Ġfre ga +may or +Ġ19 31 +Ġval ido +Ġelim inan +Ġline ales +Ġdespren der +Ġrepos terÃŃa +Ġcén trica +Ġeró tica +Ġbl usa +Ġsimbol iza +ab l +ĠA cer +ĠMa uro +Ġquer ella +Ġpe ña +199 3 +ĠStal in +h é +Ġinaugu rada +fun dador +Ġcab il +Ġaf iciones +ĠSte am +Cuán tos +ĠSantam arÃŃa +n eros +v éase +Ġ11 9 +Ġaco pl +Ġdomést icas +ĠF EL +Ġcredi tos +Ġcla vo +ĠIn gres +ĠGRA TU +Ġcar g +ĠCam pes +Ġce ñ +Ġpuri fic +ĠM M +ĠM W +Ġinvir tiendo +b idas +Ġdes ató +ĠVal lec +Ġdenunci aron +Ġacredi te +Ġseleccion ador +Ġquim ioterapia +Ġten eis +Ġprop icio +ĠZ h +ĠTra ta +Ġmulti la +Ġimplic adas +Ġdes vin +ĠMap s +ĠL omas +Ġpl u +Ġelabor an +ĠEl isa +tal a +ĠBar rera +3 60 +te co +emp leo +ĠV ul +Ġmon tada +Ġaten ciones +Ġcon glomer +ĠCamp eche +Ġh eces +Ġhablar á +E U +Ġch ance +Ġdesagü e +ma terial +Ġgust aron +Ġmer ecÃŃa +Ġajust arse +° , +Ġobten gan +Ġenfrent aron +ĠLux em +dom ina +ĠJuz gados +Ġminor ista +Ġpa vo +Ġbien venidos +Ġdiseñ ó +ĠUN E +Ġcontrar ias +ĠConsist orio +ĠF ON +Ġaconse jamos +ĠV R +ĠNav as +p is +Ġech an +Ġdesn utrición +Prim er +am ado +j ec +Ġins crip +Ġelim inados +Ġc úm +Ġasomb roso +Ġa ga +ĠB ab +Ġcurric ular +ĠC lan +wit z +ĠCom posición +eros os +Ġtar tas +Ġsub ro +ðŁ ı +ĠFá tima +ĠPla te +ĠSoci ety +f ano +Ġp tas +ĠDESARROL LO +im i +Ġev asión +Ġdeten idas +b ach +Ġpedi á +Ġaplic arán +Ġfilosó fica +ĠolÃŃmp ica +Ġexh ort +ĠS ul +ĠG on +Ġlleg adas +ĠPerio distas +Ġen du +on ista +Ġf s +Ġcontemp lan +Ġaceit unas +ĠSa hara +Ġdenomin an +ĠÐ ½ +ave dra +Ġpele ando +Ġac era +Ġregul adora +v ÃŃas +Ġver éis +quier o +Ġculp abilidad +ĠCoun try +aliz o +Ġespan ol +Ġc ele +ĠH IS +Ġtrib una +ut an +ĠSal vo +Ġdol encias +Ġcurric ulum +ta h +Ġmov ÃŃa +Ġrebel dÃŃa +Ġanci ana +Ġab ul +ĠImp ort +Ġest ru +Ġplan tación +Ġcolec cion +Ġusar los +qu ios +ĠBal let +Ġnomb rados +Ġesclar ecer +ol ÃŃn +ren os +Ġderech as +ĠCo fradÃŃa +Ġcumpl idos +ĠB ARCELONA +Ġne fas +Ġcontinu aron +ĠCo le +Ġtri ples +Ġestal lar +Ġde cia +Ġco ol +Ġsimil itudes +Ø ± +ĠG ales +Pr incip +Ġdesvi ación +Ġrevan cha +ĠD IG +ĠMa teria +Ġign ora +Dispon emos +mom ix +Ġdes ciende +ĠJ amaica +Ġbrindar le +Ġesqu izo +Ġmu rales +AM OS +ric ol +Ġincorpor ada +ĠEcon ómicos +Ġdeje mos +Ġexpuls ar +i riendo +in ismo +Ġcons er +Ġfi re +ĠSh an +Ġmarg inal +Util izamos +Ġdistribuy en +Ġplan as +val do +Ġreal ity +Ġgri ta +Ġcocin eros +Segu ir +Ġconsegu ÃŃa +ij ing +Ġpolit ica +cor ds +ĠÃģ guila +Ġsistem ático +g estion +Ġtra tadas +Des tac +cri ption +Ġfres a +Ġinsul to +min is +Ġsimp ática +Ġpana derÃŃa +Ġgra ciosos +Ġgener adores +an tos +par t +Ġjer arqu +ĠCres po +Ġ***** ** +Ġtea trales +Ġante cedente +Ġk ara +Ġarro jó +Ġest en +por to +Ġvis ado +i éramos +ĠT ag +Ġplante o +ĠElec ciones +Ġmens ualmente +Ġenc ÃŃas +Ġdeclar ados +Ġegip cio +o tro +Ġdescub ri +J ulio +ter ios +Ġembara zos +TRO L +Ġen loque +Ġdes me +Ġ: -) +ĠEmpres arios +Ġdesagrad ables +Ġcirc und +Ġrestring ido +tur ado +ĠMontre al +Ġmu riendo +Ġrefrig erador +Ġobse qui +ĠA del +ĠT esti +ton o +EC U +ĠEmil iano +ad ado +Ġconci enciación +ĠCle mente +Ġb ip +Ġmin imo +Ġw ar +ĠSegu imiento +Ġconta gio +Ġparticipa tivo +Ġin trans +ĠJ úpiter +ĠMar sh +ĠCol abor +Ġremi tido +Ġman ch +Ġver du +Ġembar que +Ġval idar +ra x +ĠL ie +ĠCu mple +Ġpla te +M ate +ĠMar rón +ĠOpera tivo +ĠFinanci eros +Ġ4 000 +ton ina +Ġconven ientes +Ġtir an +ĠTele visa +ent amiento +Ġchal eco +P u +Ġenla zar +Ġn udos +âĢ¦ ), +ĠAv da +ĠV ik +ĠAb ad +Ġaprob aron +Ġre tina +Ġper cusión +uc ker +ĠY olanda +Ġespacios o +Ġquem ado +ĠO cio +Ġcontra tista +Ġsino psis +Ġcruz ados +Ġfran camente +ĠDar win +Ġhelicóp teros +Ġtra vi +ĠRe ales +Ġprob ada +delar ia +B io +Ġconcur rir +Ġre voca +ĠM ire +co co +mis ible +Ġsatis fa +tr ará +ĠYo ur +Ġincom parable +ĠFemen ino +Ġteles copio +Ġse ts +Ġgen itales +Ġgri tó +Ġincon fun +y stem +ĠOliv ia +Ca tal +es pero +Ñ ħ +g no +im an +Ġvis itamos +Ġren omb +Ġpar ano +Ġpsico análisis +Ġsub as +ĠDia gnóstico +ĠC ement +Ġban dos +Ġesca pó +Ġevolu ciona +m ética +ĠLo go +Re la +Ġcuid an +Ġbamb ú +Ġejecut an +illar y +Ġpo k +Ġre misión +Ġfil mes +ĠBan kia +Ġsubje tivo +M IENTO +Ġref un +ĠI ris +ud ónimo +Ġdecidi rá +Ġvér tigo +Ġcorrespon dÃŃa +Ġidentific ó +Ġprofec ÃŃa +Ġextrater restres +ren ce +Ġra cista +Ġdescri tas +ĠPrincip ios +Ġrefres cos +ĠInmobil iaria +M ur +Ġg ano +ĠMiemb ros +you tube +os ible +la v +ĠBar ri +ĠDen ominación +en dos +Ġm ÃŃstica +Ġgalax ias +Ġsimpl icidad +ci entas +Ġdis u +Ġrecor demos +Ġcentro camp +CA A +S H +ĠS uelo +Ġmelan col +Ġcol onos +Ġproyec tado +Ġdif um +Ġtor na +Ġmo das +Ġgra va +Ġnomin ación +ĠUb icado +Ġg las +Ġdes o +Ġcome ten +ĠP ase +Ġorient aciones +Ġasomb rosa +Ġad icciones +Ġutiliz as +ĠPar al +ĠAlim entaria +Ġperegr inación +ocol mo +Ġpens aban +ĠH ell +cis iones +Ġtransform ando +ĠDol or +Ġdespres tig +ĠInterpre tación +ĠS hi +AN OS +â Ķ +Ġinter puesto +Ġab ander +ĠCir cular +Ġd uc +Ġinda ga +Ġimp lique +Ġc ef +éut ica +ág ono +ĠSa udita +n uevo +tr ero +Ġsorpren didos +ĠRe loj +Ġcaus al +ĠLu ciano +Ġhospital ario +Ġazule jos +ĠCompar tir +Ġam igu +Ġabsten ción +ĠMón aco +Ġregres an +Ġzombi es +Ġplante ando +ĠR al +Ġton alidad +Ġquis ieran +ĠM AD +Ġte tona +Ġgar ban +ĠCient ÃŃfico +Ð ¼ +Ġinter medios +Ġsum er +ĠRos al +B ur +ĠT apia +ĠAn gela +Ġhospe daje +ĠAc ta +Ġdeten idamente +Ġnoci vos +el y +Ġimp lante +Ġ19 33 +ĠK elly +ĠMún ich +Ġper demos +ĠB ian +Ġcorro bor +Ġfin de +ĠIndÃŃ genas +Ġpor tador +Ġconf uso +Ġcredi to +ĠBat tle +ĠMonum ento +ĠS R +ĠPel ic +Ġdeci ros +ĠGim énez +rim estre +ĠComer ciales +Ġmulti jugador +Ġcén trico +Ġo tr +Ġob via +ĠS pin +ĠK ara +Ġajust an +Ġment or +ĠPin k +Má laga +e qu +Ġac túe +Ġha ve +Ġap óstol +Ġdesp ierto +Ġaler tó +im b +fa gasta +Ġpul se +Ġprocur ador +Ġegip cios +Ġsu cul +Ġdoc toral +Ġdesplaz ados +ĠB US +Ġmin us +ĠV ita +Ġguar derÃŃa +Ġacondi cionamiento +Ġroda jas +Ġconcurs antes +ir ante +Ġcos t +val ÃŃa +ĠA frica +ĠHer mos +Cap ÃŃtulo +Ġn á +amb ra +lin k +ĠOut look +Ġelef ante +ur ados +ĠLe ido +posi tivos +ĠPe lo +Ġsup rim +ĠAses orÃŃa +Ġnervios ismo +Pre mio +ĠLog ÃŃstica +ĠA credi +ac y +Ġcal um +tiza ciones +ĠBiz kaia +I VA +o w +ie zas +Ġag lom +ĠJer ónimo +Ac abo +ĠG ear +Ġcar d +gre dientes +F ar +Ġprac ticas +? ". +Ġrec abar +ĠMetodo logÃŃa +ĠS id +ĠG A +ine o +ĠCastel l +Ġopera tivas +ĠDeb en +Ġox idación +ĠIlust ración +Ġinher ente +Ġros ado +Di rig +tu ri +Ġsab rán +S U +lo jes +Ġnomin ado +D r +Ġestá tica +Com pr +ĠL ad +D esta +h ip +Ġcre ÃŃble +Ġch ulo +Ġvol viera +Ġacce dió +ĠIND US +ĠCon cierto +Ġneces itado +ĠS IDA +ĠF ray +ĠCal zado +Ġimper fecciones +Ġaterri zar +Ġaf oro +Ġgigantes co +Ġfil iales +ĠH ob +Ġinform ada +ĠMo do +Ġi os +Ġloc alizados +Ġlog ÃŃstico +ĠBien venido +Ġprogen itores +ĠH orn +ĠPe ñ +Ġjugar án +Ġform e +P ros +ĠTaiw án +Ġex tienden +Ġle es +Ġcos echas +Ġdetal lar +Ġobliga torios +ado w +Ġun iones +ĠSelec ciona +h onda +ĠS iento +Ġhab ian +Ġinf ring +Ġpost grado +Ġen co +Ġlibre ta +Ġexten derá +ĠFac undo +b in +Ġper dura +el las +Ġclos et +f ina +ĠE ch +ĠY PF +Ġmone tario +Ġpac tos +Bl ack +G estión +u idas +ĠAl geciras +Ġgener aron +th ers +Ġdisfrutar lo +noso tros +Ġimpera tivo +Ġcal ef +Ġarte facto +ĠMonclo a +bi anas +Ġestall ido +N ingun +Ġto c +ĠUn esco +ĠColombi ano +Ġapa ga +Ġtras eras +Ġhorizon tales +Ġmensaj ero +A grade +Ġm ÃŃas +ĠB ud +Ġvi ales +ĠFo undation +Ġaden trarse +ĠM om +f á +Ġto urs +Ġinfin itamente +Ġpanor ámicas +l umb +Ġal tera +ĠCo ok +Ġrepor taron +Ġprogres ar +Ġlo gos +Ġtra bas +ác ticamente +Dec lar +ĠSe an +Ġcontrol adas +Ġcircul ares +Ġsal sas +Ġsub st +Ġentr é +ĠCo aching +Ġanim ó +ĠMu ñ +V ir +Ġcal idades +Ġtendr éis ++ , +Ġimpe dido +Ġacostumb rada +Ġabord an +G UN +Ġba ila +Ġde tes +Ġgas o +Ġ16 5 +ĠAgr aria +Ġeludi r +Ġpriv ación +Ġqu o +Ġinv entarios +Ġactu ará +Ġprefer idas +Ġdespla za +s ens +que tbol +ten der +RE A +Ġaport ados +Ġca tar +Ġparti dario +Ġad onde +Ġest uche +Ġfr icción +Ġpersi guen +Ġpro dig +Ġdesg los +ĠA bajo +Ġtr omb +ĠGu in +Ġconver gencia +Ġcardi aca +Ġtra jeron +Ġcor onas +Ġdirig iendo +ĠcÃŃv ico +TV E +Ġtener se +Ġl ond +Ġnarra tivo +Ġcanta utor +Ġe rosión +am entales +Ġsub astas +áce os +. ' +ó t +ĠE asy +Ġvalor ados +are do +ĠCastel lano +Ġempa tar +Ġcapaci tar +Ġfer mentación +Ġpase ando +Ġautop istas +e ada +ticu atro +Ġpo da +Ġrepor tar +ĠHerman as +f um +Ġest ival +ĠT iro +Ġur be +Ġsuce dÃŃa +Ġenm ienda +Ġacompañ e +ĠOb tener +L INE +ĠC ASA +Ġesp ÃŃa +Ġval iosas +Ġcontempl ado +ĠM IC +ĠPo tencia +gu ÃŃn +ér selo +Ġliqu ida +Ġcoj ines +ĠCom arca +C op +Ġdescri ta +er ÃŃo +Ġan tagon +Ġpon dré +ĠBerm údez +Ġin tang +Ġestre ñimiento +Ġpreocu parte +Ġhorm onal +Ġencontras te +Ġfras co +ĠAc á +Ġdedic arle +ĠEst an +Ġconduc ÃŃa +Ġindirec tos +ĠTotal mente +se m +Ġexperim entales +Ġpreocu pe +ĠIns pec +T rump +Ġsimul ador +Ġenglo ba +Ġen org +Ġper rito +TUR AL +Ġt sun +Ġcoment amos +Ġnie ta +Ġerrón ea +mir ante +uu uu +ci ario +ĠRes iden +Ġreclam ado +S iendo +j itos +Ġ19 10 +ĠâĢ¦ . +Ġimplic ar +Ġdescen dencia +Ġmedi anos +ĠpartÃŃ cipes +Ġal deas +ve dad +Ġperiod ÃŃstico +ĠCon vocatoria +Ġfin ancia +Ġw in +O fer +ĠMon eda +Ġsatisf ace +uri ta +Ġanal gés +ĠZ av +Ġretroce der +ó metros +Ġasc endió +Ġpronunci ar +Ġrá fa +ĠLo w +Ġcontras tes +Ġrespe te +ĠPri vado +ĠOpti m +ri cia +ĠCan tidad +ju ria +Ġtravesti s +} } +Ġreg ga +ĠUl tima +Ġasegu ramos +Ġcompara ciones +Ġre cargar +Ġileg almente +Ġesc ane +Ġcol oque +Ġesco ge +Ġsoci ologÃŃa +Ġb ir +ĠRe alidad +Ġcongres ista +Ġh ib +ĠS olu +Ġmedi tar +Ġgen éticos +Ġremo tos +Ġfom entando +Ġescon didas +Ġimpar ten +ĠEd ge +Ġjes us +ĠLiv ing +Ġdespe gue +f ál +n en +o va +ĠS ina +ĠM ET +pe ar +Ġllev é +ramient a +Ġb lando +A i +ĠEn lace +OM S +Da tos +Ġa eronáut +Ġan si +ĠB ena +Ġpobla cional +Ġla tinas +ur ales +Ġintens iva +Ġcafe terÃŃas +f ÃŃs +Ġtes tosterona +Ġtras fondo +Ġmusul mán +Ġrealizar lo +Ġacostumb ra +Sab ÃŃas +ĠEjerci cios +ĠPlane ación +Ġdejar te +Ġcoord ina +Ġincans able +Ġdep ilación +ĠÃļ nete +Ġadjud ic +a ún +Ġqu ito +ĠJ in +Ġtran vÃŃa +ilo che +Ġmen ester +Ġ19 2 +As es +Ġartic ulos +J ES +Ġautom at +Ġpractic ado +isp ado +Ġcorro b +Ġest i +Ġprogres istas +OLU CION +ĠC ron +ĠEnerg ética +12 5 +Ġexhib ir +ĠM endi +Ġsum amos +of ens +Ġmotoci cl +Ġru bias +Ġidentific adas +ĠS os +val le +Ġdescar tó +ĠActu alización +ĠMar cas +Ġfacil iten +tr ario +Ġpre cep +Ãļ N +ĠSer án +Ġin habil +Ġre ub +Ġcar ita +Ġdis ip +Ġop tan +Ġtranquil as +Ġabri mos +ĠPrin ce +Ġfós foro +D IO +dr ÃŃas +Ġdeci do +j án +Ġc le +Ġsingular idad +ĠNingun o +ĠEspino za +Ġch ur +Ġincur sión +Ġinf ra +Ġtir antes +Ġde trac +Ġcar ab +Ġqu itando +Ġatribu to +ĠR F +Ġflo tación +Ġrespira toria +Ġapren demos +B ro +ĠFor ce +ĠEze quiel +ĠAleg re +U l +or nos +ĠEl las +Ġbloque os +Ġconsist ió +ĠC itro +ĠSalom ón +Ġinform áticas +ĠAndr é +Ġe po +Ġfran cis +A ño +Ġc aca +Ġtran se +Ġatra en +Ġde com +Ġap u +ĠCasta ñ +Ġf rito +ĠMer cosur +un ivers +ĠM últi +ĠUn ion +ĠNa tal +ĠVer des +Ġsopor tan +ĠPS C +Ġreen cuentro +Ġsud americano +era tura +Ġsub contra +ard ÃŃa +Ġ195 1 +Ġhidro eléctr +Ġdisim ular +z io +Ġmus los +Ġdiploma cia +m ucho +Ġacer cando +R epres +k it +Ġnáus eas +Ġnos tál +Ġata can +ricol aje +des c +Ġson aba +ĠCom ida +Ġper ez +aj ardo +Ġju an +ex tra +Ġresuel va +Ġbo ton +ĠRom eo +Ġsuminist ra +Ġapar e +ti erra +Ġ4 80 +Ġconduc tos +Ġelig iendo +Ġrecuer den +ru gas +Ġbar ca +ENT AL +ĠexplÃŃ citamente +am ación +ĠDocu mentos +Ġabdomin ales +Ġmus cula +Ġfab ulosa +ĠAg ente +ĠLen guaje +Ġacep tados +Ġboliv iana +ĠCuar ta +ĠPirine os +ĠCom pu +P ap +Ġsu ites +re di +Ġcre cientes +Ġvic torios +Ġindic aba +Ġâ Ħ +Ġescal ones +Ġprohib idos +Ġejer ció +Ġllen ando +Ġcoleg iado +Ġimplac able +J U +ĠR eme +Ġviv iente +Ġll ora +ĠCons iste +Ġadi tivos +iéndo le +L AR +ĠH ércules +ĠMo o +Ġsole ado +ĠSum in +f rente +Ġy e +ĠTri ple +Ġdest er +Ġeva por +U p +Ġrepres ente +Ġanal f +JA JA +ĠEs mer +Ġgradu ado +Ġino doro +Ġnomina ciones +Ġ- , +Ġperi feria +Ġinmer so +M EN +v és +di es +me la +Ġdispar ado +ĠArgel ia +Ġincom pe +Ġs pot +ĠPa ola +Ġatribuy en +Ġdomin ó +GU ARDIA +V II +n ormal +es pacio +Ġejerci to +Ġcirug ÃŃas +Ġanunci aba +Ġcoloc ada +Ġestrech as +âĨ IJ +ĠSubsecre tarÃŃa +Ġman anti +vo co +Man ual +Ġbalne ario +ue les +ut ó +ĠCal lao +- ¡ +on mano +ĠCu ra +mar k +Ġrevis ando +Ġsul f +desarrol lo +ĠPan americana +Ġdesapro vech +V IDEO +Ġins osten +Ġsub o +al co +AD I +Ġdom es +Ġrecip ientes +Ġv á +ĠRu tas +ĠGar y +Ġconf e +Ġcontun dentes +u ps +or r +Ġnas al +Ġv ienes +ĠP si +ĠPar ty +ĠH BO +Ġregres e +Ġpul po +Ġi p +va quia +ĠMan uela +Ġju ramento +Ġpers istencia +ĠMas sa +ĠFamil ias +Ġpes as +Ġfirm ware +Ġconstruc tor +ĠB IEN +Ġind umentaria +M U +x e +Ġsab rÃŃa +Ġprome ten +Ġfracas ado +Ġempo deramiento +Ġsubje tiva +Ġdrá sticamente +Ġr allado +Ġmor bo +Ġestra gos +Ġbr ome +Ġdesfil es +Ġviaj aban +ĠDemocr ático +p idos +ĠG ras +Ġapreci an +B ox +ĠBa g +Ġileg ÃŃ +Ġsta tus +Arch ivo +en go +Ġluch adores +Ġdescon ocer +IA BLE +Ġpic ar +Ġemble mática +Ġball enas +Ġpre con +ĠO cul +ús culo +Ġdem encia +Ġdesaf ortun +ad ministra +Ġrol los +ĠBlo ck +Ġidón ea +ĠSa k +ĠMoham ed +ĠHist órica +ĠTrabaj os +Ġin ap +ul ti +Ġexpres ada +ĠProp iedades +Ġ4 11 +Ġop uesta +Ġcompren didas +us et +ĠB eck +til eno +Ch ar +ĠC IC +Ad minist +Ġca v +Ġn uca +ĠQuiro ga +Ġapro vecho +Ġvo tó +Ġcuestion ó +Ġmen opa +Ġllevar te +ĠIN FOR +Ġexpec tación +Ġtranspor ta +ì a +Ġpsiquia tra +ĠSe arch +tiz an +Ġacercar nos +Ġmen u +Ġsac arlo +ĠMo ch +Par tici +Ġaguan ta +T écn +c alización +Ġinterpre tando +ĠB ond +Ġdin ámicos +Ġpar én +ĠJul ieta +Ġs un +quil o +ĠTh is +Ġglánd ulas +ent ón +ĠL arra +Ġul timos +ĠR ambla +ĠESPE CIAL +.... ... +Ġobten drás +Ġdocument ado +Ġriv alidad +Ġhep ática +Ġburs átil +Ġcomp uta +I U +Ġser ena +Ġexplor ador +Ġnu tre +ĠB ucaramanga +Ġfal te +emp resa +ĠZ an +Ġcapaci taciones +Ġasegurar nos +Ġasign ada +f lo +Ġpa ge +Ġtan da +ho tel +Ġreac ciona +ĠMea de +ĠI ta +Ġmerca deo +Ġdes ocup +ĠT imo +Ġabur rimiento +ĠKar en +Ġfun dido +Ġregres ado +IF ICACIÃĵN +ÃŃp tico +Ġfich ajes +ĠJU AN +ĠEv olución +Ġsustent abilidad +Ġcu ba +Ġcongel ador +V ers +ĠL igas +ol an +ĠCre ma +Ġpuntu almente +Ġaber tura +Ġrep rim +Ġjust ificado +Ġalmacen an +ÃŃ rica +Ġcob ró +Ġres fri +Ġcm s +ĠHist orias +ĠTur ÃŃstico +van as +ĠO racle +Ġembal se +Ġin h +Ġasegurar te +ro bo +Ġven ida +OS O +Ġautode terminación +IM O +Ġintu itivo +Ġcere al +Ġcla ustro +Ġdiscu te +Ġmostra ban +Ġcom emos +ĠRos ales +j ones +Ġcomple tando +ĠPla tón +ĠB ona +Ġinfluy ente +Ġdespe gar +Ġgela tina +ad ia +ĠPro videncia +Ġapoy ados +Ġpublic amos +Ãģ L +ĠEspa cial +Ġart ÃŃ +Ġnar rar +aro t +Ġb ug +ĠH uel +Ġperci bido +Ġirre medi +Ġ12 4 +Ġclas ificaciones +ĠPa tio +Ġvera z +Ġincómo da +Ġtecn olog +Ġrigu rosa +Ġintermin ables +ar di +Ġla mento +ĠPro yec +Ġactu alizadas +AN T +ĠK or +Ġestablecer á +indust ria +Ġbár bar +ca kes +Ġsen ior +Ġacus an +por no +A cep +ĠV intage +Ġ25 6 +ĠAdu anas +Ġgu ante +ĠCatal ana +ĠS AS +ĠIN TE +Ġrefiri éndose +Ġtener los +Des ayuno +Ġlide rato +Ġapreci ado +in é +Ġd ragones +ĠM ust +Ġmater no +Ġ12 6 +ĠCam inos +IS IS +Ġgor ro +ifi quen +um i +Ġacer tar +Ġemocion antes +ĠEspa cios +ĠP ris +ĠU L +Ġvent aj +ĠPre paración +Ġn up +Ġmanus crito +Ġinf rac +Ġform alizar +Ġvar ices +Ġmolé cula +ĠEC TS +ĠOcta vio +Ġterremo tos +Ġ19 34 +ĠNa ció +ĠDa ily +Ġrema tar +t ril +ĠR av +Ġplug ins +Ġpo em +Ġcons ignas +ĠCuer pos +Ġdescu ido +ĠP le +gl ia +ĠLe al +Ġeuro pa +ĠFuen labrada +pe que +ĠSan dalias +app y +Ġproto tipos +Ġmedioc re +Ġarbust os +Ġvalor ada +Ġrecom endadas +Ġnoctur nas +F orma +Ġamuebl ada +ĠMonum ental +ĠEmp erador +Ġperjud ic +Ġfarmacéut icos +tiz ador +Ġver os +ĠRe pe +ĠPubl icaciones +Ġcu ras +Ġtab ú +R ub +Ġver ifica +Ġaquél los +Ġrom pecabezas +ri te +Ġin duci +ĠC IEN +Ġvulner ación +ac ea +Ġdign as +rocar riles +is imas +ĠF IS +Ġtom arlo +ĠAs ist +Ġcompatrio ta +Ġespec ulaciones +Ġlog ren +Ġmillon arios +Ġartil lerÃŃa +ĠBode gas +Ġaliment icio +Ġmode lado +Ġdetal lan +B AL +Ġy emas +Ġcon os +Ġbombar deo +De f +Ġblan dos +ĠLy on +Ġse ducción +Ġop res +in amarca +il ding +Ġsubt ÃŃtulos +ĠI d +Ġocas ional +ĠConsul torÃŃa +m ias +Ġhorm onales +buen as +ĠMUN DO +Ġinst ó +Ġprogres os +f is +Ġs cript +Ġal entar +Ġnomb rada +ĠV et +ara zo +Su pongo +Ġdor adas +Estim ado +ba to +Ġindefin ida +Ima gen +Ġtra po +Ġlevan tando +Ġob e +Ġelig ieron +ĠAl mu +ing e +Ġmal dita +Ġar enas +E du +Ġe rec +al ar +Ġpa tó +ĠEsc ol +Ġconserv ando +Ġpur é +Ġliger eza +z ko +do ble +ĠR SS +ĠV ital +ĠEl ite +Ub icado +ĠD R +Ġpe qu +Ġrealiz ador +Ġestip ulado +ES S +Ġprev én +Ġlav abo +Ġatac ó +Ġencier ro +ist ico +ĠH orm +Ġmis ioneros +Ġmis ionero +Ġll ueve +Ġpiz zas +Ġopon en +ĠBás icamente +Red acción +ĠMi riam +Ġcu mbres +ĠRec og +ĠCan ales +ĠGra tu +de los +Ġholan desa +Ġflor ación +Ġcolon ización +log ia +Ġfrag ilidad +Ġal zó +ĠA ventura +Ġdecor ados +Ġexcav aciones +ĠRestau rantes +ĠD yn +ĠSa avedra +Ġanim amos +Ġcar gando +Ġescal ón +Ġcaj eros +ĠEst ocolmo +Ġdesmon tar +Ġhaza ña +D ig +ĠModer no +Ġri to +Ġdise ña +Ġdoc enas +Ġbendi ga +Ġabaste cer +Ġe ros +ĠPrim e +Ġcomesti bles +el ing +Ġco ad +Ġestatu as +estra miento +18 0 +Ġdes ampar +Ġmar rones +Ġcoloc aron +Ġmenopa usia +ĠT x +n és +Ġcuch illos +ĠAM OR +Ġtrág ica +Ġcaracter izada +ĠV iene +itu s +Ġreca e +Ġdiferenci an +ĠJam ás +Ġó v +Ġast ero +Ġocurrir á +Ġhech izos +g t +ĠB aj +Ġpresent aban +Ġaudi tiva +Ġrepor tero +tr um +Ġfuncion en +ĠMU JER +Ġs ky +ĠF as +Ġsue ca +Ġempi ecen +le e +Ġex tir +ĠV arias +mar ca +Ġconfi abilidad +Ġen dos +Ġproduc ÃŃa +ĠMun ich +Ġhomo gen +m ando +rec en +Ġinsu per +Ġinmun idad +Ġrepi tiendo +Ġdescar gado +ff in +Econ omÃŃa +f und +Ġen mascar +Ġcolor ación +Ġfac to +ÃŃp ico +ĠPeque ño +Ġpromo vida +Ġsupl ente +di fic +Ġcar tul +Ġesper ábamos +Ġhar ta +Ġalb oro +Ġvio leta +unda i +ĠCar ne +Ġtec lados +des h +Ġcuar teto +Ġ ?? +Ġcas taño +Ġdis olver +IN CI +Ġalar mante +Ġpromo cion +Ġbal ones +ĠAcadem y +Ġal bum +Ġsinies tros +Ġch ips +Ġconduc tora +vio leta +Ġestúp ido +Ġsol ÃŃan +Ġmezcl ando +7 50 +Î µ +Ġet no +Ġesque leto +Ġpul pa +ĠMal ta +Ġcontempl ación +g ables +ĠT á +Ġcamin aba +Ġdespe didas +Ġsup iera +Ġaceler ador +Ġmuscula tura +Ġat l +ĠHab lar +ĠTele cinco +Ġamena zan +Ġsome ten +ĠÃļl tima +ĠY as +Ġtemp ran +Ġvin iendo +ĠUS O +Ġre medi +rÃŃ quez +ö r +pá rate +C V +j ales +s ional +ĠD onos +Ġdu que +Ġexen ción +Ġutilizar los +Ġejecu ciones +Ġresuel tos +ĠAlf aro +Ġpre ven +ĠVÃŃ deo +Ġdibuj ante +ĠCh ef +ĠAr c +UN IDAD +Ġabon ado +Ġkirchner ismo +ĠT omas +ĠB ac +ña ki +ĠI mple +Ġcomunic an +Ġten der +ĠMe lo +ĠAmeric anos +an ie +Ġpala cios +Ġcomp uestas +Ġmayor ista +o v +s ico +ĠTechn ology +ĠB ala +ĠMir ó +ĠCONF IABLE +ĠTún ez +Ġt aj +ĠFá brica +ĠY amaha +chan ge +E sos +Ġs mart +ĠInstrum entos +Ġn ico +Ġexplo ta +ĠSeat tle +re ce +tr in +Ġman tas +Ġra ciones +Ġbal dosas +ĠSon ic +ĠPap á +ĠG ordon +AM I +16 0 +ren se +Ġpatron ales +Ġconden ar +Ġconden ada +Ġirra cional +zar t +id ante +Ġri dic +AR E +Ġidén tica +Ġser ver +Ġof ender +Ġinneces arios +k on +Î ½ +Ġgal legos +Ġcor tó +Ġvendi eron +Ġcomprome ten +ĠG L +ĠIM SS +H U +Ġdesvi ar +Ġal c +ĠL omb +Ġtar dan +Å ĵ +ĠS tock +Ġter mó +Ġajust ados +ĠCon gregación +ĠDIREC CIÃĵN +ĠOce an +Ġform adas +Ġestren ada +d ina +Ù Ī +Ġpa us +G IS +Ġag itación +L amentablemente +un tura +ĠU stedes +ĠCN T +ĠMara vil +Ġp ivo +án eos +ĠLu ci +Ġe poca +Ġmodific ados +Ġestra tega +Ġespecific ado +Ġole ada +Ġrec tas +Ġaci ertos +Ġindis crim +Ġque jar +Ġgor ra +Ġconf l +ĠPre para +Ġineludi ble +ton da +Ġfan ático +pon iendo +Ġmin is +P lus +Ġaliment ario +e g +Ġmejor ará +Ġvincul ante +Ġrell ena +Ġren ac +Ġras ca +Ġirre lev +H i +Ġro ce +quÃŃ micos +and ome +Ġdesempeñ ado +Ġsolid arios +Ġocasion almente +Ġgrab adas +Ġcoopera tivo +zco a +ĠAmar illo +w l +Ġde par +ĠJ ub +ĠPeters burgo +Ġwhis ky +t Ãĥ +Ġno tificar +tu ber +ĠD ama +Ġdejar emos +ĠGal lo +ĠF it +Ġpier des +Ġfér til +b eb +P ARA +ĠC ita +pati ble +Ġgarantiz amos +pa z +Ġsolici tará +Ġlevan to +ĠAst ro +ĠS hu +Ġmayor ÃŃas +Ġavan zan +ĠHD MI +k ira +ĠIn vent +ĠDis posición +Ġabst enerse +Ġconsa grado +crÃŃ bete +d ney +Ġolvidad os +Ġviv encia +CI N +Ġtra gamonedas +Ġres il +Ġpes adillas +Ġrev ol +ĠRestau ración +ĠP ET +Ġun ificar +Ġinter ino +Ġlig adas +Ġav ist +Ġnova to +ĠINTERNA CIONAL +ic el +ĠL ang +s ing +Ġson riente +Ġdue los +Ġpropa gan +tra vel +Ġmotiv ó +ĠcÃŃ tricos +Ġd Ãĥ +Ġven ezuela +ĠGana derÃŃa +Ġemprende dora +Ġlo ve +Ġcos mos +Con stru +Ġperman eciendo +ánd wich +Ġtercio pelo +im er +Ġofrecer les +Ġmonitor ización +Ġafortun ado +om at +Ġmor b +Ġindud able +Ġtar dado +rid or +Ġincluy an +S en +Ġun ificación +cl ásico +dr és +Ġsab rosa +Ġsubterrán eas +Ġrelaj ada +Ġuruguay os +Ġreten ciones +et ÃŃn +ific adores +D ice +Ġcan gre +Ġro c +Ġinvent ó +B ra +f unción +Ġdocu mentar +ĠPrue bas +g ru +ame la +Ġlun ares +Ġra cionalidad +Ġinforma tivas +á rea +Ġprim itiva +Ġimpro bable +ĠT UR +Ġenseñ amos +QU I +Ġrecin tos +ĠTra il +Ġdia gonal +Ġoper adora +Ġmarch arse +Ġconduci endo +Ġs r +re pres +Ġsu iza +bre gat +Ġimp ida +Ġolvid amos +Ġentien dan +RE D +Ġplante adas +ack s +Ġarras tre +ion ante +Ġcie gas +ĠLuxem burgo +Ġp io +ĠConcil io +p ier +Ġser o +pon entes +ĠCam eron +ĠTor os +Ġprohib idas +ues a +ĠBrook lyn +Ġrecha zan +ide a +tas te +ĠGa to +Ġchan taje +gra ciadamente +B u +Ġdes into +Ġmil f +ĠGu ia +p ág +tiz ando +ĠMat the +ts u +ĠAy untamientos +cons ul +Ġca ci +jos a +Ġrecuper ados +ĠNay arit +T ur +ĠCan delaria +о ÑĢ +ĠAvil és +Ġbil ingüe +Ġdesplie ga +ĠEntre vista +Ġinmers os +Ġn ó +Ġimp ron +Ġpl iego +v istas +Ù Ĩ +ĠE jemplos +ach er +Ġi phone +Ġpetrol ero +Ġpu to +Ġartic ulado +gu illa +Ġ ® +Ġacompañ ará +Ġencar gamos +CRIP CIÃĵN +T N +ĠConst antino +Ġsol tó +IT Y +Ġprestig iosas +Ġdi va +Ġselec tiva +Ġestudios os +ade ci +Ġcás cara +Ġx en +ĠA RA +Ġca tol +ĠSe g +ĠMaes tra +ĠCu adro +Ġnovel ista +de rech +ĠZ ero +Ġdetal ladas +Ġagra vado +ĠCivil es +ĠIdi omas +Ġhash tag +Ġconfor tables +Con cl +f amiliar +w orld +ĠAc tos +ób ulos +Ġimpi diendo +Ġliber ados +ĠH TC +Ġsabor ear +! - +ĠLu ÃŃs +DA H +un tas +tar emos +ce do +Ġapoder ado +Ġcom edores +e ing +ĠMonts errat +ĠS W +ĠOr le +Ġim án +Ġotor gados +Ġhin dú +Ġelog ios +Ġejecut ando +ĠUNIVERS IDAD +Ġbo tines +Ġperd ona +Ġheter ogén +Ġpres unción +ĠPos i +Ġsubs istencia +Ġempu ja +Fel icidades +Ġlabi al +Ġcu banas +Ġcl imas +ĠDip utado +Ġmil lar +Ġbi ológicas +Con oci +Ġprepara toria +Cl ub +Ġcos tados +Ġton terÃŃas +Ġform idable +Ġsolu cionado +Ġromán ticos +Ġquir óf +Ġsep amos +Ġestabil ización +ĠP izarro +Ġform amos +Ġconvoc an +j uegos +t ney +le b +Ġpre cepto +ĠSil vio +Ġintern amente +: - +Ġmigra torio +Ġin ducir +Ġeje mpl +quil los +ĠEuro copa +Ġdedic aba +Ġmen ciones +Ġpi j +Ġor b +Ġber enj +Ġnave ga +Ġsp ray +ĠAc tiv +ĠPino chet +ĠAdolesc entes +ÃŃ grafo +ĠS ap +ĠCon cep +Ġcuán tica +ĠN ich +TER IO +Ay uda +Ġpol ip +L an +ue ducto +ĠS ino +ĠT rac +Ġdestitu ción +on t +cap ital +Ġproclam ó +Ġcontrovers ias +Ġinterac tivos +Ġpuntu aciones +Ġb igo +ĠSolici tud +Ġoficial ista +Ġcolap s +Ġferrovi ario +ĠC lick +Ġmon ton +ĠPra t +ó genos +AS E +cion ador +ĠAl tam +ĠT rib +ĠRo ble +ĠPla zo +Ġso ft +âĢ¦ âĢĿ. +Ġmenos pre +Ġadop tan +I m +Ġc itó +Ġ3 30 +Ġperder te +ĠD j +Ġca ver +yug es +Ġmonitor ear +Ġsal on +ĠAg reg +ĠÃŃn timos +ĠComp ras +ĠOro zco +C lo +Ġcar ies +one idad +Neces itamos +ĠCompeti tividad +Ġb ró +ĠEn horabuena +ĠMas ajes +lar ta +ĠCas s +Ġignor ante +Ġpres te +ĠG mail +ĠG Hz +Ġcos tillas +Ġocas iona +Ġrecolec tar +ol ita +ĠCu idados +Ġdes amor +Ġalquil a +Ġfren ado +Ġgene al +Ġcohe tes +Ġenten dÃŃ +Ġais lar +ĠESTU DI +Ġparal elos +ĠPien sa +Ġneoy or +te ma +Ġne garse +Ġconstruc tores +Ġmanic ura +Ġcontr inc +Ġaden trar +S ecre +ĠT IEN +Ġcomp ilación +ari us +Ġmelancol ÃŃa +ĠB ecer +Ġtip ologÃŃa +ĠC ál +Ġma tu +Ġden so +CA P +O ri +ĠM ent +it t +Ġexc én +át ula +Ġsuf rÃŃa +Ġ13 2 +Ġzapa tilla +Ġpe gó +Ġcos turas +Ġfinal ice +Ġseñal aba +Ġcompeti dor +Ġsac os +ĠtÃŃp icamente +Ġabur rir +ien s +Ġperson aliz +rg ano +Ġrepent ina +Ġprim itivo +Ġgrues as +ĠMas cul +ĠBe ijing +Ġencam inadas +ĠPa olo +ĠA Z +gu sta +ĠT H +Ġira quÃŃ +pe dal +tera peuta +ĠAp óstol +Ġbuscar án +ĠSegu imos +Ġferv or +Ġconveniente mente +ĠF EC +vers ación +Ġreclut amiento +Ġgust ará +Ġcub os +Ġnum eración +Ġasim il +Esc uela +OS A +Ġdejar me +Ġresponder á +Ġborra cho +u rel +Ġmode l +f urt +ĠD ub +ĠN ancy +Ġjust ificada +ĠMedi as +Ġpersegu idos +ĠBus camos +ĠC ip +Ġcon ejos +Ġextender se +an io +Ġv uela +po int +omb ro +ĠLo pez +Ġtro ce +Ġresuel ven +Ġgole ada +. � +Ġque j +Est able +Ġcongres istas +Ġcal endarios +ĠCar ter +Lib ro +ras h +Ġ8 50 +ĠFORMA CIÃĵN +ĠDe ath +ĠMad ri +ĠHo p +ĠGlo bo +gu ió +ĠCu entos +Ġ18 00 +Ġrepresent adas +Ġnavide ños +Ġarquitectón ica +Ġderrum be +Ġtóp ico +Ġrug by +Ġbloque a +ĠChub ut +Ġguar de +k os +Ġcontra tistas +Ġmir ado +ĠGas par +com e +Ġlevan tan +Ġl entos +ĠS olución +Ġpre dios +âĢ¦ ? +Ġ19 28 +Ġprac ticamente +ĠProce dimientos +escri tura +s ig +ĠM ÃŃ +Ġac ciona +ĠAl rededor +Ġ12 1 +ĠVal enci +ĠMEJ OR +Ġcote jo +ĠE ul +ĠG AL +ĠCar o +cri bió +ĠMin era +Ġpresupues tario +Ġimpos ibil +Ġmultic ul +e ga +Ġman ÃŃa +ag ing +Ġabra za +ĠH illary +Ġu ruguaya +Ġentre gadas +ĠFin ca +Ġtraslad ada +ĠDibu jo +Car ta +Ġconcep tuales +Ap ple +Ġinci dir +ĠOl ymp +Ġbomb illas +Ġespar cimiento +Ġneoliber alismo +ĠAr riba +Ġw id +cie la +Ġconstitu yente +Ġce ja +Ġpetrol eras +Ġmosa ico +fer me +il iano +Ġatra ÃŃdo +Ġirre versible +p itos +Ġh it +ĠR ach +ina to +bo le +Ġacer camos +Ġflo jo +ĠO jos +Ġvis lumb +Ñģ к +Ġestan terÃŃa +ces ores +Ġsuf rimientos +Ġesp olv +Ġobserv aron +CH E +Ġconqu istas +Ġfelici tación +Ġhex adeci +ĠDi am +Ġcuidad ores +Ġregul ada +Ġfij ada +Ġove ja +ĠH im +Ġsub ÃŃa +Ġconten cioso +Ġconsidera ban +$ $ +âĢ¢ âĢ¢ +ĠNUE VO +ĠWes tern +Ġg if +Ġtra tase +Ġaclar ado +ÃŃ cil +ĠCal endario +Ġreve laciones +w i +Ġmer eces +ĠL ore +Ġeste la +Ġdo tes +u ke +es tro +Ġson oras +Ġcontra tada +Ġliber alismo +Ġopin ó +ĠN oc +ĠV iento +Ġmed all +ú j +Ġesp esa +Ġpin char +Ġinvoluc ran +ĠFab io +ĠV eo +ĠReg ulación +Ġgran jas +Ġsum isión +ĠConserv atorio +bo urne +Ġfor jado +ĠNew ton +Ġbes ar +Ġdesin fec +Ġrecuper e +F abric +P SOE +ĠReg ionales +199 1 +Ġun ids +ĠM ia +Ġdialo go +ĠB CE +Ġresal tado +ĠAmp aro +ĠH ea +one da +Ġconsider aron +pro ces +Ġbur guesa +Ġremon tar +Ġresponsabil iza +ĠAnto fagasta +ĠL entes +Ġw orld +ĠCa ta +Ġsomb reros +Ġestall ó +ĠEng ine +ĠEm manuel +Ġrepi tió +ma in +ĠV PN +Ġextra ÃŃdo +Ġsim ular +ĠJ US +Ġreclam ó +Ġasegura ba +ĠGENER ALES +. < +Ġsu re +Ġcan aria +Ġmuel les +Ġimpac tar +Ù Ĭ +Ex plicó +ĠTro p +Ġreembol s +Ġlo cas +Ġrealiz ara +Ġsig amos +Ġrec tán +ĠItal iano +Ġform alización +dro la +Ġins ular +Ġdesp lom +Ġvig as +Ġacredi tados +Ġimpu tación +Ġrobust a +r endo +Ġlegen daria +Ġsegu idamente +Ġgu is +Ġestim an +Ġreclam ando +ĠDe tec +Ġpre ve +ĠDa kar +ðŁ ij +we ets +ĠD ion +Ġponer los +Ġpopular mente +R esta +á culos +Ġocasion ados +Ġcon llev +Ġran gos +ĠIdi oma +tu ran +ur l +Ġcan tón +Ġtecn ologia +ĠDirec t +Ġcartu cho +ue tas +Ġcar ac +Ġemp ató +150 204 +ho gar +Ġapete zca +Ġmagna te +Ġn ylon +tique ta +Ġsurg iendo +Ġexist iera +Ġdeshidra tación +Ġinacep table +ĠF AL +Ġvol vimos +ĠCa iro +D é +ti el +Ġconfun dido +Ġabord ado +ĠUr gencias +Ġcaz uela +Ġecuator iana +ĠK am +ĠAran da +Ġesc eno +Ġconj unción +ĠFern anda +ĠI PS +ĠLar ga +Ġintercon ec +V IL +Ġdis gust +ĠMar acaibo +ĠAc tiva +Ġexport ador +ĠCon cretamente +ĠAn uncio +ĠCan cillerÃŃa +ĠCal das +Ġlas tima +Ġas in +Ġpronos tic +T L +fec t +Ġllam arlo +Ġsolici ten +Ġguer rilleros +Ġviv ida +Ġencontrar éis +Ġrú stica +M un +Ġas queros +fa go +Ġorg ánicas +Ġlanz arse +ĠTh or +Ġprocl ama +ĠAlas ka +u é +Ġsal ch +Ġdesay un +Ġout fit +Ġvehic ulo +ab lanca +ma yo +Ġsue gra +Ġconocer nos +Ġgobern adora +Ġaliment arse +Ġequivo co +ĠM AL +Ġfun dadora +Ġemb ria +Ġelector ado +ĠPerson almente +ĠEn d +Ġdetal lados +Ġmostrar le +c enas +ad illos +Ġo je +Que da +Ġmiser able +ĠG ru +ĠTri turadoras +Ġelec tos +ĠBen idorm +Lar en + ĵ +Ġre ñ +Ġno tificado +Ġinci de +Ġtóx ico +Ġescon dida +ĠAcu ña +ĠIn tent +Ġcontra par +Ġms n +j uez +ĠPo bre +ĠJul ian +Ġo val +ĠA gra +Ġcab en +Ġregul ados +ĠPeru ana +Ġaliment arios +ĠAguil era +Ġb ios +ĠVal ència +Ġfil ip +âłĢ âłĢ +Ġré cords +ĠFor ex +Ġemo tiva +ĠBri tish +19 88 +Ġenv olver +tr uc +Ġmayor itario +J AS +Ġ19 18 +Ġampl ió +Ġdif unto +ĠCrist iana +Ġerrad icación +Ġam ablemente +ON O +Ġla dera +ĠV es +Ġpol icia +ĠDeleg ado +ĠSpe ed +Par ti +ĠL EC +ami án +de cir +ĠI ce +Ġtor rente +Ġrom anticismo +Ġprema turo +ic ardo +Ġentre gue +Ġasum irá +Ġla gar +ĠAcces s +J er +Ġmar tillos +Ġev itó +Ġsen dos +Ġcoco dri +Ġinfidel idad +Ġá guila +ĠRol and +ĠCon sta +ĠParticular es +ĠM amá +Ġf ara +Ġasegu rados +Ġan h +Ġr un +Ġdele ite +Ġpa tadas +Ġpod ra +olv emos +Ġenta blar +Ġme ló +f ana +ci ertos +ĠCon cer +Ġpuls ando +Ġentender lo +Ġsever as +Ġinund ación +ĠO V +Ġanón imos +Ġcom ic +ĠLle ga +Ġlob by +ĠH AC +Ġsector ial +Ġcalle jón +ĠAb ierta +ĠPok er +ĠMo ur +ĠMon tal +Bo letÃŃn +Ġgus anos +Ġoz ono +Ġson or +Ġenv ÃŃ +Ġsincron ización +Ġam aman +ĠVol vo +TIC OS +emp resas +Ġven ia +Ġs ÃŃs +ĠP uls +ĠBar iloche +Ġvers us +Ġbrind ará +Ġbo ta +ĠCer tamen +Ġd uen +oc r +Ġ13 6 +Ġinédi ta +Ġflu ir +Ġentregar án +Ġgrab ando +ĠPie dras +ĠG lad +Ġregul adores +er i +Ġacompañ aba +Ġprogram adores +ay os +Ġade ptos +ĠZ ur +Ġadher encia +ri tual +ita cion +Ġc itando +Ġurban ÃŃstica +ĠArque ologÃŃa +Ġpan ame +Ġafec tos +Ġinmedia tas +Ġador no +ĠWil d +Ġespon ja +Ġparén tesis +Ġencontrar me +Ġjur ados +Ġcateg or +Ġembra gue +G aran +ĠLi qu +Ġtuber culosis +Ġru leta +ĠSici lia +ĠAP P +Ġenm iendas +g ebra +Ġque des +ĠB EN +ĠG is +Ġab onos +ha w +Ġencar na +Ġsuce derá +Ġdetec tó +Ġdepu ración +ĠV inos +Ġpreten do +Ġmach ismo +Ġprocu rando +ĠZ ú +ĠOs valdo +ĠRiv iera +Ġreflex iona +ĠM ena +Ġdispon es +ĠCient ÃŃficas +ĠJob s +à ¹ +ĠR id +Ġgu ionistas +ĠT asa +LO G +Ġvein ticuatro +ĠGén esis +ĠAsoci ados +ĠB ie +at ina +eci damente +Ġindic ará +Ġmay as +Ġllevar nos +ÃŃda te +IB LE +Ġord inarias +Ġanex os +Ġencontre mos +Ġestupe fa +O rig +Ġad quir +Ġpier do +Ġ- ¿ +Ġ14 9 +Ġsorte ar +Ġchaque tas +Ġque jan +Ġ12 9 +ĠRecon ocimiento +Ġoper arios +ĠPedia trÃŃa +H I +R usia +ĠC id +ĠL IM +rec or +acer do +ĠFemen ina +Ġconte o +Ġaust ri +Efec tivamente +Ġempie zas +ĠE B +pi es +Ġcad uc +Entre vista +Ġfac ul +Ġfronter izo +Ġconcord ancia +core ano +go ña +Ġpropon iendo +ĠLGB T +Ġc ran +ĠB ios +ĠArquitec tos +Ġcomp ás +Ġindic arnos +Ġllama tiva +ĠInten dencia +Ġdiecis iete +em ber +ĠPre par +Ġparaguay o +Ġorganiz aron +ĠAst ron +Ġse duc +Ġd s +por tación +Ġo ÃŃ +Ġab uel +Ġrecib os +Ġ: ( +Ġprecis an +ánd anos +Ġrob aron +Ġconquist ó +Ġal ab +Ġgastro intes +Ġreden ción +in dex +oc us +ĠComis ionado +u jo +ĠG ur +ĠO ca +ĠRuss ell +c rist +ar ez +ĠPro puesta +Ġpobl ados +ĠM itre +cre as +cindi ble +Ġf osas +ĠCo alición +ĠAlfre d +ĠG os +ĠH S +me work +Ġdec ano +Ġcoleg iados +D iego +or ama +em es +ĠMin istra +mic ro +m ientras +ĠEmpres ariales +ĠTa ur +Ġp q +ajada honda +n ero +al guien +ĠM all +ĠT apa +Ġrecomend ables +dr ic +Ġadminist rado +CH A +Ġgor das +Ġinstitucional idad +con tent +ĠPa ci +Ġocas ionado +19 89 +Ġcurios as +Ġcan arios +Ġcoinci dió +ĠGas tón +Ġconstruc tiva +Ġbord ados +Ġconson ancia +Ġsal pic +Ġom isiones +Pon emos +Ġhipoc resÃŃa +ĠCá ritas +Ġdic tan +Ġgastron ómicas +Ġpes quis +ri edad +Ġbuscar lo +ĠDro gas +Ġsubyac ente +Ġdes orient +ĠGran ja +Ġo asis +ĠAM D +Ġhar ás +tro po +Ġles a +ene gal +ĠVilla v +Ġhigién ico +Ġo ur +Ġfun dición +Ġtom os +Ġfi jan +b ulas +st om +ĠM IT +Ġcal ificada +tá is +w ord +Ġconce jo +tro it +Ãĵ M +Ġsupon ga +Ġnut rir +ĠTla x +ch ea +ĠV ice +ĠEn laces +Ġconocer te +Ġpatr ona +Pres idente +s istema +ib ilidades +J usto +Ġc y +iv an +ĠFu i +Ġmanda tos +p lor +Ġmu era +ĠIn tens +Ġinstan táneamente +ARI AS +ĠJac ques +n eo +tu rista +ĠB I +Ġfav ores +G EL +Ġsent irá +if y +? âĢ¦ +Ġw al +14 0 +Ġcusto di +ĠVer emos +Ġdenomina ciones +Ġconjun tas +in is +Ġadqui ridas +Ġhubi éramos +Ġfascin ación +Ġmix tas +Ġadecu ar +Ġdoble te +ĠLegisl ación +Ġro ba +ĠCompe tencias +s ite +Ġfis ioterapia +Ġtransmi tida +Ġbarran co +Ġincip iente +Ġco de +fo que +Fo tos +ĠSw ift +Ġegres ado +Ġadmi tidos +Ġlogr ará +Ġfigu rar +Ġveter inaria +Ġalien ÃŃgen +uch i +Ġz aragoza +Ġmor eno +Ġexpon ente +Cre ar +Ġper itos +ĠAnd ina +ares ma +Ġformul ada +Ġalleg ados +Ãĵ G +Ġrestitu ción +a o +ér tete +b ull +Ġemp la +Ġquer és +ĠUtil izar +Ġdesapareci eron +Ġs s +ĠCon cepto +Ġtej ados +@@@@@@@@@@@@@@@@ @@@@@@@@@@@@@@@@ +ĠSindic al +t ten +nos is +Ġpedia tra +l iga +Ġsuper st +IN D +Ġgui ño +Ġdamn ificados +ĠJ udi +Ġ4 47 +ĠAust in +Ġartesan ÃŃas +Ġtortu ga +Ġinconstitu cionalidad +par que +Ġquer áis +ĠComun itaria +Ġpá del +i ologÃŃa +n icamente +in ts +Pro bablemente +ĠClub es +Ġvigil ante +ĠT ajo +ĠB ecas +Ġmostrar án +ĠMass ach +ĠL eb +QU IS +ĠM IS +ĠG ual +Ġ19 35 +Ġdomin icanos +Ġcontrol ando +Ġdeclar aron +Ġmane jando +Ġagar ra +2 40 +j oy +pa t +Ġpr er +Ġescu dos +ti gua +le zas +To p +Ġfall ido +Ġros ca +Ġmercan tiles +Ġdelic adas +Ġesp inas +Ġdecir nos +ĠCamil a +ĠSi mple +ĠDiplom ado +M adre +Ġr ally +Ġenter ó +Ġara gonés +ĠGN U +Ġp it +ĠCan cel +Ġañad idos +Ġlum bar +ĠProces al +ĠA MP +pp y +S QL +Ġguard am +Ġaprue be +Ġest or +ĠS yn +Ġ21 5 +Ġsensibil izar +ĠParlam ent +ab ella +Ġ14 2 +ĠL isa +Ġenseñ aron +Ġpreten da +Ġcort ometrajes +V olver +Ġm ueva +Ob viamente +z ara +Ġanfitri ona +T oma +Ġdi me +ĠMar ian +de leg +p ment +ĠP ér +Ġnorma tividad +ĠÃŃdo los +Ġre defin +Ġca tering +ĠSel va +Ġirre pe +mol inos +Ġac rec +Ġten s +Ġfab ulos +Ġmanda tarios +ĠRobin son +Ġinterlocu tor +ĠC LA +Ġlesbi ana +Ġag ach +ĠÃŃn tegro +Ġf osa +Ġab uelas +Ġmotiv ada +Ġcón yuges +aj illa +Ġmedi do +Adi cionalmente +Ġmode sta +Ġescuch aron +Ġpeg aj +SAN TO +Ġticket s +ĠM US +Ġconec tores +ĠAt lan +ĠArgent inas +# # +t ándole +Ġen dul +iv es +Ġcambi amos +ĠF aro +Ġlig ht +Ġgall inas +Ġentre ver +En tra +ĠSo ph +Ġsosten iendo +Ġconfec cionar +di eran +ĠP il +ĠEn tradas +Ġrepar tidas +Ġafian zar +ĠContin úa +ĠVio leta +ĠK indle +Ġemitir á +ar ón +ĠE PS +Ġobten emos +Ġdespla zado +Ġprema tura +ĠR uth +un cie +ell era +Ġelef antes +ü n +Ġintermedi ación +ĠComen zó +gu ito +ĠCo pia +Ġinac tividad +Ġra bo +Ġreduci das +Ġeuf oria +ĠD re +Ġestudi antiles +ĠexplÃŃ cito +Ġtrabaj as +ác tenos +Ġevi te +Ġexpl ici +Ġstar tups +Ġanticoncep tivos +g icos +or an +ĠR ent +enz uela +Ġsofist icados +pi ña +Ġcuchar adita +a tas +å ħ +Ġtra za +Ġtrans gres +z á +G AS +Ġinf un +Ġcó lera +ĠPe layo +ĠHe ad +Ġasoci an +ĠTar ifa +Ġredac tor +n ista +ci encias +tar te +Ġres ent +RA M +Ġdemos traciones +Ġcapit alización +H T +ĠCon go +Ġsuel tas +ĠY es +iu ra +ĠNa ture +ĠMan s +ĠTarje tas +4 50 +Ġconsul torio +Ġdila tada +am elos +Ġinv icto +Ġdomin ical +Ġafortun ados +Ġenju a +Ġson rÃŃe +Ġsub irse +ĠPe ar +Ġhel adas +Ġrebaj ar +Ġresid ual +ĠMUN ICI +Ġvaca cionales +ĠEfec tos +ĠSy l +ĠLlam e +ĠMer ca +ĠE z +Ġper la +Ġlim ites +Ġcontar é +ac ci +Ġper ple +ĠG estion +ĠJ UE +Ġhac éis +ĠReg ular +Ġcritic an +Ġre ir +Ġsu ble +ĠCif uentes +tur n +Ġinm óvil +K a +N ike +ĠAl ameda +Ġcent ró +ĠMA Y +Ġultras on +ios amente +O jalá +Ġc ano +ĠK ent +ĠGir l +Ġpolar izadas +Ġeleg idas +Ġcrea cion +par ables +ux e +Ġvej iga +ĠK un +ĠOn ce +Ġpe dÃŃan +Ġtum b +ĠBru to +Ġintroduc en +ĠO pel +Ġr ÃŃe +ĠCom mons +Ġcontinu aba +AM E +Ġlas er +Ġpon ente +po tencia +Ġtar dÃŃa +Ġcr é +Ġ13 3 +ĠSo ft +Ġol er +Ġte tonas +ĠDe velo +Ġconocer la +Ġmonta ñ +Ġinconfun dible +ĠCal zada +Ġce guera +Ġasc ensión +Ġhorm igas +ĠBul garia +Ġmé tricas +Ġsimil itud +Ġdetrac tores +G ab +za te +ĠLin da +Ġid oneidad +ĠCon venciones +ones es +Ġauto cr +Ġinvestig ados +V ES +Ġañ itos +Ġll ámenos +ĠVeci nos +m id +Ġsus pir +CI DAD +ĠDan ny +Ġu ter +mi ente +ka i +CI D +Ġdes ca +Ġmal vado +Ġol fato +Ġexac tas +Ġmuñ eco +Ġpág s +Ġolvi den +ĠContemporán eo +Ġ19 32 +Ġul tim +ĠA cerca +na tural +icom iso +Ġac ud +ĠT s +Ġrespe table +ĠPERSON AL +r un +Ġprepara ciones +ĠS abe +ĠBar ros +Ġdistin ciones +Ġencabez ados +Compar tir +Ġcosmo pol +ĠSex ta +p t +Ġp án +ĠO K +ĠVal dez +Ġcatalo go +Ġhexadeci mal +Ġra tito +Ġasc ensores +ue lan +Lle vo +Ġg ur +Ġten edor +Ġr ót +Ġfundam enta +Ġsolu ciona +Ġpac ÃŃfico +Ġentusias tas +vi te +Ġdomin an +Ġverb ales +ĠDi esel +Ġconseguir á +Ġhuel gas +Ġe ólica +ĠÃŃn timamente +Ġmeren gue +que da +Ġamor tización +Ġrespe ten +ĠAnton ia +Ġcentrocamp ista +l ita +Ï ģ +Cre es +Ġarries gado +J ul +Ġros ario +Ġchu par +Ġmon jas +col i +ĠBill y +Ġpredomin ante +Ġt aba +Ġinf lexión +Ġdu dó +Ġescrib es +ĠAf ric +Ġestupen das +Ġcan alizar +ign ación +M ez +ĠP ART +Ġpre domina +Ġhum ed +Re alizar +ĠT ierras +Ġamena zar +Ġejec utados +Ġse cular +ĠM anos +ĠM uro +Ġex ito +Ġcol lares +Ġindi st +Ġconsul tores +Ġsubs uelo +ĠL ana +Ġcandida tas +Ġib ero +Ġam eno +Ġdivin idad +Ġn uez +ĠAr g +T emp +ĠS c +Ġviv ÃŃ +Ġsan ación +Ð ¿ +ĠP isos +ĠK el +Ġcri ar +ĠCON TEN +Ġdividen do +ĠDesta ca +ĠAm y +Ġplan ificado +A compañ +ig i +Ġins urg +ĠSuper iores +ĠVent ura +Ġestir ar +poder oso +Ġazu fre +Al rededor +gol pe +Ġg ást +Ġon d +Ġencontr ara +Ġpor venir +ica tura +Ġenv uelta +Ġdorm ida +Ġnorte americanas +ĠHab la +c ár +de ado +Ġper noc +Ġri enda +Ġpal meras +Ġsorpren dida +Ġsob ran +TAM IENTO +Ġsufrag io +Ġresta ura +abil onia +ĠDel iber +à ¥ +ó calo +Ġar dor +Ġimpac tó +Ġdeber se +Ġtro pa +ajust e +lan ada +Ġrev ocar +Ġpar idad +Ġra mos +Ġcoloc adas +Ġinesper ados +Ġconoce dor +ĠEstable cer +Ġnal gas +Ġb if +Ġex tr +Ġrespon dÃŃa +Ġhallar on +ĠEspeci alizada +Ġcol os +Ġtranspor tistas +ĠH ack +Con sejo +Ġmu dan +ĠAnÃŃ bal +B AR +l ador +Ġâ ĺ +ĠPhil ips +Ġrecub rimiento +Ġposicion arse +qu ÃŃas +Ġme ti +Ġme tan +ĠR and +Ġpreci ado +Ġcom ics +ĠDy lan +Ġp óst +ĠUn isex +Ġir landés +ĠNav idades +Ġfla uta +) âĢ¦ +c able +Ġi ones +Ġinter ferir +ĠSab ÃŃa +til de +Un idad +ĠBo tán +Ġreempla zado +Na ció +ÃŃn dr +IC S +Ġnumeros o +TR AS +h té +m ers +Ġpart ÃŃcula +Ġcruj iente +ar iano +ad ron +Ġdec ÃŃamos +BL ES +s ier +ĠS lo +Ġhaber te +ies to +Ġterapéut icas +ĠA ÃijOS +ĠG M +ment ario +ĠArm strong +Ġanaliz aron +Ġcuen cas +h im +ĠV IA +ĠRo th +Ġhac kers +Ġpon gamos +Ġvuel vas +Ġsecre tas +Ġmuñ ecos +Ġas a +ĠH E +Ġdemol ición +in telig +ĠC iertamente +ĠZ af +p est +ĠO cupa +ĠDo w +Ġvenezol anas +Lleg amos +Ġves tuarios +Emp resas +vir us +n it +ĠK id +Ġhor óscopo +Ġocupa ciones +ĠCr ÃŃtica +Ġparad igmas +cion amos +ĠPu jol +c aja +ĠEl sa +Ġcul mina +Ġaloj ados +Ġpor che +ĠPrincip ales +de pres +ĠMc Car +W A +ĠMos trar +Ġra b +Ġblan queo +ĠOrgan ismos +Ġsupl entes +Ġpeg amento +Ġsal tando +Ġmon tones +ĠGu ido +Ġargu mentación +P AC +Ġtu it +ĠCom putación +E tiquetado +Ġex on +Ġpresion ando +ĠHun ter +im ia +Ġcelebra ba +Ġremol que +Ġsobre carga +per u +ĠO tero +ve d +Ġcan tan +C ER +Ġmedi dor +Ġvulner abilidades +V III +ĠTo wn +ila cion +Ġperjud ica +Ġar senal +Ġprolon gación +Ġcore ano +Ġllo ver +Ġvanguar dista +ĠArmen ia +Ġcub ra +ĠIb ex +Ġox igen +ĠC ambios +Ġabandon aron +Ġfertil izantes +ĠEche ver +Ġpol los +ĠFuerte ventura +Ġpres enci +Ġ18 5 +Ġventil adores +Ġapor ten +ĠClar k +Ġimport ados +Ġceleb rados +Ġderrib ar +Ġderra me +ĠSilves tre +Ġguar do +Bus cas +y ang +Ġmon tura +Ġzo di +Ġinici amos +aliz adora +Ġsuper ada +Ġtr ÃŃ +T us +Ġa jos +man i +ĠW is +ex t +Ġcén timos +Ġpol in +ĠTer ry +Ġenvi arle +Ġape tec +Ġsi er +tre o +ĠElec tric +Bus camos +Ġtra ten +Ġam i +ĠCam bia +Ġsur ja +Ġhospital aria +ĠCommun ity +ĠL itoral +eo ple +Ġpris ionero +Ġconstruc tivo +éndo las +D L +Ġarque ologÃŃa +Ġpleg able +Ġhemorrag ia +Fund ación +it ador +Ġju ro +ĠCar acter +Ġvar illas +ĠPho enix +Ġpres tadores +Ġco chera +Der echo +ci ando +ĠVal larta +Ġ13 1 +Ġinsu ficientes +ĠAquel la +Ġconsolid ada +à ¹ +Ġb aby +tar ismo +Ġdia posi +ĠImp ortante +ĠOn da +tz sche +Ġre querÃŃa +Ġsab remos +Ġz orra +ĠWal ker +ĠWW E +ol ÃŃtico +Ġsospech ar +F ab +Ġincluy eron +ĠPre f +Ġmand amientos +Ġapo do +ĠAplic ar +ĠPeque ña +ĠTal avera +... ), +tri tis +Recor demos +Ġtric olor +à ¸ +ĠB omba +Ġprov isto +Ġretro alimentación +Ġvol te +Ġplane ando +ĠbÃŃbl ico +Ġrecorda torio +Ġpos tes +Ġrecaud ado +Ġirresist ible +Ġbu zón +Ġsuger ido +Ġperif éricos +Ġinv ierten +å ı +Ġmar que +Ġauto vÃŃa +Ġdec ÃŃs +Ġrefres co +ĠF ile +Ġblog gers +Ġmale tero +Ġaudi os +Ġdisco tecas +ÃŃna te +Ġarrep entimiento +Ġconfer enci +un ciones +Ġasoci ar +ĠComple to +Ġcom arcas +ima gin +ó geno +ĠC ep +ĠS tad +gn er +Ġvas to +Ġfuga z +ĠW ifi +Ġdist racción +ĠPar ecÃŃa +ĠTo urs +Ġhuman ista +Ġl ust +ĠS ad +ĠCh er +Ġconfun de +Ġirrespons able +Ġ16 00 +Pa ul +ĠMens aje +Ġindud ablemente +Des cu +Ġquin ientos +Ġgras o +Ġconquist ado +f res +Ġcogn itivas +Ġap laz +vi ente +Ġmayor itaria +Ġtrans mit +ach es +Ġdismin uyen +k ok +Ġre inte +ü l +Ġramp a +S á +Ġgra to +Ġpron uncia +ĠExper im +ĠÃŃ cono +ĠEstad ÃŃsticas +D ia +" ¿ +Ġcent er +Ġestric tas +hté moc +Ġsal ada +EN S +Ġmo use +Ġantigu amente +ir d +Ġcabez al +cel lo +ĠFis cales +ĠNu ria +m sterdam +Ġrep unte +Amb as +Ġpermiti era +o ch +in almente +tr inas +f ónico +bi es +ĠâĢľ . +Ġcorpora tivas +Ġs top +Ġla mp +Ġg radas +ĠP ED +ĠPer ten +Ġdibu ja +Ġav ion +Ġinflu ido +t ribu +Ġrev uelo +Ġdescub iertos +Ġfortal eciendo +ĠA tac +Ġte or +ĠCa z +ĠS uerte +Ġos os +Ġ« ¿ +Ġescrib ieron +Ġcen iza +Ġp úrpura +Ġpens adas +ok er +Ġsu bimos +ĠS au +ĠM T +ĠO d +Ġba g +Ġdistra er +Ġapasion ados +ĠP rice +Ġsecre ción +Ġbus ques +Ãī ste +ĠEl i +Ġtransform ador +ĠÐ º +ĠCol ima +Ġocu pe +fec tura +Ġcr á +Ġenfri amiento +Ġcual ificación +ĠMarÃŃ timo +Ġllam en +Ġvas cular +Ġcomprome tidas +Ġmicro bi +Ġcontemporán eas +Ġco ta +Ġemp al +Ġven ide +und ación +ĠWat son +Ġautor izó +Ġcerv ec +Ġesc r +Ġtom es +Ġnoti ci +ĠMartin ez +Imp res +Ġimpure zas +re tro +ĠV on +Ġinvesti gan +Ġconcep ciones +Ġautent icación +Inter es +Ġalmor zar +Ġespacios a +Ġsob ornos +Ġincomo didad +Tri turadora +Ġprefi rió +ita bles +Ġinteres aba +ĠW onder +ĠK ids +di put +ĠD ragón +ĠQ R +Ġgr úa +quil es +Ġatu endo +Ġefectu arse +ĠVenezol ana +Ġlent itud +ĠP emex +ĠL iderazgo +Ġconf is +rón icas +Ġfrac cionamiento +Ġestric tos +Ġp élv +et t +ram entos +Ġseguir ÃŃa +ĠAvi ación +tu b +V as +ci ares +Ġmon op +Ġcomplic ación +Ġdecep cionado +Ġcariños o +Ġpinch ando +Ġcompi tiendo +Ġno torio +Ġob rar +dor e +Ġfran ca +Ġliqu idar +ĠBo dy +ĠFer ro +tele fonos +re e +ĠD ale +Ġpasar elas +Ġaten didas +ĠH acemos +ĠH echos +Ġatac ando +Ġde tras +Ġun d +ĠAl do +Ġtern era +Ġcl in +Ġform arán +Ġmag isterio +ĠFel icidades +ent istas +Ġutiliz arán +ime tro +ĠH og +ile o +ĠInf antiles +Ġabon ados +a quel +d ana +Ġtel enovela +Ġmover te +h in +POR TE +Ġhisp anos +Ġpor tar +ec raft +Ġsac aba +Ġpers ecu +Ãĥº n +iz er +Ġhaz lo +Ġp ick +Ġcas cadas +Ġstan ds +Ġvo ca +ĠSé pti +Gar cÃŃa +, - +s ide +ĠÃŃn timas +ĠFer mÃŃn +A ut +ĠMotor ola +Me j +Ġtox icidad +ĠtÃŃm ido +K e +ĠS era +... ¿ +M ucha +ĠD emas +ĠBode ga +ĠMes as +Ġvolun tarias +Ġaprue ban +Ġp aj +Ġargu mentar +Ġec ológicas +Ġdesen vol +aste cimiento +Ġr uego +Ġmar gar +Ġimpres as +Ġcalle jero +Encuent re +ĠVÃŃ ctimas +Ġarro dil +Equi po +Ġe book +ĠGu a +Ġjun ior +Ġenfrentar án +Ġpens aron +quer ÃŃas +ĠSeñ al +Ġclic s +Ġcho ques +ĠCastañ eda +ent i +ĠA je +ĠDi abetes +ĠÐ ¾ +Ġcomp ite +Ġmor der +Ġestan camiento +ar tic +ĠPos e +ĠLib res +Ġdialéc tica +ac ÃŃn +ĠQuil mes +Ġhab it +Ġambi ciones +G IN +G UE +ĠHa ciendo +Ġdesapar eciendo +ri cio +Ġapoy aron +ĠClas s +Ġv ine +Ġi f +Ġminister ial +ĠPol ÃŃticos +IL E +Ġpez ones +Ġresgu ard +Ġemocion ada +ĠVillal ba +Ġk ayak +ĠMez cl +Ġlum inarias +ta xis +ĠO tto +Ġingres an +ĠRev iew +ĠCharlo tte +ĠD iversidad +mb urgo +Ġrecha zada +Ġoptim istas +Ġpsico anal +ĠFamiliar es +ĠÃģr bol +ĠQu im +Ġocupa cional +ë n +ĠM IR +Ġgigantes ca +frad ÃŃas +Ġdoctr inas +Ġencan taba +ad u +Ġt á +ĠC é +is bol +Ġlech uga +ĠKen ia +ĠAnim ación +Ġpens adores +Ġbar aja +Ġrecib es +Ġantici par +) âĢĿ. +Ġp esti +Ġcont ent +ĠReg istros +ĠTrans ferencia +Ġpenins ular +e das +Ġinf la +Ġquer rÃŃa +Ġculmin ación +mil itar +w oo +Ġdestru ida +ent adas +Ġviv irá +ĠSu reste +Ġgir ando +Ġcomis ionado +L ine +is en +En con +Ġpel uche +ul k +Ġdestru yendo +Ġdemues tre +L iber +n ición +Ġan cla +Ġpre escolar +ĠSh el +ĠFantas y +Pien so +Ġchat s +ĠExper tos +Ġcampes inas +Ġvesti gios +ĠPas toral +k king +Ġanim an +ĠSer bia +ĠNicol as +A si +ĠA ÃijO +Ġj udi +Ġcompr aron +Ġpreguntar nos +Ġar teria +Ġdog ma +Ġamena zó +Ġreac cionó +Ġbron ca +N C +t ándolo +â ľ +Ġapren da +Ġintent é +Ġpes im +ĠEscal a +en den +Ġcu pos +Ġcl ero +Ġmodific ando +am erica +ĠC OD +Ġg esti +Ġcar ibe +Ġsorprendente mente +ĠLiber al +ĠacrÃŃ lico +ĠN oroeste +Ġbas tón +Ġesp ina +C ór +contin u +Ġentier ro +ĠNi ñas +Ġma ximo +Ġay udo +Ġbar riga +ĠLA BOR +Ġapun te +Ġconting ente +ĠTom ar +Ġembaj adores +Ġads crito +Ġenvolv ente +Ġne garon +ĠCement erio +de v +а ÑĤ +ĠG ub +Est ar +Ġaplica cion +Ġs ándwich +Ġpres tó +Ġdid ácticas +ĠPost grado +Ġn eb +Ġamb ula +ĠTur ÃŃstica +Ġseleccion ando +Ġph p +A qui +ome tros +tin io +ĠDom ici +Ġconden as +U ACIÃĵN +ci elos +Ġelabor ó +Ġcient ÃŃficamente +Ġgir an +ĠcÃŃ cl +Ġatmosf érica +h uela +C amp +Ġman di +Ġextrater restre +ĠL em +Ġlú dico +Ġserp ientes +Ġgil ip +Ġsecre tarios +Neces itas +Ġne xo +fic ante +Ġmues tren +úrg ico +Ġdij iste +ĠQa tar +ĠMonto ya +ve do +No v +Ġfrust rado +ĠTu vimos +Ġambient ada +Ġdel fines +Ġsur jan +l uego +ĠAn s +Ġmonta jes +icul tores +figu ra +Ġv and +ĠA bar +Ġdepos itado +' ) +ĠS ora +la ge +ĠRom ana +ĠN ora +ĠZ onas +ĠFred dy +ĠA ber +Ġadmi ro +Ġempa tes +Ġsol itaria +Ġreg idor +Ġad oro +20 2 +ĠRol ando +' t +ist ica +ĠT M +Ġj on +C OS +ĠJ ong +CIA CIÃĵN +Ġtax ista +ĠAcu er +ĠCar ga +Ġenfoc adas +Ġprovis ionales +gr ar +Ġclo ud +Ġcoad yu +Ġpu ras +vas cular +In cre +Ġor os +cal de +Ġtermin en +ĠA za +ĠG E +ĠG AS +Ġform ará +Ġlic enciada +ro pa +Ġan tor +car o +Ġago tar +ĠSor iano +um bra +ĠI ñaki +Ġmun dillo +Ġir nos +Ġindocu mentados +es tern +Ġrevis e +ĠSex y +Ġre tic +Ġmu da +Ġdist urbios +on ero +Ġpres ag +Ġarbol es +L i +Ġcompar tan +Ġvalor ó +dash ian +Pre cioso +ĠCu ál +Ġru t +ĠCons ol +Ġlevan taron +Ġs Ãĥ +Ġdes comun +ĠAl bar +Ġbuscar on +Ġlim itó +Ġdemand antes +A penas +Ġsaque o +minist ro +ĠPol i +Ġconce bida +Ġmanus critos +Ġgremi al +Ġal i +Ġproces ales +ĠC risis +fici entemente +Ġvis itados +ĠFor um +ĠPre visión +Ha ga +z ú +am pas +ĠAy ud +Ġb itcoins +Ġprin cesas +* , +ĠReg ÃŃst +gobern ador +ĠV A +ĠTerra za +Ġpo es +ĠG at +Ġacuer dan +Ġenci clopedia +ĠEdi tor +Ġbarbar ie +Ġpubl icas +Ġhid rol +ĠPine da +T ags +ĠD M +Ġflu ores +Ġrespira torio +Ġir rita +F uera +ĠX i +Ġhomolog ación +Euro pa +ĠMon ro +ED O +Ġmac eta +Ġtoler ar +ĠRob o +Ġsan tiago +ĠAd s +Ġfij arse +Ġveter inarios +Ġe i +Ġs ard +Ġcomb inadas +Ġcompor tarse +Ġtuer ca +R EN +ĠMa k +Ġobserv aba +ello w +Ġaus encias +Ġdesaceler ación +Ġten ian +Ġar os +tene gro +Ġesc ab +tex t +Ġdéci mas +Ġmulti plica +R ay +g ed +ĠTO TAL +Ġcualita tivo +Ġmach ac +Ġcontempl ando +CL US +ab los +Ġdecl aran +ĠJun ÃŃn +Ġdiab éticos +ÃŃm il +Ġatribu ir +Ġb ál +ĠG S +Ġ20 5 +Ġrealizar emos +Ġma de +Ġinfec tados +Ġperu anas +Ġincompati ble +Indic ó +P uerto +oc om +Ġdo tados +Ġcolabor ó +Ġfol io +ĠEspec tá +ĠEar th +ff f +iladel fia +ci adas +ĠD amián +ĠO re +Ġna tivas +Ġcaus antes +Ġó leo +Ġexpe dido +ĠSant ÃŃsimo +p ita +Ġtur quesa +Ġpromete dor +Ġmu til +Ġestrech os +ĠEmbaj ador +. âĢĵ +lo pe +Ġcas ar +ĠPer m +Ġconver tidos +Ġsuspendi da +Ġretor nar +Ġluch ado +ço is +T Y +Ġsuper en +Ġsimp at +b ala +vo t +Ġeusk era +] [ +am inas +Ġas uma +Ġro ban +Ġtom ara +ĠDu bai +Ġï ĥ +Ġ16 9 +Ġinspec tores +uset ts +entos a +ĠCom ics +Ġfestiv idades +h om +ĠC ID +Ġnos e +Ġfalta ban +ĠAR G +ĠC ón +ĠW ith +ĠMer cad +ĠTur bo +Ġantrop ologÃŃa +Categ orÃŃa +apren dizaje +U Z +Ġcóc teles +ĠReg lam +Ġlóg icas +Ġdes an +Ġev itado +Ġsub terránea +Ġsub consciente +ĠAuton omÃŃa +di ficación +Ġab r +Ġab ara +Ġve te +RE Z +Ġbomb illa +Ġpotencial idades +Ġfij amente +ĠFan tá +Å ¡ +bo ca +Ġaper turas +ĠDiv ino +M iles +ter reno +ici e +Ġli tera +ĠAt letismo +ĠO cas +Ġli ke +Ġargument ando +ĠManzan ares +Ġposi cionado +Ġpintores co +Ġma queta +Ġpe aje +Ġdescon trol +Ġs tic +Ġo yó +ĠS ib +Ġasegura miento +Ġm ula +ĠR G +én dice +Lleg ó +ĠHel ena +Ġcostar ricense +En rique +ĠFor os +ĠI CE +Pre vio +Ġcáp ita +PON S +Ġdes er +Ġmar isco +Ġdeman dados +Ġgrues os +baj os +Ġobliga toriamente +f eld +ĠLle vo +Ġinvad ir +Ġd ac +él icas +Ġevalu ado +ĠVAN GUARDIA +. @ +AT OR +Ġdispu tarán +v c +gu ÃŃa +Ġtrans nacionales +ĠMo ta +Ġtron cos +Ġseque dad +Ġb ú +po blación +ĠCarab obo +ĠStan ley +ĠAndra de +ĠAr ca +Ġref inado +Ġre lan +par do +at l +Ġtermin ados +Ġev itará +Ġplante ados +pl icidad +Ġrastre o +c eno +Ġven demos +Ġproyec tor +ĠJosef ina +Ġo dia +ĠL itu +ĠCan to +ear s +Ġreiter adas +ten demos +ĠNo vedades +cas as +Ġprior izar +ĠT ed +ĠRo cha +Ġocas ionales +Ġcompren didos +Ġventan illa +ici amiento +qu ense +Ġhall ó +Ġca y +cla ve +k us +Ġma tiz +gan cias +fre do +ĠA dela +ves t +Ġcasti gado +ĠSosten ibilidad +c amientos +if as +Ġval l +Ġfalle cieron +a gu +Ġher ir +da tos +um ba +ar tÃŃculo +ĠCo penha +Ġ13 7 +Ġtonel ada +ĠCom put +Ġmos taza +ĠMor al +ĠAl pes +let te +De partamento +ĠEfec tivamente +ĠMagal lanes +Ġdisco gráfica +Ġarrib o +Ġcondi cional +Ġnerv iosos +Ġextor sión +ĠHig iene +Ġdistor sión +Ġincluir án +Ġsinc eros +Ġde cap +Ġla icos +ĠE VAL +ĠV OL +ho ven +Ġocup adas +ĠEj ecución +anes sa +i ador +Ġac al +ĠVide oj +Ġpeculiar idades +ĠL amb +ĠB áez +Ġdo tada +Ġescon didos +Ï Ħ +Ġin cle +Ġclub s +D ip +Ġl ive +des as +ĠContin ental +Ġidentific arse +ĠRog elio +pa y +Ġhom en +Ġp és +Ġof rendas +Ġpal mar +Ġfor zados +mm mm +Ġelig es +in form +Ġtele fon +Ġrepar te +ld ora +ĠSue le +f lor +Ġcar ente +aaaa aaaa +Zapa tos +Ġpayas o +Ġbombar deos +Ġastron omÃŃa +Ġacantil ados +V an +Ġdesle al +Ġi on +ĠEntre tenimiento +ĠGastron omÃŃa +Ġre do +ĠLe x +ĠSOCI EDAD +ad ito +Ġtra tándose +ion ario +Ġprovoc ados +ĠUn iv +Ġllev es +Ġpermitir se +ĠTI TU +eno vo +Ġdispon gan +Ġtit ulaciones +ĠAnton i +adal ona +Ġcongel ado +Ġagen das +Ġal ca +pres a +ju an +T ech +s é +Ġa sta +Ġqu es +ĠCon exión +C ambi +J e +A H +D IS +ĠX in +Ġinde bida +Ġs illones +Ġb icarbonato +is se +ĠI gu +pu zko +ocola te +p ida +Ġdes habil +Ġagru par +Ġdistin tivos +Ġacer cado +Ġdele itar +Ġvecin al +Ġintroduci da +Ġminia turas +ĠGimnas io +Ġtranspira ble +Ġcele bre +Ġle on +Estudi os +10 5 +Ġfas h +Ġgana dero +Ġreen con +la via +Ġcal iforn +endi das +Ġcom bo +Ġtit ulados +Ġbru ta +ĠSS L +Ġre ban +Ob jetivo +Ġal ici +ĠAl gar +pas o +Ġcordob és +Ġtranse ún +ĠPer man +Ġnauf rag +E j +ba g +Ġsa xo +Ġemin entemente +pa zo +Ġdif us +AA AA +z ante +Ġpla tillo +Ġvuel ves +TIV AS +ĠLinked In +Ġcúm ulo +Ġvestir se +ter ran +mos lo +Ġcompar amos +Ġ14 7 +ĠA da +Ġdesp ide +ĠÃģ msterdam +Ġcaptur ados +Apren de +i y +Ġcol gando +ĠDE N +Ġmantener te +ĠIncl usión +Ġenc endida +ĠTom my +Ġaer ób +Ġpad rón +Ġri oj +Ġre gar +Ġsuce dieron +ĠEst er +RA C +ĠS ime +Ġcooper ar +ĠP alo +Ġconst elación +Ġcul par +Ġaprovech aron +Ġtra zo +ĠTrans formación +ĠRol ling +ĠSac ramento +Ġcaute lares +Ġcont é +Ġfal tado +ór um +Ġsuf rimos +eros o +ĠD ual +ĠCap it +Ġafirm aron +Ġpla tic +Ġbici s +Ġrepu gn +de ando +ĠBol sas +v re +Ä ĩ +ĠG og +Ġcos teras +eci ente +ĠMo zart +Ġplante les +Ġdiscu tiendo +Ġcaj ero +ĠTe ologÃŃa +EM PO +Ġcalcul adora +Ġluc en +Ġinm uno +Ġimpor tes +ĠDa ve +Ġreproduc tiva +ĠFron teras +Ġcong ru +ci anos +Ġsubray ar +ĠMob il +M c +e ur +Ġan ÃŃm +ĠNo ticia +ĠHer m +Ġapre tado +Ġilust res +ĠT rist +ĠSen ior +ab s +ĠEd win +Ġcomprob ante +Ġ ij +UN D +Ġclim áticos +Ġre cos +Ġinquil inos +go ogle +al ur +ĠCar ranza +Ġgu apas +Ġsobr inos +Ġy ar +ĠPe tróleo +Ġconven cimiento +ĠRecu peración +Ġc ialis +Ġaplic arlo +Ġpost ulados +Ġmez quita +Ġmemor ables +ĠAlvar o +Ġinces ante +Ġcoment aron +Ġsubje tividad +ĠH arle +lic er +Ġrespal dado +Ġescri bimos +c á +Ġma z +ver tidos +Ġsolucion arlo +ĠC ord +Ġhab remos +ĠCar tas +ĠÃģ guilas +23 3 +O fici +Ġsu deste +Ġmanten ÃŃan +ĠâĤ¬ , +Ġtocar á +Ġapla uso +Señal ó +Alej andro +Ġdis gusto +Ġviaj ará +Ġcontractu ales +ĠVet tel +ĠP im +ĠO bre +Ġ25 00 +Ġcuidad oso +Ġestre m +Ġtra zos +Ġhac ÃŃamos +Ġca va +ĠCON TROL +Ġexplor ando +ĠBernabé u +Ġsorpren derá +ac ro +ĠV istas +Ġinter cal +Ġinv itadas +Ġceleb radas +ĠVal les +ĠHar t +ĠNaran ja +ĠI gn +Ġmá st +ĠCa za +fas t +Ġincomple ta +ĠRes iduos +Ġacredi tada +Ġmu ero +Ġcan as +Ġofre cidas +ĠrÃŃg ida +k k +Ġque jarse +Ġti jeras +Ġrom pa +Ġinteg rando +Ġexquis itos +Ġinsignific ante +L ink +Ġal ic +Ġél ites +ĠMars ella +Ġac amp +Ġinf antes +ĠDel itos +Ġrein vent +Ġh alo +ĠA dor +ĠZ ucker +Ġdedi que +Ġra cistas +Ġfij ados +Ġnews letter +Ġobliga torias +ĠEstán dar +ĠChur ch +ĠS erg +Ġcontar emos +Ġduplic ar +ĠRug by +A um +ĠS ay +Ġten sa +par as +Ġpul ir +ra jes +ĠS ri +Ġocupar á +omb ra +ĠRelig ión +ĠDeliber ante +ĠDe troit +ĠCas co +forma ciones +ĠADMINISTRA CIÃĵN +Ġra tificado +ĠEth ernet +ĠðŁ Ĵ +Ġintac ta +Mic rosoft +ent onces +Ġrom ero +iure tano +ĠG lor +Ġplan chas +Ġinstal an +Ġprotagon iza +Ġu ña +Ġpes quero +Ġindi cio +Ġcolec cionista +Ġmem es +ĠMig ración +Ġimpre de +ĠLe van +Ġenter é +Ġmezcl amos +Ġexpuls ados +m uchos +Ġver edicto +ho le +Ġvic eministro +ĠD ental +Ġutil ices +Ġencontrar la +Ġalim entado +Ġhuman itario +Ġnicaragü ense +RI L +Ġseleccion amos +s p +Ġcomo do +Ġtrans itorio +Ġapar tar +ĠInici al +ĠF IL +âĢĿ ( +Ġsa qué +Ġrespal da +F an +V iva +ĠL ob +Ġcompr endo +Ġconvers a +ĠEurope an +M ed +ĠPre vent +Ġrecuer das +ĠGonz alez +ĠA rea +Ġabst racción +ĠP ob +ĠProfes ora +Ġsab iendas +Ġpapel erÃŃa +ĠDirec tores +Ġfirm antes +Ġdifun dida +Ġapreh ensión +Ġdetall adamente +m adrid +Ġme tic +Ġ19 25 +Ġreduc ciones +Ġintermedi ario +Trabaj amos +Pregun ta +Ġac ech +ĠMan go +Ġ13 4 +ĠBa tal +ueve do +Ġdesapareci das +Ġhable mos +Ġvol canes +Ġmenstru ación +Ġla mentar +Ġdejar los +ĠHa wa +ven ia +Ġtar ima +Ġbole tines +re t +Ġescuch arlo +Com ienza +Ġmedicin al +iz quierda +Ġemb esti +Ġantici po +Ġés a +ĠFoo t +o cial +tu viera +Ġme tam +Ġsan d +Ġarm ónica +Ġnovedos os +Ġtir anÃŃa +ĠÐ ´ +d omo +Ġex ento +Ġgas tan +Ġalmacen ada +Ġexport adores +Ġes cup +Ġpro videncia +ĠCor dillera +ĠGra y +Ġfalle cida +Ġpronunci ación +res t +Al im +ĠFeder er +Ġcas e +Ġases inadas +Ġsi ervo +Ġcolabora tiva +Ġesca pan +Ġorganiza tivas +id ane +op las +Pla y +Ġengan che +og ado +ĠProfes orado +ĠEnter prise +G a +ĠMoy ano +Ġp ud +gu ita +Ġan du +ĠG len +Ġ19 27 +Ġchef s +ĠSEÃij OR +Ġcomien cen +Ġconsist entes +cán gel +Ġsobres ale +Ġero tismo +Ġgrup ales +R R +j ajaja +Ġres olu +Ġextra j +ĠSmartph one +Ġan ec +Ġital ianas +ĠA bo +Ġac ro +ĠK os +Ġilum inada +Ġdifun dió +Ġgent il +Ġd á +Ġcatal anas +Ġadhes ivo +Ġpar ecerÃŃa +S ec +b b +Ġjurisdic cional +Ġdu dosa +ĠCor rec +i tia +con ferencia +Ġactu alizando +Ġextermin io +Ġsu plic +Ġentien des +Ġgol os +Ġinterf aces +ĠLaw rence +Ġcu ñado +Ġpa ella +Ġrod amientos +Al l +ĠRob er +ĠR ace +Ġaplic amos +Ġamortigu ación +V IN +qu iza +ac tos +du ino +Ġincrement an +Ġdañ ados +Ġrefres car +ĠPeda gogÃŃa +c alidad +Ġaspir an +C UL +ĠGra ciela +Ġtos tado +esc uela +Ġin ago +ĠVal eria +ĠBa il +ĠEm ily +vs ky +Ġcer co +tó rico +Ġsof ás +ĠBiblio tecas +Ġemig ración +g ora +ĠCine ma +R IC +ĠCo ol +J orn +ĠS pec +ĠF rÃŃa +Ġacab arÃŃa +Ġcau tela +Ġimpron ta +Ġinde bido +al t +om on +ĠD ul +tor re +G obierno +Ġev adir +Ġinstal aron +ĠMus eum +m ales +ĠAs istente +gel s +Ġof talm +Ġbenefici ará +ĠMc Laren +Ġpes an +Ġcel estes +Ġest oma +Ġin util +Ġhura canes +Lu gar +ĠNo w +th is +Ġh ara +Ġinf or +In tent +M ario +Ġconvinc ente +p son +ec ologÃŃa +ĠRe in +Ġlan ce +Ġguard ados +Ġgrav ita +ĠA to +ó pata +Ġevalu ados +ĠBre xit +ĠD ona +c d +ĠA be +cal e +Ġpán creas +ĠO ak +Ġpasar te +Ġe clipse +Ġen t +En contrar +19 86 +ĠHern ando +Ġocupar se +Ġnovedos as +Ġcab inas +ĠMé todos +ĠDis cipl +Ġbeb iendo +Ġevolu tivo +Ġdiger ir +w ick +Ġten a +ian i +lic to +Ġaustral iana +Form ación +ĠHamb urgo +ĠEst é +jer an +Ġimpac ta +Ġdivul ga +ĠPeda g +Ġmu tación +Ġre ins +ĠC isco +ĠOrle ans +co okies +at t +Ġmir en +Ġlin aje +Ġd unas +Ġver tientes +ĠCon cent +ĠMa o +ĠAutor idades +Ġac eras +Ġt apón +ĠG iro +pl us +Ġtamb ores +ĠSex uales +S ala +Ġcu estas +Ġsal irse +Ġda te +Port ada +Ġserv id +Ġb et +Ġad ue +ĠQu iere +Ġatre vo +ĠKar dashian +ĠF IA +Ġmon tan +hu ac +Ġpredomin io +Ġaseme ja +Ġgarban zos +R icardo +Ġacus ar +Ġsuper aron +Ġedi tada +ĠHer rero +ĠBl ues +Ġcom itiva +Ġparti ción +Ġconf luencia +Ġporta bilidad +Ġcompara tivo +Ġcons pir +Ġdici éndole +Ġcontun dencia +pe ya +Al berto +def ensa +Ġdes gu +Ġtratar án +Ġdismin uyó +ĠÃĵ rgano +c ross +ĠB E +Ġpe pino +Ġapar iencias +ĠTar de +ĠAcep tar +an dos +Ġgust aban +en cos +Ġpec adores +Ġreduci rá +ti ana +óp ico +Ġdiagn óst +Ġreglam entar +Ġpastel erÃŃa +me trÃŃa +w ing +Ġl is +âĢ ¨ +ĠC ierto +il oc +ĠM BA +ĠM uertos +Ġlá tex +Ġtecn ico +Ġc ra +Ġc ross +ces ano +ĠPubl ica +Ġabri gos +Ġactiv ismo +Ġpermi tida +Ġcompr ados +Ġafec tivo +Ġdirig iéndose +Ġbó veda +ĠMour inho +ĠAr zobispo +Ġdar os +Ġconcre ción +Ġalber ca +Ġtsun ami +Ġch as +ĠMar il +Ġduer men +Ġpar ezcan +ĠF AR +Ġpu ñal +Ġpoder ÃŃo +ĠT arot +Ġé ticas +Ġinser ta +Ġexcav ación +tá bamos +ram eric +ister na +Ġy u +Ġpro di +pa gos +ér mica +ĠDepor tivas +Ġsoñ ando +Ġme tróp +Ġinstitu cion +Ġredi señ +iuda dela +Ġacol chado +ĠAntic orrupción +Ġbal ances +ĠHer e +ĠB oc +ĠF ior +ĠZ al +ĠPos ada +Ġclasific ó +ul u +Ġllam ará +Ġelim inó +ĠC andy +ĠA gü +fre cuencia +ĠH SL +Ġinv ari +ĠMatem ática +Ġcent rados +ĠK rist +S ER +g eo +ócra tes +Ġhab itar +gal pa +Ġpun tera +Ġreutil ización +Cos ta +Ġdramatur go +Ġconcern iente +) âĢĿ, +Ġa eros +Ġdes v +ĠAutón omo +Ġsecues trados +Ġcintur ones +D F +Ġcr ueles +v ajal +ĠI MA +ĠCal efacción +Ġadi vin +Ġdorm ÃŃa +Ġatre ven +Ġin ofens +Ġver anos +Ġautomo ción +ĠInfraestruc turas +Ġde amb +Ġun ÃŃ +Ġartes ano +ĠJard in +ĠCAL IDAD +ĠF iladelfia +ĠSi x +Ġasal ari +hh h +Ġinadecu ado +Ġloc alizaciones +ár telo +Ġcohe te +ĠH I +ion almente +Ġcolec cionistas +Ġbritán icas +Ġbro ker +f ron +ĠB abilonia +ĠAp olo +ĠAc tive +Ġimpuls an +Ġhúme dos +ĠTriun fo +Ġentre laz +Ġasist iendo +Ġmár tires +ĠvÃŃs peras +Ġrin dió +s il +Ġen igma +Ġra ta +com pr +ĠFO TO +ser ve +ĠC oc +ĠT DAH +k ele +ĠA TEN +Ġco dos +tiz ia +Ġextraord inariamente +ĠLlo bregat +ĠR TVE +ĠRe us +Ġhered ado +ĠLu ján +Ġagradecer ÃŃa +Ġesper adas +Ġexten sas +Ġreaf irma +Ġrib era +Ġs pe +ab os +Le ón +Ġdetec tives +Segun da +ĠC IN +ĠS cor +ante ón +Ġcongel ados +A ra +Ġgo teras +ĠAp ps +ĠImp resión +aller y +ĠApe laciones +Ġhel ada +ĠCha po +s omos +Ġpres iona +ĠVal enzuela +C eleb +ĠL T +Ġade re +Ġpredic ar +ĠE jer +ĠJu das +Ġperman ezca +ĠNav a +ĠS panish +ĠT F +du rante +ĠIndi ana +do cu +Ġgen éticas +Ġagres ores +Ġdepos ito +Ġarru inar +ĠC uello +PD F +Ġcomple te +Ġbeneficios os +Ġpól vora +Pro ductos +Ġep istem +l t +en ia +Ġespon táneo +Deb er +ĠCuau htémoc +Ġconfirm ando +Ġinto xicación +g iles +p ros +Ãļ S +Ġvegetar ianos +ĠHura cán +Ġcor tadas +Ġconci erne +Ġmaci zo +Ġvalenci anos +ida y +Ġcl ips +Ġatra pa +ari ño +Ġsuspendi ó +Ġdesvel ar +Ġarrepent ir +ĠA ch +ĠEn tiendo +Ġtribu tarios +Ġpár pados +an y +Ġvil lanos +Ġp álido +ĠP GR +Ġrepent inamente +é valo +én ix +Ġtr un +Ġdesaf iante +Ġpre hist +ĠMur ray +ĠPi qué +Y T +w ear +T amaño +aliz aba +end remos +ĠCine mato +Ġcro w +Lin ux +Ġs cra +ĠG ene +Ġedi tora +Ġpelo tón +Ġindirec to +Ġarquitectón icos +ĠRe ich +ĠFINAN CI +iz u +pon de +Ġpe laje +ĠTrans form +ĠÃģra bes +Ġdisco gráfico +ĠVal oración +daf ric +Ġf ún +IF I +ĠEspeci alización +Ġped ales +it te +ĠRe para +Ġconven ció +mbi to +ĠFir st +Ġen ar +Ġtra yendo +Ġcanad ienses +Ġterapéut icos +f ile +s ionar +Ġt ónica +Ġcerv ical +Ġautos u +ĠCon cordia +Ġpal omas +Ġlin terna +Ġnomb ramientos +hor ias +ĠIns cripción +v y +Ġcereb ros +Ġfur or +Ġembu tidos +ĠE CO +Ġpi leta +und inamarca +Ġ13 8 +Ġpatrocin ador +Ġcham pi +ues t +lic ante +Ġconsist orio +ĠT ags +puzko a +tra ck +Ġson ó +ĠSu zuki +Ġacep taron +r genes +n ueva +Ġs ap +da ño +Ġcar amelos +Ġlu ció +Ġdesalo jo +se e +Ġat lán +V o +ĠAgre gar +p lex +Ġb icho +den ales +ĠâĢ İ +endi ente +ĠÃģ lex +ĠVilla ge +ĠAje drez +Ġampl ificador +ĠCre cimiento +ĠDefin itivamente +Ġpermi tidos +ĠAle grÃŃa +Ġren gl +ĠCel ia +Ġpira terÃŃa +Ġtóx icas +ĠCorre dor +ĠEntren amiento +de ri +Ġqu era +Ġdan és +ĠAut oma +6 50 +Ġir rupción +cri pti +ĠProduc ts +ĠMila gros +ĠF ace +esti a +ĠMedic amentos +en ces +DE Z +qu ist +Ġlatino americanas +om itas +Ġestudi ados +ĠCar idad +Ġadicional mente +Ġglánd ula +profes ional +ĠDem ócrata +ĠAlh ambra +al de +Ġh t +per ras +Ġmon je +Ġofre cimiento +ĠDesarrol lar +Ġperf or +Ġhorri bles +ĠOlimp o +ĠRecu per +Ġg ambas +car lo +Ġdescar tado +Ġresta urado +Ġpenitenci ario +ĠAn cho +ĠAr tistas +Ġconcent rada +Ġconfirm ados +ĠL la +uel vo +Ġmotiv ados +cán tara +Ġapar ecÃŃan +ill s +ĠVel ásquez +ĠCoopera tivas +ĠY ar +ĠCir co +lan deses +Ġalucin ante +ent ina +Ġdeb idas +Ġide ológicas +ĠOn c +Ġrepor tan +n ull +Ġencan tos +Ġadop tando +Ġrestable cimiento +Ġges tora +Ġenter rar +ĠLO PD +Ġdesenv olver +ĠPos iblemente +Ġgub erna +Ġasust a +ĠE ficiencia +Ġesp el +Ġpudi éramos +Ġflo tando +ingü ÃŃstica +Ġcodi fic +Ġ æ +Ġeduc ada +Ġelimina torias +Ġdescendi ente +al ÃŃ +Ġaus entes +Ġz or +Ġentr antes +Ġplacent era +Vis ita +Ġescán er +Ġmor tero +ĠMin eral +ĠFer rol +cons umo +B y +Ġaf lo +ĠG ral +gan es +ĠW ol +Ġsuger imos +ĠF es +ĠRe por +ĠCar e +In terna +Ġfascin antes +Ġimportant ÃŃsimo +pue des +Ġchoc ar +in stitucional +Ġorganiz arse +Ġnomin ados +Ġtrascen dente +Ġdañ inos +Ġcan taba +Re vista +ĠSer na +Ġtre intena +Ġa tis +Ġen cas +iz ed +Ġso pl +AM ENTO +Ġconsum iendo +Ġlitig io +M el +s um +ĠGa z +UM EN +Ġagricul tor +ol oc +ĠP inar +quier do +Ġgu an +Ġplacent ero +Ġestim e +Ġdenunci ando +ĠDig itales +Ġmand aron +Ġlond inense +Ġah on +Ġtir adas +ñ etas +ĠSan til +ĠDes apar +3 20 +V R +ĠB AL +ĠS ide +ĠJ um +ĠSu ites +Ġgir ó +ĠAurel io +ĠAcondi cionado +di rig +Ġcál idas +ĠPens amiento +Ġluminos os +ĠVac aciones +C hi +l eras +ac ucho +ĠW ire +Ġrec tific +gü ey +Ġsab ado +fo tos +ĠApro vecha +Ġblock chain +M enos +P ri +Ġselec to +Ġpost ular +Ġï ģ +Ġpla tino +ĠLo terÃŃa +ĠGál vez +ĠCan ción +Ġagu dos +lle var +Ġimb é +is io +Ġis lámico +ĠHol mes +Ġcostos os +Am eric +Ġcu m +Ġproteg iendo +ĠVol umen +Ġdar lo +ĠMos sos +ĠTan go +Ġsofist icada +Ġcomprometer se +ĠDubl ÃŃn +ÃŃn icos +Ġidenti fique +Ġliber ada +osp ech +Ġcomprob ó +Ġau daz +ĠMi quel +Ġardu o +ÃŃo do +ĠSh ell +Ġus ará +ed onia +fica cia +Ġib érica +Ġalcanz ará +Ġláp ices +U so +Ġp end +ĠF icha +ĠPS G +ĠRecuer de +Ġempe orar +Ġemig rantes +Ġescru tinio +Ġescr úp +Ġde ud +Ġes cep +Ġhir viendo +ñ ales +ut z +Ġliqu ido +Ġbarbar idad +Ġre b +ter est +Ġgen éticamente +Ġcateg oria +Ġvic tor +Ġestratég icamente +D icha +W ill +ĠD ichos +ĠChamp ion +Ġg et +Person al +Ġventan ales +ĠConn ec +Ġal quim +ĠJ uega +Ġbacteri ana +ĠA ñade +ce de +ĠPer ro +Ġater ror +ĠDÃŃ ez +Ġsier ras +Ġbaj aba +Ġur ge +Ġpagar on +de be +Ġg im +Ġdenomin ador +ĠAlmac en +Ġcon dol +per ia +Ġorto doncia +T i +ï ¬ģ +Ġch im +ĠBien al +Ġauditor ÃŃas +im il +Ġcoun try +Ġagre gan +Ġentregar se +ari um +ĠTen drá +ĠBer lin +Ġimpresion ado +�� � +Ġgrandi oso +T ambien +e ados +Ġsu izos +ge te +Ġfir man +ĠRa in +ĠEc ologÃŃa +Ġbou tique +M ADRID +Ġprimer amente +CI L +GRA F +ĠT v +bl igo +ĠEmil ia +ĠDesp acho +n icos +Ġdestac amos +Ġdesp l +Ġunif amiliar +ĠNa tura +ĠContra tos +Ġenvas ado +nav ales +pa pel +ĠN es +ĠAlum nos +Ġto uch +19 87 +Ġs ill +Ġatac antes +ĠCo hen +Al ta +Ġmoment án +? ), +Ġban ner +ĠCas h +Ġpin za +Ġdetec tor +DD DD +ĠDim ensiones +om ista +ĠD iver +cin es +Ġacce den +Com merce +Ġrazon ablemente +е ÑĤ +Ġhur to +' âĢĶ +An terior +Ñ Ĩ +un i +Ġimp usieron +ĠEl vira +Ġ19 24 +ĠCo che +ie gos +ĠSoci os +Ġsosten ÃŃa +Ġhumill ación +ĠSatur no +Ġen uncia +Ġg av +ĠI tur +ĠSE GU +ĠAC B +Ġpro ximo +ĠCh ivas +Ġvisit en +Ġcon cha +ĠM TV +Ġmi mo +Ġanim adas +Ġdejar é +be lo +ish ing +ĠRepubl ica +an istas +Ġpr ÃŃncipes +Ġins isten +Ġ[ [ +democ racia +Ġh uye +Ġrob ó +Ġper can +iz arlo +Ġotor gará +es pec +ĠM Hz +ĠPe ñar +Ġ ا +Ġsu bi +Ġcomun ales +ĠMá quinas +Ġencarcel ado +Ġimport ado +Ġrev iv +Ġinex istencia +ĠGiovan ni +Ġcu car +Ġad quiera +Ġag on +Ġ13 9 +Ġcelebrar lo +01 0 +Ġsobre dosis +ĠLe ones +EN SA +Ġcontinu ando +Ġconoc éis +Ġfrág iles +Ġinco her +Ġpé talos +lu gar +Ġarbitrar ia +pÃŃ xeles +Ġanarqu istas +Ġtibur ones +Ġpelir roja +Ġt w +do va +Ġexp lanada +Ġcentro americanos +Ġespon tan +Ġda ña +Es as +Ġre goci +Ġk Wh +ĠTen drás +Ġresca tado +Ġenz ima +Ġsu da +ĠMon señor +pro ceso +12 3 +dis pon +Ġdesn ud +M AC +Ġp illa +ĠD ebo +ĠGu ard +M aster +Ġre bos +Ġalter ado +ĠUl ises +ĠConv ento +H P +ac tiv +tor is +ĠQ uevedo +Ġsobreviv ido +Ġances tros +Ġc v +Ġra ting +Ġsol idar +ima ge +Ġfor tu +j é +ĠRe lojes +US D +ĠFrank furt +Ġe rup +Ġatra pada +Ġcome tiendo +ĠMir ror +. ? +Ġenf ado +tit lán +im on +. ] +ĠP ocos +ĠD U +Ġdej aran +Ġinexplic able +Ġaná lo +sa ge +Ġesper mato +aliza cion +Am igos +Ġfer ry +Ġproporcion ó +Ġ3 80 +ĠContin ua +Ġtur cos +Ġprecur s +ĠðŁ ij +ĠAlcor cón +o jos +ĠM ES +Ġdescon f +Deb es +ĠCon ducción +Ġreun imos +Ġdiscur re +Ġreta il +Ġasist enciales +Ġord inarios +ĠM ona +Ġano ch +Ġgarantiz ará +ĠÃĵ r +Ġexperiment ó +Ġboc ado +Ġpos ea +ĠGal legos +Ġfas cistas +Ġ90 2 +ĠHan na +Ġdial ec +Ġmuestre o +.. , +co u +Ġpa te +Ġro tonda +ĠEsta cionamiento +A licante +f lex +Ġconvertir te +Ġgobern anza +Ġemble máticas +Ġsar gento +mo delo +Ġamb iciosa +Ġtritur ador +ĠPR OS +Ġpeculiar es +ĠS n +D B +Ġb at +Ġab ran +ĠCon duc +Ġrep ita +Ġsil icio +fr ÃŃo +ĠMulti media +Ġaud ÃŃf +ĠCom edia +Ġrepor teros +Ġmuch achas +ent era +le ña +Ġfiel mente +Ġpist olas +Ġexpropi ación +O T +ĠEn viar +Ġprefer iblemente +ĠVis itas +Ġcontra tó +Ġcircul aba +al dad +Ġexhib en +Ġhemor roides +Ġtal lo +ĠEncar nación +B or +ĠDe trás +se jos +Ġsolici tadas +Ġincon trol +ĠMed ical +Ġparo dia +Ġintroduci dos +Ġel as +Ġrev iew +Ġadap tando +gran de +ĠDibu jos +ĠIndÃŃ gena +ĠJ UL +Cu anto +le tt +ut her +Ġho guera +Ġrecur ren +cop ios +" " +Ġla titudes +Ġex acer +ĠDe le +Ġingres e +ĠPRO PI +Ġresul tantes +ĠInst ancia +ci er +ces orios +Ġcruz adas +ĠÃļ nica +Ġgem elas +X L +Ġvie tnam +Ġdeform ación +gre ga +Ġmam adas +ĠChil ena +gu ro +Ġtrim estral +Ġembri ón +idad as +Ġjud ÃŃas +ici ales +Ġmar ineros +OR K +Ġjo dido +ĠHer mosa +Ġllan ta +Ġma tch +Ġdesp il +Ġre bus +Ġb reak +ĠT amb +Si mplemente +ry n +Ġdenomin ar +rom ial +Có digo +ĠP umas +Ġ19 19 +ĠAn ima +Ġleer se +Ġcore ana +Min isterio +Ġtras tero +Ġadu anas +Ġva ti +Ġasign adas +Ġantidesl izante +Ġsu c +Ġser bio +ód ulos +Ġne f +Ġexten diendo +ĠFrida y +A ust +Ġsir v +ĠEsc ribe +Ġam on +Ġ4 20 +ĠNo vo +ĠLe tra +Ġcul tos +Ġrepar ten +B IO +ĠLu ke +Ġpromo tora +Ġras tros +g adora +Ġc res +Ġaprovech amos +ĠvÃŃ rgenes +Ġchor izo +ĠpartÃŃ cipe +Ġsucu mb +ĠL aredo +ĠAl fon +ĠCam iseta +ĠForm ulario +A ce +Ġclas ificada +Ġinstal e +Ġdesaf iar +W e +qu ines +Ġ- -- +S ergio +i alidad +ĠS ter +ero y +ĠGar za +ól ito +A ir +Ġsector iales +Ġcrip to +war ts +Cór doba +Ġreg irá +Ġrep rimir +Ġestructur ada +Af ortunadamente +2 20 +Ġampl iada +Ġcolabor adora +b ene +ĠE vent +ig ü +ĠmÃŃn imamente +ung alo +ĠArti ficial +ar u +Ġin éditos +Ġac ort +Ġsal drÃŃa +Ġsuper visor +Ġfis uras +Ġolvid arnos +Ġcertific ar +ĠInm igración +Ġcl amor +ĠArgent inos +de le +Ġllegar an +Ġmagn e +Ġrelaj antes +ĠNex us +Ġfrega dero +tr ante +Ġproporcion amos +Ġfedera ciones +Ġleg is +Ġdin eros +Ġacer co +LE O +Ġfelici tó +: ... +S ch +Ġen cog +ĠH ugh +ĠPor n +ip lo +Ġafec taciones +ino is +ac cion +ĠV inci +ĠPon emos +ĠHy undai +Ġabandon an +Ġpat rió +p lano +Ġpar entes +ĠS lam +ĠCh or +Ġgan adoras +ĠMon tenegro +Ġinfec tado +Ġconsa grados +Ġsurre alista +den t +Ġinst intos +Ġmaqu inarias +ĠL ite +ĠIn ver +Ġcolec tividad +Ġcomunic arnos +ĠNi ña +ĠL if +Ġad jetivo +Ġinjer encia +in m +ĠH izo +ĠE us +Ġestupen dos +ĠTok yo +Ġloc almente +Ġimplement ando +Ġplac ebo +Ġcontra ata +Ġcont adas +Ġorganiz adora +Ġpremi ar +ĠFun ciona +ĠIsa ÃŃas +ĠM ist +ĠN FL +ĠCon j +Ġ14 3 +Ġcep as +Ġin des +Ġrefor zada +Ġsocioecon ómico +Ġanarqu ista +pol ÃŃtico +Ġcorrer á +Ġré plicas +Ġalbañ il +ĠS OS +ĠPa quete +Ġu d +19 84 +Ġocupar on +Ġenchu fe +Ġelo cu +Ġejerci da +Ġdetec taron +Ġresuel ta +Ġarque ólogos +ĠTen iente +s ky +ĠDefens ores +Ġca igan +ĠJa cinto +Ġpega tinas +Ġalmend ra +go t +Ġescri bi +Ġinex per +Ġsovi ética +Ġpu b +Ġ19 26 +ĠKa z +Ġbuen ÃŃsimo +gos o +Ġama zón +C ul +O c +ĠC IR +Ġhab ra +ĠEst ero +Ġdesp ensa +ĠPh ill +új ula +Z AS +li qué +ĠTh ea +Ġsigu iera +Ġal ent +Ex tra +Ġhin chada +V ent +Ġcub rÃŃa +Ġcru ciales +Ġanón imas +Ġdema go +le ño +ĠCar ro +Ġenv ueltos +Ġdev olvió +ab ul +Ġabord ó +F EC +ĠO porto +Ġmantener los +' ', +Ġespeci fico +Ġhospit alización +Ġsex enio +Ġhon go +Ġencu ader +Rafa el +Ġvigil antes +Ġsupl ir +ĠAntár tida +Ġex óticos +Ġpig mentos +tr om +ios idad +ĠV ea +Ġ ĸ +Ġgro tes +ĠK ub +ĠPer ez +Ġintentar é +ĠbÃŃbl ica +Ġag onÃŃa +Ġapunta ba +N UE +ĠPar kinson +Ġexpan s +Ġolig arquÃŃa +Ġcu rado +Ġch in +ĠTen dencias +ĠMag ia +ion arios +Ġdejar le +ĠDirec to +es pañol +je ta +Ġplie gues +ĠReme dios +lev eland +ĠMos trando +Ġinstruc tores +ĠInstitu tos +ra mo +mo do +Ġhac ke +ĠCON SE +Ġdiscu tido +Ġads critos +ĠtÃŃm ida +ĠRedon do +Ġexuber ante +Ġan claje +Ġban queros +Ġsum ario +tiv in +Ġha gáis +Ġconocer emos +Ġpos tear +ĠD B +Ġan or +Ġimpon ible +ĠSor pren +Ġrena cimiento +Ġanalf abe +Ġestupefa cientes +Ġv ió +Ġper ime +LE X +Ġcatástro fes +ĠI st +Ġhum ede +Ġelabor ando +Ġavalan cha +Ġinsosten ible +Clo ud +v aca +Ġd ándose +Ġtermin ologÃŃa +ĠIn nova +Ġsent enciado +оР» +Ġvari abilidad +de ce +Ġc ante +ĠEurope os +Ġpres ten +ET AS +ĠExtre me +Ġe Bay +ĠC ib +Ġb ib +Ġtembl ar +Ġdri vers +Ġcor rig +ĠOs curo +Ġres ar +Ġsem bl +p tica +Ġp aliza +ĠBar co +amb ia +Ġesc rÃŃ +Ġcan tó +Ġolvid ada +Ġbomb eo +Ġman ag +Ġexp ensas +Ġcl éri +Ġsubl im +Ġgobier nan +ĠN ECES +Ġna cimientos +Ġperm is +Ġasim ilación +F á +é rito +Ġbas tar +zar d +ĠVers ÃŃculo +ĠObre gón +lan de +Ġhos tig +Pon er +an ÃŃas +Ġcompar ando +Ġpost ulación +ĠMis ericordia +ĠD ON +ĠH omo +Ġexager ada +ĠSystem s +ĠM ajadahonda +ĠU CI +Ġman zan +Ġorganiz amos +ĠTlax cala +R u +Ġca zo +Ġinv ade +Ġgenu ina +ĠPOL Ãį +Edu ardo +ĠA FA +Ġposes iones +Ġcom es +ĠGu ÃŃas +Ġguardi án +Ġpres tador +Ġ £ +ĠUn i +D ecreto +Ġman che +ĠPar tidos +Ġrev uelta +ĠFac tor +Ġsignific arÃŃa +ĠSolu tions +Ġesceno grafÃŃa +Ġe dul +eb ro +Ġcer ros +ĠAs igna +Ġfacil itamos +Ġcampes ina +Ġvec tores +ĠGlas s +ĠD as +Ġpre hisp +Ġacce diendo +democ r +Ġinter personales +ĠCom una +Ġdep rim +ĠF ib +ida de +ĠCu riosamente +Ġprovis iones +ĠFED ER +Ġprivileg iados +Ġfrag mentación +bl ica +ĠRe gres +omb erg +Ġleer la +am eño +ĠD NS +ĠCa usa +Ġfl ip +ĠTrabaj a +Ġportu gueses +Ġesqu ivar +Ġintac to +Ġdiscern ir +ist ió +Ġintens ivos +Ġam ones +Ġmayor istas +Ġderiv ó +ĠCL IENTE +ĠSOL O +Exper tos +Ġa var +Ġcomun ique +Ġcompla ciente +ĠMaz da +ĠEx posiciones +Ġpag adas +ĠMassach usetts +Ġm acetas +Ġro tas +Ġidén ticos +Ġrep udio +Ġcambi arÃŃa +ĠProvin cias +Ġferrovi aria +Ġba teria +Ġfas cina +R AL +Ġgan ará +Ġbusque da +Ġ20 22 +and re +Ġpod ÃŃas +Ġcoj ÃŃn +ĠO sa +ĠEx pan +Ġpack s +iz able +can z +Ġsup lan +ĠF irma +Ġap uros +Ġfun g +ĠHar ris +ĠMichel in +ul ina +Ġrasca cielos +ĠCiudad anÃŃa +cle ta +Ġderiv arse +Ġre uma +ĠP ron +Ġop cionales +ĠRA E +Ġétn ico +&# ; +unta des +Ġsumerg ir +Ġcerra jerÃŃa +Ġ6 000 +ĠINV ESTI +D M +L N +ĠG rim +оР´ +ĠL ud +ĠHen ri +Ġopos itora +Ġbande jas +Ġprefer entes +Ġran ura +Ġtrac tor +ĠElim ina +te las +dr ich +Ġri endo +ĠA ge +ĠRe a +AS H +ĠÃģra be +enta i +Ġtor rent +Ġeman cipación +Ġcomp il +Ġmal lor +econ omÃŃa +Ġmu taciones +Ġpre gon +ĠWal t +Ġdifer enciales +idu o +ĠEnferme dad +Ġtit anio +li ques +Ġconfigu ran +Ġdespe dirse +Ġdep ur +ĠAcuer dos +ĠQu i +Mo delo +Ġconfec cionado +Ġcompres or +Ġp udor +ipú zcoa +ç ļ +Ġcas eta +Ġadi estramiento +Ġcontempl ados +Ġpra xis +ĠM eso +Ġtrans cripción +ĠWar ri +del la +Ġhabil ita +ĠRol l +Ġlici taciones +ĠMIN IS +ĠVideoj uegos +Ġin imagin +Ġcaus aron +Ġjun tan +ĠFon tan +ãĥ ¼ +tos is +ĠB éisbol +Ġcircul ando +ãģ ® +Ġagropecu ario +ic u +var rÃŃa +ĠTer cero +Ġnomin ada +Ġju ra +Ġmoder ados +Ġsimbol ismo +TE G +s ina +Ġm aj +Ġcomp as +Ġbur ro +Ġtemper amento +Ġlu to +Ġprome tida +ĠPon s +Ġsever os +ton ÃŃa +ĠBust amante +Ñ Ī +ĠC RI +con os +Ġin cin +Ġviv ientes +11 2 +ĠRe iki +ON E +Ġdocu menta +Ġbrig ada +G lo +O ne +Ġc ian +Ġé bano +Ġeduca cion +Ġchocola tes +Ġpatrocin ado +Ġtác tico +Ġc Ãĥ +Ġcostos a +Ġcolon iales +Ġtradu cida +ú stica +Ġres entimiento +gan as +Ġun itario +ĠCar vajal +Ġimpac tantes +Ġjustific an +; , +ĠCo bre +Ġmand amiento +Ġcongel ación +Ġcal lado +Ġprob ados +ĠEN ERG +ĠMac ron +Ġcal uros +Ġaz teca +Ġdispar aron +Ġvendi da +Ġm ÃŃstico +ĠF ER +Ġdeb éis +Ġal bar +ĠP inos +Ġsus hi +Ġro tul +tt y +ĠCos pedal +Co ord +Ġrein iciar +Segu ridad +ĠPregun ta +ĠP rada +ĠDe an +Ġaper itivos +Bus car +ãĢ ģ +Ġmicró fonos +Ġtax istas +ell s +Ġdispar es +S iento +Ġcar ajo +Ġacadem ias +Ġr pm +Do wn +ĠSum mer +Ġdesembol so +ĠT et +Ġ15 6 +Ġcolor ante +Ġpros igu +Ġexci tante +Ġcancel ado +ĠMaxim iliano +Ġ ÃŃmp +Ġcoinci dencias +Ġcodi ficación +ĠChill án +fi x +ĠMer ced +ĠUn ica +ĠX avi +Ġarque ológica +Ġmurci é +Ġs ida +Ġpi ece +Ġbenefici osa +Ġlac tosa +ĠEstu vo +Ġoblig aron +ĠLeon el +Ġdel gadas +id ó +Ġpol ÃŃm +An drés +L eo +mp la +ĠMu jica +Ġenfrent ando +ĠCU P +Ġroc ÃŃo +w ri +x on +Ġsi rena +Ġho jal +ĠRo zas +L ópez +ĠP UN +Ġpla yo +ĠPlay er +á rate +Ġre as +Ġans ia +Ġliv iano +Ġequita tiva +ĠBuda pest +Ġecolog istas +i pa +Ġcal m +Ġinspir an +oooo oooo +Ġpor tadores +Ġdi af +Pro ducto +Ġemig rar +L M +Ġen ano +ĠLe tizia +Ġpan dilla +Ġdistribu idora +Ġbes ito +Ġintemp erie +Ġas unción +ĠEv itar +Ġbil iar +Ġtra tarÃŃa +ĠDepartam entos +R ock +Ġo to +ĠY ang +Ġdeb u +df ul +ion eras +Ġboc as +Ġcha tarra +V in +ĠAR N +S anto +ĠM ister +Ġdif iere +Ġinterac túan +Ġchil enas +Ġzana horias +Ġmasturb ación +Ġesper arse +Ġpobl ada +!!!! !! +it su +Ġ19 12 +Ġestrel ló +Lib ros +s ÃŃn +ra me +Ġdic taduras +ál idos +Ġex enta +ER AS +Ġprepar aba +Ġll ene +ĠDes tino +ĠInter americano +ĠRo om +ĠComun itario +dependi ente +Ġglú teos +Ġcos tero +ĠAle mana +Ñ ĸ +ĠX ML +Ġdirig ieron +Ġreconoci eron +Ġfe ha +Ġhard core +Ġtres cientos +Ġdar ás +ĠFamil y +Ġcamina tas +S N +ĠA migo +tu vimos +ĠT ram +Ġan ales +Ġver bos +lu jo +Ġmane jado +Ġcarn é +ĠRendi miento +ú e +y al +romial gia +Ġser ian +Ġli mos +ĠP eople +Ġus abilidad +ito l +Ġflex ibil +Ġenamor ó +ĠU se +ĠlÃŃ rica +Ãį O +Ġexpan de +Am érica +ĠG ad +Ġexig ÃŃa +Ġaventur ero +Ġn ick +Ġme me +ĠIn gen +ĠAl cántara +vis o +Ġreti re +Ġchan ces +Recom end +VÃŃ deo +Ġa mos +ĠL obos +ĠD ue +Ġarras trando +Ġclasific an +Ġde roga +ĠR adi +Ġbur gués +Ġincent iv +Ġmenstru al +j ack +Ġest antes +Ġmes o +est yle +Ġo ido +ros so +ĠYa h +Ġprovoc ación +Ġultra violeta +ĠIbero américa +Ġman guera +entos o +Ġsuje tar +â Ī +Ġser an +Ġlogr é +Ġreiter ado +terror ista +Ġre duzca +Ġconstruc cion +im ba +Ġar rol +ĠRe ver +Ġvic timas +Ġindustri alización +Ġát omo +Ġimpens able +Ġfin alizará +Ġexpres ando +Ġsa quen +Ġinadecu ada +ac ab +Ġtra iga +Ġbaj amos +Ġremo de +C ine +I CIONES +ĠPer la +ĠPol ideportivo +Ġofrec ÃŃan +Ġagu ard +Ġadap ten +Ġimpuls or +Ġcuestion amientos +H ol +ic anas +Ġv éase +Ġrevel aron +Ġenamor arse +ĠPach uca +Ġdepre dadores +ĠS pen +ios co +ĠEsc uch +Ġhotel ero +ĠLle var +Ġalber gues +Ġla deras +Ġcon je +Ġmanten ida +Ġcil ÃŃndr +ĠN ina +Ġgenera cional +ĠPl ace +Ġcaprich os +ĠEmira tos +ĠBo eing +ĠPort ada +Ġcas ación +ĠEs qu +Ġvuel co +Ġluch ó +rad ura +Ġvisibil izar +L I +Ġdes mes +ici mos +Ġcop yright +Ġplen aria +Ġglor ioso +Ġw ikipedia +ĠMun diales +Ġorganiza tiva +Ġmodern izar +ĠCar melo +Ġfran jas +Bol ivia +ĠE fecto +ĠK ris +Ġdecre tó +Ġesc or +Ġpro hibió +ĠDe ep +ĠAs pectos +Ġacondi cionados +Ġfla g +Ġdi ste +ĠZ ap +Ġresist en +Ġjub ilado +Ġeng ros +d ran +ria ga +Ġagr ario +ĠMc C +Ġho p +ĠTe gu +ĠAtac ama +] ] +Ma gn +ci éndose +Ġno toriedad +ru ci +jo kovic +at lán +Ġp ent +va te +ĠPe trol +ĠGal án +Ġconsa gración +Ġadu ana +Ġpro x +Ġsin ti +Ġsent im +ĠMa tar +ĠK B +amb os +B iblio +ĠSo ul +ĠTe tas +ĠTh eo +ra k +Ġanomal ÃŃa +ĠPantal ones +ĠM EC +ĠHO Y +Ġpredi lec +Ġla tón +Ġan y +ĠN ano +Ġfoto gráficas +Ġinde termin +Ġmedi ar +Ġcont ada +Ġcomer se +ula cion +ĠRen fe +V AS +á d +Ġdis pers +Ġref ieres +Ġinquie ta +Ġmultiplic ado +Ġdeno ta +Ġcach é +ĠDra ma +Ġcaj ita +Ġest rang +Ġsu dafric +Ġ3 40 +Ġdesob ediencia +Ġbaj adas +Ġencar ecidamente +Ġdobla je +ĠSit ges +C e +Ġex óticas +Ġamar ga +Ġpose edor +Ġadquier an +ĠTradi cional +Ġpor q +Ġmo jar +pres idente +Ġagu ante +TI CI +Ġre man +Ġar men +Ġpi ados +ém icas +ĠDERE CHO +36 5 +Ġinjust amente +Ġvo leibol +pas a +ĠCatal án +Ġcasti gos +Ġtenta tiva +Ġtecn ica +Re alizamos +dis co +å Ľ +am ás +ab ajo +Ġpe do +Ġve ÃŃamos +Ġra tificación +ĠSal gado +Ġregal aron +ĠEras mus +Ġsu cios +AC K +Ġcoreo grafÃŃa +B re +Ġes encias +ĠMen ú +Ġde duce +Ġbuen ÃŃsima +Ġconcre tó +Ġref rac +ĠCab al +gri ma +Ġreaf irmar +Person almente +Ġsinerg ias +om ing +ĠLe jos +ĠLas t +ĠUN IC +Ġino cu +Ġa tur +Ġd ándoles +ĠJ ol +Ġconci be +de t +ĠIn greso +Ġrespon dan +Ġcondi cionado +Ġtri plic +tar ÃŃas +Es peci +s ie +Ġso pas +ĠNO TA +Ġfidel ización +R D +ĠM oya +Ġretra ta +Quién es +Ġ19 23 +ĠGran ados +Ġarreg lado +Ġenmar cado +ĠDamas co +Ġacos tarse +á cido +om or +Ġmu do +ĠMe dida +Ġapoy amos +n or +Ġpara ca +Ġvecin ales +Ġe tim +Ġencontrar te +ĠFo ur +Ġanal ogÃŃa +Ġhos tal +Ġre inci +ĠL losa +Ġdescub ra +Ġcontes tado +ĠDyn am +Ġk ur +ENT AS +Ġdespleg able +o tros +Ġo jeras +ĠDe uts +Ġsus critos +min o +ĠP ale +vi des +Ġmedioc amp +an ero +Ġpar iente +ri ano +Ġmer ec +ĠPal ace +Ġesco cés +Ġcuidad osa +ĠTro feo +In fo +Ġinvers ionista +Ġbon ificaciones +pl ora +Ġbio grafia +ĠFon t +Ġregist rando +Ġconsul tadas +ĠEr mita +Ġescla v +vig ilancia +ĠZav ala +ra t +Ġreun irán +Ġintercon exión +Ġincógn ita +ci cl +Ġcor tan +Ġop uestas +ĠQu isiera +н Ñĭ +Ġalej adas +ĠPy mes +ĠIber drola +Ġrene go +n uestro +Ġreg ir +10 2 +Ġurban ÃŃstico +Ġb ucle +ĠUnivers itarios +Ġtur ca +s amo +en era +Ġdest inará +Ġtras ciende +ĠCh eck +Ġsepar ador +Ġsupon iendo +Ġcoordin adores +ĠSS D +re go +Ġdes anim +Ġco ag +Ġcoti zar +Ġtibur ón +Ġcarc ajadas +m ut +Ġat ribución +Com enzamos +Ġgestion ados +ĠE ros +Ġpudi esen +ĠRa w +sion s +Ġimpermeabil ización +pu b +Ġposi ciona +Ġproxim idades +ĠCorpora tiva +en lace +mb ar +ĠAm nistÃŃa +M ens +ad ares +ti ones +Ġex entos +Ġayud arÃŃa +Ġindi e +ĠPens é +Ġeslo gan +ĠBry an +Ġg rada +Ġcontra posición +Ġjug adora +ĠSuper ficie +Ġgobern ado +ĠPie zas +n era +ĠGir ls +ĠHil ton +Ġpol ÃŃ +Ġpl enos +Ġtipo grafÃŃa +ĠPar ejas +ĠNe gras +ĠSon ido +ĠChan nel +Apren der +Ban k +B r +Ġ16 8 +Ġespeci ficación +Ġcome tieron +Ġimprim e +Ġan aran +Ġconf ió +Fel ici +Ġt uc +ut ón +reg ulación +Ġinterpre tan +Ġa pañ +al te +ĠEx presión +Ġarom áticas +h ima +ac ep +Ġinstan táneas +Ġt án +Ġreactiv ar +! ", +A E +P iso +ar ta +Ġtelevis iones +ĠPROYEC TO +A hor +co ck +Ġpol ie +Ġquer rá +Ġlim ÃŃ +Ġatribu ido +ĠR ELA +Ġinter ferencia +Ġce didos +Ġceb ada +ĠOb rero +ĠimplÃŃ cita +de pendencia +Ġapoy e +Ġdecora tivas +ĠPal m +DI CIONES +ĠJord ania +ĠAlco bendas +Ġenten didos +ist encias +Ġir te +qu eria +Ġam ol +th ing +ICI O +ĠF ig +ex ia +Qu isiera +Ġfra mb +ĠG endar +Ġcuad rang +Ġarro yos +igh ter +Ġempo der +ĠF est +tac k +Ġabsolu tos +ĠBras ile +RES OLUCION +an era +ĠJu icio +Ġtrascen der +ĠCONS UL +Ġcontar le +ĠRam on +Direc tor +ĠR AD +Ġpas tos +Ġamena zada +h ual +ĠA j +Ġman de +inos os +Ġbril lan +Ġp idan +espa cial +ĠMill án +ic ular +rec om +com bust +ĠFor mosa +ĠHar vey +Ġescog ió +Ġespin acas +Ġ19 22 +Ġmantener la +ĠAra uc +Ġusar las +Ġp ho +ci ru +ad izo +Ġprob ó +Ġcuch illas +ĠTrabaj ar +Ġinter mitente +ĠIr ma +al ea +Ġfacil mente +Fu imos +ĠCÃŃv ico +) " +y pe +Ġpe p +Ġhom ónimo +ĠDi go +Ġdesc endió +Ġzo o +Empez amos +Ġla urel +Ġab rÃŃ +ĠSi guiente +Ġdefini tivas +Ġanal ÃŃtico +ĠFal le +Ġinvent or +ĠProve edor +g ándose +Ġl unas +ĠR ud +ĠIn iesta +Ġins critas +éspe des +Ġs port +ĠCo ur +ĠSus an +Ġcentr alizado +Ġpar tners +Ġcondi cionada +ĠSolid aria +ĠAr ica +Ġ15 3 +mujer es +Ġsuger ente +Ġterren al +Ġalaban za +CUR SO +Ġgen ital +Ġviaj aron +G G +t ólogos +Ġba tidos +ĠRu bi +Ġdiscrep ancias +Ġex hibiciones +Ġneutr alidad +ĠNex t +) âĢĿ +ĠP uertos +00 2 +vi deos +ĠSI EM +Ġjab ones +Ġgen ios +Ġal p +ur f +Ġinsul tar +ĠImp or +Ġdura deros +а л +ĠPRE CIO +Ġreen car +ĠH av +Ġco ña +Ġdu pla +ĠBlan cas +du ro +tó lica +ĠPa trón +Ġol ivos +viv ir +Ġcomunic ará +Aquel los +Ġreba ño +Ġotr ora +Ġesp árra +und ing +Ġincon tables +00 3 +Ġoptim izado +Ġandal uzas +Ġlimpi ador +Ġaf lig +ĠZ idane +Ġrefug ios +p d +Ġentr ena +Ġarrib ó +M arca +tr all +ÃŃs os +Ġproces a +ĠReg las +adal ajara +Ġcon cuer +tón ica +ĠFA O +Ġdemar cación +Ġy ema +Ġterrible mente +Ġrigu ros +Ġesconder se +Ġprofundiz ación +Ġº C +Ġ( âĢĺ +Ġdecl are +Ġparque t +ĠGrad uado +Ġas ienta +Ġpu ñeta +Ġéx tasis +Ġlente jas +Ġilim itada +Ġcaracter isticas +Ġret oma +ĠContemporán ea +Ġengen dr +en c +ĠPel ig +Ġrema ke +== == +e tu +ci ty +Ġno dos +Ġfin g +Ġante proyecto +ĠHéro es +ĠCarre four +Ï Ĥ +te b +ex cl +ĠEmp ieza +Ġcome dias +Ġvisitar lo +Ġempres aria +Ġhi alur +Ġtiro ides +оР¼ +fren ia +ĠAm ado +Ġmeteor ológica +sab es +ĠSomb rero +Ġrevolu cionarias +ĠD GT +Ġra chas +Ġespeci fici +An dal +Ġc itación +ĠP ana +co pi +Ġword press +Ġen cap +Ġven cidos +pr omo +Ġmaf ias +L ife +v ador +Ġv ita +Ġcas ualmente +Ġfi je +Tu ve +ĠRecom iendo +Ġhum edades +Des cub +Al quiler +icha el +ro jos +is cu +Ġdolor osas +ĠPos ibilidad +ĠPubl ic +áce as +N OS +Ġprac tico +Ġran cho +Par tido +Ġespermato zo +Ġf uc +Ġson deos +Ġdo quier +ĠViv es +ÃŃ no +Ġsent ÃŃan +Ġcr ÃŃas +Ġatra jo +ĠAuto bús +ĠMóvil es +Ġfuner arios +ĠLil iana +Ġpar aba +ĠMill on +Ġ( � +ut su +Ġ14 8 +Ġefectu ados +Ġpremi ada +Ġlider ó +Ġsemá foro +Ide al +Ġpro tag +Ma x +Ġirregular idad +Ġcatara tas +Ġun dé +Ġayud aba +Ġnor uego +OO OO +ĠRum anÃŃa +Ġprogen itor +ad ada +Ġcor cho +Ġpod rian +Ġplante amos +Ġmarcar á +Ġsuf rida +Ġesté reo +quim bo +p ice +ĠCons ulado +Ġcompren dida +Ġadop tados +Ġasust ado +mi ó +ĠPro te +ima gen +ĠBo t +ĠHab er +Ġagreg amos +Ġans ioso +Ġrob ados +Ġmigra torias +ĠVeter inaria +Ġpenit encia +ĠL oy +ĠRec rea +Ġdenunci ados +ĠEléctr ico +de las +ĠL un +Ġimpar tida +ĠA UD +Ġra pero +Ġtrayec tos +ĠFund amentos +ĠBe et +Ġestabil izar +Ġpre ponde +Ġra cionales +Ġabor tos +ĠpsÃŃqu ica +ĠAr re +Ġcob ros +ĠBus cando +l iz +Ġten eb +Ġconvoc adas +Ġgastron ómicos +ĠINS TAL +Ġlegitim ación +bre ak +én ica +OM E +Ġperiodi cidad +Hab lar +Ġarra igo +Ġsacudi ó +ul so +la de +Ġdesc abell +Ġeco grafÃŃa +Ġpes cador +Ġcompar ada +Ġlin ux +ĠTh under +Ġingres ando +ĠH T +Ġpreten dido +Po drás +ĠPRO TEC +ĠM uel +Ġcumpl ida +ĠPu ma +ĠD IV +Ġtrop ie +ãĢ Ĥ +ĠA pa +ĠM ando +Ġdes vela +Ġhac ha +ĠU sar +Ġom bligo +j ud +por osis +Ġtermin ara +Ġdesp iertan +Ġescén icas +ĠR OD +ne go +Ġrever so +ĠCollec tion +P OL +Ġda tan +Ġsor dos +Ġfra udes +Z AR +j ajaj +mo di +Ġdetec tan +ĠÃĥ º +Ġinclus iva +Ġlamin ado +ĠEx clus +Ġadjun tar +Ġé pico +Ġtran ce +Ġcán ones +Ġol imp +Ġayudar emos +au x +ĠOc ampo +Ġdeliber adamente +Ġsevil lano +tas a +ĠY emen +99 9 +Ġaliment icia +ĠCon tador +ĠLo pe +ĠRo w +ell ó +Ġmodific ó +Ġreproduc tores +Ġcontinú en +Ġintim idación +ig nos +ĠDe cir +rech as +cal cul +Ġmon tando +Co okies +ĠChallen ge +Ġejecut ada +Ġcambi antes +ĠM OL +Ġsin tieron +ĠMá xima +Ġservir ÃŃa +Ġopon entes +ĠcÃŃv ica +19 0 +Ġmantener nos +Ġaventur eros +Ġgla ciares +ĠO pción +Esc orts +! ), +g alo +Ġla titud +Ġle i +Ġahor ita +Ġchav ismo +Ġantici pa +ĠTher momix +Ġv ario +Ġcor tando +Ġcup cakes +is etas +ĠFran z +Ġpetrol eros +Ġproclam ado +Ġcopi ado +Ġla ure +lev ard +ĠLa p +in formación +fer s +Ġconsidera bles +® . +Ġhun dimiento +Ġmuc osa +ĠKle in +ĠEx actas +ĠC ust +cur re +Ġempren dió +Ġresplan dor +Ġconsegu iremos +Ġlóg icos +Ġimpon iendo +Ġpade cimiento +ĠD ichas +Ġinterro gante +Ġjurisp ru +ĠWay ne +st ers +CI MIENTO +ĠUN ED +Ġmix tos +ĠS tri +ter ri +Ġat ómica +ich el +ĠESPAÃij OL +Ġam al +Ġmedi ador +Ġrevis ada +Ġde val +ĠB rid +ĠB eta +Ġhor quilla +Ġba h +ĠAndre u +Ġcon dón +di á +19 82 +ĠMeteor ologÃŃa +ĠR usa +ĠEx ten +Ġgen érica +ĠCl ásica +Ġcla vos +ĠBan caria +Ġmo ho +amil lo +tec os +Ġbul to +ĠS ão +qu a +Ġco tas +Ġad ora +ĠAl ban +Ġante cesor +Ag encia +Ġreactiv ación +Ġquiróf ano +K ar +Ġg ame +Ġpreju icio +Ġdesliz amiento +um ar +ĠEl is +Ġagre dir +ĠGer ard +Ġcinemato gráficas +o ficial +de tes +Ġest om +ĠFe de +Ġmad urar +Ġna f +Ġinvoluc rada +ĠGuardi an +Ġcan sa +ĠS tyle +Ġafec tiva +ĠCor p +Ġgaran tia +ĠPresiden cial +Ġbesa zo +Ġch if +Ġfor ex +ĠSte wart +Ġexcepcional mente +ĠPic tures +Ġqu itaron +ĠMé dicas +mentar ia +Ġ23 5 +ĠZucker berg +G én +q l +Ġhub ieras +Ġfich ar +ĠEvan s +ut ch +ER TO +Ġesplén dida +Ġpuertorrique ño +de grad +ĠQu into +ĠTra de +ĠIN GEN +ĠJav ascript +Ġalar m +Ġadjud icado +Ġreproduc en +ĠT EX +Ġantes ala +Ġcorrec tor +ĠLa gar +Ġven dÃŃa +tr eros +Ġpl um +11 5 +Ġcro quetas +M AL +Ġentrevist ados +ĠpÃŃ ldora +Ġlitu rgia +ĠHotel s +áce o +Ġlo do +ĠH ud +Ġvo ta +Ġguard aba +ĠIbero americano +ĠCopenha gue +Ġcontar nos +Ġsobresal ientes +ĠComprom iso +ĠLu jo +Ġol ivo +dra gon +Ġdest il +ĠMad onna +Ġlegisla tivos +ĠPent ágono +çļ Ħ +p ide +ĠAs ÃŃs +Ġir ónico +Ġpin terest +Ġbull ying +Ġcanje ar +E ÃijO +ĠC iv +Ġespeci aliza +Ġresolver á +Ġauric ular +H um +to v +ol ia +lec os +Ġinex or +Ġpal ia +pro tec +ĠCos to +Ġalt ÃŃsimo +Ġdisfrutar án +a zo +á manos +ĠC EN +ĠRe aliza +Ġprovoc adas +ĠPos grado +ĠGen era +ĠCONS TRUC +Ġpr ender +ĠW C +Ġresul tarÃŃa +Ġhistor io +Ġre inas +ĠLa y +Ġdirector ios +j oles +Ġso cia +ĠDes emp +Ġgen oma +Ġinsist iendo +Ġrar amente +le var +je t +Ġentre c +ĠAmb ientales +ĠNico le +Ġdefec tuoso +Ġdesembar co +p c +Ġb ricolaje +Ġarquitectón icas +Ġalc acho +p it +Ġdis play +ĠIn ser +so via +Ġsorpren den +Ġlide rando +ĠDispon ibilidad +Ġbala zos +ĠGom ez +te lar +Ġmar ion +Ġcol ind +Ġamar gura +F AC +ĠL lanos +� , +Ġseman almente +tam inación +Ġrepresent ará +Ġtit ul +ĠAm ador +Ġmete mos +ĠArti gas +Ġembo tel +Ġescep ticismo +ĠW omen +Ġedi ta +Ġet nia +ĠLey endo +Ġasturi ana +tu ros +Ġesc amas +Ġpresi dir +TIA GO +l itas +ac uerdo +ion ismo +Ġsens uales +ĠT AN +Ġch ub +che vi +Ġcomprar me +Ġencontrar los +ĠCrist ianos +Ġper a +ĠJ et +CU ELA +Ġlingü ÃŃstico +Ġmercen arios +y ch +Ġimp uta +estr ales +h ona +Ġtrata ban +Ġinal canz +Ġrehabil itar +Ġcom ÃŃa +ĠConsul tores +ĠAten eo +Ġlubric ante +Ġr ÃŃa +Ġrep tiles +Ġmus lo +Ġclim ática +Ġinscrib e +Ġapel ar +Ġciber seguridad +R ece +dos os +ĠRe ducción +ĠAr ran +Ġperman ecÃŃa +Ġexplos iva +H acemos +ĠCol lado +Ġprotagon izar +ĠO jeda +Ġout let +ĠEx plic +Ġdismin u +Ġrepe tidamente +Ġvence dores +Ġman u +Ġsec uestros +Ġbol itas +AM ENTE +Ġintent aban +Ġavis ado +ĠEc olog +ĠCa tedr +Ġenvidi able + ħ +Ġten dria +Ġprop ensos +Ġanti güedades +Ġprob ables +Ġatras o +ĠP atro +Ġorig inado +Ġrod ando +ĠOrd inaria +Ġ27 2 +ĠDisfru te +Ġt ante +Ġdiferenci adas +ĠAdam s +ĠNaran jo +Ġinsuper able +Ġes bel +Ġgra tamente +éf ono +Ġembri ones +i dismo +ina ta +... ? +Ġvis or +Ġbo leta +ĠELEC TR +Ġedul cor +Ġin habilitación +ĠCat ólicos +Ġescog idos +ĠâĻ ¥ +Ġexhort ó +Ġ15 2 +ĠMAT ER +al istas +iz arán +Ġca ñas +Ġvol untades +Ġhon rado +Ġgimnas ios +Ġevalu ando +Ġdies tro +Exper iencia +Ġdestru yó +Ġgus ano +Ġtang ible +G ACIÃĵN +ti an +ĠR M +z yn +do or +Ġpose an +Ġemer ge +rist al +Ġpos guerra +Ġexce dente +il eno +Ġhom ólogo +Ġger men +Ġmira ban +K it +ĠC leveland +Ġfinanci ados +ĠOFICI AL +A de +Ġh igh +Ġh uyó +ĠA aron +Ġilust rada +ĠLÃŃ der +se is +Ġva iv +Ġ« ¡ +Ġp ut +ĠL er +ĠMon taje +Ġacab en +Ġmega pÃŃxeles +Ġpuri ficación +Ġinquil ino +( " +Z ona +Ġ3 10 +Ġz umos +Ġretir ados +Ġtrai cion +ĠDá vila +Ġconfi ando +Ġpermit ÃŃan +tem or +Ch rist +ĠDocu mental +Ġcron ista +ĠUn ic +Ġcine astas +Ġtro citos +ĠLOC AL +cu atro +Ġtor so +ámb ulo +Ġacent u +Ġesca pado +Ġins isto +N uevos +di v +Ġmon ó +Ġescon di +Ġdesgra cias +H ig +es tación +Ġperten ecÃŃan +ĠT AC +Con ven +Ġdif untos +ĠAdministra tivas +ĠLac an +qu it +Ġgal van +ĠIden tificar +P Y +p ig +ĠH ino +ĠESPAÃij OLA +Ġinsin u +es h +par ece +tec ario +ĠDepor tivos +ĠSha kira +Ġide ado +Ġdesen can +ĠPirine o +ĠA less +Ġnerv iosas +Ġapa cible +Ġcerra jero +ĠOpin iones +iz ales +ĠR EM +ĠDi álogo +ich ar +Ġcongel ar +ĠArque ológico +ti dez +IC ADO +cas e +Ġbo dy +Ġdepartam entales +p úsculo +w orth +ĠV ENTA +âĢĻ ) +ĠProduc ciones +produc to +Ġdespleg ado +Ġrefun dido +ĠC ú +ĠAp to +Ġcar pas +Ġmon señor +Ġtriste mente +Ġais lante +Ġtransvers ales +ĠDro p +graph ic +ie mos +ĠO ración +Ġinst in +qu ido +Ġconst an +Ġalt ÃŃsima +xt la +ĠBie ber +Ġper iplo +Ġmar eos +Plan ta +Ġcul tiva +Estu vimos +Ġincompr ensible +å ® +ĠCan ciones +Ġremo ción +ĠInte grado +tán amo +ĠGra ham +ĠGa tes +ĠVin cent +Se x +EE UU +Ġalmoh adas +Ġtermin arÃŃa +ĠSam pa +Ġdescentr alización +ĠAsegú rese +ä » +ĠA vent +ĠNie tzsche +Ġeleg ÃŃ +Ġta ilan +Ġguardam eta +Ġpesti cidas +h emos +ac tivas +D ic +Ġdi remos +Ġincluy o +Ġprofundi za +ĠS ena +ĠCon gres +blo queo +In t +Ġcri ticas +Ġh ockey +Ġdelic tivos +ĠH ombro +segu ro +ĠMer ino +Ġasigna ciones +ĠDia z +ĠHos telerÃŃa +ĠC los +Ġan f +man era +Ġhoy o +ĠðŁĺ Ģ +Ġcalle jera +ĠLuc y +Tra tamiento +Ġt este +!! . +Ġsustan ciales +ĠE T +Un ivers +ĠFon seca +ĠResul tado +Ġpopul ismo +ĠM ack +Ġgu iados +Ġavatar es +Ġcon yug +Ġcu ran +ĠR unning +Ġten ue +ĠAn unci +Ġinac ces +Ġcartul ina +Ġl és +ĠSir ve +Ġra tifica +ĠInst ruc +Ġcaus e +Ġmal igno +Ġtér micas +Ġmig raciones +ĠDoc entes +ĠMich igan +ĠSign ifica +ĠA J +Ġj os +Ġexitos amente +ĠOR DEN +Ġexf oli +ĠRousse ff +ĠIn ci +ĠReg ulador +24 1 +Ġa viv +Ġconvertir án +ĠRece pción +Ġun iendo +Ġal zar +Ġple bis +le psia +» ; +uca ti +Ġser eno +nos a +Ġbra zale +Ġevangel ización +den omin +Ġcre yeron +En contramos +ĠUtil ice +ĠV anessa +Ġac ér +po pular +Ġabsur das +Ġestúp ida +Ġescan eo +V IA +Ġc ed +Ġtelevis ivos +ĠL ÃŃneas +Ġpol iuretano +Ġesté ril +fi el +ĠÃī stos +ĠI x +Ġregal an +ĠC lic +ĠC enso +Ġsug iero +E videntemente +Ġres tar +Ġ14 6 +Ac tividades +ĠlimÃŃ tro +Ġv ajilla +Ġnar cis +Ġpic nic +Ġcam aro +ren as +Ġdefin irse +Ġdescon exión +IL A +Ġenunci ado +Ġlas tre +ton os +Ġenci mera +PE P +ĠReserv as +Ġaccidental mente +ĠMatthe w +n ueve +Ġal gar +ĠCon vivencia +Pro p +Ġsub director +Ġbo quilla +Ġsolici tamos +ĠCan ada +ĠSen ador +ámp ara +S AL +ĠJa ke +ĠAlgun a +ĠÃļl timas +Ġproclam ación +di oso +ĠG oy +Ġinform arle +ĠFrancis ca +Ġimplan tado +Ġboxe ador +ĠRach el +ĠL eche +ĠB ren +ras te +Ġrecon ocÃŃa +Ġmam i +ĠEX PER +am s +ĠW y +Ġele van +Ġconglomer ado +ñ ero +Ġpr ens +dom et +ĠJ ab +Ġaten dida +Ġcomunic arte +Ġdol encia +Ġb ri +sta tion +esta ba +Ġfar sa +ĠJer ry +ĠRES PONS +Ġterm ales +l amiento +Ġlugar eños +Ġsuper á +Ġx x +Ġpal as +ĠFer rocarril +Ġatre vida +indust rial +ĠSaf ari +ĠAl me +Ġbas ó +Ġhe avy +ĠPromo ver +Ġorif icios +de recho +Ġv iz +Ġalcan cen +das e +Ãī sta +TI R +Ġanal ÃŃticas +ĠM K +ĠT ian +Ġand ina +Ġcamar era +ĠT L +ras sa +Ġconsul ado +Ġinterior ismo +Ġagrup ados +ĠHog warts +I d +O B +n d +Ġrepar tido +Ġconvers iones +Ġcuel ga +ĠLt da +M ara +} . +Ġpar ón +Ġpar amos +Ġinneces aria +ĠSEC RE +Ġinter pel +CI ALES +ĠAng élica +Ġretribu ciones +ĠN uclear +Ġpe dr +val e +Ġdesapar ezca +ĠilÃŃ citas +Ġinterrump ido +C AD +ĠE vil +Ġten dra +TE X +Ġpris iones +Car men +Ġmeter me +Ġd uch +ĠS ELEC +Ġdest ap +Ġrespe tuosos +Ġbru tos +Ġestimul an +ĠE tapa +Ġfavor ecido +Ġmanip ul +on te +Ġsol tura +ĠNe il +TI O +ĠDan ce +person as +ĠEmpren dimiento +E cu +ĠO cup +Ġch eco +Es pañol +ĠLan ús +ernam ental +ĠD ru +Ġtu be +Ġad orm +Ġpla gado +Ġradio grafÃŃa +Ġrem em +ĠJul ie +Ġfruc t +ĠT ip +Ġgalard onada +ĠOriginal s +ç ī +ci c +ĠP uc +Ġnegoci ando +D ebo +ró polis +ver es +Ġcar ecer +Ġobserv arse +mo uth +Ġsec adora +Ġmal ent +Ġapoy en +Ġsuminist rada +Ġcrimin alidad +Ġomn ipres +ri ties +mo v +Ġsal dos +ĠCon o +Ġpla gio +ON D +Ġhici ese +ĠAf ro +Pla za +Ġguar nición +ĠGer ona +Ġanto ja +ĠF itness +Ġinv entos +Ġsa ciedad +10 6 +Ġemo ciona +¡¡ ¡¡ +ĠRepresent ante +Ġpronunci arse +Ġmasaj istas +Ġidentific aron +Ġremon tada +z antes +af il +Ġanti depres +ies en +ĠHu anca +Ġapu ñal +ĠI F +ĠH ir +Ġcrecer á +ĠGil berto +errec tor +dful ness +Ġgra ciosa +ĠZ ARA +Ġprede cesor +ĠN ó +pl ace +ĠAu tores +Ġignor antes +Ġdudar lo +M undo +Ġn acÃŃ +ĠV aqu +Ġ< < ++ . +Ġte je +ÃŃp tica +Ġlic u +Ġanal isis +Ġnutri tivo +Ġstar tup +ĠRum ania +Ġdesequilib rios +Ġimpugn ación +Ġpedag ógicas +j ará +ĠA ward +ĠK ap +Ġale jan +Ġvib rar +Ġesplén dido +ti remos +Ġme tÃŃ +ust e +__ _ +Ġses go +Ġgl óbulos +Ġeb ull +Ġse ña +di seño +il vania +Ġmi ente +Ġdirig irá +Ġrom anas +Ġétn ica +ĠNo é +Pol ÃŃtica +ta y +ac tor +pro te +Ġplane amiento +ul los +Ġle ales +Ġorden adas +ĠPol anco +Ġcompar ecer +Ġfa z +Ġinstan táneo +ĠS orte +ĠM itch +ĠRick y +Ġden gue +serv icio +ĠB ridge +ĠPlan et +Ġagar ró + Š+Ġaprovech arse +Ġinci den +gran des +Ġhall ados +ĠLleg amos +ĠCitro ën +ĠBar ry +Ġtab leros +Ġad jetivos +Ġnum érica +ĠEusk al +ÃģC TICA +c ac +ás icamente +ĠF ara +Ġflam enca +ĠPROFES IONAL +Ġchak ra +Ġvolv amos +Ġap liquen +Ġcol gantes +Ġexpres adas +Ġbro cha +Ġsal uda +ĠS acerdo +Ġserv ice +Ġhoy os +ĠCo ach +Ġcaus ales +Ġdesapar iciones +CL U +am igos +Ġprop usieron +Ġale atoria +Ġreta blo +Ġenorg ulle +tiv istas +ĠW oman +Ġtal los +Ġllev ándose +Ġcompac tos +Ġpa gada +ĠParlam entario +h emia +Ġdes pu +Ġregul adoras +Ġrepara cion +f ir +Ġ ático +Con tenido +Ġpan ista +Ġdomin ada +Ġchar co +Ġcong estión +qui que +Ġdemos trada +ĠEdi tores +Ġguard ando +j ares +Ġgra ciosas +Ġdesign ada +Ġtard ÃŃo +Destac ó +Ġtra idor +av ente +Ġosci lan +ver al +Ġlogr ada +Ġfana tismo +Ġdo ta +Ġcel eridad +TIF ICACIÃĵN +Ġincle m +olog ies +Ġmala ga +Ġorif icio +la to +Ġacer quen +Ġvir tualmente +ĠAy acucho +Ġvers átiles +Ġalcanz aba +Ġhones tos +Ġcul inaria +ĠSuper liga +imp res +ĠV éase +Ġen ra +ĠB adalona +ĠLe ticia +Ġgobern abilidad +ĠDil ma +ta zo +ĠP UE +Ġhablar é +Ġtratar emos +Ġincorpora ciones +Ġprotec ciones +Ġave cina +Ġponer las +Ġblan das +AC TER +ĠTal ca +Ġbarn iz +ĠT ubo +Ġar it +h id +Ġemp ar +Ġdedic aron +Ġrec ámaras +Ġinter poner +Car acas +Ġre anim +ĠB eth +ĠPo d +11 1 +guar da +Ġremon tan +ĠLugar es +Ġm Ah +ĠC il +Ġconocer án +Ġtritur ar +ĠThom pson +Ġubic arse +Ġprote ja +Ġópti mos +Ġfeed back +ĠGRATU ITA +Ġdes uso +iemp os +ĠCo pas +Ġhom ónima +ĠF F +B LO +ĠR PG +UN CA +Ġganar le +Ġenrique cido +ĠVi ol +ĠIma genes +Ġdecora tiva +bn b +ĠC s +Ġdes pen +Ġcor tados +ĠNo vela +Ġfutu rista +ĠHy per +Ġn udi +Ġdañ ada +omen cla +Ġimped ÃŃa +ĠAl mo +Ġexpres s +Ġrepos itorio +ĠAF IP +v iz +Ġcu stom +Ġan chos +Ġrecib ÃŃan +ĠIz quierdo +Ġnet working +Ġse udónimo +ĠF ur +ĠV os +ĠV uelve +ĠO di +Ġestudi aba +IG NA +tan as +Ġcompartir la +Ġvisitar nos +Ġdown load +Ġp ingü +é dicos +ĠT aran +Ġap tas +ha ha +bo t +Ġori undo +Ġrela ja +Ġ; -) +Ġaquél las +ĠN ADA +Ġsole mn +Ġhabil itada +ĠPel le +pany ol +Ġres ort +ĠCo de +Ġdisfru tó +Man if +и ÑĤ +Na cido +ĠBlog ger +Ġadyac entes +ĠGuill én +! ". +/ ) +Ġhay áis +ĠCa tar +ĠCam pan +Ġregres aron +Ġ* ** +Bo gotá +Ġarbi tral +Ġambul ancias +ĠF emin +ĠEs pan +Ġcan tado +Ġfacil itada +ĠLeon or +ĠOrg ullo +ĠTera p +ĠE tio +Ġus b +Ġdef orestación +pi ramos +19 83 +Ġsom n +Ġde genera +ĠL uch +Ġple ito +Ġcrib ado +e fecto +Ġl s +Ġincon stitucional +Ġocul tan +v ase +Ġf orn +Ġmul titudes +Ġrem esas +Ġdiferenci ados +ĠSue ño +Ġisl ámica +Ġl or +pen dic +ĠCor ta +Ġimplic ará +ĠModi ficación +h esa +Ġlu pa +ĠAr cos +Ġparentes co +ĠV d +ĠAl lah +Ġconf usa +serv icios +ĠMik el +Ġac udan +con stru +ĠCh acón +Ġsan g +ĠExper ience +Ġtransmi tió +ĠAdolesc ente +C ruz +Ġcas adas +10 3 +Ġza ga +Ġgiras ol +k or +Ġg n +Ġvig ésimo +Ġher pes +Ġtendr ÃŃas +Ġpasar emos +Ġav ala +Cal le +Ġpim entón +Ġpirámi des +j aja +ĠN U +Ġmultiplic ación +T ro +ĠPo drán +ĠPos adas +ĠPA ÃįS +ĠrÃŃt mica +ĠN ilo +Ġactiv an +Ġmor alidad +Ġexplic arle +Ġcautiv erio +ĠS V +ĠPer ry +Ġcir culo +Ġfis ico +Ġsovi éticos +st re +Ġmostrar nos +ác ora +ĠSal e +Ġreconoce mos +á tegui +Ġsi rios +Ġ19 11 +Ġfil mar +ĠRec ono +ĠBon illa +ĠS UM +con tac +Ġfel ig +Ġaval ado +Ġrepro ch +ĠOportun idades +Ġrenac entista +Ġasegu re +ĠA GR +Ġfin alizando +Ġtranscur rir +ĠTI EMPO +Ġrecicl ados +in vesti +Ġsobre car +Ġcorri ge +Ġbrutal mente +Ġinago table +Ġp illado +cle tas +ĠLi dia +Ġescalo fri +ĠMon ster +Hab lando +Ob jetivos +ĠBron ce +Ġcaer á +ĠFol lando +Ġcarica tura +ĠLu cia +ĠÃĵ pera +ĠCi U +ĠKn ight +ĠDiá metro +Ġparal el +a torial +ĠC undinamarca +ĠCon tras +Ġplas m +cual quier +à ® +Ġt Ãĥ +Ġexten sos +g ivers +Ġresta urada +bil los +Ġflo te +Ġno toria +eb io +ĠFal cón +Ġlú dica +Rob erto +tur alidad +Ġllam arnos +ĠNoc tur +ĠBo das +Ġmarc aba +ab ria +Ġ15 1 +Ġilust rador +Ġembaj adora +Ġrepres alias +Ġans iosos +Ġcu tánea +ma de +Ñ İ +ci dez +ĠTal ento +Ġdelic tiva +uev amente +ĠIn mediatamente +Ġgla ciar +ĠBang kok +Ġinsól ito +man d +Ġmer ecer +Ġregular ización +Ġroj izo +Ġanh elos +Ġebull ición +Ġmercado tecnia +Ġinclus ivo +Ġtard aron +h ome +st ad +Ġ14 1 +Ġregul able +Ġca uces +Ġvalor adas +Ġcontribu irá +Ġun ic +Ġtra gos +Ġadap table +Ġglob alizado +Ġtermó metro +Ġsocial dem +pas s +dra ma +Ġpos a +ĠCon forme +ĠCon ozca +Ġprem ia +Ġprom uevan +Ġpro hibiciones +Ġmos que +Ġdivers ificar +pl y +Ġdesaf ortunadamente +ĠA rel +Ġocur rida +Ġras o +Ġobserva torio +ĠTron os +Ġper gam +ĠY am +ĠK ol +ĠSuper copa +Ġmemb ranas +Ġnet amente +Ġem ana +Ġcomb in +Ġinsec to +cóp ica +f uerte +at z +ĠStad ium +ĠLic enciada +ĠAlgo dón +c ora +Ġen anos +Ġmay onesa +Ġseman ario +Ġcome di +ĠHear t +ment ales +Ġaten dieron +Ġadjud icó +ĠM R +ĠL enovo +Ġapar ta +Ġparticip amos +Ġsi ervos +Ġpe ñas +ĠCan dida +Ġinstrum entación +Ġdelan teras +Ġest rÃŃas +ĠAle jan +Ġren ales +Ġrap idamente +Ġjurisdic ciones +Gener almente +Ġno do +ĠDe i +Ãģ l +Ġtraslad an +ĠPRO MO +Ġmarch aron +ĠbÃŃbl icos +Ġtraga perras +ĠS UR +Ġ ½ +Ġmun iciones +ĠRo ta +Ġviol entamente +ĠBoy acá +ĠIk ea +ĠLleg ada +ĠINDUS TRI +Ġespos os +ĠLes bianas +ĠMarsh all +ĠCon sider +Ġk W +ĠComun ión +Ġdep risa +guen za +ĠNer uda +Ġemb os +Ġlanz ados +Ġast ros +ĠLuc a +ĠCÃŃv ica +Ġdu alidad +ES TA +ĠDol ce +Ġecuator ianos +ĠVolun tad +Respon s +ie tas +Ġsub di +ĠL IN +ust ra +Ġcaball erÃŃa +Pal abras +' : +Ġas oma +Ġautor re +Con forme +Es p +Ġsac arse +rad io +Ġconsist irá +Ġceb ollas +Ġdeli rio +ÃŃ bar +ĠD N +Ġserv ÃŃan +Ġgri taba +ĠMir ador +ek w +Qu iere +Ġfilm ación +pot ente +ĠAU TOR +ust itu +Ġcar gan +ĠCon ceptos +gra cia +end ÃŃan +Ġexam ina +S ánchez +Ġne ona +Ġplan illa +ĠCN E +ĠDIS TRI +escol ares +n ivel +ñ en +ĠP ea +Ġho use +Ġquie to +Ġpredetermin ada +ĠG rin +Ġco jo +Total mente +Ġtra z +pl á +ĠR ig +Ġpen alización +Ġesco peta +Ġóp ticas +ia go +ĠI a +ĠV IDEO +ĠGra ce +ĠNUE VA +La ura +net t +Ġacerc ándose +ucal ip +Ġmal las +âĻ ¥ +EN OS +Ġencar gos +Ġenseñar les +ĠIra q +Ġmatrimon iales +Ġmetaf ÃŃsica +ĠTesor erÃŃa +ĠP ON +Ġcumplim entar +conoci do +Doc tor +Ġvergon zoso +ĠJ OR +Ġaprovech e +ĠVe ge +ĠFil ms +Ġpeda go +Ġhob by +Ġb ichos +pec tivas +Ġtranspor tista +Ġqueb rada +di ci +ĠB ik +dan t +Ġedi les +Ġasal tos +W orld +Ġcont adores +Ġem ba +Ġpareci eron +prim era +ĠDonos tia +Ġpol en +ene as +Ġexcl uido +ĠBa ker +mer cados +Ġpuntu alidad +Ġdiscur s +pens ación +iéndo la +ĠCis neros +Ġtos tadas +ĠNazar et +Ġcor pus +ĠCor án +ĠPas ado +ĠDomin io +Ġrepetir se +Ġpól izas +h m +wa ter +Ġdespro teg +u ja +Ġin tran +Ġal is +Ġma que +Ġnum érico +ĠCastel lanos +Ġoblig ando +Ġlanz ador +ĠFabric ado +Ġesmal tes +ĠV oc +Ġemp adron +Ġve to +ĠMc Donald +ca y +no ticias +so ft +Ġindividu alidad +ĠEstratég ica +lo v +um iendo +Ġlav adoras +Ġescrúp ulos +B enz +lan to +ĠAl mirante +Ġcontr al +Ġcar gadores +Ġalimentar ias +Ġenajen ación +l istas +ĠSh are +b ilidades +i ola +Ġi dios +je fe +ĠInf ante +Ġdespren den +Organ ización +Ġalfabe tización +ti ño +ĠP áez +Ġj ack +aba t +tis a +Ġbo letas +Ġ20 8 +Ġcompa g +Ġm ist +Ġre patri +Ġju da +Ġjug abilidad +ĠGal ileo +ĠTemp eratura +Ġhun dir +educ ación +ich es +ĠEspañ oles +Ġinédi tas +Ġeyac ulación +Ġhipote caria +ra ma +Ġfuer as +aste iz +Ġdepre ciación +ĠGendar merÃŃa +M ENTE +ĠNav arre +Ġtes ts +е л +Ġdesesper adamente +Ġpa ñal +ĠNa k +ĠTur ÃŃn +Ġquirúrg icas +Ġsobrena turales +Ġver ter +ĠSi ri +ĠPo drÃŃamos +Gran ada +Ġeng ras +ĠMarcel ino +Ġb iber +Ġesta fas +Ġad icto +Ġemb elle +ĠQu ick +Ġcomport an +Ġintentar emos +Ġardu a +Ġri e +Ġinteres ó +Ġzo ológico +te k +Ġcre zcan +Ġpos ada +Ġcambi arse +Ġcambi aria +Ġenfoc arse +NO VA +Ġlej anas +Ġcriptom oneda +el berg +Ġcal culo +Ġresca tados +ĠFol k +qu ote +Ġhor rores +ĠPubl icación +ĠCom ités +Ġllam é +ĠÃ Ĺ +ern el +ĠRes urrección +Ġap og +Ġdis identes +Ġtrans ita +Ġescol tas +Ġale a +Ġinquie to +ĠOBJE TIVOS +C omb +Ġpes te +ĠDes as +Ġautor as +Ġolvid ando +Ġmanifes tando +Ġprolon ga +pue den +Ġrev ocación +Ġcolor idos +Ġcri ollo +ĠAut ingo +ĠFu imos +Ġpar alización +Ġcan ce +Ġtr ue +Ġcontro vertido +ĠEmpren dedores +ĠMod alidad +Ãģn gel +ĠW as +Ġdist antes +Ġadvers idad +un ión +ĠExc mo +Ġso u +Ġnecesitar ÃŃa +Ġnecesit ábamos +A gu +Ġmil ÃŃmetro +Ġprefer ÃŃa +Ġadic tos +D ÃŃas +æ ĸ +ĠV IC +Ġparlam entarias +ĠP lante +Ġfor jar +Ġavan zaba +Ġdese adas +Ġneoliber ales +B anco +fic ción +Ġneutr alizar +Ġpoem ario +Ġmudan zas +ĠE cha +Ġ ± +ĠProcur ador +P rueba +Ġpe dest +Ġdemocra cias +ĠT eles +af e +ĠPsi quia +V eo +ar cado +on ar +Ġin duc +ĠT il +Ġlav arse +Ġtopo grafÃŃa +ran io +ĠR ell +01 1 +ĠPar tners +Ġestim ados +Ġinfin itos +ĠEqui pamiento +Ġadvir tieron +Ġtim idez +ĠConst rucciones +| - +Ġconfun den +Ġtraspas ar +P l +Ġgeométr icas +di je +ĠT oc +ĠW im +Ġequivoc ados +ĠVar sovia +se d +bi ologÃŃa +ĠW inter +Ġbus iness +Ġmer ma +ĠNa tación +Ġvir ales +Ġproporcionar le +ĠTrop ical +o le +Ġsu bre +Ġinci enso +direc cional +Ġmultimillon ario +Ġdeduc ciones +ad ÃŃsimo +ĠA partamentos +Ġasist imos +Ġdetec tados +Ġcondol encias +an z +Ġb rechas +Ġdesvi ado +ĠMan ufac +Ġmateri alizar +Ġgal leta +Tu vimos +EX O +di ana +Ġconec te +Ġquedar an +Ġflo ja +Ġmaquil lar +c co +ĠM og +ĠF S +Ġ19 21 +Ġsos tén +Ġentren ados +organ ización +e valuación +ĠD ó +ĠR EL +Ġinform arte +tific ada +Ġatra ÃŃdos +Ġdes dic +ĠB OR +ĠG la +Ġlan cha +tán donos +ém icos +tr ÃŃas +Ġesper ó +gram ación +Ġprosegu ir +ĠHab ilidades +its ub +ĠAdul to +ici sta +Ġalej amiento +Ġdesaperci bida +ĠO ra +av es +Ġpresion e +ĠA K +em éri +Ġpreten dÃŃan +xx x +Ġnar raciones +Ġadmir ado +n ell +ĠG ent +Ġabrir án +ĠJud á +Ġrealiz as +Ġanticip ó +Ġencer rados +i dió +ĠA quiles +Ġale tas +su p +Ġimperial ista +ĠAl t +Acu erdo +Ġheb illa +p ack +10 4 +Ġacor tar +Ġsobreviv e +Ġatropel lo +Ġtó rax +c ers +m adre +Ġre ceso +ÃŃa ca +Ġres guardar +inos as +ĠBo ur +dios os +Ac ceso +Ġpresi dió +ĠLar ry +un tes +Ġdescon ocÃŃa +Ġ% ), +Ġbip olar +Ġp itch +Ġmelo co +ĠA yo +Ġpropon ÃŃa +Ġpronunci ada +ĠAce vedo +ĠBla ke +g á +Ġre es +ĠM IG +ort on +Ġlingü ÃŃsticas +Ġva go +Ġprove en +an gu +Ġano tado +Ġchu pa +re loj +ĠPaul ina +ĠNorm an +ĠProp ie +ĠS ana +ral o +Ġmulti fun +Ġdescubrir á +ĠTorre vieja +ĠÃŃ tems +Ġs tu +ñ iga +Ġni tidez +Ġcorreg ido +gra tis +Ġidentific amos +ĠLim ón +J ack +U su +it res +Ġk now +Ġcompr arse +Ġball ena +Ġtor tas +ĠBer na +Ġtransport adora +ĠS tella +ĠK ay +ĠOh io +H ern +Ġest es +ĠV M +Ġconsegu idos +ĠPas co +ĠOl ivos +Ġconcluy eron +ĠIn d +ĠEste la +Ġsa gas +Ġauto did +Ġmundial ista +Ġescand ina +ĠMa xi +Ġdefin irá +Ġelim inada +ĠN AS +ĠGal indo +Ġauton ómicos +ĠMag isterio +Ġinneces arias +ĠGuan tánamo +T re +g ales +ĠG ira +Ġcons iente +Ġlic ores +Ġsobreviv en +Ġta pones +Ġbailar ÃŃn +pro tección +Ġara ñas +Ġderma titis +Ġc ia +ĠIn teg +Ġfil tra +Ġsilen cios +ĠVia gra +C aja +ĠM ama +ĠDes eo +Ġobliga toriedad +ĠBre ve +Ġpad rino +ĠCop yright +ĠS enegal +ĠM illones +ĠMac ro +ĠCambi ar +f ruc +Ġe che +ĠD emos +ĠDen is +S ociedad +Ġres iduo +ĠMa tu +Ġinvesti gue +ĠRos ada +Ġrem or +ĠGén ova +un ga +ĠT AM +Ġw ay +Ġmon tó +ĠCN C +ĠFron t +Ġmasaj ista +D U +con ec +Ġvar illa +Ġopinión Respuesta +ĠNO TI +Ġauton omÃŃas +Ġpal oma +and ora +Ġauto psia +Ġsome tió +Ġredac tada +ĠO M +Ġcer tifica +Ġon ub +end y +Ġexpe diciones +plan ta +Ġapres ur +ĠSEG UN +Ġacepta bles +Ġdac til +' '. +ver ano +Ġjug aban +gar te +ĠX peria +ĠCro w +Ġrevesti mientos +Ġobse quio +ĠV ib +Ġne tos +Ġinv itando +Ġcompar ta +Ġinval idez +Ġemp at +Ġpró fu +C ri +Ġsist émica +viv e +Ġsustitu yendo +N ave +ĠA val +а ÑĢ +Ġo pa +ĠF rÃŃas +Se is +Ġtab erna +Ġes mero +uc ky +Ġten so +G ir +Å Ĥ +Ġab eja +Ġmar inero +Ġconclu ida +ĠA eronáut +IM E +Ġimpac tado +ĠAcci dentes +Ġ19 13 +Ġdesac redi +Ġoff line +Tex to +ec ón +ĠAl quil +Ġinici ados +ĠpsÃŃqu ico +el an +ĠF DA +Ġconlle van +- ; +V arias +ve jecimiento +ĠFran çois +gara y +Ġciruj anos +Ġinmortal idad +Ġe ternos +Ġimplic ada +Ġdestru idos +ĠSU B +Ġsuspen de +Ġhúme das +g iro +Ġimp ago +Ġfor ja +ef ore +ĠPrincip io +j uego +ĠP EL +Ġpe gados +Ġk on +ĠPR INCI +Ġperjud icado +Ġcurric ulares +Ġi manes +h z +ri ana +ac le +pe cia +Ġinter cultural +Ġpan ameño +Ġsac as +Ġfer re +Ġasalari ados +Ġimper cep +ĠDOC UM +Ġdes min +Ġinc uestion +ĠFil ologÃŃa +S ign +mo grafÃŃa +ĠVig il +Ġrecopila torio +ola zo +tan era +Re quisitos +ĠHer moso +Ġatender á +ĠIns ular +ĠPer formance +Ġpremi ación +Ġaceler ada +Ġaliv ia +L ima +ĠAr duino +Ġcomunic adores +itsub ishi +j j +ĠCar b +ĠSelec cionar +Ġbronce ado +Ġtard ará +prim er +ĠW ine +ĠAman da +c ue +Ġar ándanos +uro este +ĠEsc ort +Ġrefle jados +Ġmediocamp ista +ĠC iber +Ġpor tón +ĠFlor entino +Ġac up +Ġter givers +Ġdescomun al +Ġsuperá vit +Ġd r +Ġconv ulsiones +ĠCor doba +): ) +Ġaust rÃŃa +BO E +Ġremun eraciones +Ġboc adillos +Ġna ciente +Ġcomprobar lo +Ġanaliz ará +ĠChan el +Ġúl ceras +N Y +ĠP ig +ĠDes pe +ĠAb or +k un +Ġs ha +Ġinf usiones +ĠRe x +ĠPor tillo +Ġdescrip tivo +ci d +Ġcent ÃŃ +ĠDes pues +Ġoblig aba +ĠN eb +Ġcomp uso +Ġgust ando +Ġrel ámp +Ġayudar los +Ġmultiplic an +en ga +Guar dar +Ġfor zadas +ens is +Ġadj untos +R uta +ĠB le +Ġâ Ĺ +ĠSecre t +fal ta +Ġegip cia +i jas +ĠD oy +ĠMad uras +Ġdisfru té +Ġgobern ación +ĠFis calización +l aban +Ġos tent +ĠHar rison +W ork +Ġp ésima +Ġesp ÃŃas +ĠInf anterÃŃa +Ġaconte cido +Ġe a +Ġgu a +Ġpare jo +Ġasoci arse +Ġpertin encia +Ġde tienen +ter ap +ĠCo t +Ġidentific ando +ĠBra va +w ig +ten idos +Ġaf ÃŃn +Ġinver so +ĠSil encio +Ġper ito +pa per +Ġplas tico +Ġperpe trado +ĠFÃŃs icas +ĠEp iso +J ames +i dia +ĠO MC +dar ias +Ġfal to +Ġpi que +Ġartic ul +Ġsobreviv ió +Ġsofist icación +ĠAran juez +ĠHonor able +p ando +Ġcu ent +ĠD jokovic +Ġla ca +Ġtermina ciones +Ġob vias +Ġininterrump ida +f amilia +j ante +Ġsepar ó +Ġech aron +Ġaquél la +ĠExp lo +ĠPay pal +ĠPe tr +ĠOrgan izador +Ġdivi didas +Ġnó minas +Ġjesu itas +i ques +Ġ ue +ĠQ i +Ġautor itario +Ġesfuer za +Ġdevolver á +Ġenferm eros +Ġnarcotra ficantes +v ano +Ġap uro +ĠCan tá +V ive +Ġconde cor +Ġrectán gulo +Ġllegar emos +Des af +Ġaband one +Ġprosper ar +chan dis +fer ence +Ġelec trol +ĠSen adores +ĠTem er +Ġsocor ro +Ġpancar tas +Ġdes or +Ġvan idad +Ġconver tÃŃa +Ġdesin formación +Ġprefer imos +ĠLU IS +M ichael +å ½ +ĠB IO +Ġap uesto +Ġclas s +Ġeduc ador +ĠProduc tores +Ġmatric ulados +Ġp ú +ra cial +Ġlos a +is ario +Ġex ca +Est ra +ĠTor rent +Ġmiti gación +P adre +ĠDes per +ĠBol sos +Ġacu áticas +ĠEmple ados +Ġco financi +Ġus é +Ġdefini tivos +Ġech aba +ĠTS J +ĠMemor ial +Ġproduc cion +ĠCO P +Ġpan tano +Ġinmun itario +Ġreorgan ización +er ing +Ġinterac tivas +ĠExpe diente +Ġver tido +pec tivo +Con sider +Ġperio don +Ġatacar on +Ġcab ras +Ġide ológicos +Ġir on +ór mate +Ġrefer endo +Ġcristal inas +Ġfic ticio +Ġdor sales +Ġwa ter +ĠB é +Ġinf anterÃŃa +ĠZe us +Ġmercad illo +Ø ª +Ġartic ula +Ġmis il +ern er +Ġfl aco +ĠAplic ada +Ġplus valÃŃa +Ġesfor zarse +ch ita +Ġmedi rá +In g +rag ma +Ġileg alidad +Ġchampi ñones +bi ble +Ġvis cer +Ġpel udo +Ġdif ieren +ĠMo vil +ĠWh it +Ġcoher entes +L oc +ĠRe vel +Ġá pice +Ġ16 1 +Re v +Ġcuestion amiento +ĠCo quimbo +Ġinyec ciones +war z +f la +Ġal ero +is ca +ĠN OMBRE +ĠMin ero +Ġren con +Ġcomunic ada +ĠTol ima +Ġ é +Ġdes qu +Ġex ija +ie u +Ġpul gada +ĠCap itan +Ġintelec to +ĠLim itada +Ġpara ÃŃsos +ien zo +Ġme tieron +Ġamena zados +ĠSnap chat +Ġsi to +ĠW right +Ġproyec tan +Ġins ospech +Ġpractic antes +Ġadver so +Ġreh enes +ĠS PA +ĠU B +Ġintegr ó +Ġan alizadas +M úsica +Ġlle gues +ob s +Ġ: - +Ġdesin stal +Ġconmo ción +C T +ci co +Ġinstal ando +Ġdepor tación +Ġlavan da +en demos +Ġal érgica +Ġcor dura +vi es +Ġpu gna +ĠAu gust +Ġreca uda +éut ico +Ġcontempl adas +Ġentre gamos +los ión +Ġpe gue +Ġpi des +Ġ17 6 +Ġllan ura +Ġcosmopol ita +e ira +Ġc ana +ĠK ings +ĠCR IS +ĠC osa +Ġal us +Ġto billos +vi ada +ĠPon tÃŃfice +ĠEstu ve +Mus eo +Ġclan es +ĠOdon tologÃŃa +k ara +Ġhon da +Pro tección +am er +Ġimp une +Ġvendi mia +Ġtol dos +ĠP ist +Ġtu yas +Ġhaci éndole +Ġvehic ulos +Ġcondi ciona +Ġdesa tado +Ġtriun fal +ĠBo tón +Ġtem ÃŃa +Im ágenes +ĠCh ang +AN TIL +ĠBol as +ĠMel bourne +Dep endiendo +Ġy ugo +Ġdeb utar +ĠAu top +Ġcontribuy eron +ĠCL AS +tr alidad +gar an +ana ir +Ġsobre v +Ġmil la +Estu ve +r inos +hor as +ĠInte gra +g b +ĠP ará +Ġ15 4 +ĠRol dán +Ġenfa tiza +Ġno tan +ĠPeque ños +Ġf ito +cin i +ĠGran ma +Ġmezcl ados +ĠOliv ares +U stedes +Ġconside ras +Ġce pa +Ġamp ollas +Ġalf ab +ĠCic lismo +ta ts +cre ar +Ġtem ible +Ġorigin an +hua ia +j aban +CA T +Ġfér rea +ien de +Ġac tora +vent as +Ġejecut adas +Ġramp as +Ġguardi anes +ĠEVAL UACIÃĵN +ici ados +Ġañ or +Ġsuminist rados +Ġcatalog ado +Ġv ene +Ġg ara +Ġpermi timos +ĠRo jos +Ġenseñ arle +ĠXX III +Ġdro gad +Ġcalib ración +P ED +W ashington +Ġbon us +Ġsú b +ĠAbs olu +Ġpol vor +teg ia +tán dome +Ġimpuls adas +Ġdespe didos +Ġconfies o +ĠP OP +ĠJ á +Ġcri ados +mac ÃŃa +ĠTrad uc +Ġutilizar emos +Ġdesc endido +Ġpers isten +Ġahor rando +ĠOri huela +Ġsobrepas ar +Ġreval or +ĠPosi cionamiento +Ġso pla +Ġma za +ĠCon ferencias +Ġins ol +men u +Ġcontras tar +Ġfat ales +Ġre ven +ten iendo +Ġcal ab +ĠAc ab +Ġpen se +Ġprestar le +Ġexp ir +ĠÃī stas +Ġcre dencial +Ġ15 8 +OR IA +ĠBuen aventura +abil izar +ĠBien venidos +ĠY uri +Ġsuces ivo +Ġhablan tes +Ġcon n +Ġper icia +go o +éc til +ĠCer ra +Ġdifun de +Ġguard ada +ĠConoci mientos +âĹ ı +Ġcontra parte +Ġproyec tada +Ġconvertir la +Ġclasific adas +Ġnut rido +Ġalo e +Ġcan teras +ĠS cra +Ġconserv ados +Ġempren dido +Ġstre et +Ġpens ionistas +ĠPar ada +ĠDie ta +Ġapetec ÃŃa +Ġcar to +Ġcontra tiempos +Ġinv ocar +Ġregres ará +con form +Ġliber arse +Ġengan cha +Ġintermedi as +Ġcatol icismo +c antes +ĠA viv +ĠM asa +Ġcas uales +Ġgas e +Ġoper adoras +ĠSan chez +ĠMac arena +Ġacop io +Ġrelu cir +ĠI TV +Ġade m +Ġsub vers +Ġcamar eros +X I +Ġespec ular +Ġcub rió +Ġpreval ece +---------------- ---------------- +Ġblue tooth +ĠMon tilla +Ġdetermin aron +Ġgestion an +Ġgradu ó +Ġcompañer ismo +L IO +Ġale ator +Ġdesin fección +Ġaco tó +Ġdeclar adas +Ġinspir adas +Ġconf iden +Ġcontes to +ĠTre k +Ġp ór +ĠD ada +Ġquedar ÃŃan +âĢĭ âĢĭ +Ġañadir le +ĠAlex a +Ġmiser ias +om entar +ĠN H +ĠN IF +Ġfor zos +Ġresolver se +ĠGi puzkoa +Ġescap adas +Ġpasar me +Ġmoder ador +Ġargument al +T ran +Ġautoma tizar +ty pe +Ġdiagnostic ado +ï Ĥ +st yle +Ġpro posiciones +Ġte tra +Ġco fradÃŃa +Ġgu apos +Ġhistor ieta +ĠTri ana +ĠSu ma +Ġdefin iendo +ry s +lick r +Ġà ¼ +ĠAir bus +Ġdemo gráfico +Ġprecar ia +Ġretros pectiva +Ġco ck +Ġincl inado +ĠAmb ros +ĠTeléf onos +ĠÃŃmp etu +N uevas +in n +ĠS ól +ĠN IV +ez er +ĠVir us +Ġimprev istos +Ġimparcial idad +A z +C ur +W al +Ġven cida +ór denes +ĠSy dney +Ġambi güedad +Ġdebil itar +Ġa tin +ic ua +Ġhab eis +ĠCons igue +Ġdesencaden ar +ĠChip re +A udi +Ġv icioso +Ġcor tamos +con a +ĠCom parte +posi cion +ĠON LINE +ĠJac obo +ĠCol iseo +Ġsome timiento +ĠMinister ios +Ġp ésimo +Ġb élico +us er +ĠIn fer +Ġbomb o +Ġcontribuy a +ch ira +Ġcons igan +me do +Ġinv itaron +Ġpare cia +pe ñas +je tos +Ġbeneficios as +j ana +Ġle trado +ĠIn teriores +tur ados +Des pues +pro vin +Ġrema tó +Ġposibil itar +Ġde bi +ĠP B +eb erg +ĠFlam enco +ĠEncan to +Ġf ortun +qu ivir +Ġdes via +ĠD um +Ġcolor antes +Ġocul ares +Ġdecepcion ante +ic eros +Ġh ilar +Ġper verso +cra ft +ĠHill s +Ġpostul antes +ĠIo T +Ġcompar ables +Ġhip no +Ġcontradic torio +Ġcar acol +Ġ- |- +Ġprome dios +ht m +Ġprobar la +ĠL ub +Ġcre mosa +ĠF IC +ĠK O +17 0 +fun ction +Ġradi ador +Ġrecam aras +Cual quiera +Ġt iernos +émon os +Ġorques tas +Ġv or +ĠAma teur +ĠRece p +u ran +v ios +ĠAc tivos +ĠPel u +Ġdef unción +Ġobje ción +Ġenga ñado +Ġencabez ar +ĠCard ona +Ġergon ómico +ĠclÃŃ toris +Ġprofesion alización +Ġsex ys +ĠGu i +ĠPal om +Ġma trices +Ġcabeza zo +Ġá giles +Cu mpl +Ġencar nación +Ġlim itarse +Ġdem oras +Ġanal ógico +ĠART ÃįCULO +Ġfoto gráficos +ĠARG ENT +Ġeso t +Ġapun tal +Ġdefens ora +ĠInst rucciones +g all +Ġcomp endio +ĠMED IO +Ġhondure ño +Ġh uyen +ĠEs panyol +Ġtri dimensional +Ġredes cub +ĠLib rerÃŃa +Ġpatin aje +ĠFac tores +Ġkil ometros +pa ciones +tros is +gg y +Ġv isten +ĠS B +Ġempu jón +Ġtu ite +ĠCh atear +Ġatre vió +b et +ĠM ell +ĠV emos +ĠCy ber +Ġgran el +Ġu k +ĠSol ano +L or +ric ular +Ġve ia +Ġast ral +s itu +u ru +que ña +ĠS uelen +Ġestudi ada +Ġloc alizadas +Ġses ion +Ġinfluen za +dif usión +Ġirrepe tible +Ġbas ÃŃlica +Per io +Ġempo trados +Ġdiscapa cidades +Ġdri ver +O k +ó grafos +Ġv ales +Ġcorrespon derá +AT RO +Ġmecan izado +Ġpavim entos +pon gamos +ĠEsmer alda +ĠaudÃŃf onos +um nos +Re ino +Ġenter rados +Ãł n +ĠBor is +ti k +Ġinter vent +Ġpers istentes +Ġcomenz ara +Ġincompati bles +b rico +v ens +z um +Ġinter mit +ĠNe um +Ġreducir se +Ġregul adas +á » +Ġdi re +Ġso ul +ĠDal ÃŃ +ĠTable t +ĠK iko +ĠMas co +Ġfals ificación +ĠPrést amos +Ġfron tales +Ġprevent ivos +ĠP len +19 80 +Ġconform es +ĠSte fan +ç ão +cu mpl +mb olo +Ġlogr ados +Ġhabl ábamos +Ġotor gue +h aca +er ales +ĠR uf +ĠLa Liga +ĠBlog s +ĠU M +Ġra tificar +Ġpl uri +Ġacab ada +Ġprior itarios +ĠAsegú rate +ĠE y +ĠW an +Ġhos t +Ġportu aria +Ġcep illado +Ġpersi ana +VEN CIÃĵN +H R +} , +Ġas ia +cent aje +Ġdesign ó +Hab lamos +ĠIll inois +Ġfash ion +J ef +ĠCon ces +Ġgu aran +Ġinstal ará +tia gu +Ġeconom ico +in encia +Ġun irá +ĠDe pende +Ġserv il +ĠtÃŃ teres +Ġrecibi miento +. âĢľ +ig ente +Ġqu al +Ġsobre vol +ros t +ĠIl les +ĠSel ena +ĠKan sas +Ġresol viendo +N ar +Ġvi tivin +Ġdisfru taba +Ġlic enci +ĠPeru ano +Ġnarra tivas +ĠMinister ial +tra je +ĠFer rovi +Ġht ml +Ġ15 7 +cin go +Ġhun de +Ġe S +El im +Ġagres ivas +Ġclasific arse +Ġen domet +do g +Ġ( ' +ĠMar isa +ĠFor bes +Ġpermanecer án +Ġbar an +ĠCD s +Ġcorrob orar +Ġp isto +ñ ando +ĠHer aldo +Ġsum ará +Ġtocar on +ĠDiam ond +ĠPl ana +GO ZA +Ġacord ada +Ġmerca derÃŃa +Ġfotó grafa +Ġyar das +ĠH z +Ġmode lar +Ġbusc ados +Ġasi áticas +Ġsensor iales +Ġactiv ada +CION ALES +Ġrecord ará +Ġcabil do +ĠPer ros +ĠPre fer +ĠR ene +ij ada +Ġcom ente +Ġal iada +Ġver edas +ĠAn da +Ġgan ch +Ġt ia +Ġper dimos +Ġch apas +Ġcap ta +ĠMor ón +Ġconoc ÃŃamos +Ġintervin ieron +ÃŃ cl +Ġretra c +áce a +Ġreplic ar +chandis ing +y p +Ġ19 16 +Ġconec tará +Ġcomerci alizan +Ġhojal dre +ĠK iev +IS TAS +Ġrendi do +Ġhabita cional +Ġporte ña +Ġc resta +Ġa e +ĠG ue +ĠBar ber +Ġunivers os +Ġplas mado +Ġrepercu tir +Ġde ste +ĠSi go +ĠPres ión +Ġconstitu irse +Ġde i +ĠE RE +Ġper pendic +gos a +Ġ ç +ĠF rom +ĠSe as +ĠAn teriormente +Ġalcohol ismo +om la +ĠE ur +ĠL oma +ues o +Ġpre cal +Ġma quetas +Ġexp usieron +,, ,, +A van +ĠY i +Ġanunci ados +ĠWa gner +Ġpersecu ciones +Ġac uda +IF E +ĠTE MA +Ġmedi anamente +ĠMo le +Ġnecesitar emos +Ġubica cion +ĠSoc orro +Ġdra mas +ĠBor bón +Ġox ida +H on +ĠM AP +Ġéx odo +Ġlevan taba +Ġinver ter +ĠMc G +Ġresign ación +ar ás +hi jo +Ġsolid arias +ofici ales +ién donos +Ġbel lezas +Po drá +Ġrefor zando +des ma +Ġdipl omas +Ġabo ga +) { +ques is +Ġeduca cional +Ġconoce dores +fre y +Ġporta til +Ġsecues tr +s ac +u ge +Ġdespre ocup +Ġprecur sor +ente l +ga y +ĠOr to +Ġres tan +Ġcent rará +ĠPla yas +Ġreli quias +v ÃŃdate +ĠH igu +Ġhab ida +ĠCh uck +ĠSab es +f ÃŃ +lo te +Ġme xi +Ġcar tÃŃ +ĠCh anc +Ġpros igue +Ġllen aron +v ad +un didad +ás emos +Ġex ministro +lic h +Ġlu juria +ĠCom para +Ġtar get +ĠPRO CED +Ġcinemato gráficos +ĠLore to +Ġen ce +Ġal fil +Ġper n +Ġlu ciendo +Ġrep lica +Ġz orro +RO M +pro yectos +Ġpreocup aba +Ġran a +Ġch ul +Ġfran cos +Ġrepercu te +Resul tados +H el +× Ļ +ĠS kin +ĠWill y +Ġpotenci ando +Ġd vd +Ġcor ales +Ġcontam inado +Pon te +ĠBene de +ĠFUN DA +Ġsuje tador +ĠLuc es +Ġadvers idades +ĠBill board +R en +Ġhun dido +Ġcodi cia +Ġhuérf anos +m ur +Ġ.... .. +Ġdemo le +Ġpincel adas +Ġpre pago +Ġ19 05 +ĠCor pus +Ġdespe jada +Ġatraves ado +Ġgeográ ficos +ĠDecora cion +l doras +Ġg omas +Ġautomo tor +ĠSie mens +Ġgolpe ando +Ġembar car +Ġsustan tivo +Ġac ervo +ĠV ara +Ġval ida +Ġlág rima +Ġjefa tura +Ġabrum adora +Ġe ficientemente +ĠUltima te +Ġestar ia +ĠMo tos +Ġesfuer zan +Ġvigil ia +Ġbau tizo +Ġdiagnos tico +de an +Ġv ora +Ġer gu +Ġtransgén icos +u ki +Ġcu ña +ĠEs que +ĠGran t +Ġconsa gra +Ġservid umbre +Ġc esa +Ġven enos +ĠCa te +Ġpolar ización +Ġsincron izar +G ER +Ġparti tura +Ġvir gin +Ġdescon cierto +ĠDoc trina +Ġcardi aco +ĠColl ins +Ġm eros +ĠT OP +ĠCol aboración +Ġmultic olor +ti ques +Ġmagn éticos +Ġconstitucional idad +ĠCaj amarca +ĠE ye +ĠIn quisición +Ġconocer ás +Ġreempla za +ĠPY MES +ĠVallec as +Ġsu cción +no do +Ġavis ó +ĠF RE +Ġsegu idora +Ġcer raba +ĠPol icial +Ġnie go +) âĢİ +ĠC MS +ĠI ri +Ġpal etas +Ġ18 9 +Ġexplic arlo +Pa ÃŃs +ĠAll á +Ġperon ista +N ingún +Ġle ÃŃdos +Ġrep ens +fi ti +Pro por +er tura +Ġconsolid ando +ĠEv ento +Ġbuta cas +ti fique +ĠC ulo +Ġ19 15 +ART ÃįCULO +Ġgrav amen +Ġame trall +Ġpe go +Ġ19 04 +Ġtal ad +Ġabandon adas +Ġic ónico +direc tora +Ġvers ÃŃculo +Ġtodo terreno +Ġmé xico +ĠInvesti gadores +Ġdestru yen +Ġgasolin era +V ida +ĠC T +iz aban +Ġan ula +ĠH OS +par eja +Ġpla tó +Ġidén ticas +is imos +ĠK ia +Ġhospital arios +Ġco incido +ĠCh ir +Ġpredetermin ado +h ombres +Ġv uelan +car ra +Ġcin éf +lu z +ĠCamp bell +Ġinalámb ricos +ĠProf eta +M iemb +di la +Ġin ven +Ġ19 08 +ĠPul se +ĠNave gación +Ġtuvi éramos +ĠCa ñada +Ġmig rar +ĠEspecial idad +Ġcog ÃŃ +Ġencom ienda +Ġpre dicación +Ġbrin de +ĠYu gos +ĠCOMUN ICACIÃĵN +Ġhaza ñas +Ġeslab ón +Ġc iv +Ġch oca +Ġincl ina +ĠBa tista +fos is +Ġnico tina +ĠB av +Ġcam illa +Ġvalor ará +ĠCul turas +ĠDec ano +Ġpredomin an +zyn ski +ĠT ome +ĠAjust e +C K +pe ace +R osa +re ad +Ġop ino +Ġsob rante +ĠDown load +Ġrelajar te +Ġestero ides +Ġapog eo +ĠF lan +im ática +Ġson oros +fer son +ĠClÃŃn ico +ĠN ab +Ġfi tos +Ġbril los +Ġv idente +ĠR it +ĠBu ff +Ġtrage dias +Ġf ritos +Ġof fice +Ġvi ables +Ġcircun ferencia +ĠMap uche +o blig +Ġo yente +ĠC IV +Ġgri fos +Ġjuz ga +Ġpon iéndose +Ġasc endido +ĠWal king +Ġmand ando +Ġrecip ro +Ġinfluen ciado +ti zos +Ġse gregación +Ġmis iva +Viv imos +mi to +Ġvia jas +Ġsubmar inos +Ġarag onesa +Ġresil iencia +Ġte jas +Ġestá tico +ĠAC TUAL +V ista +oci n +Ġcap tado +Ġbal sa +Ġambient ado +Ġbil ingü +Ġcondens ación +a un +ĠM ura +Ġdis rup +Ġclima tizada +Ġsobrepas a +ĠLyn ch +n uestra +ĠC TA +Ġne vadas +Ġreal ices +Ġconsecu entemente +Ġneg ando +ĠGlo b +ĠQU Ãī +Ġt rol +10 8 +ĠSak ura +Ġc eño +Ġsu ti +ĠA ver +ĠN ix +ĠMon tt +Ġrepe tida +Ġfer ial +Man tener +Ġfotovolta ica +Ġcarib eña +ĠC iu +ĠH acÃŃa +uz n +Ġbil bao +Ġzur do +ĠT rue +ĠN og +tic ales +Ġhialur ónico +ĠP icos +Ġdes gran +Ġten dientes +âĢĿ - +Ġpres untas +endi os +Ġven cieron +Ġpatr ono +Ġarque ológicas +ci es +ĠH AY +Ġmal icioso +ĠGra u +Ġquie bre +Ġcaris mático +ĠNavarre te +ac tu +Ġex ótico +Ġperjud icados +Ġdomicil iaria +Ġentor pec +O jo +on se +ro v +ÃŃa co +Ġcal mado +Ġexper tas +Cam bio +ĠRal ph +Ġjue guen +Ġja que +Ġlujos a +Ġido la +E V +x ica +ĠM eca +Ġpol l +Ġfum ig +n ibus +if o +ris mos +Ġ20 25 +ĠCas os +ĠMan comunidad +Ġpartici po +ĠReg la +Ġimplic arÃŃa +Ġmascul inas +Ġsinté ticos +ĠL lano +Ġnego cia +ĠTor á +Ġprovoc ará +Ġrecha zaron +Ġdescargar lo +Ġnav aja +Ġfilm s +ĠpÃŃ ldoras +Ġdo p +ĠK ill +Ġredon dos +pecta cular +" > +ĠD ID +Pas amos +ĠTem uco +ĠD rag +ĠPa ta +ĠUr dan +Ġm ona +ĠC IS +ĠF ama +ca dena +Ġusu arias +ĠSOL U +ĠAlum inio +ĠIndic adores +C ard +dr ada +ĠDe pendencia +aban k +ĠPRO CESO +o fer +Ġ3 01 +ĠEslo venia +ñ é +con serv +ĠIncl us +Ġase dio +Ġplane an +Ġ !!!! +ci clo +Ġ22 2 +ĠÃŃn f +ĠOri ol +étr icas +Ġno té +Ġmor almente +Ġinstala cion +Ġflu vial +Ġco fre +Ġtu its +ĠForm as +Ġdemocra tización +Ġinse parable +ve ar +gan eso +ĠSe úl +ĠK ane +ĠNa cimiento +Ġinclu imos +ĠBa ham +Ġpref ieras +Ġencaj an +ĠC d +Ġignor ando +ĠBotán ico +toda vÃŃa +Ġescrib as +Ġcontar les +Ġmostrar emos +Ġmilen aria +ĠEtio pÃŃa +f at +Ġlog ÃŃsticos +Ġdespre ciable +Ġadminist rados +Ġextrem istas +ĠCastel lana +ĠOBJE TIVO +i gua +ĠD H +Ġactu aron +ĠFin ancial +Ġdibu jado +ĠBer me +IV O +Ġpormen or +b ero +Ġin ep +Ġpens ador +Ġradi adores +ĠDetal le +Ġtir ador +ĠEstudi ante +ĠGa udÃŃ +Ġincur sion +ĠF orn +ĠBo da +Ġadop te +ĠmandÃŃ bulas +er ias +IG A +ĠPortu aria +Ġfet iche +Por no +bra zo +Ġagru pan +ĠSIEM PRE +us imos +ĠCas til +Ġsust entar +Ġmetam or +Ġcul os +Ġétn icos +V ie +de ria +Ġprue be +ĠProve edores +pe t +ĠRedon da +Ġosteo porosis +ĠZamb rano +M Ãī +ĠAd ver +ĠPe ñal +Ġast r +C ursos +Ġtrabaj arán +ĠTu pper +Bus cando +Ġsumerg irse +Ġsu cias +ĠR ama +Ġj inete +ĠBar ajas +ĠJu gar +ĠBarcel ó +Ġh é +Ġsin taxis +Ġcent ÃŃmetro +Ġrecal car +bac teri +ad ur +ĠEn ju +ĠCas illas +Ġol igo +Ġmostrar te +om ware +Ġrecur rido +Ġpenúlti ma +Ġpató genos +Ġpre ex +Ġcan cela +Ġcaracter izar +] : +on eta +gu os +Ġba ter +Ġauto car +ĠSud án +df unding +Ġexc us +Ġeviden cian +, .. +s ho +Ġvol car +Ġcontar te +Ġben éf +ĠReci bir +de por +ĠS ES +her án +ĠCos me +ĠMen ción +Ġbach iller +Ð ¹ +ĠL I +Ġdic tadas +Ġdest ellos +Ġayud aran +ĠUr quiza +ĠJ ueces +ER TA +IL LO +Ġ= ) +Ġtún ica +Ġadhes iva +le tes +Ġpol im +Ġtor tillas +ĠBus que +Ġnin ja +Ġvolc ánica +L ibre +z one +al ud +ĠM eza +Ġ( ?) +if icas +ĠTras tornos +Ġbancar rota +ĠS AM +Ġtra fico +Ġalcan zada +ĠReg alo +ĠGre at +Ġpatri arcal +v oy +ru é +Ġimp ru +ĠPo zuelo +Ġprepar ador +Ġpatr ull +Ġesqu iv +C ierto +y D +Ġen tu +Ġhos tilidad +ĠSte in +m ónica +en ar +Ġvalor ando +ampa gne +ĠMach ine +Ġnavar ro +, ( +úbl icas +Ġsa f +ĠAp lica +Ġdesper tador +Pre par +Ġrecop ilado +ne gro +ĠPres encia +OL ÃĵG +Ġsobresal en +ĠAqu ino +ĠB LAN +Ġinter ferencias +ĠEst aban +por tar +Ġsal ado +Ġdesc ensos +ĠTex til +Ġdeci diera +Ġencontr ándose +Ġrestring ida +ĠPh ar +Quer ÃŃa +u terÃŃa +Ġt ÃŃas +Ġro gamos +Ġsinies tra +ĠPERSON AS +Ġcarc ajada +pos ito +ĠCom entario +ĠRos en +ĠSta tion +ĠLGT B +Ġdañ ino +Apro vecha +Ġcaracter izó +Ġcuch illa +G ol +S abe +ĠP BI +Ġdes co +Ġreg enera +Ġobserv o +Ġre interpre +el f +cu idado +ĠGu ipúzcoa +Ġutilizar las +Ġincapa ci +Ġencarcel ados +Ġabsorb ente +da to +Ġpac tar +Ġsemb rado +Ġcorrespon dió +ĠCó digos +ĠS Ãį +ĠR eno +Ġpas ividad +ĠPRES ENTACIÃĵN +Ġcontra produc +Ġplan tado +Ġ16 3 +han na +Ġimpartir á +ĠCama güey +o to +Ġglor iosa +j itas +gre b +Ġens eres +ĠMilitar es +én tanos +Ġcam inan +ĠW IFI +Ġconci encias +ĠQue dan +Ġprecis ado +Ġhar inas +Ġneum onÃŃa +Ġafortun ada +Ġescén ico +Ġun isex +ĠN ariño +Ġedi ficar +ĠReb eca +Ġestoma go +Ġcuid arse +ĠCOMER CIAL +ĠZ oo +ĠBa terÃŃa +ĠEstudi ó +Ġestira miento +ĠEdi mburgo +Ġvoc eros +Ġch ill +Ġexpon iendo +tex tos +ĠEchever rÃŃa +E mb +Ġan tÃŃ +ĠJos h +Ġmencion as +Ġdisput an +ĠSust entable +qui rir +pu taciones +Ġgo teo +Ġimplic aba +Ġpavim entación +h ub +or ial +ĠNuev amente +Ġgana dera +ĠArquitec to +b omb +Ġllev aran +Ġdist racciones +Ġquer ÃŃas +ĠElim inar +W indows +Ġob reras +ĠCu entan +Ġvi ñetas +Ġer éctil +ĠFis her +A I +ra za +ĠH ielo +nal do +Ġsuspen se +Añad ió +Ġdescu idar +ĠFun cionamiento +ĠEU A +R ecu +c ario +ta ch +ĠB ID +En tiendo +Ġfra gancias +Ġincons cientemente +C ocina +de ja +Ġ óm +ĠSer ge +ĠON CE +ĠLen non +ĠEduca tivos +f arro +w h +ĠC ues +Ġcomo d +ĠAc tivo +ĠCel este +ĠBlo od +B os +ac tamente +ĠCu rios +Ġpod re +Ġdiferenci ado +Ġdañ adas +Ġfluctu aciones +ĠN ace +Ġcáncer es +Ġreconocer lo +2 30 +f ino +Cu idado +Ġhiper tens +ĠBach iller +ale ja +Ġaprender á +Ġsanta fes +Ġpó ster +Ġexcluy ente +R G +ĠV am +GA E +G afas +h ero +Ġcin ismo +pro grama +ff ff +Ġcha pu +Ġparadój icamente +ĠG AN +ig amos +gar t +ĠNep al +Ġquis iéramos +ĠJef es +Ġpenúlti mo +ĠCo ño +Ġpredomin antemente +ĠG PU +Bl ue +Ġesquizo frenia +e ales +Ġb illar +Ġam nistÃŃa +Record ó +A gua +ĠRe to +Ġcur ro +Ġinstal arlo +Ġmovil es +ĠCarre ño +Ġpuzz le +Ġac cionamiento +Ġref rán +ĠDomin icano +Ġcob rará +Ġallan amiento +C ic +Û Į +Ġlament ado +ĠreÃŃr se +ĠTran sex +Ġnova tos +n um +Ġhab iéndose +Ġseñor itas +or ig +Ġenv ÃŃen +i aron +ĠAst uri +Ġsupe di +ci arse +Ġco fra +ĠGa vi +Ġres úmenes +ĠCam ar +Ġsatisfac toriamente +ĠZo om +Ġimagin amos +Ġc isterna +ol ores +és amo +Ġam én +Ġestable cÃŃa +Ġencar garon +ĠJam ie +L ab +Ġdef ina +Ġtal ones +Ġ16 4 +Ġmam as +Ġgr úas +Ġinal ter +ĠEric k +Ġmulticul tural +Ġentrar án +ĠCorin tios +L en +tas una +Ġañ ada +ĠÐ ¼ +ĠMec an +Ġgit anos +ĠT win +so ur +Ġtom aban +Ġand ino +Ad ministra +Ġevacu ar +E jemplo +po de +Ġprim e +Ġces ado +Ġpsico terapia +Ġfilosó ficas +Ġm ÃŃticos +Ġca udales +ĠMa ci +Ġobserv ados +Ġpreocup amos +ĠAses ora +Ġful min +ĠcentÃŃ grados +Ġco fundador +Ġad ven +ĠEx change +Ġmencion amos +Ġfiel tro +ĠR OS +ĠUN O +Ġfeliz mente +Vide os +Ġastrón omos +j in +ĠN S +Ġanim as +ĠVI VI +Ġconsa grada +ĠB ike +ĠH U +Ġca ÃŃan +IN AS +Ġtre kking +Ġsimul táneo +ĠRay mond +ĠLim ited +Ġsupre macÃŃa +C el +ĠL ily +ĠMa go +Ġta quillas +Ġtambi Ãĥ +ĠIna ugu +Ġemple arse +ĠCry stal +ĠS can +ĠDoc tora +dul idad +Ġrecab ados +tu ristas +ĠF r +Ġcontar os +Ġdiseñ ando +Ġfáb ula +Ġsevil lana +âĢĿ [ +mi tido +Ġrue do +IZ AR +mol ino +Ġautocr ÃŃtica +Ġ io +ó fer +ĠSpi elberg +Ġâľ ħ +B asta +tre po +Ġcontin gencias +Ġmod ales +n adie +n illo +Ġin son +Ġpro xima +Ġmar qués +Ġint entas +Ġfinanci ada +Ġbru tales +ĠPÃļBL ICA +C EN +Ġmu darse +eros as +Ġtecn icas +Ġdenomin ó +Ġun an +ĠD orada +tiz amos +Ġremo tas +Ġresuci tado +ĠECON OM +Ġdis olv +Ġsalud ó +Ġtér micos +Ub icación +Ġp ich +Ġm acer +P ack +ĠS IL +ĠEl vis +Ġba tu +Ġvi ña +Ġprev ar +Ġin j +Ġ21 2 +ĠTor ra +ĠVia jar +emb ran +Ġsw ing +{ " +Ġcalent adores +Ġsospech osa +Ġllevar las +ĠAM B +Detal les +cou ver +Ġconvertir nos +ac encia +ĠAm én +ĠCub ano +h man +Ġh uertos +ĠT AB +Ġplante aron +Com isión +Aprovech ando +O ye +Ġo u +ON G +A ca +pa ÃŃs +ĠMedi ación +pla taforma +Ġromper se +e lección +Ġc ity +ĠRe alizamos +VO CA +Ġparal elamente +ĠLabora torios +dependi entemente +h un +13 5 +ĠMic key +Ġmigra torios +plas tia +W W +Ġcu ñada +ĠMon toro +Ġcalle jeros +Ġlevan té +ĠMarc us +Ġgolos inas +ci galpa +Ġtóx ica +Ġdes fal +bl ico +eb e +ona zo +Ġfom entan +ĠMoto GP +Ġe ti +Ġdo lar +Ġconsent ir +aliz arán +Ġcol ó +ĠSal le +Ġmostr ada +Ġmarti rio +Ġvati cin +Ġpri ista +ĠObje to +Ġtra umas +ĠZ elaya +Ġdeten imiento +Ġenter amos +Ġseg mentación +fu ente +Ġpalp able +ĠEspi ritu +G ust +ĠO m +ĠRela tos +w ers +Ġvar ia +Ġrefuer zan +ĠMez quita +Ġinterroga torio +Ġdeud ores +Ġt itu +Ġin tros +Ġcom illas +Ġopera cional +ĠMac ÃŃas +Ġespon táneamente +Ġpack aging +ĠS illa +Ġop uso +ĠHo w +Ġinhib idores +ä¸ Ń +T ienda +j ad +in cha +ĠA CE +Ġto all +Ġte am +Ġven dÃŃan +ĠJ UR +quilib rio +Ġole aje +D em +a tiva +Ġexce da +ĠPlas encia +Ġac ueducto +Ġar bit +Ġquis imos +Ġpará bola +Ġtranseún tes +ĠV AR +Ġca ÃŃ +ĠRe formas +Ġmon ja +Com pañ +Ġempe ora +Ġlap top +Ġrepent ino +Ġenoj ado +Ġcac tus +ri mo +ĠAl tas +ĠDe bate +Ġaf inar +ome di +Ġperder ÃŃa +Ġdor so +Ġdur ado +Ġjejeje je +ĠBeb é +Ġemple abilidad +ĠBa ile +Ġdesper fectos +ĠPubl imetro +Ġinfil tración +S ir +Ġab rig +ĠCol men +Ġenem iga +Ġtaba quismo +V ivir +ĠT lal +ĠSi te +Ġaconte ce +Ġmu dar +Ġvac uno +Ġinspir ador +Esc ucha +h ire +ĠC uch +Por tu +ĠLu cio +Ġotor gando +Ġintroducir se +Ġhero ica +Ġviñe do +ĠMa ule +Ġpros pecto +ĠJa guar +Ġresal tan +Ġnegoci ado +Ġconsta ta +Ġromp ieron +ĠElo y +ĠMoz illa +ĠC it +ch eb +Ġsus o +Ġgen éricos +ĠAl man +Ġcuan tificar +Ġconstitu idas +An uncios +les a +Ġactu alizan +ER VA +Ġigual itario +ĠInt enta +un di +Gener al +Ġmun ición +Ġz arago +óp olis +Ġpropici ado +Ġde cen +ĠEs crito +Ġmar gin +ĠSegu idamente +f uera +Ġs ismos +Ġmi res +oc ÃŃ +oc racia +Ġigual ado +Ġvolv ÃŃan +Ġrob ando +ĠUnica ja +ĠUtil izamos +p eza +ro ugh +ĠS abor +ĠB ÃģS +Ġconten iendo +Per mite +ĠFab ra +Ġvag ab +Ġecl éc +ĠD ial +ĠB EL +Ġas per +ĠV u +H al +f eb +Ġac túen +Ġà ĺ +Des carga +Ġcoloc arlo +Ġarro gante +ĠVit amina +ffe e +Ġc itan +ĠP iura +Ġof ensa +Ġvisible mente +S ac +Ġar istas +Ġdon cel +ĠContac ta +Ġprimo gén +ĠCra ig +de ber +ĠEx port +Ġagu di +ĠSocial ismo +Cam iseta +ĠJurÃŃ dicas +Ġcontrapar tida +Ġretir aron +Ġresplan de +Ġmorf ologÃŃa +L l +il um +ma t +Ġesta cional +ĠO IT +ite atro +Ġmir arlo +Ġdia gramas +sas una +dios as +g ea +Ġl ares +Ġhab itado +Ġviv idas +Ġva ciar +Ġdiscu ten +ol ito +Ġve áis +ĠSan itarios +Ġinver tidos +Ġarries gada +Ġdinam izar +Ġmeteor ológicos +Ġimprev isto +ĠO reg +Ġesp inal +bo ts +Ġpeligros idad +Ġrecrea tiva +Ġcontex tu +Ġinfal ible +se xo +pon emos +ĠRe den +Ġconsagr ó +ĠIndivid ual +ĠGig antes +V M +ón di +ĠS top +Ġgratu idad +Ġtriun fa +Ġafric anas +Ġreconoci ble +Ġimag inan +Ġfri joles +Ġescapara tes +ĠU BA +Ġrecor rieron +ĠL ip +Ġgan ada +Ġfr unci +Ġmal etÃŃn +ĠVI R +Ġcomput adores +ĠGaran tÃŃas +Ġsuspens iones +ac ales +Ġas entado +Ġdest inan +Ġtri o +Ġcotidi anidad +Ġsú bita +ĠWar ren +Ġescog ida +al caba +Ġrein ici +Ġcong reg +ĠRáp ido +âĺ ħ +v ante +ĠEs can +Ġdist a +Ġ20 50 +ĠComun al +ĠBro thers +Ġmetáf oras +Ġpresent ara +ĠJun g +Ġinsec ti +Ġex cedentes +Ġmús icas +Ġâ Ŀ¤ +ĠCer tificados +Ġabst inencia +ĠHO TEL +Ġfortun as +ĠE vel +ĠI quique +Ġhac k +ĠK urt +ok a +Ġprov istos +ĠCar pin +ĠCla ire +ĠViv iendas +Ġdestro zado +ĠBroad way +Ġvol cado +ĠSE AT +Ġmayús cula +Ġn ichos +pos terÃŃa +tir ar +ĠCh ocolate +cor poración +ĠCL UB +ĠBay er +figu rar +ĠGrá fica +El ige +oc ados +Ġdescon ozco +Ġacostumb rar +ĠCarri ón +Ġmu st +Ġamb iciosos +ĠFac tory +ĠRepubl icano +Ġayudar la +Ġatac ados +ĠUNIVERS IT +ĠAl pha +net h +Ġabandon ando +ĠGuadal quivir +Ġdesfavor able +Ġfitos an +TR AN +Ġguer rillero +ĠCir cun +Ġfarmacéut icas +Ġcualita tiva +ĠMar in +Ġitiner ante +A didas +S ES +tar los +ur rec +ĠIn gredientes +Ġ5 12 +Ġim ita +Ġpersi guiendo +ĠPix el +pa is +je tas +Ġcan ina +Ġascen dencia +ND ICE +Ġmar eas +hu as +ĠT B +Ġval lado +Ġarri endo +pa in +Ġmagn ifica +Ġfrust raciones +Fu i +Ġcon tu +ĠSOL ICI +Z aragoza +ĠH R +Ġprior itaria +Ġma zo +pos ici +Ġagr arias +Ġservir le +p acho +ri et +ĠF unes +Ġ16 6 +ĠGa ga +Ġvag ones +ĠHom ero +Ġdevo tos +Ġdest a +Ġsa gradas +ĠRes idencial +Ġajust ando +g ola +ÃŃ feras +Ġtrans iciones +Ġ15 9 +Ġ25 5 +ĠBlo omberg +Ġacoger se +Ġequivo ca +ĠUtil izando +ĠFIN AL +an or +Ġqu i +Ġ17 7 +Ġacep ten +Ġcolabor adoras +Ġinmedia tez +Ġcamar adas +Ġdesemboc adura +cal le +Ġmul tis +Ġenc ruci +Ġtec no +aster ios +Ġterm itas +S ha +Ġper vers +ám onos +Ġfacil itó +Ġapor taron +ĠSecre tariado +Ġexces ivos +ent ren +Ġta g +Ġrec rim +ĠPos ición +Ġdetec tadas +ĠAst or +Ġclandest ina +Ġreutil izar +ñ án +ex iones +Ġdep lor +Ġintentar án +Ġdecis ivos +Ġbob ina +Ġcac erÃŃa +Ġalfabe to +el ina +ĠEd die +ĠMur phy +Ġic on +Cá diz +r Ãĥ +Ġ19 06 +ĠAn alizar +Ġacer qué +Ġsuf ran +ĠTe la +Ġinterpre tará +Ġav eces +Ġbur las +Ġga tillo +Ġexpe dida +´ , +Ġfij amos +Ġocasion ó +Ġerrón eamente +Ġensam bl +Ãĵ R +Ġfel inos +ĠExper iencias +Ġmarg inales +Ġcolo quio +ĠConsul tar +ent aba +Ġest el +pti m +olu ble +Ġbuscar la +ĠPlan o +Ġcompren dió +Ġorg ÃŃa +ĠPat rio +Ġchoc ó +ĠGR ADO +u pe +ĠSa inz +Ġarm ónico +Ġ17 8 +Ġrecuper an +IDE OS +ĠG rados +pu ta +Ġmo jada +Ġmodific adas +ĠMil ton +ĠVillal obos +Ġengran aje +ĠZARA GOZA +C ultura +ĠV W +Ġ20 6 +ĠQue ens +ĠS ti +Ġver tidos +ĠCu aresma +ĠIns pir +Ġconcer tar +ĠA pre +Ġprob amos +Ġgri eta +ĠAD SL +и Ñı +person a +o a +Ġsal tan +Ġcambi ario +Ġrad iaciones +ĠBea uty +ĠItal iana +ĠElectro dom +ekw ondo +con ocer +Ġcul inarias +Ġlist ón +ĠLaur ent +Ġsin toma +ign idad +Ġañad ida +ĠFinanci ación +Ġóm nibus +E ran +d ación +Ġpor nos +ĠAl gún +ĠAr tista +Ġapar camientos +Ġdisfru tas +Ġbio degrad +ĠConsell eria +on dr +ti st +ĠF AN +Ġminu cioso +hi ro +Ġignor an +Ġmarg inación +Ġodon tologÃŃa +ĠFerre ira +Ġpe gas +Ġnorma tivos +ĠKar ina +ĠJOS Ãī +ĠIMPOR TANTE +Ġarro gancia +Ġcuán ta +ĠSomb ras +di er +Ġle ucemia +Ġw all +Ġrev entar +Ġdisfrutar ás +Ġexpor ta +Ġindul to +ĠC óm +Ġsi ti +emp ren +vel t +Ġreglam entario +Ġrespira torios +Ġtrac tores +Ġagropecu aria +Ġsubterrán eos +H ub +M t +ĠD ora +Ġev itarse +Ġeduc ados +trop ÃŃa +I K +Ġcrá ter +p il +ĠB rito +Ġquer idas +ĠFis ioterapia +ĠEspecial istas +Ġacumul adas +ĠUs huaia +ĠBow l +Ġdeb ieran +Ġenvi arlo +w y +ĠDE POR +Ġencontrar ÃŃa +Ġmode st +Ġanunci adas +Ġfer rocarriles +Ġsup ra +w id +Ġre gu +Ġdi ana +ĠTer reno +ĠTen ÃŃamos +P LAN +ĠE do +ĠF rac +Ġhu mos +Par ÃŃs +Ġrenunci ado +f ace +ro logÃŃa +ĠP ide +Ġpr int +ba go +Ġro edores +ĠPo ten +ĠGer man +Ġcig arro +ĠD ucati +ĠDe je +Ġentr ara +Ġpublic aba +Ġbeso te +Ġpañ uelos +Domin go +Ġa temor +Ġ24 5 +Ġintro duzca +ĠA bi +Ġinteres en +10 9 +Ġdisput ados +r d +Ġn idos +Ġh uyeron +Ġsin ago +Ġco ja +Ġproble mático +w el +ib io +én icas +Ġdu doso +Ġhotel eros +Ġbr újula +Ġnovia zgo +ĠAcredi tación +? » +g ama +Ġn ue +и н +ĠxD D +Ġdesist imiento +Ġlonge vidad +ĠSampa oli +is ha +ĠM G +ĠSu ger +Ġbailar inas +Ġirrelev ante +Ġquer rás +Ġestacion amientos +Ġidios inc +Ġpi pa +ĠPol ÃŃgono +Mate o +Ġahon dar +N ivel +re almente +da ta +ĠAn gulo +Ãģ F +ĠCoci nas +ĠEp ide +ĠR ecre +Ġenmar cada +Ġalti bajos +Ġs tory +Ġcos illas +ĠPla zas +Ġconce den +Ġatac ada +Ġsahara ui +Ġparti daria +Ġcement erios +Ġre mitente +ĠDe jamos +Ġbas tidor +olo go +Person as +I CIA +ĠAr tem +ĠDorm itorio +in son +ĠK ant +Ġagreg ue +Ġintes tinales +Ġdesvel ado +ĠEns ayo +fica z +Ġinstal ador +ĠAna tomÃŃa +Ġinterrump e +Ġinvas ores +ĠF X +ĠCál culo +Ġado c +Ġrea pertura +Ġinclem encias +ĠF ocus +Ġap l +Ġver acruz +Ġinter puso +Ġviol ado +Ġarras trado +hab ÃŃa +ĠSpen cer +Ecu ador +de ña +ÃŃa cos +uc os +ĠT ep +Ġdef orma +ĠCa tas +gü en +Ġfutbol ÃŃstico +ĠINGEN IER +al ba +ĠJ M +Ġlente juelas +Ġb inario +ĠFar m +eme lo +Ġcat alizador +Ġaleda ñas +ĠHIS TORIA +V EL +aj ira +yec ción +OR ACIÃĵN +Ġengan chado +Ġgener osos +Ġп ÑĢ +Ġb úl +ĠAng ola +Ġr án +Un ión +Ġsil enci +Ġl and +Ġimp ot +ĠNo t +Ġsabe is +Ġingles as +ĠBarran co +im án +ĠPro b +Ġconsider arán +Ġfoc al +Defin itivamente +Ġhumed ales +ĠPar t +Ġconfes iones +ĠMach u +Ġcomprue be +V SA +es pal +Ġfa ti +Ġnór dico +ist erÃŃa +ĠO ber +bió ticos +A se +B ase +l ú +Ġbaj en +Ġbio psia +a des +Ġe dema +ĠT rá +ĠEx cur +ci nos +Ġpatrio tismo +Ġluci dez +Aplic ación +C alidad +ĠR EN +ĠIn dio +Ġpol ideportivo +Ġconfi amos +ÃŃ dico +Ġrec tores +Ġacu ar +Ġlimp iando +Ġcru dos +Ġrellen ando +P ay +T ea +ts ky +Ġfre ÃŃr +Ġhidra ta +Ġobso leto +Ġespárra gos +ĠDer ma +SI ÃĵN +ĠReun iones +Ġnom ás +er ón +he y +Ġcr ónicos +ĠPo tro +ĠHab rÃŃa +Ġcome tidas +ore ma +Ġincumpl imientos +Ġdespla zan +Ġalo ja +c les +ĠP ura +ĠM EX +ĠF icción +ĠH eras +ut anas +Ġsub ÃŃ +Ġ17 2 +Ġlar gu +Ġqueb rar +Ġleer te +Ġflo tantes +Ġalic ante +ĠF ilar +ob e +Ġru bor +ĠEscri tores +Clas es +Ġamon ton +G RES +is san +ĠTrans misión +ĠAir bnb +ĠhÃŃdr icos +ĠD ate +anas onic +Ġper ipe +emp res +Ġsuf ridos +ĠAp óstoles +Ġmulti función +ĠCab os +Gonz alo +Ġsumer ge +ĠA i +Ġha cin +ĠN UNCA +cre ación +ss s +Ġron dar +qu ena +AL O +99 0 +ĠNazar eno +ĠPila tes +Ġequita tivo +Ġl isos +ĠH aro +Ġven dan +Ġterra ten +Ġpij ama +ül ler +omencla tura +ĠB ier +Ġderro car +Ġuniform idad +Ġorden anzas +Ġcolum nista +buen os +Ġesfor zar +ĠQues ada +Ġpor teros +O peración +Ġc ache +ĠD ad +ĠSuper visión +Ġmicros copio +rev olucion +ĠPelle gr +ĠR N +uer e +Ġcons cientemente +Ġparti dista +Ġdon ado +Ġmov emos +ĠMor ris +Ġpade cimientos +Ġejecut ó +mos is +ca o +Ġcoinci da +âĢ¦âĢ¦âĢ¦âĢ¦ âĢ¦âĢ¦âĢ¦âĢ¦ +ar is +ĠV isto +tal aya +Ġmit in +Ġbag aje +Ġ3 25 +Ġderiv ación +ĠOblig atoria +al das +Ġma tri +Ġmar ket +Ġpregun ten +ĠArn old +di bles +ĠL TE +Ġvis itada +Ġconsider arlo +ĠTur ner +Ġirre ver +reg or +Ġdetermin en +Ġsimpl ificación +ĠTá chira +d ará +h ana +Ġ ���� +es pe +Ġasust ada +Ġdes do +ĠK han +fil os +Ġelev ador +Ġgalard onados +TAM ENTO +ĠIntel lig +Ġpagar án +ĠLeon ard +Ġtrasc endió +Ġz en +Ġofer tar +ĠSte el +ĠAP RO +ĠContin ente +g ala +Ġusu fruc +J AR +Ġun imos +ĠB ug +ĠH aremos +Ġcomunic ador +BIER NO +C ub +Ġper re +ĠEl ija +IC AR +Ãį F +ĠSec cional +ĠGan ar +ĠDeber á +al gunas +CI F +Ġgas a +ĠCan ario +Ġguar das +ĠSh im +ĠRom anos +ĠSab ina +ré d +id amos +Ġexig imos +IT AS +Ġadelan tos +ĠReci én +Ġinmers a +Ġbuf anda +ĠCien fuegos +Ġdesprender se +ĠF EM +Ġop taron +Ġtro y +ĠFer ias +Ġtriang ular +b ea +gar ra +Ġpe gando +ĠPo emas +Ġpromo vió +Ġpropor cionalidad +Ġgar ajes +Ġextrava gante +ĠF ide +ĠH ac +Ġfu éramos +Ġprocl amar +ĠCAP ÃįTULO +Ġucran iano +ĠP ene +par os +ĠPopular es +ULT AD +Ġdesent ra +^ ^ +Ġap ple +ing res +av idas +trón ica +Ġobserv ancia +Ġdinosau rio +po drÃŃa +Ġdescar gue +Ġmac he +Ġespiritu almente +Ġdeter gente +Ġov arios +ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ +ad itas +Ġindica tivo +ĠCarlo ta +Ġex fol +Ġdos ificación +ĠAr gu +Ġobten drán +Ġdesmon table +11 6 +Ġsust entan +Ġpeculiar idad +Ġdestro zar +) ( +Ġconf ÃŃo +ĠPro ven +Ġblan quia +K ET +ĠS OM +Ġ3 16 +port amiento +tres s +Ġsever idad +Ġconmemora tiva +ĠBook s +ma p +vis ores +Ġvar ita +ĠProfes sional +Ġlong itudes +Ġs pi +lo a +Ġ" ... +Ġocur riera +Ġac ristal +ĠT T +ĠMan zana +Ġaraña zos +b alo +Ġde ceso +mo d +ĠF énix +Ġpon iente +âĢĶ ¿ +Ġinces to +b ul +ĠP ilo +ĠS na +ĠS ola +ĠMar ti +Ġbar aj +Ġdenunci ante +Ġdescubrir ás +om ática +ĠE me +Ġch ist +Ġfri ki +Ġsuperhéro e +b oro +ĠH appy +Ġfri aldad +ĠA AA +ÃŃn tesis +Ġago ta +Ġbe isbol +Ġmilen ios +J im +P ac +Ġ16 2 +amp ton +ĠCE IP +Ġom iso +ĠHom enaje +Ġvi trina +Ġvic tima +Ġfracas ar +ĠPA IS +ĠPic chu +f am +ĠRo x +Ġchor ros +Ġapren dieron +5 50 +re cuer +ĠP uno +ĠM ud +Ġap alan +Ġvalor ización +Ġprede cible +Ġapoder arse +Ġastrona utas +S ON +Ġmon ólogo +Ġpudi eras +Ġacce dido +Ġofens ivas +Ġesfor zamos +ĠSora ya +ĠCú cuta +ĠS uela +Ġsub irá +Ġlar vas +Ġevolu tiva +Ġdesar tic +ĠD IC +Ġreg idores +et he +Ġconocer los +ĠCl ip +Ġtem ido +Ġincertid umbres +ĠAde cu +ĠMÃŃn imo +f ly +Ð ³ +ĠD ónde +ĠPa to +Ġemprendedor as +Ġin quis +ĠLa vado +Ġgén esis +Ġano ta +ĠConsul tor +L ucas +k ie +Ġper ece +Ġcap ilares +Ġgol fo +Ġbra gas +Ġcán ta +Ġenter e +Ġplát anos +ĠAlterna tiva +ER T +Ġsan cionados +Me dia +ÃŃm iles +Ġadop ten +Ġtrayec torias +Ġpercan ce +Ġhab réis +ob ra +Ġcoinci dido +Ġvist ió +Ġautomovil istico +ĠPad rón +Ġmovi éndose +Ġalici ente +ci sa +erv icio +Ġpan dillas +Ġtalentos o +Ġilum inados +Ġpresupues tarias +Ġespel uzn +Ġdes pos +Ġpa Ãĥ +dr y +Ġprincip iante +Ġcasti ga +ĠBár cenas +ĠL ech +ĠIlust re +Ġaltern ando +Ġparti mos +ĠBar bie +ĠDeb erÃŃa +Ġintra ven +Ġin gra +Ġg ótica +Ġmos quito +ién dome +Ġpolit icos +ĠOlimp ia +Ġmalague ño +ĠAgü ero +E valuación +Ġinf ame +par k +ĠRe port +úl veda +IC ET +Ġllevar me +Ġinforma ciÃĥ +ĠPower Point +Ġanoch ecer +L uz +Ġest ampar +Ġlevan tada +Ġasist an +ĠSta ff +Ġarres tados +Ġrevolu cionar +m ono +s ign +ĠD ior +Ġas cienden +ĠFran ja +tt ing +Ġejecu te +Ġaceit una +Ġdespl ome +P en +Ġo yen +ĠA X +ĠCor riente +Ġlegisl adora +Ġse me +Ġsus cripciones +Ġcer tero +Ġpi é +Ġconstitu yendo +Ġreglam entarias +Tecn ologÃŃa +Ġdiaposi tivas +T witter +ĠM ID +ac tive +ran os +ĠCre e +ĠBur ton +Ġalm idón +Die z +ĠE I +ĠB inarias +Ġap ri +der n +Ġmajes tuoso +ĠR urales +Ġsol apa +par tes +ĠNo ble +Ġmas ivamente +Ġplan ificada +Ġcosech ar +ĠLaur en +Ġcu ide +ĠW ang +Ġmer ecemos +Ġoportun os +Ġeró ticas +ĠMens ajero +. ¡ +on ismo +Ġri fle +ĠM itsubishi +ĠG ate +Ġ ¬ +Ġur l +Ġer r +Ġdisfra zado +ĠMala ga +ĠD AN +ĠB ÃŃo +Ġfo od +Ġindic amos +p ensión +ra p +Ġ3 70 +Ġli po +ĠDi ferentes +ĠNuev e +ĠWell s +Ġpan tanos +Ġinvoluc rarse +Ġviaj amos +Vol viendo +ĠV uelos +ĠIn dica +Ġsub esti +Ġpod rias +Ser ie +Ġcomentar istas +Ġabus ivo +ĠK ick +Ġbarb illa +Ningun a +Ġin hibición +Ġesp átula +Ġhábi tats +ĠFa ust +ĠDIG ITAL +in nova +it za +Ġan tin +Ġbr usco +Ġsimul tan +ĠB orn +Ġpag aba +Ġbio tecnologÃŃa +Ġsoci ólogo +ĠSho pping +enov elas +ĠEus ebio +S ue +b usto +ĠAl bor +Ġcul pas +Ġgen ialidad +Ġta il +ĠHum ala +Ġretras ado +Ġconstruc toras +ĠM ier +ici enta +Ġmal iciosos +bo dy +Ġsalv ando +Ġdistribu ciones +u pon +ion alidad +du zco +lam o +Ġinclu irse +ĠQuin tan +Ġtrom peta +Ġarreci fes +in gen +Ġdes na +Ġag rid +ĠBo ard +ĠMINIS TERIO +å ¹ +et z +ĠX im +Ġporta voces +Ġdiv ir +Po déis +Ġtranscur ridos +ĠConsum idores +Ġcuat rimestre +ĠTLC AN +Ġconyug al +el ine +ON U +Ġcri ollos +Ġtranspor tan +g rupos +Ġmor ib +Ġestructura ción +Ġfol lan +Ġregal ÃŃas +Ġfren a +tón ico +ĠPRIM ERA +des cub +ĠJ ue +Ġsent é +Ġjust ici +Ġintroduci das +Ġdescen dente +Ġeviden ciar +Ġabstrac ta +Ġsinerg ia +D AS +Ġa gas +ch ados +Ġor quÃŃ +Ġamig ables +Ġpasar la +Ġdebil it +Ġfolk lore +A do +s and +Ġpar alizado +ĠF ast +ĠCuader nos +ĠDomici lio +S iete +ĠP ik +ĠM óstoles +Ġ27 5 +Ġequival encia +ĠCo ches +Es co +ĠSer vi +leta zo +ĠHol guÃŃn +ĠIma gina +ĠMemor ias +Ġinfor mo +Ġdes lin +Ġayud antes +Ġformul adas +crim inación +ĠReflex iones +H ER +ĠS ócrates +Ġan ac +ĠCh aque +Ġcent radas +ĠPros titu +A PA +ĠAr bitraje +Ġsumar án +ĠBritán ico +f ób +ĠSal sa +Ġmoles tan +ĠCID H +ĠRes trepo +Ġreserv ando +incl uido +Ġcogn itivos +Ġdesenf ren +B F +Ġbuc ear +ĠMez cla +P ES +é gano +ĠN erv +Ġir landesa +Ġescribir nos +Ġep id +Ac tividad +Ġ Ä +ex p +Ġprome ter +ĠReci be +Ġasfi xia +Ġdar ÃŃan +Ġenf ure +Ġcoleg ial +ĠTab las +Ġirremedi ablemente +am anos +Ġsumerg ido +ĠDesaf ortunadamente +Ġacup untura +Ġu ranio +Ġint ri +ĠQu ieres +Ġluch aron +Ġbor re +ĠFlor ence +ĠEmpez amos +ĠAsoci ado +Ġpatrul las +Ġsec cion +ĠSo f +Ġperten eció +Ġconfir me +ĠJar amillo +ĠCasta ño +ĠMin utos +Ġfer iado +Ġvib rador +Ser án +Ġcolos al +H os +Ġk o +ĠBol onia +ĠAf ter +Ġfolcl ore +Ġdesvia ciones +ĠS AC +ĠMejor ar +ch ero +Ġcó mica +ĠAd v +Ġatro z +ĠCIEN CIAS +Ġ( *) +vers ibles +Ġgan gl +Ġleg iti +Ġhuman ismo +Ġlubric antes +in dicaciones +Ġpres ionado +Ġrepresent aban +Ġcocin ado +Ġestre me +Ġdesperdi cios +ĠInici almente +ĠMix ta +D EC +om es +Ġrecu adro +ĠPe ñas +ĠExtra c +Ï ĥ +od é +ĠSci oli +Ġin calcul +ĠAma ya +ĠCruc eros +Ġboce tos +ĠM UD +ĠCon vers +Ġapoy ará +Ġelim ine +Ġincon gru +Ġpsic omo +ĠSAN TA +Ġsuspendi dos +Ġescén ica +ĠHosp itales +ĠA GUA +Ġ16 7 +Ġperman ecieron +Ġholan deses +ĠF usión +ĠEn sen +Ġjun gla +Ġtim ón +Ġalu cina +Ġex ag +ob serv +Ġw estern +Ġtap ado +ĠValent ina +Ġalba haca +A dap +Ġdel la +ep pe +ĠAm elia +Ġprotes tantes +ĠCór dova +rev olución +Ġsobre llevar +Ġcompar tÃŃa +ĠCas anova +Ġimper ante +Ġdescargar se +Ġmezcl ada +Ġencer rada +ĠUNIC EF +Ġan tica +ce a +Ġmar is +Ġ9 25 +Ġdesa tas +ðŁ Į +Ġarrib aron +ĠEs car +Ġch ec +ĠK iss +ĠMac Book +es ar +ĠA cor +Ġmen aje +ĠK la +Ġur na +Ġvest ÃŃa +Ġl omb +ĠEn vi +Ġ20 2 +Ġfran que +Ġinten dentes +Ġmodi fique +ĠSh adow +Ġlegisla ciones +ĠFra ga +Ġpe deras +ide as +ĠAr évalo +ign on +tró leos +ĠJoy erÃŃa +Ġla te +Ġt ril +ent aron +ĠP ERO +par d +Ġmar fil +mon io +Ġcomplic ar +Ġge oloc +Ġporcent ual +S os +_ . +ĠN est +ĠI ca +Ġhab ria +Ġescuch en +Ġtertul ia +Ġhún garo +Ġba úl +ĠX xx +Ġcolec tivamente +work s +Ġinvir tió +sw ord +Ġincorpor adas +Ġperegr ino +ĠPhilip pe +W a +ĠHo ff +Ġga ta +ĠMercad ona +is eos +ĠEx amen +Ġnutri cionista +Ġpape letas +ĠepÃŃ graf +L uc +Å « +× ķ +ara y +ĠMar ea +Ġja ulas +Ġhomen ajes +Ġcon ej +ĠC un +ĠG oku +ras ia +Ġcar cin +ĠGu itarra +Ġcurs ado +ĠYugos lavia +Ġb im +Ġper sa +ter iza +et ica +Ġmin ibar +Ġhumor ista +buc ks +h echo +ĠP AD +ba gs +Ġbus qué +ĠPar ed +Ġencan tadores +ĠPeque ñas +Ġenvej ecer +U ruguay +Ġg ym +ĠP ec +Ġllama tivas +Ġa fic +Ġcar tografÃŃa +Ġmal versación +Ġresist irse +Ġartil ug +t ÃŃo +ab ia +Ġal z +ĠX S +Ġexpres ados +Ġpade cido +Ġche queo +ĠMila gro +te urs +ell ón +nes ota +Ġadh iere +Ġteór icamente +Ġluminos as +t ÃŃsima +ĠB ord +cl usión +Ġlec tivo +ĠLeg ión +Ġheteros exuales +ĠJerem y +st ock +ĠT CP +Ġli pos +dera ciones +Ġarreg la +bi ke +ĠAr reg +ĠCo urt +Ġ20 3 +ĠAc tas +ĠAc tion +Ġperiod ÃŃsticos +Ġcuantita tiva +â ĨĴ +ech ea +Ġx eno +Ġaj ard +i adora +Ġc uela +ĠD ort +Ġsab ore +ĠMu rió +Ġvid ri +Ġchanc adoras +Ġleg alizar +ĠTe herán +ĠJa iro +ĠStar t +ĠRepres enta +Ġcalab acÃŃn +Î » +Ġale ta +Ġga z +ĠBas ic +ĠMc K +Ġre orden +Ġsor do +Ġrepor tados +ĠMat h +Ġfascin ado +quiz ás +Ġtraz abilidad +mb erg +leg al +Ġconserv as +Ġdibu jando +ométr ica +ĠAso cia +Ġteñ ido +Ġn er +Ġreg ion +ĠPrim eros +Ġpar tos +it ri +Ġoscu re +Ġcuidad or +ĠLlan tas +Ġman illar +Ġev iten +IL IA +Ġacercar me +Ġom ni +Ġdesesper ados +Ġmur cia +ĠPeñar ol +tra va +ĠP ÃŃ +ĠI f +Ġna ci +ub io +Ġmor enas +Ġproce dido +ĠProvin ciales +Ġson ro +Ġ29 0 +ĠEri k +k al +ĠS iga +Ġrefer encial +Ġfrust rante +Ġdisper sos +Ġmanu tención +am ino +Ġpa terna +Ġhaber nos +Ġhela dera +Ġfor ce +ĠCab allo +POS ICIÃĵN +Ġlien zos +00 5 +ĠMad ison +Ġexpe di +Ġreti ros +Util iza +ĠFl ora +s eco +Ġch ófer +cur y +ĠEstudi antil +ĠSub dirección +ĠB uf +Ġtor eros +Ġprotagon izaron +Ġconvers ando +Ġsecues trada +B ea +ĠE ro +Ġg ér +ĠF ortuna +Ġinver os +ĠHe gel +ĠFal la +Ġg rin +son o +Ġapren dimos +Ġalmacen ado +Ġurg entemente +Ġmister iosos +ĠDen nis +ĠLimp ia +Ġmascar illas +Ġyogur t +utanas ia +C F +T ime +Ġa o +Ġpue bl +Ġmal vados +Ġases orÃŃas +Ġcomprar la +Ġmone dero +Ġrestau rant +Ġaconse jan +Ġmentir oso +Ġcosech ado +Ġl ife +ĠIn su +Ġsab ÃŃas +Ġra bi +ĠCor rupción +ĠAS IGNA +ĠWarri ors +cel os +tien das +ĠPres tamos +Ġpat entado +Ġs idra +Ġser igra +Ġas Ãĥ +ine gro +Ġobje tivas +Ġfo tom +ip es +Ġsac ramento +Ġregres ión +ĠC aban +Ġres orte +jo v +ĠVAL ENCIA +Ġpromul gación +Ġac oj +ĠT aj +ĠPer dón +ĠLu que +Ġbal onmano +Ġescla va +in iciar +den o +ĠAnd res +ĠVan couver +Ġbrind aron +Ġal inea +Ġcor diales +Es pacio +ĠMon ey +Ġexil iados +Ġs crip +10 7 +ĠPon iente +Ġmást il +ĠEN TR +apro ximadamente +Ġestimul antes +Ġdes iertos +ĠAlex andra +ĠNA TURAL +ĠÃį NDICE +Ġabord ará +ĠT iz +Ġlib rarse +Ġamor osas +ĠBen avente +Ġinfo grafÃŃa +Ġsk ate +! : +cur rió +Ġof endido +Ġcel ulosa +Ġsob rio +Ġtransmi tiendo +Ġmatric ulación +ĠJosef a +ĠMUNICI PAL +Ġsab réis +Ġcontra tan +Ġmon tados +RI O +Ġdiv ierte +ĠRecom endaciones +ĠAdolesc encia +ĠACTIV IDADES +Ġrencon tre +ues tre +Ġpo pa +Es cri +Ġadminist radora +Ġmagn ifico +Ġrap idos +Ġg amas +Ġme tidos +con strucción +cin ia +Ġexplor adores +Pr óx +Do ble +Ġhomolog ado +de les +ĠJ hon +com m +Ġdef endÃŃa +Ġdero gación +ĠAlejan drÃŃa +C iertamente +Ġcu mb +Ġcu enco +ĠPas amos +Ġaument en +Actu alización +ĠT IPO +res es +Ġrecon f +ĠOl ive +ĠBe goña +Mar co +Ġreiter ada +Ġmár tir +cheb uena +ra ta +le m +tó grafo +Ġcontar a +ĠIndi an +s c +or tes +ĠAl erta +12 8 +ĠElec torales +Ġpreval ecer +ĠONG s +Ġmemb resÃŃa +ĠDiseñ ado +Mol ino +Ġv et +Ġper enne +ĠAl dea +ĠReg ina +Ġtribu tación +Ġempu jó +Ġexpos itor +Ġyihad istas +n ac +Ġex im +p án +Ġe e +ĠS G +ĠEl da +Ġsin u +Ġempez o +ws er +acas o +Co lección +ĠCuer vo +Ġincómo dos +ĠEst recho +me bol +Ġé p +Ġcoinci dimos +of ón +ĠDia gonal +ĠO il +ex e +Ġneg aba +Ni ños +ĠMons anto +J n +Ġazo teas +Ġree leg +J UE +Ġs now +Ġca yera +Ġson ando +Ġexp ol +Ġpel vis +Ġ20 7 +Ġlider ados +árqu ico +Ġsedi mentos +P LA +ĠM iedo +ĠL ama +Ġti re +Ġpin tando +Ġbru jerÃŃa +gén ero +ĠEri ka +ĠM ing +Ġvis as +Ac cesorios +Cre e +ĠN BC +ig rantes +cuent ros +Ġbañ arse +Ġingen uo +ĠRespon der +ĠCom patible +ĠPens ar +Ġsubord inados +ĠG us +Ġeleg ibles +ĠSon g +Ġdele gar +Ġtuv iste +enn ials +Ġcuad r +ol Ãĥ +ase gu +Ġasum imos +Ġdeclara toria +ĠS tones +Ġ9 50 +Ġliber an +ĠLuc ena +d v +Ġinst au +Ġmagist rales +Ġen alte +ĠN iza +Ġespe j +Ġcu aj +Ġob viar +ĠCort ázar +t la +tr era +âĢľ âĢ¦ +Ġnaz ismo +Ġal mer +stitu ción +ĠEmple os +Ġperd áis +co pe +Ġrin con +ĠBoliv iana +V ar +Ġestructur ar +Ġchub as +am is +ĠC ut +ĠAmazon ÃŃa +Ġjustific ó +Ġe ucalip +Ġvis ites +Ġtamb ale +Ġimplement ó +Ġcredi ticia +On line +ĠSimp osio +G ro +Ġar nés +Ġpres crip +Ġentre go +ĠPri mo +ĠLen guas +Ġa ti +am igo +âĢ ĥ +Ġpro fer +ĠF ore +Ġsuper flu +Ġfol ios +ĠG n +Ġpol is +Ġtras mitir +Ġestrech ar +ĠLe desma +Ġfavor ablemente +dal as +Pro ce +ĠAlm uerzo +Ġcarac oles +Ġpor tando +ito lio +tan ol +Ġestad unidense +Ġintens ificar +Ġp abell +ĠDep ósito +Ġgasolin eras +ĠImple mentación +Ġerup ciones +te zas +ĠA xel +Es crito +tera peutas +Ġcri ada +Ġhuman itarias +ĠExper imental +Ro drÃŃguez +ĠQa eda +t entes +ĠEsc uchar +Ġlide res +Ġautóc tonas +Ġmor ÃŃa +Ġacce dan +Ġdeslumb rante +Ġtor áci +Ġver guenza +Ġinm ensas +Ġenseñ e +Ġrec ón +Administ ración +p ores +to o +Ġemp ece +AN AS +Ġconsul tante +ĠConsul ting +Ġvag ón +fan tas +Ġzomb is +N uevamente +ĠF rie +Ġextra ÃŃdos +Ġodi sea +Ġf it +Ġme lón +ĠCar p +Ġregist re +Ġinstrum entales +tÃŃ b +ĠEduca tion +l los +Ġpes imismo +Ġfil iación +Ġdeclar ando +Ġbull icio +? ; +E ZA +Ġar g +és imas +Ġme tida +ĠCos tas +ĠmarroquÃŃ es +c ron +ad uc +Ġproyec tiles +Ġl io +Ġsi metrÃŃa +Ġsin tom +Ġcab re +Ãģ TICA +gu ren +ora h +ĠOs lo +Ġdivi dió +Ġelectrodom éstico +U I +Ġb ió +De jar +Ġleer los +Hig gins +t un +ĠO le +Ġcer ezas +Ġbol ÃŃgrafo +Ġsemá foros +Ġplebis cito +ran ce +com pe +Ġbas arse +tan ia +Ġcolor ida +Ġrefle je +Ġtier nas +cop ias +Crist ina +ĠBritán ica +Ġsubcampe ón +Ġsand wich +ch ile +ĠMar tina +Ġaler tar +Ġirrespons abilidad +Ġafe itado +S et +f ila +Ġ( . +âĢ¦ - +Ġó se +ĠP io +ĠM Ãĥ +ĠF ierro +th ia +ĠEsc ucha +a ire +ĠMar ac +Ġli di +Ġcompr ada +ĠES CUELA +Ġllor aba +XX X +ĠRenov ables +Ġmananti al +I z +ĠL X +Ġsobre manera +âĢ¦ âĢĿ, +ey ra +Ġdelic tivo +ĠAss ist +4 80 +Ġf t +ib aba +imp erial +lic é +ĠMig raciones +ĠBeet hoven +ĠCh inch +Ġinsatisf acción +Ġdel in +Ġapren des +Ġren acer +Ġindependen tismo +Ġvegetar iana +ĠCom e +ĠFern andez +ĠCat amarca +Ġcentr alizada +ĠSolid ario +Ġpar os +Ġdeb idos +Ġobje tivamente +Ġesper ma +Ġ18 90 +ĠGog h +D ivers +Ġin cis +ĠPor te +Ġmor osidad +Ġpagar le +Ġderi ven +Ġcola terales +Ġsolv ente +" - +Ġdes mar +ĠR ut +Ġan Ãĥ +Ġlim it +Ġaltar es +ĠISS N +Gonz ález +u dez +Ġa te +Ġfac ción +Ġabord aron +ĠConn ect +Ġgremi ales +ch ia +Ġacompañ arán +ĠTan ia +Ġmedioc res +OMB IA +i ris +Ġal zada +tad amente +dig ital +ĠTechn ologies +Ġt ala +Ġob vi +ĠSan itario +ĠCru ise +Ġalérg icas +F RE +ĠC rónicas +eb er +ino co +Ġreg irán +Ġbrig adas +Ġcontrac ciones +Ġpor favor +ĠP ele +ĠT P +Ġentre g +Ġrespe tados +ĠL ente +por tu +Ġdispon go +ĠVen gadores +Ġgestion ando +Ġembaj adas +Ġrevoca ciones +Ġavar icia +p adre +ap i +ĠBan deras +C ort +Ġex hum +Ġdesgu ace +ul in +et ricia +ĠBar ba +Ġ17 9 +Ġrefug iado +Ġox ig +ĠEspectá culos +TER S +úp lex +Estudi antes +Ġconst ató +Ġ20 4 +ĠCeb allos +vil lo +Ġhectá rea +Ġengaños a +Ġp izar +Ġjust ifique +Ġrad iales +Ġhablar le +Ġdrá stica +el les +ĠF ich +ĠMe yer +Ġins uf +ĠOb st +ĠDeci sión +L ondres +Ġan ul +ĠPa tron +19 81 +ila tes +ĠOfici o +Ġimagin arse +E mple +ĠEn amor +amb iental +Ġfronter izos +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġmu dó +ĠU F +Ġpas cua +Ġor ador +ĠGu itar +TU D +ĠhÃŃb rida +ta p +Ġobje ciones +ĠBio diversidad +Ġpur ga +n do +ca gua +Ġcar navales +Ġflex ión +Ġsopor tado +Ġaline ados +Ġpincel es +Ġenorgulle ce +H ospital +tr ana +Ġad orar +tin er +Ãģ rea +ĠPAR TE +ĠF av +ĠAl vear +ĠCol oma +Ġderro tados +Ġrespal dada +Ġov ario +Ġengran ajes +ch ua +ĠTra uma +nov iembre +ĠTu dela +ĠBos ques +Ġcalific an +ĠTOD AS +ĠBow ie +Ġprofec ÃŃas +Ġpan da +ĠInf ierno +Ġvisit adas +Profes or +Interes ante +Ġpe gan +Ġamplia ciones +Ġatro cidades +ĠESTUDI OS +Ġreal eza +Ġvisitar la +Ag entes +Ġahum ado +t ándola +con ocimiento +Ġ19 09 +ĠPe tit +Ġcambiar la +ĠMus ica +Ġcorte jo +Ġbrutal idad +ĠAra gonés +Ġme tes +gu ard +Ġarrep iento +Ġhac ker +ĠPas ó +Ġconform arse +Ġdañ an +Ġtransmis or +Ġn bsp +ran d +Ġart Ãĥ +Ġredist ribución +Ġb ay +ĠW iki +ific adora +Ġmorb osa +A dri +mas h +uy an +Ġ17 3 +Ġgor dos +Ġconcient ización +ĠP ró +P ad +re ña +car os +Ġradio frecuencia +ĠFun dador +Ġbendi ta +ĠPo e +Ġale jó +Ġanim es +Ġestra to +dó ñez +ĠTa k +ĠÃļ nicamente +ina pa +no ta +Ġcent ramos +Ġenc endió +Ġocurrir ÃŃa +ĠRefug io +B ron +ci A +baj a +Ġdelim itación +ĠIncre ÃŃble +z onas +Ġte ta +ĠAdri an +tx e +Ġráfa gas +Ġins olv +Ġbo hem +Ġempez aban +Ġepi lepsia +i aba +Ġbas uras +AN G +Ġprecios idad +Ġanticip adas +ĠAbog acÃŃa +ĠAvan zado +Ġre dujeron +ĠSin ceramente +Ġbio grafÃŃas +Ġatraves ó +Ġconcesion aria +ĠDif usión +Ġsancion ador +Ġd ron +Re y +Ġcas amiento +Ġhan d +ing itis +com par +Ġentregar le +Ġsepul cro +s aludos +Ġd ico +Ġhe ad +Ġinfec ciosas +ĠPAR TICI +Ġpolie tileno +A demas +ad minist +Ġinf ortun +Ġop io +at ing +on adas +ñ ados +ĠT X +ĠÂ Ń +ĠAr ra +Ġagu das +or ales +mi le +Ġdec ÃŃr +Ġgestion ada +az ul +ĠEc ológica +Ġvari ando +Ġautent ica +Ġre versible +ion i +Ġor inar +Ġpen semos +Ġarro jado +Ġbio di +ĠIn corpor +Ġama zon +Ġdisput ada +ĠOp us +Ġplom ero +Ġjubil aciones +cuán to +ĠPenitenci ario +ĠG ill +Ġcre cÃŃa +ĠMar iscal +Ġexal tación +ĠSISTE MAS +Ġestrib illo +Ġdesvin cul +cu yo +ble don +Ġ18 4 +Ġbon dados +Ġsalv amento +ĠSch warz +Ġlú dicas +orias is +Ġnas ales +Ġame dr +F on +Ġv ierte +án gulos +Ġcomp aran +ĠConcl usiones +Ġpalmar és +Ġbas tos +ĠDis play +bal lo +Ġfide os +Ġacantil ado +Ġan alizada +Ġpre grado +Ġul timamente +Ġapun tarse +ĠHu ila +Ġplane tario +Ġbran ding +ĠD oce +Ġesp as +Ġol las +Ġexplo tó +Ġadorn ar +Ġidio tas +Gen ial +V iernes +Ġh en +ĠPa gos +Ġauto cara +Ġexig irá +ĠBen al +ĠEMPRES AS +ĠEmpez ó +P J +an ya +Ġma tinal +Ġcab ellera +ĠLo co +Ġsober anos +ĠDES CRIPCIÃĵN +Ġreh us +Ġautodid acta +Con junto +Ġajust ables +Ġingen ioso +Ø ¯ +Ġre po +Ġlas timar +ĠInter cambio +Ġprepar o +Ġcalle jeras +rem lin +Ofer ta +ĠArauc anÃŃa +Ġapreci ada +Ġsubs istir +Ġadic tivo +ĠIncor pora +Ġres aca +qui ales +Ġcri olla +Ġinten cion +Ġprofesor as +ĠSep úlveda +Ġchup ando +ĠMa in +Ġceleb ridad +Ġmaterial ismo +ĠI ker +ĠLu iz +Ġdomin ando +ĠStar k +ĠBale ars +A mar +Ġdej éis +Ġpens ionados +Ġobses ionado +l és +ĠO st +ç Ķ +Ġmonitor izar +Ġdespren dimiento +ĠDé j +Ġdevas tador +Ġmo triz +Ġpul gas +nav aca +Ġconec tó +Ġcompren da +capa ci +ini tis +Ġsatur adas +ĠPROS TITU +M esa +Ġco ar +ĠDes e +Po wer +Ġsar cas +Ġentre mez +ĠBa ix +ĠRE F +ĠHol iday +Ġresal tando +ĠJord án +Ġgent iles +B ene +h and +Ġs ms +am bo +ĠE fra +ĠPor fi +ĠlÃŃ pidos +Ġvoc ablo +Ġintr om +Ġdu dan +Ġacab ara +iner fe +K m +Ġdeman dó +Ġinvad ido +Ġtrauma tismo +g icas +Ġtri at +Ġtor eo +Ġhablar os +Ġdisfrutar la +ĠS ensor +itu almente +Ġ30 4 +Ġcol ofón +Ġtex tual +op in +Ġentrev istar +amo to +Investi gadores +Du ración +Ġmu uu +Ġcuestion arios +Ġense ñas +U LA +Ġleg ión +Ġincur siones +ĠRo ver +16 8 +UL L +Ġlocu tor +Ġarrancar á +ĠAla in +ĠEslo vaquia +S EM +ĠClÃŃn icas +Ġrecar go +Ġhondure ños +r ÃŃn +Ġin duce +ĠF ren +ÃŃt anos +Y E +ĠT ari +Ġfor rado +Ġdescub iertas +ĠSecre to +Ġafil iadas +Ġgrie gas +ĠH olocausto +Ġw hat +ĠRes puestas +ĠES PEC +ĠDel uxe +Ġexpan dirse +Ġabur re +ĠIndependi entemente +Ġboc adillo +ĠG OL +ĠTele gram +Ġgar ante +Ġdies tra +ĠREG IS +2 10 +Ġrad icado +Ġimag inarios +ĠTa uro +ĠGuar dar +ĠAcu ario +Ġredi rig +Ġmelan c +uer zos +Ġrode aba +Ġimpuls ores +Ġper diera +la p +Ġcumpl imos +Ġenga ña +ĠHip ólito +Ġn un +ĠC ayo +ĠS weet +Ġlle gase +Ġreca er +inv ierno +r t +ĠJ or +Ġsent arme +Ġmillon arias +ĠAto cha +i tec +ó leo +ĠD res +Ġch ula +Ġarran cado +ĠGol pe +Ġconcluy en +ĠBar bara +ĠCor por +Ġcorrespon dido +ĠGener alidad +Ġrad ares +Ġmol ido +Ġrema tes +Encuent ro +Ġesg rim +Ġgér menes +R ERA +ó fago +ĠN arra +Ġte z +ĠEs pera +Ġreconoz can +Ġchir ingu +ĠR ia +por taciones +Ġ19 07 +Ġpens ábamos +J apón +ÃŃ quese +cu le +Ġcor ra +Ġatre ves +ĠBir d +ĠAsesor amiento +15315 56 +Ġcul turalmente +rop ileno +Ġpesim ista +Ġam ados +ĠSe e +ĠAn illos +ĠCh im +Ġimport adores +Si go +étr icos +técn ico +Ġc ist +Ġaun ar +Ġsofist icadas +ĠOcupa cional +n orte +Ġap rieta +Ġrespon dÃŃ +Ġfe tal +Ġahor rado +time x +ĠC ED +ch ando +ĠY ORK +ĠDe uda +ĠQu is +ĠFO TOS +A K +Ġas ol +ĠW ind +Ġescri torios +posi tiva +Ġelev ando +Ġcomunica cion +ĠPy thon +ĠRR HH +ĠLitu ania +Ġhacer os +Ġsho p +Ġalf ar +Ġpedag ógicos +Ġcapitan es +Mur cia +ent ará +min e +Ġmáx ime +ĠServ idor +Ġsacerdo cio +Ġperime tral +G l +b ona +Ġcons igas +Ġemb ru +ĠKa w +Ġautoma tizados +ĠF at +ĠF ERN +!! , +ep s +ár melo +Ġdolor osos +ĠÃī xito +Ġvel ero +c v +z mÃŃn +ĠSá hara +Ġcobar des +Ġter ci +Ġref iriendo +Ġjugar se +оР³ +ĠAmpl ia +Ġaplaudi r +ĠJuris dicción +ĠFEC HA +co cina +et ón +Ġw iki +ĠP iedad +ĠN y +Ġcre moso +et on +Ġale atorio +ðŁ ĩ +Ġhidra tada +Ġlujos os +Ġso plo +Ġri f +Ġinvertir á +ĠCat herine +Ġarque ólogo +Ġrequi rió +Ġlic enciados +Ġdecidir se +Ġnub osidad +Ġhere dera +Ġtrack s +f io +que bran +Ġcontra jo +Ġrela tar +Ġincrement ará +Ġgit ana +ĠINTE GR +ĠB ing +ĠF AB +Ġtal ib +ĠX alapa +Ġofer tados +Ġdev ueltos +Par que +od le +Ġaber turas +ĠWoo dy +f rán +Ġacercar te +U sa +ri um +ĠAn illo +ĠDi amante +Ġapoy arse +IC ULO +est és +pol i +ĠRub alcaba +Ġhipó crita +Ġconclu irá +H om +Ġsu do +Ġestudi adas +ĠNa turalmente +Ġigual ó +Ġsosten imiento +ĠAdu ana +Ġentrañ ables +S EC +Ġpar arse +Ġcuar ent +Ġconstru irse +Ġusar emos +Ġhabl ara +Ġrepar tiendo +ICI DAD +Ġdobl ado +ĠL ác +Ġj inetes +Ġreg ad +Ġpol ig +ĠCOM PR +Ġinev itables +ĠDetermin ar +Intent amos +ran es +ĠH ech +ĠY er +ub ridad +Ġesp eso +Ġinclu ÃŃan +Ġidentific ador +Ġrespal dan +Ġhomogén eo +Ġastero ide +Ġs tyle +Ġen gal +...  +Ġcorri eron +Pre ciosa +Ġinesper adas +Ġcacer ola +ĠAdvan ced +Ġque bra +ĠU z +ĠGo urmet +ĠPort land +Ġave cin +ĠA fil +ĠEsp ada +Ġmatar lo +Ġneu tros +ĠAquel lo +Ġy uca +Ġcon com +Ġcor res +Ġmor adores +Ġmig rante +ĠPi ña +ĠDIS EÃijO +ĠPav ón +ĠFortal eza +t uno +ĠO sasuna +ĠBeb idas +ĠFrances c +Ġencap uch +Ġper dedor +Ġcalcul an +ĠMargar et +ĠN OS +Ġco til +Ġ13 00 +ĠEduca tivas +Ġautóc tona +Ġimpermeabil izar +Ġcomun iones +Ġfal taron +ĠLo ok +Ġempez arán +ee e +ĠIP v +ĠChil dren +Ġeli jan +Ġcompu tar +Ġaf lu +Ġentr on +Ġdesp ist +fre e +ĠTac ón +Ġsic arios +Ġad iner +ĠMon zón +Ġcomparti mentos +ĠEpide mi +Ġten dras +Ġmar ia +ĠPre fectura +Ġarm ó +ĠHel en +eléctr ico +Ġest ara +Ġdic tados +Ġdocument ada +ĠF ES +Ġar eas +Ġocur ran +Ġaten u +ĠBur deos +r oma +ĠT W +Ġmagn itudes +Ġdura deras +raz y +ĠIl de +Ġguard ó +ĠnÃŃ quel +Ġempan adas +Ġver é +Ġimplement adas +Ġendo cr +P unto +g ame +Ġab unda +ĠMa ur +ON Z +Ġresfri ado +Ġf lecos +Ġpro activa +Con oces +Ġprue ban +Ġproce di +Ġsuici das +Ġespontan eidad +Ġ18 2 +Ġases inó +ins ki +Ġjer ez +Ġp hoto +Ġsu men +Ġb le +Ġconoci era +Ġcambi aba +Ġcontam inados +Ġcuestion an +ĠBr ent +Ġconstruc tivas +Ġcoc tel +2 80 +Ġ14 00 +ĠAb as +Ġpropon ga +ĠNúm eros +ĠPelic ulas +Ġal be +Ġimp ag +ba u +Ġagradecer le +ĠF itz +ĠEs con +ĠTe jido +Ġagra vio +Ġfactor ÃŃa +Ġfisi ologÃŃa +Ġfurgon etas +Ġpos moder +Ġpe tar +Ġinten cional +8 50 +j ona +tu rando +ĠD uc +Ġbas tará +Ġpin tan +Ġadap tándose +ilan tro +ĠApar t +gar d +pi te +ĠSa ga +ĠDI ARIO +Ġpres tada +stas is +Ġcontrad ice +ĠL ici +ER IC +ĠPar o +Ġalm irante +Ġsuper inten +Ġsorpren dieron +Ġrecord é +Ġprotec toras +Ġaltru ista +S eb +Ġrecon versión +Ġprov ech +Ġtri atlón +Ġhuman idades +ĠViv imos +Ġhidra tar +Ġimperial istas +Ġtener las +Ġfal tando +ĠZ ub +ĠCl ásicos +Ġapa ci +Ġjardin ero +F ondo +ĠP ola +Ġver ificado +ĠCon fianza +ĠEspi ritual +Jorn ada +Ġsal tado +Ġfal lan +Ġeconom ia +Ġsangri enta +Ġbarcel onés +Ġt entaciones +Ġdeci das +Ġdecidi damente +ĠEscol ares +Ġexp rimir +Ġmes eta +Ġaten demos +Ġt aco +Ġentra ña +ĠBust os +Ġprec ario +n dice +Ġex po +Ġgust ara +Ġvi trinas +Ġajust en +ĠCS IC +Ġausp ici +Ġatrever ÃŃa +Ġpsiquiá trico +19 79 +ĠPas cal +go glio +Ġsuav izar +ĠDid áctica +Ġbál samo +ĠL ena +ine la +ĠAr k +Ġx d +ĠHer ramienta +Ġirre al +Edi torial +Ġenro jecimiento +Ġs aba +Ġper rita +Ġya te +Ġjue gas +Ġpart ner +Ġsos tuvieron +ĠCons uelo +Ġexplo tado +econ ómico +Ġautomovil ÃŃstico +Ġem ular +Ġrecorrer á +ö n +ĠValent ino +ĠMascul ino +H N +Ġrecibir lo +Declar ación +ĠRoble do +Ġderro che +ĠArt ÃŃstica +ĠInici ación +Capa cidad +ĠBecer ra +cre a +Ġacab é +Ġcaer se +Ġs ch +gre gar +Ġ17 4 +ĠAb rir +Ġrepar ado +Ġreform ada +ĠNorma tiva +Ġresi dir +V ÃŃctor +Ġcas erÃŃo +Ġpic or +ĠFa x +Ġasin tió +ĠAlmacen amiento +Ġpu ber +IS S +° . +Ġser ial +ĠW ho +Ġat entar +Ġobserv ada +ĠT iempos +tien dan +Ġcapit ulos +Ġjugos o +Ġv aron +Ġsh orts +ĠolÃŃmp icos +Ġcol gada +ĠCh ester +Ġju ristas +ĠK af +ĠInf anta +ĠVI VO +ĠCerv era +ose velt +ĠExtraord inario +B ig +ĠA fec +Ġgu iso +âĢľ ¡ +Ġorgas mos +Ġsubsidi aria +Añad ir +T ierra +ĠS pecial +ĠT ric +Ġmar idos +Ġgan g +Ġentr eno +Ġleg i +Her mosa +Ġbrus camente +S p +Ġactiv e +Ġ18 80 +Ġdila tación +Ġenta bl +Ġcom ul +Ġva ciado +ĠMan dela +ID ER +Ġps oriasis +up é +Ġacu arela +C y +S istemas +i deros +s io +ad ÃŃsima +ĠB eca +Ġmeter le +Cal ifornia +Ġrojib lanco +ĠD uro +ĠJ au +Ġca ida +Ġri ó +Ġemb el +Ġef eméri +Ġveran iego +ĠRenov ación +ĠEURO PE +Ġs able +ie ws +ara to +aliz ante +ĠCap riles +Ġrecipro cidad +B at +ĠF ay +Ġcan del +amor os +Ġaceptar lo +ĠFinanci amiento +Ġinterlocu tores +ĠChav es +ĠInfin ity +ĠK no +ĠAL IM +lib ro +Ġhomeo patÃŃa +Ġingenu idad +st rac +Ġcul ata +Ġesp iar +ĠLu ka +Ġadminist rada +ĠAc abo +Autor idades +Ġmaci za +Ġas fál +tan es +Ġcontamin ante +iff el +Ġbudi sta +ĠA arón +Ġi va +ĠF em +Ġcan ceros +Ġdispu taron +ométr ico +Ġdieci nueve +Ġflan que +ĠC argo +ĠS tran +Ġinv oca +Ġfu g +ĠMan izales +ĠBa k +Ġdev uelva +Ġindemn izar +Is rael +D rive +Ġtemp o +Ġhostig amiento +Ġab asto +eci ta +QU IER +Ġsimul acro +ĠEnerg ÃŃas +C B +F rases +Ä « +Ġf usiones +Ġneces itó +ĠBal i +Ġmoles te +Gu illermo +ĠAnte quera +k top +v aya +tu bre +ac tualmente +ĠG ros +Ġu ds +Ġ18 70 +ĠSnap dragon +Ġbudi smo +A Z +Ġextra pol +Ġdomicili ario +Sá bado +" ] +om pié +ĠE PA +Ġal zas +Ġperfec cion +ĠMA X +Ġinvestiga ciÃĥ +ĠRober ts +Ġdiaf ragma +ĠB reak +Ġmon oc +TO P +Ãģ M +Ġfunda cional +ĠMaravil las +ĠRe produc +ĠCor to +Ġderrib o +Ġemple ó +Ġsalv arse +Ġposterior i +ĠHispan ia +Ġconfl uyen +d p +o ve +r n +u ñ +par ente +Ġfirm ando +ĠFac ultades +Ġintent en +ĠSec torial +Ġmencion o +ĠEmpren dedor +ĠNat han +Ġcocodri lo +Ġpesquis as +Ġk ing +Ġsac arla +Ġplante aba +ĠGre mio +ĠAudi tor +Ġrap ida +ĠInt entar +graph y +15315 5 +R M +Ġ ÑĢ +Ġt at +Ġcom mun +Ġsue ñan +Ġdesl iza +burg h +Ġro za +ĠK remlin +tam bien +ĠCamp ana +Ġespermatozo ides +ĠVal ero +Ġdiscipl inario +Publ icación +Ġmanzan illa +ĠPsiquia trÃŃa +Ġper versa +ĠD G +ĠG ama +ĠO EM +Ġop rim +Ġins al +Ġsign ifique +Ġsoci alizar +in tamente +Ġter na +Ġanti se +Ġmostr ados +ĠPri or +ĠMy SQL +ĠHos tal +Ġmuch ed +Ġsac ra +Ġ26 5 +Ġtraduc en +Ġtradu jo +Ġcón sul +Ġmanej able +Ġatemp oral +Ä į +Ġh p +Ġsi ria +ĠR ights +lor o +Ġestupen damente +ĠCay etano +Ġmé trica +hi per +ĠRa za +Ġmulti plicidad +Ġest éis +Ġmedi terrán +Ġmar ques +Ġcan dado +jos o +ĠAm ena +ĠAp ache +Ġvideo conferencia +ĠMes es +ĠPresiden tes +Ġf ace +ĠM t +Ġll é +Ġmarg inados +Ġinfluy ó +Ġm Ãłs +ĠF ajardo +ĠDe dic +ĠSec o +Ġalber gan +ĠRod amientos +Ġpubli qué +ĠLé rida +ĠEJ ECU +Ġf ly +Ġex tro +Ġban ners +tim ore +Ġav el +Ġomi tir +Ġ18 7 +ĠTemp oral +Ġpresupues tal +ĠHermos illo +ĠFoot ball +ĠH idra +Ġimport ó +ĠAC AD +Ġcach ondas +Cas tel +Ġfraudul enta +tar y +ques t +ĠAy udas +Ġand amos +Ten ga +Ġdepos ita +Ġmagist rada +Ġxen óf +ĠS ty +ĠSan s +Ġop inas +Ġusu aria +Ġpublic arse +ĠS tro +Ġingres ados +Ġcostos as +Ne gro +Ġenunci ados +O pen +Ġ4 30 +Ġhum ec +Ġconten drá +Ġlim itando +ĠFos ter +Ġvita e +ĠDort mund +Ġo ÃŃa +Ġcom imos +Ġme dica +ĠI dea +Ġsever amente +L ec +ĠU PS +ĠSan ders +ĠTam ayo +ĠR uso +ĠB estia +Ġpasa portes +Ġdiferenci ada +Ġbrasile ñas +Ġbille tera +ĠA co +Ġtra il +Ġva cil +Ġapos tamos +ĠTorre jón +Ġemis ores +ĠCamb oya +N ext +ĠD IP +ĠT ard +ĠY unes +m ace +ĠC Y +ĠN ub +Ġcab rÃŃa +ĠMin nesota +11 4 +Ġkar ma +Ġparab risas +Ġridic ul +ĠC ela +Ġma ke +Ġesp ana +Ġtomar la +Ġmoder adas +ĠImp osible +Ġtas ación +Ġtena cidad +ue ña +po d +Ġaplic aron +PUES TA +go w +Ġdiv inos +ĠTre vi +ĠNIV EL +ĠEst aremos +ve h +ĠK ath +Ġprotagon izan +Ġotor gadas +Ġrein v +Ġinfel iz +n ame +ĠU CR +re cia +ĠB ÃŃbl +Ġinici arán +CH OS +Ġtranspor taba +Ġcoron ado +Ġinsegu ro +Ġdiscern imiento +Ġzodi aco +cl ima +ĠAz u +Ġplane taria +Ġnecesitar án +Ġestre pitos +ĠRad ical +ĠNin ja +ĠcomunÃŃ cate +gua ge +Ġcur sor +AC O +ĠFu ture +Ġgaso il +me da +Ġcoron ó +ĠjurÃŃ dicamente +ĠHos ting +ĠBran d +amon te +ĠimplÃŃ cito +ĠefÃŃm ero +Ġg olazo +ĠSe ver +ES O +Ġreún an +tif ul +Ġincorpor amos +s iendo +tur ador +Ġ18 8 +ĠFabric antes +Ġreanud ación +f alo +ti én +ĠEn te +Ġcal as +Ġtom arÃŃa +Ġ18 3 +Ġasfi xi +árs elas +Ġman ganeso +TI Z +ĠFlor encio +ĠFlo yd +Ġsinte tizar +d anos +ĠI CO +ĠCon seguir +Ġreci tales +Ġpel ÃŃn +Ġdiab los +Ġelog io +Ġcarpin tero +Ġ19 03 +ĠEm is +ĠProp io +Ġdiplom ado +Ġcuantita tivo +ĠâĪ Ĵ +Ġes clerosis +Ġrecl usos +Bus co +âĢĶâĢĶ âĢĶâĢĶ +Ġpromin ente +ur gia +ĠDE FIN +ĠZ in +Al erta +IN OS +Ġ& # +ime trÃŃa +Ġprom ueva +Ġdificul tan +Ġsentim entales +ĠDesas tres +an me +ĠM Ãģ +ĠOs w +ĠActu al +Ġdram áticos +Ġv ill +Ġextra ÃŃble +men dar +Ġpin che +Ġ21 7 +Ġdescrib iendo +Ġencer rar +Ġconstruc tivos +Ġg ue +Ġex o +bi de +Ġinform aremos +ĠAn ita +ĠHe avy +ant ÃŃas +Ġcontrinc ante +Ġt ul +Ġt weets +ĠV ogue +Ġk in +abe la +ĠWeb er +ĠHe bre +ĠPS P +Ġverte dero +ĠREC UR +Ġrid ÃŃcula +j ico +s at +ä ¹ +ĠRe greso +car e +vi ol +Ġviol ada +Ġconsum imos +ĠRub ia +rigo yen +ĠAltam ira +ic tos +Ġob tienes +Ġtum blr +Ġans iosa +icen cio +ĠINSTITU TO +â Ŀ¤ +Ġva quero +Ġdestac ables +iver y +Rec ono +Ġsensa to +Ġpopul ista +se lec +quÃŃ mico +ket ch +Ġrecuper ada +ĠHos tel +ĠWim bledon +am ex +Ġcom ió +Ġpr Ãĥ +Ġtomar te +Ġsup imos +Neces ita +Ġap ó +tal ler +Ġregres aba +Ġocup amos +Ġpractic ada +Ġvir tu +Ġpost ula +Ġimpec ables +TUR AS +ĠCrim en +ĠOportun idad +Ġhistor ietas +Ġnatal idad +Ġcas tañas +ĠSh ip +Ġdes mo +og ia +Ġmer eció +Ġ17 1 +put nik +ĠBea u +Ġfotograf ia +Ġas as +Ġrep licas +contin ental +a um +Ġexplic ará +Ġrecl utar +Ġpuls aciones +Ġenla za +Ġin org +ĠO rel +dr ÃŃo +ĠCon cello +et ina +Ġagre dido +ĠCir cu +Ġpresupues tarios +la zo +Ġrevis ados +IP OS +Ġbr om +Ġarmon izar +Ġsuici darse +Ġstar t +Ġinmens idad +Ġsob ras +Ġap rie +Ġ3 15 +ĠAn terior +Ġform adores +Ġconquist adores +Ġmetaf ÃŃs +ĠDemas iado +Ġا ÙĦ +L ista +om us +Ġd j +ĠR ibe +Ġrepe tidos +Ġempu jando +Ġmarx istas +lear ning +técn icos +plá cito +on ne +jas e +. âĢ¢ +P sic +res ul +Ġan das +Ġmi mos +ĠCom bate +Ġcomprome tieron +Ġlag rimas +âĢ ħ +ha ciendo +ĠNE GO +Ġcordob esa +que ños +Ġpor taba +ĠP ista +ĠR IES +Ġtra ficantes +ác tanos +Ġemi tiendo +Ġarrib ar +ĠZú ñiga +ĠArel lano +Ġb ungalo +Ġpro ver +Ġimp idan +Ġmal aria +ĠCu ento +RA CIÃĵN +Ġ21 6 +Ġlanz amos +Ac á +Ġcarib eño +Ġ19 02 +Ġcristal ina +Ġcató licas +Ġiran ÃŃes +1 19 +u ba +ras a +Ġinf ruc +ĠPAS O +v inos +Ġgas tando +ĠRo vira +ĠGar ci +Ġlevantar me +er ado +Ġh ada +ĠP AP +ĠIn vers +ord an +Ġquem ada +Ġa k +and ÃŃa +Ġbrus cos +Ġdeso dor +Ġra iz +asa ki +ĠRich ter +Ġhidrául icos +Ġvist oso +Ġdelim itar +ĠEdi ficios +Ġreac tivos +Ġinex istentes +Ġcompromete mos +Ġenfa tizar +P ronto +ĠOr dóñez +Ġta pe +Ġalar de +Ġadic ta +Ġhonra dez +Ġself ies +Ġc et +Ġpal omitas +ĠTa x +CON S +Ġm t +ig ón +Ġart s +ex plo +Ġfac tibilidad +Ġcompens aciones +p ton +ara z +Ġmus cul +ĠDirec ta +Ġmet ano +Ġpla ticar +Ġincorpor e +Ġsob ren +Ġmemor izar +Ġam ur +OR DEN +Ġon ly +are as +Ġproces iones +Ġimpi dieron +Ġpe dan +Ġexig ieron +ĠTer mina +Ġhipo tético +ĠTom é +ĠÃŃ tem +Ġaclam ado +Americ an +Ġparecer á +Ġcontam ina +Ġbigo te +Ġvoca cional +A cción +us iera +Ġman tén +Ġimp liquen +ĠEst aciones +Ġtras to +Ġviol ando +ĠES PN +Ġexcep tuando +ĠFun cionarios +ar os +am in +Ġgust as +Ġdiv inas +ĠBlan c +ĠF N +Ġmer ezca +ulo use +Ġinterpre tarse +Ġcomentar ista +ĠCU AL +Ġlej anÃŃa +Ġaleda ños +y éndose +ta tivo +Ġpos to +Ġexpres iva +Ġ80 2 +Ġbur gueses +Ġapa tÃŃa +Ġsolemn idad +M au +Ġv ieran +Ġsegu i +Ġalter ada +Ġvincul an +ÃŃgen os +Ġcron ologÃŃa +ĠLlu ÃŃs +Ġanor exia +Ġdeci didos +Ġaleg ria +Ġesteril ización +R em +ĠP é +Ġas ador +ĠLin ks +ĠA SE +El abor +ĠCas tle +Ġanim ando +11 3 +EC H +ĠCA PA +u ka +ĠL ane +par tito +car ias +Ġlu x +Ġacep tará +ĠEnsen ada +ĠS ach +ĠPen ales +Estim ados +P i +Ġp anza +Ġla tidos +ĠStan d +Ġsi de +ĠD uty +Ġemp ÃŃrica +uel van +Ġasist irá +ĠHa go +Ġcomenz aban +Ġpose emos +Ġdesfavor ecidos +ĠEscor ial +E dición +Ġad vent +Con sejos +ĠAnti güedad +ĠDra ke +ĠEp ic +á gen +ĠI tz +car cel +Ġdo tadas +Ġestandar te +Ġderra ma +Ġro ot +Pro ceso +Ġpre estable +Ġimprovis ado +ĠSust itu +ĠRebel de +ed ding +âĤ¬ / +ĠAg regó +ĠAqu a +Ġsufra gar +Ġchim eneas +C G +Ġcon tornos +ĠMar cial +Ġat ón +Ġsé p +ĠEr ror +ĠC ull +tar es +mar keting +Ġconsum ida +Ġpár pado +Ġobses ion +F UN +K K +ĠL LE +ĠPas os +Ġflor ecer +ser ie +Ġtoler ante +Ġl if +ĠL ez +Ġpol Ãĥ +tel li +ĠPro fun +Le on +Ġase os +icel este +ĠHAC ER +Ġd ame +El lo +Ġmis as +Ġsent amos +Ġinteg ren +I t +Ġsi renas +ĠF low +Ġcolor idas +Ġlibre to +Ġreserv adas +ĠxD DD +Ġescan ear +tr ich +Ġprim itivos +ĠNa cido +ĠSu f +Ġ18 98 +gon os +ĠImp uls +Ġaconte cer +Ġmaz mor +ĠATEN CIÃĵN +p ien +Ġmis ionera +Ġcam arones +ĠMé rito +Ġfel ino +Ġadorn ado +Ġgrandi osa +Ġsemán tica +ĠCumple años +qu inos +ĠMa ke +Ġconstru imos +Ġradio terapia +Ġblas f +S K +Ġsu dadera +ĠA res +Ġguar derÃŃas +ĠDoc encia +Mo tor +Pan tal +ĠNOTI CIAS +l ima +el ones +Ġna cidas +Ġsub an +Ġdisfru téis +tin y +Ġmater nal +!!! . +ĠRev esti +Ġentrevist ó +ĠC iro +ir man +Ġmon asterios +Ġquirúrg icos +ĠC inta +Ġamena zando +Ġdestru idas +Ġmover nos +ĠBla de +Ġlarg ometrajes +ĠA fi +Ġdes inf +ust a +Ġfib romialgia +Ġpre gún +Ġtrans bor +arra ma +Ġabre via +Ġaliment ador +ĠLan ka +Ġd uela +ce da +Ġsimul aciones +fri ends +Ġnavar ra +Ġespecifici dad +U DA +ri za +ĠE DI +Ġcrist ian +RI P +bita t +Ġrota tivo +ĠT RES +Ġtra ba +01 5 +Ġcur sa +ĠJes u +Ġprefer encial +Ġdeten ga +Ha ciendo +ĠAR TE +ĠIma gin +Ra úl +Ġuter ino +Ġs tr +Ġre ojo +ĠL iu +Ġfavor ezcan +Ġretra tar +Ġdepos itados +Ġenseñar os +Ġbarro ca +ĠDisfru tar +Ġconno taciones +in istas +ĠM ocas +Ġsosten idos +Ġnutri tiva +Ġl omos +ĠMar l +ent ismo +Ġel fos +Ġpas ea +Ġrealizar la +Ġ21 1 +Ġlig amentos +ĠEncuent re +Ġantibió tico +princip almente +Ġofrecer nos +Ġenem igas +Ġtranscur rió +о н +ĠBlas co +ĠPróx imo +Ġh oci +Ġdes echo +ida e +ĠâĢľ , +ĠMat rimonio +Ġenfad ado +A viso +D IC +ĠD iar +Ġcuestion ada +Ġater rador +ĠCOMP LE +Ġad d +ĠDel hi +ĠRepres entación +Ġmillon aria +Ġdilu ci +ĠRe ed +ha cia +Ġpedir les +ĠPl ur +Ġprecandida to +at ales +ĠCar tu +Ġviol encias +Ġcoron ación +ĠIntelig ente +Ġconsolid arse +Ġerrón eo +Ġdiscrep ancia +ĠP CI +Ġdes órdenes +tas ar +Ġbol chevi +or ing +Ġm iento +ĠC ell +qu istas +Ġcor ros +Gran des +ĠHid rocarburos +Ġpol iti +Ġ19 3 +Ġhaber es +Ġdeterior ado +ect omÃŃa +Ġex man +Ġmo bile +th am +ĠAN TON +ĠDec lara +Ġcron ológico +z ia +ĠB D +Ġlu is +Ġpes quera +Ġru tin +ĠAnd reas +Ġarro jan +Ġchor rito +H u +Ġcep illos +Rep ública +Î º +Ġcontra pres +ĠCar tel +Ġho w +Ġencar gue +ĠTer es +26 4 +Ġasistir án +Ġhip n +Ġruidos o +le ños +ta gs +ĠTo wer +ĠDios es +Ġem ita +Ġdev uelven +Ġaca tar +Ġdesem boca +Ġperif érica +ĠHud son +Ġap io +Ġtele vi +Ġprovoc aba +trans mis +Ġinaugu rará +Ġglos ario +era ta +Ġro turas +Ġmor o +ĠCre am +ĠCre ed +Ġabra zó +Ġentreten idos +Ġincu b +Ġaval ada +Ġbis ab +Ġmultidiscipl inario +Ġal de +Ġcol lage +ug na +Ġluc ÃŃa +Ġrein corpor +ĠHim no +L istado +Ġtra idores +Ġinv it +ĠAr ri +Ġmos to +Ġignor ado +Ġcomunica tiva +ĠBru jas +Ġrecl usión +ĠlegÃŃ timas +ĠPolar izados +Ġepi der +fic es +Ġbene plácito +15 5 +Ġmod ulo +ĠGU ÃįA +ĠFortal ecimiento +Ġdel s +Ġal me +ay or +ĠDen ver +Ġple gar +Ġcomparti mento +Ġmar cial +Ġpe ones +cep s +Ġdispon drán +ent on +ĠCon des +ĠAr na +Ġrepresent en +S uc +s erÃŃa +uer po +Ġ19 1 +Ġtrans itan +cre to +Ġcul inario +Ġgal eria +ĠCe peda +Ġclandest ino +Ġlarg amente +ĠPit t +z el +ĠU VA +ĠLos t +Ġat om +ĠEj ido +Ġcorrup ta +ĠVall s +Ġator n +Ġg ps +ur us +ĠRe par +Ġdesempeñ arse +ĠGor do +Ġmultila teral +id ando +Ġar roll +ĠTor tu +Ġimpresion ar +Consul te +Ġremuner ado +z ine +Ġconcur ren +Ġaplas tar +19 77 +ĠComo doro +Ġrecomend aron +Ġevalu ó +ĠRan go +Ġfuner aria +Ġdescans ando +pete gui +ĠZ ul +tiz adores +Ġtelef ónicos +Ġnicaragü enses +Ġanalgés icos +Ġimbé cil +C aso +m am +pa tÃŃas +Ġva ina +TE D +Ġadul ter +Ġrum ano +Ġgr s +ĠApar ece +Ġsatel ital +pon ga +Ġacer tadas +Ġpin es +zan ia +Ġpele an +sent ido +an és +Ġinter puesta +ĠSan eamiento +Ġimit ando +Ġsacudi r +L U +an cas +an ne +ĠC iti +Ġso ca +úcle o +Ġestil ismo +Ġinfiel es +po wer +Ġprop use +ĠBal ne +JER CI +ĠPartici par +fÃŃs ico +O EA +S tu +v ita +Ġv icis +Ġva cio +Ġnorm alizar +ĠTra to +Ġabrir lo +ĠDiv i +Ġdevolver le +ĠDisco very +d n +ĠB rea +ĠAn ime +Ġdescu idado +Ġconvirti era +Ġchofer es +Ġe commerce +EDAD ES +Ġfranco tir +Ġdesagü es +B ásicamente +S port +as er +ĠM oc +ĠQu ique +Ġreac cionan +67 9 +Ġreglamentar iamente +Ġpro a +En erg +ne w +Ġestip ula +Ġcotiz an +Ġpabell ones +p ital +ĠL anda +til l +No tas +ĠCla ude +Ġmedioc ridad +Ġbuf ete +P IO +Ġneces itando +ĠDes can +Much ÃŃsimas +Ġinvas iva +ĠEmb al +Ġbené fico +Ġflo tas +edi ción +Ġsahara uis +ac tual +ĠB ON +Ġ § +oma quia +Ġdin er +ĠPat rimon +F ol +ĠI gua +Ġva ga +Ġafec taron +Ġbes itos +ĠCav al +Ġcór ner +i able +cu áles +ĠCom ic +Ġconten ÃŃan +Ġesf érico +Ġpun teros +Ġesca ño +Ġindividual ismo +ĠGO BIERNO +ĠSe o +Ġrep asa +ĠZ árate +Ġcuar teles +ĠAR M +Ġtap izado +ĠP ocas +Ġcol ump +Selec ciona +Ġpio jos +ĠSeñ ores +Ġador an +ĠMA G +p olo +Ġdej ándolo +Ġsub ur +ĠSch mid +imp ort +Ġcangre jo +Ġvalor amos +ĠMay er +Po drán +f án +ĠI CA +ĠI FE +im mer +Ġmil icias +ĠAm en +end ly +Ġsimp áticos +Desarrol lar +ĠParro quial +Ġmiser ables +Ġolvidad as +Ġm endo +ĠP anasonic +ĠJuan jo +medi ante +Ġindefin idamente +ĠG ard +Ġcre arse +Ġcontra tante +Ġdetec tores +Ġbis exuales +Ġencan taron +Ġal ienta +ĠA MA +Ġan tag +ĠN m +uer ga +me ta +lic tos +estruc tura +Ġacudi endo +Ġacor ral +ĠEr do +Mo v +ĠGom era +ferme dad +Ġlegis lar +s how +ĠM ica +Ġdestac aba +LE Y +TER A +Ġdesech ables +c encias +Ġt weet +Ġg emelo +mp ing +tas hop +ĠSe y +Ġcastig ados +Ġse ductor +lo c +Ġaprender án +Q M +d b +lar ios +Ġexig ible +ĠBer ta +Ġrevel ando +Ġguatemal teco +Ġinna ta +n ol +ic ón +ra f +ĠP G +ĠG I +Ġmer ecedor +Ġsub al +ĠPerson alidad +Entre ga +Ġlav ados +Ġing estión +Ġc ilantro +en dose +Ġa xi +Ġto cados +aj eros +Ġcer ramos +Ġproble m +Ġtir ano +Dis posición +Ġcruz aron +Ġrazon ar +Ġfisc alidad +ĠASIGNA TURA +ĠL ist +Ġex ótica +Ġrespon do +Ġmanten iéndose +Ġtir adores +ép tico +P IB +Ġadaptar nos +Ġlingü ÃŃsticos +ĠAnto ine +Tab la +ĠB P +Ġparti turas +Ġnup cial +end ing +Ġfis ica +Esc uch +Ġboico t +Ġdon a +illo t +Ġmane jaba +Ġast ucia +Ġabur ridos +Ġmeridi onal +R ese +ĠA dem +ĠR B +pe la +Ġexcl amó +ĠFor ense +Ġlicu adora +N um +Ġqu il +ĠAl lan +Ġri zado +ĠGib son +ĠC éspedes +ul to +12 2 +estre lla +ĠEX TRA +Ġidón eos +Ġtang ibles +J ug +Ġper dedores +Ġinferior idad +tz inapa +ãĥ ³ +ĠTac na +ĠclÃŃ max +UER DO +Ġhipertens iva +P ocos +Ġde generación +Ġexpres e +Ġacompañ aban +Ġrecub ierto +Ġeval úan +Ġp ing +ĠO asis +Ġprotes tan +Ġveran iega +equi po +Ġdi ame +Ġdeb ÃŃamos +ĠRes cate +Ġsum ido +Ġvisitar emos +ĠFa usto +Ġrever encia +Ġj arra +Ġsig la +tel lo +Ġenseñ aba +ĠSerg i +k ens +Ġso ya +Ġcar ecÃŃa +Ġmil ici +ĠPol y +D IA +Ġt inerfe +Ġdis i +Ġau da +ima genes +Ġlog ras +bur n +ĠVent ajas +Ġafe itar +Ġanec dó +ĠN on +Ġvel cro +Ġtest ÃŃculos +Ġs t +Ġpre medi +lar d +Ġcel oso +ĠArtes anÃŃa +ĠLoy ola +j ord +Ġs mo +uc zynski +ĠG allery +con ven +cen dente +Ġsalv avidas +Ġabsor ben +sor i +ĠUs ando +Ġganch illo +un de +Ġun ÃŃa +ĠE iffel +Ġsus cita +Ġ18 1 +ĠRec urso +ĠH ice +19 76 +ĠDis positivos +Ġpreguntar me +ĠhÃŃdr ico +Ġdesinte gración +å IJ +Ġal pin +ĠJ ES +ĠK ro +Ġpan f +Ġrevel ada +Ġpayas os +ĠRG PD +ri ge +ĠB ed +Ġtra p +ĠRe alización +Ġparticip aba +ĠFilar mónica +Ġun ila +no te +Ġro zando +Ġtom illo +Ġacep ción +ĠIN CLU +Ġapete cible +Ġvecin dad +jun io +Ġhabit áculo +ĠC uyo +Ġmar eo +Ġacar iciar +Ġjajaj ajaja +ĠExtraord inaria +e adas +Ġg emas +eros a +Ġexist ieron +esta ciones +Ġ22 1 +ĠMen em +ĠAses ores +Ġmio cardio +ĠAQU I +ĠDevelo pment +Ġest orn +ĠE VA +Ġtrans itor +Ġins ensa +ĠMer cury +Ġrein tegro +Ġprece de +Ġabuel ita +Ġor égano +Ġcab os +gl er +er adores +Ġin quebran +ĠVir g +PE G +Ġdesmante lamiento +ĠCab ra +jeje je +D if +Ġcom etas +ne ider +ĠCam isetas +Ġand am +Ġcuel gan +ĠTro ya +ĠPun k +ĠMúlti ples +l udio +Ġanal ÃŃticos +én tate +él ulas +ĠCA BA +prim ero +gir l +Ġbit ácora +ĠP ina +Ġi bas +Ġpe o +Ġref inada +Ġdesa ho +Ġconsol idados +ĠAN C +Ġdesh on +core ana +AF P +Ġplayo ffs +19 73 +Ġmone tarias +ĠFinanci eras +Ġmovi es +l ub +Ġa os +ĠT ul +Ġsegu ÃŃs +Ġocas o +Ġlac tantes +ĠB eso +ĠSi mpl +Ġescuch arla +Ġbel gas +Ġconce didas +Ġindividu alizada +Ġrecoger á +ĠPerio dista +ĠVenezol ano +Ġbró coli +Ġindist intamente +Fá cil +R P +ĠS che +Ġma t +Ġejer za +imen ez +Ġinfer nal +Ġresca ta +l uen +Ġcap uch +Ġmoder adores +Cons igue +ad is +Ġal ican +Ġimp as +Ġfracas ó +R ÃŃo +Ġautor itarismo +Ġsindical istas +Ġminister iales +Ġre zo +âĢ¦ âĢ¦. +cen se +ĠVie ws +Ġrot undamente +Ġamenaz ante +Ġtesor ero +ab es +ú ster +To ledo +ĠJa ir +Ġolvid aba +Ġsuminist rado +Ġpreserv ativo +ĠOlimp iadas +B lanco +w iki +Ġpro vi +tu all +cu ma +Ġap ad +Ġpas aran +Ġincl inada +ĠCh rom +ĠCar do +3 40 +Ġle p +Ġapar eci +tin encia +Ġtener te +Ġhaber los +ĠCan tos +Ġoper ados +Ġmach istas +al di +Ġg eno +ĠO so +ĠEn f +Ġcan ino +Ġsacerdo tal +Ġmand aba +Ġl entas +Ġap éndice +Ġgan ara +Ġdeber ian +Ġanal ógica +ko ta +Ġcár tel +ĠElectron ics +Ġsero tonina +espal das +L unes +Ġbal ear +ĠVolun tariado +Ġn iger +ĠRe porte +tel ier +ĠRo osevelt +Ġprós pero +Ġpa tos +Ġgu ir +ĠOb ispos +Ġregres ando +Ġech arse +Ġmono tonÃŃa +Llev amos +AS TA +Ġrean udar +Ġarrepent ido +Ġi ii +ĠCon ciencia +Ġ5 20 +Ġregist ral +Ġaplas tante +B rin +f its +Ġe utanasia +ios is +Ġ- ¡ +ĠLe arning +Ġunivers alidad +Ġvin iera +Ġocasion ando +Ġredi seño +Ġpaulat ina +Ġbue y + £ +ĠC us +ĠS uena +ĠH ÃŃ +ĠCa u +B ack +Ù ĩ +erv as +ĠCam pa +Ġcara vanas +domin ios +Ġvib rantes +ĠSue ños +Ġdesesper anza +ĠLE ÃĵN +ĠCAR LOS +Ġvist iendo +lam ientos +Ġodi an +Ġa tienda +que dad +ĠT ÃŃtulos +ĠR ing +In te +ĠPe te +Ġconduci da +ĠMaris ol +O ut +Ġde dicas +Ġf ÃŃl +Ġrev ueltas +ĠDi fer +R END +r una +Ġfu rioso +ĠSa g +Ġvesti das +Ġrin den +Rob ert +ĠRun ner +tten ham +H ombres +ie f +ĠO tor +cal l +ĠEuro visión +Ġ21 4 +Ġimpon ga +Ġimpon entes +Ġtam iz +ĠT at +Ġru di +Ġdespla zó +Ġimprede cible +M ex +l ip +ĠV S +Ġquin teto +Ġrecrea tivo +de p +tu osamente +gu enos +Ġac ampar +Ġ4 40 +Ġ21 8 +ck er +Ġdiri ja +Ġdra gon +Ġinsta urar +Ġvil lan +ĠL IC +Ġdej aste +Ġconec tando +Zapa tillas +ĠRegÃŃst rese +ent antes +Ġun ificado +Por qué +ĠHum or +ĠRob ot +Ġmister iosas +ĠCrea tiva +Ġcucar achas +in forma +Ġal ist +mi tió +Ġra ton +Ġcapital ina +Ġorganiza tivo +ĠÃļ N +Ġgav io +j is +ĠEn ci +Ġmes ita +Ġpermi tidas +ĠVi alidad +ĠLle gar +ter e +ĠEn gels +Ġpu bs +Ġmenos c +Ġpermi to +ĠDiseñ ador +Ġginec ólogo +ĠP aj +da dero +son s +Ġcor doba +ĠFre cuencia +Ġmanifies te +Ġrendir se +Ġhim nos +Ġsusci tado +Ġt ribun +Ġdes fas +ici Ãĥ +ĠMo tril +Ġacondi cionador +ĠJef ferson +Ġgad gets +R U +Ġconstru irá +Ġcomercial mente +ĠHab lando +Ġadqui rieron +Ġbra vo +ográ ficos +ĠStan ford +Ġeclesi ástica +Ġacarre ar +) ", +3 30 +V uelve + § +Ð ¤ +Ġpes aba +Ġvol ó +Ġcur ry +ĠSo urce +2 60 +Æ Ĵ +Ġreto ques +j uela +on ial +Ġque jó +Ġapre tando +Ġpreguntar te +Ġdesma quil +ĠCar dio +Ġefec túe +Ġcontac tado +Ġrepresent aron +Ġfon dant +Ġcomprob ando +ĠM ale +Ġdes pa +Ġquer eis +ĠMan rique +Ġejer cÃŃa +ĠCri terios +gra mar +Ġcos tarÃŃa +ĠCam ps +Ġfra gu +ĠBa eza +Ġoper ada +ĠEcu ator +Ġsorprender nos +Ġdespo jo +ĠAren al +cripti ble +ĠM isterio +ĠNi ñez +Ġmig as +Ġfide icomiso +Ġp ita +in ara +ĠA ru +ĠS uroeste +Ġcer eza +19 78 +Ġbro kers +ĠDES DE +Ġdemago gia +p iso +Ġma tor +Ġeleg irá +Ġincon cl +Ġconse jerÃŃa +Ġentra ban +Ġcongel ada +Ġdemues tren +bi ana +Ġ18 10 +Ġran uras +Ġconfun dirse +Ġidiosinc rasia +ad itos +vi ados +Ġinvers ion +Ġoptim iza +Ġlocu ras +ĠEst ará +Ġba tiendo +Ġpsic ópata +ĠHoy os +Ġexpe dir +ĠSes iones +c ama +Ġs ystem +ĠO w +ĠK hal +Ġbar rido +Ġagreg ada +ĠDen unci +ĠCorn ejo +Ġagrid ulce +licé ridos +Ġla x +ĠS is +im g +Ex pres +ĠKe iko +Ġhidrául icas +Ġpresum iblemente +Ġt ic +Ġcons uma +Ġcomple j +Ġsan cionada +Ġreal icé +Ġincorpor en +Ġtranquil izar +Ġurban izaciones +Ġsensible mente +ĠCoun cil +Ġcoe ficientes +Comen zó +J en +Ġmer chandising +Ġdiscrim inar +Ġconsolid ó +ĠMED IA +ĠEze iza +' ). +Ġes ófago +é ter +Ġcab rón +ĠSil icon +Pos t +ĠCuad ros +Ġme tÃŃa +ple mento +Me didas +Ġabor tar +Ġmoles tas +ĠQU I +ĠEqu idad +S and +ut adas +Ġsim ula +Ġconcur rido +Ġautomovil ismo +T ec +ĠN ombres +ĠEn zo +ĠMon tiel +Ġov ación +lah oma +Ġpatrio tas +Ġcom as +ten o +lu za +Ġreflex ivo +Ġperci bimos +Ġdiferenci arse +Ġtransgén ero +ĠHarle y +ri ble +Ġcomp ases +ĠDes graciadamente +Ġvia jo +Ġtab lón +Vers ión +Ġóv ulos +b acter +ĠP irámi +Ġdo ler +Ġentusias mado +Ġcontrar reloj +ĠNA V +Ġtransmi tidos +pon sor +Se xo +ĠPer ÃŃodo +ĠPa cientes +Ġcontam inada +Ġdiri jo +Si tio +ĠSal on +Ġconsul tarse +Le g +Ġensay ar +ĠPerio do +Ġgem ela +ĠMan datario +mon ÃŃa +Ġagra va +Ġv iciosa +Ġfin gir +Ġquer rán +Ġexpres ivo +Ġrespe tada +Ġconvers ó +Ġluz ca +Ex p +Ġatribuy ó +Ġtesor erÃŃa +A cerca +ĠF ija +ĠF ibra +Ġinalámb ricas +dimens ionales +Ġencruci jada +I na +ez mann +Ġeste tica +Ġro ad +19 75 +Ġprolong ados +ĠINVESTI GACIÃĵN +ĠW hat +Ġcompe te +ĠTe jada +ĠCA F +Ġs tra +ĠG host +Ġmedi áticos +Ġserv ida +Ġincorpor ará +Ġparad is +Ġhun dió +Ġestil ista +Ġdisper sa +Ġpar alizar +Ġin estim +ĠE lev +Ġpla us +dic to +Ġdist rital +Ġgas eos +Fel ipe +ĠAdap tación +ĠLlev amos +Ġindi ferentes +ĠMan zano +Ġperman ezcan +ĠVen ga +Ġgal as +Ġrepe tÃŃa +Ġbrindar les +Ġmedir se +Ġrebaj ado +IVERS IDAD +Ġtransf iere +Ġo igo +son a +Ġtu torÃŃa +EN DO +Ġ21 3 +An ti +17 5 +Ġaport ada +Ġaba tido +Fern ández +ĠIlde fonso +b ora +ĠC NA +crib o +Ġpeat onales +GUE Z +Ġdes ab +Ġplan ifica +Ġz ig +ĠSal cedo +Ch at +Reg lamento +ĠVolun tarios +Ġpsiquia trÃŃa +id oro +ĠD ame +ĠW he +cor riente +Ġviv idos +Reg istro +Ġadhes ivos +Ġbell ÃŃsima +Ġarraig ada +ĠS ello +Ġcu táneas +ĠPer egr +ĠInstitu cionales +ĠES PA +éut icos +Ġperf ila +K ey +ĠN ord +Ġincu mb +Ġestereo tipo +ĠBang la +Ġnaufrag io +ĠAutop ista +Ġic eberg +gan g +óm ulo +Ġrecur rió +Ġafec tarÃŃa +Ġcuad rilla +ĠNor berto +Ġpubli quen +ÃģL ISIS +n icas +Ġm ueca +ĠAc t +ĠCap itolio +Ġgir l +ĠJapon és +Ġvirgin idad +Ġman tra +Ġamor osos +dal enas +Ġder bi +Ġdesper tando +Ġdiscre tos +ĠManif iesto +R ERO +f ab +Ġ ist +ĠR ho +ĠInvesti gador +Ġperif érico +P asa +er se +ĠT án +ces ana +écn ico +Ġtel enovelas +ĠMer idi +Ġenfrent ados +ĠD HL +» : +Ġprer roga +di osa +ĠT all +Ġan ulado +ten ango +Ġah uy +ĠPro blema +ĠAd words +Ġincre dulidad +Ġdan ce +Ġhom il +Ġaguar da +ĠEspar ta +ĠJUL IO +G ente +f ate +Ġcol gó +Ġedi tados +ĠLo dge +Ġreco brar +amb laje +Ġesco ba +Ġprece dido +ĠCala trava +Ġriqu ÃŃsimo +ĠSUPER IOR +! ? +u ris +Ġmo tel +Ġcop iloto +ĠMos s +Ġacomo da +Ġesc rup +Re gres +ĠAnte cedentes +ĠTeo doro +C oo +gun to +Ġemo cionar +Ġexplo tados +Ġsumerg ida +ĠGeo graphic +Ġest amentos +ĠDE CRE +Ġtal le +Ġk ernel +Ġacostumb ran +Ġapropi arse +ĠTemp le +Ġexager ación +tiro idismo +ĠDesaf ÃŃo +QUIS ITOS +in sa +Ġfin landés +Ġpermitir nos +ĠRefug iados +ĠS cho +ĠH iros +Ġrefle jadas +úb ilo +Ġbb w +Pros titutas +Ġa tados +zar es +Ġproces ada +Pa ge +Ġde gener +Ġo tom +Ġra ja +Ġminu ciosa +glo bina +ĠEl ba +Ġincl inar +Ġaf ter +ĠNa huel +orn ing +Ġsil uetas +Ġmaravillos amente +Ġjudicial mente +n ier +ĠCon fi +Ġcal ambres +ĠJul i +Ġrefug iarse +ĠS ED +Ġper form +tur ada +Ġgu inda +// // +ĠConsul tivo +tent ri +eléctr ica +Sem ana +c ampo +à Ł +ĠO T +ele mentos +Con ec +Ġbando lera +Ġenérg ico +Ġtrans nacional +Ġpla gada +Ġhum illa +Ġimplic ó +ĠVis ite +Ġautent ico +pon ente +gas te +Ġremo viendo +Ġsocio cultural +Ġinterac tu +Ġsincer as +ĠAuxiliar es +Ġtaj ante +ud ado +Ġasegu rador +Ġreal zar +Ġbor da +h ech +it ter +Ġante ojos +Ġsa ciar +ĠVer ás +Ġt x +ĠCh icos +Ġcertific adas +ĠE terno +ĠA ves +ĠN ube +Ġcer támenes +ĠAn astas +Co inci +ĠAngel ina +Ġsalvador eño +Ġbin omio +Ġlé xico +Ġvicis itudes +Ġcer das +Ġmas onerÃŃa +Ġqued ándose +ĠAd junto +ĠMel gar +ĠINV ERS +Ġprestam o +W ar +co tt +Ġcreer lo +Ġtransfer ido +ĠOlimp iada +ĠPear l +Ġf ort +Ġvo tan +11 8 +Ġsatisfac en +Ġrom ánico +ant ha +ĠCin tur +ĠI ru +ĠTo var +bo w +ĠEstado unidense +Ġenfer mas +Ġproce dieron +Ġconsum ismo +Po der +Ġautóc tonos +R oma +Ġf ÃŃn +Ġme tó +00 7 +Ġlib rado +ĠCh ad +Ġban d +Ġalcal dÃŃas +Ġjam ones +Ġpersu adir +Ġdel ib +ĠN Ãļ +ĠCon mebol +Ġna zar +Ġindi as +Ġimagin é +Is abel +Ġhomo fobia +Ġte quila +Ġautor ice +Ġtro quel +Ġevang élica +Ġdesil usión +Ġpara guaya +ul fo +ĠAr cángel +Ġfal acia +Ġpais anos +ĠApar icio +ĠCIV IL +ĠS z +Ġfortal ecido +Ġsar c +Ġca ótico +ĠRu z +Ġimpar tió +Ġconcluy a +far macia +Ġcro chet +ĠÃģr tico +Ġmanag ement +G INA +Ġven garse +Ġfemin idad +Ġex i +Ġco pro +end ra +Ġse ces +ac re +Ġte oria +ART ICULO +Ġimpa ciencia +Ġincuestion able +Ġcar ru +Al gún +ĠâĤ¬ / +DO C +Ġliv iana +f ores +Ġedi cion +No che +ĠGal ilea +ĠAC N +оР¹ +Ġadmir adores +v ist +å ľ +Ġp ach +Ġd uelen +Ġsuf ridas +Ġdesenvolver se +V igencia +Ġop rimidos +Ġpel liz +Ġlan zo +Ġresolver lo +Ġmadri dista +Ġsuscrib irse +Ġexponencial mente +Ġtan ga +Ġcan arias +Ġpla quetas +ĠCa f +ĠBu ñ +ĠPatr ona +Ġtrasc endido +ĠPRODUC TOS +Ġdesenvol vimiento +n á +Ġj et +rea u diff --git a/data_tooling/bertin/perplexity.py b/data_tooling/bertin/perplexity.py new file mode 100644 index 0000000..5631b09 --- /dev/null +++ b/data_tooling/bertin/perplexity.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python +import kenlm +from datasets import load_dataset +from tqdm import tqdm + + +def pp(log_score, length): + return 10.0 ** (-log_score / length) + + +# http://dl.fbaipublicfiles.com/cc_net/lm/es.arpa.bin +model = kenlm.Model("es.arpa.bin") +mc4 = load_dataset("mc4", "es", streaming=True) +with open("mc4-es-perplexity.txt", "w") as f: + for sample in tqdm(mc4["train"].shuffle(buffer_size=100_000), total=416057992): + lines = sample["text"].split("\n") + doc_log_score, doc_length = 0, 0 + for line in lines: + log_score = model.score(line) + length = len(line.split()) + 1 + doc_log_score += log_score + doc_length += length + f.write(f"{pp(doc_log_score, doc_length)}\n") diff --git a/data_tooling/bertin/run.sh b/data_tooling/bertin/run.sh new file mode 100644 index 0000000..c6f4426 --- /dev/null +++ b/data_tooling/bertin/run.sh @@ -0,0 +1,29 @@ +#!/bin/bash +# From https://arxiv.org/pdf/1907.11692.pdf +python -c "import jax; print('TPUs', jax.device_count())" +./run_mlm_flax.py \ + --output_dir="./outputs" \ + --model_type="roberta" \ + --config_name="./configs/large" \ + --tokenizer_name="./" \ + --dataset_name="mc4" \ + --dataset_config_name="es" \ + --dataset_streamnig \ + --max_seq_length="128" \ + --pad_to_max_length \ + --per_device_train_batch_size="128" \ + --per_device_eval_batch_size="128" \ + --adam_beta1="0.9" \ + --adam_beta2="0.98" \ + --adam_epsilon="1e-6" \ + --learning_rate="4e-4" \ + --weight_decay="0.01" \ + --save_strategy="steps" \ + --save_steps="10000" \ + --save_total_limit="5" \ + --warmup_steps="30000" \ + --overwrite_output_dir \ + --num_train_steps="500000" \ + --eval_steps="10000" \ + --logging_steps="500" \ + --dtype="bfloat16" 2>&1 | tee run.log diff --git a/data_tooling/bertin/run_mlm_flax.py b/data_tooling/bertin/run_mlm_flax.py new file mode 100644 index 0000000..54251b9 --- /dev/null +++ b/data_tooling/bertin/run_mlm_flax.py @@ -0,0 +1,813 @@ +#!/usr/bin/env python +# coding=utf-8 +# Copyright 2021 The HuggingFace Team All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Fine-tuning the library models for masked language modeling (BERT, ALBERT, RoBERTa...) with whole word masking on a +text file or a dataset. + +Here is the full list of checkpoints on the hub that can be fine-tuned by this script: +https://huggingface.co/models?filter=masked-lm +""" +import logging +import os +import sys +import time +from dataclasses import dataclass, field + +# You can also adapt this script on your own masked language modeling task. Pointers for this are left as comments. +from pathlib import Path +from typing import Dict, List, Optional, Tuple + +import flax +import jax +import jax.numpy as jnp +import numpy as np +import optax +from datasets import load_dataset +from flax import jax_utils, traverse_util +from flax.training import train_state +from flax.training.common_utils import get_metrics, onehot, shard +from tqdm import tqdm +from transformers import ( + CONFIG_MAPPING, + FLAX_MODEL_FOR_MASKED_LM_MAPPING, + AutoConfig, + AutoTokenizer, + FlaxAutoModelForMaskedLM, + HfArgumentParser, + PreTrainedTokenizerBase, + TensorType, + TrainingArguments, + is_tensorboard_available, + set_seed, +) + +MODEL_CONFIG_CLASSES = list(FLAX_MODEL_FOR_MASKED_LM_MAPPING.keys()) +MODEL_TYPES = tuple(conf.model_type for conf in MODEL_CONFIG_CLASSES) + + +@dataclass +class ModelArguments: + """ + Arguments pertaining to which model/config/tokenizer we are going to fine-tune, or train from scratch. + """ + + model_name_or_path: Optional[str] = field( + default=None, + metadata={ + "help": "The model checkpoint for weights initialization." + "Don't set if you want to train a model from scratch." + }, + ) + model_type: Optional[str] = field( + default=None, + metadata={ + "help": "If training from scratch, pass a model type from the list: " + + ", ".join(MODEL_TYPES) + }, + ) + config_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained config name or path if not the same as model_name" + }, + ) + tokenizer_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained tokenizer name or path if not the same as model_name" + }, + ) + cache_dir: Optional[str] = field( + default=None, + metadata={ + "help": "Where do you want to store the pretrained models downloaded from s3" + }, + ) + use_fast_tokenizer: bool = field( + default=True, + metadata={ + "help": "Whether to use one of the fast tokenizer (backed by the tokenizers library) or not." + }, + ) + dtype: Optional[str] = field( + default="float32", + metadata={ + "help": "Floating-point format in which the model weights should be initialized and trained. Choose one of `[float32, float16, bfloat16]`." + }, + ) + + +@dataclass +class DataTrainingArguments: + """ + Arguments pertaining to what data we are going to input our model for training and eval. + """ + + dataset_name: Optional[str] = field( + default=None, + metadata={"help": "The name of the dataset to use (via the datasets library)."}, + ) + dataset_config_name: Optional[str] = field( + default=None, + metadata={ + "help": "The configuration name of the dataset to use (via the datasets library)." + }, + ) + train_file: Optional[str] = field( + default=None, metadata={"help": "The input training data file (a text file)."} + ) + validation_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input evaluation data file to evaluate the perplexity on (a text file)." + }, + ) + train_ref_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input train ref data file for whole word masking in Chinese." + }, + ) + validation_ref_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input validation ref data file for whole word masking in Chinese." + }, + ) + overwrite_cache: bool = field( + default=False, + metadata={"help": "Overwrite the cached training and evaluation sets"}, + ) + validation_split_percentage: Optional[int] = field( + default=5, + metadata={ + "help": "The percentage of the train set used as validation set in case there's no validation split" + }, + ) + max_seq_length: Optional[int] = field( + default=None, + metadata={ + "help": "The maximum total input sequence length after tokenization. Sequences longer " + "than this will be truncated. Default to the max input length of the model." + }, + ) + preprocessing_num_workers: Optional[int] = field( + default=None, + metadata={"help": "The number of processes to use for the preprocessing."}, + ) + mlm_probability: float = field( + default=0.15, + metadata={"help": "Ratio of tokens to mask for masked language modeling loss"}, + ) + pad_to_max_length: bool = field( + default=False, + metadata={ + "help": "Whether to pad all samples to `max_seq_length`. " + "If False, will pad the samples dynamically when batching to the maximum length in the batch." + }, + ) + line_by_line: bool = field( + default=False, + metadata={ + "help": "Whether distinct lines of text in the dataset are to be handled as distinct sequences." + }, + ) + + def __post_init__(self): + if ( + self.dataset_name is None + and self.train_file is None + and self.validation_file is None + ): + raise ValueError( + "Need either a dataset name or a training/validation file." + ) + else: + if self.train_file is not None: + extension = self.train_file.split(".")[-1] + assert extension in [ + "csv", + "json", + "txt", + ], "`train_file` should be a csv, a json or a txt file." + if self.validation_file is not None: + extension = self.validation_file.split(".")[-1] + assert extension in [ + "csv", + "json", + "txt", + ], "`validation_file` should be a csv, a json or a txt file." + + +@flax.struct.dataclass +class FlaxDataCollatorForLanguageModeling: + """ + Data collator used for language modeling. Inputs are dynamically padded to the maximum length of a batch if they + are not all of the same length. + + Args: + tokenizer (:class:`~transformers.PreTrainedTokenizer` or :class:`~transformers.PreTrainedTokenizerFast`): + The tokenizer used for encoding the data. + mlm_probability (:obj:`float`, `optional`, defaults to 0.15): + The probability with which to (randomly) mask tokens in the input. + + .. note:: + + For best performance, this data collator should be used with a dataset having items that are dictionaries or + BatchEncoding, with the :obj:`"special_tokens_mask"` key, as returned by a + :class:`~transformers.PreTrainedTokenizer` or a :class:`~transformers.PreTrainedTokenizerFast` with the + argument :obj:`return_special_tokens_mask=True`. + """ + + tokenizer: PreTrainedTokenizerBase + mlm_probability: float = 0.15 + + def __post_init__(self): + if self.tokenizer.mask_token is None: + raise ValueError( + "This tokenizer does not have a mask token which is necessary for masked language modeling. " + "You should pass `mlm=False` to train on causal language modeling instead." + ) + + def __call__( + self, examples: List[Dict[str, np.ndarray]], pad_to_multiple_of: int + ) -> Dict[str, np.ndarray]: + # Handle dict or lists with proper padding and conversion to tensor. + batch = self.tokenizer.pad( + examples, + pad_to_multiple_of=pad_to_multiple_of, + return_tensors=TensorType.NUMPY, + ) + + # If special token mask has been preprocessed, pop it from the dict. + special_tokens_mask = batch.pop("special_tokens_mask", None) + + batch["input_ids"], batch["labels"] = self.mask_tokens( + batch["input_ids"], special_tokens_mask=special_tokens_mask + ) + return batch + + def mask_tokens( + self, inputs: np.ndarray, special_tokens_mask: Optional[np.ndarray] + ) -> Tuple[jnp.ndarray, jnp.ndarray]: + """ + Prepare masked tokens inputs/labels for masked language modeling: 80% MASK, 10% random, 10% original. + """ + labels = inputs.copy() + # We sample a few tokens in each sequence for MLM training (with probability `self.mlm_probability`) + probability_matrix = np.full(labels.shape, self.mlm_probability) + special_tokens_mask = special_tokens_mask.astype("bool") + + probability_matrix[special_tokens_mask] = 0.0 + masked_indices = np.random.binomial(1, probability_matrix).astype("bool") + labels[~masked_indices] = -100 # We only compute loss on masked tokens + + # 80% of the time, we replace masked input tokens with tokenizer.mask_token ([MASK]) + indices_replaced = ( + np.random.binomial(1, np.full(labels.shape, 0.8)).astype("bool") + & masked_indices + ) + inputs[indices_replaced] = self.tokenizer.convert_tokens_to_ids( + self.tokenizer.mask_token + ) + + # 10% of the time, we replace masked input tokens with random word + indices_random = np.random.binomial(1, np.full(labels.shape, 0.5)).astype( + "bool" + ) + indices_random &= masked_indices & ~indices_replaced + + random_words = np.random.randint( + self.tokenizer.vocab_size, size=labels.shape, dtype="i4" + ) + inputs[indices_random] = random_words[indices_random] + + # The rest of the time (10% of the time) we keep the masked input tokens unchanged + return inputs, labels + + +def generate_batch_splits(samples_idx: jnp.ndarray, batch_size: int) -> jnp.ndarray: + num_samples = len(samples_idx) + samples_to_remove = num_samples % batch_size + + if samples_to_remove != 0: + samples_idx = samples_idx[:-samples_to_remove] + sections_split = num_samples // batch_size + batch_idx = np.split(samples_idx, sections_split) + return batch_idx + + +def write_train_metric(summary_writer, train_metrics, train_time, step): + summary_writer.scalar("train_time", train_time, step) + + train_metrics = get_metrics(train_metrics) + for key, vals in train_metrics.items(): + tag = f"train_{key}" + for i, val in enumerate(vals): + summary_writer.scalar(tag, val, step - len(vals) + i + 1) + + +def write_eval_metric(summary_writer, eval_metrics, step): + for metric_name, value in eval_metrics.items(): + summary_writer.scalar(f"eval_{metric_name}", value, step) + + +if __name__ == "__main__": + # See all possible arguments in src/transformers/training_args.py + # or by passing the --help flag to this script. + # We now keep distinct sets of args, for a cleaner separation of concerns. + + parser = HfArgumentParser( + (ModelArguments, DataTrainingArguments, TrainingArguments) + ) + if len(sys.argv) == 2 and sys.argv[1].endswith(".json"): + # If we pass only one argument to the script and it's the path to a json file, + # let's parse it to get our arguments. + model_args, data_args, training_args = parser.parse_json_file( + json_file=os.path.abspath(sys.argv[1]) + ) + else: + model_args, data_args, training_args = parser.parse_args_into_dataclasses() + + if ( + os.path.exists(training_args.output_dir) + and os.listdir(training_args.output_dir) + and training_args.do_train + and not training_args.overwrite_output_dir + ): + raise ValueError( + f"Output directory ({training_args.output_dir}) already exists and is not empty." + "Use --overwrite_output_dir to overcome." + ) + + # Setup logging + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + level="NOTSET", + datefmt="[%X]", + ) + + # Log on each process the small summary: + logger = logging.getLogger(__name__) + + # Set the verbosity to info of the Transformers logger (on main process only): + logger.info(f"Training/evaluation parameters {training_args}") + + # Set seed before initializing model. + set_seed(training_args.seed) + + # Get the datasets: you can either provide your own CSV/JSON/TXT training and evaluation files (see below) + # or just provide the name of one of the public datasets available on the hub at https://huggingface.co/datasets/ + # (the dataset will be downloaded automatically from the datasets Hub). + # + # For CSV/JSON files, this script will use the column called 'text' or the first column if no column called + # 'text' is found. You can easily tweak this behavior (see below). + # + # In distributed training, the load_dataset function guarantees that only one local process can concurrently + # download the dataset. + if data_args.dataset_name is not None: + # Downloading and loading a dataset from the hub. + datasets = load_dataset( + data_args.dataset_name, + data_args.dataset_config_name, + cache_dir=model_args.cache_dir, + ) + + if "validation" not in datasets.keys(): + datasets["validation"] = load_dataset( + data_args.dataset_name, + data_args.dataset_config_name, + split=f"train[:{data_args.validation_split_percentage}%]", + cache_dir=model_args.cache_dir, + ) + datasets["train"] = load_dataset( + data_args.dataset_name, + data_args.dataset_config_name, + split=f"train[{data_args.validation_split_percentage}%:]", + cache_dir=model_args.cache_dir, + ) + else: + data_files = {} + if data_args.train_file is not None: + data_files["train"] = data_args.train_file + if data_args.validation_file is not None: + data_files["validation"] = data_args.validation_file + extension = data_args.train_file.split(".")[-1] + if extension == "txt": + extension = "text" + datasets = load_dataset( + extension, data_files=data_files, cache_dir=model_args.cache_dir + ) + # See more about loading any type of standard or custom dataset (from files, python dict, pandas DataFrame, etc) at + # https://huggingface.co/docs/datasets/loading_datasets.html. + + # Load pretrained model and tokenizer + + # Distributed training: + # The .from_pretrained methods guarantee that only one local process can concurrently + # download model & vocab. + if model_args.config_name: + config = AutoConfig.from_pretrained( + model_args.config_name, cache_dir=model_args.cache_dir + ) + elif model_args.model_name_or_path: + config = AutoConfig.from_pretrained( + model_args.model_name_or_path, cache_dir=model_args.cache_dir + ) + else: + config = CONFIG_MAPPING[model_args.model_type]() + logger.warning("You are instantiating a new config instance from scratch.") + + if model_args.tokenizer_name: + tokenizer = AutoTokenizer.from_pretrained( + model_args.tokenizer_name, + cache_dir=model_args.cache_dir, + use_fast=model_args.use_fast_tokenizer, + ) + elif model_args.model_name_or_path: + tokenizer = AutoTokenizer.from_pretrained( + model_args.model_name_or_path, + cache_dir=model_args.cache_dir, + use_fast=model_args.use_fast_tokenizer, + ) + else: + raise ValueError( + "You are instantiating a new tokenizer from scratch. This is not supported by this script." + "You can do it from another script, save it, and load it from here, using --tokenizer_name." + ) + + # Preprocessing the datasets. + # First we tokenize all the texts. + if training_args.do_train: + column_names = datasets["train"].column_names + else: + column_names = datasets["validation"].column_names + text_column_name = "text" if "text" in column_names else column_names[0] + + max_seq_length = min(data_args.max_seq_length, tokenizer.model_max_length) + + if data_args.line_by_line: + # When using line_by_line, we just tokenize each nonempty line. + padding = "max_length" if data_args.pad_to_max_length else False + + def tokenize_function(examples): + # Remove empty lines + examples = [ + line for line in examples if len(line) > 0 and not line.isspace() + ] + return tokenizer( + examples, + return_special_tokens_mask=True, + padding=padding, + truncation=True, + max_length=max_seq_length, + ) + + tokenized_datasets = datasets.map( + tokenize_function, + input_columns=[text_column_name], + batched=True, + num_proc=data_args.preprocessing_num_workers, + remove_columns=column_names, + load_from_cache_file=not data_args.overwrite_cache, + ) + + else: + # Otherwise, we tokenize every text, then concatenate them together before splitting them in smaller parts. + # We use `return_special_tokens_mask=True` because DataCollatorForLanguageModeling (see below) is more + # efficient when it receives the `special_tokens_mask`. + def tokenize_function(examples): + return tokenizer( + examples[text_column_name], return_special_tokens_mask=True + ) + + tokenized_datasets = datasets.map( + tokenize_function, + batched=True, + num_proc=data_args.preprocessing_num_workers, + remove_columns=column_names, + load_from_cache_file=not data_args.overwrite_cache, + ) + + # Main data processing function that will concatenate all texts from our dataset and generate chunks of + # max_seq_length. + def group_texts(examples): + # Concatenate all texts. + concatenated_examples = {k: sum(examples[k], []) for k in examples.keys()} + total_length = len(concatenated_examples[list(examples.keys())[0]]) + # We drop the small remainder, we could add padding if the model supported it instead of this drop, you can + # customize this part to your needs. + total_length = (total_length // max_seq_length) * max_seq_length + # Split by chunks of max_len. + result = { + k: [ + t[i : i + max_seq_length] + for i in range(0, total_length, max_seq_length) + ] + for k, t in concatenated_examples.items() + } + return result + + # Note that with `batched=True`, this map processes 1,000 texts together, so group_texts throws away a + # remainder for each of those groups of 1,000 texts. You can adjust that batch_size here but a higher value + # might be slower to preprocess. + # + # To speed up this part, we use multiprocessing. See the documentation of the map method for more information: + # https://huggingface.co/docs/datasets/package_reference/main_classes.html#datasets.Dataset.map + tokenized_datasets = tokenized_datasets.map( + group_texts, + batched=True, + num_proc=data_args.preprocessing_num_workers, + load_from_cache_file=not data_args.overwrite_cache, + ) + + # Enable tensorboard only on the master node + has_tensorboard = is_tensorboard_available() + if has_tensorboard and jax.process_index() == 0: + try: + # Enable Weight&Biases + import wandb + + wandb.init( + entity="wandb", + project="hf-flax-bertin-roberta-es", + sync_tensorboard=True, + ) + wandb.config.update(training_args) + wandb.config.update(model_args) + wandb.config.update(data_args) + from flax.metrics.tensorboard import SummaryWriter + + summary_writer = SummaryWriter(log_dir=Path(training_args.output_dir)) + except ImportError as ie: + has_tensorboard = False + logger.warning( + f"Unable to display metrics through TensorBoard because some package are not installed: {ie}" + ) + else: + logger.warning( + "Unable to display metrics through TensorBoard because the package is not installed: " + "Please run pip install tensorboard to enable." + ) + + # Data collator + # This one will take care of randomly masking the tokens. + data_collator = FlaxDataCollatorForLanguageModeling( + tokenizer=tokenizer, mlm_probability=data_args.mlm_probability + ) + + # Initialize our training + rng = jax.random.PRNGKey(training_args.seed) + dropout_rngs = jax.random.split(rng, jax.local_device_count()) + + if model_args.model_name_or_path: + model = FlaxAutoModelForMaskedLM.from_pretrained( + model_args.model_name_or_path, + config=config, + seed=training_args.seed, + dtype=getattr(jnp, model_args.dtype), + ) + else: + model = FlaxAutoModelForMaskedLM.from_config( + config, seed=training_args.seed, dtype=getattr(jnp, model_args.dtype) + ) + + # Store some constant + num_epochs = int(training_args.num_train_epochs) + train_batch_size = ( + int(training_args.per_device_train_batch_size) * jax.device_count() + ) + eval_batch_size = int(training_args.per_device_eval_batch_size) * jax.device_count() + + num_train_steps = len(tokenized_datasets["train"]) // train_batch_size * num_epochs + + # Create learning rate schedule + warmup_fn = optax.linear_schedule( + init_value=0.0, + end_value=training_args.learning_rate, + transition_steps=training_args.warmup_steps, + ) + decay_fn = optax.linear_schedule( + init_value=training_args.learning_rate, + end_value=0, + transition_steps=num_train_steps - training_args.warmup_steps, + ) + linear_decay_lr_schedule_fn = optax.join_schedules( + schedules=[warmup_fn, decay_fn], boundaries=[training_args.warmup_steps] + ) + + # We use Optax's "masking" functionality to not apply weight decay + # to bias and LayerNorm scale parameters. decay_mask_fn returns a + # mask boolean with the same structure as the parameters. + # The mask is True for parameters that should be decayed. + # Note that this mask is specifically adapted for FlaxBERT-like models. + # For other models, one should correct the layer norm parameter naming + # accordingly. + def decay_mask_fn(params): + flat_params = traverse_util.flatten_dict(params) + flat_mask = { + path: (path[-1] != "bias" and path[-2:] != ("LayerNorm", "scale")) + for path in flat_params + } + return traverse_util.unflatten_dict(flat_mask) + + # create adam optimizer + if training_args.adafactor: + # We use the default parameters here to initialize adafactor, + # For more details about the parameters please check https://github.com/deepmind/optax/blob/ed02befef9bf81cbbf236be3d2b0e032e9ed4a40/optax/_src/alias.py#L74 + optimizer = optax.adafactor( + learning_rate=linear_decay_lr_schedule_fn, + ) + else: + optimizer = optax.adamw( + learning_rate=linear_decay_lr_schedule_fn, + b1=training_args.adam_beta1, + b2=training_args.adam_beta2, + eps=training_args.adam_epsilon, + weight_decay=training_args.weight_decay, + mask=decay_mask_fn, + ) + + # Setup train state + state = train_state.TrainState.create( + apply_fn=model.__call__, params=model.params, tx=optimizer + ) + + # Define gradient update step fn + def train_step(state, batch, dropout_rng): + dropout_rng, new_dropout_rng = jax.random.split(dropout_rng) + + def loss_fn(params): + labels = batch.pop("labels") + + logits = state.apply_fn( + **batch, params=params, dropout_rng=dropout_rng, train=True + )[0] + + # compute loss, ignore padded input tokens + label_mask = jnp.where(labels > 0, 1.0, 0.0) + loss = ( + optax.softmax_cross_entropy(logits, onehot(labels, logits.shape[-1])) + * label_mask + ) + + # take average + loss = loss.sum() / label_mask.sum() + + return loss + + grad_fn = jax.value_and_grad(loss_fn) + loss, grad = grad_fn(state.params) + grad = jax.lax.pmean(grad, "batch") + new_state = state.apply_gradients(grads=grad) + + metrics = jax.lax.pmean( + {"loss": loss, "learning_rate": linear_decay_lr_schedule_fn(state.step)}, + axis_name="batch", + ) + + return new_state, metrics, new_dropout_rng + + # Create parallel version of the train step + p_train_step = jax.pmap(train_step, "batch", donate_argnums=(0,)) + + # Define eval fn + def eval_step(params, batch): + labels = batch.pop("labels") + + logits = model(**batch, params=params, train=False)[0] + + # compute loss, ignore padded input tokens + label_mask = jnp.where(labels > 0, 1.0, 0.0) + loss = ( + optax.softmax_cross_entropy(logits, onehot(labels, logits.shape[-1])) + * label_mask + ) + + # compute accuracy + accuracy = jnp.equal(jnp.argmax(logits, axis=-1), labels) * label_mask + + # summarize metrics + metrics = { + "loss": loss.sum(), + "accuracy": accuracy.sum(), + "normalizer": label_mask.sum(), + } + metrics = jax.lax.psum(metrics, axis_name="batch") + + return metrics + + p_eval_step = jax.pmap(eval_step, "batch", donate_argnums=(0,)) + + # Replicate the train state on each device + state = jax_utils.replicate(state) + + train_time = 0 + epochs = tqdm(range(num_epochs), desc=f"Epoch ... (1/{num_epochs})", position=0) + for epoch in epochs: + # ======================== Training ================================ + train_start = time.time() + train_metrics = [] + + # Create sampling rng + rng, input_rng = jax.random.split(rng) + + # Generate an epoch by shuffling sampling indices from the train dataset + num_train_samples = len(tokenized_datasets["train"]) + train_samples_idx = jax.random.permutation( + input_rng, jnp.arange(num_train_samples) + ) + train_batch_idx = generate_batch_splits(train_samples_idx, train_batch_size) + + # Gather the indexes for creating the batch and do a training step + for step, batch_idx in enumerate( + tqdm(train_batch_idx, desc="Training...", position=1) + ): + samples = [tokenized_datasets["train"][int(idx)] for idx in batch_idx] + model_inputs = data_collator(samples, pad_to_multiple_of=16) + + # Model forward + model_inputs = shard(model_inputs.data) + state, train_metric, dropout_rngs = p_train_step( + state, model_inputs, dropout_rngs + ) + train_metrics.append(train_metric) + + cur_step = epoch * (num_train_samples // train_batch_size) + step + + if cur_step % training_args.logging_steps == 0 and cur_step > 0: + # Save metrics + train_metric = jax_utils.unreplicate(train_metric) + train_time += time.time() - train_start + if has_tensorboard and jax.process_index() == 0: + write_train_metric( + summary_writer, train_metrics, train_time, cur_step + ) + + epochs.write( + f"Step... ({cur_step} | Loss: {train_metric['loss']}, Learning Rate: {train_metric['learning_rate']})" + ) + + train_metrics = [] + + if cur_step % training_args.eval_steps == 0 and cur_step > 0: + # ======================== Evaluating ============================== + num_eval_samples = len(tokenized_datasets["validation"]) + eval_samples_idx = jnp.arange(num_eval_samples) + eval_batch_idx = generate_batch_splits( + eval_samples_idx, eval_batch_size + ) + + eval_metrics = [] + for i, batch_idx in enumerate( + tqdm(eval_batch_idx, desc="Evaluating ...", position=2) + ): + samples = [ + tokenized_datasets["validation"][int(idx)] for idx in batch_idx + ] + model_inputs = data_collator(samples, pad_to_multiple_of=16) + + # Model forward + model_inputs = shard(model_inputs.data) + metrics = p_eval_step(state.params, model_inputs) + eval_metrics.append(metrics) + + # normalize eval metrics + eval_metrics = get_metrics(eval_metrics) + eval_metrics = jax.tree_map(jnp.sum, eval_metrics) + eval_normalizer = eval_metrics.pop("normalizer") + eval_metrics = jax.tree_map(lambda x: x / eval_normalizer, eval_metrics) + + # Update progress bar + epochs.desc = f"Step... ({cur_step} | Loss: {eval_metrics['loss']}, Acc: {eval_metrics['accuracy']})" + + # Save metrics + if has_tensorboard and jax.process_index() == 0: + cur_step = epoch * ( + len(tokenized_datasets["train"]) // train_batch_size + ) + write_eval_metric(summary_writer, eval_metrics, cur_step) + + if cur_step % training_args.save_steps == 0 and cur_step > 0: + # save checkpoint after each epoch and push checkpoint to the hub + if jax.process_index() == 0: + params = jax.device_get(jax.tree_map(lambda x: x[0], state.params)) + model.save_pretrained( + training_args.output_dir, + params=params, + push_to_hub=training_args.push_to_hub, + commit_message=f"Saving weights and logs of step {cur_step}", + ) diff --git a/data_tooling/bertin/run_mlm_flax_stream.py b/data_tooling/bertin/run_mlm_flax_stream.py new file mode 100644 index 0000000..a33eaae --- /dev/null +++ b/data_tooling/bertin/run_mlm_flax_stream.py @@ -0,0 +1,999 @@ +#!/usr/bin/env python +# coding=utf-8 +# Copyright 2021 The HuggingFace Team All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Fine-tuning the library models for masked language modeling (BERT, ALBERT, RoBERTa...) with whole word masking on a +text file or a dataset. + +Here is the full list of checkpoints on the hub that can be fine-tuned by this script: +https://huggingface.co/models?filter=masked-lm +""" +import json +import logging +import os +import shutil +import sys +import tempfile +import time +from collections import defaultdict +from dataclasses import dataclass, field +from pathlib import Path +from typing import Dict, List, Optional, Tuple + +import datasets +import flax +import jax +import jax.numpy as jnp + +# You can also adapt this script on your own masked language modeling task. Pointers for this are left as comments. +import joblib +import kenlm # pip install https://github.com/kpu/kenlm/archive/master.zip +import numpy as np +import optax +from datasets import load_dataset +from flax import jax_utils, traverse_util +from flax.serialization import from_bytes, to_bytes +from flax.training import train_state +from flax.training.common_utils import get_metrics, onehot, shard +from tqdm import tqdm +from transformers import ( + CONFIG_MAPPING, + FLAX_MODEL_FOR_MASKED_LM_MAPPING, + AutoConfig, + AutoTokenizer, + FlaxAutoModelForMaskedLM, + FlaxRobertaForMaskedLM, + HfArgumentParser, + PreTrainedTokenizerBase, + RobertaForMaskedLM, + TensorType, + TrainingArguments, + is_tensorboard_available, + set_seed, +) + +if datasets.__version__ <= "1.8.0": + raise ValueError( + "Make sure to upgrade `datasets` to a version >= 1.9.0 to use dataset streaming" + ) + + +MODEL_CONFIG_CLASSES = list(FLAX_MODEL_FOR_MASKED_LM_MAPPING.keys()) +MODEL_TYPES = tuple(conf.model_type for conf in MODEL_CONFIG_CLASSES) + + +@dataclass +class ModelArguments: + """ + Arguments pertaining to which model/config/tokenizer we are going to fine-tune, or train from scratch. + """ + + model_name_or_path: Optional[str] = field( + default=None, + metadata={ + "help": "The model checkpoint for weights initialization." + "Don't set if you want to train a model from scratch." + }, + ) + model_type: Optional[str] = field( + default=None, + metadata={ + "help": "If training from scratch, pass a model type from the list: " + + ", ".join(MODEL_TYPES) + }, + ) + config_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained config name or path if not the same as model_name" + }, + ) + tokenizer_name: Optional[str] = field( + default=None, + metadata={ + "help": "Pretrained tokenizer name or path if not the same as model_name" + }, + ) + cache_dir: Optional[str] = field( + default=None, + metadata={ + "help": "Where do you want to store the pretrained models downloaded from s3" + }, + ) + use_fast_tokenizer: bool = field( + default=True, + metadata={ + "help": "Whether to use one of the fast tokenizer (backed by the tokenizers library) or not." + }, + ) + dtype: Optional[str] = field( + default="float32", + metadata={ + "help": "Floating-point format in which the model weights should be initialized and trained. Choose one of `[float32, float16, bfloat16]`." + }, + ) + + +@dataclass +class DataTrainingArguments: + """ + Arguments pertaining to what data we are going to input our model for training and eval. + """ + + dataset_name: Optional[str] = field( + default=None, + metadata={"help": "The name of the dataset to use (via the datasets library)."}, + ) + dataset_config_name: Optional[str] = field( + default=None, + metadata={ + "help": "The configuration name of the dataset to use (via the datasets library)." + }, + ) + train_file: Optional[str] = field( + default=None, metadata={"help": "The input training data file (a text file)."} + ) + validation_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input evaluation data file to evaluate the perplexity on (a text file)." + }, + ) + train_ref_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input train ref data file for whole word masking in Chinese." + }, + ) + validation_ref_file: Optional[str] = field( + default=None, + metadata={ + "help": "An optional input validation ref data file for whole word masking in Chinese." + }, + ) + overwrite_cache: bool = field( + default=False, + metadata={"help": "Overwrite the cached training and evaluation sets"}, + ) + validation_split_percentage: Optional[int] = field( + default=5, + metadata={ + "help": "The percentage of the train set used as validation set in case there's no validation split" + }, + ) + max_seq_length: Optional[int] = field( + default=None, + metadata={ + "help": "The maximum total input sequence length after tokenization. Sequences longer " + "than this will be truncated. Default to the max input length of the model." + }, + ) + preprocessing_num_workers: Optional[int] = field( + default=None, + metadata={"help": "The number of processes to use for the preprocessing."}, + ) + mlm_probability: float = field( + default=0.15, + metadata={"help": "Ratio of tokens to mask for masked language modeling loss"}, + ) + pad_to_max_length: bool = field( + default=False, + metadata={ + "help": "Whether to pad all samples to `max_seq_length`. " + "If False, will pad the samples dynamically when batching to the maximum length in the batch." + }, + ) + line_by_line: bool = field( + default=False, + metadata={ + "help": "Whether distinct lines of text in the dataset are to be handled as distinct sequences." + }, + ) + text_column_name: str = field( + default="text", + metadata={"help": "The name of the column to retrieve the training text."}, + ) + shuffle_buffer_size: int = field( + default=10000, + metadata={"help": "The number of examples to pre-load for shuffling."}, + ) + num_train_steps: int = field( + default=50000, metadata={"help": "The number of training steps."} + ) + num_eval_samples: int = field( + default=50000, + metadata={"help": "The number of samples to be used for evaluation"}, + ) + + def __post_init__(self): + if ( + self.dataset_name is None + and self.train_file is None + and self.validation_file is None + ): + raise ValueError( + "Need either a dataset name or a training/validation file." + ) + else: + if self.train_file is not None: + extension = self.train_file.split(".")[-1] + assert extension in [ + "csv", + "json", + "jsonl", + "txt", + "gz", + ], "`train_file` should be a csv, a json (lines) or a txt file." + if self.validation_file is not None: + extension = self.validation_file.split(".")[-1] + assert extension in [ + "csv", + "json", + "jsonl", + "txt", + "gz", + ], "`validation_file` should be a csv, a json (lines) or a txt file." + + +@flax.struct.dataclass +class FlaxDataCollatorForLanguageModeling: + """ + Data collator used for language modeling. Inputs are dynamically padded to the maximum length of a batch if they + are not all of the same length. + + Args: + tokenizer (:class:`~transformers.PreTrainedTokenizer` or :class:`~transformers.PreTrainedTokenizerFast`): + The tokenizer used for encoding the data. + mlm_probability (:obj:`float`, `optional`, defaults to 0.15): + The probability with which to (randomly) mask tokens in the input. + + .. note:: + + For best performance, this data collator should be used with a dataset having items that are dictionaries or + BatchEncoding, with the :obj:`"special_tokens_mask"` key, as returned by a + :class:`~transformers.PreTrainedTokenizer` or a :class:`~transformers.PreTrainedTokenizerFast` with the + argument :obj:`return_special_tokens_mask=True`. + """ + + tokenizer: PreTrainedTokenizerBase + mlm_probability: float = 0.15 + + def __post_init__(self): + if self.tokenizer.mask_token is None: + raise ValueError( + "This tokenizer does not have a mask token which is necessary for masked language modeling. " + "You should pass `mlm=False` to train on causal language modeling instead." + ) + + def __call__( + self, examples: List[Dict[str, np.ndarray]], pad_to_multiple_of: int + ) -> Dict[str, np.ndarray]: + # Handle dict or lists with proper padding and conversion to tensor. + batch = self.tokenizer.pad( + examples, + pad_to_multiple_of=pad_to_multiple_of, + return_tensors=TensorType.NUMPY, + ) + + # If special token mask has been preprocessed, pop it from the dict. + special_tokens_mask = batch.pop("special_tokens_mask", None) + + batch["input_ids"], batch["labels"] = self.mask_tokens( + batch["input_ids"], special_tokens_mask=special_tokens_mask + ) + return batch + + def mask_tokens( + self, inputs: np.ndarray, special_tokens_mask: Optional[np.ndarray] + ) -> Tuple[jnp.ndarray, jnp.ndarray]: + """ + Prepare masked tokens inputs/labels for masked language modeling: 80% MASK, 10% random, 10% original. + """ + labels = inputs.copy() + # We sample a few tokens in each sequence for MLM training (with probability `self.mlm_probability`) + probability_matrix = np.full(labels.shape, self.mlm_probability) + special_tokens_mask = special_tokens_mask.astype("bool") + + probability_matrix[special_tokens_mask] = 0.0 + masked_indices = np.random.binomial(1, probability_matrix).astype("bool") + labels[~masked_indices] = -100 # We only compute loss on masked tokens + + # 80% of the time, we replace masked input tokens with tokenizer.mask_token ([MASK]) + indices_replaced = ( + np.random.binomial(1, np.full(labels.shape, 0.8)).astype("bool") + & masked_indices + ) + inputs[indices_replaced] = self.tokenizer.convert_tokens_to_ids( + self.tokenizer.mask_token + ) + + # 10% of the time, we replace masked input tokens with random word + indices_random = np.random.binomial(1, np.full(labels.shape, 0.5)).astype( + "bool" + ) + indices_random &= masked_indices & ~indices_replaced + + random_words = np.random.randint( + self.tokenizer.vocab_size, size=labels.shape, dtype="i4" + ) + inputs[indices_random] = random_words[indices_random] + + # The rest of the time (10% of the time) we keep the masked input tokens unchanged + return inputs, labels + + +@dataclass +class SamplingArguments: + """ + Arguments pertaining to how to perform sampling of the dataset. + """ + + perplexity_model: Optional[str] = field( + default="./es.arpa.bin", + metadata={"help": "Path to KenLM model to use to get perplexity values."}, + ) + sampling_method: Optional[str] = field( + default=None, + metadata={ + "help": "Sample using a 'step' or 'gaussian' perplexity function per document, or 'random'." + }, + ) + sampling_factor: Optional[float] = field( + default=None, + metadata={ + "help": "Sampling factor. Integers for step function, decimals for gaussian." + }, + ) + boundaries: Optional[str] = field( + default="536394.99320948,662247.50212365,919250.87225178", + metadata={"help": "Quartile boundaries"}, + ) + + def __post_init__(self): + self.boundaries = [float(q.strip()) for q in self.boundaries.split(",")] + + +def generate_batch_splits(samples_idx: jnp.ndarray, batch_size: int) -> jnp.ndarray: + num_samples = len(samples_idx) + samples_to_remove = num_samples % batch_size + + if samples_to_remove != 0: + samples_idx = samples_idx[:-samples_to_remove] + sections_split = num_samples // batch_size + batch_idx = np.split(samples_idx, sections_split) + return batch_idx + + +def advance_iter_and_group_samples(train_iterator, num_samples, max_seq_length): + """ + The training iterator is advanced so that after groupifying the samples, + `num_samples` of length `max_seq_length` are returned. + """ + num_total_tokens = max_seq_length * num_samples + samples = defaultdict(list) + + i = 0 + while i < num_total_tokens: + tokenized_samples = next(train_iterator) + i += len(tokenized_samples["input_ids"]) + + # concatenate tokenized samples to list + samples = { + k: samples[k] + tokenized_samples[k] for k in tokenized_samples.keys() + } + + # Concatenated tokens are split to lists of length `max_seq_length`. + # Note that remainedr of % max_seq_length are thrown away. + def group_texts(examples): + result = { + k: [ + t[i : i + max_seq_length] + for i in range(0, num_total_tokens, max_seq_length) + ] + for k, t in examples.items() + } + return result + + grouped_samples = group_texts(samples) + return grouped_samples + + +def write_train_metric(summary_writer, train_metrics, train_time, step): + summary_writer.scalar("train_time", train_time, step) + + train_metrics = get_metrics(train_metrics) + for key, vals in train_metrics.items(): + tag = f"train_{key}" + for i, val in enumerate(vals): + summary_writer.scalar(tag, val, step - len(vals) + i + 1) + + +def write_eval_metric(summary_writer, eval_metrics, step): + for metric_name, value in eval_metrics.items(): + summary_writer.scalar(f"eval_{metric_name}", value, step) + + +def save_checkpoint_files(state, data_collator, training_args, save_dir): + unreplicated_state = jax_utils.unreplicate(state) + with open(os.path.join(save_dir, "optimizer_state.msgpack"), "wb") as f: + f.write(to_bytes(unreplicated_state.opt_state)) + joblib.dump(training_args, os.path.join(save_dir, "training_args.joblib")) + joblib.dump(data_collator, os.path.join(save_dir, "data_collator.joblib")) + with open(os.path.join(save_dir, "training_state.json"), "w") as f: + json.dump({"step": unreplicated_state.step.item()}, f) + + +def restore_checkpoint(save_dir, state): + logger.info(f"Restoring checkpoint from {save_dir}") + with open(os.path.join(save_dir, "flax_model.msgpack"), "rb") as f: + params = from_bytes(state.params, f.read()) + + with open(os.path.join(save_dir, "optimizer_state.msgpack"), "rb") as f: + opt_state = from_bytes(state.opt_state, f.read()) + + args = joblib.load(os.path.join(save_dir, "training_args.joblib")) + data_collator = joblib.load(os.path.join(save_dir, "data_collator.joblib")) + + with open(os.path.join(save_dir, "training_state.json"), "r") as f: + training_state = json.load(f) + step = training_state["step"] + + return params, opt_state, step, args, data_collator + + +def rotate_checkpoints(path, max_checkpoints=5): + paths = sorted(Path(path).iterdir(), key=os.path.getmtime)[::-1] + if len(paths) > max_checkpoints: + for path_to_delete in paths[max_checkpoints:]: + try: + shutil.rmtree(path_to_delete) + except OSError: + os.remove(path_to_delete) + + +def to_f32(t): + return jax.tree_map( + lambda x: x.astype(jnp.float32) if x.dtype == jnp.bfloat16 else x, t + ) + + +def convert(output_dir, destination_dir="./"): + shutil.copyfile( + Path(output_dir) / "flax_model.msgpack", + Path(destination_dir) / "flax_model.msgpack", + ) + shutil.copyfile( + Path(output_dir) / "config.json", Path(destination_dir) / "config.json" + ) + # Saving extra files from config.json and tokenizer.json files + tokenizer = AutoTokenizer.from_pretrained(destination_dir) + tokenizer.save_pretrained(destination_dir) + + # Temporary saving bfloat16 Flax model into float32 + tmp = tempfile.mkdtemp() + flax_model = FlaxRobertaForMaskedLM.from_pretrained(destination_dir) + flax_model.params = to_f32(flax_model.params) + flax_model.save_pretrained(tmp) + # Converting float32 Flax to PyTorch + model = RobertaForMaskedLM.from_pretrained(tmp, from_flax=True) + model.save_pretrained(destination_dir, save_config=False) + + +if __name__ == "__main__": + # See all possible arguments in src/transformers/training_args.py + # or by passing the --help flag to this script. + # We now keep distinct sets of args, for a cleaner separation of concerns. + + parser = HfArgumentParser( + (ModelArguments, DataTrainingArguments, TrainingArguments, SamplingArguments) + ) + if len(sys.argv) == 2 and sys.argv[1].endswith(".json"): + # If we pass only one argument to the script and it's the path to a json file, + # let's parse it to get our arguments. + model_args, data_args, training_args, sampling_args = parser.parse_json_file( + json_file=os.path.abspath(sys.argv[1]) + ) + else: + ( + model_args, + data_args, + training_args, + sampling_args, + ) = parser.parse_args_into_dataclasses() + + if ( + os.path.exists(training_args.output_dir) + and os.listdir(training_args.output_dir) + and training_args.do_train + and not training_args.overwrite_output_dir + ): + raise ValueError( + f"Output directory ({training_args.output_dir}) already exists and is not empty." + "Use --overwrite_output_dir to overcome." + ) + + # Setup logging + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + level="INFO", + datefmt="[%X]", + ) + + # Log on each process the small summary: + logger = logging.getLogger(__name__) + logger.warning( + f"Process rank: {training_args.local_rank}, device: {training_args.device}, n_gpu: {training_args.n_gpu}" + + f"distributed training: {bool(training_args.local_rank != -1)}, 16-bits training: {training_args.fp16}" + ) + + # Set the verbosity to info of the Transformers logger (on main process only): + logger.info(f"Training/evaluation parameters {training_args}") + + # Set seed before initializing model. + set_seed(training_args.seed) + + # Get the datasets: you can either provide your own CSV/JSON/TXT training and evaluation files (see below) + # or just provide the name of one of the public datasets available on the hub at https://huggingface.co/datasets/ + # (the dataset will be downloaded automatically from the datasets Hub). + # + # For CSV/JSON files, this script will use the column called 'text' or the first column if no column called + # 'text' is found. You can easily tweak this behavior (see below). + if data_args.dataset_name is not None: + # Downloading and loading a dataset from the hub. + filepaths = {} + if data_args.train_file: + filepaths["train"] = data_args.train_file + if data_args.validation_file: + filepaths["validation"] = data_args.validation_file + try: + dataset = load_dataset( + data_args.dataset_name, + data_args.dataset_config_name, + cache_dir=model_args.cache_dir, + streaming=True, + split="train", + sampling_method=sampling_args.sampling_method, + sampling_factor=sampling_args.sampling_factor, + boundaries=sampling_args.boundaries, + perplexity_model=sampling_args.perplexity_model, + seed=training_args.seed, + data_files=filepaths, + ) + except Exception as exc: + logger.warning( + f"Unable to load local dataset with perplexity sampling support. Using huggingface.co/datasets/{data_args.dataset_name}: {exc}" + ) + dataset = load_dataset( + data_args.dataset_name, + data_args.dataset_config_name, + cache_dir=model_args.cache_dir, + streaming=True, + split="train", + ) + + if model_args.config_name: + config = AutoConfig.from_pretrained( + model_args.config_name, cache_dir=model_args.cache_dir + ) + elif model_args.model_name_or_path: + config = AutoConfig.from_pretrained( + model_args.model_name_or_path, cache_dir=model_args.cache_dir + ) + else: + config = CONFIG_MAPPING[model_args.model_type]() + logger.warning("You are instantiating a new config instance from scratch.") + + if model_args.tokenizer_name: + tokenizer = AutoTokenizer.from_pretrained( + model_args.tokenizer_name, + cache_dir=model_args.cache_dir, + use_fast=model_args.use_fast_tokenizer, + ) + elif model_args.model_name_or_path: + tokenizer = AutoTokenizer.from_pretrained( + model_args.model_name_or_path, + cache_dir=model_args.cache_dir, + use_fast=model_args.use_fast_tokenizer, + ) + else: + raise ValueError( + "You are instantiating a new tokenizer from scratch. This is not supported by this script." + "You can do it from another script, save it, and load it from here, using --tokenizer_name." + ) + + # Otherwise, we tokenize every text, then concatenate them together before splitting them in smaller parts. + # We use `return_special_tokens_mask=True` because DataCollatorForLanguageModeling (see below) is more + # efficient when it receives the `special_tokens_mask`. + def tokenize_function(examples): + return tokenizer( + examples[data_args.text_column_name], return_special_tokens_mask=True + ) + + tokenized_datasets = dataset.map( + tokenize_function, + batched=True, + ) + + shuffle_seed = training_args.seed + tokenized_datasets = tokenized_datasets.shuffle( + buffer_size=data_args.shuffle_buffer_size, seed=shuffle_seed + ) + + # Enable tensorboard only on the master node + has_tensorboard = is_tensorboard_available() + if has_tensorboard and jax.process_index() == 0: + try: + # Enable Weight&Biases + import wandb + + wandb.init( + entity="wandb", + project="hf-flax-bertin-roberta-es", + sync_tensorboard=True, + ) + wandb.config.update(training_args) + wandb.config.update(model_args) + wandb.config.update(data_args) + from flax.metrics.tensorboard import SummaryWriter + + summary_writer = SummaryWriter(log_dir=Path(training_args.output_dir)) + except ImportError as ie: + has_tensorboard = False + logger.warning( + f"Unable to display metrics through TensorBoard because some package are not installed: {ie}" + ) + else: + logger.warning( + "Unable to display metrics through TensorBoard because the package is not installed: " + "Please run pip install tensorboard to enable." + ) + + # Data collator + # This one will take care of randomly masking the tokens. + data_collator = FlaxDataCollatorForLanguageModeling( + tokenizer=tokenizer, mlm_probability=data_args.mlm_probability + ) + + # Initialize our training + rng = jax.random.PRNGKey(training_args.seed) + dropout_rngs = jax.random.split(rng, jax.local_device_count()) + + if model_args.model_name_or_path: + model = FlaxAutoModelForMaskedLM.from_pretrained( + model_args.model_name_or_path, + config=config, + seed=training_args.seed, + dtype=getattr(jnp, model_args.dtype), + ) + else: + model = FlaxAutoModelForMaskedLM.from_config( + config, seed=training_args.seed, dtype=getattr(jnp, model_args.dtype) + ) + + # Store some constant + num_epochs = int(training_args.num_train_epochs) + train_batch_size = ( + int(training_args.per_device_train_batch_size) * jax.device_count() + ) + eval_batch_size = int(training_args.per_device_eval_batch_size) * jax.device_count() + + # define number steps per stream epoch + num_train_steps = data_args.num_train_steps + + # Create learning rate schedule + warmup_fn = optax.linear_schedule( + init_value=0.0, + end_value=training_args.learning_rate, + transition_steps=training_args.warmup_steps, + ) + decay_fn = optax.linear_schedule( + init_value=training_args.learning_rate, + end_value=0, + transition_steps=num_train_steps - training_args.warmup_steps, + ) + linear_decay_lr_schedule_fn = optax.join_schedules( + schedules=[warmup_fn, decay_fn], boundaries=[training_args.warmup_steps] + ) + + # We use Optax's "masking" functionality to not apply weight decay + # to bias and LayerNorm scale parameters. decay_mask_fn returns a + # mask boolean with the same structure as the parameters. + # The mask is True for parameters that should be decayed. + # Note that this mask is specifically adapted for FlaxBERT-like models. + # For other models, one should correct the layer norm parameter naming + # accordingly. + def decay_mask_fn(params): + flat_params = traverse_util.flatten_dict(params) + flat_mask = { + path: (path[-1] != "bias" and path[-2:] != ("LayerNorm", "scale")) + for path in flat_params + } + return traverse_util.unflatten_dict(flat_mask) + + # create adam optimizer + adamw = optax.adamw( + learning_rate=linear_decay_lr_schedule_fn, + b1=training_args.adam_beta1, + b2=training_args.adam_beta2, + eps=training_args.adam_epsilon, + weight_decay=training_args.weight_decay, + mask=decay_mask_fn, + ) + + # Setup train state + state = train_state.TrainState.create( + apply_fn=model.__call__, params=model.params, tx=adamw + ) + saved_step = -1 + if model_args.model_name_or_path and "checkpoint" in model_args.model_name_or_path: + params, opt_state, saved_step, args, data_collator = restore_checkpoint( + model_args.model_name_or_path, state + ) + # Create learning rate schedule + warmup_fn = optax.linear_schedule( + init_value=0.0, + end_value=args.learning_rate, + transition_steps=args.warmup_steps, + ) + decay_fn = optax.linear_schedule( + init_value=args.learning_rate, + end_value=0, + transition_steps=data_args.num_train_steps - args.warmup_steps, + ) + linear_decay_lr_schedule_fn = optax.join_schedules( + schedules=[warmup_fn, decay_fn], boundaries=[args.warmup_steps] + ) + # create adam optimizer + adamw = optax.adamw( + learning_rate=linear_decay_lr_schedule_fn, + b1=training_args.adam_beta1, + b2=training_args.adam_beta2, + eps=training_args.adam_epsilon, + weight_decay=args.weight_decay, + mask=decay_mask_fn, + ) + state = train_state.TrainState( + step=saved_step, + apply_fn=model.__call__, + params=params, + tx=adamw, + opt_state=opt_state, + ) + # self.args = args + # data_collator = data_collator + # scheduler_fn = args.learning_rate + model.params = params + + # Define gradient update step fn + def train_step(state, batch, dropout_rng): + dropout_rng, new_dropout_rng = jax.random.split(dropout_rng) + + def loss_fn(params): + labels = batch.pop("labels") + + logits = state.apply_fn( + **batch, params=params, dropout_rng=dropout_rng, train=True + )[0] + + # compute loss, ignore padded input tokens + label_mask = jnp.where(labels > 0, 1.0, 0.0) + loss = ( + optax.softmax_cross_entropy(logits, onehot(labels, logits.shape[-1])) + * label_mask + ) + + # take average + loss = loss.sum() / label_mask.sum() + + return loss + + grad_fn = jax.value_and_grad(loss_fn) + loss, grad = grad_fn(state.params) + grad = jax.lax.pmean(grad, "batch") + new_state = state.apply_gradients(grads=grad) + + metrics = jax.lax.pmean( + {"loss": loss, "learning_rate": linear_decay_lr_schedule_fn(state.step)}, + axis_name="batch", + ) + + return new_state, metrics, new_dropout_rng + + # Create parallel version of the train step + p_train_step = jax.pmap(train_step, "batch", donate_argnums=(0,)) + + # Define eval fn + def eval_step(params, batch): + labels = batch.pop("labels") + + logits = model(**batch, params=params, train=False)[0] + + # compute loss, ignore padded input tokens + label_mask = jnp.where(labels > 0, 1.0, 0.0) + loss = ( + optax.softmax_cross_entropy(logits, onehot(labels, logits.shape[-1])) + * label_mask + ) + + # compute accuracy + accuracy = jnp.equal(jnp.argmax(logits, axis=-1), labels) * label_mask + + # summarize metrics + metrics = { + "loss": loss.sum(), + "accuracy": accuracy.sum(), + "normalizer": label_mask.sum(), + } + metrics = jax.lax.psum(metrics, axis_name="batch") + + return metrics + + p_eval_step = jax.pmap(eval_step, "batch", donate_argnums=(0,)) + + # Replicate the train state on each device + state = jax_utils.replicate(state) + + train_time = 0 + train_start = time.time() + train_metrics = [] + eval_metrics = [] + + training_iter = iter(tokenized_datasets) + + max_seq_length = min(data_args.max_seq_length, tokenizer.model_max_length) + eval_samples = advance_iter_and_group_samples( + training_iter, data_args.num_eval_samples, max_seq_length + ) + + last_desc = "" + steps = tqdm(range(num_train_steps), desc="Training...", position=0) + for step in range(num_train_steps): + if step < saved_step: + steps.update(1) + continue + # ======================== Training ================================ + try: + samples = advance_iter_and_group_samples( + training_iter, train_batch_size, max_seq_length + ) + except StopIteration: + # Once the end of the dataset stream is reached, the training iterator + # is reinitialized and reshuffled and a new eval dataset is randomely chosen. + shuffle_seed += 1 + tokenized_datasets.set_epoch(shuffle_seed) + + training_iter = iter(tokenized_datasets) + + eval_dataset = advance_iter_and_group_samples( + training_iter, data_args.num_eval_samples, max_seq_length + ) + samples = advance_iter_and_group_samples( + training_iter, train_batch_size, max_seq_length + ) + + # process input samples + model_inputs = data_collator(samples, pad_to_multiple_of=16) + + # Model forward + model_inputs = shard(model_inputs.data) + state, train_metric, dropout_rngs = p_train_step( + state, model_inputs, dropout_rngs + ) + + train_metrics.append(train_metric) + + if step % training_args.logging_steps == 0 and step > 0: + steps.write( + f"Step... ({step} | Loss: {train_metric['loss'].mean()}, Learning Rate: {train_metric['learning_rate'].mean()})" + ) + train_time += time.time() - train_start + if has_tensorboard and jax.process_index() == 0: + write_train_metric(summary_writer, train_metrics, train_time, step) + train_metrics = [] + + # ======================== Evaluating ============================== + if step % training_args.eval_steps == 0 and step > 0: + eval_samples_idx = jnp.arange(data_args.num_eval_samples) + eval_batch_idx = generate_batch_splits(eval_samples_idx, eval_batch_size) + + for i, batch_idx in enumerate( + tqdm(eval_batch_idx, desc="Evaluating ...", position=1) + ): + # process input samples + batch_eval_samples = { + k: [v[idx] for idx in batch_idx] for k, v in eval_samples.items() + } + model_inputs = data_collator(batch_eval_samples, pad_to_multiple_of=16) + + # Model forward + model_inputs = shard(model_inputs.data) + metrics = p_eval_step(state.params, model_inputs) + eval_metrics.append(metrics) + + # normalize eval metrics + eval_metrics = get_metrics(eval_metrics) + eval_metrics = jax.tree_map(jnp.sum, eval_metrics) + eval_normalizer = eval_metrics.pop("normalizer") + eval_metrics = jax.tree_map(lambda x: x / eval_normalizer, eval_metrics) + + # Update progress bar + steps.desc = f"Step... ({step}/{num_train_steps} | Loss: {eval_metrics['loss']}, Acc: {eval_metrics['accuracy']})" + last_desc = steps.desc + + if has_tensorboard and jax.process_index() == 0: + write_eval_metric(summary_writer, eval_metrics, step) + eval_metrics = [] + + # save checkpoint after eval_steps + if ( + step % training_args.save_steps == 0 + and step > 0 + and jax.process_index() == 0 + ): + logger.info(f"Saving checkpoint at {step} steps") + params = jax.device_get(jax.tree_map(lambda x: x[0], state.params)) + model.save_pretrained( + training_args.output_dir, + params=params, + push_to_hub=False, + ) + save_checkpoint_files( + state, data_collator, training_args, training_args.output_dir + ) + checkpoints_dir = ( + Path(training_args.output_dir) / "checkpoints" / f"checkpoint-{step}" + ) + checkpoints_dir.mkdir(parents=True, exist_ok=True) + model.save_pretrained(checkpoints_dir, params=params) + save_checkpoint_files(state, data_collator, training_args, checkpoints_dir) + rotate_checkpoints( + Path(training_args.output_dir) / "checkpoints", + max_checkpoints=training_args.save_total_limit, + ) + convert(training_args.output_dir, "./") + model.save_pretrained( + training_args.output_dir, + params=params, + push_to_hub=training_args.push_to_hub, + commit_message=last_desc, + ) + + # update tqdm bar + steps.update(1) + + if jax.process_index() == 0: + logger.info(f"Saving checkpoint at {step} steps") + params = jax.device_get(jax.tree_map(lambda x: x[0], state.params)) + model.save_pretrained( + training_args.output_dir, + params=params, + push_to_hub=False, + ) + save_checkpoint_files( + state, data_collator, training_args, training_args.output_dir + ) + checkpoints_dir = ( + Path(training_args.output_dir) / "checkpoints" / f"checkpoint-{step}" + ) + checkpoints_dir.mkdir(parents=True, exist_ok=True) + model.save_pretrained(checkpoints_dir, params=params) + save_checkpoint_files(state, data_collator, training_args, checkpoints_dir) + convert(training_args.output_dir, "./") + model.save_pretrained( + training_args.output_dir, + params=params, + push_to_hub=training_args.push_to_hub, + commit_message=last_desc or "Saving model after training", + ) diff --git a/data_tooling/bertin/run_stream.sh b/data_tooling/bertin/run_stream.sh new file mode 100644 index 0000000..48dfd90 --- /dev/null +++ b/data_tooling/bertin/run_stream.sh @@ -0,0 +1,28 @@ +#! /bin/bash +# From https://arxiv.org/pdf/1907.11692.pdf for base model +python -c "import jax; print('TPUs', jax.device_count())" +python ./run_mlm_flax_stream.py \ + --output_dir="./outputs" \ + --model_type="roberta" \ + --config_name="./configs/base" \ + --tokenizer_name="./configs/base" \ + --dataset_name="./mc4" \ + --dataset_config_name="es" \ + --train_file="path/to/mc4-es-train-50M-XXX.jsonl" \ + --max_seq_length="128" \ + --pad_to_max_length \ + --per_device_train_batch_size="256" \ + --per_device_eval_batch_size="256" \ + --adam_beta1="0.9" \ + --adam_beta2="0.98" \ + --adam_epsilon="1e-6" \ + --learning_rate="6e-4" \ + --weight_decay="0.01" \ + --save_steps="10000" \ + --save_total_limit="5" \ + --warmup_steps="24000" \ + --overwrite_output_dir \ + --num_train_steps="250000" \ + --eval_steps="10000" \ + --dtype="bfloat16" \ + --logging_steps="500" 2>&1 | tee run_stream.log diff --git a/data_tooling/bertin/special_tokens_map.json b/data_tooling/bertin/special_tokens_map.json new file mode 100644 index 0000000..c2e8d1d --- /dev/null +++ b/data_tooling/bertin/special_tokens_map.json @@ -0,0 +1 @@ +{"bos_token": "", "eos_token": "", "unk_token": "", "sep_token": "", "pad_token": "", "cls_token": "", "mask_token": {"content": "", "single_word": false, "lstrip": true, "rstrip": false, "normalized": false}} diff --git a/data_tooling/bertin/tokenizer.json b/data_tooling/bertin/tokenizer.json new file mode 100644 index 0000000..f9e2ff7 --- /dev/null +++ b/data_tooling/bertin/tokenizer.json @@ -0,0 +1 @@ +{"version":"1.0","truncation":null,"padding":null,"added_tokens":[{"id":0,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":1,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":2,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":3,"special":true,"content":"","single_word":false,"lstrip":false,"rstrip":false,"normalized":false},{"id":4,"special":true,"content":"","single_word":false,"lstrip":true,"rstrip":false,"normalized":false}],"normalizer":null,"pre_tokenizer":{"type":"ByteLevel","add_prefix_space":false,"trim_offsets":true},"post_processor":{"type":"ByteLevel","add_prefix_space":true,"trim_offsets":false},"decoder":{"type":"ByteLevel","add_prefix_space":true,"trim_offsets":true},"model":{"type":"BPE","dropout":null,"unk_token":null,"continuing_subword_prefix":null,"end_of_word_suffix":null,"fuse_unk":false,"vocab":{"":0,"":1,"":2,"":3,"":4,"!":5,"\"":6,"#":7,"$":8,"%":9,"&":10,"'":11,"(":12,")":13,"*":14,"+":15,",":16,"-":17,".":18,"/":19,"0":20,"1":21,"2":22,"3":23,"4":24,"5":25,"6":26,"7":27,"8":28,"9":29,":":30,";":31,"<":32,"=":33,">":34,"?":35,"@":36,"A":37,"B":38,"C":39,"D":40,"E":41,"F":42,"G":43,"H":44,"I":45,"J":46,"K":47,"L":48,"M":49,"N":50,"O":51,"P":52,"Q":53,"R":54,"S":55,"T":56,"U":57,"V":58,"W":59,"X":60,"Y":61,"Z":62,"[":63,"\\":64,"]":65,"^":66,"_":67,"`":68,"a":69,"b":70,"c":71,"d":72,"e":73,"f":74,"g":75,"h":76,"i":77,"j":78,"k":79,"l":80,"m":81,"n":82,"o":83,"p":84,"q":85,"r":86,"s":87,"t":88,"u":89,"v":90,"w":91,"x":92,"y":93,"z":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,"ĭ":238,"Į":239,"į":240,"İ":241,"ı":242,"IJ":243,"ij":244,"Ĵ":245,"ĵ":246,"Ķ":247,"ķ":248,"ĸ":249,"Ĺ":250,"ĺ":251,"Ļ":252,"ļ":253,"Ľ":254,"ľ":255,"Ŀ":256,"ŀ":257,"Ł":258,"ł":259,"Ń":260,"de":261,"Ġe":262,"Ġde":263,"Ġl":264,"os":265,"Ġp":266,"Ġc":267,"ar":268,"en":269,"er":270,"Ġa":271,"es":272,"as":273,"Ġs":274,"on":275,"ci":276,"or":277,"ue":278,"an":279,"Ġm":280,"ad":281,"al":282,"Ġla":283,"que":284,"Ġen":285,"un":286,"ó":287,"in":288,"Ġt":289,"re":290,"Ġy":291,"st":292,"Ġque":293,"ent":294,"Ġel":295,"ÃŃ":296,"ic":297,"Ġcon":298,"ón":299,"á":300,"Ġn":301,"Ġun":302,"Ġh":303,"om":304,"ra":305,"do":306,"ro":307,"di":308,"ti":309,"Ġse":310,"Ġf":311,"ción":312,"Ġv":313,"am":314,"Ġes":315,"Ġlos":316,"Ġpar":317,"te":318,"Ġest":319,"Ġo":320,"le":321,"ta":322,"ri":323,"Ġin":324,"Ġre":325,"é":326,"to":327,"Ġsu":328,"Ġdel":329,"ado":330,"ol":331,"id":332,"Ġcom":333,"ĠC":334,"res":335,"ab":336,"ĠE":337,"Ġal":338,"Ġpor":339,"ec":340,"Ġb":341,"Ġd":342,"Ġlas":343,"Ġpara":344,"Ġg":345,"ente":346,"mp":347,"ñ":348,"ĠA":349,"is":350,"ación":351,"ĠP":352,"Ġuna":353,"ĠS":354,"il":355,"cion":356,"ÃŃa":357,"Ġdi":358,"Ġno":359,"ul":360,"âĢ":361,"qu":362,"ĠM":363,"Ġpro":364,"tu":365,"ac":366,"Ġsi":367,"ás":368,"Ġper":369,"Ġcu":370,"ĠL":371,"ter":372,"ien":373,"tr":374,"lo":375,"la":376,"ada":377,"Ġme":378,"io":379,"da":380,"Ġlo":381,"ma":382,"uc":383,"ist":384,"ir":385,"ú":386,"Ġdes":387,"ica":388,"ia":389,"el":390,"cia":391,"gu":392,"ĠD":393,"Ġac":394,"tos":395,"us":396,"go":397,"iz":398,"ier":399,"ient":400,"ran":401,"tiv":402,"it":403,"Ġ1":404,"Ġcomo":405,"Ġ(":406,"ales":407,"ando":408,"Ġto":409,"Ġex":410,"Ġi":411,"idad":412,"Ġ2":413,"..":414,"ues":415,"ciones":416,"ĠT":417,"Ġha":418,"Ġmás":419,"mo":420,"ici":421,"mos":422,"aj":423,"se":424,"bre":425,"ados":426,"tor":427,"ico":428,"ĠR":429,"cu":430,"pa":431,"ie":432,"án":433,"Ġser":434,"dad":435,"ĠB":436,"Ġj":437,"Ġpo":438,"den":439,"iv":440,"Ġso":441,"Ġan":442,"tra":443,"ĠG":444,"tes":445,"des":446,"ĠN":447,"ĠI":448,"bi":449,"ten":450,"era":451,"tro":452,"ĠF":453,"tar":454,"Ġtra":455,"Ġres":456,"ĠâĢ":457,"ida":458,"Ġap":459,"ión":460,"ras":461,"ig":462,"co":463,"ib":464,"ero":465,"Ġle":466,"im":467,"ch":468,"Ġte":469,"orm":470,"ca":471,"ador":472,"dos":473,"Ġpue":474,"iento":475,"Ġcomp":476,"um":477,"Ġqu":478,"Ġmu":479,"Ġpre":480,"Ġsus":481,"per":482,"ios":483,"ce":484,"ante":485,"Ġma":486,"Ġten":487,"po":488,"00":489,"ru":490,"tas":491,"der":492,"én":493,"âĢĿ":494,"ez":495,"Ġas":496,"ĠH":497,"Ġpr":498,"amos":499,"ĠV":500,"amente":501,"Ġpa":502,"pe":503,"tre":504,"Ġar":505,"Ġeste":506,"uch":507,"ĠJ":508,"bl":509,"Ġañ":510,"Ġhac":511,"Ġhab":512,"ĠU":513,"mente":514,"Ġca":515,"ara":516,"uer":517,"Ġman":518,"Ġimp":519,"con":520,"gun":521,"encia":522,"ĠâĢľ":523,"gar":524,"ion":525,"ĠEl":526,"Ġpres":527,"son":528,"ido":529,"rim":530,"ur":531,"Ġpero":532,"Ġsin":533,"aliz":534,"ĠLa":535,"na":536,"ga":537,"ambi":538,"adas":539,"Ġcas":540,"tros":541,"duc":542,"Ġesta":543,"Ġtien":544,"ust":545,"és":546,"ento":547,"El":548,"uev":549,"les":550,"ina":551,"Ġson":552,"ver":553,"za":554,"fer":555,"Ġver":556,"ĠO":557,"los":558,"Ġpas":559,"Ġr":560,"das":561,"je":562,"Ġmo":563,"ores":564,"Ġinter":565,"Ġdis":566,"ana":567,"ens":568,"ún":569,"01":570,"ĠEn":571,"...":572,"ora":573,"Ġperson":574,"Ġsobre":575,"ces":576,"las":577,"cul":578,"Ġcar":579,"cl":580,"Ġco":581,"ario":582,"ĠÂ":583,"Ġentre":584,"no":585,"icos":586,"entes":587,"lan":588,"ĠEst":589,"Ġlle":590,"tal":591,"Ġor":592,"Ġmis":593,"Ġcons":594,"Ġob":595,"Ġsol":596,"por":597,"Ġemp":598,"icas":599,"Ġnues":600,"baj":601,"Ġam":602,"Ġtu":603,"pon":604,"Ġnos":605,"Ġinf":606,"Ġmuch":607,"ĠIn":608,"ĠEs":609,"Ġya":610,"ech":611,"emos":612,"cias":613,"Ġmuy":614,"pañ":615,"cial":616,"enta":617,"em":618,"Ġsal":619,"Ġcre":620,"ambién":621,"Ġtodo":622,"Ġmedi":623,"oy":624,"Ġ3":625,"La":626,"jo":627,"eces":628,"Ġcor":629,"Ġpos":630,"Ġ\"":631,"dr":632,"if":633,"par":634,"Ġab":635,"Ġ201":636,"Ġesc":637,"able":638,"Ġprim":639,"Ġnuev":640,"ĠCon":641,"Ġmi":642,"Ġmej":643,"Ġdeb":644,"tivo":645,"Ġfin":646,"ano":647,"Ġtan":648,"rec":649,"gra":650,"cional":651,"oc":652,"ÃŃas":653,"endo":654,"min":655,"aba":656,"ÃŃn":657,"Ġmar":658,"orma":659,"ve":660,"Ġcam":661,"cio":662,"ño":663,"til":664,"ita":665,"me":666,"Ġtrabaj":667,"udi":668,"tura":669,"ÃŃs":670,"Ġestá":671,"ias":672,"pos":673,"uen":674,"ble":675,"fici":676,"ba":677,"ĠY":678,"Ġaños":679,"ren":680,"eb":681,"Ġpe":682,"esti":683,"Ġgran":684,"En":685,"Ġtambién":686,"Ġcal":687,"lar":688,"Ġdu":689,"asta":690,"ista":691,"Ġfue":692,"mas":693,"ven":694,"antes":695,"Ġdesde":696,"Ġpuede":697,"idades":698,"Ġhay":699,"Ġus":700,"amiento":701,"Ġni":702,"gan":703,"ros":704,"Ġna":705,"arios":706,"cip":707,"Ġparti":708,"ut":709,"jer":710,"ĠRe":711,"Ġcol":712,"Ġdos":713,"Ġcuando":714,"Ġ-":715,"Ġhacer":716,"oci":717,"Ġcual":718,"ĠSe":719,"ino":720,"fec":721,"car":722,"ort":723,"Ġu":724,"Ġtiene":725,"Ġtodos":726,"Ġdon":727,"ud":728,"ĠUn":729,"qui":730,"iemp":731,").":732,"ÃŃt":733,"Ġsegu":734,"Ġreg":735,"Ġmen":736,"Ġmun":737,"lic":738,"aron":739,"Ġhasta":740,"gen":741,"mb":742,"Ġneces":743,"Ġter":744,"Ġprop":745,"pec":746,"Ġcos":747,"Ġé":748,"Ġlu":749,"Ġhan":750,"Ġmejor":751,"Ġmay":752,"Ġ4":753,"ĠAl":754,"ener":755,"ing":756,"vi":757,"quier":758,"tiva":759,"ones":760,"og":761,"entos":762,"Ġbien":763,"ará":764,"Ġtiemp":765,"Ġdeci":766,"Ġdonde":767,"Ġcan":768,"tras":769,"mi":770,"Ġparte":771,"),":772,"Ġalgun":773,"Ġproduc":774,"so":775,"ay":776,"almente":777,"teri":778,"itu":779,"Ġad":780,"Ġexp":781,"Ġfun":782,"Ġch":783,"gr":784,"iones":785,"Ġgra":786,"más":787,"adores":788,"ob":789,"tur":790,"Ġ5":791,"Ġvez":792,"ĠDe":793,"Ġinform":794,"man":795,"uel":796,"can":797,"Ġmil":798,"Ġpol":799,"rib":800,"Ġcada":801,"Ġda":802,"zo":803,"Ġbuen":804,"ĠasÃŃ":805,"Ġrealiz":806,"idos":807,"Ġporque":808,"Ġforma":809,"ja":810,"et":811,"Ġll":812,"arse":813,"tado":814,"ste":815,"iu":816,"rante":817,"Ġpu":818,"Ġserv":819,"Ġtiempo":820,"Ġdo":821,"ĠCom":822,"ide":823,"ÃŃcul":824,"erv":825,"Ġve":826,"rol":827,"cil":828,"ona":829,"Ġsab":830,"Ġti":831,"ĠMar":832,"ĠNo":833,"emp":834,"âĢ¦":835,"eros":836,"pu":837,"Ġtran":838,"Ġespe":839,"cur":840,"ĠdÃŃa":841,"Ġ19":842,"ular":843,"unto":844,"com":845,"nos":846,"gos":847,"av":848,"Ġaño":849,"Ġne":850,"Ġ¿":851,"Ġuno":852,"ed":853,"ÃŃan":854,"miento":855,"Ġcer":856,"ér":857,"Ġcontra":858,"Ġcl":859,"Ġade":860,"Ġinst":861,"Ġcont":862,"Ġconf":863,"Ġvida":864,"itar":865,"ños":866,"úl":867,"iden":868,"Ġah":869,"icación":870,"Ġempres":871,"ito":872,"Ġinv":873,"Ġdic":874,"ĠW":875,"vo":876,"ible":877,"Ġau":878,"ĠSan":879,"alidad":880,"Ġincl":881,"ilidad":882,"Ġop":883,"ĠAn":884,"Ġfu":885,"ea":886,"tivos":887,"Ġfuer":888,"Ġllev":889,"omb":890,"iudad":891,"arrol":892,"Ġpersonas":893,"aciones":894,"tir":895,"úbl":896,"últi":897,"Ġprof":898,"lec":899,"ub":900,"Ġhace":901,"Ġlib":902,"Ġmismo":903,"Ġro":904,"Ġay":905,"Ġra":906,"Ġev":907,"ers":908,"Ġgener":909,"Ġlugar":910,"Ġof":911,"ĠCh":912,"at":913,"cios":914,"gún":915,"Ġcomun":916,"Ġservici":917,"Ġmayor":918,"du":919,"ĠpaÃŃs":920,"cas":921,"ĠLos":922,"Ġotros":923,"Ġbas":924,"cor":925,"âĢĿ,":926,"Ġreci":927,"uego":928,"ición":929,"Ġju":930,"ena":931,"Ġconst":932,"Ġdirec":933,"át":934,"Ġtrans":935,"yec":936,"anos":937,"pues":938,"Ġpla":939,"ientos":940,"Ġsec":941,"Ġpodr":942,"Ġera":943,"Ġmin":944,"Ġ6":945,"Ġmom":946,"dic":947,"ña":948,"incip":949,"Ġactu":950,"mpl":951,"Ġmas":952,"Ġplan":953,"Ġimport":954,"Ġmundo":955,"jos":956,"echo":957,"Ġden":958,"iendo":959,"Ġdist":960,"uy":961,"Ġrep":962,"ĠPor":963,"Ġval":964,"vers":965,"ración":966,"Ġsig":967,"Ġdifer":968,"Ġform":969,"éc":970,"Ġúlti":971,"Ġmes":972,"cuent":973,"Ġtanto":974,"Ġestán":975,"Ġvis":976,"ólo":977,"Ġdesarrol":978,"ĠK":979,"Ġmucho":980,"Ġviv":981,"Ġprincip":982,"ine":983,"ĠAr":984,"ton":985,"Ġencon":986,"âĢĿ.":987,"aje":988,"Ġdurante":989,"Ġw":990,"Ġutil":991,"Ġli":992,"Ġsent":993,"ombre":994,"Ġsolo":995,"Ġsiemp":996,"Ġsiempre":997,"tic":998,"Ġtrabajo":999,"endi":1000,"unque":1001,"vis":1002,"Ġequi":1003,"pués":1004,"amil":1005,"ismo":1006,"Ġtener":1007,"Ġpues":1008,"Ġcent":1009,"Ġhist":1010,"Ġpon":1011,"Ġher":1012,"Ġcuenta":1013,"Ġquien":1014,"rar":1015,"Ġdest":1016,"Ġcab":1017,"ĠLe":1018,"Ġles":1019,"oria":1020,"Ġbaj":1021,"Ġeso":1022,"Ġpes":1023,"trar":1024,"Ġdej":1025,"Ġestudi":1026,"cer":1027,"ruc":1028,"istas":1029,"ceso":1030,"Ġcaso":1031,"Ġcualquier":1032,"Ġciudad":1033,"segu":1034,"tel":1035,"Ġá":1036,"ĠPro":1037,"Ġquier":1038,"tación":1039,"Ġalgo":1040,"tores":1041,"Ġtras":1042,"iente":1043,"fic":1044,"Ġese":1045,"Ġtar":1046,"rech":1047,"entar":1048,"Ġotro":1049,"sta":1050,"Ġvol":1051,"argo":1052,"Ġmenos":1053,"dades":1054,"dar":1055,"Ġresul":1056,"imo":1057,"Ġref":1058,"Ġcomple":1059,"Ġri":1060,"Ġllam":1061,"Ġencuent":1062,"Ġbus":1063,"Ġmujer":1064,"Ġcó":1065,"ĠMe":1066,"zar":1067,"Ġhor":1068,"ĀĀ":1069,"Ġsido":1070,"Ġexper":1071,"Ġpoco":1072,"Ġtom":1073,"Ġnuestro":1074,"ene":1075,"Ġutiliz":1076,"ĠSi":1077,"ución":1078,"eo":1079,"ho":1080,"cal":1081,"Ġven":1082,"teg":1083,"Ġpl":1084,"Ġtoda":1085,"ús":1086,"Ġmomento":1087,"gua":1088,"ancia":1089,"ital":1090,"ierno":1091,"Ġsuper":1092,"ĠCar":1093,"Ġrela":1094,"Ġmon":1095,"Ġfal":1096,"Ġ7":1097,"Ġapar":1098,"Ġestos":1099,"Ġ200":1100,"ece":1101,"paña":1102,"Ġpueden":1103,"Ġinformación":1104,"Ġsea":1105,"Ġdef":1106,"ala":1107,"Ġhi":1108,"óm":1109,"Ġtodas":1110,"omo":1111,"Ġgust":1112,"ĠAs":1113,"ola":1114,"Ġfamil":1115,"Ġproyec":1116,"cel":1117,"Ġ8":1118,"ivers":1119,"ciales":1120,"Ġmer":1121,"Ġprofes":1122,"ris":1123,"ĠDE":1124,"Ġnuestra":1125,"Ġnuevo":1126,"tan":1127,"Ġorgan":1128,"Ġpoder":1129,"Ġyo":1130,"Los":1131,"Ġproble":1132,"ĠQ":1133,"Ġtipo":1134,"tó":1135,"ÃŃst":1136,"ĠpolÃŃt":1137,"Ġactiv":1138,"Ġpúbl":1139,"Ġtr":1140,"cre":1141,"CI":1142,"Ġtrav":1143,"Ġcap":1144,"Ġcul":1145,"Ġderech":1146,"ĠhabÃŃa":1147,"Ġz":1148,"uso":1149,"Ġemb":1150,"Ġva":1151,"ĠdÃŃas":1152,"Ġestar":1153,"uro":1154,"Ġantes":1155,"vil":1156,"Ġfi":1157,"tis":1158,"ÃŃo":1159,"Ġmanera":1160,"Ġobje":1161,"Ġhum":1162,"gres":1163,"ge":1164,"quel":1165,"Ġelec":1166,"Ġ10":1167,"Ġpubl":1168,"Ġprimer":1169,"olog":1170,"Ġhe":1171,"Ġtal":1172,"Ġtres":1173,"Ġprimera":1174,"ES":1175,"imiento":1176,"Ġesp":1177,"ima":1178,"eron":1179,"Ġdespués":1180,"Ġahora":1181,"Ġide":1182,"Ġtravés":1183,"Ġ9":1184,"Ġotra":1185,"ác":1186,"Ġgru":1187,"omin":1188,"Ġtienen":1189,"Ġsigu":1190,"cep":1191,"ĠDes":1192,"Ġdar":1193,"Ġhecho":1194,"Ġsólo":1195,"tec":1196,"Ġesto":1197,"Ġvar":1198,"tamente":1199,"che":1200,"Ġaf":1201,"Ġqué":1202,"Ġsegun":1203,"obierno":1204,"ĠNa":1205,"cos":1206,"aban":1207,"quÃŃ":1208,"ĠLas":1209,"tados":1210,"ivel":1211,"ual":1212,"ĠSu":1213,"sión":1214,"tica":1215,"Ġdecir":1216,"ER":1217,"Ġir":1218,"erg":1219,"Ġesa":1220,"óg":1221,"ome":1222,"Ġfo":1223,"va":1224,"Ġotras":1225,"Ġba":1226,"ĠÃ":1227,"tivas":1228,"Ġgu":1229,"erÃŃa":1230,"Ġhoy":1231,"ap":1232,"Ġunos":1233,"Ġconoci":1234,"Ġcasa":1235,"Ġellos":1236,"ientes":1237,"Ġins":1238,"Ġgan":1239,"ientras":1240,"Ġfr":1241,"Ġprogra":1242,"Ġsitu":1243,"leg":1244,"van":1245,"Ġefec":1246,"Ġmal":1247,"Ġpel":1248,"Ġsub":1249,"idas":1250,"cidad":1251,"Ġpens":1252,"tural":1253,"Ġpeque":1254,"Ġaunque":1255,"Ġexist":1256,"Ġentr":1257,"ór":1258,"iar":1259,"Ġespecial":1260,"dido":1261,"Ġnada":1262,"zas":1263,"Ġaquel":1264,"ió":1265,"!!":1266,"Ġ,":1267,"dia":1268,"\",":1269,"ama":1270,"Ġrespon":1271,"Ġpermi":1272,"Ġcontin":1273,"Ġnivel":1274,"Ġante":1275,"ridad":1276,"ior":1277,"iencia":1278,"Ġrel":1279,"ĠCu":1280,"Ġecon":1281,"cado":1282,"eno":1283,"Ġestado":1284,"Ġorganiz":1285,"duci":1286,"Ġk":1287,"inas":1288,"sa":1289,"gas":1290,"Ġ.":1291,"Ġapro":1292,"Ġcómo":1293,"Ġpresent":1294,"Ġseñ":1295,"âĢľ":1296,"rado":1297,"Ġél":1298,"ág":1299,"AR":1300,"Ġbo":1301,"Ġmill":1302,"ril":1303,"inar":1304,"rist":1305,"OS":1306,"ern":1307,"Ġedi":1308,"Ġcier":1309,"ĠPar":1310,"ál":1311,"Ġpri":1312,"Ġeje":1313,"minist":1314,"000":1315,"Ġestas":1316,"Ġsino":1317,"EN":1318,"oso":1319,"Ġart":1320,"stema":1321,"Ġpal":1322,"Ġsistema":1323,"Ġtemp":1324,"Ġademás":1325,"Ġautor":1326,"Ġdatos":1327,"Se":1328,"Ġdebe":1329,"Ġpi":1330,"eci":1331,"ĠMa":1332,"Ġbar":1333,"ord":1334,"Ġún":1335,"lica":1336,"Ġsem":1337,"Ġdise":1338,"Ġmedio":1339,"úm":1340,"Ġserá":1341,"ele":1342,"tener":1343,"Ġcomer":1344,"ĠCo":1345,"Ġpasado":1346,"ial":1347,"Con":1348,"Por":1349,"ĠX":1350,"Ġag":1351,"Ġmuchos":1352,"eza":1353,"ĠZ":1354,"Ġcambi":1355,"mar":1356,"imos":1357,"ĠPara":1358,"Ġcosas":1359,"Ġcapa":1360,"lor":1361,"Ġequipo":1362,"ific":1363,"Ġsan":1364,"terior":1365,"écn":1366,"idente":1367,"quil":1368,"adora":1369,"ĠPero":1370,"ON":1371,"Ġweb":1372,"sos":1373,"Ġos":1374,"Ġho":1375,"No":1376,"icia":1377,"ĠsÃŃ":1378,"Ġinteres":1379,"Ġejemp":1380,"cionales":1381,"Es":1382,"ĠTo":1383,"tam":1384,"Ġban":1385,"Ġalgunos":1386,"Ġimportante":1387,"untos":1388,"ÃŃculo":1389,"\".":1390,"cha":1391,"ĠEspaña":1392,"he":1393,"fica":1394,"Ġlleg":1395,"AS":1396,"Ġhistoria":1397,"ocer":1398,"tención":1399,"ulo":1400,"Ġempresa":1401,"ya":1402,"Ġtotal":1403,"Ġmillones":1404,"Ġ15":1405,"rig":1406,"Ġestable":1407,"tido":1408,"embre":1409,"Ġ20":1410,"Ġnuestros":1411,"Ġrepres":1412,"Ġella":1413,"Ġcalidad":1414,"ha":1415,"aran":1416,"ables":1417,"inos":1418,"Ġnueva":1419,"Ġ¡":1420,"anza":1421,"itos":1422,"Ġcompar":1423,"cri":1424,"ĠâĢĵ":1425,"Ġhoras":1426,"Ġesper":1427,"tad":1428,"bo":1429,"ep":1430,"Ġmientras":1431,"Ġservicios":1432,"ex":1433,"Ġfinal":1434,"ment":1435,"dan":1436,"adre":1437,"Ġele":1438,"ura":1439,"orn":1440,"AN":1441,"ieron":1442,"ip":1443,"Ġrecon":1444,"Ġvia":1445,"Ġaplic":1446,"Ġuso":1447,"Ġcontro":1448,"ologÃŃa":1449,"rir":1450,"Ġinici":1451,"ĠInter":1452,"Ġhacia":1453,"Ġinvesti":1454,"demos":1455,"bio":1456,"port":1457,"Ġrecu":1458,"Ġprofesion":1459,"Ġdiferentes":1460,"Ġcr":1461,"»":1462,"log":1463,"Ġveces":1464,"Ġservicio":1465,"Ġgente":1466,"orte":1467,"Ġdentro":1468,"gual":1469,"Ġespa":1470,"AL":1471,"Ġestaba":1472,"tidad":1473,"Ġdijo":1474,"Ġusu":1475,"ĠLo":1476,"Ġnúm":1477,"avor":1478,"abor":1479,"cimiento":1480,"ecn":1481,"Ġagua":1482,"Ġ12":1483,"tac":1484,"ilo":1485,"óx":1486,"Ġacuer":1487,"ono":1488,"ĠCas":1489,"cie":1490,"Ġofre":1491,"Ġind":1492,"Ġsegún":1493,"uela":1494,"Ġdispon":1495,"Si":1496,"Ġrev":1497,"Ġmuchas":1498,"ok":1499,"dio":1500,"Ġespañ":1501,"all":1502,"Ġaut":1503,"Ġcompañ":1504,"encias":1505,"ĠBar":1506,"Ġsocial":1507,"rid":1508,"Ġfuncion":1509,"Ġ18":1510,"Ġmisma":1511,"Ġello":1512,"ard":1513,"Ġpersona":1514,"and":1515,"Ġproductos":1516,"ĠSal":1517,"Ġrecor":1518,"Ġanti":1519,"Ġpan":1520,"Ġru":1521,"esta":1522,"Ġ...":1523,"ula":1524,"Ġima":1525,"Ġembargo":1526,"mple":1527,"Ġofici":1528,"Ġdistin":1529,"Ġtus":1530,"Ġgrupo":1531,"demás":1532,"Ġcontinu":1533,"Ġllegar":1534,"Ġposible":1535,"ĠaquÃŃ":1536,"ral":1537,"âĢĻ":1538,"atro":1539,"gn":1540,"Ġdisf":1541,"cin":1542,"OR":1543,"uda":1544,"Ġescri":1545,"pi":1546,"Ġmá":1547,"ĠJu":1548,"illa":1549,"Ġley":1550,"rá":1551,"aria":1552,"ria":1553,"Ġproceso":1554,"Ġorig":1555,"Ġsue":1556,"Ġamb":1557,"Ġsex":1558,"Ġhaber":1559,"Ġconv":1560,"Ġclas":1561,"Ġfavor":1562,"Ġprov":1563,"ológ":1564,"oma":1565,"icip":1566,"Ġvi":1567,"Ġmujeres":1568,"Ġtécn":1569,"ill":1570,"ĠMad":1571,"eta":1572,"bol":1573,"Ġvo":1574,"Ġmé":1575,"stitu":1576,"Las":1577,"Ġgeneral":1578,"Ġpie":1579,"tio":1580,"tante":1581,"Ġjug":1582,"ĠPer":1583,"torio":1584,"Ġcuer":1585,"Ġejemplo":1586,"dida":1587,"Ġpregun":1588,"Ġcur":1589,"Ġespec":1590,"zón":1591,"Ġdesarrollo":1592,"graf":1593,"form":1594,"ber":1595,"dor":1596,"bido":1597,"turas":1598,"Ġencontrar":1599,"Ġayud":1600,"iso":1601,"ĠDi":1602,"unca":1603,"itas":1604,"Ġgrandes":1605,"Ġnoso":1606,"tamiento":1607,"ĠGu":1608,"Ġfueron":1609,"ach":1610,"Ġmode":1611,"Ġrecib":1612,"Ġproyecto":1613,"¿":1614,"Ġcondi":1615,"estión":1616,"jas":1617,"ĠPa":1618,"Ġbajo":1619,"Ġluego":1620,"tera":1621,"Ġpróx":1622,"ĠEx":1623,"Ġleg":1624,"pen":1625,"Ġpunto":1626,"ciendo":1627,"Ġfá":1628,"ĠNacional":1629,"ace":1630,"ám":1631,"gación":1632,"Ġparticip":1633,"ĠMé":1634,"Ġpod":1635,"Ġ0":1636,"Ġquer":1637,"Ġint":1638,"Ġindi":1639,"Ġcin":1640,"Ġpersonal":1641,"Ġtri":1642,"Ġcompr":1643,"Ġeduc":1644,"pecto":1645,"Ġenf":1646,"Ġposib":1647,"Ġgas":1648,"ric":1649,"Ġcasi":1650,"Ġsemana":1651,"Ġdin":1652,"ecu":1653,"Est":1654,"tico":1655,"Ġ«":1656,"porte":1657,"Ġconten":1658,"ĠUnivers":1659,"unci":1660,"eleb":1661,"Ġniños":1662,"Ġnov":1663,"ĠRo":1664,"Ġsac":1665,"Ġconocer":1666,"Ġnosotros":1667,"Ġfor":1668,"ÂŃ":1669,"Ġeconóm":1670,"Ġtrad":1671,"Ġampl":1672,"AD":1673,"Ġacuerdo":1674,"Ġdisfru":1675,"Ġcolor":1676,"Ġnombre":1677,"eras":1678,"Ġclar":1679,"Ġvalor":1680,"Ġminu":1681,"Ġmuer":1682,"Ġapoy":1683,"ajes":1684,"rea":1685,"ĠPo":1686,"Ġempresas":1687,"tonces":1688,"xico":1689,"Ġexperiencia":1690,"Ġvuel":1691,"Ġbuena":1692,"Ġinterna":1693,"IC":1694,"dió":1695,"Ġorden":1696,"Ġdescu":1697,"Ġzona":1698,"ĠCol":1699,"Ġrespons":1700,"ĀĀĀĀ":1701,"Ġmie":1702,"ĠMan":1703,"pre":1704,"ĠAm":1705,"Ġinstal":1706,"Ġmejores":1707,"Ġgracias":1708,"Ġseguridad":1709,"Ġigual":1710,"ensa":1711,"Ġnego":1712,"Ġsalud":1713,"Ġceleb":1714,"Ġnúmero":1715,"uestra":1716,"Ġpág":1717,"ite":1718,"acter":1719,"ĠSin":1720,"Ġextra":1721,"isión":1722,"tá":1723,"Ġet":1724,"cina":1725,"osa":1726,"iene":1727,"dencia":1728,"ĠCa":1729,"Ġtendr":1730,"Ġtecn":1731,"abilidad":1732,"echa":1733,"ĠEste":1734,"ctu":1735,"fico":1736,"Ġcaus":1737,"Ġrecom":1738,"Ġpalab":1739,"Ãĥ":1740,"áp":1741,"ĠVal":1742,"ĠSo":1743,"Ġconsi":1744,"Ġrealizar":1745,"vid":1746,"Ġcuan":1747,"Ġlab":1748,"ne":1749,"Ġaum":1750,"ización":1751,"Ġmeses":1752,"posición":1753,"Ġlado":1754,"Ġall":1755,"201":1756,"Ġtermin":1757,"Ġasegu":1758,"Ġexpres":1759,"ram":1760,"Ġqued":1761,"Ġ/":1762,"Des":1763,"irm":1764,"Ġsa":1765,"ñas":1766,"Ġfamilia":1767,"toria":1768,"Ġdif":1769,"ĠMo":1770,"Al":1771,"Ġapren":1772,"Ġon":1773,"Ġtrata":1774,"Ġ|":1775,"ĠlÃŃ":1776,"Ġprev":1777,"Ġhombre":1778,"Ġcentro":1779,"ombres":1780,"Ġnatural":1781,"Ġfa":1782,"ban":1783,"ĠUna":1784,"Ġinte":1785,"ivo":1786,"Ġ11":1787,"lam":1788,"Ġ#":1789,"Ġcir":1790,"Ġlibro":1791,"Ġcumpl":1792,"Para":1793,"De":1794,"ire":1795,"ĠlÃŃn":1796,"ĠFran":1797,"Ġvent":1798,"Ġfuera":1799,"oles":1800,"dera":1801,"cis":1802,"puesto":1803,"Ġrecur":1804,"pti":1805,"gent":1806,"izo":1807,"Ġpuedes":1808,"anci":1809,"Ġnunca":1810,"Ġincluso":1811,"Ġmercado":1812,"dose":1813,"ĠEsta":1814,"Ġ30":1815,"Ġjuego":1816,"Ġprác":1817,"ĠMadrid":1818,"Ġtenemos":1819,"Ġhemos":1820,"Ġjue":1821,"Ġamig":1822,"Ġdeber":1823,"Ġ2018":1824,"Ġpresidente":1825,"ĠEstado":1826,"ĠMun":1827,"ies":1828,"portun":1829,"Ġmateri":1830,"Ġemple":1831,"Ġ[":1832,"isto":1833,"Ġamor":1834,"Ġunas":1835,"ares":1836,"ecer":1837,"Ġperfec":1838,"icamente":1839,"Ġalim":1840,"Ġacer":1841,"Ġparece":1842,"bar":1843,"Ġproblemas":1844,"Ġdestac":1845,"Ġcambio":1846,"Ġalcan":1847,"Ġregist":1848,"Ġincluy":1849,"Ġsen":1850,"olución":1851,"Ġtengo":1852,"net":1853,"Ġale":1854,"Ġjust":1855,"Ãĵ":1856,"Ġcomen":1857,"dente":1858,"Ġaún":1859,"Ġhora":1860,"Ġust":1861,"ĠCent":1862,"uros":1863,"Ġseguir":1864,"Ġrefer":1865,"und":1866,"titu":1867,"Ġjunto":1868,"Ġprograma":1869,"Ġsaber":1870,"tific":1871,"Ġalguna":1872,"Ġrelación":1873,"icado":1874,"bles":1875,"end":1876,"ile":1877,"af":1878,"termin":1879,"rio":1880,"Ġcontac":1881,"lu":1882,"ĠEuro":1883,"reg":1884,"tando":1885,"Ġoportun":1886,"Ġafec":1887,"Ġmos":1888,"Ġsolici":1889,"Ġponer":1890,"alización":1891,"respon":1892,"ĠMéxico":1893,"ĠCor":1894,"yo":1895,"Ġdefin":1896,"Ġsign":1897,"Ġalgunas":1898,"ĠLu":1899,"Ġetc":1900,"Ġdomin":1901,"Ġcuatro":1902,"ĠMon":1903,"Ġfac":1904,"Ġfoto":1905,"Qu":1906,"Ġred":1907,"Ġtema":1908,"IN":1909,"ĠDios":1910,"tada":1911,"Ġcuerpo":1912,"Ġprecio":1913,"usión":1914,"cido":1915,"eric":1916,"iera":1917,"Ġsituación":1918,"Ġpartir":1919,"inación":1920,"Ġanim":1921,"¡":1922,"Ġpuer":1923,"Ġnorm":1924,"Ġnacional":1925,"ĠJos":1926,"Ġdocu":1927,"Ġcoment":1928,"Ġgobierno":1929,"ï¿":1930,"Ġem":1931,"Ġfrente":1932,"Ġgen":1933,"�":1934,"Ġejer":1935,"Ġdivers":1936,"Ġcompe":1937,"Ġproblema":1938,"Ġdirig":1939,"Ġol":1940,"icio":1941,"Ġ14":1942,"iedad":1943,"ifica":1944,"Ġcaracter":1945,"Ġselec":1946,"Ġbene":1947,"Ġmús":1948,"ĠOr":1949,"zos":1950,"Ġlogr":1951,"Ġencuentra":1952,"Ġsocie":1953,"Ġdesp":1954,"Ġcontrol":1955,"tin":1956,"Ġpúblico":1957,"aja":1958,"blig":1959,"Ġocas":1960,"ĠQu":1961,"Ġverdad":1962,"Ġvarios":1963,"19":1964,"dir":1965,"Ġdice":1966,"blo":1967,"ister":1968,"Ġfil":1969,"Ġofrece":1970,"jar":1971,"Ġminutos":1972,".-":1973,"Ġlargo":1974,"Ġpodemos":1975,"Ġconsegu":1976,"Ġúltimo":1977,"dial":1978,"Ġej":1979,"Ġestu":1980,"Ġloc":1981,"iste":1982,"ĠCan":1983,"Ġenfer":1984,"ger":1985,"pel":1986,"º":1987,"Ġadminist":1988,"gado":1989,"Ġpaso":1990,"Ġráp":1991,"mento":1992,"Ġmov":1993,"Ġsiendo":1994,"ĠCam":1995,"Ġliber":1996,"iva":1997,"mbre":1998,"ierra":1999,"Ġ16":2000,"éis":2001,"arÃŃa":2002,"anas":2003,"ĠGobierno":2004,"ques":2005,"ves":2006,"Ġmano":2007,"Ġmor":2008,"Ġobjetivo":2009,"ĠpelÃŃcul":2010,"ró":2011,"ef":2012,"Ġrealidad":2013,"Ġfácil":2014,"Ġprepar":2015,"Ġ13":2016,"Ġpin":2017,"Ġactividades":2018,"ĠEstados":2019,"ĠvÃŃ":2020,"Ġdetal":2021,"Ġsector":2022,"Ġpuntos":2023,"reo":2024,"Ġconside":2025,"Ġoblig":2026,"Ġentonces":2027,"Ġpartido":2028,"Ġtele":2029,"ron":2030,"Ġfund":2031,"Ġiden":2032,"nas":2033,"Ġcorrespon":2034,"Ġatra":2035,"arlo":2036,"omÃŃa":2037,"ĠpolÃŃtica":2038,"ribu":2039,"ducir":2040,"serv":2041,"Ġnoche":2042,"Ġ25":2043,"Ġub":2044,"Ġserie":2045,"Ġdecl":2046,"ĠMin":2047,"Ġbenefici":2048,"Ġsur":2049,"Ġbase":2050,"Ġobra":2051,"Ġderecho":2052,"Ġenerg":2053,"Ġeleg":2054,"Ġsociales":2055,"Ġgaran":2056,"ática":2057,"pción":2058,"Ġvide":2059,"gon":2060,"ĠartÃŃculo":2061,"Ġmunicip":2062,"In":2063,"are":2064,"Ġat":2065,"ĠpaÃŃses":2066,"zado":2067,"Ġjun":2068,"mientos":2069,"pas":2070,"omos":2071,"Ġatención":2072,"mit":2073,"Cu":2074,"Ġfalta":2075,"Ġespacio":2076,"Ġtempor":2077,"ĠtenÃŃa":2078,"trón":2079,"ental":2080,"gre":2081,"Ġsitio":2082,"Ġrepresent":2083,"Un":2084,"ĠÃģ":2085,"Ġprecios":2086,"ĠAdemás":2087,"Ġmens":2088,"Ġprue":2089,"val":2090,"Ġreal":2091,"ĠâĢĺ":2092,"iado":2093,"rac":2094,"var":2095,"Ġdinero":2096,"Ġvan":2097,"ich":2098,"Ġdetermin":2099,"Ġmediante":2100,"rera":2101,"eas":2102,"ĠPol":2103,"Ġpermite":2104,"olu":2105,"ell":2106,"ĠpodrÃŃa":2107,"Ġindic":2108,"nes":2109,"Ġtor":2110,"Ġ'":2111,"ÃĵN":2112,"Ġinstitu":2113,"gles":2114,"cho":2115,"enas":2116,"Ġinde":2117,"Ġalta":2118,"gel":2119,"rucción":2120,"ĠAd":2121,"arán":2122,"lex":2123,"Ġfinanci":2124,"cent":2125,"Ġempez":2126,"bado":2127,"mon":2128,"Ġexplic":2129,"Ġproce":2130,"Ġhizo":2131,"ĠPre":2132,"Ġblan":2133,"Ġmus":2134,"gro":2135,"Ġ17":2136,"rió":2137,"Ġ:":2138,"ĠUniversidad":2139,"Ġocur":2140,"Ġencan":2141,"Ġtex":2142,"gue":2143,"visión":2144,"posi":2145,"Ġsegundo":2146,"ĠUnidos":2147,"Ġcondiciones":2148,"Este":2149,"Ġsiguiente":2150,"tario":2151,"Ġnuevos":2152,"Ġauto":2153,"Ġseñal":2154,"stas":2155,"Ġreun":2156,"ĠmayorÃŃa":2157,"cionar":2158,"Ġconsul":2159,"Ġsentido":2160,"ĠGener":2161,"Ġpare":2162,"Ġalgún":2163,"una":2164,"Ġbol":2165,"Ġ2017":2166,"Ġespeci":2167,"ate":2168,"Ġdiseño":2169,"alizar":2170,"dal":2171,"Ġmir":2172,"Ġsuf":2173,"Ġil":2174,"ulio":2175,"Ġofrec":2176,"tran":2177,"Ġperio":2178,"Ġmodo":2179,"Ġnuevas":2180,"Ġsociedad":2181,"IS":2182,"Ġderechos":2183,"Ġactividad":2184,"Ġacom":2185,"Ġcasos":2186,"ts":2187,"orÃŃa":2188,"TA":2189,"Ġalum":2190,"uesta":2191,"Ġconfi":2192,"Ġmáx":2193,"Ġconj":2194,"Ġayuda":2195,"tion":2196,"Ġimagen":2197,"Ġcerca":2198,"Ġproducto":2199,"Ġsos":2200,"Ġquienes":2201,"ibles":2202,"Ġproces":2203,"ĠJuan":2204,"pendi":2205,"bajo":2206,"Ġlabor":2207,"Ġ100":2208,"Ġavan":2209,"inal":2210,"Ġencontr":2211,"Ġcub":2212,"Ġresultados":2213,"Ġ24":2214,"cup":2215,"Ġsens":2216,"ñana":2217,"Ġreco":2218,"si":2219,"Ġpromo":2220,"Ġasist":2221,"Ġelem":2222,"ático":2223,"Ġfon":2224,"Ġrelacion":2225,"Ġcolec":2226,"Ġnecesario":2227,"Ġtarde":2228,"Ġacceso":2229,"Ġviol":2230,"Ġconven":2231,"ÃŃtulo":2232,"ik":2233,"Ġconver":2234,"ĠBo":2235,"Ġjo":2236,"vÃŃa":2237,"Ġestamos":2238,"Ġsegunda":2239,"II":2240,"Ġindust":2241,"Ġeuros":2242,"tien":2243,"ĠPres":2244,"amb":2245,"Ġusted":2246,"Ġdig":2247,"ĠTambién":2248,"ingun":2249,"Ġsor":2250,"uales":2251,"line":2252,"ĠlÃŃnea":2253,"pular":2254,"puesta":2255,"Ġidea":2256,"Ġesos":2257,"Ġrespecto":2258,"tón":2259,"Ġdejar":2260,"Ġprincipal":2261,"vent":2262,"Ġrad":2263,"Ġposi":2264,"....":2265,"ándo":2266,"Ġpresente":2267,"Una":2268,"ÃŃculos":2269,"Ġacep":2270,"th":2271,"ĠPe":2272,"ĠNe":2273,"pres":2274,"10":2275,"Ġacab":2276,"echos":2277,"Ġmul":2278,"tiene":2279,"Ġpasar":2280,"Ġcreo":2281,"Ġsimple":2282,"dico":2283,"Ġestra":2284,"unta":2285,"ĠJosé":2286,"ÃŃsticas":2287,"emas":2288,"Ġestudio":2289,"Ġluch":2290,"ár":2291,"zó":2292,"urante":2293,"ticular":2294,"Ġcuanto":2295,"Ġpueblo":2296,"rero":2297,"igo":2298,"gl":2299,"Ġnuestras":2300,"Ġincre":2301,"Ġur":2302,"30":2303,"Ġries":2304,"Ġimpres":2305,"ĠRes":2306,"itación":2307,"turo":2308,"tección":2309,"rido":2310,"ĠGran":2311,"Ġlec":2312,"Ġcomb":2313,"Ġclientes":2314,"iembre":2315,"ctubre":2316,"Ġpágina":2317,"Ġhaya":2318,"Ġvac":2319,"lado":2320,"Ġenten":2321,"Ġlan":2322,"Ġhombres":2323,"ĠLey":2324,"dica":2325,"Ġmiemb":2326,"Ġdicho":2327,"ĠAc":2328,"Ġtienes":2329,"Ġenvi":2330,"ĠYo":2331,"ler":2332,"Ġhacen":2333,"Ġenc":2334,"ingún":2335,"Ġlibre":2336,"Ġllevar":2337,"Ġbastante":2338,"Ġpuesto":2339,"olo":2340,"Ġespañol":2341,"Ġamigos":2342,"genes":2343,"Ġinclu":2344,"ĠCal":2345,"Ġases":2346,"peración":2347,"érica":2348,"adie":2349,"Ġescuch":2350,"tió":2351,"Ġcapital":2352,"ÃŃamos":2353,"guien":2354,"ĠAp":2355,"Ġpapel":2356,"Ġcinco":2357,"Ġestoy":2358,"Ġusuarios":2359,"Ġinvers":2360,"Ġúnico":2361,"Ġsim":2362,"ĠTra":2363,"ós":2364,"Ġdese":2365,"ID":2366,"Ġ199":2367,"rados":2368,"Ġfacil":2369,"one":2370,"ramient":2371,"Ġdescub":2372,"Ġmodelo":2373,"ice":2374,"Ġanterior":2375,"illo":2376,"Ġacompañ":2377,"ció":2378,"Ġpriv":2379,"Ġreconoci":2380,"ug":2381,"Ġpropio":2382,"20":2383,"óvil":2384,"Ġclaro":2385,"tero":2386,"ducción":2387,"Ġvarias":2388,"Ġconte":2389,"Ġningun":2390,"TE":2391,"entemente":2392,"Ġmañana":2393,"Ġ2016":2394,"Ġfab":2395,"fo":2396,"Ġlimp":2397,"Ġer":2398,"ira":2399,"Ġmarca":2400,"Ġpaci":2401,"Ġgol":2402,"Ġado":2403,"adamente":2404,"ror":2405,"Ġinm":2406,"greso":2407,"ptiembre":2408,"Ġningún":2409,"Ġdeben":2410,"ĠPla":2411,"Ġcapacidad":2412,"Ġmedios":2413,"ĠfÃŃs":2414,"ilar":2415,"Ġmanten":2416,"Ġcantidad":2417,"Ġpartici":2418,"iza":2419,"Ġproducción":2420,"Ġprimero":2421,"ĠReg":2422,"tri":2423,"Ġvista":2424,"ian":2425,"Ġescrib":2426,"Ġúltimos":2427,"Ġfel":2428,"ién":2429,"Ġtel":2430,"ilidades":2431,"Ġencar":2432,"Ġdoc":2433,"Ġpueda":2434,"ĠComo":2435,"Ġluz":2436,"Ġfran":2437,"Ġpropor":2438,"Ġcamino":2439,"Ġdescar":2440,"Ġellas":2441,"tiz":2442,"Ġcierto":2443,"Ġresta":2444,"Ġgusta":2445,"RO":2446,"hora":2447,"Ġmater":2448,"Ġconsider":2449,"Ġ50":2450,"tamento":2451,"rin":2452,"Ġpobl":2453,"Ġpublic":2454,"Ġacciones":2455,"Ġhablar":2456,"Ġhub":2457,"Ġquiere":2458,"gentina":2459,"ĠVer":2460,"dez":2461,"Ġcabo":2462,"ĠGeneral":2463,"Ġcrear":2464,"quis":2465,"ww":2466,"ivil":2467,"Ġlocal":2468,"izar":2469,"Ġcuar":2470,"Ġobserv":2471,"Ġinvestigación":2472,"Ġpalabras":2473,"señ":2474,"CIÃĵN":2475,"Ġparticular":2476,"ificación":2477,"Ġmúsica":2478,"Ġelectrón":2479,"Ġpiel":2480,"ack":2481,"RA":2482,"Ġmanif":2483,"Ġdisfrutar":2484,"Ġvir":2485,"onos":2486,"Ġtomar":2487,"Ġhaciendo":2488,"ĠCl":2489,"Ġunivers":2490,"ĠIs":2491,"adres":2492,"Ġconstitu":2493,"Ġx":2494,"Ġagu":2495,"isterio":2496,"isis":2497,"Ġdici":2498,"bió":2499,"Ġdesa":2500,"ĠDirec":2501,"ĠDis":2502,"Ġprovin":2503,"Ġdemás":2504,"Ġpoten":2505,"ulos":2506,"Ġejerci":2507,"mentos":2508,"Ġfecha":2509,"ecre":2510,"oce":2511,"tividad":2512,"Ġabier":2513,"Ġblog":2514,"ticas":2515,"ple":2516,"lante":2517,"Ġlim":2518,"acer":2519,"Ġperman":2520,"Ġalto":2521,"Esta":2522,"dap":2523,"ĠAsÃŃ":2524,"Ġdirector":2525,"be":2526,"Ġdedic":2527,"Ġherramient":2528,"tán":2529,"ase":2530,"Ġbeb":2531,"Ġcri":2532,"Ġadecu":2533,"Ġcla":2534,"Ġrom":2535,"Ġaplicación":2536,"Ġpropia":2537,"venes":2538,"Ġrecuer":2539,"Me":2540,"Ġactual":2541,"Ġrecursos":2542,"alo":2543,"Ġnoti":2544,"Ġcosa":2545,"Ġofer":2546,"Ġsencil":2547,"Ġfundam":2548,"Ġcuales":2549,"Ġtratamiento":2550,"omas":2551,"50":2552,"Ġpesar":2553,"tual":2554,"Ġmantener":2555,"Ġim":2556,"amientos":2557,"ĠFe":2558,"uerra":2559,"Ġinten":2560,"ign":2561,"Ġbueno":2562,"ft":2563,"ienda":2564,"talla":2565,"Ġcalle":2566,"Ġesf":2567,"Ġvig":2568,"Ġresto":2569,"culo":2570,"Ġresultado":2571,"mac":2572,"Ġalguien":2573,"Ġevitar":2574,"Ġalter":2575,"Ġconstru":2576,"turales":2577,"Ġprofesionales":2578,"Ġdebido":2579,"arias":2580,"Ġoctubre":2581,"ü":2582,"Ġgratis":2583,"dedor":2584,"Ġexcl":2585,"ĠdifÃŃ":2586,"Ġfamiliar":2587,"rez":2588,"Ġedad":2589,"Ġfuturo":2590,"cÃŃa":2591,"Ġprofesional":2592,"Ġestilo":2593,"Ġabs":2594,"Ġúltima":2595,"Ġconseguir":2596,"RE":2597,"onas":2598,"Ġnoviembre":2599,"Ġenferme":2600,"Ġdiciembre":2601,"Ġemo":2602,"éf":2603,"Ġcolabor":2604,"Ġbal":2605,"just":2606,"ivos":2607,"ĠSegu":2608,"Ġentrada":2609,"Ġdepor":2610,"Ġvolver":2611,"Ġtér":2612,"ecen":2613,"Ġduda":2614,"Ġconcep":2615,"Ġcontar":2616,"Ġtit":2617,"ĠmÃŃ":2618,"Ġgrande":2619,"Ġmoder":2620,"grafÃŃa":2621,"Ġseguro":2622,"siones":2623,"dero":2624,"Ġconci":2625,"Ġéx":2626,"Ġsignifica":2627,"enci":2628,"ĠCuando":2629,"ĠserÃŃa":2630,"Ġ21":2631,"Ġformación":2632,"itor":2633,"Ġ2015":2634,"Ġprob":2635,"Ġpron":2636,"Ġayudar":2637,"Ġbusc":2638,"acción":2639,"biente":2640,"Ġenv":2641,"Ġveh":2642,"Ġis":2643,"Ġmedida":2644,"Ġtuvo":2645,"celona":2646,"ĠNuev":2647,"jes":2648,"ĠâĢĶ":2649,"óvenes":2650,"Ġnadie":2651,"Ġadap":2652,"ĠTe":2653,"para":2654,"Ġjoven":2655,"Ġagr":2656,"Ġventa":2657,"Ġaz":2658,"iano":2659,"Ġarti":2660,"Ġproyectos":2661,"Ġta":2662,"ĠGra":2663,"Ġaire":2664,"Ġsigue":2665,"ficación":2666,"Ġcomunicación":2667,"Ġinterior":2668,"âĢĶ":2669,"TI":2670,"Ġopera":2671,"Ġsoy":2672,"Ġfre":2673,"Ġpróximo":2674,"tivamente":2675,"Ġgestión":2676,"Ġseptiembre":2677,"Ġestruc":2678,"Ġinternacional":2679,"todo":2680,"Ġmol":2681,"Ġdado":2682,"Ġenfr":2683,"álisis":2684,"Ġcomien":2685,"tÃŃn":2686,"ĠGo":2687,"Ġtur":2688,"Ġmuerte":2689,"Ġsecre":2690,"adoras":2691,"Ġprofun":2692,"trás":2693,"Ġterri":2694,"tina":2695,"Ġhijos":2696,"Ġfe":2697,"Ġaquellos":2698,"Ġapoyo":2699,"ulación":2700,"ĠAb":2701,"Lo":2702,"ública":2703,"icios":2704,"óp":2705,"Ġcomunidad":2706,"Ġfotos":2707,"Ġprincipales":2708,"esa":2709,"Ġoportunidad":2710,"ĠahÃŃ":2711,"Ġtrabajar":2712,"Ġopin":2713,"Ġesté":2714,"Ġdirección":2715,"forma":2716,"Ġterc":2717,"rel":2718,"Ġexcel":2719,"lares":2720,"Ġvisto":2721,"ĠJo":2722,"Ġrespe":2723,"uls":2724,"Ġsean":2725,"ĠGar":2726,"taciones":2727,"tt":2728,"Ġmanos":2729,"ĠHa":2730,"ĠQue":2731,"ticos":2732,"illas":2733,"Ġeran":2734,"Ġmejorar":2735,"Ġfan":2736,"ĠPue":2737,"Ġmadre":2738,"Ġacción":2739,"Ġata":2740,"Ġinterés":2741,"Ġindivid":2742,"ancias":2743,"To":2744,"Ġplata":2745,"ps":2746,"Ġdisposi":2747,"Ġlleva":2748,"Ġcomprar":2749,"ÃŃstica":2750,"Ġcuad":2751,"Ġpudi":2752,"Ġmodi":2753,"Ġcorrec":2754,"Ġesas":2755,"Ġvideo":2756,"au":2757,"ĠpelÃŃcula":2758,"Ġfir":2759,"Ġintegr":2760,"ĠLA":2761,"Como":2762,"Ġdemas":2763,"ĠMor":2764,"acto":2765,"Ġbuscar":2766,"umo":2767,"rada":2768,"bas":2769,"Ġpodrá":2770,"osp":2771,"iencias":2772,"Ġcampo":2773,"ómo":2774,"él":2775,"Ġpopular":2776,"ĠComun":2777,"Ġ22":2778,"As":2779,"Ġpreo":2780,"men":2781,"pro":2782,"Ġcontr":2783,"Ġusar":2784,"Ġmuestra":2785,"Ġjulio":2786,"ÃŃf":2787,"rÃŃa":2788,"Ġobras":2789,"Ġcabeza":2790,"ibilidad":2791,"Ġjóvenes":2792,"Ġsiglo":2793,"Ġvamos":2794,"vención":2795,"ampo":2796,"torno":2797,"Ġhabl":2798,"Ġcora":2799,"Ġpasa":2800,"Ġleer":2801,"Ġlig":2802,"té":2803,"Ġimportantes":2804,"ĠOb":2805,"ĠCentro":2806,"Ġcuid":2807,"Ġtemporada":2808,"Ġjunio":2809,"Ġnove":2810,"Ġelim":2811,"tagon":2812,"Ġredes":2813,"ĠenergÃŃa":2814,"TO":2815,"Ġincor":2816,"sejo":2817,"Ġusuario":2818,"ĠServ":2819,"ila":2820,"rantes":2821,"Ġdio":2822,"ĠcompañÃŃa":2823,"ĠAy":2824,"ágenes":2825,"Ġlar":2826,"Ġobtener":2827,"stico":2828,"rimon":2829,"Ġcateg":2830,"ĠRec":2831,"200":2832,"Ġdeclar":2833,"Ġutilizar":2834,"Ġdiseñ":2835,"Ġexig":2836,"Ġcontacto":2837,"Ġsist":2838,"ruz":2839,"alu":2840,"ĠallÃŃ":2841,"Ġtenido":2842,"Ġfuerte":2843,"ficiente":2844,"Ġcara":2845,"Qué":2846,"Ġgob":2847,"Ġconduc":2848,"ĀĀĀĀĀĀĀĀ":2849,"lio":2850,"entas":2851,"Ġmayo":2852,"Ġpoblación":2853,"Ġnecesidad":2854,"Ġviaje":2855,"Ġdescon":2856,"icidad":2857,"cionado":2858,"Ġprimeros":2859,"ándose":2860,"Ġaudi":2861,"Ġcurso":2862,"Ġder":2863,"Ġrealmente":2864,"ĠInterna":2865,"Ġenseñ":2866,"bu":2867,"Ġcarrera":2868,"Ġtradi":2869,"Ġpuedo":2870,"taron":2871,"Ġequipos":2872,"Ġfuerza":2873,"Ġreserv":2874,"Ġanunci":2875,"ĠEsc":2876,"Ġlen":2877,"ĠJes":2878,"Ġqueda":2879,"Ġtérmin":2880,"Ġviene":2881,"OM":2882,"Ġonline":2883,"Ġbel":2884,"Ġrespuesta":2885,"Ġmismos":2886,"Ġ2014":2887,"Ġpost":2888,"Ġpequeño":2889,"cular":2890,"gosto":2891,"Ġeducación":2892,"Ġposibilidad":2893,"remos":2894,"pone":2895,"Ġtemas":2896,"Ġvas":2897,"rad":2898,"pren":2899,"Ġcontenido":2900,"Ġexten":2901,"Ġbás":2902,"ĠBuen":2903,"ĠEsto":2904,"bal":2905,"Ġtierra":2906,"orme":2907,"esión":2908,"xic":2909,"Ġentren":2910,"itan":2911,"ĠBarcelona":2912,"Ġplante":2913,"Ġorganización":2914,"Ġconstrucción":2915,"udo":2916,"Ġpresencia":2917,"Ġalre":2918,"Ġfis":2919,"Ġojos":2920,"ĠInstitu":2921,"Ġárea":2922,"Ġconjunto":2923,"dra":2924,"irse":2925,"ĠIN":2926,"americ":2927,"ĠFac":2928,"ional":2929,"AM":2930,"11":2931,"ĠtecnologÃŃa":2932,"An":2933,"Pero":2934,"Ġvic":2935,"Ġmucha":2936,"ĠBan":2937,"Ġdeman":2938,"Ġmedia":2939,"li":2940,"Ġriesgo":2941,"irá":2942,"ale":2943,"xim":2944,"Ġéxito":2945,"Ġhotel":2946,"Ġdia":2947,"glesia":2948,"tim":2949,"Ġserán":2950,"Ġconcre":2951,"est":2952,"oro":2953,"ĠEduc":2954,"ĠdifÃŃcil":2955,"Ġnecesita":2956,"ociación":2957,"Ġseman":2958,"imientos":2959,"Ġsé":2960,"ĠEuropa":2961,"Ġinme":2962,"ĠMarÃŃa":2963,"Ġverda":2964,"Ġgrupos":2965,"--":2966,"ari":2967,"Ġfigu":2968,"Ġingres":2969,"ĠHo":2970,"Ġdó":2971,"cen":2972,"metros":2973,"curso":2974,"teriores":2975,"Ġespecialmente":2976,"Ġprem":2977,"licaciones":2978,"ĠArgentina":2979,"ĠmÃŃn":2980,"ĠMi":2981,"Ġconsum":2982,"ampoco":2983,"Ġhistór":2984,"vech":2985,"Ġprincipio":2986,"Ġhijo":2987,"Ġpadre":2988,"Ġedición":2989,"Ġplazo":2990,"Ġmaterial":2991,"icÃŃa":2992,"Ġelementos":2993,"Ġ40":2994,"Ġmedidas":2995,"Ġañad":2996,"Ġencuentro":2997,"Ġsir":2998,"ĠCrist":2999,"Ġimágenes":3000,"ĠLuis":3001,"Ġsuperior":3002,"Ġenero":3003,"Ġsalir":3004,"ĠAle":3005,"EL":3006,"ém":3007,"Ġmarzo":3008,"iernes":3009,"Ġteléf":3010,"Ġnecesidades":3011,"Ġenci":3012,"Ġfunción":3013,"Ġmad":3014,"tadas":3015,"ĠtodavÃŃa":3016,"Ġopción":3017,"Ġambos":3018,"uerto":3019,"Ġ$":3020,"ĠSanta":3021,"tiendo":3022,"ete":3023,"entan":3024,"dÃŃa":3025,"Ġprotagon":3026,"Ġcargo":3027,"Ġninguna":3028,"hi":3029,"Ġinicia":3030,"fa":3031,"EC":3032,"Ġrepar":3033,"Ġlibros":3034,"ĠCarlos":3035,"her":3036,"Ġversión":3037,"Ġarte":3038,"glés":3039,"Ġmetros":3040,"Ġesfuer":3041,"alizado":3042,"reas":3043,"Ġbon":3044,"OL":3045,"Ãį":3046,"itado":3047,"uesto":3048,"ebrero":3049,"Ġsiguientes":3050,"ke":3051,"Ġtama":3052,"bil":3053,"Ġépo":3054,"Ġparticipación":3055,"Ġdemos":3056,"ulas":3057,"Ġ23":3058,"Ġpuedan":3059,"Ġexiste":3060,"Ġlista":3061,"ĠMu":3062,"Ġclase":3063,"Ġpadres":3064,"deo":3065,"Ġcliente":3066,"Ġbusca":3067,"Ġmóvil":3068,"12":3069,"ĠCiudad":3070,"Ġacon":3071,"Ġpartes":3072,"Ġagra":3073,"Ġconocimiento":3074,"Ġsuce":3075,"Ġparticipar":3076,"Ġhacerlo":3077,"ines":3078,"Ġabril":3079,"Ġestudios":3080,"istro":3081,"Ġfru":3082,"Ġfra":3083,"Ġofrecer":3084,".,":3085,"Ġsolu":3086,"Ġcambios":3087,"Ġrazón":3088,"pir":3089,"Ġpresenta":3090,"via":3091,"Ġeuro":3092,"fil":3093,"del":3094,"unes":3095,"Ġcine":3096,"diendo":3097,"entación":3098,"Ġquiero":3099,"Ġoficial":3100,"Ġjuegos":3101,"Ġpier":3102,"tia":3103,"Ġsabe":3104,"Ġefecto":3105,"Ġcocina":3106,"ĠSon":3107,"Ġelabor":3108,"fi":3109,"Ġmiembros":3110,"nov":3111,"cripción":3112,"Ġconsidera":3113,"Ġúnica":3114,"Ġambiente":3115,"ĠSa":3116,"Re":3117,"pl":3118,"ÃŃdo":3119,"ese":3120,"inado":3121,"Ġâ":3122,"Ġarch":3123,"Ġconec":3124,"ĠHay":3125,"Ġrec":3126,"ĠTer":3127,"Ġsá":3128,"aca":3129,"ĠPr":3130,"rum":3131,"édi":3132,"moc":3133,"IA":3134,"ferencia":3135,"Ġjugar":3136,"Ġcambiar":3137,"tora":3138,"ware":3139,"ED":3140,"Ġcomún":3141,"Ġcrea":3142,"éctr":3143,"Ġnave":3144,"Ĥ¬":3145,"dentes":3146,"Ġtendrá":3147,"Ġgratu":3148,"Ġhici":3149,"Ġcompra":3150,"Ġmenor":3151,"Ġvivir":3152,"Ġimag":3153,"Ġjorn":3154,"Ġnum":3155,"idores":3156,"fe":3157,"ical":3158,"Ġguar":3159,"ĠVen":3160,"tino":3161,"Ġcrecimiento":3162,"ĠCons":3163,"rica":3164,"ket":3165,"ches":3166,"ieza":3167,"Ġestrateg":3168,"tarse":3169,"Ġconcl":3170,"Ġproteg":3171,"Ġpareja":3172,"Ġps":3173,"Ġcorazón":3174,"Ġbor":3175,"Ġ2013":3176,"Ġpen":3177,"Ġcoloc":3178,"Ġsexo":3179,"ĠTen":3180,"Ġnegocio":3181,"aces":3182,"ĠSer":3183,"Ġconserv":3184,"Ġdom":3185,"15":3186,"enda":3187,"Ġpública":3188,"Ġvin":3189,"Ġciento":3190,"itaciones":3191,"Ġseis":3192,"rando":3193,"Ġmez":3194,"Ġpreten":3195,"partamento":3196,"tisf":3197,"Ġhas":3198,"Ġprueba":3199,"oo":3200,"Ġpago":3201,"ÃŃtica":3202,"Ġadi":3203,"ombia":3204,"Ġdepen":3205,"Ġacce":3206,"Ġlin":3207,"Ġimportancia":3208,"ĠSol":3209,"Ġefectos":3210,"ámara":3211,"uelo":3212,"su":3213,"Ġcultura":3214,"este":3215,"itario":3216,"Ġagosto":3217,"titud":3218,"ĠPlan":3219,"Ġcrist":3220,"diz":3221,"Ġmayores":3222,"Hola":3223,"Ġperten":3224,"ÃŃos":3225,"Ġcorreo":3226,"Ġprotección":3227,"Ġcompleto":3228,"Ġrequier":3229,"Ġpros":3230,"Ġeduca":3231,"Ġrecibir":3232,"ner":3233,"itantes":3234,"ĠMer":3235,"Ġlugares":3236,"Ġapor":3237,"âĢĵ":3238,"Ġtrabajadores":3239,"Ġcient":3240,"ĠES":3241,"Ġvoy":3242,"Ġdesc":3243,"Ġaprovech":3244,"Ġgal":3245,"Ġviernes":3246,"terÃŃa":3247,"Ġcandida":3248,"Cuando":3249,"Ġtem":3250,"tamos":3251,"vieron":3252,"Ġevento":3253,"Ġtotalmente":3254,"ól":3255,"Ġsistemas":3256,"olver":3257,"ardo":3258,"ck":3259,"Ġformas":3260,"ĠBol":3261,"ĠMinisterio":3262,"Ġkil":3263,"risis":3264,"digo":3265,"Ġpensar":3266,"Ġdan":3267,"Ġfrecu":3268,"rismo":3269,"Ġgri":3270,"gada":3271,"edor":3272,"Ġ28":3273,"Ġtenga":3274,"iere":3275,"Ġvelo":3276,"Ġacerca":3277,"Ġanálisis":3278,"Ġsust":3279,"Ġestudiantes":3280,"op":3281,"Ġalrededor":3282,"Ġregión":3283,"ebo":3284,"Ġencontra":3285,"Ġ2012":3286,"Ġinterpre":3287,"ĠFern":3288,"ritu":3289,"ĠDesde":3290,"Ġgo":3291,"ácter":3292,"ĠcaracterÃŃsticas":3293,"table":3294,"ĠInternet":3295,"Ġpeso":3296,"Ġmane":3297,"Ġq":3298,"trimon":3299,"ĠhabÃŃan":3300,"Ġregres":3301,"Ġedifici":3302,"Ġcarácter":3303,"mite":3304,"úa":3305,"ork":3306,"Ġmateria":3307,"icaciones":3308,"Ġdesarrollar":3309,"tud":3310,"Ġcel":3311,"telig":3312,"AC":3313,"uestas":3314,"Ġcolores":3315,"vin":3316,"Ġrecomend":3317,"Ġexclus":3318,"Ġprome":3319,"Ġdorm":3320,"Ġdiferencia":3321,"Ġpelig":3322,"Ġcomprom":3323,"Ġdecisión":3324,"Ġcausa":3325,"Ġbaja":3326,"ĠYa":3327,"18":3328,"Ġmovimiento":3329,"Ġ26":3330,"ormente":3331,"Ġresist":3332,"Ġvesti":3333,"Ġ27":3334,"Ġmomentos":3335,"Ġnaturaleza":3336,"ĠPas":3337,"Ġhon":3338,"ĠtÃŃtulo":3339,"ciona":3340,"Ġépoca":3341,"Ġguerra":3342,"Ġhumanos":3343,"taba":3344,"Ġopciones":3345,"áticos":3346,"tida":3347,"Ġpermitir":3348,"ry":3349,"Ġfebrero":3350,"Ġpresu":3351,"Ġobst":3352,"Ġnorte":3353,"Ġdolor":3354,"tales":3355,"Ġpis":3356,"Ġencuentran":3357,"eria":3358,"estr":3359,"³":3360,"Ġajust":3361,"iga":3362,"ĠDer":3363,"umen":3364,"Ġextre":3365,"Ġevalu":3366,"Ġniño":3367,"Ġpequeña":3368,"Ġideas":3369,"Ġdemasiado":3370,"Ġentrega":3371,"zan":3372,"Ġpien":3373,"ws":3374,"ĠTor":3375,"Ġsatisf":3376,"Ġnar":3377,"ogle":3378,"Ġpagar":3379,"ĠEN":3380,"Ġallá":3381,"Ġrecl":3382,"ĠHer":3383,"tilla":3384,"ÃŃm":3385,"ĠBa":3386,"Ġaten":3387,"Ġvisita":3388,"ĠâĢ¦":3389,"ÃŃfico":3390,"Ġdólares":3391,"rios":3392,"Ġrelaciones":3393,"Ġcrisis":3394,"Ġintro":3395,"Ġmundial":3396,"Ġfabric":3397,"ear":3398,"Ġmara":3399,"Ġlibertad":3400,"Ġtamaño":3401,"Ġmec":3402,"tidades":3403,"Ġjur":3404,"Ġvari":3405,"ĠEmp":3406,"aya":3407,"Ġoriginal":3408,"Ġsorpren":3409,"Ġfondo":3410,"Ġcompartir":3411,"Ġmáximo":3412,"Ġsomos":3413,"Ġconsecu":3414,"Ġperder":3415,"Ġcompeten":3416,"ĠAdminist":3417,"Desde":3418,"ultura":3419,"Ġautom":3420,"Ġraz":3421,"Ġ+":3422,"Ġorigen":3423,"eso":3424,"Ġvolun":3425,"Ġinglés":3426,"Ġiz":3427,"Ġcampaña":3428,"Ġorient":3429,"Ġsum":3430,"Ġpers":3431,"Ġayer":3432,"Ġmem":3433,"diente":3434,"Ġmateriales":3435,"mbi":3436,"quina":3437,"Ġpráctica":3438,"ĠInternacional":3439,"Ġmostr":3440,"cti":3441,"Ġespera":3442,"ulta":3443,"Ġverano":3444,"Ġtampoco":3445,"Ġtexto":3446,"Ġand":3447,"Ġdistintos":3448,"Ġimpor":3449,"ĠTu":3450,"Ġllega":3451,"Ġpequeños":3452,"Ġdomingo":3453,"Ġsupuesto":3454,"Ġautoridades":3455,"Ġincorpor":3456,"Ġsil":3457,"Ġexperim":3458,"Ġcreación":3459,"ĠNav":3460,"etas":3461,"Ġcomida":3462,"Ġantigu":3463,"ee":3464,"taria":3465,"cepción":3466,"Ġequ":3467,"Ġeta":3468,"Ġdesarroll":3469,"Ġzonas":3470,"Ġpropie":3471,"ong":3472,"Ġprogramas":3473,"//":3474,"Ġbienes":3475,"Ġmonta":3476,"Ġentender":3477,"ĠChile":3478,"Ġ198":3479,"iana":3480,"formación":3481,"Ġdé":3482,"Ġevi":3483,"Ġsalida":3484,"Ġsepar":3485,"ĠReal":3486,"Ġarri":3487,"Ġincluye":3488,"Ġsuel":3489,"ĠColombia":3490,"alizada":3491,"Ġpantalla":3492,"ĠSuper":3493,"úsque":3494,"Ġdirectamente":3495,"Ġsemanas":3496,"Ġpermit":3497,"Ġposición":3498,"culos":3499,"Ġhogar":3500,"hu":3501,"Ġrelig":3502,"tiles":3503,"Ġizquier":3504,"Ġblo":3505,"Ġconce":3506,"Ġteléfono":3507,"estion":3508,"Ġprocesos":3509,"Ġprovincia":3510,"Ġtab":3511,"Ġdesapar":3512,"Ġconsumo":3513,"ológico":3514,"rán":3515,"ĠThe":3516,"reno":3517,"Ġvie":3518,"abil":3519,"Ġejercicio":3520,"uestro":3521,"ĠEducación":3522,"ĠUS":3523,"Ġquieres":3524,"Ġ60":3525,"Ġencima":3526,"Ġalumnos":3527,"rer":3528,"Ġcivil":3529,"tbol":3530,"ĠJesús":3531,"Ġtro":3532,"ĠpodÃŃa":3533,"ĠAnton":3534,"ospital":3535,"idor":3536,"edad":3537,"Ġidentific":3538,"Ġdeja":3539,"Ġestaban":3540,"Ġeléctr":3541,"Com":3542,"Ġllamado":3543,"Ġherm":3544,"RI":3545,"voca":3546,"teriormente":3547,"Ġvalores":3548,"ĠRep":3549,"Ġcoche":3550,"Ġcompren":3551,"tios":3552,"Ġámbi":3553,"Ġtrabajos":3554,"Ġglo":3555,"ĠConsejo":3556,"untamiento":3557,"Ġdev":3558,"Ġbrin":3559,"Ġcontinuación":3560,"Ġhumano":3561,"ést":3562,"Ġconvertir":3563,"Ġpul":3564,"Ġsábado":3565,"Ġace":3566,"asa":3567,"Ġpalabra":3568,"Ġpun":3569,"Ġllegó":3570,"Ġiba":3571,"pero":3572,"iel":3573,"Ġlevan":3574,"ablemente":3575,"put":3576,"Ġmarco":3577,"ĠPal":3578,"cito":3579,"iber":3580,"Ġinforma":3581,"Además":3582,"tidos":3583,"ética":3584,"Ġdefini":3585,"Ġlograr":3586,"dis":3587,"ĠPu":3588,"aco":3589,"Ġcontrario":3590,"Ġgaranti":3591,"dores":3592,"dientes":3593,"tÃŃa":3594,"rito":3595,"Ġprovoc":3596,"uye":3597,"dimiento":3598,"don":3599,"Ġblanco":3600,"tarÃŃa":3601,"Ġplanta":3602,"Ġexisten":3603,"ĠpolÃŃticas":3604,"Ġsolución":3605,"torial":3606,"Ġdistintas":3607,"Ġimpos":3608,"ĠDel":3609,"cidos":3610,"Ġeurope":3611,"ĠPrim":3612,"Ġideal":3613,"Ġpartidos":3614,"ribun":3615,"Ġpodrán":3616,"ĠSocial":3617,"genier":3618,"Ġvoz":3619,"enos":3620,"Ġindustri":3621,"Ġniveles":3622,"Ġmic":3623,"Ġcic":3624,"lev":3625,"UN":3626,"ebook":3627,"Ġmilitar":3628,"Ġdisco":3629,"ĠAmérica":3630,"Ġreferencia":3631,"MA":3632,"Ġsuje":3633,"Ġresponsabilidad":3634,"áticas":3635,"Ġadelante":3636,"Ġaband":3637,"Ġtiempos":3638,"erto":3639,"Ġrendi":3640,"Ġnegro":3641,"Ġmensaje":3642,"Ġcompeti":3643,"ĠvÃŃcti":3644,"erte":3645,"Ġclub":3646,"quitec":3647,"ph":3648,"útbol":3649,"ĠMartÃŃn":3650,"ĠFrancis":3651,"ĠCON":3652,"Ġdoble":3653,"fes":3654,"Ġtir":3655,"Ġganar":3656,"Ġpocos":3657,"ueves":3658,"Ġfamos":3659,"Ġanun":3660,"Ġrecuper":3661,"eño":3662,"Ġlucha":3663,"ablo":3664,"Ġ2011":3665,"Ġhu":3666,"Ġbúsque":3667,"Ġobten":3668,"ĠRa":3669,"Ġhom":3670,"Ġtarje":3671,"ĠAu":3672,"Ġcorri":3673,"Ġfamilias":3674,"arla":3675,"Ġapre":3676,"Ġsimplemente":3677,"Ġjugadores":3678,"dicos":3679,"Ġllama":3680,"Ġmexic":3681,"cados":3682,"arte":3683,"qué":3684,"Ġaprender":3685,"Ġinnov":3686,"Ġdetalles":3687,"Ġeconómica":3688,"cle":3689,"Ġdiferente":3690,"ka":3691,"uri":3692,"dena":3693,"Ġlunes":3694,"Ġoper":3695,"Ġclás":3696,"ĠMay":3697,"ĠÃī":3698,"Ġentorno":3699,"Ġquiz":3700,"Ġalterna":3701,"Ġtú":3702,"ye":3703,"Ġestrel":3704,"ĠInstituto":3705,"Ġnorma":3706,"tará":3707,"Ġren":3708,"://":3709,"Ġresponsable":3710,"ĠeconomÃŃa":3711,"imas":3712,"Ar":3713,"pan":3714,"ĠMundial":3715,"mer":3716,"Ġelectrónico":3717,"Ġsuelo":3718,"Ġcomercial":3719,"Ġbaño":3720,"isl":3721,"Ġlocales":3722,"logÃŃa":3723,"Ġescen":3724,"Ġacto":3725,"Ġtipos":3726,"Ġmaravil":3727,"Ġintelig":3728,"apa":3729,"ĠEL":3730,"Sin":3731,"Ġenl":3732,"ÃŃstico":3733,"ĠFin":3734,"mentación":3735,"Ġmotivo":3736,"ĠpolÃŃtico":3737,"Ġestad":3738,"raciones":3739,"entado":3740,"Ġentrev":3741,"Ġtempera":3742,"cla":3743,"Ġaproxim":3744,"âĢ¦]":3745,"Ġhistor":3746,"Ġrealizado":3747,"Ġsuperfici":3748,"ensión":3749,"ĠCos":3750,"Ġconocido":3751,"Ġhermos":3752,"ĠHab":3753,"ff":3754,"Ġejecu":3755,"Ġpersonales":3756,"Ġinversión":3757,"Ġpresentación":3758,"Ġocasión":3759,"ismos":3760,"laz":3761,"idamente":3762,"ÃŃp":3763,"ĠSoci":3764,"pectos":3765,"ĠDa":3766,"Ġmarcha":3767,"Ġpersonajes":3768,"ónica":3769,"didas":3770,"Ġviolencia":3771,"Ġdiver":3772,"Ġdec":3773,"iro":3774,"itaria":3775,"ĠMig":3776,"ĠCap":3777,"grá":3778,"__":3779,"Ġdisposición":3780,"Ġacces":3781,"Ġgén":3782,"ĠRepública":3783,"».":3784,"tique":3785,"ĠAhora":3786,"Ġpuerta":3787,"Ġpropiedad":3788,"Ġadqui":3789,"Ġpregunta":3790,"16":3791,"Ġdibu":3792,"vado":3793,"Ġré":3794,"Ġinicio":3795,"Ġros":3796,"!!!":3797,"Ġpresiden":3798,"Ġpareci":3799,"ĠMas":3800,"Ġentrar":3801,"Ġindependi":3802,"Ġ2010":3803,"wit":3804,"ajas":3805,"sas":3806,"Ġhechos":3807,"Ġinteresante":3808,"Ġ29":3809,"Ġahor":3810,"Ġhabitu":3811,"Ġtransporte":3812,"Ex":3813,"Ġocasiones":3814,"Ġherramientas":3815,"Ġobjeto":3816,"dios":3817,"encial":3818,"Ġveci":3819,"Ġamigo":3820,"Ġenfermedad":3821,"Ġselección":3822,"Ġpodrás":3823,"estiv":3824,"ĠÃŃn":3825,"Ġcome":3826,"CION":3827,"ju":3828,"Ġpresentar":3829,"Ġagrade":3830,"ribución":3831,"ĠartÃŃculos":3832,"Ġdem":3833,"Ġ%":3834,"Ġeconómico":3835,"Ġmit":3836,"Ġinver":3837,"Ġens":3838,"Ġconoce":3839,"Ġalimentos":3840,"Ġarm":3841,"Ġbuenas":3842,"Ġdemoc":3843,"Ġjef":3844,"Ġatrac":3845,"14":3846,"Ġtienda":3847,"ĠSecre":3848,"Ġexcelente":3849,"jero":3850,"ielo":3851,"Ġextran":3852,"ame":3853,"Ġconvers":3854,"Ġpér":3855,"Ġinci":3856,"Ġpropuesta":3857,"Ġjornada":3858,"Ġrepresenta":3859,"Ġvuelta":3860,"ĠTodo":3861,"Ġamena":3862,"Ġespacios":3863,"ĠGal":3864,"Ġconcent":3865,"Ġdesemp":3866,"iver":3867,"Ġpelo":3868,"Ġéste":3869,"Ġasi":3870,"Ġalmac":3871,"logo":3872,"legio":3873,"tarios":3874,"Ġdisponible":3875,"ĠComisión":3876,"Yo":3877,"ĠJa":3878,"Ġsob":3879,"imen":3880,"25":3881,"ĠcategorÃŃa":3882,"ĠMunicip":3883,"ezuela":3884,"Ġacus":3885,"aro":3886,"Ġcompromiso":3887,"ello":3888,"ĠAntonio":3889,"ĠNueva":3890,"lores":3891,"rag":3892,"edro":3893,"ĠSalud":3894,"ĠEntre":3895,"oz":3896,"ológica":3897,"ultad":3898,"entales":3899,"ĠRos":3900,"Ġdéc":3901,"ĠMus":3902,"ĠJust":3903,"Ġindustria":3904,"Ġconform":3905,"Ġza":3906,"oj":3907,"Ġvelocidad":3908,"Ġgobern":3909,"uniden":3910,"ires":3911,"Ġmaes":3912,"ciente":3913,"Ġpronto":3914,"Ġtratar":3915,"ĠFrancisco":3916,"Ġfunciones":3917,"Ġtaller":3918,"onia":3919,"Ġfras":3920,"iudades":3921,"Ġinternet":3922,"ĠImp":3923,"Ġrece":3924,"Ġclave":3925,"Ġopinión":3926,"imismo":3927,"ix":3928,"Ġesca":3929,"Ġprensa":3930,"Ġobjetivos":3931,"orÃŃas":3932,"drá":3933,"Ġprecis":3934,"Ġcentros":3935,"ices":3936,"izado":3937,"Ġcru":3938,"ĠHum":3939,"Ġescuela":3940,"inaria":3941,"Ġmulti":3942,"itales":3943,"Ġbanda":3944,"Ġór":3945,"amp":3946,"Ġcapaz":3947,"teras":3948,"coles":3949,"quer":3950,"Ġpone":3951,"Ġ&":3952,"ĠMás":3953,"ĠEurope":3954,"Ġrepro":3955,"Ġcontenidos":3956,"Ġinstalaciones":3957,"Ġelegir":3958,"Ġrespec":3959,"enso":3960,"Ġtitular":3961,"Ġoscu":3962,"Ġaspectos":3963,"zada":3964,"Ġbeneficios":3965,"TU":3966,"Ġmesa":3967,"Ġpacientes":3968,"uras":3969,"bia":3970,"Ġaumento":3971,"13":3972,"ónde":3973,"Ġcrédi":3974,"Ġrápido":3975,"17":3976,"Ġinteg":3977,"ificar":3978,"Ġcomentarios":3979,"Ġtécnica":3980,"Ġfron":3981,"Ġdiario":3982,"Ġoferta":3983,"Ġpreci":3984,"Ġcob":3985,"rans":3986,"Ġcapaci":3987,"ÃŃr":3988,"Ġfem":3989,"Ġdisc":3990,"Ġnormal":3991,"Ġsuerte":3992,"ĠAnd":3993,"Ġanimales":3994,"ĠvÃŃa":3995,"antil":3996,"Ġhid":3997,"Ġperm":3998,"Ġmodelos":3999,"Ġcompleta":4000,"Ġacci":4001,"Ġcumplir":4002,"Ġ197":4003,"Ġpreocup":4004,"Ġcompon":4005,"Ġrefle":4006,"pal":4007,"aliza":4008,"irmó":4009,"Ġpena":4010,"ĠSeñ":4011,"Ġsentir":4012,"Ġqueremos":4013,"Ġespañola":4014,"Ġja":4015,"Ġbúsqueda":4016,"Ġú":4017,"??":4018,"Ġocup":4019,"ĠAunque":4020,"Ġadul":4021,"ÃŃritu":4022,"Ġinforme":4023,"ĠPan":4024,"Ġjueves":4025,"Ġmitad":4026,"ĠGoogle":4027,"Ġtoma":4028,"Ġdiez":4029,"Ġcentral":4030,"ĠUN":4031,"Ġabrir":4032,"viv":4033,"orge":4034,"ĠOl":4035,"Pro":4036,"Ġtécnicas":4037,"Ġmagn":4038,"ĠDÃŃa":4039,"trimonio":4040,"Ġestim":4041,"Su":4042,"Ġaprob":4043,"Ãģ":4044,"Ġcoord":4045,"Ġaun":4046,"Ġdecor":4047,"Ġconflic":4048,"onz":4049,"Ġeres":4050,"Ġdeberá":4051,"mentar":4052,"Ġdific":4053,"rique":4054,"Ġpruebas":4055,"Ġresulta":4056,"Ġestructura":4057,"Según":4058,"Ġolvid":4059,"Ġsuficiente":4060,"Ġcuidado":4061,"Ġotor":4062,"Ġlaboral":4063,"Ġaplicaciones":4064,"ificado":4065,"Ġkiló":4066,"uno":4067,"Ġconstante":4068,"pia":4069,"Ġoc":4070,"ández":4071,"rump":4072,"lad":4073,"ósito":4074,"Ġquién":4075,"60":4076,"Ġprincipios":4077,"Ġciudades":4078,"°":4079,"ĠpolÃŃticos":4080,"jeros":4081,"vió":4082,"IL":4083,"Ġ[âĢ¦]":4084,"dil":4085,"Ġmanifes":4086,"Ġcuyo":4087,"Ġestás":4088,"ércoles":4089,"Ġexterior":4090,"como":4091,"Ġinfl":4092,"Ġdestino":4093,"ftware":4094,"ĠSh":4095,"Ġquin":4096,"Ġescribir":4097,"Ġubic":4098,"Ġsegura":4099,"uestos":4100,"tiago":4101,"Ġbril":4102,"col":4103,"ramos":4104,"ienen":4105,"Ġsangre":4106,"eos":4107,"Ġlic":4108,"Ġ80":4109,"Ġinstrum":4110,"ierto":4111,"Ġasoci":4112,"Ġtre":4113,"Ġdicha":4114,"Ġacceder":4115,"ĠSus":4116,"Ġdiversos":4117,"Ġamplia":4118,"ĠAyuntamiento":4119,"Ġperfecto":4120,"torios":4121,"Ġprove":4122,"Ġestará":4123,"bamos":4124,"Ġalcal":4125,"ÃŃsimo":4126,"Ġbuscando":4127,"lesc":4128,"Ġcompro":4129,"Ġincon":4130,"Ġorg":4131,"ÃŃfica":4132,"Ġherman":4133,"deral":4134,"jado":4135,"toral":4136,"Ġestuvo":4137,"Ġciudadanos":4138,"yas":4139,"ĠMic":4140,"Ġmiedo":4141,"ĠMiguel":4142,"Ġadministración":4143,"Ġprac":4144,"tuvo":4145,"Ġpáginas":4146,"Ġdigital":4147,"Ġestadouniden":4148,"ĠDo":4149,"Ġreno":4150,"ĠCongreso":4151,"osotros":4152,"ag":4153,"ĠDan":4154,"pes":4155,"Que":4156,"ĠVic":4157,"UE":4158,"ĠAsociación":4159,"Ġbra":4160,"Ġconfigu":4161,"Ġdistancia":4162,"lez":4163,"Ġclic":4164,"abe":4165,"Ġconfianza":4166,"Ġinstituciones":4167,"SO":4168,"Ġrealiza":4169,"Ġconse":4170,"Ġconcepto":4171,"Ġdefensa":4172,"mail":4173,"Ġbuenos":4174,"Ġconvier":4175,"dado":4176,"teles":4177,"rupo":4178,"Ġáreas":4179,"Ġempleo":4180,"ĠVenezuela":4181,"Ġclases":4182,"Ġmente":4183,"ĠManuel":4184,"Ġmues":4185,"ĠEj":4186,"quiera":4187,"Ġmiles":4188,"Ġpaz":4189,"Ãī":4190,"Ġesfuerzo":4191,"Ġtécnico":4192,"Ġderi":4193,"ĠlÃŃder":4194,"Ġoro":4195,"Ġhabla":4196,"Ġazul":4197,"EM":4198,"Ġthe":4199,"guay":4200,"Ġcirc":4201,"Ġmédico":4202,"Ġep":4203,"aremos":4204,"ĠPedro":4205,"IO":4206,"uegos":4207,"echas":4208,"cionados":4209,"Le":4210,"40":4211,"ki":4212,"Ġcif":4213,"Ġatrás":4214,"grama":4215,"ĠCasa":4216,"dieron":4217,"ĠGarcÃŃa":4218,"Ġinternacionales":4219,"elas":4220,"có":4221,"Ġcuestión":4222,"ást":4223,"igue":4224,"Ġplaya":4225,"Ġpesos":4226,"Ġropa":4227,"tificación":4228,"Ġdiv":4229,"Ġreunión":4230,"ĠGracias":4231,"Ġconex":4232,"Ġ31":4233,"También":4234,"tantes":4235,"Ġgolpe":4236,"Ġseñor":4237,"Ġactualmente":4238,"didos":4239,"Ġcampe":4240,"Ġfol":4241,"Ġnaturales":4242,"utri":4243,"Ġmoda":4244,"ĠMal":4245,"Ġamar":4246,"Ġinmedia":4247,"Ġquedar":4248,"teca":4249,"Ġlanz":4250,"Ġfiesta":4251,"Ġmadera":4252,"ĠDesarrol":4253,"Ġámbito":4254,"Ġó":4255,"ime":4256,"Ġquieren":4257,"Ġmag":4258,"ĠSeguridad":4259,"Ġdebemos":4260,"Ġconsigu":4261,"Ġpais":4262,"Ġaltura":4263,"ĠRey":4264,"Ġorigin":4265,"rasil":4266,"tron":4267,"Ġreflex":4268,"Ġpropios":4269,"Ġcomba":4270,"tador":4271,"ético":4272,"Ġnota":4273,"uelas":4274,"ĠLi":4275,"Ġmunicipio":4276,"Ġcolaboración":4277,"ioso":4278,"Ġdenomin":4279,"ĠCer":4280,"Ġdismin":4281,"itud":4282,"Ġpúblicos":4283,"Ġhtt":4284,"Ġtranquil":4285,"Ġfres":4286,"Ġdiversas":4287,"anÃŃa":4288,"âĢĭ":4289,"gó":4290,"Ġespos":4291,"Ġav":4292,"ull":4293,"ÃŃficos":4294,"Ġ*":4295,"Ġvisitar":4296,"bilidad":4297,"amo":4298,"ĠsÃŃn":4299,"ðŁ":4300,"Ġnumeros":4301,"crip":4302,"xto":4303,"Ġfuente":4304,"Ġapenas":4305,"Ġnega":4306,"Ġempezar":4307,"Ġimple":4308,"Ġnegocios":4309,"ĠII":4310,"Ġempren":4311,"Ġfuncionamiento":4312,"Ġafir":4313,"Ġul":4314,"Ġár":4315,"Ġsacar":4316,"Ġtérminos":4317,"Ġescrito":4318,"Ġlog":4319,"Ġcarre":4320,"ĠGonz":4321,"dem":4322,"Ġperiodi":4323,"Ġmemoria":4324,"Ġprogram":4325,"Ġsiete":4326,"Ġgusto":4327,"Ġentidad":4328,"ĠFo":4329,"Ġetapa":4330,"Ġllamada":4331,"Ġfortal":4332,"Ġcontrato":4333,"ĠIglesia":4334,"adém":4335,"dencias":4336,"puestos":4337,"Ġunidad":4338,"Cómo":4339,"Ġdura":4340,"Ġtradicional":4341,"Ġtorn":4342,"ĠdeberÃŃa":4343,"Ġesco":4344,"Ġperfil":4345,"Ġescol":4346,"ĠConstitu":4347,"roso":4348,"Ġejec":4349,"ĠOs":4350,"ĠPos":4351,"Ġhubiera":4352,"Ġutiliza":4353,"Ġvisión":4354,"Ġ·":4355,"Ġtrá":4356,"Ġasum":4357,"Ġhabitaciones":4358,"Ġplataforma":4359,"ICA":4360,"Ġcomenzó":4361,"Ġtelevisión":4362,"Ġperiodo":4363,"keting":4364,"Ġmiércoles":4365,"Ġhaga":4366,"Ġinvestig":4367,"lamento":4368,"Ġsala":4369,"Ġjard":4370,"ites":4371,"estival":4372,"Ġcompletamente":4373,"Ġradio":4374,"ity":4375,"pol":4376,"Ġgénero":4377,"Ġmotor":4378,"ĠWeb":4379,"Ġterritorio":4380,"ĠHe":4381,"Ġhabrá":4382,"istema":4383,"witter":4384,"Ġvino":4385,"ĠEcon":4386,"Ġton":4387,"Ġmartes":4388,"Ġimpacto":4389,"Ġsosten":4390,"Ġdescan":4391,"Ġcultural":4392,"24":4393,"Ġcuya":4394,"Ġpudo":4395,"Ġresiden":4396,"Ġfútbol":4397,"Ġeventos":4398,"LA":4399,"Ġprefer":4400,"iales":4401,"Ġech":4402,"inci":4403,"Ġarriba":4404,"Ġtercer":4405,"Ġproduci":4406,"Ġpublicación":4407,"Ġkilómetros":4408,"Ġderecha":4409,"Ġtesti":4410,"ĠBen":4411,"gust":4412,"gü":4413,"ĠBel":4414,"Ġ90":4415,"Ġdisponibles":4416,"triz":4417,"Ġcuarto":4418,"trol":4419,"Ġactualidad":4420,"Ġrecha":4421,"CA":4422,"Ġdarle":4423,"quilib":4424,"pera":4425,"Ġfigura":4426,"Ġpresión":4427,"Ġflu":4428,"ĠVe":4429,"ĠCatal":4430,"Ġequiv":4431,"IT":4432,"Ġcalles":4433,"ick":4434,"Ġcualquiera":4435,"capa":4436,"Ġmarcas":4437,"Ġdando":4438,"Ġsitios":4439,"Te":4440,"Ġdemanda":4441,"Ġinfer":4442,"ĠXX":4443,"ĠEspañ":4444,"ense":4445,"Ġavent":4446,"Ġcomunic":4447,"ĠTodos":4448,"isa":4449,"deres":4450,"didad":4451,"Más":4452,"Ġizquierda":4453,"ĠpelÃŃculas":4454,"teros":4455,"Ġfuego":4456,"ombi":4457,"Ġanteriores":4458,"Ġiniciativa":4459,"Ġlengu":4460,"leo":4461,"âĤ¬":4462,"Ġorganizaciones":4463,"mitir":4464,"guez":4465,"Ġarquitec":4466,"ĠSur":4467,"Ġhabitación":4468,"ance":4469,"Ġganas":4470,"Ġpreguntas":4471,"Ġcontemp":4472,"ĠSantiago":4473,"Ġalmacen":4474,"ĠTrans":4475,"Ġrevis":4476,"ĠMuch":4477,"arca":4478,"ĠEdi":4479,"Ġelecciones":4480,"ecÃŃa":4481,"Ġdocumento":4482,"Ġfundamental":4483,"ópez":4484,"Ġcm":4485,"Ġintent":4486,"Ġmostrar":4487,"Ġequip":4488,"Ġmismas":4489,"Ġ2009":4490,"Ġcorre":4491,"ĠFund":4492,"ribunal":4493,"Ġllegado":4494,"Ġintereses":4495,"ĠAt":4496,"AsÃŃ":4497,"Hay":4498,"Ġzapa":4499,"Ġaspecto":4500,"iblio":4501,"Ġcircun":4502,"tienen":4503,"Ġcarga":4504,"Ġarro":4505,"Ġporno":4506,"riendo":4507,"ĠâĢ¢":4508,"pora":4509,"Ġalcanzar":4510,"Ġteniendo":4511,"Ġgrave":4512,"ĠEE":4513,"Ġnie":4514,"estruc":4515,"iados":4516,"Ġaceite":4517,"Ġocu":4518,"»,":4519,"jan":4520,"Ġán":4521,"yos":4522,"US":4523,"22":4524,"Ġce":4525,"leza":4526,"Ġgenera":4527,"ĠjurÃŃ":4528,"anto":4529,"rup":4530,"itados":4531,"Ġdeten":4532,"Ġpedir":4533,"Ġgeneración":4534,"Ġacog":4535,"Ġlejos":4536,"Ġestrategia":4537,"ĠDon":4538,"Ġpsic":4539,"ĠperÃŃo":4540,"dó":4541,"ins":4542,"Ġaparece":4543,"Ġprimeras":4544,"Ġgrado":4545,"ĠPat":4546,"Ġtales":4547,"Ġconocimientos":4548,"Ġsoluciones":4549,"Ġras":4550,"Ġabandon":4551,"Ġadolesc":4552,"gimen":4553,"Ġdicen":4554,"Ġprofesor":4555,"Ġvacaciones":4556,"Ġgrá":4557,"Ġrepe":4558,"Ġconvir":4559,"Ġbur":4560,"ĠSE":4561,"Ġderro":4562,"Ġambient":4563,"Ġadop":4564,"Ġedificio":4565,"Ġdetec":4566,"ĠBuenos":4567,"Ġbloque":4568,"ĠAut":4569,"Ġrode":4570,"usa":4571,"Ġpersonaje":4572,"ht":4573,"Ġplantas":4574,"poner":4575,"ly":4576,"Ġjusticia":4577,"Ġargu":4578,"Ġsituaciones":4579,"ĠAires":4580,"ulado":4581,"ĠmÃŃnimo":4582,"Ġesperar":4583,"ĠPablo":4584,"vas":4585,"ĠFrancia":4586,"Ġ70":4587,"Ġprostitu":4588,"ĠMedi":4589,"Ġimper":4590,"Ġésta":4591,"Ġtrabajando":4592,"ologÃŃas":4593,"Ġkm":4594,"Ġmantenimiento":4595,"Ġjusto":4596,"mán":4597,"Ġchica":4598,"ĠCab":4599,"Ġfamiliares":4600,"ĠCuba":4601,"Ġchicas":4602,"dizaje":4603,"Ġrequis":4604,"ĠvÃŃdeo":4605,"Ġhija":4606,"Ġfer":4607,"Ġtercera":4608,"Ġreducir":4609,"Ġalguno":4610,"Ġpiezas":4611,"Ġpag":4612,"Ġrequiere":4613,"PA":4614,"inario":4615,"ĠLópez":4616,"blos":4617,"Ġmodific":4618,"ciar":4619,"ĠMujer":4620,"villa":4621,"Ġdiá":4622,"rón":4623,"Ġenorme":4624,"edores":4625,"acho":4626,"ender":4627,"Ġ»":4628,"ĠChina":4629,"Ġsola":4630,"Ġfinales":4631,"ĠOfici":4632,"Ya":4633,"gal":4634,"Ġnormas":4635,"Ġanal":4636,"ĠDespués":4637,"ĠRob":4638,"dÃŃ":4639,"Ġfirm":4640,"ĠvehÃŃculos":4641,"Ġ35":4642,"ĠDesarrollo":4643,"ĠquerÃŃa":4644,"ĠInv":4645,"Ġadministra":4646,"Ġespeciales":4647,"Ġvariedad":4648,"ĠHoy":4649,"udicial":4650,"rador":4651,"cipl":4652,"ĠComer":4653,"amor":4654,"Ġúltimas":4655,"Ġinstalación":4656,"tillas":4657,"Ġvecinos":4658,"ĠFacebook":4659,"Ġtengan":4660,"ÃŃtulos":4661,"Ġsel":4662,"san":4663,"Ġpeor":4664,"iamente":4665,"Ġherramienta":4666,"Ġimpuls":4667,"tillo":4668,"Ġbara":4669,"uta":4670,"Ġlarga":4671,"Ġcomenz":4672,"Ġnoticias":4673,"Ġinc":4674,"Ġcompetencia":4675,"ĠRam":4676,"ĠTh":4677,"Ġaquella":4678,"Ten":4679,"Ġdudas":4680,"Ġsolamente":4681,"Ġsabemos":4682,"Ġcomprome":4683,"Ġindividu":4684,"ave":4685,"Ġmejora":4686,"Ġventas":4687,"Ġcarta":4688,"ond":4689,"Ġdejó":4690,"Ġmone":4691,"ĠFu":4692,"Ġdónde":4693,"ĠGrupo":4694,"Ġpasos":4695,"Buen":4696,"UU":4697,"Ġluc":4698,"Ġalquil":4699,"Ġposibilidades":4700,"ĠEstudi":4701,"Ġvivienda":4702,"Ġterror":4703,"use":4704,"yó":4705,"Ġabog":4706,"Ġdue":4707,"Ġcomport":4708,"ĠHist":4709,"Ġacum":4710,"ivas":4711,"Ġdecisiones":4712,"cimientos":4713,"UR":4714,"Ġ2008":4715,"iores":4716,"illos":4717,"Ġsesión":4718,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":4719,"tró":4720,"Ġsexual":4721,"Ġsueño":4722,"Ġboca":4723,"Ġpresupuesto":4724,"Ġregal":4725,"Ġtriun":4726,"iles":4727,"Ġdespe":4728,"ĠClub":4729,"Ġhuman":4730,"Ġbre":4731,"Ġpuertas":4732,"Ġfuerzas":4733,"Ġconsecuencia":4734,"ses":4735,"Ġexplica":4736,"Ġcomplic":4737,"Ġexistencia":4738,"ĠBrasil":4739,"Ġdirecto":4740,"ĠBlan":4741,"mina":4742,"ĠUnión":4743,"Ġlectura":4744,"Res":4745,"ĠlÃŃneas":4746,"Ġocho":4747,"Ġsustitu":4748,"ĠNos":4749,"Ġhicieron":4750,"Ġcuentas":4751,"Ġocul":4752,"ticamente":4753,"Ġcasas":4754,"Ġpublicado":4755,"ÃŃda":4756,"Ġrit":4757,"ĠBer":4758,"Ġrecordar":4759,"áis":4760,"Ġexplo":4761,"Ġaloj":4762,"Ġdescargar":4763,"Ġfas":4764,"ĠPresidente":4765,"Ġjugador":4766,"ĠvehÃŃculo":4767,"Ġavis":4768,"ĠcrÃŃt":4769,"vel":4770,"23":4771,"Ġtamb":4772,"Ġfines":4773,"Ìģ":4774,"alizados":4775,"arnos":4776,"Ġefica":4777,"cam":4778,"Ġvincul":4779,"ang":4780,"Ġobstante":4781,"Ġmala":4782,"tus":4783,"Ġcatal":4784,"iempre":4785,"Ġentra":4786,"LO":4787,"Ġabor":4788,"Ġsalv":4789,"itamos":4790,"Ġcompañeros":4791,"Ġvivo":4792,"VA":4793,"Ġpiedra":4794,"Ġposibles":4795,"Ġencanta":4796,"Ġpris":4797,"Ġbarrio":4798,"hn":4799,"Ġsoftware":4800,"Ġfuentes":4801,"Ġrespeto":4802,"ĠDirección":4803,"Ġsectores":4804,"Ġfirma":4805,"Ġllu":4806,"ĠfÃŃsica":4807,"ĠÃģn":4808,"fre":4809,"Ġjefe":4810,"chas":4811,"Po":4812,"Ġaquellas":4813,"Ġregistro":4814,"80":4815,"Ġescal":4816,"Hoy":4817,"Ġdich":4818,"Ġestablecer":4819,"mania":4820,"ĠValencia":4821,"Ġrevel":4822,"Ġsede":4823,"Ġlech":4824,"Ġquedó":4825,"Ġmicro":4826,"ples":4827,"Ġfiscal":4828,"Ġentidades":4829,"Ġmenores":4830,"Ġconoc":4831,"Ġexposición":4832,"Ġfinalmente":4833,"ĠBl":4834,"Ġpobre":4835,"Ġidi":4836,"ĠCre":4837,"Ġmam":4838,"Ġrelev":4839,"tig":4840,"Ġido":4841,"ty":4842,"Ġministro":4843,"Ġexter":4844,"Ġnovela":4845,"ĠpodrÃŃan":4846,"fon":4847,"Ġescenario":4848,"Ġsome":4849,"ker":4850,"Ġrendimiento":4851,"ĠPerú":4852,"rupción":4853,"ĠEso":4854,"ĠEmpres":4855,"ĠCruz":4856,"icción":4857,"Ġsuperficie":4858,"Ġunidades":4859,"Ġrequer":4860,"Ġran":4861,"Ġpropias":4862,"Durante":4863,"Ġoperaciones":4864,"chez":4865,"Ġtes":4866,"Ġmeta":4867,"Ġcumple":4868,"Ġverde":4869,"Ġcama":4870,"Ġmáxima":4871,"ĠJav":4872,"Ġano":4873,"Ġrestau":4874,"ĠAdministración":4875,"Ġprom":4876,"@@":4877,"Ġllegada":4878,"Ġdocumentos":4879,"Ġestan":4880,"Ġacadém":4881,"cida":4882,"iego":4883,"cés":4884,"iosa":4885,"Ġgenerar":4886,"Ġexac":4887,"bla":4888,"Ġapun":4889,"dón":4890,"Ġgras":4891,"Ġ>":4892,"Ġretir":4893,"Ġment":4894,"ĠFer":4895,"uncia":4896,"Ġdomici":4897,"Ġenfrent":4898,"Ġpequeñas":4899,"Ġresolver":4900,"ficaciones":4901,"eles":4902,"ĠhacÃŃa":4903,"indo":4904,"Ġpec":4905,"Ġresolución":4906,"Ġsección":4907,"uebles":4908,"Ġexcep":4909,"Ġprácticas":4910,"ĠDav":4911,"Ġcita":4912,"):":4913,"Ġdep":4914,"iero":4915,"anzas":4916,"Ġargent":4917,"venida":4918,"amble":4919,"Ġoperación":4920,"ĠTa":4921,"ĠincreÃŃ":4922,"fin":4923,"ko":4924,"Ġcán":4925,"ĠDEL":4926,"Ġespecie":4927,"ĠElec":4928,");":4929,"Ġcerc":4930,"gaciones":4931,"plic":4932,"Ġges":4933,"AT":4934,"Ġembara":4935,"org":4936,"ĠEm":4937,"Ġtemperatura":4938,"fÃŃa":4939,"CO":4940,"ĠhabrÃŃa":4941,"ĠRev":4942,"Ġhará":4943,"Ġartes":4944,"Ġplaza":4945,"Ġagreg":4946,"Ġreac":4947,"anda":4948,"Ġga":4949,"onda":4950,"ĠPolicÃŃa":4951,"ĠFue":4952,"Ġcriter":4953,"Ġsencillo":4954,"ĠNorte":4955,"dust":4956,"fé":4957,"erop":4958,"ĠAg":4959,"ĠYork":4960,"Ġdigo":4961,"ive":4962,"ĠOrgan":4963,"deración":4964,"Ġfen":4965,"tumb":4966,"portes":4967,"Ġsupone":4968,"Ġpedido":4969,"Ġabajo":4970,"Ġvideos":4971,"usia":4972,"Ġregular":4973,"Ġcámara":4974,"Ġast":4975,"Ġpérdida":4976,"ĠFis":4977,"Ġenfermedades":4978,"ĠEstos":4979,"ĠBe":4980,"Ġlegal":4981,"Ġcomerciales":4982,"Ġmaravillos":4983,"Ġintentar":4984,"ĠBus":4985,"Ġmúlti":4986,"deros":4987,"Ġsomb":4988,"racia":4989,"Ġprincipalmente":4990,"ĠDu":4991,"Ġbelleza":4992,"Ġabierto":4993,"Ġproduce":4994,"Ġpermiten":4995,"Ġsuele":4996,"Ġcolección":4997,"onato":4998,"Ġingresos":4999,"ky":5000,"eran":5001,"Ġpasó":5002,"Ġrealizó":5003,"Ġhumana":5004,"Ġtiendas":5005,"ieran":5006,"ité":5007,"tismo":5008,"torias":5009,"ĠpolicÃŃa":5010,"99":5011,"uencias":5012,"Ġseñaló":5013,"ĠEspe":5014,"Ġpodido":5015,"okies":5016,"jor":5017,"Ġcalor":5018,"ĠMac":5019,"ĠDomin":5020,"Ġsimilar":5021,"Ġmecan":5022,"Ġdiput":5023,"ĠCada":5024,"Ġhá":5025,"Ġagre":5026,"Ġexperiencias":5027,"Ġescuchar":5028,"ĠRom":5029,"puestas":5030,"Ġagrad":5031,"Ġisla":5032,"ĠHu":5033,"ĠSeñor":5034,"**":5035,"Ġfeliz":5036,"Ġcorte":5037,"Ġcorrespondiente":5038,"ĠVir":5039,"ĠProfes":5040,"ĠFundación":5041,"itada":5042,"Ġciencia":5043,"Ġtransform":5044,"Ġpremio":5045,"edes":5046,"Ġvictoria":5047,"Ġnacionales":5048,"Ġambas":5049,"Ġcircunst":5050,"Ġtraslad":5051,"Ġincluyendo":5052,"ĠJusticia":5053,"Ġjam":5054,"tem":5055,"Ġconsol":5056,"Ġsale":5057,"Ġárbol":5058,"Ġtej":5059,"âĢ¢":5060,"Ġveo":5061,"Ġdeporte":5062,"isiones":5063,"Ġerror":5064,"Ġruta":5065,"Ġgastos":5066,"ĠCivil":5067,"IM":5068,"Ġtraduc":5069,"Ġabsolu":5070,"Ġdesaf":5071,"Ġelección":5072,"Ġlocalidad":5073,"Ġsiguen":5074,"Ġcoinci":5075,"rales":5076,"Ġfactores":5077,"ilares":5078,"reras":5079,"itarios":5080,"len":5081,"Ġaprendizaje":5082,"udas":5083,"ĠPrem":5084,"Ġrey":5085,"Ġtritur":5086,"ĠNi":5087,"Ġimposible":5088,"ĠperÃŃodo":5089,"Ġcereb":5090,"Ġ=":5091,"Ġhar":5092,"Ġcomunidades":5093,"ĠPúbl":5094,"inados":5095,"ET":5096,"Ġdeseo":5097,"ÃŃguez":5098,"ĠTri":5099,"eñ":5100,"Ġpúblicas":5101,"Ġcumplimiento":5102,"Ġdebes":5103,"Ġofrecen":5104,"idar":5105,"Ġparticipantes":5106,"Ġfalle":5107,"iación":5108,"Ġconsulta":5109,"Ġcomenzar":5110,"Ġcomercio":5111,"Ġrecorrido":5112,"Ġge":5113,"Ġpiso":5114,"ĠĠ":5115,"quilla":5116,"Ġdivi":5117,"Tras":5118,"Ġfunciona":5119,"Ġmanda":5120,"Ġpueblos":5121,"Ġdetrás":5122,"ĠTele":5123,"ierta":5124,"bra":5125,"Ġexpertos":5126,"ĠBal":5127,"ĠServicio":5128,"Ġnomb":5129,"drÃŃguez":5130,"ánica":5131,"Ġcomerci":5132,"viamente":5133,"Ġaper":5134,"Ġprivado":5135,"Ġurb":5136,"vera":5137,"arle":5138,"Ġrazones":5139,"Ġrecog":5140,"igu":5141,"Ġprobar":5142,"ĠPerson":5143,"Ġcódigo":5144,"Ġrue":5145,"Ġaumentar":5146,"Ġfase":5147,"Ġinformó":5148,"Ġhubo":5149,"ĠrÃŃo":5150,"Ġequilib":5151,"ks":5152,"ª":5153,"metro":5154,"ánd":5155,"uf":5156,"Ġvuelve":5157,"misión":5158,"ĠCur":5159,"Ġverdadera":5160,"ivamente":5161,"hib":5162,"amento":5163,".âĢĿ":5164,"Ġllevó":5165,"arial":5166,"Ġrégimen":5167,"Ġdispositivos":5168,"adio":5169,"gados":5170,"Ġfar":5171,"ĠSec":5172,"int":5173,"Ġital":5174,"Ġtarjeta":5175,"Ġsorpres":5176,"Ġhayan":5177,"Ġgarantizar":5178,"ĠtenÃŃan":5179,"Ġcorto":5180,"Ġsensación":5181,"Ġformato":5182,"uña":5183,"ánchez":5184,"ds":5185,"Ġses":5186,"Ġcondición":5187,"Ġpropuestas":5188,"oque":5189,"ĠPP":5190,"Ġsiquiera":5191,"Ġdistribución":5192,"Ġcrim":5193,"ianos":5194,"raz":5195,"Ġestén":5196,"ĠSegún":5197,"lÃŃ":5198,"Ġreconocimiento":5199,"ĠUr":5200,"Ġsonido":5201,"talia":5202,"idez":5203,"Ch":5204,"Ġcomienza":5205,"ológicos":5206,"Ġrevista":5207,"Ġdul":5208,"Ġdebate":5209,"Ġdesper":5210,"Ġconstruir":5211,"Ġaus":5212,"inta":5213,"ĠProvin":5214,"Ġataque":5215,"grafÃŃas":5216,"Ġespero":5217,"ĠTras":5218,"ĠEscuela":5219,"arme":5220,"Ġpresentes":5221,"iendas":5222,"Ġofertas":5223,"estre":5224,"Ġdenunci":5225,"Ġcompos":5226,"Ġcursos":5227,"Ġidentidad":5228,"Ġdispar":5229,"isla":5230,"Ġintens":5231,"ĠNO":5232,"Ġnoticia":5233,"Ġmantiene":5234,"Ġfondos":5235,"Ġcrédito":5236,"crib":5237,"raestruc":5238,"pr":5239,"Ġec":5240,"Ġenlace":5241,"Ġplanes":5242,"king":5243,"cionamiento":5244,"stru":5245,"Ġacre":5246,"éndose":5247,"ĠÃģngel":5248,"ezol":5249,"ore":5250,"Ġdeclara":5251,"amentos":5252,"tigo":5253,"augu":5254,"Ġparque":5255,"Ġrelacionados":5256,"ĠvÃŃctimas":5257,"Ġenem":5258,"Ġaproximadamente":5259,"ĠPl":5260,"Ġmunicipal":5261,"ĠFel":5262,"Ġremo":5263,"ĠRodrÃŃguez":5264,"Ġparecer":5265,"venir":5266,"Ġmarc":5267,"Ġrápida":5268,"ribuy":5269,"ĠPRO":5270,"wn":5271,"ĠInf":5272,"gamos":5273,"Ġhal":5274,"Ġexplicó":5275,"Ġexpresión":5276,"ficiencia":5277,"ĠJorge":5278,"Ġformul":5279,"ĠPuerto":5280,"up":5281,"ĠServicios":5282,"Ġindica":5283,"AP":5284,"gencias":5285,"ĠespÃŃritu":5286,"VI":5287,"Ġvive":5288,"Ġinaugu":5289,"Ġdescubrir":5290,"Ġelev":5291,"ude":5292,"Ġartistas":5293,"Ġglobal":5294,"45":5295,"Ġcanciones":5296,"enes":5297,"Ġdelante":5298,"ĠRed":5299,"]âĢĭ":5300,"Ġcomentario":5301,"Ġdispositivo":5302,"Ġjuntos":5303,"ález":5304,"Ġprior":5305,"Entre":5306,"Ġmétodo":5307,"Ġcontras":5308,"rael":5309,"Ahora":5310,"Ġbio":5311,"Ġadultos":5312,"ÃŃgen":5313,"eña":5314,"ucÃŃa":5315,"ámica":5316,"acas":5317,"Ġhermano":5318,"ENT":5319,"Ġtarea":5320,"ĠJun":5321,"Ġconvertido":5322,"«":5323,"Ġdejado":5324,"ĠgustarÃŃa":5325,"Ġtérmino":5326,"Ġconexión":5327,"Ġtren":5328,"Ġconsec":5329,"todos":5330,"tima":5331,"éndo":5332,"Ġ500":5333,"Ġcielo":5334,"Ġcosto":5335,"pati":5336,"Ġoportunidades":5337,"Ġcaja":5338,"Ġilum":5339,"Ġhabitantes":5340,"Ġentrevista":5341,"Ġforo":5342,"Ġdistribu":5343,"Ġencontramos":5344,"tista":5345,"Ġbomb":5346,"Ġritmo":5347,"Ġnutri":5348,"Ġfemen":5349,"ĠSánchez":5350,"Ġespañoles":5351,"Ġestadounidense":5352,"eca":5353,"Ġ2007":5354,"ĠOn":5355,"ĠNic":5356,"Gra":5357,"yecto":5358,"Ġintención":5359,"Ġobliga":5360,"Ġcontexto":5361,"Ġterminar":5362,"Ġempleados":5363,"LE":5364,"Ġactos":5365,"ĠPorque":5366,"Ġpies":5367,"orios":5368,"ĠTV":5369,"Ġcircul":5370,"ĠMil":5371,"Ġrecibido":5372,"Ġpaciente":5373,"Ġcarne":5374,"Ġjuicio":5375,"Ġmiembro":5376,"Ġinflu":5377,"ciaciones":5378,"Ġsirve":5379,"Ġarmas":5380,"Ġperió":5381,"Ġduro":5382,"Aunque":5383,"ĠLeón":5384,"Ġalma":5385,"arlos":5386,"iri":5387,"ĠComunidad":5388,"Ġamplio":5389,"Ġrenov":5390,"Ġpotencial":5391,"Ġpublicidad":5392,"arra":5393,"Ġ45":5394,"Ġdetalle":5395,"cón":5396,"olucion":5397,"Ġsilen":5398,"Ġacos":5399,"tÃŃculo":5400,"Ġcreado":5401,"Ġcontiene":5402,"Ġdebajo":5403,"ĠIncl":5404,"Ġvolumen":5405,"deras":5406,"Ġterreno":5407,"Ġproteger":5408,"Ġrum":5409,"Ġgama":5410,"Ġobjetos":5411,"oluc":5412,"Ġinstitución":5413,"ĠAlgun":5414,"Ġigu":5415,"ĠAlemania":5416,"BA":5417,"teratura":5418,"Ġpasando":5419,"Ġartista":5420,"Ġcál":5421,"Ġdirecta":5422,"Ġmirada":5423,"Ġhistorias":5424,"Ġpróxima":5425,"Ġleyes":5426,"Ġocurre":5427,"ĠSil":5428,"Ġleyendo":5429,"Ġsurg":5430,"Ġhistórico":5431,"Ġadelan":5432,"ĠJunta":5433,"Ġ196":5434,"ticias":5435,"ash":5436,"Ġrecuerdo":5437,"Ġconden":5438,"ĠFernando":5439,"ARA":5440,"ipe":5441,"trado":5442,"Ġespecta":5443,"Ġmig":5444,"ĠSevilla":5445,"Ġeliminar":5446,"ĠAndal":5447,"pens":5448,"Ġseres":5449,"ĠGonzález":5450,"Ġpreocu":5451,"ultades":5452,"Ġmedic":5453,"ucha":5454,"Ġconfirm":5455,"Ġcadena":5456,"21":5457,"ĠBanco":5458,"Ġlegisl":5459,"Ġcertific":5460,"Ġpuso":5461,"Ġenter":5462,"ĠAz":5463,"Ġliter":5464,"Ġreclam":5465,"Ġpasada":5466,"Ġperspec":5467,"Ġintervención":5468,"2018":5469,"Ġcolombi":5470,"radas":5471,"Ġlimpieza":5472,"Ġoficina":5473,"Ġnecesaria":5474,"Ġconvoca":5475,"leta":5476,"ĠLib":5477,"timos":5478,"Ġcierre":5479,"ĠtÃŃp":5480,"deos":5481,"Ġustedes":5482,"Ġpromedio":5483,"Ġilust":5484,"Ġaseguró":5485,"ĠTecn":5486,"Pre":5487,"ĠDavid":5488,"Ġprocedimiento":5489,"berto":5490,"Ġpractic":5491,"Ġmensajes":5492,"Ġvoc":5493,"Ġvoluntad":5494,"RES":5495,"usiones":5496,"Ġmezcla":5497,"ĠOri":5498,"Ġprima":5499,"rores":5500,"lano":5501,"Ġdepartamento":5502,"Ġ@":5503,"timo":5504,"Ġagres":5505,"ĠVilla":5506,"utbol":5507,"ĠclÃŃn":5508,"Ġpropósito":5509,"26":5510,"Ġrequisitos":5511,"CE":5512,"ĠPen":5513,"ĠCristo":5514,"Ġcanción":5515,"27":5516,"estas":5517,"Ġtendencia":5518,"Ġresistencia":5519,"Ġquedan":5520,"ulares":5521,"Ġestren":5522,"indows":5523,"udos":5524,"tidas":5525,"Ġpic":5526,"IF":5527,"rano":5528,"Ġcanal":5529,"tamientos":5530,"gram":5531,"Ġsolicitud":5532,"Ġdim":5533,"ĠTal":5534,"Ġubicación":5535,"ade":5536,"Ġase":5537,"Ġleche":5538,"ienes":5539,"Ġrepor":5540,"Ġpendi":5541,"Ġdaño":5542,"ella":5543,"Ġpase":5544,"ĠSem":5545,"Ġimpresion":5546,"Ġtareas":5547,"Ġpat":5548,"Ġdro":5549,"Ġvender":5550,"Ġintegra":5551,"dedores":5552,"Ġacudi":5553,"Ġmúltiples":5554,"Ġemerg":5555,"Ġciclo":5556,"Ġhospital":5557,"Ġviajes":5558,"ĠPon":5559,"ÃŃz":5560,"Ġcoti":5561,"Ġnecesarios":5562,"Ġclima":5563,"Ġvisit":5564,"ciÃĥ":5565,"Ġescena":5566,"eropuerto":5567,"ĠCultura":5568,"erdo":5569,"www":5570,"Ġrol":5571,"tadores":5572,"Ġreciente":5573,"ley":5574,"Ġarchivos":5575,"Ġproducir":5576,"Ġinfec":5577,"dice":5578,"Ġtorno":5579,"Ġhabitual":5580,"Ġexpe":5581,"ĠSistema":5582,"Ġreforma":5583,"Ġsuma":5584,"Ġrojo":5585,"Ġwww":5586,"Ġbeneficio":5587,"ĠPartido":5588,"Ġorganismo":5589,"rarse":5590,"Ġvistas":5591,"Ġbi":5592,"Ġsabor":5593,"Ġmusical":5594,"grÃŃa":5595,"estiones":5596,"Ġhermanos":5597,"Ġcáncer":5598,"Ġduración":5599,"35":5600,"Ġllevan":5601,"ĠInvesti":5602,"Ġpermanente":5603,"érez":5604,"ĠGer":5605,"Ġpref":5606,"ólogo":5607,"Después":5608,"Ġpromoción":5609,"ĠLuego":5610,"Ġbreve":5611,"%.":5612,"Ġbos":5613,"uelos":5614,"lección":5615,"Ġconciencia":5616,"Ġtera":5617,"Ġsupon":5618,"Ġtendrán":5619,"Ġperfecta":5620,"Ġsuminist":5621,"Ġarran":5622,"Ġmovimientos":5623,"ĠguÃŃa":5624,"PS":5625,"Ġexam":5626,"tiende":5627,"osos":5628,"Ġrefiere":5629,"Ġpocas":5630,"ĠSam":5631,"Ġpotencia":5632,"tég":5633,"Ġevolución":5634,"Ġreduci":5635,"Ġvul":5636,"Ġasistencia":5637,"ĠAD":5638,"inada":5639,"gadas":5640,"Ġlenguaje":5641,"Ġcontrolar":5642,"Ġhier":5643,"Ġpuestos":5644,".)":5645,"ĠAquÃŃ":5646,"Ġreserva":5647,"izada":5648,"ército":5649,"amblea":5650,"Ġtambien":5651,"Ġencontrado":5652,"Ġbici":5653,"Ġcree":5654,"Ġhonor":5655,"Ġiglesia":5656,"jeron":5657,"quinas":5658,"Ġplaneta":5659,"Ġdescrib":5660,"ĠIndust":5661,"Ġubicado":5662,"Ġprecisamente":5663,"ĠDurante":5664,"jal":5665,"Ġrestaurante":5666,"Ġinferior":5667,"Ġaguas":5668,"Ġútil":5669,"28":5670,"Ġpose":5671,"Ġconocida":5672,"Ġconcurso":5673,"âĢĻ,":5674,"Ġmencion":5675,"ĠVI":5676,"ÃŃc":5677,"Ġperdido":5678,"ĠEuropea":5679,"Ġlóg":5680,"ĠDerecho":5681,"Ġdependi":5682,"uestros":5683,"ĠRE":5684,"ĠtecnologÃŃas":5685,"Ġsuelen":5686,"ĠfÃŃsico":5687,"duce":5688,"ĠTierra":5689,"Ġaplicar":5690,"genierÃŃa":5691,"Ġsaben":5692,"Ġquizás":5693,"Ġrealización":5694,"ruguay":5695,"Ġnombres":5696,"Ġreconocer":5697,"Ġarreg":5698,"ĠAL":5699,"Ġhipo":5700,"ĠFor":5701,"Ġoptim":5702,"quen":5703,"Ġespectá":5704,"ritán":5705,"Ġrecuerda":5706,"Ġfrecuencia":5707,"Ġrápidamente":5708,"Ġpresentado":5709,"IDAD":5710,"ondo":5711,"Ġsuave":5712,"ĠRusia":5713,"33":5714,"Ġhttp":5715,"Ġasegura":5716,"Ġinfantil":5717,"Ġrecibió":5718,"Ãij":5719,"ĠSub":5720,"Ġhacemos":5721,"Ġprodu":5722,"Ġ300":5723,"ĠAna":5724,"zz":5725,"Ġefectu":5726,"ĠMá":5727,"ung":5728,"Ġagentes":5729,"Ġputas":5730,"Ġsolicitar":5731,"Mi":5732,"Ġpele":5733,"Ġconsiste":5734,"Ġlengua":5735,"ĠÐ":5736,"ĠCiencias":5737,"Ġasesor":5738,"Ġvendi":5739,"ĠTécn":5740,"Ġformar":5741,"Ġvenezol":5742,"ĠPri":5743,"mm":5744,"ane":5745,"Ġdomicilio":5746,"Ġmercados":5747,"Mar":5748,"let":5749,"quia":5750,"Ġplacer":5751,"Ġsubir":5752,"Ġvemos":5753,"eció":5754,"Ġgl":5755,"Ġintelec":5756,"Ġcierta":5757,"ĠCopa":5758,"ĠAst":5759,"Ġsegundos":5760,"Ġmisión":5761,"Ġhos":5762,"ĠHar":5763,"Ġporta":5764,"Ġcuentan":5765,"Ġmotiv":5766,"rucciones":5767,"aa":5768,"pira":5769,"ĠMunicipal":5770,"90":5771,"Ġcomportamiento":5772,"ciles":5773,"Ġdeberán":5774,"Ġquis":5775,"Ġrepresentantes":5776,"Ġasc":5777,"Ġpresentó":5778,"Ġaudio":5779,"Ġapartado":5780,"Ġimplic":5781,"Ġalimentación":5782,"OD":5783,"olina":5784,"Ġadecuado":5785,"Ġgana":5786,"Ġasegurar":5787,"Ġacaba":5788,"Ġevaluación":5789,"ÃŃsticos":5790,"Ġvio":5791,"Ġprivada":5792,"Ġsiento":5793,"hat":5794,"Ġentregar":5795,"Ġporcent":5796,"Ġgratuita":5797,"ĠTwitter":5798,"Ġcontinuar":5799,"Ġdormitor":5800,"Ġalcance":5801,"Ġsimp":5802,"piración":5803,"Ġbru":5804,"Ġutilizando":5805,"hor":5806,"Ġindustrial":5807,"ĠPérez":5808,"Dis":5809,"Ġfom":5810,"ĠGre":5811,"Ġactuación":5812,"Ġalco":5813,"Ġtantos":5814,"vimos":5815,"rimiento":5816,"Ġfrancés":5817,"ĠCentral":5818,"ĠenvÃŃo":5819,"Ġexpan":5820,"ĠBas":5821,"Ġgrab":5822,"we":5823,"ĠRu":5824,"Ġriesgos":5825,"Ġ36":5826,"ini":5827,"sen":5828,"Ġpaque":5829,"Ġprotes":5830,"Ġfenóm":5831,"ĠEsp":5832,"Ġpretende":5833,"Ġantiguo":5834,"Ġresponsables":5835,"Ġconcreto":5836,"Ġelemento":5837,"Ġpróximos":5838,"Ġchicos":5839,"%,":5840,"Ġsuces":5841,"Ġlleno":5842,"Ġerrores":5843,"ĠHol":5844,"ÃŃsima":5845,"ĠDist":5846,"ĠForm":5847,"ĠPlaza":5848,"Ġnecesitan":5849,"ii":5850,"Ġconsecuencias":5851,"ting":5852,"ĠEstas":5853,"Ġprogres":5854,"Ġexpec":5855,"ĠSte":5856,"ĠTribunal":5857,"Ġcookies":5858,"ĠquÃŃm":5859,"Ġcomunes":5860,"Ġinfraestruc":5861,"Ġcarretera":5862,"viera":5863,"Ġpiscina":5864,"Ġespal":5865,"Ġabierta":5866,"Ġetique":5867,"guar":5868,"Ġllen":5869,"Ġ)":5870,"Ġvale":5871,"Ġclara":5872,"ĠDepartamento":5873,"Ġpuesta":5874,"ĠLin":5875,"Ġniña":5876,"Ġcocin":5877,"Rec":5878,"orts":5879,"Ġejecución":5880,"Ġgestion":5881,"igna":5882,"Ġcafé":5883,"Ġgar":5884,"Ġarchivo":5885,"Ġdieron":5886,"Ġamist":5887,"Ġmasa":5888,"rÃŃ":5889,"Ġalcalde":5890,"Ġadj":5891,"tización":5892,"Ġtrabaja":5893,"Ġestación":5894,"UC":5895,"Ġterra":5896,"ĠSala":5897,"Ġasunto":5898,"ueve":5899,"Ġresponder":5900,"Ġcercan":5901,"Ġhuel":5902,"Ġincluyen":5903,"cesa":5904,"Ġestablece":5905,"Ġvaya":5906,"Ġutilizado":5907,"Ġoposición":5908,"Ġflor":5909,"úcar":5910,"UL":5911,"adura":5912,"doba":5913,"Ġdejo":5914,"Ġsituado":5915,"ĠCosta":5916,"esÃŃa":5917,"ĠPuede":5918,"Ġneg":5919,"cir":5920,"Ġfich":5921,"Ġconvoc":5922,"ĠDr":5923,"ĠProduc":5924,"Ġperfectamente":5925,"Ġdesen":5926,"Ġbu":5927,"Ġbebé":5928,"Ġesposa":5929,"Ġproporcion":5930,"Ġautores":5931,"Ġflo":5932,"Ġsencilla":5933,"Ġtranspar":5934,"Ġpensamiento":5935,"Ġmédicos":5936,"Ġexplor":5937,"Gracias":5938,"ĠON":5939,"Ġcontactos":5940,"Much":5941,"sal":5942,"Ġsoporte":5943,"ĠfotografÃŃa":5944,"tuales":5945,"Ġestándar":5946,"?,":5947,"Ġpilo":5948,"Ġescon":5949,"abora":5950,"roid":5951,"Ġcelebración":5952,"rue":5953,"Ġpeligro":5954,"grado":5955,"ĠAudi":5956,"iverso":5957,"ecido":5958,"rida":5959,"américa":5960,"Ġinvoluc":5961,"Ġnúmeros":5962,"Ġconsejos":5963,"Ġaccidente":5964,"Ġimporta":5965,"',":5966,"Ġminer":5967,"ĠZapa":5968,"Ġhablando":5969,"Ġdestru":5970,"afa":5971,"tom":5972,"Ġlujo":5973,"ueva":5974,"Ġcabal":5975,"Ġextraord":5976,"rieron":5977,"pendencia":5978,"Ġmenudo":5979,"ĠsÃŃnt":5980,"Ġconflicto":5981,"ĠVol":5982,"Ġdesconoci":5983,"Ġflex":5984,"Ġafirma":5985,"ĠTrabajo":5986,"Ġmotivos":5987,"ĠTrump":5988,"TER":5989,"bos":5990,"ĠFederal":5991,"Ġlist":5992,"70":5993,"ĠJavier":5994,"ĠincreÃŃble":5995,"Ġdaños":5996,"Ġdesea":5997,"Ġdesay":5998,"Ġreceta":5999,"lin":6000,"Ġfuertes":6001,"ualmente":6002,"ĠÃīl":6003,"Ġfuncionarios":6004,"Ġsabes":6005,"ĠTom":6006,"Ġcontes":6007,"Ġbases":6008,"óstico":6009,"Ġcomunicado":6010,"Ġabra":6011,"Ġconvierte":6012,"Ġagradable":6013,"Ġverdadero":6014,"Ġameric":6015,"iernos":6016,"Ġdocument":6017,"AB":6018,"ĠAmb":6019,"ys":6020,"29":6021,"esper":6022,"Ġprote":6023,"Ġhabilidades":6024,"Ġdefens":6025,"ĠPrograma":6026,"tieron":6027,"Ġindependiente":6028,"Ġcoleg":6029,"Ġrem":6030,"Ġcaliente":6031,"inte":6032,"Ġautén":6033,"Ġtécnicos":6034,"Ġservir":6035,"Pue":6036,"Ġcarb":6037,"Ġactuales":6038,"Ġnaveg":6039,"dimientos":6040,"ĠAgu":6041,"Ġcaer":6042,"ĠCorte":6043,"Ġautoridad":6044,"Ġ..":6045,"Ġalar":6046,"Ġdiscipl":6047,"Ġrelo":6048,"Ġapertura":6049,"Ġmáquina":6050,"ĠConstitución":6051,"ionales":6052,"Ġger":6053,"Ġaclar":6054,"icales":6055,"quez":6056,"ĠCla":6057,"ĠFernández":6058,"ĠCul":6059,"ĠSecretarÃŃa":6060,"Ġaument":6061,"ni":6062,"hol":6063,"Ġrecibe":6064,"Ġanunció":6065,"Ġrecién":6066,"Ġdeuda":6067,"Ġ2006":6068,"Ġjuez":6069,"Ġauton":6070,"Ġestrellas":6071,"Ġturismo":6072,"Ġcabello":6073,"Hace":6074,"ĠGa":6075,"Ġcontribu":6076,"ĠJohn":6077,"Ġhacerse":6078,"Ġvit":6079,"alacio":6080,"Ġmarketing":6081,"vos":6082,"pin":6083,"Ġtoque":6084,"Ġquedado":6085,"Ġposterior":6086,"Ġdeleg":6087,"Ġresca":6088,"ĠAC":6089,"Ġperro":6090,"Ġdécada":6091,"Ġmira":6092,"ĠFuer":6093,"Ġpeti":6094,"Ġcontam":6095,"Ġingre":6096,"Ġsecretario":6097,"ĠMat":6098,"ĠLiga":6099,"teo":6100,"ĠDeb":6101,"ĠEjecu":6102,"Ġimpon":6103,"risa":6104,"adá":6105,"36":6106,"ĠDef":6107,"bum":6108,"xo":6109,"Ġmod":6110,"ĠMientras":6111,"ĠdecÃŃa":6112,"Ġenviar":6113,"Ġgenerales":6114,"americana":6115,"QU":6116,"ilos":6117,"endas":6118,"ube":6119,"Ġúnicamente":6120,"ástico":6121,"Ġcosta":6122,"ĠGuerra":6123,"Ġcuidad":6124,"Ġllevado":6125,"ĠðŁ":6126,"Ġanimal":6127,"Ġtráfico":6128,"ĠItalia":6129,"IV":6130,"Ġchico":6131,"Ġileg":6132,"ĠMartÃŃnez":6133,"Ġsup":6134,"Ġartic":6135,"guen":6136,"Ġestablecido":6137,"Ġfacilitar":6138,"Ġchoc":6139,"Ġrobo":6140,"Ġaccion":6141,"-,":6142,"capacidad":6143,"ĠcaÃŃda":6144,"Ġnerv":6145,"IB":6146,"Ġcuán":6147,"ĠInformación":6148,"Ġprotagonista":6149,"500":6150,"Ġderiv":6151,"Ġfantas":6152,"ĠTiene":6153,"Ġrecuperación":6154,"Ġprostitutas":6155,"Ġreca":6156,"Ġafirmó":6157,"zca":6158,"Ġvienen":6159,"Ġalquiler":6160,"Ġtasa":6161,"rente":6162,"Ġindicó":6163,"Ġintegral":6164,"ajo":6165,"bios":6166,"Ġdesn":6167,"Ġpremios":6168,"Ġvidas":6169,"Ġbritán":6170,"tistas":6171,"Ġpensando":6172,"Ġactitud":6173,"ĠGuar":6174,"ológicas":6175,"ĠCámara":6176,"ĠsabÃŃa":6177,"entro":6178,"ñar":6179,"Ġvisitas":6180,"Ġinicial":6181,"orar":6182,"ĠfrÃŃo":6183,"ĠAN":6184,"ĠWindows":6185,"Per":6186,"Ġviendo":6187,"duras":6188,"oras":6189,"Ġprácticamente":6190,"Ġfutbol":6191,"mart":6192,"Ġdecidió":6193,"ÃŃficas":6194,"Ġdefinitiva":6195,"Ġviajar":6196,"Ġeconómicos":6197,"Ġcuel":6198,"Ġenamor":6199,"Ġreform":6200,"Ġcostos":6201,"Ġteatro":6202,"zon":6203,"igos":6204,"Ġmóviles":6205,"Ġdispuesto":6206,"Ġinspir":6207,"isten":6208,"Ġadecuada":6209,"Ġllena":6210,"uma":6211,"Ġbanco":6212,"Ġesencial":6213,"ĠTar":6214,"ĠJulio":6215,"ábamos":6216,"Ġimpar":6217,"Ġoficiales":6218,"´":6219,"ĠâĤ¬":6220,"Ġnecesarias":6221,"IG":6222,"ĠTur":6223,"Ġasign":6224,"Ġcandidato":6225,"Ġrin":6226,"Ġimplica":6227,"Ġbuscan":6228,"icultura":6229,"ĠHotel":6230,"Ġempieza":6231,"Ġrecuperar":6232,"Ġcruz":6233,"ecreto":6234,"Ġcamp":6235,"bres":6236,"ĠAma":6237,"Ġsufici":6238,"Ġtarif":6239,"afas":6240,"ĠGe":6241,"Ġconsultar":6242,"ĠCá":6243,"Ġelectoral":6244,"Ġsimilares":6245,"Ġtier":6246,"SS":6247,"ĠMuseo":6248,"ĠOc":6249,"Ġconcur":6250,"Ġurg":6251,"ij":6252,"ĠFlor":6253,"ĠPD":6254,"ĠActu":6255,"aso":6256,"ĠMundo":6257,"Ġrepresentación":6258,"ĠHern":6259,"Ġregalo":6260,"Ġprést":6261,"ĠPues":6262,"So":6263,"Ġmatrimonio":6264,"Ġpintura":6265,"lada":6266,"ille":6267,"Ġdepende":6268,"Ġindividual":6269,"Ġhago":6270,"Ġapara":6271,"Ġabre":6272,"ĠSanto":6273,"Ġterceros":6274,"itando":6275,".[":6276,"Ġdispone":6277,"Ġaport":6278,"Ġcausas":6279,"CIA":6280,"Ġmanejo":6281,"Par":6282,"Ġinvertir":6283,"ĠReino":6284,"Ġañadir":6285,"Ġdelan":6286,"Ġestrategias":6287,"Ġfácilmente":6288,"osofÃŃa":6289,"tern":6290,"Ġrostro":6291,"Ġhuev":6292,"ficos":6293,"Ġcomprender":6294,"Ġsalón":6295,"Ġfiestas":6296,"Ġpropiedades":6297,"Ġign":6298,"III":6299,"Ġcél":6300,"Ġaquello":6301,"Ġsocio":6302,"Ġcompras":6303,"ĠCOM":6304,"Ġesperanza":6305,"Ġmezcl":6306,"tones":6307,"ĠgarantÃŃa":6308,"55":6309,"Ġdejando":6310,"Ġescribió":6311,"mes":6312,"Ġconfir":6313,"Ġinnovación":6314,"Ġprofesores":6315,"ĠSab":6316,"Ġreales":6317,"Ġregul":6318,"Ġpese":6319,"Ġlide":6320,"cción":6321,"Ġcircunstancias":6322,"Ġventaja":6323,"túa":6324,"Ġaconte":6325,".\"":6326,"Ġgenial":6327,"Ġllamar":6328,"Ġlogró":6329,"Ġadquirir":6330,"ĠParque":6331,"Ġcop":6332,"Ġpleno":6333,"ĠSen":6334,"ĠLatina":6335,"Ġcamis":6336,"ĠBoliv":6337,"andro":6338,"tol":6339,"ĠMen":6340,"Ġorgul":6341,"tudes":6342,"Ġtradición":6343,"Ġves":6344,"Ġniñas":6345,"Ġnecesitas":6346,"ĠFil":6347,"Ġperci":6348,"istencia":6349,"land":6350,"ĠSalv":6351,"Ġrespal":6352,"tesis":6353,"yendo":6354,"Ġsalvo":6355,"Ġcapaces":6356,"��":6357,"Ġjuz":6358,"ĠiP":6359,"Ġtorneo":6360,"ĠCat":6361,"Ġfechas":6362,"Ġcelebrar":6363,"Ġespecies":6364,"órm":6365,"Ġpecho":6366,"Ġcomienzo":6367,"ĠCór":6368,"lando":6369,"TR":6370,"Ġsalió":6371,"Ġexpor":6372,"MP":6373,"tÃŃ":6374,"Ġcomplejo":6375,"Ġdieta":6376,"Ġcreer":6377,"ĠMedio":6378,"ĠcompañÃŃas":6379,"Ġacu":6380,"Ġjapon":6381,"Ġflores":6382,"idu":6383,"Ġtono":6384,"Ġbiblio":6385,"Ġfuncional":6386,"Ġincluir":6387,"Ġpuedas":6388,"Ġempezó":6389,"Ġaltos":6390,"Ġdestacar":6391,"Ġ32":6392,"ĠSolo":6393,"Ġacredi":6394,"ricación":6395,"vio":6396,"Ġanalizar":6397,"Ġago":6398,"Ġpuerto":6399,"Ġreto":6400,"Ġordenador":6401,"Ġposee":6402,"Car":6403,"Ġestratég":6404,"isos":6405,"ami":6406,"Ġpieza":6407,"americano":6408,"ĠteorÃŃa":6409,"Ġmovil":6410,"Ġazúcar":6411,"Ġestudiar":6412,"ualidad":6413,"apón":6414,"95":6415,"DE":6416,"ĠFiscal":6417,"ĠparecÃŃa":6418,"habil":6419,"Ġprobablemente":6420,"ĠSociedad":6421,"Ġpriva":6422,"Ġusa":6423,"ĠlÃŃqu":6424,"ĠAndr":6425,"Ġviento":6426,"eler":6427,"ĠPública":6428,"Ġtuvieron":6429,"Ġdeterminar":6430,"Ġadicional":6431,"ĠGestión":6432,"Ġreducción":6433,"ĠLeer":6434,"Ġcorresponde":6435,"Ġestados":6436,"ĠFre":6437,"tologÃŃa":6438,"Ġutilizan":6439,"sted":6440,"dremos":6441,"Ġcá":6442,"Ġconta":6443,"Ha":6444,"Ġacor":6445,"quÃŃa":6446,"Ġcomput":6447,"Nos":6448,"Ġtextos":6449,"Ġnueve":6450,"ĠMag":6451,"Ġantigua":6452,"ĠPC":6453,"Ġcuch":6454,"Ġdiferencias":6455,"Ġhábi":6456,"ĠComercio":6457,"Ġinvierno":6458,"tric":6459,"operación":6460,"Ġconoz":6461,"Ġcuál":6462,"Ġsiente":6463,"Ġpresentan":6464,"ham":6465,"mites":6466,"ĠjardÃŃn":6467,"Ġdominio":6468,"ife":6469,"IP":6470,"ondres":6471,"Ġconvertirse":6472,"Ġcircu":6473,"Ġdestaca":6474,"Ġdeclaración":6475,"Ġviven":6476,"Ġculturales":6477,"ĠEstá":6478,"uir":6479,"maras":6480,"ĠtÃŃtulos":6481,"Ġdemocracia":6482,"Ġál":6483,"rará":6484,"Ġrestaurantes":6485,"ot":6486,"Ġnuevamente":6487,"Ġexpecta":6488,"orán":6489,"ĠGab":6490,"ĠRÃŃo":6491,"turación":6492,"Ġ2000":6493,"ela":6494,"ód":6495,"ota":6496,"Ġtocar":6497,"ĠAndalucÃŃa":6498,"Ġseñala":6499,"ĠHospital":6500,"Ġenseñanza":6501,"IEN":6502,"ĠFederación":6503,"ridos":6504,"Ġrecientemente":6505,"Ġentradas":6506,"ĠNuevo":6507,"----":6508,"Ġescuelas":6509,"ĠfotografÃŃas":6510,"Ġguer":6511,"Ġadmi":6512,"ĠJul":6513,"Ġjamás":6514,"Ġinmedi":6515,"inarias":6516,"Ġhiper":6517,"tral":6518,"Ġmm":6519,"bel":6520,"Ġutilización":6521,"Ġconqu":6522,"han":6523,"Ġquerido":6524,"Ġimpuestos":6525,"ĠEd":6526,"Ġpermitirá":6527,"Ġanual":6528,"34":6529,"ĠEntonces":6530,"Ġliteratura":6531,"Ġdecre":6532,"Ġsentencia":6533,"lon":6534,"Ġenga":6535,"Ġllegan":6536,"Ġcorrupción":6537,"dimos":6538,"Ġentrenamiento":6539,"frica":6540,"Ġfinalidad":6541,"Ġasociación":6542,"Ġdefender":6543,"Ġrazon":6544,"ters":6545,"Ġcuadro":6546,"Ġescolar":6547,"dy":6548,"Ġdiscurso":6549,"Ġdor":6550,"Ġcomponentes":6551,"Ġpantal":6552,"drÃŃa":6553,"Ġminuto":6554,"Ġtum":6555,"ĠDiv":6556,"Ġbolsa":6557,"ĠDec":6558,"Ġatender":6559,"Todos":6560,"Ġinterac":6561,"ĠcrÃŃtica":6562,"Ġensay":6563,"Ma":6564,"Ġrealizan":6565,"Todo":6566,"Ġseguros":6567,"Ġtantas":6568,"Ġclásico":6569,"Ġlum":6570,"Ġpopulares":6571,"Ġfib":6572,"ĠNoticias":6573,"Ġvolvió":6574,"comun":6575,"Ġans":6576,"ĠProtección":6577,"Ġmanual":6578,"dados":6579,"ilación":6580,"Ġsuperar":6581,"Ġjudicial":6582,"Ġincremento":6583,"iller":6584,"ĠLiber":6585,"Ġrealizada":6586,"ĠBur":6587,"Ġlluvia":6588,"dom":6589,"Ġdesarrollado":6590,"Ġciertos":6591,"ĠParÃŃs":6592,"fas":6593,"pp":6594,"mal":6595,"ĠHistoria":6596,"ĠDecreto":6597,"ĠRafa":6598,"DO":6599,"Ġaceptar":6600,"ADO":6601,"Ġcerv":6602,"menta":6603,"ristas":6604,"ĠPlata":6605,"ĠCó":6606,"Ġdiálogo":6607,"ĠDoc":6608,"Ġrent":6609,"Ġgr":6610,"Ġpeligros":6611,"dental":6612,"ánico":6613,"Ġnacimiento":6614,"Ġaparecen":6615,"Ġconforme":6616,"!!!!":6617,"migo":6618,"Ġesperando":6619,"ionar":6620,"ev":6621,"ĠMur":6622,"ĠPaz":6623,"Ġdur":6624,"Ġactivos":6625,"Ġargentino":6626,"Ġdecidido":6627,"Ġactores":6628,"Ġreglas":6629,"Ġaj":6630,"ĠAust":6631,"ĠalegrÃŃa":6632,"icen":6633,"Ġadv":6634,"Ġdecoración":6635,"Ġrecurso":6636,"Ġautón":6637,"ant":6638,"undar":6639,"Ġcoste":6640,"izon":6641,"Ġacero":6642,"ĠFestival":6643,"Ġpide":6644,"DA":6645,"ĠTea":6646,"xil":6647,"Ġactor":6648,"Ġresal":6649,"ieren":6650,"Ġcurios":6651,"arago":6652,"Ġperiodista":6653,"inter":6654,"letas":6655,"Ġ34":6656,"Ġgig":6657,"Ġmoto":6658,"Ġapos":6659,"Ġchil":6660,"Ġescala":6661,"Ġsof":6662,"Ġtribu":6663,"sar":6664,"Ġhorm":6665,"ándole":6666,"ĠNew":6667,"Ġcampos":6668,"Ġalternativa":6669,"partam":6670,"jera":6671,"Ġdescuento":6672,"unda":6673,"Ġsól":6674,"Ġpartida":6675,"Ġsorpresa":6676,"tú":6677,"Ġvisitantes":6678,"ĠJer":6679,"Ġprevia":6680,"Ġventajas":6681,"Ġdispu":6682,"Ġvigil":6683,"Esto":6684,"Ġcorrer":6685,"ĠAP":6686,"Ġbienestar":6687,"ego":6688,"tres":6689,"laciones":6690,"Ġevidente":6691,"Ġdoctor":6692,"39":6693,"Ġrespuestas":6694,"raron":6695,"Ġviviendas":6696,"Ġactuar":6697,"Ġconseguido":6698,"Ġzapatos":6699,"Ġvál":6700,"Ġhice":6701,"Ġcuestiones":6702,"Ġrelacionadas":6703,"ĠAR":6704,"Ġquiera":6705,"Ġperros":6706,"Ġdécadas":6707,"Ġproto":6708,"75":6709,"Ġhorario":6710,"Ġpersonalidad":6711,"ĠValle":6712,"laga":6713,"Ãł":6714,"Ġnegoci":6715,"enaje":6716,"Ġdelito":6717,"ubl":6718,"ĠPolÃŃtica":6719,"Ġdije":6720,"Ġseguimiento":6721,"Ġmercan":6722,"ĠsÃŃntomas":6723,"ĠPremio":6724,"Ġaler":6725,"ĠAndroid":6726,"ventud":6727,"cindi":6728,"Ġhel":6729,"Ġparticulares":6730,"Ġpreparación":6731,"Ġcorriente":6732,"wa":6733,"Ġsilencio":6734,"Ġpudiera":6735,"ĠCórdoba":6736,"Ġcelebra":6737,"Ġconviv":6738,"ster":6739,"Ġtalleres":6740,"Ġmétodos":6741,"ÃįA":6742,"Ġvulner":6743,"Ġprevisto":6744,"Ġbatalla":6745,"Ġefectivo":6746,"Ġfrase":6747,"enten":6748,"Ġmover":6749,"Ġdeclaraciones":6750,"ĠlÃŃderes":6751,"terrán":6752,"gor":6753,"ambre":6754,"Ġemi":6755,"Ġusando":6756,"cra":6757,"Ġfrases":6758,"ĠDerechos":6759,"Ġrecord":6760,"Ġepiso":6761,"Ġcantante":6762,"idación":6763,"Ġama":6764,"Ġpromover":6765,"ĠFacultad":6766,"ĠGol":6767,"Ġdirigido":6768,"Ġaleg":6769,"izados":6770,"Ġcombinación":6771,"GO":6772,"yen":6773,"ĠLondres":6774,"Ġintento":6775,"Ġgir":6776,"zando":6777,"Ġofrecemos":6778,"Ġsho":6779,"Ġrato":6780,"ĠSólo":6781,"ĠUno":6782,"ónico":6783,"âĢ¦.":6784,"Ġplano":6785,"ĠAM":6786,"Ġcuestion":6787,"derÃŃa":6788,"Ġhoteles":6789,"Ġanuncios":6790,"ĠEspañola":6791,"Ġhumanidad":6792,"ezca":6793,"Ġbajar":6794,"Pues":6795,"Ġuniversidad":6796,"?.":6797,"ames":6798,"Ġperspectiva":6799,"ĠIng":6800,"alizadas":6801,"Ġvestido":6802,"Ġcotidi":6803,"Ġalm":6804,"Ġexplicar":6805,"Ġtradicionales":6806,"Ġgira":6807,"Ġparecen":6808,"ificados":6809,"Ġestancia":6810,"ĠEra":6811,"Ġacabar":6812,"ĠVil":6813,"Ġdiagn":6814,"ux":6815,"aste":6816,"Ġrap":6817,"Ġcontribuy":6818,"ald":6819,"Ġcár":6820,"Ġrefug":6821,"iada":6822,"Ġincluido":6823,"Ġhumor":6824,"cidas":6825,"Ġtelef":6826,"Ġorganizado":6827,"Ġdará":6828,"Ġdesign":6829,"Ġpropon":6830,"epres":6831,"Ġsocios":6832,"Ġcerebro":6833,"áles":6834,"Ġcatá":6835,"Ġ2005":6836,"Ġinteligencia":6837,"Ġsosp":6838,"Ġacercar":6839,"Ġinfluencia":6840,"Ġinteresantes":6841,"Ġdefec":6842,"Ġcuesta":6843,"Ġ150":6844,"ĠJuegos":6845,"Ġindis":6846,"о":6847,"Ġsuger":6848,"ĠInst":6849,"Ġpenal":6850,"ĠJe":6851,"ox":6852,"ómico":6853,"ĠNavidad":6854,"ĠIb":6855,"Ġfracas":6856,"ezas":6857,"usos":6858,"Ġacondi":6859,"®":6860,"iciones":6861,"Ġlanzamiento":6862,"Ġesfuerzos":6863,"Ġforman":6864,"Ġregional":6865,"Ġescritor":6866,"Ġaso":6867,"Ġrepu":6868,"ĠSegun":6869,"Ġtrituradora":6870,"Ġdificultades":6871,"Ġmeter":6872,"Ġcolegio":6873,"Ġprevención":6874,"Ġingreso":6875,"Ġedificios":6876,"Ġcolum":6877,"Ġatre":6878,"ortun":6879,"art":6880,"Ġimpresión":6881,"ĠSÃŃ":6882,"Ġtrayec":6883,"ĠCastilla":6884,"atamente":6885,"ĠEncuent":6886,"Ġopiniones":6887,"Ġlogra":6888,"ĠDaniel":6889,"ĠAlej":6890,"ijo":6891,"Co":6892,"pul":6893,"Ġcompañero":6894,"Ġestablecimiento":6895,"ĠLatino":6896,"Ġbotón":6897,"ómica":6898,"ĠInform":6899,"Ġeficaz":6900,"Ġconsiderar":6901,"ĠHasta":6902,"aman":6903,"Ġdescanso":6904,"Ġvay":6905,"ĠDig":6906,"ferencias":6907,"enciales":6908,"ĠEr":6909,"Ġcober":6910,"Ġaltas":6911,"ĠCataluña":6912,"Ġiniciar":6913,"Ġlogrado":6914,"ua":6915,"osas":6916,"dicas":6917,"Ġtec":6918,"Ġciertas":6919,"Ġprivi":6920,"48":6921,"ĠOrden":6922,"Ġdemocr":6923,"uación":6924,"ĠEnrique":6925,"ianza":6926,"Ġ48":6927,"38":6928,"inando":6929,"Ġcuento":6930,"Ġcari":6931,"ĠConsul":6932,"Ġmalo":6933,"asti":6934,"ĠPubl":6935,"Ġcerrar":6936,"Ġdesac":6937,"Ġganado":6938,"Ġcruc":6939,"Ġpreparar":6940,"Ġnació":6941,"Ġarre":6942,"Ġcrecer":6943,"Ġpolici":6944,"éut":6945,"ĠCO":6946,"ĠMos":6947,"Ġparticipa":6948,"ington":6949,"ey":6950,"Ġaver":6951,"Ġseleccion":6952,"ló":6953,"Ġcorrespondientes":6954,"derá":6955,"Ġmuestran":6956,"Ġgastron":6957,"demia":6958,"Ġconcierto":6959,"ock":6960,"adal":6961,"aragoza":6962,"Ġconvocatoria":6963,"Ġsole":6964,"Ġcorrecta":6965,"Ġvosotros":6966,"Ġfren":6967,"Ġdiscu":6968,"Ġplena":6969,"Ġcorrecto":6970,"Ġamiga":6971,"Ġprobable":6972,"Ġhin":6973,"iversario":6974,"Ġaeropuerto":6975,"Ġblanca":6976,"aque":6977,"gues":6978,"ĠMes":6979,"Ġprestig":6980,"Ġsobreviv":6981,"Ġingredientes":6982,"Ġcomprobar":6983,"Ġretro":6984,"Ġestarán":6985,"ĠUsu":6986,"Ġpade":6987,"Ġpoca":6988,"Ġconceptos":6989,"Ġposteriormente":6990,"itó":6991,"Ġálbum":6992,"crito":6993,"Ġ195":6994,"____":6995,"Ġproporciona":6996,"Ġdesplaz":6997,"ĠIsrael":6998,"Ġdeba":6999,"Ġafecta":7000,"ariamente":7001,"ĠRadio":7002,"Ġaventura":7003,"Ġestatal":7004,"Ġbro":7005,"Ġfactor":7006,"ICO":7007,"SOE":7008,"Ġbr":7009,"Ġpene":7010,"Ġ38":7011,"Ġejercicios":7012,"ĠSuperior":7013,"ibe":7014,"Ġhermana":7015,"Ġaparecer":7016,"ÃŃna":7017,"CH":7018,"Ġmontaña":7019,"Ġcolectivo":7020,"Ġagencia":7021,"ĠEcu":7022,"orio":7023,"Ġcombust":7024,"ficas":7025,"ĠArm":7026,"Ġmuertos":7027,"Ġgrad":7028,"Ġsentimientos":7029,"Ġcomisión":7030,"ĠMed":7031,"Ġmanip":7032,"Ġdenuncia":7033,"Ġaprovechar":7034,"Ġviejo":7035,"Ġdosis":7036,"iosos":7037,"Ġidioma":7038,"Ġfl":7039,"cada":7040,"ĠAsamblea":7041,"Ġestrech":7042,"ĠlÃŃmites":7043,"ĠDos":7044,"Ġpasión":7045,"ĠIII":7046,"ood":7047,"ĠAca":7048,"Ġactivo":7049,"Ġcoches":7050,"ĠComité":7051,"ique":7052,"Ġempresarial":7053,"Ġmaestro":7054,"pla":7055,"Ġtuve":7056,"ĠDirector":7057,"Ġguitar":7058,"Ġacostumb":7059,"ajaj":7060,"Ġelaboración":7061,"Ġimpac":7062,"Ġarena":7063,"Ġestrella":7064,"Ġdifun":7065,"Ġcorta":7066,"Ġvotos":7067,"cambio":7068,"Ġcorpor":7069,"Ġfinanciera":7070,"Ġinmediato":7071,"Ġrealizará":7072,"Ġpatrimonio":7073,"Ġpositivo":7074,"ĠGas":7075,"Ġinvestigadores":7076,"Ġlabora":7077,"Ġdestacó":7078,"Ġmuebles":7079,"Ġimpul":7080,"ĠMis":7081,"Son":7082,"rg":7083,"Ġmirar":7084,"ĠvÃŃctima":7085,"tornos":7086,"Ġid":7087,"Ġic":7088,"Ac":7089,"Ġencontraba":7090,"teral":7091,"ĠNº":7092,"drán":7093,"edi":7094,"Ġmetal":7095,"ike":7096,"ĠEjecutivo":7097,"Ġcancel":7098,"hibi":7099,"Ġfij":7100,"ĠApple":7101,"Ġcientos":7102,"ser":7103,"Ġactiva":7104,"ĠPaÃŃs":7105,"Ġnoches":7106,"Ġporcentaje":7107,"icha":7108,"37":7109,"Ġbonito":7110,"ĠSalvador":7111,"ĠDiego":7112,"Ġnormativa":7113,"quie":7114,"Ġentreten":7115,"PE":7116,"Ġhabil":7117,"Ġenfoc":7118,"Ġmunicipios":7119,"Ġlegales":7120,"Ġlicencia":7121,"ĠMir":7122,"Ġbes":7123,"ĠVis":7124,"Ġdemostrar":7125,"Ġdiciendo":7126,"ĠcapÃŃtulo":7127,"ĠMuy":7128,"bur":7129,"ĠJapón":7130,"Ġdormir":7131,"wer":7132,"ensiones":7133,"Ġeconómicas":7134,"Ġespectáculo":7135,"Ġparcial":7136,"Ġpot":7137,"opera":7138,"ĠAutón":7139,"Ġaccesorios":7140,"Ġgobiernos":7141,"Ġobservar":7142,"Ġcuello":7143,"éro":7144,"ĠLic":7145,"ĠViv":7146,"sin":7147,"ĠLor":7148,"Ġtriunfo":7149,"Ġtrato":7150,"ight":7151,"quito":7152,"Ġidentificar":7153,"ĠMov":7154,"Ġmilitares":7155,"Ġcubrir":7156,"Ġdios":7157,"ĠPopular":7158,"Ġmetodo":7159,"Ġintegración":7160,"Ġespalda":7161,"Ġapa":7162,"Ġdedicado":7163,"cienda":7164,"Ġseguramente":7165,"Ġcercano":7166,"ĠApren":7167,"Ġhojas":7168,"Ġconvirtió":7169,"its":7170,"inten":7171,"ĠUnidad":7172,"Ġportal":7173,"Ġelegido":7174,"abel":7175,"get":7176,"Ġespectacular":7177,"hone":7178,"ney":7179,"Ġquizá":7180,"Ġcable":7181,"Ġcontinúa":7182,"ĠAndrés":7183,"SE":7184,"Ġdiri":7185,"Ġje":7186,"ĠcientÃŃficos":7187,"Ġanuncio":7188,"Ġinfin":7189,"Ġhubi":7190,"ld":7191,"medi":7192,"Ġmapa":7193,"Ġoficinas":7194,"Ġsueños":7195,"а":7196,"Ġsucede":7197,"Ġgustan":7198,"cita":7199,"Ġmoral":7200,"Ġtermina":7201,"Ġnovia":7202,"genda":7203,"Ġprocedimientos":7204,"Ġambiental":7205,"Ġlibres":7206,"Ġpanor":7207,"Ġurban":7208,"ĠAlberto":7209,"isp":7210,"Ġcompati":7211,"ĠIl":7212,"Ġmoderno":7213,"ĠCE":7214,"Ġletras":7215,"Ġelegante":7216,"berg":7217,"Ġabsor":7218,"Ġtierras":7219,"sion":7220,"lÃŃn":7221,"Ġfamoso":7222,"Ġanteriormente":7223,"Ġhomenaje":7224,"Ġvoto":7225,"Ġperu":7226,"Ġboda":7227,"Ġrelaj":7228,"Ġcriterios":7229,"Ġigualdad":7230,"Ġpista":7231,"©":7232,"Ġmac":7233,"Ġinmig":7234,"Ġvuelo":7235,"Ġmetro":7236,"Ġfabricación":7237,"ĠcategorÃŃas":7238,"ĠlÃŃmite":7239,"Ġapartamento":7240,"Ġcélulas":7241,"...]":7242,"Ġ33":7243,"Ġclaramente":7244,"Ġasesina":7245,"Ġgor":7246,"Ġfantá":7247,"Ġmuerto":7248,"Ġsujeto":7249,"Ġparecido":7250,"Ġuniverso":7251,"áticamente":7252,"Ġdecidir":7253,"mobil":7254,"terra":7255,"ĠSiempre":7256,"Ġllegaron":7257,"Ġpunta":7258,"ure":7259,"ĠTurismo":7260,"ĠÃģl":7261,"Ġbasado":7262,"Ġorganiza":7263,"iforn":7264,"domin":7265,"Ġpasaj":7266,"posiciones":7267,"ĠCódigo":7268,"yn":7269,"ĠXV":7270,"IX":7271,"abilidades":7272,"ĠLoc":7273,"Ġespecialistas":7274,"Ġelig":7275,"presión":7276,"ĠLuc":7277,"Ġ400":7278,"Ġimplan":7279,"FE":7280,"Ġcapit":7281,"Ġprevio":7282,"alizó":7283,"ongitud":7284,"Ġamistad":7285,"Ġprisión":7286,"idel":7287,"Ġcifra":7288,"ĠAgr":7289,"Ġgasto":7290,"cura":7291,"Ġvigente":7292,"Ġtanta":7293,"rimir":7294,"Ġcarreras":7295,"Ġimprescindi":7296,"Ġbancos":7297,"Ġplatos":7298,"Ġeficiencia":7299,"Ġocupa":7300,"Ġalcohol":7301,"Ġmental":7302,"Ġlatino":7303,"Ġconmigo":7304,"Ġoriginales":7305,"Ġtelevis":7306,"Ġbrazos":7307,"Ġdiseños":7308,"cientes":7309,"Ġexitos":7310,"Ġemociones":7311,"Ġmexicano":7312,"Ġsexuales":7313,"Ġconsta":7314,"ĠTeatro":7315,"ĠvÃŃdeos":7316,"ĠÃļ":7317,"Ġsimul":7318,"éticos":7319,"Ġpasan":7320,"DI":7321,"ish":7322,"47":7323,"Ġdichos":7324,"Ġreparación":7325,"ĠPARA":7326,"ĠNuestra":7327,"Ġ;":7328,"Ġsecreto":7329,"Ġrique":7330,"Ġsopor":7331,"Ġrob":7332,"Ġconces":7333,"ĠColegio":7334,"ragón":7335,"Ġesque":7336,"ganos":7337,"Ġprotec":7338,"Ġdocumentación":7339,"Ġnovedades":7340,"Ġexactamente":7341,"ĠFamil":7342,"Ġobligación":7343,"Ġencab":7344,"Ġinstrumentos":7345,"Ġfáb":7346,"Ġconsiderado":7347,"UM":7348,"ĠComp":7349,"Ġcartas":7350,"elos":7351,"100":7352,"Ġserio":7353,"stos":7354,"ĠYou":7355,"Ġestudiante":7356,"ĠUnido":7357,"Ġeléctrica":7358,"dri":7359,"culares":7360,"Ġacord":7361,"Ġganó":7362,"Ġseguidores":7363,"fal":7364,"Ġapropi":7365,"Ġtratamientos":7366,"Ġmedicamentos":7367,"ĠSobre":7368,"Ġarras":7369,"ĠsÃŃmb":7370,"Ġausencia":7371,"anes":7372,"erio":7373,"Ġlector":7374,"ĠUruguay":7375,"ĠSch":7376,"Ġversiones":7377,"Ġexces":7378,"Ġpronunci":7379,"ĠHon":7380,"ĠCreo":7381,"Ġadolescentes":7382,"Ġpared":7383,"Ġrepresentante":7384,"desa":7385,"Ġculpa":7386,"Ġcabe":7387,"Ġojo":7388,"Ġfundamentales":7389,"Ġpatr":7390,"Ġplazas":7391,"Ġdibujos":7392,"Ġinfraestructura":7393,"ĠLeg":7394,"Ġprogramación":7395,"ĠAra":7396,"Ġaliment":7397,"Ġformulario":7398,"Ġbicicle":7399,"viendo":7400,"Ġsonrisa":7401,"Ġtabla":7402,"Ġdiseñado":7403,"Ġconfiguración":7404,"ĠBro":7405,"Ġinversiones":7406,"ucle":7407,"Ġoperativo":7408,"Ġpermita":7409,"Ġsignificado":7410,"Ġaceler":7411,"Ġactuaciones":7412,"Ġpeda":7413,"Ġbras":7414,"Ġadquis":7415,"rés":7416,"05":7417,"formas":7418,"Ġmascul":7419,"pó":7420,"ĠbaterÃŃa":7421,"ĠClar":7422,"Ġgratuito":7423,"Ġtestimon":7424,"San":7425,"Ġgeneralmente":7426,"SA":7427,"riel":7428,"Ġincendi":7429,"venciones":7430,"Ġ2019":7431,"Ġfelicidad":7432,"Ġparejas":7433,"ĠEconomÃŃa":7434,"Ġgrasa":7435,"ĠCD":7436,"ĠArte":7437,"Ġinterpretación":7438,"Ġventana":7439,"ĠVie":7440,"Ġequilibrio":7441,"Ġaparición":7442,"Ġpobreza":7443,"terial":7444,"ĠPin":7445,"ĠOrganización":7446,"Ġtrim":7447,"ĠTi":7448,"Ġrefor":7449,"Ġpidió":7450,"emor":7451,"Ġseguido":7452,"Ġaplica":7453,"tara":7454,"ĠNov":7455,"unción":7456,"Ġcanales":7457,"Ġingles":7458,"ĠindÃŃgen":7459,"Ġconferencia":7460,"Ġrevisión":7461,"Ġcompetencias":7462,"Ġlla":7463,"Ġfenómeno":7464,"Ġconsumidores":7465,"inadas":7466,"ĠHumanos":7467,"Ġmerece":7468,"Ġgobernador":7469,"Ġplato":7470,"Ġdulce":7471,"Ġinteresa":7472,"Ġinvestigaciones":7473,"Ġafirm":7474,"ĠAir":7475,"ĠTrabaj":7476,"Ġejemplos":7477,"Ġequival":7478,"iesta":7479,"Ġfelici":7480,"tid":7481,"Ġpreparado":7482,"arlas":7483,"Mo":7484,"ĠArtes":7485,"Ġfrac":7486,"Ġcelular":7487,"urÃŃa":7488,"ĠAlcal":7489,"Ġ2004":7490,"zadas":7491,"ĠFal":7492,"Ġinmediatamente":7493,"Ġcargos":7494,"ĠleÃŃdo":7495,"ĠRic":7496,"Mientras":7497,"bus":7498,"rom":7499,"ĠPSOE":7500,"Ġtransformación":7501,"Ġafi":7502,"ray":7503,"Ġtrabajan":7504,"imnas":7505,"Ġavance":7506,"imp":7507,"Ġvenir":7508,"cedentes":7509,"ĠPuedes":7510,"ionado":7511,"Ġpublicó":7512,"ĠAsimismo":7513,"amá":7514,"Ġresuel":7515,"Ġdejan":7516,"ĠTex":7517,"Ġgraves":7518,"Ġhagan":7519,"ĠPDF":7520,"Ġintegrantes":7521,"ith":7522,"undo":7523,"Ġalojamiento":7524,"ĠVide":7525,"ics":7526,"е":7527,"Ġreemp":7528,"199":7529,"ĠMel":7530,"isco":7531,"ĠMc":7532,"Ġtrayectoria":7533,"Ġllamadas":7534,"Ġrecre":7535,"Ġjoy":7536,"ómez":7537,"Ġsolar":7538,"camiento":7539,"Ġninguno":7540,"ándolo":7541,"Ġcómodo":7542,"terna":7543,"46":7544,"ĠCir":7545,"Ġclasificación":7546,"Ġpodremos":7547,"Ġnumerosos":7548,"Ġline":7549,"Ġperf":7550,"Ġenfoque":7551,"dras":7552,"rana":7553,"Ġmet":7554,"ĠMálaga":7555,"Ġ75":7556,"Ġemocional":7557,"Ġtengas":7558,"Ġcontigo":7559,"Man":7560,"Ġcontratos":7561,"ográ":7562,"Ġcorpora":7563,"iten":7564,"Ġcifras":7565,"ĠTel":7566,"32":7567,"Ġdefinición":7568,"ĠFab":7569,"Ġdesayuno":7570,"Ġfui":7571,"apia":7572,"Ġafil":7573,"ĠRafael":7574,"Ġplástico":7575,"Ġbásicos":7576,"Ġpolvo":7577,"Cada":7578,"Ġvib":7579,"The":7580,"zados":7581,"asas":7582,"Ġinstalar":7583,"Ġcolon":7584,"Ġvuelto":7585,"éspe":7586,"Ġeconom":7587,"ĠJef":7588,"Ġtendencias":7589,"Ġcandidatos":7590,"Ġdirigida":7591,"ĠBos":7592,"Ġcontemporán":7593,"ĠEspecial":7594,"Ġvirtual":7595,"Ġregiones":7596,"Ġtalento":7597,"Ġquerer":7598,"ñez":7599,"Ġarquitectura":7600,"ré":7601,"ende":7602,"ĠDÃŃaz":7603,"Ġagregó":7604,"Ġubicada":7605,"Ġsú":7606,"Ġapuesta":7607,"31":7608,"Ġdefinir":7609,"Ġseg":7610,"Ġpár":7611,"Ġempresarios":7612,"Pres":7613,"Ġquede":7614,"78":7615,"Ġhorizon":7616,"inales":7617,"ACIÃĵN":7618,"tencia":7619,"Ġtarjetas":7620,"xi":7621,"tn":7622,"ç":7623,"Ġacompañado":7624,"Ġbols":7625,"Ġfórm":7626,"ĠTorre":7627,"CIONES":7628,"cula":7629,"ĨĴ":7630,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":7631,"ÃŃmp":7632,"tedr":7633,"Ġsufrir":7634,"Ġfirme":7635,"Ġocurrió":7636,"Ġeducativo":7637,"izaciones":7638,"ĠInte":7639,"Ġterminó":7640,"Ġsober":7641,"uz":7642,"ĠConse":7643,"ólogos":7644,"gano":7645,"Ġponen":7646,"Ġlaborales":7647,"Ġreuniones":7648,"Ġembarazo":7649,"Ġpropone":7650,"rosoft":7651,"Ġpreguntar":7652,"ĠSupre":7653,"ĠCampe":7654,"ĠElla":7655,"Ġintelectual":7656,"Ġconcentración":7657,"Ġterraza":7658,"by":7659,"Ġpus":7660,"itarias":7661,"taje":7662,"Ġdesarrolla":7663,"Ġmág":7664,"Ġnegra":7665,"Ġpuntu":7666,"Ġllegue":7667,"2017":7668,"Ġtransmisión":7669,"sic":7670,"Ġaé":7671,"Ġexpectativas":7672,"Ġlav":7673,"Ġcopia":7674,"ĠFa":7675,"Tra":7676,"ĠAlex":7677,"Ġafron":7678,"Ġacuerdos":7679,"iner":7680,"Ġhistórica":7681,"ĠDiseño":7682,"ĠRub":7683,"Ġalternativas":7684,"Ġcontinua":7685,"Ġhermosa":7686,"umbre":7687,"Ġcuerpos":7688,"lón":7689,"Ġgustado":7690,"Ġcobertura":7691,"Ġconsist":7692,"Ġincu":7693,"Ġhomb":7694,"Ġproporcionar":7695,"ĠAtl":7696,"ĠLes":7697,"ĠRoma":7698,"OC":7699,"ĠSim":7700,"Ġdocentes":7701,"He":7702,"merÃŃa":7703,"44":7704,"Ġprepara":7705,"Ġcristal":7706,"Ġprofundo":7707,"Ġocci":7708,"ĠLima":7709,"entimiento":7710,"Ġadver":7711,"Ġataques":7712,"lia":7713,"Ġinscripción":7714,"ALES":7715,"ĠJim":7716,"Ġmoles":7717,"Ġprofundidad":7718,"ĠPúblico":7719,"Ġvirus":7720,"Ġemergencia":7721,"Ġirre":7722,"ind":7723,"ĠInvestigación":7724,"Ġnotas":7725,"Ġtoca":7726,"Ġlegisla":7727,"Ġjugue":7728,"Ġfues":7729,"entaria":7730,"Ġmunicipales":7731,"Ġactriz":7732,"Ġrecop":7733,"olut":7734,"ĠtendrÃŃa":7735,"dador":7736,"Ġreti":7737,"Estos":7738,"è":7739,"Ġcárcel":7740,"arro":7741,"gando":7742,"Ġinquie":7743,"ĠSeb":7744,"Ġsesiones":7745,"Ġenfrentar":7746,"Ġseria":7747,"Ġfisc":7748,"ertos":7749,"voz":7750,"Ġconocidos":7751,"Ġrival":7752,"Ġactualización":7753,"Ġlegislación":7754,"Ġgoles":7755,"ĠHace":7756,"Ġ37":7757,"Ġconsigue":7758,"Ġsug":7759,"Ġaportar":7760,"ĠEnerg":7761,"Ġdra":7762,"Ġproveedores":7763,"Ġrecomienda":7764,"ans":7765,"Ġaca":7766,"fos":7767,"Fin":7768,"Ġintercambio":7769,"Ġ55":7770,"tz":7771,"ĠÃģlvar":7772,"ny":7773,"Ġquitar":7774,"Ġalemán":7775,"ĠZaragoza":7776,"ĠEdu":7777,"Ġrein":7778,"Ġpac":7779,"Ġpiensa":7780,"Ġjud":7781,"Ġ2003":7782,"óst":7783,"ĠdebÃŃa":7784,"torÃŃa":7785,"Ġsing":7786,"Ġtol":7787,"ĠArch":7788,"ĠvÃŃas":7789,"Ġcomplicado":7790,"Ġmontón":7791,"Ġplas":7792,"Ġgarantiz":7793,"ĠPadre":7794,"Hab":7795,"Ġguardar":7796,"endario":7797,"ólica":7798,"Ġconstituye":7799,"hÃŃ":7800,"años":7801,"Ġ?":7802,"ĠBor":7803,"Ġdeterminado":7804,"ĠMonte":7805,"Ġretras":7806,"Ġlectores":7807,"Ġfiguras":7808,"Ġservidor":7809,"Ġdivis":7810,"Ġfinanciero":7811,"olutamente":7812,"mática":7813,"Ġllevará":7814,"Asimismo":7815,"Ġbasada":7816,"Ġextensión":7817,"Ġdaba":7818,"erra":7819,"Ġcontó":7820,"Ġconm":7821,"Ġsiglos":7822,"Ġaniversario":7823,"ĠMuchas":7824,"Ġposiciones":7825,"Ġprotagonistas":7826,"Ġmando":7827,"Ġapoyar":7828,"ĠciudadanÃŃa":7829,"Ġcámaras":7830,"Ġindependencia":7831,"Ġpuente":7832,"icano":7833,"06":7834,"Ġescu":7835,"Ġsacri":7836,"ficamente":7837,"08":7838,"Ġcrema":7839,"ĠVi":7840,"Ġdijeron":7841,"Ġextranjero":7842,"Ġdiferenci":7843,"ĠAlgunos":7844,"Ġpaseo":7845,"Ġrevolución":7846,"ulada":7847,"Ġsatisfacción":7848,"Ġunif":7849,"Ġcomparación":7850,"iario":7851,"Ġorganismos":7852,"Ġgris":7853,"sto":7854,"icana":7855,"Ġpiernas":7856,"Ġgrados":7857,"órico":7858,"Ġtomando":7859,"ĠPel":7860,"ĠAcu":7861,"Ġmarido":7862,"Ġdigitales":7863,"Ġsiguiendo":7864,"ĠGómez":7865,"'.":7866,"ĠAgencia":7867,"Ġdipl":7868,"ement":7869,"ÃŃcula":7870,"Ġvege":7871,"fru":7872,"iduos":7873,"Ġabund":7874,"ume":7875,"Ġaconse":7876,"Ġcolocar":7877,"Ġrecomiendo":7878,"Ġreconocido":7879,"Ġnormalmente":7880,"Ġsacerdo":7881,"Ġchocola":7882,"Ġrico":7883,"Ġamenaza":7884,"Ġamp":7885,"Ġtomó":7886,"Ġdesh":7887,"Ġreper":7888,"ifornia":7889,"Ġabogado":7890,"jó":7891,"ĠEcuador":7892,"bit":7893,"Ġreconoce":7894,"vie":7895,"ĠGranada":7896,"Ġcomedor":7897,"ĠWill":7898,"Ġespiri":7899,"ĠSU":7900,"09":7901,"Ġinvitados":7902,"Ġletra":7903,"07":7904,"Ġinformes":7905,"Ġpublici":7906,"Ġdelitos":7907,"Ġtejido":7908,"Ġmodificar":7909,"ĠMario":7910,"Ġcomodidad":7911,"ĠCarmen":7912,"ĠMejor":7913,"Ġolvidar":7914,"ugÃŃa":7915,"Ġrock":7916,"Ġcambiado":7917,"Ġtranspor":7918,"Ġinterno":7919,"ĠHernández":7920,"âĢĻ.":7921,"Ġdiagnóstico":7922,"Ġtiro":7923,"Ġvitam":7924,"ĠIns":7925,"ieres":7926,"igual":7927,"Ġtap":7928,"Ġpodéis":7929,"tible":7930,"Gu":7931,"Ġtensión":7932,"vez":7933,"ĠPrimera":7934,"ĠMol":7935,"Ġrelacionado":7936,"Luego":7937,"ĠfilosofÃŃa":7938,"Ġartifici":7939,"ĠFar":7940,"vela":7941,"ĠAlejandro":7942,"ĠRiv":7943,"Ġarma":7944,"Ġenlaces":7945,"Ġmargen":7946,"Ġentrenador":7947,"iosas":7948,"ĠBr":7949,"ĠAS":7950,"Ġmorir":7951,"Ġinteligente":7952,"Ġcitas":7953,"Ġformado":7954,"ĠâĨĴ":7955,"cán":7956,"gna":7957,"Ġtraer":7958,"Ġemail":7959,"Ġextremo":7960,"Ġfestival":7961,"utas":7962,"Ġox":7963,"gotá":7964,"rilla":7965,"rillo":7966,"Ġmoderna":7967,"Ġimpuesto":7968,"orld":7969,"ss":7970,"Ġaumenta":7971,"gráfica":7972,"ĠAnti":7973,"laterra":7974,"Ġaparte":7975,"Ġlad":7976,"Ġrealizando":7977,"Ġbrindar":7978,"Ġvisual":7979,"aller":7980,"Ġrodil":7981,"Ġexpresó":7982,"amas":7983,"lle":7984,"Ġrespectivamente":7985,"Ġaspir":7986,"TOR":7987,"49":7988,"terÃŃas":7989,"vido":7990,"Ġrestos":7991,"pañas":7992,"ĠNación":7993,"Ġcritic":7994,"mej":7995,"mica":7996,"Ġperiodistas":7997,"Ġcastel":7998,"Ġrealizadas":7999,"ĠvÃŃn":8000,"Ġcombina":8001,"hua":8002,"Ġcambia":8003,"cieron":8004,"Ġmenú":8005,"Ġdeportivo":8006,"Ġárboles":8007,"Ġatribu":8008,"Ġnación":8009,"ĠMujeres":8010,"ĠIP":8011,"ĠPresiden":8012,"ĠNicol":8013,"Ġinjust":8014,"Ġregreso":8015,"Algun":8016,"Ġlongitud":8017,"ĠContra":8018,"aras":8019,"@@@@":8020,"Ġconductor":8021,"endido":8022,"Ġmaneras":8023,"Ġseries":8024,"quilidad":8025,"ĠFoto":8026,"ĠPalacio":8027,"Ġaprobación":8028,"Ġempu":8029,"uca":8030,"Ġeficiente":8031,"ĠDip":8032,"ĠTan":8033,"Ġcapacidades":8034,"endaciones":8035,"ĠCr":8036,"oca":8037,"Ġcontamos":8038,"ĠWar":8039,"ĠAf":8040,"Ġrecomendable":8041,"Ġmatem":8042,"cinas":8043,"nal":8044,"Ġalumno":8045,"Ġmáquinas":8046,"Ġignor":8047,"top":8048,"Ġrepos":8049,"Ġlament":8050,"Ġexplotación":8051,"Ġencontrarás":8052,"Ġdientes":8053,"Ġvid":8054,"ides":8055,"Ġdependiendo":8056,"UD":8057,"Ġmonitor":8058,"Ġaudiencia":8059,"bes":8060,"od":8061,"Ġextranjeros":8062,"ĠGob":8063,"ĠBra":8064,"izan":8065,"IR":8066,"Ġdiscrim":8067,"Ġexplos":8068,"incu":8069,"Ġpublicar":8070,"ĠBolivia":8071,"Ġbrasile":8072,"Ġincom":8073,"Ġinteresados":8074,"Ġdiaria":8075,"ĠPortu":8076,"Ġinstrumento":8077,"Ġcerem":8078,"eco":8079,"Ġinició":8080,"Ġparedes":8081,"Ġpuls":8082,"ingü":8083,"strucción":8084,"ĠLOS":8085,"Ġsorte":8086,"Ġrevolucion":8087,"Ãļ":8088,"Ġaden":8089,"ĠEse":8090,"Ġfinancieros":8091,"inio":8092,"tusias":8093,"Ġpensado":8094,"Ġestadio":8095,"ĠDepor":8096,"Uno":8097,"Ġ65":8098,"Ġquieras":8099,"Ġobligaciones":8100,"Ġprevenir":8101,"unas":8102,"Ġreflexión":8103,"Ġlisto":8104,"Ġaqui":8105,"Ġacabado":8106,"Ġom":8107,"Ġpublicada":8108,"Ġmedicina":8109,"Ġfinanciación":8110,"Ġpobres":8111,"Ġecu":8112,"ĠKa":8113,"TIV":8114,"Ġplane":8115,"iter":8116,"Ġparo":8117,"Ġequivoc":8118,"Ġponerse":8119,"Ġbotel":8120,"Ġmód":8121,"ĠTes":8122,"Ġconservación":8123,"Ġautorización":8124,"Ġasuntos":8125,"ĠInde":8126,"Ġmaqu":8127,"ĠUE":8128,"Ġavión":8129,"Ġnav":8130,"Ġdarse":8131,"Ġespiritual":8132,"oluciones":8133,"Ġcircuito":8134,"icar":8135,"Ġpienso":8136,"Ġreferente":8137,"Ġconsejo":8138,"Ġpreviamente":8139,"ĠcientÃŃfico":8140,"gip":8141,"Ġdocente":8142,"Ġnumerosas":8143,"Ġvital":8144,"mana":8145,"Ġmatar":8146,"ĠTodas":8147,"ĠraÃŃz":8148,"Ġintensidad":8149,"Ġdign":8150,"Ġtomado":8151,"Ġretra":8152,"Ġcorrectamente":8153,"ĠCamp":8154,"Ġdiversidad":8155,"Ad":8156,"Ġlesiones":8157,"hats":8158,"Ġdifusión":8159,"Ġahorro":8160,"Estamos":8161,"Ġfederal":8162,"Ġdedicada":8163,"sito":8164,"Ġdejamos":8165,"fera":8166,"ĠCastro":8167,"Ġth":8168,"ĠNuestro":8169,"Ġprofunda":8170,"ĠDatos":8171,"ĠOro":8172,"entarios":8173,"ĠHD":8174,"Ġexclusiva":8175,"Ġdescarga":8176,"Ġpreocupa":8177,"dición":8178,"Ġusado":8179,"inan":8180,"Ġelectrónica":8181,"Ġevidencia":8182,"Ġasistir":8183,"Ġhecha":8184,"into":8185,"árez":8186,"Ġtendrás":8187,"idaridad":8188,"Ġclim":8189,"Ġtable":8190,"Ġguard":8191,"Ġentusias":8192,"Ġcero":8193,"Ġcampeón":8194,"Ġautos":8195,"Ġpreocupación":8196,"Ġlook":8197,"Ġpagos":8198,"Ġcerrado":8199,"Ġdemostrado":8200,"ĠmÃŃnima":8201,"Ġperteneci":8202,"ural":8203,"Ser":8204,"Ġturno":8205,"ĠSebasti":8206,"ĠQué":8207,"Ġéstos":8208,"Ġproductores":8209,"ĠBlack":8210,"Ġinspec":8211,"Sal":8212,"Ġinfancia":8213,"Ġportá":8214,"Ġvel":8215,"rista":8216,"Ġhues":8217,"ĠEstudios":8218,"allado":8219,"ĠIndustri":8220,"Ġhosp":8221,"ĠNegro":8222,"Ġrecepción":8223,"Ġexclusivamente":8224,"Ġabsolutamente":8225,"jerÃŃa":8226,"Ġrural":8227,"Ġincluidos":8228,"Ġhidra":8229,"Ġchat":8230,"ĠClas":8231,"Ġtotalidad":8232,"urias":8233,"Ġinteresado":8234,"tróleo":8235,"Ġfacilidad":8236,"Ġencontró":8237,"undaria":8238,"xx":8239,"Ġsinc":8240,"icias":8241,"omba":8242,"Ġextrem":8243,"ĠPodemos":8244,"Ġluces":8245,"ĠVirgen":8246,"Ġcuri":8247,"Ġcató":8248,"Ġpude":8249,"Ġcombate":8250,"Ġcreen":8251,"Ġindividuales":8252,"ĠSO":8253,"Ġcompletar":8254,"Ġneu":8255,"istemas":8256,"Ġ39":8257,"Ġcompuesto":8258,"ÃŃnea":8259,"Ġpetición":8260,"Ġperju":8261,"и":8262,"Ġcomentar":8263,"Ġinstrucciones":8264,"Ġcach":8265,"Ġaisl":8266,"ĠColor":8267,"ĠDar":8268,"Ġhaces":8269,"Ġdificultad":8270,"ĠContin":8271,"grafo":8272,"ĠPoder":8273,"Ġhorno":8274,"Ġcooperación":8275,"onal":8276,"Ġapas":8277,"Ġabst":8278,"ñado":8279,"'s":8280,"ĠEspañol":8281,"Ġexpon":8282,"ĠOficial":8283,"ĠiPhone":8284,"65":8285,"Ġsociedades":8286,"ĠComunicación":8287,"lie":8288,"Ġpremi":8289,"Ġtercero":8290,"idal":8291,"Ġmagia":8292,"Ġtranquilidad":8293,"Ġdeclaró":8294,"ĠRosa":8295,"Ġejercer":8296,"Ġdivertido":8297,"Ġdisponibilidad":8298,"Ay":8299,"grad":8300,"Ġsuperiores":8301,"Ġbaños":8302,"gráfico":8303,"Ġvisu":8304,"ĠPS":8305,"NA":8306,"Ġrelato":8307,"Ġagradecer":8308,"Ġcinta":8309,"ĠNaciones":8310,"ĠEqui":8311,"ĠCarta":8312,"Ġpaquete":8313,"americanos":8314,"Ġefectiva":8315,"ĠEsper":8316,"ĠdeberÃŃan":8317,"ĠSoy":8318,"Ġhablamos":8319,"Ġavances":8320,"Ġocurrido":8321,"Ġalmacenamiento":8322,"Ġbajos":8323,"Ġdrogas":8324,"Ġconstruc":8325,"Ġdiscre":8326,"medio":8327,"ĠProyecto":8328,"Ġestructuras":8329,"ĠMayor":8330,"ĠFelipe":8331,"Bueno":8332,"MI":8333,"Ġganador":8334,"BC":8335,"dismo":8336,"iam":8337,"ÃŃdos":8338,"Ġsimb":8339,"Ġreacción":8340,"Ġmarcar":8341,"Ġasistentes":8342,"Ġpertenece":8343,"Ġrecetas":8344,"Ġinsu":8345,"Ġresidencia":8346,"ĠCalifornia":8347,"Ġcog":8348,"Ġador":8349,"ĠMetro":8350,"ĠAntes":8351,"Ġcontactar":8352,"Ġtecho":8353,"mir":8354,"Ġsh":8355,"úcle":8356,"uto":8357,"toño":8358,"Ġbrillante":8359,"terapia":8360,"Ġitaliano":8361,"Ġsindica":8362,"Ġminist":8363,"ert":8364,"mala":8365,"Ġhumil":8366,"Ġproducido":8367,"Ġhambre":8368,"ĠRicardo":8369,"Ġpará":8370,"Ġrepetir":8371,"tricidad":8372,"Ġconflictos":8373,"¡¡":8374,"ĠIngenierÃŃa":8375,"ĠCe":8376,"Ġaporta":8377,"Estas":8378,"ĠIV":8379,"Ġluchar":8380,"Ġvideoj":8381,"Ġcomentó":8382,"Ġancho":8383,"ĠPh":8384,"Ġeléctrico":8385,"Ġintroducir":8386,"ĠcrÃŃticas":8387,"Ġconvenio":8388,"Ġprivacidad":8389,"Ġriqueza":8390,"Ġestrés":8391,"Ġarque":8392,"Ġcena":8393,"Ġespecialista":8394,"ĠInglaterra":8395,"denas":8396,"Ġbarra":8397,"ĠCultural":8398,"entario":8399,"ĠControl":8400,"Ġafectados":8401,"Ġayudan":8402,"Ġexcepción":8403,"ritos":8404,"Ġtranquilo":8405,"Ġcampañas":8406,"cambi":8407,"Ġtradu":8408,"Ġtrae":8409,"Ġantiguos":8410,"ĠBern":8411,"Ġimporte":8412,"Ġdias":8413,"Ġmete":8414,"Ġencargado":8415,"Ġexamen":8416,"tÃŃas":8417,"Ġtemporal":8418,"Ġmédica":8419,"ashington":8420,"Fue":8421,"Ġllevaba":8422,"Ġtenia":8423,"ĠVan":8424,"ĠCel":8425,"Ġjuris":8426,"Ġexistentes":8427,"ĠestarÃŃa":8428,"igh":8429,"Ġfrontera":8430,"04":8431,"ĠRegistro":8432,"rones":8433,"Ġextraño":8434,"tive":8435,"Ġrecoger":8436,"Ġplayas":8437,"Ġmecanismos":8438,"Ġperj":8439,"énd":8440,"ĠBre":8441,"Ġaer":8442,"Ġdesgra":8443,"ĠEEUU":8444,"ĠUsted":8445,"Ġcuarta":8446,"Ġexceso":8447,"ĠMicrosoft":8448,"Ġdirectora":8449,"ĠEduardo":8450,"denes":8451,"cioso":8452,"Ġmonum":8453,"GA":8454,"Ġanaliz":8455,"Ġpermitido":8456,"Ġtriste":8457,"ergio":8458,"Ġilusión":8459,"Ġmultitud":8460,"ĠFormación":8461,"Ġelectrónicos":8462,"Ġconversación":8463,"Ġruido":8464,"ĠhÃŃ":8465,"Ġproducen":8466,"Ġautomóvil":8467,"Ġdecide":8468,"ierte":8469,"Ġrema":8470,"ĠWal":8471,"Ġocupar":8472,"ĠTener":8473,"Ġcump":8474,"ÃŃculas":8475,"Ġadicionales":8476,"Ġcau":8477,"ĠBogotá":8478,"Ġfum":8479,"88":8480,"ĠDra":8481,"Ġconducta":8482,"Ġ2002":8483,"Ġajuste":8484,"ĠEmple":8485,"Ver":8486,"Ġplataformas":8487,"Ġsaludo":8488,"Ġplen":8489,"Ġlá":8490,"Ġhierro":8491,"ĠCómo":8492,"ICI":8493,"Ġ<":8494,"stica":8495,"Ġtrabajador":8496,"Ġeducativa":8497,"Ġuniversidades":8498,"Ġauxil":8499,"Ġpendiente":8500,"Ġcantidades":8501,"gin":8502,"ĠDomingo":8503,"ĠQuer":8504,"Ġcomunicaciones":8505,"tamen":8506,"tarán":8507,"Ġcuidados":8508,"Ġesencia":8509,"itores":8510,"fun":8511,"Ġbarco":8512,"Ġchocolate":8513,"trÃŃa":8514,"manes":8515,"Ġnarra":8516,"urar":8517,"Ġgay":8518,"Ġeditorial":8519,"tración":8520,"Ġmoneda":8521,"Ġesperan":8522,"jada":8523,"ĠMexic":8524,"bor":8525,"Ġtonel":8526,"Ġ2001":8527,"Ġdistinto":8528,"Ġmasco":8529,"Ġiban":8530,"Ġescritura":8531,"Ġencabez":8532,"ĠSud":8533,"CU":8534,"ĠIndia":8535,"Ġtemperaturas":8536,"Publ":8537,"vide":8538,"Ġregistrado":8539,"Ġoscuro":8540,"Ġatractivo":8541,"Ġdormitorios":8542,"ĠLan":8543,"Ġcaminos":8544,"Ġflujo":8545,"ĠSociales":8546,"ueble":8547,"ĠHacienda":8548,"glesias":8549,"Ġsaludable":8550,"Ġmanifies":8551,"mato":8552,"Ġhermoso":8553,"uan":8554,"stagram":8555,"ĠStar":8556,"Ġhaz":8557,"Ġmaestros":8558,"Ġvenido":8559,"2016":8560,"Ġclaves":8561,"Ġinstante":8562,"rate":8563,"ĠAmbiente":8564,"tional":8565,"Ġampliar":8566,"ĠEsa":8567,"ĠDic":8568,"Ġromper":8569,"Ġprofesión":8570,"Ġestric":8571,"Ġsalen":8572,"ader":8573,"Ġreloj":8574,"ĠBil":8575,"ĠUnidas":8576,"Ġprivileg":8577,"ormes":8578,"ĠSantos":8579,"Ġnavegación":8580,"Ġpositiva":8581,"Ġcen":8582,"Ġsusp":8583,"mis":8584,"ĠIncluso":8585,"Ġvuestra":8586,"Ġcalendario":8587,"étr":8588,"lico":8589,"ĠArt":8590,"df":8591,"Ġdivisión":8592,"Ġcuáles":8593,"Ġintenta":8594,"Ġestética":8595,"Ġcreatividad":8596,"ĠIr":8597,"itivo":8598,"ĠNatural":8599,"Ġllan":8600,"Ġabur":8601,"MS":8602,"Ġllevo":8603,"Ġpaisaje":8604,"ĠVia":8605,"SÃŃ":8606,"Ġmolino":8607,"ficio":8608,"venil":8609,"bro":8610,"ecas":8611,"parte":8612,"Ġentiende":8613,"ónimo":8614,"Ġrecuerdos":8615,"ĠProvincial":8616,"Ġfabricante":8617,"Ġconsciente":8618,"mn":8619,"Ġcertificado":8620,"Ġbosque":8621,"Ġórganos":8622,"ĠPR":8623,"Ġsombra":8624,"Ġmanifestó":8625,"Ġsecund":8626,"Ġrecomendaciones":8627,"Ġurbano":8628,"Ġagente":8629,"ĠPeña":8630,"Ġaviso":8631,"Ġinstitucional":8632,"Ġbe":8633,"Ġencuentros":8634,"Ġesperaba":8635,"Ġdiscusión":8636,"Ġcuyos":8637,"Ġbásico":8638,"Ġveter":8639,"Ġunión":8640,"ERS":8641,"tander":8642,"acu":8643,"2015":8644,"dias":8645,"Ġinmediata":8646,"Ġbalance":8647,"Ġcontrar":8648,"Ġagenda":8649,"-.":8650,"42":8651,"Ġresiduos":8652,"Ġánimo":8653,"Ġpodamos":8654,"ĠAdo":8655,"ĠLen":8656,"razgo":8657,"Ġdeje":8658,"Ġpap":8659,"Ġmostró":8660,"sh":8661,"Ġestabilidad":8662,"Ġproven":8663,"Ġconcluy":8664,"Ġdimensiones":8665,"ĠReyes":8666,"Ġgracia":8667,"Ġcien":8668,"Ġenrique":8669,"ĠRio":8670,"ĠTemp":8671,"Ġarmon":8672,"Ġdocumental":8673,"Ġimplementación":8674,"ĠpoesÃŃa":8675,"Ġrenta":8676,"Ġcaminar":8677,"Ġfinalizar":8678,"Ġeuropeo":8679,"Ġredac":8680,"ĠSierra":8681,"Ġresumen":8682,"cando":8683,"Ġperdió":8684,"ĠFondo":8685,"Ġpiloto":8686,"Ġbajas":8687,"Ġpasajeros":8688,"Ġquieran":8689,"IZ":8690,"Ġjer":8691,"ema":8692,"ĠDefensa":8693,"ĠIma":8694,"Ġrebel":8695,"Ġasigna":8696,"Ġayudas":8697,"Ġpura":8698,"ĠCine":8699,"Ġigualmente":8700,"Ġdesempeñ":8701,"toriales":8702,"66":8703,"Ġlabios":8704,"Ġtendremos":8705,"ĠLle":8706,"hibición":8707,"aunque":8708,"Ġinsul":8709,"Ġabsoluto":8710,"Ġagar":8711,"Ġcuero":8712,"Ġescla":8713,"Ġrecep":8714,"ĠDigital":8715,"Ġuniversal":8716,"Ca":8717,"Ġtrimestre":8718,"Ġinex":8719,"Ġtraducción":8720,"Ġpolém":8721,"Ġbandas":8722,"Ġiniciativas":8723,"Ġmodificación":8724,"ips":8725,"ĠEstoy":8726,"AquÃŃ":8727,"Ġrutas":8728,"utados":8729,"titudes":8730,"ĠFun":8731,"ĠNie":8732,"ribuye":8733,"Ġdesas":8734,"Ġreligión":8735,"ilio":8736,"TRA":8737,"Ġrueda":8738,"ĠcientÃŃfica":8739,"ĠMayo":8740,"ĠCastel":8741,"Ġcirculación":8742,"Ġcontratación":8743,"Ġlider":8744,"Ġnavegador":8745,"ning":8746,"Ġhue":8747,"Ġirreg":8748,"cara":8749,"media":8750,"Ġguste":8751,"Ġinsist":8752,"Ġsemej":8753,"Ġmurió":8754,"ĠHor":8755,"ĠÃŃndice":8756,"Ġcoordin":8757,"Ġaust":8758,"Segu":8759,"Ġconveniente":8760,"Ġlimpiar":8761,"Ġincrement":8762,"Ġagregar":8763,"GU":8764,"Ġexperto":8765,"eda":8766,"ienta":8767,"Ġnecesitamos":8768,"ĠPlay":8769,"ĠPág":8770,"cub":8771,"Ġorganizar":8772,"eración":8773,"Ġsituada":8774,"ĠHombre":8775,"Ġnacido":8776,"Ġciudadano":8777,"Cons":8778,"Ġorientación":8779,"ĠpodÃŃan":8780,"Ġromán":8781,"Ġexpresa":8782,"ibil":8783,"Ġtela":8784,"abas":8785,"Ġestatu":8786,"ĠRegional":8787,"ĠBu":8788,"Ġcuantos":8789,"ADA":8790,"reros":8791,"Ġsalido":8792,"Ġdiscapacidad":8793,"ÃŃtico":8794,"Ġeficacia":8795,"ĠNicolás":8796,"istar":8797,"antiles":8798,"Ġusan":8799,"Ġdemuestra":8800,"Ġcomposición":8801,"Ġdesempeño":8802,"Ġpermiso":8803,"Ġvertic":8804,"Ġprivadas":8805,"ĠCaribe":8806,"Ġdepos":8807,"Ġjuega":8808,"ĠmuchÃŃsimo":8809,"Ġhablan":8810,"Ġcoordinación":8811,"uera":8812,"taña":8813,"ĠAmeric":8814,"Ġfilm":8815,"Ġmister":8816,"habilitación":8817,"Ġprimavera":8818,"Ġcicl":8819,"ĠAutónoma":8820,"uerzo":8821,"Ġmillón":8822,"Ġeuropeos":8823,"Ġtransmitir":8824,"Ġ42":8825,"Ġlados":8826,"Hasta":8827,"ĠBlanco":8828,"ĠChar":8829,"Ġimprescindible":8830,"Ġiluminación":8831,"Ġnúcle":8832,"Ġingenier":8833,"Ġadaptación":8834,"Ġ!":8835,"Ġindividuos":8836,"ĠEstamos":8837,"Bo":8838,"Ġalf":8839,"Ġconstitucional":8840,"Ġapreci":8841,"Ġsalvar":8842,",...":8843,"Ġdoce":8844,"martph":8845,"ĠespecÃŃfico":8846,"\":":8847,"Ġfuese":8848,"Ġcréditos":8849,"Ġcariño":8850,"н":8851,"Ġpierde":8852,"Ġescul":8853,"Ġinstancia":8854,"Ġplantilla":8855,"Ġpensamientos":8856,"Ġrecorrer":8857,"enz":8858,"Ġdamos":8859,"atemala":8860,"Ġrequieren":8861,"cipe":8862,"Ġmadres":8863,"Ġconectar":8864,"Ġcompens":8865,"ósitos":8866,"ilas":8867,"ĠHan":8868,"ĠPOR":8869,"cord":8870,"uestras":8871,"Ġaprobado":8872,"Ġespecializada":8873,"Ġlimpio":8874,"Ġacondicionado":8875,"Ġavanzar":8876,"Ġmarch":8877,"ĠOtros":8878,"Ġópti":8879,"Ġjornadas":8880,"ĠOficina":8881,"Ġjugando":8882,"ĠĠĠĠ":8883,"Ġgarantiza":8884,"Ġveinte":8885,"MO":8886,"BI":8887,"Ġhoja":8888,"âĢ¦)":8889,"Ġejército":8890,"Ġcubierta":8891,"uena":8892,"ĠBueno":8893,"Ġ600":8894,"Ġutilidad":8895,"Ġdueño":8896,"sula":8897,"Ġacepta":8898,"ÃŃg":8899,"Ġnaran":8900,"Ġturistas":8901,"érico":8902,"umb":8903,"Ġabsoluta":8904,"tecas":8905,"alizaciones":8906,"Ġbebidas":8907,"Pa":8908,"Ġóp":8909,"Ġgre":8910,"Ġinformado":8911,"usto":8912,"ispo":8913,"Ġpatio":8914,"Ġcalent":8915,"Ġdiscos":8916,"Ġindividuo":8917,"ĠDiario":8918,"Ġcatálogo":8919,"ĠDI":8920,"ĠjurÃŃdica":8921,"Ġpetróleo":8922,"Ġponiendo":8923,"02":8924,"NO":8925,"jando":8926,"ĠNet":8927,"ĠRamón":8928,"PU":8929,"ĠAlic":8930,"tle":8931,"ĠSant":8932,"Ġbasa":8933,"Ġmantienen":8934,"Ġsobres":8935,"cemos":8936,"Ġargentina":8937,"Actu":8938,"Ġreún":8939,"Ġcolorear":8940,"77":8941,"Ġconsideran":8942,"Ġimpresionante":8943,"Ġestima":8944,"Ġaliv":8945,"Ġbl":8946,"Ġbancar":8947,"Ġcans":8948,"ĠKar":8949,"Ġresponde":8950,"Ġllegando":8951,"Ġvicepres":8952,"Ġliqu":8953,"ÃŃficamente":8954,"ĠCanarias":8955,"Ġutilizados":8956,"Ġmodalidad":8957,"Ġmaterias":8958,"ĠWashington":8959,"Emp":8960,"menes":8961,"úsica":8962,"Ġasociaciones":8963,"EA":8964,"Ġfri":8965,"Ġenemigo":8966,"Ġpreserv":8967,"Ġinser":8968,"ĠEX":8969,"Ġjub":8970,"Ġdepartam":8971,"Ġesperamos":8972,".âĢĶ":8973,"tarias":8974,"Ġconformidad":8975,"Ġinmobil":8976,"ĠExper":8977,"Ġcriterio":8978,"Ġrepresentan":8979,"Ġllamó":8980,"ĠPapa":8981,"Ġgimnas":8982,"03":8983,"tipo":8984,"Ġgestionar":8985,"Ġcumpleaños":8986,"Ġsindic":8987,"ĠÃĵ":8988,"ĠReglamento":8989,"Ġescas":8990,"ART":8991,"ĠToda":8992,"Ġtratando":8993,"Ġexc":8994,"Ġfrag":8995,"Ġasumir":8996,".»":8997,"trices":8998,"ĠInstagram":8999,"Ġrecientes":9000,"icioso":9001,"].":9002,"Ġexcelentes":9003,"Ġcontribuir":9004,"Ġfabricantes":9005,"iti":9006,"Ġcultivo":9007,"ĠFiscalÃŃa":9008,"ĠMurcia":9009,"Ġqueso":9010,"ĠCU":9011,"Ġindicado":9012,"Ġrosa":9013,"hop":9014,"Ġrango":9015,"Ġmodern":9016,"acha":9017,"Ġrealizados":9018,"leto":9019,"Ġnoc":9020,"istos":9021,"Ob":9022,"Ġbonita":9023,"ĠVas":9024,"ERO":9025,"Ġamable":9026,"Ġterminado":9027,"ĠAllÃŃ":9028,"Ġadjud":9029,"Ġpresidenta":9030,"gulo":9031,"Ġnucle":9032,"Col":9033,"Ġmadru":9034,"Ġanunciado":9035,"Ġcapacitación":9036,"Ġcortes":9037,"Ġdeportes":9038,"ĠXIX":9039,"ĠMercado":9040,"Ġelectro":9041,"ĠMedia":9042,"Ġquedarse":9043,"Ġces":9044,"Ġpropietario":9045,"Ġvuelos":9046,"ĠPanamá":9047,"Ġhol":9048,"Ġparlam":9049,"Ġmexicana":9050,"Ġempie":9051,"Ġlanzar":9052,"Ġpata":9053,"ĠÃŃ":9054,"Ġfamosa":9055,"Ġdistingu":9056,"ĠBon":9057,"Ġcompetición":9058,"ĠCanadá":9059,"Ġdébil":9060,"Ġportu":9061,"ĠQuiz":9062,"Ġdestacado":9063,"Ġmetál":9064,"ĠcaracterÃŃstica":9065,"ArtÃŃculo":9066,"Ġimpe":9067,"Sab":9068,"citos":9069,"anal":9070,"Ġlaboratorio":9071,"Ġmovilidad":9072,"Ġidentificación":9073,"ĠSergio":9074,"Antes":9075,"ĠBien":9076,"Ġmanga":9077,"bir":9078,"Ġreservas":9079,"Ġsuav":9080,"Ġpróximas":9081,"Ġsostenible":9082,"ĠBlanca":9083,"Ġcaj":9084,"Ġdedos":9085,"gran":9086,"ĠAuto":9087,"Ġ120":9088,"Ġbille":9089,"85":9090,"Ġceb":9091,"Otro":9092,"ariales":9093,"Ġórgano":9094,"ĠCA":9095,"Ġpuro":9096,"putación":9097,"abetes":9098,"ÑĤ":9099,"Ġset":9100,"bao":9101,"Ġaluminio":9102,"ĠUl":9103,"ĠVar":9104,"Ġsujetos":9105,"Ġabogados":9106,"Ġpobla":9107,"Ġconducir":9108,"Ġmodos":9109,"Ġdiputado":9110,"Ġglob":9111,"ÃŃcola":9112,"Ġvoces":9113,"ãģ":9114,"ĠRica":9115,"Ġsumar":9116,"Muchas":9117,"Ġhubiese":9118,"direc":9119,"ĠSegunda":9120,"Ġembaj":9121,"Ġbron":9122,"Ġfortalecer":9123,"Ġruedas":9124,"Ġbailar":9125,"ĠBiblio":9126,"Ġabrió":9127,"itadas":9128,"ĠCN":9129,"ĠCuer":9130,"vol":9131,"Ġmamá":9132,"Ġprodujo":9133,"Ġcompet":9134,"Ġexpansión":9135,"Ġcorreg":9136,"Ġ250":9137,"Ġculp":9138,"Ġtreinta":9139,"Ġprivados":9140,"64":9141,"Ġalber":9142,"Ġpermanecer":9143,"garse":9144,"Ġdichas":9145,"iadas":9146,"Ġhábitos":9147,"Ġcomprensión":9148,"ĠParlamento":9149,"Ġespañolas":9150,"Ġdato":9151,"Ġindustriales":9152,"Ġcola":9153,"Ġseñora":9154,"Nuestro":9155,"izadas":9156,"Ġconstantemente":9157,"Ġferia":9158,"Ġmusicales":9159,"Di":9160,"Ġnecesitar":9161,"Ġvuestro":9162,"Ġater":9163,"Ġexige":9164,"Ġficción":9165,"Ġdelincu":9166,"ĠSemana":9167,"Ġharán":9168,"Ġfuncionario":9169,"dea":9170,"Ġmagist":9171,"Ġentiendo":9172,"Ġpropa":9173,"fonso":9174,"ĠAlim":9175,"ĠBea":9176,"Ġañade":9177,"Sobre":9178,",,":9179,"Ġreempla":9180,"ĠNosotros":9181,"Ġvigor":9182,"ĠGlo":9183,"Ġbásica":9184,"ĠdifÃŃciles":9185,"ĠUsuario":9186,"ĠTengo":9187,"Tu":9188,"Ġevaluar":9189,"Ġdelic":9190,"Ġdesl":9191,"amar":9192,"ernam":9193,"Ġcampeonato":9194,"ME":9195,"Ġseleccionar":9196,"Ġlogo":9197,"Ġretos":9198,"Ġpolic":9199,"ĠAcademia":9200,"Ġsentimiento":9201,"Ġacudir":9202,"Ġnotable":9203,"ĠÃģfrica":9204,"Ġproductor":9205,"Ġetapas":9206,"Ġdetenido":9207,"Ġconsumidor":9208,"ĠProvincia":9209,"omina":9210,"Ġseñales":9211,"Ġquedaron":9212,"Ġcombatir":9213,"ĠEmpresa":9214,"ĠclÃŃnica":9215,"Ġcafe":9216,"gué":9217,"trans":9218,"Ġgeneraciones":9219,"nado":9220,"TOS":9221,"Ġembar":9222,"Ġvirtud":9223,"Ġdeseos":9224,"Ġnoctur":9225,"Ġmach":9226,"Ġpublicaciones":9227,"Ġit":9228,"colo":9229,"Ġdibujo":9230,"fit":9231,"Ġhaci":9232,"Ġende":9233,"ĠAustral":9234,"ĠTorres":9235,"ĠRosario":9236,"Ġenemigos":9237,"Ġdeportiva":9238,"tela":9239,"ward":9240,"iona":9241,"Ġcercana":9242,"ĠMartin":9243,"ócra":9244,"Ġmalos":9245,"ĠArtÃŃculo":9246,"Ġjuventud":9247,"tinas":9248,"Ġtasas":9249,"temp":9250,"Ġverlo":9251,"Ġcontrad":9252,"Ġdistrito":9253,"úp":9254,"RAN":9255,"Ġestuvieron":9256,"Ġteléfonos":9257,"Ġaporte":9258,"udio":9259,"Ġtorm":9260,"Cre":9261,"Ġtruc":9262,"esas":9263,"Ġfiel":9264,"Ġintercambi":9265,"Ġdesf":9266,"Ġbrazo":9267,"Ġnieve":9268,"Ġvende":9269,"Ġdirigentes":9270,"Ġmaravilloso":9271,"ĠTenemos":9272,"Ġtoneladas":9273,"Ġconfun":9274,"Ġregalos":9275,"ĠRico":9276,"Ġfallo":9277,"Ġaltamente":9278,"Ġdescripción":9279,"lga":9280,"Ġadquisición":9281,"gia":9282,"ĠSr":9283,"...)":9284,"Ġ[...]":9285,"Ġprestación":9286,"ĠRoberto":9287,"Ġsecu":9288,"Ġconsentimiento":9289,"Ġmejoras":9290,"ĠespecÃŃficos":9291,"plan":9292,"Ġcarro":9293,"Ġidiomas":9294,"trada":9295,"Ġconclusión":9296,"Ġdestacan":9297,"dicación":9298,"tarlo":9299,"riz":9300,"Ġhuevos":9301,"Ġbeso":9302,"Ġpoderes":9303,"ĠPi":9304,"43":9305,"Ġsubs":9306,"aqu":9307,"Ġprobabilidad":9308,"Ġeuropea":9309,"PD":9310,"Ġcuadros":9311,"Ġmecanismo":9312,"Ġcartel":9313,"Ġmanejar":9314,"Ġfrutas":9315,"Ġdespues":9316,"Ġmuestras":9317,"polit":9318,"Ġperiódico":9319,"ede":9320,"Ġadvers":9321,"Ġbañ":9322,"Ġhttps":9323,"Ġenseñar":9324,"Ġcreando":9325,"Ġcuidar":9326,"Ġesquina":9327,"ualquier":9328,"endar":9329,"Ġpotente":9330,"Ġconocen":9331,"ĠlÃŃquido":9332,"Ġpiedras":9333,"Ġlógica":9334,"Ġmontaje":9335,"oxid":9336,"Ġpermitan":9337,"Ġprecisión":9338,"emb":9339,"Ġantic":9340,"Ġtratado":9341,"Ġbarato":9342,"Ġhorarios":9343,"Ġasociados":9344,"Ġcomputadora":9345,"ĠAv":9346,"itat":9347,"Ġimaginar":9348,"ĠCoord":9349,"enses":9350,"Ġfutu":9351,"tito":9352,"ámico":9353,"Ġnace":9354,"ĠEduca":9355,"Ġaval":9356,"Ġconsiguió":9357,"Ġimpro":9358,"ĠxD":9359,"ĠEv":9360,"Ġinfo":9361,"Ġcómoda":9362,"tadura":9363,"cripciones":9364,"udiciales":9365,"Ġprovincial":9366,"ĠSebastián":9367,"Ġdecora":9368,"Ġgráfico":9369,"Ġsat":9370,"Ġquem":9371,"Ġasal":9372,"Ġoral":9373,"ĠCurso":9374,"Ġpropietarios":9375,"Ġpublica":9376,"Ġsaga":9377,"orro":9378,"68":9379,"·":9380,"Ġdeterior":9381,"Ġacá":9382,"bie":9383,"Ġdele":9384,"Ġmirando":9385,"ĠJorn":9386,"Ġsuyo":9387,"bús":9388,"Ġfórmula":9389,"Ġacadémico":9390,"ĠSar":9391,"Ġregla":9392,"Ġmostra":9393,"Ġronda":9394,"Ġfrancesa":9395,"Otra":9396,"ajaja":9397,"Ġdinámica":9398,"Ġdivul":9399,"âĢ¦âĢ¦":9400,"ĠAutor":9401,"Ġaceptación":9402,"ĠAragón":9403,"Ġprohib":9404,"Ġapunta":9405,"ĠcÃŃr":9406,"ĠEspa":9407,"Ġmuseo":9408,"Ġense":9409,"Ġreproduc":9410,"geno":9411,"eramente":9412,"Ġconciertos":9413,"alax":9414,"Ġmari":9415,"Ġverdes":9416,"Ġverse":9417,"ándonos":9418,"ĠPaul":9419,"ĠGuatemala":9420,"ĠMA":9421,"Os":9422,"ĠGalicia":9423,"Ġlimpia":9424,"Ġprovoca":9425,"Ġpermitió":9426,"Ġahorrar":9427,"ĠGobern":9428,"Ġpendientes":9429,"Ġiguales":9430,"Ġreformas":9431,"uncios":9432,"Ġrevisar":9433,"Ġinn":9434,"tinos":9435,"Ġprovincias":9436,"ĠvacÃŃo":9437,"Ġfueran":9438,"Ġdiputados":9439,"Ġautomáticamente":9440,"Ġderrota":9441,"Ġbasura":9442,"Ġautomo":9443,"box":9444,"Ġanticip":9445,"Ġmemor":9446,"Ġcrimen":9447,"Ġfans":9448,"lados":9449,"Ġinvita":9450,"Ġadelga":9451,"ificada":9452,"Ġminerales":9453,"Ġtransferencia":9454,"rÃŃan":9455,"tube":9456,"ĠDol":9457,"Muy":9458,"énez":9459,"ted":9460,"Ġveremos":9461,"Ġexclusivo":9462,"Ġprimaria":9463,"Ġpudieron":9464,"Ġponemos":9465,"úmero":9466,"Ġnovio":9467,"Ġportavoz":9468,"ĠOnline":9469,"Ġreiv":9470,"Ġsatisfacer":9471,"avo":9472,"ĠVida":9473,"Ġcreciente":9474,"ĠEspero":9475,"olla":9476,"Ġsoci":9477,"vias":9478,"ĠSue":9479,"Ġprolon":9480,"Ġducha":9481,"Ġgub":9482,"úrg":9483,"ERA":9484,"Ġobtuvo":9485,"Ġapariencia":9486,"Ġborde":9487,"Ġviviendo":9488,"Del":9489,"tifica":9490,"diciones":9491,"Ġfruto":9492,"Ġobserva":9493,"Ġejecutivo":9494,"Ġfábrica":9495,"Ġestablecimientos":9496,"Ġcostes":9497,"Ġlistas":9498,"ĠEjército":9499,"Ġrenunci":9500,"Ġmexicanos":9501,"ĠindÃŃgenas":9502,"ĠFeria":9503,"ges":9504,"erÃŃas":9505,"Ġsolidaridad":9506,"Ġestilos":9507,"dadas":9508,"ĠOf":9509,"TS":9510,"ĠcirugÃŃa":9511,"wood":9512,"Ġhéro":9513,"Ġplanificación":9514,"TV":9515,"tilidad":9516,"Ġcontinú":9517,"Ġdañ":9518,"alla":9519,"Ġculo":9520,"ĠQUE":9521,"Ġfuncionar":9522,"ĠNunca":9523,"Ġinoc":9524,"quillaje":9525,"Ġformal":9526,"Ġcenten":9527,"rey":9528,"ÃŃces":9529,"Ġrecomendamos":9530,"ĠFinanci":9531,"Ġestaciones":9532,"Ġemocion":9533,"Ġincumpl":9534,"ĠCristina":9535,"Ġtrama":9536,"ÑĢ":9537,"enco":9538,"Ġreglam":9539,"Ġinformar":9540,"Ġfach":9541,"Ġcayó":9542,"Ġseñalado":9543,"Ġdisposiciones":9544,"Ġdescuentos":9545,"ĠPRI":9546,"Ġï":9547,"Ġfemenino":9548,"Ġdetener":9549,"Ġdistinta":9550,"trina":9551,"Ġbolas":9552,"ĠCuenta":9553,"Creo":9554,"cómo":9555,"Ġextin":9556,"ĠSy":9557,"41":9558,"Ġobligado":9559,"Ġaccidentes":9560,"Ġ47":9561,"67":9562,"Ġescribe":9563,"Ġútiles":9564,"Ġdisciplina":9565,"ak":9566,"Ġamantes":9567,"Ġmuñ":9568,"way":9569,"Ġcoron":9570,"ĠAsturias":9571,"Ġllaman":9572,"Ġcomprob":9573,"Ġanci":9574,"Ġexplicación":9575,"illermo":9576,"Finalmente":9577,"Ġliderazgo":9578,"Ġentero":9579,"Ġbalón":9580,"Ġreciben":9581,"cismo":9582,"Ġsalas":9583,"Ġdebut":9584,"Ġcolumna":9585,"ĠMorales":9586,"ĠActualmente":9587,"peta":9588,"Ġvigilancia":9589,"ĠEuropeo":9590,"Ġdebo":9591,"Ġañadió":9592,"Ġdecreto":9593,"Ġhig":9594,"ĠVicente":9595,"Ġprobado":9596,"ĠJack":9597,"ise":9598,"ARIO":9599,"Ġtrabajado":9600,"ĠDeportes":9601,"Ġarroz":9602,"Ġrumbo":9603,"anc":9604,"Ġsirven":9605,"Ġbásicas":9606,"Ġterap":9607,"ĠautonomÃŃa":9608,"iblia":9609,"ĠChrist":9610,"Ġolor":9611,"Ġaci":9612,"ulaciones":9613,"Ġreiter":9614,"Ġcoopera":9615,"Ġestadounidenses":9616,"Ġ43":9617,"econ":9618,"Ġtranscur":9619,"iental":9620,"radores":9621,"Ġpredic":9622,"Ġprede":9623,"ĠInterior":9624,"Ġbandera":9625,"Ġimaginación":9626,"Ġcuadrados":9627,"Ġescenarios":9628,"Ġ01":9629,"Ġmaquinaria":9630,"Ġmanifesta":9631,"Ġtos":9632,"Ġcerveza":9633,"Ġsúper":9634,"critos":9635,"Ġceremonia":9636,"Ġintenso":9637,"Ġcono":9638,"Ġlej":9639,"ĠAmor":9640,"Ġaparato":9641,"Ġintegrado":9642,"Ġparar":9643,"Ġmencionar":9644,"Ġfibra":9645,"ĠLE":9646,"Ġadolescente":9647,"Ġhabló":9648,"Ġcaptur":9649,"Ġpréstamo":9650,"Ġraza":9651,"Ġhabilidad":9652,"Ġexistir":9653,"Ġmediados":9654,"ĠMuchos":9655,"Ġvinos":9656,"Ġasesinato":9657,"Ġord":9658,"Quién":9659,"Ġsufrido":9660,"Ġprevent":9661,"ĠRecuer":9662,"tuario":9663,"Ġescenas":9664,"ónicas":9665,"ings":9666,"ĠPortugal":9667,"kin":9668,"abo":9669,"Ġmedir":9670,"ĠAmazon":9671,"ĠHen":9672,"Ġsignific":9673,"Ġrespondió":9674,"BL":9675,"Ġhilo":9676,"Ġcampes":9677,"Ġ:)":9678,"Ġbendi":9679,"Ġparticiparon":9680,"Ġfija":9681,"ĠLeon":9682,"hab":9683,"ÃŃmetros":9684,"Ġrica":9685,"ĠEspÃŃritu":9686,"Ġcomenzaron":9687,"ĠveÃŃa":9688,"iremos":9689,"Ġeducativos":9690,"app":9691,"work":9692,"ĠoÃŃdo":9693,"Ġvaloración":9694,"inete":9695,"Ġdeseas":9696,"Ġsustancias":9697,"Ġbicicleta":9698,"Ġdoy":9699,"Ġcomis":9700,"ĠWil":9701,"ĠDom":9702,"Ġreferencias":9703,"Ġultra":9704,"Ġdefine":9705,"Ġingen":9706,"Ġsiga":9707,"Ġquisiera":9708,"ĠComple":9709,"Ġobtenido":9710,"Ġfemin":9711,"Ġcontinuidad":9712,"Ġfiscales":9713,"ĠMedicina":9714,"Ġemoción":9715,"Ġmesas":9716,"Ġpoeta":9717,"Ġorgullos":9718,"Ġprestaciones":9719,"ĠMich":9720,"Ġórdenes":9721,"ĠMoreno":9722,"Estoy":9723,"chos":9724,"Ġtrist":9725,"Ġrestr":9726,"Ġúnicos":9727,"ĠfÃŃsicas":9728,"Ġciviles":9729,"ĠLuna":9730,"Ñģ":9731,"Ġpárra":9732,"Ġalimento":9733,"ĠturÃŃstico":9734,"Ġhumedad":9735,"Ġgustos":9736,"Ġsp":9737,"Ġdrama":9738,"ógico":9739,"ÃŃsimas":9740,"ĠAngel":9741,"Ġpreciso":9742,"áctica":9743,"Ġescrita":9744,"Ġ44":9745,"ĠCastillo":9746,"ĠFon":9747,"Ġotoño":9748,"orden":9749,"ĠNorm":9750,"Ġingresar":9751,"lash":9752,"Ġshow":9753,"Ġtemprano":9754,"Ġescapar":9755,"Ġté":9756,"Ġtrán":9757,"ĠIsabel":9758,"Ġintroduci":9759,"Ġsalario":9760,"Ġtrop":9761,"Ġsignos":9762,"Ġmodificaciones":9763,"Ġmalas":9764,"Ġfavoritos":9765,"EX":9766,"ĠTim":9767,"ÃŃnas":9768,"Ġabrazo":9769,"Ġcreada":9770,"asión":9771,"Ġregresar":9772,"Ġconsiderable":9773,"ENTE":9774,"Ġagro":9775,"Ġinyec":9776,"Ġcombustible":9777,"ĠAtención":9778,"Ġsolucionar":9779,"icidio":9780,"ze":9781,"Ġroja":9782,"ĠContac":9783,"far":9784,"Ġpsico":9785,"Ġregistros":9786,"Ġnegociación":9787,"onso":9788,"tizar":9789,"Ġpérdidas":9790,"idi":9791,"ĠGuer":9792,"Ġdirigir":9793,"Ġayudará":9794,"gica":9795,"Ġcolombiano":9796,"Ġintim":9797,"Ġpisos":9798,"Ġilegal":9799,"Ġapp":9800,"Ġcontratar":9801,"Ġregulación":9802,"ĠCalle":9803,"GT":9804,"Ġdices":9805,"tedral":9806,"Nuestra":9807,"Ġdirige":9808,"Ġindependientes":9809,"Ġrell":9810,"Ġbienvenida":9811,"Ġabri":9812,"ĠAño":9813,"Ġvolv":9814,"Ġgafas":9815,"Ġempresario":9816,"ĠMana":9817,"Ġreduce":9818,"ĠjurÃŃdico":9819,"Ġinspiración":9820,"Ġlevantar":9821,"Ġfomentar":9822,"Ġepisodio":9823,"Ġesenciales":9824,"Ġquiso":9825,"Ġcajas":9826,"Ġterren":9827,"terales":9828,"Ġtop":9829,"Ġplantea":9830,"Ġdefinitivamente":9831,"mol":9832,"Ġ46":9833,"Ġalcanza":9834,"Ġelevado":9835,"ĠMul":9836,"iempo":9837,"TC":9838,"Ġsuspensión":9839,"mano":9840,"Ġespon":9841,"Ġmarcado":9842,"Ġpanorama":9843,"ĠIsla":9844,"Ġ95":9845,"Ġsuple":9846,"Ġasomb":9847,"gén":9848,"ĠPrincip":9849,"2014":9850,"Ġinvestigar":9851,"ÃŃv":9852,"Ġmadri":9853,"PO":9854,"Ġdependencia":9855,"entamente":9856,"idado":9857,"ĠespecÃŃfica":9858,"Ġaficionados":9859,"Ġacontecimientos":9860,"inarios":9861,"Ġeliminación":9862,"Ġodio":9863,"ucho":9864,"Ġmotores":9865,"rico":9866,"ĠCapital":9867,"tab":9868,"Ġ49":9869,"Ġcomidas":9870,"Ġsuficientes":9871,"Ġansiedad":9872,"Ġpagina":9873,"Ġatraves":9874,"Ġprocl":9875,"Ġdescubierto":9876,"for":9877,"jeje":9878,"Ġprecisa":9879,"ĠProfesional":9880,"rimonio":9881,"Ġhogares":9882,"Ġcastellano":9883,"Ġdisput":9884,"idra":9885,"Ġocurrir":9886,"ĠFrente":9887,"Ġprendas":9888,"taban":9889,"ĠMúsica":9890,"ĠSp":9891,"Ġrespaldo":9892,"ĠSitio":9893,"Ġdedica":9894,"Ġpatro":9895,"Ġpudieran":9896,"ĠespecÃŃficas":9897,"Somos":9898,"risto":9899,"Ġcolabora":9900,"ĠHabana":9901,"Ġtoler":9902,"Ġatac":9903,"ĠOp":9904,"Ġimpulso":9905,"Ġemble":9906,"rocar":9907,"%)":9908,"Ġdevolver":9909,"ĠsentÃŃa":9910,"ĠserÃŃan":9911,"Ġcria":9912,"Ġnecesito":9913,"Ġmonto":9914,"Ġcoger":9915,"ĠsÃŃmbolo":9916,"cap":9917,"Ġrecaud":9918,"Ġestablecidos":9919,"ondas":9920,"ĠExcel":9921,"Ġespecializado":9922,"Ġsuministro":9923,"jeras":9924,"Ġcaballo":9925,"ĠSomos":9926,"cons":9927,"Ġnomin":9928,"Ġejecut":9929,"cr":9930,"Ġricos":9931,"ĠGuadal":9932,"Ġlistado":9933,"Ġmand":9934,"Ġvivido":9935,"versión":9936,"trop":9937,"Ġapla":9938,"venido":9939,"uerta":9940,"Ġproveedor":9941,"ĠWorld":9942,"cargar":9943,"ĠRespon":9944,"lig":9945,"Ġexcelencia":9946,"Ġdeterminados":9947,"sung":9948,"!,":9949,"Ġacumul":9950,"Ġclásicos":9951,"Ġoración":9952,"Ġpoquito":9953,"ucar":9954,"Ġraro":9955,"Ġequivalente":9956,"Ġconocemos":9957,"ĠPA":9958,"gi":9959,"Ġpareció":9960,"Ġcuentos":9961,"Ġobstá":9962,"Ġconvivencia":9963,"ĠTecnologÃŃa":9964,"Ġmetas":9965,"Ġfes":9966,"Ġcontará":9967,"Ġmadrugada":9968,"Ġllevaron":9969,"Ġdemon":9970,"Ġeco":9971,"Ġpaga":9972,"Ġexcepcional":9973,"ledo":9974,"Ġminim":9975,"uez":9976,"ĠBio":9977,"Ġfavorito":9978,"Ġpostura":9979,"Ġéstas":9980,"ĠNeces":9981,"mico":9982,"Ġconstruido":9983,"Ġindispens":9984,"Ġpracticar":9985,"ĠSER":9986,"Ġyou":9987,"ĠCin":9988,"Ġevolu":9989,"ĠUniversitario":9990,"ĠJames":9991,"Ġlargas":9992,"Ġintentando":9993,"Ġgato":9994,"Ġbasta":9995,"ml":9996,"Ġdescenso":9997,"Ġrecoge":9998,"Ġheridas":9999,"Ġcamiseta":10000,"Ante":10001,"Ġcausar":10002,"ÃŃctor":10003,"Ġbaile":10004,"Ġcontinente":10005,"Ġguitarra":10006,"Ġencanto":10007,"Ġrealizaron":10008,"Ġentien":10009,"Ġfrust":10010,"vida":10011,"Ġrelacionada":10012,"âĨ":10013,"Ġenviado":10014,"rena":10015,"guardia":10016,"ĠGro":10017,"Ġescog":10018,"Ġandal":10019,"ĠAnte":10020,"Ġresultar":10021,"Ġsolid":10022,"Ġune":10023,"Ġlac":10024,"ĠDES":10025,"Ġtránsito":10026,"Ġtalla":10027,"Ġtribunal":10028,"Ġapo":10029,"cm":10030,"Ġsmartph":10031,"Ġreino":10032,"Ġconfes":10033,"lim":10034,"ĠLibro":10035,"Ġprestar":10036,"ĠOctubre":10037,"Ġsuficientemente":10038,"ĠLibre":10039,"ĠGust":10040,"Ġhabido":10041,"Ġgrues":10042,"Ġdelantero":10043,"Ġirregular":10044,"ĠGuardia":10045,"Ġexpresar":10046,"Bus":10047,"ata":10048,"FOR":10049,"Ġcaracteriza":10050,"Ġconfirmó":10051,"Ġfresco":10052,"Ġsalsa":10053,"±":10054,"Ġfascin":10055,"Ġnaciones":10056,"Ġcontaminación":10057,"2013":10058,"Ġelector":10059,"hael":10060,"Ġcuota":10061,"Bar":10062,"Ġcaball":10063,"Ġreproducción":10064,"lantes":10065,"Ġtraslado":10066,"Ġamenazas":10067,"Ġtranquila":10068,"daje":10069,"Ġsilla":10070,"gena":10071,"Ġestamp":10072,"Ġimpulsar":10073,"ĠForo":10074,"Ġestando":10075,"Ġpart":10076,"Ġinclusión":10077,"Ġgeográ":10078,"Ġmono":10079,"ĠDen":10080,"ómicas":10081,"ADOR":10082,"Ġvea":10083,"ĠAlta":10084,"Ġ00":10085,"Ġespi":10086,"umer":10087,"Ġintu":10088,"áus":10089,"Ġcartera":10090,"Ġllevando":10091,"Ġcontempl":10092,"Ġpasta":10093,"eciendo":10094,"Ġcongel":10095,"ĠTro":10096,"ĠCiencia":10097,"Ġdejaron":10098,"ĠAdministra":10099,"ĠMarketing":10100,"Ġgeo":10101,"Ġvag":10102,"Ġtarifa":10103,"Ġhec":10104,"Ġaguan":10105,"Ġhuéspe":10106,"Quer":10107,"Ġexplicado":10108,"ĠSenado":10109,"cones":10110,"inó":10111,"Ġinmun":10112,"Ġdestinos":10113,"ĠProp":10114,"ĠHi":10115,"ándola":10116,"Ġbrinda":10117,"Ġtransparencia":10118,"Ġreina":10119,"ógica":10120,"Ġseco":10121,"Ġcae":10122,"Ġplaca":10123,"ĠAlicante":10124,"ĠAsia":10125,"Ġocta":10126,"ĠSantander":10127,"Ġapareció":10128,"Ġsurge":10129,"Ġben":10130,"Am":10131,"Ġamo":10132,"Ġtramo":10133,"Ġlargos":10134,"ĠpolicÃŃas":10135,"Ġaves":10136,"Ġrebaj":10137,"ÃŃncipe":10138,"Ġcelebrará":10139,"Ġkilos":10140,"Ġ1999":10141,"Ġsentirse":10142,"Ġdisponer":10143,"inc":10144,"Ġby":10145,"esos":10146,"Ġdespren":10147,"Ġfotó":10148,"ĠOscar":10149,"Ġelectricidad":10150,"ĠAlto":10151,"Ġpintar":10152,"ĠDistrito":10153,"ĠEmpresas":10154,"delo":10155,"urs":10156,"tega":10157,"Ġañadido":10158,"garon":10159,"Ġelaborado":10160,"Ġfeste":10161,"Ġdiabetes":10162,"ager":10163,"Ġabordar":10164,"túan":10165,"iéndose":10166,"oli":10167,"Ġllamados":10168,"ejo":10169,"Ġhall":10170,"Ġfelices":10171,"Ġolvi":10172,"Ġrelevante":10173,"dÃŃan":10174,"ĠIS":10175,"Ġsello":10176,"tumbre":10177,"Ġcorporal":10178,"ursos":10179,"ĠpodrÃŃamos":10180,"cop":10181,"98":10182,"ificaciones":10183,"ÃŃmenes":10184,"Ġpersonalmente":10185,"Ġrepubl":10186,"ĠCalidad":10187,"Ġmineral":10188,"Ġnº":10189,"Ġtonos":10190,"Ġtin":10191,"Ġofreciendo":10192,"ĠNA":10193,"Ġvieja":10194,"izando":10195,"Ġestreno":10196,"ĠgarantÃŃas":10197,"Ġconducción":10198,"Ġparada":10199,"Ġfracaso":10200,"Ġexcur":10201,"gnacio":10202,"Ġgustó":10203,"CON":10204,"Soy":10205,"Ġdisfruta":10206,"Ġrenovación":10207,"Ġvueltas":10208,"Ġportátil":10209,"Ġechar":10210,"uido":10211,"ĠHuman":10212,"Ġrechazo":10213,"Ġasesoramiento":10214,"Ġarco":10215,"Ġcreciendo":10216,"Ġbiblioteca":10217,"ĠLAS":10218,"Ġrevistas":10219,"Fi":10220,"ĠSport":10221,"ĠTab":10222,"incl":10223,"Ġmaquillaje":10224,"ĠCity":10225,"ámenes":10226,"Ġcancha":10227,"tánea":10228,"digos":10229,"Ġbomba":10230,"ávez":10231,"Ġámbitos":10232,"ĠGir":10233,"zcan":10234,"ĠRegión":10235,"Ġvecino":10236,"clar":10237,"iertas":10238,"Ġhistóricos":10239,"Ġcristianos":10240,"ĠAcción":10241,"izó":10242,"ĠOtra":10243,"gancia":10244,"Ġcreó":10245,"Ġcompetir":10246,"ĠLea":10247,"uyendo":10248,"Ġtorre":10249,"Ġalej":10250,"Ġejecutar":10251,"ĠSta":10252,"Ġcomplementar":10253,"Ġofens":10254,"Cas":10255,"Ġprogreso":10256,"Ġ85":10257,"Ġprecioso":10258,"Ġimportar":10259,"Ġ41":10260,"ÃŃso":10261,"enza":10262,"Ġparticularmente":10263,"cedes":10264,"Ġmasaje":10265,"ĠRuiz":10266,"Ġseñalar":10267,"Ġgalard":10268,"usas":10269,"ĠHerman":10270,"ĠONU":10271,"Ġfarmac":10272,"Ġpró":10273,"........":10274,"Ġvestidos":10275,"diales":10276,"Ġsoldados":10277,"Ġpesca":10278,"ĠNavarra":10279,"Ġluna":10280,"Ġprovocar":10281,"ecimiento":10282,"ĠSecretario":10283,"Ġinflación":10284,"Ġsigo":10285,"Ġpatrocin":10286,"éramos":10287,"Ġterrible":10288,"EE":10289,"Ġdormitorio":10290,"ĠGuillermo":10291,"Ġadh":10292,"Ġsalto":10293,"ĠMarco":10294,"Ġincent":10295,"zones":10296,"Ġsubsi":10297,"acciones":10298,"ĠIde":10299,"ĠAprende":10300,"Ġrecin":10301,"GB":10302,"Ġconsultas":10303,"Ġácido":10304,"ĠRaúl":10305,"ENCIA":10306,"ĠCH":10307,"ĠNoviembre":10308,"itable":10309,"Ġfactura":10310,"pot":10311,"Ġafrontar":10312,"Ġfuimos":10313,"ĠcrÃŃtico":10314,"FA":10315,"Ġdiplom":10316,"Ġdignidad":10317,"Ġorganizada":10318,"Ġescoger":10319,"ĠRol":10320,"ĠRevolución":10321,"ĠDispon":10322,"ĠNor":10323,"Ġargumento":10324,"Ġrefleja":10325,"Ġhaberse":10326,"Ġincorporación":10327,"Ġsemillas":10328,"ĠPromo":10329,"ĠUtil":10330,"gnos":10331,"ĠExtre":10332,"ĠGen":10333,"Ġcurioso":10334,"ĠVo":10335,"Ġdetectar":10336,"Ġparad":10337,"Ġgubernam":10338,"ĠMaduro":10339,"ll":10340,"Ġvilla":10341,"Ġcuriosidad":10342,"terráneo":10343,"ficit":10344,"Ġservidores":10345,"Ġhabia":10346,"ĠJur":10347,"Ġbau":10348,"SI":10349,"tificado":10350,"BO":10351,"ÃŃticas":10352,"Cor":10353,"Ġpersegu":10354,"Ġtuvimos":10355,"Ġabandonar":10356,"Ġimpre":10357,"Ġlesión":10358,"Ġemisión":10359,"ĠÃį":10360,"ĠraÃŃces":10361,"ĠLocal":10362,"Ġlanzó":10363,"Ġliga":10364,"atorio":10365,"Ġautoma":10366,"Ġseparación":10367,"Ġnegativa":10368,"Ġpongo":10369,"Ġ800":10370,"Ġcompara":10371,"rosa":10372,"Ġafectar":10373,"Ġproductividad":10374,"icul":10375,"valuación":10376,"bimos":10377,"Ġfirmado":10378,"Ġdenominado":10379,"ĠmÃŃo":10380,"ĠAlfonso":10381,"CN":10382,"ĠZona":10383,"Tengo":10384,"Ġmanifestaciones":10385,"ĠUR":10386,"Ġcolectiva":10387,"vada":10388,"Ġsostuvo":10389,"Ġprofundi":10390,"ĠWi":10391,"Ġsufrió":10392,"ĠAlonso":10393,"Ġterapia":10394,"Ġmensual":10395,"alista":10396,"Ġrutina":10397,"ĠBilbao":10398,"Ġgolpes":10399,"Ġfrutos":10400,"Ġculmin":10401,"endoza":10402,"ĠAustralia":10403,"ĠReserv":10404,"Ġdespre":10405,"ĠWilliam":10406,"ĠKe":10407,"Ġtemor":10408,"Ġideales":10409,"ĠSeguro":10410,"ciencia":10411,"ĠDivisión":10412,"Ġfirmas":10413,"ajara":10414,"Ġcelebrado":10415,"Hemos":10416,"Pos":10417,"Ġnegativo":10418,"Ġimplement":10419,"Ġvivimos":10420,"Ġaprue":10421,"ture":10422,"Ġnegros":10423,"Ġcharla":10424,"Ġcreemos":10425,"Ġpréstamos":10426,"iedades":10427,"Ġparro":10428,".:":10429,"Ġarru":10430,"ĠfrÃŃa":10431,"Ġterminal":10432,"itará":10433,"ĠRelaciones":10434,"Ġcubano":10435,"2012":10436,"Ġoficio":10437,"eld":10438,"ĠLatinoamérica":10439,"ĠPie":10440,"Ġfrecuente":10441,"Ġocio":10442,"Ġseguirá":10443,"Ġpelota":10444,"ensor":10445,"ĠReci":10446,"ĠMaes":10447,"LAN":10448,"ĠTres":10449,"Ġconsideración":10450,"ĠEmpleo":10451,"Ġcuándo":10452,"Ġlateral":10453,"Ġdestinado":10454,"ĠGabriel":10455,"Tenemos":10456,"Ġcatalán":10457,"onces":10458,"Ġabon":10459,"Ġcortar":10460,"ĠVictoria":10461,"Ġára":10462,"Ġverduras":10463,"rección":10464,"Ġdada":10465,"Ġaudiovis":10466,"Or":10467,"Ġcarbono":10468,"Ġaventuras":10469,"Ġhielo":10470,"Ġinal":10471,"Ġencuesta":10472,"tables":10473,"itiva":10474,"Ġpistas":10475,"Ġagencias":10476,"Ġdiga":10477,"Ġmandar":10478,"Ġganancias":10479,"Ġfus":10480,"Ġautora":10481,"Ġislas":10482,"Ġparticipan":10483,"Ġpolicial":10484,"Ġviva":10485,"iertos":10486,"Ġduelo":10487,"Ġmutu":10488,"Ġbuc":10489,"comunicaciones":10490,"Ġmante":10491,"Na":10492,"entados":10493,"raba":10494,"Ġcontroles":10495,"ĠAzul":10496,"Ġprevis":10497,"Ġtemplo":10498,"Ġvigencia":10499,"oraciones":10500,"reza":10501,"Ġdeterminada":10502,"Ġentró":10503,"uelve":10504,"Ġbolsas":10505,"ilan":10506,"ö":10507,"Ġincur":10508,"Ġbritánico":10509,"ĠOtro":10510,"yeron":10511,"Ġquince":10512,"Ġincrementar":10513,"Ġviajeros":10514,"Ġquedo":10515,"Ġcultiv":10516,"Ġpapeles":10517,"uth":10518,"ĠGil":10519,"Ġexistente":10520,"ÃŃsica":10521,"Ġutilizada":10522,"TAN":10523,"ĠPenal":10524,"ĠIndustria":10525,"оÐ":10526,"Ġorgullo":10527,"Ġrepresentar":10528,"Ġafectan":10529,"Ġescán":10530,"Ġpensaba":10531,"Ġmg":10532,"Ġcostumbre":10533,"Ġsecretos":10534,"Ġalerta":10535,"Ġapell":10536,"lero":10537,"Ġventanas":10538,"Sus":10539,"Ġparticipado":10540,"Ġvotar":10541,"Ġdesesper":10542,"my":10543,"Ġhayas":10544,"Ġdesigual":10545,"Ġmonstru":10546,"Ġsensibilidad":10547,"ĠOrg":10548,"Ġespiritu":10549,"Ġvidrio":10550,"Ġoeste":10551,"Ġdescribe":10552,"Ġaqu":10553,"Ġnotar":10554,"TM":10555,"Ġabiertas":10556,"Ġcredi":10557,"Ġdiarios":10558,"Ġsentidos":10559,"Ġsocialista":10560,"áz":10561,"Ġamigas":10562,"Ġescritorio":10563,"Ġenergética":10564,"guna":10565,"enzo":10566,"Ġhablado":10567,"ĠLog":10568,"Fo":10569,"ĠLegisla":10570,"Ġinmigrantes":10571,"ĠSaludos":10572,"ĠPac":10573,"Ġconversaciones":10574,"olv":10575,"Ġpertin":10576,"ÃŃsimos":10577,"Ġbaratos":10578,"adilla":10579,"Ġtarifas":10580,"Ġsecundaria":10581,"Ġchino":10582,"Ġempleado":10583,"Ġjueces":10584,"Ġdestrucción":10585,"quero":10586,"Ġrecordó":10587,"Ġposiblemente":10588,"Ġtest":10589,"ribunales":10590,"Ġmier":10591,"INA":10592,"Ġrelatos":10593,"Ġcobre":10594,"Ġ64":10595,"ĠLO":10596,"Ġnub":10597,"Ġciencias":10598,"Ġinstalado":10599,"ĠÃģngeles":10600,"Ġlabores":10601,"69":10602,"Deb":10603,"eamente":10604,"Ġlitros":10605,"Bien":10606,"TAS":10607,"Ġpelic":10608,"Ġespecializados":10609,"IDA":10610,"ĠChávez":10611,"Ġamarillo":10612,"Eso":10613,"Ġespejo":10614,"Ġpanel":10615,"damente":10616,"olas":10617,"Ġtenéis":10618,"ĠUSB":10619,"Ġcostumb":10620,"Ġlago":10621,"adrid":10622,"Ġrecogida":10623,"Puede":10624,"Ġblogs":10625,"Ġcuánto":10626,"Ġpulgadas":10627,"Ġsubida":10628,"ĠMira":10629,"Ġcaras":10630,"Ġresultó":10631,"ĠPatri":10632,"Ġconlle":10633,"Está":10634,"drome":10635,"Ġmár":10636,"Ġrelevantes":10637,"Ġcobrar":10638,"Ġdepósito":10639,"Ġrespira":10640,"Ġdesactiv":10641,"ĠEnergÃŃa":10642,"tions":10643,"Ġpercepción":10644,"Ġsuperviv":10645,"Ġcolectivos":10646,"Ġandar":10647,"Ġprioridad":10648,"ling":10649,"Ġmontañas":10650,"ĠPersonal":10651,"CC":10652,"cubre":10653,"Ġperpe":10654,"Ġclásica":10655,"ĠMichael":10656,"Siempre":10657,"Ġargumentos":10658,"ĠSex":10659,"Ġevent":10660,"ĠBlog":10661,"ĠTenerife":10662,"Ġmencionado":10663,"Ġcuyas":10664,"Ġ1998":10665,"Ġdeportivas":10666,"ĠVÃŃctor":10667,"Ġego":10668,"pado":10669,"Ġfuturos":10670,"ĠmÃŃa":10671,"Ġcomunica":10672,"Ġvayan":10673,"ĠProductos":10674,"Ġusos":10675,"Ġmandato":10676,"Ġacabó":10677,"cionario":10678,"Ġextrac":10679,"TRO":10680,"ĠFlores":10681,"ĠtenÃŃamos":10682,"ĠParti":10683,"Ġjurado":10684,"Ġdictadura":10685,"Ġsorprendente":10686,"Ġsolicitudes":10687,"Ġpresidencial":10688,"Ġpreciosa":10689,"rent":10690,"ĠIntro":10691,"ĠBlo":10692,"Ġllegará":10693,"ĠLED":10694,"Ġvisible":10695,"Ġbode":10696,"Ġvariables":10697,"84":10698,"ĠmetodologÃŃa":10699,"tul":10700,"Ġenferm":10701,"Prim":10702,"irán":10703,"Ġsufre":10704,"Ġmontar":10705,"ej":10706,"Ġpaciencia":10707,"Ġsienten":10708,"Ġtransición":10709,"Ġmedal":10710,"illar":10711,"ĠPsic":10712,"Ġmostrado":10713,"ĠResolución":10714,"Ġreducido":10715,"embol":10716,"ésar":10717,"Ġtemática":10718,"ence":10719,"Ġneum":10720,"ther":10721,"Ġtengamos":10722,"ĠTre":10723,"ĠTécnico":10724,"Ġenve":10725,"GR":10726,"Ġnaranja":10727,"drás":10728,"Ġmisterio":10729,"Ġfrances":10730,"Ġseguimos":10731,"Ġpescado":10732,"Ġlanzado":10733,"Ġcontienen":10734,"Ġmentir":10735,"ĠDoctor":10736,"Ġfinancieras":10737,"ĠIgnacio":10738,"uncias":10739,"Ġinscrib":10740,"ĠHugo":10741,"ZA":10742,"89":10743,"tea":10744,"press":10745,"Ġestándares":10746,"hum":10747,"iciosa":10748,"ĠEvan":10749,"Ġautobús":10750,"Ġasegurado":10751,"Ġinfantiles":10752,"ĠOriente":10753,"ĠIndustrial":10754,"Ġdefecto":10755,"ĠCampeonato":10756,"ĠEsco":10757,"ĠMAR":10758,"tuvieron":10759,"ĠRef":10760,"dela":10761,"Ġriv":10762,"Ġruso":10763,"Ġapreciar":10764,"ñe":10765,"POR":10766,"ĠFranco":10767,"Ġtraje":10768,"Ġsentimos":10769,"Ġcalcul":10770,"Ġindican":10771,"Ġperfección":10772,"ĠXXI":10773,"ĠdesafÃŃo":10774,"Ġpráctico":10775,"ĠCL":10776,"ĠartÃŃstica":10777,"Ġtrataba":10778,"olvid":10779,"Ġpresidencia":10780,"ĠMesa":10781,"Ġteór":10782,"adi":10783,"Ġcolegios":10784,"Ġsimples":10785,"Ġchar":10786,"ĠPresu":10787,"Ġsana":10788,"Ġligeramente":10789,"ĠCorea":10790,"Ġfemenina":10791,"Ġconstituyen":10792,"atch":10793,"bano":10794,"ĠCAR":10795,"Ġmandatario":10796,"lid":10797,"Ġabuso":10798,"Ġtapa":10799,"Ġdeter":10800,"Ġemis":10801,"Ġsufren":10802,"Ġantiguas":10803,"endió":10804,"Ġblancos":10805,"Ġarries":10806,"tita":10807,"gio":10808,"Ġelaborar":10809,"Publicado":10810,"Ġfacilita":10811,"ĠPes":10812,"untamente":10813,"ĠConce":10814,"Ġprotesta":10815,"Ġvideojuegos":10816,"Ġadquier":10817,"87":10818,"Ġaman":10819,"ĠproteÃŃnas":10820,"ĠEllos":10821,"ĠGuti":10822,"uis":10823,"Ġocasion":10824,"htt":10825,"Ġpatrón":10826,"fice":10827,"ámb":10828,"uliar":10829,"ĠSá":10830,"Ġencuentre":10831,"güedad":10832,"ĠAnuncios":10833,"Ġquinto":10834,"ĠhacÃŃan":10835,"Imp":10836,"igma":10837,"Ġnecesariamente":10838,"Ġclick":10839,"ĠMy":10840,"ĠDominicana":10841,"ĠTanto":10842,"Ġparámetros":10843,"Ġonce":10844,"Ġconsigo":10845,"aragua":10846,"Ġdisminución":10847,"win":10848,"dura":10849,"Ġligero":10850,"ĠEstra":10851,"Ġagricultura":10852,"ĠHal":10853,"Ġresponsabilidades":10854,"ĠFútbol":10855,"Ġclaras":10856,"Ġecos":10857,"ĠSexo":10858,"Ġcelebró":10859,"ólico":10860,"ĠestadÃŃsticas":10861,"Ġintroducción":10862,"Ġlavado":10863,"Ġexcepto":10864,"!.":10865,"Ġsingular":10866,"orcio":10867,"Ġcontraseña":10868,"Ġsemin":10869,"Ġtuviera":10870,"Ġconfec":10871,"Ġhipó":10872,"BRE":10873,"Ġbarrios":10874,"Ġromp":10875,"Ġtestimonio":10876,"ÃŃes":10877,"Ġdefien":10878,"sex":10879,"ÃŃdas":10880,"Ġfruta":10881,"Ġprecip":10882,"Ġfundación":10883,"Ġincorpora":10884,"Ġmúsicos":10885,"éticas":10886,"ule":10887,"ĠDonald":10888,"Ġhabituales":10889,"Ġcumplen":10890,"cuenta":10891,"ĠGafas":10892,"Ġlanza":10893,"Ġcuantas":10894,"undamente":10895,"uche":10896,"teria":10897,"eth":10898,"ĠCanal":10899,"Ġharina":10900,"ĠPatrimonio":10901,"Ġsimpl":10902,"ĠAgua":10903,"ĠCampo":10904,"ĠFeder":10905,"Ġabord":10906,"racción":10907,"ĠED":10908,"cidades":10909,"ben":10910,"Ġmini":10911,"Ġagrup":10912,"300":10913,"ĠJard":10914,"Ġ--":10915,"ñón":10916,"Ġdimensión":10917,"ĠPros":10918,"Ġcasco":10919,"Ġanuales":10920,"ony":10921,"sea":10922,"ult":10923,"Ġimplementar":10924,"Ġtesis":10925,"Ġrepeti":10926,"Ġcondena":10927,"Ġke":10928,"ĠCoci":10929,"uelva":10930,"Ġimponer":10931,"Ġalcanzado":10932,"Ġesposo":10933,"ĠgastronomÃŃa":10934,"ĠBay":10935,"Ġreivin":10936,"Ġhabita":10937,"Ġmaravillosa":10938,"ester":10939,"letÃŃn":10940,"ĠAri":10941,"efacción":10942,"tock":10943,"Ġdeterminadas":10944,"Ġprocesamiento":10945,"camos":10946,"din":10947,"Ġcomplement":10948,"Ġdesarrollando":10949,"ĠSho":10950,"eck":10951,"Ġincluida":10952,"ianas":10953,"Ġedades":10954,"Ġabiertos":10955,"tensión":10956,"timas":10957,"ĠDocu":10958,"Ġgravedad":10959,"Ġvers":10960,"Ġtoman":10961,"Ġdisminuir":10962,"ĠAdri":10963,"Ġclan":10964,"PI":10965,"ĠharÃŃa":10966,"Ġsabido":10967,"ĠCádiz":10968,"Ġleyenda":10969,"ĠNego":10970,"Ġdivertida":10971,"Ġconozco":10972,"Dos":10973,"Ġresidentes":10974,"Ġhectá":10975,"alismo":10976,"Ġademas":10977,"ĠSupremo":10978,"Ġverdaderamente":10979,"enciado":10980,"Ġinteriores":10981,"ĠRock":10982,"Ġjurisdic":10983,"Ġinesper":10984,"Ġalgodón":10985,"Ġpeculiar":10986,"Ġpá":10987,"Ġdeclarado":10988,"bert":10989,"Ġtac":10990,"Ġlluvias":10991,"Ġimpedir":10992,"Ġlogro":10993,"Ġcuartos":10994,"Ġautomática":10995,"sor":10996,"Ġadvir":10997,"ésticos":10998,"Val":10999,"Ġquir":11000,"Ġperjuicio":11001,"Ġconfirmar":11002,"ĠMauri":11003,"ĠMendoza":11004,"Ġdirigente":11005,"Ġcomercialización":11006,"Ġremon":11007,"Ġmarcador":11008,"Ġdas":11009,"oya":11010,"ĠRay":11011,"Ġconocidas":11012,"Ġparticipó":11013,"ĠOne":11014,"Ġplást":11015,"Ġmanifestación":11016,"ifi":11017,"Ġmanz":11018,"Ġcinemato":11019,"Ġelimina":11020,"Ġatacar":11021,"lace":11022,"Ġcaro":11023,"Ġsigno":11024,"Ġliberación":11025,"ĠBri":11026,"Ġdecenas":11027,"Ġalianza":11028,"Ġvivos":11029,"cista":11030,"ĠFinalmente":11031,"Ġconsa":11032,"cionalmente":11033,"Ġdéficit":11034,"ĠMarcos":11035,"ĠCR":11036,"Ġllegamos":11037,"Ġescritos":11038,"Ġbacter":11039,"Ġvestir":11040,"angel":11041,"ortunadamente":11042,"Ġwebs":11043,"Ġvaso":11044,"Ġgeneran":11045,"Ġinsegu":11046,"Ġfuncionan":11047,"Ġhun":11048,"Ġdepartamentos":11049,"ĠDiputación":11050,"Ġtejidos":11051,"ĠRaj":11052,"Ġintr":11053,"Ġdepresión":11054,"Ġindemn":11055,"Ġlimitado":11056,"gará":11057,"ĠVamos":11058,"ÃŃnsula":11059,"Ġsonidos":11060,"Ġregistrar":11061,"Ġcopa":11062,"Ġmortal":11063,"Ġfrecuentes":11064,"Ġdólar":11065,"Ġgigante":11066,"Ġfáciles":11067,"Ġclubes":11068,"Ġhisp":11069,"Ġkg":11070,"Ġcura":11071,"Ġaparatos":11072,"Ġatm":11073,"uyen":11074,"ãĥ":11075,"ĠPueblo":11076,"VD":11077,"Ġbrillo":11078,"Ġtea":11079,"Ġche":11080,"mado":11081,"JO":11082,"Ġindicar":11083,"Ġeléctricos":11084,".....":11085,"Ġclaridad":11086,"ezcan":11087,"ĠOcci":11088,"hh":11089,"ija":11090,"Ġsuena":11091,"Ġprovis":11092,"celo":11093,"Ġinconven":11094,"Ġfunda":11095,"JA":11096,"Ġsalga":11097,"Ġinternos":11098,"ĠSalón":11099,"ĠAlgunas":11100,"Ġextraña":11101,"ĠMadre":11102,"Ġincorporar":11103,"Ġvenezolano":11104,"rimas":11105,"ĠBat":11106,"ĠJiménez":11107,"Ġproyección":11108,"Ġvuelven":11109,"ĠingenierÃŃa":11110,"ĠArquitec":11111,"Ġfundament":11112,"Ġexce":11113,"ĠvenÃŃa":11114,"ĠHel":11115,"úme":11116,"Ġrefres":11117,"Ġdedo":11118,"Ġinclus":11119,"nia":11120,"ñad":11121,"guera":11122,"Ġcens":11123,"Ġrehabilitación":11124,"tiquetas":11125,"Ġinteracción":11126,"Ġposesión":11127,"arquÃŃa":11128,"Ġapasion":11129,"Ġconferencias":11130,"trico":11131,"Ġpresi":11132,"Pas":11133,"ĠRich":11134,"Ġtrascen":11135,"Ġguarda":11136,"Ġmultiplic":11137,"ding":11138,"Ġfama":11139,"Ġzo":11140,"ĠPrimero":11141,"ASA":11142,"Ġclimático":11143,"uar":11144,"Ġterritorios":11145,"Ġ52":11146,"Ġrentabilidad":11147,"otas":11148,"Ġcombinar":11149,"Ġtestigos":11150,"eja":11151,"omosex":11152,"Ġacar":11153,"Ġampliación":11154,"Ġciudadana":11155,"toras":11156,"buen":11157,"Ġtrámite":11158,"Ġdiscur":11159,"ecÃŃan":11160,"CD":11161,"Ġenormes":11162,"ĠSAN":11163,"ax":11164,"Ġfamosos":11165,"mio":11166,"ĠFamilia":11167,"Ġpudiendo":11168,"ĠPU":11169,"Ġvicepresidente":11170,"Ġester":11171,"Ġcontado":11172,"Ġtratados":11173,"Fran":11174,"Ġexquis":11175,"lera":11176,"iler":11177,"ĠJudicial":11178,"Ġavenida":11179,"fia":11180,"Ġprevé":11181,"ĠEstatal":11182,"Ġindirec":11183,"ázquez":11184,"Gran":11185,"Ġperfiles":11186,"Ġcostumbres":11187,"cionada":11188,"Ġboliv":11189,"ĠespecÃŃficamente":11190,"Ġasiento":11191,"clo":11192,"questa":11193,"ĠDem":11194,"Ġsupermer":11195,"kes":11196,"ficar":11197,"ĠBach":11198,"tens":11199,"Ġvariable":11200,"Can":11201,"Ġsensaciones":11202,"Ġleve":11203,"ĠObama":11204,").-":11205,"ĠUb":11206,"ĠOpera":11207,"Ġmueve":11208,"Ġmolesti":11209,"ánicos":11210,"Ġobtiene":11211,"ĠAlgo":11212,"Ġalcanzó":11213,"Ġverte":11214,"Ġmantuvo":11215,"Ġacusado":11216,"Ġsorteo":11217,"Ġambi":11218,"ĠWh":11219,"áster":11220,"Ġmaltra":11221,"Ġgerente":11222,"86":11223,"lega":11224,"Ġdid":11225,"ĠSor":11226,"Ġdiversión":11227,"Ġgesto":11228,"Ġexperimentar":11229,"tex":11230,"ĠSigue":11231,"enciana":11232,"ls":11233,"ĠLuz":11234,"Ġcálculo":11235,"ĠTaller":11236,"Ġlento":11237,"organ":11238,"Ġrespetar":11239,"Ġalrededores":11240,"Ġgrabación":11241,"olar":11242,"Ġambientales":11243,"Ġviaj":11244,"Ġvalorar":11245,"Ġdetención":11246,"Ġculturas":11247,"Ġentretenimiento":11248,"ĠAses":11249,"Ġdesapareci":11250,"fac":11251,"Ġencontré":11252,"vir":11253,"Ġrelativamente":11254,"Ġaprendido":11255,"Ġgrabar":11256,"Ġsalarios":11257,"Ġderivados":11258,"Ġcalific":11259,"Ġcapitán":11260,"abra":11261,"itis":11262,"Ġemisiones":11263,"Ġtransmi":11264,"Ġinolvid":11265,"VE":11266,"Ġdemandas":11267,"ĠMax":11268,"ĠFan":11269,"ĠConten":11270,"Ġgigantes":11271,"Ġdiscul":11272,"ĠCapa":11273,"Ġvencer":11274,"Ġtransforma":11275,"érrez":11276,"Ġconcejal":11277,"ĠFrank":11278,"Ġconclusiones":11279,"Ġbordo":11280,"Ġflam":11281,"Ġresistente":11282,"Porque":11283,"ĠBiblioteca":11284,"Ġposteriores":11285,"Ġbeber":11286,"Ġdirecciones":11287,"plica":11288,"Ġjuvenil":11289,"Ġgiro":11290,"400":11291,"ortuna":11292,"ĠPens":11293,"Ġperjud":11294,"ĠPap":11295,"ĠResta":11296,"Ġcomponente":11297,"Ġamericano":11298,"Ġpromociones":11299,"fecto":11300,"Ġnúcleo":11301,"gramas":11302,"79":11303,"Ġfronteras":11304,"igan":11305,"ĠgalerÃŃa":11306,"ĠÃģrea":11307,"Ġauténtico":11308,"ĠlegÃŃ":11309,"Ġsemi":11310,"ĠSelección":11311,"76":11312,"ĠIgual":11313,"Ġpasaba":11314,"ĠCésar":11315,"Ġcentrales":11316,"ván":11317,"andante":11318,"ĠHemos":11319,"Ġdescubrimiento":11320,"Ġjardines":11321,"Tube":11322,"Ġlee":11323,"Ġestupen":11324,"Ġavanzado":11325,"ĠWhats":11326,"Cam":11327,"Ġcro":11328,"Ġcertificación":11329,"Ġrepente":11330,"trando":11331,"ĠSamsung":11332,"ĠChi":11333,"Ġnegociaciones":11334,"Ġterrenos":11335,"dujo":11336,"certid":11337,"Ġreduc":11338,"Ġhicimos":11339,"uu":11340,"Ġexpediente":11341,"Ġhechas":11342,"eme":11343,"Ġensal":11344,"Ġdiagnos":11345,"Ġexpuls":11346,"mia":11347,"Ġpresupuestos":11348,"ĠJoaqu":11349,"Ġquinta":11350,"Jos":11351,"ĠLar":11352,"Ġinterrump":11353,"Ġtitulado":11354,"Ġbrind":11355,"Ġcaza":11356,"Ġinvitación":11357,"ĠGrande":11358,"ĠObje":11359,"amora":11360,"Ġpollo":11361,"****":11362,"Ġjuntas":11363,"dest":11364,"Ġcolaboradores":11365,"Ġpelea":11366,"Ġafuera":11367,"JE":11368,"ricas":11369,"Ġacorde":11370,"Ġpop":11371,"ubo":11372,"Ġcolaborar":11373,"ĠPúblicas":11374,"esto":11375,"faz":11376,"ciado":11377,"ÃŃrez":11378,"exo":11379,"ĠSha":11380,"amanca":11381,"Actualmente":11382,"Ġwith":11383,"ĠZapatos":11384,"ĠAcces":11385,"Ġescolares":11386,"Ġdevolución":11387,"Ġmadrile":11388,"cÃŃas":11389,"Ġinev":11390,"Ġllor":11391,"Ġbolsillo":11392,"Ġencontraron":11393,"Ġhuelga":11394,"esen":11395,"Ġapete":11396,"ĠStu":11397,"ĠStre":11398,"ĠEp":11399,"Ġvenden":11400,"Ġbis":11401,"Ġbella":11402,"Ġvs":11403,"ĠBiblia":11404,"Ġvuelva":11405,"ĠconocÃŃa":11406,"ĠDin":11407,"letos":11408,"Ġfijo":11409,"Ġdisfrute":11410,"illones":11411,"ĠEscri":11412,"riles":11413,"Ġ56":11414,"Ġsanciones":11415,"Ġhacerle":11416,"Ġfla":11417,"Ġcolonia":11418,"Ġvotación":11419,"ĠNada":11420,"acruz":11421,"Ġ99":11422,"âĨij":11423,"Ġape":11424,"ĠÃģlvarez":11425,"Ġpuse":11426,"Ġatmós":11427,"Ġcóm":11428,"ĠTI":11429,"Ġllevamos":11430,"itco":11431,"idurÃŃa":11432,"Ġregionales":11433,"fol":11434,"Ġdescubre":11435,"Ġestuviera":11436,"ĠJefe":11437,"Ġpetrol":11438,"ándome":11439,"zco":11440,"apar":11441,"Ġdispuestos":11442,"Ġsuspen":11443,"NI":11444,"ĠtÃŃpico":11445,"Ġ1000":11446,"Ġlinea":11447,"Ġgráficos":11448,"Ġcoher":11449,"Ġhere":11450,"Ġnavegar":11451,"2011":11452,"Ġpresentaron":11453,"Ġincidencia":11454,"Ġizquierdo":11455,"irió":11456,"Ġfundador":11457,"Ġcompartido":11458,"onÃŃa":11459,"ĠRES":11460,"Ġviejos":11461,"ĠTiempo":11462,"Ġnube":11463,"Ġverá":11464,"ĠInnov":11465,"Ġmales":11466,"Ġconfort":11467,"olos":11468,"Ġvieron":11469,"Ġvapor":11470,"puestamente":11471,"Ġasust":11472,"Ġrurales":11473,"Ġagru":11474,"terno":11475,"onde":11476,"Ġensayo":11477,"Ġnovedad":11478,"Ġcompromisos":11479,"Ġpapa":11480,"Ġpastel":11481,"guas":11482,"Ġhospitales":11483,"Ġinfección":11484,"Ġcircular":11485,"Ġrescate":11486,"uertos":11487,"tano":11488,"Ġdesconocido":11489,"Ġpasaron":11490,"Cal":11491,"ÃŃe":11492,"Ġpensiones":11493,"Ġdetenidos":11494,"aster":11495,"Ġsustan":11496,"Ġintensa":11497,"Ġescucha":11498,"Ġética":11499,"Ġdescri":11500,"Ġluminos":11501,"ĠToledo":11502,"iaria":11503,"Ġindicadores":11504,"Ġadministrativa":11505,"ĠRecursos":11506,"Ġrelativa":11507,"Ġjudiciales":11508,"Ġmanteniendo":11509,"cera":11510,"piro":11511,"Ġadmir":11512,"Ġreconoció":11513,"ĠRomero":11514,"Ġquedará":11515,"Ġcadenas":11516,"ĠMiami":11517,"alladolid":11518,"ator":11519,"Ġhuéspedes":11520,"Ġpensé":11521,"DD":11522,"macia":11523,"ĠMancha":11524,"entre":11525,"ternidad":11526,"Ġdemues":11527,"Ġdiscriminación":11528,"logÃŃas":11529,"Ġpresentaciones":11530,"Ġhard":11531,"tificar":11532,"Ġdespertar":11533,"nar":11534,"Ġempe":11535,"inf":11536,"ĠSI":11537,"ĠClÃŃn":11538,"ĠMarina":11539,"Ġcastillo":11540,"ĠApar":11541,"Ġvalle":11542,"Ġascenso":11543,"Ġdecis":11544,"Ġeng":11545,"Ġartificial":11546,"eral":11547,"Ġdesgas":11548,"Ġdanza":11549,"tif":11550,"caba":11551,"Ġesquema":11552,"ĠMej":11553,"ĠVa":11554,"Ġinstan":11555,"España":11556,"ĠMercedes":11557,"Ġexigir":11558,"Ġpiensan":11559,"ĠcapÃŃtulos":11560,"Ġángel":11561,"ĠVill":11562,"Ġcapas":11563,"ĠCro":11564,"Ġhomosex":11565,"Ġrestric":11566,"Ġ....":11567,"Ġgenerado":11568,"Ġonda":11569,"ĠEgip":11570,"ĠvÃŃnculo":11571,"carga":11572,"tividades":11573,"hal":11574,"gués":11575,"ĠApo":11576,"ige":11577,"Ġsépti":11578,"Ġviolación":11579,"ENTA":11580,"oración":11581,"Ġactualizar":11582,"ĠGustavo":11583,"dista":11584,"Ġportada":11585,"Ġencontrarse":11586,"Ġconscientes":11587,"Ġexhib":11588,"ĠVerde":11589,"Ġamante":11590,"lana":11591,"ĠCerv":11592,"Ġmotivación":11593,"Ġimprimir":11594,"PR":11595,"Ġadaptar":11596,"Ġgatos":11597,"ets":11598,"ĠPalma":11599,"Ġinterro":11600,"tines":11601,"ĠAlfre":11602,"Ġcomplemento":11603,"Ġalemana":11604,"muy":11605,"Ġvisitante":11606,"Ġfranqu":11607,"ĠFuente":11608,"Ġurbana":11609,"Ġrecinto":11610,"ĠGRA":11611,"ĠGuÃŃa":11612,"Ġradi":11613,"Ġing":11614,"ĠJaime":11615,"Ġsiguió":11616,"ĠAlb":11617,"figu":11618,"anim":11619,"56":11620,"Ġdiseñar":11621,"Ġsalidas":11622,"ford":11623,"ĠSeptiembre":11624,"Ġhuevo":11625,"lorca":11626,"Ġconsumir":11627,"Ġrefrig":11628,"dones":11629,"Ġpaisajes":11630,"Ġincertid":11631,"low":11632,"vila":11633,"ĠSelec":11634,"Ġurgente":11635,"Ġincons":11636,"Ġabus":11637,"anti":11638,"ĠInglés":11639,"Ġcargar":11640,"ĠApro":11641,"ĠChica":11642,"Pr":11643,"ĠâĢĿ":11644,"Ġhúme":11645,"ionistas":11646,"óma":11647,"Ġregula":11648,"âĢĺ":11649,"TIC":11650,"Ġsufrimiento":11651,"ĠRajoy":11652,"Ġsensor":11653,"ometra":11654,"Ab":11655,"tear":11656,"jidad":11657,"Ġreligiosa":11658,"oper":11659,"turadora":11660,"idencial":11661,"ĠSA":11662,"ĠTampoco":11663,"Ġquie":11664,"Ġpresentada":11665,"ĠDemoc":11666,"ĠðŁĺ":11667,"Ġsupera":11668,"Ġpedidos":11669,"char":11670,"Ġunir":11671,"ĠGuadalajara":11672,"Ġnovelas":11673,"orada":11674,"yu":11675,"visor":11676,"lán":11677,"ĠSistemas":11678,"Ġsensible":11679,"Ġposeen":11680,"Ġestatales":11681,"Ġoccidental":11682,"ucristo":11683,"Ġsostiene":11684,"Ġantecedentes":11685,"Ġjuguetes":11686,"ĠStor":11687,"Ġadministrativo":11688,"Ġsatisfac":11689,"Ġrécord":11690,"ĠEscorts":11691,"ĠPRE":11692,"59":11693,"Ġretorno":11694,"ĠRevista":11695,"ÃŃgenes":11696,"of":11697,"ividad":11698,"Ġvengan":11699,"book":11700,"ĠGutiérrez":11701,"ĠDirectiva":11702,"ION":11703,"iss":11704,"ania":11705,"Ġjunta":11706,"ĠCatólica":11707,"Ġcomparte":11708,"ián":11709,"Ġbarro":11710,"Ġcontinuo":11711,"uco":11712,"Ġrecibieron":11713,"Ġdesean":11714,"Ġavanzada":11715,"iciembre":11716,"Ġmantenerse":11717,"Ġexplorar":11718,"Ġreconocida":11719,"Pe":11720,"Tal":11721,"iaciones":11722,"Ġaclarar":11723,"Ġencontrará":11724,"Ġpoblaciones":11725,"Ġquedando":11726,"mun":11727,"Ġrealizarse":11728,"ampa":11729,"Ġsar":11730,"Inicio":11731,"ander":11732,"igas":11733,"colas":11734,"ĠPágina":11735,"Ġformatos":11736,"adáver":11737,"Ġinto":11738,"Ġheridos":11739,"tent":11740,"ficientes":11741,"Ġtác":11742,"Ġfacebook":11743,"Ġfavorita":11744,"Ġmúsculos":11745,"Ġparale":11746,"Ġcorriendo":11747,"Ġpositivos":11748,"Ġpárrafo":11749,"uelta":11750,"Ġcitado":11751,"ĠGratis":11752,"Ġmolde":11753,"AA":11754,"Ġcortos":11755,"resa":11756,"Ġ180":11757,"Ġtram":11758,"ĠEnfer":11759,"Ġnarco":11760,"Ġib":11761,"Ġlocalidades":11762,"Ġencantado":11763,"Ġbebés":11764,"--------":11765,"Ġmedias":11766,"ĠArgent":11767,"ĠNicaragua":11768,"Ġsospech":11769,"Ġopos":11770,"Ġtubo":11771,"Ġsuspendi":11772,"Ġescritores":11773,"Ġefectivos":11774,"Ġsaque":11775,"Ġinteligentes":11776,"tizado":11777,"queros":11778,"Ġrebo":11779,"Ġcualidades":11780,"tti":11781,"izas":11782,"édito":11783,"Ġdenuncias":11784,"Ġdueños":11785,"Ġhijas":11786,"ò":11787,"ĠAgust":11788,"Ġdesarrollan":11789,"Ġretirar":11790,"Ġsera":11791,"ĠObserv":11792,"Ġ1997":11793,"ĠRamÃŃrez":11794,"Ġsupo":11795,"ness":11796,"Ġafectado":11797,"ÂĶ":11798,"ĠCompañ":11799,"Ġabsur":11800,"ĠRen":11801,"Ġcamas":11802,"ĠWa":11803,"obo":11804,"ĠMotor":11805,"Ġpresupues":11806,"ocar":11807,"tte":11808,"ĠTrad":11809,"egr":11810,"Ġcompuesta":11811,"Ġtransparente":11812,"Ġrecomendar":11813,"ecución":11814,"Ġnormales":11815,"eses":11816,"Ġtradiciones":11817,"Ġcompatible":11818,"Ġsangu":11819,"ĠdesafÃŃos":11820,"Mon":11821,"Ġespectadores":11822,"Ġdeportivos":11823,"Ġlev":11824,"Ġdescansar":11825,"Ġgráfica":11826,"idro":11827,"quita":11828,"Ġtecnológica":11829,"Ġmelo":11830,"IENTO":11831,"Ġvistazo":11832,"Ġpasamos":11833,"ioneros":11834,"gador":11835,"Ġotorga":11836,"Ġgimnasio":11837,"ĠTama":11838,"Ġconsiderada":11839,"Ġrestauración":11840,"Ġlindo":11841,"Ġhectáreas":11842,"Ġrevela":11843,"Ġpublicados":11844,"Ġloco":11845,"Ġcaptura":11846,"Ġcho":11847,"Ġempiezan":11848,"Ro":11849,"ĠCub":11850,"2010":11851,"ĠReina":11852,"Ġbebida":11853,"Ġimagin":11854,"ĠPresidencia":11855,"Ġocupación":11856,"CIO":11857,"grada":11858,"yente":11859,"Ġmodernos":11860,"éano":11861,"Ġcomienzan":11862,"ĠME":11863,"Ġmusul":11864,"ĠLaura":11865,"teos":11866,"Ġactúa":11867,"ĠRivera":11868,"ĠKen":11869,"Ġmuscular":11870,"ĠBi":11871,"Ġauxiliar":11872,"ĠminerÃŃa":11873,"Ġprin":11874,"Ġaline":11875,"Ġcrean":11876,"Ġbares":11877,"Ġcamar":11878,"Ġcomenzado":11879,"ĠBlue":11880,"ĠKo":11881,"Ġvos":11882,"Ġsienta":11883,"hola":11884,"Ġeducativas":11885,"Ġpolémica":11886,"Ġcalma":11887,"fonÃŃa":11888,"Ġpeligroso":11889,"Ġpaquetes":11890,"ejas":11891,"Ġdelegación":11892,"ĠMovimiento":11893,"erador":11894,"Ġbuscas":11895,"zamiento":11896,"Ġ54":11897,"Ġvuestros":11898,"gresos":11899,"ĠCic":11900,"Ġvivió":11901,"Ġprocedentes":11902,"Ġesperado":11903,"Todas":11904,"Ġseleccionado":11905,"Ġgloria":11906,"Ġcadáver":11907,"Ġmuro":11908,"Ġempresariales":11909,"Ġpresentamos":11910,"Ġextremadamente":11911,"Ġpreparados":11912,"ĠAgricultura":11913,"OP":11914,"Ġconvierten":11915,"Ġreparto":11916,"Ġexterna":11917,"Ġlink":11918,"Ġtratan":11919,"ĠVenta":11920,"Ġusados":11921,"Ġextrema":11922,"Ġdespla":11923,"Ġhabéis":11924,"pue":11925,"Ġdesaparición":11926,"ĠAll":11927,"Ġparado":11928,"Ġdesgracia":11929,"Ġasimismo":11930,"Ġintegrada":11931,"Ġtramp":11932,"Ġindependientemente":11933,"Ġcontener":11934,"achos":11935,"Ġetiqueta":11936,"ellos":11937,"mor":11938,"Ġangust":11939,"ms":11940,"Ġadoptar":11941,"ĠenergÃŃas":11942,"ĠJuz":11943,"har":11944,"Ġayudarte":11945,"Ġtim":11946,"Ġ72":11947,"Ġcumplido":11948,"Ġenmar":11949,"ĠCapÃŃtulo":11950,"Ġestuve":11951,"Ġacompañar":11952,"ĠfÃŃsicos":11953,"Ġfrontal":11954,"hay":11955,"uj":11956,"Ġcasti":11957,"Ġmierda":11958,"Ġcantar":11959,"ĠAF":11960,"util":11961,"Ġsucedido":11962,"Ġsuya":11963,"Ġligera":11964,"Ġempate":11965,"grados":11966,"Ġtardes":11967,"Ġmanifiesto":11968,"Ġlleve":11969,"Ġprestigio":11970,"Descripción":11971,"apro":11972,"Ġcreador":11973,"Ġdulces":11974,"Ġpiden":11975,"Ġatraer":11976,"Ġhombro":11977,"hÃŃa":11978,"ĠLl":11979,"ĠMara":11980,"ĠConst":11981,"Ġoptar":11982,"Jo":11983,"xa":11984,"ĠParaguay":11985,"Ġcambiando":11986,"Ġfle":11987,"ĠGan":11988,"Ġpecado":11989,"person":11990,"tuoso":11991,"Ġreforzar":11992,"IÃĵN":11993,"eres":11994,"Ġrecal":11995,"Ġacomo":11996,"Ġ51":11997,"oncesto":11998,"ĠRobert":11999,"Ġdestinados":12000,"Ġpinta":12001,"ĠConsejerÃŃa":12002,"Ġple":12003,"Ġtestigo":12004,"Ġoscuridad":12005,"Ġtrate":12006,"ADOS":12007,"hibido":12008,"Ġret":12009,"Ġempo":12010,"madura":12011,"ĠLorenzo":12012,"Ġdens":12013,"Ġlici":12014,"Ġestup":12015,"Ġconfirmado":12016,"Ġcambió":12017,"Ġcrece":12018,"Ġcaz":12019,"Ġdirectivos":12020,"ĠJunio":12021,"ĠmercancÃŃas":12022,"Ġbosques":12023,"Ġatro":12024,"Ġseparado":12025,"Ġpresentará":12026,"Ġediciones":12027,"Ġtitulares":12028,"Ġindispensable":12029,"Ġponga":12030,"ĠTipo":12031,"gs":12032,"ĠCaracas":12033,"Ġafric":12034,"Ġtextura":12035,"ani":12036,"ñal":12037,"Ġinversores":12038,"rie":12039,"Ġcomisiones":12040,"»¿":12041,"Ġuniversitarios":12042,"ĠFron":12043,"GRA":12044,"Ġprofundamente":12045,"Ġplanos":12046,"Ġrellen":12047,"dora":12048,"Ġasim":12049,"porque":12050,"tipos":12051,"Ġalcanz":12052,"Ġliberales":12053,"Ġentrevistas":12054,"oros":12055,"ĠConven":12056,"ĠMáster":12057,"elle":12058,"ĠGrecia":12059,"Ġtrasera":12060,"ásico":12061,"Ġvertical":12062,"Ġlograron":12063,"món":12064,"Ġrever":12065,"ĠElectoral":12066,"iness":12067,"Ġmedición":12068,"güenza":12069,"BS":12070,"ĠLee":12071,"rita":12072,"Ġgrie":12073,"izos":12074,"itro":12075,"Ġradical":12076,"Ġdéci":12077,"Ġmiel":12078,"irch":12079,"Ġcomplejos":12080,"Ġencantan":12081,"ĠJesucristo":12082,"Ġpoderoso":12083,"Ġexpresiones":12084,"ĠCursos":12085,"Ġcontun":12086,"Ġtransfer":12087,"Ġllave":12088,"Ġmasas":12089,"Ġconfigurar":12090,"gui":12091,"ĠDie":12092,"Ġsobrevivir":12093,"Ġnatur":12094,"Ġacadémica":12095,"Ġdespacho":12096,"cela":12097,"Ġfores":12098,"ĠMariano":12099,"Ġredi":12100,"Ġprece":12101,"Ġirá":12102,"Ġrealice":12103,"ĠStan":12104,"Ġejemplares":12105,"Ġcuotas":12106,"Ġconsideró":12107,"mático":12108,"ĠMauricio":12109,"ĠTit":12110,"Ġintegridad":12111,"Ġquedaba":12112,"Ġcercanos":12113,"Ġmanio":12114,"ramiento":12115,"PC":12116,"tadora":12117,"Leer":12118,"Ġnovedos":12119,"Ġepisodios":12120,"Ġ57":12121,"Ġadecuados":12122,"Ġengan":12123,"Ġabuela":12124,"Ġeró":12125,"Ġfinanciamiento":12126,"Ġalo":12127,"ĠDeleg":12128,"Ġefectivamente":12129,"ĠXVI":12130,"Ġcomentado":12131,"800":12132,"ĠartÃŃstico":12133,"Ġescándal":12134,"Toda":12135,"ĠâĢľÂ¿":12136,"ĠMinistro":12137,"ĠVega":12138,"Ġtomo":12139,"Ġpusieron":12140,"Ġadulto":12141,"Ġplazos":12142,"Ġbotella":12143,"ĠPra":12144,"Ġcomenta":12145,"Ġmoch":12146,"Ġconvencer":12147,"ecé":12148,"ĠMaster":12149,"ĠEu":12150,"lique":12151,"Ġmedicamento":12152,"logos":12153,"Ġalza":12154,"lfo":12155,"iki":12156,"ĠCualquier":12157,"ANA":12158,"Ġgrasas":12159,"Ġcincuenta":12160,"Ġsueldo":12161,"ĠValladolid":12162,"adar":12163,"fu":12164,"Ġsepa":12165,"selo":12166,"Ġafectadas":12167,"ĠEgipto":12168,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":12169,"Ġatmósfera":12170,"Ġpiz":12171,"Ġsinies":12172,"Ġextraordinaria":12173,"Ġauténtica":12174,"Ġsucedió":12175,"Ġgasolina":12176,"ĠBajo":12177,"Ġ1996":12178,"Ġcarreteras":12179,"Ġministerio":12180,"Ġmanifiesta":12181,"trica":12182,"Ġargentinos":12183,"Ġautomático":12184,"Ġmonedas":12185,"Ġpertenecen":12186,"Ġtrastornos":12187,"Ġaprobó":12188,"Ġexposiciones":12189,"Ġasociado":12190,"Ġsupuestamente":12191,"emia":12192,"Ġexigencias":12193,"poración":12194,"yectos":12195,"icciones":12196,"uss":12197,"dito":12198,"ĠTorn":12199,"ĠRespons":12200,"ĠNuestros":12201,"Ġcorregir":12202,"Ġchina":12203,"Ġdeterminación":12204,"Ġequipamiento":12205,"ámicas":12206,"Ġenfrenta":12207,"Ġoperadores":12208,"Ġinvitado":12209,"Ġterrorismo":12210,"dices":12211,"Ġopon":12212,"Ġsemestre":12213,"Ġfases":12214,"discipl":12215,"Ġmentira":12216,"ĠInfantil":12217,"Ġanimación":12218,"Ġespecialidad":12219,"Ġincendio":12220,"Ġputa":12221,"Ġcotidiana":12222,"aqueta":12223,"Ġcontempla":12224,"ING":12225,"Ġtemporadas":12226,"Ġoficialmente":12227,"fitri":12228,"Ġ1994":12229,"ĠMacri":12230,"Ġpreguntó":12231,"Ġlimitada":12232,"ĠquÃŃmicos":12233,"Ġconcluyó":12234,"Ġsorprender":12235,"Ġvocación":12236,"ĠWord":12237,"ĠYouTube":12238,"Ġéxitos":12239,"Ġcuchar":12240,"Ġinformática":12241,"ĠSL":12242,"Ġretom":12243,"Ġadapta":12244,"Ġtecnológico":12245,"Ġemitir":12246,"éricas":12247,"COM":12248,"Entonces":12249,"Ġaroma":12250,"Ġreacciones":12251,"abell":12252,"ñoz":12253,"ĠConferencia":12254,"Ġcorreos":12255,"Ġrenuncia":12256,"chi":12257,"Ġcontando":12258,"Ġobtenidos":12259,"ĠPrecio":12260,"aduras":12261,"Ġout":12262,"ciosa":12263,"Ġdesierto":12264,"Ġnavide":12265,"ĠAbog":12266,"Ġcubre":12267,"istente":12268,"rases":12269,"Ġdemand":12270,"57":12271,"Ġcé":12272,"mu":12273,"Ġforos":12274,"ÃŃcolas":12275,"Ġconforman":12276,"ĠOrtega":12277,"ĠAbril":12278,"yan":12279,"TEN":12280,"Ġinvestigador":12281,"Ġganadores":12282,"Ġsistem":12283,"ĠrÃŃos":12284,"Ġpromete":12285,"Ġmantenido":12286,"drigo":12287,"ĠEU":12288,"Ġaquél":12289,"ĠPerio":12290,"Ġcapitalismo":12291,"Ġrayos":12292,"Ġdestruir":12293,"Ġperdón":12294,"usk":12295,"Ġpico":12296,"Ġconcer":12297,"Ġcomparten":12298,"Ġentera":12299,"Ġvaca":12300,"Ġinterpretar":12301,"Ġcep":12302,"ĠLabor":12303,"ĠPrimer":12304,"Ġlág":12305,"Ġcalzado":12306,"ĠSección":12307,"ĠHonduras":12308,"alim":12309,"rimos":12310,"Ġaplicable":12311,"ĠseguÃŃa":12312,"Ġpist":12313,"Ġinicios":12314,"uerte":12315,"ĠEncuentro":12316,"ĠJoaquÃŃn":12317,"Ġrecurrir":12318,"Ġmama":12319,"Ġblancas":12320,"Ġcalificación":12321,"Ġobviamente":12322,"Ġmatr":12323,"ĠFlorida":12324,"ĠEncuentra":12325,"Ġzapatillas":12326,"Ġpensamos":12327,"Ġsano":12328,"Ġempleos":12329,"Fu":12330,"ĠAtlético":12331,"arela":12332,"publ":12333,"ça":12334,"Ġconduce":12335,"bados":12336,"Ġinformaciones":12337,"ĠTerri":12338,"Ġcosm":12339,"Ġenseña":12340,"Ġhem":12341,"Ġinauguración":12342,"Ġtropas":12343,"cé":12344,"Ġposicionamiento":12345,"Ġbande":12346,"Ġsitúa":12347,"urg":12348,"ómicos":12349,"ĠhabÃŃamos":12350,"Ġelectorales":12351,"ĠTécnica":12352,"Ho":12353,"Ġmaravilla":12354,"Ġemprendedores":12355,"ĠCuar":12356,"culas":12357,"Ġbloqueo":12358,"ĠBolsa":12359,"Ġinmueble":12360,"Ġperdida":12361,"Ġ59":12362,"Ġlámp":12363,"ĠSent":12364,"stein":12365,"Ġvitamina":12366,"Ġmódulo":12367,"Ġreúne":12368,"mel":12369,"Ġsincer":12370,"Ġbronce":12371,"ĠAún":12372,"cepto":12373,"ĠdirÃŃa":12374,"Ġintes":12375,"ĠturÃŃstica":12376,"Ġnecesitaba":12377,"cionalidad":12378,"Ġestábamos":12379,"Ġsecues":12380,"Ġconvirti":12381,"ĠHola":12382,"cú":12383,"Ġubica":12384,"Ġpersonalizado":12385,"ĠcÃŃrculo":12386,"Ġcoloca":12387,"ĠSac":12388,"Ġtome":12389,"Ġsupuestos":12390,"Ġconexiones":12391,"pones":12392,"Ġsobresal":12393,".).":12394,"Ġlimitaciones":12395,"Mé":12396,"uza":12397,"Ġaula":12398,"Ġ1995":12399,"Ġrodea":12400,"ross":12401,"Ġgenerando":12402,"ĠElectrón":12403,"ĠGuerrero":12404,"Cuán":12405,"Ġconcesión":12406,"Ġsubra":12407,"Ġcrónica":12408,"ĠDeportivo":12409,"CL":12410,"Ġhubieran":12411,"Ne":12412,"Ġrup":12413,"Ġcil":12414,"Do":12415,"cript":12416,"Ġdebió":12417,"CIAS":12418,"Ġcreencias":12419,"alizan":12420,"Ġfortuna":12421,"Ġcusto":12422,"ĠPorno":12423,"Ġrasgos":12424,"érpre":12425,"Ġinevitable":12426,"Ġrelevancia":12427,"Ġambientes":12428,"Ġinstituto":12429,"Ġ58":12430,"ĠVel":12431,"Ġhallaz":12432,"tren":12433,",.":12434,"radora":12435,"ĠFigu":12436,"Ġdesarrolló":12437,"Ġmascotas":12438,"Ġ53":12439,"Ġanuncia":12440,"Ġdescribir":12441,"Ġara":12442,"Ġsemif":12443,"Ġparques":12444,"Ġobservación":12445,"ótica":12446,"ĠExteriores":12447,"Ġasent":12448,"Ġpatrones":12449,"Ġofreció":12450,"EP":12451,"ĠCompe":12452,"Ġcaballos":12453,"Ġtrage":12454,"ĠAlianza":12455,"getales":12456,"Ġnavidad":12457,"ĠSig":12458,"Ġdram":12459,"Ġevangel":12460,"osten":12461,"Ġcompa":12462,"Ġpantallas":12463,"Ġ700":12464,"estrÃŃa":12465,"Ġvera":12466,"Ġterritorial":12467,"ĠsabidurÃŃa":12468,"Ġdestacados":12469,"Ġradic":12470,"Ġconviene":12471,"ĠCha":12472,"Ġcubanos":12473,"ĠDiciembre":12474,"Ġarres":12475,"Algunos":12476,"ders":12477,"Ġprotocolo":12478,"Ġlogros":12479,"Ġgradu":12480,"ĠCort":12481,"Ġsupongo":12482,"ĠPlaya":12483,"Ġporqué":12484,"ĠAnálisis":12485,"TAL":12486,"Ġverla":12487,"Ġcometido":12488,"Ġchav":12489,"Ġprevista":12490,"Ġdoctrina":12491,"ĠCrea":12492,"Ġmix":12493,"ĠPuebla":12494,"Ġflexibilidad":12495,"Ġacabo":12496,"Ġregistró":12497,"Ġencuentras":12498,"Ġinvi":12499,"ĠquÃŃmica":12500,"ĠtÃŃo":12501,"remo":12502,"Ġpacto":12503,"ĠDia":12504,"Ġpira":12505,"Ġsolos":12506,"Ġbonitas":12507,"ĠOlÃŃmp":12508,"gualmente":12509,"mens":12510,"Ġcuarenta":12511,"ĠIz":12512,"Ġcalefacción":12513,"Ġsombras":12514,"dro":12515,"Ġsalieron":12516,"Ġbrutal":12517,"Ġsolicitado":12518,"ĠCondiciones":12519,"Ġ1990":12520,"unya":12521,"ajar":12522,"ARI":12523,"Ġacompaña":12524,"ĠPark":12525,"Ġhumanas":12526,"Ġpresentarse":12527,"omento":12528,"Ġescuchado":12529,"Ġahi":12530,"ulados":12531,"Ġcamion":12532,"vista":12533,"Ġlógico":12534,"Ġexpresamente":12535,"Ġobtención":12536,"Ġdarte":12537,"Ġaseguran":12538,"Ġempa":12539,"Ġsindicatos":12540,"jecimiento":12541,"Ġvenezolanos":12542,"Ġmadu":12543,"Ġconjunta":12544,"Ġdesin":12545,"ĠFuerza":12546,"Ġcristiana":12547,"ĠNar":12548,"ĠVasco":12549,"Ġexterno":12550,"Ġreveló":12551,"ÃŃvar":12552,"Ġculto":12553,"iblemente":12554,"ĠPort":12555,"teza":12556,"ĠRan":12557,"ĠGenerales":12558,"ARC":12559,"Ġcomplejidad":12560,"TES":12561,"ãĤ":12562,"ĠSalamanca":12563,"Ġalu":12564,"Ġprofesora":12565,"Ġbásicamente":12566,"Ġencer":12567,"ect":12568,"Ġdirectores":12569,"2007":12570,"Ġenvió":12571,"Ġitaliana":12572,"Ġrapidez":12573,"Ġsecciones":12574,"resión":12575,"cusión":12576,"ĠJac":12577,"ĠSara":12578,"ĠMarta":12579,"Ġdenomina":12580,"Ter":12581,"TP":12582,"Ġdetermina":12583,"Ġvoluntarios":12584,"tándose":12585,"Ġcreativo":12586,"alizando":12587,"amarca":12588,"Ġexperiment":12589,"mita":12590,"Ġpermitiendo":12591,"ĠVers":12592,"orado":12593,"ĠAplic":12594,"Ġsometer":12595,"Ġimpide":12596,"Ġdegust":12597,"Ġformada":12598,"Ġrespectivos":12599,"Ġequipada":12600,"Ġembal":12601,"Ġexista":12602,"PER":12603,"Ġconserva":12604,"Ġcontraste":12605,"Ġfieles":12606,"Ġensayos":12607,"App":12608,"icho":12609,"Ġreen":12610,"HA":12611,"Ġconduci":12612,"Ġsentado":12613,"ĠExp":12614,"ache":12615,"Ġpersi":12616,"Ġremedio":12617,"Ġconquist":12618,"Ġincertidumbre":12619,"ueven":12620,"Encuent":12621,"ĠturÃŃsticos":12622,"Ġocultar":12623,"EB":12624,"vieran":12625,"Ġcerró":12626,"Ġcamisetas":12627,"Ġarrep":12628,"ĠDisfru":12629,"Ġplenamente":12630,"ueba":12631,"Dentro":12632,"Ġaborto":12633,"Ġcrees":12634,"ĠNúmero":12635,"Ġinflam":12636,"Ġstan":12637,"Ġconsejero":12638,"Ġsecundarios":12639,"ĠMedina":12640,"Ġevita":12641,"ĠarmonÃŃa":12642,"umas":12643,"Ġcontaba":12644,"Ġcódigos":12645,"ĠConstitucional":12646,"andra":12647,"Ġinac":12648,"Ġconductores":12649,"ĠCanaria":12650,"Ġcubana":12651,"Ġvolante":12652,"yac":12653,"tiza":12654,"Ġdiscutir":12655,"Ġintervenciones":12656,"Ġreflexionar":12657,"ĠincreÃŃbles":12658,"vic":12659,"Ġiniciado":12660,"Ġpersonalizada":12661,"ĠModer":12662,"kers":12663,"eval":12664,"ordi":12665,"Ġcruzar":12666,"Ġhábil":12667,"igar":12668,"ĠTour":12669,"ĠExtremadura":12670,"Cuál":12671,"pada":12672,"Ġparezca":12673,"Ġreconocidos":12674,"Ġfuturas":12675,"ĠLÃŃnea":12676,"Ġais":12677,"Ġdecidieron":12678,"ámites":12679,"Ġdesaparecer":12680,"Ġentrevist":12681,"Ġargument":12682,"Ġjaponés":12683,"ĠDisney":12684,"Ġsustancia":12685,"Ġfirmar":12686,"Ġ09":12687,"ĠCC":12688,"Ġcron":12689,"ĠilÃŃ":12690,"Ġbola":12691,"Ġpatria":12692,"Ġfundamentalmente":12693,"ĠCV":12694,"Ġnegras":12695,"ĠOpen":12696,"Ġconservar":12697,"Ġsoledad":12698,"uevo":12699,"Ġinterfaz":12700,"ándolos":12701,"itante":12702,"Ġestablecidas":12703,"Ġentregó":12704,"ĠTransporte":12705,"core":12706,"ĠEle":12707,"CIAL":12708,"Ġconectado":12709,"ĠSco":12710,"Ġsanción":12711,"Ġencuestas":12712,"ĠRoc":12713,"cing":12714,"Juan":12715,"Ġestés":12716,"Ġdifundir":12717,"Ġprocede":12718,"ku":12719,"Ġarreglar":12720,"Ġqueb":12721,"Ġficha":12722,"Ġdol":12723,"ĠMuñoz":12724,"Ven":12725,"ĠUSA":12726,"tto":12727,"Ġpreferencias":12728,"ĠCuerpo":12729,"ĠLucas":12730,"Ġurgencia":12731,"Ġtransformar":12732,"Ġautent":12733,"Ġconfirma":12734,"ĠAnim":12735,"Ġtrámites":12736,"Ġsolucion":12737,"ĠSiria":12738,"ĠCaja":12739,"ieras":12740,"Ġhagas":12741,"Ġtristeza":12742,"ĠenvÃŃa":12743,"Ġov":12744,"Ġirse":12745,"Ġbanca":12746,"loj":12747,"ĠAcuerdo":12748,"ĠGrado":12749,"fónica":12750,"ĠRamos":12751,"Ġnegar":12752,"jemp":12753,"Ġchoque":12754,"Ġperdiendo":12755,"Ġconstitución":12756,"enio":12757,"ĠEdad":12758,"ĠAquel":12759,"alición":12760,"Ġextremos":12761,"ĠSerá":12762,"tillos":12763,"jalá":12764,"Ġnumero":12765,"rerÃŃa":12766,"Ġunidos":12767,"Ġtetas":12768,"Ġencontraban":12769,"Ġsatél":12770,"Ġrelativo":12771,"ĠDiputados":12772,"ĠGeorge":12773,"Ġvein":12774,"ĠDeporte":12775,"ĠRural":12776,"ĠTOD":12777,"Ġacompañada":12778,"pecial":12779,"Ġexternos":12780,"Ġayuntamiento":12781,"ĠAmbos":12782,"ika":12783,"Ġefectuar":12784,"ĠEstatu":12785,"Ġincluidas":12786,"Ġmigra":12787,"Ġsemejante":12788,"Ġadecuadas":12789,"Ġcomprado":12790,"Ġfortaleza":12791,"ĠAde":12792,"ĠTeresa":12793,"Ġsuelos":12794,"ENA":12795,"Ġespectaculares":12796,"ĠWe":12797,"Ġclasific":12798,"Ġexámenes":12799,"Ġrecip":12800,"rás":12801,"Puedes":12802,"Ġtablas":12803,"Ġbil":12804,"Ġpilotos":12805,"Ġdiseñada":12806,"Ġuniforme":12807,"Ġpreca":12808,"ĠDentro":12809,"Ġdesempleo":12810,"Ġguardia":12811,"ĠmarÃŃ":12812,"Ġhabiendo":12813,"Ġcorresponden":12814,"Ġinsec":12815,"ĠVideo":12816,"ionista":12817,"Ġverificar":12818,"Ġadopción":12819,"Ġpotenciales":12820,"Ġmecánica":12821,"Ġdobl":12822,"Ġvenga":12823,"Ġnervios":12824,"ĠDVD":12825,"Ġqueridos":12826,"Ġmostrando":12827,"Ġvegetales":12828,"Ġ1993":12829,"Ġsolicita":12830,"uelto":12831,"Ġpresta":12832,"mplemente":12833,"Ġaviones":12834,"Ġredacción":12835,"Ġextraordinario":12836,"Ġjab":12837,"Ġdeportistas":12838,"sey":12839,"gol":12840,"Ġsustent":12841,"caden":12842,"Ġsillas":12843,"ĠFOR":12844,"ĠParece":12845,"Ġcierra":12846,"Ġira":12847,"Ġrelojes":12848,"Ġproceder":12849,"ĠMach":12850,"Ġhuesos":12851,"Ġinvis":12852,"ĠPacÃŃfico":12853,"Ġisrael":12854,"Ġdisfrutando":12855,"Ġpropuesto":12856,"Ġcerrada":12857,"Ġreservar":12858,"ĠjudÃŃos":12859,"ĠHijo":12860,"ĠSuiza":12861,"Ġoliva":12862,"Ġcomedia":12863,"elli":12864,"illera":12865,"Ġcomunicar":12866,"vecha":12867,"Ġterapéut":12868,"Ġlimita":12869,"Ġhigiene":12870,"unidad":12871,"EF":12872,"ĠBale":12873,"ush":12874,"ĠIra":12875,"Ġempezaron":12876,"Ġcomprende":12877,"video":12878,"Ġantigüedad":12879,"rich":12880,"venta":12881,"usal":12882,"ĠEstudio":12883,"Ġexteriores":12884,"Ġfidel":12885,"Ġabar":12886,"Ġactitudes":12887,"82":12888,"Ġuñas":12889,"Ġdetección":12890,"Ġfantástico":12891,"Ġvariar":12892,"zi":12893,"Ġuniversitaria":12894,"produc":12895,"Ġaparentemente":12896,"Ġaco":12897,"áut":12898,"Ġdinam":12899,"Ġ(âĢľ":12900,"Ġquita":12901,"irchner":12902,"ĠMaria":12903,"Ġfuga":12904,"________":12905,"Ġhallar":12906,"ions":12907,"Ġber":12908,"ĠpÃŃ":12909,"Ġaverigu":12910,"Ġnuclear":12911,"ĠUs":12912,"Ġmur":12913,"Ġfoc":12914,"desde":12915,"Recuer":12916,"gú":12917,"Ġintenciones":12918,"Ġinvent":12919,"Ġexportaciones":12920,"ĠClaro":12921,"restre":12922,"Ġesqu":12923,"Ġdecirle":12924,"Ġrazonable":12925,"ĠGén":12926,"Ġfeder":12927,"Inter":12928,"Ġaccesible":12929,"Ġunido":12930,"Ġmasculino":12931,"ĠHombres":12932,"],":12933,"Ġcostado":12934,"Ġtenis":12935,"ĠIngenier":12936,"Ġseca":12937,"Ġcentra":12938,"Ġrivales":12939,"pers":12940,"Ġdolores":12941,"Ġoperar":12942,"ĠSum":12943,"Ġcogn":12944,"Ġatravi":12945,"Ġgrabado":12946,"Ġdecorar":12947,"Madrid":12948,"ast":12949,"Ġperdon":12950,"oni":12951,"Ġcoj":12952,"Ġinvestiga":12953,"Ġsignificativo":12954,"ĠAnal":12955,"Ġfavorecer":12956,"Ġgole":12957,"Ġitiner":12958,"Ġconcepción":12959,"Ġramas":12960,"Ġmeteor":12961,"Ġanfitri":12962,"Ġflexible":12963,"iko":12964,"ĠcaÃŃdo":12965,"éndole":12966,"Ġlap":12967,"72":12968,"ĠInnovación":12969,"Ġrecibirá":12970,"Ġúnicas":12971,"Ġextender":12972,"Ġ900":12973,"Ġclaros":12974,"lywood":12975,"querÃŃa":12976,"Ġlocura":12977,"ĠSanidad":12978,"omen":12979,"Ġmapas":12980,"Ġtraspas":12981,"ĠPeter":12982,"Ġxxx":12983,"Ġeuropeas":12984,"Ġdata":12985,"Ġbanc":12986,"mann":12987,"eñas":12988,"Ġsube":12989,"Ġcriminal":12990,"Ġincidente":12991,"Ġcopias":12992,"VO":12993,"ĠMark":12994,"Ġenergético":12995,"Ġneur":12996,"Ġparto":12997,"Ġjajaja":12998,"tabria":12999,"ocen":13000,"Ġodi":13001,"Ġconcretamente":13002,"éctor":13003,"Ġapel":13004,"Ġmail":13005,"Ġconcluir":13006,"Ġsofist":13007,"Ġconcreta":13008,"intendo":13009,"ĠMarzo":13010,"Ġhermanas":13011,"Ġdecirlo":13012,"Ġroca":13013,"Ġoch":13014,"ĠBomb":13015,"Ġintentó":13016,"ĠLim":13017,"ĠIntegr":13018,"ĠSuárez":13019,"Ġcláus":13020,"Ġplay":13021,"Quieres":13022,"Ġpotenciar":13023,"Ġreseña":13024,"miten":13025,"Ġentusiasmo":13026,"Ġmejorando":13027,"ĠRoja":13028,"Ġcompl":13029,"81":13030,"Ġnariz":13031,"ĠHabÃŃa":13032,"ĠVeracruz":13033,"Ġentregado":13034,"Ġeditor":13035,"stal":13036,"Ġdenominada":13037,"Ġcertamen":13038,"ases":13039,"ayo":13040,"ĠHerrera":13041,"iciar":13042,"tit":13043,"54":13044,"ĠfantasÃŃa":13045,"dre":13046,"contra":13047,"Ġcorrientes":13048,"Ġrecomendación":13049,"grafos":13050,"Ġalturas":13051,"Ġteclado":13052,"Ġang":13053,"Ġcocinar":13054,"ĠMár":13055,"ĠComercial":13056,"Ġproporción":13057,"Her":13058,"Ġverás":13059,"ĠEditorial":13060,"ĠForma":13061,"Ġafición":13062,"tariado":13063,"Ġ69":13064,"Ġ66":13065,"osidad":13066,"Ġresultan":13067,"Ġsupervis":13068,"ĠPost":13069,"abuena":13070,"ament":13071,"Ġrequerimientos":13072,"Ġpsi":13073,"Ġfavorable":13074,"Ġgolf":13075,"iéndo":13076,"Ġtirar":13077,"ĠdecidÃŃ":13078,"Ġsumamente":13079,"Ġpoemas":13080,"Ġrespir":13081,"ĠRepres":13082,"tez":13083,"Ġfalso":13084,"tamentos":13085,"Ġdesplie":13086,"iete":13087,"utado":13088,"Muchos":13089,"Ġbloques":13090,"Ġanaliza":13091,"ĠPersonas":13092,"recha":13093,"xis":13094,"Ġ°":13095,"@@@@@@@@":13096,"ĠNike":13097,"ĠRojo":13098,"Ġvimos":13099,"ĠmÃŃnimos":13100,"Ġcompetente":13101,"Ġtatu":13102,"Ġgases":13103,"Ġnoble":13104,"ĠRioja":13105,"ÃŃgeno":13106,"PP":13107,"lara":13108,"ĠBill":13109,"táneamente":13110,"ĠIslas":13111,"Ġcodi":13112,"Ġfiltro":13113,"Ġdefinitivo":13114,"Buenas":13115,"Ġcardio":13116,"ĠIntroducción":13117,"%),":13118,"Ġaumentando":13119,"Ġgoma":13120,"Ġcultivos":13121,"ĠMora":13122,"ciende":13123,"Ġprocur":13124,"Ġsuman":13125,"Ġpuertos":13126,"Ġcircunstancia":13127,"ĠoÃŃr":13128,"Ġtún":13129,"inoso":13130,"Ġdroga":13131,"Ġbatal":13132,"Ġpreval":13133,"ĠorÃŃgenes":13134,"ĠProces":13135,"Ġatractivos":13136,"ĠAvenida":13137,"Ġsegmento":13138,"²":13139,"Ġrestaurar":13140,"Ġpantalones":13141,"SC":13142,"Ġimperial":13143,"Ġépocas":13144,"ganda":13145,"quera":13146,"Ġpoema":13147,"politana":13148,"Ġfachada":13149,"ĠGonzalo":13150,"Vamos":13151,"ĠRela":13152,"Ġperiodismo":13153,"Ġsabores":13154,"Ġgui":13155,"DUC":13156,"izador":13157,"Ġmega":13158,"Ġfallecido":13159,"Ġneuro":13160,"Ġcancelación":13161,"Ġreunir":13162,"parse":13163,"itch":13164,"Ġconstantes":13165,"Ġoscura":13166,"Ġbodas":13167,"Ġpermanece":13168,"Ġpeces":13169,"ĠValent":13170,"ilado":13171,"83":13172,"ĠNombre":13173,"ĠBaja":13174,"Ġmaestra":13175,"ĠAtlán":13176,"vena":13177,"Ġtamaños":13178,"Ġcarpeta":13179,"Ġfraude":13180,"Ġapoya":13181,"Ġgriego":13182,"dul":13183,"Serv":13184,"Ġplac":13185,"Ġnutrientes":13186,"Ġgala":13187,"Ġfijar":13188,"Ġdecimos":13189,"Ġhiciera":13190,"INE":13191,"ĠBerlÃŃn":13192,"Ġdesvi":13193,"Ġextracción":13194,"Ġembarazada":13195,"Ġvergüenza":13196,"ĠRodrigo":13197,"Ġguión":13198,"Ġpolla":13199,"ĠKing":13200,"Ġencam":13201,"Ġhech":13202,"ĠCI":13203,"itz":13204,"gase":13205,"Ġjusta":13206,"Ġsoportar":13207,"icto":13208,"Tiene":13209,"Fel":13210,"Ġmigrantes":13211,"ĠMallorca":13212,"ĠGlobal":13213,"ĠCentros":13214,"ONA":13215,"52":13216,"Ġ1992":13217,"Ġtalentos":13218,"iense":13219,"Ġformando":13220,"ĠIVA":13221,"Ġmide":13222,"Ġmagnitud":13223,"ingos":13224,"Pon":13225,"Ġconsola":13226,"ĠFol":13227,"Ġsustitución":13228,"Ġaprovechando":13229,"Ġelevada":13230,"luten":13231,"ñones":13232,"ĠQuiero":13233,"ĠGor":13234,"74":13235,"ocimiento":13236,"Ġretor":13237,"Ġsupervivencia":13238,"Ġhombros":13239,"Ġsacerdote":13240,"Ġconlleva":13241,"kia":13242,"Ġvolverá":13243,"Ġrefugio":13244,"ĠMens":13245,"hacer":13246,"Ġsanitario":13247,"Ġarbi":13248,"MC":13249,"Ġbox":13250,"Ġreporte":13251,"Ġconvencional":13252,"Ġcorrup":13253,"Ġfarmacéut":13254,"Ġnor":13255,"Ġministra":13256,"unos":13257,"Ġhipótesis":13258,"Ġhablaba":13259,"Ġplus":13260,"Ġconmem":13261,"ĠAlfredo":13262,"ĠCenter":13263,"Ġimpu":13264,"Ġdecep":13265,"Ġmensaj":13266,"Ġtrabajamos":13267,"Ġdensidad":13268,"Ġhamb":13269,"Ġalb":13270,"Ġreparar":13271,"Ġcomparar":13272,"Ġcón":13273,"ĠIndi":13274,"Ġacadémicos":13275,"ĠFra":13276,"Ġcontemplar":13277,"Ġutilizadas":13278,"Ġvolar":13279,"ĠAU":13280,"Ġpudimos":13281,"Ġcompetitividad":13282,"ĠVillar":13283,"Ġdeterioro":13284,"Ġsustituir":13285,"Ġmobil":13286,"ĠTomás":13287,"uevas":13288,"Ġmuertes":13289,"ĠPER":13290,"urado":13291,"Ġmediano":13292,"Ġbrasileño":13293,"Ġchileno":13294,"Ġlimón":13295,"iebre":13296,"Ġfalleció":13297,"tibles":13298,"Ġdedicación":13299,"Ġsanitaria":13300,"Ġempezando":13301,"Ġincumplimiento":13302,"Ġherencia":13303,"ĠMargar":13304,"Ġsepara":13305,"áser":13306,"Ġfina":13307,"ĠExtra":13308,"ĠHy":13309,"ĠCaball":13310,"Ġpinturas":13311,"Ġdebidamente":13312,"naval":13313,"Ġinfecciones":13314,"Ġempezado":13315,"Ġdarán":13316,"Ġnubes":13317,"Ġdiámetro":13318,"Ġconcil":13319,"Ġfenómenos":13320,"Ġexplicaciones":13321,"Ġnatal":13322,"Ġmensuales":13323,"ĠADN":13324,"junto":13325,"Ġmonte":13326,"Ġdesaparecido":13327,"LC":13328,"Ġmolinos":13329,"ĠCateg":13330,"ĠObras":13331,"Ġmatemáticas":13332,"Ġsurgió":13333,"Ġdemo":13334,"Ġcomplementos":13335,"ĠÂĵ":13336,"600":13337,"Ġelectr":13338,"Ġbotones":13339,"Ġperegr":13340,"ilados":13341,"ĠCatalunya":13342,"dario":13343,"ĠGalax":13344,"Ġafirmar":13345,"Plan":13346,"gob":13347,"ĠPay":13348,"Ġabandono":13349,"ĠONG":13350,"éndolo":13351,"Ġplacas":13352,"Ġmodifica":13353,"Ġsobretodo":13354,"paración":13355,"Ġasientos":13356,"Ġsanto":13357,"Solo":13358,"Ġencargada":13359,"Ġhabitualmente":13360,"ĠDIS":13361,"Ġespada":13362,"Ġobligados":13363,"Ġsolitario":13364,"Ġpav":13365,"cuando":13366,"Foto":13367,"átil":13368,"Ġabundante":13369,"Ġinterv":13370,"Ġparal":13371,"ĠVargas":13372,"Ġhero":13373,"Ġmarcó":13374,"Ġinicialmente":13375,"Ġdisponen":13376,"Ġsubió":13377,"mith":13378,"Ġentendido":13379,"Ġampliamente":13380,"ĠPilar":13381,"Ġadministrador":13382,"iemb":13383,"Ġaportan":13384,"Ġgem":13385,"Ġjugó":13386,"Ġidentificado":13387,"key":13388,"Ġdesastre":13389,"Ġcoordinador":13390,"ĠRoy":13391,"Ġretiro":13392,"Ġobstáculos":13393,"Ġsofá":13394,"Ġhidro":13395,"Ġpapá":13396,"ĠElena":13397,"ĠHaz":13398,"Ġcercanas":13399,"vá":13400,"Ġencuentren":13401,"Ġcomenzará":13402,"Ġsaludables":13403,"ĠPlus":13404,"ĠINTER":13405,"Ġinmuebles":13406,"ĠTotal":13407,"Ġmención":13408,"Ġlenguas":13409,"Ġreligioso":13410,"claje":13411,"Ġintermedi":13412,"ométr":13413,"ĠCOR":13414,"Ġevitando":13415,"cientos":13416,"tag":13417,"back":13418,"Ġbasados":13419,"ĠPatr":13420,"Ġ360":13421,"inares":13422,"Ġprimas":13423,"Ġindustrias":13424,"2009":13425,"Ġcandidatura":13426,"Ġllenar":13427,"Ġgustaba":13428,"Ġsumerg":13429,"ĠGEN":13430,"ĠIncluye":13431,"Ġadaptarse":13432,"ruecos":13433,"Ġlingü":13434,"acos":13435,"Ġsiglas":13436,"Ġcompleja":13437,"Ġfotograf":13438,"ĠNadie":13439,"Ġtard":13440,"Ġpierdas":13441,"Ġejemplar":13442,"illado":13443,"Ġpromesa":13444,"lamos":13445,"Ġrara":13446,"ĠcrÃŃticos":13447,"Ġarmado":13448,"ĠExisten":13449,"53":13450,"landia":13451,"Ġtuyo":13452,"ĠBoca":13453,"Ġbello":13454,"ĠEquipo":13455,"73":13456,"fr":13457,"Ġchu":13458,"Ġacercarse":13459,"ĠIden":13460,"Ġcanto":13461,"ĠCamino":13462,"Ġpredomin":13463,"Ġuniversitario":13464,"Ġquirúrg":13465,"Ġanunciar":13466,"Ġrecicl":13467,"ĠID":13468,"rudencia":13469,"Ġdirectos":13470,"Ġlentamente":13471,"Ġoperativos":13472,"Ġnombrado":13473,"ampl":13474,"Ġexcusa":13475,"Ġexportación":13476,"Ciudad":13477,"Ġcorona":13478,"Ġreglamento":13479,"Neces":13480,"Ġnegativos":13481,"Ġgab":13482,"Ġllego":13483,"Ġranking":13484,"uega":13485,"éndez":13486,"ĠFuerzas":13487,"Ġfilas":13488,"OG":13489,"Ġproblemática":13490,"Ġexager":13491,"Ġapuestas":13492,"Ġcore":13493,"ebra":13494,"Ġpeores":13495,"Ġllamo":13496,"ĠCocina":13497,"ĠAten":13498,"ĠSw":13499,"Ġpp":13500,"Ġlema":13501,"Ġsemb":13502,"Ġenfermos":13503,"Ġmanchas":13504,"ĠSilva":13505,"Ġrealizamos":13506,"buses":13507,"trados":13508,"Ġinalámb":13509,"Ġimagenes":13510,"ĠSEO":13511,"Ġsoñ":13512,"Ġfusión":13513,"Ġtribunales":13514,"Ġalumnado":13515,"Ġseñores":13516,"Ġsexy":13517,"Ġperteneciente":13518,"Ġtecnológicos":13519,"ĠXVIII":13520,"Ġcontento":13521,"Ġgastar":13522,"Ġrestring":13523,"clas":13524,"sec":13525,"ĠJal":13526,"Ġpasará":13527,"Ġintérpre":13528,"atÃŃa":13529,"Ġrodeado":13530,"ĠNieto":13531,"51":13532,"Ġhumo":13533,"úmenes":13534,"ĠPala":13535,"cionista":13536,"ĠOrgánica":13537,"rául":13538,"ĠConf":13539,"Ġtuber":13540,"Ġespacial":13541,"Pla":13542,"Ġdefinido":13543,"Ġsaca":13544,"lom":13545,"ĠFá":13546,"Ġacaban":13547,"Ġlocalización":13548,"ép":13549,"Ġcongreso":13550,"arones":13551,"Ġremun":13552,"Ġsacó":13553,"ĠJuventud":13554,"ĠCartagena":13555,"ĠFecha":13556,"ĠGuad":13557,"Ġoperador":13558,"acen":13559,"ikipe":13560,"Ġgramos":13561,"gráficas":13562,"Ġcolombiana":13563,"Ġtira":13564,"Ġdiarias":13565,"Ġpensión":13566,"ĠEvangel":13567,"ĠJean":13568,"Ġfuncionalidad":13569,"Ġadvirtió":13570,"Ġconoció":13571,"Ġestóma":13572,"Ġeléctricas":13573,"Ġperspectivas":13574,"ĠBru":13575,"Ġaceites":13576,"Ġida":13577,"Ġganando":13578,"bita":13579,"Ġ68":13580,"ĠÃģlvaro":13581,"Ġpregunto":13582,"Ġperiódicos":13583,"Ġintegrar":13584,"ĠISO":13585,"Ġelectrodom":13586,"http":13587,"ĠBolÃŃvar":13588,"Ġcad":13589,"Ġcomponen":13590,"Ġacaso":13591,"Ġafectada":13592,"Ġprovocó":13593,"Ġintentado":13594,"cilla":13595,"Ġfaltan":13596,"Ġchi":13597,"ĠTrabajadores":13598,"ĠpartÃŃculas":13599,"Ġcompromete":13600,"ĠAsuntos":13601,"Ġlegado":13602,"ĠSS":13603,"Ġconstancia":13604,"ĠcrÃŃmenes":13605,"Ġconsiderando":13606,"Ġservido":13607,"Ġsubje":13608,"Ġdirectiva":13609,"Ġdeudas":13610,"Ġlágrimas":13611,"Ġbacterias":13612,"ĠEstán":13613,"ĠPrimaria":13614,"eis":13615,"jados":13616,"ĠRuta":13617,"ĠGri":13618,"Ġbancaria":13619,"Ġfinca":13620,"aming":13621,"Incl":13622,"az":13623,"Ġprovocado":13624,"Ġarranque":13625,"ĠMunicipio":13626,"ĠMarcelo":13627,"quicia":13628,"istros":13629,"Ġrusa":13630,"Ġjefes":13631,"istán":13632,"xima":13633,"amba":13634,"???":13635,"Ġmanipulación":13636,"Ġdren":13637,"Ġarquitectón":13638,"ivar":13639,"fasis":13640,"Cabe":13641,"ándoles":13642,"Ġsabiendo":13643,"Ġsuperado":13644,"ĠInstal":13645,"Ġsorpresas":13646,"diera":13647,"Ġcables":13648,"Esc":13649,"Ġpidiendo":13650,"ĠQuizás":13651,"ándote":13652,"GE":13653,"ĠDebido":13654,"ázar":13655,"Ġcondenado":13656,"Ġinferiores":13657,"Ġbotas":13658,"Ġpierna":13659,"dula":13660,"Ġespectador":13661,"ĠChan":13662,"58":13663,"ĠagrÃŃcola":13664,"Ġautorizado":13665,"ĠReserva":13666,"Ġrepresión":13667,"Ġfacultad":13668,"uenca":13669,"Ġextiende":13670,"Ġremi":13671,"Ġestaremos":13672,"Ġcabec":13673,"Ġtron":13674,"ĠMedel":13675,"Ġconfiar":13676,"Ġsanta":13677,"Ġpresion":13678,"ĠÃļl":13679,"Ġsep":13680,"Ġjustific":13681,"Ġobs":13682,"ĠConsultado":13683,"Ġsaliendo":13684,"Ġadministrar":13685,"Ġsuperficies":13686,"Ġhistori":13687,"Ġalegre":13688,"br":13689,"Ġcomplicaciones":13690,"gante":13691,"ĠAce":13692,"Ġdiariamente":13693,"chado":13694,"Ġstock":13695,"Ġpagan":13696,"CIONAL":13697,"yentes":13698,"Ġmódulos":13699,"Ġexpuesto":13700,"Ġaparcamiento":13701,"Ġtib":13702,"Ġdioses":13703,"Ġcolegas":13704,"Ġmúsico":13705,"ridas":13706,"Ġmodernas":13707,"Ġsacrificio":13708,"tenimiento":13709,"Ġbritánica":13710,"Ġvitaminas":13711,"ĠRel":13712,"63":13713,"Ġcomité":13714,"Ġine":13715,"ĠOtras":13716,"Ġprohibido":13717,"Ġenfa":13718,"Ġpatas":13719,"Ġdemocrática":13720,"Ġtrib":13721,"ĠGeo":13722,"Ġnervioso":13723,"PF":13724,"71":13725,"ĠOR":13726,"allas":13727,"ek":13728,"Ġajustes":13729,"Ġcebolla":13730,"Ġimprovis":13731,"ĠRena":13732,"Ġdirigidos":13733,"ĠRA":13734,"Ġchor":13735,"Ġhermosas":13736,"Ġimplantación":13737,"ĠPsicologÃŃa":13738,"Ġnecesite":13739,"Ġpondrá":13740,"Ġsuponer":13741,"Ġemig":13742,"ĠIglesias":13743,"Ġlucro":13744,"opol":13745,"ikipedia":13746,"ĠTRA":13747,"Ġdiagnostic":13748,"Ġconsidero":13749,"ĠTru":13750,"Ġcerteza":13751,"Ġdarles":13752,"ĠmaÃŃz":13753,"ĠValenciana":13754,"ĠestÃŃm":13755,"Ġbuscamos":13756,"ĠSuc":13757,"ath":13758,"Ġactualizaciones":13759,"tigu":13760,"Ġvictorias":13761,"Ġhueco":13762,"ĠJosep":13763,"ĠdiscÃŃp":13764,"Ġagrega":13765,"Reci":13766,"anta":13767,"Ġsalvaje":13768,"Ġagricul":13769,"tades":13770,"ĠCompañÃŃa":13771,"ĠAgustÃŃn":13772,"ximo":13773,"Ġproviene":13774,"Ġdelegado":13775,"ĠRog":13776,"Ġseno":13777,"ote":13778,"ĠFÃŃsica":13779,"itim":13780,"Ġrestricciones":13781,"ĠmediodÃŃa":13782,"tona":13783,"><":13784,"Ġén":13785,"ĠcalorÃŃas":13786,"Ġcompone":13787,"Ġadecuadamente":13788,"Ġactivar":13789,"ĠleÃŃ":13790,"Ġexponer":13791,"Ġpalacio":13792,"Ġmotoci":13793,"Ġespecific":13794,"Ġcómp":13795,"tiemp":13796,"ĠiOS":13797,".),":13798,"Ġvean":13799,"Ġobede":13800,"Ġcompletos":13801,"ĠAgosto":13802,"ĠSeñora":13803,"lego":13804,"baciones":13805,"ĠQuin":13806,"Ġoptimizar":13807,"Ġregistrados":13808,"Ġsaldo":13809,"Ġespectáculos":13810,"ĠStreet":13811,"ĠOfre":13812,"ĠVent":13813,"MIN":13814,"Nosotros":13815,"Ġmostramos":13816,"Ġsenador":13817,"Ġtóx":13818,"Ġmágico":13819,"Ġterremo":13820,"Ġseleccionados":13821,"Ġfresca":13822,"Ġlaterales":13823,"Ġsaludos":13824,"Ġfalla":13825,"ĠLec":13826,"Ġreligiosas":13827,"Sol":13828,"Ġtragedia":13829,"Ġproclam":13830,"Ġbalcón":13831,"Ġbonos":13832,"Ġsobr":13833,"ĠEnero":13834,"Ġascen":13835,"edades":13836,"ĠCoruña":13837,"Ġjuegan":13838,"Ġfestiv":13839,"Ġllorar":13840,"Ġazo":13841,"ĠHéctor":13842,"ĠIndependi":13843,"jamos":13844,"Ġdirigió":13845,"ĠSerie":13846,"Ġloca":13847,"itcoin":13848,"gración":13849,"queta":13850,"Ġtranscurso":13851,"Ġcoño":13852,"Ġduros":13853,"ĠSAL":13854,"Ġpedi":13855,"Ġcontinuamente":13856,"mall":13857,"ónicos":13858,"Ġmedioamb":13859,"Ġhablo":13860,"ĠpsicologÃŃa":13861,"real":13862,"Ġmodal":13863,"ĠPok":13864,"Ġguerras":13865,"Ġcanta":13866,"emento":13867,"Ġdespo":13868,"Ġcubierto":13869,"Ġinsta":13870,"itoria":13871,"tage":13872,"Ġacoger":13873,"ĠSOL":13874,"Ġprotestas":13875,"Ġpolar":13876,"Ġaur":13877,"Ġcasualidad":13878,"Ġcintura":13879,"hara":13880,"Ġproductivo":13881,"Ġapartamentos":13882,"Nota":13883,"Ġolvido":13884,"ecieron":13885,"Ġnacionalidad":13886,"ĠHom":13887,"Ġdesee":13888,"Ġcurva":13889,"Ġdebil":13890,"Ġcreativa":13891,"Ġaprende":13892,"Ġadher":13893,"Ġbarcos":13894,"ĠHun":13895,"Ġcausado":13896,"Ġrincón":13897,"Ġcorredores":13898,"ĠHuelva":13899,"Ġicono":13900,"ĠCasas":13901,"Ġconsiguiente":13902,"ficios":13903,"ĠInforme":13904,"Ġgros":13905,"ĠBarrio":13906,"ĠEc":13907,"ĠEdición":13908,"Ġmural":13909,"Ġcement":13910,"62":13911,"Ġsanitarios":13912,"ĠFederico":13913,"licos":13914,"Ġllevarse":13915,"Ġcamión":13916,"Ġfalsa":13917,"ulsión":13918,"ally":13919,"Ġenseñanzas":13920,"Ġextensa":13921,"eban":13922,"Ġdejes":13923,"Ġobligatorio":13924,"Ġpales":13925,"2008":13926,"ĠCarolina":13927,"Ġcamiones":13928,"set":13929,"Ġtrem":13930,"Ġanima":13931,"ĠIrán":13932,"Ġconversión":13933,"ĠtÃŃpica":13934,"limp":13935,"Ġadquirido":13936,"ĠMexicana":13937,"Ġrumores":13938,"Ġpreparando":13939,"ĠAeropuerto":13940,"Ġconfor":13941,"Ġetiquetas":13942,"illerato":13943,"ĠguÃŃas":13944,"Ġsuici":13945,"âĢ¦âĢĿ":13946,"Ġtormenta":13947,"Ġprocedente":13948,"Ġaliados":13949,"Ġcapitales":13950,"Ġliv":13951,"ĠSky":13952,"Ġrepara":13953,"Ġindign":13954,"Ġpato":13955,"Ġvariedades":13956,"lix":13957,"PL":13958,"estima":13959,"Ġemer":13960,"Ġdilig":13961,"Ġreflejo":13962,"horabuena":13963,"ĠBurgos":13964,"Ġinfraestructuras":13965,"titutas":13966,"Ġ(...)":13967,"Ġhones":13968,"Ġtemprana":13969,"Ġbolso":13970,"ÃŃticos":13971,"Ġazar":13972,"Ġreferentes":13973,"Ġmito":13974,"Ġexperimentado":13975,"Ġpeat":13976,"Ġsostenibilidad":13977,"Ġreligiosos":13978,"Ġpertenecientes":13979,"Ġterroristas":13980,"ĠChamp":13981,"ĠEspeci":13982,"Ġresum":13983,"citas":13984,"Ġirri":13985,"ĠPunta":13986,"Ġpastor":13987,"Ġcruel":13988,"enciar":13989,"PRO":13990,"Ag":13991,"Ġcarbón":13992,"Ġestómago":13993,"Ġcintur":13994,"Ġpack":13995,"Ġorto":13996,"rs":13997,"itarse":13998,"fra":13999,"Ġsemanal":14000,"ĠPrin":14001,"hasta":14002,"Ġentran":14003,"TICA":14004,"Ġtip":14005,"Ġadvierte":14006,"л":14007,"Ġrequisito":14008,"Ġdeclarar":14009,"Ġarmario":14010,"ä":14011,"Ġcargas":14012,"Ġdeseado":14013,"Ġinoxid":14014,"Ġestratégica":14015,"Ġrama":14016,"Ġespu":14017,"Ġpresos":14018,"Ġdisponemos":14019,"Ġcolocación":14020,"Ġconcej":14021,"Ġintegran":14022,"Ġpdf":14023,"esis":14024,"Ġacogedor":14025,"Ġproporcionan":14026,"Comp":14027,"ĠRib":14028,"rmac":14029,"Ġcumbre":14030,"ĠFC":14031,"Ġtrucos":14032,"quillo":14033,"cribir":14034,"Ġtercio":14035,"tuar":14036,"Ġrefuer":14037,"fri":14038,"Ġuruguay":14039,"Ġiglesias":14040,"uden":14041,"ĠSé":14042,"Ġultimo":14043,"Ġabuelo":14044,"Ġsostener":14045,"ĠSegura":14046,"Cer":14047,"Ġinvitamos":14048,"Ġpoderosa":14049,"Ġestableció":14050,"Ġfutura":14051,"écdo":14052,"Ġsalva":14053,"Ġ62":14054,"Ġdiseñador":14055,"gráficos":14056,"ĠCAM":14057,"medios":14058,"ĠHos":14059,"Ġcomunicarse":14060,"Ġcamina":14061,"Ġimpec":14062,"tch":14063,"ĠRies":14064,"Ġron":14065,"álogo":14066,"Ġpega":14067,"Ġpido":14068,"ĠBau":14069,"cipación":14070,"ĠSun":14071,"Ġtelefónica":14072,"Ġlogrando":14073,"mosa":14074,"emen":14075,"ĠUniversal":14076,"61":14077,"Ġ2020":14078,"Ġlesion":14079,"Ġdeseen":14080,"Ġordenadores":14081,"ville":14082,"Ġatracción":14083,"burgo":14084,"Ġcertificados":14085,"Ġsignificativa":14086,"anca":14087,"ĠAmar":14088,"Ġhumilde":14089,"Ġsorprende":14090,"Ese":14091,"Ġexplosión":14092,"Ġpez":14093,"Ġintentos":14094,"Ġdestina":14095,"Ġarterial":14096,"Ġboc":14097,"ĠCora":14098,"Ġprosper":14099,"Ġdisciplinas":14100,"Ġalfomb":14101,"Ġfoco":14102,"Ġjugado":14103,"Ġporte":14104,"Ġprotege":14105,"Ġcén":14106,"tanos":14107,"acete":14108,"ĠFinal":14109,"Ġproponer":14110,"ionero":14111,"Ġcomercios":14112,"ĠKim":14113,"Ġgrav":14114,"OO":14115,"ĠLibertad":14116,"Ġbuscador":14117,"Ġnorteamericano":14118,"ĠMunicipalidad":14119,"Ġmio":14120,"ĠRÃŃos":14121,"ĠBM":14122,"Ġllenos":14123,"Ġaprobar":14124,"ĠHollywood":14125,"ĠAlmerÃŃa":14126,"Ġencarga":14127,"ĠAran":14128,"Ġconfirmación":14129,"Ġefectividad":14130,"Ġsolv":14131,"vidad":14132,"Ġfinanzas":14133,"Ġestacionamiento":14134,"Ġconductas":14135,"Ġolvides":14136,"Ġseas":14137,"Ġvam":14138,"Ġflota":14139,"ĠPul":14140,"Go":14141,"seguida":14142,"bida":14143,"ium":14144,"PN":14145,"ĠER":14146,"ĠAhÃŃ":14147,"Ġfundada":14148,"Ġ(âĢ¦)":14149,"Ġagresión":14150,"gadores":14151,"Ġmasiva":14152,"sobre":14153,"Ġdisputa":14154,"Ġazules":14155,"Ġjoyas":14156,"Ġempecé":14157,"máticas":14158,"ival":14159,"ĠAmpl":14160,"gÃŃa":14161,"Ġrigu":14162,"Ġescaleras":14163,"Ġimperio":14164,"ĠRojas":14165,"Ġtrayecto":14166,"Ġmundiales":14167,"cad":14168,"Ġintra":14169,"Ġcaos":14170,"Ġrecrea":14171,"Ġestablecen":14172,"ited":14173,"Ġtransacciones":14174,"ĠPIB":14175,"Ġcomarca":14176,"ĠCONS":14177,"Ġdepósitos":14178,"Ġhormig":14179,"Ġhéroe":14180,"tone":14181,"ceres":14182,"distas":14183,"Ġfármac":14184,"ĠErnes":14185,"ÃŃsmo":14186,"Ġ08":14187,"smo":14188,"élgica":14189,"Ġincapa":14190,"Ġcoco":14191,"ĠFrases":14192,"ĠEstad":14193,"ecos":14194,"hist":14195,"Ġentornos":14196,"IDE":14197,"Ġidentifica":14198,"Ġ�":14199,"Ġjustamente":14200,"Ġrojos":14201,"Ġcompañera":14202,"ÃģS":14203,"Ġvisibilidad":14204,"Ġbesos":14205,"bs":14206,"Ġdescom":14207,"Ġcalientes":14208,"ógicos":14209,"blog":14210,"dadores":14211,"ĠTurquÃŃa":14212,"ĠCient":14213,"Ġmadrid":14214,"Ġsupl":14215,"Ġexploración":14216,"Ġsabéis":14217,"turb":14218,"heim":14219,"mamente":14220,"ĠRiver":14221,"rillos":14222,"Ġénfasis":14223,"ĠBB":14224,"Ġsencillos":14225,"ĠNintendo":14226,"ĠEMP":14227,"dita":14228,"QUE":14229,"Ġenfrentarse":14230,"Ġinspección":14231,"ĠProducción":14232,"Ġcurs":14233,"Ġtriple":14234,"Ġnosotras":14235,"éricos":14236,"teur":14237,"diar":14238,"ĠMU":14239,"Ġcontestar":14240,"Ġjajaj":14241,"ĠVin":14242,"Ni":14243,"Ġchal":14244,"cionó":14245,"Ġayude":14246,"Ġalmuerzo":14247,"ĠPN":14248,"DS":14249,"Ġcortas":14250,"Ġcaminando":14251,"Ġinternas":14252,"vesti":14253,"Ġ63":14254,"olor":14255,"Ġestructur":14256,"ĠQU":14257,"Ġpoliciales":14258,"ĠPAR":14259,"TAR":14260,"Ġcastigo":14261,"ĠPrevención":14262,"Ġemprender":14263,"Ġdejaba":14264,"ĠPower":14265,"Ġsta":14266,"Ġinmers":14267,"ĠTop":14268,"dam":14269,"Ġtrasero":14270,"Ġvil":14271,"ĠteorÃŃas":14272,"Ġ000":14273,"Ġtomate":14274,"Ġnotificación":14275,"ĠPortal":14276,"Ġamericana":14277,"Ġrisa":14278,"ĠJerusal":14279,"Ġhuella":14280,"Ġdial":14281,"Ġestimul":14282,"ótico":14283,"Ġpasados":14284,"Ġmasajes":14285,"arqu":14286,"Ġsupervisión":14287,"jón":14288,"Ġcruce":14289,"ĠFotos":14290,"tena":14291,"ĠCantabria":14292,"Ġretraso":14293,"Ayer":14294,"Ġinoxidable":14295,"Ġvendido":14296,"lanos":14297,"Ġconmo":14298,"Ġarquitecto":14299,"play":14300,"Ġclaus":14301,"field":14302,"Ġamplias":14303,"ĠsoberanÃŃa":14304,"ribe":14305,"ĠInternational":14306,"Ġinda":14307,"Les":14308,"Ġcomienzos":14309,"ĠMilitar":14310,"acterÃŃsticas":14311,"Ġministros":14312,"Ġlinda":14313,"Ġvuestras":14314,"Ġrobar":14315,"Ġmillon":14316,"apas":14317,"Ġ^":14318,"edora":14319,"Ġdobles":14320,"Ġguapa":14321,"Ġdisfra":14322,"Ġdevo":14323,"Ġmoverse":14324,"penden":14325,"Ġarrancar":14326,"Tienes":14327,"Ġtabaco":14328,"Ġdestro":14329,"Ġlibremente":14330,"Etiquetas":14331,"Ġcoca":14332,"ĠcreÃŃa":14333,"Ġcentr":14334,"Ġtrastorno":14335,"ĠJornada":14336,"Ġpreocupaciones":14337,"Ġbilletes":14338,"ĠArturo":14339,"ĠModelo":14340,"Ġadentro":14341,"tancia":14342,"vÃŃo":14343,"rese":14344,"Ġcorazones":14345,"Ġsuceder":14346,"ĠFord":14347,"ĠMessi":14348,"ĠMAN":14349,"Ġaprueba":14350,"Ġaumentado":14351,"ĠPrensa":14352,"Ġdesarrollada":14353,"Ġvigentes":14354,"ĠPho":14355,"Ġhorizonte":14356,"Ġmobiliario":14357,"Ġbesti":14358,"ĠCoordin":14359,"Ġmuseos":14360,"Ġinfluen":14361,"Ġanillo":14362,"ĠEstaba":14363,"Ġmodalidades":14364,"ĠFebrero":14365,"Ġpagado":14366,"ĠBig":14367,"urt":14368,"Ġescribiendo":14369,"Ġreyes":14370,"ĠMolina":14371,"PAÃij":14372,"Ġrecordado":14373,"Ġtocado":14374,"Ġduplic":14375,"Ġingeniero":14376,"Ġbarb":14377,"trad":14378,"queo":14379,"Ġcumpliendo":14380,"ógicas":14381,"trimonial":14382,"Ġabusos":14383,"Ġacompañados":14384,"ĠObrador":14385,"ĠGeneralitat":14386,"ierro":14387,"ĠsÃŃndrome":14388,"Ġvientos":14389,"ĠParte":14390,"Ġcrip":14391,"Ġrealizarán":14392,"Ġdemuestran":14393,"ĠHarry":14394,"ĠRecom":14395,"Ġsugiere":14396,"ugh":14397,"Ġcolch":14398,"Ġdirectorio":14399,"esidad":14400,"itaron":14401,"ĠGin":14402,"Ġacogida":14403,"Ġ1991":14404,"Ġsmartphone":14405,"fan":14406,"Ġgéneros":14407,"ĠSoftware":14408,"ĠNivel":14409,"Ġaislamiento":14410,"ĠSuprema":14411,"fono":14412,"taro":14413,"Ġlicencias":14414,"ĠsentÃŃ":14415,"ĠPAN":14416,"Ġalemanes":14417,"eu":14418,"apo":14419,"Ġpájar":14420,"Ġrápidos":14421,"Ġaportación":14422,"Ġsc":14423,"Ġsigan":14424,"acán":14425,"Ġdesmon":14426,"quete":14427,"Ġasamblea":14428,"Ġsorprendió":14429,"Ġescasos":14430,"ĠvÃŃnculos":14431,"Ġconcretas":14432,"Ġsugerencias":14433,"Ġprevios":14434,"ĠOF":14435,"Ġef":14436,"Ġjaponesa":14437,"ĠRichard":14438,"?âĢĿ":14439,"Ġdetallada":14440,"Ġmarg":14441,"jam":14442,"Ġanécdo":14443,"gil":14444,"ĠMaestro":14445,"Ġinneces":14446,"Existen":14447,"Ġrefirió":14448,"Ġdemocrático":14449,"Ġcere":14450,"tter":14451,"Ġalimentar":14452,"Ġestil":14453,"Ġmencionados":14454,"Ġprovenientes":14455,"Ġhorizontal":14456,"Ġatentado":14457,"ĠGB":14458,"mante":14459,"ĠJuárez":14460,"uk":14461,"Ġmuros":14462,"José":14463,"ĠJen":14464,"Ġherida":14465,"Respecto":14466,"Ġanime":14467,"endiendo":14468,"Ġvendedor":14469,"Ġcontinúan":14470,"Ġmultina":14471,"Ġgratuitos":14472,"Ġvariaciones":14473,"VEN":14474,"Ġfranceses":14475,"ĠRon":14476,"Ġbeca":14477,"Ġextranjera":14478,"Ġconstruida":14479,"Ġllegaba":14480,"Ġexitosa":14481,"Casa":14482,"Usted":14483,"ufac":14484,"Ġmaduras":14485,"Ġcolecciones":14486,"minas":14487,"Ġrompe":14488,"Ġpiano":14489,"ĠBoy":14490,"Ġobvio":14491,"Ġpostre":14492,"Ġrecta":14493,"Ġrefugiados":14494,"ticia":14495,"Ġarreglo":14496,"Ġárabe":14497,"Ġimperme":14498,"acar":14499,"Ġfumar":14500,"Ġtrabajó":14501,"Ġarrib":14502,"Ap":14503,"aaaa":14504,"Ġhardware":14505,"Ġinolvidable":14506,"REC":14507,"Ġrenovar":14508,"istÃŃa":14509,"Ġprotagonismo":14510,"Ġinterpreta":14511,"ĠClo":14512,"Ġabaste":14513,"Ġsexto":14514,"Ġcreadores":14515,"Ġinglesa":14516,"Ġasume":14517,"ere":14518,"ĠCarre":14519,"ĠTorneo":14520,"Ġ110":14521,"tienda":14522,"Ġaprobada":14523,"ĠCOL":14524,"chool":14525,"ĠConvenio":14526,"tañas":14527,"asis":14528,"máticos":14529,"ĠBienes":14530,"Ġvanguardia":14531,"ĠCuenca":14532,"Ġacoso":14533,"Ġescándalo":14534,"Ġconfusión":14535,"Ġmatric":14536,"elia":14537,"Ġsocialistas":14538,"anco":14539,"cav":14540,"reos":14541,"Ġhacerte":14542,"ĠmatrÃŃcula":14543,"Ġposibil":14544,"Ġbecas":14545,"gri":14546,"ĠTexas":14547,"Ġmisiones":14548,"damos":14549,"oth":14550,"TAM":14551,"Ġautomóviles":14552,"ĠSeguir":14553,"ĠSony":14554,"dé":14555,"Ġcrecido":14556,"ĠAcceso":14557,"pongo":14558,"Ġestratégico":14559,"ĠPascu":14560,"unar":14561,"chan":14562,"Ġidón":14563,"ĠPic":14564,"Nuestros":14565,"ĠBás":14566,"Ġexpl":14567,"Ġolvidado":14568,"guesa":14569,"Ġofrecido":14570,"Ġdigno":14571,"Ġcontribuye":14572,"Ġconcluye":14573,"Ġtembl":14574,"Ġotorgar":14575,"untamientos":14576,"untu":14577,"Ġagradecimiento":14578,"ĠJeho":14579,"óloga":14580,"aby":14581,"Ġprotegida":14582,"ĠMont":14583,"Ġconfidencial":14584,"Ġcatólica":14585,"Ġaudiovisual":14586,"Ġabarca":14587,"Ġmolesta":14588,"Ġconsideramos":14589,"Ġacumulación":14590,"Ġalmas":14591,"Ġruptura":14592,"Ġml":14593,"ĠFidel":14594,"Ġnutrición":14595,"Ġcontex":14596,"Ġmanzana":14597,"Ġfranquicia":14598,"ĠAlma":14599,"Ġfollando":14600,"enca":14601,"ĠPuente":14602,"ástica":14603,"Ġdisparo":14604,"ĠexplÃŃ":14605,"Ġliteraria":14606,"Ġencantó":14607,"ĠexistÃŃa":14608,"Ġinmensa":14609,"ĠIntelig":14610,"Ġremar":14611,"ĠJuzgado":14612,"ĠsÃŃmbolos":14613,"ĠvivÃŃa":14614,"Ġconsenso":14615,"Ġbastantes":14616,"Ġdejará":14617,"ĠFiesta":14618,"mx":14619,"Ġaerol":14620,"Ġsindicato":14621,"Ġvence":14622,"Ġalas":14623,"Ġpersecución":14624,"Ġpopularidad":14625,"ĠGR":14626,"ĠConcurso":14627,"ĠPoco":14628,"Ġatras":14629,"Ġconvencido":14630,"pié":14631,"Ġverdaderos":14632,"Ġreunió":14633,"abar":14634,"Ġcostas":14635,"ĠMarruecos":14636,"Ġ1980":14637,"Ġsólido":14638,"Ġbac":14639,"Ġpromueve":14640,"Ġpreferencia":14641,"Ġpedag":14642,"Ġllamaba":14643,"ĠModa":14644,"Ġculpable":14645,"âĢĿ;":14646,"Ġsecretaria":14647,"ĠcentÃŃmetros":14648,"oooo":14649,"ĠAQU":14650,"ĠLimp":14651,"pri":14652,"XX":14653,"ĠVista":14654,"IFA":14655,"Ġbebe":14656,"ĠUso":14657,"Ġhacernos":14658,"Ġatractiva":14659,"92":14660,"Ġsaldrá":14661,"ĠUrban":14662,"ĠCatedral":14663,"imamente":14664,"quetas":14665,"Ġharemos":14666,"rato":14667,"Ġhs":14668,"cy":14669,"Ġcie":14670,"Ġavanza":14671,"ĠTIC":14672,"dure":14673,"ĠPalmas":14674,"Ġ(«":14675,"Ġláser":14676,"ĠJuego":14677,"Ġplana":14678,"ĠTE":14679,"Ġpad":14680,"Ġentrado":14681,"Ġcumpla":14682,"bile":14683,"Ġconsolid":14684,"bras":14685,"Ġdesplazamiento":14686,"Ġdiseñados":14687,"ĠHonor":14688,"Ġinseguridad":14689,"ĠClÃŃnica":14690,"Ġtub":14691,"laje":14692,"Ġlesbi":14693,"ĠJose":14694,"Ġprostitución":14695,"ons":14696,"Ġcontemporáneo":14697,"mus":14698,"ĠETA":14699,"Ġsirvió":14700,"Ġrefiero":14701,"Ġasignatura":14702,"Ġexci":14703,"ĠGreen":14704,"ierre":14705,"vana":14706,"ĠAlvar":14707,"ICACIÃĵN":14708,"Ġfiltros":14709,"Sólo":14710,"Ġtomaron":14711,"Ġdisp":14712,"Ġordenó":14713,"Ġduer":14714,"Ġlujos":14715,"Ġtocó":14716,"zaba":14717,"Ġrelleno":14718,"Ġmerecen":14719,"Ġparcialmente":14720,"Ġindicador":14721,"ĠBO":14722,"TUR":14723,"Ġmotos":14724,"óso":14725,"ĠFA":14726,"Ġfaltar":14727,"Ġhip":14728,"Ġpares":14729,"landa":14730,"Quiero":14731,"ĠConstrucción":14732,"ĠProyectos":14733,"stem":14734,"Ġ67":14735,"ĠLleg":14736,"pecu":14737,"Ġdenominación":14738,"ĠLeague":14739,"Ġasistente":14740,"Ġlú":14741,"ĠChe":14742,"ĠImperio":14743,"Ġmate":14744,"Ġintimidad":14745,"ĠquerÃŃan":14746,"ĠTeléf":14747,"Esa":14748,"ĠWest":14749,"Ġelegancia":14750,"Ñĥ":14751,"2006":14752,"Ġcasual":14753,"alia":14754,"Ġvecin":14755,"trá":14756,"Ġevolucion":14757,"ĠGl":14758,"Ġresulte":14759,"Ġgluc":14760,"ĠCalder":14761,"dezco":14762,"Ġchan":14763,"Ġrecibiendo":14764,"ĠMaterial":14765,"ĠTribu":14766,"Ġenfermo":14767,"Nunca":14768,"iando":14769,"orth":14770,"ĠÎ":14771,"Ġcontribución":14772,"Ġsaco":14773,"Ġnacer":14774,"к":14775,"ĠVideos":14776,"Ġcumplan":14777,"Ġdarnos":14778,"Ġhura":14779,"Ġalarma":14780,"Ġempi":14781,"Ġ91":14782,"ÃģN":14783,"ĠRé":14784,"ĠGaran":14785,"Ġpenas":14786,"Ġbusco":14787,"cate":14788,"Ġfur":14789,"Ġsacado":14790,"Ġlecturas":14791,"uselas":14792,"verde":14793,"Ġequipado":14794,"ogén":14795,"Ġdegrad":14796,"Ġayudado":14797,"Ġcerrados":14798,"ĠImpuesto":14799,"ĠlÃŃquidos":14800,"ĠOrig":14801,"Ġmaquina":14802,"trales":14803,"Ġajustar":14804,"ĠVázquez":14805,"Ġroto":14806,"ink":14807,"Ġminor":14808,"Ġenfrentan":14809,"ords":14810,"ĠtÃŃ":14811,"tiga":14812,"ĠUV":14813,"Ġdistinción":14814,"Ġdelicioso":14815,"Ġpermisos":14816,"Ġbaloncesto":14817,"cible":14818,"ĠConserv":14819,"emoria":14820,"Ġfutbolista":14821,"ĠoxÃŃgeno":14822,"zano":14823,"Ġacú":14824,"Ġcristiano":14825,"usion":14826,"Ġsupuesta":14827,"����":14828,"96":14829,"ĠCompar":14830,"Ġimpuso":14831,"Ġrod":14832,"Ġsinté":14833,"ĠVÃŃ":14834,"ĠProce":14835,"Ġextraer":14836,"Ġasesino":14837,"Ġjurisdicción":14838,"Ġcrudo":14839,"uter":14840,"ĠJoan":14841,"ĠDefin":14842,"Ġdeca":14843,"ori":14844,"ĠCarrera":14845,"Ġcolombianos":14846,"ween":14847,"isas":14848,"Ġsecuencia":14849,"Ġestre":14850,"ĠIván":14851,"Ġsencillas":14852,"Ġcalcular":14853,"Ġmulta":14854,"Ġtutorial":14855,"venidos":14856,"Ġinformáticos":14857,"Ba":14858,"Ġrecomendado":14859,"dentales":14860,"cación":14861,"intana":14862,"Ġinstancias":14863,"Ġaustral":14864,"ĠMulti":14865,"udia":14866,"Ġatento":14867,"Ġdebilidad":14868,"Ġconsiderados":14869,"ĠOut":14870,"Ġtelecomunicaciones":14871,"Ġsientes":14872,"Ġcharlas":14873,"ĠhabrÃŃan":14874,"Ġapres":14875,"udal":14876,"Ġincómo":14877,"ĠProcur":14878,"Ġafiliados":14879,"ĠMP":14880,"Ġpreju":14881,"también":14882,"ĠComentarios":14883,"CES":14884,"Ġhorri":14885,"Ġchinos":14886,"Ġdiseñadores":14887,"ĠArquitectura":14888,"Ġleal":14889,"mil":14890,"ánicas":14891,"Ġprofundizar":14892,"Ġadministraciones":14893,"Ġpalo":14894,"ensos":14895,"ĠAgro":14896,"ĠJava":14897,"orias":14898,"ĠSector":14899,"Ġsolares":14900,"EZ":14901,"ĠMediterráneo":14902,"Ġestabil":14903,"ĠMED":14904,"emin":14905,"Ġespaña":14906,"ĠAguas":14907,"Ġcontrovers":14908,"Ġgustaria":14909,"Ġoriental":14910,"Ġcerebral":14911,"Ġaportes":14912,"itorio":14913,"idalgo":14914,"Ġsólida":14915,"Ġreputación":14916,"âĢĿ)":14917,"Ġcorredor":14918,"dicamente":14919,"Ġsensibles":14920,"Ġprevistos":14921,"ĠMetal":14922,"lamente":14923,"ĠArro":14924,"ĠInformática":14925,"Ġentrenamientos":14926,"Ġretirada":14927,"Pal":14928,"Ġterminan":14929,"uchas":14930,"ĠGrandes":14931,"Ġpur":14932,"Ġagrupación":14933,"ĠideologÃŃa":14934,"Ġtermine":14935,"Ġpintor":14936,"icanos":14937,"Ġanto":14938,"ĠEva":14939,"TURA":14940,"Mu":14941,"ken":14942,"ĠVat":14943,"Ġcelulares":14944,"Ġpretenden":14945,"Ġjugada":14946,"Ġarren":14947,"Ġpartidas":14948,"esc":14949,"Ġqueden":14950,"ĠWhatsApp":14951,"Ġfacturación":14952,"Ġ61":14953,"Ġgritos":14954,"utrición":14955,"crita":14956,"Ġrespectivas":14957,"Ġfalsas":14958,"ĠDeclar":14959,"ĠRecon":14960,"ĠGuz":14961,"ĠPremios":14962,"âĢĿ:":14963,"Ġcombinado":14964,"osó":14965,"Ġdespleg":14966,"forme":14967,"icada":14968,"Ġmenciona":14969,"gaba":14970,"acÃŃa":14971,"Ġlucir":14972,"Ġreaf":14973,"ĠUniversitaria":14974,"yun":14975,"ĠðŁĻ":14976,"Ġanda":14977,"Ġcompuestos":14978,"Ġfacultades":14979,"Ġenfri":14980,"ĠNavarro":14981,"Ġsupre":14982,"Ġintern":14983,"cher":14984,"Ġdestinada":14985,"Ġasociadas":14986,"Ġoculta":14987,"ĠbaterÃŃas":14988,"Ġinfluy":14989,"Ġesfor":14990,"ÃŃneas":14991,"Ġrevolucionario":14992,"Cap":14993,"Ġhermosos":14994,"Ġexclusión":14995,"Ġplantel":14996,"Ġsubray":14997,"Ġglor":14998,"ganta":14999,"ĠColec":15000,"Ġadministrativas":15001,"Ġfichero":15002,"ĠMedellÃŃn":15003,"ĠAG":15004,"viedo":15005,"Ġfotógrafo":15006,"Ġocupado":15007,"Ġreclamo":15008,"Ġencom":15009,"Ġseguida":15010,"Ġcaptar":15011,"ĠEvaluación":15012,"ĠSeguros":15013,"Ġmemb":15014,"Ġdudes":15015,"Ġalimentaria":15016,"Ġreproducir":15017,"ĠSpa":15018,"Ġbombas":15019,"nico":15020,"Ġfavoritas":15021,"Ġvinculados":15022,"Ġcobra":15023,"Ġprestamos":15024,"Ġpatatas":15025,"utor":15026,"Ġacompañamiento":15027,"Ġrespiración":15028,"ĠGalaxy":15029,"erica":15030,"Ġpoli":15031,"ĠManual":15032,"Ġenfrentamiento":15033,"ĠiPad":15034,"Ġola":15035,"ĠEstadio":15036,"Ġincendios":15037,"uters":15038,"Ġreflexiones":15039,"tnam":15040,"ĠCAL":15041,"ĠprÃŃncipe":15042,"Ġfila":15043,"HO":15044,"Ġsalvación":15045,"Ġadministrativos":15046,"ĠMoscú":15047,"Ġbarras":15048,"Ġmedalla":15049,"Ġcobro":15050,"Ġgenética":15051,"MAS":15052,"Ġdifici":15053,"Ah":15054,"Ġsuyos":15055,"âĦ":15056,"Ġpúblicamente":15057,"Ġencu":15058,"irre":15059,"Espero":15060,"Ġjardin":15061,"Ġreconstru":15062,"Ġdistinguir":15063,"Ġdefectos":15064,"TIVO":15065,"Ġcáp":15066,"Ġdejen":15067,"Ġdelantera":15068,"ĠCri":15069,"Ġpintores":15070,"ĠJurÃŃ":15071,"Ġtaza":15072,"Ġdisper":15073,"Buenos":15074,"ĠAire":15075,"Tanto":15076,"Ġcambian":15077,"Ġsurgen":15078,"ĠEmilio":15079,"Ġidén":15080,"Ġpaneles":15081,"Ġúltimamente":15082,"óf":15083,"ĠJane":15084,"Ġmovilización":15085,"Ġdecidimos":15086,"ĠlogÃŃstica":15087,"Ġvenezolana":15088,"Ġbasadas":15089,"Ġdescubrió":15090,"Ġadmitir":15091,"Ġanón":15092,"Ġacabados":15093,"Ġaportaciones":15094,"Ġsintió":15095,"Ġpaginas":15096,"Ġbarrera":15097,"Ġtern":15098,"Ġhidrául":15099,"Ġsesenta":15100,"Ġroj":15101,"Ġkilo":15102,"Ġsacerdotes":15103,"Ġiniciales":15104,"Ġpm":15105,"ĠPhil":15106,"ĠSuecia":15107,"Ġrevesti":15108,"Ġcarn":15109,"Ġcompor":15110,"Ġpiscinas":15111,"Ġindicaciones":15112,"Ġtoros":15113,"Ġsindical":15114,"usieron":15115,"Ġincorrec":15116,"Ġavi":15117,"didades":15118,"chester":15119,"risas":15120,"moh":15121,"ĠAudiencia":15122,"Ġproxim":15123,"Ġinfierno":15124,"ĠHacer":15125,"Ġhorror":15126,"Ġprácticos":15127,"Ġofrecerá":15128,"Ġdisminuye":15129,"Ġcoalición":15130,"áctico":15131,"ĠEstrel":15132,"sol":15133,"Ġleo":15134,"Ġnegó":15135,"Ġresaltar":15136,"ĠSitu":15137,"Ġdeciden":15138,"ĠColón":15139,"Ġestrecha":15140,"Ġexplican":15141,"Ġrenunciar":15142,"Ġfuncionando":15143,"quierda":15144,"Ġdirigidas":15145,"ĠmÃĥ":15146,"Ġcemento":15147,"Ġgoogle":15148,"Ġurbanos":15149,"ĠLinux":15150,"Era":15151,"Ġprenda":15152,"Ġbusque":15153,"ĠCF":15154,"Ġads":15155,"Ġlente":15156,"Ġcelebrada":15157,"Ġestablecida":15158,"Ġmetabol":15159,"Ġmejorado":15160,"Ġdedicar":15161,"ĠLlam":15162,"Ġrar":15163,"ĠRecor":15164,"Ġdental":15165,"ĠBélgica":15166,"ĠLÃŃ":15167,"Ġregresa":15168,"Ġdistancias":15169,"flix":15170,"IDO":15171,"Ġfederales":15172,"Ġsensa":15173,"Ġmantequilla":15174,"Ġpolit":15175,"Ġinclusive":15176,"érg":15177,"Reg":15178,"ĠRubén":15179,"ĠLis":15180,"tizada":15181,"Ġcamisa":15182,"Ġdemostró":15183,"Ġciclos":15184,"Ġmascota":15185,"Ġajo":15186,"Ġsatisfecho":15187,"ieta":15188,"ĠHora":15189,"Ġbrillantes":15190,"Ġmentales":15191,"ĠIntegral":15192,"guiendo":15193,"ĠasesorÃŃa":15194,"Ġfamosas":15195,"Ġexha":15196,"Ġángulo":15197,"ĠVivienda":15198,"Ġpropuso":15199,"ĠPlanta":15200,"Ġubicados":15201,"TEC":15202,"ulario":15203,"Ġinvas":15204,"Ġpostal":15205,"Ġcometer":15206,"Ġactualizado":15207,"ĠCambio":15208,"Ġsonre":15209,"Ġlimitar":15210,"axaca":15211,"ĠAh":15212,"Ġinvitar":15213,"97":15214,"Ġpercibir":15215,"ĠPRES":15216,"Ġ98":15217,"Ġvelocidades":15218,"Ġcumplió":15219,"Ġcombinaciones":15220,"émon":15221,"Apro":15222,"Ġdesgaste":15223,"ĠReb":15224,"Ġcatalana":15225,"Ġimpone":15226,"Ġcerra":15227,"Ġsuaves":15228,"ĠAmbiental":15229,"Ġintelectuales":15230,"Ġinú":15231,"ĠINS":15232,"ĠDay":15233,"Ġinnovador":15234,"Ġpositivas":15235,"ady":15236,"Ġpermanencia":15237,"Ġelevar":15238,"Ġautobuses":15239,"Ġprocesador":15240,"ĠGreg":15241,"Ġejes":15242,"Ġexacta":15243,"viese":15244,"ĠArchivo":15245,"ĠResul":15246,"huana":15247,"Ġtransmite":15248,"Ġprohibición":15249,"Ġderiva":15250,"ĠMicro":15251,"ĠCár":15252,"ladas":15253,"Ġbinarias":15254,"lab":15255,"ĠSel":15256,"Ġdenunciar":15257,"Ġtiende":15258,"Ġdió":15259,"Ġaplicado":15260,"pón":15261,"ĠActividades":15262,"Ġdefiende":15263,"Ġmetales":15264,"chu":15265,"Ġvegetal":15266,"Ġapuntó":15267,"ĠNiño":15268,"Ġsolicitó":15269,"Ġmort":15270,"olencia":15271,"ĠEsteban":15272,"eng":15273,"Ġdescal":15274,"Don":15275,"pacio":15276,"ĠConfe":15277,"zob":15278,"ĠMill":15279,"Ġfino":15280,"ĠIsa":15281,"Ġriego":15282,"Ġpasadas":15283,"ĠFinanzas":15284,"Ġobses":15285,"uci":15286,"ĠGPS":15287,"Ġ130":15288,"Ġmedioc":15289,"Ġapellido":15290,"ĠMI":15291,"ĠEco":15292,"Ġtrituración":15293,"tics":15294,"Ġqueja":15295,"Ġjustificar":15296,"Ġlegitim":15297,"ÃŃbl":15298,"ĠMO":15299,"Ġtrigo":15300,"Ġabandonado":15301,"izante":15302,"Ġgaraje":15303,"Ġmurieron":15304,"Ġobispo":15305,"well":15306,"Ġdividen":15307,"Ġentrenar":15308,"ĠZo":15309,"Ġcamin":15310,"Ġregistra":15311,"Ġpresentados":15312,"Ġborrar":15313,"Ġcontemporánea":15314,"Ġengañ":15315,"":15316,"Ġprefiere":15317,"ĠTol":15318,"iciosos":15319,"Ġpreparada":15320,"Ġconsiguen":15321,"Ġquejas":15322,"the":15323,"ĠJerusalén":15324,",âĢ¦":15325,"ĠCooperación":15326,"ĠAlba":15327,"ĠenvÃŃos":15328,"Ġpim":15329,"Ġentendimiento":15330,"Ġterrorista":15331,"Ġcuerda":15332,"cerÃŃa":15333,"ĠTech":15334,"bias":15335,"Ġ1989":15336,"ficaces":15337,"ĠJam":15338,"bien":15339,"Ġespecificaciones":15340,"Ġfirmó":15341,"psis":15342,"Ġmacro":15343,"Ġláp":15344,"ĠAtlántico":15345,"Ġrecortes":15346,"ĠTú":15347,"Ġlegen":15348,"CP":15349,"Ġconquista":15350,"ĠagrÃŃcolas":15351,"ób":15352,"Ġllaves":15353,"Ġ140":15354,"ĠLibros":15355,"Ġautop":15356,"Ġburbu":15357,"Ġaprendiendo":15358,"Ġsed":15359,"Ġextinción":15360,"gusto":15361,"Ġlegalmente":15362,"Ġinformacion":15363,"Ġadolescencia":15364,"Ġdesigualdad":15365,"Ġreembol":15366,"Ġmarrón":15367,"Ġbarreras":15368,"Ġestir":15369,"Ġintegrante":15370,"Ġmolienda":15371,"raje":15372,"Ġaceptado":15373,"Ġgeneró":15374,"Ġdenunció":15375,"now":15376,"mag":15377,"ĠFomento":15378,"Ġcubiertas":15379,"Ġparalelo":15380,"Ġimpresionantes":15381,"Ġrincones":15382,"caso":15383,"ĠIR":15384,"cadores":15385,"Ġfinanciar":15386,"Ġdefensor":15387,"ieve":15388,"ĠMore":15389,"ĠQuintana":15390,"Ġtrituradoras":15391,"ĠVall":15392,"uebl":15393,"ĠĠĠĠĠĠĠĠ":15394,"Ġreconoz":15395,"BN":15396,"Ġtrenes":15397,"ĠInc":15398,"Ġgalletas":15399,"Ġvial":15400,"alizamos":15401,"bula":15402,"Ġdescen":15403,"Ġhipertensión":15404,"ĠTig":15405,"Ġinformaron":15406,"ºC":15407,"óxido":15408,"Ġserp":15409,"ĠComis":15410,"ciller":15411,"contrar":15412,"%).":15413,"hel":15414,"Ġtrasladado":15415,"ometraje":15416,"Ġcomprador":15417,"cistas":15418,"Ġintentan":15419,"Ġsaltar":15420,"Ġperiod":15421,"right":15422,"Ġmundos":15423,"ĠsÃŃntesis":15424,"ĠOS":15425,"Ġ350":15426,"ĠGuan":15427,"Ġpesado":15428,"cadas":15429,"Ġcomerciantes":15430,"Ġfallecimiento":15431,"Ġexigencia":15432,"ced":15433,"ĠOliv":15434,"Ġdesperdi":15435,"Ġganadora":15436,"cesis":15437,"ĠReforma":15438,"ĠConocer":15439,"Ġpenales":15440,"sticas":15441,"ĠHP":15442,"Ġayudarán":15443,"Ġencargados":15444,"Ġespar":15445,"Ġpersonalidades":15446,"Ġobesidad":15447,"Ġespan":15448,"Ġfauna":15449,"Ġseñalan":15450,"ĠSegundo":15451,"Ġvisualizar":15452,"ĠVig":15453,"Ġimagino":15454,"Ġconstrucciones":15455,"Ġlazos":15456,"Ġliterario":15457,"uts":15458,"Ġjeje":15459,"Ġreferido":15460,"Ġvela":15461,"Ġdesvent":15462,"Ġpractica":15463,"idencia":15464,"ĠIB":15465,"Ġcontinuó":15466,"Ġlavar":15467,"Ġperd":15468,"Ġtrató":15469,"Ġperuano":15470,"rimientos":15471,"dilla":15472,"eto":15473,"ĠdebÃŃan":15474,"Ġdelincuentes":15475,"ĠBellas":15476,"Ġunen":15477,"scar":15478,"Ġaulas":15479,"Ġnegociar":15480,"Ġrendir":15481,"Ġagrupa":15482,"Ġsincron":15483,"ĠIMP":15484,"Ġbail":15485,"Ġtratarse":15486,"ĠAla":15487,"ĠEugen":15488,"Ġgubernamentales":15489,"ĠXXX":15490,"Ġfacturas":15491,"Ġfuertemente":15492,"Ġprincesa":15493,"Ġrecolec":15494,"Ġlistos":15495,"Ġreclamar":15496,"ĠEmb":15497,"Ġree":15498,"ĠSmith":15499,"ĠPy":15500,"Ġcica":15501,"Ġvariación":15502,"bara":15503,"Ġconfron":15504,"Ġocéano":15505,"Ġvisitado":15506,"ids":15507,"Ġfavorece":15508,"Ġdivisas":15509,"nidad":15510,"Ġfacial":15511,"ĠBusiness":15512,"Ġinesta":15513,"Ġreten":15514,"ĠLanto":15515,"ĠMonter":15516,"Ġbombar":15517,"Ġcolumnas":15518,"Ġrealicen":15519,"nica":15520,"Ġrodean":15521,"Ġances":15522,"Ġregener":15523,"Pol":15524,",\"":15525,"ĠVIH":15526,"Ġacontecimiento":15527,"ĠreÃŃr":15528,"Ġelige":15529,"Ġvirtuales":15530,"Min":15531,"ĠNoche":15532,"Ġgrito":15533,"Ġcima":15534,"tha":15535,"Ġneol":15536,"ócrata":15537,"ĠUSD":15538,"Ġduras":15539,"Ġhacerla":15540,"ĠFilosofÃŃa":15541,"ĠSep":15542,"hos":15543,"Ġantici":15544,"ĠJaén":15545,"Ġinvad":15546,"idora":15547,"ĠCasi":15548,"Ġdispuesta":15549,"uga":15550,"Ġelecto":15551,"Ġresid":15552,"ĠÃįn":15553,"Ġautónomos":15554,"Ġutilizamos":15555,"tén":15556,"ráfico":15557,"150":15558,"Ġactualizada":15559,"Ġsuscep":15560,"Ġportugués":15561,"ĠDescripción":15562,"alta":15563,"Ġtienden":15564,"Ġirán":15565,"ĠIm":15566,"uce":15567,"ĠSk":15568,"Ġcanad":15569,"ĠChil":15570,"Ġeditar":15571,"2002":15572,"Ġvice":15573,"Ġstre":15574,"Ġfilóso":15575,"ĠLicencia":15576,"Ġasociada":15577,"Ġalegra":15578,"feo":15579,"Ġdesarrollados":15580,"ibre":15581,"doro":15582,"Ġenvejecimiento":15583,"ĠTR":15584,"ĠProstitutas":15585,"roga":15586,"cionalización":15587,"ĠAbra":15588,"ĠEmbaj":15589,"Ġservirá":15590,"Ġpavim":15591,"Ġcreció":15592,"Ale":15593,"Ġsucesos":15594,"ago":15595,"Ġfilosó":15596,"tuosa":15597,"Ġancianos":15598,"Ġyoga":15599,"ily":15600,"ĠEspacio":15601,"Ġcomprometido":15602,"Ġlogran":15603,"versa":15604,"ericor":15605,"Estás":15606,"Ġpañ":15607,"México":15608,"Ġrestable":15609,"Ġfundamento":15610,"CR":15611,"ĠOeste":15612,"Ġpautas":15613,"taño":15614,"Ġperiodos":15615,"cione":15616,"Ġquedamos":15617,"Ġautoestima":15618,"Ġperfectas":15619,"ĠRecuerda":15620,"Ġpeticiones":15621,"ĠSaint":15622,"ĠPs":15623,"END":15624,"ĠAvan":15625,"Ġcompradores":15626,"Ġprotocol":15627,"Ġluchas":15628,"Ġmisa":15629,"ĠCorpora":15630,"Ġcomplicada":15631,"ĠGU":15632,"km":15633,"Ġprevistas":15634,"EG":15635,"Ġempezamos":15636,"ĠmagnÃŃfico":15637,"Ġescorts":15638,"Ġemprendimiento":15639,"unt":15640,"yl":15641,"Is":15642,"ĠVigo":15643,"Ġcha":15644,"Ġcomportamientos":15645,"Ġbandeja":15646,"Ġmuere":15647,"Ġdigna":15648,"Ġvehic":15649,"Ġ78":15650,"órica":15651,"oroeste":15652,"Ġ04":15653,"ĠOfer":15654,"Ġdespedida":15655,"Ġhueso":15656,"Ġeterna":15657,"ĠBet":15658,"Ġrubia":15659,"Ġtope":15660,"Ġtinta":15661,"inidad":15662,"Ġdesarrolladores":15663,"Ġtecnológicas":15664,"tase":15665,"éase":15666,"Ġcuader":15667,"ĠHam":15668,"âĢĶ,":15669,"à¸":15670,"Ġrele":15671,"Ġcéle":15672,"Ġpersonalizar":15673,"ĠIdeal":15674,"rill":15675,"Ġsanidad":15676,"Ġ07":15677,"Ġfortalecimiento":15678,"ĠDC":15679,"Ġrecomp":15680,"ĠTrin":15681,"Ġasegurarse":15682,"ĠPosteriormente":15683,"Ġcurr":15684,"Ġjuzgar":15685,"Ġoff":15686,"Ġapropiado":15687,"Ġero":15688,"ĠAccesorios":15689,"Ġdiab":15690,"lerÃŃa":15691,"Ġcampesinos":15692,"Ġlleguen":15693,"Ġlenta":15694,"Ġsubvenciones":15695,"Ġmata":15696,"Ġchef":15697,"Ġfiebre":15698,"ĠproteÃŃna":15699,"Ġdependencias":15700,"uck":15701,"Ġconecta":15702,"Ġpromesas":15703,"Ġtextil":15704,"Ġdedicados":15705,"óbal":15706,"Ġfrecuentemente":15707,"Será":15708,"Util":15709,"ĠJunto":15710,"Ġfós":15711,"ĠtelefonÃŃa":15712,"Ġpasear":15713,"Ġsorprendido":15714,"ĠOB":15715,"ĠZamora":15716,"Ġbotellas":15717,"Ġcolap":15718,"Ġcansan":15719,"Ġbonitos":15720,"Ġtwitter":15721,"Ġmultimedia":15722,"Ġsuscripción":15723,"ĠSimplemente":15724,"Ġrocas":15725,"Ġcorrección":15726,"ĠLiteratura":15727,"itamente":15728,"TIL":15729,"ĠBruselas":15730,"Ġtestimonios":15731,"Ġdecirte":15732,"Ġindicando":15733,"ĠTarje":15734,"Clar":15735,"Ġpegar":15736,"Ġcivilización":15737,"uces":15738,"valo":15739,"Ġplantear":15740,"gón":15741,"Ġportero":15742,"Ġsirva":15743,"Ġluchando":15744,"ĠFuentes":15745,"Ġnormalidad":15746,"Ġtraigo":15747,"Ġingenieros":15748,"ĠHidalgo":15749,"Ġproducciones":15750,"tier":15751,"ĠCalderón":15752,"bito":15753,"Ġreside":15754,"Ġmostraron":15755,"donde":15756,"ĠPeque":15757,"Ġjuzgado":15758,"Ġ84":15759,"ĠMoto":15760,"Ġconjuntamente":15761,"Ġliquidación":15762,"ĠDebe":15763,"Ġdeberás":15764,"Ġdesagrad":15765,"versidad":15766,"ĠConcepción":15767,"Ġconcursos":15768,"ĠHome":15769,"Ġprecisó":15770,"ream":15771,"ĠMargarita":15772,"Ġbicicletas":15773,"Ġmarcada":15774,"Ġcolo":15775,"ridge":15776,"Ġcompetitivo":15777,"ĠCEO":15778,"omer":15779,"Ġdorado":15780,"ĠEstrateg":15781,"Ġciber":15782,"Ġecuator":15783,"Ġruidos":15784,"ĠAdi":15785,"celente":15786,"Ġasfal":15787,"pados":15788,"ĠREC":15789,"ĠInternacionales":15790,"Ġino":15791,"Ġ02":15792,"âĢľ,":15793,"Ġmina":15794,"ĠTienen":15795,"ĠOrtiz":15796,"Ġalteraciones":15797,"ielos":15798,"Ġconcesion":15799,"Ġexhibición":15800,"ĠPregun":15801,"Ġtardar":15802,"Ġinstruc":15803,"ĠGENER":15804,"Ġasequ":15805,"Ġms":15806,"Ġexhaust":15807,"Ġrevés":15808,"prim":15809,"gg":15810,"Ġválv":15811,"ĠSt":15812,"ĠSosten":15813,"ĠTok":15814,"\")":15815,"ĠAB":15816,"Ġasesinado":15817,"ÃŃmetro":15818,"Ġmencionó":15819,"ĠTrip":15820,"Ġcompac":15821,"Ġcriaturas":15822,"ĠFIFA":15823,"ĠUNA":15824,"ĠConvención":15825,"iversidad":15826,"ĠErnesto":15827,"Ġusada":15828,"ĠPolÃŃticas":15829,"Ġrú":15830,"ELA":15831,"exión":15832,"Ġflash":15833,"Ġvirtudes":15834,"Ġrot":15835,"Ġaber":15836,"Ġaplicables":15837,"arch":15838,"omé":15839,"ĠAmerican":15840,"ĠMarc":15841,"Ġpierden":15842,"93":15843,"feras":15844,"ĠIrlanda":15845,"Ġamplios":15846,"Ġprefieren":15847,"Ġfabricado":15848,"ĠMárquez":15849,"ĠNiños":15850,"Ġagregado":15851,"Ġvist":15852,"Ġrega":15853,"Ġdespro":15854,"Ġrid":15855,"Ġfantástica":15856,"ĠJardÃŃn":15857,"abellón":15858,"94":15859,"ĠBran":15860,"Art":15861,"adra":15862,"ĠZapatillas":15863,"Ġburo":15864,"oral":15865,"ĠXVII":15866,"Ġincorporado":15867,"pertura":15868,"ĠChicas":15869,"Ġbolsillos":15870,"Ġmarihuana":15871,"Ġformó":15872,"ĠTenÃŃa":15873,"Ġmotiva":15874,"...âĢĿ":15875,"Ġcompositor":15876,"Ġdescendi":15877,"Ġnegativas":15878,"ĠEstación":15879,"ĠMez":15880,"Ġaje":15881,"Ġrepertorio":15882,"1999":15883,"ĠCuatro":15884,"Ġlevantó":15885,"ajos":15886,"Ġotorgado":15887,"Ġacusaciones":15888,"Ġpól":15889,"ĠolÃŃmp":15890,"Ġbodega":15891,"Ġdedican":15892,"ĠThomas":15893,"Ġilegales":15894,"Ġdaban":15895,"Ġbellas":15896,"quitos":15897,"Ġinvertido":15898,"Ġneumáticos":15899,"dadura":15900,"Ġpensó":15901,"Ġrobots":15902,"Ġadelgazar":15903,"Ġindefin":15904,"Ġdila":15905,"Ġrenovables":15906,"Ġcitada":15907,"Ġreta":15908,"Ġsexualidad":15909,"Ġliteralmente":15910,"ácticas":15911,"Ġcurvas":15912,"Ġfallos":15913,"Lle":15914,"Ġmochila":15915,"Ġconcretos":15916,"ĠPalabra":15917,"ĠCliente":15918,"FC":15919,"FORMA":15920,"ĠHolanda":15921,"Ġdesconoce":15922,"Ġviejas":15923,"Ġtolerancia":15924,"itán":15925,"ÃĤ":15926,"Ġenseguida":15927,"ĠBene":15928,"estes":15929,"Ġautónoma":15930,"Ġvalidez":15931,"Ġinvolucrados":15932,"ĠtÃŃpicos":15933,"Ġexpresidente":15934,"rovi":15935,"ĠEconómico":15936,"loween":15937,"Ġcomuna":15938,"nie":15939,"tecn":15940,"ĠLaguna":15941,"Ġpublico":15942,"''":15943,"Ġdándole":15944,"Ġcaba":15945,"Ġstar":15946,"Ġobligada":15947,"Ġjugo":15948,"Ġcapitalista":15949,"ĠJan":15950,"Ġegip":15951,"ĠMontevideo":15952,"Ġacercamiento":15953,"ĠQuÃŃm":15954,"Ġadmite":15955,"Ġherido":15956,"Ġremate":15957,"Ġmanifestado":15958,"ĠDNI":15959,"Ġparroquia":15960,"Ġmolestias":15961,"Ġaérea":15962,"ifa":15963,"Ġfrenar":15964,"ĠXbox":15965,"Ġconsiguiendo":15966,"Ġhospe":15967,"Ġalmacenar":15968,"Ġdesfile":15969,"Ġinstrucción":15970,"Ġatletas":15971,"Ġintervenir":15972,"ĠEscal":15973,"ñera":15974,"Ġaran":15975,"Ġpresentando":15976,"ĠPromoción":15977,"acao":15978,"Ġracional":15979,"ĠPeru":15980,"Ġaban":15981,"Ġemocionante":15982,"Ġdespi":15983,"ĠVII":15984,"Ġcriminales":15985,"ĠVaticano":15986,"ĠCiudadanos":15987,"Ġsometido":15988,"ĠChicago":15989,"adurÃŃa":15990,"ĠLabora":15991,"Ġprofundas":15992,"Ġchilena":15993,"Ġeli":15994,"ĠWin":15995,"orra":15996,"Ġprecedentes":15997,"ĠMontes":15998,"Ġerrad":15999,"ĠCrim":16000,"Ġafirmación":16001,"denal":16002,"Ġcardi":16003,"Debido":16004,"Ġaccionistas":16005,"Person":16006,"ĠMec":16007,"Ġala":16008,"Ġconvenios":16009,"Ġsimbol":16010,"Ġrota":16011,"Ġasocia":16012,"CIOS":16013,"Ġsobra":16014,"Ġdarme":16015,"Ġ(+":16016,"ĠBla":16017,"Ġvirgen":16018,"igra":16019,"Ġelegidos":16020,"Quiz":16021,"ciano":16022,"Ġocupan":16023,"Ġrigor":16024,"ÃijO":16025,"Ġhable":16026,"ption":16027,"áce":16028,"dÃŃas":16029,"Ġcorresponda":16030,"Ġtomada":16031,"Ġverán":16032,"ĠGuzmán":16033,"Ġente":16034,"Ġllamas":16035,"Ġmusica":16036,"Ġultima":16037,"ĠOviedo":16038,"istades":16039,"Ġespecialidades":16040,"Disfru":16041,"ĠJehová":16042,"Ġdeberes":16043,"Ġconsidere":16044,"guer":16045,"ĠIbero":16046,"Ġcotización":16047,"Ġhospit":16048,"Ġderrib":16049,"Ġindemnización":16050,"ĠPatricia":16051,"Ġayudó":16052,"ANO":16053,"respons":16054,"Ġrodilla":16055,"Ġelectrodomésticos":16056,"telo":16057,"TEL":16058,"Red":16059,"Ġserlo":16060,"Ġamparo":16061,"onado":16062,"Ġcabezas":16063,"clip":16064,"ĠAllen":16065,"UCA":16066,"Ġcomodidades":16067,"Ġ05":16068,"Ġinteresadas":16069,"dole":16070,"Ġcálculos":16071,"Ġcampamento":16072,"Ġrechazar":16073,"Ġpedimos":16074,"ĠBob":16075,"blación":16076,"ENTES":16077,"tices":16078,"micos":16079,"Ġ76":16080,"foro":16081,"Ġdesvel":16082,"Ġescasa":16083,"Ġaplicando":16084,"Ġ96":16085,"IE":16086,"Ġbala":16087,"Ġllenas":16088,"Ġsubiendo":16089,"Ġhormigón":16090,"try":16091,"Ġutilice":16092,"Ġsexta":16093,"Ġescalera":16094,"Ġcobran":16095,"ĠMiranda":16096,"Ġembajador":16097,"Ġtour":16098,"Ġfabrica":16099,"Ġvulnerables":16100,"cionan":16101,"ĠÃŃndices":16102,"Ġprefiero":16103,"Ġplanteado":16104,"Ġcerámica":16105,"ĠTÃŃtulo":16106,"Ġmaterna":16107,"ĠPuig":16108,"ĠhÃŃb":16109,"Ġborra":16110,"Ġtrág":16111,"ferente":16112,"boa":16113,"Ġbach":16114,"Ġpresidentes":16115,"ĠNegocios":16116,"Ġochenta":16117,"amina":16118,"Ġantioxid":16119,"Ġincapacidad":16120,"ĠUU":16121,"Ġemprendedor":16122,"Ġdependerá":16123,"FO":16124,"ĠArgentino":16125,"olvió":16126,"casa":16127,"lago":16128,"Ġteórico":16129,"ĠNu":16130,"ĠFire":16131,"Ġcentrado":16132,"Ġdebates":16133,"Ġobservaciones":16134,"ĠTimes":16135,"ĠjurÃŃdicas":16136,"Ġeterno":16137,"ĠpenÃŃnsula":16138,"ĠhÃŃgado":16139,"Ġasignación":16140,"ĠWall":16141,"ĠRin":16142,"asterio":16143,"Ġconmemor":16144,"2000":16145,"Ġeficaces":16146,"cionistas":16147,"Ġmedieval":16148,"ĠProfesor":16149,"Ġconvencionales":16150,"Ġestudiando":16151,"Ġdesconec":16152,"Ġcomandante":16153,"Ġconsolidación":16154,"Ġexpedición":16155,"ĠUp":16156,"inger":16157,"ĠPlataforma":16158,"Ġ77":16159,"Ġcosecha":16160,"ĠAso":16161,"Ġmalestar":16162,"ologia":16163,"ĠVera":16164,"Ġclasificados":16165,"ì":16166,"Ġcompletas":16167,"ĠUsuarios":16168,"BLE":16169,"ĠProducto":16170,"Ġprimor":16171,"ĠCorporación":16172,"piraciones":16173,"ĠcardÃŃa":16174,"Ġjejeje":16175,"gantes":16176,"Ġcaña":16177,"Ġdivertir":16178,"ĠAlcalde":16179,"ĠChia":16180,"PM":16181,"ĠDemocr":16182,"Ġeviden":16183,"Ġdominante":16184,"Ġcreencia":16185,"ĠMichel":16186,"ĠLev":16187,"agro":16188,"Ġdificil":16189,"ĠNacionales":16190,"timamente":16191,"ĠTermin":16192,"Ġsecos":16193,"estiona":16194,"genos":16195,"ESTI":16196,"Ġprotector":16197,"ĠPriva":16198,"tráfico":16199,"ji":16200,"Ġelog":16201,"ditos":16202,"91":16203,"ĠNob":16204,"Ġpresunto":16205,"Ġestudia":16206,"Ġpilares":16207,"Ġartesan":16208,"Ġhered":16209,"Ġfestivales":16210,"ollo":16211,"mó":16212,"ĠKm":16213,"ĠdecÃŃan":16214,"Ġniega":16215,"dijo":16216,"Ġ73":16217,"Amb":16218,"Ġsocialismo":16219,"Ġindependen":16220,"Ġjazz":16221,"Ġcariños":16222,"Ġdestinadas":16223,"Ġvasos":16224,"Ġemitido":16225,"Ġ160":16226,"Ġtrauma":16227,"Ġ(\"":16228,"Ġocurra":16229,"ĠInvestigaciones":16230,"ĠGobernador":16231,"ĠCS":16232,"ĠUniverso":16233,"fique":16234,"ã":16235,"Ġexpuestos":16236,"Ġtemáticas":16237,"Ġemplea":16238,"ĠCristóbal":16239,"Ġgarganta":16240,"Ġsuceso":16241,"Ġpieles":16242,"Ġafirman":16243,"Ġpreservar":16244,"Ġmore":16245,"acate":16246,"dibu":16247,"ĠBuena":16248,"Ġagujero":16249,"PAR":16250,"Ġaplas":16251,"ianzas":16252,"Ġbuscaba":16253,"Ġconjuntos":16254,"ĠMari":16255,"Ġproduciendo":16256,"Ġcenar":16257,"Ġpermiti":16258,"Ġlección":16259,"cino":16260,"Sh":16261,"iestas":16262,"Ġvisuales":16263,"Ġrespecta":16264,"Ġestupenda":16265,"jadas":16266,"Ġfuncione":16267,"Ġmonumento":16268,"Ġrastre":16269,"ĠPresupuesto":16270,"avier":16271,"precio":16272,"Ġcarteles":16273,"ĠRad":16274,"Ġaumentó":16275,"grade":16276,"Ġescudo":16277,"Ġminera":16278,"Ġcartón":16279,"Ġcolocado":16280,"Ġdiam":16281,"ĠImagen":16282,"Ġautomovil":16283,"Ġjaja":16284,"ĠcercanÃŃa":16285,"ĠJornadas":16286,"tizó":16287,"Ġmantenga":16288,"Ġfalsos":16289,"Ġadquiere":16290,"reste":16291,"tricos":16292,"ié":16293,"ierten":16294,"Ġtesoro":16295,"tat":16296,"Ġfontan":16297,"Ġdigan":16298,"Ġmezclar":16299,"ĠDelegación":16300,"Ġsonora":16301,"ĠRece":16302,"astas":16303,"kar":16304,"Ġquerida":16305,"ĠCAS":16306,"ĠPaco":16307,"ĠPaseo":16308,"Ġpuntuación":16309,"ĠLeo":16310,"ĠXD":16311,"ĠAng":16312,"Ġprovocando":16313,"Ġarticulo":16314,"Ġaero":16315,"Ġtarta":16316,"ĠLucÃŃa":16317,"ORES":16318,"Ġhistóricas":16319,"Ġtriunf":16320,"Ġimportación":16321,"Ġimpecable":16322,"Ġreconstrucción":16323,"Ġmilag":16324,"ĠEstudiantes":16325,"2003":16326,"izarse":16327,"Ġmillas":16328,"Ġpelu":16329,"Ġentendemos":16330,"Ġaprovechamiento":16331,"Ġcontentos":16332,"omi":16333,"icados":16334,"Ġespaldas":16335,"ĠAudio":16336,"Ġmadura":16337,"Ġpropaganda":16338,"ĠcientÃŃficas":16339,"guero":16340,"Ġproductiva":16341,"Ġsobrepas":16342,"Ġsubido":16343,"ĠRAM":16344,"Ġestro":16345,"imental":16346,"Ġzar":16347,"Ġuse":16348,"Ġbono":16349,"â":16350,"éstico":16351,"Ġegres":16352,"icóp":16353,"Ġ125":16354,"Ġpresum":16355,"ĠInici":16356,"Ġangustia":16357,"Ġimpactos":16358,"Ġaéreo":16359,"Ġresidencial":16360,"eamiento":16361,"Ġestupendo":16362,"Ġave":16363,"ĠIber":16364,"Ġinformativo":16365,"Ġagricultores":16366,"ĠmagnÃŃfica":16367,"Ġtaxi":16368,"contin":16369,"Ġorganizadores":16370,"ĠNews":16371,"ĠSpi":16372,"ragona":16373,"Ġposeer":16374,"Ġrelativos":16375,"ĠparaÃŃso":16376,"Ġcontinuará":16377,"Ġcuerdas":16378,"ĠHistórico":16379,"Ġobligatoria":16380,"Ġpreventiva":16381,"Ġqueréis":16382,"Ġhalla":16383,"Ġcarnes":16384,"ĠJalisco":16385,"ĠSEG":16386,"Ġsensibil":16387,"Ġcuadrado":16388,"twitter":16389,"Ġhéroes":16390,"Ġaplican":16391,"Ġejerce":16392,"ĠTelevisión":16393,"700":16394,"Ġbuscado":16395,"ĠDescargar":16396,"Ġapetece":16397,"ócratas":16398,"Ġconsiderarse":16399,"Ġmiradas":16400,"Ġconoces":16401,"Ġemplear":16402,"Ġpasaje":16403,"Ġpropósitos":16404,"Ġvenganza":16405,"Ġlentes":16406,"Ġbul":16407,"sticos":16408,"Ġinmigración":16409,"Ġválido":16410,"red":16411,"Ġvayas":16412,"Ġcontundente":16413,"Ġfarmacia":16414,"Ġrestantes":16415,"gorit":16416,"Ġinsign":16417,"uado":16418,"Ġatar":16419,"Ġgestiones":16420,"Ġfér":16421,"ĠTamaño":16422,"Ġanalistas":16423,"ĠJord":16424,"ĠHues":16425,"Ġcontrola":16426,"ĠQuizá":16427,"ĠPach":16428,"less":16429,"Ġtrajes":16430,"Ġfué":16431,"Ġeman":16432,"ĠChat":16433,"patÃŃa":16434,"Ġalcaldesa":16435,"Ġexperimento":16436,"Hz":16437,"Ġmero":16438,"Ġprelim":16439,"jerci":16440,"Ġmonumentos":16441,"ison":16442,"Ġhuellas":16443,"telerÃŃa":16444,"Ġcreados":16445,"Ġ71":16446,"Ġdejarlo":16447,"tang":16448,"Ġcargado":16449,"TIS":16450,"dros":16451,"Ġinspirado":16452,"Ġcompensación":16453,"Esper":16454,"Ġproveer":16455,"Ġneoliber":16456,"Ġatracciones":16457,"Ġcontamin":16458,"Ġcopas":16459,"Ġmel":16460,"ĠÃģvila":16461,"ĠSci":16462,"ĠVÃŃa":16463,"INO":16464,"Ġcong":16465,"ĠNaturales":16466,"Ġvalenci":16467,"Ġtrajo":16468,"Ġpoderosos":16469,"ĠCle":16470,"ĠCamil":16471,"ĠBeach":16472,"ãĢ":16473,"étera":16474,"ĠComunidades":16475,"Ġ93":16476,"Ġmiedos":16477,"ĠInicio":16478,"Ġpresiones":16479,"Ġescribo":16480,"ĠVidal":16481,"Ġmanuales":16482,"Ġficheros":16483,"Ġvegetación":16484,"DÃŃa":16485,"ĠBrown":16486,"ĠindÃŃgena":16487,"Ġpotenci":16488,"gur":16489,"Ġrentable":16490,"Ġlevanta":16491,"Ġinsectos":16492,"Ġorgánica":16493,"Ġaliento":16494,"tice":16495,"Ġosci":16496,"Ġ;)":16497,"Ġrepas":16498,"Ġ88":16499,"Ġofensiva":16500,"âĦ¢":16501,"oreste":16502,"Ġgrano":16503,"Ġdesem":16504,"Ġ06":16505,"Ġlocalizar":16506,"erta":16507,"Ġartesanal":16508,"Ġcardiovas":16509,"bitro":16510,"bon":16511,"Ġexternas":16512,"Ġconsecutivo":16513,"Ġutilizó":16514,"Ġhistorial":16515,"ĠGroup":16516,"Ġmáximos":16517,"Ġatraviesa":16518,"Ġkit":16519,"Ġalegr":16520,"Da":16521,"Ġremol":16522,"obia":16523,"Ġ03":16524,"?)":16525,"VIS":16526,"ĠdeberÃŃamos":16527,"ĠVAL":16528,"ineros":16529,"Ġmatriz":16530,"adro":16531,"ĠOaxaca":16532,"Ġbañera":16533,"ĠJar":16534,"ĠDé":16535,"ĠDicho":16536,"ĠApp":16537,"ĠEnseñ":16538,"Ġinflamación":16539,"Ġcómodos":16540,"amplona":16541,"iuda":16542,"Ġup":16543,"Ġfile":16544,"Ġtoro":16545,"urso":16546,"CAR":16547,"Ġrepite":16548,"ĠBara":16549,"Ġcopiar":16550,"ĠZel":16551,"diversidad":16552,"Pese":16553,"Ġayudando":16554,"Ġdependiente":16555,"Ġmentiras":16556,"inosa":16557,"Ġcasino":16558,"ĠAndre":16559,"ĠDisponible":16560,"ĠMatem":16561,"Ġ82":16562,"Ġrecibo":16563,"izamos":16564,"Ġofrecerle":16565,"Ġterremoto":16566,"ĠTuc":16567,"Ġ74":16568,"Otros":16569,"ĠSolici":16570,"Ġbroma":16571,"ĠRead":16572,"Ġelegida":16573,"esterol":16574,"nea":16575,"Ġbaratas":16576,"ĠSir":16577,"Ġsalarial":16578,"Ġtomamos":16579,"Ġalteración":16580,"Ġliberar":16581,"ĠRum":16582,"Ġnóm":16583,"rencia":16584,"Ġcolonial":16585,"Trabaj":16586,"rimido":16587,"Ġcurar":16588,"ĠAlicia":16589,"Ġarreba":16590,"ĠAre":16591,"ĠLab":16592,"Ġestimular":16593,"Ġobreros":16594,"ĠCervantes":16595,"ĠRedes":16596,"Ġair":16597,"Ġventil":16598,"Ġcalcula":16599,"Ġregalar":16600,"ava":16601,"Ġexpone":16602,"ritas":16603,"ĠGrand":16604,"Ġamas":16605,"nis":16606,"Ġesfera":16607,"hen":16608,"ĠCy":16609,"Ra":16610,"Ġpeliculas":16611,"Ġhuir":16612,"ĠProgram":16613,"rillas":16614,"Ġayuden":16615,"Ġponerle":16616,"ĠMusic":16617,"Ġsucur":16618,"Ġmotocicle":16619,"ï¼":16620,"Ġalmoh":16621,"Ġparticipante":16622,"Ġocurren":16623,"nan":16624,"Ġpreocupes":16625,"Ġextranjeras":16626,"Ġilustraciones":16627,"Ġtemporales":16628,"ball":16629,"Ġpermitirán":16630,"ĠponÃŃa":16631,"Ġnombramiento":16632,"itivos":16633,"ĠLugar":16634,"Ġóptica":16635,"Ġintroduce":16636,"ĠNetflix":16637,"ĠðŁĻĤ":16638,"ĠAqu":16639,"itenci":16640,"Ġignorancia":16641,"EFE":16642,"Ġascensor":16643,"ĠBase":16644,"Ġperuana":16645,"Ġpala":16646,"alos":16647,"Ġespuma":16648,"Ġordenado":16649,"Ġchaqueta":16650,"Ġorilla":16651,"Ġenfrente":16652,"Ġestip":16653,"ĠHogar":16654,"Ġrecuerdan":16655,"dirse":16656,"Ġenla":16657,"IVERS":16658,"Ġambul":16659,"ĠNú":16660,"manente":16661,"Ġprotegido":16662,"ĠCala":16663,"Ġalmacén":16664,"Ġcansancio":16665,"Vis":16666,"ĠProf":16667,"ĠIND":16668,"Ġespectro":16669,"ĠMateo":16670,"ĠCorrea":16671,"ericordia":16672,"ĠBarran":16673,"Ġavanzando":16674,"ĠPueden":16675,"irma":16676,"ĠFox":16677,"Ġabren":16678,"Ġnarrativa":16679,"Ġaccede":16680,"Ġsatélite":16681,"Ġlatina":16682,"ĠCristiano":16683,"ĠJordi":16684,"Ġprivilegio":16685,"Ġdesarrollará":16686,"Ġcabecera":16687,"onesa":16688,"Ġsud":16689,"ĠFM":16690,"ĠEM":16691,"board":16692,"Ġpuri":16693,"Ġcelebraciones":16694,"Ġvolúmenes":16695,"ometrÃŃa":16696,"Ġimpunidad":16697,"Ġinformático":16698,"Ġatentos":16699,"ĠFl":16700,"cisamente":16701,"ĠHouse":16702,"Ġunirse":16703,"tx":16704,"eek":16705,"ĠDescubre":16706,"tta":16707,"Ġdies":16708,"iw":16709,"ĠMarca":16710,"gam":16711,"Ġantel":16712,"gregación":16713,"Ġdonación":16714,"Ġanterioridad":16715,"ĠCán":16716,"Ġnevera":16717,"Ġnubl":16718,"Ġbeneficiarios":16719,"TRI":16720,"Ġverificación":16721,"ĠmandÃŃ":16722,"Ġhábiles":16723,"ianismo":16724,"ĠperÃŃodos":16725,"Ġestructural":16726,"bablemente":16727,"teriales":16728,"acion":16729,"ĠAvis":16730,"ĠPV":16731,"Ġfatal":16732,"hidra":16733,"Ġintendente":16734,"Ġprioridades":16735,"Ġsubrayó":16736,"âĢĵ,":16737,"Ġproducida":16738,"Ġ1985":16739,"ĠEspec":16740,"Ġglobales":16741,"ĠEléctr":16742,"Ġcosech":16743,"Ġsecundario":16744,"Ġmasculina":16745,"Ġescasez":16746,"terránea":16747,"Ġvolvieron":16748,"Press":16749,"Ġtomas":16750,"Ġexpresado":16751,"Ġerrón":16752,"Ġalerg":16753,"pur":16754,"ĠIndependencia":16755,"Ġdivina":16756,"Ġnotific":16757,"Ġperpetu":16758,"Ġcircuitos":16759,"ĠartÃŃsticas":16760,"Ġsólidos":16761,"ĠNorma":16762,"áfrica":16763,"Ġcaracteres":16764,"Ġfronter":16765,"Ġdomingos":16766,"élix":16767,"Ġcerrad":16768,"ĠOpciones":16769,"vs":16770,"Ġfinalizó":16771,"Ġadorn":16772,"Ġradiación":16773,"Ġpertinentes":16774,"ĠRem":16775,"une":16776,"Ġfollar":16777,"zaron":16778,"Ġarra":16779,"ortante":16780,"guo":16781,"Ġetcétera":16782,"Ġtraduce":16783,"Pan":16784,"erna":16785,"Ġvoluntaria":16786,"ormal":16787,"Ġganancia":16788,"Ġóptimo":16789,"gem":16790,"Ġ::":16791,"Ġcálido":16792,"Ġantrop":16793,"Ġcompartida":16794,"ĠCabil":16795,"Ġdiscursos":16796,"ĠTravel":16797,"Ġapostar":16798,"Ġrescatar":16799,"Ġsabia":16800,"AF":16801,"minente":16802,"Ġretención":16803,"Ġdeses":16804,"ĠAndrea":16805,"ĠCoopera":16806,"Ġlactancia":16807,"Ġabsorción":16808,"Bol":16809,"rive":16810,"ĠdarÃŃa":16811,"LOS":16812,"ĠRi":16813,"2005":16814,"Ġ86":16815,"ĠIntel":16816,"Ġescape":16817,"ĠMorena":16818,"Ġmolé":16819,"Ġthis":16820,"Ġbúsquedas":16821,"ENTOS":16822,"âĤ¬.":16823,"Ġalegro":16824,"Ġinvasión":16825,"Ġayudarle":16826,"Parece":16827,"Ġextraños":16828,"Ġimpi":16829,"Ġjamón":16830,"Ġrápidas":16831,"Ġole":16832,"Ġmarx":16833,"Ġcensura":16834,"Ġdinámico":16835,"ĠCorazón":16836,"Ġciertamente":16837,"Ġhacerme":16838,"Ġrodillas":16839,"Ġcolesterol":16840,"Ġpreciosas":16841,"Ġmérito":16842,"eche":16843,"ĠYoutube":16844,"Ġilim":16845,"Ġapuntan":16846,"Ġperdieron":16847,"Ġoportuno":16848,"Ġpresentadas":16849,"Ġecológica":16850,"ĠAmigos":16851,"Ġllame":16852,"Ġcostar":16853,"ĠCamb":16854,"teado":16855,"Ġaltitud":16856,"Ġencargo":16857,"ĠClara":16858,"Ġcinturón":16859,"Ġfidelidad":16860,"Ġlegalidad":16861,"Ġaveriguar":16862,"zu":16863,"ĠMary":16864,"gers":16865,"ilateral":16866,"Ġrespirar":16867,"ĠTr":16868,"Ġexcursión":16869,"Ġaltar":16870,"Ġoriginalmente":16871,"Sa":16872,"ĠAdministrativo":16873,"Ġreportaje":16874,"Ġoscuros":16875,"velo":16876,"ory":16877,"ĠÃĵscar":16878,"ĠSofÃŃa":16879,"ĠLon":16880,"Ġsever":16881,"ĠFlo":16882,"Ġanoche":16883,"Ġpresidenciales":16884,"Ġrollo":16885,"Ġdeliciosa":16886,"Ġdiputada":16887,"Ġdébiles":16888,"ĠPaso":16889,"ĠFamiliar":16890,"Ġrosas":16891,"Ġexigen":16892,"Ġgestos":16893,"bust":16894,"Ġapoder":16895,"TRE":16896,"Ġdisfraz":16897,"cinco":16898,"Ġdetalló":16899,"Ġpsicológico":16900,"âĢľ.":16901,"ĠViernes":16902,"Ġincapaz":16903,"Ġsetenta":16904,"Ġrecub":16905,"Ġaspirantes":16906,"Ġduró":16907,"Ġminas":16908,"Ġdependen":16909,"Ġpongan":16910,"Ġepide":16911,"riga":16912,"ĠCharles":16913,"Ġgel":16914,"tum":16915,"Ġesperanzas":16916,"Ġ{":16917,"gela":16918,"Ġsencillamente":16919,"Ġacercó":16920,"Ġinunda":16921,"Ġpeg":16922,"ĠJunior":16923,"ibu":16924,"Ġquiénes":16925,"Mas":16926,"melo":16927,"Ġangel":16928,"Ġamistades":16929,"stro":16930,"Ġtitularidad":16931,"ĠAlcalá":16932,"ĠOccidente":16933,"Ġestimado":16934,"Podemos":16935,"Ġpatri":16936,"ĠEnc":16937,"ĠAcadém":16938,"Ġterminales":16939,"Ġconquistar":16940,"Ġfilme":16941,"Ġcalcio":16942,"ĠRO":16943,"Ġvinculación":16944,"Ġelenco":16945,"Ġmerca":16946,"viar":16947,"Ġdecidi":16948,"Ġcomenzando":16949,"Ġtrac":16950,"Ġresaltó":16951,"Ġtremen":16952,"Ġlegisladores":16953,"Ġorquesta":16954,"Ġgrueso":16955,"Ġgabinete":16956,"ĠsalÃŃa":16957,"Ġcuidadosamente":16958,"Ġspam":16959,"Cl":16960,"Men":16961,"Ġinvito":16962,"ariana":16963,"ĠAun":16964,"Ġconectividad":16965,"Ġaliviar":16966,"Ġabo":16967,"Ġdepre":16968,"Ġmilagro":16969,"Ġpuentes":16970,"Ġpilas":16971,"ĠPis":16972,"ĠeconomÃŃas":16973,"Ġhelicóp":16974,"Ġvarones":16975,"ali":16976,"itudes":16977,"ĠSindica":16978,"Ġestampado":16979,"Ġseparados":16980,"Ġviolaciones":16981,"ĠBretaña":16982,"Ġtrabajadora":16983,"Ġabuelos":16984,"tosa":16985,"Ġactúan":16986,"Ġprecar":16987,"Ġantelación":16988,"Ġquemar":16989,"Ġmuel":16990,"Ġdigamos":16991,"Ġlimitación":16992,"ĠPress":16993,"jemplo":16994,"Ġacademia":16995,"Sta":16996,"Ġvariantes":16997,"Ġinterrup":16998,"Ġbiz":16999,"Ġsuspender":17000,"ĠGi":17001,"Ġterrestre":17002,"Ġllantas":17003,"Ġestemos":17004,"ĠIndependiente":17005,"Ġinscripciones":17006,"ĠPaulo":17007,"Ġcatalanes":17008,"Ġbord":17009,"Ġadaptado":17010,"Ġcitar":17011,"ĠCampos":17012,"LAS":17013,"Ġfabricar":17014,"Ġvient":17015,"Ġcompartimos":17016,"Ġbarata":17017,"ĠGay":17018,"ĠAren":17019,"Ġapps":17020,"ĠMarx":17021,"Ġnombrar":17022,"mate":17023,"Ġaconsej":17024,"Ġpromocionar":17025,"Ġcort":17026,"etti":17027,"Ġfomento":17028,"Ġconsiderablemente":17029,"Ġaliado":17030,"Ġtorneos":17031,"Ġcautiv":17032,"Ġemergentes":17033,"drez":17034,"éndum":17035,"ĠPunto":17036,"ĠCorn":17037,"Ġestancias":17038,"ĠBarça":17039,"tinal":17040,"Ġaprovecha":17041,"Ġdomést":17042,"Ġexclusivos":17043,"Ġcigar":17044,"Ġpotable":17045,"ĠCerro":17046,"gracias":17047,"SL":17048,"Ġastro":17049,"Ġpeligrosos":17050,"Ġdieci":17051,"ciedad":17052,"Contin":17053,"ĠPuerta":17054,"zzi":17055,"Ġbajada":17056,"ĠMonterrey":17057,"ĠIgualmente":17058,"ĠDeclaración":17059,"ĠMIN":17060,"Ġ\"¿":17061,"Ġcementerio":17062,"Ġganan":17063,"Ġcompartiendo":17064,"bana":17065,"Ġcamioneta":17066,"Ġgentes":17067,"Ġpagando":17068,"Ġsurgir":17069,"Ġnet":17070,"Ġvinculado":17071,"Ġ1988":17072,"ĠVene":17073,"Ġfreno":17074,"Trans":17075,"copio":17076,"ĠSchool":17077,"ĠAyuda":17078,"luencia":17079,"Ġgam":17080,"Ġmanifest":17081,"Ġwifi":17082,"cesión":17083,"ĠRod":17084,"Ġreflejan":17085,"Ġmelan":17086,"ĠPropiedad":17087,"ĠclÃŃnicas":17088,"ĠPepe":17089,"Ġplug":17090,"Ġcoman":17091,"ĠDeja":17092,"Ġderrum":17093,"acia":17094,"Ġpropici":17095,"Ġdrenaje":17096,"Ġinquietudes":17097,"Ġneutr":17098,"Ġdigit":17099,"bloque":17100,"ĠIU":17101,"ĠvarÃŃa":17102,"omar":17103,"bueno":17104,"Ġsemifinales":17105,"utin":17106,"Ġpesetas":17107,"Ġ1970":17108,"Ġdistor":17109,"compañ":17110,"Ġllevada":17111,"ĠInforma":17112,"Ġescritora":17113,"Ġinnumer":17114,"Encuentra":17115,"Ġacta":17116,"Ġmicroondas":17117,"ĠMagn":17118,"dell":17119,"Ġmigración":17120,"Ġmadurez":17121,"Ġtox":17122,"riente":17123,"Ġmeditación":17124,"ĠTam":17125,"Ġespes":17126,"Ġexitoso":17127,"ĠSimón":17128,"Ġlaboratorios":17129,"Ġolas":17130,"Ġvendedores":17131,"yer":17132,"Ġlava":17133,"Ġ92":17134,"ĠCiudadana":17135,"Ġdeseamos":17136,"imenea":17137,"Ġséptimo":17138,"?\"":17139,"Ġautó":17140,"gmail":17141,"Ġtraemos":17142,"Ġprimo":17143,"Ġdefensores":17144,"aldo":17145,"Ġreciclaje":17146,"Ġtrip":17147,"ĠCortes":17148,"Ġbillete":17149,"Ġadministradores":17150,"Ġperjuicios":17151,"tooth":17152,"Ġsolteros":17153,"Ġresistir":17154,"ĠBeb":17155,"ĠAlbacete":17156,"ĠMemoria":17157,"ĠInten":17158,"Ġcatedral":17159,"Ġenamorado":17160,"ĠTrituradora":17161,"Ley":17162,"Ġllo":17163,"Ġconvicción":17164,"Ġdama":17165,"Dios":17166,"ĠIM":17167,"ENTO":17168,"ĠToy":17169,"Ġpluma":17170,"ĠPresentación":17171,"Ġcomunitaria":17172,"Ġquedé":17173,"ipo":17174,"Ġjugos":17175,"Ġavanzadas":17176,"ĠrÃŃg":17177,"Ġresultaron":17178,"Ġdedicó":17179,"ĠEconómica":17180,"Ġnacidos":17181,"Ġtuya":17182,"ĠEvangelio":17183,"nación":17184,"ICAS":17185,"Ġdistra":17186,"Ġoperan":17187,"ICE":17188,"Ġ1986":17189,"Ġinstitucionales":17190,"Ġpastillas":17191,"HE":17192,"Ġgeográfica":17193,"Ġaires":17194,"ĠTienda":17195,"Ġsom":17196,"Ġdemonios":17197,"ĠParis":17198,"Ġsustancial":17199,"ĠAlimentación":17200,"TT":17201,"Ġviaja":17202,"ĠÃŃndole":17203,"Ġproli":17204,"Ġfalda":17205,"TIVA":17206,"Ġdialo":17207,"ĠClin":17208,"ĠesquÃŃ":17209,"2004":17210,"pica":17211,"cano":17212,"cran":17213,"Ġcampeona":17214,"Ġconsistente":17215,"titas":17216,"ĠValores":17217,"Ġescuchando":17218,"Ġcurric":17219,"ĠTin":17220,"Ġmatan":17221,"ĠPolonia":17222,"Ġrealidades":17223,"Ġestudiado":17224,"racciones":17225,"ÃŃble":17226,"Ġdados":17227,"Ġinfluencias":17228,"ector":17229,"Ġarmados":17230,"Ġnu":17231,"Ġácidos":17232,"Ġove":17233,"Ġalberg":17234,"ĠESPAÃij":17235,"Ġmicró":17236,"Ġrenovado":17237,"Ġconstruye":17238,"ĠSea":17239,"quiler":17240,"Ġseguirán":17241,"ÃįS":17242,"ĠPatria":17243,"rocarril":17244,"ĠTem":17245,"Ġlibertades":17246,"Ref":17247,"mada":17248,"Ġexport":17249,"ĠCop":17250,"load":17251,"Ġaparente":17252,"Ġaumentan":17253,"Ġvinculadas":17254,"Ġconsolidar":17255,"Ġcorporativa":17256,"pedia":17257,"Ġreceptor":17258,"ĠConfederación":17259,"Ġondas":17260,"Ġóptima":17261,"Ġdespierta":17262,"Ġgustar":17263,"trac":17264,"iche":17265,"ĠpodrÃŃas":17266,"Ġacordado":17267,"Primero":17268,"Ġactivamente":17269,"Ġprol":17270,"Ġrelativas":17271,"dalena":17272,"ólicos":17273,"ĠCrédito":17274,"Ġprovisional":17275,"ĠAbogados":17276,"Ġtraducir":17277,"ĠDur":17278,"Ġlecciones":17279,"Ġduele":17280,"Ġacierto":17281,"Ġdescargas":17282,"Ġbomberos":17283,"Ġcrucero":17284,"ione":17285,"ĠLara":17286,"Ġrabia":17287,"ĠDepartam":17288,"Ġdesear":17289,"Ġtomarse":17290,"Ġintoler":17291,"fianza":17292,"Ġpublicadas":17293,"ĠJoven":17294,"GEN":17295,"Ġtramos":17296,"abras":17297,"ixa":17298,"Ġcostó":17299,"TITU":17300,"Ġmencionada":17301,"ĠMap":17302,"ensible":17303,"Ġesencialmente":17304,"ĠAñad":17305,"gara":17306,"urrección":17307,"diós":17308,"Ġcustodia":17309,"ñada":17310,"Ġcreaciones":17311,"Ġsolteras":17312,"Ġalgorit":17313,"úb":17314,"Ġconvocado":17315,"Ġlejano":17316,"ĠbÃŃbl":17317,"Ġamuebl":17318,"ĠLetras":17319,"solo":17320,"Ġpases":17321,"ĠBaleares":17322,"Ġcontenida":17323,"Ġdivide":17324,"Dec":17325,"Ġrecibirán":17326,"Ġredonda":17327,"gaz":17328,"ĠNobel":17329,"Ġesconde":17330,"iamos":17331,"andés":17332,"ĠColombi":17333,"Ġsientan":17334,"Ġsubmar":17335,"CS":17336,"ĠChristian":17337,"ĠMérida":17338,"ĠCabildo":17339,"Ġusamos":17340,"Ġselva":17341,"Ġpelicula":17342,"Ġasesinatos":17343,"táneo":17344,"Ġamericanos":17345,"Tri":17346,"Ġsumó":17347,"Ġcerdo":17348,"idan":17349,"Ġcoincide":17350,"Ġmanufac":17351,"Ġlimpias":17352,"Ġrecomien":17353,"Ġacusación":17354,"Medi":17355,"Ġcaballero":17356,"Ġ87":17357,"ĠfÃŃsicamente":17358,"veniles":17359,"than":17360,"Ġlon":17361,"Ġpatron":17362,"Ġestandar":17363,"ĠmercancÃŃa":17364,"ĠPese":17365,"Ġexcesivo":17366,"ĠComunicaciones":17367,"Ġrojas":17368,"Ġparrilla":17369,"Ġdirectivo":17370,"Ġnorteamericana":17371,"Ġsuponen":17372,"Dónde":17373,"Ġvaliente":17374,"ĠFeb":17375,"Ġdesorden":17376,"frad":17377,"Ġsupermercados":17378,"Ġreclamación":17379,"Ġgenu":17380,"Excelente":17381,"ĠMS":17382,"Ġavanzados":17383,"Ġcentenar":17384,"ĠNick":17385,"tegra":17386,"Ġdespliegue":17387,"Ġadic":17388,"Ġdesar":17389,"ató":17390,"Ġprotegidos":17391,"Ġrepent":17392,"Ġtiros":17393,"atán":17394,"Ġperfectos":17395,"ólicas":17396,"his":17397,"Ġromántica":17398,"Ġretrato":17399,"ĠYan":17400,"ĠEFE":17401,"Ġseamos":17402,"Ġmantendrá":17403,"huahua":17404,"Ġcorro":17405,"Ġauric":17406,"rupos":17407,"ĠTeléfono":17408,"Ġapoyado":17409,"ĠCru":17410,"Ġvalioso":17411,"Ġturb":17412,"Ġmejoramiento":17413,"Ġatendiendo":17414,"govia":17415,"Ġgranos":17416,"Ġprevisión":17417,"Ġaportando":17418,"Ġcentrar":17419,"Ġricas":17420,"Ġaldea":17421,"war":17422,"ĠEsperanza":17423,"Ġpones":17424,"Ġcocinas":17425,"Ġdivorcio":17426,"Ġcompetidores":17427,"ĠSmart":17428,"ulla":17429,"osamente":17430,"cierto":17431,"Ġestrictamente":17432,"Ġreivindic":17433,"Ġsierra":17434,"ĠOlÃŃmpicos":17435,"Ġconvirtiéndose":17436,"Ġvariados":17437,"Ġtacto":17438,"ampar":17439,"Ġrazas":17440,"Ġinus":17441,"Ġchis":17442,"Ġcontratado":17443,"Ġtam":17444,"Ġauge":17445,"ĠChiapas":17446,".;":17447,"Ġcielos":17448,"Ġmédicas":17449,"Ġcaris":17450,"Ġreemplazar":17451,"roll":17452,"Ġanualmente":17453,"Ġdelim":17454,"Ġsensores":17455,"ĠInteligencia":17456,"onedas":17457,"Ġdecan":17458,"iba":17459,"Ġcomparti":17460,"Ġnarcotráfico":17461,"Ġpreferido":17462,"Ġtrozos":17463,"Ġaplicada":17464,"ĠPO":17465,"Ġsovi":17466,"posa":17467,"ÃįN":17468,"tente":17469,"Ġfrescos":17470,"Ġmuchacho":17471,"illón":17472,"Ġrecompensa":17473,"Ġmarino":17474,"Ġutilizarse":17475,"ORA":17476,"ósticos":17477,"Ġajeno":17478,"Ġinconvenientes":17479,"ĠCob":17480,"html":17481,"ui":17482,"Ġmilitantes":17483,"Ġeficientes":17484,"ĠUnos":17485,"nab":17486,"Ġtrabajadoras":17487,"ĠBella":17488,"Ġcomputadoras":17489,"ĠBuscar":17490,"Ġdivulgación":17491,"Ġsudor":17492,"Ġcontrolado":17493,"Ġinca":17494,"ĠtendrÃŃan":17495,"Ġharé":17496,"Ġtablet":17497,"sales":17498,"Ġdiges":17499,"asi":17500,"Tres":17501,"Ġreducida":17502,"Ġregistrada":17503,"ĠPolit":17504,"Ġcristales":17505,"erry":17506,"dada":17507,"ĠEstatuto":17508,"ĠtuberÃŃas":17509,"ĠJones":17510,"ÃŃnguez":17511,"Ġ97":17512,"Ġcambie":17513,"ĠEmpren":17514,"ĠLy":17515,"ĠGam":17516,"algo":17517,"Ġlavan":17518,"Ġecológico":17519,"Ġtransportar":17520,"lice":17521,"ĠIlust":17522,"Ġrelieve":17523,"lave":17524,"Ġ1987":17525,"ĠChampions":17526,"ambios":17527,"ĠOx":17528,"ensas":17529,"Ġdesequilib":17530,"ift":17531,"Ġabdomin":17532,"Ġañadimos":17533,"ĠFO":17534,"Ġguiar":17535,"Ġmasivo":17536,"ĠTO":17537,"Ġmorales":17538,"met":17539,"elar":17540,"Ġ1976":17541,"Ġlana":17542,"ĠPrado":17543,"Ġradica":17544,"Ġdesencaden":17545,"Ġdeshacer":17546,"ĠRoca":17547,"Ġorientado":17548,"eller":17549,"tencias":17550,"Ġobtienen":17551,"ĠOlimp":17552,"Ġllevarlo":17553,"ivir":17554,"Algunas":17555,"Ġafecto":17556,"ĠVesti":17557,"ĠdeberÃŃas":17558,"Ġatropel":17559,"Ġscorts":17560,"alth":17561,"Ġeliminado":17562,"Ġrecipiente":17563,"Ġtermino":17564,"ĠInfo":17565,"Ġprofesionalidad":17566,"Ġespecializadas":17567,"Ġelaborados":17568,"Ġexplotar":17569,"Ġjes":17570,"Ġjuguete":17571,"ĠCompr":17572,"Ġsignificativamente":17573,"Ġdietas":17574,"ĠâĢľÂ¡":17575,"Ġplanificar":17576,"Ġpeligrosa":17577,"Ġbatallas":17578,"ĠAdministraciones":17579,"ulan":17580,"Ġratón":17581,"Ġcomunitario":17582,"Ġpreguntado":17583,"...\"":17584,"Ġvariada":17585,"Ġindicada":17586,"Ġfundamentos":17587,"Ġcompu":17588,"Ġcintas":17589,"Ġcausó":17590,"Ġ79":17591,"Ġespecialización":17592,"Ġsábados":17593,"ĠoÃŃdos":17594,"Ġleyendas":17595,"Ġcontabilidad":17596,"Ġimpresora":17597,"Ġencarcel":17598,"ĠmilÃŃmetros":17599,"Ġresoluciones":17600,"Ġconectados":17601,"ĠPrivacidad":17602,"ramientas":17603,"Ġpincel":17604,"Ġescand":17605,"atan":17606,"Ġexcursiones":17607,"Ġtransport":17608,"Ġprocedencia":17609,"Ġproduzca":17610,"Ġdedicadas":17611,"Ġcoinciden":17612,"ĠFri":17613,"Ġrobot":17614,"ĠHumanidad":17615,"Ġvisibles":17616,"Ġregistraron":17617,"éditos":17618,"Ġconmemora":17619,"Ġmetido":17620,"Ġhaberlo":17621,"ĠPad":17622,"Ġjuicios":17623,"guiente":17624,"Ġgall":17625,"Ġdesactivados":17626,"Fac":17627,"Ġremoto":17628,"Ġpresa":17629,"Ġpersonalizados":17630,"ĠEfec":17631,"Advisor":17632,"ns":17633,"Ġimprim":17634,"quir":17635,"Ġrecibidos":17636,"Ġcasero":17637,"titos":17638,"ĠSob":17639,"entando":17640,"doc":17641,"ĠFIN":17642,"Ġvestuario":17643,"Ġprofesorado":17644,"americanas":17645,"Ve":17646,"ĠtÃŃa":17647,"Ġinnovadoras":17648,"Ġmaravillas":17649,"Ġradicales":17650,"Ġresuelto":17651,"psia":17652,"Ġgubernamental":17653,"ocal":17654,"Ġ89":17655,"ĠBMW":17656,"ITA":17657,"Ġtensiones":17658,"Ġnoventa":17659,"Ġcomplejas":17660,"ĠZapatero":17661,"Ġpesa":17662,"artén":17663,"Ġacostumbrados":17664,"Ġnecesites":17665,"orros":17666,"Ġprovecho":17667,"ĠTercera":17668,"enov":17669,"Ġañadiendo":17670,"Ġdominar":17671,"Ġrecupera":17672,"ĠEric":17673,"ĠEusk":17674,"Ġrisas":17675,"Ġimpartir":17676,"adajo":17677,"pany":17678,"Ġinund":17679,"Ġsemilla":17680,"ĠTecnologÃŃas":17681,"Ġacusados":17682,"Ġcueva":17683,"ahora":17684,"Ġsutil":17685,"copia":17686,"ĠdiscÃŃpulos":17687,"Mer":17688,"ĠGobernación":17689,"Ġcompré":17690,"amen":17691,"Ġsuperó":17692,"Ġinnovadora":17693,"ĠProfesionales":17694,"Ġdetuvo":17695,"banas":17696,"Ġgotas":17697,"ioterapia":17698,"ijón":17699,"Ġare":17700,"sab":17701,"Ġ¡¡":17702,"Ġposicion":17703,"itoral":17704,"ĠsanguÃŃn":17705,"Ġvulnerabilidad":17706,"Ġ83":17707,"Ġacompañan":17708,"Ġdiera":17709,"Ġtransvers":17710,"Ġseparar":17711,"ah":17712,"Ġrecar":17713,"ueras":17714,"Ġtablero":17715,"ajada":17716,"Ġdenunciado":17717,"Ġliberal":17718,"ĠConsulta":17719,"jate":17720,"Ġsumado":17721,"Ġdebatir":17722,"gencia":17723,"Ġrector":17724,"Ġmitos":17725,"ĠLeonardo":17726,"Ġdetallado":17727,"ucción":17728,"Ġminister":17729,"Hist":17730,"Ġhierbas":17731,"Ġinnumerables":17732,"Lleg":17733,"Ġpra":17734,"centr":17735,"Ġllegué":17736,"Ġvolviendo":17737,"feros":17738,"ĠFabric":17739,"Ġalcoh":17740,"Ġcancelar":17741,"Ġapto":17742,"Ġ!!":17743,"ĠAé":17744,"Ġecha":17745,"Ġ81":17746,"Ġafro":17747,"Ġembarca":17748,"Ġafán":17749,"Ġdesb":17750,"ĠValor":17751,"AY":17752,"ĠAQUÃį":17753,"ĠAdidas":17754,"Ġwhats":17755,"ciosos":17756,"ésped":17757,"déis":17758,"ĠÃĥ":17759,"Ġleerlo":17760,"Ġentregas":17761,"Ġtrasladar":17762,"Ġmercantil":17763,"Ġmuñeca":17764,"tiempo":17765,"Ġritual":17766,"Ġalquilar":17767,"ĠQuien":17768,"Ġabstrac":17769,"Nueva":17770,"ĠLegal":17771,"Ġhelado":17772,"ĠIrak":17773,"secre":17774,"Ġ1982":17775,"ĠMedidas":17776,"Ġfall":17777,"Ġreunirse":17778,"ĠEsperamos":17779,"ĠEstu":17780,"Ġfutbolistas":17781,"star":17782,"perci":17783,"Ġenviados":17784,"Ġvisitó":17785,"Ġrepartir":17786,"Ġanimados":17787,"Ġpy":17788,"Ġritmos":17789,"ĠPonte":17790,"Ġsufriendo":17791,"Ġsolas":17792,"Ġvecina":17793,"Ġfibras":17794,"ĠBenito":17795,"Ġrusos":17796,"ĠAlbert":17797,"rigor":17798,"Ġextenso":17799,"Ġenm":17800,"ĠPir":17801,"ĠDown":17802,"mundo":17803,"ĠPL":17804,"ĠRégimen":17805,"Ġsartén":17806,"ĠAustria":17807,"Ġlicitación":17808,"ĠIgualdad":17809,"acal":17810,"ĠKirchner":17811,"Ġbajó":17812,"Ġprestado":17813,"Ġamado":17814,"ueta":17815,"uertas":17816,"Ġreivindica":17817,"Ġcuchillo":17818,"ĠSede":17819,"Ġtropical":17820,"ĠREG":17821,"Ġlote":17822,"ándolas":17823,"Ġnarración":17824,"derismo":17825,"ĠvÃŃs":17826,"ĠSteph":17827,"texto":17828,"Ġválida":17829,"Ġespir":17830,"Ġdudar":17831,"ĠAguilar":17832,"ingo":17833,"Ġsacudi":17834,"Ġcansado":17835,"die":17836,"ĠTratado":17837,"quial":17838,"ICOS":17839,"Ġordenar":17840,"ispos":17841,"Ġautónomo":17842,"Ġmágica":17843,"Ġadoptado":17844,"Ġtrabajaba":17845,"ĠTy":17846,"Ġproductora":17847,"Ġvientre":17848,"Ġcomando":17849,"Ġpotentes":17850,"arto":17851,"ADR":17852,"ulosa":17853,"Ġirregularidades":17854,"Ġsubl":17855,"pus":17856,"Ġneo":17857,"Ġponerte":17858,"Ġfracción":17859,"ientales":17860,"Ġratific":17861,"Ġsois":17862,"Ġfijado":17863,"Ġahorros":17864,"ĠSEC":17865,"Ġhabrán":17866,"Ġdespido":17867,"ifique":17868,"adajoz":17869,"TML":17870,"Ġsantos":17871,"Ãĥº":17872,"ĠCali":17873,"Ġarancel":17874,"Ġfascinante":17875,"Ġseminario":17876,"lot":17877,"bate":17878,"Ġsoldado":17879,"ĠWiFi":17880,"ĠDolores":17881,"Ġromántico":17882,"def":17883,"Ġcompartió":17884,"Ġbote":17885,"Ġdemostración":17886,"Ġimpresiones":17887,"ĠJusto":17888,"ĠFélix":17889,"Ġespirituales":17890,"aré":17891,"Ġsurtido":17892,"Ġescar":17893,"Ġafortun":17894,"plas":17895,"onales":17896,"Ġcompatibles":17897,"Ġcómodas":17898,"Ġinocente":17899,"Han":17900,"mallera":17901,"Ġejecutivos":17902,"ĠCAP":17903,"Ġregresó":17904,"ĠPleno":17905,"ĠXIII":17906,"rias":17907,"Ġciclismo":17908,"Ġ~":17909,"Ġpecados":17910,"DES":17911,"rase":17912,"Ġpozo":17913,"Ġreferéndum":17914,"Ġanat":17915,"dalias":17916,"ficado":17917,"Ġcereales":17918,"ĠNE":17919,"Ġajena":17920,"gros":17921,"Ġgranito":17922,"Ġcombustibles":17923,"Ġensalada":17924,"iÃĥ":17925,"Ġgratuitas":17926,"Ġaprecia":17927,"adecu":17928,"Ġacent":17929,"Ġcabina":17930,"Ġllamamos":17931,"Ġplancha":17932,"Ġmiró":17933,"ÃŃqu":17934,"ĠvarÃŃan":17935,"ĠGold":17936,"Ġusarlo":17937,"ojo":17938,"ĠestadÃŃstica":17939,"Ġfiguran":17940,"vit":17941,"Ġrelajación":17942,"ĠMetropolitana":17943,"Ġfree":17944,"ecemos":17945,"ĠReun":17946,"Ġequivo":17947,"Ġconozca":17948,"Ġperfum":17949,"Ġvengo":17950,"ĠKat":17951,"tificaciones":17952,"ĠTerra":17953,"Ġlobo":17954,"ĠQuito":17955,"Ġapoyos":17956,"ĠURL":17957,"ĠBoletÃŃn":17958,"Ġentienden":17959,"aching":17960,"ĠEC":17961,"Ġfilial":17962,"Ġromano":17963,"fÃŃn":17964,"traciones":17965,"Jes":17966,"Ġsinte":17967,"Ġtanque":17968,"Ġpesada":17969,"ĠCoordinación":17970,"Ġmultic":17971,"Ġhabilitado":17972,"Ġentrando":17973,"Ġdisparos":17974,"Ġevidentemente":17975,"POS":17976,"UB":17977,"MT":17978,"Ġ101":17979,"ĠTienes":17980,"Ġdij":17981,"Ġasiático":17982,"inero":17983,"Barcelona":17984,"dentemente":17985,"Ġfaltas":17986,"ĠCAN":17987,"Ġcompetentes":17988,"Ġ1978":17989,"ueces":17990,"Ġmaneja":17991,"zamos":17992,"Ġexcepciones":17993,"Ġbrecha":17994,"Ġfanáticos":17995,"merce":17996,"Ġestuvimos":17997,"icket":17998,"ĠArmadas":17999,"peso":18000,"ĠprohÃŃ":18001,"Ġprisa":18002,"ĠgeografÃŃa":18003,"Ġacelerar":18004,"Bajo":18005,"Ġnavegando":18006,"ĠNúñez":18007,"Ġconsume":18008,"ĠCáceres":18009,"unning":18010,"Ġlamentablemente":18011,"ĠTripAdvisor":18012,"Ġinterf":18013,"Ġinstala":18014,"Ġinconsciente":18015,"ĠColección":18016,"duzca":18017,"Ġalejado":18018,"ject":18019,"Ġinhib":18020,"Ġabrirá":18021,"Ġlibras":18022,"Ġayuntamientos":18023,"ĠWordPress":18024,"Ġinyección":18025,"Ġcaen":18026,"Ġaccesos":18027,"Ġexcesiva":18028,"Ġllamando":18029,"ĠMAS":18030,"Ġmortalidad":18031,"ĠSole":18032,"????":18033,"Ġreferirse":18034,"restres":18035,"Ġcompre":18036,"Ġvuelvo":18037,"cuito":18038,"SM":18039,"Ġalianzas":18040,"mira":18041,"Ġrecaudación":18042,"Ġ94":18043,"ĠPep":18044,"Ġdie":18045,"Ġmangas":18046,"dren":18047,"Ġsepan":18048,"Ġarmar":18049,"Ġaguantar":18050,"Ġvacun":18051,"Ġmortales":18052,"ulador":18053,"Ġgalax":18054,"Ġproponemos":18055,"Ġjurisp":18056,"Ġestructurales":18057,"Ġrealista":18058,"Ġmáster":18059,"ĠAlcaldÃŃa":18060,"ĠLegislativo":18061,"Ġétn":18062,"Ġlub":18063,"ĠClaudio":18064,"tedra":18065,"pool":18066,"Ġceder":18067,"ĠPamplona":18068,"Ġofrecidos":18069,"Ġfallas":18070,"ا":18071,"Ġexperimentos":18072,"Ġtransex":18073,"dig":18074,"Ġexacto":18075,"Ġinfinito":18076,"Ġhipotec":18077,"tate":18078,"Ġpatente":18079,"ĠExterior":18080,"Ġpasaporte":18081,"Ġpsicológica":18082,"Ġrecolección":18083,"Ġprevisiones":18084,"Ġaclara":18085,"Ja":18086,"sÃŃ":18087,"érmin":18088,"micas":18089,"Ġaceptan":18090,"Ġchimenea":18091,"Ġdistribuir":18092,"ĠPremi":18093,"usse":18094,"Ġmarina":18095,"Ġadmiración":18096,"ullo":18097,"Ġmatices":18098,"Ġpermanentes":18099,"iela":18100,"Ġinvisible":18101,"traron":18102,"Ġinserción":18103,"Ġdelicado":18104,"Ġelegantes":18105,"Ġtru":18106,"Ġrean":18107,"ĠManchester":18108,"ĠAndes":18109,"ĠDor":18110,"Queremos":18111,"Ġsometidos":18112,"Ġcomunión":18113,"mont":18114,"Ġaccesibles":18115,"Ġvelas":18116,"Ġparadas":18117,"uidos":18118,"Ġapuntar":18119,"Ġnaves":18120,"ĠDonde":18121,"ĠcÃŃ":18122,"acoa":18123,"ĠYuc":18124,"Ġecosistema":18125,"ĠcaÃŃdas":18126,"ĠDeci":18127,"verdad":18128,"eños":18129,"Ġtortura":18130,"Ġunico":18131,"Ġtumba":18132,"ĠClaudia":18133,"Ġchilenos":18134,"ĠProceso":18135,"Ġgenio":18136,"Ġalberga":18137,"Ġcaldo":18138,"ĠFiestas":18139,"rari":18140,"Ġimplicados":18141,"gement":18142,"usco":18143,"ĠHalloween":18144,"Ġcrucial":18145,"alizas":18146,"Ġbrasileña":18147,"Ġ1984":18148,"Ġincomo":18149,"ĠManager":18150,"siempre":18151,"Ġtóp":18152,"ológicamente":18153,"Ġsmartphones":18154,"Ġinconveniente":18155,"Ġpintado":18156,"ĠEducativa":18157,"Ġdibujar":18158,"ecerÃŃa":18159,"Ġtenerlo":18160,"Ġparticipaciones":18161,"onaldo":18162,"quién":18163,"Ġmetá":18164,"ĠData":18165,"Ġtelevisor":18166,"ĠconocÃŃ":18167,"Ġembarazadas":18168,"Ġtapas":18169,"Ġcandidata":18170,"Ġprofundos":18171,"Ġdificul":18172,"Ġacoge":18173,"Ġhomicidio":18174,"Ġartificiales":18175,"Ġhorrible":18176,"Ġrecogido":18177,"ĠPino":18178,"Ġrecibida":18179,"Ġdisfrutado":18180,"Ġcarece":18181,"Ġrodaje":18182,"ĠVER":18183,"Ġalojamientos":18184,"ocación":18185,"Ġsupermercado":18186,"ih":18187,"entada":18188,"Ġabanico":18189,"rome":18190,"Ġprogramar":18191,"Ġreconcil":18192,"Ġinmobiliario":18193,"Ġmáscara":18194,"Ġconvierta":18195,"Ġextras":18196,"Ġvacuna":18197,"Ġaproximada":18198,"iena":18199,"jarse":18200,"Ġabsurdo":18201,"ARIA":18202,"ĠSra":18203,"Ġpaseos":18204,"Ġtruco":18205,"ĠAhor":18206,"Ġimpulsado":18207,"Ġllevaban":18208,"Ġrepresentado":18209,"Ġvideojuego":18210,"Ġtramitación":18211,"pm":18212,"Ġbuque":18213,"ão":18214,"renda":18215,"inamente":18216,"Ġimportaciones":18217,"Categ":18218,"Ġimagina":18219,"Ġost":18220,"ĠSoto":18221,"Ġnocturna":18222,"Ġresistentes":18223,"Ġdefinen":18224,"alupe":18225,"Ġdesconocidos":18226,"ĠBahÃŃa":18227,"Ġrellenar":18228,"ĠMini":18229,"Ġdañar":18230,"Ġantemano":18231,"Ġvasco":18232,"xeles":18233,"Ġaprovechó":18234,"Ġaccesibilidad":18235,"Ġesmal":18236,"Aún":18237,"cador":18238,"Ġpig":18239,"udor":18240,"Ġestereo":18241,"Ġmiseria":18242,"ĠSeminario":18243,"Ġsentarse":18244,"ĠObservatorio":18245,"ĠUd":18246,"Mis":18247,"jaba":18248,"ĠBanda":18249,"Ġversos":18250,"Ġcapturar":18251,"sider":18252,"úo":18253,"ĠOC":18254,"Ġpru":18255,"Ġoscuras":18256,"ĠAk":18257,"terias":18258,"ĠGerardo":18259,"-)":18260,"Ġvotantes":18261,"ĠSERVI":18262,"ĠInstitución":18263,"Ġclandest":18264,"Ġdiscusiones":18265,"ĠUltra":18266,"ĠCabe":18267,"Ġconfiable":18268,"Ġrelajarse":18269,"Ġgent":18270,"Ġpc":18271,"Ġcontribuyen":18272,"tiquetado":18273,"uya":18274,"Ġporción":18275,"isés":18276,"Ġcuente":18277,"ĠSIN":18278,"Ġdestacando":18279,"OLU":18280,"Ġsalones":18281,"ichos":18282,"VER":18283,"ĠVegas":18284,"ĠSust":18285,"Ġcómic":18286,"Ġemite":18287,"Ġadhes":18288,"Ġdesech":18289,"cast":18290,"Ġacumula":18291,"Ġincidentes":18292,"Ġchip":18293,"Ġpreocupado":18294,"Ġ''":18295,"Ġpasillo":18296,"ĠSiglo":18297,"Ġreparaciones":18298,"Ġdesaperci":18299,"ĠShe":18300,"Ġhallazgo":18301,"Ġtotales":18302,"ĠLink":18303,"Ġnaturalmente":18304,"Ġaceptó":18305,"utos":18306,"ĠLugo":18307,"Ġciruj":18308,"rosos":18309,"ĠDomÃŃnguez":18310,"Ġinteractuar":18311,"Ġjugará":18312,"ficial":18313,"Ġconcejales":18314,"Ġvinilo":18315,"Ġemocionales":18316,"Ġasalto":18317,"Ġreutil":18318,"ĠEleg":18319,"ĠSusana":18320,"Ġpoetas":18321,"Ġcorren":18322,"Ġsuelta":18323,"Ġterrazas":18324,"lac":18325,"Ġestáis":18326,"Ġcatas":18327,"Ġconstruyendo":18328,"Ġfichas":18329,"Ġcalificado":18330,"ĠSudáfrica":18331,"Ġmusulmanes":18332,"Ġcanciller":18333,"Ġreson":18334,"ĠXII":18335,"Ġmueble":18336,"Ġinmobiliaria":18337,"eropuertos":18338,"izantes":18339,"ĠContactos":18340,"SAN":18341,"Ġpromocional":18342,"Ġcontractu":18343,"olf":18344,"Ġjefa":18345,"Ġfuncionales":18346,"Ġflora":18347,"Ġcláusula":18348,"Ġopuesto":18349,"Ġcoordinar":18350,"kg":18351,"Ġcarros":18352,"Ġimpreso":18353,"Ġfármacos":18354,"ERC":18355,"tienden":18356,"Ġprotocolos":18357,"eraciones":18358,"Ġnotificaciones":18359,"ĠEnter":18360,"Ġvendrá":18361,"ĠAlco":18362,"Ġvina":18363,"Ġaba":18364,"Ġancha":18365,"Ġdeseando":18366,"ĠAméricas":18367,"Ġreh":18368,"Ġhábito":18369,"Ġadelgazamiento":18370,"trio":18371,"ĠHill":18372,"ocas":18373,"Ġcartu":18374,"ARD":18375,"Ġpodria":18376,"ĠStore":18377,"ĠDal":18378,"talgia":18379,"petas":18380,"Ġpierda":18381,"Ġdisfrutan":18382,"Ġcelebran":18383,"Ġtutela":18384,"Ġalivio":18385,"Ġmecánico":18386,"ĠLago":18387,"irámi":18388,"[...]":18389,"Ġsecuestro":18390,"Ġjoya":18391,"Ġvenció":18392,"Ġorejas":18393,"hai":18394,"Ġaparecido":18395,"Ġhambur":18396,"Ġsuicidio":18397,"Ġ).":18398,"Ġpestañas":18399,"ĠAsi":18400,"Ġbordes":18401,"Descubre":18402,"Ġenvidia":18403,"Ġreligiones":18404,"::":18405,"abric":18406,"Ġcomunista":18407,"Ġresidente":18408,"Claro":18409,"Ġagresiones":18410,"ingue":18411,"Ġencendido":18412,"Ġmencionadas":18413,"Ġemergencias":18414,"lay":18415,"Ġllevas":18416,"Ġcuna":18417,"ĠMolino":18418,"Ġposturas":18419,"moso":18420,"Ġadelantó":18421,"cillo":18422,"Ġpantalón":18423,"ĠJackson":18424,"ĠAsegu":18425,"Ġevidencias":18426,"Ġmaltrato":18427,"Ġtrazado":18428,"cionarios":18429,"Ġordenamiento":18430,"Ġbancarias":18431,"Ġagradeció":18432,"Ġfisi":18433,"ĠPrÃŃncipe":18434,"nova":18435,"Ġafueras":18436,"Ġolla":18437,"Ġabriendo":18438,"ĠVirgin":18439,"Ġpresencial":18440,"eridad":18441,"oman":18442,"ĠTec":18443,"Ġinfinidad":18444,"ramientos":18445,"Ġruinas":18446,"Ġconvirtiendo":18447,"Ġmaxim":18448,"ĠTran":18449,"Ġprevias":18450,"Ġgozar":18451,"Ġtermo":18452,"Ġlesbianas":18453,"Ġreservado":18454,"Ġformularios":18455,"Ġtax":18456,"Ġgremio":18457,"vero":18458,"igen":18459,"tana":18460,"Ġinnovadores":18461,"Ġherv":18462,"ĠHas":18463,"Ġconociendo":18464,"Ġsuite":18465,"Ġmúsculo":18466,"Ġfic":18467,"Ġjubilación":18468,"Ġamarilla":18469,"Ġimprescindibles":18470,"ĠCho":18471,"ĠDelgado":18472,"Ġproductivos":18473,"ĠBelén":18474,"ĠLaboral":18475,"Ġviajero":18476,"ĠDirectora":18477,"Ġecho":18478,"bella":18479,"Ġamanecer":18480,"Ġcampeones":18481,"Ġmuestre":18482,"Ġarbol":18483,"Ġsospecha":18484,"900":18485,"Ġperon":18486,"Ġdivino":18487,"Ġph":18488,"Ġagil":18489,"MX":18490,"Ġaventur":18491,"ĠESO":18492,"ĠBir":18493,"Ġvariadas":18494,"orges":18495,"canes":18496,"ĠestarÃŃan":18497,"Ġángeles":18498,"Ġteatral":18499,"Ġlámpara":18500,"Ġexcav":18501,"Ġcata":18502,"Ġprimarias":18503,"ramento":18504,"né":18505,"Ġrecopilación":18506,"ĠFUN":18507,"!)":18508,"ä¸":18509,"PV":18510,"Ġelite":18511,"Home":18512,"quias":18513,"Ġpiensas":18514,"Ġcoh":18515,"ĠWars":18516,"Ġfórmulas":18517,"Ġlarg":18518,"ĠEST":18519,"ĠZe":18520,"ĠRoo":18521,"Ġasturi":18522,"pic":18523,"Ġprejuicios":18524,"Ġapoyan":18525,"Ġtitulada":18526,"inea":18527,"Ġgobier":18528,"Ġveas":18529,"Ġiconos":18530,"Ġdiscapa":18531,"ĠPere":18532,"Ġplanteamiento":18533,"Ġcaute":18534,"Ġedil":18535,"ĠMóvil":18536,"Ġback":18537,"ĠAyer":18538,"Ġcolgar":18539,"Ġextrañ":18540,"ĠHenry":18541,"Ġprema":18542,"Ġexigente":18543,"voces":18544,"Ġmonstruo":18545,"Ġposter":18546,"Ġestatus":18547,"kel":18548,"izaron":18549,"Ġcalentamiento":18550,"Ġcolonias":18551,"ĠÃŃntegra":18552,"Ġaborda":18553,"Ġanexo":18554,"ĠVietnam":18555,"iew":18556,"según":18557,"Der":18558,"árqu":18559,"Ġcriatura":18560,"Ġcomicios":18561,"ĠObra":18562,"tiro":18563,"Form":18564,"Ġvano":18565,"Ġrefuerzo":18566,"Ġsoñar":18567,"Ġurbanas":18568,"Ġfragmentos":18569,"ĠAV":18570,"Ġtubos":18571,"Ġesclavos":18572,"udÃŃ":18573,"Ġdesignado":18574,"dillo":18575,"ĠMenor":18576,"Ġobservado":18577,"Ġdirigirse":18578,"Ġagradezco":18579,"ĠGénero":18580,"Ġamateur":18581,"ĠKan":18582,"blas":18583,"ĠVerano":18584,"ĠEstable":18585,"Ġpeli":18586,"Ġfuner":18587,"ĠRestau":18588,"Ġexal":18589,"Ġvalent":18590,"Ġsurf":18591,"Ġquim":18592,"Ġreduciendo":18593,"Ġkilómetro":18594,"Ġreplic":18595,"Ġrubro":18596,"ĠShow":18597,"ĠPun":18598,"ÃŃsta":18599,"Ġrecorre":18600,"Ġcomprobado":18601,"Ġdivertidos":18602,"Ġdividir":18603,"ĠEscrib":18604,"Ġmasac":18605,"Ġsupe":18606,"Ġcubiertos":18607,"BR":18608,"Ġpermanecen":18609,"ĠMiss":18610,"ANTE":18611,"Ġ]":18612,"gable":18613,"ĠEmer":18614,"ĠMédico":18615,"Ġpánico":18616,"may":18617,"ĠPaula":18618,"alizador":18619,"ĠConoce":18620,"ĠÃįndice":18621,"Ġintérprete":18622,"Ġmed":18623,"Ġreporta":18624,"Ġmodificado":18625,"Desarrol":18626,"Ġafirmado":18627,"ĠAutoridad":18628,"ĠSerrano":18629,"Ġtv":18630,"Ġexpectativa":18631,"Ġexactitud":18632,"Ġempeño":18633,"ĠBitcoin":18634,"Ġaprox":18635,"ĠJU":18636,"Ġdelegados":18637,"Ġeditado":18638,"Ġmaternidad":18639,"Ġcomprometidos":18640,"ĠtraÃŃdo":18641,"Ġparticipando":18642,"Ġusadas":18643,"ĠjurÃŃdicos":18644,"ĠLU":18645,"Ġhuracán":18646,"Ġreconocen":18647,"Ġarticulación":18648,"ducto":18649,"ĠCastellón":18650,"Ġplom":18651,"ĠPien":18652,"ÃŃl":18653,"abal":18654,"Ġroles":18655,"Ġmiraba":18656,"Ġgin":18657,"Ġsoja":18658,"Ġcorrea":18659,"Ġ(¿":18660,"Ġindo":18661,"riba":18662,"ĠUnited":18663,"ĠEmpresarial":18664,"ĠViajes":18665,"piros":18666,"Ġtomadas":18667,"Ġmascar":18668,"AG":18669,"ĠRacing":18670,"jillo":18671,"ĠHit":18672,"Ġretroce":18673,"Ġ´":18674,"Ġtransacción":18675,"Estudi":18676,"Ġmuerta":18677,"ruro":18678,"Ġvér":18679,"Ġitalianos":18680,"Ġrefieren":18681,"ĠMinistros":18682,"Ġinterven":18683,"Ġderrotar":18684,"ĠAsistencia":18685,"Ġpersonalizadas":18686,"tanto":18687,"Ġsilic":18688,"Ġmentalidad":18689,"Ġconseguirlo":18690,"aboración":18691,"Ġpodréis":18692,"Ġmedicin":18693,"Ġadmisión":18694,"Ġplanetas":18695,"Carlos":18696,"Ġasistieron":18697,"Ġcanadiense":18698,"ĠArena":18699,"Ġlleven":18700,"Ġgrabaciones":18701,"ĠViejo":18702,"Ġdiseñadas":18703,"Ġdescrito":18704,"Ġmaniobra":18705,"NE":18706,"radoras":18707,"cilia":18708,"ĠLove":18709,"аÐ":18710,"enciada":18711,"ĠBrig":18712,"Ġlegislador":18713,"ĠVIII":18714,"Ġalmend":18715,"Ġhumildad":18716,"Ġcremas":18717,"Ġmetabolismo":18718,"Ġsignificativos":18719,"ĠJuez":18720,"Ġcatólicos":18721,"ESCO":18722,"Ġinstalada":18723,"Ġarrepent":18724,"cultural":18725,"Ġpuestas":18726,"Ġalucin":18727,"Ġescultura":18728,"ĠSocialista":18729,"hoy":18730,"quin":18731,"Ġacumulado":18732,"Ġasever":18733,"Ġárbitro":18734,"ĠHuesca":18735,"Ġasesores":18736,"ficiencias":18737,"Ġmueven":18738,"animidad":18739,"mejor":18740,"Ġaerona":18741,"Ġinteresada":18742,"ĠPiedra":18743,"ĠSecundaria":18744,"Ġautónomas":18745,"Ġconfortable":18746,"Ġ1983":18747,"ĠPetro":18748,"Ġequivocado":18749,"Ġbibliotecas":18750,"Ġcuadras":18751,"Ġelabora":18752,"Ġorientada":18753,"Ġsentencias":18754,"irÃŃa":18755,"Ella":18756,"Ġtraves":18757,"doras":18758,"Ġpresentaba":18759,"Ġrodeada":18760,"Ġamen":18761,"Ġvolcán":18762,"ĠInt":18763,"ĠExcelente":18764,"Ġsoportes":18765,"ize":18766,"\",\"":18767,"ĠTratamiento":18768,"ĠJulián":18769,"Ġesconder":18770,"Ġcontraria":18771,"Ġinminente":18772,"Ġromana":18773,"órmula":18774,"tabilidad":18775,"Ġencaj":18776,"Ġproducidos":18777,"Ġwhatsapp":18778,"Ġcrónicas":18779,"ĠLibertadores":18780,"ĠWhite":18781,"ĠColonia":18782,"ĠColeg":18783,"ĠCafé":18784,"ĠVoy":18785,"Mejor":18786,"ĠConsejos":18787,"Ġaparezca":18788,"Ġadelantado":18789,"tizados":18790,"Ġromanos":18791,"ĠEscolar":18792,"Ġdrá":18793,"Ġlocos":18794,"Ġpronóstico":18795,"ĠTelefónica":18796,"Ġresponden":18797,"quisitos":18798,"Ġ1973":18799,"Ġconcretar":18800,"ĠMagdalena":18801,"Ġarrugas":18802,"enario":18803,"Ġprogramado":18804,"Ġformaciones":18805,"ĠGolf":18806,"Ġfundó":18807,"Ġtoques":18808,"Ġmanipular":18809,"ĠsabÃŃan":18810,"Ġdestruc":18811,"ĠCabo":18812,"Ġreportes":18813,"ĠNota":18814,"Ġfijos":18815,"ĠCompra":18816,"Ġtraen":18817,"Ġpoblado":18818,"Ġsuperación":18819,"Ġgluten":18820,"ĠTU":18821,"Ġhilos":18822,"Apren":18823,"ĠPúblicos":18824,"ĠMarvel":18825,"tualmente":18826,"Ġrequerido":18827,"ciosas":18828,"Ġinfracción":18829,"ĠArmada":18830,"ĠtÃŃm":18831,"ĠOpin":18832,"entó":18833,"iger":18834,"Ġsó":18835,"Ġtrai":18836,"Ġexpulsión":18837,"Ġspa":18838,"Ġinquietud":18839,"Rep":18840,"ĠConcejo":18841,"nio":18842,"Ġencues":18843,"Ġaclaró":18844,"Ġvitales":18845,"Ġcapilla":18846,"uman":18847,"ĠMarte":18848,"Ġincondi":18849,"Ġmonetaria":18850,"illon":18851,"Ġemitió":18852,"regó":18853,"gina":18854,"Ġtorres":18855,"ERN":18856,"alizarse":18857,"Ġfinalizado":18858,"Ġdinámicas":18859,"Ġintermedio":18860,"director":18861,"ĠSoria":18862,"eléctr":18863,"ĠAdolfo":18864,"Exper":18865,"éndonos":18866,"Ġcredibilidad":18867,"Ġeditoriales":18868,"ĠmÃŃnimas":18869,"Ġsales":18870,"ĠABC":18871,"Ġprimordial":18872,"pección":18873,"Ġaficionado":18874,"identes":18875,"Ġurbanización":18876,"Ġmiras":18877,"ors":18878,"Ġplásticos":18879,"Ġmañ":18880,"ĠMonum":18881,"ĠMercan":18882,"Ġemperador":18883,"ĠNaturaleza":18884,"Ġhispano":18885,"âĢĶ.":18886,"Ġfuncionalidades":18887,"ĠGuardi":18888,"ĠLac":18889,"Ġacabe":18890,"ĠRonaldo":18891,"ĠEP":18892,"Ġsiguieron":18893,"ĠHil":18894,"Ġlimpi":18895,"ĠTeam":18896,"cionadas":18897,"Ġmole":18898,"Ġalba":18899,"Ġchanc":18900,"Ġinmenso":18901,"Ġchic":18902,"daf":18903,"Ġsujeta":18904,"Ġferrovi":18905,"Ġoraciones":18906,"ĠAlf":18907,"ĠBlas":18908,"Ġreciba":18909,"oll":18910,"Ġabundancia":18911,"asÃŃ":18912,"gulos":18913,"hoo":18914,"Ġbull":18915,"Ġdemostrando":18916,"Ġvisualización":18917,"Ġdiploma":18918,"Ġdoctora":18919,"nada":18920,"Ġcontenta":18921,"ástima":18922,"old":18923,"ĠBenjam":18924,"Ġbanderas":18925,"Ġ1960":18926,"Ġprovinciales":18927,"Ġdescrip":18928,"ĠCav":18929,"QL":18930,"Ġaceptable":18931,"hs":18932,"ĠCaballero":18933,"Ġdurabilidad":18934,"Ġlatinoamericanos":18935,"ĠDro":18936,"Ġsimultáneamente":18937,"Ġread":18938,"Ġélite":18939,"Ġhemor":18940,"Ġinventario":18941,"ĠBell":18942,"Ġpasen":18943,"Ġcopi":18944,"ĠAuxil":18945,"istes":18946,"ĠElectrónica":18947,"Ġcompacto":18948,"Ġuruguayo":18949,"MAN":18950,"ology":18951,"Ġaseguro":18952,"Ġderivado":18953,"Ġbando":18954,"Ġtexturas":18955,"Ġdividido":18956,"uo":18957,"xs":18958,"fran":18959,"Ġrepresentaciones":18960,"Ġprotagonizada":18961,"ĠPastor":18962,"gente":18963,"mones":18964,"ĠUC":18965,"ĠmensajerÃŃa":18966,"Ġorgulloso":18967,"Ġtrono":18968,"Ġbeta":18969,"Ġderivadas":18970,"Ġclásicas":18971,"lus":18972,"Ġmanifestantes":18973,"Ġyendo":18974,"Señ":18975,"ĠMovistar":18976,"Ġcésped":18977,"ĠTay":18978,"Ġgenes":18979,"Ġreaccionar":18980,"Ġdejarse":18981,"Ġimposición":18982,"ĠVirtual":18983,"está":18984,"ponerse":18985,"ĠLG":18986,"eado":18987,"ĠclÃŃnicos":18988,"Ġsiniestro":18989,"ĠEMPRES":18990,"sub":18991,"Ġpidieron":18992,"Ġdivertidas":18993,"ĠGes":18994,"DAD":18995,"ĠDOC":18996,"Ġmacho":18997,"ĠAutom":18998,"Ġapartados":18999,"ĠðŁĺī":19000,"Ġtracción":19001,"isimo":19002,"Ġprefi":19003,"sica":19004,"Ñı":19005,"Ġprovocan":19006,"ilandia":19007,"Ġcole":19008,"Ġhomolog":19009,"ĠcaracterÃŃstico":19010,"Ġdemasiada":19011,"Ġdilu":19012,"Ġhinca":19013,"Ġencender":19014,"ĠMilán":19015,"Ġreclama":19016,"Ġcooperativas":19017,"Ġinundaciones":19018,"crim":19019,"manos":19020,"Ġconveniencia":19021,"ĠCes":19022,"urada":19023,"mios":19024,"Ġfiable":19025,"Ġindiscu":19026,"Mor":19027,"Ġautorizados":19028,"Ġubicadas":19029,"Ġregularmente":19030,"PG":19031,"ésimo":19032,"noche":19033,"Ġpercep":19034,"ĠWilliams":19035,"Ġpasajes":19036,"Ġplantillas":19037,"ĠGuadalupe":19038,"cante":19039,"Ġadiv":19040,"ĠProcuradurÃŃa":19041,"Ġsindicales":19042,"Ġestúp":19043,"Ġrequerida":19044,"gogÃŃa":19045,"ĠBall":19046,"Ġorganizados":19047,"Ġelevados":19048,"Ġpimienta":19049,"movil":19050,"ĠBravo":19051,"Ġexpos":19052,"ĠUniversidades":19053,"Ġmandó":19054,"Ġpechos":19055,"ĠExpress":19056,"Ġparadigma":19057,"Ġllevarán":19058,"Ġasignado":19059,"Ġtrece":19060,"Ġcompres":19061,"Ġcaracterizan":19062,"ĠMUN":19063,"Ġeconómicamente":19064,"quim":19065,"ĠBul":19066,"identa":19067,"Ġprobabilidades":19068,"ĠISBN":19069,"ĠTarragona":19070,"Ġtocando":19071,"Ġinmejor":19072,"Ġsul":19073,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":19074,"Ġluminosidad":19075,"Ġrectificación":19076,"Ġrechazó":19077,"ionera":19078,"Ġágil":19079,"Ġescapada":19080,"Ġperca":19081,"ĠMantenimiento":19082,"Ġresponsabil":19083,"Información":19084,"Ġgranja":19085,"Ġcontenedores":19086,"parable":19087,"ámicos":19088,"2019":19089,"Ġcompetitiva":19090,"Ġates":19091,"Ġanimado":19092,"ĠTécnicas":19093,"ĠSeries":19094,"ĠSegovia":19095,"Ġdiablo":19096,"Ġexigentes":19097,"Ġdesignación":19098,"Ġviolenta":19099,"ĠSecretaria":19100,"Ġrub":19101,"jala":19102,"=\"":19103,"ĠChris":19104,"Ġreconocidas":19105,"Ġrequiera":19106,"Ġsuplemento":19107,"rÃŃas":19108,"Ġreestruc":19109,"Ġserios":19110,"ĠConside":19111,"Ġvendidos":19112,"ĠDefens":19113,"Ġingleses":19114,"Ġestall":19115,"Ġfacilidades":19116,"Ġfec":19117,"Ġestrenar":19118,"Ġabdom":19119,"Ġdesaparece":19120,"Ġdesnudo":19121,"ĠWalter":19122,"Ġexplico":19123,"Ġexpuso":19124,"ĠGram":19125,"yes":19126,"Ġacostumbrado":19127,"ĠMone":19128,"ĠenvÃŃan":19129,"Ġtrozo":19130,"ĠNer":19131,"Ġtomen":19132,"Ġidenti":19133,"árselo":19134,"mne":19135,"Ġpermanentemente":19136,"ĠToro":19137,"ĠRealmente":19138,"hot":19139,"Ġpana":19140,"ĠMónica":19141,"cien":19142,"Ġcorporación":19143,"Ġsagrado":19144,"Ġpelear":19145,"Ġcese":19146,"Ġreclamaciones":19147,"Ġcotidiano":19148,"Ġportátiles":19149,"Ġhim":19150,"ĠAbr":19151,"Ġvinagre":19152,"Ġrig":19153,"okie":19154,"Ġrevelación":19155,"vados":19156,"ĠBull":19157,"valos":19158,"decer":19159,"Lib":19160,"Ġseriedad":19161,"Ġesplen":19162,"ĠRopa":19163,"Ġcampus":19164,"sus":19165,"Ġhierba":19166,"Ġcoyun":19167,"ĠsolÃŃa":19168,"ĠTecnológico":19169,"ĠFla":19170,"Ġaterri":19171,"icidades":19172,"ĠBA":19173,"Ġacordar":19174,"Ġobteniendo":19175,"Ġpesados":19176,"burg":19177,"Ġsucesión":19178,"Ġcasilla":19179,"Ġsinceramente":19180,"vial":19181,"Ġtechos":19182,"Ġprovienen":19183,"gáis":19184,"Ġjustificación":19185,"Ġ1979":19186,"hon":19187,"mero":19188,"Ġinterpretaciones":19189,"Ġvintage":19190,"Ġalternativo":19191,"Ġluminoso":19192,"ĠRD":19193,"folio":19194,"Ġrecorridos":19195,"Ġprogresiva":19196,"ĠDiseñ":19197,"Nada":19198,"chada":19199,"tientes":19200,"ĠJerez":19201,"ÃŃferos":19202,"Ġjabón":19203,"Ġreunieron":19204,"Ġdemonio":19205,"Ġpresenten":19206,"Ġmisterioso":19207,"Ġabrigo":19208,"Ġbendición":19209,"Ġrelata":19210,"Ġagradecido":19211,"yle":19212,"Ġpremisa":19213,"Ġvej":19214,"Ġfiabilidad":19215,"Ġproponen":19216,"óstoles":19217,"Ġrecompens":19218,"ventura":19219,"Ġcrecen":19220,"macias":19221,"ĠCapacidad":19222,"Ġsugerencia":19223,"Ġdocencia":19224,"ĠProto":19225,"Ġnúcleos":19226,"Ġsonar":19227,"Ġrecuperado":19228,"Ġobse":19229,"Ġiniciaron":19230,"zarse":19231,"Ġfantasma":19232,"Ġrepública":19233,"Ġprostituta":19234,"Ġecles":19235,"tele":19236,"Ġcontag":19237,"uber":19238,"darios":19239,"ĠMicho":19240,"ĠSystem":19241,"ĠItal":19242,"Ġindios":19243,"curio":19244,"Ġdepender":19245,"Ġselecciones":19246,"Ġadquiridos":19247,"Ġbuf":19248,"Ġcotiza":19249,"alda":19250,"Ġjustifica":19251,"Ġhincapié":19252,"derÃŃas":19253,"Ġasignaturas":19254,"Ġencub":19255,"ĠAcep":19256,"ĠOrquesta":19257,"Ġdominios":19258,"ĠFotografÃŃa":19259,"éisbol":19260,"Ġexperimental":19261,"Ġgirar":19262,"ĠâĢĭ":19263,"Ġvoluntario":19264,"On":19265,"chera":19266,"Ġtrampa":19267,"IDADES":19268,"Ġfatiga":19269,"Ġoptimización":19270,"Ġseguras":19271,"wich":19272,"Ġnocturno":19273,"zona":19274,"Ġ220":19275,"Ġrastro":19276,"ĠclÃŃnico":19277,"ĠEquipos":19278,"ĠGris":19279,"ésima":19280,"ĠVoz":19281,"HH":19282,"Ġmemorias":19283,"ĠPers":19284,"Ġinstru":19285,"ĠPrima":19286,"Ġhúmedo":19287,"Ġcaudal":19288,"Ġenormemente":19289,"Ġetiquetada":19290,"ĠSindicato":19291,"ols":19292,"Ġveran":19293,"ĠFilip":19294,"ĠMaya":19295,"Ġnad":19296,"Ġcomiendo":19297,"Ġmedioambiental":19298,"ecidos":19299,"Ġparticiparán":19300,"crania":19301,"Ġhomo":19302,"ĠAlan":19303,"torce":19304,"Ġsilves":19305,"Ġsupuso":19306,"Ġmera":19307,"Ġantibió":19308,"Ġencantados":19309,"ĠFMI":19310,"ĠmuchÃŃsimas":19311,"ĠRas":19312,"Ġ1975":19313,"lah":19314,"Ñĭ":19315,"ĠIsidro":19316,"gura":19317,"Ġmultas":19318,".(":19319,"Ġsurgido":19320,"ĠFemen":19321,"ĠInm":19322,"Ġtortu":19323,"ĠMéndez":19324,"Ġtarda":19325,"Ġsinónimo":19326,"Ġ450":19327,"Ġpuntas":19328,"cribe":19329,"ĠFinanciera":19330,"Ġnostalgia":19331,"Ġfachadas":19332,"udar":19333,"rocarb":19334,"Ġolvida":19335,"jug":19336,"Ġintac":19337,"Ġescaso":19338,"Ġcayendo":19339,"Ġatrae":19340,"Ġpertenecer":19341,"Ġatributos":19342,"ĠparecÃŃan":19343,"......":19344,"Ġaparecerá":19345,"ĠOccidental":19346,"IOS":19347,"ĠMoisés":19348,"âĢ¦..":19349,"Ġautopista":19350,"Ġdispara":19351,"Ġeducar":19352,"Ġseda":19353,"Ġfaltaba":19354,"ĠAdam":19355,"Ġlealtad":19356,"obos":19357,"ĠCra":19358,"Ġmaravillosas":19359,"ĠpatologÃŃa":19360,"trarse":19361,"Ġextracto":19362,"aden":19363,"Ġdoméstico":19364,"Ġdero":19365,"Ġpreciosos":19366,"Ġponerme":19367,"Ġextendido":19368,"Ġnovios":19369,"Ġredactado":19370,"ĠCasta":19371,"ĠPLAN":19372,"Ġimpulsa":19373,"ĠHip":19374,"Ġlatinos":19375,"Af":19376,"Ġ1977":19377,"Ġcúp":19378,"Ġtelas":19379,"ĠFavor":19380,"Ġtributaria":19381,"tariamente":19382,"IZACIÃĵN":19383,"ĠUniversity":19384,"ĠJulia":19385,"lava":19386,"ĠSD":19387,"Ġlavadora":19388,"Noticias":19389,"Ġdurar":19390,"uncio":19391,"ĠcÃŃrculos":19392,"ĠJuvenil":19393,"vitud":19394,"darse":19395,"ĠJoe":19396,"ĠDJ":19397,"rimidos":19398,"ĠPesca":19399,"cog":19400,"ĠHTML":19401,"ĠTera":19402,"ĠIC":19403,"Ġreclamos":19404,"Ġrompió":19405,"lista":19406,"Ġsalvador":19407,"Ġsituados":19408,"ambien":19409,"Ġlineal":19410,"Ġintermin":19411,"ĠMass":19412,"Ġdiálogos":19413,"Ġdesnuda":19414,"ĠCara":19415,"ĠSpe":19416,"Ġconformado":19417,"rientes":19418,"ĠCoun":19419,"Ġobtenida":19420,"Ġinadecu":19421,"Ġsubord":19422,"Ġequidad":19423,"Ġsinton":19424,"Ġpodio":19425,"Ġmontado":19426,"Ġstand":19427,"Ġincluyó":19428,"Ġexperta":19429,"ĠJud":19430,"laron":19431,"Ġapoyando":19432,"Ġinvitó":19433,"qués":19434,"Ġcatástro":19435,"ĠPH":19436,"ĠPed":19437,"Ġlien":19438,"Ġsubasta":19439,"Ġrotación":19440,"Ġalcanzan":19441,"acetas":19442,"Ġcaseros":19443,"Ġintroduc":19444,"Ġferias":19445,"Ġméritos":19446,"Ġglobo":19447,"temos":19448,"Ġhongos":19449,"ĠSomb":19450,"Ġenfocado":19451,"Ġmts":19452,"Ġbuscadores":19453,"ĠContenido":19454,"Ġinformal":19455,"Ġsombrero":19456,"Ġchile":19457,"Ġmostrará":19458,"Ġdesarrolladas":19459,"Ġespl":19460,"ĠTarjeta":19461,"ĠLunes":19462,"cro":19463,"lanueva":19464,"bación":19465,"Ġtitulo":19466,"Ġfrág":19467,"Ġeval":19468,"Ġenz":19469,"Ġvalora":19470,"Ġdejé":19471,"vÃŃ":19472,"Ġescritas":19473,"doso":19474,"ĠParro":19475,"Ġdeterminante":19476,"ĠLive":19477,"ĠRepubl":19478,"gunas":19479,"Ġinscritos":19480,"ĠQuÃŃmica":19481,"ĠInfraestruc":19482,"Existe":19483,"socia":19484,"tradas":19485,"ocos":19486,"zobispo":19487,"ĠGijón":19488,"UT":19489,"Ġsusci":19490,"ĠJoy":19491,"ĠcÃŃv":19492,"ĠFuego":19493,"ĠQueremos":19494,"locu":19495,"Ġvocab":19496,"ĠauditorÃŃa":19497,"ueño":19498,"ĠGloria":19499,"Ġconsign":19500,"Ġdorada":19501,"Ġcheque":19502,"Ġrepaso":19503,"Ġgla":19504,"ĠMiemb":19505,"OLOG":19506,"Ġsentimental":19507,"gonal":19508,"Ġcarpin":19509,"Ġprocu":19510,"Ġmisterios":19511,"Ġesplendor":19512,"etc":19513,"ĠHO":19514,"Ġsencillez":19515,"Ġreemplazo":19516,"guila":19517,"ĠCinco":19518,"Luis":19519,"Ġcuriosa":19520,"ĠmandÃŃbula":19521,"Ġrevolucionaria":19522,"dex":19523,"Ġverbal":19524,"Ġatenta":19525,"icismo":19526,"wards":19527,"Ġinútil":19528,"ĠcuantÃŃa":19529,"lama":19530,"001":19531,"Ġrio":19532,"Ġinfluir":19533,"Ub":19534,"Ġorillas":19535,"ĠOh":19536,"Ġuniform":19537,"Ġmonopol":19538,"ĠvenÃŃan":19539,"cionismo":19540,"Ġjuveniles":19541,"Ġreunido":19542,"Super":19543,"Ġparking":19544,"Ġdelincuencia":19545,"ĠDOM":19546,"ĠAguirre":19547,"ĠRepresent":19548,"ĠïĤ":19549,"Ġalimenta":19550,"Ġdefinida":19551,"Ġ\\":19552,"rededor":19553,"Ġintercambiar":19554,"ĠScott":19555,"Ġhipoteca":19556,"Ġparecida":19557,"Ġdebida":19558,"Ġapellidos":19559,"Ġdeliber":19560,"ĠValentÃŃn":19561,"ĠHigh":19562,"Ġcerro":19563,"ĠTrinidad":19564,"wagen":19565,"ĠCampus":19566,"ĠAur":19567,"Ġequipaje":19568,"ĠEDUCA":19569,"ĠIT":19570,"Aquel":19571,"Ġclo":19572,"Ġ^^":19573,"Ġcatalog":19574,"Ġponerlo":19575,"Ġconstruyó":19576,"Ġaspira":19577,"here":19578,"Ġmonstruos":19579,"Junto":19580,"Ġalcaldes":19581,"Ġoculto":19582,"Ġlamentable":19583,"ĠAlguien":19584,"rona":19585,"Ġniñez":19586,"ĠDuque":19587,"CRI":19588,"ĠlibrerÃŃa":19589,"Ġpuntual":19590,"ĠRenta":19591,"Ġilustración":19592,"ibo":19593,"renta":19594,"Ġaseo":19595,"mond":19596,"ring":19597,"Ġdiccionario":19598,"recer":19599,"pie":19600,"ĠGT":19601,"ĠChap":19602,"Ġcalificó":19603,"Ġimplicación":19604,"Ġconfies":19605,"Ġanticon":19606,"ĠEstruc":19607,"Ġcremallera":19608,"Ġreza":19609,"ĠAT":19610,"Ġqueria":19611,"ars":19612,"elly":19613,"Ġfábricas":19614,"ĠSaba":19615,"dome":19616,"Ġcuenca":19617,"Ġcoherente":19618,"ĠCaracterÃŃsticas":19619,"Ġarquitectos":19620,"Ġorgas":19621,"Ġlegislatura":19622,"cc":19623,"Ġaproximación":19624,"Ġrecibimos":19625,"Ġafines":19626,"ĠOrlando":19627,"Ġpelos":19628,"Ġcayeron":19629,"quesa":19630,"iantes":19631,"Ġclasificar":19632,"cipes":19633,"Ġsendero":19634,"ĠSilvia":19635,"Ġcaballeros":19636,"ĠPERS":19637,"Ġoccidentales":19638,"Ġorina":19639,"cales":19640,"Ġempeñ":19641,"[âĢ¦]":19642,"Ġsoltar":19643,"Ġelaborada":19644,"Ġenju":19645,"Ġminimizar":19646,"Ġmicros":19647,"Ġretirado":19648,"Ġlea":19649,"Ġacusa":19650,"Ġrecogidos":19651,"quio":19652,"Ban":19653,"lick":19654,"Ġsolidaria":19655,"ĠMOD":19656,"Ġnómina":19657,"Ġremedios":19658,"Ġ1968":19659,"Ġbizco":19660,"Ġquedarán":19661,"veda":19662,"Ġdisim":19663,"dimens":19664,"ĠSerÃŃa":19665,"Ġgota":19666,"Ġanalista":19667,"Ġtúnel":19668,"ĠNingun":19669,"Ġaudiovisuales":19670,"educ":19671,"omal":19672,"Curso":19673,"Ġvolvemos":19674,"ĠVé":19675,"Ġconvertirá":19676,"Ġperif":19677,"Ġmaquil":19678,"donado":19679,"Ġprivilegios":19680,"ĠOmar":19681,"ĠMedios":19682,"Ġfals":19683,"Ġpenetración":19684,"Ġpájaros":19685,"ĠAnna":19686,"ĠPlanificación":19687,"dés":19688,"ĠBautista":19689,"ĠArti":19690,"Ġlác":19691,"Ġvariado":19692,"ĠEne":19693,"ĠArabia":19694,"ÃŃlica":19695,"Ġforestales":19696,"mental":19697,"Ġatmos":19698,"ificador":19699,"ĠBron":19700,"iros":19701,"Ġmap":19702,"Ġdisculpas":19703,"Ġdude":19704,"ĠAcos":19705,"bitraje":19706,"Ġencantador":19707,"Cualquier":19708,"Ġatiende":19709,"Ġbarcelona":19710,"endida":19711,"Ġexistan":19712,"Ġordinario":19713,"anista":19714,"ĠColum":19715,"Ġadjudicación":19716,"ĠpermitÃŃa":19717,"letismo":19718,"Ġgobernantes":19719,"Ġsingle":19720,"ĠAlum":19721,"Tan":19722,"héro":19723,"sche":19724,"cero":19725,"Ġrobust":19726,"Ġrib":19727,"Ġexaminar":19728,"ĠjudÃŃo":19729,"Ġbea":19730,"ĠTos":19731,"Ġveamos":19732,"Ġcreativos":19733,"ACE":19734,"Ġvisitan":19735,"Ġpreco":19736,"ceptos":19737,"Ġquise":19738,"ĠObjetivos":19739,"Ġarreglos":19740,"Ġdonaciones":19741,"web":19742,"Ġescogido":19743,"UDAD":19744,"ĠPop":19745,"Ġ©":19746,"Oh":19747,"MarÃŃa":19748,"Ġformulación":19749,"UEL":19750,"Ġaprendiz":19751,"ISTE":19752,"Ġencontrados":19753,"Ġinauguró":19754,"ĠLengua":19755,"dré":19756,"Ġinfil":19757,"Ġbritánicos":19758,"Ġtrom":19759,"videncia":19760,"FER":19761,"ĠenfermerÃŃa":19762,"ĠencantarÃŃa":19763,"Ġrelaciona":19764,"ĠAmericana":19765,"ĠSolar":19766,"Ġrevelado":19767,"ĠturÃŃsticas":19768,"Ġtérmica":19769,"ĠSteve":19770,"cionando":19771,"ĠCarnaval":19772,"ADRID":19773,"Ġcontrolada":19774,"figuración":19775,"Ġvisite":19776,"élica":19777,"Ġventilación":19778,"Ġproducirse":19779,"Lu":19780,"ĠHisp":19781,"Ġestrenos":19782,"Ġactualiza":19783,"Ġrepercusión":19784,"Ġingrediente":19785,"Ġquema":19786,"Ġcarril":19787,"Ġlogotipo":19788,"Ġitinerario":19789,"Ġestarás":19790,"Ġpadecen":19791,"Ġsueldos":19792,"ĠCarab":19793,"Ġparlamentario":19794,"Ġremitir":19795,"Ġcantera":19796,"ĠCorona":19797,"ĠmaestrÃŃa":19798,"Ġedificación":19799,"Ġpobladores":19800,"Ġcasarse":19801,"Ġsuavemente":19802,"very":19803,"ĠOffice":19804,"Ġfijación":19805,"Ġmonitoreo":19806,"Mal":19807,"Ġpalma":19808,"Ġintegrales":19809,"ĠcocaÃŃna":19810,"Ġagujeros":19811,"Ġpostres":19812,"Ġestratégicos":19813,"Ġobservando":19814,"producción":19815,"jen":19816,"rosión":19817,"ĠDesign":19818,"ĠLaboratorio":19819,"ollas":19820,"Ġterminaron":19821,"Ġpedal":19822,"ĠRap":19823,"Ġconting":19824,"Gener":19825,"Ġhormonas":19826,"Ġarbitrar":19827,"ĠAva":19828,"pto":19829,"Ġesclar":19830,"Ġsepul":19831,"pio":19832,"Ġdesprende":19833,"mÃŃn":19834,"Ġinversionistas":19835,"ĠPenÃŃnsula":19836,"Ġblin":19837,"Ġlograrlo":19838,"Ġconsulte":19839,"Ġendeud":19840,"Ġselecciona":19841,"Ġcatedr":19842,"ciadamente":19843,"Ġfalse":19844,"Ġresuelve":19845,"Ġsatisfechos":19846,"Ġinformativa":19847,"dible":19848,"Estim":19849,"ĠTodavÃŃa":19850,"olin":19851,"ĠCaj":19852,"Ġhabitan":19853,"ĠpsÃŃqu":19854,"ĠPremium":19855,"ĠOP":19856,"Ġviolentos":19857,"ĠCabrera":19858,"Ġcarbo":19859,"cala":19860,"cian":19861,"Ġderra":19862,"ĠTren":19863,"ĠCompos":19864,"Ġpresento":19865,"ĠHermandad":19866,"icon":19867,"Ġcabellos":19868,"Ġestético":19869,"ĠUribe":19870,"ĠpatologÃŃas":19871,"Ġsuplementos":19872,"Ġbrindan":19873,"Ġcorporaciones":19874,"Ġandaluz":19875,"Ġelevación":19876,"Ġcesión":19877,"Ġatentados":19878,"ĠnÃŃ":19879,"Ġequilibrada":19880,"Ġparcela":19881,"ĠÃīste":19882,"ĠPOL":19883,"Ġexclusivas":19884,"Ġtempl":19885,"ĠMexico":19886,"Ġpotencias":19887,"Ġredondo":19888,"ĠPresidenta":19889,"Ġárabes":19890,"Ġfavorables":19891,"Ġincompati":19892,"Ġgobernar":19893,"Ġmedallas":19894,"Ġséptima":19895,"Ġvisitando":19896,"Tom":19897,"!âĢĿ":19898,"ĠNel":19899,"Ġcaros":19900,"abeth":19901,"mbres":19902,"Ġmiro":19903,"Ġcrearon":19904,"Ġprolifer":19905,"ican":19906,"ĠAdu":19907,"mad":19908,"Ġingesta":19909,"Ġaeropuertos":19910,"Ġdependientes":19911,"Ġadvertencia":19912,"Organ":19913,"Ġorganizó":19914,"ulia":19915,"ĠBook":19916,"Ġengaño":19917,"Ġtomará":19918,"ĠconsultorÃŃa":19919,"Ġrecomiendan":19920,"Ġencaje":19921,"Ġmetálico":19922,"deza":19923,"Ġacudieron":19924,"Ġabdomen":19925,"Ġidio":19926,"ĠEstadÃŃstica":19927,"Ġiremos":19928,"Ġball":19929,"ronto":19930,"Ġhorne":19931,"ĠDim":19932,"Ġgriega":19933,"Ġbiodiversidad":19934,"Ġintegrados":19935,"Ġpulso":19936,"Ġpila":19937,"Ġprefieres":19938,"Ġdictamen":19939,"Ġventan":19940,"Ġtiras":19941,"Ġconcentra":19942,"Ġobstáculo":19943,"Ġpleg":19944,"Ġcuadra":19945,"Ġidentificados":19946,"idados":19947,"Bl":19948,"Ġtutor":19949,"Ġdivor":19950,"Ġorganizan":19951,"Ġeventual":19952,"?...":19953,"ĠSuperinten":19954,"Ġhur":19955,"Ġrevelar":19956,"Ġmodernidad":19957,"ĠApertura":19958,"onel":19959,"Ġdelicada":19960,"ĠCRE":19961,"==":19962,"Ġimposibilidad":19963,"peuta":19964,"Ġforestal":19965,"tricas":19966,"riera":19967,"Ġreposo":19968,"rela":19969,"Ġestrena":19970,"ĠExplor":19971,"Ġlocu":19972,"Ġbarbar":19973,"Ġactivistas":19974,"semos":19975,"ĠGib":19976,"Ġcritica":19977,"ĠPrueba":19978,"aná":19979,"Ġmineros":19980,"Ġcontribuyentes":19981,"Ġinocencia":19982,"Ġflujos":19983,"ĠFórmula":19984,"Ġproyecciones":19985,"ius":19986,"Ġaspiraciones":19987,"ĠquÃŃmicas":19988,"Ġpredio":19989,"ĠExiste":19990,"ĠMucho":19991,"ĠNetwork":19992,"Ġadu":19993,"ĠExperiencia":19994,"tella":19995,"Ġactuando":19996,"Ġdomicil":19997,"Ġrenal":19998,"Ġcilin":19999,"penas":20000,"Ġmiser":20001,"Ġfrustración":20002,"Ġeri":20003,"Ġcomparto":20004,"Ġsevil":20005,"Ġdesbloque":20006,"Ġbancario":20007,"Ġesperaban":20008,"TACIÃĵN":20009,"Ġcooperativa":20010,"ĠContemp":20011,"ĠDIREC":20012,"Ġcontable":20013,"iff":20014,"Ġsedes":20015,"Ġpaul":20016,"Ġnoroeste":20017,"Ġmanifestar":20018,"ĠRoyal":20019,"uyó":20020,"Ġpreparan":20021,"portivo":20022,"Ġordinaria":20023,"Ġcompatrio":20024,"indust":20025,"drÃŃan":20026,"LES":20027,"ĠYucatán":20028,"FI":20029,"Ġcélebre":20030,"Ġcoro":20031,"Ġcoronel":20032,"Ġfirmeza":20033,"Ġglobalización":20034,"Ġintroducido":20035,"ĠEjerci":20036,"ocup":20037,"Ġequivale":20038,"Ġllegara":20039,"Ġentrenadores":20040,"fort":20041,"Ġposte":20042,"cuer":20043,"Ġviolento":20044,"rerÃŃas":20045,"Ġpedazo":20046,"Ġtremendo":20047,"ĠRomán":20048,"ĠEmil":20049,"Ġirres":20050,"Ġactivación":20051,"Ġatribuy":20052,"Ġpercibe":20053,"Ġcocción":20054,"Ġpeligrosas":20055,"Ġconcede":20056,"écnica":20057,"Ġsecar":20058,"Compar":20059,"Ġumb":20060,"Ġmolestia":20061,"ĠBoston":20062,"witch":20063,"ĠEllo":20064,"Ġrecogen":20065,"igencia":20066,"date":20067,"Ġtransf":20068,"For":20069,"Vol":20070,"Ġchamp":20071,"Ġacudió":20072,"Ġpertinente":20073,"Ġdistribuidores":20074,"Ġacarici":20075,"ĠquedarÃŃa":20076,"ĠIX":20077,"Ġbuscará":20078,"Ġrecordamos":20079,"avent":20080,"JER":20081,"Ġdistritos":20082,"plo":20083,"ĠBolso":20084,"Ġdesgar":20085,"ĠUcrania":20086,"Ġteles":20087,"ĠNum":20088,"ĠZa":20089,"ĠPav":20090,"Ġseguidos":20091,"Ġmultidiscipl":20092,"ĠYu":20093,"VAL":20094,"Ġopositores":20095,"Ġorgánico":20096,"Ġincrementa":20097,"Mujer":20098,"dist":20099,"ayuno":20100,"ÃŃen":20101,"Estados":20102,"Ġadelantar":20103,"Ġrecurrente":20104,"ómetro":20105,"Ġreúnen":20106,"Ġsensual":20107,"ĠCarl":20108,"ĠConde":20109,"Ġdesconocida":20110,"Ġremodel":20111,"étaro":20112,"Algo":20113,"Ġextens":20114,"Ġpistola":20115,"Ġrespetando":20116,"ĠSamuel":20117,"Ġasciende":20118,"Ġdeterminó":20119,"Ġpadecer":20120,"ĠIzquierda":20121,"Ġcomprendido":20122,"ĠNormalmente":20123,"atear":20124,"Ġcanon":20125,"Ġconsciencia":20126,"Ġpescadores":20127,"ĠNis":20128,"Ġinsistió":20129,"Ġdog":20130,"Ġhegem":20131,"ĠVictor":20132,"Ġdesaparecidos":20133,"ĠVolun":20134,"ĠFree":20135,"Ġdeform":20136,"Ġnul":20137,"Ġhomosexuales":20138,"adillas":20139,"Ġinsa":20140,"Ġreflejar":20141,"Ġnoci":20142,"Ġsuba":20143,"Ġalli":20144,"ĠParticipación":20145,"Ġdiré":20146,"Ġamplitud":20147,"kswagen":20148,"Ġconozcan":20149,"Ġconde":20150,"blogs":20151,"Ġesperas":20152,"Ġgritar":20153,"Ġdesesperación":20154,"rack":20155,"Ġdotar":20156,"Ġcomúnmente":20157,"iciosas":20158,"Ġdocumentales":20159,"Ġanex":20160,"ĠOruro":20161,"Ġromance":20162,"Ġarranca":20163,"Ġagropecu":20164,"Ġfrigor":20165,"ĠCiclo":20166,"Ġnaz":20167,"Ġpreocuparse":20168,"Ġlocalizado":20169,"Ġ1981":20170,"alizará":20171,"Ġbajando":20172,"caria":20173,"Ġterapias":20174,"Ġsemanales":20175,"chet":20176,"ĠFerrari":20177,"Ġrecordando":20178,"ĠAdolesc":20179,"rr":20180,"Ġeleva":20181,"ĠRue":20182,"Ġrecopil":20183,"Ġproximidad":20184,"ĠAlar":20185,"els":20186,"inho":20187,"Ġverlos":20188,"Ġcines":20189,"parencia":20190,"Ġsucediendo":20191,"ĠRestaurante":20192,"iscos":20193,"losa":20194,"ĠPAS":20195,"Ġanimo":20196,"Ġinher":20197,"Ġcenta":20198,"ĠAntiguo":20199,"Ġpuntuales":20200,"ĠChihuahua":20201,"lea":20202,"Ġluce":20203,"Ġsemejantes":20204,"Ġdistribuidor":20205,"Ġsenderismo":20206,"Ġdefra":20207,"Ġcomprando":20208,"Ġdemora":20209,"ediencia":20210,"Ġingresó":20211,"dolfo":20212,"Ġesquemas":20213,"inosau":20214,"Ġadjun":20215,"ĠPokémon":20216,"Ġconstituido":20217,"Ġ%.":20218,"cab":20219,"deas":20220,"Ġcompatibilidad":20221,"Ġnativos":20222,"Ġretomar":20223,"Ġciclistas":20224,"Ġcumplim":20225,"Ġenfrentamientos":20226,"udes":20227,"Ġpersigue":20228,"ĠEscuelas":20229,"acemos":20230,"ĠNik":20231,"Ġestrenó":20232,"ĠDanza":20233,"ĠPaÃŃses":20234,"inilla":20235,"Ġcausando":20236,"ĠWatch":20237,"Ġandan":20238,"Vide":20239,"Ġbillones":20240,"ĠNeu":20241,"Ġladrones":20242,"lla":20243,"ĠtuberÃŃa":20244,"Ġ170":20245,"ĠMediante":20246,"Ġacordes":20247,"dd":20248,"ĠDetal":20249,"Ġcacao":20250,"Ġoperativa":20251,"Ġdesembar":20252,"Ġpetrolera":20253,"Ġaltern":20254,"Ġinsiste":20255,"Ġcuántos":20256,"Ġcinematográfica":20257,"Ġeligió":20258,"Ġpopul":20259,"visa":20260,"Ġdevas":20261,"ÃĹ":20262,"Ġconclu":20263,"Ġsuperficial":20264,"ĠEvo":20265,"Ġdile":20266,"Ġverific":20267,"Dan":20268,"Ġplural":20269,"Ġconsiguieron":20270,"nap":20271,"dependi":20272,"ĠTokio":20273,"ranas":20274,"ĠArque":20275,"Ġligar":20276,"ĠAdul":20277,"amon":20278,"ĠOcho":20279,"ĠPrecios":20280,"Ġsuscrip":20281,"Ġconcluido":20282,"ĠBU":20283,"ĠBár":20284,"kins":20285,"Ġdamas":20286,"Ġmediación":20287,"icom":20288,"2001":20289,"ĠDebemos":20290,"Ġdesalo":20291,"Ġsalgan":20292,"Ġrepetición":20293,"yy":20294,"ĠJon":20295,"Ġprocesar":20296,"ĠOperaciones":20297,"Ġincul":20298,"ĠCumbre":20299,"Ġrepi":20300,"Ġcompeticiones":20301,"edicto":20302,"ĠAlexander":20303,"Ġunanimidad":20304,"grafia":20305,"ĠTac":20306,"Ġmatrimon":20307,"Ġpreguntan":20308,"ĠisraelÃŃ":20309,"ĠpodÃŃamos":20310,"Ġfrecuencias":20311,"lámico":20312,"Ġpercib":20313,"Ġmadrileño":20314,"Ġverticales":20315,"Ġfinalización":20316,"ĠInstituciones":20317,"Ġcriptom":20318,"Ġcasado":20319,"ĠConcejal":20320,"Ġcolega":20321,"jun":20322,"quidez":20323,"Ġperiódicamente":20324,"Ġexilio":20325,"Ġdureza":20326,"ĠVisita":20327,"Ġasumió":20328,"ĠStra":20329,"Ġjaponeses":20330,"itre":20331,"ĠCi":20332,"Ins":20333,"Ġformales":20334,"Ġbloquear":20335,"istra":20336,"tición":20337,"Ġdisputar":20338,"peras":20339,"dromo":20340,"Ġhayamos":20341,"Ġsumando":20342,"Ġteniente":20343,"ĠquÃŃmico":20344,"ĠMet":20345,"Ġasegú":20346,"ĠNational":20347,"formance":20348,"Ġconstitucionales":20349,"Ġrechaza":20350,"estidad":20351,"ĠPE":20352,"ose":20353,"Ġdestacadas":20354,"tl":20355,"ĠGO":20356,"Ġrelax":20357,"Ġsenda":20358,"quot":20359,"ĠParlam":20360,"ĠMata":20361,"Ġgestor":20362,"Ġorn":20363,"Poco":20364,"Ġ(-":20365,"donos":20366,"ĠtÃŃpicas":20367,"Ġbreves":20368,"Ġlegislativo":20369,"ĠDA":20370,"Ġanotó":20371,"Ġpromul":20372,"Ġmuchachos":20373,"ĠâĤ¬.":20374,"ĠEmpez":20375,"esco":20376,"abamos":20377,"wo":20378,"Ġhagamos":20379,"ĠViz":20380,"Ġsuperando":20381,"Ġsecreta":20382,"ĠMX":20383,"Ġci":20384,"ĠProgramas":20385,"iras":20386,"ĠResultados":20387,"Ġcontaminantes":20388,"Ġregistradas":20389,"Ġpreso":20390,"embra":20391,"Ġescén":20392,"ĠAviso":20393,"Ġdistingue":20394,"ĠMÃī":20395,"ĠAmp":20396,"Ġmalla":20397,"Ġveracidad":20398,"Ġaplicará":20399,"Ġajenos":20400,"Ġyoutube":20401,"ĠEnferme":20402,"Ġsacando":20403,"Station":20404,"Ġagradables":20405,"Ġcondens":20406,"Ġimb":20407,"ĠRecu":20408,"Direc":20409,"Ġsanitarias":20410,"Ġabandonó":20411,"Ġpestaña":20412,"Ġcualita":20413,"Ġsecas":20414,"...,":20415,"Ġvaliosa":20416,"Ġarticulaciones":20417,"Ġcristianismo":20418,"esio":20419,"Ġrentas":20420,"Ġmayormente":20421,"ĠBadajoz":20422,"Ġajusta":20423,"Ġimpugn":20424,"ĠHard":20425,"Cuáles":20426,"ĠFalta":20427,"senal":20428,"Ġpresuntamente":20429,"pá":20430,"Ġmodernización":20431,"ref":20432,"elec":20433,"Ġmolesto":20434,"Ġconfidencialidad":20435,"Ġsalimos":20436,"Ġcontroversia":20437,"Ġrepublicano":20438,"Ġinstantánea":20439,"Ġlogre":20440,"ĠCristian":20441,"ĠBusca":20442,"ĠMaestrÃŃa":20443,"Ġmaravillosos":20444,"Ġcontabil":20445,"ĠEstrella":20446,"Ġinverna":20447,"Ġcompetitivos":20448,"ĠArmando":20449,"Ġabsten":20450,"ĠMode":20451,"ĠFlorencia":20452,"Ġcalentar":20453,"ĠmarÃŃtimo":20454,"ĠTrujillo":20455,"Ġtraductor":20456,"ĠAlimentos":20457,"Ġmaratón":20458,"Ġópera":20459,"ĠProfesores":20460,"Ġorgullosos":20461,"éndome":20462,"Ġgoza":20463,"Ġrepercu":20464,"Ġinsumos":20465,"Ġlámparas":20466,"Ġvivencias":20467,"Ġmisericordia":20468,"Ġrevolu":20469,"Ġdécimo":20470,"Ġcometidos":20471,"ĠSC":20472,"Ġdeportista":20473,"Ġvaler":20474,"Ġcham":20475,"Ġgus":20476,"Ġagrado":20477,"ĠMartÃŃ":20478,"camente":20479,"amentablemente":20480,"Ġgeniales":20481,"ĠTributaria":20482,"Ġmentes":20483,"úr":20484,"Ġembri":20485,"urgo":20486,"Ġsuela":20487,"Ġadulta":20488,"tiembre":20489,"ĠKevin":20490,"Ġminia":20491,"Ġcompañeras":20492,"Ġvocal":20493,"Ġpedirle":20494,"Ġmanus":20495,"Ġperdidas":20496,"ĠFru":20497,"ĠLuisa":20498,"Ġperdidos":20499,"istentes":20500,"Ġtradicionalmente":20501,"Ġadjunto":20502,"icidios":20503,"Ġconcentrado":20504,"EDAD":20505,"Ġenunci":20506,"Ġdesarrollarse":20507,"ĠMatÃŃas":20508,"Ġprole":20509,"ĠÃŃbamos":20510,"vedra":20511,"escol":20512,"Ġalt":20513,"Ġregulares":20514,"Ġsaberlo":20515,"ĠNUE":20516,"ĠIbiza":20517,"izarra":20518,"Ġdesbord":20519,"ĠAth":20520,"Ġengaños":20521,"Ġalfombra":20522,"ĠSEM":20523,"Ġprecaución":20524,"ĠFores":20525,"versiones":20526,"Ġfundado":20527,"FL":20528,"Ġ!!!":20529,"ï":20530,"Ġfacilitan":20531,"Ġram":20532,"cosa":20533,"Ġacababa":20534,"ĠAsociaciones":20535,"Ġdetiene":20536,"sever":20537,"enter":20538,"Ġacreditación":20539,"Ġturnos":20540,"Ġnas":20541,"Ġbasan":20542,"ĠÃŃntimo":20543,"Ġdestitu":20544,"Ġpanorámica":20545,"Ġinvir":20546,"Ġbenef":20547,"cter":20548,"ĠLouis":20549,"ĠDiana":20550,"Ġestrecho":20551,"zgo":20552,"BE":20553,"Ġcolaborador":20554,"Ġmiti":20555,"venidas":20556,"Ġvegetar":20557,"Ġorgánicos":20558,"ĠPublicidad":20559,"Ġcreadas":20560,"ĠGermán":20561,"Ġartesanos":20562,"ties":20563,"Ġmuchacha":20564,"ĠtrilogÃŃa":20565,"ĠElim":20566,"Ġafer":20567,"Ġblanque":20568,"Ġpeques":20569,"Ġexpreso":20570,"day":20571,"resas":20572,"estra":20573,"onaer":20574,"Ġdestacada":20575,"Ġlápiz":20576,"Ġadhesión":20577,"ĠEntrada":20578,"Ġcalifica":20579,"Tú":20580,"Ġmandos":20581,"Ġindicios":20582,"ĠJazz":20583,"еÐ":20584,"Ġcongres":20585,"ĠSaf":20586,"Ġdesemb":20587,"Ġalojar":20588,"blemas":20589,"ĠExposición":20590,"Ġvalorado":20591,"Ġinjusticia":20592,"Ġcontradic":20593,"Ġcomenzamos":20594,"Ġvinculada":20595,"Ġconceder":20596,"Ġsatur":20597,"ĠjoyerÃŃa":20598,"ĠEstratég":20599,"Gar":20600,"Ġoptimismo":20601,"ĠVenecia":20602,"Ġescalada":20603,"ĠVicepres":20604,"fato":20605,"Ġvinieron":20606,"Ġsopa":20607,"Ġencontraremos":20608,"¸ı":20609,"ild":20610,"ĠCerca":20611,"urnal":20612,"Ġcomprometida":20613,"ĠHitler":20614,"umán":20615,"\":\"":20616,"ĠApoyo":20617,"Ġrehabil":20618,"ajua":20619,"ĠJas":20620,"ments":20621,"ĠBang":20622,"Ġanillos":20623,"iese":20624,"Ġdiente":20625,"ĠBis":20626,"Ġprosperidad":20627,"amiliar":20628,"Ġconfundir":20629,"Ġinesperado":20630,"ĠVentas":20631,"Ġrobos":20632,"Ġgalardón":20633,"Ġatribuye":20634,"ĠBy":20635,"Ġproveniente":20636,"Ġversion":20637,"Ġadapte":20638,"ueltos":20639,"Ġnova":20640,"ĠMike":20641,"Ġhistoriador":20642,"ĠJaneiro":20643,"Ġactualizados":20644,"ĠSabemos":20645,"Ġtormentas":20646,"ĠDesta":20647,"Ġandando":20648,"ĠEscu":20649,"Ġdecorado":20650,"ĠViolencia":20651,"ĠBomberos":20652,"Autor":20653,"Ġdecida":20654,"Ġrostros":20655,"ÃŃb":20656,"ĠNBA":20657,"Ġdistribuy":20658,"Ġmilagros":20659,"IER":20660,"lé":20661,"ĠInversión":20662,"Ġcalaba":20663,"Ġagrupaciones":20664,"ivado":20665,"Ġdefensas":20666,"Ġmediana":20667,"TULO":20668,"Ġmajes":20669,"Ġolores":20670,"aludos":20671,"ĠSonora":20672,"Ġdiferencial":20673,"Ġversa":20674,"Ġconstituir":20675,"Ġsw":20676,"ĠEstrategia":20677,"Ġcomparado":20678,"érminos":20679,"Ġadvertir":20680,"Ġajustado":20681,"Ġbajado":20682,"ibar":20683,"BU":20684,"Ġmexico":20685,"Ġasistido":20686,"Ġplantean":20687,"ĠOce":20688,"ĠGame":20689,"Ġcóc":20690,"bis":20691,"Ġarticular":20692,"Recor":20693,"Ġmáximas":20694,"ĠConsum":20695,"itness":20696,"Ġeh":20697,"Ġnoción":20698,"ĠAngeles":20699,"Ġviral":20700,"ĠVeh":20701,"Ġengañar":20702,"DR":20703,"YO":20704,"ĠLam":20705,"ĠGracia":20706,"Ġverteb":20707,"Ġanotar":20708,"rocarburos":20709,"ĠCUR":20710,"Ġsignificativas":20711,"MINIS":20712,"Ġrecam":20713,"nabis":20714,"Ġator":20715,"Ġportales":20716,"Ġviajan":20717,"ads":20718,"ecida":20719,"ĠTS":20720,"ĠSM":20721,"Ġgráficas":20722,"ĠLicenciatura":20723,"Ġpatrimonial":20724,"ĠTelecomunicaciones":20725,"Ġacuden":20726,"ĠSouth":20727,"Ġdesemple":20728,"ĠMexicano":20729,"Ġtremenda":20730,"Ġturista":20731,"Ġprometido":20732,"ĠArias":20733,"Ġardu":20734,"ĠJona":20735,"Ġclasificado":20736,"Ġabiertamente":20737,"Ġguardias":20738,"istir":20739,"ĠSandra":20740,"Ġagradece":20741,"Ġcoherencia":20742,"Ġplomo":20743,"Cos":20744,"achas":20745,"ĠCM":20746,"ĠpasarÃŃa":20747,"ĠPersonales":20748,"Ġusarse":20749,"Ġ(¡":20750,"ĠTony":20751,"ĠcafeterÃŃa":20752,"Ġpadece":20753,"antemente":20754,"ĠbiografÃŃa":20755,"ĠEnseñanza":20756,"Ġpatrio":20757,"Ġgrosor":20758,"ĠVirginia":20759,"ĠClaus":20760,"Ġmorena":20761,"Ġvest":20762,"vich":20763,"ĠVillanueva":20764,"Ġmenstru":20765,"ĠCual":20766,"ĠToma":20767,"ĠmÃŃos":20768,"Ġcomprometer":20769,"ĠKong":20770,"Ġimpedi":20771,"entaciones":20772,"Ġtrasladó":20773,"Ġmutuo":20774,"Ġencargar":20775,"Ġoriginalidad":20776,"Ġcontextos":20777,"Ġdispuso":20778,"Ġcaracterizado":20779,"Ġapetito":20780,"Pens":20781,"quillas":20782,"adir":20783,"Ġ|--":20784,"rentes":20785,"Ġconsideraciones":20786,"Ãīl":20787,"Ġtitulación":20788,"Ġdetectado":20789,"guesÃŃa":20790,"ĠUNESCO":20791,"ĠDescu":20792,"ĠsÃŃntoma":20793,"Estu":20794,"Ġverdaderas":20795,"Ġpartiendo":20796,"ĠPit":20797,"Ġincluirá":20798,"ienza":20799,"Ġcalibre":20800,"adita":20801,"vertido":20802,"ĠEdiciones":20803,"Ġinmediaciones":20804,"ĠIngeniero":20805,"Ġdisputado":20806,"ĠUNIVERS":20807,"Ġ105":20808,"ĠestÃŃmulo":20809,"Centro":20810,"Ġallan":20811,"hidratos":20812,"Ġconvirtieron":20813,"ĠPeso":20814,"ĠSÃŃn":20815,"pole":20816,"Ġmueren":20817,"Ġdesapareció":20818,"OLA":20819,"xia":20820,"landés":20821,"ĠMam":20822,"Ġsimil":20823,"olis":20824,"ĠJueves":20825,"Ġplanteó":20826,"Ġobservó":20827,"Ġgallego":20828,"Ġcollar":20829,"ĠRedacción":20830,"intena":20831,"ĠAgo":20832,"Ġpasé":20833,"ĠNASA":20834,"inaron":20835,"Ġinspira":20836,"Ġinsulina":20837,"alina":20838,"Ġinformamos":20839,"Ġvencimiento":20840,"TIVOS":20841,"ĠTus":20842,"Segun":20843,"átiles":20844,"ĠSimp":20845,"Ġcélula":20846,"Ġoriente":20847,"Ġescapa":20848,"ĠAmerica":20849,"ĠJacob":20850,"élico":20851,"Ġ365":20852,"heimer":20853,"Universidad":20854,"Ġgeométr":20855,"ĠDisfruta":20856,"relación":20857,"uciones":20858,"ĠBernardo":20859,"Ġincentivos":20860,"Ġmarcan":20861,"Ġsuperan":20862,"ĠPublicado":20863,"Mira":20864,"ĠMON":20865,"acol":20866,"Ġpaises":20867,"ĠSalto":20868,"ĠAmbas":20869,"ĠNoruega":20870,"Ġmeterse":20871,"ĠÃŃdo":20872,"our":20873,"Ġgarantizado":20874,"ĠEliz":20875,"Ġurnas":20876,"ĠDisco":20877,"Respuesta":20878,"Ġesclavitud":20879,"ĠMichoacán":20880,"Ġaparecieron":20881,"ĠFueron":20882,"Ġmetáf":20883,"ĠLil":20884,"Ġcatorce":20885,"ĠPolo":20886,"Ġclausura":20887,"Ġartil":20888,"ĠINFORMA":20889,"Ġsanos":20890,"Ġdetalla":20891,"Ġejecutiva":20892,"Google":20893,"ĠAuton":20894,"ĠPresupuestos":20895,"Ġbits":20896,"tár":20897,"Ġexcepcionales":20898,"itivas":20899,"Ġpalos":20900,"ódulo":20901,"ĠBeatriz":20902,"ĠMuebles":20903,"Ġreseñ":20904,"fonos":20905,"Via":20906,"ĠvolvÃŃ":20907,"Ġpizza":20908,"Ju":20909,"Ġescort":20910,"Ġcompró":20911,"Ġenvases":20912,"Ġaplaudi":20913,"Ġát":20914,"ĠFantas":20915,"Ġobrero":20916,"ĠRubio":20917,"ĠempatÃŃa":20918,"ĠCOMP":20919,"ĠPermanente":20920,"Ġastron":20921,"Ġdiecis":20922,"ĠMaldonado":20923,"ĠJóvenes":20924,"Ġinfluye":20925,"Ġurgentes":20926,"ĠbahÃŃa":20927,"Ġqueramos":20928,"ĠFL":20929,"Ġmarro":20930,"Ġcontribuciones":20931,"Ġcarencia":20932,"Ġefectivas":20933,"Ġecosistemas":20934,"nic":20935,"ĠEUR":20936,"250":20937,"Ġurgencias":20938,"Ġrestante":20939,"Ġfrom":20940,"ĠHua":20941,"itariamente":20942,"Ġbellos":20943,"uerdo":20944,"Ġconsecutivos":20945,"parar":20946,"Argentina":20947,"Ġdemocra":20948,"Ġflamenco":20949,"Ġsincero":20950,"Ġpredis":20951,"ĠComen":20952,"ĠCont":20953,"Ġdecisivo":20954,"Ġglucosa":20955,"Ġexpedientes":20956,"Ġdejas":20957,"Ġhomogén":20958,"Ġacome":20959,"Ġmarcos":20960,"Ġfabricados":20961,"tain":20962,"Ġdesfil":20963,"ĠLine":20964,"Ġfotográfica":20965,"Resolución":20966,"Ġbuques":20967,"ĠMala":20968,"ĠconfÃŃa":20969,"ĠAsunción":20970,"Ġconcentraciones":20971,"Ġcorrespondencia":20972,"Ġindique":20973,"Ġemisora":20974,"Ġrespectivo":20975,"Ġveinti":20976,"ĠGirona":20977,"Ġasegurando":20978,"Ġinnovaciones":20979,"misiones":20980,"ĠBarra":20981,"Ġcombinan":20982,"Ġhidratación":20983,"Ġfero":20984,"Ġactivas":20985,"Ġafian":20986,"tivismo":20987,"Ġsostenido":20988,"Ġconvocar":20989,"sterdam":20990,"ĠOriental":20991,"Ġresign":20992,"hl":20993,"Ġplacent":20994,"dibujos":20995,"Ġaccionar":20996,"Ġfluido":20997,"sulas":20998,"ásquez":20999,"peda":21000,"Ġinger":21001,"Ġjuzgados":21002,"Ġ_":21003,"chor":21004,"ĠMisión":21005,"Ġcanje":21006,"ances":21007,"Ġdescans":21008,"noso":21009,"Ġestal":21010,"Ġhallazgos":21011,"ĠCertificado":21012,"Ġcrimin":21013,"ĠBienestar":21014,"Ġmp":21015,"Ġmármol":21016,"ĠImpres":21017,"itÃŃ":21018,"Ġcervezas":21019,"ĠDun":21020,"Ġemplaz":21021,"ĠXI":21022,"Ġmoción":21023,"Ġ112":21024,"ĠInicia":21025,"Ġderma":21026,"Script":21027,"Ġenre":21028,"Ġlevantamiento":21029,"veno":21030,"Ġmañanas":21031,"ácticos":21032,"ĠSl":21033,"Ġreiteró":21034,"blan":21035,"Ġcoma":21036,"ĠGü":21037,"ĠBachillerato":21038,"ï¸ı":21039,"Ġtrascendencia":21040,"ĠFlash":21041,"Ġexpuestas":21042,"Ġseriamente":21043,"Ġquedaban":21044,"Ġdedi":21045,"Ġvariante":21046,"Ġnatación":21047,"Ġpequeñ":21048,"ciación":21049,"Ġresuci":21050,"Ġarmada":21051,"Ġsenadores":21052,"Ġcompensar":21053,"éster":21054,"Ġfantasmas":21055,"ĠDeportiva":21056,"ángulo":21057,"ADAS":21058,"ĠAños":21059,"Ġtripul":21060,"Ġalien":21061,"ĠResponsabilidad":21062,"pÃŃ":21063,"PRE":21064,"FF":21065,"áez":21066,"ĠBs":21067,"jetivo":21068,"Ġinsuficiente":21069,"Ġnotablemente":21070,"caras":21071,"ĠgalerÃŃas":21072,"ĠlatÃŃn":21073,"Ġtob":21074,"ĠGENERAL":21075,"DUCCIÃĵN":21076,"ĠDani":21077,"Ġsolidario":21078,"Ġmire":21079,"Ġhort":21080,"túe":21081,"arcas":21082,"Ġinces":21083,"ĠHall":21084,"Ġdescentr":21085,"ĠGom":21086,"Ġmúltiple":21087,"ĠLife":21088,"Ġacordó":21089,"pez":21090,"ĠCatalina":21091,"Ġobligó":21092,"copo":21093,"Ġcomento":21094,"Ġnietos":21095,"Ġdotado":21096,"utar":21097,"Ġguantes":21098,"Ġboletos":21099,"éstor":21100,"Ġmexicanas":21101,"ĠGN":21102,"Ġperderse":21103,"Ġnublado":21104,"Fe":21105,"ervo":21106,"Ġvenimos":21107,"ĠGig":21108,"ĠBluetooth":21109,"ilancia":21110,"Ġprimario":21111,"poca":21112,"Ġadelanto":21113,"ĠZelanda":21114,"BB":21115,"ĠpacÃŃfica":21116,"Ġfide":21117,"Ġperfume":21118,"Ġarquero":21119,"ĠNuevas":21120,"má":21121,"ĠInmobil":21122,"ĠOct":21123,"Ġrayas":21124,"Ġasesinos":21125,"Ġganaron":21126,"Ġdefinidos":21127,"Ġgarantizan":21128,"Ġauxiliares":21129,"Cuánto":21130,"ĠAnaly":21131,"Ġfinas":21132,"Ġentrañ":21133,"larse":21134,"ĠBode":21135,"boy":21136,"Ġzana":21137,"Ġplanea":21138,"edia":21139,"Ġdadas":21140,"Ġtentación":21141,"Ġnucleares":21142,"Ġbodegas":21143,"ĠtrÃŃo":21144,"òn":21145,"Ġprogen":21146,"ĠTEC":21147,"ĠInstitucional":21148,"social":21149,"voc":21150,"sent":21151,"Ġsocioecon":21152,"ĠEsos":21153,"Fun":21154,"genas":21155,"Ġbarbacoa":21156,"Ġcirco":21157,"Ġacompañantes":21158,"ĠAbierto":21159,"Ġeconomista":21160,"Ġcondenados":21161,"ĠDoctorado":21162,"vertir":21163,"Ġconsistencia":21164,"Ġ1936":21165,"Ġcerradas":21166,"onada":21167,"Ġasfalto":21168,"Eres":21169,"jaron":21170,"Ġconseguimos":21171,"Ġfinaliza":21172,"Ġamortigu":21173,"Ġconceptual":21174,"Ġadmira":21175,"Ġinterpretado":21176,"Ġacreedores":21177,"Ġferrocarril":21178,"ĠAse":21179,"ules":21180,"Ġestaré":21181,"Ġautoriza":21182,"Ġalumb":21183,"cracia":21184,"Ġdisparar":21185,"Ġoreja":21186,"Ġtuvieran":21187,"Ġteóricos":21188,"ĠDibu":21189,"Ġcolocó":21190,"táneas":21191,"Ġ//":21192,"Ġtronco":21193,"ĠExpo":21194,"ĠAlz":21195,"Ġcontinental":21196,"ĠUrbano":21197,"ilable":21198,"ĠDicha":21199,"Ġalterar":21200,"Ġalmacenes":21201,"Ġconsideradas":21202,"dillera":21203,"Ġordena":21204,"Ġ1974":21205,"Ġpasiones":21206,"Ġreactiv":21207,"Ġreemplaz":21208,"Ġnulidad":21209,"ĠBBC":21210,"wei":21211,"ĠEnfermerÃŃa":21212,"Ġcolorido":21213,"señor":21214,"ulip":21215,"ĠJohnson":21216,"Ġhincha":21217,"Ġdesastres":21218,"Ġreducen":21219,"ĠXL":21220,"ĠGerente":21221,"ĠGeorg":21222,"UAL":21223,"vira":21224,"ĠGabri":21225,"ĠAlber":21226,"Ġanarqu":21227,"ĠEconom":21228,"GP":21229,"chen":21230,"Ġtransformaciones":21231,"Ġmetió":21232,"Ġacop":21233,"Ġtransferencias":21234,"Ġdegustar":21235,"Ġmaster":21236,"Ġfelicitar":21237,"ajust":21238,"Ġpostul":21239,"ĠAgenda":21240,"Ġdistribuidos":21241,"ĠArtÃŃculos":21242,"vor":21243,"phone":21244,"ĠKit":21245,"ĠvolvÃŃa":21246,"Ġintensos":21247,"Ġtemplos":21248,"lanta":21249,"ises":21250,"Ġregistrarse":21251,"Ġabrum":21252,"non":21253,"Ġpresentarán":21254,"Ġaromas":21255,"Ġmy":21256,"lear":21257,"ĠPales":21258,"ĠVillal":21259,"gamiento":21260,"Ġleña":21261,"Ġconcesiones":21262,"Ġconsideraba":21263,"ĠQuerétaro":21264,"Ġfranja":21265,"Ġproductivas":21266,"Ġcausan":21267,"ĠLiv":21268,"Ġtumor":21269,"Ġramo":21270,"Ġed":21271,"ĠMB":21272,"graph":21273,"ĠCapitán":21274,"Incluso":21275,"ĠCecilia":21276,"ĠDÃŃas":21277,"Ġilusiones":21278,"Ġinsuficiencia":21279,"dard":21280,"Ġamino":21281,"Ġmagistrados":21282,"Ġsellos":21283,"ĠPom":21284,"Ġacadémicas":21285,"Ġagrav":21286,"Ġsuciedad":21287,"Ġempiece":21288,"Ġilustra":21289,"Ġanfitrión":21290,"ĠPutas":21291,"tonio":21292,"ĠVlad":21293,"Ġclasifica":21294,"ĠBox":21295,"Ġpremium":21296,"PEC":21297,"Ġcuenten":21298,"Ġray":21299,"Ġoportuna":21300,"tidor":21301,"ĠOcta":21302,"Ġverdades":21303,"Ġpoética":21304,"NS":21305,"erial":21306,"âĢĿ).":21307,"Ġdudo":21308,"ĠLux":21309,"Ġrestricción":21310,"Ġestricto":21311,"Má":21312,"Quien":21313,"ights":21314,"Ġdesfavor":21315,"Ġrecto":21316,"blar":21317,"ĠVino":21318,"ĠNegra":21319,"Ġvibra":21320,"Ġsite":21321,"ĠHerramientas":21322,"ĠVitoria":21323,"Ġcomposiciones":21324,"has":21325,"tenos":21326,"cerca":21327,"Ġflan":21328,"Ġcomencé":21329,"Ġgriegos":21330,"Ġsustra":21331,"Ġblack":21332,"Ġanécdotas":21333,"icó":21334,"Ġraras":21335,"fección":21336,"ĠCircuito":21337,"rógeno":21338,"ĠHabrá":21339,"ĠburguesÃŃa":21340,"Ġcomplicidad":21341,"Ġrechazado":21342,"toriamente":21343,"ĠTailandia":21344,"ĠEdgar":21345,"Ġllegas":21346,"temporada":21347,"\"...":21348,"Ġcaf":21349,"Ġvacunas":21350,"Ġgro":21351,"Ġmayús":21352,"Ġmostraba":21353,"éndola":21354,"ĠSostenible":21355,"ĠWat":21356,"Rob":21357,"turismo":21358,"Ġdoña":21359,"ĠMarbella":21360,"Ġescapara":21361,"ĠBBVA":21362,"Ġcitados":21363,"Ġmarinos":21364,"Ġderrotas":21365,"Situ":21366,"Ġbuscó":21367,"Ġrecorte":21368,"Ġinmor":21369,"ĠHaga":21370,"Ġacercan":21371,"ulce":21372,"Ġpapas":21373,"Ġpublicitarios":21374,"ĠDijo":21375,"Ġcooper":21376,"âĢ¦âĢ¦âĢ¦âĢ¦":21377,"Ġaguda":21378,"Ġasesinados":21379,"ĠGana":21380,"Ġlapso":21381,"undan":21382,"ĠSas":21383,"Ġinteresan":21384,"ĠPLA":21385,"TRUC":21386,"ĠMañana":21387,"Ġorganizadas":21388,"ĠpretendÃŃa":21389,"ĠTerritorial":21390,"plante":21391,"fox":21392,"Ġviabilidad":21393,"ĠIndic":21394,"Ġestrope":21395,"ANDO":21396,"Ġalcantar":21397,"Ġdescriben":21398,"Ġsocor":21399,"cans":21400,"Ġacerc":21401,"Empresa":21402,"moder":21403,"irus":21404,"Ġantiv":21405,"ARIOS":21406,"Ġeditores":21407,"ĠCreación":21408,"Ġinscribirse":21409,"ĠjerarquÃŃa":21410,"Ġocupó":21411,"Ġceremon":21412,"sel":21413,"ĠMemor":21414,"Ġfeminista":21415,"Ġdaremos":21416,"Has":21417,"Ġdedicarse":21418,"ĠEncar":21419,"Ġestres":21420,"ĠFrances":21421,"áneo":21422,"ĠespÃŃritus":21423,"Ġdimos":21424,"ĠCárdenas":21425,"Ġadiós":21426,"Ġextrater":21427,"Ġdeclarada":21428,"ĠModi":21429,"Ġcontestó":21430,"ĠmÃŃtico":21431,"Ġposes":21432,"ĠChu":21433,"Ġviable":21434,"Ġembajada":21435,"Ġdesagradable":21436,"ĠDuran":21437,"Edi":21438,"ĠVac":21439,"Ġllamaron":21440,"torrent":21441,"Ġredonde":21442,"Ġfilósofo":21443,"Ġtráiler":21444,"Ġpertenencia":21445,"ĠGuarda":21446,"Ġverb":21447,"ĠCENT":21448,"?-":21449,"Ġracha":21450,"ĠInvierno":21451,"ĠContacto":21452,"Ġdevoción":21453,"Ġexistido":21454,"grano":21455,"ĠBust":21456,"quien":21457,"Ġavisos":21458,"ĠAntio":21459,"Ġodon":21460,"ĠCuentas":21461,"ĠSábado":21462,"Ġaproximado":21463,"Ġoctavos":21464,"/.":21465,"Ġconversar":21466,"ĠTucumán":21467,"Ġbarran":21468,"Arch":21469,"Ġcriticar":21470,"Ġprocederá":21471,"ĠHoteles":21472,"Ġstreaming":21473,"ĠCay":21474,"Ġnotables":21475,"Ġajedrez":21476,"edy":21477,"ĠminorÃŃa":21478,"ĠCorreo":21479,"Ġrespectiva":21480,"Ġtributo":21481,"Ġextraordinarias":21482,"ĠCirugÃŃa":21483,"dosa":21484,"especial":21485,"Ġentraron":21486,"Ġdesenf":21487,"Ġentretenido":21488,"Sub":21489,"ĠGimnas":21490,"ĠÃīsta":21491,"Ġaumentos":21492,"Ġtranquilos":21493,"Ġternura":21494,"Ġsilicona":21495,"ĠLlo":21496,"Ġanciano":21497,"&#":21498,"ĠRobin":21499,"glish":21500,"Ġsostienen":21501,"Ġtáctil":21502,"ĠRiesgos":21503,"Ġliderado":21504,"ĠCategorÃŃa":21505,"ĠNaran":21506,"ĠJohan":21507,"Ġindiferente":21508,"Pregun":21509,"Nuevo":21510,"----------------":21511,"pino":21512,"ĠBush":21513,"UA":21514,"@@@@@@@@@@@@@@@@":21515,"Ġbolsos":21516,"Ġmagistrado":21517,"Ġbestia":21518,"Nadie":21519,"Ġdirectrices":21520,"ĠquerÃŃamos":21521,"Tar":21522,"ĠPotos":21523,"Ġimaginario":21524,"Ġauriculares":21525,"Ġestudiantil":21526,"ĠFuen":21527,"Ġmango":21528,"ĠStudio":21529,"Ġrebeldes":21530,"ĠComprar":21531,"Ġgripe":21532,"Ġaccesorio":21533,"weet":21534,"Ġjar":21535,"ĠEstilo":21536,"Ġfro":21537,"ĠDinamarca":21538,"Ġmaleta":21539,"Ġparlamentaria":21540,"ĠRegist":21541,"ĠClase":21542,"lum":21543,"ĠToyota":21544,"ĠJuana":21545,"estim":21546,"Ġmedianas":21547,"Ġliquidez":21548,"ĠCuarto":21549,"nel":21550,"Ġobispos":21551,"ĠSudamérica":21552,"Ġecológicos":21553,"Ġdoctorado":21554,"Ġés":21555,"Ġindicación":21556,"Ġrelajar":21557,"Ġadicción":21558,"ĠPack":21559,"ducido":21560,"¨":21561,"Ġbondad":21562,"Ofre":21563,"andy":21564,"Ġ1950":21565,"ĠMercantil":21566,"Ġnacen":21567,"Ġcaridad":21568,"ĠGregorio":21569,"Ġfertil":21570,"ĠBolivariana":21571,"Ġantioxidantes":21572,"lación":21573,"Ġinvestigadora":21574,"isi":21575,"Ġmax":21576,"ĠVerdad":21577,"Ġprecedente":21578,"Ġpreocupante":21579,"Ġcomience":21580,"Ġpeleas":21581,"Ġcupones":21582,"Ġpasas":21583,"Ġllamativo":21584,"ĠSalazar":21585,"teto":21586,"Ġmenús":21587,"Ġpalp":21588,"ĠBank":21589,"ĠIES":21590,"guaya":21591,"Ġtemer":21592,"iarse":21593,"Ġimpa":21594,"tiente":21595,"Ġcarbohidratos":21596,"Ġmejoran":21597,"Ġestablezca":21598,"ISA":21599,"Ġasamble":21600,"ágina":21601,"ĠManagement":21602,"Ġcantando":21603,"Ġgit":21604,"Ġdiar":21605,"Ġneto":21606,"Ġdeseada":21607,"ĠexistÃŃan":21608,"Ġ-.":21609,"óngase":21610,"Ġapropiada":21611,"Ta":21612,"Ġoye":21613,"Ġreseñas":21614,"pura":21615,"Ġmultinacional":21616,"Ġ->":21617,"lib":21618,"udad":21619,"Ġâĸ":21620,"Ġlitro":21621,"ĠimplÃŃ":21622,"Ġposts":21623,"Ġviste":21624,"Ġesperada":21625,"ĠPlayStation":21626,"ĠRomano":21627,"UES":21628,"Ġplenitud":21629,"tróp":21630,"Ġcentrada":21631,"Ġmicrófono":21632,"Ġtas":21633,"ĠOriginal":21634,"Ġprestan":21635,"Ġsepas":21636,"ĠpedÃŃa":21637,"Ġsincera":21638,"\";":21639,"Ġdirá":21640,"Ġimpo":21641,"ĠSolid":21642,"Ġgrandeza":21643,"Ġnorteamericanos":21644,"adillo":21645,"FES":21646,"ĠIdi":21647,"Ġextrañas":21648,"ĠClinton":21649,"ĠAssocia":21650,"Ġaburrido":21651,"sólo":21652,"fobia":21653,"Ġenglo":21654,"GRAMA":21655,"Ġcabez":21656,"Ġciclista":21657,"ámp":21658,"Ġproporciones":21659,"activo":21660,"ĠAbraham":21661,"ciados":21662,"inda":21663,"Ġbeneficiarse":21664,"Fern":21665,"Ġrepuesto":21666,"ĠCookies":21667,"Ġcreativas":21668,"ĠSalta":21669,"Ġenca":21670,"Ġestimación":21671,"ĠUnas":21672,"iarias":21673,"Ġapuntado":21674,"Ġautóc":21675,"emon":21676,"Ġsoporta":21677,"Ġpasivo":21678,"ĠDragon":21679,"ĠGRAN":21680,"Ġsuavidad":21681,"ĠDemocrática":21682,"Ġtonto":21683,"Ġterceras":21684,"Ġrapido":21685,"Ġderivada":21686,"Ġsupresión":21687,"ĠMateriales":21688,"ĠPRD":21689,"Ġdesnudas":21690,"Ġdespedir":21691,"Ġdisfraces":21692,")...":21693,"ajuato":21694,"ázaro":21695,"ĠRoger":21696,"Ġmojado":21697,"gate":21698,"Ġflexibles":21699,"Ġvistos":21700,"ĠGr":21701,"Ġteórica":21702,"Ġsacan":21703,"ÑĮ":21704,"Ġzumo":21705,"Ġrumor":21706,"ès":21707,"Ġejecuta":21708,"Ġpermitieron":21709,"Ġnadar":21710,"Ġreportó":21711,"Ġayudarnos":21712,"Ġnovedoso":21713,"Ġcelos":21714,"ĠPeriodismo":21715,"Ġsusur":21716,"Clas":21717,"Ġcausados":21718,"conoci":21719,"guesas":21720,"Ġesplén":21721,"ury":21722,"Ġvecinas":21723,"ĠHong":21724,"Ġversátil":21725,"Ġtriunfos":21726,"cus":21727,"ĠEfe":21728,"cisco":21729,"ĠCOMUN":21730,"Ġdemasiados":21731,"Ġhumanitaria":21732,"Ġinstantes":21733,"ĠHero":21734,"Ġhep":21735,"ĠFeliz":21736,"umos":21737,"tuosos":21738,"ĠVelas":21739,"Ġgobernante":21740,"ĠCortés":21741,"Ġsedi":21742,"ĠXia":21743,"ĠImágenes":21744,"Ġmoléculas":21745,"Ġrebelión":21746,"Ġpróximamente":21747,"Ġpsiquia":21748,"Ġfrescas":21749,"Ġconjun":21750,"Diseño":21751,"ĠDado":21752,"Ġseñalando":21753,"Ġpausa":21754,"Ġtranscurrido":21755,"ĠCroacia":21756,"ĠNadal":21757,"ĠvacÃŃa":21758,"Ġrebajas":21759,"Ġvocabulario":21760,"Ġpaja":21761,"financi":21762,"ĠSalas":21763,"ĠNecesita":21764,"quista":21765,"Ġreflexion":21766,"Ġsimpa":21767,"erie":21768,"ĠVeter":21769,"Ġaprobados":21770,"Ġpotencialmente":21771,"ĠGolfo":21772,"ĠSuperintendencia":21773,"ĠMÃģS":21774,"Ġculpables":21775,"ĠCanc":21776,"ĠLisboa":21777,"ĠMatemáticas":21778,"ĠBatman":21779,"ĠAnto":21780,"Ġreproductor":21781,"Ġcrianza":21782,"Ġconsultora":21783,"ĠVila":21784,"Ġparciales":21785,"ĠRED":21786,"egu":21787,"Ġdefendido":21788,"ĠNico":21789,"Ġrepublicanos":21790,"Ġsistemática":21791,"ĠporterÃŃa":21792,"ĠSIM":21793,"Ġmató":21794,"Ġevacu":21795,"Ġingenio":21796,"Ġach":21797,"Ġsalvajes":21798,"Ġnormativas":21799,"Ġdeficiencias":21800,"Ġamores":21801,"ĠHonda":21802,"ipsis":21803,"Ġlidera":21804,"Ġnin":21805,"ĠHid":21806,"Ġincomple":21807,"Ima":21808,"ĠAplicación":21809,"Ġconsecución":21810,"ridades":21811,"Ġpreocupar":21812,"Ġfeo":21813,"ruce":21814,"Ġvendiendo":21815,"Ġpabellón":21816,"creo":21817,"Ġmayoria":21818,"Ġreba":21819,"tici":21820,"Ġviajó":21821,"Ġmarcados":21822,"tengo":21823,"iat":21824,"Ġcabaña":21825,"Ġinteracciones":21826,"blogspot":21827,"GAN":21828,"Ġdesple":21829,"Ġtendré":21830,"Ġempleada":21831,"Ġrige":21832,"Ġadmitió":21833,"Ġterminando":21834,"Ġsignificar":21835,"Ġmaniobras":21836,"óstol":21837,"tory":21838,"critas":21839,"ĠAnexo":21840,"ĠPotter":21841,"Ġoctava":21842,"Ġpirámi":21843,"istado":21844,"Ġanimar":21845,"ĠMarÃŃn":21846,"alizaron":21847,"Bienvenido":21848,"Ġcadera":21849,"Ġelef":21850,"Ġcruzado":21851,"inopsis":21852,"ĠMr":21853,"PAL":21854,"HS":21855,"ĠAFP":21856,"Ġevaluaciones":21857,"Ġdivisiones":21858,"ĠVale":21859,"Ġutens":21860,"ĠJoseph":21861,"Ġconfer":21862,"ĠPolar":21863,"enció":21864,"Ġvuelvan":21865,"comp":21866,"Ġtraducido":21867,"ĠpolÃŃticamente":21868,"Ġislam":21869,"Ġobsesión":21870,"Ġdinosau":21871,"Ġiniciará":21872,"ĠValde":21873,"Ġtransferir":21874,"Tor":21875,"Ġame":21876,"Ġnacionalismo":21877,"IES":21878,"Ġfolk":21879,"Ġcúpula":21880,"istad":21881,"ĠWay":21882,"Ġdirectas":21883,"ĠPacto":21884,"Ġpublican":21885,"Ġantepas":21886,"Ġorientar":21887,"cif":21888,"ĠAvi":21889,"ĠEmbajada":21890,"âĢĿ),":21891,"ĠPartici":21892,"Ġresgu":21893,"hr":21894,"Ġabono":21895,"Ġmeramente":21896,"Dispon":21897,"Ġbeneficia":21898,"Ġvenas":21899,"Ġpesadilla":21900,"Ġestables":21901,"videntemente":21902,"Ġcomunistas":21903,"ĠQues":21904,"ĠAlm":21905,"instein":21906,"Ġencargó":21907,"ĠHernán":21908,"Ġenviando":21909,"Ġpresunta":21910,"Ġrestitu":21911,"ĠBes":21912,"Ġparlamentarios":21913,"ALL":21914,"ĠWikipedia":21915,"Ġacel":21916,"ĠGRATIS":21917,"ĠComunista":21918,"Ġfrenos":21919,"Ġsospechos":21920,"Ġfull":21921,"Conoce":21922,"Ġseparadas":21923,"gener":21924,"ĠNutrición":21925,"ĠSeguramente":21926,"Ġrevertir":21927,"ĠHur":21928,"Ġasequible":21929,"Ġobrera":21930,"Ġmoderado":21931,"Ġfotógrafos":21932,"Ġlevantado":21933,"Ġasistió":21934,"Ġrecibidas":21935,"ĠTemplo":21936,"ĠFigura":21937,"rima":21938,"ĠRenault":21939,"Casi":21940,"ĠFrontera":21941,"Sé":21942,"Ġguionista":21943,"Ġaplicarse":21944,"Ġmanualidades":21945,"vern":21946,"ym":21947,"Ġtrack":21948,"Ġrelajante":21949,"Ġpse":21950,"Ġjal":21951,"XICO":21952,"Ġfotográfico":21953,"liquen":21954,"Ġrodar":21955,"Ġindicados":21956,"Ġsodio":21957,"rara":21958,"Ġnobles":21959,"Ġcompresión":21960,"PON":21961,"ĠCentroamérica":21962,"bina":21963,"Ġyogur":21964,"ĠDO":21965,"ónimos":21966,"ĠMAT":21967,"ĠGames":21968,"Ġambición":21969,"Jesús":21970,"Ġmetodol":21971,"Ġnut":21972,"Ġpresuntos":21973,"tórica":21974,"Ġgratuitamente":21975,"Ġcreyentes":21976,"ĠDoña":21977,"Ġevangelio":21978,"ĠFres":21979,"Ġpulmon":21980,"Ġestudió":21981,"Ġguitarrista":21982,"ciada":21983,"ĠCoca":21984,"Ġoctavo":21985,"èn":21986,"Ġdesarrollos":21987,"ĠLong":21988,"pete":21989,"Ġatendido":21990,"ĠVarios":21991,"Ġral":21992,"Ġcortinas":21993,"Ġfincas":21994,"Ġcrom":21995,"Ġjovenes":21996,"ĠOblig":21997,"Ġinformativos":21998,"Ġhonestidad":21999,"ffet":22000,"Ġnecesitará":22001,"iega":22002,"Ġdecirse":22003,"Ġincrementado":22004,"Ġavalan":22005,"ĠNéstor":22006,"Ġminero":22007,"ĠFred":22008,"Ġcontrarres":22009,"deste":22010,"ĠUSU":22011,"Ġgestación":22012,"Ġfrio":22013,"Ġgenoci":22014,"Ġpó":22015,"ĠNuevos":22016,"Hotel":22017,"inst":22018,"Ġrobado":22019,"Ġveterano":22020,"Ġestatua":22021,"ĠAugusto":22022,"ĠCore":22023,"Ġconsumen":22024,"Ġampar":22025,"Ġcantantes":22026,"encio":22027,"ĠBesos":22028,"Ġviceversa":22029,"Ġmim":22030,"ĠHierro":22031,"Ġnovel":22032,"Ġextensiones":22033,"ĠlegÃŃtimo":22034,"Ġterminación":22035,"ĠMila":22036,"Ġperuanos":22037,"ĠBosque":22038,"ĠCIA":22039,"Ġrecomendada":22040,"Ġconcedido":22041,"ombo":22042,"ités":22043,"Ġestatutos":22044,"Ġanon":22045,"ĠWW":22046,"Ġformados":22047,"Ġdemasiadas":22048,"Ġamables":22049,"embras":22050,"Book":22051,"Gal":22052,"Ġanestes":22053,"Ġconocerse":22054,"gir":22055,"Ġinversor":22056,"Ġjubilados":22057,"ĠboletÃŃn":22058,"Ġacumular":22059,"Ġengran":22060,"ĠganaderÃŃa":22061,"Ġnutricional":22062,"Ġinspirada":22063,"Ġmetálica":22064,"Ġexquisito":22065,"Ġcómodamente":22066,"Ġcoraje":22067,"Ġopcional":22068,"Ġcajón":22069,"Star":22070,"cima":22071,"ĠFuerte":22072,"Ġacompañó":22073,"licas":22074,"Ġsospechoso":22075,"Ġsuscrito":22076,"ĠAnder":22077,"Ġtortur":22078,"Ġincluya":22079,"ĠContiene":22080,"estu":22081,"ĠAum":22082,"Ġauténticos":22083,"ĠGalerÃŃa":22084,"Ġlaber":22085,"Ġespecifica":22086,"dominio":22087,"Ġ),":22088,"ĠestadÃŃa":22089,"Ġ1972":22090,"mera":22091,"ĠTime":22092,"Ġrituales":22093,"IDOS":22094,"Ġtocaba":22095,"ette":22096,"Ġutilidades":22097,"Ġintente":22098,"ulum":22099,"Ġpeinado":22100,"ĠInterés":22101,"ĠMah":22102,"Ġpersonalización":22103,"ĠProcedimiento":22104,"CAN":22105,"ĠRivas":22106,"ĠAsh":22107,"Ġaéreas":22108,"time":22109,"Ġcuantita":22110,"ĠDeber":22111,"ĠAsesor":22112,"Ġacompañante":22113,"als":22114,"leros":22115,"ilios":22116,"Ġpotes":22117,"Ġmancha":22118,"Ġterritoriales":22119,"Ġencabezado":22120,"ĠMorelos":22121,"Ġparados":22122,"copa":22123,"ĠPM":22124,"Ġcuida":22125,"ĠConn":22126,"Ġemplean":22127,"Ġcolchón":22128,"ĠNelson":22129,"Ġprivilegiada":22130,"Ġaudiencias":22131,"Ġembarcaciones":22132,"Ġdescendientes":22133,"Ġocurriendo":22134,"Ġcordo":22135,"Ġabonar":22136,"Ġcadáveres":22137,"ticar":22138,"uchos":22139,"onto":22140,"Ġiran":22141,"terminación":22142,"Ġbuceo":22143,"ocado":22144,"ĠMix":22145,"entarias":22146,"Ġlidiar":22147,"ĠCER":22148,"IENTE":22149,"Ġgad":22150,"ĠXIV":22151,"ferentes":22152,"Ġcrono":22153,"Ġdiscrimina":22154,"Programa":22155,"ipié":22156,"Ġacusó":22157,"ILL":22158,"Ġautocon":22159,"Ġpir":22160,"Ġpositivamente":22161,"Ġreservados":22162,"Ġfos":22163,"guardar":22164,"Ġnic":22165,"Ġestafa":22166,"Ġtech":22167,"Ġfarmacias":22168,"Ġafectando":22169,"Ġpasillos":22170,"tológico":22171,"sela":22172,"Ġprototipo":22173,"ambiente":22174,"viado":22175,"?âĢĿ.":22176,"cht":22177,"Ġimpera":22178,"Ġcib":22179,"!\"":22180,"panish":22181,"ĠTalleres":22182,"cientemente":22183,"ĠVersión":22184,"ĠSalinas":22185,"Ġdefiniciones":22186,"Ðĵ":22187,"ĠVélez":22188,"Ġefectuado":22189,"Ġmediciones":22190,"Ġirrespons":22191,"Ġderram":22192,"ĠpartÃŃ":22193,"Ġgenerados":22194,"Ġantena":22195,"Ġcotiz":22196,"ĠIbar":22197,"Ġlinks":22198,"Ġjurisprudencia":22199,"ĠFull":22200,"Ġético":22201,"reak":22202,"ĠEscobar":22203,"DEN":22204,"BER":22205,"Ġ240":22206,"Ġtripulación":22207,"Ġsegmentos":22208,"Ġprestigioso":22209,"Ġcór":22210,"Ġmerecido":22211,"Ġcaiga":22212,"Ġbell":22213,"gata":22214,"Ġescuchó":22215,"Ġprofundiz":22216,"Ġreembolso":22217,"Ġproblemáticas":22218,"Ġnata":22219,"genera":22220,"Ġdisfrutamos":22221,"Ġnotado":22222,"Ġespesor":22223,"Ġinaugurado":22224,"ĠOk":22225,"Ġcalib":22226,"ĠMontaña":22227,"Ġbiológica":22228,"Ġsometerse":22229,"ĠDT":22230,"Ġindud":22231,"Ġtelefónicas":22232,"Ġamistoso":22233,"Ġescur":22234,"peo":22235,"ĠJr":22236,"guerra":22237,"ĠRocÃŃo":22238,"info":22239,"ĠveÃŃan":22240,"Ġseguiremos":22241,"Ġalusión":22242,"ĠHubo":22243,"ĠActualidad":22244,"pper":22245,"Ġadquirió":22246,"ĠTeorÃŃa":22247,"Ġcontradicción":22248,"Ġconsolas":22249,"Ġejercitar":22250,"Ġaguja":22251,"Ġlinf":22252,"Ġrequerir":22253,"ĠUnidades":22254,"cual":22255,"Ġrefriger":22256,"Ġ115":22257,"Ġrequieran":22258,"ĠUNAM":22259,"ijote":22260,"Ġinfluyen":22261,"Ġabundantes":22262,"ĠBruno":22263,"ajillas":22264,"ĠNex":22265,"Ġelevadas":22266,"Ġpuñado":22267,"Ġdene":22268,"ÃŃrculo":22269,"ĠLula":22270,"Ġconsigna":22271,"ĠAuditorio":22272,"Ġrepresentada":22273,"ĠRonda":22274,"Ġdisfruten":22275,"Ġaconsejable":22276,"Ġrecordaba":22277,"Ġfranco":22278,"ĠestÃŃmulos":22279,"Ġvacas":22280,"ĠVolkswagen":22281,"ĠMelilla":22282,"Ġaislado":22283,"hue":22284,"ĠZar":22285,"Ġtranquilamente":22286,"Ġpresionar":22287,"Ġserias":22288,"ĠWes":22289,"Contra":22290,"citación":22291,"Ġrecort":22292,"Ġespiral":22293,"Ġplumas":22294,"ĠAplicaciones":22295,"Ġlazo":22296,"Ġconstituida":22297,"ë":22298,"ĠBrad":22299,"Ġgastronómica":22300,"ĠMenos":22301,"ĠContamos":22302,"ĠComún":22303,"éticamente":22304,"ĠPlaneta":22305,"Ġlooks":22306,"Ġajenas":22307,"tecnologÃŃa":22308,"Ġrayo":22309,"Ġanalizando":22310,"inch":22311,"Mediante":22312,"Ġestimulación":22313,"Ġdormido":22314,"uloso":22315,"Ġcañ":22316,"ĠSeat":22317,"Zapa":22318,"Ġconservador":22319,"Ġdeshidra":22320,"Ġped":22321,"Ġaconseja":22322,"PH":22323,"Ġasilo":22324,"Ġsustentable":22325,"Ġacento":22326,"Ġpromocionales":22327,"cs":22328,"Ġinmejorable":22329,"tv":22330,"house":22331,"ÃīS":22332,"Ġahog":22333,"Ġplur":22334,"Ġintentaba":22335,"uevos":22336,"Ġejecutado":22337,"ĠGabinete":22338,"Ġestuvieran":22339,"Ġticket":22340,"Ġ3000":22341,"Ġconmemoración":22342,"PUB":22343,"ĠAdrián":22344,"tomÃŃa":22345,"ĠmuchÃŃsimos":22346,"gras":22347,"politano":22348,"RAS":22349,"tré":22350,"bando":22351,"Ġdelgada":22352,"Ġcontribuido":22353,"Ġgays":22354,"rosas":22355,"Ġ978":22356,"Ġautorizada":22357,"Ġconducido":22358,"vidos":22359,"Ġcomenzaba":22360,"GAR":22361,"Ġhinchas":22362,"Ġcubren":22363,"Ġecuación":22364,"brica":22365,"Ġdestinar":22366,"ĠPRIM":22367,"Ġmuc":22368,"Ġseleccione":22369,"ĠViena":22370,"legas":22371,"Ġhembra":22372,"ĠmetodologÃŃas":22373,"bó":22374,"Ġconcurs":22375,"ĠZara":22376,"Ġciego":22377,"Ġdiur":22378,"ĠCross":22379,"ĠEventos":22380,"ĠridÃŃculo":22381,"Bas":22382,"Ġencontre":22383,"inarse":22384,"Ġviñe":22385,"Ġtableta":22386,"Ġausp":22387,"Ġdefendió":22388,"Ġsuministros":22389,"ĠAnth":22390,"ĠKu":22391,"Ġagresivo":22392,"Ġhelicóptero":22393,"áñez":22394,"Ġarom":22395,"Ġsientas":22396,"Ġescap":22397,"Ġcaprich":22398,"éri":22399,"Ġabastecimiento":22400,"Ġrepuestos":22401,"ĠprohÃŃbe":22402,"Ġcanela":22403,"Ġretener":22404,"ÃŃculum":22405,"Ġcolocan":22406,"ï¼Į":22407,"ĠWork":22408,"ulando":22409,"Ġmuelle":22410,"ils":22411,"CULO":22412,"Ġenseñado":22413,"ĠDispone":22414,"Ġdirigen":22415,"Ġserpiente":22416,"Ġactivado":22417,"mic":22418,"Ġprocesión":22419,"Ġdisputará":22420,"ĠDesp":22421,"Ġgenerosidad":22422,"Ġexpresan":22423,"Ġenfo":22424,"puede":22425,"Ġenta":22426,"Ġcorporativo":22427,"Ġimpiden":22428,"Ġvarón":22429,"Ġligado":22430,"ĠStephen":22431,"ĠvalentÃŃa":22432,"Ġsoltera":22433,"Ġopina":22434,"ĠvivÃŃan":22435,"ĠdifÃŃcilmente":22436,"Ġchofer":22437,"Ġdiferenciar":22438,"Ġintercon":22439,"Ġafirmaciones":22440,"Ġnumer":22441,"ĠHoras":22442,"Ġdúo":22443,"tonas":22444,"Ġuva":22445,"Consul":22446,"Ġseminarios":22447,"Ġanticipación":22448,"alan":22449,"ĠArroyo":22450,"ĠRelig":22451,"Fund":22452,"Ġcuración":22453,"ĠAlquiler":22454,"Ġaprenden":22455,"desl":22456,"Ġ1500":22457,"Ġenseñó":22458,"ZO":22459,"Ġatmosf":22460,"ĠMisa":22461,"Ġpropiamente":22462,"ĠJosef":22463,"]âĢĭ[":22464,"trán":22465,"Ġmago":22466,"Ġauditorio":22467,"Ġembalaje":22468,"RC":22469,"ittle":22470,"Ġlaguna":22471,"uches":22472,"polis":22473,"ĠRecomend":22474,"ĠLt":22475,"Ġpedia":22476,"Ġgusten":22477,"Ġmonitores":22478,"Ġenriquece":22479,"ĠdescubrÃŃ":22480,"ĠMensajes":22481,"ĠDice":22482,"ĠYoga":22483,"Ġdesconocimiento":22484,"Ġencantadora":22485,"Mir":22486,"ĠRick":22487,"ĠBuenas":22488,"ĠCáncer":22489,"Ġmarcadores":22490,"ĠFlam":22491,"ésel":22492,"!!!!!":22493,"Ġsufrieron":22494,"ĠGinebra":22495,"ĠPapel":22496,"ĠGala":22497,"ĠâĢº":22498,"Ġsolicite":22499,"poder":22500,"Ġvisa":22501,"Ġojalá":22502,"Ġpersever":22503,"Ġperseguir":22504,"Ġconservan":22505,"ichas":22506,"ĠTercer":22507,"Ġlotes":22508,"Ġdesechos":22509,"Ġconfigura":22510,"Ġacude":22511,"análisis":22512,"tecnia":22513,"ĠfrÃŃos":22514,"ĠMobile":22515,"menos":22516,"Ġencuentres":22517,"Ġplát":22518,"ĠaerolÃŃnea":22519,"kan":22520,"ĠCano":22521,"Ġalcanzando":22522,"Recuerda":22523,"Ġdragón":22524,"Ġindiscutible":22525,"Ġlamin":22526,"UP":22527,"Ġdetecta":22528,"áramos":22529,"Ġtaur":22530,"Ġbrus":22531,"ĠSupongo":22532,"Ġproporcionado":22533,"ĠMayores":22534,"Ġsn":22535,"Ġmonasterio":22536,"aloa":22537,"Ġmism":22538,"Ġmetaf":22539,"Ġtablets":22540,"ĠLegislatura":22541,"Ġextendió":22542,"Ġeb":22543,"Ġcelda":22544,"Ġdelgado":22545,"ĠCard":22546,"Ġgradualmente":22547,"rina":22548,"ĠTER":22549,"ĠÃŃntima":22550,"iverpool":22551,"Ġcómics":22552,"Ġcordón":22553,"Ġfundadores":22554,"ĠVeci":22555,"Viv":22556,"Ġtemporalmente":22557,"Ġpreliminar":22558,"jim":22559,"isfer":22560,"Ġobjetiva":22561,"paraÃŃso":22562,"Ġpsicólogo":22563,"ĠEran":22564,"ĠConsell":22565,"Ġdueña":22566,"porta":22567,"Ġquedas":22568,"Ġunida":22569,"ĠLand":22570,"Ġresultante":22571,"Ġtacón":22572,"Ġactivista":22573,"Ġpegado":22574,"vocatoria":22575,"ĠJavaScript":22576,"Ġinvestigando":22577,"Ġfijas":22578,"yug":22579,"Ġhistóricamente":22580,"ĠTRAN":22581,"rev":22582,"diéndose":22583,"terio":22584,"Ġdesempeñar":22585,"Ġpureza":22586,"ĠMete":22587,"ĠConsumo":22588,"+]":22589,"Ġeliminando":22590,"Ġpaleta":22591,"Ġvulgar":22592,"ĠPelÃŃculas":22593,"toshop":22594,"Ġpreside":22595,"ND":22596,"kis":22597,"Ġgrasos":22598,"Ġgiras":22599,"ĠmantenÃŃa":22600,"Euro":22601,"ety":22602,"Ġunió":22603,"ĠCielo":22604,"Ġcortado":22605,"ĠHaw":22606,"ĠAdobe":22607,"Ġdiscapaci":22608,"Ġdisolución":22609,"talo":22610,"ĠCoch":22611,"ĠEns":22612,"casi":22613,"Quizás":22614,"Ġhrs":22615,"ĠLaw":22616,"Ġhacerlos":22617,"Ġfedera":22618,"ĠGrad":22619,"Ġocupados":22620,"ĠSes":22621,"ativo":22622,"Ġdesees":22623,"ĠTérminos":22624,"Ġcultivar":22625,"ĠNas":22626,"proyecto":22627,"rian":22628,"ĠRecuerdo":22629,"Ġquesos":22630,"Ġconvivir":22631,"ĠOfrece":22632,"Ġmarchas":22633,"Ġvener":22634,"ĠHumano":22635,"ĠTeruel":22636,"Ġdefienden":22637,"Ġespejos":22638,"Ġpaulat":22639,"Ġnacionalistas":22640,"ĠSMS":22641,"Ġdomina":22642,"Ġcargador":22643,"Ġregulan":22644,"ĠFilipinas":22645,"acon":22646,"fectos":22647,"ĠNatalia":22648,"Ġreval":22649,"Ġtanques":22650,"ĠResulta":22651,"ozco":22652,"Ġfilo":22653,"Ġfestivos":22654,"conf":22655,"dge":22656,"Ġexcesivamente":22657,"ĠLum":22658,"tento":22659,"Ġprescripción":22660,"ĠAlejandra":22661,"Ġopinar":22662,"Ġriquezas":22663,"Ġentregados":22664,"ĠTransportes":22665,"Ġestimula":22666,"Ġbiológico":22667,"lock":22668,"Ġsobrena":22669,"ĠPOS":22670,"Ġmiran":22671,"Otras":22672,"Deja":22673,"Ġ1969":22674,"ĠIndÃŃ":22675,"ĠdÃŃg":22676,"Ġsacarle":22677,"ĠNave":22678,"Ġsuceden":22679,"quila":22680,"Ġantaño":22681,"Ġenvol":22682,"Ġdam":22683,"Ġlibera":22684,"omagn":22685,"Ġesculturas":22686,"Equi":22687,"ĠFort":22688,"Ġglam":22689,"Ġapasionante":22690,"daria":22691,"ingu":22692,"Ġsecundar":22693,"Ġhebre":22694,"Ġfallecidos":22695,"Ġcontradicciones":22696,"Ġplasma":22697,"ĠMega":22698,"Ġ1967":22699,"Ġdescubriendo":22700,"quet":22701,"ĠTema":22702,"SD":22703,"Ġleves":22704,"vidas":22705,"Ġsocialmente":22706,"Ġsimulación":22707,"iante":22708,"ĠPadres":22709,"ĠEspeciales":22710,"ĠGallar":22711,"Ġpymes":22712,"ĠWEB":22713,"ags":22714,"Dav":22715,"ĠNI":22716,"Ġpilar":22717,"Ġcargada":22718,"ĠPeda":22719,"ĠNACIONAL":22720,"ĠLázaro":22721,"xel":22722,"Ġatas":22723,"Ġinjer":22724,"Ġmaletas":22725,"Ġcoincidir":22726,"ĠLight":22727,"Ġenfermera":22728,"Sem":22729,"âĢ¦,":22730,"Ġpulsar":22731,"fradÃŃa":22732,"ĠAdap":22733,"Ġcorteza":22734,"Ġexpro":22735,"ĠDif":22736,"ĠCloud":22737,"Ġyour":22738,"ionados":22739,"Ġanomal":22740,"ĠNazar":22741,"Ġdoméstica":22742,"ĠaverÃŃas":22743,"ĠSign":22744,"ĠOfrecemos":22745,"uró":22746,"Ġpuramente":22747,"ĠTransparencia":22748,"ĠSiendo":22749,"Ġsiembra":22750,"Ġapreh":22751,"Ġocultos":22752,"Ġ750":22753,"Ġválvula":22754,"COO":22755,"ĠPrimavera":22756,"Mig":22757,"Ġcomplementarias":22758,">>":22759,"Comun":22760,"dencial":22761,"Ġvalen":22762,"ĠAsoci":22763,"Ġofreci":22764,"tore":22765,"ĠGrupos":22766,"Ġcontinentes":22767,"Ġcera":22768,"ĠAntigua":22769,"Ġprivilegiado":22770,"Ġpiratas":22771,"ĠGerencia":22772,"uty":22773,"Ġdotación":22774,"ĠSOBRE":22775,"Ġaterriz":22776,"ĠTechn":22777,"ĠPodrÃŃa":22778,"Ġprecipitaciones":22779,"ĠPodrás":22780,"fl":22781,"izadores":22782,"Ġenviada":22783,"Ġsuyas":22784,"ĠDy":22785,"ĠsequÃŃa":22786,"ĠAriel":22787,"Ġdiversa":22788,"ĠSecu":22789,"Ġeva":22790,"Ġgarantizando":22791,"Ġcabida":22792,"Ġrequerimiento":22793,"Ġprometió":22794,"ĠDocente":22795,"AMA":22796,"Ġendo":22797,"ĠPueblos":22798,"Ġvisiones":22799,"Ġdefinió":22800,"Real":22801,"Ġinjusto":22802,"Ġtirada":22803,"Ġabras":22804,"tru":22805,"Ġinterrupción":22806,"Ġcarrito":22807,"Ġencontrarán":22808,"ĠArmas":22809,"Ġdibuj":22810,"Ġremota":22811,"Ġava":22812,"Ġpregunté":22813,"ĠGuanajuato":22814,"Ġcomunitarios":22815,"ĠLew":22816,"super":22817,"Ġformalmente":22818,"Ġsaneamiento":22819,"teres":22820,"Ġcalificaciones":22821,"ĠRespecto":22822,"campe":22823,"Ġladrillo":22824,"Ġinestabilidad":22825,"zor":22826,"Ġdesplazamientos":22827,"Ġenfatizó":22828,"pping":22829,"Ġ%,":22830,"Ġsobrepeso":22831,"Ġincorporan":22832,"Ġdescartar":22833,"ĠVarela":22834,"Ġsucesor":22835,"Ġimpermeabil":22836,"Ġafe":22837,"Cuenta":22838,"Ġempaque":22839,"Ġinvitan":22840,"Ġdesal":22841,"ĠGim":22842,"Ġcomandos":22843,"Ġanunciaron":22844,"ĠPVC":22845,"Tener":22846,"ificadas":22847,"ĠElÃŃas":22848,"ĠtravesÃŃa":22849,"manas":22850,"Ġtabletas":22851,"ping":22852,"Ġprohibida":22853,"ustro":22854,"Ġcombates":22855,"Ġconvocó":22856,"Ġdesembol":22857,"Ġolvide":22858,"Ġinstalados":22859,"Ġcompasión":22860,"Ġsorprendentes":22861,"Ġnacida":22862,"Ġrotura":22863,"eat":22864,"óticos":22865,"Ġtraducciones":22866,"Ġpredetermin":22867,"ĠLista":22868,"bell":22869,"ĠCorre":22870,"Ġproporcional":22871,"ÃijOS":22872,"Ġencabeza":22873,"tiéndose":22874,"ĠBarack":22875,"Disfruta":22876,"ĠPotosÃŃ":22877,"Ġsabio":22878,"Ġhábitat":22879,"ĠGarantÃŃa":22880,"Ġrespeta":22881,"Ġorganizador":22882,"Ġmatemática":22883,"Ġorques":22884,"Ġsolicitante":22885,"Ġvivas":22886,"Ġenriquecer":22887,"Ġaspirante":22888,"Posteriormente":22889,"Ġsecado":22890,"ĠRevolucion":22891,"ĠNeuro":22892,"Ġapagar":22893,"ĠOperación":22894,"ĠBelgrano":22895,"Ġparan":22896,"tenido":22897,"Ġconfesó":22898,"ĠCup":22899,"Ġbonaer":22900,"Ġmarcando":22901,"Ġcruj":22902,"ĠNorth":22903,"ĠÃij":22904,"Ġconfección":22905,"Ġcaravana":22906,"Ġdentales":22907,"Ġlevadura":22908,"Ġautomatización":22909,"\").":22910,"ĠPERSON":22911,"inará":22912,"ĠEPUB":22913,"uston":22914,"Ġpiense":22915,"ĠAcosta":22916,"ĠNokia":22917,"Ġintercep":22918,"Ġsolicitados":22919,"Ġperi":22920,"Selec":22921,"ĠColo":22922,"Ġlun":22923,"Ġcatalo":22924,"Ġvayamos":22925,"ĠÃŃntegramente":22926,"Ġregulador":22927,"hy":22928,"anual":22929,"tasio":22930,"Ġgeneralizada":22931,"ĠVuelta":22932,"Ġmárgenes":22933,"Ġveis":22934,"Ġatencion":22935,"Ġ1971":22936,"ĠSoc":22937,"ĠSanz":22938,"cóp":22939,"Ġabrieron":22940,"ĠKey":22941,"Ġtapar":22942,"ĠCoordinador":22943,"Ġprescin":22944,"ĠFlu":22945,"Ġergon":22946,"Ġsuspendido":22947,"Ġaprovechado":22948,"Ġmisteriosa":22949,"imir":22950,"berry":22951,"dif":22952,"carse":22953,"Ġtarot":22954,"Ġvelada":22955,"activa":22956,"ĠFerrer":22957,"Ġescriben":22958,"ĠSociedades":22959,"Ġvulnerable":22960,"Ġtratamos":22961,"ĠActividad":22962,"Ġempezaba":22963,"Ġsuben":22964,"Ġgordo":22965,"Ġgobernadores":22966,"Ġeuf":22967,"ĠAman":22968,"Ġimputado":22969,"Servicio":22970,"roco":22971,"Ġentregaron":22972,"iarios":22973,"cena":22974,"Ev":22975,"Ġreferida":22976,"Ġdescubrimientos":22977,"IST":22978,"ĠRodolfo":22979,"Ġsenderos":22980,"ój":22981,"Ġintensas":22982,"ĠcortesÃŃa":22983,"Ġbelga":22984,"Ġdicta":22985,"Haz":22986,"ductor":22987,"Ġfirmes":22988,"Ġcoe":22989,"Ġutilizo":22990,"ĠpermitirÃŃa":22991,"ĠBun":22992,"Ġatleta":22993,"stitucional":22994,"Ġlatinoamericano":22995,"ML":22996,"ĠAparte":22997,"Ġéramos":22998,"ministra":22999,"Ġsubsidi":23000,"Ġcohe":23001,"Ġaccidental":23002,"Ġbalanza":23003,"Ġsimbólico":23004,"Ġrej":23005,"Ġactrices":23006,"ĠConocimiento":23007,"ĠSP":23008,"Ġobtuvieron":23009,"osotras":23010,"Ġconvento":23011,"lao":23012,"ĠEres":23013,"Ġtraición":23014,"Ġimpregn":23015,"Ġluchan":23016,"ĠAérea":23017,"Ġvitalidad":23018,"ipiélago":23019,"CAL":23020,"Conside":23021,"Ġconvencidos":23022,"pÃŃa":23023,"Ġimposibles":23024,"Ġtumores":23025,"Ġsic":23026,"Ġrendimientos":23027,"Ġlineamientos":23028,"rity":23029,"Ġzur":23030,"Ġemprende":23031,"ĠHoracio":23032,"Ġmotocicleta":23033,"ĠBow":23034,"Ġvoluntariamente":23035,"Ġregeneración":23036,"EI":23037,"Ġcontorno":23038,"Ġencier":23039,"Ġcongresos":23040,"bai":23041,"Ġrei":23042,"ĠSports":23043,"Ġordenada":23044,"Ġpasajero":23045,"Ġanular":23046,"Ġgenerada":23047,"Ġdesprecio":23048,"Ġcompletado":23049,"Ġqueriendo":23050,"Ġretroceso":23051,"volta":23052,"Ġmartillo":23053,"elo":23054,"Ġniebla":23055,"ĠLlor":23056,"Ġtomates":23057,"Alguien":23058,"ĠTRABA":23059,"Ġdecente":23060,"Ġagarre":23061,"Ġtraslada":23062,"ĠTaylor":23063,"damiento":23064,"legos":23065,"ĠartÃŃsticos":23066,"ision":23067,"Ġvais":23068,"Ġelectrónicas":23069,"Ġpenitenci":23070,"ĠSinaloa":23071,"Ġestudian":23072,"Ġalternativos":23073,"Ġpareciera":23074,"éndoles":23075,"TB":23076,"Ġforzar":23077,"âĸ":23078,"Ġlindas":23079,"ĠCambie":23080,"Ġtrofeo":23081,"Ġenvase":23082,"rÃŃo":23083,"Ġcasera":23084,"ĠGabriela":23085,"Ġlogramos":23086,"ĠArist":23087,"rime":23088,"Ġusó":23089,"ricos":23090,"ĠBou":23091,"Ġatractivas":23092,"Ġconstruidos":23093,"ĠDuarte":23094,"Ġatravesar":23095,"Ġdemol":23096,"Ġconsent":23097,"Ġencontrando":23098,"Ġprodujeron":23099,"Ġsuceda":23100,"Ġcoral":23101,"Ġanalizado":23102,"Ġmaf":23103,"Ġinsultos":23104,"Ġtransformado":23105,"miendo":23106,"Ġteclas":23107,"cn":23108,"Ġaludi":23109,"Ġtoallas":23110,"ĠKir":23111,"Ġcláusulas":23112,"Ġburbuja":23113,"titis":23114,"Ġreflejado":23115,"Ġbob":23116,"Ġfrescura":23117,"ĠSentencia":23118,"lege":23119,"ĠAfgan":23120,"ÃļBL":23121,"ĠFORMA":23122,"ming":23123,"ĠPur":23124,"Ġmaquinas":23125,"Ġpolo":23126,"Ġarmarios":23127,"quÃŃn":23128,"Ġopositor":23129,"ĠInstrum":23130,"roja":23131,"Ġleido":23132,"sur":23133,"Ġcarecen":23134,"Ġtecla":23135,"ĠvolverÃŃa":23136,"llo":23137,"Ġplagas":23138,"Ġrecorriendo":23139,"ĠRoss":23140,"Ġcontemporáneos":23141,"Ġviuda":23142,"ĠContemporán":23143,"Ġdri":23144,"ĠIngenieros":23145,"ĠHermanos":23146,"Ġdeseaba":23147,"Ġholan":23148,"Ġalbergue":23149,"gramos":23150,"Ġinvolucrado":23151,"Ġcorporales":23152,"ómi":23153,"Ġconectarse":23154,"Ġbruto":23155,"Ġejercen":23156,"ĠAcon":23157,"Ġcolombia":23158,"Ġplantar":23159,"Ġimplicaciones":23160,"Ġcriticado":23161,"ĠCaixa":23162,"ĠAtenas":23163,"Ġaminoá":23164,"Ġhito":23165,"desarrol":23166,"Ġinno":23167,"ENTACIÃĵN":23168,"Ġnecesit":23169,"ĠPago":23170,"rene":23171,"Ġprotegidas":23172,"Ġausente":23173,"Ġsugieren":23174,"Ġengor":23175,"Ġretiró":23176,"Ġofrecerte":23177,"Ġordenación":23178,"ĠNova":23179,"ĠQuijote":23180,"deses":23181,"ĠLIB":23182,"ĠlibrerÃŃas":23183,"Ġinvernadero":23184,"Ġcirujano":23185,"ĠescribÃŃ":23186,"Ġparecidos":23187,"camp":23188,"ĠResponsable":23189,"Ġmale":23190,"cencia":23191,"Ġintercambios":23192,"TIF":23193,"Ġsentada":23194,"Ġproyecta":23195,"ĠCog":23196,"etafe":23197,"Ġtips":23198,"Ġvendió":23199,"iscal":23200,"vadas":23201,"Ġepi":23202,"Ġcontrolador":23203,"ĠBrook":23204,"ĠContral":23205,"itivamente":23206,"Ġinterlocu":23207,"ROS":23208,"Ġquehacer":23209,"ĠAlterna":23210,"Ġbeneficiar":23211,"Ġrevisiones":23212,"Ġjuntar":23213,"Ġenamorada":23214,"tografÃŃa":23215,"Ġequipadas":23216,"Grupo":23217,"Ġcannabis":23218,"Ġenhorabuena":23219,"ĠNacho":23220,"kas":23221,"Ġabdominal":23222,"Ġmusculares":23223,"rang":23224,"Ġformular":23225,"Ġinocentes":23226,"Ġequita":23227,"Ġoptimista":23228,"Ġpasara":23229,"Ġentregan":23230,"plicó":23231,"ĠCuad":23232,"lyn":23233,"ĠAmaz":23234,"Ġobtenga":23235,"Ġrefrigeración":23236,"Ġponte":23237,"juana":23238,"ĠTabla":23239,"Ġsuizo":23240,"urmet":23241,"Ġgiros":23242,"Ġcreamos":23243,"ucaristÃŃa":23244,"ĠJournal":23245,"Ġsetiembre":23246,"ĠLlan":23247,"émica":23248,"Ġmachos":23249,"Ġguardan":23250,"democ":23251,"recho":23252,"Ġpinch":23253,"Ġelijas":23254,"Sistema":23255,"Ġgarra":23256,"Ġrecreación":23257,"quetes":23258,"Ġtesoros":23259,"Ġidóneo":23260,"Ġcosmética":23261,"ĠRedon":23262,"Ġmilen":23263,"ĠLorca":23264,"Ġsujeción":23265,"Ġmadrileña":23266,"estres":23267,"ĠADMINIS":23268,"Ġdesliz":23269,"Ġreceptores":23270,"ĠMars":23271,"Seguro":23272,"ĠRR":23273,"Ġcompla":23274,"Ġpasarela":23275,"ĠContr":23276,"ĠUnida":23277,"Ġpodés":23278,"ĠObjetivo":23279,"ĠDepartamental":23280,"Ġcoincidencia":23281,"yright":23282,"Ġalejar":23283,"ĠCancún":23284,"ĠCasino":23285,"ĠAbel":23286,"ĠlingüÃŃstica":23287,"Ġtil":23288,"Ġrubio":23289,"Ġglánd":23290,"ĠDescarga":23291,"cisión":23292,"you":23293,"Ġtig":23294,"Ġinciso":23295,"Ġ\"¡":23296,"ĠBarb":23297,"Ġinfinita":23298,"Ġsubsecre":23299,"Ġnegado":23300,"Ġplie":23301,"Ġdesplazar":23302,"Th":23303,"ĠDoble":23304,"Ġinfracciones":23305,"ĠComandante":23306,"Ġregistran":23307,"ĠCarm":23308,"Ġvibración":23309,"Ġdesg":23310,"Ġpromotores":23311,"Ġtelefónico":23312,"ĠCres":23313,"Ġiniciación":23314,"pata":23315,"Ġsubvención":23316,"Ġgrises":23317,"Ġalimenticios":23318,"Ġcostura":23319,",âĢĿ":23320,"ĠDarÃŃo":23321,"jol":23322,"Ġrealismo":23323,"Ġaraña":23324,"ĠirÃŃa":23325,"Ġláminas":23326,"Ġramp":23327,"Ġórbita":23328,"zen":23329,"pelo":23330,"Ġcorrió":23331,"Ġtallas":23332,"ĠAlmac":23333,"Ġhiciste":23334,"Ġdefensiva":23335,"Ġterminada":23336,"Ġindio":23337,"Ġadaptan":23338,"Ġdomésticos":23339,"Ġesquinas":23340,"Ġindia":23341,"Ġprobando":23342,"Ġpatentes":23343,"Ġsubsidios":23344,"Ġrevelan":23345,"ĠChel":23346,"ĠIdeas":23347,"ĠMuerte":23348,"ĠKn":23349,"ĠEver":23350,"Ġsucio":23351,"ĠJuvent":23352,"Ġhipotecas":23353,"seguir":23354,"Ġguardi":23355,"Ġcejas":23356,"ĠESTA":23357,"Ġfractura":23358,"ĠNaval":23359,"udul":23360,"soy":23361,"ĠSpo":23362,"Ġresalta":23363,"Ġcañón":23364,"Ġmanejan":23365,"amilton":23366,"Ġvagina":23367,"Ġsureste":23368,"Ġinversa":23369,"zer":23370,"ĠVit":23371,"Ġdescripciones":23372,"leos":23373,"ĠBorges":23374,"Ġdeterminan":23375,"Ġacreditar":23376,"Ġspo":23377,"fue":23378,"ĠGet":23379,"Ġsubven":23380,"Ġrequeridos":23381,"ĠTitan":23382,"Ġdoctr":23383,"Ġconcentrar":23384,"Tampoco":23385,"Ġlatinoamericana":23386,"ĠGio":23387,"Ġexplora":23388,"Ġwa":23389,"Ġhola":23390,"Ġdominicano":23391,"Ġcuántas":23392,"Ġcalmar":23393,"clus":23394,"ĠManzan":23395,"ĠincreÃŃblemente":23396,"actividad":23397,"Ġutilizarlo":23398,"Ġligeros":23399,"Ġcotidianas":23400,"Ġprestigiosa":23401,"vino":23402,"ĠIntegración":23403,"ners":23404,"Ġgane":23405,"ĠllegarÃŃa":23406,"Ġporcentajes":23407,"Ġpalestinos":23408,"ordenadas":23409,"Ġalbergar":23410,"ĠFir":23411,"ĠpornografÃŃa":23412,"Ġinvolucra":23413,"Ġenoj":23414,"Ġtransportes":23415,"gazine":23416,"ĠCompostela":23417,"Ġacné":23418,"ĠTA":23419,"etta":23420,"achi":23421,"Ġlegitimidad":23422,"Ġinventar":23423,"Tex":23424,"ĠNig":23425,"Ġnew":23426,"Ġ128":23427,"Ġcalce":23428,"Ġrebelde":23429,"incluyendo":23430,"ĠEjemplo":23431,"HD":23432,"Ġdesnivel":23433,"Ġcuriosos":23434,"ĠProgramación":23435,"profes":23436,"ĠCarras":23437,"rino":23438,"Ġatrapar":23439,"ĠDead":23440,"Ġtérmico":23441,"Ġremonta":23442,"Ġmalware":23443,"Ġdescubren":23444,"Ġreconstruir":23445,"Ġcenas":23446,"cordia":23447,"ĠPirine":23448,"ĠmarroquÃŃ":23449,"ĠEuros":23450,"ĠEri":23451,"defin":23452,"Ġcupón":23453,"ADE":23454,"tacion":23455,"Ġmecánicos":23456,"Ġsusceptibles":23457,"Ġmotivado":23458,"Ġtritura":23459,"Ġcompran":23460,"Ġmediática":23461,"ĠChrome":23462,"Ġreferidos":23463,"Ġescucho":23464,"ĠAjust":23465,"ĠOliver":23466,"Ġtratara":23467,"Ġmolestar":23468,"glo":23469,"reta":23470,"Ġlevantarse":23471,"Ġcarnaval":23472,"Ġprovee":23473,"?âĢĿ,":23474,"amel":23475,"ĠSN":23476,"Ġjugaba":23477,"?¿":23478,"ĠRat":23479,"Ġgrabados":23480,"Ġpublicitaria":23481,"Ġveterinario":23482,"TICAS":23483,"Ġcaptación":23484,"ĠPermite":23485,"Ġvanguar":23486,"ÑģÑĤ":23487,"Ġpino":23488,"ĠTestamento":23489,"Ġrelacionar":23490,"Sabes":23491,"Ġadecuación":23492,"ĠFen":23493,"Ġtirando":23494,":.":23495,"ĠBut":23496,"Ġresume":23497,"Ġindicaron":23498,"PRES":23499,"Ġconvocatorias":23500,"torrique":23501,"allen":23502,"ĠCará":23503,"ĠÃģr":23504,"Ġaceleración":23505,"Ġalcanzaron":23506,"iseo":23507,"inetes":23508,"ISMO":23509,"ĠBerg":23510,"lojamiento":23511,"Ġbrig":23512,"Ġescalas":23513,"1998":23514,"Ġretribu":23515,"ĠLlev":23516,"Ġsuperhéro":23517,"Ġchinas":23518,"Ġarmadas":23519,"viene":23520,"xt":23521,"ĠdÃŃ":23522,"Ġindignación":23523,"vimiento":23524,"Ġpondremos":23525,"Ġintersec":23526,"Ġevang":23527,"ĠDS":23528,"ércitos":23529,"Ġguardado":23530,"Ġcoordinadora":23531,"YEC":23532,"Ġdictador":23533,"cuencia":23534,"ĠVerg":23535,"Ġintervin":23536,"Dep":23537,"Ġdominación":23538,"ĠSubsecre":23539,"Igualmente":23540,"ries":23541,"Ġmezclas":23542,"Ġestratégicas":23543,"ĠfantasÃŃas":23544,"Ġbik":23545,"Ġzan":23546,"ĠFerre":23547,"Ġconsecutiva":23548,"Ġprogresivamente":23549,"ermo":23550,"Ġcineasta":23551,"Ġeventualmente":23552,"ĠGoya":23553,"Ġsam":23554,"cillos":23555,"Ġhidr":23556,"Ġcreas":23557,"Sabemos":23558,"ĠLozano":23559,"ĠObviamente":23560,"Ġincorporando":23561,"avera":23562,"ĠMontero":23563,"Ġquiebra":23564,"Ġlástima":23565,"ĠDream":23566,"Ġtaquilla":23567,"Ġterribles":23568,"ONES":23569,"icé":23570,"Ġdecirles":23571,"Ġcodo":23572,"Ġresulten":23573,"Ġdedicamos":23574,"ĠAlcan":23575,"Ġfolcl":23576,"Ġprecisos":23577,"py":23578,"ĠSqu":23579,"ĠOjalá":23580,"Ġcontinuado":23581,"Dijo":23582,"Ġrelajado":23583,"Ġconfiguraciones":23584,"Ġexpuesta":23585,"ĠMejores":23586,"ĠOL":23587,"ĠCuanto":23588,"ĠAlc":23589,"ĠSimon":23590,"ĠCONTRA":23591,"Ġdesenv":23592,"Ġserás":23593,"Ġnerviosa":23594,"tológica":23595,"ĠHaitÃŃ":23596,"ĠaÃĥ":23597,"pectiva":23598,"Ġcandidaturas":23599,"Ġplástica":23600,"Ġprótesis":23601,"ÃŃgono":23602,"Ġextremas":23603,"tÃŃan":23604,"ĠUP":23605,"Intro":23606,"":25105,"Ġcatástrofe":25106,"Ġdefendiendo":25107,"Ġfestividad":25108,"jimo":25109,"Ġjul":25110,"Rom":25111,"Ġreapar":25112,"ston":25113,"ĠEng":25114,"Ġ190":25115,"iscopal":25116,"Ġjoder":25117,"Ġomisión":25118,"âĤ¬,":25119,"ĠSnap":25120,"ĠIt":25121,"garo":25122,"Ġfeminismo":25123,"Ġfuncionaba":25124,",[":25125,"ĠFortal":25126,"ĠâĢĭâĢĭ":25127,"Contac":25128,"Ġfavorecen":25129,"Ġinmortal":25130,"Ġpastores":25131,"Ġdesagü":25132,"ĠDorm":25133,"Ġlimitadas":25134,"Ġsubterrán":25135,"Ġgenético":25136,"ĠBiologÃŃa":25137,"Vesti":25138,"ĠGetafe":25139,"Ġllevarla":25140,"Ġrinde":25141,"vamos":25142,"Ġbamb":25143,"ĠIslandia":25144,"ĠSarmiento":25145,"ĠPoesÃŃa":25146,"Ġavisar":25147,"paron":25148,"ĠvacÃŃos":25149,"ĠÃģra":25150,"Ġbacteri":25151,"lut":25152,"Ġenvuelto":25153,"Ġalmendras":25154,"Ġdestruido":25155,"úper":25156,"Ġbou":25157,"Ġnaturalidad":25158,"Ġseguidas":25159,"Ġdesarrollen":25160,"ĠCrear":25161,"Ġtremendamente":25162,"ĠSatur":25163,"Ġcúb":25164,"Ġhil":25165,"ĠAutomo":25166,"Ġ1962":25167,"Ġresol":25168,"Ġrecuerde":25169,"estial":25170,"Ġhidrocarburos":25171,"ĠsinfÃŃn":25172,"ĠNight":25173,"Ġpartió":25174,"dol":25175,"ĠEt":25176,"Ġcoc":25177,"Ġ1920":25178,"Ġprosa":25179,"Ġ320":25180,"ĠPet":25181,"Ġparticipen":25182,"Ġabol":25183,"ĠMuestra":25184,"ĠQuinta":25185,"ĠBotas":25186,"Ġimpresoras":25187,"escri":25188,"Ġtriunfar":25189,"uble":25190,"Ġpicado":25191,"Ġelectores":25192,"Ġaislados":25193,"Ġcompartidos":25194,"Ġfet":25195,"ĠEtiquetas":25196,"Ġcoordenadas":25197,"Ġradicalmente":25198,"ĠInteramericana":25199,"Ġtramit":25200,"Ġherederos":25201,"ĠPorto":25202,"Ġtáctica":25203,"Ġbudi":25204,"Ġfederación":25205,"ĠSoledad":25206,"ĠCif":25207,"ITAL":25208,"ĠPerón":25209,"ĠNey":25210,"Ġshows":25211,"laba":25212,"TenÃŃa":25213,"Ġlineas":25214,"Ġampli":25215,"ĠInés":25216,"Ġvalencia":25217,"entenario":25218,"ĠPrincipal":25219,"Ġdisponga":25220,"Ġgolpear":25221,"Ġmedicación":25222,"ĠBasta":25223,"Ġparamilitar":25224,"Ġinvertida":25225,"Ġconsejera":25226,"ĠBello":25227,"Ġpronunció":25228,"Ġhicieran":25229,"Ġaprovechan":25230,"Ġfloral":25231,"ĠPix":25232,"Ġreducidos":25233,"Ġretratos":25234,"Ġduran":25235,"ĠLicenciado":25236,"Ġcreyendo":25237,"ĠESTU":25238,"zoso":25239,"Ġirrump":25240,"Ġtenor":25241,"Ġalarmas":25242,"Ġthat":25243,"Ġgremi":25244,"Ġvaginal":25245,"Ġmaldad":25246,"bran":25247,"Ġvampiro":25248,"Ġcorrectas":25249,"rix":25250,"Ġinval":25251,"ĠPoblación":25252,"Ġocupando":25253,"ĠcurrÃŃculum":25254,"................":25255,"Ġimpotencia":25256,"Ġllamamiento":25257,"Ġreunidos":25258,"Ġinesperada":25259,"Ġinse":25260,"Ġfuesen":25261,"ejos":25262,"gy":25263,"ĠContinuar":25264,"dale":25265,"Ġexponen":25266,"Ġemergente":25267,"ĠMiles":25268,"mascar":25269,"gonés":25270,"ĠStone":25271,"Ġorgullosa":25272,"verg":25273,"Ġpiro":25274,"ĠVelo":25275,"Va":25276,"ĠValdés":25277,"Ġdivisa":25278,"Ġmarinas":25279,"ĠParticular":25280,"Ġimitar":25281,"vac":25282,"Ġprepararse":25283,"Cla":25284,"Ġyacimiento":25285,"ĠAvel":25286,"Ġcalidez":25287,"Ġcolocando":25288,"Ġconvocada":25289,"Ġmoldes":25290,"ĠSens":25291,"ĠIron":25292,"Ġinstaló":25293,"Ġerradicar":25294,"ĠOEA":25295,"Ġángulos":25296,"Ġininterrump":25297,"ĠCis":25298,"Ġtrailer":25299,"nete":25300,"Ġzinc":25301,"Ġdesmante":25302,"Ġaspiración":25303,"ĠRy":25304,"indicación":25305,"Ġpill":25306,"Ġrelevo":25307,"Ġmineras":25308,"Ġmagnético":25309,"Ġfelicidades":25310,"ĠofrecÃŃa":25311,"omasaje":25312,"Ġpreocupan":25313,"Ġmagna":25314,"Ġdelicias":25315,"stata":25316,"ernet":25317,"ISTA":25318,"Ġllevara":25319,"Ġarchiv":25320,"DER":25321,"Ġnarrador":25322,"tyle":25323,"uyo":25324,"ĠSEGUR":25325,"ĠAnthony":25326,"Ġmilitancia":25327,"Ġentienda":25328,"Ġfrágil":25329,"ágeno":25330,"Ġfasti":25331,"ĠHot":25332,"Ġestaf":25333,"Ġmasaj":25334,"vision":25335,"ugu":25336,"Ġvicio":25337,"ĠRequisitos":25338,"Ġverbo":25339,"Ġsimultánea":25340,"IAS":25341,"Ġindul":25342,"Ġbalne":25343,"Ġconfirman":25344,"Ġparlamento":25345,"Ġfinalidades":25346,"pañol":25347,"uló":25348,"Ġadaptador":25349,"Ġvómi":25350,"Ġvergon":25351,"Ġinician":25352,"rojo":25353,"tegro":25354,"ĠCollege":25355,"Debemos":25356,"Ġalertas":25357,"ĠJefa":25358,"âĢİ":25359,"ĠTeniendo":25360,"enan":25361,"Ġguerrero":25362,"Ġtardó":25363,"Ġexpulsado":25364,"Ġcuevas":25365,"ĠGráfico":25366,"haga":25367,"ĠtendrÃŃamos":25368,"ĠOrganizaciones":25369,"Ġemblemático":25370,"Ġsatisfactoria":25371,"vig":25372,"tners":25373,"Ġpatrimon":25374,"ĠQuienes":25375,"mega":25376,"Ġwebcam":25377,"Ġrea":25378,"ĠConstituyente":25379,"onera":25380,"ĠIncre":25381,"Ġincómodo":25382,"Ġescalo":25383,"Ġaltavoces":25384,"Ġpretemporada":25385,"ĠChev":25386,"Ġcomunicó":25387,"Ġcentavos":25388,"ĠAniversario":25389,"Ġadversos":25390,"queño":25391,"Ġintervalo":25392,"Ġenergéticos":25393,"Ġinsertar":25394,"ĠAdriana":25395,"ĠHumanidades":25396,"Ġsillón":25397,"Ġdesent":25398,"ĠVerónica":25399,"ĠTomo":25400,"Ġcolina":25401,"Ġpreguntando":25402,"ihad":25403,"Ġnazi":25404,"Ġinternacionalmente":25405,"ĠIndonesia":25406,"ark":25407,"eli":25408,"Ġsecador":25409,"Ġignorar":25410,"ĠKon":25411,"Ġarrastra":25412,"Ġsubyac":25413,"oney":25414,"ĠVolver":25415,"Ġconsuelo":25416,"personal":25417,"Ġå":25418,"Ġcate":25419,"Ġencabezada":25420,"Ġescuchan":25421,"estable":25422,"Ġpulver":25423,"ĠOMS":25424,"Ġladrón":25425,"Ġrestablecer":25426,"Ġcoge":25427,"ÃijA":25428,"ĠRecord":25429,"ĠOfertas":25430,"Ġcentrarse":25431,"ĠPerió":25432,"ĠMusical":25433,"Ġetiquetado":25434,"Ġmaximizar":25435,"Ġespin":25436,"Ġfeed":25437,"Ġlimitados":25438,"cusiones":25439,"ĠDiplom":25440,"ĠYoung":25441,"Ġcontesta":25442,"Ġexplosivos":25443,"autor":25444,"Ġreciclado":25445,"ĠStr":25446,"Ġarea":25447,"capaces":25448,"Ġpizarra":25449,"ress":25450,"ĠjudÃŃa":25451,"Ġsalta":25452,"Ġalgoritmo":25453,"edo":25454,"uchar":25455,"Ġcobi":25456,"gico":25457,"ĠLinares":25458,"ĠLou":25459,"ĠPatricio":25460,"Ġfemeninas":25461,"IAL":25462,"ĠIslam":25463,"ĠPalencia":25464,"itra":25465,"ĠIsland":25466,"Ġformativas":25467,"Ġ135":25468,"Francia":25469,"ĠEmma":25470,"ĠPrecisamente":25471,"asticidad":25472,"ientas":25473,"ógn":25474,"Ġintentamos":25475,"Ġentretenida":25476,"ĠPiñera":25477,"ĠfrÃŃas":25478,"gobern":25479,"Ġcontados":25480,"Ġintuición":25481,"ĠMonitor":25482,"ĠLola":25483,"Ġcongre":25484,"ibra":25485,"Ġmanto":25486,"ĠMeta":25487,"ĠGuay":25488,"ĠAvailable":25489,"ĠEtiquetado":25490,"Hacer":25491,"KE":25492,"ĠZapata":25493,"Ġinnovar":25494,"Ġasiste":25495,"Ġindividualmente":25496,"Ġespadas":25497,"Ġcontención":25498,"ĠIG":25499,"nunca":25500,"ĠAI":25501,"Ġprestados":25502,"hace":25503,"ĠTecnológica":25504,"Ġquirúrgica":25505,"Jorge":25506,"ocada":25507,"Ġirme":25508,"Ġinteranual":25509,"Ġfortalezas":25510,"dria":25511,"Ġconcedió":25512,"Ġdespacio":25513,"Ġcompartirlo":25514,"Ġmosa":25515,"Ġauxilio":25516,"ĠSoviética":25517,"Ġsitúan":25518,"Ġinforman":25519,"Ġdeberemos":25520,"Ġmediterránea":25521,"Ġadquieren":25522,"ĠOpinión":25523,"Ġfaldas":25524,"Ġreedi":25525,"ĠEugenia":25526,"watch":25527,"Ġgasta":25528,"Ġindef":25529,"Ġrecogidas":25530,"Ġexcusas":25531,"ĠPierre":25532,"inflama":25533,"flores":25534,"Ġadición":25535,"ĠBenÃŃtez":25536,"ĠMajes":25537,"ELL":25538,"Ġfluc":25539,"enciación":25540,"ĠTalla":25541,"equi":25542,"Cuatro":25543,"Ġvolverse":25544,"Ġpersianas":25545,"ĠVive":25546,"hotmail":25547,"Ġforzada":25548,"ĠPage":25549,"Ġbic":25550,"Ġligeras":25551,"Ġgastronómico":25552,"Ġausteridad":25553,"ĠNou":25554,"Ġmedioambientales":25555,"ĠLion":25556,"ierras":25557,"Vic":25558,"illero":25559,"ying":25560,"Ġduradera":25561,"cÃŃ":25562,"Ġincans":25563,"Ġasma":25564,"Ġsop":25565,"Ġcomprobación":25566,"mesa":25567,"Ġprogresión":25568,"Ġpicos":25569,"Ġsalmón":25570,"Ġcazadores":25571,"Ġentregará":25572,"ĠINF":25573,"cillas":25574,"Santa":25575,"Ġcicatriz":25576,"Pien":25577,"ÙĦ":25578,"letic":25579,"ógrafo":25580,"Ġplaneado":25581,"Ġsexualmente":25582,"ĠMódulo":25583,"ĠDam":25584,"Ġuniversitarias":25585,"Ġrodillos":25586,"ĠDesaf":25587,"Ġfinanciado":25588,"Ġenamorar":25589,"Ġbiológicos":25590,"Ġdegradación":25591,"ĠAprovech":25592,"ience":25593,"ĠBusco":25594,"ĠContreras":25595,"tismos":25596,"Ġfelicitaciones":25597,"ĠSiete":25598,"ĠEmo":25599,"Ġenteras":25600,"Ġviagra":25601,"ĠQueda":25602,"Están":25603,"espa":25604,"Ġcantos":25605,"Ġafectó":25606,"ĠComplutense":25607,"Ġpresidido":25608,"ĠAriz":25609,"Ġvalientes":25610,"Ġvon":25611,"cesor":25612,"Ġimportant":25613,"ess":25614,"ĠvendrÃŃa":25615,"Siguiente":25616,"Ġpsicólogos":25617,"ĠFácil":25618,"Dist":25619,"rint":25620,"Ġatendidos":25621,"eman":25622,"ĠFunda":25623,"Ġrecibi":25624,"ĠCalvo":25625,"osis":25626,"ranza":25627,"Ġsufrag":25628,"Ġmermel":25629,"Ġacompañadas":25630,"Ġampliado":25631,"ĠMichelle":25632,"Saludos":25633,"153":25634,"ĠSOCI":25635,"datario":25636,"ĠElectro":25637,"mentado":25638,"Ġdigestión":25639,"Ġenmarca":25640,"ĠAli":25641,"ÂĶ,":25642,"ĠReunión":25643,"ĠMAC":25644,"Ġdijera":25645,"ĠSie":25646,"Ġapues":25647,"Ġdesarrolle":25648,"Ġmansión":25649,"Ġmasacre":25650,"Ġcn":25651,"Ġsacrificios":25652,"ĠNOR":25653,"Ġafluencia":25654,"mitente":25655,"gh":25656,".*":25657,"Ġadmiten":25658,"Ġaproxima":25659,"Ġhablaremos":25660,"?:":25661,"Ġaro":25662,"EO":25663,"ĠAntic":25664,"Especial":25665,"Ġdistanci":25666,"Ġentenderse":25667,"Ġsolemos":25668,"Ġ¨":25669,"ĠentendÃŃa":25670,"Ġsk":25671,"Ġpropietaria":25672,"ĠEspecialmente":25673,"Ġafortunadamente":25674,"ĠPuigdemont":25675,"ĠEar":25676,"Ġcuestionario":25677,"utada":25678,"Ġasesinar":25679,"Ġpromueven":25680,"historia":25681,"Pedro":25682,"Ġasco":25683,"Ġjugadas":25684,"Ġcondicion":25685,"Ġrespondido":25686,"wski":25687,"ship":25688,"Ġvicepresidenta":25689,"Ġmandado":25690,"Ġalquileres":25691,"foto":25692,"ignas":25693,"Ġencargan":25694,"Ġborrador":25695,"Ġrene":25696,"ĠEspar":25697,"ĠAero":25698,"Ġpublicando":25699,"ĠRepresentantes":25700,"Ġtobillo":25701,"IMA":25702,"ĠAntrop":25703,"dle":25704,"tadoras":25705,"ĠWoo":25706,"Ġcocer":25707,"indro":25708,"urce":25709,"ĠCristal":25710,"ĠAndaluz":25711,"Ġbilateral":25712,"ĠConjunto":25713,"Ġregala":25714,"Ġescuchaba":25715,"denciales":25716,"ĠManejo":25717,"cén":25718,"Ġ`":25719,"ĠInterpre":25720,"óticas":25721,"ĠBásica":25722,"Ġº":25723,"ĠClausura":25724,"Ġincompr":25725,"Ġhidrógeno":25726,"âĢĶâĢĶ":25727,"Ġ>>":25728,"Ġrug":25729,"Ġautomotriz":25730,"Ġtranscurre":25731,"ĠsabÃŃamos":25732,"ĠIlum":25733,"Ġpoliéster":25734,"caya":25735,"émico":25736,"Ġforzado":25737,"Ġclos":25738,"Ġimpresos":25739,"Ġejércitos":25740,"Ġestricta":25741,"lete":25742,"ĠEspi":25743,"Ġgorda":25744,"queras":25745,"Ġmonos":25746,"Ġsemen":25747,"Ġaplausos":25748,"ĠKy":25749,"ĠINE":25750,"Ġcuidando":25751,"AMIENTO":25752,"Ġamada":25753,"Ġrealizaba":25754,"Ġsangri":25755,"Ġjubil":25756,"Ġdesapro":25757,"Recom":25758,"Ġfertilidad":25759,"Ġreab":25760,"iertamente":25761,"ĠCÃŃv":25762,"Ġchiste":25763,"Ġaislada":25764,"Ġataca":25765,"Ġrecuento":25766,"Ġpastoral":25767,"Ġautomáticos":25768,"senger":25769,"ĠNissan":25770,"Ġrepleto":25771,"Ġvalles":25772,"ĠElche":25773,"Ġentramos":25774,"Ġnal":25775,"ĠTron":25776,"Ġreformar":25777,"Ġrecomendó":25778,"Ġcoincidiendo":25779,"Ġtocan":25780,"Ġcontribuyendo":25781,"Ġarcos":25782,"Ġtio":25783,"ĠBeat":25784,"Ġvacunación":25785,"Ġwe":25786,"Ġincreible":25787,"oke":25788,"Ġcoordinado":25789,"Apo":25790,"Ġconejo":25791,"Ġuniformes":25792,"ĠCeuta":25793,"Ġperegrinos":25794,"Ġparaje":25795,"Ġcierran":25796,"Ġcarc":25797,"Ġyer":25798,"Ġjustos":25799,"EST":25800,"ĠInfraestructura":25801,"Ġcomprometió":25802,"tenga":25803,"garia":25804,"ĠKas":25805,"Mus":25806,"idón":25807,"Ġenrol":25808,"quÃŃmica":25809,"Ġproliferación":25810,"ĠPrácticas":25811,"quinaria":25812,"kÃŃn":25813,"Ġresolvió":25814,"ĠLau":25815,"commerce":25816,"Ġraya":25817,"Ġaleja":25818,"ĠcercanÃŃas":25819,"ĠParra":25820,"Ġayudante":25821,"Ġ103":25822,"Ġexil":25823,"Ġkar":25824,"Ġbarril":25825,"ĠAss":25826,"Ġencaden":25827,"Ġnormativo":25828,"Ġiniciada":25829,"ato":25830,"ĠUbuntu":25831,"xit":25832,"ĠIbérica":25833,"Comprar":25834,"ĠTÃī":25835,"ĠGara":25836,"Ġcriticó":25837,"Ġarresto":25838,"pace":25839,"Ġescuadra":25840,"Ġdomicili":25841,"ĠHealth":25842,"Ġanunciada":25843,"Ġempuje":25844,"Ġhadas":25845,"ĠvÃŃspera":25846,"Ġmanifestaron":25847,"Ġpreferidos":25848,"Ġmuertas":25849,"ĠTerritorio":25850,"ĠOde":25851,"ĠMeteor":25852,"tical":25853,"ĠÃļnico":25854,"erción":25855,"Ġcápsulas":25856,"Ġcanchas":25857,"Ġpresidida":25858,"ĠPasa":25859,"Ġtierna":25860,"ĠAmplio":25861,"Ġdeseados":25862,"dafone":25863,"Ġexplicaron":25864,"Ġresiduales":25865,"Ġempleador":25866,"ĠUtiliza":25867,"Ġgratitud":25868,"Ġllevadas":25869,"eeee":25870,"ĠSingapur":25871,"ĠTOR":25872,"Ġpincha":25873,"Ġmagistral":25874,"Ġcucharada":25875,"1992":25876,"ĠMarch":25877,"ĠCommun":25878,"Ġ1939":25879,"Fecha":25880,"Ġmusic":25881,"Entrada":25882,"Ġdolorosa":25883,"Ġquemaduras":25884,"ĠMisiones":25885,"Ġirregulares":25886,"Ġnazis":25887,"Ġbroche":25888,"Ġhortalizas":25889,"udita":25890,"ĠEntra":25891,"Ġzapato":25892,"alas":25893,"Ġvaliosos":25894,"ĠUD":25895,"Ġguion":25896,"chain":25897,"técn":25898,"ĠIba":25899,"Ġenviará":25900,"ĠCeleb":25901,"fs":25902,"Ġbruja":25903,"Ġavena":25904,"ĠOrange":25905,"ĠShop":25906,"ĠGaza":25907,"ĠBR":25908,"Ġcote":25909,"Ġcolgado":25910,"Ġbrevemente":25911,"Ġdifundido":25912,"ásticas":25913,"ocol":25914,"thur":25915,"seca":25916,"Ġgimnasia":25917,"ĠChic":25918,"Ġtomaba":25919,"lanca":25920,"cine":25921,"Ġcomentaba":25922,"Ġllanto":25923,"Ġtuer":25924,"ĠHouston":25925,"Ġfotovolta":25926,"ĠDiccionario":25927,"dium":25928,"ĠCapacitación":25929,"abé":25930,"ĠSucre":25931,"ĠPicas":25932,"vet":25933,"Ġesperemos":25934,"Ġpromovido":25935,"Ġliterarias":25936,"pago":25937,"Ġrefiri":25938,"Ġmisiles":25939,"Ġeducadores":25940,"row":25941,"ĠML":25942,"Ġendeudamiento":25943,"ĠTamaulipas":25944,"Ġinsatisf":25945,"lina":25946,"Ġentrará":25947,"ends":25948,"Ġexplicamos":25949,"Ġcaucho":25950,"Ġcamuf":25951,"Ġcalur":25952,"zul":25953,"Ġimitación":25954,"tético":25955,"amelo":25956,"ĠPiso":25957,"ĠdejarÃŃa":25958,"Ġlegislativa":25959,"Ġevolucionar":25960,"Ġcupo":25961,"Ġmicroorgan":25962,"Ġenfrentó":25963,"Ġpongas":25964,"Ġnieto":25965,"ludo":25966,"ĠRS":25967,"Ġprestam":25968,"strong":25969,"ĠToronto":25970,"Ġestampados":25971,"iá":25972,"ĠBry":25973,"Ġafecte":25974,"Ġcalentador":25975,"Ġparaguay":25976,"Ġeligen":25977,"Ġmerced":25978,"óscopo":25979,"avy":25980,"Ãłs":25981,"Ġtrig":25982,"Ġmembrana":25983,"emo":25984,"olanda":25985,"ĠInstalaciones":25986,"anterÃŃa":25987,"ĠDirectorio":25988,"Ġagresiva":25989,"ENO":25990,"ductos":25991,"Ġesperados":25992,"Ġdiseñadora":25993,"ĠRosas":25994,"tológicos":25995,"Ġterapéutico":25996,"Ġsuscriptores":25997,"ĠManga":25998,"Ġayudarlo":25999,"quisición":26000,"Ġusarla":26001,"ĠPlane":26002,"Ġconfiado":26003,"!!!!!!!!":26004,"ĠPak":26005,"Mat":26006,"GUA":26007,"istan":26008,"ĠCambridge":26009,"ĠChav":26010,"Ġacogedora":26011,"Ġinfinitas":26012,"Ġplaneación":26013,"Ġdoctores":26014,"Ġgremios":26015,"Ġopcion":26016,"Ġtrasc":26017,"ĠMedic":26018,"uevan":26019,"ĠInversiones":26020,"Ġrentables":26021,"ĠJordan":26022,"Ġgracioso":26023,"Ġdescif":26024,"Comple":26025,"ĠLanzarote":26026,"Ġreplante":26027,"Ġlevante":26028,"Ġaranceles":26029,"Ġcriptomonedas":26030,"Ġlob":26031,"toriedad":26032,"Ġcompraventa":26033,"Ġdiócesis":26034,"Ġinterdiscipl":26035,"1995":26036,"iseta":26037,"Ġtomé":26038,"->":26039,"Ġindispensables":26040,"Ġmatrimonial":26041,"Ġpretexto":26042,"ĠClásico":26043,"ĠDep":26044,"gets":26045,"Apar":26046,"wan":26047,"Ġimpuesta":26048,"Ġorienta":26049,"ajen":26050,"Ġnido":26051,"Ġimprev":26052,".¿":26053,"Du":26054,"ĠilÃŃcito":26055,"Ġprofe":26056,"Ġimpartido":26057,"Ġinmovil":26058,"Ġaseguraron":26059,"Ġmetáfora":26060,"ĠResort":26061,"Ġincógn":26062,"ĠPonce":26063,"ĠBAR":26064,"ĠSing":26065,"Ġtriángulo":26066,"Ġaumentaron":26067,"ibus":26068,"Ġocurridos":26069,"ĠMejÃŃa":26070,"Ġcerradura":26071,"inz":26072,"Ġnovias":26073,"Ġdespidos":26074,"Ġproceden":26075,"TIN":26076,"Ġpuertorrique":26077,"Ġenvio":26078,"ĠÃļltimo":26079,"ĠEA":26080,"ĠintrÃŃn":26081,"Ġdesob":26082,"ĠVicepresidente":26083,"Ġútero":26084,"ĠRoad":26085,"Ger":26086,"Ġutilizará":26087,"loque":26088,"Ġacústica":26089,"demas":26090,"Ġinterrumpir":26091,"arcal":26092,"Ġfé":26093,"Ġhormona":26094,"Ġperdi":26095,"Ġexperimentación":26096,"Ġrebaja":26097,"IPO":26098,"Lic":26099,"Ġcircuns":26100,"Ġprolongada":26101,"Ġoct":26102,"ĠWater":26103,"Pat":26104,"[/":26105,"acón":26106,"\"),":26107,"ĠEsther":26108,"ifico":26109,"Ġcoch":26110,"Ġbusquen":26111,"Ġconector":26112,"Ġsupremo":26113,"Ġcoreo":26114,"Ġcloro":26115,"tuarios":26116,"Ġtraum":26117,"Ġenvenen":26118,"Ġafricanos":26119,"Ġnáut":26120,"ificando":26121,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":26122,"Ġimplantes":26123,"pé":26124,"abamba":26125,"Ġsolvencia":26126,"Ġnec":26127,"ockey":26128,"ĠPartes":26129,"vertida":26130,"Ġbonaerense":26131,"Ġabismo":26132,"ĠGeneración":26133,"Ġultras":26134,"ĠAcadem":26135,"Ġrá":26136,"eot":26137,"cretamente":26138,"ĠAlca":26139,"Ġfestivo":26140,"Ben":26141,"Ġdebieron":26142,"Ġâľ":26143,"iang":26144,"ĠAprendizaje":26145,"Ġlabi":26146,"ĠJugue":26147,"Ġpsicos":26148,"ĠCP":26149,"Ġsonrisas":26150,"Ġestereotipos":26151,"Ġpublicitarias":26152,"uelen":26153,"ĠAdministrativa":26154,"acul":26155,"Ġespaciales":26156,"ampe":26157,"Ġdrones":26158,"ĠMarket":26159,"Ġtatuaje":26160,"ĠPatagonia":26161,"Ġenamorados":26162,"TH":26163,"Ġarcilla":26164,"Ġinvitaciones":26165,"Ġespeculación":26166,"Ġacertada":26167,"ĠRector":26168,"ĠOtoño":26169,"ĠFP":26170,"Ġalega":26171,"Ġmatrimonios":26172,"Bon":26173,"ĠLav":26174,"Ġdeban":26175,"ĠacrÃŃ":26176,"Ġargumenta":26177,"Ġrenovada":26178,"Ġhaciéndose":26179,"Ġbrujas":26180,"Antonio":26181,"Ġpractican":26182,"Ġpreventivo":26183,"tify":26184,"Ġsentados":26185,"Ġdefinidas":26186,"Ġeconomistas":26187,"ÃīN":26188,"ĠGESTI":26189,"Ġsecuelas":26190,"ĠDejar":26191,"ĠSesión":26192,"hattan":26193,"Ġferoz":26194,"ĠEqu":26195,"ĠEntidad":26196,"Ġofensivo":26197,"Ġprocedió":26198,"ĠCena":26199,"fecta":26200,"Ġsurgieron":26201,"xos":26202,"Ġechó":26203,"Mil":26204,"Ġreorgan":26205,"ĠDistancia":26206,"Ġhallan":26207,"ĠPrincipado":26208,"Ġreestructuración":26209,"Ġlima":26210,"Ġcolectivas":26211,"Ġ":26212,"Ġcinematográfico":26213,"Ġdesactivar":26214,"MB":26215,"DOS":26216,"Ġarzobispo":26217,"ĠEstar":26218,"ĠLimpieza":26219,"COR":26220,"tarra":26221,"Ġintentarlo":26222,"ĠManolo":26223,"ê":26224,"sy":26225,"Ġcheck":26226,"ĠPerfil":26227,"Ġ280":26228,"Ġ1958":26229,"ĠDura":26230,"verso":26231,"Ġbajista":26232,"Ġhervir":26233,"ĠsecretarÃŃa":26234,"ĠMalvinas":26235,"Ġdiarrea":26236,"Ġdepositar":26237,"Ġolvidemos":26238,"Ġmutua":26239,"Ġtornillos":26240,"ollos":26241,"Ġcontraer":26242,"Ġcombinados":26243,"ĠEURO":26244,"Ġedificaciones":26245,"ĠJavi":26246,"Ġsujetas":26247,"trógeno":26248,"Ġcombustión":26249,"ĠÏ":26250,"GL":26251,"ficantes":26252,"Ġlanzada":26253,"Ġentraba":26254,"ĠAlvarado":26255,"Ġconcebido":26256,"dosas":26257,"Ġmetab":26258,"Ġotorgan":26259,"Ġfog":26260,"Ġresbal":26261,"Ġcelulitis":26262,"Ġobligan":26263,"Ġhash":26264,"Ġestrechamente":26265,"Ġaviación":26266,"ĠGood":26267,"Ġroll":26268,"ĠFI":26269,"Ġsolicitan":26270,"GOS":26271,"sia":26272,"Ġporciones":26273,"Ġdemócrata":26274,"Ġescuche":26275,"Ġropas":26276,"Ġtransmitido":26277,"Ġdisminuyendo":26278,"Ġherb":26279,"ĠPROFES":26280,"ĠApos":26281,"Ġcampanas":26282,"Ġvolveremos":26283,"Ġplanteamientos":26284,"Ġimportaba":26285,"ĠSao":26286,"Ġenton":26287,"Ġnacieron":26288,"Ġrelacionarse":26289,"valor":26290,"Ġvascos":26291,"izará":26292,"ĠSteven":26293,"ĠPereira":26294,"Lar":26295,"elamente":26296,"Ġautonómica":26297,"Ellos":26298,"Ġabsorb":26299,"Ġpóngase":26300,"Ġarmadura":26301,"Ġafectación":26302,"UNA":26303,"ĠParroquia":26304,"Resumen":26305,"tificia":26306,"895":26307,"kh":26308,"uida":26309,"Ġevacuación":26310,"Ġmachista":26311,"ĠMina":26312,"Ġescriba":26313,"Ġilumina":26314,"Ġcansada":26315,"Ġsatélites":26316,"ĠLewis":26317,"Ġavenidas":26318,"Ġburs":26319,"Ġbrindando":26320,"ai":26321,"Ġcontrolados":26322,"Ġpotestad":26323,"Sinopsis":26324,"Ġcolm":26325,"rándose":26326,"ĠmÃŃtica":26327,"Ġestadios":26328,"ximadamente":26329,"ÃįAS":26330,"Ġfranquicias":26331,"Ġasisten":26332,"Ġbarriles":26333,"ĠInfancia":26334,"Ġlógicamente":26335,"ĠConcil":26336,"ĠWii":26337,"ĠMADRID":26338,"Ġdiscrep":26339,"Ġprec":26340,"Ġchaque":26341,"úsqueda":26342,"Ġcachorros":26343,"ĠYun":26344,"Ġdiscreción":26345,"ueltas":26346,"Ġhabilitar":26347,"ĠArco":26348,"acuzzi":26349,"ĠDescar":26350,"Ġgarantizada":26351,"ocó":26352,"Ġfusion":26353,"Ġdemandante":26354,"ESA":26355,"Ġduradero":26356,"email":26357,"Ġpreguntarse":26358,"urne":26359,"Ġestacion":26360,"Ġcafés":26361,"Ġdeudor":26362,"Ġnoveno":26363,"Ġcazar":26364,"Ġcamara":26365,"erne":26366,"Ġsinceridad":26367,"ĠDev":26368,"Ġvasca":26369,"Ġabandonados":26370,"Ġcristianas":26371,"ĠTijuana":26372,"Ġ108":26373,"ĠChelsea":26374,"Ġfugas":26375,"Ġbarn":26376,"illy":26377,"Ġdiésel":26378,"ĠsanguÃŃneo":26379,"aceta":26380,"Ġcasta":26381,"TROS":26382,"Ġorientales":26383,"ĠCharlie":26384,"Ġllenan":26385,"Ġtrading":26386,"ĠFro":26387,"ĠGod":26388,"uestion":26389,"ĠConfiguración":26390,"Ġvacacional":26391,"Ġformativa":26392,"MAR":26393,"Ġtratada":26394,"Ġrealistas":26395,"ĠSagrada":26396,"trabaj":26397,"Ġoponente":26398,"Ġrecuperó":26399,"ĠUrbanismo":26400,"Ġjueza":26401,"olun":26402,"Ġfacilitado":26403,"lectual":26404,"ucidad":26405,"tibilidad":26406,"ĠArenas":26407,"ĠBritán":26408,"Ġinsom":26409,"Ġmaestras":26410,"Ġegresados":26411,"Ġcampeonatos":26412,"225":26413,"ĠAznar":26414,"Ġhonorarios":26415,"pico":26416,"Ġactuado":26417,"ĠrecibÃŃ":26418,"Ġexpresarse":26419,"Gen":26420,"Ġsonrió":26421,"Ġtuv":26422,"ragones":26423,"orno":26424,"Ġbajan":26425,"Ġ1963":26426,"Ġpatios":26427,"Cuándo":26428,"ĠTob":26429,"Ġimputados":26430,"Ġneurol":26431,"Ġdramatur":26432,"perio":26433,"unidense":26434,"mael":26435,"Ġprójimo":26436,"COL":26437,"ded":26438,"Ġsuroeste":26439,"ilea":26440,"Ġrecuperarse":26441,"Figu":26442,"ĠMaj":26443,"Ġintensamente":26444,"Ġcomesti":26445,"Ġgoce":26446,"Ġdestreza":26447,"Ġvestimenta":26448,"Ġtribus":26449,"cuál":26450,"Ġsueco":26451,"IMIENTO":26452,"Ġhuecos":26453,"Ġmariposa":26454,"ĠIrene":26455,"Ġestuviese":26456,"éndote":26457,"Ġmanta":26458,"Ġmineria":26459,"Ġdiscern":26460,"Ġpseudo":26461,"Ġhuerto":26462,"Ġterminará":26463,"Ġsobrino":26464,"Ġautode":26465,"ĠHumberto":26466,"Ġderrotado":26467,"Ġench":26468,"Ġsospechas":26469,"Ġexhor":26470,"ĠcreÃŃ":26471,"CRE":26472,"Ġguatemal":26473,"Ġautorizadas":26474,"Ġdecidida":26475,"oko":26476,"alao":26477,"Ġevitarlo":26478,"ĠPuntos":26479,"ĠHenares":26480,"ooo":26481,"Ġcontrarrestar":26482,"Ġ855":26483,"ĠAceite":26484,"Ġagotado":26485,"Ġánimos":26486,"calo":26487,"Ġseñalización":26488,"ĠCauca":26489,"Ġconstatar":26490,"Ġdil":26491,"eum":26492,"Ġincapaces":26493,"ĠUrbana":26494,"Econ":26495,"ĠPronto":26496,"Ġteme":26497,"resta":26498,"Ġimplantar":26499,"Ġfat":26500,"Ġatún":26501,"Ġinne":26502,"Ġprecisar":26503,"Lin":26504,"Ġcontador":26505,"Ġexpositores":26506,"Ġhonesto":26507,"Ġlobos":26508,"Ġarag":26509,"Ġpresume":26510,"ĠEstim":26511,"ciana":26512,"ĠIBM":26513,"dec":26514,"Ġprecur":26515,"Ġagudo":26516,"Ġcaliza":26517,"ĠChaco":26518,"ÃģC":26519,"Ġremarcó":26520,"ibol":26521,"Ġcajones":26522,"ean":26523,"ĠCoronel":26524,"Ġconsultado":26525,"ĠRab":26526,"Ġqe":26527,"Ġdramático":26528,"ĠEnten":26529,"Ġsalio":26530,"Ġmetropolitana":26531,"Quienes":26532,"Ġdemocráticos":26533,"tering":26534,"ĠFAC":26535,"Ġadopta":26536,"tomas":26537,"Aun":26538,"Ġprincipiantes":26539,"ámina":26540,"Ġestelar":26541,"Ġlanzaron":26542,"lá":26543,"ĠUber":26544,"Ġprórroga":26545,"Ġrecab":26546,"Ġtemático":26547,"Ġdecorativos":26548,"Ġesmalte":26549,"toda":26550,"Ġfrecuent":26551,"ĠKenn":26552,"Ġsabrá":26553,"riosamente":26554,"Ġadquiriendo":26555,"Ãļl":26556,"Ġengen":26557,"Ġequipados":26558,"Ġpuño":26559,"Ġbole":26560,"ski":26561,"Ġando":26562,"ĠGeneralmente":26563,"Ġuniversales":26564,"PUES":26565,"ĠPalermo":26566,"Ġreposición":26567,"ĠAtlas":26568,"Ġbaje":26569,"Ġpertur":26570,"Ġmantengan":26571,"ucci":26572,"ĠCuidado":26573,"Ġvehicular":26574,"iertan":26575,"taduras":26576,"Ġpreguntarle":26577,"Ġdeven":26578,"Ġfolla":26579,"Ġconstruyen":26580,"Ġacreditado":26581,"Ġdesnudos":26582,"ĠBest":26583,"Ġ107":26584,"Ġcontenga":26585,"ĠMiércoles":26586,"ĠTambien":26587,"grupo":26588,"ĠTRANS":26589,"ĠSERVICIOS":26590,"ĠSH":26591,"Ġdespar":26592,"Señor":26593,"cionarias":26594,"Ġprecisas":26595,"ĠFBI":26596,"Ġminús":26597,"Ġoriginario":26598,"Ġresina":26599,"ĠCompeti":26600,"Ġconvocados":26601,"Ġexen":26602,"Ġsustituido":26603,"ĠMono":26604,"ĠParaná":26605,"Ġauditor":26606,"Ġperturb":26607,"Ġbordado":26608,"Ġprofesionalmente":26609,"ĠMoham":26610,"Ġlomo":26611,"Ġcerraduras":26612,"Ġrena":26613,"ĠCatálogo":26614,"adÃŃa":26615,"loso":26616,"ĠInn":26617,"Ġsustituto":26618,"Ġimpactante":26619,"Ġpájaro":26620,"Ġcomplementarios":26621,"Ġavatar":26622,"Ġunánime":26623,"Ġaprendizajes":26624,"Ġescombros":26625,"Fil":26626,"Ġend":26627,"Ġdescarta":26628,"Ġerótico":26629,"ĠDependi":26630,"ĠELEC":26631,"Ġempan":26632,"Conf":26633,"Asociación":26634,"Ġésto":26635,"Ġneoliberal":26636,"Ġfestejo":26637,"ĠEDUCACIÃĵN":26638,"Ġvaloraciones":26639,"Ġecuatoriano":26640,"Ġdiligencia":26641,"Ġdeshacerse":26642,"Ġasistencias":26643,"Ġpropuestos":26644,"Sil":26645,"Ġfuncionó":26646,"Ġbarcel":26647,"Ġvencedor":26648,"Ġcontaron":26649,"Ġhispana":26650,"Ġsembrar":26651,"Ġrendición":26652,"ĠOchoa":26653,"Ġbende":26654,"ciocho":26655,"Ġsuelto":26656,"ĠCOMER":26657,"ĠMolinos":26658,"ÂĶ.":26659,"ionaje":26660,"Ġtalón":26661,"dano":26662,"ĠWell":26663,"Ġempleando":26664,"Ġcitadas":26665,"Ġpulmonar":26666,"Ġidentifican":26667,"pire":26668,"ĠPine":26669,"ĠBic":26670,"ĠRobles":26671,"Ġchaval":26672,"Ġ1200":26673,"Resulta":26674,"ĠLGB":26675,"Ġósea":26676,"ĠPáginas":26677,"ĠHem":26678,"Ġmedianoche":26679,"yd":26680,"Ġporn":26681,"Ġvoltaje":26682,"ĠPosee":26683,"ĠPolitécnica":26684,"Ġopinion":26685,"Ġcamping":26686,"Ġción":26687,"Ġratas":26688,"olution":26689,"etan":26690,"Ġraros":26691,"Ġsoltero":26692,"ugeot":26693,"ÃįCULO":26694,"Ġorales":26695,"Ġayudaron":26696,"Ġhuérf":26697,"Ofrecemos":26698,"yera":26699,"ayer":26700,"Ġalmacenados":26701,"Ġhuele":26702,"Ġtrampas":26703,"ezco":26704,"allos":26705,"ĠCajas":26706,"ĠInfin":26707,"Ġsimpático":26708,"úan":26709,"Ġconsens":26710,"ĠView":26711,"...).":26712,"Ġtraerá":26713,"categ":26714,"Ġentretener":26715,"mons":26716,"Ġinvierte":26717,"Ġmanej":26718,"ĠCOMO":26719,"ĠNep":26720,"ĠCasado":26721,"Ġrespondiendo":26722,"Ġ1961":26723,"ĠAguascalientes":26724,"ĠHarvard":26725,"Ġobligar":26726,"Taller":26727,"ĠPorta":26728,"Ġutop":26729,"Ġasignar":26730,"Ġremuner":26731,"ĠHipo":26732,"HL":26733,"ĠHER":26734,"Ġaconsejar":26735,"Ġalejarse":26736,"Ġtrágico":26737,"Ġant":26738,"Ġsignificó":26739,"Ġaminoácidos":26740,"Ġdébito":26741,"Ġmatemático":26742,"Ġ1948":26743,"ĠBarre":26744,"ĠFirefox":26745,"ĠRally":26746,"Ġimpidió":26747,"Ġcruda":26748,"Ġreanud":26749,"ĠQuiro":26750,"princip":26751,"elación":26752,"ĠBaby":26753,"ITOS":26754,"guaje":26755,"ĠescribÃŃa":26756,"Ġcarcasa":26757,"Ġorif":26758,"Ġwas":26759,"Ġvaci":26760,"Ġdistintivo":26761,"Ġabordaje":26762,"Ġpatrocinio":26763,"Ġgraduación":26764,"Ġinmersión":26765,"ĠMaxim":26766,"Ġpionera":26767,"Ġcausante":26768,"uele":26769,"Ġampliando":26770,"Ġcoser":26771,"Ġucran":26772,"ĠAlas":26773,"ĠOjo":26774,"Ġ5000":26775,"Ġdorados":26776,"ĠContinue":26777,"clopedia":26778,"Ġadquirida":26779,"ĠvalÃŃa":26780,"Ġnegativamente":26781,"Ġratones":26782,"Ġrepiten":26783,"ifican":26784,"ĠIno":26785,"Ġmonarca":26786,"Ġinteractivo":26787,"itaba":26788,"edu":26789,"Ġbiblia":26790,"Ġ2030":26791,"Ġtestamento":26792,"Ġlesionados":26793,"Ġcordero":26794,"Ġreading":26795,"bata":26796,"ñan":26797,"ĠLyn":26798,"Ġcós":26799,"ÃŃfero":26800,"ĠAlexis":26801,"room":26802,"ĠrÃŃt":26803,"Ġyacimientos":26804,"Ġconcurrencia":26805,"ĠPI":26806,"elio":26807,"ĠDió":26808,"Ġalineación":26809,"Ġcomputación":26810,"Ġcim":26811,"Ġsabios":26812,"Reuters":26813,"cf":26814,"ng":26815,"Ġsetas":26816,"fondo":26817,"Er":26818,"MOS":26819,"Ġportadas":26820,"Ġproceda":26821,"ĠRueda":26822,"ĠCama":26823,"Ġmarea":26824,"Ġencontras":26825,"ports":26826,"Ġdesaparecen":26827,"Ġprogramadas":26828,"aquÃŃ":26829,"Ġelasticidad":26830,"Ġresultando":26831,"Fer":26832,"MM":26833,"Ġintentará":26834,"Ġcomprens":26835,"FT":26836,"Ġneuronas":26837,"ĠHorizon":26838,"Ġpunk":26839,"ĠTécnicos":26840,"Ġsospechosos":26841,"Ġcositas":26842,"ĠSerena":26843,"Ġrevoluciones":26844,"ffs":26845,"Ġintolerancia":26846,"ĠBartol":26847,"Ġbeneficiario":26848,"Ġespecificar":26849,"Ġresidencias":26850,"Ġatribuciones":26851,"curo":26852,"Ġaho":26853,"Acu":26854,"Ġpida":26855,"Ġendure":26856,"Ġriqu":26857,"ponen":26858,"Ġmalague":26859,"ĠOper":26860,"Ġdesayunos":26861,"Ġconforma":26862,"Ġvotado":26863,"Ġencontraras":26864,"Ġpreferible":26865,"Ġfritas":26866,"Ġcorn":26867,"Ġcomunal":26868,"Ġapuntes":26869,"ĠOferta":26870,"Ġencomend":26871,"Ġconstar":26872,"Ġpatronal":26873,"Ġvola":26874,"Ġargentinas":26875,"Ġenganch":26876,"Ġcomunitarias":26877,"Ġrepresentativos":26878,"Ġcreadora":26879,"Ġcelebramos":26880,"Ġmamada":26881,"Ġcampamentos":26882,"Fa":26883,"Ġacantil":26884,"Ġtransformó":26885,"ĠPersona":26886,"úd":26887,"Ġcomplicados":26888,"Ġsirvan":26889,"Ġ104":26890,"Ġdelica":26891,"Ġlisa":26892,"ĠsalÃŃ":26893,"Ġtrasladados":26894,"Ġham":26895,"ĠPuesto":26896,"Ġbendiciones":26897,"Ġhelados":26898,"Ġluminosa":26899,"ĠSALUD":26900,"ulle":26901,"emex":26902,"Ġalojamos":26903,"Ġdesempleados":26904,"Solici":26905,"ILIDAD":26906,"tua":26907,"ĠHaya":26908,"Ġpodré":26909,"Vi":26910,"úas":26911,"Ġvenda":26912,"Ġrevit":26913,"ĠClima":26914,"Ġafectará":26915,"ĠConcl":26916,"med":26917,"ĠAlojamiento":26918,"Ġsinerg":26919,"Ġpagados":26920,"Ġtrasplante":26921,"Ġaprobadas":26922,"uladas":26923,"Ġrepito":26924,"gentes":26925,"ĠLectura":26926,"llev":26927,"Ġcasó":26928,"Ġcorrido":26929,"Ġrepartidos":26930,"Ġcito":26931,"ĠEugenio":26932,"ĠEnfermedades":26933,"gle":26934,"Ġcaderas":26935,"lismo":26936,"Ġrequi":26937,"ĠSUPER":26938,"æľ":26939,"Ġcontables":26940,"ĠURSS":26941,"Ġponder":26942,"ĠXP":26943,"Ġaprendió":26944,"Ġbran":26945,"ĠArn":26946,"Ġasumiendo":26947,"ĠMinister":26948,"ĠResearch":26949,"tuve":26950,"Record":26951,"Ġaleda":26952,"ARCEL":26953,"Ġdecadencia":26954,"Ġcaldera":26955,"Ġllamarse":26956,"Ġcontinuada":26957,"punto":26958,"Ġcárceles":26959,"Ġabarcar":26960,"Ġascender":26961,"Ġarrendamiento":26962,"Ġsaludar":26963,"Ġválvulas":26964,"Ġinfiel":26965,"árs":26966,"Ġsilencioso":26967,"ĠArequipa":26968,"ĠMarie":26969,"ĠMartes":26970,"atoria":26971,"Ġveneno":26972,"ĠEmerg":26973,"ĠOrdenación":26974,"Ġencla":26975,"nistÃŃa":26976,"Ġconsiga":26977,"Ġwork":26978,"entista":26979,"ĠFle":26980,"ĠXavier":26981,"Ġasambleas":26982,"ĠPropor":26983,"ĠDiscapacidad":26984,"ĠMonta":26985,"Ġlindos":26986,"Ġconsecutivas":26987,"Ġinflama":26988,"ĠconsistÃŃa":26989,"Ġvives":26990,"Ġcerebrales":26991,"Ġcomercializa":26992,"ĠMERC":26993,"ĠFrida":26994,"AllÃŃ":26995,"Ġpapás":26996,"Ġenfermeras":26997,"Ġanonima":26998,"Ġinstaladas":26999,"Ġdistribuido":27000,"Ġacuerda":27001,"Ġcompensa":27002,"Ġpsiquiá":27003,"Ġpubli":27004,"ĠSocio":27005,"Ġlocalizada":27006,"ĠISS":27007,"Ġatravesando":27008,"Ġcolágeno":27009,"Ġsl":27010,"Ġprimos":27011,"Defin":27012,"ĠIndustriales":27013,"Tele":27014,"tés":27015,"ĠInmac":27016,"Ġtejado":27017,"Ġincorporó":27018,"Ġreconozco":27019,"Ġcomplementa":27020,"ĠBec":27021,"Ġelectromagn":27022,"Ġpeatones":27023,"Ġmasivos":27024,"Ġactuó":27025,"Fre":27026,"Ġocurrieron":27027,"dese":27028,"Ġcascada":27029,"Ġgratific":27030,"Ġcubo":27031,"ĠSales":27032,"Ġparas":27033,"Ġsonda":27034,"Ġemitidos":27035,"ĠPelÃŃcula":27036,"ĠSabadell":27037,"antino":27038,"Ġwebsite":27039,"Ġescasas":27040,"Ġriguroso":27041,"ĠElo":27042,"ĠLiberación":27043,"ĠInspección":27044,"Ġconvenciones":27045,"Ġintermediarios":27046,"Ġtime":27047,"Ġcordones":27048,"ĠRemo":27049,"creen":27050,"fuer":27051,"además":27052,"Ġsexos":27053,"Ġsintético":27054,"Berry":27055,"base":27056,"ĠROM":27057,"Ġinvolun":27058,"ĠProm":27059,"Ġrenombre":27060,"HC":27061,"ambas":27062,"estamos":27063,"ĠTráfico":27064,"Ġsignificaba":27065,"Ġdesigualdades":27066,"ĠSoluciones":27067,"Ġpagas":27068,"Ġcartuchos":27069,"ĠIslámico":27070,"Ġdown":27071,"Ġcedido":27072,"âĢ³":27073,"Ġgeneralizado":27074,"Ġdividendos":27075,"Ġimportan":27076,"ĠPalabras":27077,"Ġmágicos":27078,"Che":27079,"ost":27080,"Ġandaba":27081,"Ġ}":27082,"Ġreproduci":27083,"Ġnutricionales":27084,"ĠINFORMACIÃĵN":27085,"Ġori":27086,"Ġalcantarillado":27087,"Ġdestinatario":27088,"Web":27089,"ĠGrá":27090,"иÐ":27091,"Ġempiezo":27092,"Ġanotaciones":27093,"Ġreflejos":27094,"Video":27095,"Ġgeneroso":27096,"Ġesbo":27097,"ĠmuchÃŃsima":27098,"Ġpasiva":27099,"Ġcometió":27100,"Ġcontribuyente":27101,"Aplic":27102,"Ġpolémico":27103,"ĠAthletic":27104,"Ġninos":27105,"Ġaleación":27106,"Brasil":27107,"Ġcup":27108,"Ġimparcial":27109,"layo":27110,"Ġfea":27111,"Mac":27112,"Ġcontraseñas":27113,"Ġ(@":27114,"ĠAprender":27115,"Ġreden":27116,"Ġsaldrán":27117,"kespe":27118,"Ġ210":27119,"Ġpropongo":27120,"Ġconvención":27121,"gins":27122,"Ġlicenciatura":27123,"ĠLlu":27124,"ĠVisual":27125,"ities":27126,"ĠPacheco":27127,"Ġchatear":27128,"Ġdesesta":27129,"Ġgalaxia":27130,"reci":27131,"ĠDrive":27132,"ĠExpe":27133,"Ġpeatonal":27134,"CAM":27135,"Ġseque":27136,"bonato":27137,"érgica":27138,"Ġobservamos":27139,"tualización":27140,"pona":27141,"Ġensan":27142,"Ġhabitacion":27143,"Ġpalmas":27144,"Ġfragancia":27145,"Ġapreciación":27146,"Ġcardiovasculares":27147,"Ġtaxis":27148,"Ġanestesia":27149,"guin":27150,"Ġobtenidas":27151,"Ġentenderá":27152,"Ġtrataron":27153,"ĠCad":27154,"ĠSIG":27155,"Ġdespachos":27156,"Ġcomporta":27157,"yar":27158,"Ġligas":27159,"Ġcomenzarán":27160,"Ġdurmiendo":27161,"Ġsoñado":27162,"Ġmoviendo":27163,"Ġcun":27164,"ĠGallardo":27165,"ĠCham":27166,"ĠFelici":27167,"Ġinaugura":27168,"Ġdivin":27169,"Ġatienden":27170,"Ġfacilite":27171,"Ġboxeo":27172,"Nuestras":27173,"ĠCry":27174,"ĠLondon":27175,"Ġcordob":27176,"Ġlag":27177,"horia":27178,"Orden":27179,"Ġcontrolan":27180,"Ġinvención":27181,"ĠCosas":27182,"ĠAer":27183,"Ġentendiendo":27184,"Ġdejarla":27185,"Total":27186,"Ġcomerciante":27187,"calipsis":27188,"ĠGuayaquil":27189,"ĠJimmy":27190,"ĠAsegú":27191,"ĠST":27192,"Ġtibia":27193,"Ġantivirus":27194,"Ġexitosos":27195,"JOS":27196,"Cha":27197,"Ġavanzó":27198,"Ġenvolv":27199,"onio":27200,"ĠCumpl":27201,"Ġepic":27202,"Ġverme":27203,"ideportivo":27204,"Ġsagrada":27205,"ür":27206,"Ġinsistir":27207,"Ġcuarzo":27208,"ĠmitologÃŃa":27209,"Siguiendo":27210,"Hombre":27211,"ienses":27212,"centro":27213,"ĠCarol":27214,"ĠpH":27215,"Ġimponerse":27216,"nn":27217,"ĠBorja":27218,"tética":27219,"Ġcuestionar":27220,"Ġinmune":27221,"Ġmanualmente":27222,"Fuente":27223,"ĠEast":27224,"Ġarriesgar":27225,"Ġtuyos":27226,"Ġextreme":27227,"Ġsucursales":27228,"ĠPareja":27229,"ternos":27230,"ĠKin":27231,"ĠESPAÃijA":27232,"Ġfuria":27233,"Ġcombinada":27234,"roño":27235,"ĠSolidaridad":27236,"Ġlaberinto":27237,"ĠBerm":27238,"ĠWood":27239,"ĠlegÃŃtima":27240,"ĠTw":27241,"Ġcogido":27242,"Ġbailando":27243,"ĠCum":27244,"sim":27245,"ĠLleida":27246,"zy":27247,"Ġviola":27248,"Ġhidratante":27249,"ĠØ":27250,"Ġexponencial":27251,"Ġdiligencias":27252,"dema":27253,"Ġinternacionalización":27254,"Ġalumbrado":27255,"ĠDefinición":27256,"patitis":27257,"Ġcursar":27258,"ĠQuién":27259,"ĠCola":27260,"ĠPardo":27261,"Ġcognitivo":27262,"entino":27263,"Ġmedico":27264,"ĠNay":27265,"Ġsubt":27266,"ов":27267,"Ġadoptada":27268,"Ġeludi":27269,"tegui":27270,"Ġcapilar":27271,"Ġinvolucradas":27272,"Ġdorsal":27273,"Ġcotizaciones":27274,"ĠConsorcio":27275,"Ġfollada":27276,"Ġaterrizaje":27277,"ĠVelázquez":27278,"Ġrebas":27279,"Ġperjudicial":27280,"CRIP":27281,"icida":27282,"Ġconfesión":27283,"onna":27284,"rison":27285,"Ġ123":27286,"Ġsusto":27287,"Ġoriginarios":27288,"izaba":27289,"ĠMail":27290,"ĠManhattan":27291,"Ġmontaños":27292,"juven":27293,"Ġrunning":27294,"ĠCamacho":27295,"ĠocurrÃŃa":27296,"ilaterales":27297,"Ġinexplic":27298,"ĠMIL":27299,"ĠSEN":27300,"énico":27301,"Ġfaltó":27302,"Ġdiamante":27303,"ĠcumplÃŃa":27304,"trabajo":27305,"Ġdespejado":27306,"Ġreclaman":27307,"escolar":27308,"Ġprevalencia":27309,"ĠSalida":27310,"Ġvision":27311,"Ġrespiratorias":27312,"esp":27313,"Ġparadój":27314,"Ġanuncian":27315,"Ġmuralla":27316,"Ġantenas":27317,"Ġarist":27318,"Ġreportado":27319,"Ġescuché":27320,"ĠAnimal":27321,"Ġatrevido":27322,"ĠQuir":27323,"ĠLleva":27324,"ĠvacÃŃas":27325,"Ġespecula":27326,"Ġveloz":27327,"Ġaéreos":27328,"Ġralent":27329,"Ġcalabaza":27330,"Ġjen":27331,"bian":27332,"Ġdesayunar":27333,"Port":27334,"agua":27335,"Ġtutores":27336,"Ġmoment":27337,"ĠService":27338,"Ġbó":27339,"Ġeu":27340,"Ġfranquismo":27341,"1996":27342,"Ste":27343,"Ġejerciendo":27344,"Ġespere":27345,"Agregó":27346,"ĠEléctrica":27347,"Ġencaja":27348,"ĠIll":27349,"à¤":27350,"Ġepidemia":27351,"Ġzombi":27352,"Ġmasculinos":27353,"ĠINTERNA":27354,"Ġcromos":27355,"Ġmeren":27356,"ĠDistribución":27357,"Ġamargo":27358,"ĠPintura":27359,"Ġedific":27360,"Ġescuchamos":27361,"Ġquitarle":27362,"Ġlamentó":27363,"ĠShin":27364,"Ġapego":27365,"Ġdestre":27366,"ĠAfortunadamente":27367,"tólogo":27368,"Ġnativo":27369,"Ġlavavajillas":27370,"Ġalgas":27371,"ĠAdán":27372,"Ġcapturado":27373,"ĠAcero":27374,"204":27375,"Ġcimientos":27376,"Ġlagunas":27377,"riam":27378,"Ġdañado":27379,"ĠConservación":27380,"ĠSosa":27381,"ĠCertificación":27382,"Ġparab":27383,"ĠCuán":27384,"Ġtácticas":27385,"Ġenterado":27386,"Ġrecorrió":27387,"LP":27388,"ĠSalom":27389,"mom":27390,"Ġdetective":27391,"Ġabsorbe":27392,"ĠDil":27393,"ĠInterno":27394,"Ġdialogar":27395,"Ġgemelos":27396,"Ġatletismo":27397,"Ġcabel":27398,"plicas":27399,"ĠMetodo":27400,"Ġinfluyentes":27401,"ódromo":27402,"phy":27403,"Ġrech":27404,"Ġnaranjas":27405,"ĠOlÃŃmpico":27406,"endieron":27407,"Ġestigma":27408,"opa":27409,"Ġrevisa":27410,"Ġpale":27411,"cient":27412,"Ġtrabaje":27413,"Estudio":27414,"estado":27415,"Ġtertul":27416,"ĠInteres":27417,"ĠPNV":27418,"ĠIo":27419,"Ġubican":27420,"ÃŃsticamente":27421,"ĠFigueroa":27422,"Ġlibra":27423,"ĠOFICI":27424,"Ġinsignia":27425,"ĠKate":27426,"endio":27427,"Ġfantásticos":27428,"tión":27429,"ĠPuedo":27430,"101":27431,"Ġniegan":27432,"Ġaque":27433,"ĠSantuario":27434,"ĠBOE":27435,"Ġcapricho":27436,"Ġllamaban":27437,"trituradora":27438,"Ġtoxinas":27439,"Ġconectada":27440,"ĠState":27441,"Ġresumir":27442,"ĠreferÃŃa":27443,"Ġimaginado":27444,"tems":27445,"zzo":27446,"Ġtazas":27447,"Ġrecorda":27448,"Ġsalvó":27449,"ĠTest":27450,"talm":27451,"brar":27452,"Ġia":27453,"ĠCitas":27454,"gota":27455,"Ġclimáticas":27456,"Ġnegación":27457,"Ġabandonada":27458,"ĠCreador":27459,"paje":27460,"Ġhaberme":27461,"Ġdescribió":27462,"Ġesqui":27463,"seño":27464,"Ġoportunas":27465,"Ġretrasos":27466,"Ġintegradas":27467,"Ġliderada":27468,"Ġself":27469,"Ġplaga":27470,"ulsa":27471,"activos":27472,"ceras":27473,"Ġesteril":27474,"ĠMalas":27475,"Ġseparan":27476,"Ġvocero":27477,"Ġcicatrices":27478,"ĠMand":27479,"ditas":27480,"Ġobediencia":27481,"Ġadrenalina":27482,"Ġrestaur":27483,"Ġvoluntariado":27484,"ĠSpace":27485,"Ġpresumir":27486,"ambres":27487,"interest":27488,"Ġmia":27489,"ĠDick":27490,"ĠAnaya":27491,"ĠOxford":27492,"zana":27493,"ilers":27494,"Ġmandan":27495,"control":27496,"Ġprotestar":27497,"under":27498,"éanos":27499,"Ġcomprarlo":27500,"ĠFacil":27501,"Ġaseme":27502,"And":27503,"ĠLaborales":27504,")-":27505,"Ġpicante":27506,"Ġestatuto":27507,"ĠChip":27508,"ĠAPI":27509,"Ġalleg":27510,"Ġterrestres":27511,"ámaras":27512,"ĠPÃļBL":27513,"ĠCable":27514,"estoy":27515,"Ġsábanas":27516,"ĠMC":27517,"ĠFarmacia":27518,"quese":27519,"ĠPY":27520,"Ġregulado":27521,"Ġfortalece":27522,"ĠJersey":27523,"exuales":27524,"Compra":27525,"kespeare":27526,"Ġalergia":27527,"Ġfech":27528,"emi":27529,"loma":27530,"Ġtécnicamente":27531,"Ġorganizando":27532,"ĠCorral":27533,"Ġintensivo":27534,"ĠEncuesta":27535,"ĠtÃŃos":27536,"ĠAY":27537,"Ġsolventar":27538,"Ġnicaragü":27539,"tie":27540,"Ġdimisión":27541,"Ġdiet":27542,"Ġalergias":27543,"cupa":27544,"ĠAndy":27545,"Ġdescender":27546,"Santiago":27547,"ĠViña":27548,"ĠPira":27549,"Ġapagado":27550,"Ġciudadanas":27551,"ĠMurillo":27552,"Comen":27553,"Ġcruzada":27554,"Ġatu":27555,"ĠCesar":27556,"Ġnudo":27557,"Ġvertiente":27558,"China":27559,"iqu":27560,"0000":27561,"ĠOcéano":27562,"Ġcómputo":27563,"ĠIntendente":27564,"Ġpodáis":27565,"Ġperiódica":27566,"Ġemocionado":27567,"icadas":27568,"ĠDoug":27569,"ĠlavanderÃŃa":27570,"ĠJennifer":27571,"Ġfiltración":27572,"Ġmezclan":27573,"Ġazule":27574,"Ġpreparativos":27575,"Ġempezará":27576,"Dado":27577,"Ġdejarán":27578,"Ġbromas":27579,"Ġdesconectar":27580,"mg":27581,"Ġinigualable":27582,"ĠBAN":27583,"Análisis":27584,"Ġaumente":27585,"ĠKra":27586,"Ġaportó":27587,"Ġquit":27588,"Ġclon":27589,"Ġavergon":27590,"ĠTap":27591,"ĠConsist":27592,"Ġtraslados":27593,"ĠFrancesa":27594,"Ġestrenará":27595,"Ġseguidor":27596,"ĠÃĤ":27597,"Ġsofisticado":27598,"Ġste":27599,"Ġtemáticos":27600,"Ġcastigar":27601,"Ġafin":27602,"ticen":27603,"Ġomi":27604,"Ġacogerá":27605,"Ġequipar":27606,"ĠQuil":27607,"Ġrecalcó":27608,"caciones":27609,"Ġchistes":27610,"Ġponencias":27611,"Ġinhum":27612,"Ġfuncionaria":27613,"Ġganaderos":27614,"ĠOportun":27615,"Ġblue":27616,"Ġsugerir":27617,"Ġreivindicaciones":27618,"Ġrefrescante":27619,"ència":27620,"ĠPia":27621,"ĠHat":27622,"ĠAgrupación":27623,"Ġjurada":27624,"ĠContralorÃŃa":27625,"Ġdejaban":27626,"Ġimpulsos":27627,"Ġconno":27628,"ñade":27629,"gger":27630,"Ġmarcaron":27631,"Ġmagnética":27632,"Ġhemo":27633,"Ġgrifo":27634,"Foro":27635,"Ġbue":27636,"Ġimpuestas":27637,"ominación":27638,"ĠChristop":27639,"ĠTigre":27640,"!...":27641,"Ġcaducidad":27642,"ĠBruce":27643,"izadora":27644,"Ġanalizó":27645,"Ġcolaborando":27646,"ен":27647,"Cr":27648,"ĠNevada":27649,"Ġdificulta":27650,"ĠGeografÃŃa":27651,"Ġcanario":27652,"Feliz":27653,"Ġpreventivas":27654,"Ġprocesadores":27655,"ĠEMPRESA":27656,"Ġax":27657,"Ġexitosas":27658,"Ġcarisma":27659,"VV":27660,"Ġlimitan":27661,"ĠCámaras":27662,"did":27663,"ĠAmistad":27664,"Ġidentidades":27665,"Ġparcelas":27666,"Ġosteo":27667,"ĠApenas":27668,"riguez":27669,"Ġplugin":27670,"hard":27671,"FP":27672,"uli":27673,"unk":27674,"esel":27675,"Ġlesionado":27676,"Ġarqueológico":27677,"Ġcerrajeros":27678,"tors":27679,"Ġaná":27680,"ĠRecords":27681,"ĠCES":27682,"Ġplásticas":27683,"Ġanchura":27684,"ĠEncan":27685,"Ġatacado":27686,"RS":27687,"Ġdirán":27688,"Ġcontinuos":27689,"Ġdidáctico":27690,"color":27691,"Ġcabelludo":27692,"Ġburbujas":27693,"Ġ650":27694,"Ġfacetas":27695,"abezas":27696,"ĠMÃīXICO":27697,"pina":27698,"Ġecharle":27699,"Pel":27700,"Ġinventado":27701,"Ġfarmacéutico":27702,"Página":27703,"Ġprólogo":27704,"Indic":27705,"Ġése":27706,"Ġcomprueba":27707,"facebook":27708,"Ġfomenta":27709,"ĠefÃŃm":27710,"vania":27711,"Ġcatedrático":27712,"ĠVenus":27713,"ĠPROYEC":27714,"ĠRyan":27715,"comedor":27716,"ĠGarden":27717,"IOR":27718,"ĠYO":27719,"Ġdejarnos":27720,"tizadas":27721,"Ġfianza":27722,"ĠLiz":27723,"ĠOliva":27724,"Ġisl":27725,"ĠGolden":27726,"Ġaptitudes":27727,"Ġcontrata":27728,"Ġopresión":27729,"ĠART":27730,"Ġpedirá":27731,"ĠVIS":27732,"Ġdéj":27733,"ĠNúm":27734,"ĠBosch":27735,"Ġvestida":27736,"ĠMejora":27737,"ĠAhorro":27738,"ÃįTULO":27739,"Ġpersistente":27740,"ĠalegrÃŃas":27741,"ĠMachado":27742,"Ġdetall":27743,"Ġsucesivas":27744,"Ġarqueológicos":27745,"Ġdesma":27746,"Ġtang":27747,"acta":27748,"Ġanemia":27749,"Ġdemandado":27750,"pop":27751,"Ġburocracia":27752,"unte":27753,"Ġperformance":27754,"rÃŃe":27755,"Ġangeles":27756,"isticas":27757,"Ġcolmo":27758,"Vale":27759,"Ġoficialismo":27760,"patri":27761,"Ġcontrarios":27762,"Ġpróstata":27763,"Ġfluidez":27764,"gento":27765,"ĠLibia":27766,"ĠClarÃŃn":27767,"Lee":27768,"gaban":27769,"ĠEslo":27770,"ĠEnvÃŃo":27771,"Ġclav":27772,"Ġenvej":27773,"ĠRGB":27774,"ĠAlcor":27775,"Ġanimaciones":27776,"Ġdamn":27777,"Ġcapacitados":27778,"ĠMD":27779,"Ġdescol":27780,"Ġceremonias":27781,"iley":27782,"Ġpostales":27783,"Ġsimbólica":27784,"ĠLinked":27785,"ĠConec":27786,"Ġabejas":27787,"chel":27788,"ĠEucaristÃŃa":27789,"Ġsuscribir":27790,"ĠMate":27791,"Pablo":27792,"bitros":27793,"Ġapoyó":27794,"adona":27795,"Ġnumeral":27796,"Ġparecidas":27797,"ĠVivir":27798,"Ġesclavo":27799,"Ġvalidación":27800,"John":27801,"Ġporcelana":27802,"Ġelemental":27803,"Ġrevisado":27804,"Ġparámetro":27805,"rigo":27806,"Ġcirug":27807,"ĠAurora":27808,"Ġbuffet":27809,"ĠMexicanos":27810,"Ġmotivaciones":27811,"ĠAA":27812,"ĠJapon":27813,"Ġservirán":27814,"ICIÃĵN":27815,"Ġum":27816,"ĠAnderson":27817,"Ġmédula":27818,"Ġalambre":27819,"Ġhidráulica":27820,"Ġblock":27821,"Ġpredicciones":27822,"abi":27823,"Ġsoldadura":27824,"idable":27825,"Ġindicadas":27826,"ĠPantal":27827,"fón":27828,"Ġmolecular":27829,"zán":27830,"Ġdiscoteca":27831,"ĠSantÃŃsima":27832,"Ġquitó":27833,"ĠDuero":27834,"ĠGrey":27835,"Ġpioneros":27836,"Ġincorporarse":27837,"FIN":27838,"acÃŃ":27839,"Ġmorada":27840,"Ġsonriendo":27841,"Ġcorrectos":27842,"Ġrelató":27843,"ĠAcadémico":27844,"ĠBetis":27845,"ĠTraducción":27846,"fle":27847,"ĠCach":27848,"Ġéticos":27849,"ĠKennedy":27850,"Ġcuen":27851,"ĠcarrocerÃŃa":27852,"Ġleemos":27853,"Ġ106":27854,"Ġrepetidas":27855,"Ġnavideñas":27856,"Ġcabra":27857,"Ġmanager":27858,"Ġcomplicadas":27859,"Ġdinosaurios":27860,"Ġyeso":27861,"Ġhomicidios":27862,"Ġcogiendo":27863,"amental":27864,"Ġfluidos":27865,"icidas":27866,"CaracterÃŃsticas":27867,"Ġaustraliano":27868,"ving":27869,"Ġbrisa":27870,"ĠSpain":27871,"izarro":27872,"Ġartefactos":27873,"ĠFashion":27874,"Ġsumas":27875,"ĠConver":27876,"Ġdesplegar":27877,"Ġhob":27878,"Ġpregunte":27879,"Ġdeterminará":27880,"Ġconcebir":27881,"Ġmercad":27882,"Ġlocaliza":27883,"ĠiT":27884,"ĠSup":27885,"dian":27886,"%;":27887,"ĠEspinosa":27888,"Ġúl":27889,"ĠIberia":27890,"Ġcomparecencia":27891,"Ġrevivir":27892,"Ġgrup":27893,"Ġcontengan":27894,"ĠINTRODUCCIÃĵN":27895,"ĠPrincesa":27896,"ĠDell":27897,"alapa":27898,"ĠGem":27899,"Ġhinch":27900,"ĠJardines":27901,"Ġhidromasaje":27902,"Ġbrindó":27903,"Ġcomponer":27904,"Ġlargometraje":27905,"Ġprivatización":27906,"ĠLet":27907,"guilas":27908,"Ġguiadas":27909,"zuelo":27910,"Ġalmor":27911,"Ġtelevisiva":27912,"ĠAdicionalmente":27913,"zuela":27914,"Ġcráneo":27915,"Ġgeneren":27916,"ĠParedes":27917,"Ġescalar":27918,"Ġforro":27919,"Comer":27920,"Bal":27921,"Ġaumentará":27922,"Ġreivindicación":27923,"onés":27924,"Ġsolista":27925,"bete":27926,"rieta":27927,"tives":27928,"Ñĩ":27929,"Ġhamburguesas":27930,"Ġtuviese":27931,"ĠPrieto":27932,"ĠNin":27933,"ĠKal":27934,"Ġelectri":27935,"Ġreforzado":27936,"Ġfacilitados":27937,"Ġpresupuestaria":27938,"Ġmixto":27939,"Ġdescontento":27940,"Ġtuvi":27941,"Ġdual":27942,"Ġformula":27943,"Ġaspirar":27944,"Ġmicroorganismos":27945,"Ġimped":27946,"ĠsalÃŃan":27947,"Ġoptó":27948,"Ġreservada":27949,"ACA":27950,"Ġcualificados":27951,"Ġalfombras":27952,"Varios":27953,"more":27954,"ĠPozo":27955,"GI":27956,"Ġleones":27957,"Ġvisibil":27958,"ipú":27959,"Ġarrastrar":27960,"Ġdigitalización":27961,"Ġdale":27962,"pea":27963,"Ġconstruidas":27964,"Ġconfiesa":27965,"wall":27966,"Ġprocurar":27967,"Ġeras":27968,"Ġheter":27969,"ĠValdi":27970,"orrupción":27971,"ĠHabitaciones":27972,"ĠcomisarÃŃa":27973,"ĠBrigada":27974,"Promo":27975,"Ġdecorativo":27976,"Ġgrabó":27977,"Ġfrancesas":27978,"ĠSON":27979,"ĠâĢķ":27980,"Ġenchu":27981,"ĠestÃĥ":27982,"ili":27983,"Ġanonimato":27984,"ciudad":27985,"Ġtratos":27986,"Ġdisminuido":27987,"ĠHiper":27988,"Ġliso":27989,"Ġpasteles":27990,"Ġconcern":27991,"TÃŃtulo":27992,"Ġtranspira":27993,"Ġsco":27994,"Ġinsoportable":27995,"UPO":27996,"Ġbut":27997,"Ġimprenta":27998,"Ġdesconocen":27999,"Ġcocinero":28000,"Ed":28001,"ĠBaños":28002,"Ġpelotas":28003,"tail":28004,"Ġhex":28005,"ĠArgel":28006,"inastÃŃa":28007,"ĠPAL":28008,"cillerÃŃa":28009,"Alguna":28010,"Ġcrezca":28011,"Ġapoyada":28012,"WS":28013,"Ġ($":28014,"Ġconviven":28015,"ialis":28016,"Ġilus":28017,"Ġpresenciales":28018,"Ġcasados":28019,"ensores":28020,"ĠEstructura":28021,"Ġetern":28022,"Ġcumplirse":28023,"Ġparticularidades":28024,"Ġbené":28025,"TIA":28026,"gibre":28027,"Ġimpermeable":28028,"ĠCientÃŃfica":28029,"acatecas":28030,"Ġcapitan":28031,"ĠImpacto":28032,"Ġpelir":28033,"Continu":28034,"Ġinterminable":28035,"Ġcasinos":28036,"Ġdesacuerdo":28037,"Ġcarcel":28038,"Ġadquisitivo":28039,"ĠCafe":28040,"ĠLegan":28041,"urdes":28042,"ĠSebastian":28043,"ĠLeyes":28044,"étrica":28045,"Ġdesgraciadamente":28046,"Ġaseguradoras":28047,"ĠHacia":28048,"ĠcurrÃŃculo":28049,"Ġtransitar":28050,"Ġmejore":28051,"Ġviolentas":28052,"ĠTara":28053,"Ġcomercializar":28054,"ĠXiaomi":28055,"Ġcargados":28056,"Ġsentenció":28057,"Ġhumildes":28058,"vergadura":28059,"Ġagresor":28060,"fet":28061,"facto":28062,"Ġrusas":28063,"Ġinsignific":28064,"Villa":28065,"Ġrespetuoso":28066,"GM":28067,"ĠIngles":28068,"Ġemisor":28069,"Ġandroid":28070,"Ġdestrezas":28071,"Ġdaré":28072,"Ġmáscaras":28073,"Ġvalla":28074,"6433":28075,"Be":28076,"Ġservicial":28077,"Ġcapturas":28078,"Ġsupondrá":28079,"Ġempobre":28080,")?":28081,"ĠTenis":28082,"Ġsentirte":28083,"Ġanticipada":28084,"ĠSpider":28085,"cuán":28086,"omasa":28087,"ĠABS":28088,"ĠSQL":28089,"brecht":28090,"Ġocupantes":28091,"Ġfusil":28092,"May":28093,"Ġcascos":28094,"mara":28095,"ucal":28096,"ĠGP":28097,"ĠVallejo":28098,"Ġobstacul":28099,"Ġdetenida":28100,"Ġdesignar":28101,"filia":28102,"Dirección":28103,"Ġreve":28104,"Ġtriang":28105,"Ġespontánea":28106,"Ġrigidez":28107,"Ġfaena":28108,"Ġfontanero":28109,"Ġresonancia":28110,"MON":28111,"Ġjaula":28112,"Ġcostoso":28113,"zará":28114,"Tipo":28115,"ĠPá":28116,"Ġministerios":28117,"CED":28118,"Ġcompletó":28119,"ĠEspecialista":28120,"PAN":28121,"ĠCCOO":28122,"Ġveintena":28123,"ĠColegios":28124,"ARCELONA":28125,"Ġmultim":28126,"Diseñ":28127,"Ġconmemorar":28128,"inamos":28129,"ped":28130,"Ġdirectivas":28131,"Ġpusimos":28132,"Ġalla":28133,"ĠAcompañ":28134,"Ġfundas":28135,"Mol":28136,"Ġentres":28137,"rolet":28138,"ĠNeymar":28139,"town":28140,"ĠmonarquÃŃa":28141,"Ġgela":28142,"Ġsoberano":28143,"Ġdiferenciación":28144,"Ġacelerado":28145,"Ġintemp":28146,"ĠconocÃŃan":28147,"ism":28148,"Ġsemá":28149,"Ġemotivo":28150,"Ġprestando":28151,"Ġideológico":28152,"ĠPontificia":28153,"ciso":28154,"quitas":28155,"Ġsalvado":28156,"Ġhomosexualidad":28157,"cleros":28158,"Ġnaval":28159,"ĠTradi":28160,"clipse":28161,"Ġprorro":28162,"ĠMiembro":28163,"Ġrealizo":28164,"ĠenvÃŃe":28165,"Ġceldas":28166,"ĠSando":28167,"Ġelaboradas":28168,"ancy":28169,"Ġenlaz":28170,"Ġanos":28171,"itarra":28172,"Ġaplicados":28173,"dán":28174,"urÃŃ":28175,"Ġdesesperada":28176,"Ġfarmacéutica":28177,"ĠïĤ·":28178,"ĠDanilo":28179,"Ġcondenó":28180,"ĠisraelÃŃes":28181,"ĠTable":28182,"ĠSangre":28183,"Ġtregua":28184,"lanes":28185,"Ġinsomnio":28186,"ĠBros":28187,"ĠCheca":28188,"ĠgeometrÃŃa":28189,"Ġpasarlo":28190,"Ġenvergadura":28191,"Ġdieciocho":28192,"Ġubicaciones":28193,"Ġproporcionada":28194,"ĠBand":28195,"Ġencontrarnos":28196,"Debe":28197,"ĠAdemas":28198,"ĠAlh":28199,"ĠSonia":28200,"Ġpatata":28201,"Ġencargará":28202,"alimentación":28203,"Ġnulo":28204,"Adi":28205,"ĠWo":28206,"Ġcomprue":28207,"Ġcachorro":28208,"Ġagilizar":28209,"cienden":28210,"Ġgrupal":28211,"ĠTaiw":28212,"ĠSwitch":28213,"Ġcompañia":28214,"Ġdominado":28215,"Ġdialéc":28216,"Ġgene":28217,"ĠRC":28218,"Ġcasting":28219,"Ġcapo":28220,"ĠColombiana":28221,"ĠFÃŃs":28222,"ĠAndorra":28223,"Ġburla":28224,"ecidas":28225,"Ġregaló":28226,"Ġsonoro":28227,"ĠMatt":28228,"Ġvejez":28229,"Ġunica":28230,"Ġcelebraron":28231,"Ġdemocráticas":28232,"Ġlamenta":28233,"Imag":28234,"Ġcuriosidades":28235,"Ġpirata":28236,"Ġambulancia":28237,"Ġalejados":28238,"Ġunieron":28239,"Ġanónimo":28240,"Ġpalanca":28241,"Ġcombinando":28242,"ĠperÃŃmetro":28243,"Ġriendas":28244,"cimos":28245,"ĠBlu":28246,"Ġcilindro":28247,"Ġcancer":28248,"Ġbuses":28249,"Ġdeficiencia":28250,"Ġjesu":28251,"inv":28252,"inista":28253,"Ġfana":28254,"ĠSAT":28255,"Ġparadero":28256,"credi":28257,"ĠâĻ":28258,"ĠEspino":28259,"Ġcontarán":28260,"Ġrepresentó":28261,"ĠDetalles":28262,"ĠhÃŃbrido":28263,"Ġresiste":28264,"Ġemiten":28265,"ĠharÃŃan":28266,"tlán":28267,"ĠCooper":28268,"Ġpracticando":28269,"ĠMáquina":28270,"Diario":28271,"Ġ1955":28272,"Ġrecarga":28273,"Ġiniciarse":28274,"hoto":28275,"ĠOrganismo":28276,"Ġhabrás":28277,"Ġaza":28278,"Ġheteros":28279,"Ġpertenencias":28280,"iloto":28281,"Ġbuscaban":28282,"Ġiluminar":28283,"Ġcuriosamente":28284,"Ġperpetua":28285,"Ġparaguas":28286,"gne":28287,"Inv":28288,"Ġmarcadas":28289,"Ġresidenciales":28290,"dere":28291,"inga":28292,"Ġapariciones":28293,"ferir":28294,"Ġdestacaron":28295,"uster":28296,"Ġhubiere":28297,"Ġbrotes":28298,"Ġexplicaba":28299,"Ġdesarrollador":28300,"Ġexh":28301,"ecerá":28302,"Ġotorgamiento":28303,"Ġelástica":28304,"Ġpensarlo":28305,"Ġlimite":28306,"cimo":28307,"Ġpastilla":28308,"Ġgenerosa":28309,"amaño":28310,"Ġalargar":28311,"ĠATP":28312,"mex":28313,"Ġpenúlti":28314,"Ġpreocupada":28315,"Ġdilema":28316,"Ġsupere":28317,"Ġparticularidad":28318,"Ġascendente":28319,"ĠSituado":28320,"Donde":28321,"ço":28322,"ĠVillarreal":28323,"ĠScar":28324,"Estado":28325,"Ġconju":28326,"LL":28327,"ĠVillas":28328,"ĠKg":28329,"Ġlangos":28330,"Ġadaptadas":28331,"Ġfacilit":28332,"Ġdefraud":28333,"GC":28334,"ĠToluca":28335,"Ġcontrac":28336,"ĠAwards":28337,"ĠFR":28338,"deramiento":28339,"Ġfelicito":28340,"euro":28341,"enn":28342,"Ġvalenciana":28343,"Ġardiente":28344,"ĠSound":28345,"Ġtelevisores":28346,"ĠForal":28347,"Ġprotected":28348,"Ġsingulares":28349,"Ġindependentistas":28350,"Efec":28351,"abro":28352,"Ġpodcast":28353,"Ġdescubrimos":28354,"ĠExtraord":28355,"ĠSatan":28356,"coso":28357,"Ġdeline":28358,"iladel":28359,"Manuel":28360,"ĠReferencia":28361,"ĠPekÃŃn":28362,"Ġerupción":28363,"deremos":28364,"ĠPhotoshop":28365,"Ġaseguradora":28366,"Puedo":28367,"laza":28368,"Ġterminamos":28369,"Ġincrust":28370,"Ġvisitaron":28371,"ĠSkype":28372,"Ġmaldición":28373,"Ġarchipiélago":28374,"Ġpierdan":28375,"Ġposgrado":28376,"Ġjugaron":28377,"Ġdemor":28378,"alias":28379,"Ġenajen":28380,"ĠDIA":28381,"Ġconfiere":28382,"especialmente":28383,"ĠVAN":28384,"Ġsilvestre":28385,"gasta":28386,"Ġpaisaj":28387,"Ġpreguntamos":28388,"Ġobtendrá":28389,"Ġcontaban":28390,"Ġcala":28391,"aut":28392,"Ġsantander":28393,"ĠAbre":28394,"Ġaniquil":28395,"Ġcig":28396,"ĠlÃŃquida":28397,"ejil":28398,"ĠAnn":28399,"Ġhaberle":28400,"ezo":28401,"Ġpenetrar":28402,"rosis":28403,"ĠWik":28404,"Ġmencionan":28405,"ormales":28406,"Ġvendrán":28407,"Ġsótano":28408,"ĠAdultos":28409,"ĠPier":28410,"Ġenfrentado":28411,"Ġviera":28412,"ĠLeopol":28413,"Ġtópicos":28414,"ĠDOMINGO":28415,"ied":28416,"Ġcomplica":28417,"Ġtortilla":28418,"Ġenvuelve":28419,"Ġinterrogantes":28420,"Ġome":28421,"ĠTVE":28422,"Ġdobla":28423,"Ġalimentan":28424,"ĠcaracterÃŃsticos":28425,"VAR":28426,"Ġcarib":28427,"Ġflorales":28428,"Ġproposición":28429,"Ġfiloso":28430,"ful":28431,"Ġcallar":28432,"después":28433,"Ġmeridi":28434,"Ġmotivar":28435,"Ġperciben":28436,"Ġheb":28437,"Ġofrenda":28438,"CategorÃŃas":28439,"Ġconectan":28440,"CAS":28441,"DH":28442,"Ġword":28443,"ĠcaÃŃa":28444,"Ġobligadas":28445,"Ġayudarme":28446,"Ġconspiración":28447,"Ġdeliciosas":28448,"ĠDicen":28449,"ĠGobiernos":28450,"Ġseducir":28451,"Ġdestruye":28452,"Ġestrib":28453,"IDAS":28454,"Ġproporcionados":28455,"ĠJuventus":28456,"Ġiso":28457,"dorf":28458,"Ġrasgo":28459,"ĠDocumento":28460,"ĠRossi":28461,"ĠTECN":28462,"Ġseñas":28463,"Ġdebutó":28464,"ĠSexual":28465,"books":28466,"ĠHispano":28467,"Har":28468,"ĠPiz":28469,"ĠGall":28470,"Ġrecurrentes":28471,"ĠQueen":28472,"ĠFoo":28473,"ĠArts":28474,"icarbonato":28475,"Ġcacer":28476,"veras":28477,"Ġmillonario":28478,"talos":28479,"Ġgrietas":28480,"Ġcualificado":28481,"Quizá":28482,"out":28483,"Ġtun":28484,"Ġarmamento":28485,"ientan":28486,"varo":28487,"Ġ1080":28488,"Ġcapitalistas":28489,"Ġoperado":28490,"Ġ*****":28491,"ĠLittle":28492,"ĠteologÃŃa":28493,"uyeron":28494,"Ġfaculta":28495,"ĠSporting":28496,"ĠNoel":28497,"Ġpienses":28498,"Ġinevitablemente":28499,"dimensional":28500,"ĠVladimir":28501,"Ġalegres":28502,"Ġdesconcer":28503,"Ġpavimento":28504,"OK":28505,"Ġextrava":28506,"TANTE":28507,"Ġalaban":28508,"pulco":28509,"ĠloterÃŃa":28510,"Ġruina":28511,"Ġacidez":28512,"ĠEscribir":28513,"Ġderre":28514,"ĠMajestad":28515,"kt":28516,"Ġgallega":28517,"tori":28518,"Ġover":28519,"Tema":28520,"Ġhúmeda":28521,"Ġdecepcion":28522,"Em":28523,"ango":28524,"ĠMartha":28525,"onic":28526,"Ġfantásticas":28527,"ĠMapa":28528,"monte":28529,"ĠAirlines":28530,"ieblas":28531,"Ġ1957":28532,"online":28533,"Ġmejillas":28534,"ĠThom":28535,"Ġfaciales":28536,"Ġahorra":28537,"ĠLorena":28538,"Ġexistió":28539,"ĠSantana":28540,"Ġdenuncian":28541,"Ġorganizacional":28542,"Trabajo":28543,"ĠDá":28544,"Ġfármaco":28545,"ĠCarrasco":28546,"Ġbenefician":28547,"Ġdelincuente":28548,"Ġalcohólicas":28549,"ĠRevolucionario":28550,"ĠBras":28551,"uello":28552,"QD":28553,"ĠDisponemos":28554,"cesos":28555,"kaia":28556,"Ġteatros":28557,"Ġibérico":28558,"Ġefectuada":28559,"ĠSitios":28560,"Fernando":28561,"Ġestéticos":28562,"Ġbrasileños":28563,"ĠmarÃŃtima":28564,"Ġdetuvieron":28565,"Ġdecisiva":28566,"Ġconcord":28567,"Ġonc":28568,"ĠPHP":28569,"Ġdijimos":28570,"Ġfiables":28571,"ĠAyala":28572,"Ġadversario":28573,"ĠDurán":28574,"Ġcauce":28575,"Ġplaceres":28576,"ĠsintonÃŃa":28577,"Ġvicios":28578,"ĠMucha":28579,"kinson":28580,"Ġdespach":28581,"gés":28582,"endientes":28583,"kee":28584,"ĠContinu":28585,"ĠMoon":28586,"Ġzanahoria":28587,"Ġalmacena":28588,"Ġbb":28589,"toso":28590,"ĠAH":28591,"Ġinfal":28592,"Ġordenanza":28593,"Ġprudente":28594,"Ġconfirmada":28595,"Ġserenidad":28596,"Ġestupe":28597,"ĠCordero":28598,"Ġreconociendo":28599,"evales":28600,"Nombre":28601,"atlón":28602,"ĠTún":28603,"teralmente":28604,"Ġsaltó":28605,"Ġflamante":28606,"Ġcalzada":28607,"Mad":28608,"Ġprudencia":28609,"Ġpianista":28610,"ĠTerror":28611,"Hor":28612,"Ġdespertado":28613,"ining":28614,"Ġcoordinada":28615,"Ġdedico":28616,"Ġnike":28617,"ĠDefensorÃŃa":28618,"Ġátomos":28619,"Ġenro":28620,"bÃŃ":28621,"Ġcentran":28622,"Ġdeco":28623,"ground":28624,"Ġsubsan":28625,"Ġocultas":28626,"Ġasignados":28627,"Ġvillas":28628,"ĠCien":28629,"anamente":28630,"Ġreinos":28631,"piter":28632,"ĠBanca":28633,"Ġagarrar":28634,"Ġexperimentando":28635,"antas":28636,"Ġtelevisivo":28637,"ĠfrigorÃŃfico":28638,"ĠDERE":28639,"Ġâ":28640,"Ġpuntaje":28641,"Ġoz":28642,"ĠrecibÃŃa":28643,"Ġaprecio":28644,"ĠCuevas":28645,"Ġembu":28646,"elet":28647,"ĠEV":28648,"Ġempleadas":28649,"Ġsangrado":28650,"indic":28651,"ĠLé":28652,"ĠiTunes":28653,"tepec":28654,"Ġintervenido":28655,"Ġharto":28656,"Ġpatrocinadores":28657,"Ġpatin":28658,"Ġsabrás":28659,"Cual":28660,"inaba":28661,"Ġpoker":28662,"Ġpremiado":28663,"Ġpreferida":28664,"CIS":28665,"łĢ":28666,"Ġinstructor":28667,"centes":28668,"Ġconsecuente":28669,"Ġdegustación":28670,"ĠFi":28671,"Ġambientación":28672,"Ġarroyo":28673,"Ġreproducciones":28674,"Ġinterviene":28675,"Ġigualar":28676,"ĠMonts":28677,"Ġcondominio":28678,"ĠPRODUC":28679,"ĠLargo":28680,"ĠTas":28681,"Ġport":28682,"---":28683,"Ġfeministas":28684,"Ġkilogramos":28685,"Ġnano":28686,"Ġdesigna":28687,"ĠNegocio":28688,"Ġhemisferio":28689,"ĠolÃŃmpico":28690,"ĠPich":28691,"SerÃŃa":28692,"Ġmatado":28693,"Ġcarteras":28694,"Ġpolaco":28695,"Ġválidos":28696,"Ġdesventajas":28697,"Ġhemorrag":28698,"!âĢĿ.":28699,"ĠcreÃŃdo":28700,"Ġperforación":28701,"onder":28702,"Ġinhal":28703,"Ġsustituye":28704,"indle":28705,"llam":28706,"Ġutilizaba":28707,"Ġcomprensible":28708,"Ġ175":28709,"ĠMorgan":28710,"Ġprever":28711,"Ġofrecerán":28712,"Ġcontinuarán":28713,"iji":28714,"dirección":28715,"feria":28716,"Ġcompatriotas":28717,"Ġaccionista":28718,"Sigue":28719,"ĠFuera":28720,"SP":28721,"ĠExpres":28722,"Ġatrapados":28723,"view":28724,"Ġtierno":28725,"ĠHablamos":28726,"Ġdevenir":28727,"ĠaverÃŃa":28728,"ienten":28729,"Ġconcejala":28730,"NG":28731,"avi":28732,"Ġchalet":28733,"blado":28734,"ĠDependiendo":28735,"ĠBin":28736,"Ġnobleza":28737,"Ġinformando":28738,"Ġexistencias":28739,"Ġllegados":28740,"ĠClasificación":28741,"ĠAgropecu":28742,"Ġdesarrollarán":28743,"ĠJuntos":28744,"RT":28745,"Ġcumplieron":28746,"Ġgenero":28747,"Ġmafia":28748,"ĠEnv":28749,"kov":28750,"Ġcertificada":28751,"Ġconson":28752,"ĠOrganiza":28753,"bps":28754,"Ġmatando":28755,"Ġcesar":28756,"odo":28757,"xicación":28758,"Ġexcluidos":28759,"Ġtesor":28760,"IZA":28761,"ĠSand":28762,"Ġaguacate":28763,"Ġbotán":28764,"Ġligados":28765,"ĠAven":28766,"Ġacuario":28767,"Fal":28768,"Ġgrama":28769,"ĠAntropologÃŃa":28770,"Ġsalariales":28771,"Ġenviaremos":28772,"ĠDATOS":28773,"EMOS":28774,"Ġautonómicas":28775,"Ġcohesión":28776,"ILI":28777,"Ġcirculan":28778,"Ġyihad":28779,"Ġperfumes":28780,"puso":28781,"Ġelástico":28782,"ĠCreemos":28783,"ARROL":28784,"Ġfeb":28785,"Precisamente":28786,"ĠIndias":28787,"Ġespionaje":28788,"Ġexistiendo":28789,"ĠZamb":28790,"ĠClases":28791,"fren":28792,"Ġdictada":28793,"Ġhala":28794,"ivia":28795,"ĠLenin":28796,"ĠGuinea":28797,"Ġhablaban":28798,"OMBRE":28799,"Ġcivilizaciones":28800,"ĠRefug":28801,"mez":28802,"Juego":28803,"ĠSav":28804,"Ġtrago":28805,"Ġbitcoin":28806,"ĠBC":28807,"ĠSOCIAL":28808,"ĠCuesta":28809,"Ġmovido":28810,"Ġconsideren":28811,"Ġpodes":28812,"ĠCampeón":28813,"Ġsupervisar":28814,"Ġeyac":28815,"âĢ²":28816,"ĠTito":28817,"tiempos":28818,"äº":28819,"ĠPrivada":28820,"Ġsubmarino":28821,"Ġestira":28822,"eciera":28823,"Ġculminó":28824,"orización":28825,"Ġmigratoria":28826,"Ġfiltraciones":28827,"Ġfracasos":28828,"Ġfestejar":28829,"Ġconfesar":28830,"ĠShakespeare":28831,"Ġlona":28832,"ĠLL":28833,"ERIA":28834,"ĠIk":28835,"Ġpreceptos":28836,"Ġfuncionado":28837,"Ġcomentan":28838,"Ġpropagación":28839,"ĠAñadir":28840,"ayuda":28841,"Ġcuanta":28842,"Ġpisar":28843,"tainment":28844,"Ġaras":28845,"Ġinterpretada":28846,"ĠsanguÃŃneos":28847,"ĠArchivos":28848,"ĠNinguna":28849,"Ġbár":28850,"Ġpescar":28851,"Ġplátano":28852,"Ġvertebral":28853,"ĠPROGRAMA":28854,"Ġproporcionará":28855,"flu":28856,"ĠmamÃŃferos":28857,"Ġvom":28858,"Ġredactar":28859,"Ġfresas":28860,"istem":28861,"ĠCanon":28862,"Ġcóctel":28863,"Ġcomensales":28864,"Ġreproduce":28865,"Ġpirámide":28866,"Ġandadura":28867,"ĠChur":28868,"Ġrefuerzos":28869,"Ġencontrarlo":28870,"tizo":28871,"ĠRetiro":28872,"Ġfisio":28873,"ĠCapilla":28874,"Ġagregando":28875,"Ġgerencia":28876,"1994":28877,"Ġbolivianos":28878,"Ġcuat":28879,"Ġcompacta":28880,"Ġapta":28881,"Ġpresentador":28882,"Ġmundialmente":28883,"enovela":28884,"Ġusur":28885,"Ġsanas":28886,"Ġdistorsion":28887,"Ġrecomendados":28888,"vd":28889,"Ġplanear":28890,"Ġhipote":28891,"bury":28892,"Ġapasiona":28893,"ĠOsorio":28894,"ruguaya":28895,"Ġcontroladores":28896,"Ġcariñosa":28897,"feos":28898,"ĠEinstein":28899,"ĠNeo":28900,"Ġlanzan":28901,"Ġsometidas":28902,"Ġadversas":28903,"ĠEje":28904,"Ġvestidor":28905,"jemplos":28906,"ĠAquellos":28907,"ternas":28908,"page":28909,"Ġexigiendo":28910,"Ġconvenga":28911,"tidora":28912,"Ġalgoritmos":28913,"Ġinfusión":28914,"ĠepÃŃ":28915,"Sam":28916,"tijo":28917,"isima":28918,"ĠFreud":28919,"ĠNigeria":28920,"tinales":28921,"Ġcomplacer":28922,"ĠHOR":28923,"Ġsignifican":28924,"Ġevolucionando":28925,"Observ":28926,"vÃŃn":28927,"Ġresultará":28928,"tológicas":28929,"Tel":28930,"Ġperra":28931,"Ġcás":28932,"ĠHecho":28933,"Ġmentalmente":28934,"Ġperdonar":28935,"etano":28936,"uladores":28937,"ĠDestac":28938,"1000":28939,"ĠConv":28940,"Ġadoración":28941,"ĠParticip":28942,"Ġparó":28943,"ñeta":28944,"ÃŃpro":28945,"Ġcontrasta":28946,"teando":28947,"mercado":28948,"ĠMáximo":28949,"Aprovech":28950,"ionada":28951,"positivo":28952,"Ġocular":28953,"Ġdesemboc":28954,"ĠÑģ":28955,"Ãľ":28956,"ofici":28957,"Ġmultimillon":28958,"Ġcibern":28959,"exper":28960,"ĠMonasterio":28961,"Ġselectivo":28962,"Ġtemblor":28963,"Ġsalgo":28964,"ĠVEN":28965,"ĠpertenecÃŃa":28966,"Ġportafolio":28967,"Ġfenomenal":28968,"buena":28969,"click":28970,"Ġ111":28971,"Ġafecciones":28972,"Ġanunciantes":28973,"ĠleÃŃa":28974,"Ġobservador":28975,"Ġnarices":28976,"Just":28977,"Ġmesti":28978,"Ġlámina":28979,"Ġfabricadas":28980,"Ġdiverso":28981,"Ġcolombianas":28982,"Ġcue":28983,"ĠAlfa":28984,"ciòn":28985,"Ġoscil":28986,"Ġdesconocidas":28987,"Ġcreces":28988,"ĠIntelectual":28989,"Ġsuenan":28990,"Ġbienvenido":28991,"Ġbalcones":28992,"Ġinterroga":28993,"doy":28994,"Ġburocr":28995,"crÃŃ":28996,"Ġtambor":28997,"wen":28998,"ĠMaratón":28999,"Ġdiesel":29000,"ográfico":29001,"ĠBlackBerry":29002,"Ġimplementa":29003,"Ġdiscreta":29004,"ĠCusco":29005,"Ġabro":29006,"ĠAuditorÃŃa":29007,"Ġcoque":29008,"ĠBeltrán":29009,"Ġtenencia":29010,"Ġdemostraron":29011,"Nav":29012,"Ġgobierna":29013,"Ġlanzando":29014,"Ġaceptando":29015,"ĠComprom":29016,"Ġempujar":29017,"Ġreleg":29018,"ĠDD":29019,"Ġtendido":29020,"Ġperonismo":29021,"Ġsantidad":29022,"Ġimplac":29023,"Ġmascarilla":29024,"Gonz":29025,"Ġpower":29026,"ĠSuite":29027,"Ġtacos":29028,"Ġtenes":29029,"ĠHabitación":29030,"Ġsellado":29031,"gus":29032,"tini":29033,"Ġescru":29034,"vivencia":29035,"Ġevoc":29036,"Ġcrueldad":29037,"gana":29038,"ĠBenjamÃŃn":29039,"ĠRazón":29040,"ĠRecientemente":29041,"Ġintegrarse":29042,"Ġalejada":29043,"ĠMoy":29044,"vedades":29045,"ĠColon":29046,"ĠPatronato":29047,"Ġcerraron":29048,"Ġdecretos":29049,"ĠDinero":29050,"Ġterapéutica":29051,"ylon":29052,"Ġnicho":29053,"ajajaja":29054,"Ġverga":29055,"ĠTesis":29056,"Ġasequibles":29057,"Ġépica":29058,"Ġrotos":29059,"Ġasentamiento":29060,"ĠManif":29061,"Ġabarcan":29062,"ricense":29063,"éndolos":29064,"Salud":29065,"Ġexcre":29066,"Ġconcient":29067,"¡¡¡":29068,"rop":29069,"Ġdespropor":29070,"ĠposeÃŃa":29071,"Ġbin":29072,"ĠRita":29073,"Ġdióxido":29074,"Ġviñedos":29075,"Ġinsistencia":29076,"Ġgolp":29077,"Ġcocido":29078,"Ġintriga":29079,"ĠBernabé":29080,"110":29081,"Ġemin":29082,"racle":29083,"Ġenviaron":29084,"utación":29085,"Ġaltavoz":29086,"Ġinalámbrico":29087,"Ġrezar":29088,"Ġderivar":29089,"Trad":29090,"Ġindex":29091,"Venezuela":29092,"liber":29093,"ĠEndesa":29094,"Ġaeronave":29095,"Ġencajar":29096,"ĠCarri":29097,"Ġcapucha":29098,"Ġcostera":29099,"ĠCoco":29100,"ĠLEY":29101,"ĠVodafone":29102,"ĠBartolomé":29103,"tarle":29104,"TAC":29105,"js":29106,"ásicos":29107,"Ġpatrulla":29108,"Ġmacroecon":29109,"Ġbatido":29110,"Detal":29111,"ĠArtic":29112,"ĠOlga":29113,"ozca":29114,"Ġnovedosa":29115,"uerpos":29116,"?!":29117,"ĠCierre":29118,"ĠOld":29119,"ĠAgencias":29120,"Ġlistados":29121,"Ġcómplice":29122,"Ġ×":29123,"Ġrondas":29124,"Ġprofundidades":29125,"ĠastrologÃŃa":29126,"Ġadyac":29127,"Ġhot":29128,"Ġbab":29129,"Ġbarri":29130,"Ġpublicará":29131,"Ġeliminatoria":29132,"xito":29133,"Buena":29134,"ĠFos":29135,"Ġmaderas":29136,"Ġñ":29137,"ĠGale":29138,"Cat":29139,"Ġdiger":29140,"Ġ109":29141,"Ġaugu":29142,"élicos":29143,"Ġcolocados":29144,"icerÃŃa":29145,"Ġcortina":29146,"++":29147,"ĠQuerÃŃa":29148,"Ġvendo":29149,"MD":29150,"Ġembo":29151,"Javier":29152,"unch":29153,"Ġmiramos":29154,"Ġefectúa":29155,"Ġanfitriones":29156,"Ir":29157,"algun":29158,"ĠSeleccione":29159,"PodrÃŃa":29160,"Ġpresas":29161,"Ġ1956":29162,"Ġsubsecretario":29163,"asto":29164,"ĠEstrellas":29165,"ĠKle":29166,"Ġcolocarse":29167,"Ġmodular":29168,"Ġexperimentados":29169,"bable":29170,"Ġacordaron":29171,"Ġcontracción":29172,"Ġaprendan":29173,"ĠAntár":29174,"Ġamericanas":29175,"Ġenseño":29176,"rillero":29177,"Ġexplotaciones":29178,"Ġparis":29179,"Ġdepartamental":29180,"Ġpulido":29181,"Ġtransexuales":29182,"Ġreflec":29183,"letter":29184,"amaha":29185,"ĠMagazine":29186,"ĠMétodo":29187,"ĠTÃīCN":29188,"ĠBit":29189,"orne":29190,"Ġsuspens":29191,"Ġabundan":29192,"ĠSantam":29193,"Ġrepresentaba":29194,"blema":29195,"ĠFase":29196,"Ġsolidez":29197,"Ġinsistido":29198,"ĠpÃŃxeles":29199,"ĠPadilla":29200,"ĠFlex":29201,"Ġusual":29202,"Ġenérg":29203,"Ġsaliera":29204,"ĠTipos":29205,"Ġsurgimiento":29206,"ĠDivina":29207,"Seguramente":29208,"Ġ[+]":29209,"Ġoriginaria":29210,"Ġpodeis":29211,"Ġrodillo":29212,"ĠUEFA":29213,"Ġmonopolio":29214,"Ġentras":29215,"Ġgasolin":29216,"Ġechando":29217,"Ġgrabada":29218,"Ġvibrante":29219,"Igual":29220,"iño":29221,"ĠBL":29222,"ĠValley":29223,"Ġcompramos":29224,"Ġdivulgar":29225,"ĠSalva":29226,"ĠPinterest":29227,"ĠTouch":29228,"Daniel":29229,"táneos":29230,"ĠRevisión":29231,"Ġentier":29232,"ĠBatalla":29233,"Ġgallina":29234,"Ġcomprenden":29235,"Ġescuad":29236,"Ġcalienta":29237,"wal":29238,"ĠConsulte":29239,"Ġnavideña":29240,"Ele":29241,"ĠâĢľâĢ¦":29242,"Ġazúcares":29243,"Ġminimalista":29244,"ĠEstrada":29245,"Ġafecten":29246,"Us":29247,"Ġtó":29248,"Ġtrabajaron":29249,"Ġadaptaciones":29250,"ĠEQU":29251,"ĠVid":29252,"Ġconstituyó":29253,"Ġpresenciar":29254,"Precio":29255,"Ġaperitivo":29256,"ĠCURSO":29257,"Ġexplique":29258,"Alemania":29259,"Ġextremidades":29260,"Ġreglamentación":29261,"ĠclÃŃ":29262,"ĠElabor":29263,"túen":29264,"Ġgastado":29265,"iiii":29266,"Ġgalo":29267,"ĠVehÃŃculos":29268,"año":29269,"eland":29270,"Ġbata":29271,"Ġleyó":29272,"ĠPicasso":29273,"Ġok":29274,"Ġnot":29275,"ĠNapole":29276,"Flor":29277,"libre":29278,"*)":29279,"ĠSolamente":29280,"CUR":29281,"ĠTun":29282,"ĠGMT":29283,"thon":29284,"Ġcarbon":29285,"ĠAlmagro":29286,"sonaro":29287,"Ġacusada":29288,"Ġadmin":29289,"Ġeru":29290,"Ġalérg":29291,"Ġacabará":29292,"ĠBárbara":29293,"Mucho":29294,"Ġobl":29295,"Ġpauta":29296,"Ġcamisas":29297,"Ġmitigar":29298,"ónima":29299,"ĠTEN":29300,"Ġobedece":29301,"ĠDescuento":29302,"ĠtenÃŃas":29303,"poco":29304,"Cola":29305,"UER":29306,"Ġincorrecto":29307,"Ġcomputador":29308,"Ġsimpatizantes":29309,"Ġsituar":29310,"Ġreportajes":29311,"Ġgesta":29312,"Ġmamás":29313,"ĠVergara":29314,"erme":29315,"Ġapostado":29316,"enzamos":29317,"Ġprevisible":29318,"tuando":29319,"Ġrepresentativo":29320,"IONES":29321,"Ġnavideño":29322,"Ġrecreativas":29323,"Ġut":29324,"ĠApartamento":29325,"Ġapela":29326,"itcoins":29327,"Ġв":29328,"amanga":29329,"ĠComb":29330,"Ġreferir":29331,"Ġdescubierta":29332,"Ġrodeados":29333,"ĠminorÃŃas":29334,"ĠcontenÃŃa":29335,"Ġvertig":29336,"Ġcelebrarse":29337,"ICACIONES":29338,"ĠCochabamba":29339,"eal":29340,"Ġmedioambiente":29341,"ĠPau":29342,"Ġinicie":29343,"iser":29344,"Ġdescritos":29345,"ĠBloque":29346,"Ġretribución":29347,"Ġvillano":29348,"hou":29349,"Ġenseñando":29350,"ĠJohnny":29351,"ĠconfÃŃan":29352,"ĠPolÃŃtico":29353,"ĠPráctica":29354,"ĠCardenal":29355,"Ġautobio":29356,"Ġvideoclip":29357,"ĠCátedra":29358,"ĠMecánica":29359,"ĠRecetas":29360,"tivación":29361,"ĠRuss":29362,"apropi":29363,"Ġbrasil":29364,"Ġempap":29365,"grana":29366,"Ġfitness":29367,"Ġboy":29368,"Ġradial":29369,"Ġgozan":29370,"ĠIdentidad":29371,"Ġinel":29372,"ĠNoreste":29373,"Ġpelis":29374,"Ġguay":29375,"Ġdireccion":29376,"Ġone":29377,"Ġriñones":29378,"ĠAus":29379,"Ġpesadas":29380,"ĠAND":29381,"peto":29382,"iedo":29383,"Ġsensualidad":29384,"Ġincrementos":29385,"dinámica":29386,"Ġporos":29387,"Ġelo":29388,"laneda":29389,"ĠIntervención":29390,"ο":29391,"Informe":29392,"Ġdesahu":29393,"Ġpremiados":29394,"ahuila":29395,"Ġgolpeado":29396,"Ġesposas":29397,"Ġ.-":29398,"ĠPeters":29399,"Ġconducto":29400,"Ġamarillos":29401,"Ġlong":29402,"Ġencantará":29403,"Ġancestral":29404,"Ġcomete":29405,"Ġacarre":29406,"AV":29407,"oms":29408,"Ġrepel":29409,"ambla":29410,"ĠLord":29411,"Ġgrand":29412,"cules":29413,"Ġfumadores":29414,"ĠBayern":29415,"ĠCris":29416,"Ġsirio":29417,"Ġocéanos":29418,"Ġequilibrar":29419,"lisis":29420,"ĠEth":29421,"Ġmanic":29422,"Ġdoscientos":29423,"Ġgalardonado":29424,"Ġporteño":29425,"Ġnociones":29426,"quiz":29427,"ĠMob":29428,"ĠNotas":29429,"ĠAgrade":29430,"ĠSat":29431,"Ġcelo":29432,"Ġevalúa":29433,"ĠArizona":29434,"Ġpuros":29435,"Ġagotamiento":29436,"UV":29437,"FR":29438,"ĠPAC":29439,"Ġvaqueros":29440,"ĠCabello":29441,"working":29442,"peros":29443,"yon":29444,"Ġnon":29445,"Ġinna":29446,"BAS":29447,"Ġdefensivo":29448,"Ġcorrespondan":29449,"Ġsolicitantes":29450,"Ġballet":29451,"Ġamarillas":29452,"CESO":29453,"Ġpronósticos":29454,"ĠJOS":29455,"Ġembra":29456,"Ġcomparable":29457,"Ġestructurado":29458,"Ġcondujo":29459,"Ġlujoso":29460,"Ġgeográficas":29461,"Ġmediterráneo":29462,"ĠSarah":29463,"endadas":29464,"ĠYA":29465,"Ġcertificaciones":29466,"Ġubicó":29467,"geci":29468,"ymp":29469,"Ġhits":29470,"quiere":29471,"Ġrectangular":29472,"ĠGeorgia":29473,"Aparte":29474,"ĠVisión":29475,"ĠAcce":29476,"Ġencarn":29477,"Ġcobrado":29478,"Ġdesequilibrio":29479,"pac":29480,"ĠRevis":29481,"ĠGun":29482,"tese":29483,"Ġfax":29484,"icina":29485,"Ġdiagrama":29486,"Ġmariposas":29487,"Sea":29488,"ĠTib":29489,"Ġdominicana":29490,"Ġrubros":29491,"Ġmapuche":29492,"ĠVigilancia":29493,"Ġimplicado":29494,"Ġpoético":29495,"Ġtenta":29496,"Ġmejorada":29497,"Ġganados":29498,"ĠcardÃŃaca":29499,"Ġratificó":29500,"Ġimpulsando":29501,"Seguimos":29502,"Cab":29503,"Ġredund":29504,"ETA":29505,"Ġfotocopia":29506,"ĠLamentablemente":29507,"ĠComando":29508,"Ġplatillos":29509,"Ġpanes":29510,"Ġagroalim":29511,"ĠTerapia":29512,"Ġcazador":29513,"Ġsuspiro":29514,"Ġcubriendo":29515,"Ġtonalidades":29516,"Ġagobi":29517,"Ġsendas":29518,"ĠDecora":29519,"Ġmemorable":29520,"Ġchispa":29521,"Ġenriquecimiento":29522,"ures":29523,"Ġsentirnos":29524,"itano":29525,"Ġotorgada":29526,"Ġgeográfico":29527,"Ġvernos":29528,"Ġemisoras":29529,"ĠPIN":29530,"Åį":29531,"Ġflechas":29532,"clerosis":29533,"Ġcongén":29534,"ĠVaya":29535,"Ġverlas":29536,"Ġpenins":29537,"ĠFarmac":29538,"Ġplantaciones":29539,"ĠMilan":29540,"ĠcreÃŃan":29541,"icks":29542,"ĠSurf":29543,"Habrá":29544,"zosa":29545,"Ġaud":29546,"ĠExplorer":29547,"Ġconsiderará":29548,"Ġirrad":29549,"four":29550,"Ġnarcotra":29551,"Ġpillar":29552,"ARES":29553,"Ġmantenerlo":29554,"Ġinterruptor":29555,"eds":29556,"mediatamente":29557,"ĠEnglish":29558,"ERG":29559,"Ġcigarrillos":29560,"juelas":29561,"ĠPinto":29562,"bada":29563,"Ġpil":29564,"Ġfav":29565,"Ġmontos":29566,"BOR":29567,"Ġprós":29568,"Ġdignos":29569,"Ġrevan":29570,"étrico":29571,"Ġcorrelación":29572,"Ġsentar":29573,"Ġestablecieron":29574,"Ġpajar":29575,"Ġacabas":29576,"Ġbook":29577,"Ġenfocados":29578,"Ġilimitado":29579,"Ġdisfruto":29580,"Ġproductoras":29581,"Ġelementales":29582,"ĠCNN":29583,"Ġdispersión":29584,"Ġpublicaron":29585,"Ġmudanza":29586,"Ġtacones":29587,"Ġrepasar":29588,"Ġgenuino":29589,"iev":29590,"Ġresi":29591,"Ġuni":29592,"Ġunilateral":29593,"Ġcansados":29594,"ĠCAT":29595,"cosas":29596,"Ġvotaron":29597,"Ġsurre":29598,"ĠOficiales":29599,"ĠJurÃŃdica":29600,"Ġdisfunción":29601,"ĠsanguÃŃnea":29602,"Ġasimilar":29603,"Ġsusceptible":29604,"ĠScience":29605,"landesa":29606,"Presentación":29607,"cibles":29608,"Ġcumplirá":29609,"ĠPraga":29610,"Ġcavidad":29611,"bec":29612,"Ġamueblado":29613,"Ġbecause":29614,"ĠPodrá":29615,"eather":29616,"ĠProblemas":29617,"auto":29618,"Ġintroduciendo":29619,"ĠCriminal":29620,"Sim":29621,"head":29622,"ĠVieja":29623,"lanco":29624,"down":29625,"Ġvincular":29626,"ĠIDE":29627,"ĠVeamos":29628,"Termin":29629,"Ġrodado":29630,"Ġlejanos":29631,"Ġseré":29632,"Ġnitrógeno":29633,"Ġadoptó":29634,"Ġcotidianos":29635,"ĠiPod":29636,"Ġapropiación":29637,"Ġquitarse":29638,"Ġdescansa":29639,"ĠFujim":29640,"Apartamento":29641,"tificados":29642,"Ġdesestabil":29643,"Ġsensacional":29644,"Facebook":29645,"Ġlegalización":29646,"lf":29647,"ĠPienso":29648,"Ġclor":29649,"muchas":29650,"ĠPrue":29651,"Ġeficazmente":29652,"ĠpondrÃŃa":29653,"Ġoperando":29654,"Ġshock":29655,"Ġsucu":29656,"itarismo":29657,"Ġcelebrarán":29658,"Ġconciliar":29659,"hombre":29660,"ĠArsenal":29661,"Ġdevor":29662,"Ġemplazamiento":29663,"Ġancl":29664,"ogue":29665,"ĠKer":29666,"ĠDesn":29667,"ĠFunciones":29668,"Ġperjudicar":29669,"ĠProme":29670,"Ġmotocicletas":29671,"Ġtrabajen":29672,"herine":29673,"ĠInformes":29674,"ĠSUV":29675,"ĠCero":29676,"ĠDallas":29677,"Ġmodifican":29678,"Ġpañales":29679,"ĠCarles":29680,"Ġderivan":29681,"ump":29682,"Inf":29683,"Ġfabuloso":29684,"Ġprofetas":29685,"Ġponerla":29686,"ĠSquare":29687,"ĠComunitat":29688,"Ġdistribuidas":29689,"ĠDirectivo":29690,"Ġabstracto":29691,"Ġlino":29692,"trato":29693,"Ġblas":29694,"ĠSÃŃndrome":29695,"Ġmágicas":29696,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":29697,"ĠEf":29698,"ĠVela":29699,"Ġviajado":29700,"Ġacumulan":29701,"álida":29702,"ĠpedagogÃŃa":29703,"Ġalti":29704,"Ġexigido":29705,"Ġenteramente":29706,"Ġrond":29707,"Ġmariscos":29708,"Ġdelegada":29709,"erios":29710,"Ġcancion":29711,"Ur":29712,"ĠAmo":29713,"amilia":29714,"Ampl":29715,"tÃŃfice":29716,"Ġóxido":29717,"Ġirritación":29718,"ĠinequÃŃ":29719,"ĠKur":29720,"ĠcarpinterÃŃa":29721,"Ġprag":29722,"Ġopuestos":29723,"ĠWarner":29724,"Ġpedagógica":29725,"Ġentrañable":29726,"Ġchampú":29727,"sul":29728,"Ġarterias":29729,"Ġdecidan":29730,"ĠBenedicto":29731,"comunicación":29732,"Ġconcesionario":29733,"Mos":29734,"ĠanatomÃŃa":29735,"Ġanhelo":29736,"Ġhipoc":29737,"ĠPAT":29738,"Ġrepercusiones":29739,"Ġandaluces":29740,"ĠTLC":29741,"comple":29742,"Ġopen":29743,"ĠSagrado":29744,"Ġrejuven":29745,"ĠGarrido":29746,"Ġdemar":29747,"Ġchorro":29748,"ĠLP":29749,"Ġdentista":29750,"ĠLig":29751,"Ġdisfrutaron":29752,"Hubo":29753,"tires":29754,"Ġdesist":29755,"Ġdeterminantes":29756,"Ġbancada":29757,"incido":29758,"ĠEras":29759,"ĠSeis":29760,"Ġkey":29761,"ĠHear":29762,"Ġcoach":29763,"Ġfreelance":29764,"Ġadjudica":29765,"Ġmaduración":29766,"Ġacreedor":29767,"ĠCoro":29768,"ĠKi":29769,"ĠContratación":29770,"rÃŃamos":29771,"ĠAve":29772,"Ġagradecemos":29773,"Ġmuestro":29774,"Ġformativos":29775,"Ġescaparate":29776,"./":29777,"Ġ1947":29778,"hibió":29779,"Ġbucal":29780,"Ġpuños":29781,"Ġcerdos":29782,"Ġrepresentativa":29783,"dl":29784,"ĠRendi":29785,"Ġfallado":29786,"Ġrepleta":29787,"psic":29788,"Ãģn":29789,"Ġdiagnosticar":29790,"sticamente":29791,"Ġdeberia":29792,"Ġlanzará":29793,"contramos":29794,"Ġconsolida":29795,"irmar":29796,"ĠToni":29797,"Ġinacep":29798,"Ġentor":29799,"ticismo":29800,"ĠParques":29801,"Ġenviadas":29802,"Ġgaranticen":29803,"ĠNieves":29804,"ĠHad":29805,"nombre":29806,"Conocer":29807,"Ġseñaladas":29808,"Ġcriado":29809,"amia":29810,"ĠPoint":29811,"Ġfotografiar":29812,"ĠConcejalÃŃa":29813,"Ġdesil":29814,"Ġefectuará":29815,"ĠVotos":29816,"Ġprotegerse":29817,"ĠAutos":29818,"Ġblues":29819,"INS":29820,"Ġbeneficiado":29821,"Ġrepetido":29822,"ĠCabeza":29823,"Ġguia":29824,"Ġfiltrado":29825,"Ġacercaba":29826,"Ġenclave":29827,"ÃŃbulo":29828,"Ġmayúsculas":29829,"ĠIna":29830,"orestación":29831,"ĠKh":29832,"Ġasesorar":29833,"Atención":29834,"Ġpolos":29835,"ĠNecesitamos":29836,"Ġsobremesa":29837,">":44060,"ĠDID":44061,"Pasamos":44062,"ĠTemuco":44063,"ĠDrag":44064,"ĠPata":44065,"ĠUrdan":44066,"Ġmona":44067,"ĠCIS":44068,"ĠFama":44069,"cadena":44070,"Ġusuarias":44071,"ĠSOLU":44072,"ĠAluminio":44073,"ĠIndicadores":44074,"Card":44075,"drada":44076,"ĠDependencia":44077,"abank":44078,"ĠPROCESO":44079,"ofer":44080,"Ġ301":44081,"ĠEslovenia":44082,"ñé":44083,"conserv":44084,"ĠInclus":44085,"Ġasedio":44086,"Ġplanean":44087,"Ġ!!!!":44088,"ciclo":44089,"Ġ222":44090,"ĠÃŃnf":44091,"ĠOriol":44092,"étricas":44093,"Ġnoté":44094,"Ġmoralmente":44095,"Ġinstalacion":44096,"Ġfluvial":44097,"Ġcofre":44098,"Ġtuits":44099,"ĠFormas":44100,"Ġdemocratización":44101,"Ġinseparable":44102,"vear":44103,"ganeso":44104,"ĠSeúl":44105,"ĠKane":44106,"ĠNacimiento":44107,"Ġincluimos":44108,"ĠBaham":44109,"Ġprefieras":44110,"Ġencajan":44111,"ĠCd":44112,"Ġignorando":44113,"ĠBotánico":44114,"todavÃŃa":44115,"Ġescribas":44116,"Ġcontarles":44117,"Ġmostraremos":44118,"Ġmilenaria":44119,"ĠEtiopÃŃa":44120,"fat":44121,"ĠlogÃŃsticos":44122,"Ġdespreciable":44123,"Ġadministrados":44124,"Ġextremistas":44125,"ĠCastellana":44126,"ĠOBJETIVO":44127,"igua":44128,"ĠDH":44129,"Ġactuaron":44130,"ĠFinancial":44131,"Ġdibujado":44132,"ĠBerme":44133,"IVO":44134,"Ġpormenor":44135,"bero":44136,"Ġinep":44137,"Ġpensador":44138,"Ġradiadores":44139,"ĠDetalle":44140,"Ġtirador":44141,"ĠEstudiante":44142,"ĠGaudÃŃ":44143,"Ġincursion":44144,"ĠForn":44145,"ĠBoda":44146,"Ġadopte":44147,"ĠmandÃŃbulas":44148,"erias":44149,"IGA":44150,"ĠPortuaria":44151,"Ġfetiche":44152,"Porno":44153,"brazo":44154,"Ġagrupan":44155,"ĠSIEMPRE":44156,"usimos":44157,"ĠCastil":44158,"Ġsustentar":44159,"Ġmetamor":44160,"Ġculos":44161,"Ġétnicos":44162,"Vie":44163,"deria":44164,"Ġpruebe":44165,"ĠProveedores":44166,"pet":44167,"ĠRedonda":44168,"Ġosteoporosis":44169,"ĠZambrano":44170,"MÃī":44171,"ĠAdver":44172,"ĠPeñal":44173,"Ġastr":44174,"Cursos":44175,"Ġtrabajarán":44176,"ĠTupper":44177,"Buscando":44178,"Ġsumergirse":44179,"Ġsucias":44180,"ĠRama":44181,"Ġjinete":44182,"ĠBarajas":44183,"ĠJugar":44184,"ĠBarceló":44185,"Ġhé":44186,"Ġsintaxis":44187,"ĠcentÃŃmetro":44188,"Ġrecalcar":44189,"bacteri":44190,"adur":44191,"ĠEnju":44192,"ĠCasillas":44193,"Ġoligo":44194,"Ġmostrarte":44195,"omware":44196,"Ġrecurrido":44197,"Ġpenúltima":44198,"Ġpatógenos":44199,"Ġpreex":44200,"Ġcancela":44201,"Ġcaracterizar":44202,"]:":44203,"oneta":44204,"guos":44205,"Ġbater":44206,"Ġautocar":44207,"ĠSudán":44208,"dfunding":44209,"Ġexcus":44210,"Ġevidencian":44211,",..":44212,"sho":44213,"Ġvolcar":44214,"Ġcontarte":44215,"Ġbenéf":44216,"ĠRecibir":44217,"depor":44218,"ĠSES":44219,"herán":44220,"ĠCosme":44221,"ĠMención":44222,"Ġbachiller":44223,"й":44224,"ĠLI":44225,"Ġdictadas":44226,"Ġdestellos":44227,"Ġayudaran":44228,"ĠUrquiza":44229,"ĠJueces":44230,"ERTA":44231,"ILLO":44232,"Ġ=)":44233,"Ġtúnica":44234,"Ġadhesiva":44235,"letes":44236,"Ġpolim":44237,"Ġtortillas":44238,"ĠBusque":44239,"Ġninja":44240,"Ġvolcánica":44241,"Libre":44242,"zone":44243,"alud":44244,"ĠMeza":44245,"Ġ(?)":44246,"ificas":44247,"ĠTrastornos":44248,"Ġbancarrota":44249,"ĠSAM":44250,"Ġtrafico":44251,"Ġalcanzada":44252,"ĠRegalo":44253,"ĠGreat":44254,"Ġpatriarcal":44255,"voy":44256,"rué":44257,"Ġimpru":44258,"ĠPozuelo":44259,"Ġpreparador":44260,"Ġpatrull":44261,"Ġesquiv":44262,"Cierto":44263,"yD":44264,"Ġentu":44265,"Ġhostilidad":44266,"ĠStein":44267,"mónica":44268,"enar":44269,"Ġvalorando":44270,"ampagne":44271,"ĠMachine":44272,"Ġnavarro":44273,",(":44274,"úblicas":44275,"Ġsaf":44276,"ĠAplica":44277,"Ġdespertador":44278,"Prepar":44279,"Ġrecopilado":44280,"negro":44281,"ĠPresencia":44282,"OLÃĵG":44283,"Ġsobresalen":44284,"ĠAquino":44285,"ĠBLAN":44286,"Ġinterferencias":44287,"ĠEstaban":44288,"portar":44289,"Ġsalado":44290,"Ġdescensos":44291,"ĠTextil":44292,"Ġdecidiera":44293,"Ġencontrándose":44294,"Ġrestringida":44295,"ĠPhar":44296,"QuerÃŃa":44297,"uterÃŃa":44298,"ĠtÃŃas":44299,"Ġrogamos":44300,"Ġsiniestra":44301,"ĠPERSONAS":44302,"Ġcarcajada":44303,"posito":44304,"ĠComentario":44305,"ĠRosen":44306,"ĠStation":44307,"ĠLGTB":44308,"Ġdañino":44309,"Aprovecha":44310,"Ġcaracterizó":44311,"Ġcuchilla":44312,"Gol":44313,"Sabe":44314,"ĠPBI":44315,"Ġdesco":44316,"Ġregenera":44317,"Ġobservo":44318,"Ġreinterpre":44319,"elf":44320,"cuidado":44321,"ĠGuipúzcoa":44322,"Ġutilizarlas":44323,"Ġincapaci":44324,"Ġencarcelados":44325,"Ġabsorbente":44326,"dato":44327,"Ġpactar":44328,"Ġsembrado":44329,"Ġcorrespondió":44330,"ĠCódigos":44331,"ĠSÃį":44332,"ĠReno":44333,"Ġpasividad":44334,"ĠPRESENTACIÃĵN":44335,"Ġcontraproduc":44336,"Ġplantado":44337,"Ġ163":44338,"hanna":44339,"Ġimpartirá":44340,"ĠCamagüey":44341,"oto":44342,"Ġgloriosa":44343,"jitas":44344,"greb":44345,"Ġenseres":44346,"ĠMilitares":44347,"éntanos":44348,"Ġcaminan":44349,"ĠWIFI":44350,"Ġconciencias":44351,"ĠQuedan":44352,"Ġprecisado":44353,"Ġharinas":44354,"ĠneumonÃŃa":44355,"Ġafortunada":44356,"Ġescénico":44357,"Ġunisex":44358,"ĠNariño":44359,"Ġedificar":44360,"ĠRebeca":44361,"Ġestomago":44362,"Ġcuidarse":44363,"ĠCOMERCIAL":44364,"ĠZoo":44365,"ĠBaterÃŃa":44366,"ĠEstudió":44367,"Ġestiramiento":44368,"ĠEdimburgo":44369,"Ġvoceros":44370,"Ġchill":44371,"Ġexponiendo":44372,"textos":44373,"ĠEcheverrÃŃa":44374,"Emb":44375,"ĠantÃŃ":44376,"ĠJosh":44377,"Ġmencionas":44378,"Ġdisputan":44379,"ĠSustentable":44380,"quirir":44381,"putaciones":44382,"Ġgoteo":44383,"Ġimplicaba":44384,"Ġpavimentación":44385,"hub":44386,"orial":44387,"ĠNuevamente":44388,"Ġganadera":44389,"ĠArquitecto":44390,"bomb":44391,"Ġllevaran":44392,"Ġdistracciones":44393,"ĠquerÃŃas":44394,"ĠEliminar":44395,"Windows":44396,"Ġobreras":44397,"ĠCuentan":44398,"Ġviñetas":44399,"Ġeréctil":44400,"ĠFisher":44401,"AI":44402,"raza":44403,"ĠHielo":44404,"naldo":44405,"Ġsuspense":44406,"Añadió":44407,"Ġdescuidar":44408,"ĠFuncionamiento":44409,"ĠEUA":44410,"Recu":44411,"cario":44412,"tach":44413,"ĠBID":44414,"Entiendo":44415,"Ġfragancias":44416,"Ġinconscientemente":44417,"Cocina":44418,"deja":44419,"Ġóm":44420,"ĠSerge":44421,"ĠONCE":44422,"ĠLennon":44423,"ĠEducativos":44424,"farro":44425,"wh":44426,"ĠCues":44427,"Ġcomod":44428,"ĠActivo":44429,"ĠCeleste":44430,"ĠBlood":44431,"Bos":44432,"actamente":44433,"ĠCurios":44434,"Ġpodre":44435,"Ġdiferenciado":44436,"Ġdañadas":44437,"Ġfluctuaciones":44438,"ĠNace":44439,"Ġcánceres":44440,"Ġreconocerlo":44441,"230":44442,"fino":44443,"Cuidado":44444,"Ġhipertens":44445,"ĠBachiller":44446,"aleja":44447,"Ġaprenderá":44448,"Ġsantafes":44449,"Ġpóster":44450,"Ġexcluyente":44451,"RG":44452,"ĠVam":44453,"GAE":44454,"Gafas":44455,"hero":44456,"Ġcinismo":44457,"programa":44458,"ffff":44459,"Ġchapu":44460,"Ġparadójicamente":44461,"ĠGAN":44462,"igamos":44463,"gart":44464,"ĠNepal":44465,"Ġquisiéramos":44466,"ĠJefes":44467,"Ġpenúltimo":44468,"ĠCoño":44469,"Ġpredominantemente":44470,"ĠGPU":44471,"Blue":44472,"Ġesquizofrenia":44473,"eales":44474,"Ġbillar":44475,"ĠamnistÃŃa":44476,"Recordó":44477,"Agua":44478,"ĠReto":44479,"Ġcurro":44480,"Ġinstalarlo":44481,"Ġmoviles":44482,"ĠCarreño":44483,"Ġpuzzle":44484,"Ġaccionamiento":44485,"Ġrefrán":44486,"ĠDominicano":44487,"Ġcobrará":44488,"Ġallanamiento":44489,"Cic":44490,"ÛĮ":44491,"Ġlamentado":44492,"ĠreÃŃrse":44493,"ĠTransex":44494,"Ġnovatos":44495,"num":44496,"Ġhabiéndose":44497,"Ġseñoritas":44498,"orig":44499,"ĠenvÃŃen":44500,"iaron":44501,"ĠAsturi":44502,"Ġsupedi":44503,"ciarse":44504,"Ġcofra":44505,"ĠGavi":44506,"Ġresúmenes":44507,"ĠCamar":44508,"Ġsatisfactoriamente":44509,"ĠZoom":44510,"Ġimaginamos":44511,"Ġcisterna":44512,"olores":44513,"ésamo":44514,"Ġamén":44515,"ĠestablecÃŃa":44516,"Ġencargaron":44517,"ĠJamie":44518,"Lab":44519,"Ġdefina":44520,"Ġtalones":44521,"Ġ164":44522,"Ġmamas":44523,"Ġgrúas":44524,"Ġinalter":44525,"ĠErick":44526,"Ġmulticultural":44527,"Ġentrarán":44528,"ĠCorintios":44529,"Len":44530,"tasuna":44531,"Ġañada":44532,"Ġм":44533,"ĠMecan":44534,"Ġgitanos":44535,"ĠTwin":44536,"sour":44537,"Ġtomaban":44538,"Ġandino":44539,"Administra":44540,"Ġevacuar":44541,"Ejemplo":44542,"pode":44543,"Ġprime":44544,"Ġcesado":44545,"Ġpsicoterapia":44546,"Ġfilosóficas":44547,"ĠmÃŃticos":44548,"Ġcaudales":44549,"ĠMaci":44550,"Ġobservados":44551,"Ġpreocupamos":44552,"ĠAsesora":44553,"Ġfulmin":44554,"ĠcentÃŃgrados":44555,"Ġcofundador":44556,"Ġadven":44557,"ĠExchange":44558,"Ġmencionamos":44559,"Ġfieltro":44560,"ĠROS":44561,"ĠUNO":44562,"Ġfelizmente":44563,"Videos":44564,"Ġastrónomos":44565,"jin":44566,"ĠNS":44567,"Ġanimas":44568,"ĠVIVI":44569,"Ġconsagrada":44570,"ĠBike":44571,"ĠHU":44572,"ĠcaÃŃan":44573,"INAS":44574,"Ġtrekking":44575,"Ġsimultáneo":44576,"ĠRaymond":44577,"ĠLimited":44578,"ĠsupremacÃŃa":44579,"Cel":44580,"ĠLily":44581,"ĠMago":44582,"Ġtaquillas":44583,"ĠtambiÃĥ":44584,"ĠInaugu":44585,"Ġemplearse":44586,"ĠCrystal":44587,"ĠScan":44588,"ĠDoctora":44589,"dulidad":44590,"Ġrecabados":44591,"turistas":44592,"ĠFr":44593,"Ġcontaros":44594,"Ġdiseñando":44595,"Ġfábula":44596,"Ġsevillana":44597,"âĢĿ[":44598,"mitido":44599,"Ġruedo":44600,"IZAR":44601,"molino":44602,"ĠautocrÃŃtica":44603,"Ġio":44604,"ófer":44605,"ĠSpielberg":44606,"Ġâľħ":44607,"Basta":44608,"trepo":44609,"Ġcontingencias":44610,"Ġmodales":44611,"nadie":44612,"nillo":44613,"Ġinson":44614,"Ġproxima":44615,"Ġmarqués":44616,"Ġintentas":44617,"Ġfinanciada":44618,"Ġbrutales":44619,"ĠPÃļBLICA":44620,"CEN":44621,"Ġmudarse":44622,"erosas":44623,"Ġtecnicas":44624,"Ġdenominó":44625,"Ġunan":44626,"ĠDorada":44627,"tizamos":44628,"Ġremotas":44629,"Ġresucitado":44630,"ĠECONOM":44631,"Ġdisolv":44632,"Ġsaludó":44633,"Ġtérmicos":44634,"Ubicación":44635,"Ġpich":44636,"Ġmacer":44637,"Pack":44638,"ĠSIL":44639,"ĠElvis":44640,"Ġbatu":44641,"Ġviña":44642,"Ġprevar":44643,"Ġinj":44644,"Ġ212":44645,"ĠTorra":44646,"ĠViajar":44647,"embran":44648,"Ġswing":44649,"{\"":44650,"Ġcalentadores":44651,"Ġsospechosa":44652,"Ġllevarlas":44653,"ĠAMB":44654,"Detalles":44655,"couver":44656,"Ġconvertirnos":44657,"acencia":44658,"ĠAmén":44659,"ĠCubano":44660,"hman":44661,"Ġhuertos":44662,"ĠTAB":44663,"Ġplantearon":44664,"Comisión":44665,"Aprovechando":44666,"Oye":44667,"Ġou":44668,"ONG":44669,"Aca":44670,"paÃŃs":44671,"ĠMediación":44672,"plataforma":44673,"Ġromperse":44674,"elección":44675,"Ġcity":44676,"ĠRealizamos":44677,"VOCA":44678,"Ġparalelamente":44679,"ĠLaboratorios":44680,"dependientemente":44681,"hun":44682,"135":44683,"ĠMickey":44684,"Ġmigratorios":44685,"plastia":44686,"WW":44687,"Ġcuñada":44688,"ĠMontoro":44689,"Ġcallejeros":44690,"Ġlevanté":44691,"ĠMarcus":44692,"Ġgolosinas":44693,"cigalpa":44694,"Ġtóxica":44695,"Ġdesfal":44696,"blico":44697,"ebe":44698,"onazo":44699,"Ġfomentan":44700,"ĠMotoGP":44701,"Ġeti":44702,"Ġdolar":44703,"Ġconsentir":44704,"alizarán":44705,"Ġcoló":44706,"ĠSalle":44707,"Ġmostrada":44708,"Ġmartirio":44709,"Ġvaticin":44710,"Ġpriista":44711,"ĠObjeto":44712,"Ġtraumas":44713,"ĠZelaya":44714,"Ġdetenimiento":44715,"Ġenteramos":44716,"Ġsegmentación":44717,"fuente":44718,"Ġpalpable":44719,"ĠEspiritu":44720,"Gust":44721,"ĠOm":44722,"ĠRelatos":44723,"wers":44724,"Ġvaria":44725,"Ġrefuerzan":44726,"ĠMezquita":44727,"Ġinterrogatorio":44728,"Ġdeudores":44729,"Ġtitu":44730,"Ġintros":44731,"Ġcomillas":44732,"Ġoperacional":44733,"ĠMacÃŃas":44734,"Ġespontáneamente":44735,"Ġpackaging":44736,"ĠSilla":44737,"Ġopuso":44738,"ĠHow":44739,"Ġinhibidores":44740,"ä¸Ń":44741,"Tienda":44742,"jad":44743,"incha":44744,"ĠACE":44745,"Ġtoall":44746,"Ġteam":44747,"ĠvendÃŃan":44748,"ĠJUR":44749,"quilibrio":44750,"Ġoleaje":44751,"Dem":44752,"ativa":44753,"Ġexceda":44754,"ĠPlasencia":44755,"Ġacueducto":44756,"Ġarbit":44757,"Ġquisimos":44758,"Ġparábola":44759,"Ġtranseúntes":44760,"ĠVAR":44761,"ĠcaÃŃ":44762,"ĠReformas":44763,"Ġmonja":44764,"Compañ":44765,"Ġempeora":44766,"Ġlaptop":44767,"Ġrepentino":44768,"Ġenojado":44769,"Ġcactus":44770,"rimo":44771,"ĠAltas":44772,"ĠDebate":44773,"Ġafinar":44774,"omedi":44775,"ĠperderÃŃa":44776,"Ġdorso":44777,"Ġdurado":44778,"Ġjejejeje":44779,"ĠBebé":44780,"Ġempleabilidad":44781,"ĠBaile":44782,"Ġdesperfectos":44783,"ĠPublimetro":44784,"Ġinfiltración":44785,"Sir":44786,"Ġabrig":44787,"ĠColmen":44788,"Ġenemiga":44789,"Ġtabaquismo":44790,"Vivir":44791,"ĠTlal":44792,"ĠSite":44793,"Ġacontece":44794,"Ġmudar":44795,"Ġvacuno":44796,"Ġinspirador":44797,"Escucha":44798,"hire":44799,"ĠCuch":44800,"Portu":44801,"ĠLucio":44802,"Ġotorgando":44803,"Ġintroducirse":44804,"Ġheroica":44805,"Ġviñedo":44806,"ĠMaule":44807,"Ġprospecto":44808,"ĠJaguar":44809,"Ġresaltan":44810,"Ġnegociado":44811,"Ġconstata":44812,"Ġrompieron":44813,"ĠEloy":44814,"ĠMozilla":44815,"ĠCit":44816,"cheb":44817,"Ġsuso":44818,"Ġgenéricos":44819,"ĠAlman":44820,"Ġcuantificar":44821,"Ġconstituidas":44822,"Anuncios":44823,"lesa":44824,"Ġactualizan":44825,"ERVA":44826,"Ġigualitario":44827,"ĠIntenta":44828,"undi":44829,"General":44830,"Ġmunición":44831,"Ġzarago":44832,"ópolis":44833,"Ġpropiciado":44834,"Ġdecen":44835,"ĠEscrito":44836,"Ġmargin":44837,"ĠSeguidamente":44838,"fuera":44839,"Ġsismos":44840,"Ġmires":44841,"ocÃŃ":44842,"ocracia":44843,"Ġigualado":44844,"ĠvolvÃŃan":44845,"Ġrobando":44846,"ĠUnicaja":44847,"ĠUtilizamos":44848,"peza":44849,"rough":44850,"ĠSabor":44851,"ĠBÃģS":44852,"Ġconteniendo":44853,"Permite":44854,"ĠFabra":44855,"Ġvagab":44856,"Ġecléc":44857,"ĠDial":44858,"ĠBEL":44859,"Ġasper":44860,"ĠVu":44861,"Hal":44862,"feb":44863,"Ġactúen":44864,"ĠÃĺ":44865,"Descarga":44866,"Ġcolocarlo":44867,"Ġarrogante":44868,"ĠVitamina":44869,"ffee":44870,"Ġcitan":44871,"ĠPiura":44872,"Ġofensa":44873,"Ġvisiblemente":44874,"Sac":44875,"Ġaristas":44876,"Ġdoncel":44877,"ĠContacta":44878,"Ġprimogén":44879,"ĠCraig":44880,"deber":44881,"ĠExport":44882,"Ġagudi":44883,"ĠSocialismo":44884,"Camiseta":44885,"ĠJurÃŃdicas":44886,"Ġcontrapartida":44887,"Ġretiraron":44888,"Ġresplande":44889,"ĠmorfologÃŃa":44890,"Ll":44891,"ilum":44892,"mat":44893,"Ġestacional":44894,"ĠOIT":44895,"iteatro":44896,"Ġmirarlo":44897,"Ġdiagramas":44898,"sasuna":44899,"diosas":44900,"gea":44901,"Ġlares":44902,"Ġhabitado":44903,"Ġvividas":44904,"Ġvaciar":44905,"Ġdiscuten":44906,"olito":44907,"Ġveáis":44908,"ĠSanitarios":44909,"Ġinvertidos":44910,"Ġarriesgada":44911,"Ġdinamizar":44912,"Ġmeteorológicos":44913,"Ġimprevisto":44914,"ĠOreg":44915,"Ġespinal":44916,"bots":44917,"Ġpeligrosidad":44918,"Ġrecreativa":44919,"Ġcontextu":44920,"Ġinfalible":44921,"sexo":44922,"ponemos":44923,"ĠReden":44924,"Ġconsagró":44925,"ĠIndividual":44926,"ĠGigantes":44927,"VM":44928,"óndi":44929,"ĠStop":44930,"Ġgratuidad":44931,"Ġtriunfa":44932,"Ġafricanas":44933,"Ġreconocible":44934,"Ġimaginan":44935,"Ġfrijoles":44936,"Ġescaparates":44937,"ĠUBA":44938,"Ġrecorrieron":44939,"ĠLip":44940,"Ġganada":44941,"Ġfrunci":44942,"ĠmaletÃŃn":44943,"ĠVIR":44944,"Ġcomputadores":44945,"ĠGarantÃŃas":44946,"Ġsuspensiones":44947,"acales":44948,"Ġasentado":44949,"Ġdestinan":44950,"Ġtrio":44951,"Ġcotidianidad":44952,"Ġsúbita":44953,"ĠWarren":44954,"Ġescogida":44955,"alcaba":44956,"Ġreinici":44957,"Ġcongreg":44958,"ĠRápido":44959,"âĺħ":44960,"vante":44961,"ĠEscan":44962,"Ġdista":44963,"Ġ2050":44964,"ĠComunal":44965,"ĠBrothers":44966,"Ġmetáforas":44967,"Ġpresentara":44968,"ĠJung":44969,"Ġinsecti":44970,"Ġexcedentes":44971,"Ġmúsicas":44972,"ĠâĿ¤":44973,"ĠCertificados":44974,"Ġabstinencia":44975,"ĠHOTEL":44976,"Ġfortunas":44977,"ĠEvel":44978,"ĠIquique":44979,"Ġhack":44980,"ĠKurt":44981,"oka":44982,"Ġprovistos":44983,"ĠCarpin":44984,"ĠClaire":44985,"ĠViviendas":44986,"Ġdestrozado":44987,"ĠBroadway":44988,"Ġvolcado":44989,"ĠSEAT":44990,"Ġmayúscula":44991,"Ġnichos":44992,"posterÃŃa":44993,"tirar":44994,"ĠChocolate":44995,"corporación":44996,"ĠCLUB":44997,"ĠBayer":44998,"figurar":44999,"ĠGráfica":45000,"Elige":45001,"ocados":45002,"Ġdesconozco":45003,"Ġacostumbrar":45004,"ĠCarrión":45005,"Ġmust":45006,"Ġambiciosos":45007,"ĠFactory":45008,"ĠRepublicano":45009,"Ġayudarla":45010,"Ġatacados":45011,"ĠUNIVERSIT":45012,"ĠAlpha":45013,"neth":45014,"Ġabandonando":45015,"ĠGuadalquivir":45016,"Ġdesfavorable":45017,"Ġfitosan":45018,"TRAN":45019,"Ġguerrillero":45020,"ĠCircun":45021,"Ġfarmacéuticas":45022,"Ġcualitativa":45023,"ĠMarin":45024,"Ġitinerante":45025,"Adidas":45026,"SES":45027,"tarlos":45028,"urrec":45029,"ĠIngredientes":45030,"Ġ512":45031,"Ġimita":45032,"Ġpersiguiendo":45033,"ĠPixel":45034,"pais":45035,"jetas":45036,"Ġcanina":45037,"Ġascendencia":45038,"NDICE":45039,"Ġmareas":45040,"huas":45041,"ĠTB":45042,"Ġvallado":45043,"Ġarriendo":45044,"pain":45045,"Ġmagnifica":45046,"Ġfrustraciones":45047,"Fui":45048,"Ġcontu":45049,"ĠSOLICI":45050,"Zaragoza":45051,"ĠHR":45052,"Ġprioritaria":45053,"Ġmazo":45054,"posici":45055,"Ġagrarias":45056,"Ġservirle":45057,"pacho":45058,"riet":45059,"ĠFunes":45060,"Ġ166":45061,"ĠGaga":45062,"Ġvagones":45063,"ĠHomero":45064,"Ġdevotos":45065,"Ġdesta":45066,"Ġsagradas":45067,"ĠResidencial":45068,"Ġajustando":45069,"gola":45070,"ÃŃferas":45071,"Ġtransiciones":45072,"Ġ159":45073,"Ġ255":45074,"ĠBloomberg":45075,"Ġacogerse":45076,"Ġequivoca":45077,"ĠUtilizando":45078,"ĠFINAL":45079,"anor":45080,"Ġqui":45081,"Ġ177":45082,"Ġacepten":45083,"Ġcolaboradoras":45084,"Ġinmediatez":45085,"Ġcamaradas":45086,"Ġdesembocadura":45087,"calle":45088,"Ġmultis":45089,"Ġencruci":45090,"Ġtecno":45091,"asterios":45092,"Ġtermitas":45093,"Sha":45094,"Ġpervers":45095,"ámonos":45096,"Ġfacilitó":45097,"Ġaportaron":45098,"ĠSecretariado":45099,"Ġexcesivos":45100,"entren":45101,"Ġtag":45102,"Ġrecrim":45103,"ĠPosición":45104,"Ġdetectadas":45105,"ĠAstor":45106,"Ġclandestina":45107,"Ġreutilizar":45108,"ñán":45109,"exiones":45110,"Ġdeplor":45111,"Ġintentarán":45112,"Ġdecisivos":45113,"Ġbobina":45114,"ĠcacerÃŃa":45115,"Ġalfabeto":45116,"elina":45117,"ĠEddie":45118,"ĠMurphy":45119,"Ġicon":45120,"Cádiz":45121,"rÃĥ":45122,"Ġ1906":45123,"ĠAnalizar":45124,"Ġacerqué":45125,"Ġsufran":45126,"ĠTela":45127,"Ġinterpretará":45128,"Ġaveces":45129,"Ġburlas":45130,"Ġgatillo":45131,"Ġexpedida":45132,"´,":45133,"Ġfijamos":45134,"Ġocasionó":45135,"Ġerróneamente":45136,"Ġensambl":45137,"ÃĵR":45138,"Ġfelinos":45139,"ĠExperiencias":45140,"Ġmarginales":45141,"Ġcoloquio":45142,"ĠConsultar":45143,"entaba":45144,"Ġestel":45145,"ptim":45146,"oluble":45147,"Ġbuscarla":45148,"ĠPlano":45149,"Ġcomprendió":45150,"ĠorgÃŃa":45151,"ĠPatrio":45152,"Ġchocó":45153,"ĠGRADO":45154,"upe":45155,"ĠSainz":45156,"Ġarmónico":45157,"Ġ178":45158,"Ġrecuperan":45159,"IDEOS":45160,"ĠGrados":45161,"puta":45162,"Ġmojada":45163,"Ġmodificadas":45164,"ĠMilton":45165,"ĠVillalobos":45166,"Ġengranaje":45167,"ĠZARAGOZA":45168,"Cultura":45169,"ĠVW":45170,"Ġ206":45171,"ĠQueens":45172,"ĠSti":45173,"Ġvertidos":45174,"ĠCuaresma":45175,"ĠInspir":45176,"Ġconcertar":45177,"ĠApre":45178,"Ġprobamos":45179,"Ġgrieta":45180,"ĠADSL":45181,"иÑı":45182,"persona":45183,"oa":45184,"Ġsaltan":45185,"Ġcambiario":45186,"Ġradiaciones":45187,"ĠBeauty":45188,"ĠItaliana":45189,"ĠElectrodom":45190,"ekwondo":45191,"conocer":45192,"Ġculinarias":45193,"Ġlistón":45194,"ĠLaurent":45195,"Ġsintoma":45196,"ignidad":45197,"Ġañadida":45198,"ĠFinanciación":45199,"Ġómnibus":45200,"Eran":45201,"dación":45202,"Ġpornos":45203,"ĠAlgún":45204,"ĠArtista":45205,"Ġaparcamientos":45206,"Ġdisfrutas":45207,"Ġbiodegrad":45208,"ĠConselleria":45209,"ondr":45210,"tist":45211,"ĠFAN":45212,"Ġminucioso":45213,"hiro":45214,"Ġignoran":45215,"Ġmarginación":45216,"ĠodontologÃŃa":45217,"ĠFerreira":45218,"Ġpegas":45219,"Ġnormativos":45220,"ĠKarina":45221,"ĠJOSÃī":45222,"ĠIMPORTANTE":45223,"Ġarrogancia":45224,"Ġcuánta":45225,"ĠSombras":45226,"dier":45227,"Ġleucemia":45228,"Ġwall":45229,"Ġreventar":45230,"Ġdisfrutarás":45231,"Ġexporta":45232,"Ġindulto":45233,"ĠCóm":45234,"Ġsiti":45235,"empren":45236,"velt":45237,"Ġreglamentario":45238,"Ġrespiratorios":45239,"Ġtractores":45240,"Ġagropecuaria":45241,"Ġsubterráneos":45242,"Hub":45243,"Mt":45244,"ĠDora":45245,"Ġevitarse":45246,"Ġeducados":45247,"tropÃŃa":45248,"IK":45249,"Ġcráter":45250,"pil":45251,"ĠBrito":45252,"Ġqueridas":45253,"ĠFisioterapia":45254,"ĠEspecialistas":45255,"Ġacumuladas":45256,"ĠUshuaia":45257,"ĠBowl":45258,"Ġdebieran":45259,"Ġenviarlo":45260,"wy":45261,"ĠDEPOR":45262,"ĠencontrarÃŃa":45263,"Ġmodest":45264,"Ġanunciadas":45265,"Ġferrocarriles":45266,"Ġsupra":45267,"wid":45268,"Ġregu":45269,"Ġdiana":45270,"ĠTerreno":45271,"ĠTenÃŃamos":45272,"PLAN":45273,"ĠEdo":45274,"ĠFrac":45275,"Ġhumos":45276,"ParÃŃs":45277,"Ġrenunciado":45278,"face":45279,"rologÃŃa":45280,"ĠPide":45281,"Ġprint":45282,"bago":45283,"Ġroedores":45284,"ĠPoten":45285,"ĠGerman":45286,"Ġcigarro":45287,"ĠDucati":45288,"ĠDeje":45289,"Ġentrara":45290,"Ġpublicaba":45291,"Ġbesote":45292,"Ġpañuelos":45293,"Domingo":45294,"Ġatemor":45295,"Ġ245":45296,"Ġintroduzca":45297,"ĠAbi":45298,"Ġinteresen":45299,"109":45300,"Ġdisputados":45301,"rd":45302,"Ġnidos":45303,"Ġhuyeron":45304,"Ġsinago":45305,"Ġcoja":45306,"Ġproblemático":45307,"wel":45308,"ibio":45309,"énicas":45310,"Ġdudoso":45311,"Ġhoteleros":45312,"Ġbrújula":45313,"Ġnoviazgo":45314,"ĠAcreditación":45315,"?»":45316,"gama":45317,"Ġnue":45318,"ин":45319,"ĠxDD":45320,"Ġdesistimiento":45321,"Ġlongevidad":45322,"ĠSampaoli":45323,"isha":45324,"ĠMG":45325,"ĠSuger":45326,"Ġbailarinas":45327,"Ġirrelevante":45328,"Ġquerrás":45329,"Ġestacionamientos":45330,"Ġidiosinc":45331,"Ġpipa":45332,"ĠPolÃŃgono":45333,"Mateo":45334,"Ġahondar":45335,"Nivel":45336,"realmente":45337,"data":45338,"ĠAngulo":45339,"ÃģF":45340,"ĠCocinas":45341,"ĠEpide":45342,"ĠRecre":45343,"Ġenmarcada":45344,"Ġaltibajos":45345,"Ġstory":45346,"Ġcosillas":45347,"ĠPlazas":45348,"Ġconceden":45349,"Ġatacada":45350,"Ġsaharaui":45351,"Ġpartidaria":45352,"Ġcementerios":45353,"Ġremitente":45354,"ĠDejamos":45355,"Ġbastidor":45356,"ologo":45357,"Personas":45358,"ICIA":45359,"ĠArtem":45360,"ĠDormitorio":45361,"inson":45362,"ĠKant":45363,"Ġagregue":45364,"Ġintestinales":45365,"Ġdesvelado":45366,"ĠEnsayo":45367,"ficaz":45368,"Ġinstalador":45369,"ĠAnatomÃŃa":45370,"Ġinterrumpe":45371,"Ġinvasores":45372,"ĠFX":45373,"ĠCálculo":45374,"Ġadoc":45375,"Ġreapertura":45376,"Ġinclemencias":45377,"ĠFocus":45378,"Ġapl":45379,"Ġveracruz":45380,"Ġinterpuso":45381,"Ġviolado":45382,"Ġarrastrado":45383,"habÃŃa":45384,"ĠSpencer":45385,"Ecuador":45386,"deña":45387,"ÃŃacos":45388,"ucos":45389,"ĠTep":45390,"Ġdeforma":45391,"ĠCatas":45392,"güen":45393,"ĠfutbolÃŃstico":45394,"ĠINGENIER":45395,"alba":45396,"ĠJM":45397,"Ġlentejuelas":45398,"Ġbinario":45399,"ĠFarm":45400,"emelo":45401,"Ġcatalizador":45402,"Ġaledañas":45403,"ĠHISTORIA":45404,"VEL":45405,"ajira":45406,"yección":45407,"ORACIÃĵN":45408,"Ġenganchado":45409,"Ġgenerosos":45410,"ĠпÑĢ":45411,"Ġbúl":45412,"ĠAngola":45413,"Ġrán":45414,"Unión":45415,"Ġsilenci":45416,"Ġland":45417,"Ġimpot":45418,"ĠNot":45419,"Ġsabeis":45420,"Ġinglesas":45421,"ĠBarranco":45422,"imán":45423,"ĠProb":45424,"Ġconsiderarán":45425,"Ġfocal":45426,"Definitivamente":45427,"Ġhumedales":45428,"ĠPart":45429,"Ġconfesiones":45430,"ĠMachu":45431,"Ġcompruebe":45432,"VSA":45433,"espal":45434,"Ġfati":45435,"Ġnórdico":45436,"isterÃŃa":45437,"ĠOber":45438,"bióticos":45439,"Ase":45440,"Base":45441,"lú":45442,"Ġbajen":45443,"Ġbiopsia":45444,"ades":45445,"Ġedema":45446,"ĠTrá":45447,"ĠExcur":45448,"cinos":45449,"Ġpatriotismo":45450,"Ġlucidez":45451,"Aplicación":45452,"Calidad":45453,"ĠREN":45454,"ĠIndio":45455,"Ġpolideportivo":45456,"Ġconfiamos":45457,"ÃŃdico":45458,"Ġrectores":45459,"Ġacuar":45460,"Ġlimpiando":45461,"Ġcrudos":45462,"Ġrellenando":45463,"Pay":45464,"Tea":45465,"tsky":45466,"ĠfreÃŃr":45467,"Ġhidrata":45468,"Ġobsoleto":45469,"Ġespárragos":45470,"ĠDerma":45471,"SIÃĵN":45472,"ĠReuniones":45473,"Ġnomás":45474,"erón":45475,"hey":45476,"Ġcrónicos":45477,"ĠPotro":45478,"ĠHabrÃŃa":45479,"Ġcometidas":45480,"orema":45481,"Ġincumplimientos":45482,"Ġdesplazan":45483,"Ġaloja":45484,"cles":45485,"ĠPura":45486,"ĠMEX":45487,"ĠFicción":45488,"ĠHeras":45489,"utanas":45490,"ĠsubÃŃ":45491,"Ġ172":45492,"Ġlargu":45493,"Ġquebrar":45494,"Ġleerte":45495,"Ġflotantes":45496,"Ġalicante":45497,"ĠFilar":45498,"obe":45499,"Ġrubor":45500,"ĠEscritores":45501,"Clases":45502,"Ġamonton":45503,"GRES":45504,"issan":45505,"ĠTransmisión":45506,"ĠAirbnb":45507,"ĠhÃŃdricos":45508,"ĠDate":45509,"anasonic":45510,"Ġperipe":45511,"empres":45512,"Ġsufridos":45513,"ĠApóstoles":45514,"Ġmultifunción":45515,"ĠCabos":45516,"Gonzalo":45517,"Ġsumerge":45518,"ĠAi":45519,"Ġhacin":45520,"ĠNUNCA":45521,"creación":45522,"sss":45523,"Ġrondar":45524,"quena":45525,"ALO":45526,"990":45527,"ĠNazareno":45528,"ĠPilates":45529,"Ġequitativo":45530,"Ġlisos":45531,"ĠHaro":45532,"Ġvendan":45533,"Ġterraten":45534,"Ġpijama":45535,"üller":45536,"omenclatura":45537,"ĠBier":45538,"Ġderrocar":45539,"Ġuniformidad":45540,"Ġordenanzas":45541,"Ġcolumnista":45542,"buenos":45543,"Ġesforzar":45544,"ĠQuesada":45545,"Ġporteros":45546,"Operación":45547,"Ġcache":45548,"ĠDad":45549,"ĠSupervisión":45550,"Ġmicroscopio":45551,"revolucion":45552,"ĠPellegr":45553,"ĠRN":45554,"uere":45555,"Ġconscientemente":45556,"Ġpartidista":45557,"Ġdonado":45558,"Ġmovemos":45559,"ĠMorris":45560,"Ġpadecimientos":45561,"Ġejecutó":45562,"mosis":45563,"cao":45564,"Ġcoincida":45565,"âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦":45566,"aris":45567,"ĠVisto":45568,"talaya":45569,"Ġmitin":45570,"Ġbagaje":45571,"Ġ325":45572,"Ġderivación":45573,"ĠObligatoria":45574,"aldas":45575,"Ġmatri":45576,"Ġmarket":45577,"Ġpregunten":45578,"ĠArnold":45579,"dibles":45580,"ĠLTE":45581,"Ġvisitada":45582,"Ġconsiderarlo":45583,"ĠTurner":45584,"Ġirrever":45585,"regor":45586,"Ġdeterminen":45587,"Ġsimplificación":45588,"ĠTáchira":45589,"dará":45590,"hana":45591,"Ġ����":45592,"espe":45593,"Ġasustada":45594,"Ġdesdo":45595,"ĠKhan":45596,"filos":45597,"Ġelevador":45598,"Ġgalardonados":45599,"TAMENTO":45600,"ĠIntellig":45601,"Ġpagarán":45602,"ĠLeonard":45603,"Ġtrascendió":45604,"Ġzen":45605,"Ġofertar":45606,"ĠSteel":45607,"ĠAPRO":45608,"ĠContinente":45609,"gala":45610,"Ġusufruc":45611,"JAR":45612,"Ġunimos":45613,"ĠBug":45614,"ĠHaremos":45615,"Ġcomunicador":45616,"BIERNO":45617,"Cub":45618,"Ġperre":45619,"ĠElija":45620,"ICAR":45621,"ÃįF":45622,"ĠSeccional":45623,"ĠGanar":45624,"ĠDeberá":45625,"algunas":45626,"CIF":45627,"Ġgasa":45628,"ĠCanario":45629,"Ġguardas":45630,"ĠShim":45631,"ĠRomanos":45632,"ĠSabina":45633,"réd":45634,"idamos":45635,"Ġexigimos":45636,"ITAS":45637,"Ġadelantos":45638,"ĠRecién":45639,"Ġinmersa":45640,"Ġbufanda":45641,"ĠCienfuegos":45642,"Ġdesprenderse":45643,"ĠFEM":45644,"Ġoptaron":45645,"Ġtroy":45646,"ĠFerias":45647,"Ġtriangular":45648,"bea":45649,"garra":45650,"Ġpegando":45651,"ĠPoemas":45652,"Ġpromovió":45653,"Ġproporcionalidad":45654,"Ġgarajes":45655,"Ġextravagante":45656,"ĠFide":45657,"ĠHac":45658,"Ġfuéramos":45659,"Ġproclamar":45660,"ĠCAPÃįTULO":45661,"Ġucraniano":45662,"ĠPene":45663,"paros":45664,"ĠPopulares":45665,"ULTAD":45666,"Ġdesentra":45667,"^^":45668,"Ġapple":45669,"ingres":45670,"avidas":45671,"trónica":45672,"Ġobservancia":45673,"Ġdinosaurio":45674,"podrÃŃa":45675,"Ġdescargue":45676,"Ġmache":45677,"Ġespiritualmente":45678,"Ġdetergente":45679,"Ġovarios":45680,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":45681,"aditas":45682,"Ġindicativo":45683,"ĠCarlota":45684,"Ġexfol":45685,"Ġdosificación":45686,"ĠArgu":45687,"Ġobtendrán":45688,"Ġdesmontable":45689,"116":45690,"Ġsustentan":45691,"Ġpeculiaridad":45692,"Ġdestrozar":45693,")(":45694,"ĠconfÃŃo":45695,"ĠProven":45696,"Ġblanquia":45697,"KET":45698,"ĠSOM":45699,"Ġ316":45700,"portamiento":45701,"tress":45702,"Ġseveridad":45703,"Ġconmemorativa":45704,"ĠBooks":45705,"map":45706,"visores":45707,"Ġvarita":45708,"ĠProfessional":45709,"Ġlongitudes":45710,"Ġspi":45711,"loa":45712,"Ġ\"...":45713,"Ġocurriera":45714,"Ġacristal":45715,"ĠTT":45716,"ĠManzana":45717,"Ġarañazos":45718,"balo":45719,"Ġdeceso":45720,"mod":45721,"ĠFénix":45722,"Ġponiente":45723,"âĢĶ¿":45724,"Ġincesto":45725,"bul":45726,"ĠPilo":45727,"ĠSna":45728,"ĠSola":45729,"ĠMarti":45730,"Ġbaraj":45731,"Ġdenunciante":45732,"Ġdescubrirás":45733,"omática":45734,"ĠEme":45735,"Ġchist":45736,"Ġfriki":45737,"Ġsuperhéroe":45738,"boro":45739,"ĠHappy":45740,"Ġfrialdad":45741,"ĠAAA":45742,"ÃŃntesis":45743,"Ġagota":45744,"Ġbeisbol":45745,"Ġmilenios":45746,"Jim":45747,"Pac":45748,"Ġ162":45749,"ampton":45750,"ĠCEIP":45751,"Ġomiso":45752,"ĠHomenaje":45753,"Ġvitrina":45754,"Ġvictima":45755,"Ġfracasar":45756,"ĠPAIS":45757,"ĠPicchu":45758,"fam":45759,"ĠRox":45760,"Ġchorros":45761,"Ġaprendieron":45762,"550":45763,"recuer":45764,"ĠPuno":45765,"ĠMud":45766,"Ġapalan":45767,"Ġvalorización":45768,"Ġpredecible":45769,"Ġapoderarse":45770,"Ġastronautas":45771,"SON":45772,"Ġmonólogo":45773,"Ġpudieras":45774,"Ġaccedido":45775,"Ġofensivas":45776,"Ġesforzamos":45777,"ĠSoraya":45778,"ĠCúcuta":45779,"ĠSuela":45780,"Ġsubirá":45781,"Ġlarvas":45782,"Ġevolutiva":45783,"Ġdesartic":45784,"ĠDIC":45785,"Ġregidores":45786,"ethe":45787,"Ġconocerlos":45788,"ĠClip":45789,"Ġtemido":45790,"Ġincertidumbres":45791,"ĠAdecu":45792,"ĠMÃŃnimo":45793,"fly":45794,"г":45795,"ĠDónde":45796,"ĠPato":45797,"Ġemprendedoras":45798,"Ġinquis":45799,"ĠLavado":45800,"Ġgénesis":45801,"Ġanota":45802,"ĠConsultor":45803,"Lucas":45804,"kie":45805,"Ġperece":45806,"Ġcapilares":45807,"Ġgolfo":45808,"Ġbragas":45809,"Ġcánta":45810,"Ġentere":45811,"Ġplátanos":45812,"ĠAlternativa":45813,"ERT":45814,"Ġsancionados":45815,"Media":45816,"ÃŃmiles":45817,"Ġadopten":45818,"Ġtrayectorias":45819,"Ġpercance":45820,"Ġhabréis":45821,"obra":45822,"Ġcoincidido":45823,"Ġvistió":45824,"Ġautomovilistico":45825,"ĠPadrón":45826,"Ġmoviéndose":45827,"Ġaliciente":45828,"cisa":45829,"ervicio":45830,"Ġpandillas":45831,"Ġtalentoso":45832,"Ġiluminados":45833,"Ġpresupuestarias":45834,"Ġespeluzn":45835,"Ġdespos":45836,"ĠpaÃĥ":45837,"dry":45838,"Ġprincipiante":45839,"Ġcastiga":45840,"ĠBárcenas":45841,"ĠLech":45842,"ĠIlustre":45843,"Ġalternando":45844,"Ġpartimos":45845,"ĠBarbie":45846,"ĠDeberÃŃa":45847,"Ġintraven":45848,"Ġingra":45849,"Ġgótica":45850,"Ġmosquito":45851,"iéndome":45852,"Ġpoliticos":45853,"ĠOlimpia":45854,"Ġmalagueño":45855,"ĠAgüero":45856,"Evaluación":45857,"Ġinfame":45858,"park":45859,"ĠReport":45860,"úlveda":45861,"ICET":45862,"Ġllevarme":45863,"ĠinformaciÃĥ":45864,"ĠPowerPoint":45865,"Ġanochecer":45866,"Luz":45867,"Ġestampar":45868,"Ġlevantada":45869,"Ġasistan":45870,"ĠStaff":45871,"Ġarrestados":45872,"Ġrevolucionar":45873,"mono":45874,"sign":45875,"ĠDior":45876,"Ġascienden":45877,"ĠFranja":45878,"tting":45879,"Ġejecute":45880,"Ġaceituna":45881,"Ġdesplome":45882,"Pen":45883,"Ġoyen":45884,"ĠAX":45885,"ĠCorriente":45886,"Ġlegisladora":45887,"Ġseme":45888,"Ġsuscripciones":45889,"Ġcertero":45890,"Ġpié":45891,"Ġconstituyendo":45892,"Ġreglamentarias":45893,"TecnologÃŃa":45894,"Ġdiapositivas":45895,"Twitter":45896,"ĠMID":45897,"active":45898,"ranos":45899,"ĠCree":45900,"ĠBurton":45901,"Ġalmidón":45902,"Diez":45903,"ĠEI":45904,"ĠBinarias":45905,"Ġapri":45906,"dern":45907,"Ġmajestuoso":45908,"ĠRurales":45909,"Ġsolapa":45910,"partes":45911,"ĠNoble":45912,"Ġmasivamente":45913,"Ġplanificada":45914,"Ġcosechar":45915,"ĠLauren":45916,"Ġcuide":45917,"ĠWang":45918,"Ġmerecemos":45919,"Ġoportunos":45920,"Ġeróticas":45921,"ĠMensajero":45922,".¡":45923,"onismo":45924,"Ġrifle":45925,"ĠMitsubishi":45926,"ĠGate":45927,"Ġ¬":45928,"Ġurl":45929,"Ġerr":45930,"Ġdisfrazado":45931,"ĠMalaga":45932,"ĠDAN":45933,"ĠBÃŃo":45934,"Ġfood":45935,"Ġindicamos":45936,"pensión":45937,"rap":45938,"Ġ370":45939,"Ġlipo":45940,"ĠDiferentes":45941,"ĠNueve":45942,"ĠWells":45943,"Ġpantanos":45944,"Ġinvolucrarse":45945,"Ġviajamos":45946,"Volviendo":45947,"ĠVuelos":45948,"ĠIndica":45949,"Ġsubesti":45950,"Ġpodrias":45951,"Serie":45952,"Ġcomentaristas":45953,"Ġabusivo":45954,"ĠKick":45955,"Ġbarbilla":45956,"Ninguna":45957,"Ġinhibición":45958,"Ġespátula":45959,"Ġhábitats":45960,"ĠFaust":45961,"ĠDIGITAL":45962,"innova":45963,"itza":45964,"Ġantin":45965,"Ġbrusco":45966,"Ġsimultan":45967,"ĠBorn":45968,"Ġpagaba":45969,"ĠbiotecnologÃŃa":45970,"Ġsociólogo":45971,"ĠShopping":45972,"enovelas":45973,"ĠEusebio":45974,"Sue":45975,"busto":45976,"ĠAlbor":45977,"Ġculpas":45978,"Ġgenialidad":45979,"Ġtail":45980,"ĠHumala":45981,"Ġretrasado":45982,"Ġconstructoras":45983,"ĠMier":45984,"icienta":45985,"Ġmaliciosos":45986,"body":45987,"Ġsalvando":45988,"Ġdistribuciones":45989,"upon":45990,"ionalidad":45991,"duzco":45992,"lamo":45993,"Ġincluirse":45994,"ĠQuintan":45995,"Ġtrompeta":45996,"Ġarrecifes":45997,"ingen":45998,"Ġdesna":45999,"Ġagrid":46000,"ĠBoard":46001,"ĠMINISTERIO":46002,"å¹":46003,"etz":46004,"ĠXim":46005,"Ġportavoces":46006,"Ġdivir":46007,"Podéis":46008,"Ġtranscurridos":46009,"ĠConsumidores":46010,"Ġcuatrimestre":46011,"ĠTLCAN":46012,"Ġconyugal":46013,"eline":46014,"ONU":46015,"Ġcriollos":46016,"Ġtransportan":46017,"grupos":46018,"Ġmorib":46019,"Ġestructuración":46020,"Ġfollan":46021,"ĠregalÃŃas":46022,"Ġfrena":46023,"tónico":46024,"ĠPRIMERA":46025,"descub":46026,"ĠJue":46027,"Ġsenté":46028,"Ġjustici":46029,"Ġintroducidas":46030,"Ġdescendente":46031,"Ġevidenciar":46032,"Ġabstracta":46033,"Ġsinergia":46034,"DAS":46035,"Ġagas":46036,"chados":46037,"ĠorquÃŃ":46038,"Ġamigables":46039,"Ġpasarla":46040,"Ġdebilit":46041,"Ġfolklore":46042,"Ado":46043,"sand":46044,"Ġparalizado":46045,"ĠFast":46046,"ĠCuadernos":46047,"ĠDomicilio":46048,"Siete":46049,"ĠPik":46050,"ĠMóstoles":46051,"Ġ275":46052,"Ġequivalencia":46053,"ĠCoches":46054,"Esco":46055,"ĠServi":46056,"letazo":46057,"ĠHolguÃŃn":46058,"ĠImagina":46059,"ĠMemorias":46060,"Ġinformo":46061,"Ġdeslin":46062,"Ġayudantes":46063,"Ġformuladas":46064,"criminación":46065,"ĠReflexiones":46066,"HER":46067,"ĠSócrates":46068,"Ġanac":46069,"ĠChaque":46070,"Ġcentradas":46071,"ĠProstitu":46072,"APA":46073,"ĠArbitraje":46074,"Ġsumarán":46075,"ĠBritánico":46076,"fób":46077,"ĠSalsa":46078,"Ġmolestan":46079,"ĠCIDH":46080,"ĠRestrepo":46081,"Ġreservando":46082,"incluido":46083,"Ġcognitivos":46084,"Ġdesenfren":46085,"BF":46086,"Ġbucear":46087,"ĠMezcla":46088,"PES":46089,"égano":46090,"ĠNerv":46091,"Ġirlandesa":46092,"Ġescribirnos":46093,"Ġepid":46094,"Actividad":46095,"ĠÄ":46096,"exp":46097,"Ġprometer":46098,"ĠRecibe":46099,"Ġasfixia":46100,"ĠdarÃŃan":46101,"Ġenfure":46102,"Ġcolegial":46103,"ĠTablas":46104,"Ġirremediablemente":46105,"amanos":46106,"Ġsumergido":46107,"ĠDesafortunadamente":46108,"Ġacupuntura":46109,"Ġuranio":46110,"Ġintri":46111,"ĠQuieres":46112,"Ġlucharon":46113,"Ġborre":46114,"ĠFlorence":46115,"ĠEmpezamos":46116,"ĠAsociado":46117,"Ġpatrullas":46118,"Ġseccion":46119,"ĠSof":46120,"Ġperteneció":46121,"Ġconfirme":46122,"ĠJaramillo":46123,"ĠCastaño":46124,"ĠMinutos":46125,"Ġferiado":46126,"Ġvibrador":46127,"Serán":46128,"Ġcolosal":46129,"Hos":46130,"Ġko":46131,"ĠBolonia":46132,"ĠAfter":46133,"Ġfolclore":46134,"Ġdesviaciones":46135,"ĠSAC":46136,"ĠMejorar":46137,"chero":46138,"Ġcómica":46139,"ĠAdv":46140,"Ġatroz":46141,"ĠCIENCIAS":46142,"Ġ(*)":46143,"versibles":46144,"Ġgangl":46145,"Ġlegiti":46146,"Ġhumanismo":46147,"Ġlubricantes":46148,"indicaciones":46149,"Ġpresionado":46150,"Ġrepresentaban":46151,"Ġcocinado":46152,"Ġestreme":46153,"Ġdesperdicios":46154,"ĠInicialmente":46155,"ĠMixta":46156,"DEC":46157,"omes":46158,"Ġrecuadro":46159,"ĠPeñas":46160,"ĠExtrac":46161,"Ïĥ":46162,"odé":46163,"ĠScioli":46164,"Ġincalcul":46165,"ĠAmaya":46166,"ĠCruceros":46167,"Ġbocetos":46168,"ĠMUD":46169,"ĠConvers":46170,"Ġapoyará":46171,"Ġelimine":46172,"Ġincongru":46173,"Ġpsicomo":46174,"ĠSANTA":46175,"Ġsuspendidos":46176,"Ġescénica":46177,"ĠHospitales":46178,"ĠAGUA":46179,"Ġ167":46180,"Ġpermanecieron":46181,"Ġholandeses":46182,"ĠFusión":46183,"ĠEnsen":46184,"Ġjungla":46185,"Ġtimón":46186,"Ġalucina":46187,"Ġexag":46188,"observ":46189,"Ġwestern":46190,"Ġtapado":46191,"ĠValentina":46192,"Ġalbahaca":46193,"Adap":46194,"Ġdella":46195,"eppe":46196,"ĠAmelia":46197,"Ġprotestantes":46198,"ĠCórdova":46199,"revolución":46200,"Ġsobrellevar":46201,"ĠcompartÃŃa":46202,"ĠCasanova":46203,"Ġimperante":46204,"Ġdescargarse":46205,"Ġmezclada":46206,"Ġencerrada":46207,"ĠUNICEF":46208,"Ġantica":46209,"cea":46210,"Ġmaris":46211,"Ġ925":46212,"Ġdesatas":46213,"ðŁĮ":46214,"Ġarribaron":46215,"ĠEscar":46216,"Ġchec":46217,"ĠKiss":46218,"ĠMacBook":46219,"esar":46220,"ĠAcor":46221,"Ġmenaje":46222,"ĠKla":46223,"Ġurna":46224,"ĠvestÃŃa":46225,"Ġlomb":46226,"ĠEnvi":46227,"Ġ202":46228,"Ġfranque":46229,"Ġintendentes":46230,"Ġmodifique":46231,"ĠShadow":46232,"Ġlegislaciones":46233,"ĠFraga":46234,"Ġpederas":46235,"ideas":46236,"ĠArévalo":46237,"ignon":46238,"tróleos":46239,"ĠJoyerÃŃa":46240,"Ġlate":46241,"Ġtril":46242,"entaron":46243,"ĠPERO":46244,"pard":46245,"Ġmarfil":46246,"monio":46247,"Ġcomplicar":46248,"Ġgeoloc":46249,"Ġporcentual":46250,"Sos":46251,"_.":46252,"ĠNest":46253,"ĠIca":46254,"Ġhabria":46255,"Ġescuchen":46256,"Ġtertulia":46257,"Ġhúngaro":46258,"Ġbaúl":46259,"ĠXxx":46260,"Ġcolectivamente":46261,"works":46262,"Ġinvirtió":46263,"sword":46264,"Ġincorporadas":46265,"Ġperegrino":46266,"ĠPhilippe":46267,"Wa":46268,"ĠHoff":46269,"Ġgata":46270,"ĠMercadona":46271,"iseos":46272,"ĠExamen":46273,"Ġnutricionista":46274,"Ġpapeletas":46275,"ĠepÃŃgraf":46276,"Luc":46277,"Å«":46278,"×ķ":46279,"aray":46280,"ĠMarea":46281,"Ġjaulas":46282,"Ġhomenajes":46283,"Ġconej":46284,"ĠCun":46285,"ĠGoku":46286,"rasia":46287,"Ġcarcin":46288,"ĠGuitarra":46289,"Ġcursado":46290,"ĠYugoslavia":46291,"Ġbim":46292,"Ġpersa":46293,"teriza":46294,"etica":46295,"Ġminibar":46296,"Ġhumorista":46297,"bucks":46298,"hecho":46299,"ĠPAD":46300,"bags":46301,"Ġbusqué":46302,"ĠPared":46303,"Ġencantadores":46304,"ĠPequeñas":46305,"Ġenvejecer":46306,"Uruguay":46307,"Ġgym":46308,"ĠPec":46309,"Ġllamativas":46310,"Ġafic":46311,"ĠcartografÃŃa":46312,"Ġmalversación":46313,"Ġresistirse":46314,"Ġartilug":46315,"tÃŃo":46316,"abia":46317,"Ġalz":46318,"ĠXS":46319,"Ġexpresados":46320,"Ġpadecido":46321,"Ġchequeo":46322,"ĠMilagro":46323,"teurs":46324,"ellón":46325,"nesota":46326,"Ġadhiere":46327,"Ġteóricamente":46328,"Ġluminosas":46329,"tÃŃsima":46330,"ĠBord":46331,"clusión":46332,"Ġlectivo":46333,"ĠLegión":46334,"Ġheterosexuales":46335,"ĠJeremy":46336,"stock":46337,"ĠTCP":46338,"Ġlipos":46339,"deraciones":46340,"Ġarregla":46341,"bike":46342,"ĠArreg":46343,"ĠCourt":46344,"Ġ203":46345,"ĠActas":46346,"ĠAction":46347,"ĠperiodÃŃsticos":46348,"Ġcuantitativa":46349,"âĨĴ":46350,"echea":46351,"Ġxeno":46352,"Ġajard":46353,"iadora":46354,"Ġcuela":46355,"ĠDort":46356,"Ġsabore":46357,"ĠMurió":46358,"Ġvidri":46359,"Ġchancadoras":46360,"Ġlegalizar":46361,"ĠTeherán":46362,"ĠJairo":46363,"ĠStart":46364,"ĠRepresenta":46365,"ĠcalabacÃŃn":46366,"λ":46367,"Ġaleta":46368,"Ġgaz":46369,"ĠBasic":46370,"ĠMcK":46371,"Ġreorden":46372,"Ġsordo":46373,"Ġreportados":46374,"ĠMath":46375,"Ġfascinado":46376,"quizás":46377,"Ġtrazabilidad":46378,"mberg":46379,"legal":46380,"Ġconservas":46381,"Ġdibujando":46382,"ométrica":46383,"ĠAsocia":46384,"Ġteñido":46385,"Ġner":46386,"Ġregion":46387,"ĠPrimeros":46388,"Ġpartos":46389,"itri":46390,"Ġoscure":46391,"Ġcuidador":46392,"ĠLlantas":46393,"Ġmanillar":46394,"Ġeviten":46395,"ILIA":46396,"Ġacercarme":46397,"Ġomni":46398,"Ġdesesperados":46399,"Ġmurcia":46400,"ĠPeñarol":46401,"trava":46402,"ĠPÃŃ":46403,"ĠIf":46404,"Ġnaci":46405,"ubio":46406,"Ġmorenas":46407,"Ġprocedido":46408,"ĠProvinciales":46409,"Ġsonro":46410,"Ġ290":46411,"ĠErik":46412,"kal":46413,"ĠSiga":46414,"Ġreferencial":46415,"Ġfrustrante":46416,"Ġdispersos":46417,"Ġmanutención":46418,"amino":46419,"Ġpaterna":46420,"Ġhabernos":46421,"Ġheladera":46422,"Ġforce":46423,"ĠCaballo":46424,"POSICIÃĵN":46425,"Ġlienzos":46426,"005":46427,"ĠMadison":46428,"Ġexpedi":46429,"Ġretiros":46430,"Utiliza":46431,"ĠFlora":46432,"seco":46433,"Ġchófer":46434,"cury":46435,"ĠEstudiantil":46436,"ĠSubdirección":46437,"ĠBuf":46438,"Ġtoreros":46439,"Ġprotagonizaron":46440,"Ġconversando":46441,"Ġsecuestrada":46442,"Bea":46443,"ĠEro":46444,"Ġgér":46445,"ĠFortuna":46446,"Ġinveros":46447,"ĠHegel":46448,"ĠFalla":46449,"Ġgrin":46450,"sono":46451,"Ġaprendimos":46452,"Ġalmacenado":46453,"Ġurgentemente":46454,"Ġmisteriosos":46455,"ĠDennis":46456,"ĠLimpia":46457,"Ġmascarillas":46458,"Ġyogurt":46459,"utanasia":46460,"CF":46461,"Time":46462,"Ġao":46463,"Ġpuebl":46464,"Ġmalvados":46465,"ĠasesorÃŃas":46466,"Ġcomprarla":46467,"Ġmonedero":46468,"Ġrestaurant":46469,"Ġaconsejan":46470,"Ġmentiroso":46471,"Ġcosechado":46472,"Ġlife":46473,"ĠInsu":46474,"ĠsabÃŃas":46475,"Ġrabi":46476,"ĠCorrupción":46477,"ĠASIGNA":46478,"ĠWarriors":46479,"celos":46480,"tiendas":46481,"ĠPrestamos":46482,"Ġpatentado":46483,"Ġsidra":46484,"Ġserigra":46485,"ĠasÃĥ":46486,"inegro":46487,"Ġobjetivas":46488,"Ġfotom":46489,"ipes":46490,"Ġsacramento":46491,"Ġregresión":46492,"ĠCaban":46493,"Ġresorte":46494,"jov":46495,"ĠVALENCIA":46496,"Ġpromulgación":46497,"Ġacoj":46498,"ĠTaj":46499,"ĠPerdón":46500,"ĠLuque":46501,"Ġbalonmano":46502,"Ġesclava":46503,"iniciar":46504,"deno":46505,"ĠAndres":46506,"ĠVancouver":46507,"Ġbrindaron":46508,"Ġalinea":46509,"Ġcordiales":46510,"Espacio":46511,"ĠMoney":46512,"Ġexiliados":46513,"Ġscrip":46514,"107":46515,"ĠPoniente":46516,"Ġmástil":46517,"ĠENTR":46518,"aproximadamente":46519,"Ġestimulantes":46520,"Ġdesiertos":46521,"ĠAlexandra":46522,"ĠNATURAL":46523,"ĠÃįNDICE":46524,"Ġabordará":46525,"ĠTiz":46526,"Ġlibrarse":46527,"Ġamorosas":46528,"ĠBenavente":46529,"ĠinfografÃŃa":46530,"Ġskate":46531,"!:":46532,"currió":46533,"Ġofendido":46534,"Ġcelulosa":46535,"Ġsobrio":46536,"Ġtransmitiendo":46537,"Ġmatriculación":46538,"ĠJosefa":46539,"ĠMUNICIPAL":46540,"Ġsabréis":46541,"Ġcontratan":46542,"Ġmontados":46543,"RIO":46544,"Ġdivierte":46545,"ĠRecomendaciones":46546,"ĠAdolescencia":46547,"ĠACTIVIDADES":46548,"Ġrencontre":46549,"uestre":46550,"Ġpopa":46551,"Escri":46552,"Ġadministradora":46553,"Ġmagnifico":46554,"Ġrapidos":46555,"Ġgamas":46556,"Ġmetidos":46557,"construcción":46558,"cinia":46559,"Ġexploradores":46560,"Próx":46561,"Doble":46562,"Ġhomologado":46563,"deles":46564,"ĠJhon":46565,"comm":46566,"ĠdefendÃŃa":46567,"Ġderogación":46568,"ĠAlejandrÃŃa":46569,"Ciertamente":46570,"Ġcumb":46571,"Ġcuenco":46572,"ĠPasamos":46573,"Ġaumenten":46574,"Actualización":46575,"ĠTIPO":46576,"reses":46577,"Ġreconf":46578,"ĠOlive":46579,"ĠBegoña":46580,"Marco":46581,"Ġreiterada":46582,"Ġmártir":46583,"chebuena":46584,"rata":46585,"lem":46586,"tógrafo":46587,"Ġcontara":46588,"ĠIndian":46589,"sc":46590,"ortes":46591,"ĠAlerta":46592,"128":46593,"ĠElectorales":46594,"Ġprevalecer":46595,"ĠONGs":46596,"ĠmembresÃŃa":46597,"ĠDiseñado":46598,"Molino":46599,"Ġvet":46600,"Ġperenne":46601,"ĠAldea":46602,"ĠRegina":46603,"Ġtributación":46604,"Ġempujó":46605,"Ġexpositor":46606,"Ġyihadistas":46607,"nac":46608,"Ġexim":46609,"pán":46610,"Ġee":46611,"ĠSG":46612,"ĠElda":46613,"Ġsinu":46614,"Ġempezo":46615,"wser":46616,"acaso":46617,"Colección":46618,"ĠCuervo":46619,"Ġincómodos":46620,"ĠEstrecho":46621,"mebol":46622,"Ġép":46623,"Ġcoincidimos":46624,"ofón":46625,"ĠDiagonal":46626,"ĠOil":46627,"exe":46628,"Ġnegaba":46629,"Niños":46630,"ĠMonsanto":46631,"Jn":46632,"Ġazoteas":46633,"Ġreeleg":46634,"JUE":46635,"Ġsnow":46636,"Ġcayera":46637,"Ġsonando":46638,"Ġexpol":46639,"Ġpelvis":46640,"Ġ207":46641,"Ġliderados":46642,"árquico":46643,"Ġsedimentos":46644,"PLA":46645,"ĠMiedo":46646,"ĠLama":46647,"Ġtire":46648,"Ġpintando":46649,"ĠbrujerÃŃa":46650,"género":46651,"ĠErika":46652,"ĠMing":46653,"Ġvisas":46654,"Accesorios":46655,"Cree":46656,"ĠNBC":46657,"igrantes":46658,"cuentros":46659,"Ġbañarse":46660,"Ġingenuo":46661,"ĠResponder":46662,"ĠCompatible":46663,"ĠPensar":46664,"Ġsubordinados":46665,"ĠGus":46666,"Ġelegibles":46667,"ĠSong":46668,"Ġdelegar":46669,"Ġtuviste":46670,"ennials":46671,"Ġcuadr":46672,"olÃĥ":46673,"asegu":46674,"Ġasumimos":46675,"Ġdeclaratoria":46676,"ĠStones":46677,"Ġ950":46678,"Ġliberan":46679,"ĠLucena":46680,"dv":46681,"Ġinstau":46682,"Ġmagistrales":46683,"Ġenalte":46684,"ĠNiza":46685,"Ġespej":46686,"Ġcuaj":46687,"Ġobviar":46688,"ĠCortázar":46689,"tla":46690,"trera":46691,"âĢľâĢ¦":46692,"Ġnazismo":46693,"Ġalmer":46694,"stitución":46695,"ĠEmpleos":46696,"Ġperdáis":46697,"cope":46698,"Ġrincon":46699,"ĠBoliviana":46700,"Var":46701,"Ġestructurar":46702,"Ġchubas":46703,"amis":46704,"ĠCut":46705,"ĠAmazonÃŃa":46706,"Ġjustificó":46707,"Ġeucalip":46708,"Ġvisites":46709,"Ġtambale":46710,"Ġimplementó":46711,"Ġcrediticia":46712,"Online":46713,"ĠSimposio":46714,"Gro":46715,"Ġarnés":46716,"Ġprescrip":46717,"Ġentrego":46718,"ĠPrimo":46719,"ĠLenguas":46720,"Ġati":46721,"amigo":46722,"âĢĥ":46723,"Ġprofer":46724,"ĠFore":46725,"Ġsuperflu":46726,"Ġfolios":46727,"ĠGn":46728,"Ġpolis":46729,"Ġtrasmitir":46730,"Ġestrechar":46731,"ĠLedesma":46732,"Ġfavorablemente":46733,"dalas":46734,"Proce":46735,"ĠAlmuerzo":46736,"Ġcaracoles":46737,"Ġportando":46738,"itolio":46739,"tanol":46740,"Ġestadunidense":46741,"Ġintensificar":46742,"Ġpabell":46743,"ĠDepósito":46744,"Ġgasolineras":46745,"ĠImplementación":46746,"Ġerupciones":46747,"tezas":46748,"ĠAxel":46749,"Escrito":46750,"terapeutas":46751,"Ġcriada":46752,"Ġhumanitarias":46753,"ĠExperimental":46754,"RodrÃŃguez":46755,"ĠQaeda":46756,"tentes":46757,"ĠEscuchar":46758,"Ġlideres":46759,"Ġautóctonas":46760,"ĠmorÃŃa":46761,"Ġaccedan":46762,"Ġdeslumbrante":46763,"Ġtoráci":46764,"Ġverguenza":46765,"Ġinmensas":46766,"Ġenseñe":46767,"Ġrecón":46768,"Administración":46769,"pores":46770,"too":46771,"Ġempece":46772,"ANAS":46773,"Ġconsultante":46774,"ĠConsulting":46775,"Ġvagón":46776,"fantas":46777,"Ġzombis":46778,"Nuevamente":46779,"ĠFrie":46780,"ĠextraÃŃdos":46781,"Ġodisea":46782,"Ġfit":46783,"Ġmelón":46784,"ĠCarp":46785,"Ġregistre":46786,"Ġinstrumentales":46787,"tÃŃb":46788,"ĠEducation":46789,"llos":46790,"Ġpesimismo":46791,"Ġfiliación":46792,"Ġdeclarando":46793,"Ġbullicio":46794,"?;":46795,"EZA":46796,"Ġarg":46797,"ésimas":46798,"Ġmetida":46799,"ĠCostas":46800,"ĠmarroquÃŃes":46801,"cron":46802,"aduc":46803,"Ġproyectiles":46804,"Ġlio":46805,"ĠsimetrÃŃa":46806,"Ġsintom":46807,"Ġcabre":46808,"ÃģTICA":46809,"guren":46810,"orah":46811,"ĠOslo":46812,"Ġdividió":46813,"Ġelectrodoméstico":46814,"UI":46815,"Ġbió":46816,"Dejar":46817,"Ġleerlos":46818,"Higgins":46819,"tun":46820,"ĠOle":46821,"Ġcerezas":46822,"ĠbolÃŃgrafo":46823,"Ġsemáforos":46824,"Ġplebiscito":46825,"rance":46826,"compe":46827,"Ġbasarse":46828,"tania":46829,"Ġcolorida":46830,"Ġrefleje":46831,"Ġtiernas":46832,"copias":46833,"Cristina":46834,"ĠBritánica":46835,"Ġsubcampeón":46836,"Ġsandwich":46837,"chile":46838,"ĠMartina":46839,"Ġalertar":46840,"Ġirresponsabilidad":46841,"Ġafeitado":46842,"Set":46843,"fila":46844,"Ġ(.":46845,"âĢ¦-":46846,"Ġóse":46847,"ĠPio":46848,"ĠMÃĥ":46849,"ĠFierro":46850,"thia":46851,"ĠEscucha":46852,"aire":46853,"ĠMarac":46854,"Ġlidi":46855,"Ġcomprada":46856,"ĠESCUELA":46857,"Ġlloraba":46858,"XXX":46859,"ĠRenovables":46860,"Ġmanantial":46861,"Iz":46862,"ĠLX":46863,"Ġsobremanera":46864,"âĢ¦âĢĿ,":46865,"eyra":46866,"Ġdelictivo":46867,"ĠAssist":46868,"480":46869,"Ġft":46870,"ibaba":46871,"imperial":46872,"licé":46873,"ĠMigraciones":46874,"ĠBeethoven":46875,"ĠChinch":46876,"Ġinsatisfacción":46877,"Ġdelin":46878,"Ġaprendes":46879,"Ġrenacer":46880,"Ġindependentismo":46881,"Ġvegetariana":46882,"ĠCome":46883,"ĠFernandez":46884,"ĠCatamarca":46885,"Ġcentralizada":46886,"ĠSolidario":46887,"Ġparos":46888,"Ġdebidos":46889,"Ġobjetivamente":46890,"Ġesperma":46891,"Ġ1890":46892,"ĠGogh":46893,"Divers":46894,"Ġincis":46895,"ĠPorte":46896,"Ġmorosidad":46897,"Ġpagarle":46898,"Ġderiven":46899,"Ġcolaterales":46900,"Ġsolvente":46901,"\"-":46902,"Ġdesmar":46903,"ĠRut":46904,"ĠanÃĥ":46905,"Ġlimit":46906,"Ġaltares":46907,"ĠISSN":46908,"González":46909,"udez":46910,"Ġate":46911,"Ġfacción":46912,"Ġabordaron":46913,"ĠConnect":46914,"Ġgremiales":46915,"chia":46916,"Ġacompañarán":46917,"ĠTania":46918,"Ġmediocres":46919,"OMBIA":46920,"iris":46921,"Ġalzada":46922,"tadamente":46923,"digital":46924,"ĠTechnologies":46925,"Ġtala":46926,"Ġobvi":46927,"ĠSanitario":46928,"ĠCruise":46929,"Ġalérgicas":46930,"FRE":46931,"ĠCrónicas":46932,"eber":46933,"inoco":46934,"Ġregirán":46935,"Ġbrigadas":46936,"Ġcontracciones":46937,"Ġporfavor":46938,"ĠPele":46939,"ĠTP":46940,"Ġentreg":46941,"Ġrespetados":46942,"ĠLente":46943,"portu":46944,"Ġdispongo":46945,"ĠVengadores":46946,"Ġgestionando":46947,"Ġembajadas":46948,"Ġrevocaciones":46949,"Ġavaricia":46950,"padre":46951,"api":46952,"ĠBanderas":46953,"Cort":46954,"Ġexhum":46955,"Ġdesguace":46956,"ulin":46957,"etricia":46958,"ĠBarba":46959,"Ġ179":46960,"Ġrefugiado":46961,"Ġoxig":46962,"ĠEspectáculos":46963,"TERS":46964,"úplex":46965,"Estudiantes":46966,"Ġconstató":46967,"Ġ204":46968,"ĠCeballos":46969,"villo":46970,"Ġhectárea":46971,"Ġengañosa":46972,"Ġpizar":46973,"Ġjustifique":46974,"Ġradiales":46975,"Ġhablarle":46976,"Ġdrástica":46977,"elles":46978,"ĠFich":46979,"ĠMeyer":46980,"Ġinsuf":46981,"ĠObst":46982,"ĠDecisión":46983,"Londres":46984,"Ġanul":46985,"ĠPatron":46986,"1981":46987,"ilates":46988,"ĠOficio":46989,"Ġimaginarse":46990,"Emple":46991,"ĠEnamor":46992,"ambiental":46993,"Ġfronterizos":46994,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":46995,"Ġmudó":46996,"ĠUF":46997,"Ġpascua":46998,"Ġorador":46999,"ĠGuitar":47000,"TUD":47001,"ĠhÃŃbrida":47002,"tap":47003,"Ġobjeciones":47004,"ĠBiodiversidad":47005,"Ġpurga":47006,"ndo":47007,"cagua":47008,"Ġcarnavales":47009,"Ġflexión":47010,"Ġsoportado":47011,"Ġalineados":47012,"Ġpinceles":47013,"Ġenorgullece":47014,"Hospital":47015,"trana":47016,"Ġadorar":47017,"tiner":47018,"Ãģrea":47019,"ĠPARTE":47020,"ĠFav":47021,"ĠAlvear":47022,"ĠColoma":47023,"Ġderrotados":47024,"Ġrespaldada":47025,"Ġovario":47026,"Ġengranajes":47027,"chua":47028,"ĠTrauma":47029,"noviembre":47030,"ĠTudela":47031,"ĠBosques":47032,"Ġcalifican":47033,"ĠTODAS":47034,"ĠBowie":47035,"ĠprofecÃŃas":47036,"Ġpanda":47037,"ĠInfierno":47038,"Ġvisitadas":47039,"Profesor":47040,"Interesante":47041,"Ġpegan":47042,"Ġampliaciones":47043,"Ġatrocidades":47044,"ĠESTUDIOS":47045,"Ġrealeza":47046,"Ġvisitarla":47047,"Agentes":47048,"Ġahumado":47049,"tándola":47050,"conocimiento":47051,"Ġ1909":47052,"ĠPetit":47053,"Ġcambiarla":47054,"ĠMusica":47055,"Ġcortejo":47056,"Ġbrutalidad":47057,"ĠAragonés":47058,"Ġmetes":47059,"guard":47060,"Ġarrepiento":47061,"Ġhacker":47062,"ĠPasó":47063,"Ġconformarse":47064,"Ġdañan":47065,"Ġtransmisor":47066,"Ġnbsp":47067,"rand":47068,"ĠartÃĥ":47069,"Ġredistribución":47070,"Ġbay":47071,"ĠWiki":47072,"ificadora":47073,"Ġmorbosa":47074,"Adri":47075,"mash":47076,"uyan":47077,"Ġ173":47078,"Ġgordos":47079,"Ġconcientización":47080,"ĠPró":47081,"Pad":47082,"reña":47083,"caros":47084,"Ġradiofrecuencia":47085,"ĠFundador":47086,"Ġbendita":47087,"ĠPoe":47088,"Ġalejó":47089,"Ġanimes":47090,"Ġestrato":47091,"dóñez":47092,"ĠTak":47093,"ĠÃļnicamente":47094,"inapa":47095,"nota":47096,"Ġcentramos":47097,"Ġencendió":47098,"ĠocurrirÃŃa":47099,"ĠRefugio":47100,"Bron":47101,"ciA":47102,"baja":47103,"Ġdelimitación":47104,"ĠIncreÃŃble":47105,"zonas":47106,"Ġteta":47107,"ĠAdrian":47108,"txe":47109,"Ġráfagas":47110,"Ġinsolv":47111,"Ġbohem":47112,"Ġempezaban":47113,"Ġepilepsia":47114,"iaba":47115,"Ġbasuras":47116,"ANG":47117,"Ġpreciosidad":47118,"Ġanticipadas":47119,"ĠAbogacÃŃa":47120,"ĠAvanzado":47121,"Ġredujeron":47122,"ĠSinceramente":47123,"ĠbiografÃŃas":47124,"Ġatravesó":47125,"Ġconcesionaria":47126,"ĠDifusión":47127,"Ġsancionador":47128,"Ġdron":47129,"Rey":47130,"Ġcasamiento":47131,"Ġhand":47132,"ingitis":47133,"compar":47134,"Ġentregarle":47135,"Ġsepulcro":47136,"saludos":47137,"Ġdico":47138,"Ġhead":47139,"Ġinfecciosas":47140,"ĠPARTICI":47141,"Ġpolietileno":47142,"Ademas":47143,"administ":47144,"Ġinfortun":47145,"Ġopio":47146,"ating":47147,"onadas":47148,"ñados":47149,"ĠTX":47150,"ĠÂŃ":47151,"ĠArra":47152,"Ġagudas":47153,"orales":47154,"mile":47155,"ĠdecÃŃr":47156,"Ġgestionada":47157,"azul":47158,"ĠEcológica":47159,"Ġvariando":47160,"Ġautentica":47161,"Ġreversible":47162,"ioni":47163,"Ġorinar":47164,"Ġpensemos":47165,"Ġarrojado":47166,"Ġbiodi":47167,"ĠIncorpor":47168,"Ġamazon":47169,"Ġdisputada":47170,"ĠOpus":47171,"Ġplomero":47172,"Ġjubilaciones":47173,"cuánto":47174,"ĠPenitenciario":47175,"ĠGill":47176,"ĠcrecÃŃa":47177,"ĠMariscal":47178,"Ġexaltación":47179,"ĠSISTEMAS":47180,"Ġestribillo":47181,"Ġdesvincul":47182,"cuyo":47183,"bledon":47184,"Ġ184":47185,"Ġbondados":47186,"Ġsalvamento":47187,"ĠSchwarz":47188,"Ġlúdicas":47189,"oriasis":47190,"Ġnasales":47191,"Ġamedr":47192,"Fon":47193,"Ġvierte":47194,"ángulos":47195,"Ġcomparan":47196,"ĠConclusiones":47197,"Ġpalmarés":47198,"Ġbastos":47199,"ĠDisplay":47200,"ballo":47201,"Ġfideos":47202,"Ġacantilado":47203,"Ġanalizada":47204,"Ġpregrado":47205,"Ġultimamente":47206,"Ġapuntarse":47207,"ĠHuila":47208,"Ġplanetario":47209,"Ġbranding":47210,"ĠDoce":47211,"Ġespas":47212,"Ġollas":47213,"Ġexplotó":47214,"Ġadornar":47215,"Ġidiotas":47216,"Genial":47217,"Viernes":47218,"Ġhen":47219,"ĠPagos":47220,"Ġautocara":47221,"Ġexigirá":47222,"ĠBenal":47223,"ĠEMPRESAS":47224,"ĠEmpezó":47225,"PJ":47226,"anya":47227,"Ġmatinal":47228,"Ġcabellera":47229,"ĠLoco":47230,"Ġsoberanos":47231,"ĠDESCRIPCIÃĵN":47232,"Ġrehus":47233,"Ġautodidacta":47234,"Conjunto":47235,"Ġajustables":47236,"Ġingenioso":47237,"د":47238,"Ġrepo":47239,"Ġlastimar":47240,"ĠIntercambio":47241,"Ġpreparo":47242,"Ġcallejeras":47243,"remlin":47244,"Oferta":47245,"ĠAraucanÃŃa":47246,"Ġapreciada":47247,"Ġsubsistir":47248,"Ġadictivo":47249,"ĠIncorpora":47250,"Ġresaca":47251,"quiales":47252,"Ġcriolla":47253,"Ġintencion":47254,"Ġprofesoras":47255,"ĠSepúlveda":47256,"Ġchupando":47257,"ĠMain":47258,"Ġcelebridad":47259,"Ġmaterialismo":47260,"ĠIker":47261,"ĠLuiz":47262,"Ġdominando":47263,"ĠStark":47264,"ĠBalears":47265,"Amar":47266,"Ġdejéis":47267,"Ġpensionados":47268,"Ġobsesionado":47269,"lés":47270,"ĠOst":47271,"çĶ":47272,"Ġmonitorizar":47273,"Ġdesprendimiento":47274,"ĠDéj":47275,"Ġdevastador":47276,"Ġmotriz":47277,"Ġpulgas":47278,"navaca":47279,"Ġconectó":47280,"Ġcomprenda":47281,"capaci":47282,"initis":47283,"Ġsaturadas":47284,"ĠPROSTITU":47285,"Mesa":47286,"Ġcoar":47287,"ĠDese":47288,"Power":47289,"Ġsarcas":47290,"Ġentremez":47291,"ĠBaix":47292,"ĠREF":47293,"ĠHoliday":47294,"Ġresaltando":47295,"ĠJordán":47296,"Ġgentiles":47297,"Bene":47298,"hand":47299,"Ġsms":47300,"ambo":47301,"ĠEfra":47302,"ĠPorfi":47303,"ĠlÃŃpidos":47304,"Ġvocablo":47305,"Ġintrom":47306,"Ġdudan":47307,"Ġacabara":47308,"inerfe":47309,"Km":47310,"Ġdemandó":47311,"Ġinvadido":47312,"Ġtraumatismo":47313,"gicas":47314,"Ġtriat":47315,"Ġtoreo":47316,"Ġhablaros":47317,"Ġdisfrutarla":47318,"ĠSensor":47319,"itualmente":47320,"Ġ304":47321,"Ġcolofón":47322,"Ġtextual":47323,"opin":47324,"Ġentrevistar":47325,"amoto":47326,"Investigadores":47327,"Duración":47328,"Ġmuuu":47329,"Ġcuestionarios":47330,"Ġenseñas":47331,"ULA":47332,"Ġlegión":47333,"Ġincursiones":47334,"ĠRover":47335,"168":47336,"ULL":47337,"Ġlocutor":47338,"Ġarrancará":47339,"ĠAlain":47340,"ĠEslovaquia":47341,"SEM":47342,"ĠClÃŃnicas":47343,"Ġrecargo":47344,"Ġhondureños":47345,"rÃŃn":47346,"Ġinduce":47347,"ĠFren":47348,"ÃŃtanos":47349,"YE":47350,"ĠTari":47351,"Ġforrado":47352,"Ġdescubiertas":47353,"ĠSecreto":47354,"Ġafiliadas":47355,"Ġgriegas":47356,"ĠHolocausto":47357,"Ġwhat":47358,"ĠRespuestas":47359,"ĠESPEC":47360,"ĠDeluxe":47361,"Ġexpandirse":47362,"Ġaburre":47363,"ĠIndependientemente":47364,"Ġbocadillo":47365,"ĠGOL":47366,"ĠTelegram":47367,"Ġgarante":47368,"Ġdiestra":47369,"ĠREGIS":47370,"210":47371,"Ġradicado":47372,"Ġimaginarios":47373,"ĠTauro":47374,"ĠGuardar":47375,"ĠAcuario":47376,"Ġredirig":47377,"Ġmelanc":47378,"uerzos":47379,"Ġrodeaba":47380,"Ġimpulsores":47381,"Ġperdiera":47382,"lap":47383,"Ġcumplimos":47384,"Ġengaña":47385,"ĠHipólito":47386,"Ġnun":47387,"ĠCayo":47388,"ĠSweet":47389,"Ġllegase":47390,"Ġrecaer":47391,"invierno":47392,"rt":47393,"ĠJor":47394,"Ġsentarme":47395,"Ġmillonarias":47396,"ĠAtocha":47397,"itec":47398,"óleo":47399,"ĠDres":47400,"Ġchula":47401,"Ġarrancado":47402,"ĠGolpe":47403,"Ġconcluyen":47404,"ĠBarbara":47405,"ĠCorpor":47406,"Ġcorrespondido":47407,"ĠGeneralidad":47408,"Ġradares":47409,"Ġmolido":47410,"Ġremates":47411,"Encuentro":47412,"Ġesgrim":47413,"Ġgérmenes":47414,"RERA":47415,"ófago":47416,"ĠNarra":47417,"Ġtez":47418,"ĠEspera":47419,"Ġreconozcan":47420,"Ġchiringu":47421,"ĠRia":47422,"portaciones":47423,"Ġ1907":47424,"Ġpensábamos":47425,"Japón":47426,"ÃŃquese":47427,"cule":47428,"Ġcorra":47429,"Ġatreves":47430,"ĠBird":47431,"ĠAsesoramiento":47432,"1531556":47433,"Ġculturalmente":47434,"ropileno":47435,"Ġpesimista":47436,"Ġamados":47437,"ĠSee":47438,"ĠAnillos":47439,"ĠChim":47440,"Ġimportadores":47441,"Sigo":47442,"étricos":47443,"técnico":47444,"Ġcist":47445,"Ġaunar":47446,"Ġsofisticadas":47447,"ĠOcupacional":47448,"norte":47449,"Ġaprieta":47450,"ĠrespondÃŃ":47451,"Ġfetal":47452,"Ġahorrado":47453,"timex":47454,"ĠCED":47455,"chando":47456,"ĠYORK":47457,"ĠDeuda":47458,"ĠQuis":47459,"ĠFOTOS":47460,"AK":47461,"Ġasol":47462,"ĠWind":47463,"Ġescritorios":47464,"positiva":47465,"Ġelevando":47466,"Ġcomunicacion":47467,"ĠPython":47468,"ĠRRHH":47469,"ĠLituania":47470,"Ġhaceros":47471,"Ġshop":47472,"Ġalfar":47473,"Ġpedagógicos":47474,"Ġcapitanes":47475,"Murcia":47476,"entará":47477,"mine":47478,"Ġmáxime":47479,"ĠServidor":47480,"Ġsacerdocio":47481,"Ġperimetral":47482,"Gl":47483,"bona":47484,"Ġconsigas":47485,"Ġembru":47486,"ĠKaw":47487,"Ġautomatizados":47488,"ĠFat":47489,"ĠFERN":47490,"!!,":47491,"eps":47492,"ármelo":47493,"Ġdolorosos":47494,"ĠÃīxito":47495,"Ġvelero":47496,"cv":47497,"zmÃŃn":47498,"ĠSáhara":47499,"Ġcobardes":47500,"Ġterci":47501,"Ġrefiriendo":47502,"Ġjugarse":47503,"ог":47504,"ĠAmplia":47505,"Ġaplaudir":47506,"ĠJurisdicción":47507,"ĠFECHA":47508,"cocina":47509,"etón":47510,"Ġwiki":47511,"ĠPiedad":47512,"ĠNy":47513,"Ġcremoso":47514,"eton":47515,"Ġaleatorio":47516,"ðŁĩ":47517,"Ġhidratada":47518,"Ġlujosos":47519,"Ġsoplo":47520,"Ġrif":47521,"Ġinvertirá":47522,"ĠCatherine":47523,"Ġarqueólogo":47524,"Ġrequirió":47525,"Ġlicenciados":47526,"Ġdecidirse":47527,"Ġnubosidad":47528,"Ġheredera":47529,"Ġtracks":47530,"fio":47531,"quebran":47532,"Ġcontrajo":47533,"Ġrelatar":47534,"Ġincrementará":47535,"Ġgitana":47536,"ĠINTEGR":47537,"ĠBing":47538,"ĠFAB":47539,"Ġtalib":47540,"ĠXalapa":47541,"Ġofertados":47542,"Ġdevueltos":47543,"Parque":47544,"odle":47545,"Ġaberturas":47546,"ĠWoody":47547,"frán":47548,"Ġacercarte":47549,"Usa":47550,"rium":47551,"ĠAnillo":47552,"ĠDiamante":47553,"Ġapoyarse":47554,"ICULO":47555,"estés":47556,"poli":47557,"ĠRubalcaba":47558,"Ġhipócrita":47559,"Ġconcluirá":47560,"Hom":47561,"Ġsudo":47562,"Ġestudiadas":47563,"ĠNaturalmente":47564,"Ġigualó":47565,"Ġsostenimiento":47566,"ĠAduana":47567,"Ġentrañables":47568,"SEC":47569,"Ġpararse":47570,"Ġcuarent":47571,"Ġconstruirse":47572,"Ġusaremos":47573,"Ġhablara":47574,"Ġrepartiendo":47575,"ICIDAD":47576,"Ġdoblado":47577,"ĠLác":47578,"Ġjinetes":47579,"Ġregad":47580,"Ġpolig":47581,"ĠCOMPR":47582,"Ġinevitables":47583,"ĠDeterminar":47584,"Intentamos":47585,"ranes":47586,"ĠHech":47587,"ĠYer":47588,"ubridad":47589,"Ġespeso":47590,"ĠincluÃŃan":47591,"Ġidentificador":47592,"Ġrespaldan":47593,"Ġhomogéneo":47594,"Ġasteroide":47595,"Ġstyle":47596,"Ġengal":47597,"...":47598,"Ġcorrieron":47599,"Preciosa":47600,"Ġinesperadas":47601,"Ġcacerola":47602,"ĠAdvanced":47603,"Ġquebra":47604,"ĠUz":47605,"ĠGourmet":47606,"ĠPortland":47607,"Ġavecin":47608,"ĠAfil":47609,"ĠEspada":47610,"Ġmatarlo":47611,"Ġneutros":47612,"ĠAquello":47613,"Ġyuca":47614,"Ġconcom":47615,"Ġcorres":47616,"Ġmoradores":47617,"Ġmigrante":47618,"ĠPiña":47619,"ĠDISEÃijO":47620,"ĠPavón":47621,"ĠFortaleza":47622,"tuno":47623,"ĠOsasuna":47624,"ĠBebidas":47625,"ĠFrancesc":47626,"Ġencapuch":47627,"Ġperdedor":47628,"Ġcalculan":47629,"ĠMargaret":47630,"ĠNOS":47631,"Ġcotil":47632,"Ġ1300":47633,"ĠEducativas":47634,"Ġautóctona":47635,"Ġimpermeabilizar":47636,"Ġcomuniones":47637,"Ġfaltaron":47638,"ĠLook":47639,"Ġempezarán":47640,"eee":47641,"ĠIPv":47642,"ĠChildren":47643,"Ġelijan":47644,"Ġcomputar":47645,"Ġaflu":47646,"Ġentron":47647,"Ġdespist":47648,"free":47649,"ĠTacón":47650,"Ġsicarios":47651,"Ġadiner":47652,"ĠMonzón":47653,"Ġcompartimentos":47654,"ĠEpidemi":47655,"Ġtendras":47656,"Ġmaria":47657,"ĠPrefectura":47658,"Ġarmó":47659,"ĠHelen":47660,"eléctrico":47661,"Ġestara":47662,"Ġdictados":47663,"Ġdocumentada":47664,"ĠFES":47665,"Ġareas":47666,"Ġocurran":47667,"Ġatenu":47668,"ĠBurdeos":47669,"roma":47670,"ĠTW":47671,"Ġmagnitudes":47672,"Ġduraderas":47673,"razy":47674,"ĠIlde":47675,"Ġguardó":47676,"ĠnÃŃquel":47677,"Ġempanadas":47678,"Ġveré":47679,"Ġimplementadas":47680,"Ġendocr":47681,"Punto":47682,"game":47683,"Ġabunda":47684,"ĠMaur":47685,"ONZ":47686,"Ġresfriado":47687,"Ġflecos":47688,"Ġproactiva":47689,"Conoces":47690,"Ġprueban":47691,"Ġprocedi":47692,"Ġsuicidas":47693,"Ġespontaneidad":47694,"Ġ182":47695,"Ġasesinó":47696,"inski":47697,"Ġjerez":47698,"Ġphoto":47699,"Ġsumen":47700,"Ġble":47701,"Ġconociera":47702,"Ġcambiaba":47703,"Ġcontaminados":47704,"Ġcuestionan":47705,"ĠBrent":47706,"Ġconstructivas":47707,"Ġcoctel":47708,"280":47709,"Ġ1400":47710,"ĠAbas":47711,"Ġproponga":47712,"ĠNúmeros":47713,"ĠPeliculas":47714,"Ġalbe":47715,"Ġimpag":47716,"bau":47717,"Ġagradecerle":47718,"ĠFitz":47719,"ĠEscon":47720,"ĠTejido":47721,"Ġagravio":47722,"ĠfactorÃŃa":47723,"ĠfisiologÃŃa":47724,"Ġfurgonetas":47725,"Ġposmoder":47726,"Ġpetar":47727,"Ġintencional":47728,"850":47729,"jona":47730,"turando":47731,"ĠDuc":47732,"Ġbastará":47733,"Ġpintan":47734,"Ġadaptándose":47735,"ilantro":47736,"ĠApart":47737,"gard":47738,"pite":47739,"ĠSaga":47740,"ĠDIARIO":47741,"Ġprestada":47742,"stasis":47743,"Ġcontradice":47744,"ĠLici":47745,"ERIC":47746,"ĠParo":47747,"Ġalmirante":47748,"Ġsuperinten":47749,"Ġsorprendieron":47750,"Ġrecordé":47751,"Ġprotectoras":47752,"Ġaltruista":47753,"Seb":47754,"Ġreconversión":47755,"Ġprovech":47756,"Ġtriatlón":47757,"Ġhumanidades":47758,"ĠVivimos":47759,"Ġhidratar":47760,"Ġimperialistas":47761,"Ġtenerlas":47762,"Ġfaltando":47763,"ĠZub":47764,"ĠClásicos":47765,"Ġapaci":47766,"Ġjardinero":47767,"Fondo":47768,"ĠPola":47769,"Ġverificado":47770,"ĠConfianza":47771,"ĠEspiritual":47772,"Jornada":47773,"Ġsaltado":47774,"Ġfallan":47775,"Ġeconomia":47776,"Ġsangrienta":47777,"Ġbarcelonés":47778,"Ġtentaciones":47779,"Ġdecidas":47780,"Ġdecididamente":47781,"ĠEscolares":47782,"Ġexprimir":47783,"Ġmeseta":47784,"Ġatendemos":47785,"Ġtaco":47786,"Ġentraña":47787,"ĠBustos":47788,"Ġprecario":47789,"ndice":47790,"Ġexpo":47791,"Ġgustara":47792,"Ġvitrinas":47793,"Ġajusten":47794,"ĠCSIC":47795,"Ġauspici":47796,"ĠatreverÃŃa":47797,"Ġpsiquiátrico":47798,"1979":47799,"ĠPascal":47800,"goglio":47801,"Ġsuavizar":47802,"ĠDidáctica":47803,"Ġbálsamo":47804,"ĠLena":47805,"inela":47806,"ĠArk":47807,"Ġxd":47808,"ĠHerramienta":47809,"Ġirreal":47810,"Editorial":47811,"Ġenrojecimiento":47812,"Ġsaba":47813,"Ġperrita":47814,"Ġyate":47815,"Ġjuegas":47816,"Ġpartner":47817,"Ġsostuvieron":47818,"ĠConsuelo":47819,"Ġexplotado":47820,"económico":47821,"ĠautomovilÃŃstico":47822,"Ġemular":47823,"Ġrecorrerá":47824,"ön":47825,"ĠValentino":47826,"ĠMasculino":47827,"HN":47828,"Ġrecibirlo":47829,"Declaración":47830,"ĠRobledo":47831,"Ġderroche":47832,"ĠArtÃŃstica":47833,"ĠIniciación":47834,"Capacidad":47835,"ĠBecerra":47836,"crea":47837,"Ġacabé":47838,"Ġcaerse":47839,"Ġsch":47840,"gregar":47841,"Ġ174":47842,"ĠAbrir":47843,"Ġreparado":47844,"Ġreformada":47845,"ĠNormativa":47846,"Ġresidir":47847,"VÃŃctor":47848,"ĠcaserÃŃo":47849,"Ġpicor":47850,"ĠFax":47851,"Ġasintió":47852,"ĠAlmacenamiento":47853,"Ġpuber":47854,"ISS":47855,"°.":47856,"Ġserial":47857,"ĠWho":47858,"Ġatentar":47859,"Ġobservada":47860,"ĠTiempos":47861,"tiendan":47862,"Ġcapitulos":47863,"Ġjugoso":47864,"Ġvaron":47865,"Ġshorts":47866,"ĠolÃŃmpicos":47867,"Ġcolgada":47868,"ĠChester":47869,"Ġjuristas":47870,"ĠKaf":47871,"ĠInfanta":47872,"ĠVIVO":47873,"ĠCervera":47874,"osevelt":47875,"ĠExtraordinario":47876,"Big":47877,"ĠAfec":47878,"Ġguiso":47879,"âĢľÂ¡":47880,"Ġorgasmos":47881,"Ġsubsidiaria":47882,"Añadir":47883,"Tierra":47884,"ĠSpecial":47885,"ĠTric":47886,"Ġmaridos":47887,"Ġgang":47888,"Ġentreno":47889,"Ġlegi":47890,"Hermosa":47891,"Ġbruscamente":47892,"Sp":47893,"Ġactive":47894,"Ġ1880":47895,"Ġdilatación":47896,"Ġentabl":47897,"Ġcomul":47898,"Ġvaciado":47899,"ĠMandela":47900,"IDER":47901,"Ġpsoriasis":47902,"upé":47903,"Ġacuarela":47904,"Cy":47905,"Sistemas":47906,"ideros":47907,"sio":47908,"adÃŃsima":47909,"ĠBeca":47910,"Ġmeterle":47911,"California":47912,"Ġrojiblanco":47913,"ĠDuro":47914,"ĠJau":47915,"Ġcaida":47916,"Ġrió":47917,"Ġembel":47918,"Ġefeméri":47919,"Ġveraniego":47920,"ĠRenovación":47921,"ĠEUROPE":47922,"Ġsable":47923,"iews":47924,"arato":47925,"alizante":47926,"ĠCapriles":47927,"Ġreciprocidad":47928,"Bat":47929,"ĠFay":47930,"Ġcandel":47931,"amoros":47932,"Ġaceptarlo":47933,"ĠFinanciamiento":47934,"Ġinterlocutores":47935,"ĠChaves":47936,"ĠInfinity":47937,"ĠKno":47938,"ĠALIM":47939,"libro":47940,"ĠhomeopatÃŃa":47941,"Ġingenuidad":47942,"strac":47943,"Ġculata":47944,"Ġespiar":47945,"ĠLuka":47946,"Ġadministrada":47947,"ĠAcabo":47948,"Autoridades":47949,"Ġmaciza":47950,"Ġasfál":47951,"tanes":47952,"Ġcontaminante":47953,"iffel":47954,"Ġbudista":47955,"ĠAarón":47956,"Ġiva":47957,"ĠFem":47958,"Ġcanceros":47959,"Ġdisputaron":47960,"ométrico":47961,"Ġdiecinueve":47962,"Ġflanque":47963,"ĠCargo":47964,"ĠStran":47965,"Ġinvoca":47966,"Ġfug":47967,"ĠManizales":47968,"ĠBak":47969,"Ġdevuelva":47970,"Ġindemnizar":47971,"Israel":47972,"Drive":47973,"Ġtempo":47974,"Ġhostigamiento":47975,"Ġabasto":47976,"ecita":47977,"QUIER":47978,"Ġsimulacro":47979,"ĠEnergÃŃas":47980,"CB":47981,"Frases":47982,"Ä«":47983,"Ġfusiones":47984,"Ġnecesitó":47985,"ĠBali":47986,"Ġmoleste":47987,"Guillermo":47988,"ĠAntequera":47989,"ktop":47990,"vaya":47991,"tubre":47992,"actualmente":47993,"ĠGros":47994,"Ġuds":47995,"Ġ1870":47996,"ĠSnapdragon":47997,"Ġbudismo":47998,"AZ":47999,"Ġextrapol":48000,"Ġdomiciliario":48001,"Sábado":48002,"\"]":48003,"ompié":48004,"ĠEPA":48005,"Ġalzas":48006,"Ġperfeccion":48007,"ĠMAX":48008,"ĠinvestigaciÃĥ":48009,"ĠRoberts":48010,"Ġdiafragma":48011,"ĠBreak":48012,"Ġmonoc":48013,"TOP":48014,"ÃģM":48015,"Ġfundacional":48016,"ĠMaravillas":48017,"ĠReproduc":48018,"ĠCorto":48019,"Ġderribo":48020,"Ġempleó":48021,"Ġsalvarse":48022,"Ġposteriori":48023,"ĠHispania":48024,"Ġconfluyen":48025,"dp":48026,"ove":48027,"rn":48028,"uñ":48029,"parente":48030,"Ġfirmando":48031,"ĠFacultades":48032,"Ġintenten":48033,"ĠSectorial":48034,"Ġmenciono":48035,"ĠEmprendedor":48036,"ĠNathan":48037,"Ġcocodrilo":48038,"Ġpesquisas":48039,"Ġking":48040,"Ġsacarla":48041,"Ġplanteaba":48042,"ĠGremio":48043,"ĠAuditor":48044,"Ġrapida":48045,"ĠIntentar":48046,"graphy":48047,"153155":48048,"RM":48049,"ĠÑĢ":48050,"Ġtat":48051,"Ġcommun":48052,"Ġsueñan":48053,"Ġdesliza":48054,"burgh":48055,"Ġroza":48056,"ĠKremlin":48057,"tambien":48058,"ĠCampana":48059,"Ġespermatozoides":48060,"ĠValero":48061,"Ġdisciplinario":48062,"Publicación":48063,"Ġmanzanilla":48064,"ĠPsiquiatrÃŃa":48065,"Ġperversa":48066,"ĠDG":48067,"ĠGama":48068,"ĠOEM":48069,"Ġoprim":48070,"Ġinsal":48071,"Ġsignifique":48072,"Ġsocializar":48073,"intamente":48074,"Ġterna":48075,"Ġantise":48076,"Ġmostrados":48077,"ĠPrior":48078,"ĠMySQL":48079,"ĠHostal":48080,"Ġmuched":48081,"Ġsacra":48082,"Ġ265":48083,"Ġtraducen":48084,"Ġtradujo":48085,"Ġcónsul":48086,"Ġmanejable":48087,"Ġatemporal":48088,"Äį":48089,"Ġhp":48090,"Ġsiria":48091,"ĠRights":48092,"loro":48093,"Ġestupendamente":48094,"ĠCayetano":48095,"Ġmétrica":48096,"hiper":48097,"ĠRaza":48098,"Ġmultiplicidad":48099,"Ġestéis":48100,"Ġmediterrán":48101,"Ġmarques":48102,"Ġcandado":48103,"joso":48104,"ĠAmena":48105,"ĠApache":48106,"Ġvideoconferencia":48107,"ĠMeses":48108,"ĠPresidentes":48109,"Ġface":48110,"ĠMt":48111,"Ġllé":48112,"Ġmarginados":48113,"Ġinfluyó":48114,"ĠmÃłs":48115,"ĠFajardo":48116,"ĠDedic":48117,"ĠSeco":48118,"Ġalbergan":48119,"ĠRodamientos":48120,"Ġpubliqué":48121,"ĠLérida":48122,"ĠEJECU":48123,"Ġfly":48124,"Ġextro":48125,"Ġbanners":48126,"timore":48127,"Ġavel":48128,"Ġomitir":48129,"Ġ187":48130,"ĠTemporal":48131,"Ġpresupuestal":48132,"ĠHermosillo":48133,"ĠFootball":48134,"ĠHidra":48135,"Ġimportó":48136,"ĠACAD":48137,"Ġcachondas":48138,"Castel":48139,"Ġfraudulenta":48140,"tary":48141,"quest":48142,"ĠAyudas":48143,"Ġandamos":48144,"Tenga":48145,"Ġdeposita":48146,"Ġmagistrada":48147,"Ġxenóf":48148,"ĠSty":48149,"ĠSans":48150,"Ġopinas":48151,"Ġusuaria":48152,"Ġpublicarse":48153,"ĠStro":48154,"Ġingresados":48155,"Ġcostosas":48156,"Negro":48157,"Ġenunciados":48158,"Open":48159,"Ġ430":48160,"Ġhumec":48161,"Ġcontendrá":48162,"Ġlimitando":48163,"ĠFoster":48164,"Ġvitae":48165,"ĠDortmund":48166,"ĠoÃŃa":48167,"Ġcomimos":48168,"Ġmedica":48169,"ĠIdea":48170,"Ġseveramente":48171,"Lec":48172,"ĠUPS":48173,"ĠSanders":48174,"ĠTamayo":48175,"ĠRuso":48176,"ĠBestia":48177,"Ġpasaportes":48178,"Ġdiferenciada":48179,"Ġbrasileñas":48180,"Ġbilletera":48181,"ĠAco":48182,"Ġtrail":48183,"Ġvacil":48184,"Ġapostamos":48185,"ĠTorrejón":48186,"Ġemisores":48187,"ĠCamboya":48188,"Next":48189,"ĠDIP":48190,"ĠTard":48191,"ĠYunes":48192,"mace":48193,"ĠCY":48194,"ĠNub":48195,"ĠcabrÃŃa":48196,"ĠMinnesota":48197,"114":48198,"Ġkarma":48199,"Ġparabrisas":48200,"Ġridicul":48201,"ĠCela":48202,"Ġmake":48203,"Ġespana":48204,"Ġtomarla":48205,"Ġmoderadas":48206,"ĠImposible":48207,"Ġtasación":48208,"Ġtenacidad":48209,"ueña":48210,"pod":48211,"Ġaplicaron":48212,"PUESTA":48213,"gow":48214,"Ġdivinos":48215,"ĠTrevi":48216,"ĠNIVEL":48217,"ĠEstaremos":48218,"veh":48219,"ĠKath":48220,"Ġprotagonizan":48221,"Ġotorgadas":48222,"Ġreinv":48223,"Ġinfeliz":48224,"name":48225,"ĠUCR":48226,"recia":48227,"ĠBÃŃbl":48228,"Ġiniciarán":48229,"CHOS":48230,"Ġtransportaba":48231,"Ġcoronado":48232,"Ġinseguro":48233,"Ġdiscernimiento":48234,"Ġzodiaco":48235,"clima":48236,"ĠAzu":48237,"Ġplanetaria":48238,"Ġnecesitarán":48239,"Ġestrepitos":48240,"ĠRadical":48241,"ĠNinja":48242,"ĠcomunÃŃcate":48243,"guage":48244,"Ġcursor":48245,"ACO":48246,"ĠFuture":48247,"Ġgasoil":48248,"meda":48249,"Ġcoronó":48250,"ĠjurÃŃdicamente":48251,"ĠHosting":48252,"ĠBrand":48253,"amonte":48254,"ĠimplÃŃcito":48255,"ĠefÃŃmero":48256,"Ġgolazo":48257,"ĠSever":48258,"ESO":48259,"Ġreúnan":48260,"tiful":48261,"Ġincorporamos":48262,"siendo":48263,"turador":48264,"Ġ188":48265,"ĠFabricantes":48266,"Ġreanudación":48267,"falo":48268,"tién":48269,"ĠEnte":48270,"Ġcalas":48271,"ĠtomarÃŃa":48272,"Ġ183":48273,"Ġasfixi":48274,"árselas":48275,"Ġmanganeso":48276,"TIZ":48277,"ĠFlorencio":48278,"ĠFloyd":48279,"Ġsintetizar":48280,"danos":48281,"ĠICO":48282,"ĠConseguir":48283,"Ġrecitales":48284,"ĠpelÃŃn":48285,"Ġdiablos":48286,"Ġelogio":48287,"Ġcarpintero":48288,"Ġ1903":48289,"ĠEmis":48290,"ĠPropio":48291,"Ġdiplomado":48292,"Ġcuantitativo":48293,"ĠâĪĴ":48294,"Ġesclerosis":48295,"Ġreclusos":48296,"Busco":48297,"âĢĶâĢĶâĢĶâĢĶ":48298,"Ġprominente":48299,"urgia":48300,"ĠDEFIN":48301,"ĠZin":48302,"Alerta":48303,"INOS":48304,"Ġ&#":48305,"imetrÃŃa":48306,"Ġpromueva":48307,"Ġdificultan":48308,"Ġsentimentales":48309,"ĠDesastres":48310,"anme":48311,"ĠMÃģ":48312,"ĠOsw":48313,"ĠActual":48314,"Ġdramáticos":48315,"Ġvill":48316,"ĠextraÃŃble":48317,"mendar":48318,"Ġpinche":48319,"Ġ217":48320,"Ġdescribiendo":48321,"Ġencerrar":48322,"Ġconstructivos":48323,"Ġgue":48324,"Ġexo":48325,"bide":48326,"Ġinformaremos":48327,"ĠAnita":48328,"ĠHeavy":48329,"antÃŃas":48330,"Ġcontrincante":48331,"Ġtul":48332,"Ġtweets":48333,"ĠVogue":48334,"Ġkin":48335,"abela":48336,"ĠWeber":48337,"ĠHebre":48338,"ĠPSP":48339,"Ġvertedero":48340,"ĠRECUR":48341,"ĠridÃŃcula":48342,"jico":48343,"sat":48344,"ä¹":48345,"ĠRegreso":48346,"care":48347,"viol":48348,"Ġviolada":48349,"Ġconsumimos":48350,"ĠRubia":48351,"rigoyen":48352,"ĠAltamira":48353,"ictos":48354,"Ġobtienes":48355,"Ġtumblr":48356,"Ġansiosa":48357,"icencio":48358,"ĠINSTITUTO":48359,"âĿ¤":48360,"Ġvaquero":48361,"Ġdestacables":48362,"ivery":48363,"Recono":48364,"Ġsensato":48365,"Ġpopulista":48366,"selec":48367,"quÃŃmico":48368,"ketch":48369,"Ġrecuperada":48370,"ĠHostel":48371,"ĠWimbledon":48372,"amex":48373,"Ġcomió":48374,"ĠprÃĥ":48375,"Ġtomarte":48376,"Ġsupimos":48377,"Necesita":48378,"Ġapó":48379,"taller":48380,"Ġregresaba":48381,"Ġocupamos":48382,"Ġpracticada":48383,"Ġvirtu":48384,"Ġpostula":48385,"Ġimpecables":48386,"TURAS":48387,"ĠCrimen":48388,"ĠOportunidad":48389,"Ġhistorietas":48390,"Ġnatalidad":48391,"Ġcastañas":48392,"ĠShip":48393,"Ġdesmo":48394,"ogia":48395,"Ġmereció":48396,"Ġ171":48397,"putnik":48398,"ĠBeau":48399,"Ġfotografia":48400,"Ġasas":48401,"Ġreplicas":48402,"continental":48403,"aum":48404,"Ġexplicará":48405,"Ġreclutar":48406,"Ġpulsaciones":48407,"Ġenlaza":48408,"Ġinorg":48409,"ĠOrel":48410,"drÃŃo":48411,"ĠConcello":48412,"etina":48413,"Ġagredido":48414,"ĠCircu":48415,"Ġpresupuestarios":48416,"lazo":48417,"Ġrevisados":48418,"IPOS":48419,"Ġbrom":48420,"Ġarmonizar":48421,"Ġsuicidarse":48422,"Ġstart":48423,"Ġinmensidad":48424,"Ġsobras":48425,"Ġaprie":48426,"Ġ315":48427,"ĠAnterior":48428,"Ġformadores":48429,"Ġconquistadores":48430,"ĠmetafÃŃs":48431,"ĠDemasiado":48432,"ĠاÙĦ":48433,"Lista":48434,"omus":48435,"Ġdj":48436,"ĠRibe":48437,"Ġrepetidos":48438,"Ġempujando":48439,"Ġmarxistas":48440,"learning":48441,"técnicos":48442,"plácito":48443,"onne":48444,"jase":48445,".âĢ¢":48446,"Psic":48447,"resul":48448,"Ġandas":48449,"Ġmimos":48450,"ĠCombate":48451,"Ġcomprometieron":48452,"Ġlagrimas":48453,"âĢħ":48454,"haciendo":48455,"ĠNEGO":48456,"Ġcordobesa":48457,"queños":48458,"Ġportaba":48459,"ĠPista":48460,"ĠRIES":48461,"Ġtraficantes":48462,"áctanos":48463,"Ġemitiendo":48464,"Ġarribar":48465,"ĠZúñiga":48466,"ĠArellano":48467,"Ġbungalo":48468,"Ġprover":48469,"Ġimpidan":48470,"Ġmalaria":48471,"ĠCuento":48472,"RACIÃĵN":48473,"Ġ216":48474,"Ġlanzamos":48475,"Acá":48476,"Ġcaribeño":48477,"Ġ1902":48478,"Ġcristalina":48479,"Ġcatólicas":48480,"ĠiranÃŃes":48481,"119":48482,"uba":48483,"rasa":48484,"Ġinfruc":48485,"ĠPASO":48486,"vinos":48487,"Ġgastando":48488,"ĠRovira":48489,"ĠGarci":48490,"Ġlevantarme":48491,"erado":48492,"Ġhada":48493,"ĠPAP":48494,"ĠInvers":48495,"ordan":48496,"Ġquemada":48497,"Ġak":48498,"andÃŃa":48499,"Ġbruscos":48500,"Ġdesodor":48501,"Ġraiz":48502,"asaki":48503,"ĠRichter":48504,"Ġhidráulicos":48505,"Ġvistoso":48506,"Ġdelimitar":48507,"ĠEdificios":48508,"Ġreactivos":48509,"Ġinexistentes":48510,"Ġcomprometemos":48511,"Ġenfatizar":48512,"Pronto":48513,"ĠOrdóñez":48514,"Ġtape":48515,"Ġalarde":48516,"Ġadicta":48517,"Ġhonradez":48518,"Ġselfies":48519,"Ġcet":48520,"Ġpalomitas":48521,"ĠTax":48522,"CONS":48523,"Ġmt":48524,"igón":48525,"Ġarts":48526,"explo":48527,"Ġfactibilidad":48528,"Ġcompensaciones":48529,"pton":48530,"araz":48531,"Ġmuscul":48532,"ĠDirecta":48533,"Ġmetano":48534,"Ġplaticar":48535,"Ġincorpore":48536,"Ġsobren":48537,"Ġmemorizar":48538,"Ġamur":48539,"ORDEN":48540,"Ġonly":48541,"areas":48542,"Ġprocesiones":48543,"Ġimpidieron":48544,"Ġpedan":48545,"Ġexigieron":48546,"ĠTermina":48547,"Ġhipotético":48548,"ĠTomé":48549,"ĠÃŃtem":48550,"Ġaclamado":48551,"American":48552,"Ġparecerá":48553,"Ġcontamina":48554,"Ġbigote":48555,"Ġvocacional":48556,"Acción":48557,"usiera":48558,"Ġmantén":48559,"Ġimpliquen":48560,"ĠEstaciones":48561,"Ġtrasto":48562,"Ġviolando":48563,"ĠESPN":48564,"Ġexceptuando":48565,"ĠFuncionarios":48566,"aros":48567,"amin":48568,"Ġgustas":48569,"Ġdivinas":48570,"ĠBlanc":48571,"ĠFN":48572,"Ġmerezca":48573,"ulouse":48574,"Ġinterpretarse":48575,"Ġcomentarista":48576,"ĠCUAL":48577,"ĠlejanÃŃa":48578,"Ġaledaños":48579,"yéndose":48580,"tativo":48581,"Ġposto":48582,"Ġexpresiva":48583,"Ġ802":48584,"Ġburgueses":48585,"ĠapatÃŃa":48586,"Ġsolemnidad":48587,"Mau":48588,"Ġvieran":48589,"Ġsegui":48590,"Ġalterada":48591,"Ġvinculan":48592,"ÃŃgenos":48593,"ĠcronologÃŃa":48594,"ĠLluÃŃs":48595,"Ġanorexia":48596,"Ġdecididos":48597,"Ġalegria":48598,"Ġesterilización":48599,"Rem":48600,"ĠPé":48601,"Ġasador":48602,"ĠLinks":48603,"ĠASE":48604,"Elabor":48605,"ĠCastle":48606,"Ġanimando":48607,"113":48608,"ECH":48609,"ĠCAPA":48610,"uka":48611,"ĠLane":48612,"partito":48613,"carias":48614,"Ġlux":48615,"Ġaceptará":48616,"ĠEnsenada":48617,"ĠSach":48618,"ĠPenales":48619,"Estimados":48620,"Pi":48621,"Ġpanza":48622,"Ġlatidos":48623,"ĠStand":48624,"Ġside":48625,"ĠDuty":48626,"ĠempÃŃrica":48627,"uelvan":48628,"Ġasistirá":48629,"ĠHago":48630,"Ġcomenzaban":48631,"Ġposeemos":48632,"Ġdesfavorecidos":48633,"ĠEscorial":48634,"Edición":48635,"Ġadvent":48636,"Consejos":48637,"ĠAntigüedad":48638,"ĠDrake":48639,"ĠEpic":48640,"ágen":48641,"ĠItz":48642,"carcel":48643,"Ġdotadas":48644,"Ġestandarte":48645,"Ġderrama":48646,"Ġroot":48647,"Proceso":48648,"Ġpreestable":48649,"Ġimprovisado":48650,"ĠSustitu":48651,"ĠRebelde":48652,"edding":48653,"âĤ¬/":48654,"ĠAgregó":48655,"ĠAqua":48656,"Ġsufragar":48657,"Ġchimeneas":48658,"CG":48659,"Ġcontornos":48660,"ĠMarcial":48661,"Ġatón":48662,"Ġsép":48663,"ĠError":48664,"ĠCull":48665,"tares":48666,"marketing":48667,"Ġconsumida":48668,"Ġpárpado":48669,"Ġobsesion":48670,"FUN":48671,"KK":48672,"ĠLLE":48673,"ĠPasos":48674,"Ġflorecer":48675,"serie":48676,"Ġtolerante":48677,"Ġlif":48678,"ĠLez":48679,"ĠpolÃĥ":48680,"telli":48681,"ĠProfun":48682,"Leon":48683,"Ġaseos":48684,"iceleste":48685,"ĠHACER":48686,"Ġdame":48687,"Ello":48688,"Ġmisas":48689,"Ġsentamos":48690,"Ġintegren":48691,"It":48692,"Ġsirenas":48693,"ĠFlow":48694,"Ġcoloridas":48695,"Ġlibreto":48696,"Ġreservadas":48697,"ĠxDDD":48698,"Ġescanear":48699,"trich":48700,"Ġprimitivos":48701,"ĠNacido":48702,"ĠSuf":48703,"Ġ1898":48704,"gonos":48705,"ĠImpuls":48706,"Ġacontecer":48707,"Ġmazmor":48708,"ĠATENCIÃĵN":48709,"pien":48710,"Ġmisionera":48711,"Ġcamarones":48712,"ĠMérito":48713,"Ġfelino":48714,"Ġadornado":48715,"Ġgrandiosa":48716,"Ġsemántica":48717,"ĠCumpleaños":48718,"quinos":48719,"ĠMake":48720,"Ġconstruimos":48721,"Ġradioterapia":48722,"Ġblasf":48723,"SK":48724,"Ġsudadera":48725,"ĠAres":48726,"ĠguarderÃŃas":48727,"ĠDocencia":48728,"Motor":48729,"Pantal":48730,"ĠNOTICIAS":48731,"lima":48732,"elones":48733,"Ġnacidas":48734,"Ġsuban":48735,"Ġdisfrutéis":48736,"tiny":48737,"Ġmaternal":48738,"!!!.":48739,"ĠRevesti":48740,"Ġentrevistó":48741,"ĠCiro":48742,"irman":48743,"Ġmonasterios":48744,"Ġquirúrgicos":48745,"ĠCinta":48746,"Ġamenazando":48747,"Ġdestruidas":48748,"Ġmovernos":48749,"ĠBlade":48750,"Ġlargometrajes":48751,"ĠAfi":48752,"Ġdesinf":48753,"usta":48754,"Ġfibromialgia":48755,"Ġpregún":48756,"Ġtransbor":48757,"arrama":48758,"Ġabrevia":48759,"Ġalimentador":48760,"ĠLanka":48761,"Ġduela":48762,"ceda":48763,"Ġsimulaciones":48764,"friends":48765,"Ġnavarra":48766,"Ġespecificidad":48767,"UDA":48768,"riza":48769,"ĠEDI":48770,"Ġcristian":48771,"RIP":48772,"bitat":48773,"Ġrotativo":48774,"ĠTRES":48775,"Ġtraba":48776,"015":48777,"Ġcursa":48778,"ĠJesu":48779,"Ġpreferencial":48780,"Ġdetenga":48781,"Haciendo":48782,"ĠARTE":48783,"ĠImagin":48784,"Raúl":48785,"Ġuterino":48786,"Ġstr":48787,"Ġreojo":48788,"ĠLiu":48789,"Ġfavorezcan":48790,"Ġretratar":48791,"Ġdepositados":48792,"Ġenseñaros":48793,"Ġbarroca":48794,"ĠDisfrutar":48795,"Ġconnotaciones":48796,"inistas":48797,"ĠMocas":48798,"Ġsostenidos":48799,"Ġnutritiva":48800,"Ġlomos":48801,"ĠMarl":48802,"entismo":48803,"Ġelfos":48804,"Ġpasea":48805,"Ġrealizarla":48806,"Ġ211":48807,"Ġligamentos":48808,"ĠEncuentre":48809,"Ġantibiótico":48810,"principalmente":48811,"Ġofrecernos":48812,"Ġenemigas":48813,"Ġtranscurrió":48814,"он":48815,"ĠBlasco":48816,"ĠPróximo":48817,"Ġhoci":48818,"Ġdesecho":48819,"idae":48820,"ĠâĢľ,":48821,"ĠMatrimonio":48822,"Ġenfadado":48823,"Aviso":48824,"DIC":48825,"ĠDiar":48826,"Ġcuestionada":48827,"Ġaterrador":48828,"ĠCOMPLE":48829,"Ġadd":48830,"ĠDelhi":48831,"ĠRepresentación":48832,"Ġmillonaria":48833,"Ġdiluci":48834,"ĠReed":48835,"hacia":48836,"Ġpedirles":48837,"ĠPlur":48838,"Ġprecandidato":48839,"atales":48840,"ĠCartu":48841,"Ġviolencias":48842,"Ġcoronación":48843,"ĠInteligente":48844,"Ġconsolidarse":48845,"Ġerróneo":48846,"Ġdiscrepancia":48847,"ĠPCI":48848,"Ġdesórdenes":48849,"tasar":48850,"Ġbolchevi":48851,"oring":48852,"Ġmiento":48853,"ĠCell":48854,"quistas":48855,"Ġcorros":48856,"Grandes":48857,"ĠHidrocarburos":48858,"Ġpoliti":48859,"Ġ193":48860,"Ġhaberes":48861,"Ġdeteriorado":48862,"ectomÃŃa":48863,"Ġexman":48864,"Ġmobile":48865,"tham":48866,"ĠANTON":48867,"ĠDeclara":48868,"Ġcronológico":48869,"zia":48870,"ĠBD":48871,"Ġluis":48872,"Ġpesquera":48873,"Ġrutin":48874,"ĠAndreas":48875,"Ġarrojan":48876,"Ġchorrito":48877,"Hu":48878,"Ġcepillos":48879,"República":48880,"κ":48881,"Ġcontrapres":48882,"ĠCartel":48883,"Ġhow":48884,"Ġencargue":48885,"ĠTeres":48886,"264":48887,"Ġasistirán":48888,"Ġhipn":48889,"Ġruidoso":48890,"leños":48891,"tags":48892,"ĠTower":48893,"ĠDioses":48894,"Ġemita":48895,"Ġdevuelven":48896,"Ġacatar":48897,"Ġdesemboca":48898,"Ġperiférica":48899,"ĠHudson":48900,"Ġapio":48901,"Ġtelevi":48902,"Ġprovocaba":48903,"transmis":48904,"Ġinaugurará":48905,"Ġglosario":48906,"erata":48907,"Ġroturas":48908,"Ġmoro":48909,"ĠCream":48910,"ĠCreed":48911,"Ġabrazó":48912,"Ġentretenidos":48913,"Ġincub":48914,"Ġavalada":48915,"Ġbisab":48916,"Ġmultidisciplinario":48917,"Ġalde":48918,"Ġcollage":48919,"ugna":48920,"ĠlucÃŃa":48921,"Ġreincorpor":48922,"ĠHimno":48923,"Listado":48924,"Ġtraidores":48925,"Ġinvit":48926,"ĠArri":48927,"Ġmosto":48928,"Ġignorado":48929,"Ġcomunicativa":48930,"ĠBrujas":48931,"Ġreclusión":48932,"ĠlegÃŃtimas":48933,"ĠPolarizados":48934,"Ġepider":48935,"fices":48936,"Ġbeneplácito":48937,"155":48938,"Ġmodulo":48939,"ĠGUÃįA":48940,"ĠFortalecimiento":48941,"Ġdels":48942,"Ġalme":48943,"ayor":48944,"ĠDenver":48945,"Ġplegar":48946,"Ġcompartimento":48947,"Ġmarcial":48948,"Ġpeones":48949,"ceps":48950,"Ġdispondrán":48951,"enton":48952,"ĠCondes":48953,"ĠArna":48954,"Ġrepresenten":48955,"Suc":48956,"serÃŃa":48957,"uerpo":48958,"Ġ191":48959,"Ġtransitan":48960,"creto":48961,"Ġculinario":48962,"Ġgaleria":48963,"ĠCepeda":48964,"Ġclandestino":48965,"Ġlargamente":48966,"ĠPitt":48967,"zel":48968,"ĠUVA":48969,"ĠLost":48970,"Ġatom":48971,"ĠEjido":48972,"Ġcorrupta":48973,"ĠValls":48974,"Ġatorn":48975,"Ġgps":48976,"urus":48977,"ĠRepar":48978,"Ġdesempeñarse":48979,"ĠGordo":48980,"Ġmultilateral":48981,"idando":48982,"Ġarroll":48983,"ĠTortu":48984,"Ġimpresionar":48985,"Consulte":48986,"Ġremunerado":48987,"zine":48988,"Ġconcurren":48989,"Ġaplastar":48990,"1977":48991,"ĠComodoro":48992,"Ġrecomendaron":48993,"Ġevaluó":48994,"ĠRango":48995,"Ġfuneraria":48996,"Ġdescansando":48997,"petegui":48998,"ĠZul":48999,"tizadores":49000,"Ġtelefónicos":49001,"Ġnicaragüenses":49002,"Ġanalgésicos":49003,"Ġimbécil":49004,"Caso":49005,"mam":49006,"patÃŃas":49007,"Ġvaina":49008,"TED":49009,"Ġadulter":49010,"Ġrumano":49011,"Ġgrs":49012,"ĠAparece":49013,"Ġsatelital":49014,"ponga":49015,"Ġacertadas":49016,"Ġpines":49017,"zania":49018,"Ġpelean":49019,"sentido":49020,"anés":49021,"Ġinterpuesta":49022,"ĠSaneamiento":49023,"Ġimitando":49024,"Ġsacudir":49025,"LU":49026,"ancas":49027,"anne":49028,"ĠCiti":49029,"Ġsoca":49030,"úcleo":49031,"Ġestilismo":49032,"Ġinfieles":49033,"power":49034,"Ġpropuse":49035,"ĠBalne":49036,"JERCI":49037,"ĠParticipar":49038,"fÃŃsico":49039,"OEA":49040,"Stu":49041,"vita":49042,"Ġvicis":49043,"Ġvacio":49044,"Ġnormalizar":49045,"ĠTrato":49046,"Ġabrirlo":49047,"ĠDivi":49048,"Ġdevolverle":49049,"ĠDiscovery":49050,"dn":49051,"ĠBrea":49052,"ĠAnime":49053,"Ġdescuidado":49054,"Ġconvirtiera":49055,"Ġchoferes":49056,"Ġecommerce":49057,"EDADES":49058,"Ġfrancotir":49059,"Ġdesagües":49060,"Básicamente":49061,"Sport":49062,"aser":49063,"ĠMoc":49064,"ĠQuique":49065,"Ġreaccionan":49066,"679":49067,"Ġreglamentariamente":49068,"Ġproa":49069,"Energ":49070,"new":49071,"Ġestipula":49072,"Ġcotizan":49073,"Ġpabellones":49074,"pital":49075,"ĠLanda":49076,"till":49077,"Notas":49078,"ĠClaude":49079,"Ġmediocridad":49080,"Ġbufete":49081,"PIO":49082,"Ġnecesitando":49083,"ĠDescan":49084,"MuchÃŃsimas":49085,"Ġinvasiva":49086,"ĠEmbal":49087,"Ġbenéfico":49088,"Ġflotas":49089,"edición":49090,"Ġsaharauis":49091,"actual":49092,"ĠBON":49093,"Ġ§":49094,"omaquia":49095,"Ġdiner":49096,"ĠPatrimon":49097,"Fol":49098,"ĠIgua":49099,"Ġvaga":49100,"Ġafectaron":49101,"Ġbesitos":49102,"ĠCaval":49103,"Ġcórner":49104,"iable":49105,"cuáles":49106,"ĠComic":49107,"ĠcontenÃŃan":49108,"Ġesférico":49109,"Ġpunteros":49110,"Ġescaño":49111,"Ġindividualismo":49112,"ĠGOBIERNO":49113,"ĠSeo":49114,"Ġrepasa":49115,"ĠZárate":49116,"Ġcuarteles":49117,"ĠARM":49118,"Ġtapizado":49119,"ĠPocas":49120,"Ġcolump":49121,"Selecciona":49122,"Ġpiojos":49123,"ĠSeñores":49124,"Ġadoran":49125,"ĠMAG":49126,"polo":49127,"Ġdejándolo":49128,"Ġsubur":49129,"ĠSchmid":49130,"import":49131,"Ġcangrejo":49132,"Ġvaloramos":49133,"ĠMayer":49134,"Podrán":49135,"fán":49136,"ĠICA":49137,"ĠIFE":49138,"immer":49139,"Ġmilicias":49140,"ĠAmen":49141,"endly":49142,"Ġsimpáticos":49143,"Desarrollar":49144,"ĠParroquial":49145,"Ġmiserables":49146,"Ġolvidadas":49147,"Ġmendo":49148,"ĠPanasonic":49149,"ĠJuanjo":49150,"mediante":49151,"Ġindefinidamente":49152,"ĠGard":49153,"Ġcrearse":49154,"Ġcontratante":49155,"Ġdetectores":49156,"Ġbisexuales":49157,"Ġencantaron":49158,"Ġalienta":49159,"ĠAMA":49160,"Ġantag":49161,"ĠNm":49162,"uerga":49163,"meta":49164,"lictos":49165,"estructura":49166,"Ġacudiendo":49167,"Ġacorral":49168,"ĠErdo":49169,"Mov":49170,"ĠGomera":49171,"fermedad":49172,"Ġlegislar":49173,"show":49174,"ĠMica":49175,"Ġdestacaba":49176,"LEY":49177,"TERA":49178,"Ġdesechables":49179,"cencias":49180,"Ġtweet":49181,"Ġgemelo":49182,"mping":49183,"tashop":49184,"ĠSey":49185,"Ġcastigados":49186,"Ġseductor":49187,"loc":49188,"Ġaprenderán":49189,"QM":49190,"db":49191,"larios":49192,"Ġexigible":49193,"ĠBerta":49194,"Ġrevelando":49195,"Ġguatemalteco":49196,"Ġinnata":49197,"nol":49198,"icón":49199,"raf":49200,"ĠPG":49201,"ĠGI":49202,"Ġmerecedor":49203,"Ġsubal":49204,"ĠPersonalidad":49205,"Entrega":49206,"Ġlavados":49207,"Ġingestión":49208,"Ġcilantro":49209,"endose":49210,"Ġaxi":49211,"Ġtocados":49212,"ajeros":49213,"Ġcerramos":49214,"Ġproblem":49215,"Ġtirano":49216,"Disposición":49217,"Ġcruzaron":49218,"Ġrazonar":49219,"Ġfiscalidad":49220,"ĠASIGNATURA":49221,"ĠList":49222,"Ġexótica":49223,"Ġrespondo":49224,"Ġmanteniéndose":49225,"Ġtiradores":49226,"éptico":49227,"PIB":49228,"Ġadaptarnos":49229,"ĠlingüÃŃsticos":49230,"ĠAntoine":49231,"Tabla":49232,"ĠBP":49233,"Ġpartituras":49234,"Ġnupcial":49235,"ending":49236,"Ġfisica":49237,"Escuch":49238,"Ġboicot":49239,"Ġdona":49240,"illot":49241,"Ġmanejaba":49242,"Ġastucia":49243,"Ġaburridos":49244,"Ġmeridional":49245,"Rese":49246,"ĠAdem":49247,"ĠRB":49248,"pela":49249,"Ġexclamó":49250,"ĠForense":49251,"Ġlicuadora":49252,"Num":49253,"Ġquil":49254,"ĠAllan":49255,"Ġrizado":49256,"ĠGibson":49257,"ĠCéspedes":49258,"ulto":49259,"122":49260,"estrella":49261,"ĠEXTRA":49262,"Ġidóneos":49263,"Ġtangibles":49264,"Jug":49265,"Ġperdedores":49266,"Ġinferioridad":49267,"tzinapa":49268,"ãĥ³":49269,"ĠTacna":49270,"ĠclÃŃmax":49271,"UERDO":49272,"Ġhipertensiva":49273,"Pocos":49274,"Ġdegeneración":49275,"Ġexprese":49276,"Ġacompañaban":49277,"Ġrecubierto":49278,"Ġevalúan":49279,"Ġping":49280,"ĠOasis":49281,"Ġprotestan":49282,"Ġveraniega":49283,"equipo":49284,"Ġdiame":49285,"ĠdebÃŃamos":49286,"ĠRescate":49287,"Ġsumido":49288,"Ġvisitaremos":49289,"ĠFausto":49290,"Ġreverencia":49291,"Ġjarra":49292,"Ġsigla":49293,"tello":49294,"Ġenseñaba":49295,"ĠSergi":49296,"kens":49297,"Ġsoya":49298,"ĠcarecÃŃa":49299,"Ġmilici":49300,"ĠPoly":49301,"DIA":49302,"Ġtinerfe":49303,"Ġdisi":49304,"Ġauda":49305,"imagenes":49306,"Ġlogras":49307,"burn":49308,"ĠVentajas":49309,"Ġafeitar":49310,"Ġanecdó":49311,"ĠNon":49312,"Ġvelcro":49313,"ĠtestÃŃculos":49314,"Ġst":49315,"Ġpremedi":49316,"lard":49317,"Ġceloso":49318,"ĠArtesanÃŃa":49319,"ĠLoyola":49320,"jord":49321,"Ġsmo":49322,"uczynski":49323,"ĠGallery":49324,"conven":49325,"cendente":49326,"Ġsalvavidas":49327,"Ġabsorben":49328,"sori":49329,"ĠUsando":49330,"Ġganchillo":49331,"unde":49332,"ĠunÃŃa":49333,"ĠEiffel":49334,"Ġsuscita":49335,"Ġ181":49336,"ĠRecurso":49337,"ĠHice":49338,"1976":49339,"ĠDispositivos":49340,"Ġpreguntarme":49341,"ĠhÃŃdrico":49342,"Ġdesintegración":49343,"åIJ":49344,"Ġalpin":49345,"ĠJES":49346,"ĠKro":49347,"Ġpanf":49348,"Ġrevelada":49349,"Ġpayasos":49350,"ĠRGPD":49351,"rige":49352,"ĠBed":49353,"Ġtrap":49354,"ĠRealización":49355,"Ġparticipaba":49356,"ĠFilarmónica":49357,"Ġunila":49358,"note":49359,"Ġrozando":49360,"Ġtomillo":49361,"Ġacepción":49362,"ĠINCLU":49363,"Ġapetecible":49364,"Ġvecindad":49365,"junio":49366,"Ġhabitáculo":49367,"ĠCuyo":49368,"Ġmareo":49369,"Ġacariciar":49370,"Ġjajajajaja":49371,"ĠExtraordinaria":49372,"eadas":49373,"Ġgemas":49374,"erosa":49375,"Ġexistieron":49376,"estaciones":49377,"Ġ221":49378,"ĠMenem":49379,"ĠAsesores":49380,"Ġmiocardio":49381,"ĠAQUI":49382,"ĠDevelopment":49383,"Ġestorn":49384,"ĠEVA":49385,"Ġtransitor":49386,"Ġinsensa":49387,"ĠMercury":49388,"Ġreintegro":49389,"Ġprecede":49390,"Ġabuelita":49391,"Ġorégano":49392,"Ġcabos":49393,"gler":49394,"eradores":49395,"Ġinquebran":49396,"ĠVirg":49397,"PEG":49398,"Ġdesmantelamiento":49399,"ĠCabra":49400,"jejeje":49401,"Dif":49402,"Ġcometas":49403,"neider":49404,"ĠCamisetas":49405,"Ġandam":49406,"Ġcuelgan":49407,"ĠTroya":49408,"ĠPunk":49409,"ĠMúltiples":49410,"ludio":49411,"ĠanalÃŃticos":49412,"éntate":49413,"élulas":49414,"ĠCABA":49415,"primero":49416,"girl":49417,"Ġbitácora":49418,"ĠPina":49419,"Ġibas":49420,"Ġpeo":49421,"Ġrefinada":49422,"Ġdesaho":49423,"Ġconsolidados":49424,"ĠANC":49425,"Ġdeshon":49426,"coreana":49427,"AFP":49428,"Ġplayoffs":49429,"1973":49430,"Ġmonetarias":49431,"ĠFinancieras":49432,"Ġmovies":49433,"lub":49434,"Ġaos":49435,"ĠTul":49436,"ĠseguÃŃs":49437,"Ġocaso":49438,"Ġlactantes":49439,"ĠBeso":49440,"ĠSimpl":49441,"Ġescucharla":49442,"Ġbelgas":49443,"Ġconcedidas":49444,"Ġindividualizada":49445,"Ġrecogerá":49446,"ĠPeriodista":49447,"ĠVenezolano":49448,"Ġbrócoli":49449,"Ġindistintamente":49450,"Fácil":49451,"RP":49452,"ĠSche":49453,"Ġmat":49454,"Ġejerza":49455,"imenez":49456,"Ġinfernal":49457,"Ġrescata":49458,"luen":49459,"Ġcapuch":49460,"Ġmoderadores":49461,"Consigue":49462,"adis":49463,"Ġalican":49464,"Ġimpas":49465,"Ġfracasó":49466,"RÃŃo":49467,"Ġautoritarismo":49468,"Ġsindicalistas":49469,"Ġministeriales":49470,"Ġrezo":49471,"âĢ¦âĢ¦.":49472,"cense":49473,"ĠViews":49474,"Ġrotundamente":49475,"Ġamenazante":49476,"Ġtesorero":49477,"abes":49478,"úster":49479,"Toledo":49480,"ĠJair":49481,"Ġolvidaba":49482,"Ġsuministrado":49483,"Ġpreservativo":49484,"ĠOlimpiadas":49485,"Blanco":49486,"wiki":49487,"Ġprovi":49488,"tuall":49489,"cuma":49490,"Ġapad":49491,"Ġpasaran":49492,"Ġinclinada":49493,"ĠChrom":49494,"ĠCardo":49495,"340":49496,"Ġlep":49497,"Ġapareci":49498,"tinencia":49499,"Ġtenerte":49500,"Ġhaberlos":49501,"ĠCantos":49502,"Ġoperados":49503,"Ġmachistas":49504,"aldi":49505,"Ġgeno":49506,"ĠOso":49507,"ĠEnf":49508,"Ġcanino":49509,"Ġsacerdotal":49510,"Ġmandaba":49511,"Ġlentas":49512,"Ġapéndice":49513,"Ġganara":49514,"Ġdeberian":49515,"Ġanalógica":49516,"kota":49517,"Ġcártel":49518,"ĠElectronics":49519,"Ġserotonina":49520,"espaldas":49521,"Lunes":49522,"Ġbalear":49523,"ĠVoluntariado":49524,"Ġniger":49525,"ĠReporte":49526,"telier":49527,"ĠRoosevelt":49528,"Ġpróspero":49529,"Ġpatos":49530,"Ġguir":49531,"ĠObispos":49532,"Ġregresando":49533,"Ġecharse":49534,"ĠmonotonÃŃa":49535,"Llevamos":49536,"ASTA":49537,"Ġreanudar":49538,"Ġarrepentido":49539,"Ġiii":49540,"ĠConciencia":49541,"Ġ520":49542,"Ġregistral":49543,"Ġaplastante":49544,"Brin":49545,"fits":49546,"Ġeutanasia":49547,"iosis":49548,"Ġ-¡":49549,"ĠLearning":49550,"Ġuniversalidad":49551,"Ġviniera":49552,"Ġocasionando":49553,"Ġrediseño":49554,"Ġpaulatina":49555,"Ġbuey":49556,"£":49557,"ĠCus":49558,"ĠSuena":49559,"ĠHÃŃ":49560,"ĠCau":49561,"Back":49562,"Ùĩ":49563,"ervas":49564,"ĠCampa":49565,"Ġcaravanas":49566,"dominios":49567,"Ġvibrantes":49568,"ĠSueños":49569,"Ġdesesperanza":49570,"ĠLEÃĵN":49571,"ĠCARLOS":49572,"Ġvistiendo":49573,"lamientos":49574,"Ġodian":49575,"Ġatienda":49576,"quedad":49577,"ĠTÃŃtulos":49578,"ĠRing":49579,"Inte":49580,"ĠPete":49581,"Ġconducida":49582,"ĠMarisol":49583,"Out":49584,"Ġdedicas":49585,"ĠfÃŃl":49586,"Ġrevueltas":49587,"ĠDifer":49588,"REND":49589,"runa":49590,"Ġfurioso":49591,"ĠSag":49592,"Ġvestidas":49593,"Ġrinden":49594,"Robert":49595,"ĠRunner":49596,"ttenham":49597,"Hombres":49598,"ief":49599,"ĠOtor":49600,"call":49601,"ĠEurovisión":49602,"Ġ214":49603,"Ġimponga":49604,"Ġimponentes":49605,"Ġtamiz":49606,"ĠTat":49607,"Ġrudi":49608,"Ġdesplazó":49609,"Ġimpredecible":49610,"Mex":49611,"lip":49612,"ĠVS":49613,"Ġquinteto":49614,"Ġrecreativo":49615,"dep":49616,"tuosamente":49617,"guenos":49618,"Ġacampar":49619,"Ġ440":49620,"Ġ218":49621,"cker":49622,"Ġdirija":49623,"Ġdragon":49624,"Ġinstaurar":49625,"Ġvillan":49626,"ĠLIC":49627,"Ġdejaste":49628,"Ġconectando":49629,"Zapatillas":49630,"ĠRegÃŃstrese":49631,"entantes":49632,"Ġunificado":49633,"Porqué":49634,"ĠHumor":49635,"ĠRobot":49636,"Ġmisteriosas":49637,"ĠCreativa":49638,"Ġcucarachas":49639,"informa":49640,"Ġalist":49641,"mitió":49642,"Ġraton":49643,"Ġcapitalina":49644,"Ġorganizativo":49645,"ĠÃļN":49646,"Ġgavio":49647,"jis":49648,"ĠEnci":49649,"Ġmesita":49650,"Ġpermitidas":49651,"ĠVialidad":49652,"ĠLlegar":49653,"tere":49654,"ĠEngels":49655,"Ġpubs":49656,"Ġmenosc":49657,"Ġpermito":49658,"ĠDiseñador":49659,"Ġginecólogo":49660,"ĠPaj":49661,"dadero":49662,"sons":49663,"Ġcordoba":49664,"ĠFrecuencia":49665,"Ġmanifieste":49666,"Ġrendirse":49667,"Ġhimnos":49668,"Ġsuscitado":49669,"Ġtribun":49670,"Ġdesfas":49671,"iciÃĥ":49672,"ĠMotril":49673,"Ġacondicionador":49674,"ĠJefferson":49675,"Ġgadgets":49676,"RU":49677,"Ġconstruirá":49678,"Ġcomercialmente":49679,"ĠHablando":49680,"Ġadquirieron":49681,"Ġbravo":49682,"ográficos":49683,"ĠStanford":49684,"Ġeclesiástica":49685,"Ġacarrear":49686,")\",":49687,"330":49688,"Vuelve":49689,"§":49690,"Ф":49691,"Ġpesaba":49692,"Ġvoló":49693,"Ġcurry":49694,"ĠSource":49695,"260":49696,"ÆĴ":49697,"Ġretoques":49698,"juela":49699,"onial":49700,"Ġquejó":49701,"Ġapretando":49702,"Ġpreguntarte":49703,"Ġdesmaquil":49704,"ĠCardio":49705,"Ġefectúe":49706,"Ġcontactado":49707,"Ġrepresentaron":49708,"Ġfondant":49709,"Ġcomprobando":49710,"ĠMale":49711,"Ġdespa":49712,"Ġquereis":49713,"ĠManrique":49714,"ĠejercÃŃa":49715,"ĠCriterios":49716,"gramar":49717,"ĠcostarÃŃa":49718,"ĠCamps":49719,"Ġfragu":49720,"ĠBaeza":49721,"Ġoperada":49722,"ĠEcuator":49723,"Ġsorprendernos":49724,"Ġdespojo":49725,"ĠArenal":49726,"criptible":49727,"ĠMisterio":49728,"ĠNiñez":49729,"Ġmigas":49730,"Ġfideicomiso":49731,"Ġpita":49732,"inara":49733,"ĠAru":49734,"ĠSuroeste":49735,"Ġcereza":49736,"1978":49737,"Ġbrokers":49738,"ĠDESDE":49739,"Ġdemagogia":49740,"piso":49741,"Ġmator":49742,"Ġelegirá":49743,"Ġinconcl":49744,"ĠconsejerÃŃa":49745,"Ġentraban":49746,"Ġcongelada":49747,"Ġdemuestren":49748,"biana":49749,"Ġ1810":49750,"Ġranuras":49751,"Ġconfundirse":49752,"Ġidiosincrasia":49753,"aditos":49754,"viados":49755,"Ġinversion":49756,"Ġoptimiza":49757,"Ġlocuras":49758,"ĠEstará":49759,"Ġbatiendo":49760,"Ġpsicópata":49761,"ĠHoyos":49762,"Ġexpedir":49763,"ĠSesiones":49764,"cama":49765,"Ġsystem":49766,"ĠOw":49767,"ĠKhal":49768,"Ġbarrido":49769,"Ġagregada":49770,"ĠDenunci":49771,"ĠCornejo":49772,"Ġagridulce":49773,"licéridos":49774,"Ġlax":49775,"ĠSis":49776,"img":49777,"Expres":49778,"ĠKeiko":49779,"Ġhidráulicas":49780,"Ġpresumiblemente":49781,"Ġtic":49782,"Ġconsuma":49783,"Ġcomplej":49784,"Ġsancionada":49785,"Ġrealicé":49786,"Ġincorporen":49787,"Ġtranquilizar":49788,"Ġurbanizaciones":49789,"Ġsensiblemente":49790,"ĠCouncil":49791,"Ġcoeficientes":49792,"Comenzó":49793,"Jen":49794,"Ġmerchandising":49795,"Ġdiscriminar":49796,"Ġconsolidó":49797,"ĠMEDIA":49798,"ĠEzeiza":49799,"').":49800,"Ġesófago":49801,"éter":49802,"Ġcabrón":49803,"ĠSilicon":49804,"Post":49805,"ĠCuadros":49806,"ĠmetÃŃa":49807,"plemento":49808,"Medidas":49809,"Ġabortar":49810,"Ġmolestas":49811,"ĠQUI":49812,"ĠEquidad":49813,"Sand":49814,"utadas":49815,"Ġsimula":49816,"Ġconcurrido":49817,"Ġautomovilismo":49818,"Tec":49819,"ĠNombres":49820,"ĠEnzo":49821,"ĠMontiel":49822,"Ġovación":49823,"lahoma":49824,"Ġpatriotas":49825,"Ġcomas":49826,"teno":49827,"luza":49828,"Ġreflexivo":49829,"Ġpercibimos":49830,"Ġdiferenciarse":49831,"Ġtransgénero":49832,"ĠHarley":49833,"rible":49834,"Ġcompases":49835,"ĠDesgraciadamente":49836,"Ġviajo":49837,"Ġtablón":49838,"Versión":49839,"Ġóvulos":49840,"bacter":49841,"ĠPirámi":49842,"Ġdoler":49843,"Ġentusiasmado":49844,"Ġcontrarreloj":49845,"ĠNAV":49846,"Ġtransmitidos":49847,"ponsor":49848,"Sexo":49849,"ĠPerÃŃodo":49850,"ĠPacientes":49851,"Ġcontaminada":49852,"Ġdirijo":49853,"Sitio":49854,"ĠSalon":49855,"Ġconsultarse":49856,"Leg":49857,"Ġensayar":49858,"ĠPeriodo":49859,"Ġgemela":49860,"ĠMandatario":49861,"monÃŃa":49862,"Ġagrava":49863,"Ġviciosa":49864,"Ġfingir":49865,"Ġquerrán":49866,"Ġexpresivo":49867,"Ġrespetada":49868,"Ġconversó":49869,"Ġluzca":49870,"Exp":49871,"Ġatribuyó":49872,"ĠtesorerÃŃa":49873,"Acerca":49874,"ĠFija":49875,"ĠFibra":49876,"Ġinalámbricas":49877,"dimensionales":49878,"Ġencrucijada":49879,"Ina":49880,"ezmann":49881,"Ġestetica":49882,"Ġroad":49883,"1975":49884,"Ġprolongados":49885,"ĠINVESTIGACIÃĵN":49886,"ĠWhat":49887,"Ġcompete":49888,"ĠTejada":49889,"ĠCAF":49890,"Ġstra":49891,"ĠGhost":49892,"Ġmediáticos":49893,"Ġservida":49894,"Ġincorporará":49895,"Ġparadis":49896,"Ġhundió":49897,"Ġestilista":49898,"Ġdispersa":49899,"Ġparalizar":49900,"Ġinestim":49901,"ĠElev":49902,"Ġplaus":49903,"dicto":49904,"Ġdistrital":49905,"Ġgaseos":49906,"Felipe":49907,"ĠAdaptación":49908,"ĠLlevamos":49909,"Ġindiferentes":49910,"ĠManzano":49911,"Ġpermanezcan":49912,"ĠVenga":49913,"Ġgalas":49914,"ĠrepetÃŃa":49915,"Ġbrindarles":49916,"Ġmedirse":49917,"Ġrebajado":49918,"IVERSIDAD":49919,"Ġtransfiere":49920,"Ġoigo":49921,"sona":49922,"ĠtutorÃŃa":49923,"ENDO":49924,"Ġ213":49925,"Anti":49926,"175":49927,"Ġaportada":49928,"Ġabatido":49929,"Fernández":49930,"ĠIldefonso":49931,"bora":49932,"ĠCNA":49933,"cribo":49934,"Ġpeatonales":49935,"GUEZ":49936,"Ġdesab":49937,"Ġplanifica":49938,"Ġzig":49939,"ĠSalcedo":49940,"Chat":49941,"Reglamento":49942,"ĠVoluntarios":49943,"ĠpsiquiatrÃŃa":49944,"idoro":49945,"ĠDame":49946,"ĠWhe":49947,"corriente":49948,"Ġvividos":49949,"Registro":49950,"Ġadhesivos":49951,"ĠbellÃŃsima":49952,"Ġarraigada":49953,"ĠSello":49954,"Ġcutáneas":49955,"ĠPeregr":49956,"ĠInstitucionales":49957,"ĠESPA":49958,"éuticos":49959,"Ġperfila":49960,"Key":49961,"ĠNord":49962,"Ġincumb":49963,"Ġestereotipo":49964,"ĠBangla":49965,"Ġnaufragio":49966,"ĠAutopista":49967,"Ġiceberg":49968,"gang":49969,"ómulo":49970,"Ġrecurrió":49971,"ĠafectarÃŃa":49972,"Ġcuadrilla":49973,"ĠNorberto":49974,"Ġpubliquen":49975,"ÃģLISIS":49976,"nicas":49977,"Ġmueca":49978,"ĠAct":49979,"ĠCapitolio":49980,"Ġgirl":49981,"ĠJaponés":49982,"Ġvirginidad":49983,"Ġmantra":49984,"Ġamorosos":49985,"dalenas":49986,"Ġderbi":49987,"Ġdespertando":49988,"Ġdiscretos":49989,"ĠManifiesto":49990,"RERO":49991,"fab":49992,"Ġist":49993,"ĠRho":49994,"ĠInvestigador":49995,"Ġperiférico":49996,"Pasa":49997,"erse":49998,"ĠTán":49999,"cesana":50000,"écnico":50001,"Ġtelenovelas":50002,"ĠMeridi":50003,"Ġenfrentados":50004,"ĠDHL":50005,"»:":50006,"Ġprerroga":50007,"diosa":50008,"ĠTall":50009,"Ġanulado":50010,"tenango":50011,"Ġahuy":50012,"ĠProblema":50013,"ĠAdwords":50014,"Ġincredulidad":50015,"Ġdance":50016,"Ġhomil":50017,"Ġaguarda":50018,"ĠEsparta":50019,"ĠJULIO":50020,"Gente":50021,"fate":50022,"Ġcolgó":50023,"Ġeditados":50024,"ĠLodge":50025,"Ġrecobrar":50026,"amblaje":50027,"Ġescoba":50028,"Ġprecedido":50029,"ĠCalatrava":50030,"ĠriquÃŃsimo":50031,"ĠSUPERIOR":50032,"!?":50033,"uris":50034,"Ġmotel":50035,"Ġcopiloto":50036,"ĠMoss":50037,"Ġacomoda":50038,"Ġescrup":50039,"Regres":50040,"ĠAntecedentes":50041,"ĠTeodoro":50042,"Coo":50043,"gunto":50044,"Ġemocionar":50045,"Ġexplotados":50046,"Ġsumergida":50047,"ĠGeographic":50048,"Ġestamentos":50049,"ĠDECRE":50050,"Ġtalle":50051,"Ġkernel":50052,"Ġacostumbran":50053,"Ġapropiarse":50054,"ĠTemple":50055,"Ġexageración":50056,"tiroidismo":50057,"ĠDesafÃŃo":50058,"QUISITOS":50059,"insa":50060,"Ġfinlandés":50061,"Ġpermitirnos":50062,"ĠRefugiados":50063,"ĠScho":50064,"ĠHiros":50065,"Ġreflejadas":50066,"úbilo":50067,"Ġbbw":50068,"Prostitutas":50069,"Ġatados":50070,"zares":50071,"Ġprocesada":50072,"Page":50073,"Ġdegener":50074,"Ġotom":50075,"Ġraja":50076,"Ġminuciosa":50077,"globina":50078,"ĠElba":50079,"Ġinclinar":50080,"Ġafter":50081,"ĠNahuel":50082,"orning":50083,"Ġsiluetas":50084,"Ġmaravillosamente":50085,"Ġjudicialmente":50086,"nier":50087,"ĠConfi":50088,"Ġcalambres":50089,"ĠJuli":50090,"Ġrefugiarse":50091,"ĠSED":50092,"Ġperform":50093,"turada":50094,"Ġguinda":50095,"////":50096,"ĠConsultivo":50097,"tentri":50098,"eléctrica":50099,"Semana":50100,"campo":50101,"ÃŁ":50102,"ĠOT":50103,"elementos":50104,"Conec":50105,"Ġbandolera":50106,"Ġenérgico":50107,"Ġtransnacional":50108,"Ġplagada":50109,"Ġhumilla":50110,"Ġimplicó":50111,"ĠVisite":50112,"Ġautentico":50113,"ponente":50114,"gaste":50115,"Ġremoviendo":50116,"Ġsociocultural":50117,"Ġinteractu":50118,"Ġsinceras":50119,"ĠAuxiliares":50120,"Ġtajante":50121,"udado":50122,"Ġasegurador":50123,"Ġrealzar":50124,"Ġborda":50125,"hech":50126,"itter":50127,"Ġanteojos":50128,"Ġsaciar":50129,"ĠVerás":50130,"Ġtx":50131,"ĠChicos":50132,"Ġcertificadas":50133,"ĠEterno":50134,"ĠAves":50135,"ĠNube":50136,"Ġcertámenes":50137,"ĠAnastas":50138,"Coinci":50139,"ĠAngelina":50140,"Ġsalvadoreño":50141,"Ġbinomio":50142,"Ġléxico":50143,"Ġvicisitudes":50144,"Ġcerdas":50145,"ĠmasonerÃŃa":50146,"Ġquedándose":50147,"ĠAdjunto":50148,"ĠMelgar":50149,"ĠINVERS":50150,"Ġprestamo":50151,"War":50152,"cott":50153,"Ġcreerlo":50154,"Ġtransferido":50155,"ĠOlimpiada":50156,"ĠPearl":50157,"Ġfort":50158,"Ġvotan":50159,"118":50160,"Ġsatisfacen":50161,"Ġrománico":50162,"antha":50163,"ĠCintur":50164,"ĠIru":50165,"ĠTovar":50166,"bow":50167,"ĠEstadounidense":50168,"Ġenfermas":50169,"Ġprocedieron":50170,"Ġconsumismo":50171,"Poder":50172,"Ġautóctonos":50173,"Roma":50174,"ĠfÃŃn":50175,"Ġmetó":50176,"007":50177,"Ġlibrado":50178,"ĠChad":50179,"Ġband":50180,"ĠalcaldÃŃas":50181,"Ġjamones":50182,"Ġpersuadir":50183,"Ġdelib":50184,"ĠNÃļ":50185,"ĠConmebol":50186,"Ġnazar":50187,"Ġindias":50188,"Ġimaginé":50189,"Isabel":50190,"Ġhomofobia":50191,"Ġtequila":50192,"Ġautorice":50193,"Ġtroquel":50194,"Ġevangélica":50195,"Ġdesilusión":50196,"Ġparaguaya":50197,"ulfo":50198,"ĠArcángel":50199,"Ġfalacia":50200,"Ġpaisanos":50201,"ĠAparicio":50202,"ĠCIVIL":50203,"ĠSz":50204,"Ġfortalecido":50205,"Ġsarc":50206,"Ġcaótico":50207,"ĠRuz":50208,"Ġimpartió":50209,"Ġconcluya":50210,"farmacia":50211,"Ġcrochet":50212,"ĠÃģrtico":50213,"Ġmanagement":50214,"GINA":50215,"Ġvengarse":50216,"Ġfeminidad":50217,"Ġexi":50218,"Ġcopro":50219,"endra":50220,"Ġseces":50221,"acre":50222,"Ġteoria":50223,"ARTICULO":50224,"Ġimpaciencia":50225,"Ġincuestionable":50226,"Ġcarru":50227,"Algún":50228,"ĠâĤ¬/":50229,"DOC":50230,"Ġliviana":50231,"fores":50232,"Ġedicion":50233,"Noche":50234,"ĠGalilea":50235,"ĠACN":50236,"ой":50237,"Ġadmiradores":50238,"vist":50239,"åľ":50240,"Ġpach":50241,"Ġduelen":50242,"Ġsufridas":50243,"Ġdesenvolverse":50244,"Vigencia":50245,"Ġoprimidos":50246,"Ġpelliz":50247,"Ġlanzo":50248,"Ġresolverlo":50249,"Ġmadridista":50250,"Ġsuscribirse":50251,"Ġexponencialmente":50252,"Ġtanga":50253,"Ġcanarias":50254,"Ġplaquetas":50255,"ĠCaf":50256,"ĠBuñ":50257,"ĠPatrona":50258,"Ġtrascendido":50259,"ĠPRODUCTOS":50260,"Ġdesenvolvimiento":50261,"ná":50262,"Ġjet":50263,"reau":50264},"merges":["d e","Ġ e","Ġ de","Ġ l","o s","Ġ p","Ġ c","a r","e n","e r","Ġ a","e s","a s","Ġ s","o n","c i","o r","u e","a n","Ġ m","a d","a l","Ġl a","q ue","Ġe n","u n","à ³","i n","Ġ t","r e","Ġ y","s t","Ġ que","en t","Ġe l","à Ń","i c","Ġc on","ó n","à ¡","Ġ n","Ġ un","Ġ h","o m","r a","d o","r o","d i","t i","Ġs e","Ġ f","ci ón","Ġ v","a m","Ġe s","Ġl os","Ġp ar","t e","Ġe st","Ġ o","l e","t a","r i","Ġ in","Ġ re","à ©","t o","Ġs u","Ġde l","ad o","o l","i d","Ġc om","Ġ C","r es","a b","Ġ E","Ġa l","Ġp or","e c","Ġ b","Ġ d","Ġl as","Ġpar a","Ġ g","ent e","m p","à ±","Ġ A","i s","a ción","Ġ P","Ġun a","Ġ S","i l","ci on","ÃŃ a","Ġ di","Ġn o","u l","â Ģ","q u","Ġ M","Ġp ro","t u","a c","Ġs i","á s","Ġp er","Ġc u","Ġ L","t er","i en","t r","l o","l a","ad a","Ġm e","i o","d a","Ġl o","m a","u c","i st","i r","à º","Ġde s","ic a","i a","e l","ci a","g u","Ġ D","Ġa c","t os","u s","g o","i z","i er","i ent","r an","ti v","i t","Ġ 1","Ġcom o","Ġ (","al es","an do","Ġt o","Ġe x","Ġ i","id ad","Ġ 2",". .","u es","cion es","Ġ T","Ġh a","Ġm ás","m o","i ci","m os","a j","s e","b re","ad os","t or","ic o","Ġ R","c u","p a","i e","á n","Ġs er","d ad","Ġ B","Ġ j","Ġp o","de n","i v","Ġs o","Ġa n","t ra","Ġ G","t es","de s","Ġ N","Ġ I","b i","t en","er a","t ro","Ġ F","t ar","Ġt ra","Ġ res","Ġ âĢ","id a","Ġa p","i ón","r as","i g","c o","i b","er o","Ġl e","i m","c h","Ġt e","or m","c a","ad or","d os","Ġp ue","ient o","Ġcom p","u m","Ġ qu","Ġm u","Ġp re","Ġsu s","p er","i os","c e","an te","Ġm a","Ġt en","p o","0 0","r u","t as","de r","é n","âĢ Ŀ","e z","Ġa s","Ġ H","Ġp r","am os","Ġ V","am ente","Ġp a","p e","t re","Ġ ar","Ġest e","uc h","Ġ J","b l","Ġa ñ","Ġh ac","Ġh ab","Ġ U","m ente","Ġc a","ar a","u er","Ġm an","Ġi mp","c on","g un","en cia","ĠâĢ ľ","g ar","i on","ĠE l","Ġp res","s on","i do","ri m","u r","Ġper o","Ġs in","al iz","ĠL a","n a","g a","am bi","ad as","Ġc as","tr os","d uc","Ġest a","Ġt ien","u st","é s","ent o","E l","ue v","l es","in a","Ġs on","v er","z a","f er","Ġv er","Ġ O","l os","Ġp as","Ġ r","d as","j e","Ġm o","or es","Ġin ter","Ġdi s","an a","en s","ú n","0 1","ĠE n",".. .","or a","Ġper son","Ġso bre","c es","l as","c ul","Ġc ar","c l","Ġc o","ar io","Ġ Â","Ġen tre","n o","ic os","ent es","l an","ĠE st","Ġl le","t al","Ġ or","Ġm is","Ġcon s","Ġo b","Ġs ol","p or","Ġe mp","ic as","Ġn ues","b aj","Ġa m","Ġt u","p on","Ġn os","Ġin f","Ġm uch","ĠI n","ĠE s","Ġy a","ec h","e mos","ci as","Ġmu y","pa ñ","ci al","ent a","e m","Ġs al","Ġc re","ambi én","Ġto do","Ġme di","o y","Ġ 3","L a","j o","ec es","Ġc or","Ġp os","Ġ \"","d r","i f","p ar","Ġa b","Ġ2 01","Ġes c","ab le","Ġp rim","Ġn uev","ĠC on","Ġm i","Ġme j","Ġde b","tiv o","Ġf in","an o","Ġt an","re c","g ra","cion al","o c","ÃŃ as","en do","m in","ab a","ÃŃ n","Ġm ar","or ma","v e","Ġc am","ci o","ñ o","ti l","i ta","m e","Ġtra baj","u di","tu ra","ÃŃ s","Ġest á","i as","p os","u en","b le","f ici","b a","Ġ Y","Ġañ os","r en","e b","Ġp e","es ti","Ġg ran","E n","Ġt ambién","Ġc al","l ar","Ġd u","as ta","ist a","Ġf ue","m as","v en","an tes","Ġdes de","Ġpue de","ida des","Ġha y","Ġ us","am iento","Ġn i","g an","r os","Ġn a","ar ios","ci p","Ġpar ti","u t","j er","ĠR e","Ġc ol","Ġd os","Ġcu ando","Ġ -","Ġhac er","o ci","Ġcu al","ĠS e","in o","f ec","c ar","or t","Ġ u","Ġtien e","Ġto dos","Ġd on","u d","ĠU n","qu i","ie mp",") .","ÃŃ t","Ġse gu","Ġre g","Ġm en","Ġm un","l ic","ar on","Ġh asta","g en","m b","Ġn eces","Ġt er","Ġpro p","p ec","Ġc os","Ġ é","Ġl u","Ġh an","Ġmej or","Ġma y","Ġ 4","ĠA l","en er","in g","v i","qu ier","tiv a","on es","o g","ent os","Ġb ien","ar á","Ġt iemp","Ġde ci","Ġdon de","Ġc an","tr as","m i","Ġpar te",") ,","Ġal gun","Ġpro duc","s o","a y","al mente","ter i","i tu","Ġa d","Ġex p","Ġf un","Ġc h","g r","ion es","Ġg ra","m ás","ador es","o b","tu r","Ġ 5","Ġv ez","ĠD e","Ġinf orm","m an","ue l","c an","Ġm il","Ġp ol","ri b","Ġc ada","Ġd a","z o","Ġb uen","Ġas ÃŃ","Ġre aliz","id os","Ġpor que","Ġf orma","j a","e t","Ġl l","ar se","t ado","st e","i u","ran te","Ġp u","Ġser v","Ġtiemp o","Ġ do","ĠC om","i de","ÃŃ cul","er v","Ġv e","ro l","ci l","on a","Ġs ab","Ġt i","ĠM ar","ĠN o","e mp","âĢ ¦","er os","p u","Ġt ran","Ġes pe","cu r","Ġd ÃŃa","Ġ1 9","ul ar","un to","c om","n os","g os","a v","Ġañ o","Ġn e","Ġ ¿","Ġun o","e d","ÃŃ an","m iento","Ġc er","é r","Ġcon tra","Ġc l","Ġa de","Ġin st","Ġcon t","Ġcon f","Ġv ida","it ar","ñ os","ú l","i den","Ġa h","ic ación","Ġemp res","i to","Ġin v","Ġd ic","Ġ W","v o","ib le","Ġa u","ĠS an","al idad","Ġin cl","il idad","Ġo p","ĠA n","Ġf u","e a","tiv os","Ġf uer","Ġlle v","om b","iu dad","ar rol","Ġperson as","a ciones","ti r","ú bl","úl ti","Ġpro f","le c","u b","Ġhac e","Ġl ib","Ġmis mo","Ġ ro","Ġa y","Ġ ra","Ġe v","er s","Ġg ener","Ġlu gar","Ġo f","ĠC h","a t","ci os","g ún","Ġcom un","Ġserv ici","Ġmay or","d u","Ġpa ÃŃs","c as","ĠL os","Ġo tros","Ġb as","c or","âĢĿ ,","Ġre ci","ue go","i ción","Ġj u","en a","Ġcon st","Ġdi rec","á t","Ġtran s","y ec","an os","p ues","Ġp la","ient os","Ġse c","Ġpo dr","Ġe ra","Ġm in","Ġ 6","Ġm om","d ic","ñ a","in cip","Ġac tu","mp l","Ġm as","Ġp lan","Ġimp ort","Ġmun do","j os","ech o","Ġde n","ien do","Ġdi st","u y","Ġre p","ĠP or","Ġv al","ver s","ra ción","Ġsi g","Ġdi fer","Ġf orm","é c","Ġ últi","Ġm es","cu ent","Ġtan to","Ġest án","Ġv is","ó lo","Ġdes arrol","Ġ K","Ġmuch o","Ġv iv","Ġpr incip","in e","ĠA r","t on","Ġen con","âĢĿ .","aj e","Ġdu rante","Ġ w","Ġu til","Ġl i","Ġs ent","om bre","Ġsol o","Ġsi emp","Ġsiemp re","t ic","Ġtrabaj o","en di","un que","v is","Ġe qui","pu és","am il","is mo","Ġten er","Ġp ues","Ġc ent","Ġh ist","Ġp on","Ġh er","Ġcu enta","Ġqu ien","r ar","Ġde st","Ġc ab","ĠL e","Ġl es","or ia","Ġb aj","Ġes o","Ġp es","tr ar","Ġde j","Ġest udi","c er","r uc","ist as","ces o","Ġcas o","Ġcual quier","Ġc iudad","se gu","te l","Ġ á","ĠP ro","Ġqu ier","ta ción","Ġal go","tor es","Ġt ras","i ente","f ic","Ġes e","Ġt ar","re ch","ent ar","Ġo tro","st a","Ġv ol","ar go","Ġmen os","da des","d ar","Ġres ul","i mo","Ġre f","Ġcomp le","Ġ ri","Ġll am","Ġen cuent","Ġb us","Ġmu jer","Ġc ó","ĠM e","z ar","Ġh or","Ā Ā","Ġsi do","Ġex per","Ġpo co","Ġt om","Ġnues tro","en e","Ġutil iz","ĠS i","u ción","e o","h o","c al","Ġv en","te g","Ġp l","Ġto da","ú s","Ġmom ento","gu a","an cia","it al","ier no","Ġsu per","ĠC ar","Ġre la","Ġm on","Ġf al","Ġ 7","Ġap ar","Ġest os","Ġ2 00","ec e","pañ a","Ġpue den","Ġinform ación","Ġse a","Ġde f","al a","Ġh i","ó m","Ġto das","om o","Ġg ust","ĠA s","ol a","Ġf amil","Ġpro yec","c el","Ġ 8","iv ers","ci ales","Ġm er","Ġprof es","ri s","ĠD E","Ġnues tra","Ġnuev o","t an","Ġor gan","Ġpo der","Ġy o","L os","Ġpro ble","Ġ Q","Ġti po","t ó","ÃŃ st","Ġpol ÃŃt","Ġac tiv","Ġp úbl","Ġt r","c re","C I","Ġtra v","Ġca p","Ġc ul","Ġde rech","Ġhab ÃŃa","Ġ z","us o","Ġe mb","Ġv a","Ġd ÃŃas","Ġest ar","u ro","Ġan tes","v il","Ġf i","ti s","ÃŃ o","Ġman era","Ġob je","Ġh um","g res","g e","que l","Ġel ec","Ġ1 0","Ġpu bl","Ġprim er","ol og","Ġh e","Ġt al","Ġt res","Ġprim era","E S","im iento","Ġes p","i ma","er on","Ġdes pués","Ġah ora","Ġi de","Ġtrav és","Ġ 9","Ġo tra","á c","Ġg ru","om in","Ġtien en","Ġsi gu","ce p","ĠD es","Ġd ar","Ġh echo","Ġs ólo","te c","Ġest o","Ġv ar","t amente","ch e","Ġa f","Ġqu é","Ġse gun","ob ierno","ĠN a","c os","ab an","qu ÃŃ","ĠL as","t ados","iv el","u al","ĠS u","s ión","t ica","Ġdeci r","E R","Ġ ir","er g","Ġes a","ó g","om e","Ġf o","v a","Ġo tras","Ġb a","Ġ Ã","tiv as","Ġg u","er ÃŃa","Ġh oy","a p","Ġun os","Ġcon oci","Ġcas a","Ġel los","ient es","Ġin s","Ġg an","ient ras","Ġf r","Ġpro gra","Ġsi tu","le g","v an","Ġe fec","Ġm al","Ġp el","Ġsu b","id as","ci dad","Ġp ens","tur al","Ġpe que","Ġa unque","Ġex ist","Ġen tr","ó r","i ar","Ġespe cial","di do","Ġn ada","z as","Ġa quel","i ó","! !","Ġ ,","di a","\" ,","am a","Ġres pon","Ġper mi","Ġcont in","Ġn ivel","Ġan te","ri dad","i or","ien cia","Ġre l","ĠC u","Ġe con","c ado","en o","Ġest ado","Ġorgan iz","du ci","Ġ k","in as","s a","g as","Ġ .","Ġap ro","Ġcó mo","Ġpres ent","Ġse ñ","âĢ ľ","r ado","Ġé l","á g","A R","Ġb o","Ġmil l","ri l","in ar","ri st","O S","er n","Ġe di","Ġc ier","ĠP ar","á l","Ġp ri","Ġe je","min ist","00 0","Ġest as","Ġsin o","E N","os o","Ġar t","ste ma","Ġp al","Ġsi stema","Ġte mp","Ġade más","Ġau tor","Ġda tos","S e","Ġdeb e","Ġp i","e ci","ĠM a","Ġb ar","or d","Ġ ún","l ica","Ġse m","Ġdi se","Ġmedi o","ú m","Ġser á","e le","ten er","Ġcom er","ĠC o","Ġpas ado","i al","C on","P or","Ġ X","Ġa g","Ġmuch os","ez a","Ġ Z","Ġc ambi","m ar","i mos","ĠP ara","Ġcos as","Ġca pa","l or","Ġequi po","if ic","Ġs an","teri or","éc n","iden te","qu il","ador a","ĠP ero","O N","Ġw eb","s os","Ġ os","Ġh o","N o","i cia","Ġs ÃŃ","Ġinter es","Ġeje mp","cion ales","E s","ĠT o","t am","Ġb an","Ġalgun os","Ġimport ante","un tos","ÃŃcul o","\" .","ch a","ĠEs paña","h e","f ica","Ġlle g","A S","Ġhist oria","oc er","ten ción","ul o","Ġempres a","y a","Ġto tal","Ġmill ones","Ġ1 5","ri g","Ġest able","ti do","em bre","Ġ2 0","Ġnues tros","Ġrep res","Ġel la","Ġcal idad","h a","ar an","ab les","in os","Ġnuev a","Ġ ¡","an za","i tos","Ġcomp ar","c ri","ĠâĢ ĵ","Ġhor as","Ġes per","t ad","b o","e p","Ġm ientras","Ġservici os","e x","Ġfin al","m ent","d an","ad re","Ġel e","u ra","or n","A N","ier on","i p","Ġre con","Ġv ia","Ġap lic","Ġus o","Ġcon tro","olog ÃŃa","ri r","Ġin ici","ĠIn ter","Ġha cia","Ġinv esti","de mos","b io","por t","Ġre cu","Ġprofes ion","Ġdifer entes","Ġc r"," »","lo g","Ġv eces","Ġservici o","Ġg ente","or te","Ġden tro","gu al","Ġes pa","A L","Ġest aba","ti dad","Ġdi jo","Ġus u","ĠL o","Ġn úm","av or","ab or","ci miento","ec n","Ġa gua","Ġ1 2","ta c","il o","ó x","Ġac uer","on o","ĠC as","ci e","Ġof re","Ġin d","Ġse gún","ue la","Ġdis pon","S i","Ġre v","Ġmuch as","o k","di o","Ġes pañ","al l","Ġa ut","Ġcom pañ","en cias","ĠB ar","Ġso cial","ri d","Ġfun cion","Ġ1 8","Ġmis ma","Ġel lo","ar d","Ġperson a","an d","Ġproduc tos","ĠS al","Ġre cor","Ġan ti","Ġp an","Ġ ru","es ta","Ġ ...","ul a","Ġi ma","Ġemb argo","mp le","Ġo fici","Ġdist in","Ġt us","Ġgru po","de más","Ġcontin u","Ġlle gar","Ġpos ible","Ġa quÃŃ","r al","âĢ Ļ","a tro","g n","Ġdis f","ci n","O R","u da","Ġesc ri","p i","Ġm á","ĠJ u","il la","Ġle y","r á","ar ia","ri a","Ġpro ceso","Ġor ig","Ġs ue","Ġam b","Ġse x","Ġhab er","Ġcon v","Ġc las","Ġf avor","Ġpro v","ol óg","om a","ici p","Ġv i","Ġmujer es","Ġt écn","il l","ĠM ad","e ta","b ol","Ġv o","Ġm é","st itu","L as","Ġgener al","Ġp ie","ti o","t ante","Ġju g","ĠP er","tor io","Ġcu er","Ġejemp lo","di da","Ġpre gun","Ġcu r","Ġes pec","z ón","Ġdesarrol lo","gra f","f orm","b er","d or","bi do","tu ras","Ġencon trar","Ġay ud","is o","ĠD i","un ca","it as","Ġgran des","Ġnos o","t amiento","ĠG u","Ġfuer on","ac h","Ġmo de","Ġreci b","Ġproyec to"," ¿","Ġcon di","esti ón","j as","ĠP a","Ġbaj o","Ġl uego","ter a","Ġpr óx","ĠE x","Ġle g","p en","Ġp unto","ci endo","Ġf á","ĠNa cional","ac e","á m","g ación","Ġparti cip","ĠM é","Ġpo d","Ġ 0","Ġqu er","Ġin t","Ġin di","Ġc in","Ġperson al","Ġt ri","Ġcomp r","Ġe duc","pec to","Ġen f","Ġpos ib","Ġg as","r ic","Ġcas i","Ġsem ana","Ġd in","ec u","E st","t ico","Ġ «","por te","Ġcon ten","ĠUn ivers","un ci","ele b","Ġni ños","Ġno v","ĠR o","Ġs ac","Ġcon ocer","Ġnoso tros","Ġf or"," Ń","Ġecon óm","Ġtr ad","Ġa mpl","A D","Ġacuer do","Ġdisf ru","Ġcol or","Ġn ombre","er as","Ġc lar","Ġval or","Ġmin u","Ġmu er","Ġap oy","aj es","re a","ĠP o","Ġempres as","ton ces","x ico","Ġexper iencia","Ġv uel","Ġbuen a","Ġinter na","I C","di ó","Ġor den","Ġdes cu","Ġz ona","ĠC ol","Ġrespon s","ĀĀ ĀĀ","Ġm ie","ĠM an","p re","ĠA m","Ġinst al","Ġmej ores","Ġgra cias","Ġsegu ridad","Ġi gual","ens a","Ġne go","Ġsal ud","Ġc eleb","Ġnúm ero","ues tra","Ġp ág","i te","ac ter","ĠS in","Ġex tra","is ión","t á","Ġe t","ci na","os a","ien e","den cia","ĠC a","Ġten dr","Ġt ecn","ab ilidad","ech a","ĠEst e","c tu","f ico","Ġca us","Ġre com","Ġpal ab","à ĥ","á p","ĠV al","ĠS o","Ġcons i","Ġrealiz ar","v id","Ġcu an","Ġla b","n e","Ġa um","iz ación","Ġmes es","pos ición","Ġl ado","Ġal l","2 01","Ġter min","Ġa segu","Ġexp res","ra m","Ġque d","Ġ /","D es","ir m","Ġs a","ñ as","Ġfamil ia","tor ia","Ġdi f","ĠM o","A l","Ġap ren","Ġ on","Ġtra ta","Ġ |","Ġl ÃŃ","Ġpre v","Ġh ombre","Ġcent ro","omb res","Ġna tural","Ġf a","b an","ĠU na","Ġin te","iv o","Ġ1 1","l am","Ġ #","Ġc ir","Ġlib ro","Ġcu mpl","P ara","D e","i re","Ġl ÃŃn","ĠF ran","Ġv ent","Ġfu era","ol es","de ra","ci s","pues to","Ġre cur","p ti","g ent","iz o","Ġpue des","an ci","Ġn unca","Ġincl uso","Ġmer cado","dos e","ĠEst a","Ġ3 0","Ġj uego","Ġpr ác","ĠMad rid","Ġten emos","Ġh emos","Ġj ue","Ġam ig","Ġdeb er","Ġ201 8","Ġpres idente","ĠEst ado","ĠM un","i es","port un","Ġma teri","Ġemp le","Ġ [","ist o","Ġam or","Ġun as","ar es","ec er","Ġper fec","ic amente","Ġal im","Ġac er","Ġpar ece","b ar","Ġproble mas","Ġdest ac","Ġcam bio","Ġal can","Ġreg ist","Ġincl uy","Ġs en","ol ución","Ġten go","n et","Ġa le","Ġj ust","à ĵ","Ġcom en","den te","Ġa ún","Ġh ora","Ġ ust","ĠC ent","ur os","Ġsegu ir","Ġre fer","un d","ti tu","Ġj unto","Ġprogra ma","Ġsab er","ti fic","Ġalgun a","Ġrel ación","ic ado","bl es","en d","i le","a f","ter min","ri o","Ġcon tac","l u","ĠE uro","re g","t ando","Ġo portun","Ġa fec","Ġm os","Ġsol ici","Ġpon er","aliz ación","res pon","ĠMé xico","ĠC or","y o","Ġdef in","Ġsig n","Ġalgun as","ĠL u","Ġet c","Ġd omin","Ġcu atro","ĠM on","Ġf ac","Ġfo to","Q u","Ġre d","Ġte ma","I N","ĠD ios","t ada","Ġcuer po","Ġpre cio","us ión","ci do","er ic","ier a","Ġsitu ación","Ġparti r","in ación","Ġan im"," ¡","Ġp uer","Ġn orm","Ġna cional","ĠJ os","Ġdo cu","Ġcom ent","Ġg obierno","ï ¿","Ġe m","Ġfr ente","Ġg en","ï¿ ½","Ġe jer","Ġdi vers","Ġcomp e","Ġproble ma","Ġdi rig","Ġo l","ici o","Ġ1 4","ie dad","if ica","Ġcar acter","Ġse lec","Ġb ene","Ġm ús","ĠO r","z os","Ġlo gr","Ġencuent ra","Ġso cie","Ġdes p","Ġcontro l","t in","Ġpúbl ico","aj a","bl ig","Ġo cas","ĠQ u","Ġver dad","Ġv arios","1 9","di r","Ġdic e","b lo","ist er","Ġf il","Ġofre ce","j ar","Ġminu tos",". -","Ġl argo","Ġpo demos","Ġcon segu","Ġúlti mo","di al","Ġe j","Ġest u","Ġlo c","ist e","ĠC an","Ġen fer","g er","p el"," º","Ġad minist","g ado","Ġpas o","Ġr áp","m ento","Ġmo v","Ġsi endo","ĠC am","Ġlib er","iv a","m bre","ier ra","Ġ1 6","é is","ar ÃŃa","an as","ĠG obierno","qu es","v es","Ġman o","Ġm or","Ġobje tivo","Ġpel ÃŃcul","r ó","e f","Ġre alidad","Ġfá cil","Ġpre par","Ġ1 3","Ġp in","Ġactiv idades","ĠEst ados","Ġv ÃŃ","Ġde tal","Ġsec tor","Ġp untos","re o","Ġcons ide","Ġo blig","Ġen tonces","Ġparti do","Ġte le","r on","Ġfun d","Ġi den","n as","Ġcor respon","Ġa tra","ar lo","om ÃŃa","ĠpolÃŃt ica","rib u","duci r","s erv","Ġno che","Ġ2 5","Ġu b","Ġser ie","Ġde cl","ĠM in","Ġbene fici","Ġsu r","Ġbas e","Ġob ra","Ġderech o","Ġen erg","Ġele g","Ġso ciales","Ġg aran","át ica","p ción","Ġv ide","g on","Ġart ÃŃculo","Ġmun icip","I n","ar e","Ġa t","ĠpaÃŃs es","z ado","Ġj un","m ientos","p as","om os","Ġa tención","m it","C u","Ġfal ta","Ġespa cio","Ġtemp or","Ġten ÃŃa","tr ón","ent al","g re","Ġsi tio","Ġrepres ent","U n","Ġà ģ","Ġpre cios","ĠA demás","Ġm ens","Ġpr ue","v al","Ġre al","ĠâĢ ĺ","i ado","ra c","v ar","Ġdin ero","Ġv an","ic h","Ġde termin","Ġmedi ante","r era","e as","ĠP ol","Ġpermi te","ol u","el l","Ġpodr ÃŃa","Ġin dic","n es","Ġt or","Ġ '","Ãĵ N","Ġinst itu","g les","ch o","en as","Ġin de","Ġal ta","g el","ruc ción","ĠA d","ar án","le x","Ġfin anci","c ent","Ġemp ez","b ado","m on","Ġexp lic","Ġpro ce","Ġh izo","ĠP re","Ġb lan","Ġm us","g ro","Ġ1 7","ri ó","Ġ :","ĠUnivers idad","Ġo cur","Ġen can","Ġte x","g ue","vis ión","pos i","Ġsegun do","ĠUn idos","Ġcondi ciones","E ste","Ġsigu iente","tar io","Ġnuev os","Ġau to","Ġseñ al","st as","Ġre un","Ġmayor ÃŃa","cion ar","Ġcons ul","Ġsent ido","ĠG ener","Ġpar e","Ġal gún","un a","Ġb ol","Ġ201 7","Ġespe ci","a te","Ġdise ño","aliz ar","d al","Ġm ir","Ġsu f","Ġ il","ul io","Ġof rec","tr an","Ġper io","Ġmo do","Ġnuev as","Ġsocie dad","I S","Ġderech os","Ġactiv idad","Ġac om","Ġcas os","t s","or ÃŃa","T A","Ġal um","ues ta","Ġconf i","Ġmá x","Ġcon j","Ġay uda","ti on","Ġima gen","Ġcer ca","Ġproduc to","Ġs os","Ġquien es","ib les","Ġpro ces","ĠJu an","p endi","baj o","Ġlab or","Ġ1 00","Ġa van","in al","Ġencon tr","Ġcu b","Ġresul tados","Ġ2 4","cu p","Ġs ens","ñ ana","Ġre co","s i","Ġpr omo","Ġas ist","Ġel em","át ico","Ġf on","Ġrela cion","Ġco lec","Ġneces ario","Ġtar de","Ġac ceso","Ġvi ol","Ġcon ven","ÃŃt ulo","i k","Ġcon ver","ĠB o","Ġj o","v ÃŃa","Ġest amos","Ġsegun da","I I","Ġind ust","Ġe uros","ti en","ĠP res","am b","Ġust ed","Ġdi g","ĠT ambién","in gun","Ġs or","u ales","l ine","ĠlÃŃn ea","p ular","pues ta","Ġide a","Ġes os","Ġres pecto","t ón","Ġdej ar","Ġprincip al","v ent","Ġr ad","Ġpos i",".. ..","án do","Ġpres ente","U na","ÃŃcul os","Ġac ep","t h","ĠP e","ĠN e","p res","1 0","Ġac ab","ech os","Ġm ul","ti ene","Ġpas ar","Ġcre o","Ġsi mple","d ico","Ġest ra","un ta","ĠJos é","ÃŃst icas","em as","Ġestudi o","Ġl uch","á r","z ó","u rante","tic ular","Ġcuan to","Ġpue blo","r ero","i go","g l","Ġnues tras","Ġin cre","Ġ ur","3 0","Ġri es","Ġimp res","ĠR es","ita ción","tu ro","tec ción","ri do","ĠG ran","Ġl ec","Ġcom b","Ġcl ientes","ie mbre","ctu bre","Ġpág ina","Ġhay a","Ġv ac","l ado","Ġen ten","Ġl an","Ġh ombres","ĠLe y","d ica","Ġmie mb","Ġdic ho","ĠA c","Ġtien es","Ġen vi","ĠY o","l er","Ġhac en","Ġen c","ing ún","Ġli bre","Ġllev ar","Ġbas tante","Ġpues to","ol o","Ġespañ ol","Ġamig os","gen es","Ġincl u","ĠC al","Ġas es","per ación","ér ica","ad ie","Ġesc uch","ti ó","Ġcap ital","ÃŃ amos","gu ien","ĠA p","Ġpa pel","Ġcin co","Ġest oy","Ġusu arios","Ġin vers","Ġún ico","Ġsi m","ĠT ra","ó s","Ġdes e","I D","Ġ19 9","r ados","Ġfa cil","on e","ram ient","Ġdescu b","Ġmode lo","ic e","Ġan terior","il lo","Ġacom pañ","ci ó","Ġpri v","Ġrecon oci","u g","Ġprop io","2 0","ó vil","Ġclar o","ter o","duc ción","Ġvar ias","Ġcon te","Ġn ingun","T E","ente mente","Ġma ñana","Ġ201 6","Ġf ab","f o","Ġli mp","Ġe r","i ra","Ġmar ca","Ġpa ci","Ġg ol","Ġa do","ad amente","r or","Ġin m","gres o","pti embre","Ġn ingún","Ġdeb en","ĠP la","Ġcapa cidad","Ġmedi os","Ġf ÃŃs","il ar","Ġman ten","Ġcan tidad","Ġparti ci","iz a","Ġproduc ción","Ġprim ero","ĠRe g","t ri","Ġv ista","i an","Ġesc rib","Ġúlti mos","Ġf el","i én","Ġt el","il idades","Ġen car","Ġdo c","Ġpue da","ĠCom o","Ġlu z","Ġf ran","Ġpro por","Ġcam ino","Ġdes car","Ġel las","ti z","Ġcier to","Ġres ta","Ġgust a","R O","h ora","Ġma ter","Ġconsi der","Ġ5 0","tam ento","r in","Ġpo bl","Ġpubl ic","Ġac ciones","Ġhab lar","Ġh ub","Ġquier e","gent ina","ĠV er","de z","Ġcab o","ĠGener al","Ġcre ar","qu is","w w","iv il","Ġlo cal","iz ar","Ġcu ar","Ġob serv","Ġinvesti gación","Ġpalab ras","se ñ","CI ÃĵN","Ġpar ticular","if icación","Ġmús ica","Ġelec trón","Ġpi el","ac k","R A","Ġman if","Ġdisfru tar","Ġv ir","on os","Ġtom ar","Ġha ciendo","ĠC l","Ġun ivers","ĠI s","ad res","Ġconst itu","Ġ x","Ġa gu","ister io","is is","Ġdi ci","bi ó","Ġdes a","ĠDi rec","ĠD is","Ġprov in","Ġde más","Ġpo ten","ul os","Ġejer ci","m entos","Ġf echa","ec re","o ce","tiv idad","Ġab ier","Ġb log","t icas","p le","l ante","Ġl im","ac er","Ġper man","Ġal to","E sta","da p","ĠAs ÃŃ","Ġdirec tor","b e","Ġde dic","Ġher ramient","t án","as e","Ġb eb","Ġc ri","Ġade cu","Ġc la","Ġr om","Ġaplic ación","Ġprop ia","ven es","Ġrecu er","M e","Ġactu al","Ġrecur sos","al o","Ġno ti","Ġcos a","Ġo fer","Ġsen cil","Ġfund am","Ġcu ales","Ġtra tamiento","om as","5 0","Ġpes ar","tu al","Ġman tener","Ġi m","am ientos","ĠF e","uer ra","Ġin ten","ig n","Ġbuen o","f t","ien da","tal la","Ġcal le","Ġes f","Ġv ig","Ġres to","cul o","Ġresul tado","m ac","Ġal guien","Ġev itar","Ġal ter","Ġconst ru","tur ales","Ġprofesion ales","Ġde bido","ar ias","Ġo ctubre","à ¼","Ġgra tis","de dor","Ġex cl","Ġdif ÃŃ","Ġfamil iar","re z","Ġe dad","Ġfu turo","c ÃŃa","Ġprofesion al","Ġest ilo","Ġab s","Ġúlti ma","Ġconsegu ir","R E","on as","Ġnov iembre","Ġenfer me","Ġdici embre","Ġe mo","é f","Ġcol abor","Ġb al","j ust","iv os","ĠSe gu","Ġentr ada","Ġde por","Ġvol ver","Ġt ér","ec en","Ġdu da","Ġcon cep","Ġcon tar","Ġt it","Ġm ÃŃ","Ġgran de","Ġmo der","graf ÃŃa","Ġsegu ro","s iones","de ro","Ġcon ci","Ġé x","Ġsign ifica","en ci","ĠCu ando","Ġser ÃŃa","Ġ2 1","Ġform ación","it or","Ġ201 5","Ġpro b","Ġpr on","Ġayud ar","Ġbus c","ac ción","bi ente","Ġen v","Ġve h","Ġ is","Ġmedi da","Ġtu vo","cel ona","ĠN uev","j es","ĠâĢ Ķ","ó venes","Ġn adie","Ġa dap","ĠT e","p ara","Ġjo ven","Ġa gr","Ġv enta","Ġa z","i ano","Ġar ti","Ġproyec tos","Ġt a","ĠG ra","Ġa ire","Ġsig ue","f icación","Ġcomun icación","Ġinter ior","âĢ Ķ","T I","Ġop era","Ġso y","Ġf re","Ġpróx imo","tiv amente","Ġg estión","Ġse ptiembre","Ġest ruc","Ġinterna cional","to do","Ġm ol","Ġd ado","Ġenf r","ál isis","Ġcom ien","t ÃŃn","ĠG o","Ġt ur","Ġmuer te","Ġsec re","ador as","Ġprof un","tr ás","Ġter ri","t ina","Ġhi jos","Ġf e","Ġaquel los","Ġapoy o","ul ación","ĠA b","L o","úbl ica","ici os","ó p","Ġcomun idad","Ġfo tos","Ġprincip ales","es a","Ġoportun idad","Ġah ÃŃ","Ġtrabaj ar","Ġop in","Ġest é","Ġdirec ción","f orma","Ġter c","re l","Ġex cel","lar es","Ġv isto","ĠJ o","Ġres pe","ul s","Ġse an","ĠG ar","ta ciones","t t","Ġman os","ĠH a","ĠQ ue","t icos","il las","Ġe ran","Ġmejor ar","Ġf an","ĠP ue","Ġm adre","Ġac ción","Ġa ta","Ġinter és","Ġindi vid","an cias","T o","Ġpla ta","p s","Ġdis posi","Ġllev a","Ġcomp rar","ÃŃst ica","Ġcu ad","Ġp udi","Ġmo di","Ġcor rec","Ġes as","Ġvide o","a u","ĠpelÃŃcul a","Ġf ir","Ġinte gr","ĠL A","C omo","Ġde mas","ĠM or","ac to","Ġbus car","u mo","r ada","b as","Ġpodr á","os p","ien cias","Ġcam po","ó mo","é l","Ġpo pular","ĠCom un","Ġ2 2","A s","Ġpre o","m en","p ro","Ġcon tr","Ġus ar","Ġm uestra","Ġj ulio","ÃŃ f","r ÃŃa","Ġob ras","Ġcab eza","ib ilidad","Ġj óvenes","Ġsig lo","Ġv amos","ven ción","am po","tor no","Ġhab l","Ġc ora","Ġpas a","Ġle er","Ġl ig","t é","Ġimport antes","ĠO b","ĠCent ro","Ġcu id","Ġtempor ada","Ġjun io","Ġno ve","Ġel im","ta gon","Ġre des","Ġenerg ÃŃa","T O","Ġin cor","se jo","Ġusu ario","ĠS erv","il a","ran tes","Ġdi o","Ġcompañ ÃŃa","ĠA y","á genes","Ġl ar","Ġob tener","st ico","rim on","Ġca teg","ĠR ec","2 00","Ġdecl ar","Ġutiliz ar","Ġdise ñ","Ġex ig","Ġcontac to","Ġsi st","ru z","al u","Ġall ÃŃ","Ġten ido","Ġfuer te","fici ente","Ġc ara","Qu é","Ġg ob","Ġcon duc","ĀĀĀĀ ĀĀĀĀ","l io","ent as","Ġmay o","Ġpobl ación","Ġneces idad","Ġvia je","Ġdes con","ici dad","cion ado","Ġprim eros","án dose","Ġa udi","Ġcur so","Ġde r","Ġre almente","ĠInter na","Ġen señ","b u","Ġcar rera","Ġtrad i","Ġpue do","tar on","Ġequi pos","Ġfuer za","Ġres erv","Ġan unci","ĠEs c","Ġl en","ĠJ es","Ġque da","Ġtér min","Ġv iene","O M","Ġon line","Ġb el","Ġres puesta","Ġmis mos","Ġ201 4","Ġpos t","Ġpeque ño","cul ar","gos to","Ġeduc ación","Ġposib ilidad","re mos","pon e","Ġte mas","Ġv as","r ad","p ren","Ġconten ido","Ġex ten","Ġb ás","ĠB uen","ĠEst o","b al","Ġt ierra","orm e","es ión","x ic","Ġentr en","it an","ĠBar celona","Ġpl ante","Ġorganiz ación","Ġconst rucción","u do","Ġpres encia","Ġal re","Ġf is","Ġo jos","ĠIn stitu","Ġá rea","Ġconj unto","d ra","ir se","ĠI N","am eric","ĠF ac","ion al","A M","1 1","Ġtecn ologÃŃa","A n","P ero","Ġv ic","Ġmuch a","ĠB an","Ġde man","Ġmedi a","l i","Ġries go","ir á","al e","x im","Ġéx ito","Ġho tel","Ġdi a","gles ia","ti m","Ġser án","Ġcon cre","es t","or o","ĠE duc","ĠdifÃŃ cil","Ġneces ita","oci ación","Ġse man","im ientos","Ġs é","ĠEuro pa","Ġin me","ĠMar ÃŃa","Ġver da","Ġgru pos","- -","ar i","Ġfi gu","Ġin gres","ĠH o","Ġd ó","c en","me tros","cur so","teri ores","Ġespecial mente","Ġpre m","lica ciones","ĠAr gentina","Ġm ÃŃn","ĠM i","Ġcons um","ampo co","Ġhist ór","v ech","Ġprincip io","Ġhi jo","Ġp adre","Ġedi ción","Ġpla zo","Ġmateri al","ic ÃŃa","Ġelem entos","Ġ4 0","Ġmedi das","Ġañ ad","Ġencuent ro","Ġsi r","ĠC rist","Ġim ágenes","ĠLu is","Ġsuper ior","Ġen ero","Ġsal ir","ĠA le","E L","é m","Ġmar zo","ier nes","Ġtel éf","Ġneces idades","Ġen ci","Ġfun ción","Ġm ad","t adas","Ġtoda vÃŃa","Ġop ción","Ġamb os","uer to","Ġ $","ĠSan ta","ti endo","e te","ent an","d ÃŃa","Ġpro tagon","Ġcar go","Ġningun a","h i","Ġin icia","f a","E C","Ġre par","Ġlib ros","ĠCar los","h er","Ġver sión","Ġar te","gl és","Ġme tros","Ġesf uer","aliz ado","re as","Ġb on","O L","à į","it ado","ues to","eb rero","Ġsigu ientes","k e","Ġt ama","b il","Ġé po","Ġparticip ación","Ġde mos","ul as","Ġ2 3","Ġpue dan","Ġexist e","Ġl ista","ĠM u","Ġclas e","Ġp adres","de o","Ġcl iente","Ġbus ca","Ġm óvil","1 2","ĠC iudad","Ġac on","Ġpar tes","Ġa gra","Ġconoci miento","Ġsu ce","Ġpartici par","Ġhacer lo","in es","Ġab ril","Ġestudi os","ist ro","Ġf ru","Ġf ra","Ġofrec er",". ,","Ġsol u","Ġcambi os","Ġra zón","p ir","Ġpres enta","v ia","Ġe uro","f il","de l","un es","Ġc ine","di endo","ent ación","Ġquier o","Ġofici al","Ġjue gos","Ġp ier","ti a","Ġsab e","Ġefec to","Ġco cina","ĠS on","Ġel abor","f i","Ġmiemb ros","no v","cri pción","Ġconside ra","Ġún ica","Ġam biente","ĠS a","R e","p l","ÃŃ do","es e","in ado","Ġ â","Ġar ch","Ġcon ec","ĠH ay","Ġre c","ĠT er","Ġs á","ac a","ĠP r","r um","é di","mo c","I A","fer encia","Ġju gar","Ġcambi ar","tor a","w are","E D","Ġcom ún","Ġcre a","éc tr","Ġna ve","Ĥ ¬","den tes","Ġtendr á","Ġgra tu","Ġh ici","Ġcomp ra","Ġmen or","Ġviv ir","Ġima g","Ġj orn","Ġn um","id ores","f e","ic al","Ġgu ar","ĠV en","t ino","Ġcre cimiento","ĠCon s","r ica","k et","ch es","ie za","Ġestra teg","tar se","Ġcon cl","Ġpro teg","Ġpare ja","Ġp s","Ġcora zón","Ġb or","Ġ201 3","Ġp en","Ġcol oc","Ġsex o","ĠT en","Ġnego cio","ac es","ĠS er","Ġcons erv","Ġd om","1 5","en da","Ġpúbl ica","Ġv in","Ġc iento","ita ciones","Ġse is","ran do","Ġme z","Ġpre ten","par tamento","tis f","Ġh as","Ġprue ba","o o","Ġpa go","ÃŃt ica","Ġa di","omb ia","Ġde pen","Ġac ce","Ġl in","Ġimport ancia","ĠS ol","Ġefec tos","ám ara","ue lo","s u","Ġcul tura","es te","it ario","Ġa gosto","titu d","ĠP lan","Ġc rist","di z","Ġmay ores","H ola","Ġper ten","ÃŃ os","Ġcor reo","Ġpro tección","Ġcomple to","Ġre quier","Ġpr os","Ġeduc a","Ġrecib ir","n er","it antes","ĠM er","Ġlugar es","Ġap or","âĢ ĵ","Ġtrabaj adores","Ġc ient","ĠE S","Ġv oy","Ġdes c","Ġapro vech","Ġg al","Ġv iernes","ter ÃŃa","Ġcan dida","Cu ando","Ġte m","t amos","v ieron","Ġev ento","Ġtotal mente","ó l","Ġsist emas","ol ver","ar do","c k","Ġform as","ĠB ol","ĠMin isterio","Ġk il","ris is","di go","Ġpens ar","Ġd an","Ġfre cu","ris mo","Ġg ri","g ada","ed or","Ġ2 8","Ġten ga","ier e","Ġve lo","Ġacer ca","Ġan álisis","Ġsu st","Ġestudi antes","o p","Ġalre dedor","Ġreg ión","eb o","Ġencon tra","Ġ201 2","Ġinter pre","ĠF ern","ri tu","ĠDes de","Ġg o","ác ter","Ġcaracter ÃŃsticas","ta ble","ĠInter net","Ġpes o","Ġman e","Ġ q","t rimon","Ġhab ÃŃan","Ġreg res","Ġedi fici","Ġcar ácter","mi te","ú a","or k","Ġmater ia","ica ciones","Ġdesarrol lar","tu d","Ġc el","tel ig","A C","ues tas","Ġcol ores","v in","Ġrecom end","Ġexcl us","Ġpr ome","Ġd orm","Ġdifer encia","Ġpel ig","Ġcompr om","Ġdeci sión","Ġcaus a","Ġbaj a","ĠY a","1 8","Ġmov imiento","Ġ2 6","orm ente","Ġres ist","Ġv esti","Ġ2 7","Ġmom entos","Ġnatural eza","ĠP as","Ġh on","Ġt ÃŃtulo","cion a","Ġépo ca","Ġg uerra","Ġhum anos","ta ba","Ġop ciones","át icos","ti da","Ġpermi tir","r y","Ġf ebrero","Ġpres u","Ġob st","Ġn orte","Ġdo lor","t ales","Ġp is","Ġencuent ran","er ia","es tr"," ³","Ġa just","ig a","ĠD er","um en","Ġex tre","Ġev alu","Ġni ño","Ġpeque ña","Ġide as","Ġdemas iado","Ġentre ga","z an","Ġp ien","w s","ĠT or","Ġsa tisf","Ġn ar","og le","Ġpa gar","ĠE N","Ġall á","Ġre cl","ĠH er","til la","ÃŃ m","ĠB a","Ġa ten","Ġvis ita","ĠâĢ ¦","ÃŃ fico","Ġdó lares","ri os","Ġrela ciones","Ġc risis","Ġin tro","Ġmun dial","Ġfab ric","e ar","Ġm ara","Ġliber tad","Ġtama ño","Ġm ec","ti dades","Ġj ur","Ġvar i","ĠE mp","ay a","Ġorig inal","Ġsor pren","Ġfon do","Ġcompar tir","Ġmáx imo","Ġs omos","Ġcons ecu","Ġper der","Ġcompe ten","ĠAd minist","Des de","ul tura","Ġaut om","Ġra z","Ġ +","Ġorig en","es o","Ġvol un","Ġin glés","Ġ iz","Ġcam paña","Ġor ient","Ġsu m","Ġper s","Ġay er","Ġme m","di ente","Ġmateri ales","m bi","qu ina","Ġprác tica","ĠInterna cional","Ġmos tr","c ti","Ġesp era","ul ta","Ġver ano","Ġt ampoco","Ġtex to","Ġan d","Ġdistin tos","Ġimp or","ĠT u","Ġlle ga","Ġpeque ños","Ġdomin go","Ġsu puesto","Ġautor idades","Ġincor por","Ġs il","Ġexper im","Ġcre ación","ĠN av","e tas","Ġcom ida","Ġanti gu","e e","tar ia","cep ción","Ġe qu","Ġe ta","Ġdesarrol l","Ġz onas","Ġprop ie","on g","Ġprogra mas","/ /","Ġbien es","Ġmon ta","Ġenten der","ĠCh ile","Ġ19 8","i ana","form ación","Ġd é","Ġe vi","Ġsal ida","Ġse par","ĠRe al","Ġar ri","Ġincluy e","Ġs uel","ĠCol ombia","aliz ada","Ġpan talla","ĠSu per","ús que","Ġdirec tamente","Ġseman as","Ġper mit","Ġpos ición","cul os","Ġho gar","h u","Ġrel ig","ti les","Ġiz quier","Ġb lo","Ġcon ce","Ġteléf ono","esti on","Ġproces os","Ġprovin cia","Ġt ab","Ġdesa par","Ġcons umo","ológ ico","r án","ĠT he","ren o","Ġv ie","ab il","Ġejerci cio","ues tro","ĠEduc ación","ĠU S","Ġquier es","Ġ6 0","Ġenci ma","Ġalum nos","r er","Ġc ivil","t bol","ĠJes ús","Ġt ro","Ġpod ÃŃa","ĠAn ton","osp ital","id or","e dad","Ġiden tific","Ġde ja","Ġest aban","Ġel éctr","C om","Ġllam ado","Ġher m","R I","vo ca","teri ormente","Ġval ores","ĠRe p","Ġco che","Ġcomp ren","ti os","Ġá mbi","Ġtrabaj os","Ġg lo","ĠCon sejo","un tamiento","Ġde v","Ġb rin","Ġcontinu ación","Ġhum ano","é st","Ġconver tir","Ġp ul","Ġsá bado","Ġac e","as a","Ġpalab ra","Ġp un","Ġlleg ó","Ġi ba","p ero","i el","Ġle van","able mente","p ut","Ġmar co","ĠP al","ci to","ib er","Ġinf orma","A demás","ti dos","é tica","Ġdefin i","Ġlogr ar","di s","ĠP u","ac o","Ġcontr ario","Ġgaran ti","d ores","di entes","t ÃŃa","ri to","Ġprov oc","uy e","di miento","d on","Ġblan co","tar ÃŃa","Ġplan ta","Ġexist en","ĠpolÃŃt icas","Ġsol ución","tor ial","Ġdistin tas","Ġimp os","ĠD el","ci dos","Ġeuro pe","ĠP rim","Ġide al","Ġparti dos","rib un","Ġpodr án","ĠSo cial","gen ier","Ġvo z","en os","Ġindust ri","Ġnivel es","Ġm ic","Ġc ic","le v","U N","ebo ok","Ġmil itar","Ġdis co","ĠAm érica","Ġrefer encia","M A","Ġsu je","Ġrespons abilidad","át icas","Ġade lante","Ġab and","Ġtiemp os","er to","Ġr endi","Ġne gro","Ġmens aje","Ġcompe ti","ĠvÃŃ cti","er te","Ġcl ub","qui tec","p h","ú tbol","ĠMar tÃŃn","ĠFran cis","ĠC ON","Ġdo ble","f es","Ġt ir","Ġgan ar","Ġpo cos","uev es","Ġf amos","Ġan un","Ġrecu per","e ño","Ġluch a","ab lo","Ġ201 1","Ġh u","Ġb úsque","Ġob ten","ĠR a","Ġh om","Ġtar je","ĠA u","Ġcor ri","Ġfamil ias","ar la","Ġap re","Ġsimple mente","Ġjug adores","d icos","Ġllam a","Ġme xic","c ados","ar te","qu é","Ġapren der","Ġin nov","Ġdetal les","Ġeconóm ica","c le","Ġdifer ente","k a","u ri","den a","Ġl unes","Ġo per","Ġcl ás","ĠM ay","Ġà ī","Ġen torno","Ġqu iz","Ġalter na","Ġt ú","y e","Ġest rel","ĠInstitu to","Ġn orma","tar á","Ġr en",": //","Ġrespons able","Ġecon omÃŃa","im as","A r","p an","ĠMun dial","m er","Ġelectrón ico","Ġsue lo","Ġcomer cial","Ġba ño","is l","Ġloc ales","log ÃŃa","Ġesc en","Ġac to","Ġti pos","Ġmara vil","Ġin telig","a pa","ĠE L","S in","Ġen l","ÃŃst ico","ĠF in","ment ación","Ġmo tivo","ĠpolÃŃt ico","Ġest ad","ra ciones","ent ado","Ġentre v","Ġtemp era","c la","Ġapro xim","âĢ¦ ]","Ġhist or","Ġrealiz ado","Ġsuper fici","ens ión","ĠC os","Ġconoci do","Ġher mos","ĠH ab","f f","Ġej ecu","Ġperson ales","Ġinvers ión","Ġpresent ación","Ġocas ión","is mos","la z","id amente","ÃŃ p","ĠS oci","pec tos","ĠD a","Ġmar cha","Ġperson ajes","ón ica","di das","Ġviol encia","Ġdi ver","Ġde c","i ro","itar ia","ĠM ig","ĠC ap","gr á","_ _","Ġdis posición","Ġac ces","Ġg én","ĠRep ública","» .","ti que","ĠA hora","Ġpuer ta","Ġprop iedad","Ġad qui","Ġpregun ta","1 6","Ġdi bu","v ado","Ġr é","Ġinici o","Ġr os","!! !","Ġpres iden","Ġpar eci","ĠM as","Ġen trar","Ġinde pendi","Ġ201 0","w it","aj as","s as","Ġh echos","Ġinteres ante","Ġ2 9","Ġah or","Ġhab itu","Ġtrans porte","E x","Ġocas iones","Ġherramient as","Ġobje to","di os","en cial","Ġve ci","Ġam igo","Ġenferme dad","Ġselec ción","Ġpodr ás","es tiv","Ġ ÃŃn","Ġcom e","CI ON","j u","Ġpres entar","Ġagra de","rib ución","Ġart ÃŃculos","Ġde m","Ġ %","Ġeconóm ico","Ġm it","Ġin ver","Ġen s","Ġcon oce","Ġalim entos","Ġar m","Ġbuen as","Ġde moc","Ġj ef","Ġatra c","1 4","Ġtien da","ĠS ecre","Ġexcel ente","j ero","ie lo","Ġex tran","am e","Ġcon vers","Ġp ér","Ġin ci","Ġprop uesta","Ġjorn ada","Ġrepres enta","Ġvuel ta","ĠTo do","Ġam ena","Ġespa cios","ĠG al","Ġcon cent","Ġdes emp","iv er","Ġpe lo","Ġé ste","Ġas i","Ġal mac","lo go","leg io","tar ios","Ġdispon ible","ĠCom isión","Y o","ĠJ a","Ġso b","im en","2 5","Ġcateg orÃŃa","ĠMun icip","ez uela","Ġac us","ar o","Ġcomprom iso","el lo","ĠAnton io","ĠNuev a","l ores","ra g","ed ro","ĠSal ud","ĠEn tre","o z","ológ ica","ul tad","ent ales","ĠR os","Ġd éc","ĠM us","ĠJ ust","Ġindust ria","Ġconf orm","Ġ za","o j","Ġvelo cidad","Ġgob ern","un iden","i res","Ġma es","ci ente","Ġpron to","Ġtra tar","ĠFrancis co","Ġfun ciones","Ġtal ler","on ia","Ġf ras","iu dades","Ġinter net","ĠI mp","Ġre ce","Ġcla ve","Ġopin ión","im ismo","i x","Ġes ca","Ġpr ensa","Ġobje tivos","or ÃŃas","dr á","Ġpre cis","Ġcent ros","ic es","iz ado","Ġc ru","ĠH um","Ġesc uela","inar ia","Ġmul ti","it ales","Ġban da","Ġ ór","am p","Ġcapa z","ter as","c oles","qu er","Ġpon e","Ġ &","ĠM ás","ĠEuro pe","Ġrep ro","Ġconten idos","Ġinstal aciones","Ġeleg ir","Ġres pec","ens o","Ġtit ular","Ġos cu","Ġas pectos","z ada","Ġbenefici os","T U","Ġmes a","Ġpaci entes","u ras","b ia","Ġaum ento","1 3","ón de","Ġcr édi","Ġráp ido","1 7","Ġin teg","ific ar","Ġcoment arios","Ġtécn ica","Ġfr on","Ġdi ario","Ġofer ta","Ġpre ci","Ġco b","ran s","Ġcapa ci","ÃŃ r","Ġf em","Ġdis c","Ġnorm al","Ġsu erte","ĠAn d","Ġanim ales","Ġv ÃŃa","an til","Ġh id","Ġper m","Ġmode los","Ġcomple ta","Ġac ci","Ġcumpl ir","Ġ19 7","Ġpreo cup","Ġcomp on","Ġref le","p al","aliz a","irm ó","Ġp ena","ĠSe ñ","Ġsent ir","Ġquer emos","Ġespañ ola","Ġj a","Ġbúsque da","Ġ ú","? ?","Ġo cup","ĠA unque","Ġad ul","ÃŃ ritu","Ġinform e","ĠP an","Ġj ueves","Ġmit ad","ĠGo ogle","Ġtom a","Ġdi ez","Ġcent ral","ĠU N","Ġab rir","v iv","or ge","ĠO l","P ro","Ġtécn icas","Ġma gn","ĠD ÃŃa","trimon io","Ġest im","S u","Ġapro b","à ģ","Ġco ord","Ġa un","Ġde cor","Ġconf lic","on z","Ġe res","Ġdeber á","m entar","Ġdi fic","ri que","Ġprue bas","Ġresul ta","Ġestruc tura","Se gún","Ġol vid","Ġsu ficiente","Ġcuid ado","Ġo tor","Ġlabor al","Ġap licaciones","ific ado","Ġkil ó","un o","Ġconst ante","p ia","Ġo c","án dez","ru mp","l ad","ós ito","Ġqu ién","6 0","Ġprincip ios","Ġc iudades"," °","ĠpolÃŃt icos","jer os","vi ó","I L","Ġ[ âĢ¦]","di l","Ġmanif es","Ġcu yo","Ġest ás","ér coles","Ġex terior","com o","Ġinf l","Ġdest ino","ft ware","ĠS h","Ġqu in","Ġescrib ir","Ġub ic","Ġsegu ra","ues tos","tia go","Ġb ril","c ol","ra mos","ien en","Ġsan gre","e os","Ġl ic","Ġ8 0","Ġinst rum","ier to","Ġas oci","Ġt re","Ġdic ha","Ġacce der","ĠS us","Ġdivers os","Ġampl ia","ĠAy untamiento","Ġperfec to","tor ios","Ġpro ve","Ġest ará","b amos","Ġal cal","ÃŃs imo","Ġbusc ando","les c","Ġcomp ro","Ġin con","Ġor g","ÃŃ fica","Ġher man","der al","j ado","tor al","Ġestu vo","Ġciudad anos","y as","ĠM ic","Ġmie do","ĠMig uel","Ġadminist ración","Ġp rac","tu vo","Ġpág inas","Ġdig ital","Ġestado uniden","ĠD o","Ġr eno","ĠCon greso","oso tros","a g","ĠD an","p es","Q ue","ĠV ic","U E","ĠAs ociación","Ġb ra","Ġconfi gu","Ġdist ancia","le z","Ġc lic","ab e","Ġconfi anza","Ġinstitu ciones","S O","Ġrealiz a","Ġcon se","Ġconcep to","Ġdef ensa","ma il","Ġbuen os","Ġconv ier","d ado","te les","ru po","Ġá reas","Ġemple o","ĠVen ezuela","Ġclas es","Ġm ente","ĠMan uel","Ġm ues","ĠE j","quier a","Ġmil es","Ġpa z","à ī","Ġesfuer zo","Ġtécn ico","Ġde ri","ĠlÃŃ der","Ġor o","Ġhab la","Ġaz ul","E M","Ġt he","gu ay","Ġcir c","Ġmé dico","Ġe p","ar emos","ĠP edro","I O","ue gos","ech as","cion ados","L e","4 0","k i","Ġc if","Ġa trás","gra ma","ĠCas a","di eron","ĠGar cÃŃa","Ġinterna cionales","el as","c ó","Ġcu estión","á st","ig ue","Ġpla ya","Ġpes os","Ġro pa","ti ficación","Ġdi v","Ġreun ión","ĠGra cias","Ġcon ex","Ġ3 1","T ambién","t antes","Ġgol pe","Ġseñ or","Ġactu almente","di dos","Ġcam pe","Ġf ol","Ġna turales","ut ri","Ġmo da","ĠM al","Ġam ar","Ġinme dia","Ġque dar","te ca","Ġlan z","Ġfi esta","Ġma dera","ĠDes arrol","Ġámbi to","Ġ ó","im e","Ġquier en","Ġma g","ĠSegu ridad","Ġdeb emos","Ġconsi gu","Ġpa is","Ġal tura","ĠRe y","Ġorig in","ras il","tr on","Ġref lex","Ġprop ios","Ġcom ba","t ador","é tico","Ġno ta","ue las","ĠL i","Ġmunicip io","Ġcolabor ación","ios o","Ġden omin","ĠC er","Ġdis min","itu d","Ġpúbl icos","Ġh tt","Ġtran quil","Ġf res","Ġdivers as","an ÃŃa","âĢ ĭ","g ó","Ġes pos","Ġa v","ul l","ÃŃf icos","Ġ *","Ġvis itar","b ilidad","am o","Ġs ÃŃn","ð Ł","Ġnum eros","cri p","x to","Ġfu ente","Ġap enas","Ġne ga","Ġempez ar","Ġimp le","Ġnego cios","ĠI I","Ġemp ren","Ġfuncion amiento","Ġaf ir","Ġ ul","Ġá r","Ġsac ar","Ġtérmin os","Ġescri to","Ġlo g","Ġcar re","ĠG onz","de m","Ġperio di","Ġmem oria","Ġprogra m","Ġsi ete","Ġgust o","Ġen tidad","ĠF o","Ġeta pa","Ġllam ada","Ġfor tal","Ġcontra to","ĠI glesia","ad ém","den cias","pues tos","Ġun idad","C ómo","Ġdu ra","Ġtradi cional","Ġt orn","Ġdeb erÃŃa","Ġes co","Ġper fil","Ġesc ol","ĠCon stitu","ros o","Ġej ec","ĠO s","ĠP os","Ġhub iera","Ġutiliz a","Ġvis ión","Ġ ·","Ġtr á","Ġas um","Ġhab itaciones","Ġplata forma","IC A","Ġcomen zó","Ġtele visión","Ġperio do","ket ing","Ġmi ércoles","Ġha ga","Ġinvesti g","lam ento","Ġsal a","Ġj ard","it es","estiv al","Ġcomple tamente","Ġrad io","it y","p ol","Ġgén ero","Ġmo tor","ĠW eb","Ġterri torio","ĠH e","Ġhab rá","iste ma","wit ter","Ġv ino","ĠE con","Ġt on","Ġmar tes","Ġimp acto","Ġsos ten","Ġdes can","Ġcul tural","2 4","Ġcu ya","Ġpu do","Ġres iden","Ġf útbol","Ġev entos","L A","Ġpre fer","i ales","Ġe ch","in ci","Ġarri ba","Ġter cer","Ġpro duci","Ġpubl icación","Ġkiló metros","Ġderech a","Ġt esti","ĠB en","gu st","g ü","ĠB el","Ġ9 0","Ġdispon ibles","tri z","Ġcuar to","tro l","Ġactu alidad","Ġre cha","C A","Ġdar le","quil ib","p era","Ġfigu ra","Ġpres ión","Ġf lu","ĠV e","ĠCa tal","Ġequ iv","I T","Ġcal les","ic k","Ġcualquier a","ca pa","Ġmar cas","Ġd ando","Ġsi tios","T e","Ġdeman da","Ġin fer","ĠX X","ĠEs pañ","en se","Ġa vent","Ġcomun ic","ĠTo dos","is a","de res","di dad","M ás","Ġizquier da","ĠpelÃŃcul as","ter os","Ġfue go","om bi","Ġan teriores","Ġinicia tiva","Ġlen gu","le o","â Ĥ¬","Ġorganiz aciones","mi tir","gue z","Ġar quitec","ĠS ur","Ġhab itación","an ce","Ġgan as","Ġpregun tas","Ġconte mp","ĠSan tiago","Ġalmac en","ĠT rans","Ġre vis","ĠM uch","ar ca","ĠE di","Ġelec ciones","ec ÃŃa","Ġdocu mento","Ġfundam ental","óp ez","Ġc m","Ġint ent","Ġmos trar","Ġequi p","Ġmis mas","Ġ200 9","Ġcor re","ĠF und","ribun al","Ġlleg ado","Ġinteres es","ĠA t","As ÃŃ","H ay","Ġza pa","Ġas pecto","ib lio","Ġcirc un","tien en","Ġcar ga","Ġar ro","Ġpor no","ri endo","ĠâĢ ¢","p ora","Ġalcan zar","Ġten iendo","Ġgra ve","ĠE E","Ġn ie","estr uc","i ados","Ġace ite","Ġo cu","» ,","j an","Ġ án","y os","U S","2 2","Ġc e","le za","Ġgen era","Ġjur ÃŃ","an to","ru p","it ados","Ġde ten","Ġpe dir","Ġgener ación","Ġac og","Ġle jos","Ġestrateg ia","ĠD on","Ġps ic","Ġper ÃŃo","d ó","in s","Ġapar ece","Ġprimer as","Ġg rado","ĠP at","Ġt ales","Ġconoci mientos","Ġsolu ciones","Ġ ras","Ġaband on","Ġado lesc","g imen","Ġdic en","Ġprofes or","Ġvac aciones","Ġg rá","Ġre pe","Ġconv ir","Ġb ur","ĠS E","Ġder ro","Ġamb ient","Ġado p","Ġedifici o","Ġde tec","ĠBuen os","Ġblo que","ĠA ut","Ġro de","us a","Ġperson aje","h t","Ġplan tas","pon er","l y","Ġjust icia","Ġar gu","Ġsitu aciones","ĠA ires","ul ado","ĠmÃŃn imo","Ġesper ar","ĠP ablo","v as","ĠFran cia","Ġ7 0","Ġpros titu","ĠMe di","Ġimp er","Ġé sta","Ġtrabaj ando","olog ÃŃas","Ġk m","Ġmanten imiento","Ġjust o","m án","Ġch ica","ĠC ab","Ġfamiliar es","ĠCu ba","Ġch icas","diz aje","Ġre quis","ĠvÃŃ deo","Ġhi ja","Ġf er","Ġterc era","Ġre ducir","Ġalgun o","Ġpie zas","Ġpa g","Ġrequier e","P A","in ario","ĠL ópez","bl os","Ġmodi fic","ci ar","ĠMu jer","vil la","Ġdi á","r ón","Ġen orme","ed ores","ac ho","en der","Ġ »","ĠCh ina","Ġsol a","Ġfin ales","ĠO fici","Y a","g al","Ġnorm as","Ġan al","ĠDes pués","ĠR ob","d ÃŃ","Ġf irm","Ġveh ÃŃculos","Ġ3 5","ĠDesarrol lo","Ġqu erÃŃa","ĠIn v","Ġadminist ra","Ġespe ciales","Ġvar iedad","ĠH oy","udi cial","r ador","cip l","ĠCom er","am or","Ġúlti mas","Ġinstal ación","til las","Ġveci nos","ĠFac ebook","Ġten gan","ÃŃt ulos","Ġse l","s an","Ġpe or","i amente","Ġherramient a","Ġimp uls","til lo","Ġb ara","u ta","Ġlar ga","Ġcomen z","Ġnoti cias","Ġin c","Ġcompeten cia","ĠR am","ĠT h","Ġaquel la","T en","Ġdu das","Ġsol amente","Ġsab emos","Ġcompr ome","Ġindivid u","a ve","Ġmej ora","Ġvent as","Ġcar ta","on d","Ġdej ó","Ġmon e","ĠF u","Ġd ónde","ĠG rupo","Ġpas os","B uen","U U","Ġl uc","Ġal quil","Ġposib ilidades","ĠEst udi","Ġviv ienda","Ġter ror","us e","y ó","Ġab og","Ġd ue","Ġcomp ort","ĠH ist","Ġac um","iv as","Ġdeci siones","ci mientos","U R","Ġ200 8","i ores","il los","Ġs esión","ĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀ","tr ó","Ġsex ual","Ġsue ño","Ġbo ca","Ġpresu puesto","Ġreg al","Ġtri un","il es","Ġdes pe","ĠCl ub","Ġhum an","Ġb re","Ġpuer tas","Ġfuer zas","Ġconsecu encia","s es","Ġexp lica","Ġcomp lic","Ġexist encia","ĠB rasil","Ġdirec to","ĠB lan","m ina","ĠUn ión","Ġlec tura","R es","ĠlÃŃn eas","Ġo cho","Ġsu stitu","ĠN os","Ġhici eron","Ġcu entas","Ġo cul","tic amente","Ġcas as","Ġpubl icado","ÃŃ da","Ġri t","ĠB er","Ġrecor dar","á is","Ġexp lo","Ġal oj","Ġdescar gar","Ġf as","ĠPres idente","Ġjug ador","Ġveh ÃŃculo","Ġa vis","Ġcr ÃŃt","v el","2 3","Ġt amb","Ġfin es","Ì ģ","aliz ados","ar nos","Ġe fica","c am","Ġvin cul","an g","Ġobst ante","Ġm ala","tu s","Ġca tal","iemp re","Ġen tra","L O","Ġab or","Ġsal v","it amos","Ġcompañ eros","Ġviv o","V A","Ġpie dra","Ġposib les","Ġencan ta","Ġp ris","Ġbar rio","h n","Ġso ftware","Ġfu entes","Ġrespe to","ĠDirec ción","Ġsec tores","Ġfir ma","Ġll u","ĠfÃŃs ica","ĠÃģ n","f re","Ġjef e","ch as","P o","Ġaquel las","Ġregist ro","8 0","Ġesc al","H oy","Ġdic h","Ġestable cer","man ia","ĠVal encia","Ġrev el","Ġse de","Ġl ech","Ġqued ó","Ġmic ro","p les","Ġfis cal","Ġen tidades","Ġmen ores","Ġcon oc","Ġex posición","Ġfin almente","ĠB l","Ġpo bre","Ġi di","ĠC re","Ġm am","Ġre lev","ti g","Ġi do","t y","Ġmin istro","Ġex ter","Ġnove la","Ġpodr ÃŃan","f on","Ġescen ario","Ġs ome","k er","Ġrendi miento","ĠPer ú","ru pción","ĠEs o","ĠEmp res","ĠC ruz","ic ción","Ġsuperfici e","Ġun idades","Ġre quer","Ġ ran","Ġprop ias","D urante","Ġopera ciones","ch ez","Ġt es","Ġme ta","Ġcu mple","Ġver de","Ġcam a","Ġmáx ima","ĠJ av","Ġan o","Ġresta u","ĠAdminist ración","Ġpr om","@ @","Ġlleg ada","Ġdocu mentos","Ġest an","Ġac adém","ci da","ie go","c és","ios a","Ġgener ar","Ġex ac","b la","Ġap un","d ón","Ġg ras","Ġ >","Ġre tir","Ġm ent","ĠF er","un cia","Ġdom ici","Ġenfr ent","Ġpeque ñas","Ġres olver","fica ciones","el es","Ġhac ÃŃa","in do","Ġp ec","Ġres olución","Ġsec ción","ue bles","Ġex cep","Ġprác ticas","ĠD av","Ġc ita",") :","Ġde p","ier o","an zas","Ġar gent","ven ida","am ble","Ġo peración","ĠT a","Ġincre ÃŃ","f in","k o","Ġc án","ĠDE L","Ġespe cie","ĠE lec",") ;","Ġcer c","ga ciones","p lic","Ġg es","A T","Ġemb ara","or g","ĠE m","Ġtempera tura","f ÃŃa","C O","Ġhab rÃŃa","ĠRe v","Ġh ará","Ġar tes","Ġpla za","Ġag reg","Ġre ac","an da","Ġg a","on da","ĠPol icÃŃa","ĠF ue","Ġcri ter","Ġsencil lo","ĠN orte","d ust","f é","ero p","ĠA g","ĠY ork","Ġdi go","iv e","ĠOr gan","de ración","Ġf en","tu mb","por tes","Ġsu pone","Ġpe dido","Ġa bajo","Ġvide os","us ia","Ġreg ular","Ġc ámara","Ġa st","Ġpér dida","ĠF is","Ġenferme dades","ĠEst os","ĠB e","Ġleg al","Ġcomer ciales","Ġmaravil los","Ġint entar","ĠB us","Ġm últi","der os","Ġs omb","ra cia","Ġprincip almente","ĠD u","Ġbel leza","Ġabier to","Ġproduc e","Ġpermit en","Ġsue le","Ġcolec ción","ona to","Ġingres os","k y","er an","Ġpas ó","Ġrealiz ó","Ġhum ana","Ġtien das","ier an","it é","tis mo","tor ias","Ġpol icÃŃa","9 9","uen cias","Ġseñal ó","ĠEs pe","Ġpo dido","ok ies","j or","Ġcal or","ĠM ac","ĠD omin","Ġsim ilar","Ġmec an","Ġdi put","ĠC ada","Ġh á","Ġag re","Ġexper iencias","Ġescuch ar","ĠR om","pues tas","Ġagr ad","Ġis la","ĠH u","ĠSeñ or","* *","Ġfel iz","Ġcor te","Ġcorrespon diente","ĠV ir","ĠPro fes","ĠFund ación","it ada","Ġc iencia","Ġtrans form","Ġprem io","e des","Ġvic toria","Ġna cionales","Ġamb as","Ġcircun st","Ġtras lad","Ġincluy endo","ĠJust icia","Ġj am","te m","Ġcons ol","Ġsal e","Ġár bol","Ġte j","âĢ ¢","Ġve o","Ġde porte","is iones","Ġer ror","Ġru ta","Ġgas tos","ĠC ivil","I M","Ġtrad uc","Ġabs olu","Ġdes af","Ġelec ción","Ġloc alidad","Ġsigu en","Ġco inci","r ales","Ġfac tores","il ares","r eras","it arios","l en","Ġapren dizaje","u das","ĠPre m","Ġre y","Ġtri tur","ĠN i","Ġimpos ible","ĠperÃŃo do","Ġcer eb","Ġ =","Ġh ar","Ġcomun idades","ĠP úbl","in ados","E T","Ġdes eo","ÃŃ guez","ĠT ri","e ñ","Ġpúbl icas","Ġcumpl imiento","Ġdeb es","Ġofrec en","id ar","Ġparticip antes","Ġfal le","i ación","Ġconsul ta","Ġcomen zar","Ġcomer cio","Ġrecor rido","Ġg e","Ġp iso","Ġ Ġ","quil la","Ġdi vi","T ras","Ġfuncion a","Ġman da","Ġpue blos","Ġde trás","ĠT ele","ier ta","b ra","Ġexper tos","ĠB al","ĠServ icio","Ġn omb","dr ÃŃguez","án ica","Ġcomer ci","vi amente","Ġap er","Ġpriv ado","Ġur b","v era","ar le","Ġraz ones","Ġreco g","i gu","Ġpro bar","ĠPer son","Ġcó digo","Ġr ue","Ġaum entar","Ġf ase","Ġinform ó","Ġhub o","Ġr ÃŃo","Ġe quilib","k s"," ª","me tro","án d","u f","Ġvuel ve","m isión","ĠC ur","Ġverda dera","iv amente","h ib","am ento",". âĢĿ","Ġllev ó","ar ial","Ġré gimen","Ġdisposi tivos","ad io","g ados","Ġf ar","ĠS ec","in t","Ġ ital","Ġtarje ta","Ġsor pres","Ġhay an","Ġgaranti zar","Ġten ÃŃan","Ġcor to","Ġsens ación","Ġforma to","u ña","án chez","d s","Ġs es","Ġcondi ción","Ġprop uestas","o que","ĠP P","Ġsi quiera","Ġdist ribución","Ġc rim","i anos","ra z","Ġest én","ĠSe gún","l ÃŃ","Ġreconoci miento","ĠU r","Ġson ido","tal ia","ide z","C h","Ġcomien za","ológ icos","Ġrev ista","Ġd ul","Ġdeb ate","Ġdes per","Ġconstru ir","Ġa us","in ta","ĠPro vin","Ġata que","graf ÃŃas","Ġesp ero","ĠT ras","ĠEsc uela","ar me","Ġpres entes","ien das","Ġofer tas","es tre","Ġden unci","Ġcomp os","Ġcur sos","Ġiden tidad","Ġdis par","is la","Ġinten s","ĠN O","Ġnoti cia","Ġman tiene","Ġfon dos","Ġcrédi to","c rib","ra estruc","p r","Ġe c","Ġenl ace","Ġplan es","k ing","cion amiento","st ru","Ġac re","én dose","ĠÃģn gel","ez ol","or e","Ġdecl ara","am entos","ti go","au gu","Ġpar que","Ġrelacion ados","ĠvÃŃcti mas","Ġen em","Ġaproxim adamente","ĠP l","Ġmunicip al","ĠF el","Ġre mo","ĠRo drÃŃguez","Ġpar ecer","ven ir","Ġmar c","Ġráp ida","rib uy","ĠP RO","w n","ĠIn f","g amos","Ġh al","Ġexplic ó","Ġexpres ión","fici encia","ĠJ orge","Ġform ul","ĠP uerto","u p","ĠServ icios","Ġind ica","A P","gen cias","Ġesp ÃŃritu","V I","Ġviv e","Ġin augu","Ġdescub rir","Ġele v","u de","Ġarti stas","Ġglo bal","4 5","Ġcan ciones","en es","Ġdel ante","ĠRe d","] âĢĭ","Ġcoment ario","Ġdisposi tivo","Ġj untos","á lez","Ġpri or","En tre","Ġmé todo","Ġcon tras","ra el","A hora","Ġb io","Ġadul tos","ÃŃ gen","e ña","uc ÃŃa","ám ica","ac as","Ġherm ano","EN T","Ġtar ea","ĠJ un","Ġconver tido"," «","Ġdej ado","Ġgust arÃŃa","Ġtérmin o","Ġconex ión","Ġt ren","Ġcons ec","to dos","ti ma","én do","Ġ5 00","Ġc ielo","Ġcos to","pa ti","Ġoportun idades","Ġc aja","Ġil um","Ġhab itantes","Ġentrev ista","Ġfor o","Ġdist ribu","Ġencontra mos","ti sta","Ġb omb","Ġrit mo","Ġn utri","Ġfem en","ĠS ánchez","Ġespañ oles","Ġestadouniden se","ec a","Ġ200 7","ĠO n","ĠN ic","G ra","yec to","Ġin tención","Ġoblig a","Ġconte xto","Ġtermin ar","Ġemple ados","L E","Ġac tos","ĠPor que","Ġpi es","or ios","ĠT V","Ġcir cul","ĠM il","Ġreci bido","Ġpaci ente","Ġcar ne","Ġju icio","Ġmiemb ro","Ġinf lu","cia ciones","Ġsir ve","Ġar mas","Ġper ió","Ġdu ro","A unque","ĠLe ón","Ġal ma","ar los","i ri","ĠComun idad","Ġampl io","Ġreno v","Ġpoten cial","Ġpubl icidad","ar ra","Ġ4 5","Ġdetal le","c ón","olu cion","Ġsil en","Ġac os","t ÃŃculo","Ġcre ado","Ġcon tiene","Ġde bajo","ĠIn cl","Ġvol umen","de ras","Ġter reno","Ġproteg er","Ġr um","Ġg ama","Ġobje tos","ol uc","Ġinstitu ción","ĠAl gun","Ġi gu","ĠAle mania","B A","tera tura","Ġpas ando","Ġarti sta","Ġc ál","Ġdirec ta","Ġmir ada","Ġhistor ias","Ġpróx ima","Ġley es","Ġocur re","ĠS il","Ġley endo","Ġsur g","Ġhistór ico","Ġade lan","ĠJ unta","Ġ19 6","ti cias","as h","Ġrecuer do","Ġcon den","ĠFern ando","AR A","i pe","tr ado","Ġespec ta","Ġm ig","ĠSe villa","Ġelim inar","ĠAn dal","p ens","Ġser es","ĠGonz ález","Ġpreo cu","ulta des","Ġme dic","uch a","Ġconf irm","Ġca dena","2 1","ĠBan co","Ġleg isl","Ġcer tific","Ġp uso","Ġen ter","ĠA z","Ġli ter","Ġrecl am","Ġpas ada","Ġpers pec","Ġinter vención","201 8","Ġcol ombi","r adas","Ġlimp ieza","Ġofici na","Ġneces aria","Ġcon voca","le ta","ĠL ib","ti mos","Ġcier re","Ġt ÃŃp","de os","Ġust edes","Ġprome dio","Ġil ust","Ġasegu ró","ĠT ecn","P re","ĠDav id","Ġproce dimiento","ber to","Ġprac tic","Ġmens ajes","Ġv oc","Ġvolun tad","R ES","us iones","Ġmez cla","ĠO ri","Ġpri ma","r ores","lan o","Ġde partamento","Ġ @","ti mo","Ġa gres","ĠV illa","ut bol","Ġcl ÃŃn","Ġprop ósito","2 6","Ġrequis itos","C E","ĠP en","ĠCrist o","Ġcan ción","2 7","es tas","Ġten dencia","Ġresist encia","Ġque dan","ular es","Ġest ren","indo ws","u dos","ti das","Ġp ic","I F","ran o","Ġcan al","tam ientos","gra m","Ġsolici tud","Ġdi m","ĠT al","Ġub icación","a de","Ġa se","Ġlech e","ien es","Ġre por","Ġp endi","Ġda ño","el la","Ġpas e","ĠS em","Ġimpres ion","Ġtar eas","Ġpa t","Ġd ro","Ġven der","Ġinte gra","de dores","Ġac udi","Ġmúlti ples","Ġem erg","Ġcic lo","Ġh ospital","Ġvia jes","ĠP on","ÃŃ z","Ġco ti","Ġneces arios","Ġcl ima","Ġvis it","ci Ãĥ","Ġesc ena","erop uerto","ĠC ultura","er do","ww w","Ġ rol","t adores","Ġreci ente","le y","Ġarch ivos","Ġpro ducir","Ġinf ec","dic e","Ġtor no","Ġhabitu al","Ġex pe","ĠS istema","Ġref orma","Ġsu ma","Ġro jo","Ġw ww","Ġbenefici o","ĠPar tido","Ġorgan ismo","r arse","Ġv istas","Ġb i","Ġsab or","Ġmus ical","gr ÃŃa","esti ones","Ġherman os","Ġcán cer","Ġdu ración","3 5","Ġllev an","ĠInv esti","Ġperman ente","é rez","ĠG er","Ġpre f","ólo go","Des pués","Ġpromo ción","ĠL uego","Ġbre ve","% .","Ġb os","ue los","lec ción","Ġconci encia","Ġt era","Ġsu pon","Ġtendr án","Ġperfec ta","Ġsu minist","Ġar ran","Ġmov imientos","Ġgu ÃŃa","P S","Ġex am","tien de","os os","Ġref iere","Ġpo cas","ĠS am","Ġpoten cia","té g","Ġev olución","Ġre duci","Ġv ul","Ġasist encia","ĠA D","in ada","g adas","Ġlengu aje","Ġcontro lar","Ġh ier","Ġpues tos",". )","ĠA quÃŃ","Ġreserv a","iz ada","ér cito","amble a","Ġtamb ien","Ġencontr ado","Ġb ici","Ġcre e","Ġhon or","Ġi glesia","jer on","qu inas","Ġplan eta","Ġdesc rib","ĠIn dust","Ġub icado","Ġprecis amente","ĠD urante","j al","Ġresta urante","Ġinfer ior","Ġagu as","Ġú til","2 8","Ġpos e","Ġconoci da","Ġcon curso","âĢĻ ,","Ġmen cion","ĠV I","ÃŃ c","Ġper dido","ĠEurope a","Ġl óg","ĠDer echo","Ġde pendi","ues tros","ĠR E","Ġtecn ologÃŃas","Ġsuel en","ĠfÃŃs ico","duc e","ĠT ierra","Ġaplic ar","genier ÃŃa","Ġsab en","Ġquiz ás","Ġrealiz ación","ru guay","Ġn ombres","Ġrecon ocer","Ġar reg","ĠA L","Ġhi po","ĠF or","Ġop tim","qu en","Ġespec tá","ri tán","Ġrecuer da","Ġfrecu encia","Ġráp idamente","Ġpresent ado","ID AD","on do","Ġsu ave","ĠR usia","3 3","Ġhtt p","Ġasegu ra","Ġinf antil","Ġreci bió","à ij","ĠS ub","Ġhac emos","Ġpro du","Ġ3 00","ĠA na","z z","Ġefec tu","ĠM á","un g","Ġag entes","Ġpu tas","Ġsolici tar","M i","Ġpe le","Ġcons iste","Ġlen gua","Ġ Ð","ĠC iencias","Ġases or","Ġv endi","ĠT écn","Ġform ar","Ġven ezol","ĠP ri","m m","an e","Ġdomici lio","Ġmer cados","M ar","le t","qu ia","Ġpl acer","Ġsub ir","Ġv emos","eci ó","Ġg l","Ġinte lec","Ġcier ta","ĠCo pa","ĠA st","Ġsegun dos","Ġmis ión","Ġh os","ĠH ar","Ġpor ta","Ġcu entan","Ġmo tiv","ruc ciones","a a","pi ra","ĠMunicip al","9 0","Ġcomport amiento","ci les","Ġdeber án","Ġqu is","Ġrepresent antes","Ġas c","Ġpresent ó","Ġaudi o","Ġapar tado","Ġimp lic","Ġalim entación","O D","ol ina","Ġadecu ado","Ġg ana","Ġasegu rar","Ġac aba","Ġevalu ación","ÃŃst icos","Ġv io","Ġpriv ada","Ġsi ento","h at","Ġentre gar","Ġpor cent","Ġgratu ita","ĠT witter","Ġcontinu ar","Ġdorm itor","Ġalcan ce","Ġsi mp","pi ración","Ġb ru","Ġutiliz ando","h or","Ġindustri al","ĠP érez","D is","Ġf om","ĠG re","Ġactu ación","Ġal co","Ġtan tos","vi mos","rim iento","Ġfran cés","ĠCent ral","Ġenv ÃŃo","Ġexp an","ĠB as","Ġgra b","w e","ĠR u","Ġries gos","Ġ3 6","in i","s en","Ġpa que","Ġpro tes","Ġfen óm","ĠEs p","Ġpreten de","Ġantigu o","Ġrespons ables","Ġconcre to","Ġelem ento","Ġpróx imos","Ġch icos","% ,","Ġsu ces","Ġll eno","Ġer rores","ĠH ol","ÃŃs ima","ĠD ist","ĠF orm","ĠPla za","Ġneces itan","i i","Ġconsec uencias","t ing","ĠEst as","Ġpro gres","Ġex pec","ĠS te","ĠT ribunal","Ġco okies","Ġqu ÃŃm","Ġcomun es","Ġinf raestruc","Ġcarre tera","v iera","Ġpis cina","Ġesp al","Ġabier ta","Ġe tique","gu ar","Ġll en","Ġ )","Ġval e","Ġcl ara","ĠDe partamento","Ġpues ta","ĠL in","Ġni ña","Ġco cin","R ec","ort s","Ġejec ución","Ġg estion","ig na","Ġca fé","Ġg ar","Ġarch ivo","Ġdi eron","Ġam ist","Ġmas a","r ÃŃ","Ġalcal de","Ġad j","tiz ación","Ġtrabaj a","Ġest ación","U C","Ġter ra","ĠS ala","Ġas unto","uev e","Ġrespon der","Ġcer can","Ġh uel","Ġincluy en","ces a","Ġestable ce","Ġv aya","Ġutiliz ado","Ġo posición","Ġf lor","ú car","U L","ad ura","do ba","Ġde jo","Ġsitu ado","ĠCos ta","es ÃŃa","ĠPue de","Ġne g","ci r","Ġf ich","Ġconv oc","ĠD r","ĠPro duc","Ġperfec tamente","Ġdes en","Ġb u","Ġbeb é","Ġespos a","Ġpropor cion","Ġau tores","Ġf lo","Ġsencil la","Ġtrans par","Ġpens amiento","Ġmé dicos","Ġexp lor","Gra cias","ĠO N","Ġcontac tos","M uch","s al","Ġso porte","Ġfoto grafÃŃa","tu ales","Ġestán dar","? ,","Ġp ilo","Ġes con","ab ora","ro id","Ġceleb ración","r ue","Ġpelig ro","gr ado","ĠA udi","iver so","eci do","ri da","am érica","Ġinv oluc","Ġnúm eros","Ġconse jos","Ġacci dente","Ġimpor ta","' ,","Ġmin er","ĠZ apa","Ġhabl ando","Ġdest ru","af a","t om","Ġlu jo","uev a","Ġcab al","Ġextra ord","ri eron","pen dencia","Ġmen udo","ĠsÃŃn t","Ġconflic to","ĠV ol","Ġdescon oci","Ġf lex","Ġafir ma","ĠTra bajo","Ġmo tivos","ĠT rump","T ER","b os","ĠFe deral","Ġl ist","7 0","ĠJav ier","ĠincreÃŃ ble","Ġda ños","Ġdes ea","Ġdes ay","Ġrece ta","l in","Ġfuer tes","u almente","ĠÃī l","Ġfuncion arios","Ġsab es","ĠT om","Ġcon tes","Ġbas es","ó stico","Ġcomun icado","Ġab ra","Ġconvier te","Ġagrad able","Ġverda dero","Ġam eric","ier nos","Ġdocu ment","A B","ĠA mb","y s","2 9","es per","Ġpro te","Ġhab ilidades","Ġdef ens","ĠPro grama","ti eron","Ġindependi ente","Ġco leg","Ġre m","Ġcal iente","in te","Ġaut én","Ġtécn icos","Ġserv ir","P ue","Ġcar b","Ġactu ales","Ġnave g","di mientos","ĠA gu","Ġca er","ĠC orte","Ġautor idad","Ġ ..","Ġal ar","Ġdis cipl","Ġre lo","Ġaper tura","Ġmá quina","ĠConstitu ción","ion ales","Ġg er","Ġac lar","ic ales","que z","ĠC la","ĠFern ández","ĠC ul","ĠSecre tarÃŃa","Ġaum ent","n i","h ol","Ġrecib e","Ġanunci ó","Ġreci én","Ġde uda","Ġ200 6","Ġjue z","Ġaut on","Ġestrel las","Ġtu rismo","Ġcab ello","H ace","ĠG a","Ġcont ribu","ĠJo hn","Ġhacer se","Ġv it","ala cio","Ġmar keting","v os","p in","Ġto que","Ġqued ado","Ġpos terior","Ġde leg","Ġres ca","ĠA C","Ġper ro","Ġdéc ada","Ġmi ra","ĠF uer","Ġpe ti","Ġcont am","Ġin gre","Ġsecre tario","ĠM at","ĠL iga","te o","ĠD eb","ĠEj ecu","Ġimp on","ris a","ad á","3 6","ĠDe f","b um","x o","Ġmo d","ĠM ientras","Ġde cÃŃa","Ġenvi ar","Ġgener ales","americ ana","Q U","il os","en das","ub e","Ġún icamente","á stico","Ġcos ta","ĠG uerra","Ġcu idad","Ġllev ado","Ġ ðŁ","Ġanim al","Ġtrá fico","ĠI talia","I V","Ġch ico","Ġi leg","ĠMartÃŃn ez","Ġsu p","Ġar tic","gu en","Ġestable cido","Ġfacil itar","Ġch oc","Ġro bo","Ġac cion","- ,","capa cidad","Ġca ÃŃda","Ġn erv","I B","Ġcu án","ĠIn formación","Ġprotagon ista","5 00","Ġderi v","Ġfan tas","ĠT iene","Ġrecu peración","Ġprostitu tas","Ġre ca","Ġaf irmó","z ca","Ġv ienen","Ġalquil er","Ġt asa","r ente","Ġindic ó","Ġintegr al","aj o","bi os","Ġdes n","Ġprem ios","Ġv idas","Ġb ritán","ti stas","Ġpens ando","Ġac titud","ĠGu ar","ológ icas","ĠC ámara","Ġsab ÃŃa","ent ro","ñ ar","Ġvis itas","Ġinici al","or ar","Ġfr ÃŃo","ĠA N","ĠW indows","P er","Ġv iendo","du ras","or as","Ġprác ticamente","Ġf utbol","mar t","Ġdeci dió","ÃŃf icas","Ġdefini tiva","Ġvia jar","Ġeconóm icos","Ġc uel","Ġen amor","Ġref orm","Ġcos tos","Ġte atro","z on","ig os","Ġmóvil es","Ġdis puesto","Ġins pir","ist en","Ġadecu ada","Ġll ena","u ma","Ġban co","Ġes encial","ĠT ar","ĠJ ulio","á bamos","Ġimp ar","Ġofici ales"," ´","Ġâ Ĥ¬","Ġneces arias","I G","ĠT ur","Ġas ign","Ġcandida to","Ġr in","Ġimp lica","Ġbus can","ic ultura","ĠHo tel","Ġemp ieza","Ġrecuper ar","Ġc ruz","ecre to","Ġcam p","b res","ĠA ma","Ġsu fici","Ġtar if","af as","ĠG e","Ġconsul tar","ĠC á","Ġelec toral","Ġsim ilares","Ġt ier","S S","ĠMus eo","ĠO c","Ġcon cur","Ġur g","i j","ĠF lor","ĠP D","ĠA ctu","as o","ĠMun do","Ġrepresent ación","ĠH ern","Ġreg alo","Ġpr ést","ĠP ues","S o","Ġma trimonio","Ġpin tura","l ada","il le","Ġdepen de","Ġindivid ual","Ġha go","Ġap ara","Ġa bre","ĠSan to","Ġterc eros","it ando",". [","Ġdispon e","Ġap ort","Ġcaus as","CI A","Ġmane jo","P ar","Ġinver tir","ĠRe ino","Ġañad ir","Ġdel an","Ġestrateg ias","Ġfácil mente","oso fÃŃa","ter n","Ġros tro","Ġh uev","f icos","Ġcompren der","Ġsal ón","Ġfi estas","Ġpropie dades","Ġi gn","II I","Ġc él","Ġaquel lo","Ġso cio","Ġcomp ras","ĠC OM","Ġesper anza","Ġmez cl","t ones","Ġgaran tÃŃa","5 5","Ġdej ando","Ġescri bió","m es","Ġconf ir","Ġinnov ación","Ġprofes ores","ĠS ab","Ġre ales","Ġreg ul","Ġpes e","Ġl ide","c ción","Ġcircunst ancias","Ġvent aja","t úa","Ġacon te",". \"","Ġgen ial","Ġllam ar","Ġlogr ó","Ġadqui rir","ĠPar que","Ġco p","Ġpl eno","ĠS en","ĠLa tina","Ġcam is","ĠBol iv","and ro","to l","ĠM en","Ġorg ul","tu des","Ġtrad ición","Ġv es","Ġni ñas","Ġneces itas","ĠF il","Ġper ci","ist encia","lan d","ĠSal v","Ġres pal","tes is","y endo","Ġsal vo","Ġcap aces","� �","Ġju z","Ġi P","Ġtorn eo","ĠC at","Ġf echas","Ġceleb rar","Ġespeci es","ór m","Ġp echo","Ġcomien zo","ĠC ór","l ando","T R","Ġsal ió","Ġex por","M P","t ÃŃ","Ġcomple jo","Ġdi eta","Ġcre er","ĠMe dio","Ġcompañ ÃŃas","Ġac u","Ġja pon","Ġf lores","id u","Ġt ono","Ġb iblio","Ġfun cional","Ġinclu ir","Ġpue das","Ġempez ó","Ġal tos","Ġdestac ar","Ġ3 2","ĠS olo","Ġacre di","r icación","v io","Ġan alizar","Ġa go","Ġpuer to","Ġre to","Ġorden ador","Ġpos ee","C ar","Ġestra tég","is os","am i","Ġpie za","americ ano","Ġte orÃŃa","Ġmo vil","Ġaz úcar","Ġestudi ar","u alidad","ap ón","9 5","D E","ĠFis cal","Ġpar ecÃŃa","h abil","Ġprob ablemente","ĠSoci edad","Ġpri va","Ġus a","ĠlÃŃ qu","ĠAn dr","Ġv iento","el er","ĠP ública","Ġtu vieron","Ġdetermin ar","Ġadi cional","ĠG estión","Ġre ducción","ĠLe er","Ġcorrespon de","Ġest ados","ĠF re","to logÃŃa","Ġutiliz an","ste d","d remos","Ġc á","Ġcon ta","H a","Ġac or","qu ÃŃa","Ġcomp ut","N os","Ġtex tos","Ġnuev e","ĠMa g","Ġanti gua","ĠP C","Ġcu ch","Ġdifer encias","Ġhá bi","ĠComer cio","Ġinv ierno","tr ic","o peración","Ġcon oz","Ġcu ál","Ġsi ente","Ġpresent an","h am","mit es","Ġjard ÃŃn","Ġdomin io","if e","I P","ond res","Ġconvertir se","Ġcir cu","Ġdestac a","Ġdeclar ación","Ġviv en","Ġcul turales","ĠEst á","u ir","mar as","Ġt ÃŃtulos","Ġdemoc racia","Ġá l","r ará","Ġrestau rantes","o t","Ġnuev amente","Ġexpec ta","or án","ĠG ab","ĠR ÃŃo","tura ción","Ġ200 0","e la","ó d","o ta","Ġto car","ĠAndal ucÃŃa","Ġseñ ala","ĠH ospital","Ġenseñ anza","I EN","ĠFe deración","ri dos","Ġreci entemente","Ġentr adas","ĠNuev o","-- --","Ġesc uelas","Ġfoto grafÃŃas","Ġg uer","Ġad mi","ĠJ ul","Ġjam ás","Ġinme di","inar ias","Ġhi per","tr al","Ġm m","b el","Ġutiliz ación","Ġcon qu","h an","Ġquer ido","Ġimp uestos","ĠE d","Ġpermitir á","Ġan ual","3 4","ĠEn tonces","Ġli teratura","Ġde cre","Ġsent encia","l on","Ġen ga","Ġlle gan","Ġcor rupción","di mos","Ġentren amiento","f rica","Ġfin alidad","Ġas ociación","Ġdef ender","Ġraz on","ter s","Ġcuad ro","Ġescol ar","d y","Ġdis curso","Ġd or","Ġcompon entes","Ġpan tal","dr ÃŃa","Ġminu to","Ġt um","ĠD iv","Ġbol sa","ĠD ec","Ġaten der","To dos","Ġinter ac","Ġcr ÃŃtica","Ġens ay","M a","Ġrealiz an","To do","Ġsegu ros","Ġtan tas","Ġclás ico","Ġl um","Ġpopular es","Ġf ib","ĠNo ticias","Ġvol vió","com un","Ġan s","ĠPro tección","Ġman ual","d ados","il ación","Ġsuper ar","Ġj udicial","Ġincre mento","ill er","ĠL iber","Ġrealiz ada","ĠB ur","Ġllu via","d om","Ġdesarrol lado","Ġcier tos","ĠPar ÃŃs","f as","p p","m al","ĠHist oria","ĠD ecreto","ĠR afa","D O","Ġacep tar","AD O","Ġc erv","m enta","rist as","ĠPla ta","ĠC ó","Ġdiá logo","ĠD oc","Ġr ent","Ġg r","Ġpelig ros","den tal","án ico","Ġna cimiento","Ġapar ecen","Ġconf orme","!! !!","mi go","Ġesper ando","ion ar","e v","ĠM ur","ĠPa z","Ġd ur","Ġac tivos","Ġargent ino","Ġdeci dido","Ġac tores","Ġreg las","Ġa j","ĠA ust","Ġale grÃŃa","ic en","Ġad v","Ġdecor ación","Ġrecur so","Ġaut ón","an t","un dar","Ġcos te","iz on","Ġac ero","ĠF estival","Ġp ide","D A","ĠT ea","x il","Ġac tor","Ġres al","ier en","Ġcu rios","ara go","Ġperiodi sta","in ter","le tas","Ġ3 4","Ġg ig","Ġmo to","Ġap os","Ġch il","Ġesc ala","Ġso f","Ġt ribu","s ar","Ġh orm","ándo le","ĠNe w","Ġcam pos","Ġalterna tiva","par tam","j era","Ġdescu ento","un da","Ġs ól","Ġparti da","Ġsorpres a","t ú","Ġvis itantes","ĠJ er","Ġprev ia","Ġvent ajas","Ġdis pu","Ġvig il","Est o","Ġcor rer","ĠA P","Ġbienes tar","e go","t res","la ciones","Ġevi dente","Ġdoc tor","3 9","Ġres puestas","r aron","Ġviv iendas","Ġactu ar","Ġconsegu ido","Ġzapa tos","Ġv ál","Ġh ice","Ġcu estiones","Ġrelacion adas","ĠA R","Ġquier a","Ġper ros","Ġdéc adas","Ġpro to","7 5","Ġhor ario","Ġperson alidad","ĠVal le","la ga","à ł","Ġnego ci","en aje","Ġdel ito","u bl","ĠPol ÃŃtica","Ġdi je","Ġsegu imiento","Ġmer can","ĠsÃŃnt omas","ĠPrem io","Ġal er","ĠAnd roid","vent ud","cin di","Ġh el","Ġparticular es","Ġprepar ación","Ġcorri ente","w a","Ġsilen cio","Ġpudi era","ĠCór doba","Ġceleb ra","Ġconv iv","st er","Ġtaller es","Ġmé todos","Ãį A","Ġvul ner","Ġprev isto","Ġba talla","Ġefec tivo","Ġfras e","ent en","Ġmo ver","Ġdeclara ciones","ĠlÃŃ deres","ter rán","g or","am bre","Ġe mi","Ġus ando","c ra","Ġfras es","ĠDer echos","Ġrecor d","Ġep iso","Ġcan tante","id ación","Ġa ma","Ġpromo ver","ĠFac ultad","ĠG ol","Ġdirig ido","Ġa leg","iz ados","Ġcomb inación","G O","y en","ĠL ondres","Ġint ento","Ġg ir","z ando","Ġofrece mos","Ġs ho","Ġra to","ĠS ólo","ĠU no","ón ico","âĢ¦ .","Ġplan o","ĠA M","Ġcu estion","der ÃŃa","Ġho teles","Ġanun cios","ĠEspañ ola","Ġhuman idad","ez ca","Ġbaj ar","P ues","Ġunivers idad","? .","am es","Ġperspec tiva","ĠIn g","aliz adas","Ġvesti do","Ġcoti di","Ġal m","Ġexplic ar","Ġtradi cionales","Ġg ira","Ġpar ecen","ific ados","Ġest ancia","ĠE ra","Ġacab ar","ĠV il","Ġdia gn","u x","as te","Ġra p","Ġcont ribuy","al d","Ġc ár","Ġref ug","i ada","Ġinclu ido","Ġhum or","ci das","Ġtele f","Ġorganiz ado","Ġd ará","Ġdes ign","Ġpro pon","ep res","Ġso cios","Ġcereb ro","á les","Ġca tá","Ġ200 5","Ġintelig encia","Ġsos p","Ġacer car","Ġinflu encia","Ġinteres antes","Ġde fec","Ġcu esta","Ġ15 0","ĠJ uegos","Ġindi s","Ð ¾","Ġsu ger","ĠIn st","Ġpen al","ĠJ e","o x","óm ico","ĠNav idad","ĠI b","Ġfra cas","ez as","us os","Ġacon di"," ®","i ciones","Ġlanz amiento","Ġesfuer zos","Ġform an","Ġreg ional","Ġescri tor","Ġas o","Ġre pu","ĠSe gun","Ġtritur adora","Ġdific ultades","Ġme ter","Ġco legio","Ġpre vención","Ġin greso","Ġedifici os","Ġcol um","Ġa tre","ort un","ar t","Ġimpres ión","ĠS ÃŃ","Ġtra yec","ĠCas tilla","at amente","ĠEn cuent","Ġopin iones","Ġlo gra","ĠDan iel","ĠAle j","i jo","C o","p ul","Ġcompañ ero","Ġestable cimiento","ĠLa tino","Ġbo tón","óm ica","ĠIn form","Ġefica z","Ġconsider ar","ĠH asta","am an","Ġdescan so","Ġv ay","ĠD ig","fer encias","en ciales","ĠE r","Ġco ber","Ġal tas","ĠCatal uña","Ġinici ar","Ġlogr ado","u a","os as","d icas","Ġt ec","Ġcier tas","Ġpri vi","4 8","ĠOr den","Ġdemoc r","u ación","ĠEn rique","i anza","Ġ4 8","3 8","in ando","Ġcu ento","Ġcar i","ĠCons ul","Ġmal o","as ti","ĠPu bl","Ġcer rar","Ġdes ac","Ġgan ado","Ġc ruc","Ġprepar ar","Ġna ció","Ġar re","Ġcre cer","Ġpol ici","é ut","ĠC O","ĠM os","Ġpartici pa","ing ton","e y","Ġa ver","Ġselec cion","l ó","Ġcorrespon dientes","der á","Ġmues tran","Ġgas tron","dem ia","Ġconci erto","oc k","ad al","arago za","Ġconvoca toria","Ġso le","Ġcorrec ta","Ġv osotros","Ġf ren","Ġdis cu","Ġpl ena","Ġcorrec to","Ġamig a","Ġprob able","Ġh in","ivers ario","Ġa eropuerto","Ġblan ca","a que","gu es","ĠM es","Ġpres tig","Ġsobre viv","Ġingre dientes","Ġcompro bar","Ġre tro","Ġestar án","ĠU su","Ġpa de","Ġpo ca","Ġconcep tos","Ġpos teriormente","it ó","Ġál bum","cri to","Ġ19 5","__ __","Ġpropor ciona","Ġdesp laz","ĠIs rael","Ġdeb a","Ġafec ta","ari amente","ĠR adio","Ġavent ura","Ġesta tal","Ġb ro","Ġfac tor","IC O","SO E","Ġb r","Ġp ene","Ġ3 8","Ġejerci cios","ĠSuper ior","ib e","Ġherm ana","Ġapar ecer","ÃŃ na","C H","Ġmonta ña","Ġcolec tivo","Ġag encia","ĠE cu","or io","Ġcomb ust","f icas","ĠAr m","Ġmuer tos","Ġg rad","Ġsent imientos","Ġcom isión","ĠM ed","Ġman ip","Ġden uncia","Ġaprovech ar","Ġvie jo","Ġdos is","ios os","Ġidi oma","Ġf l","c ada","ĠAs amblea","Ġest rech","ĠlÃŃ mites","ĠD os","Ġpas ión","ĠI II","oo d","ĠA ca","Ġac tivo","Ġco ches","ĠCom ité","i que","Ġempres arial","Ġmaes tro","p la","Ġtu ve","ĠDirec tor","Ġgu itar","Ġacos tumb","aj aj","Ġelabor ación","Ġimp ac","Ġar ena","Ġestrel la","Ġdif un","Ġcor ta","Ġvo tos","cam bio","Ġcor por","Ġfinanci era","Ġinmedia to","Ġrealiz ará","Ġpa trimonio","Ġposi tivo","ĠG as","Ġinvestig adores","Ġlab ora","Ġdestac ó","Ġm uebles","Ġimp ul","ĠM is","S on","r g","Ġmir ar","ĠvÃŃcti ma","tor nos","Ġ id","Ġ ic","A c","Ġencontra ba","ter al","ĠN º","dr án","e di","Ġme tal","ik e","ĠEjecu tivo","Ġcan cel","hi bi","Ġfi j","ĠAp ple","Ġc ientos","s er","Ġac tiva","ĠPa ÃŃs","Ġno ches","Ġporcent aje","ic ha","3 7","Ġbon ito","ĠSalv ador","ĠD iego","Ġnorma tiva","qu ie","Ġentre ten","P E","Ġhab il","Ġenf oc","Ġmunicip ios","Ġleg ales","Ġlic encia","ĠM ir","Ġb es","ĠV is","Ġdemos trar","Ġdi ciendo","Ġcap ÃŃtulo","ĠM uy","b ur","ĠJ apón","Ġdorm ir","w er","ens iones","Ġeconóm icas","Ġespectá culo","Ġpar cial","Ġpo t","op era","ĠAut ón","Ġacces orios","Ġgob iernos","Ġobserv ar","Ġcuel lo","é ro","ĠL ic","ĠV iv","s in","ĠL or","Ġtriun fo","Ġtra to","ig ht","qui to","Ġidentific ar","ĠMo v","Ġmilitar es","Ġcub rir","Ġdi os","ĠPo pular","Ġme todo","Ġintegra ción","Ġespal da","Ġa pa","Ġdedic ado","ci enda","Ġsegura mente","Ġcerc ano","ĠAp ren","Ġho jas","Ġconvir tió","it s","in ten","ĠUn idad","Ġpor tal","Ġeleg ido","ab el","g et","Ġespecta cular","h one","ne y","Ġquiz á","Ġc able","Ġcontin úa","ĠAndr és","S E","Ġdi ri","Ġj e","Ġcient ÃŃficos","Ġanun cio","Ġinf in","Ġhu bi","l d","me di","Ġma pa","Ġofici nas","Ġsue ños","Ð °","Ġsuce de","Ġgust an","ci ta","Ġmor al","Ġter mina","Ġnov ia","gen da","Ġproce dimientos","Ġambient al","Ġlib res","Ġpan or","Ġur ban","ĠAl berto","is p","Ġcom pati","ĠI l","Ġmoder no","ĠC E","Ġle tras","Ġeleg ante","b erg","Ġabs or","Ġtier ras","s ion","l ÃŃn","Ġfamos o","Ġan teriormente","Ġhom enaje","Ġvo to","Ġper u","Ġbo da","Ġrela j","Ġcriter ios","Ġigual dad","Ġp ista"," ©","Ġm ac","Ġinm ig","Ġv uelo","Ġme tro","Ġfab ricación","Ġcateg orÃŃas","ĠlÃŃ mite","Ġapar tamento","Ġcél ulas","... ]","Ġ3 3","Ġclar amente","Ġases ina","Ġg or","Ġfan tá","Ġmuer to","Ġsuje to","Ġpareci do","Ġun iverso","át icamente","Ġdeci dir","mo bil","ter ra","ĠS iempre","Ġllegar on","Ġp unta","u re","ĠTu rismo","ĠÃģ l","Ġbas ado","Ġorganiz a","if orn","d omin","Ġpas aj","posi ciones","ĠCó digo","y n","ĠX V","I X","ab ilidades","ĠL oc","Ġespecial istas","Ġel ig","pres ión","ĠL uc","Ġ4 00","Ġimp lan","F E","Ġcap it","Ġprev io","aliz ó","ong itud","Ġamist ad","Ġpris ión","ide l","Ġcif ra","ĠA gr","Ġgas to","cu ra","Ġvig ente","Ġtan ta","rim ir","Ġcar reras","Ġimpres cindi","Ġban cos","Ġpla tos","Ġe ficiencia","Ġocu pa","Ġalco hol","Ġm ental","Ġla tino","Ġcon migo","Ġorigin ales","Ġtele vis","Ġbra zos","Ġdise ños","ci entes","Ġex itos","Ġemo ciones","Ġmexic ano","Ġsex uales","Ġconst a","ĠTea tro","ĠvÃŃ deos","Ġà ļ","Ġsim ul","é ticos","Ġpas an","D I","is h","4 7","Ġdich os","Ġrepar ación","ĠP ARA","ĠN uestra","Ġ ;","Ġsecre to","Ġri que","Ġso por","Ġro b","Ġcon ces","ĠCo legio","rag ón","Ġes que","gan os","Ġpro tec","Ġdocu mentación","Ġnove dades","Ġexac tamente","ĠF amil","Ġoblig ación","Ġenc ab","Ġinstrum entos","Ġfá b","Ġconsider ado","U M","ĠCom p","Ġcar tas","el os","1 00","Ġser io","st os","ĠYo u","Ġestudi ante","ĠUn ido","Ġeléctr ica","d ri","cul ares","Ġac ord","Ġgan ó","Ġsegu idores","f al","Ġapro pi","Ġtra tamientos","Ġmedic amentos","ĠSo bre","Ġar ras","ĠsÃŃ mb","Ġaus encia","an es","er io","Ġlec tor","ĠU ruguay","ĠS ch","Ġver siones","Ġex ces","Ġpron unci","ĠH on","ĠC reo","Ġadolesc entes","Ġpar ed","Ġrepresent ante","des a","Ġcul pa","Ġcab e","Ġo jo","Ġfundam entales","Ġpa tr","Ġpla zas","Ġdibu jos","Ġinfraestruc tura","ĠLe g","Ġprogram ación","ĠA ra","Ġalim ent","Ġformul ario","Ġbici cle","v iendo","Ġson risa","Ġtab la","Ġdiseñ ado","Ġconfigu ración","ĠB ro","Ġinvers iones","uc le","Ġopera tivo","Ġperm ita","Ġsign ificado","Ġac eler","Ġactu aciones","Ġpe da","Ġb ras","Ġad quis","r és","0 5","form as","Ġmas cul","p ó","Ġba terÃŃa","ĠC lar","Ġgratu ito","Ġtesti mon","S an","Ġgener almente","S A","ri el","Ġinc endi","ven ciones","Ġ201 9","Ġfel icidad","Ġpare jas","ĠEcon omÃŃa","Ġgras a","ĠC D","ĠAr te","Ġinterpre tación","Ġvent ana","ĠV ie","Ġequilib rio","Ġapar ición","Ġpobre za","teri al","ĠP in","ĠOrgan ización","Ġt rim","ĠT i","Ġref or","Ġpi dió","em or","Ġsegu ido","Ġap lica","tar a","ĠNo v","un ción","Ġcan ales","Ġin gles","Ġind ÃŃgen","Ġcon ferencia","Ġre visión","Ġcompeten cias","Ġl la","Ġfenóm eno","Ġconsum idores","in adas","ĠHum anos","Ġmer ece","Ġgobern ador","Ġpla to","Ġdul ce","Ġinteres a","Ġinvesti gaciones","Ġaf irm","ĠA ir","ĠTra baj","Ġejemp los","Ġequiv al","i esta","Ġfel ici","ti d","Ġprepar ado","ar las","M o","ĠAr tes","Ġf rac","Ġcel ular","ur ÃŃa","ĠAl cal","Ġ200 4","z adas","ĠF al","Ġinmedi atamente","Ġcar gos","Ġle ÃŃdo","ĠR ic","M ientras","b us","r om","ĠP SOE","Ġtrans formación","Ġaf i","ra y","Ġtrabaj an","im nas","Ġavan ce","i mp","Ġven ir","ce dentes","ĠPue des","ion ado","Ġpublic ó","ĠAs imismo","am á","Ġres uel","Ġdej an","ĠT ex","Ġgra ves","Ġha gan","ĠPD F","Ġinteg rantes","it h","un do","Ġaloj amiento","ĠV ide","ic s","Ð µ","Ġre emp","19 9","ĠM el","is co","ĠM c","Ġtrayec toria","Ġllam adas","Ġre cre","Ġj oy","óm ez","Ġsol ar","c amiento","Ġningun o","ándo lo","Ġcómo do","ter na","4 6","ĠC ir","Ġclas ificación","Ġpod remos","Ġnumeros os","Ġl ine","Ġper f","Ġenf oque","d ras","ran a","Ġme t","ĠMá laga","Ġ7 5","Ġemo cional","Ġten gas","Ġcon tigo","M an","Ġcontra tos","og rá","Ġcor pora","it en","Ġcif ras","ĠT el","3 2","Ġdefin ición","ĠF ab","Ġdesay uno","Ġfu i","ap ia","Ġaf il","ĠRafa el","Ġpl ástico","Ġbás icos","Ġpol vo","C ada","Ġv ib","T he","z ados","as as","Ġinstal ar","Ġcol on","Ġvuel to","és pe","Ġecon om","ĠJ ef","Ġten dencias","Ġcandida tos","Ġdirig ida","ĠB os","Ġcontemp orán","ĠEspe cial","Ġvir tual","Ġreg iones","Ġtal ento","Ġquer er","ñ ez","Ġarquitec tura","r é","en de","ĠDÃŃa z","Ġagreg ó","Ġubic ada","Ġs ú","Ġap uesta","3 1","Ġdefin ir","Ġse g","Ġp ár","Ġempres arios","P res","Ġque de","7 8","Ġhor izon","in ales","A CIÃĵN","ten cia","Ġtarje tas","x i","t n","à §","Ġacompañ ado","Ġbol s","Ġf órm","ĠTor re","CION ES","cul a","Ĩ Ĵ","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ÃŃ mp","te dr","Ġsuf rir","Ġfir me","Ġocur rió","Ġeduca tivo","iz aciones","ĠIn te","Ġtermin ó","Ġso ber","u z","ĠCon se","ólo gos","g ano","Ġpon en","Ġlabor ales","Ġreun iones","Ġembara zo","Ġpro pone","roso ft","Ġpregun tar","ĠSu pre","ĠCam pe","ĠEl la","Ġintelec tual","Ġconcent ración","Ġterra za","b y","Ġp us","itar ias","ta je","Ġdesarrol la","Ġm ág","Ġne gra","Ġpun tu","Ġlleg ue","201 7","Ġtrans misión","s ic","Ġa é","Ġexpecta tivas","Ġla v","Ġco pia","ĠF a","T ra","ĠA lex","Ġaf ron","Ġacuer dos","in er","Ġhistór ica","ĠDis eño","ĠR ub","Ġalterna tivas","Ġcontinu a","Ġhermos a","um bre","Ġcuer pos","l ón","Ġgust ado","Ġcober tura","Ġcons ist","Ġin cu","Ġh omb","Ġpropor cionar","ĠAt l","ĠL es","ĠR oma","O C","ĠS im","Ġdoc entes","H e","m erÃŃa","4 4","Ġpre para","Ġcrist al","Ġprofun do","Ġoc ci","ĠL ima","ent imiento","Ġad ver","Ġata ques","l ia","Ġins cripción","AL ES","ĠJ im","Ġm oles","Ġprofun didad","ĠPúbl ico","Ġvir us","Ġemerg encia","Ġir re","in d","ĠInvesti gación","Ġno tas","Ġto ca","Ġleg isla","Ġjug ue","Ġf ues","entar ia","Ġmunicip ales","Ġac triz","Ġreco p","ol ut","Ġtendr ÃŃa","dad or","Ġre ti","Est os","à ¨","Ġcár cel","ar ro","g ando","Ġin quie","ĠS eb","Ġses iones","Ġenfr entar","Ġser ia","Ġfis c","er tos","vo z","Ġconoci dos","Ġri val","Ġactu alización","Ġlegisl ación","Ġg oles","ĠH ace","Ġ3 7","Ġcons igue","Ġsu g","Ġapor tar","ĠEn erg","Ġd ra","Ġprove edores","Ġrecom ienda","an s","Ġac a","f os","F in","Ġinter cambio","Ġ5 5","t z","ĠÃģl var","n y","Ġqu itar","Ġale mán","ĠZ aragoza","ĠE du","Ġre in","Ġp ac","Ġpien sa","Ġj ud","Ġ200 3","ó st","Ġdeb ÃŃa","tor ÃŃa","Ġsin g","Ġt ol","ĠAr ch","Ġv ÃŃas","Ġcomplic ado","Ġmon tón","Ġp las","Ġgaran tiz","ĠP adre","H ab","Ġguar dar","end ario","ó lica","Ġconstitu ye","h ÃŃ","a ños","Ġ ?","ĠB or","Ġdetermin ado","ĠMon te","Ġre tras","Ġlec tores","Ġfigu ras","Ġserv idor","Ġdi vis","Ġfinanci ero","olut amente","m ática","Ġllev ará","As imismo","Ġbas ada","Ġexten sión","Ġd aba","er ra","Ġcont ó","Ġcon m","Ġsig los","Ġan iversario","ĠMuch as","Ġposi ciones","Ġprotagon istas","Ġm ando","Ġapoy ar","Ġciudad anÃŃa","Ġcá maras","Ġinde pendencia","Ġpu ente","ic ano","0 6","Ġes cu","Ġsac ri","fic amente","0 8","Ġcre ma","ĠV i","Ġdi jeron","Ġextran jero","Ġdifer enci","ĠAlgun os","Ġpas eo","Ġrev olución","ul ada","Ġsatisf acción","Ġun if","Ġcompar ación","i ario","Ġorgan ismos","Ġg ris","st o","ic ana","Ġpier nas","Ġg rados","ór ico","Ġtom ando","ĠP el","ĠA cu","Ġmar ido","Ġdig itales","Ġsigu iendo","ĠG ómez","' .","ĠAg encia","Ġdi pl","em ent","ÃŃcul a","Ġve ge","f ru","idu os","Ġab und","um e","Ġacon se","Ġcoloc ar","Ġrecom iendo","Ġreconoci do","Ġnorm almente","Ġsac erdo","Ġchoc ola","Ġr ico","Ġamena za","Ġa mp","Ġtom ó","Ġdes h","Ġre per","iforn ia","Ġabog ado","j ó","ĠEcu ador","b it","Ġrecon oce","v ie","ĠGran ada","Ġcom edor","ĠW ill","Ġesp iri","ĠS U","0 9","Ġinv itados","Ġle tra","0 7","Ġinform es","Ġpubl ici","Ġdel itos","Ġtej ido","Ġmodific ar","ĠM ario","Ġcomo didad","ĠCar men","ĠMe jor","Ġolvid ar","ug ÃŃa","Ġro ck","Ġcambi ado","Ġtrans por","Ġinter no","ĠHern ández","âĢĻ .","Ġdiagn óstico","Ġti ro","Ġvit am","ĠIn s","ier es","i gual","Ġt ap","Ġpod éis","ti ble","G u","Ġten sión","v ez","ĠPrim era","ĠM ol","Ġrelacion ado","L uego","Ġfil osofÃŃa","Ġarti fici","ĠF ar","ve la","ĠAlej andro","ĠR iv","Ġar ma","Ġenl aces","Ġmar gen","Ġentren ador","ios as","ĠB r","ĠA S","Ġmor ir","Ġintelig ente","Ġc itas","Ġform ado","Ġâ ĨĴ","c án","g na","Ġtra er","Ġe mail","Ġextre mo","Ġf estival","u tas","Ġo x","go tá","ril la","ril lo","Ġmoder na","Ġimp uesto","or ld","s s","Ġaum enta","grá fica","ĠAn ti","la terra","Ġapar te","Ġl ad","Ġrealiz ando","Ġbrin dar","Ġvis ual","all er","Ġro dil","Ġexpres ó","am as","l le","Ġrespec tivamente","Ġas pir","T OR","4 9","ter ÃŃas","v ido","Ġres tos","pañ as","ĠN ación","Ġcri tic","me j","m ica","Ġperiodi stas","Ġcas tel","Ġrealiz adas","Ġv ÃŃn","Ġcomb ina","hu a","Ġcam bia","ci eron","Ġmen ú","Ġdepor tivo","Ġárbol es","Ġat ribu","Ġn ación","ĠMujer es","ĠI P","ĠPres iden","ĠNic ol","Ġin just","Ġregres o","Al gun","Ġl ongitud","ĠCon tra","ar as","@@ @@","Ġconduc tor","endi do","Ġman eras","Ġser ies","qu ilidad","ĠFo to","ĠP alacio","Ġaprob ación","Ġemp u","uc a","Ġe ficiente","ĠD ip","ĠT an","Ġcapaci dades","enda ciones","ĠC r","o ca","Ġcont amos","ĠW ar","ĠA f","Ġrecomend able","Ġma tem","cin as","n al","Ġalum no","Ġmá quinas","Ġign or","to p","Ġre pos","Ġla ment","Ġexplo tación","Ġencontrar ás","Ġdi entes","Ġv id","i des","Ġdependi endo","U D","Ġmon itor","Ġaudi encia","b es","o d","Ġextran jeros","ĠG ob","ĠB ra","iz an","I R","Ġdisc rim","Ġexp los","in cu","Ġpublic ar","ĠBoliv ia","Ġbras ile","Ġin com","Ġinteres ados","Ġdi aria","ĠPor tu","Ġinstrum ento","Ġcer em","ec o","Ġinici ó","Ġpare des","Ġp uls","ing ü","st rucción","ĠL OS","Ġs orte","Ġrev olucion","à ļ","Ġa den","ĠE se","Ġfinanci eros","in io","tus ias","Ġpens ado","Ġestad io","ĠDe por","U no","Ġ6 5","Ġquier as","Ġoblig aciones","Ġpre venir","un as","Ġreflex ión","Ġl isto","Ġa qui","Ġacab ado","Ġ om","Ġpublic ada","Ġmedi cina","Ġfinanci ación","Ġpo bres","Ġe cu","ĠK a","TI V","Ġplan e","i ter","Ġpar o","Ġequiv oc","Ġponer se","Ġbo tel","Ġm ód","ĠT es","Ġconserv ación","Ġautor ización","Ġas untos","ĠIn de","Ġma qu","ĠU E","Ġav ión","Ġna v","Ġd arse","Ġespiri tual","olu ciones","Ġcircu ito","ic ar","Ġpien so","Ġrefer ente","Ġcon sejo","Ġpre viamente","Ġcient ÃŃfico","g ip","Ġdoc ente","Ġnumeros as","Ġv ital","m ana","Ġma tar","ĠTo das","Ġra ÃŃz","Ġintens idad","Ġdi gn","Ġtom ado","Ġre tra","Ġcorrec tamente","ĠCam p","Ġdivers idad","A d","Ġles iones","hat s","Ġdif usión","Ġahor ro","Est amos","Ġfe deral","Ġdedic ada","s ito","Ġdej amos","f era","ĠCas tro","Ġt h","ĠN uestro","Ġprofun da","ĠDa tos","ĠO ro","ent arios","ĠH D","Ġexclus iva","Ġdescar ga","Ġpreocu pa","di ción","Ġus ado","in an","Ġelectrón ica","Ġevi dencia","Ġasist ir","Ġh echa","in to","á rez","Ġtendr ás","idar idad","Ġcl im","Ġt able","Ġgu ard","Ġen tusias","Ġc ero","Ġcampe ón","Ġau tos","Ġpreocup ación","Ġlo ok","Ġpa gos","Ġcer rado","Ġdemos trado","ĠmÃŃn ima","Ġperten eci","ur al","S er","Ġtur no","ĠSeb asti","ĠQu é","Ġé stos","Ġproduc tores","ĠBl ack","Ġins pec","S al","Ġinf ancia","Ġpor tá","Ġv el","ri sta","Ġh ues","ĠEstudi os","all ado","ĠIndust ri","Ġh osp","ĠNe gro","Ġre cepción","Ġexclus ivamente","Ġabs olutamente","jer ÃŃa","Ġru ral","Ġinclu idos","Ġhid ra","Ġch at","ĠC las","Ġtotal idad","uri as","Ġinteres ado","tró leo","Ġfacil idad","Ġencontr ó","undar ia","x x","Ġsin c","ici as","om ba","Ġextre m","ĠPo demos","Ġluc es","ĠVir gen","Ġcu ri","Ġca tó","Ġpu de","Ġcomba te","Ġcre en","Ġindivid uales","ĠS O","Ġcomple tar","Ġne u","ist emas","Ġ3 9","Ġcomp uesto","ÃŃn ea","Ġpeti ción","Ġper ju","Ð ¸","Ġcom entar","Ġinst rucciones","Ġc ach","Ġa isl","ĠCol or","ĠD ar","Ġhac es","Ġdific ultad","ĠCon tin","graf o","ĠPo der","Ġhor no","Ġco operación","on al","Ġap as","Ġab st","ñ ado","' s","ĠEspañ ol","Ġex pon","ĠOfici al","ĠiP hone","6 5","Ġsocie dades","ĠComun icación","l ie","Ġpre mi","Ġterc ero","id al","Ġmag ia","Ġtran quilidad","Ġdeclar ó","ĠR osa","Ġejer cer","Ġdiver tido","Ġdispon ibilidad","A y","gr ad","Ġsuper iores","Ġba ños","grá fico","Ġvis u","ĠP S","N A","Ġrela to","Ġagrade cer","Ġcin ta","ĠN aciones","ĠE qui","ĠCar ta","Ġpaque te","americ anos","Ġefec tiva","ĠEs per","Ġdeber ÃŃan","ĠS oy","Ġhabl amos","Ġavan ces","Ġocur rido","Ġalmacen amiento","Ġbaj os","Ġdro gas","Ġconst ruc","Ġdis cre","me dio","ĠPro yecto","Ġestruc turas","ĠMay or","ĠFel ipe","Buen o","M I","Ġgan ador","B C","dis mo","i am","ÃŃ dos","Ġsi mb","Ġre acción","Ġmar car","Ġasist entes","Ġperten ece","Ġrece tas","Ġins u","Ġresiden cia","ĠCal ifornia","Ġco g","Ġad or","ĠMe tro","ĠAn tes","Ġcontac tar","Ġt echo","m ir","Ġs h","ú cle","u to","to ño","Ġbril lante","ter apia","Ġital iano","Ġsin dica","Ġmin ist","er t","m ala","Ġhum il","Ġproduci do","Ġh ambre","ĠRic ardo","Ġpar á","Ġrepe tir","tri cidad","Ġconflic tos","¡ ¡","ĠIn genierÃŃa","ĠC e","Ġapor ta","Est as","ĠI V","Ġluch ar","Ġvideo j","Ġcoment ó","Ġan cho","ĠP h","Ġeléctr ico","Ġintro ducir","ĠcrÃŃt icas","Ġconven io","Ġpriva cidad","Ġrique za","Ġest rés","Ġar que","Ġc ena","Ġespecial ista","ĠIng laterra","den as","Ġbar ra","ĠCul tural","ent ario","ĠCon trol","Ġafec tados","Ġayud an","Ġex cepción","ri tos","Ġtranquil o","Ġcam pañas","c ambi","Ġtrad u","Ġtra e","Ġantigu os","ĠB ern","Ġimp orte","Ġdi as","Ġme te","Ġencar gado","Ġexam en","t ÃŃas","Ġtempor al","Ġmé dica","ash ington","F ue","Ġllev aba","Ġten ia","ĠV an","ĠC el","Ġju ris","Ġexist entes","Ġestar ÃŃa","ig h","Ġfron tera","0 4","ĠReg istro","r ones","Ġextra ño","tiv e","Ġreco ger","Ġpla yas","Ġmecan ismos","Ġper j","én d","ĠB re","Ġa er","Ġdes gra","ĠEE UU","ĠU sted","Ġcuar ta","Ġex ceso","ĠMic rosoft","Ġdirector a","ĠEdu ardo","den es","cios o","Ġmon um","G A","Ġan aliz","Ġpermi tido","Ġtri ste","erg io","Ġil usión","Ġmul titud","ĠForm ación","Ġelectrón icos","Ġconvers ación","Ġru ido","Ġh ÃŃ","Ġproduc en","Ġautom óvil","Ġdeci de","ier te","Ġre ma","ĠW al","Ġocu par","ĠT ener","Ġcu mp","ÃŃcul as","Ġadi cionales","Ġca u","ĠBo gotá","Ġf um","8 8","ĠD ra","Ġconduc ta","Ġ200 2","Ġajust e","ĠE mple","V er","Ġplata formas","Ġsal udo","Ġpl en","Ġl á","Ġhier ro","ĠC ómo","I CI","Ġ <","st ica","Ġtrabaj ador","Ġeduca tiva","Ġunivers idades","Ġau xil","Ġpendi ente","Ġcan tidades","g in","ĠDomin go","ĠQ uer","Ġcomun icaciones","tam en","tar án","Ġcuidad os","Ġes encia","it ores","f un","Ġbar co","Ġchocola te","tr ÃŃa","man es","Ġnar ra","ur ar","Ġg ay","Ġedi torial","tra ción","Ġmone da","Ġesper an","j ada","ĠMe xic","b or","Ġton el","Ġ200 1","Ġdistin to","Ġmas co","Ġi ban","Ġescri tura","Ġencab ez","ĠS ud","C U","ĠIn dia","Ġtempera turas","P ubl","vi de","Ġregist rado","Ġoscu ro","Ġatrac tivo","Ġdormitor ios","ĠL an","Ġcam inos","Ġflu jo","ĠSoci ales","ue ble","ĠHa cienda","gles ias","Ġsalud able","Ġmanif ies","ma to","Ġhermos o","u an","sta gram","ĠS tar","Ġha z","Ġmaes tros","Ġven ido","201 6","Ġcla ves","Ġinst ante","ra te","ĠAm biente","tion al","Ġampl iar","ĠEs a","ĠD ic","Ġrom per","Ġprofes ión","Ġest ric","Ġsal en","a der","Ġrelo j","ĠB il","ĠUn idas","Ġprivi leg","orm es","ĠSan tos","Ġnave gación","Ġposi tiva","Ġc en","Ġsus p","m is","ĠIncl uso","Ġv uestra","Ġcal endario","é tr","l ico","ĠAr t","d f","Ġdi visión","Ġcu áles","Ġint enta","Ġesté tica","Ġcrea tividad","ĠI r","i tivo","ĠNa tural","Ġl lan","Ġab ur","M S","Ġlle vo","Ġpais aje","ĠV ia","S ÃŃ","Ġmol ino","fici o","ven il","b ro","ec as","par te","Ġen tiende","ón imo","Ġrecuer dos","ĠProvin cial","Ġfabric ante","Ġcons ciente","m n","Ġcertific ado","Ġbos que","Ġór ganos","ĠP R","Ġsomb ra","Ġmanifes tó","Ġsec und","Ġrecom endaciones","Ġurb ano","Ġag ente","ĠPe ña","Ġavis o","Ġinstitu cional","Ġb e","Ġencuent ros","Ġesper aba","Ġdisc usión","Ġcu yos","Ġbás ico","Ġve ter","Ġun ión","ER S","tan der","ac u","201 5","di as","Ġinmedia ta","Ġbal ance","Ġcon trar","Ġa genda","- .","4 2","Ġres iduos","Ġán imo","Ġpod amos","ĠA do","ĠL en","raz go","Ġde je","Ġpa p","Ġmostr ó","s h","Ġest abilidad","Ġpro ven","Ġconcl uy","Ġdim ensiones","ĠRey es","Ġgra cia","Ġc ien","Ġen rique","ĠR io","ĠT emp","Ġar mon","Ġdocument al","Ġimple mentación","Ġpo esÃŃa","Ġr enta","Ġcam inar","Ġfin alizar","Ġeurope o","Ġred ac","ĠS ierra","Ġres umen","c ando","Ġper dió","ĠF ondo","Ġpilo to","Ġbaj as","Ġpasaj eros","Ġquier an","I Z","Ġj er","e ma","ĠDef ensa","ĠI ma","Ġre bel","Ġas igna","Ġay udas","Ġpu ra","ĠC ine","Ġigu almente","Ġdesemp eñ","tor iales","6 6","Ġla bios","Ġten dremos","ĠL le","hibi ción","a unque","Ġins ul","Ġabsolu to","Ġa gar","Ġcu ero","Ġesc la","Ġre cep","ĠDig ital","Ġunivers al","C a","Ġtrim estre","Ġin ex","Ġtraduc ción","Ġpol ém","Ġban das","Ġinicia tivas","Ġmodi ficación","ip s","ĠEst oy","A quÃŃ","Ġru tas","ut ados","titu des","ĠF un","ĠN ie","rib uye","Ġdes as","Ġrelig ión","il io","T RA","Ġrue da","Ġcient ÃŃfica","ĠMay o","ĠCas tel","Ġcircul ación","Ġcontra tación","Ġli der","Ġnaveg ador","n ing","Ġh ue","Ġir reg","c ara","me dia","Ġgust e","Ġins ist","Ġse mej","Ġmu rió","ĠH or","ĠÃŃn dice","Ġcoord in","Ġa ust","Se gu","Ġconven iente","Ġlimp iar","Ġincre ment","Ġagre gar","G U","Ġexper to","e da","ient a","Ġneces itamos","ĠPla y","ĠP ág","cu b","Ġorganiz ar","er ación","Ġsitu ada","ĠH ombre","Ġna cido","Ġciudad ano","Con s","Ġorient ación","Ġpod ÃŃan","Ġrom án","Ġexpres a","ib il","Ġte la","ab as","Ġesta tu","ĠReg ional","ĠB u","Ġcuan tos","AD A","r eros","Ġsal ido","Ġdis capacidad","ÃŃt ico","Ġefica cia","ĠNicol ás","ist ar","an tiles","Ġus an","Ġdem uestra","Ġcompos ición","Ġdesemp eño","Ġperm iso","Ġver tic","Ġpriv adas","ĠCar ibe","Ġde pos","Ġjue ga","Ġmuch ÃŃsimo","Ġhab lan","Ġcoord inación","u era","ta ña","ĠAm eric","Ġfil m","Ġm ister","habil itación","Ġprima vera","Ġcic l","ĠAutón oma","uer zo","Ġmill ón","Ġeurope os","Ġtrans mitir","Ġ4 2","Ġl ados","H asta","ĠBlan co","ĠCh ar","Ġimprescindi ble","Ġilum inación","Ġn úcle","Ġin genier","Ġadap tación","Ġ !","Ġindividu os","ĠEst amos","B o","Ġal f","Ġconstitu cional","Ġapre ci","Ġsal var",", ...","Ġdo ce","mart ph","Ġespec ÃŃfico","\" :","Ġfues e","Ġcrédi tos","Ġcari ño","Ð ½","Ġpier de","Ġes cul","Ġinst ancia","Ġplan tilla","Ġpens amientos","Ġrecor rer","en z","Ġd amos","ate mala","Ġrequier en","ci pe","Ġm adres","Ġconec tar","Ġcomp ens","ós itos","il as","ĠH an","ĠP OR","cor d","ues tras","Ġapro bado","Ġespeci alizada","Ġlimp io","Ġacondi cionado","Ġavan zar","Ġmar ch","ĠO tros","Ġó pti","Ġjorn adas","ĠOfici na","Ġjug ando","ĠĠ ĠĠ","Ġgaranti za","Ġve inte","M O","B I","Ġho ja","âĢ¦ )","Ġej ército","Ġcub ierta","uen a","ĠBuen o","Ġ6 00","Ġutil idad","Ġdue ño","s ula","Ġacep ta","ÃŃ g","Ġn aran","Ġtu ristas","ér ico","um b","Ġabsolu ta","te cas","aliz aciones","Ġbeb idas","P a","Ġ óp","Ġg re","Ġinform ado","ust o","is po","Ġpa tio","Ġcal ent","Ġdis cos","Ġindividu o","ĠDi ario","Ġcatá logo","ĠD I","ĠjurÃŃ dica","Ġpe tróleo","Ġpon iendo","0 2","N O","j ando","ĠN et","ĠRam ón","P U","ĠA lic","t le","ĠSan t","Ġbas a","Ġman tienen","Ġsob res","ce mos","Ġar gentina","A ctu","Ġre ún","Ġcolor ear","7 7","Ġconside ran","Ġimpresion ante","Ġest ima","Ġal iv","Ġb l","Ġban car","Ġcan s","ĠK ar","Ġrespon de","Ġlleg ando","Ġvic epres","Ġli qu","ÃŃ ficamente","ĠCan arias","Ġutiliz ados","Ġmod alidad","Ġmater ias","ĠW ashington","E mp","men es","ús ica","Ġaso ciaciones","E A","Ġf ri","Ġenem igo","Ġpres erv","Ġins er","ĠE X","Ġj ub","Ġde partam","Ġesper amos",". âĢĶ","tar ias","Ġconform idad","Ġin mobil","ĠEx per","Ġcriter io","Ġrepresent an","Ġllam ó","ĠPa pa","Ġg imnas","0 3","ti po","Ġgestion ar","Ġcumple años","Ġsin dic","Ġà ĵ","ĠReg lamento","Ġesc as","AR T","ĠTo da","Ġtra tando","Ġex c","Ġfra g","Ġasum ir",". »","tr ices","ĠIn stagram","Ġreci entes","ici oso","] .","Ġexcel entes","Ġcontribu ir","Ġfabric antes","i ti","Ġcul tivo","ĠFiscal ÃŃa","ĠMur cia","Ġqu eso","ĠC U","Ġindic ado","Ġr osa","ho p","Ġran go","Ġmoder n","ac ha","Ġrealiz ados","le to","Ġno c","ist os","O b","Ġbon ita","ĠV as","ER O","Ġam able","Ġtermin ado","ĠAl lÃŃ","Ġadj ud","Ġpresiden ta","g ulo","Ġn ucle","C ol","Ġmad ru","Ġanunci ado","Ġcapaci tación","Ġcor tes","Ġdepor tes","ĠX IX","ĠMer cado","Ġelec tro","ĠMe dia","Ġqued arse","Ġc es","Ġpropie tario","Ġv uelos","ĠPan amá","Ġh ol","Ġpar lam","Ġmexic ana","Ġemp ie","Ġlan zar","Ġpa ta","Ġ ÃŃ","Ġfamos a","Ġdistin gu","ĠB on","Ġcompeti ción","ĠCan adá","Ġdé bil","Ġpor tu","ĠQu iz","Ġdestac ado","Ġmet ál","Ġcaracter ÃŃstica","Ar tÃŃculo","Ġimp e","S ab","ci tos","an al","Ġlabora torio","Ġmov ilidad","Ġiden tificación","ĠS ergio","An tes","ĠB ien","Ġman ga","b ir","Ġreserv as","Ġsu av","Ġpróx imas","Ġsosten ible","ĠBlan ca","Ġc aj","Ġde dos","g ran","ĠAu to","Ġ12 0","Ġb ille","8 5","Ġc eb","O tro","ari ales","Ġór gano","ĠC A","Ġpu ro","pu tación","abe tes","Ñ Ĥ","Ġse t","ba o","Ġalum inio","ĠU l","ĠV ar","Ġsuje tos","Ġabog ados","Ġpo bla","Ġcon ducir","Ġmo dos","Ġdiput ado","Ġglo b","ÃŃc ola","Ġvo ces","ã ģ","ĠR ica","Ġsu mar","Much as","Ġhubi ese","di rec","ĠSegun da","Ġem baj","Ġb ron","Ġfortal ecer","Ġrue das","Ġba ilar","ĠB iblio","Ġab rió","it adas","ĠC N","ĠC uer","v ol","Ġmam á","Ġprodu jo","Ġcomp et","Ġexpan sión","Ġcor reg","Ġ25 0","Ġcul p","Ġtre inta","Ġpriv ados","6 4","Ġal ber","Ġperman ecer","gar se","Ġdich as","i adas","Ġhábi tos","Ġcompr ensión","ĠPar lamento","Ġespañol as","Ġda to","Ġindustri ales","Ġcol a","Ġseñ ora","N uestro","iz adas","Ġconstante mente","Ġf eria","Ġmus icales","D i","Ġneces itar","Ġv uestro","Ġa ter","Ġexig e","Ġf icción","Ġdel incu","ĠSem ana","Ġh arán","Ġfuncion ario","de a","Ġmag ist","Ġen tiendo","Ġpro pa","fon so","ĠAl im","ĠB ea","Ġañ ade","So bre",", ,","Ġreemp la","ĠN osotros","Ġvig or","ĠG lo","Ġbás ica","ĠdifÃŃ ciles","ĠUsu ario","ĠTen go","T u","Ġevalu ar","Ġdel ic","Ġdes l","am ar","ern am","Ġcampe onato","M E","Ġselec cionar","Ġlo go","Ġre tos","Ġpol ic","ĠAca demia","Ġsent imiento","Ġacudi r","Ġno table","ĠÃģ frica","Ġproduc tor","Ġeta pas","Ġdeten ido","Ġconsum idor","ĠProvin cia","om ina","Ġseñ ales","Ġqued aron","Ġcomba tir","ĠEmpres a","ĠclÃŃn ica","Ġca fe","gu é","tran s","Ġgenera ciones","n ado","T OS","Ġemb ar","Ġvir tud","Ġdese os","Ġnoc tur","Ġm ach","Ġpubl icaciones","Ġ it","c olo","Ġdibu jo","f it","Ġha ci","Ġen de","ĠAust ral","ĠTor res","ĠRos ario","Ġenem igos","Ġdepor tiva","te la","w ard","ion a","Ġcerc ana","ĠMar tin","ó cra","Ġmal os","ĠAr tÃŃculo","Ġju ventud","t inas","Ġt asas","te mp","Ġver lo","Ġcontr ad","Ġdist rito","ú p","R AN","Ġestu vieron","Ġteléf onos","Ġap orte","udi o","Ġt orm","C re","Ġt ruc","es as","Ġfi el","Ġinter cambi","Ġdes f","Ġbra zo","Ġnie ve","Ġven de","Ġdirig entes","Ġmaravillos o","ĠTen emos","Ġtonel adas","Ġconf un","Ġregal os","ĠR ico","Ġfal lo","Ġal tamente","Ġdes cripción","l ga","Ġadquis ición","g ia","ĠS r","... )","Ġ[ ...]","Ġpres tación","ĠRob erto","Ġse cu","Ġcons entimiento","Ġmejor as","Ġespec ÃŃficos","p lan","Ġcar ro","Ġidi omas","tr ada","Ġconcl usión","Ġdestac an","d icación","tar lo","ri z","Ġhuev os","Ġb eso","Ġpo deres","ĠP i","4 3","Ġsub s","a qu","Ġprob abilidad","Ġeurope a","P D","Ġcuad ros","Ġmecan ismo","Ġcar tel","Ġmane jar","Ġfru tas","Ġdes pues","Ġmues tras","pol it","Ġperió dico","e de","Ġad vers","Ġba ñ","Ġhtt ps","Ġenseñ ar","Ġcre ando","Ġcuid ar","Ġes quina","ual quier","en dar","Ġpot ente","Ġconoc en","ĠlÃŃqu ido","Ġpie dras","Ġlóg ica","Ġmonta je","ox id","Ġpermit an","Ġpreci sión","em b","Ġan tic","Ġtra tado","Ġbara to","Ġhor arios","Ġasoci ados","Ġcomput adora","ĠA v","ita t","Ġimag inar","ĠCo ord","ens es","Ġfu tu","ti to","ám ico","Ġn ace","ĠEduc a","Ġa val","Ġconsigu ió","Ġimp ro","Ġx D","ĠE v","Ġinf o","Ġcómo da","tad ura","crip ciones","udi ciales","Ġprovin cial","ĠSebasti án","Ġdec ora","Ġgrá fico","Ġs at","Ġque m","Ġas al","Ġor al","ĠCur so","Ġpropie tarios","Ġpubl ica","Ġsa ga","or ro","6 8"," ·","Ġde terior","Ġac á","b ie","Ġde le","Ġmir ando","ĠJ orn","Ġsu yo","b ús","Ġfórm ula","Ġacadém ico","ĠS ar","Ġreg la","Ġmos tra","Ġr onda","Ġfran cesa","O tra","aj aja","Ġdin ámica","Ġdiv ul","âĢ¦ âĢ¦","ĠAu tor","Ġacep tación","ĠA ragón","Ġpro hib","Ġap unta","Ġc ÃŃr","ĠEs pa","Ġmus eo","Ġen se","Ġrepro duc","gen o","er amente","Ġconci ertos","ala x","Ġmar i","Ġver des","Ġver se","ánd onos","ĠPa ul","ĠGu atemala","ĠM A","O s","ĠGal icia","Ġlimp ia","Ġpro voca","Ġpermi tió","Ġahor rar","ĠGob ern","Ġpendi entes","Ġigu ales","Ġreform as","un cios","Ġrevis ar","Ġin n","t inos","Ġprovin cias","Ġvac ÃŃo","Ġfuer an","Ġdiput ados","Ġautom áticamente","Ġderro ta","Ġbas ura","Ġaut omo","bo x","Ġanti cip","Ġmem or","Ġcrim en","Ġfan s","l ados","Ġinv ita","Ġade lga","ific ada","Ġminer ales","Ġtrans ferencia","r ÃŃan","tu be","ĠD ol","M uy","én ez","te d","Ġver emos","Ġexclus ivo","Ġprim aria","Ġpudi eron","Ġpon emos","úm ero","Ġnov io","Ġporta voz","ĠOn line","Ġre iv","Ġsatisf acer","av o","ĠV ida","Ġcre ciente","ĠEs pero","ol la","Ġso ci","v ias","ĠS ue","Ġpro lon","Ġd ucha","Ġg ub","ú rg","ER A","Ġob tuvo","Ġapar iencia","Ġbor de","Ġviv iendo","D el","ti fica","di ciones","Ġfru to","Ġobserv a","Ġejecu tivo","Ġfáb rica","Ġestable cimientos","Ġcos tes","Ġl istas","ĠEj ército","Ġren unci","Ġmexic anos","ĠindÃŃgen as","ĠF eria","g es","er ÃŃas","Ġsol idaridad","Ġest ilos","dad as","ĠO f","T S","Ġcir ugÃŃa","w ood","Ġh éro","Ġplan ificación","T V","til idad","Ġcontin ú","Ġda ñ","al la","Ġcul o","ĠQ UE","Ġfuncion ar","ĠN unca","Ġin oc","quilla je","Ġform al","Ġcent en","re y","ÃŃ ces","Ġrecomend amos","ĠFin anci","Ġesta ciones","Ġemo cion","Ġincu mpl","ĠCrist ina","Ġtra ma","Ñ Ģ","en co","Ġreg lam","Ġinform ar","Ġf ach","Ġca yó","Ġseñal ado","Ġdisposi ciones","Ġdescu entos","ĠP RI","Ġ ï","Ġfemen ino","Ġde tener","Ġdistin ta","tr ina","Ġbol as","ĠCu enta","C reo","c ómo","Ġex tin","ĠS y","4 1","Ġoblig ado","Ġacci dentes","Ġ4 7","6 7","Ġescrib e","Ġú tiles","Ġdiscipl ina","a k","Ġam antes","Ġmu ñ","w ay","Ġcor on","ĠAst urias","Ġllam an","Ġcompro b","Ġan ci","Ġexplic ación","iller mo","Fin almente","Ġlide razgo","Ġen tero","Ġbal ón","Ġrecib en","cis mo","Ġsal as","Ġdeb ut","Ġcolum na","ĠMor ales","ĠActu almente","pe ta","Ġvigil ancia","ĠEurope o","Ġdeb o","Ġañad ió","Ġdecre to","Ġh ig","ĠVic ente","Ġpro bado","ĠJ ack","is e","AR IO","Ġtrabaj ado","ĠDe portes","Ġarro z","Ġrum bo","an c","Ġsir ven","Ġbás icas","Ġtera p","Ġauton omÃŃa","ib lia","ĠCh rist","Ġo lor","Ġa ci","ul aciones","Ġre iter","Ġco opera","Ġestadouniden ses","Ġ4 3","ec on","Ġtrans cur","ient al","r adores","Ġpre dic","Ġpre de","ĠIn terior","Ġban dera","Ġimag inación","Ġcuad rados","Ġescen arios","Ġ 01","Ġmaqu inaria","Ġmanif esta","Ġt os","Ġcerv eza","Ġsú per","cri tos","Ġcerem onia","Ġinten so","Ġcon o","Ġle j","ĠAm or","Ġapara to","Ġintegr ado","Ġpar ar","Ġmen cionar","Ġfib ra","ĠL E","Ġadolesc ente","Ġhabl ó","Ġcap tur","Ġprést amo","Ġra za","Ġhab ilidad","Ġexist ir","Ġmedi ados","ĠMuch os","Ġv inos","Ġasesina to","Ġor d","Qu ién","Ġsuf rido","Ġprev ent","ĠRec uer","tu ario","Ġesc enas","ón icas","ing s","ĠPortu gal","k in","ab o","Ġmedi r","ĠAma zon","ĠH en","Ġsign ific","Ġrespon dió","B L","Ġh ilo","Ġcam pes","Ġ: )","Ġb endi","Ġparticipar on","Ġfi ja","ĠLe on","h ab","ÃŃ metros","Ġr ica","ĠEsp ÃŃritu","Ġcomenz aron","Ġve ÃŃa","ire mos","Ġeduca tivos","ap p","w ork","Ġo ÃŃdo","Ġvalor ación","ine te","Ġdes eas","Ġsust ancias","Ġbicicle ta","Ġdo y","Ġcom is","ĠW il","ĠD om","Ġrefer encias","Ġul tra","Ġdef ine","Ġin gen","Ġsi ga","Ġquis iera","ĠCom ple","Ġobten ido","Ġfem in","Ġcontinu idad","Ġfisc ales","ĠMedi cina","Ġemo ción","Ġmes as","Ġpo eta","Ġorgul los","Ġpres taciones","ĠM ich","Ġór denes","ĠMor eno","Est oy","ch os","Ġt rist","Ġres tr","Ġún icos","ĠfÃŃs icas","Ġcivil es","ĠL una","Ñ ģ","Ġpár ra","Ġalim ento","Ġtur ÃŃstico","Ġhum edad","Ġgust os","Ġs p","Ġdra ma","óg ico","ÃŃs imas","ĠAn gel","Ġpreci so","ác tica","Ġescri ta","Ġ4 4","ĠCas tillo","ĠF on","Ġo toño","or den","ĠN orm","Ġingres ar","las h","Ġsho w","Ġtemp rano","Ġesca par","Ġt é","Ġtr án","ĠIs abel","Ġintro duci","Ġsal ario","Ġtro p","Ġsig nos","Ġmodi ficaciones","Ġmal as","Ġfavor itos","E X","ĠT im","ÃŃn as","Ġabra zo","Ġcre ada","as ión","Ġregres ar","Ġconsidera ble","EN TE","Ġag ro","Ġin yec","Ġcombust ible","ĠA tención","Ġsolu cionar","ici dio","z e","Ġro ja","ĠCon tac","f ar","Ġps ico","Ġregist ros","Ġnegoci ación","on so","ti zar","Ġpér didas","i di","ĠG uer","Ġdirig ir","Ġayud ará","g ica","Ġcolombi ano","Ġin tim","Ġpis os","Ġileg al","Ġap p","Ġcontra tar","Ġreg ulación","ĠCal le","G T","Ġdic es","tedr al","N uestra","Ġdiri ge","Ġindependi entes","Ġrel l","Ġbien venida","Ġab ri","ĠA ño","Ġvol v","Ġg afas","Ġempres ario","ĠM ana","Ġre duce","ĠjurÃŃ dico","Ġins piración","Ġlevan tar","Ġfom entar","Ġepiso dio","Ġes enciales","Ġqu iso","Ġc ajas","Ġter ren","ter ales","Ġto p","Ġplante a","Ġdefini tivamente","m ol","Ġ4 6","Ġalcan za","Ġele vado","ĠM ul","iemp o","T C","Ġsusp ensión","m ano","Ġes pon","Ġmar cado","Ġpanor ama","ĠIs la","Ġ9 5","Ġsu ple","Ġas omb","g én","ĠPr incip","201 4","Ġinvesti gar","ÃŃ v","Ġmad ri","P O","Ġdepen dencia","ent amente","id ado","Ġespec ÃŃfica","Ġafi cionados","Ġaconte cimientos","in arios","Ġelim inación","Ġo dio","uch o","Ġmo tores","r ico","ĠCap ital","ta b","Ġ4 9","Ġcom idas","Ġsufici entes","Ġans iedad","Ġpag ina","Ġatra ves","Ġpro cl","Ġdescub ierto","f or","je je","Ġpreci sa","ĠProfes ional","rimon io","Ġhogar es","Ġcastel lano","Ġdis put","id ra","Ġocur rir","ĠF rente","Ġpr endas","ta ban","ĠM úsica","ĠS p","Ġrespal do","ĠSi tio","Ġde dica","Ġpa tro","Ġpudi eran","Ġespec ÃŃficas","S omos","rist o","Ġcol abora","ĠHab ana","Ġtol er","Ġa tac","ĠO p","Ġimpul so","Ġem ble","ro car","% )","Ġdev olver","Ġsent ÃŃa","Ġser ÃŃan","Ġc ria","Ġneces ito","Ġmon to","Ġco ger","ĠsÃŃmb olo","ca p","Ġreca ud","Ġestable cidos","on das","ĠEx cel","Ġespeci alizado","Ġsuminist ro","jer as","Ġcabal lo","ĠS omos","con s","Ġn omin","Ġejec ut","c r","Ġr icos","ĠGu adal","Ġlist ado","Ġman d","Ġviv ido","vers ión","tro p","Ġap la","ven ido","uer ta","Ġprove edor","ĠW orld","car gar","ĠRes pon","l ig","Ġexcel encia","Ġdetermin ados","s ung","! ,","Ġacum ul","Ġclás icos","Ġor ación","Ġpo quito","uc ar","Ġr aro","Ġequival ente","Ġconoce mos","ĠP A","g i","Ġpareci ó","Ġcu entos","Ġobst á","Ġconviv encia","ĠTecn ologÃŃa","Ġme tas","Ġf es","Ġcontar á","Ġmadru gada","Ġllev aron","Ġde mon","Ġe co","Ġpa ga","Ġexcep cional","le do","Ġmin im","ue z","ĠB io","Ġfavor ito","Ġpos tura","Ġé stas","ĠN eces","m ico","Ġconstru ido","Ġindis pens","Ġpractic ar","ĠS ER","Ġyo u","ĠC in","Ġev olu","ĠUnivers itario","ĠJ ames","Ġlar gas","Ġintent ando","Ġga to","Ġb asta","m l","Ġdesc enso","Ġreco ge","Ġher idas","Ġcamis eta","An te","Ġcaus ar","ÃŃc tor","Ġba ile","Ġcontin ente","Ġguitar ra","Ġencan to","Ġrealiz aron","Ġen tien","Ġfru st","v ida","Ġrelacion ada","â Ĩ","Ġenvi ado","ren a","guar dia","ĠG ro","Ġesco g","Ġan dal","ĠAn te","Ġresul tar","Ġsol id","Ġun e","Ġla c","ĠDE S","Ġtrán sito","Ġtal la","Ġt ribunal","Ġap o","c m","Ġs martph","Ġre ino","Ġconf es","l im","ĠLib ro","Ġpres tar","ĠO ctubre","Ġsufici entemente","ĠLi bre","ĠG ust","Ġhab ido","Ġgr ues","Ġdelan tero","Ġirreg ular","ĠGuar dia","Ġexpres ar","B us","a ta","F OR","Ġcaracter iza","Ġconf irmó","Ġfres co","Ġsal sa"," ±","Ġfas cin","Ġna ciones","Ġcontam inación","201 3","Ġelec tor","ha el","Ġcu ota","B ar","Ġcab all","Ġrepro ducción","lan tes","Ġtras lado","Ġamena zas","Ġtranquil a","da je","Ġs illa","gen a","Ġest amp","Ġimpuls ar","ĠF oro","Ġest ando","Ġpar t","Ġincl usión","Ġge ográ","Ġmon o","ĠD en","óm icas","AD OR","Ġve a","ĠAl ta","Ġ 00","Ġesp i","um er","Ġin tu","á us","Ġcar tera","Ġllev ando","Ġconte mpl","Ġpas ta","eci endo","Ġcon gel","ĠT ro","ĠC iencia","Ġdej aron","ĠAdminist ra","ĠMar keting","Ġg eo","Ġva g","Ġtarif a","Ġh ec","Ġagu an","Ġhu éspe","Q uer","Ġexplic ado","ĠSen ado","con es","in ó","Ġinm un","Ġdest inos","ĠPro p","ĠH i","ándo la","Ġbrin da","Ġtranspar encia","Ġre ina","óg ica","Ġse co","Ġca e","Ġpl aca","ĠAlic ante","ĠAs ia","Ġoc ta","ĠSan tander","Ġapar eció","Ġsur ge","Ġb en","A m","Ġa mo","Ġtra mo","Ġlar gos","Ġpolic ÃŃas","Ġa ves","Ġre baj","ÃŃn cipe","Ġceleb rará","Ġkil os","Ġ199 9","Ġsent irse","Ġdispon er","in c","Ġb y","es os","Ġdesp ren","Ġfo tó","ĠOs car","Ġelec tricidad","ĠAl to","Ġpin tar","ĠDist rito","ĠEmpres as","de lo","ur s","te ga","Ġañad ido","gar on","Ġelabor ado","Ġf este","Ġdi abetes","a ger","Ġabor dar","tú an","ién dose","ol i","Ġllam ados","e jo","Ġh all","Ġfel ices","Ġol vi","Ġrelev ante","d ÃŃan","ĠI S","Ġsel lo","tu mbre","Ġcorpor al","ur sos","Ġpodr ÃŃamos","co p","9 8","ifica ciones","ÃŃ menes","Ġperson almente","Ġrepu bl","ĠC alidad","Ġminer al","Ġn º","Ġt onos","Ġt in","Ġofre ciendo","ĠN A","Ġvie ja","iz ando","Ġest reno","Ġgaran tÃŃas","Ġcon ducción","Ġpar ada","Ġfracas o","Ġex cur","gna cio","Ġgust ó","C ON","S oy","Ġdisfru ta","Ġrenov ación","Ġvuel tas","Ġportá til","Ġech ar","u ido","ĠHum an","Ġrecha zo","Ġasesor amiento","Ġar co","Ġcre ciendo","Ġbiblio teca","ĠL AS","Ġrev istas","F i","ĠS port","ĠT ab","in cl","Ġma quillaje","ĠC ity","ám enes","Ġcan cha","tán ea","di gos","Ġb omba","á vez","Ġámbi tos","ĠG ir","z can","ĠReg ión","Ġveci no","cl ar","ier tas","Ġhistór icos","Ġcrist ianos","ĠAc ción","iz ó","ĠO tra","gan cia","Ġcre ó","Ġcompe tir","ĠL ea","uy endo","Ġtor re","Ġale j","Ġejecu tar","ĠS ta","Ġcomple mentar","Ġof ens","C as","Ġpro greso","Ġ8 5","Ġprecios o","Ġimpor tar","Ġ4 1","ÃŃs o","en za","Ġparticular mente","ce des","Ġmas aje","ĠRu iz","Ġseñal ar","Ġgal ard","us as","ĠHer man","ĠON U","Ġfar mac","Ġpr ó",".... ....","Ġvesti dos","di ales","Ġsol dados","Ġpes ca","ĠNav arra","Ġl una","Ġprovoc ar","eci miento","ĠSecre tario","Ġinfl ación","Ġsi go","Ġpatro cin","é ramos","Ġterri ble","E E","Ġdormitor io","ĠGu illermo","Ġad h","Ġsal to","ĠMar co","Ġin cent","z ones","Ġsub si","ac ciones","ĠI de","ĠApren de","Ġreci n","G B","Ġconsul tas","Ġá cido","ĠRa úl","EN CIA","ĠC H","ĠNov iembre","ita ble","Ġfac tura","po t","Ġafron tar","Ġfu imos","ĠcrÃŃt ico","F A","Ġdipl om","Ġdign idad","Ġorganiz ada","Ġesco ger","ĠR ol","ĠRev olución","ĠDis pon","ĠN or","Ġargu mento","Ġrefle ja","Ġhaber se","Ġincorpor ación","Ġsem illas","ĠPr omo","ĠU til","g nos","ĠEx tre","ĠG en","Ġcuri oso","ĠV o","Ġdetec tar","Ġpar ad","Ġgub ernam","ĠMad uro","l l","Ġv illa","Ġcurios idad","terrán eo","fici t","Ġserv idores","Ġhab ia","ĠJ ur","Ġba u","S I","tific ado","B O","ÃŃt icas","C or","Ġper segu","Ġtu vimos","Ġabandon ar","Ġimp re","Ġles ión","Ġem isión","Ġà į","Ġra ÃŃces","ĠLoc al","Ġlan zó","Ġlig a","a torio","Ġaut oma","Ġsepar ación","Ġnega tiva","Ġpon go","Ġ8 00","Ġcomp ara","ros a","Ġafec tar","Ġproduc tividad","ic ul","val uación","bi mos","Ġfirm ado","Ġdenomin ado","Ġm ÃŃo","ĠAl fonso","C N","ĠZ ona","Ten go","Ġmanifesta ciones","ĠU R","Ġcolec tiva","v ada","Ġsos tuvo","Ġprofun di","ĠW i","Ġsuf rió","ĠAl onso","Ġtera pia","Ġmens ual","al ista","Ġru tina","ĠBil bao","Ġgol pes","Ġfru tos","Ġcul min","endo za","ĠAustral ia","ĠRes erv","Ġdes pre","ĠWill iam","ĠK e","Ġtem or","Ġide ales","ĠSegu ro","ci encia","ĠDiv isión","Ġfir mas","aj ara","Ġceleb rado","H emos","P os","Ġnega tivo","Ġimple ment","Ġviv imos","Ġap rue","tu re","Ġneg ros","Ġch arla","Ġcre emos","Ġprést amos","ie dades","Ġpar ro",". :","Ġar ru","Ġfr ÃŃa","Ġtermin al","it ará","ĠRe laciones","Ġcub ano","201 2","Ġofici o","el d","ĠLatino américa","ĠP ie","Ġfrecu ente","Ġo cio","Ġseguir á","Ġpelo ta","ens or","ĠRe ci","ĠMa es","L AN","ĠT res","Ġconside ración","ĠEmple o","Ġcu ándo","Ġla teral","Ġdest inado","ĠGab riel","Ten emos","Ġcatal án","on ces","Ġab on","Ġcor tar","ĠVic toria","Ġá ra","Ġver duras","rec ción","Ġd ada","Ġaudio vis","O r","Ġcarb ono","Ġavent uras","Ġh ielo","Ġin al","Ġenc uesta","ta bles","i tiva","Ġp istas","Ġa gencias","Ġdi ga","Ġman dar","Ġgan ancias","Ġf us","Ġautor a","Ġis las","Ġparticip an","Ġpolici al","Ġviv a","ier tos","Ġd uelo","Ġmu tu","Ġb uc","comun icaciones","Ġm ante","N a","ent ados","ra ba","Ġcontro les","ĠAz ul","Ġpre vis","Ġtemp lo","Ġvig encia","ora ciones","re za","Ġdetermin ada","Ġentr ó","uel ve","Ġbol sas","il an","à ¶","Ġin cur","Ġbritán ico","ĠO tro","y eron","Ġquin ce","Ġincre mentar","Ġvia jeros","Ġque do","Ġcul tiv","Ġpapel es","ut h","ĠG il","Ġexist ente","ÃŃs ica","Ġutiliz ada","T AN","ĠPen al","ĠIndust ria","о Ð","Ġorgul lo","Ġrepres entar","Ġafec tan","Ġesc án","Ġpens aba","Ġm g","Ġcos tumbre","Ġsecre tos","Ġaler ta","Ġap ell","l ero","Ġvent anas","S us","Ġparticip ado","Ġvo tar","Ġdes esper","m y","Ġhay as","Ġdes igual","Ġmon stru","Ġsens ibilidad","ĠOr g","Ġespi ritu","Ġvid rio","Ġo este","Ġdescrib e","Ġa qu","Ġno tar","T M","Ġabier tas","Ġcre di","Ġdi arios","Ġsent idos","Ġsocial ista","á z","Ġamig as","Ġescri torio","Ġenerg ética","gun a","en zo","Ġhab lado","ĠL og","F o","ĠLeg isla","Ġinmig rantes","ĠSal udos","ĠP ac","Ġconvers aciones","ol v","Ġper tin","ÃŃs imos","Ġbara tos","ad illa","Ġtarif as","Ġsec undaria","Ġch ino","Ġemple ado","Ġjue ces","Ġdest rucción","qu ero","Ġrecor dó","Ġposible mente","Ġt est","ribun ales","Ġm ier","IN A","Ġrela tos","Ġco bre","Ġ6 4","ĠL O","Ġn ub","Ġc iencias","Ġinstal ado","ĠÃģngel es","Ġlab ores","6 9","D eb","e amente","Ġli tros","B ien","T AS","Ġpel ic","Ġespeci alizados","ID A","ĠCh ávez","Ġamar illo","E so","Ġespe jo","Ġpan el","d amente","ol as","Ġten éis","ĠUS B","Ġcos tumb","Ġla go","ad rid","Ġrecog ida","Pue de","Ġblog s","Ġcuán to","Ġpul gadas","Ġsub ida","ĠM ira","Ġcar as","Ġresul tó","ĠPat ri","Ġcon lle","Est á","dr ome","Ġmá r","Ġrelev antes","Ġcob rar","Ġdep ósito","Ġres pira","Ġdesac tiv","ĠEnerg ÃŃa","tion s","Ġper cepción","Ġsuper viv","Ġcolec tivos","Ġan dar","Ġprior idad","l ing","Ġmonta ñas","ĠPerson al","C C","cu bre","Ġper pe","Ġclás ica","ĠMic hael","S iempre","Ġargu mentos","ĠSe x","Ġev ent","ĠB log","ĠTener ife","Ġmen cionado","Ġcu yas","Ġ199 8","Ġdepor tivas","ĠV ÃŃctor","Ġe go","p ado","Ġfutu ros","Ġm ÃŃa","Ġcomun ica","Ġvay an","ĠProduc tos","Ġus os","Ġmanda to","Ġacab ó","cion ario","Ġextra c","T RO","ĠF lores","Ġten ÃŃamos","ĠPar ti","Ġjur ado","Ġdic tadura","Ġsorpren dente","Ġsolici tudes","Ġpresiden cial","Ġprecios a","r ent","ĠIn tro","ĠB lo","Ġllegar á","ĠL ED","Ġvis ible","Ġbo de","Ġvari ables","8 4","Ġmetodo logÃŃa","t ul","Ġenfer m","P rim","ir án","Ġsuf re","Ġmon tar","e j","Ġpaci encia","Ġsi enten","Ġtrans ición","Ġme dal","il lar","ĠP sic","Ġmostr ado","ĠRes olución","Ġreduci do","em bol","és ar","Ġtem ática","en ce","Ġne um","th er","Ġten gamos","ĠT re","ĠTécn ico","Ġen ve","G R","Ġnaran ja","dr ás","Ġm isterio","Ġfran ces","Ġsegu imos","Ġpes cado","Ġlan zado","Ġcon tienen","Ġment ir","ĠDoc tor","Ġfinanci eras","ĠI gnacio","un cias","Ġins crib","ĠHu go","Z A","8 9","te a","pres s","Ġestándar es","h um","ici osa","ĠE van","Ġauto bús","Ġasegu rado","Ġinf antiles","ĠOri ente","ĠIndustri al","Ġdefec to","ĠCampe onato","ĠEs co","ĠM AR","tu vieron","ĠRe f","de la","Ġri v","Ġr uso","Ġapre ciar","ñ e","P OR","ĠFran co","Ġtra je","Ġsent imos","Ġcal cul","Ġindic an","Ġperfec ción","ĠXX I","Ġdesaf ÃŃo","Ġprác tico","ĠC L","Ġart ÃŃstica","Ġtrata ba","ol vid","Ġpresiden cia","ĠM esa","Ġte ór","ad i","Ġcoleg ios","Ġsimp les","Ġch ar","ĠPres u","Ġs ana","Ġlig eramente","ĠCor ea","Ġfemen ina","Ġconstitu yen","at ch","b ano","ĠC AR","Ġmanda tario","l id","Ġab uso","Ġta pa","Ġde ter","Ġem is","Ġsuf ren","Ġantigu as","endi ó","Ġblan cos","Ġarri es","ti ta","g io","Ġelabor ar","Publ icado","Ġfacil ita","ĠP es","un tamente","ĠCon ce","Ġprotes ta","Ġvideoj uegos","Ġad quier","8 7","Ġam an","Ġprote ÃŃnas","ĠEl los","ĠGu ti","u is","Ġocas ion","h tt","Ġpa trón","fic e","á mb","ul iar","ĠS á","Ġencuent re","gü edad","ĠAn uncios","Ġquin to","Ġhac ÃŃan","I mp","ig ma","Ġneces ariamente","Ġclic k","ĠM y","ĠDomin icana","ĠT anto","Ġpará metros","Ġon ce","Ġconsi go","ara gua","Ġdismin ución","w in","du ra","Ġlig ero","ĠEst ra","Ġagr icultura","ĠH al","Ġrespons abilidades","ĠF útbol","Ġclar as","Ġe cos","ĠSe xo","Ġceleb ró","ól ico","Ġestad ÃŃsticas","Ġintro ducción","Ġla vado","Ġexcep to","! .","Ġsing ular","or cio","Ġcontras eña","Ġse min","Ġtu viera","Ġcon fec","Ġhi pó","B RE","Ġbar rios","Ġrom p","Ġtestimon io","ÃŃ es","Ġdef ien","se x","ÃŃ das","Ġfru ta","Ġpre cip","Ġfund ación","Ġincor pora","Ġmús icos","é ticas","u le","ĠDon ald","Ġhabitu ales","Ġcumpl en","cu enta","ĠG afas","Ġl anza","Ġcuan tas","und amente","uch e","ter ia","et h","ĠCan al","Ġhar ina","ĠPat rimonio","Ġsi mpl","ĠA gua","ĠCam po","ĠFe der","Ġab ord","rac ción","ĠE D","ci dades","b en","Ġmin i","Ġag rup","3 00","ĠJ ard","Ġ- -","ñ ón","Ġdim ensión","ĠP ros","Ġcas co","Ġan uales","on y","se a","ul t","Ġimple mentar","Ġtes is","Ġrepe ti","Ġcon dena","Ġk e","ĠC oci","uel va","Ġimpon er","Ġalcan zado","Ġespos o","Ġgastron omÃŃa","ĠB ay","Ġreiv in","Ġhab ita","Ġmaravillos a","es ter","le tÃŃn","ĠA ri","ef acción","to ck","Ġdetermin adas","Ġproces amiento","c amos","d in","Ġcomple ment","Ġdesarroll ando","ĠS ho","ec k","Ġinclu ida","i anas","Ġe dades","Ġabier tos","ten sión","ti mas","ĠDo cu","Ġgrave dad","Ġver s","Ġtom an","Ġdismin uir","ĠAd ri","Ġc lan","P I","Ġh arÃŃa","Ġsab ido","ĠCá diz","Ġley enda","ĠNe go","Ġdiver tida","Ġconoz co","D os","Ġresiden tes","Ġhec tá","al ismo","Ġade mas","ĠSupre mo","Ġverdadera mente","enci ado","Ġinter iores","ĠR ock","Ġjuris dic","Ġin esper","Ġalgo dón","Ġpec uliar","Ġp á","Ġdeclar ado","ber t","Ġt ac","Ġllu vias","Ġimpe dir","Ġlo gro","Ġcuar tos","Ġautom ática","s or","Ġadv ir","ést icos","V al","Ġqu ir","Ġperju icio","Ġconfir mar","ĠMa uri","ĠM endoza","Ġdirig ente","Ġcomerci alización","Ġre mon","Ġmarc ador","Ġd as","oy a","ĠR ay","Ġconoci das","Ġparticip ó","ĠO ne","Ġpl ást","Ġmanifes tación","if i","Ġman z","Ġcine mato","Ġelim ina","Ġata car","l ace","Ġcar o","Ġsig no","Ġliber ación","ĠB ri","Ġdec enas","Ġal ianza","Ġviv os","ci sta","ĠFin almente","Ġcons a","cional mente","Ġdé ficit","ĠMar cos","ĠC R","Ġlleg amos","Ġescri tos","Ġb acter","Ġvesti r","an gel","ortun adamente","Ġweb s","Ġvas o","Ġgener an","Ġin segu","Ġfuncion an","Ġh un","Ġdepartam entos","ĠDi putación","Ġtej idos","ĠR aj","Ġin tr","Ġde presión","Ġinde mn","Ġlim itado","gar á","ĠV amos","ÃŃn sula","Ġson idos","Ġregist rar","Ġco pa","Ġmor tal","Ġfrecu entes","Ġdó lar","Ġgig ante","Ġfá ciles","Ġclub es","Ġh isp","Ġk g","Ġcu ra","Ġapara tos","Ġat m","uy en","ã ĥ","ĠPue blo","V D","Ġbril lo","Ġte a","Ġch e","m ado","J O","Ġindic ar","Ġeléctr icos",".. ...","Ġclar idad","ez can","ĠOc ci","h h","i ja","Ġsu ena","Ġpro vis","ce lo","Ġincon ven","Ġfun da","J A","Ġsal ga","Ġinter nos","ĠSal ón","ĠAlgun as","Ġextra ña","ĠM adre","Ġincorpor ar","Ġvenezol ano","rim as","ĠB at","ĠJim énez","Ġproyec ción","Ġvuel ven","Ġin genierÃŃa","ĠAr quitec","Ġfundam ent","Ġex ce","Ġven ÃŃa","ĠH el","ú me","Ġref res","Ġde do","Ġincl us","n ia","ñ ad","gu era","Ġc ens","Ġre habilitación","tique tas","Ġinter acción","Ġpos esión","ar quÃŃa","Ġapas ion","Ġcon ferencias","tr ico","Ġpres i","P as","ĠR ich","Ġtras cen","Ġguar da","Ġmulti plic","d ing","Ġf ama","Ġ zo","ĠPrim ero","AS A","Ġclim ático","u ar","Ġterri torios","Ġ5 2","Ġrent abilidad","o tas","Ġcomb inar","Ġtesti gos","e ja","omos ex","Ġac ar","Ġampl iación","Ġciudad ana","tor as","b uen","Ġtrá mite","Ġdis cur","ec ÃŃan","C D","Ġen ormes","ĠS AN","a x","Ġfamos os","m io","ĠFamil ia","Ġpudi endo","ĠP U","Ġvicepres idente","Ġest er","Ġcon tado","Ġtra tados","F ran","Ġex quis","l era","il er","ĠJ udicial","Ġa venida","f ia","Ġprev é","ĠEsta tal","Ġindi rec","áz quez","G ran","Ġperfil es","Ġcostumb res","cion ada","Ġbol iv","Ġespec ÃŃficamente","Ġas iento","c lo","qu esta","ĠD em","Ġsuper mer","k es","fic ar","ĠB ach","ten s","Ġvari able","C an","Ġsens aciones","Ġle ve","ĠOb ama","). -","ĠU b","ĠO pera","Ġm ueve","Ġmol esti","án icos","Ġob tiene","ĠAl go","Ġalcan zó","Ġver te","Ġman tuvo","Ġacus ado","Ġsorte o","Ġam bi","ĠW h","ást er","Ġmal tra","Ġger ente","8 6","le ga","Ġdi d","ĠS or","Ġdivers ión","Ġges to","Ġexperim entar","te x","ĠS igue","enci ana","l s","ĠLu z","Ġcál culo","ĠT aller","Ġl ento","or gan","Ġrespe tar","Ġalre dedores","Ġgrab ación","ol ar","Ġambient ales","Ġvia j","Ġvalor ar","Ġde tención","Ġcul turas","Ġentreten imiento","ĠAs es","Ġdesapar eci","f ac","Ġencontr é","v ir","Ġrela tivamente","Ġapren dido","Ġgra bar","Ġsal arios","Ġderiv ados","Ġcal ific","Ġcapit án","ab ra","i tis","Ġem isiones","Ġtrans mi","Ġin olvid","V E","Ġdeman das","ĠMa x","ĠF an","ĠCon ten","Ġgig antes","Ġdis cul","ĠCa pa","Ġven cer","Ġtrans forma","ér rez","Ġconce jal","ĠFran k","Ġconcl usiones","Ġbor do","Ġf lam","Ġresist ente","Por que","ĠBiblio teca","Ġpos teriores","Ġbeb er","Ġdirec ciones","p lica","Ġju venil","Ġg iro","4 00","ort una","ĠP ens","Ġperj ud","ĠP ap","ĠR esta","Ġcompon ente","Ġameric ano","Ġpromo ciones","fec to","Ġnúcle o","gra mas","7 9","Ġfron teras","ig an","Ġgal erÃŃa","ĠÃģ rea","Ġautén tico","Ġleg ÃŃ","Ġse mi","ĠSe lección","7 6","ĠI gual","Ġpas aba","ĠC ésar","Ġcent rales","v án","and ante","ĠH emos","Ġdescub rimiento","Ġjard ines","T ube","Ġle e","Ġestu pen","Ġavan zado","ĠW hats","C am","Ġc ro","Ġcer tificación","Ġrep ente","tr ando","ĠSam sung","ĠCh i","Ġnego ciaciones","Ġterren os","du jo","cer tid","Ġre duc","Ġhici mos","u u","Ġexpe diente","Ġh echas","em e","Ġens al","Ġdia gnos","Ġexp uls","m ia","Ġpresu puestos","ĠJo aqu","Ġquin ta","J os","ĠL ar","Ġinter rump","Ġtit ulado","Ġbrin d","Ġca za","Ġinv itación","ĠGran de","ĠOb je","am ora","Ġpol lo","** **","Ġjun tas","de st","Ġcolabor adores","Ġpele a","Ġaf uera","J E","r icas","Ġacor de","Ġpo p","ub o","Ġcolabor ar","ĠPúbl icas","es to","fa z","ci ado","ÃŃ rez","ex o","ĠS ha","aman ca","Actu almente","Ġw ith","ĠZapa tos","ĠAc ces","Ġescol ares","Ġdev olución","Ġmadri le","c ÃŃas","Ġin ev","Ġll or","Ġbols illo","Ġencontr aron","Ġhuel ga","es en","Ġap ete","ĠS tu","ĠS tre","ĠE p","Ġven den","Ġb is","Ġbel la","Ġv s","ĠB iblia","Ġvuel va","Ġconoc ÃŃa","ĠD in","le tos","Ġfi jo","Ġdisfru te","ill ones","ĠEs cri","ri les","Ġ5 6","Ġsan ciones","Ġhacer le","Ġf la","Ġcol onia","Ġvo tación","ĠN ada","ac ruz","Ġ9 9","âĨ ij","Ġap e","ĠÃģlvar ez","Ġp use","Ġatm ós","Ġcó m","ĠT I","Ġllev amos","it co","id urÃŃa","Ġreg ionales","f ol","Ġdescu bre","Ġestu viera","ĠJef e","Ġpe trol","ánd ome","z co","a par","Ġdis puestos","Ġsus pen","N I","ĠtÃŃp ico","Ġ1 000","Ġlin ea","Ġgrá ficos","Ġco her","Ġher e","Ġnave gar","201 1","Ġpresent aron","Ġinci dencia","Ġizquier do","i rió","Ġfun dador","Ġcompar tido","on ÃŃa","ĠR ES","Ġvie jos","ĠT iempo","Ġn ube","Ġver á","ĠIn nov","Ġm ales","Ġconf ort","ol os","Ġv ieron","Ġva por","pues tamente","Ġas ust","Ġru rales","Ġag ru","ter no","on de","Ġensay o","Ġnove dad","Ġcomprom isos","Ġpa pa","Ġpas tel","gu as","Ġhosp itales","Ġinfec ción","Ġcir cular","Ġresca te","uer tos","t ano","Ġdesconoci do","Ġpas aron","C al","ÃŃ e","Ġpens iones","Ġdeten idos","as ter","Ġsust an","Ġinten sa","Ġescuch a","Ġé tica","Ġdes cri","Ġlum inos","ĠTo ledo","iar ia","Ġindic adores","Ġadministra tiva","ĠRec ursos","Ġrela tiva","Ġj udiciales","Ġmanten iendo","c era","pi ro","Ġad mir","Ġreconoci ó","ĠRom ero","Ġqued ará","Ġca denas","ĠMi ami","allado lid","a tor","Ġhuéspe des","Ġpens é","D D","ma cia","ĠMan cha","ent re","tern idad","Ġdem ues","Ġdiscrim inación","log ÃŃas","Ġpresenta ciones","Ġh ard","tific ar","Ġdesper tar","n ar","Ġemp e","in f","ĠS I","ĠCl ÃŃn","ĠMar ina","Ġcas tillo","ĠA par","Ġval le","Ġasc enso","Ġdeci s","Ġen g","Ġartifici al","er al","Ġdes gas","Ġd anza","ti f","c aba","Ġesque ma","ĠMe j","ĠV a","Ġinst an","Es paña","ĠMer cedes","Ġexig ir","Ġpien san","Ġcap ÃŃtulos","Ġán gel","ĠV ill","Ġcap as","ĠC ro","Ġh omosex","Ġres tric","Ġ ....","Ġgener ado","Ġon da","ĠE gip","ĠvÃŃn culo","car ga","tiv idades","h al","gu és","ĠA po","ig e","Ġsé pti","Ġviol ación","EN TA","or ación","Ġactu alizar","ĠGust avo","di sta","Ġpor tada","Ġencontr arse","Ġcons cientes","Ġex hib","ĠVer de","Ġam ante","l ana","ĠC erv","Ġmotiv ación","Ġimp rimir","P R","Ġadap tar","Ġga tos","et s","ĠPal ma","Ġinter ro","tin es","ĠAl fre","Ġcomple mento","Ġale mana","m uy","Ġvisit ante","Ġfran qu","ĠFu ente","Ġurb ana","Ġrecin to","ĠG RA","ĠGu ÃŃa","Ġrad i","Ġin g","ĠJa ime","Ġsigu ió","ĠAl b","fi gu","an im","5 6","Ġdiseñ ar","Ġsal idas","f ord","ĠSe ptiembre","Ġhuev o","lor ca","Ġconsum ir","Ġref rig","d ones","Ġpais ajes","Ġin certid","lo w","vil a","ĠSe lec","Ġurg ente","Ġincon s","Ġab us","an ti","ĠIn glés","Ġcar gar","ĠAp ro","ĠCh ica","P r","ĠâĢ Ŀ","Ġh úme","ion istas","ó ma","Ġreg ula","âĢ ĺ","T IC","Ġsuf rimiento","ĠRaj oy","Ġsens or","ome tra","A b","te ar","j idad","Ġrelig iosa","o per","tur adora","iden cial","ĠS A","ĠT ampoco","Ġqu ie","Ġpresent ada","ĠDe moc","ĠðŁ ĺ","Ġsu pera","Ġpe didos","ch ar","Ġun ir","ĠGuadal ajara","Ġnov elas","or ada","y u","vis or","l án","ĠS istemas","Ġsens ible","Ġpose en","Ġesta tales","Ġocci dental","uc risto","Ġsos tiene","Ġante cedentes","Ġjugue tes","ĠS tor","Ġadministra tivo","Ġsatisf ac","Ġré cord","ĠEsc orts","ĠP RE","5 9","Ġre torno","ĠRev ista","ÃŃ genes","o f","iv idad","Ġven gan","bo ok","ĠGuti érrez","ĠDirec tiva","I ON","is s","an ia","Ġjun ta","ĠCat ólica","Ġcompar te","i án","Ġbar ro","Ġcontinu o","uc o","Ġrecib ieron","Ġdese an","Ġavan zada","ici embre","Ġmantener se","Ġexplor ar","Ġreconoci da","P e","T al","ia ciones","Ġaclar ar","Ġencontr ará","Ġpobla ciones","Ġqued ando","m un","Ġrealiz arse","am pa","Ġs ar","In icio","an der","ig as","col as","ĠPág ina","Ġforma tos","adá ver","Ġin to","Ġher idos","t ent","fici entes","Ġt ác","Ġfac ebook","Ġfavor ita","Ġmús culos","Ġpar ale","Ġcorri endo","Ġposi tivos","Ġpárra fo","uel ta","Ġc itado","ĠGra tis","Ġmol de","A A","Ġcor tos","res a","Ġ18 0","Ġtra m","ĠEn fer","Ġnar co","Ġi b","Ġlocal idades","Ġencan tado","Ġbeb és","---- ----","Ġmedi as","ĠAr gent","ĠNic aragua","Ġsosp ech","Ġo pos","Ġtu bo","Ġsus pendi","Ġescri tores","Ġefec tivos","Ġsa que","Ġintelig entes","ti zado","qu eros","Ġre bo","Ġcual idades","t ti","iz as","édi to","Ġden uncias","Ġdue ños","Ġhi jas","à ²","ĠA gust","Ġdesarrol lan","Ġretir ar","Ġser a","ĠOb serv","Ġ199 7","ĠRam ÃŃrez","Ġsu po","nes s","Ġafec tado"," Ķ","ĠCom pañ","Ġabs ur","ĠR en","Ġcam as","ĠW a","ob o","ĠMo tor","Ġpresu pues","oc ar","t te","ĠT rad","e gr","Ġcomp uesta","Ġtranspar ente","Ġrecom endar","ec ución","Ġnorm ales","es es","Ġtradi ciones","Ġcompati ble","Ġsan gu","Ġdesaf ÃŃos","M on","Ġespec tadores","Ġdepor tivos","Ġle v","Ġdescan sar","Ġgrá fica","id ro","qu ita","Ġtecn ológica","Ġme lo","IEN TO","Ġvista zo","Ġpas amos","ion eros","g ador","Ġotor ga","Ġgimnas io","ĠT ama","Ġconsider ada","Ġrestau ración","Ġlin do","Ġhectá reas","Ġre vela","Ġpublic ados","Ġlo co","Ġcap tura","Ġch o","Ġempie zan","R o","ĠC ub","201 0","ĠRe ina","Ġbeb ida","Ġimag in","ĠPresiden cia","Ġocup ación","CI O","gr ada","y ente","Ġmoder nos","é ano","Ġcomien zan","ĠM E","Ġmus ul","ĠLa ura","te os","Ġac túa","ĠRiv era","ĠK en","Ġmus cular","ĠB i","Ġauxil iar","Ġmin erÃŃa","Ġpr in","Ġal ine","Ġcre an","Ġbar es","Ġcam ar","Ġcomen zado","ĠBl ue","ĠK o","Ġv os","Ġsi enta","h ola","Ġeduca tivas","Ġpolém ica","Ġcal ma","fon ÃŃa","Ġpelig roso","Ġpaque tes","e jas","Ġdeleg ación","ĠMov imiento","er ador","Ġbus cas","z amiento","Ġ5 4","Ġv uestros","gres os","ĠC ic","Ġviv ió","Ġproce dentes","Ġesper ado","To das","Ġselec cionado","Ġgl oria","Ġc adáver","Ġmu ro","Ġempres ariales","Ġpresent amos","Ġextrem adamente","Ġprepar ados","ĠAgr icultura","O P","Ġconvier ten","Ġrepar to","Ġexter na","Ġlin k","Ġtra tan","ĠV enta","Ġus ados","Ġextre ma","Ġdesp la","Ġhab éis","p ue","Ġdesapar ición","ĠAl l","Ġpar ado","Ġdesgra cia","Ġas imismo","Ġintegr ada","Ġtra mp","Ġindependi entemente","Ġcon tener","ach os","Ġetique ta","el los","m or","Ġan gust","m s","Ġadop tar","Ġenerg ÃŃas","ĠJu z","h ar","Ġayudar te","Ġt im","Ġ7 2","Ġcumpl ido","Ġen mar","ĠCap ÃŃtulo","Ġestu ve","Ġacompañ ar","ĠfÃŃs icos","Ġfron tal","h ay","u j","Ġcas ti","Ġmier da","Ġcan tar","ĠA F","u til","Ġsuce dido","Ġsu ya","Ġlig era","Ġemp ate","gr ados","Ġtar des","Ġmanifies to","Ġlle ve","Ġprestig io","Des cripción","ap ro","Ġcre ador","Ġdul ces","Ġp iden","Ġatra er","Ġhomb ro","h ÃŃa","ĠL l","ĠM ara","ĠCon st","Ġop tar","J o","x a","ĠPara guay","Ġcambi ando","Ġf le","ĠG an","Ġpec ado","per son","tu oso","Ġrefor zar","I ÃĵN","er es","Ġre cal","Ġac omo","Ġ5 1","onces to","ĠRob ert","Ġdest inados","Ġpin ta","ĠConse jerÃŃa","Ġp le","Ġtesti go","Ġoscu ridad","Ġtra te","AD OS","hi bido","Ġre t","Ġemp o","m adura","ĠLor enzo","Ġden s","Ġl ici","Ġestu p","Ġconfirm ado","Ġcambi ó","Ġcre ce","Ġca z","Ġdirec tivos","ĠJun io","Ġmercan cÃŃas","Ġbos ques","Ġa tro","Ġsepar ado","Ġpresent ará","Ġedi ciones","Ġtitular es","Ġindispens able","Ġpon ga","ĠTi po","g s","ĠCar acas","Ġaf ric","Ġtex tura","an i","ñ al","Ġinvers ores","ri e","Ġcom isiones","» ¿","Ġunivers itarios","ĠF ron","G RA","Ġprof undamente","Ġplan os","Ġrel len","d ora","Ġas im","por que","ti pos","Ġalcan z","Ġliber ales","Ġentrev istas","or os","ĠCon ven","ĠM áster","el le","ĠGre cia","Ġtras era","ás ico","Ġvertic al","Ġlogr aron","m ón","Ġre ver","ĠElec toral","ines s","Ġmedi ción","gü enza","B S","ĠLe e","ri ta","Ġgri e","iz os","it ro","Ġrad ical","Ġdé ci","Ġmi el","ir ch","Ġcomple jos","Ġencan tan","ĠJes ucristo","Ġpoder oso","Ġexpres iones","ĠCur sos","Ġcont un","Ġtrans fer","Ġlla ve","Ġmas as","Ġconfigu rar","gu i","ĠD ie","Ġsobreviv ir","Ġna tur","Ġacadém ica","Ġdesp acho","ce la","Ġf ores","ĠMar iano","Ġre di","Ġpre ce","Ġir á","Ġreal ice","ĠS tan","Ġejemp lares","Ġcu otas","Ġconsider ó","m ático","ĠMauri cio","ĠT it","Ġinteg ridad","Ġqued aba","Ġcercan os","Ġman io","ra miento","P C","t adora","Le er","Ġnove dos","Ġepiso dios","Ġ5 7","Ġadecu ados","Ġen gan","Ġab uela","Ġe ró","Ġfinanci amiento","Ġal o","ĠDe leg","Ġefec tivamente","ĠX VI","Ġcoment ado","8 00","Ġart ÃŃstico","Ġescán dal","To da","ĠâĢľ ¿","ĠMin istro","ĠVe ga","Ġtom o","Ġpus ieron","Ġadul to","Ġpla zos","Ġbotel la","ĠP ra","Ġcom enta","Ġmo ch","Ġconven cer","ec é","ĠMas ter","ĠE u","li que","Ġmedic amento","lo gos","Ġal za","l fo","ik i","ĠC ualquier","AN A","Ġgras as","Ġcin cuenta","Ġsuel do","ĠV alladolid","ad ar","f u","Ġse pa","se lo","Ġafec tadas","ĠEgip to","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","Ġatmós fera","Ġp iz","Ġsin ies","Ġextraord inaria","Ġautén tica","Ġsuce dió","Ġgas olina","ĠB ajo","Ġ199 6","Ġcarre teras","Ġmin isterio","Ġmanif iesta","tr ica","Ġargent inos","Ġautom ático","Ġmone das","Ġperten ecen","Ġtras tornos","Ġaprob ó","Ġex posiciones","Ġasoci ado","Ġsu puestamente","em ia","Ġexig encias","por ación","yec tos","ic ciones","us s","di to","ĠT orn","ĠRespon s","ĠN uestros","Ġcorreg ir","Ġch ina","Ġdetermin ación","Ġequip amiento","ám icas","Ġenfr enta","Ġoper adores","Ġinv itado","Ġterror ismo","dic es","Ġo pon","Ġsem estre","Ġfas es","dis cipl","Ġment ira","ĠInf antil","Ġanim ación","Ġespecial idad","Ġincendi o","Ġpu ta","Ġcotidi ana","aque ta","Ġcontemp la","IN G","Ġtempor adas","Ġofici almente","fit ri","Ġ199 4","ĠMac ri","Ġpregun tó","Ġlim itada","ĠquÃŃm icos","Ġconcluy ó","Ġsorpren der","Ġvoc ación","ĠW ord","ĠYou Tube","Ġéx itos","Ġcuch ar","Ġinform ática","ĠS L","Ġre tom","Ġadap ta","Ġtecn ológico","Ġe mitir","ér icas","C OM","En tonces","Ġar oma","Ġreac ciones","ab ell","ño z","ĠCon ferencia","Ġcorre os","Ġren uncia","ch i","Ġcont ando","Ġobten idos","ĠPre cio","ad uras","Ġo ut","cios a","Ġdes ierto","Ġna vide","ĠAb og","Ġcu bre","ist ente","ras es","Ġdeman d","5 7","Ġc é","m u","Ġfor os","ÃŃ colas","Ġconform an","ĠOr tega","ĠAb ril","y an","T EN","Ġinvestig ador","Ġgan adores","Ġsist em","Ġr ÃŃos","Ġprome te","Ġmanten ido","dri go","ĠE U","Ġaqu él","ĠPer io","Ġcapital ismo","Ġra yos","Ġdestru ir","Ġper dón","us k","Ġp ico","Ġcon cer","Ġcompar ten","Ġen tera","Ġvac a","Ġinterpre tar","Ġc ep","ĠL abor","ĠPrim er","Ġl ág","Ġcal zado","ĠSec ción","ĠHon duras","al im","ri mos","Ġaplic able","Ġsegu ÃŃa","Ġp ist","Ġinici os","uer te","ĠEncuent ro","ĠJoaqu ÃŃn","Ġrecur rir","Ġm ama","Ġblan cas","Ġcal ificación","Ġob viamente","Ġma tr","ĠFlor ida","ĠEncuent ra","Ġzapa tillas","Ġpens amos","Ġs ano","Ġemple os","F u","ĠAtl ético","are la","pu bl","ç a","Ġconduc e","b ados","Ġinforma ciones","ĠTer ri","Ġcos m","Ġense ña","Ġh em","Ġinaugu ración","Ġtro pas","c é","Ġposi cionamiento","Ġban de","Ġsi túa","ur g","óm icos","Ġhab ÃŃamos","Ġelector ales","ĠTécn ica","H o","Ġmaravil la","Ġempren dedores","ĠCu ar","cul as","Ġbloque o","ĠBol sa","Ġinm ueble","Ġper dida","Ġ5 9","Ġlá mp","ĠS ent","ste in","Ġvitam ina","Ġmód ulo","Ġreún e","m el","Ġsin cer","Ġbron ce","ĠA ún","cep to","Ġdi rÃŃa","Ġin tes","Ġtur ÃŃstica","Ġnecesita ba","cional idad","Ġestá bamos","Ġsec ues","Ġconvir ti","ĠH ola","c ú","Ġub ica","Ġperson alizado","ĠcÃŃr culo","Ġcol oca","ĠS ac","Ġtom e","Ġsu puestos","Ġconex iones","pon es","Ġsobres al",". ).","Ġlim itaciones","M é","u za","Ġa ula","Ġ199 5","Ġrode a","ros s","Ġgener ando","ĠElec trón","ĠGuer rero","Cu án","Ġconces ión","Ġsub ra","Ġcr ónica","ĠDepor tivo","C L","Ġhub ieran","N e","Ġru p","Ġc il","D o","crip t","Ġde bió","CI AS","Ġcre encias","aliz an","Ġf ortuna","Ġcu sto","ĠPor no","Ġras gos","ér pre","Ġinev itable","Ġrelev ancia","Ġamb ientes","Ġinstitu to","Ġ5 8","ĠV el","Ġhal laz","tr en",", .","r adora","ĠF igu","Ġdesarroll ó","Ġmasco tas","Ġ5 3","Ġanun cia","Ġdescrib ir","Ġar a","Ġsem if","Ġpar ques","Ġobserv ación","ó tica","ĠEx teriores","Ġas ent","Ġpatr ones","Ġofre ció","E P","ĠCom pe","Ġcabal los","Ġtra ge","ĠAl ianza","get ales","Ġnav idad","ĠS ig","Ġd ram","Ġev angel","os ten","Ġcom pa","Ġpantal las","Ġ7 00","estr ÃŃa","Ġv era","Ġterri torial","Ġsab idurÃŃa","Ġdestac ados","Ġrad ic","Ġconv iene","ĠCh a","Ġcub anos","ĠD iciembre","Ġar res","Algun os","der s","Ġproto colo","Ġlog ros","Ġgrad u","ĠC ort","Ġsupon go","ĠPla ya","Ġpor qué","ĠAn álisis","T AL","Ġver la","Ġcome tido","Ġch av","Ġprev ista","Ġdoc trina","ĠC rea","Ġmi x","ĠPue bla","Ġflex ibilidad","Ġacab o","Ġregist ró","Ġencuent ras","Ġin vi","ĠquÃŃm ica","Ġt ÃŃo","re mo","Ġp acto","ĠD ia","Ġpi ra","Ġsol os","Ġbon itas","ĠOl ÃŃmp","gu almente","m ens","Ġcuar enta","ĠI z","Ġcal efacción","Ġsomb ras","d ro","Ġsal ieron","Ġbru tal","Ġsolici tado","ĠCon diciones","Ġ199 0","un ya","aj ar","AR I","Ġacom paña","ĠPar k","Ġhum anas","Ġpresent arse","om ento","Ġescuch ado","Ġah i","ul ados","Ġcam ion","v ista","Ġlóg ico","Ġexpres amente","Ġob tención","Ġdar te","Ġasegu ran","Ġemp a","Ġsindica tos","je cimiento","Ġvenezol anos","Ġmad u","Ġconj unta","Ġdes in","ĠFuer za","Ġcrist iana","ĠN ar","ĠVas co","Ġexter no","Ġrevel ó","ÃŃ var","Ġcul to","ible mente","ĠP ort","te za","ĠR an","ĠGener ales","AR C","Ġcomple jidad","T ES","ã Ĥ","ĠSal amanca","Ġal u","Ġprofes ora","Ġbás icamente","Ġen cer","ec t","Ġdirec tores","200 7","Ġenvi ó","Ġital iana","Ġrap idez","Ġsec ciones","res ión","c usión","ĠJ ac","ĠS ara","ĠMar ta","Ġden omina","T er","T P","Ġdeter mina","Ġvolun tarios","tán dose","Ġcrea tivo","aliz ando","am arca","Ġexperim ent","m ita","Ġpermi tiendo","ĠV ers","or ado","ĠAp lic","Ġsome ter","Ġimp ide","Ġde gust","Ġform ada","Ġrespec tivos","Ġequip ada","Ġemb al","Ġex ista","P ER","Ġconserv a","Ġcontras te","Ġfi eles","Ġensay os","A pp","ic ho","Ġre en","H A","Ġcon duci","Ġsent ado","ĠEx p","ac he","Ġper si","Ġre medio","Ġconqu ist","Ġincertid umbre","uev en","En cuent","Ġtur ÃŃsticos","Ġocul tar","E B","v ieran","Ġcer ró","Ġcamis etas","Ġarre p","ĠDis fru","Ġplen amente","ue ba","D entro","Ġabor to","Ġcre es","ĠN úmero","Ġinf lam","Ġs tan","Ġconse jero","Ġsecund arios","ĠMed ina","Ġev ita","Ġarmon ÃŃa","um as","Ġcon taba","Ġcó digos","ĠConstitu cional","and ra","Ġin ac","Ġconduc tores","ĠCan aria","Ġcub ana","Ġvol ante","y ac","ti za","Ġdiscu tir","Ġinter venciones","Ġreflex ionar","ĠincreÃŃ bles","v ic","Ġinici ado","Ġperson alizada","ĠMo der","k ers","e val","or di","Ġcru zar","Ġhá bil","ig ar","ĠTo ur","ĠExtre madura","Cu ál","p ada","Ġpar ezca","Ġreconoci dos","Ġfu turas","ĠL ÃŃnea","Ġa is","Ġdeci dieron","ám ites","Ġdesapar ecer","Ġentrev ist","Ġargu ment","Ġjapon és","ĠDis ney","Ġsust ancia","Ġfir mar","Ġ0 9","ĠC C","Ġcr on","Ġil ÃŃ","Ġb ola","Ġpat ria","Ġfundament almente","ĠC V","Ġneg ras","ĠO pen","Ġconserv ar","Ġsole dad","uev o","Ġinter faz","ándo los","it ante","Ġestable cidas","Ġentre gó","ĠTrans porte","cor e","ĠE le","CI AL","Ġconec tado","ĠS co","Ġsan ción","Ġenc uestas","ĠR oc","cin g","J uan","Ġest és","Ġdifun dir","Ġproce de","k u","Ġarreg lar","Ġque b","Ġf icha","Ġdo l","ĠMu ñoz","V en","ĠUS A","t to","Ġprefer encias","ĠCuer po","ĠLuc as","Ġurg encia","Ġtransform ar","Ġaut ent","Ġconfir ma","ĠAn im","Ġtr ámites","Ġsolu cion","ĠSi ria","ĠC aja","ier as","Ġha gas","Ġtrist eza","Ġen vÃŃa","Ġo v","Ġir se","Ġban ca","lo j","ĠAcu erdo","ĠG rado","f ónica","ĠR amos","Ġne gar","je mp","Ġch oque","Ġper diendo","Ġconstitu ción","en io","ĠE dad","ĠA quel","al ición","Ġextre mos","ĠSer á","til los","jal á","Ġnum ero","r erÃŃa","Ġun idos","Ġte tas","Ġencontra ban","Ġsat él","Ġrela tivo","ĠDip utados","ĠGe orge","Ġve in","ĠDe porte","ĠR ural","ĠT OD","Ġacompañ ada","pe cial","Ġexter nos","Ġay untamiento","ĠAmb os","ik a","Ġefectu ar","ĠEsta tu","Ġinclu idas","Ġmig ra","Ġsemej ante","Ġadecu adas","Ġcomp rado","Ġfortal eza","ĠA de","ĠTer esa","Ġsue los","EN A","Ġespecta culares","ĠW e","Ġclas ific","Ġex ámenes","Ġre cip","r ás","Pue des","Ġtab las","Ġb il","Ġpilo tos","Ġdiseñ ada","Ġunif orme","Ġpre ca","ĠD entro","Ġdesemp leo","Ġguar dia","Ġmar ÃŃ","Ġhab iendo","Ġcorrespon den","Ġins ec","ĠVide o","ion ista","Ġver ificar","Ġado pción","Ġpoten ciales","Ġmec ánica","Ġdo bl","Ġven ga","Ġnerv ios","ĠD VD","Ġquer idos","Ġmostr ando","Ġve getales","Ġ199 3","Ġsolici ta","uel to","Ġpres ta","mple mente","Ġav iones","Ġred acción","Ġextraord inario","Ġj ab","Ġdepor tistas","se y","g ol","Ġsust ent","ca den","Ġs illas","ĠF OR","ĠPar ece","Ġcier ra","Ġi ra","Ġrelo jes","Ġproce der","ĠM ach","Ġhues os","Ġinv is","ĠPac ÃŃfico","Ġis rael","Ġdisfru tando","Ġprop uesto","Ġcer rada","Ġreserv ar","Ġjud ÃŃos","ĠH ijo","ĠSu iza","Ġol iva","Ġcome dia","ell i","ill era","Ġcomunic ar","v echa","Ġterap éut","Ġlim ita","Ġhig iene","un idad","E F","ĠB ale","us h","ĠI ra","Ġempez aron","Ġcompren de","vi deo","Ġanti güedad","ric h","v enta","us al","ĠEstudi o","Ġex teriores","Ġf idel","Ġab ar","Ġac titudes","8 2","Ġu ñas","Ġde tección","Ġfantá stico","Ġvar iar","z i","Ġunivers itaria","pro duc","Ġapar entemente","Ġac o","á ut","Ġdin am","Ġ( âĢľ","Ġqu ita","irch ner","ĠMar ia","Ġfu ga","____ ____","Ġhal lar","ion s","Ġb er","Ġp ÃŃ","Ġaver igu","Ġnucle ar","ĠU s","Ġmu r","Ġf oc","des de","Rec uer","g ú","Ġinten ciones","Ġinv ent","Ġexpor taciones","ĠClar o","res tre","Ġes qu","Ġdecir le","Ġrazon able","ĠG én","Ġfe der","In ter","Ġacces ible","Ġun ido","Ġmascul ino","ĠH ombres","] ,","Ġcos tado","Ġten is","ĠIn genier","Ġse ca","Ġcent ra","Ġriv ales","per s","Ġdo lores","Ġoper ar","ĠS um","Ġco gn","Ġatra vi","Ġgra bado","Ġdecor ar","M adrid","as t","Ġper don","on i","Ġco j","Ġinvesti ga","Ġsignifica tivo","ĠAn al","Ġfavor ecer","Ġgo le","Ġit iner","Ġconcep ción","Ġra mas","Ġmete or","Ġan fitri","Ġflex ible","ik o","Ġca ÃŃdo","éndo le","Ġla p","7 2","ĠInnov ación","Ġrecib irá","Ġún icas","Ġexten der","Ġ9 00","Ġclar os","ly wood","qu erÃŃa","Ġlo cura","ĠSan idad","om en","Ġma pas","Ġtras pas","ĠPe ter","Ġx xx","Ġeurope as","Ġda ta","Ġban c","man n","e ñas","Ġsub e","Ġcrim inal","Ġinci dente","Ġcop ias","V O","ĠMar k","Ġenerg ético","Ġne ur","Ġpar to","Ġj ajaja","tab ria","oc en","Ġo di","Ġconcre tamente","éc tor","Ġap el","Ġma il","Ġconcl uir","Ġsof ist","Ġconcre ta","inten do","ĠMar zo","Ġherman as","Ġdecir lo","Ġro ca","Ġo ch","ĠB omb","Ġintent ó","ĠL im","ĠInte gr","ĠSu árez","Ġcl áus","Ġpla y","Qu ieres","Ġpoten ciar","Ġres eña","mit en","Ġentusias mo","Ġmejor ando","ĠRo ja","Ġcomp l","8 1","Ġnar iz","ĠHab ÃŃa","ĠVer acruz","Ġentre gado","Ġedi tor","st al","Ġdenomin ada","Ġcer tamen","as es","ay o","ĠHer rera","ici ar","ti t","5 4","Ġfantas ÃŃa","d re","con tra","Ġcorri entes","Ġrecomend ación","graf os","Ġal turas","Ġtec lado","Ġan g","Ġcocin ar","ĠM ár","ĠComer cial","Ġpropor ción","H er","Ġver ás","ĠEdi torial","ĠF orma","Ġaf ición","tar iado","Ġ6 9","Ġ6 6","os idad","Ġresul tan","Ġsuper vis","ĠPos t","ab uena","am ent","Ġrequer imientos","Ġp si","Ġfavor able","Ġgol f","ién do","Ġtir ar","Ġdeci dÃŃ","Ġsum amente","Ġpo emas","Ġres pir","ĠRe pres","te z","Ġfal so","tam entos","Ġdesp lie","ie te","ut ado","Much os","Ġblo ques","Ġan aliza","ĠPerson as","rech a","x is","Ġ °","@@@@ @@@@","ĠN ike","ĠRo jo","Ġv imos","ĠmÃŃn imos","Ġcompet ente","Ġta tu","Ġgas es","Ġno ble","ĠRio ja","ÃŃgen o","P P","l ara","ĠB ill","tán eamente","ĠIs las","Ġco di","Ġfil tro","Ġdefini tivo","Buen as","Ġcar dio","ĠIntro ducción","% ),","Ġaument ando","Ġg oma","Ġcul tivos","ĠM ora","ci ende","Ġpro cur","Ġsu man","Ġpuer tos","Ġcircunst ancia","Ġo ÃŃr","Ġt ún","in oso","Ġdro ga","Ġba tal","Ġprev al","Ġor ÃŃgenes","ĠPro ces","Ġatrac tivos","ĠA venida","Ġseg mento"," ²","Ġresta urar","Ġpantal ones","S C","Ġimper ial","Ġépo cas","gan da","qu era","Ġpo ema","polit ana","Ġfach ada","ĠGonz alo","V amos","ĠRe la","Ġperio dismo","Ġsab ores","Ġgu i","D UC","iz ador","Ġme ga","Ġfalle cido","Ġne uro","Ġcancel ación","Ġreun ir","par se","it ch","Ġconst antes","Ġoscu ra","Ġbo das","Ġperman ece","Ġp eces","ĠVal ent","il ado","8 3","ĠN ombre","ĠB aja","Ġmaes tra","ĠAtl án","ven a","Ġtama ños","Ġcar peta","Ġfra ude","Ġapoy a","Ġgri ego","d ul","S erv","Ġpl ac","Ġnutri entes","Ġg ala","Ġfi jar","Ġdeci mos","Ġhici era","IN E","ĠBer lÃŃn","Ġdes vi","Ġextra cción","Ġembara zada","Ġver güenza","ĠRo drigo","Ġgu ión","Ġpol la","ĠK ing","Ġenc am","Ġh ech","ĠC I","it z","gas e","Ġjust a","Ġsopor tar","ic to","T iene","F el","Ġmig rantes","ĠMal lorca","ĠGlo bal","ĠCent ros","ON A","5 2","Ġ199 2","Ġtal entos","ien se","Ġform ando","ĠI VA","Ġmi de","Ġmagn itud","ing os","P on","Ġcons ola","ĠF ol","Ġsustitu ción","Ġaprovech ando","Ġelev ada","lu ten","ñ ones","ĠQu iero","ĠG or","7 4","oci miento","Ġre tor","Ġsuperviv encia","Ġhomb ros","Ġsacerdo te","Ġconlle va","k ia","Ġvolver á","Ġrefug io","ĠM ens","h acer","Ġsan itario","Ġar bi","M C","Ġbo x","Ġre porte","Ġconven cional","Ġcor rup","Ġfarmac éut","Ġn or","Ġminist ra","un os","Ġhipó tesis","Ġhabl aba","Ġpl us","Ġconm em","ĠAlfre do","ĠCent er","Ġimp u","Ġde cep","Ġmens aj","Ġtrabaj amos","Ġdens idad","Ġh amb","Ġal b","Ġrepar ar","Ġcompar ar","Ġc ón","ĠIn di","Ġacadém icos","ĠF ra","Ġcontemp lar","Ġutiliz adas","Ġvol ar","ĠA U","Ġpudi mos","Ġcompeti tividad","ĠVil lar","Ġdeterior o","Ġsustitu ir","Ġmo bil","ĠTom ás","uev as","Ġmuer tes","ĠP ER","ur ado","Ġmedi ano","Ġbrasile ño","Ġchil eno","Ġlim ón","ie bre","Ġfalle ció","ti bles","Ġde dicación","Ġsan itaria","Ġempez ando","Ġincumpl imiento","Ġher encia","ĠMar gar","Ġse para","ás er","Ġf ina","ĠEx tra","ĠH y","ĠCab all","Ġpin turas","Ġdeb idamente","na val","Ġinfec ciones","Ġempez ado","Ġdar án","Ġnub es","Ġdiá metro","Ġcon cil","Ġfenóm enos","Ġexp licaciones","Ġna tal","Ġmens uales","ĠAD N","j unto","Ġmon te","Ġdesapar ecido","L C","Ġmol inos","ĠCa teg","ĠOb ras","Ġmatem áticas","Ġsurg ió","Ġde mo","Ġcomple mentos","Ġ ĵ","6 00","Ġelec tr","Ġbo tones","Ġper egr","il ados","ĠCatal unya","d ario","ĠG alax","Ġafir mar","P lan","go b","ĠP ay","Ġaband ono","ĠON G","éndo lo","Ġpl acas","Ġmodi fica","Ġsobre todo","par ación","Ġas ientos","Ġsan to","S olo","Ġencar gada","Ġhabitu almente","ĠD IS","Ġesp ada","Ġoblig ados","Ġsol itario","Ġpa v","cu ando","Fo to","á til","Ġabund ante","Ġinter v","Ġpar al","ĠVar gas","Ġh ero","Ġmar có","Ġinici almente","Ġdispon en","Ġsu bió","mit h","Ġenten dido","Ġampl iamente","ĠP ilar","Ġadminist rador","ie mb","Ġaport an","Ġg em","Ġjug ó","Ġidentific ado","ke y","Ġdesas tre","Ġcoordin ador","ĠR oy","Ġreti ro","Ġobstá culos","Ġsof á","Ġhid ro","Ġpap á","ĠEl ena","ĠHa z","Ġcercan as","v á","Ġencuent ren","Ġcomenz ará","Ġsalud ables","ĠPl us","ĠIN TER","Ġinm uebles","ĠTo tal","Ġmen ción","Ġlengu as","Ġrelig ioso","cla je","Ġinter medi","om étr","ĠC OR","Ġev itando","ci entos","ta g","b ack","Ġbas ados","ĠPa tr","Ġ3 60","inar es","Ġprim as","Ġindustri as","200 9","Ġcandida tura","Ġllen ar","Ġgust aba","Ġsum erg","ĠG EN","ĠIncl uye","Ġadap tarse","rue cos","Ġl ingü","ac os","Ġsig las","Ġcomple ja","Ġfoto graf","ĠN adie","Ġtar d","Ġpier das","Ġejemp lar","ill ado","Ġprom esa","l amos","Ġr ara","ĠcrÃŃt icos","Ġarm ado","ĠEx isten","5 3","lan dia","Ġtu yo","ĠBo ca","Ġbel lo","ĠEqui po","7 3","f r","Ġch u","Ġacercar se","ĠI den","Ġcan to","ĠCam ino","Ġpre domin","Ġunivers itario","Ġquir úrg","Ġanunci ar","Ġreci cl","ĠI D","ru dencia","Ġdirec tos","Ġl entamente","Ġopera tivos","Ġnomb rado","am pl","Ġexc usa","Ġexpor tación","C iudad","Ġcor ona","Ġreg lamento","N eces","Ġnega tivos","Ġg ab","Ġlle go","Ġran king","ue ga","én dez","ĠFuer zas","Ġfil as","O G","Ġproble mática","Ġex ager","Ġap uestas","Ġcor e","eb ra","Ġpe ores","Ġllam o","ĠCoci na","ĠA ten","ĠS w","Ġp p","Ġle ma","Ġse mb","Ġenfer mos","Ġman chas","ĠSil va","Ġrealiz amos","bus es","tr ados","Ġinal ámb","Ġimagen es","ĠSE O","Ġso ñ","Ġf usión","Ġt ribunales","Ġalum nado","Ġseñ ores","Ġsex y","Ġperteneci ente","Ġtecn ológicos","ĠXV III","Ġcont ento","Ġgas tar","Ġrestr ing","c las","s ec","ĠJ al","Ġpas ará","Ġint érpre","at ÃŃa","Ġrode ado","ĠNie to","5 1","Ġh umo","úm enes","ĠP ala","cion ista","ĠOrg ánica","rá ul","ĠCon f","Ġtu ber","Ġespa cial","P la","Ġdefin ido","Ġsac a","l om","ĠF á","Ġac aban","Ġloc alización","é p","Ġcon greso","aron es","Ġrem un","Ġsac ó","ĠJu ventud","ĠCarta gena","ĠF echa","ĠGu ad","Ġoper ador","ac en","ik ipe","Ġgra mos","grá ficas","Ġcolombi ana","Ġti ra","Ġdi arias","Ġpens ión","ĠEvan gel","ĠJe an","Ġfuncional idad","Ġadvir tió","Ġconoci ó","Ġest óma","Ġeléctr icas","Ġperspec tivas","ĠB ru","Ġace ites","Ġ ida","Ġgan ando","bi ta","Ġ6 8","ĠÃģlvar o","Ġpregun to","Ġperió dicos","Ġintegr ar","ĠI SO","Ġelectro dom","htt p","ĠBol ÃŃvar","Ġc ad","Ġcompon en","Ġac aso","Ġafec tada","Ġprovoc ó","Ġint entado","cil la","Ġfal tan","Ġch i","ĠTrabaj adores","Ġpart ÃŃculas","Ġcomprome te","ĠAs untos","Ġleg ado","ĠS S","Ġconst ancia","Ġcr ÃŃmenes","Ġconside rando","Ġserv ido","Ġsub je","Ġdirec tiva","Ġde udas","Ġlág rimas","Ġbacter ias","ĠEst án","ĠPrim aria","e is","j ados","ĠR uta","ĠG ri","Ġbancar ia","Ġfin ca","am ing","In cl","a z","Ġprovoc ado","Ġarran que","ĠMunicip io","ĠMar celo","qui cia","ist ros","Ġr usa","Ġjef es","ist án","x ima","am ba","?? ?","Ġmanip ulación","Ġd ren","Ġarquitec tón","iv ar","fas is","C abe","ándo les","Ġsab iendo","Ġsuper ado","ĠInst al","Ġsorpres as","di era","Ġcab les","Es c","Ġpi diendo","ĠQuiz ás","ándo te","G E","ĠDe bido","á zar","Ġconden ado","Ġinfer iores","Ġbo tas","Ġpier na","d ula","Ġespec tador","ĠCh an","5 8","Ġagr ÃŃcola","Ġautor izado","ĠReserv a","Ġrepres ión","Ġfac ultad","uen ca","Ġex tiende","Ġre mi","Ġestar emos","Ġcab ec","Ġtr on","ĠMe del","Ġconf iar","Ġsan ta","Ġpres ion","ĠÃļ l","Ġse p","Ġjust ific","Ġob s","ĠConsul tado","Ġsal iendo","Ġadminist rar","Ġsuperfici es","Ġhistor i","Ġaleg re","b r","Ġcomp licaciones","g ante","ĠA ce","Ġdi ariamente","ch ado","Ġs tock","Ġpa gan","CION AL","y entes","Ġmód ulos","Ġexp uesto","Ġapar camiento","Ġt ib","Ġdios es","Ġcoleg as","Ġmús ico","ri das","Ġmoder nas","Ġsacri ficio","ten imiento","Ġbritán ica","Ġvitam inas","ĠR el","6 3","Ġcom ité","Ġin e","ĠO tras","Ġpro hibido","Ġenf a","Ġpa tas","Ġdemocr ática","Ġt rib","ĠG eo","Ġnerv ioso","P F","7 1","ĠO R","al las","e k","Ġajust es","Ġceb olla","Ġimpro vis","ĠR ena","Ġdirig idos","ĠR A","Ġch or","Ġhermos as","Ġimplan tación","ĠPsic ologÃŃa","Ġneces ite","Ġpon drá","Ġsu poner","Ġem ig","ĠI glesias","Ġluc ro","op ol","ikipe dia","ĠT RA","Ġdiagnos tic","Ġconside ro","ĠT ru","Ġcer teza","Ġdar les","Ġma ÃŃz","ĠVal enciana","Ġest ÃŃm","Ġbusc amos","ĠS uc","at h","Ġactu alizaciones","ti gu","Ġvic torias","Ġhue co","ĠJos ep","Ġdisc ÃŃp","Ġagre ga","R eci","an ta","Ġsalv aje","Ġagr icul","ta des","ĠCompañ ÃŃa","ĠAgust ÃŃn","x imo","Ġprov iene","Ġdeleg ado","ĠR og","Ġs eno","o te","ĠF ÃŃsica","i tim","Ġrestric ciones","Ġmedio dÃŃa","t ona","> <","Ġ én","Ġcal orÃŃas","Ġcomp one","Ġadecu adamente","Ġactiv ar","Ġle ÃŃ","Ġex poner","Ġp alacio","Ġmoto ci","Ġespeci fic","Ġcó mp","ti emp","Ġi OS",". ),","Ġve an","Ġob ede","Ġcomple tos","ĠA gosto","ĠSeñ ora","le go","ba ciones","ĠQu in","Ġoptim izar","Ġregist rados","Ġsal do","Ġespectá culos","ĠStre et","ĠO fre","ĠV ent","M IN","N osotros","Ġmostra mos","Ġsen ador","Ġt óx","Ġmág ico","Ġter remo","Ġselec cionados","Ġfres ca","Ġla terales","Ġsal udos","Ġfal la","ĠL ec","Ġrelig iosas","S ol","Ġtrage dia","Ġprocl am","Ġbal cón","Ġb onos","Ġsob r","ĠEn ero","Ġas cen","e dades","ĠCor uña","Ġjue gan","Ġf estiv","Ġll orar","Ġa zo","ĠH éctor","ĠInde pendi","j amos","Ġdirig ió","ĠSer ie","Ġlo ca","itco in","gra ción","que ta","Ġtrans curso","Ġco ño","Ġd uros","ĠS AL","Ġpe di","Ġcontinu amente","m all","ón icos","Ġmedio amb","Ġhab lo","Ġpsic ologÃŃa","re al","Ġmo dal","ĠP ok","Ġguer ras","Ġcan ta","em ento","Ġdes po","Ġcub ierto","Ġinst a","it oria","ta ge","Ġacog er","ĠS OL","Ġprotes tas","Ġpol ar","Ġa ur","Ġcas ualidad","Ġcin tura","h ara","Ġproduc tivo","Ġapar tamentos","No ta","Ġol vido","eci eron","Ġnacional idad","ĠH om","Ġdese e","Ġcur va","Ġdeb il","Ġcrea tiva","Ġapren de","Ġad her","Ġbar cos","ĠH un","Ġcaus ado","Ġrin cón","Ġcorre dores","ĠH uelva","Ġic ono","ĠCas as","Ġconsigu iente","fici os","ĠInform e","Ġg ros","ĠBar rio","ĠE c","ĠEdi ción","Ġmu ral","Ġc ement","6 2","Ġsan itarios","ĠFeder ico","l icos","Ġllev arse","Ġcam ión","Ġfal sa","ul sión","all y","Ġenseñ anzas","Ġexten sa","eb an","Ġdej es","Ġobliga torio","Ġp ales","200 8","ĠCar olina","Ġcam iones","se t","Ġtre m","Ġan ima","ĠI rán","Ġconvers ión","ĠtÃŃp ica","li mp","Ġadqui rido","ĠMexic ana","Ġrum ores","Ġprepar ando","ĠA eropuerto","Ġconf or","Ġetique tas","illera to","Ġgu ÃŃas","Ġsu ici","âĢ¦ âĢĿ","Ġtorm enta","Ġproce dente","Ġal iados","Ġcap itales","Ġl iv","ĠS ky","Ġrep ara","Ġindi gn","Ġpa to","Ġvar iedades","li x","P L","esti ma","Ġem er","Ġdi lig","Ġrefle jo","hor abuena","ĠBur gos","Ġinfraestruc turas","titu tas","Ġ( ...)","Ġh ones","Ġtemp rana","Ġbol so","ÃŃt icos","Ġa zar","Ġrefer entes","Ġmi to","Ġexperim entado","Ġpe at","Ġsosten ibilidad","Ġrelig iosos","Ġperteneci entes","Ġterror istas","ĠCh amp","ĠEspe ci","Ġres um","ci tas","Ġir ri","ĠP unta","Ġpas tor","Ġcr uel","enci ar","P RO","A g","Ġcarb ón","Ġestóma go","Ġcin tur","Ġp ack","Ġor to","r s","it arse","f ra","Ġseman al","ĠP rin","h asta","Ġentr an","T ICA","Ġti p","Ġadv ierte","Ð »","Ġrequis ito","Ġdeclar ar","Ġarm ario","à ¤","Ġcar gas","Ġdese ado","Ġin oxid","Ġestratég ica","Ġra ma","Ġes pu","Ġpres os","Ġdispon emos","Ġcoloc ación","Ġconce j","Ġinteg ran","Ġp df","es is","Ġacog edor","Ġproporcion an","Com p","ĠR ib","r mac","Ġcu mbre","ĠF C","Ġtruc os","quil lo","crib ir","Ġter cio","tu ar","Ġref uer","f ri","Ġu ruguay","Ġi glesias","u den","ĠS é","Ġul timo","Ġab uelo","Ġsos tener","ĠSegu ra","C er","Ġinv itamos","Ġpoder osa","Ġestable ció","Ġfu tura","éc do","Ġsal va","Ġ6 2","Ġdiseñ ador","grá ficos","ĠC AM","me dios","ĠH os","Ġcomunic arse","Ġcam ina","Ġimp ec","t ch","ĠR ies","Ġr on","á logo","Ġpe ga","Ġp ido","ĠB au","cip ación","ĠS un","Ġtelef ónica","Ġlog rando","mos a","em en","ĠUnivers al","6 1","Ġ20 20","Ġles ion","Ġdese en","Ġorden adores","vil le","Ġatrac ción","bur go","Ġcertific ados","Ġsignifica tiva","an ca","ĠA mar","Ġhumil de","Ġsorpren de","E se","Ġexplos ión","Ġp ez","Ġint entos","Ġdest ina","Ġar terial","Ġb oc","ĠC ora","Ġpros per","Ġdiscipl inas","Ġalf omb","Ġfo co","Ġjug ado","Ġpor te","Ġproteg e","Ġc én","t anos","ace te","ĠF inal","Ġpro poner","ion ero","Ġcomer cios","ĠK im","Ġgra v","O O","ĠLiber tad","Ġbusc ador","Ġnorte americano","ĠMunicip alidad","Ġm io","ĠR ÃŃos","ĠB M","Ġll enos","Ġapro bar","ĠHol lywood","ĠAl merÃŃa","Ġencar ga","ĠA ran","Ġconfirm ación","Ġefec tividad","Ġsol v","v idad","Ġfin anzas","Ġesta cionamiento","Ġconduc tas","Ġolvi des","Ġse as","Ġv am","Ġflo ta","ĠP ul","G o","segu ida","b ida","i um","P N","ĠE R","ĠA hÃŃ","Ġfund ada","Ġ( âĢ¦)","Ġagres ión","g adores","Ġmas iva","so bre","Ġdispu ta","Ġazul es","Ġjoy as","Ġemp ecé","m áticas","iv al","ĠA mpl","g ÃŃa","Ġri gu","Ġescal eras","Ġimper io","ĠRo jas","Ġtra yecto","Ġmun diales","c ad","Ġin tra","Ġca os","Ġrecre a","Ġestable cen","ite d","Ġtrans acciones","ĠP IB","Ġcom arca","ĠCON S","Ġdep ósitos","Ġhorm ig","Ġhéro e","ton e","cer es","di stas","Ġfá rmac","ĠEr nes","ÃŃs mo","Ġ0 8","s mo","él gica","Ġin capa","Ġco co","ĠF rases","ĠEst ad","ec os","h ist","Ġen tornos","ID E","Ġiden tifica","Ġ �","Ġjust amente","Ġro jos","Ġcompañ era","Ãģ S","Ġvis ibilidad","Ġbes os","b s","Ġdes com","Ġcal ientes","óg icos","b log","dad ores","ĠTur quÃŃa","ĠC ient","Ġmad rid","Ġsu pl","Ġexplor ación","Ġsab éis","tur b","he im","m amente","ĠR iver","ril los","Ġén fasis","ĠB B","Ġsencil los","ĠN intendo","ĠE MP","di ta","Q UE","Ġenfrent arse","Ġinspec ción","ĠPro ducción","Ġcur s","Ġtri ple","Ġnoso tras","ér icos","te ur","di ar","ĠM U","Ġcontes tar","Ġj ajaj","ĠV in","N i","Ġch al","cion ó","Ġay ude","Ġalm uerzo","ĠP N","D S","Ġcor tas","Ġcam inando","Ġinter nas","v esti","Ġ6 3","ol or","Ġestruc tur","ĠQ U","Ġpolici ales","ĠP AR","T AR","Ġcas tigo","ĠPre vención","Ġempren der","Ġdej aba","ĠPo wer","Ġs ta","Ġinm ers","ĠTo p","d am","Ġtras ero","Ġv il","Ġte orÃŃas","Ġ 000","Ġtom ate","Ġnoti ficación","ĠPor tal","Ġameric ana","Ġri sa","ĠJer usal","Ġhuel la","Ġdi al","Ġestim ul","ó tico","Ġpas ados","Ġmas ajes","ar qu","Ġsuper visión","j ón","Ġcruc e","ĠFo tos","ten a","ĠCan tabria","Ġretras o","Ay er","Ġinoxid able","Ġvendi do","lan os","Ġcon mo","Ġarquitec to","pla y","Ġcla us","fi eld","Ġampl ias","Ġsober anÃŃa","rib e","ĠInterna tional","Ġin da","L es","Ġcomien zos","ĠMil itar","acter ÃŃsticas","Ġminist ros","Ġlin da","Ġv uestras","Ġro bar","Ġmill on","ap as","Ġ ^","ed ora","Ġdo bles","Ġgu apa","Ġdisf ra","Ġde vo","Ġmover se","pen den","Ġarran car","T ienes","Ġtab aco","Ġdest ro","Ġlibre mente","E tiquetas","Ġco ca","Ġcre ÃŃa","Ġcent r","Ġtras torno","ĠJorn ada","Ġpreocupa ciones","Ġbille tes","ĠAr turo","ĠMo delo","Ġaden tro","t ancia","v ÃŃo","res e","Ġcora zones","Ġsuce der","ĠF ord","ĠMes si","ĠM AN","Ġaprue ba","Ġaum entado","ĠPr ensa","Ġdesarroll ada","Ġvig entes","ĠP ho","Ġhorizon te","Ġmobil iario","Ġb esti","ĠCoord in","Ġmus eos","Ġinfl uen","Ġan illo","ĠEst aba","Ġmodal idades","ĠF ebrero","Ġpa gado","ĠB ig","ur t","Ġescrib iendo","Ġrey es","ĠM olina","PA Ãij","Ġrecor dado","Ġto cado","Ġdu plic","Ġingenier o","Ġbar b","tr ad","que o","Ġcumpl iendo","óg icas","trimon ial","Ġab usos","Ġacompañ ados","ĠOb rador","ĠGeneral itat","ier ro","ĠsÃŃn drome","Ġv ientos","ĠPar te","Ġcri p","Ġrealizar án","Ġdemues tran","ĠHar ry","ĠRec om","Ġsug iere","ug h","Ġcol ch","Ġdirec torio","es idad","it aron","ĠG in","Ġacog ida","Ġ199 1","Ġsmartph one","f an","Ġgén eros","ĠSo ftware","ĠN ivel","Ġaisl amiento","ĠSupre ma","f ono","tar o","Ġlic encias","Ġsent ÃŃ","ĠP AN","Ġale manes","e u","a po","Ġpá jar","Ġráp idos","Ġapor tación","Ġs c","Ġsi gan","ac án","Ġdes mon","que te","Ġas amblea","Ġsorpren dió","Ġescas os","ĠvÃŃn culos","Ġconcre tas","Ġsuger encias","Ġprev ios","ĠO F","Ġe f","Ġjapon esa","ĠRich ard","? âĢĿ","Ġdetal lada","Ġmar g","j am","Ġan écdo","g il","ĠMaes tro","Ġinn eces","Ex isten","Ġref irió","Ġdemocr ático","Ġcer e","t ter","Ġalim entar","Ġest il","Ġmen cionados","Ġproven ientes","Ġhorizon tal","Ġat entado","ĠG B","m ante","ĠJu árez","u k","Ġmu ros","Jos é","ĠJ en","Ġher ida","Res pecto","Ġanim e","endi endo","Ġven dedor","Ġcontinú an","Ġmul tina","Ġgratu itos","Ġvar iaciones","V EN","Ġfrances es","ĠR on","Ġb eca","Ġextran jera","Ġconstru ida","Ġlleg aba","Ġexitos a","C asa","U sted","uf ac","Ġmad uras","Ġcolec ciones","min as","Ġrom pe","Ġpi ano","ĠB oy","Ġob vio","Ġpos tre","Ġrec ta","Ġrefug iados","ti cia","Ġarreg lo","Ġára be","Ġimper me","ac ar","Ġfum ar","Ġtrabaj ó","Ġar rib","A p","aa aa","Ġhard ware","Ġinolvid able","RE C","Ġreno var","ist ÃŃa","Ġprotagon ismo","Ġinterpre ta","ĠC lo","Ġab aste","Ġsex to","Ġcre adores","Ġingles a","Ġasum e","er e","ĠCar re","ĠTorn eo","Ġ11 0","tien da","Ġaprob ada","ĠC OL","cho ol","ĠConven io","ta ñas","as is","m áticos","ĠB ienes","Ġvan guardia","ĠC uenca","Ġac oso","Ġescándal o","Ġconf usión","Ġma tric","el ia","Ġsocial istas","an co","ca v","re os","Ġhacer te","Ġmatr ÃŃcula","Ġposib il","Ġb ecas","g ri","ĠTex as","Ġmis iones","d amos","o th","TA M","Ġautomóvil es","ĠSegu ir","ĠSon y","d é","Ġcre cido","ĠAc ceso","pon go","Ġestratég ico","ĠPas cu","un ar","ch an","Ġid ón","ĠP ic","N uestros","ĠB ás","Ġexp l","Ġolvid ado","gu esa","Ġofre cido","Ġdig no","Ġcont ribuye","Ġconcl uye","Ġtem bl","Ġotor gar","un tamientos","un tu","Ġagrade cimiento","ĠJe ho","ólo ga","ab y","Ġproteg ida","ĠMon t","Ġconf idencial","Ġcató lica","Ġaudiovis ual","Ġab arca","Ġmol esta","Ġconsidera mos","Ġacum ulación","Ġal mas","Ġrup tura","Ġm l","ĠF idel","Ġnutri ción","Ġconte x","Ġmanz ana","Ġfran quicia","ĠAl ma","Ġfol lando","en ca","ĠPu ente","ást ica","Ġdispar o","Ġexp lÃŃ","Ġliter aria","Ġencan tó","Ġexist ÃŃa","Ġinm ensa","ĠIn telig","Ġre mar","ĠJuz gado","ĠsÃŃmb olos","Ġviv ÃŃa","Ġcons enso","Ġbas tantes","Ġdej ará","ĠF iesta","m x","Ġaer ol","Ġsindica to","Ġven ce","Ġal as","Ġpers ecución","Ġpopular idad","ĠG R","ĠCon curso","ĠPo co","Ġa tras","Ġconven cido","pi é","Ġverda deros","Ġreun ió","ab ar","Ġcos tas","ĠMar ruecos","Ġ198 0","Ġsól ido","Ġb ac","Ġprom ueve","Ġpre ferencia","Ġpeda g","Ġllam aba","ĠMo da","Ġculp able","âĢĿ ;","Ġsecre taria","Ġcent ÃŃmetros","oo oo","ĠA QU","ĠLi mp","p ri","X X","ĠV ista","IF A","Ġbeb e","ĠU so","Ġhacer nos","Ġatrac tiva","9 2","Ġsal drá","ĠUr ban","ĠCa tedral","im amente","que tas","Ġh aremos","ra to","Ġh s","c y","Ġc ie","Ġavan za","ĠT IC","du re","ĠPal mas","Ġ( «","Ġl áser","ĠJ uego","Ġpl ana","ĠT E","Ġp ad","Ġentr ado","Ġcump la","bi le","Ġconsol id","b ras","Ġdesplaz amiento","Ġdiseñ ados","ĠHon or","Ġinsegu ridad","ĠClÃŃn ica","Ġtu b","la je","Ġles bi","ĠJos e","Ġprostitu ción","on s","Ġcontemporán eo","m us","ĠE TA","Ġsir vió","Ġref iero","Ġasigna tura","Ġex ci","ĠGre en","ier re","v ana","ĠAl var","ICA CIÃĵN","Ġfil tros","S ólo","Ġtom aron","Ġdis p","Ġorden ó","Ġd uer","Ġlu jos","Ġto có","z aba","Ġrell eno","Ġmer ecen","Ġparcial mente","Ġindic ador","ĠB O","TU R","Ġmo tos","ó so","ĠF A","Ġfal tar","Ġhi p","Ġpar es","lan da","Qu iero","ĠCon strucción","ĠPro yectos","st em","Ġ6 7","ĠL leg","pec u","Ġdenomin ación","ĠLea gue","Ġasist ente","Ġl ú","ĠCh e","ĠImp erio","Ġma te","Ġintim idad","Ġquer ÃŃan","ĠTel éf","E sa","ĠW est","Ġele gancia","Ñ ĥ","200 6","Ġcas ual","al ia","Ġve cin","tr á","Ġev olucion","ĠG l","Ġresul te","Ġgl uc","ĠCal der","dez co","Ġch an","Ġrecib iendo","ĠMa terial","ĠT ribu","Ġenfer mo","N unca","i ando","ort h","Ġ Î","Ġcont ribución","Ġsac o","Ġn acer","Ð º","ĠVide os","Ġcump lan","Ġdar nos","Ġh ura","Ġalar ma","Ġemp i","Ġ9 1","Ãģ N","ĠR é","ĠG aran","Ġp enas","Ġbus co","ca te","Ġf ur","Ġsac ado","Ġlec turas","us elas","ver de","Ġequip ado","og én","Ġde grad","Ġayud ado","Ġcer rados","ĠImp uesto","ĠlÃŃqu idos","ĠO rig","Ġma quina","tr ales","Ġajust ar","ĠV ázquez","Ġro to","in k","Ġmin or","Ġenfr entan","ord s","Ġt ÃŃ","ti ga","ĠU V","Ġdistin ción","Ġdel icioso","Ġperm isos","Ġbal oncesto","ci ble","ĠCon serv","em oria","Ġfutbol ista","Ġox ÃŃgeno","z ano","Ġac ú","Ġcrist iano","us ion","Ġsu puesta","�� ��","9 6","ĠCom par","Ġimp uso","Ġro d","Ġsin té","ĠV ÃŃ","ĠPro ce","Ġextra er","Ġases ino","Ġjurisdic ción","Ġcru do","u ter","ĠJo an","ĠDe fin","Ġde ca","or i","ĠCar rera","Ġcolombi anos","we en","is as","Ġsecu encia","Ġest re","ĠI ván","Ġsencil las","Ġcal cular","Ġmul ta","Ġtu torial","ven idos","Ġinform áticos","B a","Ġrecomend ado","den tales","c ación","int ana","Ġinst ancias","Ġaust ral","ĠMul ti","udi a","Ġat ento","Ġdeb ilidad","Ġconsider ados","ĠO ut","Ġtele comunicaciones","Ġsi entes","Ġch arlas","Ġhab rÃŃan","Ġap res","ud al","Ġinc ómo","ĠPro cur","Ġafil iados","ĠM P","Ġpre ju","t ambién","ĠCom entarios","C ES","Ġhor ri","Ġch inos","Ġdiseñ adores","ĠArquitec tura","Ġle al","m il","án icas","Ġprofundi zar","Ġadminist raciones","Ġpal o","ens os","ĠA gro","ĠJav a","or ias","ĠSec tor","Ġsol ares","E Z","ĠMedi terráneo","Ġest abil","ĠM ED","em in","Ġes paña","ĠAgu as","Ġcontro vers","Ġgust aria","Ġorient al","Ġcereb ral","Ġapor tes","itor io","idal go","Ġsól ida","Ġrepu tación","âĢĿ )","Ġcorre dor","dic amente","Ġsens ibles","Ġprev istos","ĠMe tal","l amente","ĠAr ro","ĠInform ática","Ġentren amientos","Ġretir ada","P al","Ġtermin an","uch as","ĠGran des","Ġp ur","Ġagrup ación","Ġide ologÃŃa","Ġtermin e","Ġpin tor","ic anos","Ġan to","ĠE va","TU RA","M u","k en","ĠV at","Ġcel ulares","Ġpreten den","Ġjug ada","Ġar ren","Ġparti das","es c","Ġque den","ĠWhats App","Ġfac turación","Ġ6 1","Ġgri tos","utri ción","cri ta","Ġrespec tivas","Ġfal sas","ĠDec lar","ĠRec on","ĠGu z","ĠPrem ios","âĢĿ :","Ġcomb inado","os ó","Ġdesp leg","form e","ic ada","Ġmen ciona","g aba","ac ÃŃa","Ġlu cir","Ġre af","ĠUnivers itaria","y un","ĠðŁ Ļ","Ġan da","Ġcomp uestos","Ġfac ultades","Ġenf ri","ĠNav arro","Ġsu pre","Ġinter n","ch er","Ġdest inada","Ġasoci adas","Ġocul ta","Ġba terÃŃas","Ġinfl uy","Ġesf or","ÃŃn eas","Ġrevolucion ario","C ap","Ġhermos os","Ġexcl usión","Ġplante l","Ġsub ray","Ġg lor","gan ta","ĠCo lec","Ġadministra tivas","Ġfich ero","ĠMedel lÃŃn","ĠA G","vie do","Ġfotó grafo","Ġocup ado","Ġrecl amo","Ġen com","Ġsegu ida","Ġcap tar","ĠE valuación","ĠSegu ros","Ġme mb","Ġdu des","Ġalim entaria","Ġrepro ducir","ĠS pa","Ġbomb as","n ico","Ġfavor itas","Ġvincul ados","Ġcob ra","Ġpres tamos","Ġpata tas","u tor","Ġacompañ amiento","Ġres piración","ĠGalax y","er ica","Ġpol i","ĠMan ual","Ġenfrent amiento","ĠiP ad","Ġo la","ĠEst adio","Ġincendi os","u ters","Ġreflex iones","tn am","ĠC AL","Ġpr ÃŃncipe","Ġfil a","H O","Ġsalv ación","Ġadministra tivos","ĠMos cú","Ġbar ras","Ġmedal la","Ġcob ro","Ġgen ética","M AS","Ġdi fici","A h","Ġsu yos","â Ħ","Ġpúbl icamente","Ġen cu","ir re","Es pero","Ġjard in","Ġrecon stru","Ġdistingu ir","Ġdefec tos","TIV O","Ġc áp","Ġdej en","Ġdelan tera","ĠC ri","Ġpin tores","ĠJur ÃŃ","Ġta za","Ġdis per","Buen os","ĠA ire","T anto","Ġcambi an","Ġsur gen","ĠEm ilio","Ġid én","Ġpan eles","Ġúlti mamente","ó f","ĠJ ane","Ġmovil ización","Ġdeci dimos","Ġlog ÃŃstica","Ġvenezol ana","Ġbas adas","Ġdescub rió","Ġad mitir","Ġan ón","Ġacab ados","Ġapor taciones","Ġsin tió","Ġpag inas","Ġbar rera","Ġter n","Ġhid rául","Ġses enta","Ġro j","Ġk ilo","Ġsacerdo tes","Ġinici ales","Ġp m","ĠPh il","ĠSue cia","Ġrev esti","Ġcar n","Ġcomp or","Ġpis cinas","Ġind icaciones","Ġtor os","Ġsindic al","us ieron","Ġincor rec","Ġa vi","di dades","ches ter","ris as","mo h","ĠAudi encia","Ġpro xim","Ġinf ierno","ĠH acer","Ġhor ror","Ġprác ticos","Ġofrecer á","Ġdismin uye","Ġco alición","ác tico","ĠEst rel","s ol","Ġle o","Ġne gó","Ġresal tar","ĠS itu","Ġdeci den","ĠCol ón","Ġestrech a","Ġexplic an","Ġrenunci ar","Ġfuncion ando","quier da","Ġdirig idas","Ġm Ãĥ","Ġc emento","Ġgo ogle","Ġurb anos","ĠLin ux","E ra","Ġpr enda","Ġbus que","ĠC F","Ġad s","Ġl ente","Ġceleb rada","Ġestable cida","Ġmeta bol","Ġmejor ado","Ġdedic ar","ĠL lam","Ġr ar","ĠRec or","Ġden tal","ĠB élgica","ĠL ÃŃ","Ġregres a","Ġdist ancias","f lix","ID O","Ġfeder ales","Ġs ensa","Ġmante quilla","Ġpol it","Ġinclus ive","ér g","Re g","ĠRub én","ĠL is","tiz ada","Ġcam isa","Ġdemos tró","Ġcic los","Ġmasco ta","Ġa jo","Ġsatisf echo","ie ta","ĠH ora","Ġbril lantes","Ġm entales","ĠIntegr al","gu iendo","Ġases orÃŃa","Ġfamos as","Ġex ha","Ġán gulo","ĠViv ienda","Ġprop uso","ĠPlan ta","Ġubic ados","TE C","ul ario","Ġinv as","Ġpos tal","Ġcome ter","Ġactu alizado","ĠCam bio","Ġson re","Ġlim itar","ax aca","ĠA h","Ġinv itar","9 7","Ġperci bir","ĠP RES","Ġ9 8","Ġvelo cidades","Ġcumpl ió","Ġcombina ciones","é mon","A pro","Ġdesgas te","ĠR eb","Ġcatal ana","Ġimp one","Ġcer ra","Ġsuav es","ĠAmb iental","Ġintelec tuales","Ġin ú","ĠIN S","ĠD ay","Ġinnov ador","Ġposi tivas","ad y","Ġperman encia","Ġele var","Ġauto buses","Ġproces ador","ĠG reg","Ġej es","Ġexac ta","vi ese","ĠArch ivo","ĠRes ul","hu ana","Ġtrans mite","Ġpro hibición","Ġderi va","ĠMic ro","ĠC ár","l adas","Ġb inarias","l ab","ĠS el","Ġdenunci ar","Ġtien de","Ġdi ó","Ġaplic ado","p ón","ĠAc tividades","Ġdefien de","Ġme tales","ch u","Ġvege tal","Ġapun tó","ĠNi ño","Ġsolici tó","Ġm ort","ol encia","ĠEst eban","en g","Ġdes cal","D on","pa cio","ĠCon fe","z ob","ĠM ill","Ġfin o","ĠI sa","Ġri ego","Ġpas adas","ĠFin anzas","Ġob ses","u ci","ĠG PS","Ġ13 0","Ġmedi oc","Ġapell ido","ĠM I","ĠE co","Ġtri turación","tic s","Ġque ja","Ġjust ificar","Ġleg itim","ÃŃ bl","ĠM O","Ġtri go","Ġabandon ado","iz ante","Ġgar aje","Ġmu rieron","Ġob ispo","w ell","Ġdivi den","Ġentren ar","ĠZ o","Ġcam in","Ġregist ra","Ġpresent ados","Ġbor rar","Ġcontemporán ea","Ġenga ñ","ï »¿","Ġpref iere","ĠT ol","icios os","Ġprepar ada","Ġconsigu en","Ġque jas","t he","ĠJerusal én",", âĢ¦","ĠCo operación","ĠAl ba","Ġenv ÃŃos","Ġp im","Ġenten dimiento","Ġterror ista","Ġcuer da","cer ÃŃa","ĠT ech","bi as","Ġ198 9","fic aces","ĠJ am","b ien","Ġespeci ficaciones","Ġf irmó","ps is","Ġmac ro","Ġl áp","ĠAtlán tico","Ġrecor tes","ĠT ú","Ġle gen","C P","Ġconqu ista","Ġagr ÃŃcolas","ó b","Ġlla ves","Ġ14 0","ĠLib ros","Ġauto p","Ġbur bu","Ġapren diendo","Ġse d","Ġextin ción","gust o","Ġleg almente","Ġinforma cion","Ġadolesc encia","Ġdesigual dad","Ġre embol","Ġmar rón","Ġbar reras","Ġest ir","Ġinteg rante","Ġmol ienda","ra je","Ġacep tado","Ġgener ó","Ġdenunci ó","no w","ma g","ĠF omento","Ġcub iertas","Ġparale lo","Ġimpresion antes","Ġrin cones","cas o","ĠI R","c adores","Ġfinanci ar","Ġdefens or","ie ve","ĠMor e","ĠQu intana","Ġtritur adoras","ĠV all","ue bl","ĠĠĠĠ ĠĠĠĠ","Ġrecon oz","B N","Ġtren es","ĠIn c","Ġgal letas","Ġv ial","aliz amos","b ula","Ġdes cen","Ġhiper tensión","ĠT ig","Ġinform aron","º C","óx ido","Ġser p","ĠCom is","cil ler","con trar","% ).","h el","Ġtraslad ado","ometra je","Ġcompr ador","ci stas","Ġint entan","Ġsal tar","Ġperio d","rig ht","Ġmun dos","ĠsÃŃn tesis","ĠO S","Ġ3 50","ĠGu an","Ġpes ado","c adas","Ġcomerci antes","Ġfalle cimiento","Ġexig encia","ce d","ĠOl iv","Ġdesper di","Ġgan adora","ces is","ĠRe forma","ĠCon ocer","Ġpen ales","st icas","ĠH P","Ġayud arán","Ġencar gados","Ġes par","Ġpersonal idades","Ġob esidad","Ġesp an","Ġfa una","Ġseñal an","ĠSegun do","Ġvisu alizar","ĠV ig","Ġimag ino","Ġconst rucciones","Ġla zos","Ġliter ario","ut s","Ġje je","Ġrefer ido","Ġve la","Ġdes vent","Ġprac tica","iden cia","ĠI B","Ġcontinu ó","Ġla var","Ġper d","Ġtra tó","Ġperu ano","rim ientos","dil la","e to","Ġdeb ÃŃan","Ġdelincu entes","ĠBel las","Ġun en","s car","Ġa ulas","Ġnego ciar","Ġrendi r","Ġagru pa","Ġsinc ron","ĠI MP","Ġba il","Ġtra tarse","ĠA la","ĠEu gen","Ġgubernam entales","ĠXX X","Ġfac turas","Ġfuerte mente","Ġprin cesa","Ġreco lec","Ġlist os","Ġreclam ar","ĠE mb","Ġre e","ĠS mith","ĠP y","Ġc ica","Ġvari ación","b ara","Ġconf ron","Ġoc éano","Ġvis itado","id s","Ġfavor ece","Ġdivis as","n idad","Ġfa cial","ĠBus iness","Ġin esta","Ġre ten","ĠL anto","ĠMon ter","Ġbomb ar","Ġcolum nas","Ġreal icen","n ica","Ġrode an","Ġan ces","Ġreg ener","P ol",", \"","ĠVI H","Ġaconte cimiento","Ġre ÃŃr","Ġelig e","Ġvir tuales","M in","ĠNo che","Ġgri to","Ġc ima","t ha","Ġne ol","ócra ta","ĠUS D","Ġdu ras","Ġhacer la","ĠFil osofÃŃa","ĠSe p","h os","Ġanti ci","ĠJa én","Ġinv ad","id ora","ĠCas i","Ġdis puesta","u ga","Ġelec to","Ġres id","ĠÃį n","Ġautón omos","Ġutiliz amos","t én","rá fico","1 50","Ġactu alizada","Ġsus cep","Ġportu gués","ĠDes cripción","al ta","Ġtien den","Ġir án","ĠI m","uc e","ĠS k","Ġcan ad","ĠCh il","Ġedi tar","200 2","Ġv ice","Ġs tre","Ġfil óso","ĠLic encia","Ġasoci ada","Ġale gra","f eo","Ġdesarroll ados","i bre","dor o","Ġenve jecimiento","ĠT R","ĠPros titutas","ro ga","cion alización","ĠAb ra","ĠEm baj","Ġserv irá","Ġpav im","Ġcre ció","A le","Ġsuces os","a go","Ġfil osó","tu osa","Ġanci anos","Ġyo ga","il y","ĠEspa cio","Ġcomprome tido","Ġlog ran","vers a","eric or","Est ás","Ġpa ñ","Mé xico","Ġresta ble","Ġfundam ento","C R","ĠO este","Ġpa utas","ta ño","Ġperio dos","cion e","Ġqued amos","Ġauto estima","Ġperfec tas","ĠRecuer da","Ġpeti ciones","ĠSa int","ĠP s","EN D","ĠA van","Ġcompr adores","Ġproto col","Ġluch as","Ġmis a","ĠCor pora","Ġcomplic ada","ĠG U","k m","Ġprev istas","E G","Ġempez amos","Ġmagn ÃŃfico","Ġesc orts","Ġempren dimiento","un t","y l","I s","ĠV igo","Ġch a","Ġcomport amientos","Ġbande ja","Ġmuer e","Ġdig na","Ġveh ic","Ġ7 8","ór ica","oro este","Ġ0 4","ĠO fer","Ġdespe dida","Ġhues o","Ġe terna","ĠB et","Ġru bia","Ġto pe","Ġt inta","in idad","Ġdesarroll adores","Ġtecn ológicas","tas e","é ase","Ġcu ader","ĠH am","âĢĶ ,","à ¸","Ġre le","Ġcé le","Ġperson alizar","ĠIde al","ril l","Ġsan idad","Ġ0 7","Ġfortal ecimiento","ĠD C","Ġrecom p","ĠT rin","Ġasegu rarse","ĠPos teriormente","Ġcur r","Ġjuz gar","Ġof f","Ġapropi ado","Ġe ro","ĠAcces orios","Ġdi ab","l erÃŃa","Ġcampes inos","Ġlle guen","Ġl enta","Ġsub venciones","Ġma ta","Ġch ef","Ġf iebre","Ġprote ÃŃna","Ġdepen dencias","uc k","Ġconec ta","Ġprom esas","Ġtex til","Ġdedic ados","ó bal","Ġfrecu entemente","Ser á","U til","ĠJ unto","Ġf ós","Ġtele fonÃŃa","Ġpas ear","Ġsorpren dido","ĠO B","ĠZ amora","Ġbotel las","Ġcol ap","Ġcan san","Ġbon itos","Ġt witter","Ġmulti media","Ġsus cripción","ĠSi mplemente","Ġro cas","Ġcorrec ción","ĠLi teratura","it amente","TI L","ĠBr uselas","Ġtestimon ios","Ġdecir te","Ġindic ando","ĠTar je","C lar","Ġpe gar","Ġcivil ización","uc es","val o","Ġplante ar","g ón","Ġpor tero","Ġsir va","Ġluch ando","ĠFu entes","Ġnorm alidad","Ġtra igo","Ġingenier os","ĠH idalgo","Ġproduc ciones","ti er","ĠCalder ón","bi to","Ġres ide","Ġmostr aron","don de","ĠPe que","Ġjuz gado","Ġ8 4","ĠMo to","Ġconj untamente","Ġliqu idación","ĠDeb e","Ġdeber ás","Ġdesa grad","vers idad","ĠCon cepción","Ġconcur sos","ĠH ome","Ġprecis ó","re am","ĠMargar ita","Ġbicicle tas","Ġmarc ada","Ġcol o","rid ge","Ġcompeti tivo","ĠCE O","om er","Ġdor ado","ĠEstra teg","Ġc iber","Ġecu ator","Ġru idos","ĠA di","cel ente","Ġas fal","p ados","ĠR EC","ĠInterna cionales","Ġin o","Ġ0 2","âĢľ ,","Ġm ina","ĠT ienen","ĠOr tiz","Ġalter aciones","iel os","Ġconces ion","Ġex hibición","ĠPre gun","Ġtar dar","Ġinst ruc","ĠGEN ER","Ġase qu","Ġm s","Ġexha ust","Ġrev és","p rim","g g","Ġvál v","ĠS t","ĠS osten","ĠTo k","\" )","ĠA B","Ġases inado","ÃŃ metro","Ġmencion ó","ĠTri p","Ġcomp ac","Ġcria turas","ĠF IFA","ĠUN A","ĠCon vención","ivers idad","ĠErnes to","Ġus ada","ĠPol ÃŃticas","Ġr ú","EL A","ex ión","Ġf lash","Ġvir tudes","Ġro t","Ġab er","Ġaplic ables","ar ch","om é","ĠAmeric an","ĠMar c","Ġpier den","9 3","fer as","ĠIr landa","Ġampl ios","Ġpref ieren","Ġfabric ado","ĠMár quez","ĠNi ños","Ġagreg ado","Ġv ist","Ġre ga","Ġdesp ro","Ġri d","Ġfantá stica","ĠJard ÃŃn","abell ón","9 4","ĠB ran","Ar t","ad ra","ĠZapa tillas","Ġb uro","or al","ĠXV II","Ġincorpor ado","per tura","ĠCh icas","Ġbols illos","Ġmari huana","Ġform ó","ĠTen ÃŃa","Ġmo tiva","... âĢĿ","Ġcompos itor","Ġdesc endi","Ġnega tivas","ĠEst ación","ĠM ez","Ġa je","Ġreper torio","19 99","ĠCu atro","Ġlevan tó","aj os","Ġotor gado","Ġacus aciones","Ġp ól","Ġol ÃŃmp","Ġbode ga","Ġdedic an","ĠTh omas","Ġileg ales","Ġd aban","Ġbel las","qui tos","Ġinver tido","Ġneum áticos","dad ura","Ġpens ó","Ġrobo ts","Ġadelga zar","Ġinde fin","Ġdi la","Ġrenov ables","Ġc itada","Ġre ta","Ġsex ualidad","Ġliter almente","ác ticas","Ġcur vas","Ġfal los","L le","Ġmoch ila","Ġconcre tos","ĠPal abra","ĠCl iente","F C","FOR MA","ĠHol anda","Ġdescon oce","Ġvie jas","Ġtoler ancia","it án","à Ĥ","Ġen seguida","ĠB ene","es tes","Ġautón oma","Ġval idez","Ġinvoluc rados","ĠtÃŃp icos","Ġexpres idente","ro vi","ĠEcon ómico","lo ween","Ġcomun a","n ie","tec n","ĠLa guna","Ġpubl ico","' '","Ġd ándole","Ġc aba","Ġs tar","Ġoblig ada","Ġju go","Ġcapital ista","ĠJ an","Ġe gip","ĠMonte video","Ġacer camiento","ĠQu ÃŃm","Ġad mite","Ġher ido","Ġrema te","Ġmanifes tado","ĠD NI","Ġparro quia","Ġmolesti as","Ġaé rea","if a","Ġfren ar","ĠX box","Ġconsigu iendo","Ġhos pe","Ġalmacen ar","Ġdesf ile","Ġinst rucción","Ġat letas","Ġinter venir","ĠEs cal","ñ era","Ġar an","Ġpresent ando","ĠPromo ción","aca o","Ġra cional","ĠPer u","Ġab an","Ġemocion ante","Ġdes pi","ĠV II","Ġcrim inales","ĠVat icano","ĠCiudad anos","Ġsome tido","ĠChica go","ad urÃŃa","ĠL abora","Ġprofun das","Ġchil ena","Ġel i","ĠW in","or ra","Ġpre cedentes","ĠMon tes","Ġer rad","ĠC rim","Ġafirm ación","den al","Ġcar di","De bido","Ġaccion istas","Per son","ĠM ec","Ġal a","Ġconven ios","Ġsimb ol","Ġro ta","Ġaso cia","CI OS","Ġsob ra","Ġdar me","Ġ( +","ĠB la","Ġvir gen","ig ra","Ġeleg idos","Qu iz","ci ano","Ġocup an","Ġri gor","Ãij O","Ġhab le","pti on","á ce","d ÃŃas","Ġcorrespon da","Ġtom ada","Ġver án","ĠGuz mán","Ġen te","Ġllam as","Ġmus ica","Ġul tima","ĠO viedo","ista des","Ġespecial idades","Dis fru","ĠJeho vá","Ġdeber es","Ġconside re","gu er","ĠIb ero","Ġco tización","Ġhosp it","Ġder rib","Ġindemn ización","ĠPatri cia","Ġayud ó","AN O","respon s","Ġrodil la","Ġelectrodom ésticos","te lo","TE L","R ed","Ġser lo","Ġamp aro","on ado","Ġcab ezas","cl ip","ĠAl len","U CA","Ġcomo didades","Ġ0 5","Ġinteres adas","do le","Ġcál culos","Ġcamp amento","Ġrecha zar","Ġpe dimos","ĠB ob","bl ación","ENT ES","tic es","m icos","Ġ7 6","f oro","Ġdes vel","Ġesc asa","Ġaplic ando","Ġ9 6","I E","Ġb ala","Ġll enas","Ġsub iendo","Ġhormig ón","tr y","Ġutil ice","Ġsex ta","Ġescal era","Ġcob ran","ĠMir anda","Ġembaj ador","Ġto ur","Ġfab rica","Ġvulner ables","cion an","ĠÃŃn dices","Ġpref iero","Ġplante ado","Ġcer ámica","ĠT ÃŃtulo","Ġmater na","ĠPu ig","ĠhÃŃ b","Ġbor ra","Ġtr ág","fer ente","bo a","Ġb ach","Ġpresiden tes","ĠNego cios","Ġoch enta","am ina","Ġanti oxid","Ġin capacidad","ĠU U","Ġempren dedor","Ġdepen derá","F O","ĠArgent ino","ol vió","cas a","la go","Ġte órico","ĠN u","ĠF ire","Ġcent rado","Ġdeba tes","Ġobserv aciones","ĠTim es","ĠjurÃŃ dicas","Ġe terno","Ġpen ÃŃnsula","ĠhÃŃ gado","Ġasign ación","ĠW all","ĠR in","aster io","Ġconm emor","2 000","Ġe ficaces","cion istas","Ġmedi eval","ĠProfes or","Ġconven cionales","Ġestudi ando","Ġdescon ec","Ġcom andante","Ġconsol idación","Ġexpe dición","ĠU p","ing er","ĠPlata forma","Ġ7 7","Ġcos echa","ĠA so","Ġmales tar","olog ia","ĠV era","Ġclas ificados","à ¬","Ġcomple tas","ĠUsu arios","B LE","ĠProduc to","Ġprim or","ĠCor poración","pi raciones","Ġcar dÃŃa","Ġje jeje","g antes","Ġca ña","Ġdiver tir","ĠAlcal de","ĠCh ia","P M","ĠDemoc r","Ġevi den","Ġdomin ante","Ġcre encia","ĠMich el","ĠLe v","a gro","Ġdifici l","ĠNa cionales","tim amente","ĠTer min","Ġsec os","esti ona","gen os","ES TI","Ġprotec tor","ĠPri va","trá fico","j i","Ġel og","di tos","9 1","ĠN ob","Ġpres unto","Ġestudi a","Ġp ilares","Ġartes an","Ġher ed","Ġfestiv ales","ol lo","m ó","ĠK m","Ġdec ÃŃan","Ġnie ga","di jo","Ġ7 3","A mb","Ġsocial ismo","Ġinde penden","Ġja zz","Ġcari ños","Ġdest inadas","Ġvas os","Ġemi tido","Ġ16 0","Ġtra uma","Ġ( \"","Ġocur ra","ĠInvesti gaciones","ĠGobern ador","ĠC S","ĠUn iverso","fi que","à £","Ġexp uestos","Ġtem áticas","Ġemple a","ĠCrist óbal","Ġgar ganta","Ġsu ceso","Ġpiel es","Ġafir man","Ġpreserv ar","Ġmor e","ac ate","di bu","ĠBuen a","Ġagu jero","P AR","Ġap las","ian zas","Ġbusc aba","Ġconj untos","ĠMar i","Ġproduci endo","Ġcen ar","Ġpermi ti","Ġlec ción","ci no","S h","ies tas","Ġvis uales","Ġrespec ta","Ġestupen da","j adas","Ġfuncion e","Ġmonum ento","Ġras tre","ĠPresu puesto","av ier","pre cio","Ġcar teles","ĠR ad","Ġaument ó","gra de","Ġescu do","Ġmin era","Ġcar tón","Ġcoloc ado","Ġdi am","ĠIma gen","Ġautomo vil","Ġj aja","Ġcercan ÃŃa","ĠJorn adas","ti zó","Ġmanten ga","Ġfal sos","Ġadquier e","res te","tr icos","i é","ier ten","Ġtes oro","ta t","Ġfon tan","Ġdi gan","Ġmezcl ar","ĠDeleg ación","Ġson ora","ĠR ece","as tas","k ar","Ġquer ida","ĠC AS","ĠP aco","ĠPas eo","Ġpuntu ación","ĠLe o","ĠX D","ĠAn g","Ġprovoc ando","Ġartic ulo","Ġa ero","Ġtar ta","ĠL ucÃŃa","OR ES","Ġhistór icas","Ġtriun f","Ġimpor tación","Ġimpec able","Ġrecon strucción","Ġmil ag","ĠEstudi antes","200 3","iz arse","Ġmil las","Ġpel u","Ġenten demos","Ġaprovech amiento","Ġcont entos","om i","ic ados","Ġespal das","ĠAudi o","Ġmad ura","Ġpropa ganda","Ġcient ÃŃficas","gu ero","Ġproduc tiva","Ġsobre pas","Ġsu bido","ĠR AM","Ġest ro","im ental","Ġ zar","Ġus e","Ġb ono","à ¢","é stico","Ġe gres","ic óp","Ġ12 5","Ġpres um","ĠIn ici","Ġangust ia","Ġimpac tos","Ġaé reo","Ġresiden cial","e amiento","Ġestup endo","Ġa ve","ĠI ber","Ġinforma tivo","Ġagricul tores","Ġmagn ÃŃfica","Ġta xi","con tin","Ġorganiz adores","ĠNe ws","ĠS pi","rag ona","Ġpose er","Ġrela tivos","Ġpara ÃŃso","Ġcontinu ará","Ġcuer das","ĠHist órico","Ġobliga toria","Ġprevent iva","Ġquer éis","Ġhal la","Ġcar nes","ĠJal isco","ĠSE G","Ġsens ibil","Ġcuad rado","t witter","Ġhéro es","Ġaplic an","Ġejer ce","ĠTele visión","7 00","Ġbus cado","ĠDes cargar","Ġapete ce","ócra tas","Ġconsider arse","Ġmir adas","Ġcono ces","Ġemple ar","Ġpas aje","Ġprop ósitos","Ġvengan za","Ġl entes","Ġb ul","st icos","Ġinmig ración","Ġvál ido","re d","Ġvay as","Ġcontun dente","Ġfar macia","Ġres tantes","gor it","Ġins ign","u ado","Ġa tar","Ġg estiones","Ġf ér","ĠTama ño","Ġanal istas","ĠJ ord","ĠH ues","Ġcontro la","ĠQuiz á","ĠP ach","les s","Ġtra jes","Ġfu é","Ġe man","ĠCh at","pa tÃŃa","Ġalcal desa","Ġexperim ento","H z","Ġm ero","Ġpre lim","jer ci","Ġmonum entos","is on","Ġhuel las","tel erÃŃa","Ġcre ados","Ġ7 1","Ġdej arlo","tan g","Ġcar gado","T IS","dr os","Ġinspir ado","Ġcompens ación","Es per","Ġprove er","Ġneol iber","Ġatrac ciones","Ġcontam in","Ġco pas","Ġme l","ĠÃģ vila","ĠS ci","ĠV ÃŃa","IN O","Ġcon g","ĠNa turales","Ġval enci","Ġtra jo","Ġpoder osos","ĠC le","ĠC amil","ĠBe ach","ã Ģ","é tera","ĠComun idades","Ġ9 3","Ġmie dos","ĠIn icio","Ġpres iones","Ġescrib o","ĠV idal","Ġman uales","Ġfich eros","Ġvege tación","D ÃŃa","ĠBro wn","ĠindÃŃgen a","Ġpoten ci","gu r","Ġrent able","Ġlevan ta","Ġinsec tos","Ġorg ánica","Ġal iento","tic e","Ġos ci","Ġ; )","Ġrep as","Ġ8 8","Ġofens iva","âĦ ¢","ores te","Ġgran o","Ġdes em","Ġ0 6","Ġloc alizar","er ta","Ġartes anal","Ġcardio vas","bit ro","b on","Ġexter nas","Ġconsecu tivo","Ġutiliz ó","Ġhistor ial","ĠGro up","Ġmáx imos","Ġatravi esa","Ġk it","Ġale gr","D a","Ġrem ol","ob ia","Ġ0 3","? )","V IS","Ġdeber ÃŃamos","ĠV AL","in eros","Ġma triz","ad ro","ĠO axaca","Ġbañ era","ĠJ ar","ĠD é","ĠDic ho","ĠAp p","ĠEn señ","Ġinflam ación","Ġcómo dos","ampl ona","iu da","Ġu p","Ġfi le","Ġtor o","ur so","C AR","Ġrep ite","ĠB ara","Ġcop iar","ĠZ el","di versidad","P ese","Ġayud ando","Ġdependi ente","Ġmentir as","inos a","Ġcas ino","ĠAnd re","ĠDispon ible","ĠMa tem","Ġ8 2","Ġreci bo","iz amos","Ġofrecer le","Ġterremo to","ĠT uc","Ġ7 4","O tros","ĠSol ici","Ġbr oma","ĠRe ad","Ġeleg ida","ester ol","n ea","Ġbara tas","ĠS ir","Ġsal arial","Ġtom amos","Ġalter ación","Ġliber ar","ĠR um","Ġn óm","r encia","Ġcolon ial","Tra baj","rim ido","Ġcu rar","ĠAl icia","Ġarre ba","ĠA re","ĠL ab","Ġestim ular","Ġob reros","ĠCerv antes","ĠRe des","Ġa ir","Ġvent il","Ġcal cula","Ġregal ar","av a","Ġex pone","ri tas","ĠGran d","Ġam as","n is","Ġesf era","h en","ĠC y","R a","Ġpelic ulas","Ġhu ir","ĠPro gram","ril las","Ġay uden","Ġponer le","ĠMus ic","Ġsu cur","Ġmotoci cle","ï ¼","Ġal moh","Ġparticip ante","Ġocur ren","n an","Ġpreocup es","Ġextran jeras","Ġilust raciones","Ġtempor ales","b all","Ġpermitir án","Ġpon ÃŃa","Ġnomb ramiento","i tivos","ĠLu gar","Ġóp tica","Ġintro duce","ĠNet flix","ĠðŁĻ Ĥ","ĠA qu","it enci","Ġignor ancia","E FE","Ġasc ensor","ĠB ase","Ġperu ana","Ġp ala","al os","Ġespu ma","Ġorden ado","Ġch aqueta","Ġor illa","Ġenfr ente","Ġest ip","ĠHo gar","Ġrecuer dan","dir se","Ġen la","IV ERS","Ġamb ul","ĠN ú","man ente","Ġproteg ido","ĠC ala","Ġalmac én","Ġcansan cio","V is","ĠPro f","ĠIN D","Ġespec tro","ĠMa teo","ĠCor rea","ericor dia","ĠBar ran","Ġavan zando","ĠPue den","ir ma","ĠFo x","Ġab ren","Ġnarra tiva","Ġacce de","Ġsatél ite","Ġla tina","ĠCrist iano","ĠJ ordi","Ġprivi legio","Ġdesarrollar á","Ġcabec era","ones a","Ġsu d","ĠF M","ĠE M","bo ard","Ġpu ri","Ġceleb raciones","Ġvol úmenes","ome trÃŃa","Ġimp unidad","Ġinform ático","Ġat entos","ĠF l","cis amente","ĠHo use","Ġun irse","t x","ee k","ĠDes cubre","t ta","Ġdi es","i w","ĠMar ca","g am","Ġan tel","gre gación","Ġdon ación","Ġanterior idad","ĠC án","Ġne vera","Ġn ubl","Ġbenefici arios","T RI","Ġver ificación","Ġman dÃŃ","Ġhábil es","ian ismo","ĠperÃŃo dos","Ġestruc tural","b ablemente","teri ales","a cion","ĠA vis","ĠP V","Ġfa tal","h idra","Ġinten dente","Ġprior idades","Ġsubra yó","âĢĵ ,","Ġproduci da","Ġ198 5","ĠEs pec","Ġglob ales","ĠEl éctr","Ġcos ech","Ġsecund ario","Ġmascul ina","Ġescas ez","terrán ea","Ġvol vieron","Pres s","Ġtom as","Ġexpres ado","Ġer rón","Ġal erg","p ur","ĠInde pendencia","Ġdiv ina","Ġno tific","Ġperpe tu","Ġcircu itos","Ġart ÃŃsticas","Ġsól idos","ĠN orma","á frica","Ġcaracter es","Ġfron ter","Ġdom ingos","él ix","Ġcer rad","ĠOp ciones","v s","Ġfin alizó","Ġad orn","Ġrad iación","Ġpertin entes","ĠR em","un e","Ġfol lar","z aron","Ġar ra","ort ante","gu o","Ġetc étera","Ġtraduc e","P an","er na","Ġvolun taria","orm al","Ġgan ancia","Ġópti mo","g em","Ġ: :","Ġcál ido","Ġan trop","Ġcompar tida","ĠC abil","Ġdiscur sos","ĠTra vel","Ġapos tar","Ġresca tar","Ġsab ia","A F","min ente","Ġre tención","Ġdes es","ĠAnd rea","ĠCo opera","Ġlac tancia","Ġabsor ción","B ol","ri ve","Ġdar ÃŃa","L OS","ĠR i","200 5","Ġ8 6","ĠIn tel","Ġesca pe","ĠMor ena","Ġmol é","Ġth is","Ġbúsque das","ENT OS","âĤ¬ .","Ġaleg ro","Ġinv asión","Ġayudar le","Par ece","Ġextra ños","Ġimp i","Ġjam ón","Ġráp idas","Ġo le","Ġmar x","Ġcens ura","Ġdin ámico","ĠCora zón","Ġcier tamente","Ġhacer me","Ġrodil las","Ġcol esterol","Ġprecios as","Ġmé rito","ech e","ĠYou tube","Ġil im","Ġapun tan","Ġper dieron","Ġoportun o","Ġpresent adas","Ġec ológica","ĠAm igos","Ġllam e","Ġcos tar","ĠCam b","te ado","Ġal titud","Ġencar go","ĠCl ara","Ġcintur ón","Ġfidel idad","Ġleg alidad","Ġaverigu ar","z u","ĠMar y","g ers","ila teral","Ġrespir ar","ĠT r","Ġexcur sión","Ġal tar","Ġorigin almente","S a","ĠAdministra tivo","Ġrepor taje","Ġoscu ros","ve lo","or y","ĠÃĵ scar","ĠSo fÃŃa","ĠL on","Ġse ver","ĠF lo","Ġano che","Ġpresiden ciales","Ġrol lo","Ġdel iciosa","Ġdiput ada","Ġdébil es","ĠPas o","ĠFamil iar","Ġros as","Ġexig en","Ġges tos","b ust","Ġapo der","T RE","Ġdisf raz","cin co","Ġdetal ló","Ġpsic ológico","âĢľ .","ĠV iernes","Ġincapa z","Ġset enta","Ġrecu b","Ġaspir antes","Ġdur ó","Ġmin as","Ġdepen den","Ġpon gan","Ġep ide","ri ga","ĠChar les","Ġg el","tu m","Ġesper anzas","Ġ {","ge la","Ġsencil lamente","Ġacer có","Ġin unda","Ġpe g","ĠJun ior","ib u","Ġquién es","M as","me lo","Ġan gel","Ġam istades","st ro","Ġtitular idad","ĠAlcal á","ĠOcci dente","Ġestim ado","Po demos","Ġpa tri","ĠEn c","ĠAc adém","Ġtermin ales","Ġconqu istar","Ġfil me","Ġcal cio","ĠR O","Ġvincul ación","Ġel enco","Ġmer ca","vi ar","Ġdeci di","Ġcomenz ando","Ġtra c","Ġresal tó","Ġtre men","Ġlegisl adores","Ġor questa","Ġgrues o","Ġgab inete","Ġsal ÃŃa","Ġcuidados amente","Ġsp am","C l","M en","Ġinvi to","ari ana","ĠA un","Ġconec tividad","Ġaliv iar","Ġab o","Ġde pre","Ġmil agro","Ġpu entes","Ġp ilas","ĠP is","Ġeconom ÃŃas","Ġhel icóp","Ġv arones","al i","itu des","ĠSin dica","Ġestamp ado","Ġsepar ados","Ġviol aciones","ĠBre taña","Ġtrabaj adora","Ġab uelos","tos a","Ġac túan","Ġpre car","Ġantel ación","Ġque mar","Ġm uel","Ġdig amos","Ġlim itación","ĠPres s","jemp lo","Ġaca demia","S ta","Ġvari antes","Ġinter rup","Ġb iz","Ġsuspen der","ĠG i","Ġter restre","Ġllan tas","Ġeste mos","ĠIndependi ente","Ġins cripciones","ĠPa ulo","Ġcatal anes","Ġb ord","Ġadap tado","Ġc itar","ĠCam pos","L AS","Ġfabric ar","Ġv ient","Ġcompar timos","Ġbara ta","ĠG ay","ĠA ren","Ġap ps","ĠMar x","Ġnomb rar","ma te","Ġaconse j","Ġpromo cionar","Ġcor t","et ti","Ġfom ento","Ġconsiderable mente","Ġal iado","Ġtorn eos","Ġcau tiv","Ġemerg entes","d rez","énd um","ĠP unto","ĠC orn","Ġest ancias","ĠBar ça","tin al","Ġapro vecha","Ġdom ést","Ġexclus ivos","Ġc igar","Ġpo table","ĠCer ro","gra cias","S L","Ġast ro","Ġpeligros os","Ġdi eci","cie dad","Con tin","ĠP uerta","zz i","Ġbaj ada","ĠMonter rey","ĠI gualmente","ĠDeclar ación","ĠM IN","Ġ\" ¿","Ġcement erio","Ġgan an","Ġcompar tiendo","b ana","Ġcamion eta","Ġg entes","Ġpag ando","Ġsurg ir","Ġn et","Ġvincul ado","Ġ198 8","ĠV ene","Ġf reno","T rans","cop io","ĠS chool","ĠAy uda","lu encia","Ġg am","Ġmanif est","Ġw ifi","ces ión","ĠRo d","Ġrefle jan","Ġme lan","ĠProp iedad","ĠclÃŃn icas","ĠPe pe","Ġpl ug","Ġcom an","ĠDe ja","Ġder rum","a cia","Ġprop ici","Ġdren aje","Ġinquie tudes","Ġneu tr","Ġdig it","blo que","ĠI U","Ġvar ÃŃa","om ar","buen o","Ġsemif inales","ut in","Ġpes etas","Ġ197 0","Ġdist or","com pañ","Ġllev ada","ĠIn forma","Ġescri tora","Ġinn umer","Encuent ra","Ġac ta","Ġmicro ondas","ĠMa gn","del l","Ġmig ración","Ġmadu rez","Ġto x","ri ente","Ġmedi tación","ĠT am","Ġesp es","Ġexitos o","ĠSim ón","Ġlabora torios","Ġo las","Ġven dedores","y er","Ġla va","Ġ9 2","ĠCiudad ana","Ġdese amos","imen ea","Ġsépti mo","? \"","Ġaut ó","g mail","Ġtra emos","Ġpri mo","Ġdefens ores","al do","Ġreci claje","Ġtri p","ĠCor tes","Ġbille te","Ġadminist radores","Ġperju icios","to oth","Ġsol teros","Ġresist ir","ĠB eb","ĠAlb acete","ĠM emoria","ĠIn ten","Ġca tedral","Ġenamor ado","ĠTri turadora","Le y","Ġl lo","Ġconv icción","Ġd ama","D ios","ĠI M","EN TO","ĠT oy","Ġpl uma","ĠPres entación","Ġcomun itaria","Ġqued é","i po","Ġju gos","Ġavan zadas","Ġr ÃŃg","Ġresul taron","Ġdedic ó","ĠEcon ómica","Ġna cidos","Ġtu ya","ĠEvangel io","n ación","IC AS","Ġdist ra","Ġoper an","IC E","Ġ198 6","Ġinstitu cionales","Ġpas tillas","H E","Ġgeográ fica","Ġa ires","ĠT ienda","Ġs om","Ġdemon ios","ĠPar is","Ġsustan cial","ĠAlim entación","T T","Ġvia ja","ĠÃŃn dole","Ġpro li","Ġfal da","TI VA","Ġdi alo","ĠCl in","Ġes quÃŃ","200 4","p ica","c ano","c ran","Ġcampe ona","Ġconsist ente","ti tas","ĠVal ores","Ġescuch ando","Ġcur ric","ĠT in","Ġma tan","ĠPol onia","Ġreal idades","Ġestudi ado","rac ciones","ÃŃ ble","Ġd ados","Ġinfl uencias","ec tor","Ġarm ados","Ġn u","Ġá cidos","Ġo ve","Ġal berg","ĠES PAÃij","Ġmic ró","Ġreno vado","Ġconstru ye","ĠSe a","quil er","Ġseguir án","Ãį S","ĠPat ria","rocar ril","ĠT em","Ġliber tades","R ef","m ada","Ġex port","ĠCo p","lo ad","Ġapar ente","Ġaum entan","Ġvincul adas","Ġconsol idar","Ġcorpora tiva","pe dia","Ġrecep tor","ĠConfe deración","Ġon das","Ġópti ma","Ġdesp ierta","Ġgust ar","tra c","ic he","Ġpodr ÃŃas","Ġacord ado","Prim ero","Ġactiv amente","Ġpro l","Ġrela tivas","dal ena","ól icos","ĠCr édito","Ġprovis ional","ĠAbog ados","Ġtradu cir","ĠD ur","Ġlec ciones","Ġdue le","Ġaci erto","Ġdescar gas","Ġbomb eros","Ġcruc ero","ion e","ĠL ara","Ġra bia","ĠDe partam","Ġdese ar","Ġtom arse","Ġinto ler","fi anza","Ġpublic adas","ĠJo ven","G EN","Ġtra mos","ab ras","ix a","Ġcos tó","TI TU","Ġmencion ada","ĠM ap","ens ible","Ġesencial mente","ĠA ñad","g ara","ur rección","dió s","Ġcusto dia","ñ ada","Ġcre aciones","Ġsol teras","Ġal gorit","ú b","Ġconvoc ado","Ġlej ano","Ġb ÃŃbl","Ġam uebl","ĠLe tras","s olo","Ġpas es","ĠBale ares","Ġconten ida","Ġdivi de","D ec","Ġrecibir án","Ġred onda","ga z","ĠNob el","Ġescon de","i amos","and és","ĠCol ombi","Ġsi entan","Ġsub mar","C S","ĠChrist ian","ĠMé rida","ĠCabil do","Ġus amos","Ġsel va","Ġpelic ula","Ġasesina tos","tán eo","Ġameric anos","T ri","Ġsum ó","Ġcer do","id an","Ġcoinci de","Ġman ufac","Ġlimp ias","Ġrecom ien","Ġacus ación","Me di","Ġcaball ero","Ġ8 7","ĠfÃŃs icamente","ven iles","th an","Ġl on","Ġpa tron","Ġestan dar","Ġmercan cÃŃa","ĠP ese","Ġexces ivo","ĠComun icaciones","Ġro jas","Ġpar rilla","Ġdirec tivo","Ġnorte americana","Ġsupon en","D ónde","Ġval iente","ĠF eb","Ġdes orden","f rad","Ġsupermer cados","Ġreclam ación","Ġgen u","Ex celente","ĠM S","Ġavan zados","Ġcenten ar","ĠN ick","te gra","Ġdesplie gue","Ġad ic","Ġdes ar","at ó","Ġproteg idos","Ġrep ent","Ġtir os","at án","Ġperfec tos","ól icas","h is","Ġromán tica","Ġretra to","ĠY an","ĠE FE","Ġse amos","Ġmanten drá","hua hua","Ġcor ro","Ġaur ic","ru pos","ĠTeléf ono","Ġapoy ado","ĠC ru","Ġval ioso","Ġtur b","Ġmejor amiento","Ġaten diendo","go via","Ġgran os","Ġpre visión","Ġaport ando","Ġcent rar","Ġr icas","Ġal dea","w ar","ĠEsper anza","Ġp ones","Ġcocin as","Ġdiv orcio","Ġcompeti dores","ĠS mart","ul la","os amente","ci erto","Ġestric tamente","Ġreivin dic","Ġsi erra","ĠOlÃŃmp icos","Ġconvirti éndose","Ġvari ados","Ġt acto","am par","Ġra zas","Ġin us","Ġch is","Ġcontra tado","Ġt am","Ġau ge","ĠChia pas",". ;","Ġc ielos","Ġmé dicas","Ġcar is","Ġreempla zar","rol l","Ġan ualmente","Ġdel im","Ġsens ores","ĠIntelig encia","one das","Ġde can","ib a","Ġcompar ti","Ġnarco tráfico","Ġprefer ido","Ġtro zos","Ġaplic ada","ĠP O","Ġso vi","pos a","Ãį N","t ente","Ġfres cos","Ġmuch acho","ill ón","Ġrecomp ensa","Ġmar ino","Ġutiliz arse","OR A","óst icos","Ġaj eno","Ġinconven ientes","ĠC ob","ht ml","u i","Ġmil itantes","Ġe ficientes","ĠUn os","n ab","Ġtrabaj adoras","ĠBel la","Ġcomput adoras","ĠBus car","Ġdivul gación","Ġsu dor","Ġcontrol ado","Ġin ca","Ġtendr ÃŃan","Ġhar é","Ġtable t","s ales","Ġdig es","as i","T res","Ġreduci da","Ġregist rada","ĠPol it","Ġcrist ales","er ry","d ada","ĠEstatu to","Ġtuber ÃŃas","ĠJ ones","ÃŃn guez","Ġ9 7","Ġcam bie","ĠEmp ren","ĠL y","ĠG am","al go","Ġla van","Ġec ológico","Ġtranspor tar","lic e","ĠIl ust","Ġrel ieve","la ve","Ġ198 7","ĠChamp ions","ambi os","ĠO x","ens as","Ġdese quilib","if t","Ġab domin","Ġañad imos","ĠF O","Ġgu iar","Ġmas ivo","ĠT O","Ġmor ales","me t","el ar","Ġ197 6","Ġl ana","ĠP rado","Ġrad ica","Ġdesen caden","Ġdesh acer","ĠRo ca","Ġorient ado","ell er","ten cias","Ġob tienen","ĠO limp","Ġllev arlo","iv ir","Algun as","Ġafec to","ĠV esti","Ġdeber ÃŃas","Ġatro pel","Ġsc orts","al th","Ġelim inado","Ġrecip iente","Ġtermin o","ĠIn fo","Ġprofesion alidad","Ġespeci alizadas","Ġelabor ados","Ġexplo tar","Ġj es","Ġjugue te","ĠCom pr","Ġsignifica tivamente","Ġdi etas","ĠâĢľ ¡","Ġplan ificar","Ġpeligros a","Ġbatal las","ĠAdminist raciones","ul an","Ġra tón","Ġcomun itario","Ġpregun tado","... \"","Ġvari ada","Ġindic ada","Ġfundam entos","Ġcomp u","Ġcin tas","Ġcaus ó","Ġ7 9","Ġespeci alización","Ġsá bados","Ġo ÃŃdos","Ġley endas","Ġconta bilidad","Ġimpres ora","Ġencar cel","Ġmil ÃŃmetros","Ġres oluciones","Ġconec tados","ĠPriva cidad","ramient as","Ġpin cel","Ġesc and","at an","Ġexcur siones","Ġtrans port","Ġproce dencia","Ġprodu zca","Ġdedic adas","Ġcoinci den","ĠF ri","Ġrobo t","ĠHuman idad","Ġvis ibles","Ġregist raron","édi tos","Ġconmem ora","Ġme tido","Ġhaber lo","ĠP ad","Ġju icios","gu iente","Ġg all","Ġdesactiv ados","F ac","Ġremo to","Ġpres a","Ġperson alizados","ĠE fec","Ad visor","n s","Ġimp rim","qu ir","Ġrecib idos","Ġcas ero","ti tos","ĠS ob","ent ando","do c","ĠF IN","Ġves tuario","Ġprofesor ado","americ anas","V e","Ġt ÃŃa","Ġinnov adoras","Ġmaravil las","Ġrad icales","Ġresuel to","ps ia","Ġgubernam ental","oc al","Ġ8 9","ĠBM W","I TA","Ġten siones","Ġnov enta","Ġcomple jas","ĠZapa tero","Ġpes a","art én","Ġacostumb rados","Ġneces ites","or ros","Ġprov echo","ĠTer cera","eno v","Ġañad iendo","Ġdomin ar","Ġrecu pera","ĠE ric","ĠE usk","Ġri sas","Ġimpar tir","ada jo","pan y","Ġin und","Ġsem illa","ĠTecn ologÃŃas","Ġacus ados","Ġc ueva","a hora","Ġsu til","co pia","ĠdiscÃŃp ulos","M er","ĠGobern ación","Ġcompr é","am en","Ġsuper ó","Ġinnov adora","ĠProfes ionales","Ġde tuvo","ban as","Ġgo tas","io terapia","ij ón","Ġar e","s ab","Ġ¡ ¡","Ġposi cion","itor al","Ġsangu ÃŃn","Ġvulner abilidad","Ġ8 3","Ġacompañ an","Ġdi era","Ġtrans vers","Ġsepar ar","a h","Ġre car","uer as","Ġtab lero","aj ada","Ġdenunci ado","Ġliber al","ĠCons ulta","ja te","Ġsum ado","Ġdeba tir","g encia","Ġrec tor","Ġmi tos","ĠLeon ardo","Ġdetal lado","uc ción","Ġmin ister","H ist","Ġhier bas","Ġinnumer ables","L leg","Ġp ra","cent r","Ġlle gué","Ġvol viendo","fer os","ĠFab ric","Ġalco h","Ġcancel ar","Ġap to","Ġ !!","ĠA é","Ġe cha","Ġ8 1","Ġaf ro","Ġemb arca","Ġaf án","Ġdes b","ĠVal or","A Y","ĠAQU Ãį","ĠA didas","Ġw hats","cios os","éspe d","d éis","Ġà ĥ","Ġleer lo","Ġentre gas","Ġtraslad ar","Ġmercan til","Ġmuñ eca","tiemp o","Ġri tual","Ġalquil ar","ĠQu ien","Ġabst rac","N ueva","ĠLe gal","Ġhel ado","ĠIra k","s ecre","Ġ198 2","ĠMe didas","Ġfal l","Ġreun irse","ĠEsper amos","ĠEst u","Ġfutbol istas","st ar","per ci","Ġenvi ados","Ġvisit ó","Ġrepar tir","Ġanim ados","Ġp y","Ġrit mos","ĠPon te","Ġsuf riendo","Ġsol as","Ġve cina","Ġfib ras","ĠBen ito","Ġr usos","ĠAl bert","rig or","Ġexten so","Ġen m","ĠP ir","ĠDo wn","m undo","ĠP L","ĠRé gimen","Ġs artén","ĠAust ria","Ġlici tación","ĠIgual dad","ac al","ĠK irchner","Ġbaj ó","Ġpres tado","Ġam ado","ue ta","uer tas","Ġreivin dica","Ġcuch illo","ĠSe de","Ġtrop ical","ĠRE G","Ġlo te","ándo las","Ġnar ración","de rismo","Ġv ÃŃs","ĠSte ph","te xto","Ġvál ida","Ġesp ir","Ġdu dar","ĠAgu ilar","in go","Ġsac udi","Ġcans ado","di e","ĠTra tado","qui al","IC OS","Ġorden ar","is pos","Ġautón omo","Ġmág ica","Ġadop tado","Ġtrabaj aba","ĠT y","Ġproduc tora","Ġvient re","Ġcom ando","Ġpot entes","ar to","AD R","ul osa","Ġirregular idades","Ġsu bl","p us","Ġne o","Ġponer te","Ġfrac ción","ient ales","Ġra tific","Ġso is","Ġfi jado","Ġahor ros","ĠS EC","Ġhab rán","Ġdesp ido","if ique","adajo z","TM L","Ġsan tos","Ãĥ º","ĠCal i","Ġaran cel","Ġfascin ante","Ġsemin ario","lo t","ba te","Ġsol dado","ĠWi Fi","ĠDol ores","Ġromán tico","de f","Ġcompar tió","Ġbo te","Ġdemos tración","Ġimpres iones","ĠJust o","ĠF élix","Ġespiritu ales","ar é","Ġsur tido","Ġesc ar","Ġaf ortun","p las","on ales","Ġcompati bles","Ġcómo das","Ġinoc ente","H an","mall era","Ġejecu tivos","ĠC AP","Ġregres ó","ĠPl eno","ĠX III","ri as","Ġcicl ismo","Ġ ~","Ġpec ados","D ES","ras e","Ġpo zo","Ġrefer éndum","Ġan at","dal ias","fic ado","Ġcere ales","ĠN E","Ġaj ena","g ros","Ġgran ito","Ġcombust ibles","Ġensal ada","i Ãĥ","Ġgratu itas","Ġapre cia","ade cu","Ġac ent","Ġcab ina","Ġllam amos","Ġplan cha","Ġmir ó","ÃŃ qu","Ġvar ÃŃan","ĠGol d","Ġus arlo","o jo","Ġestad ÃŃstica","Ġfigu ran","v it","Ġrelaj ación","ĠMetro politana","Ġfre e","ec emos","ĠRe un","Ġequ ivo","Ġconoz ca","Ġperf um","Ġven go","ĠK at","ti ficaciones","ĠTer ra","Ġlo bo","ĠQu ito","Ġapoy os","ĠUR L","ĠBo letÃŃn","Ġentien den","ach ing","ĠE C","Ġfil ial","Ġrom ano","f ÃŃn","tra ciones","J es","Ġsin te","Ġtan que","Ġpes ada","ĠCoord inación","Ġmul tic","Ġhabil itado","Ġentr ando","Ġdispar os","Ġevidente mente","P OS","U B","M T","Ġ1 01","ĠT ienes","Ġdi j","Ġasi ático","in ero","Bar celona","dente mente","Ġfal tas","ĠC AN","Ġcompet entes","Ġ197 8","ue ces","Ġmane ja","z amos","Ġexcep ciones","Ġb recha","Ġfan áticos","mer ce","Ġestu vimos","ic ket","ĠArm adas","p eso","Ġpro hÃŃ","Ġpris a","Ġgeo grafÃŃa","Ġaceler ar","B ajo","Ġnaveg ando","ĠNú ñez","Ġconsum e","ĠCá ceres","un ning","Ġlament ablemente","ĠTrip Advisor","Ġinter f","Ġinst ala","Ġincons ciente","ĠCo lección","du zca","Ġale jado","j ect","Ġin hib","Ġabrir á","Ġlib ras","Ġay untamientos","ĠWord Press","Ġinyec ción","Ġca en","Ġacces os","Ġexces iva","Ġllam ando","ĠM AS","Ġmortal idad","ĠSo le","?? ??","Ġrefer irse","res tres","Ġcomp re","Ġvuel vo","cu ito","S M","Ġal ianzas","mi ra","Ġrecaud ación","Ġ9 4","ĠP ep","Ġdi e","Ġman gas","dr en","Ġse pan","Ġar mar","Ġaguan tar","Ġvac un","Ġmort ales","ul ador","Ġg alax","Ġpropon emos","Ġjuris p","Ġestruc turales","Ġreal ista","Ġmá ster","ĠAlcal dÃŃa","ĠLegisla tivo","Ġé tn","Ġlu b","ĠCla udio","te dra","po ol","Ġce der","ĠP amplona","Ġofre cidos","Ġfal las","Ø §","Ġexperim entos","Ġtran sex","di g","Ġex acto","Ġinfin ito","Ġhipo tec","ta te","Ġpat ente","ĠEx terior","Ġpasa porte","Ġpsic ológica","Ġreco lección","Ġprevis iones","Ġac lara","J a","s ÃŃ","ér min","m icas","Ġacep tan","Ġch imenea","Ġdistribu ir","ĠPre mi","us se","Ġmar ina","Ġadmi ración","ul lo","Ġma tices","Ġperman entes","ie la","Ġinvis ible","tr aron","Ġinser ción","Ġdel icado","Ġeleg antes","Ġt ru","Ġre an","ĠMan chester","ĠAn des","ĠD or","Quer emos","Ġsome tidos","Ġcomun ión","mon t","Ġacces ibles","Ġv elas","Ġpar adas","u idos","Ġapun tar","Ġna ves","ĠDon de","Ġc ÃŃ","aco a","ĠY uc","Ġecos istema","Ġca ÃŃdas","ĠDe ci","ver dad","e ños","Ġtor tura","Ġun ico","Ġtum ba","ĠCla udia","Ġchil enos","ĠPro ceso","Ġgen io","Ġalber ga","Ġcal do","ĠF iestas","rar i","Ġimplic ados","g ement","us co","ĠHal loween","Ġcru cial","aliz as","Ġbrasile ña","Ġ198 4","Ġin como","ĠMana ger","s iempre","Ġt óp","ológ icamente","Ġsmartph ones","Ġinconven iente","Ġpin tado","ĠEduca tiva","Ġdibu jar","ec erÃŃa","Ġtener lo","Ġparticipa ciones","onal do","qui én","Ġme tá","ĠDa ta","Ġtelevis or","Ġconoc ÃŃ","Ġembara zadas","Ġtap as","Ġcandida ta","Ġprofun dos","Ġdific ul","Ġacog e","Ġhom icidio","Ġartifici ales","Ġhorri ble","Ġrecog ido","ĠP ino","Ġrecib ida","Ġdisfru tado","Ġcar ece","Ġro daje","ĠV ER","Ġaloj amientos","oc ación","Ġsupermer cado","i h","ent ada","Ġaban ico","r ome","Ġprogra mar","Ġrecon cil","Ġinmobil iario","Ġmás cara","Ġconvier ta","Ġex tras","Ġvac una","Ġaproxim ada","ien a","j arse","Ġabsur do","AR IA","ĠS ra","Ġpas eos","Ġtruc o","ĠA hor","Ġimpuls ado","Ġllev aban","Ġrepresent ado","Ġvideoj uego","Ġtram itación","p m","Ġbu que","ã o","ren da","in amente","Ġimpor taciones","Ca teg","Ġimag ina","Ġos t","ĠSo to","Ġnoctur na","Ġresist entes","Ġdefin en","alu pe","Ġdesconoci dos","ĠBa hÃŃa","Ġrellen ar","ĠMin i","Ġda ñar","Ġante mano","Ġvas co","x eles","Ġaprovech ó","Ġacces ibilidad","Ġes mal","A ún","c ador","Ġp ig","ud or","Ġester eo","Ġmis eria","ĠSem inario","Ġsent arse","ĠObserv atorio","ĠU d","M is","j aba","ĠBan da","Ġver sos","Ġcaptur ar","si der","ú o","ĠO C","Ġp ru","Ġoscu ras","ĠA k","ter ias","ĠGer ardo","- )","Ġvo tantes","ĠSER VI","ĠInstitu ción","Ġclan dest","Ġdisc usiones","ĠUl tra","ĠC abe","Ġconfi able","Ġrelaj arse","Ġg ent","Ġp c","Ġcontribuy en","tique tado","uy a","Ġpor ción","is és","Ġcu ente","ĠS IN","Ġdestac ando","OL U","Ġsal ones","ich os","V ER","ĠVe gas","ĠS ust","Ġcóm ic","Ġe mite","Ġadh es","Ġdes ech","cas t","Ġacum ula","Ġinci dentes","Ġch ip","Ġpreocup ado","Ġ' '","Ġpas illo","ĠSig lo","Ġrepara ciones","Ġdesa perci","ĠS he","Ġhallaz go","Ġto tales","ĠLin k","Ġnatur almente","Ġacep tó","u tos","ĠLu go","Ġcir uj","ros os","ĠDom ÃŃnguez","Ġinterac tuar","Ġjugar á","fici al","Ġconcej ales","Ġvin ilo","Ġemo cionales","Ġasal to","Ġre util","ĠE leg","ĠSus ana","Ġpo etas","Ġcor ren","Ġsuel ta","Ġterra zas","l ac","Ġestá is","Ġca tas","Ġconstru yendo","Ġfich as","Ġcal ificado","ĠSud áfrica","Ġmusul manes","Ġcan ciller","Ġres on","ĠX II","Ġm ueble","Ġinmobil iaria","erop uertos","iz antes","ĠContac tos","S AN","Ġpromo cional","Ġcontra ctu","ol f","Ġjef a","Ġfun cionales","Ġfl ora","Ġcláus ula","Ġop uesto","Ġcoord inar","k g","Ġcar ros","Ġimpres o","Ġfármac os","ER C","tien den","Ġprotocol os","era ciones","Ġnoti ficaciones","ĠEn ter","Ġven drá","ĠAl co","Ġv ina","Ġab a","Ġan cha","Ġdese ando","ĠAm éricas","Ġre h","Ġhábi to","Ġadelga zamiento","t rio","ĠH ill","oc as","Ġcar tu","AR D","Ġpod ria","ĠStor e","ĠD al","tal gia","pe tas","Ġpier da","Ġdisfru tan","Ġceleb ran","Ġtu tela","Ġaliv io","Ġmec ánico","ĠLa go","irá mi","[ ...]","Ġsec uestro","Ġjoy a","Ġven ció","Ġor ejas","ha i","Ġapar ecido","Ġhamb ur","Ġsu icidio","Ġ ).","Ġpes tañas","ĠAs i","Ġbor des","Des cubre","Ġenvi dia","Ġrelig iones",": :","ab ric","Ġcomun ista","Ġres idente","Clar o","Ġagres iones","ing ue","Ġenc endido","Ġmencion adas","Ġemer gencias","la y","Ġllev as","Ġc una","ĠMol ino","Ġpos turas","mos o","Ġadelan tó","cil lo","Ġpantal ón","ĠJack son","ĠA segu","Ġevi dencias","Ġmaltra to","Ġtra zado","cion arios","Ġorden amiento","Ġbancar ias","Ġagrade ció","Ġfis i","ĠPr ÃŃncipe","no va","Ġaf ueras","Ġol la","Ġab riendo","ĠVir gin","Ġpres encial","er idad","om an","ĠT ec","Ġinfin idad","ram ientos","Ġru inas","Ġconvir tiendo","Ġma xim","ĠT ran","Ġprev ias","Ġgo zar","Ġter mo","Ġlesbi anas","Ġreserv ado","Ġformul arios","Ġta x","Ġgre mio","v ero","ig en","t ana","Ġinnov adores","Ġh erv","ĠH as","Ġconoci endo","Ġsu ite","Ġmús culo","Ġf ic","Ġjub ilación","Ġamar illa","Ġimprescindi bles","ĠCh o","ĠDel gado","Ġproduc tivos","ĠBel én","ĠLabor al","Ġvia jero","ĠDirec tora","Ġe cho","b ella","Ġaman ecer","Ġcampe ones","Ġmues tre","Ġar bol","Ġsosp echa","9 00","Ġper on","Ġdiv ino","Ġp h","Ġag il","M X","Ġavent ur","ĠES O","ĠB ir","Ġvari adas","org es","can es","Ġestar ÃŃan","Ġángel es","Ġtea tral","Ġlámp ara","Ġex cav","Ġca ta","Ġprim arias","ram ento","n é","Ġrecop ilación","ĠF UN","! )","ä ¸","P V","Ġel ite","H ome","qu ias","Ġpien sas","Ġco h","ĠWar s","Ġfórm ulas","Ġlar g","ĠES T","ĠZ e","ĠRo o","Ġast uri","p ic","Ġpreju icios","Ġapoy an","Ġtit ulada","in ea","Ġgob ier","Ġve as","Ġic onos","Ġdis capa","ĠPer e","Ġplante amiento","Ġcau te","Ġedi l","ĠM óvil","Ġb ack","ĠAy er","Ġcol gar","Ġextra ñ","ĠHen ry","Ġpre ma","Ġexig ente","vo ces","Ġmonstru o","Ġpos ter","Ġesta tus","k el","iz aron","Ġcalent amiento","Ġcolon ias","ĠÃŃn tegra","Ġabor da","Ġan exo","ĠVie tnam","ie w","se gún","D er","ár qu","Ġcria tura","Ġcom icios","ĠOb ra","ti ro","F orm","Ġv ano","Ġref uerzo","Ġso ñar","Ġurban as","Ġfrag mentos","ĠA V","Ġtu bos","Ġescla vos","ud ÃŃ","Ġdesign ado","dil lo","ĠMen or","Ġobserv ado","Ġdirig irse","Ġagra dezco","ĠGén ero","Ġama teur","ĠK an","bl as","ĠVer ano","ĠEst able","Ġpel i","Ġfun er","ĠResta u","Ġex al","Ġval ent","Ġsur f","Ġqu im","Ġreduci endo","Ġkiló metro","Ġrep lic","Ġru bro","ĠSho w","ĠP un","ÃŃ sta","Ġrecor re","Ġcompro bado","Ġdiver tidos","Ġdivi dir","ĠEsc rib","Ġmas ac","Ġsu pe","Ġcub iertos","B R","Ġperman ecen","ĠMis s","AN TE","Ġ ]","g able","ĠE mer","ĠMé dico","Ġp ánico","ma y","ĠPa ula","aliz ador","ĠCon oce","ĠÃįn dice","Ġintérpre te","Ġme d","Ġrepor ta","Ġmodific ado","Des arrol","Ġafirm ado","ĠAutor idad","ĠSer rano","Ġt v","Ġexpecta tiva","Ġexac titud","Ġemp eño","ĠB itcoin","Ġapro x","ĠJ U","Ġdeleg ados","Ġedi tado","Ġmater nidad","Ġcomprome tidos","Ġtra ÃŃdo","Ġparticip ando","Ġus adas","ĠjurÃŃ dicos","ĠL U","Ġhura cán","Ġrecon ocen","Ġartic ulación","duc to","ĠCastel lón","Ġpl om","ĠP ien","ÃŃ l","ab al","Ġro les","Ġmira ba","Ġg in","Ġso ja","Ġcor rea","Ġ( ¿","Ġin do","ri ba","ĠUn ited","ĠEmpres arial","ĠVia jes","pir os","Ġtom adas","Ġmas car","A G","ĠRa cing","j illo","ĠH it","Ġretro ce","Ġ ´","Ġtrans acción","Est udi","Ġmuer ta","ru ro","Ġv ér","Ġital ianos","Ġref ieren","ĠMin istros","Ġinter ven","Ġderro tar","ĠAs istencia","Ġperson alizadas","tan to","Ġsil ic","Ġment alidad","Ġconseguir lo","abor ación","Ġpodr éis","Ġmedi cin","Ġad misión","Ġplan etas","C arlos","Ġasist ieron","Ġcanad iense","ĠA rena","Ġlle ven","Ġgra baciones","ĠVie jo","Ġdiseñ adas","Ġdes crito","Ġmanio bra","N E","r adoras","cil ia","ĠLo ve","а Ð","enci ada","ĠB rig","Ġlegisl ador","ĠV III","Ġalm end","Ġhumil dad","Ġcre mas","Ġmetabol ismo","Ġsignifica tivos","ĠJ uez","Ġcató licos","ES CO","Ġinstal ada","Ġarrep ent","cul tural","Ġpues tas","Ġalu cin","Ġescul tura","ĠSocial ista","h oy","qu in","Ġacum ulado","Ġase ver","Ġár bitro","ĠHues ca","Ġases ores","fici encias","Ġm ueven","anim idad","me jor","Ġaer ona","Ġinteres ada","ĠPie dra","ĠSec undaria","Ġautón omas","Ġconfor table","Ġ198 3","ĠPe tro","Ġequivoc ado","Ġbiblio tecas","Ġcuad ras","Ġel abora","Ġorient ada","Ġsent encias","ir ÃŃa","El la","Ġtrav es","dor as","Ġpresent aba","Ġrode ada","Ġam en","Ġvol cán","ĠIn t","ĠExcel ente","Ġso portes","iz e","\", \"","ĠTra tamiento","ĠJul ián","Ġescon der","Ġcontrar ia","Ġin minente","Ġrom ana","órm ula","ta bilidad","Ġenc aj","Ġproduci dos","Ġwhats app","Ġcr ónicas","ĠLiber tadores","ĠWh ite","ĠCol onia","ĠCo leg","ĠCa fé","ĠV oy","Me jor","ĠConse jos","Ġapar ezca","Ġadelan tado","tiz ados","Ġrom anos","ĠEsc olar","Ġd rá","Ġlo cos","Ġpron óstico","ĠTele fónica","Ġrespon den","quis itos","Ġ197 3","Ġconcre tar","ĠMag dalena","Ġarru gas","en ario","Ġprogram ado","Ġforma ciones","ĠGol f","Ġfund ó","Ġto ques","Ġmanip ular","Ġsab ÃŃan","Ġdest ruc","ĠCab o","Ġre portes","ĠNo ta","Ġfi jos","ĠComp ra","Ġtra en","Ġpobl ado","Ġsuper ación","Ġg luten","ĠT U","Ġh ilos","A pren","ĠPúbl icos","ĠMar vel","tu almente","Ġrequer ido","cios as","Ġinf racción","ĠArm ada","Ġt ÃŃm","ĠO pin","ent ó","ig er","Ġs ó","Ġtra i","Ġexp ulsión","Ġs pa","Ġinquie tud","R ep","ĠConce jo","n io","Ġenc ues","Ġaclar ó","Ġv itales","Ġcap illa","um an","ĠMar te","Ġincon di","Ġmone taria","ill on","Ġemi tió","reg ó","g ina","Ġtor res","ER N","aliz arse","Ġfin alizado","Ġdin ámicas","Ġinter medio","direc tor","ĠS oria","el éctr","ĠAdo lfo","Ex per","énd onos","Ġcredi bilidad","Ġedi toriales","ĠmÃŃn imas","Ġs ales","ĠA BC","Ġprimor dial","pec ción","Ġafi cionado","iden tes","Ġurban ización","Ġmir as","or s","Ġplást icos","Ġma ñ","ĠMon um","ĠMer can","Ġemp erador","ĠNatural eza","Ġhisp ano","âĢĶ .","Ġfuncional idades","ĠGuar di","ĠL ac","Ġacab e","ĠR onaldo","ĠE P","Ġsigu ieron","ĠH il","Ġlimp i","ĠTe am","cion adas","Ġmo le","Ġal ba","Ġch anc","Ġinm enso","Ġch ic","da f","Ġsuje ta","Ġfer rovi","Ġ oraciones","ĠAl f","ĠB las","Ġreci ba","ol l","Ġabund ancia","as ÃŃ","g ulos","ho o","Ġb ull","Ġdemos trando","Ġvisu alización","Ġdipl oma","Ġdoc tora","n ada","Ġcont enta","ást ima","ol d","ĠBen jam","Ġban deras","Ġ19 60","Ġprovin ciales","Ġdes crip","ĠC av","Q L","Ġacep table","h s","ĠCaball ero","Ġdura bilidad","Ġlatino americanos","ĠD ro","Ġsimul táneamente","Ġre ad","Ġél ite","Ġh emor","Ġinv entario","ĠB ell","Ġpas en","Ġco pi","ĠAu xil","ist es","ĠElectrón ica","Ġcomp acto","Ġuruguay o","M AN","olog y","Ġasegu ro","Ġderi vado","Ġb ando","Ġtex turas","Ġdivi dido","u o","x s","f ran","Ġrepresenta ciones","Ġprotagon izada","ĠPas tor","g ente","m ones","ĠU C","Ġmensaj erÃŃa","Ġorgullos o","Ġtr ono","Ġb eta","Ġderiv adas","Ġclás icas","l us","Ġmanifest antes","Ġy endo","Se ñ","ĠMov istar","Ġc ésped","ĠT ay","Ġgen es","Ġreac cionar","Ġdej arse","Ġimpos ición","ĠVir tual","es tá","poner se","ĠL G","e ado","ĠclÃŃn icos","Ġsinies tro","ĠEMP RES","s ub","Ġpi dieron","Ġdiver tidas","ĠG es","D AD","ĠD OC","Ġm acho","ĠAut om","Ġapar tados","ĠðŁĺ ī","Ġtra cción","is imo","Ġpre fi","s ica","Ñ ı","Ġprovoc an","ilan dia","Ġco le","Ġhom olog","Ġcaracter ÃŃstico","Ġdemas iada","Ġdi lu","Ġhin ca","Ġenc ender","ĠMil án","Ġrecl ama","Ġcoopera tivas","Ġinunda ciones","c rim","man os","Ġconven iencia","ĠC es","ur ada","m ios","Ġfi able","Ġindis cu","M or","Ġautor izados","Ġubic adas","Ġregular mente","P G","és imo","no che","Ġper cep","ĠWilliam s","Ġpas ajes","Ġplan tillas","ĠGuad alupe","c ante","Ġadi v","ĠProcur adurÃŃa","Ġsindic ales","Ġest úp","Ġrequer ida","go gÃŃa","ĠB all","Ġorganiz ados","Ġelev ados","Ġpim ienta","mo vil","ĠBra vo","Ġex pos","ĠUnivers idades","Ġman dó","Ġp echos","ĠEx press","Ġparad igma","Ġllev arán","Ġasign ado","Ġtre ce","Ġcomp res","Ġcaracter izan","ĠM UN","Ġeconóm icamente","qu im","ĠB ul","iden ta","Ġprob abilidades","ĠIS BN","ĠTar ragona","Ġto cando","Ġinme jor","Ġsu l","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","Ġluminos idad","Ġrec tificación","Ġrecha zó","ion era","Ġá gil","Ġesca pada","Ġper ca","ĠMan tenimiento","Ġrespons abil","In formación","Ġgran ja","Ġconten edores","par able","ám icos","201 9","Ġcompeti tiva","Ġa tes","Ġanim ado","ĠTécn icas","ĠSer ies","ĠSe govia","Ġdi ablo","Ġexig entes","Ġdesign ación","Ġviol enta","ĠSecre taria","Ġru b","j ala","= \"","ĠCh ris","Ġreconoci das","Ġrequier a","Ġsuple mento","r ÃŃas","Ġre estruc","Ġser ios","ĠCons ide","Ġvendi dos","ĠDef ens","Ġingles es","Ġest all","Ġfacil idades","Ġf ec","Ġestren ar","Ġab dom","Ġdesapar ece","Ġdesn udo","ĠWal ter","Ġexp lico","Ġexp uso","ĠG ram","y es","Ġacostumb rado","ĠMon e","Ġenv ÃŃan","Ġtro zo","ĠN er","Ġtom en","Ġiden ti","ár selo","m ne","Ġperman entemente","ĠT oro","ĠRe almente","ho t","Ġp ana","ĠM ónica","ci en","Ġcorpor ación","Ġsa grado","Ġpele ar","Ġc ese","Ġreclam aciones","Ġcotidi ano","Ġportá tiles","Ġh im","ĠAb r","Ġvina gre","Ġri g","ok ie","Ġrevel ación","v ados","ĠB ull","val os","de cer","L ib","Ġser iedad","Ġesp len","ĠRo pa","Ġcamp us","s us","Ġhier ba","Ġco yun","Ġsol ÃŃa","ĠTecn ológico","ĠF la","Ġater ri","ici dades","ĠB A","Ġacor dar","Ġobten iendo","Ġpes ados","bur g","Ġsuces ión","Ġcas illa","Ġsincer amente","vi al","Ġt echos","Ġprov ienen","g áis","Ġjust ificación","Ġ197 9","h on","m ero","Ġinterpre taciones","Ġvin tage","Ġalterna tivo","Ġlum inoso","ĠR D","fol io","Ġrecor ridos","Ġprogres iva","ĠDis eñ","N ada","ch ada","ti entes","ĠJer ez","ÃŃ feros","Ġjab ón","Ġreun ieron","Ġdemon io","Ġpresent en","Ġmister ioso","Ġabri go","Ġbendi ción","Ġrela ta","Ġagrade cido","y le","Ġprem isa","Ġve j","Ġfi abilidad","Ġpropon en","óst oles","Ġrecom pens","vent ura","Ġcre cen","ma cias","ĠCapa cidad","Ġsuger encia","Ġdoc encia","ĠPro to","Ġnúcle os","Ġson ar","Ġrecuper ado","Ġob se","Ġinici aron","z arse","Ġfantas ma","Ġrep ública","Ġprostitu ta","Ġec les","te le","Ġconta g","ub er","d arios","ĠMic ho","ĠSy stem","ĠI tal","Ġindi os","cu rio","Ġdepen der","Ġselec ciones","Ġadqui ridos","Ġb uf","Ġcoti za","al da","Ġjust ifica","Ġhinca pié","der ÃŃas","Ġasigna turas","Ġen cub","ĠA cep","ĠOr questa","Ġdomin ios","ĠFoto grafÃŃa","éis bol","Ġexperim ental","Ġgir ar","ĠâĢ ĭ","Ġvolun tario","O n","ch era","Ġtramp a","IDAD ES","Ġfa tiga","Ġoptim ización","Ġsegu ras","w ich","Ġnoctur no","z ona","Ġ2 20","Ġras tro","ĠclÃŃn ico","ĠEqui pos","ĠG ris","és ima","ĠV oz","H H","Ġmemor ias","ĠP ers","Ġinst ru","ĠPri ma","Ġhúme do","Ġca udal","Ġenorme mente","Ġetique tada","ĠSindica to","ol s","Ġver an","ĠFil ip","ĠM aya","Ġn ad","Ġcom iendo","Ġmedioamb iental","eci dos","Ġparticipar án","cran ia","Ġh omo","ĠA lan","tor ce","Ġsil ves","Ġsup uso","Ġm era","Ġanti bió","Ġencan tados","ĠF MI","Ġmuch ÃŃsimas","ĠR as","Ġ197 5","la h","Ñ ĭ","ĠIs idro","gu ra","Ġmul tas",". (","Ġsurg ido","ĠF emen","ĠIn m","Ġtor tu","ĠM éndez","Ġtar da","Ġsin ónimo","Ġ4 50","Ġpun tas","crib e","ĠFinanci era","Ġnos talgia","Ġfach adas","ud ar","rocar b","Ġol vida","j ug","Ġin tac","Ġesc aso","Ġca yendo","Ġatra e","Ġperten ecer","Ġatribu tos","Ġpar ecÃŃan",".... ..","Ġaparecer á","ĠOcci dental","I OS","ĠMo isés","âĢ¦ ..","Ġautop ista","Ġdis para","Ġeduc ar","Ġse da","Ġfalta ba","ĠAd am","Ġleal tad","ob os","ĠC ra","Ġmaravillos as","Ġpa tologÃŃa","tr arse","Ġextrac to","a den","Ġdom éstico","Ġde ro","Ġprecios os","Ġponer me","Ġexten dido","Ġnov ios","Ġredac tado","ĠC asta","ĠP LAN","Ġimpul sa","ĠH ip","Ġla tinos","A f","Ġ197 7","Ġc úp","Ġtel as","ĠF avor","Ġtribu taria","tar iamente","IZ ACIÃĵN","ĠUnivers ity","ĠJul ia","la va","ĠS D","Ġlav adora","No ticias","Ġdur ar","un cio","ĠcÃŃr culos","ĠJu venil","vi tud","d arse","ĠJo e","ĠD J","rim idos","ĠPes ca","co g","ĠH TML","ĠT era","ĠI C","Ġrecl amos","Ġromp ió","l ista","Ġsalv ador","Ġsitu ados","amb ien","Ġline al","Ġinter min","ĠMas s","Ġdiá logos","Ġdesn uda","ĠC ara","ĠS pe","Ġconform ado","ri entes","ĠCo un","Ġobten ida","Ġin adecu","Ġsub ord","Ġequ idad","Ġsin ton","Ġpo dio","Ġmon tado","Ġstan d","Ġincluy ó","Ġexper ta","ĠJ ud","lar on","Ġapoy ando","Ġinv itó","qu és","Ġcatá stro","ĠP H","ĠP ed","Ġl ien","Ġsub asta","Ġro tación","Ġalcan zan","ace tas","Ġcas eros","Ġintro duc","Ġfer ias","Ġmé ritos","Ġglo bo","te mos","Ġhon gos","ĠS omb","Ġenfoc ado","Ġm ts","Ġbusc adores","ĠConten ido","Ġinform al","Ġsomb rero","Ġch ile","Ġmostr ará","Ġdesarroll adas","Ġesp l","ĠTarje ta","ĠL unes","c ro","lan ueva","b ación","Ġtit ulo","Ġfr ág","Ġev al","Ġen z","Ġval ora","Ġdej é","v ÃŃ","Ġescri tas","dos o","ĠPar ro","Ġdetermin ante","ĠL ive","ĠRe publ","gun as","Ġins critos","ĠQuÃŃm ica","ĠInf raestruc","Ex iste","so cia","tr adas","oc os","zob ispo","ĠG ijón","U T","Ġsus ci","ĠJ oy","Ġc ÃŃv","ĠF uego","ĠQuer emos","lo cu","Ġvoc ab","Ġaudi torÃŃa","ue ño","ĠGl oria","Ġcons ign","Ġdor ada","Ġche que","Ġrep aso","Ġg la","ĠM iemb","OL OG","Ġsent imental","gon al","Ġcar pin","Ġpro cu","Ġmister ios","Ġesplen dor","et c","ĠH O","Ġsencil lez","Ġreempla zo","gu ila","ĠCin co","L uis","Ġcuri osa","ĠmandÃŃ bula","Ġrevolucion aria","de x","Ġver bal","Ġat enta","ici smo","ward s","Ġinú til","Ġcuan tÃŃa","l ama","00 1","Ġri o","Ġinflu ir","U b","Ġor illas","ĠO h","Ġunif orm","Ġmon opol","Ġven ÃŃan","cion ismo","Ġju veniles","Ġreun ido","Su per","Ġpar king","Ġdelincu encia","ĠD OM","ĠAgu irre","ĠRepres ent","Ġï Ĥ","Ġalim enta","Ġdefin ida","Ġ \\","re dedor","Ġintercambi ar","ĠSco tt","Ġhipo teca","Ġpareci da","Ġdeb ida","Ġapell idos","Ġdel iber","ĠValent ÃŃn","ĠH igh","Ġcer ro","ĠTrin idad","wa gen","ĠCamp us","ĠA ur","Ġequip aje","ĠED UCA","ĠI T","A quel","Ġc lo","Ġ^ ^","Ġcatal og","Ġponer lo","Ġconstru yó","Ġas pira","her e","Ġmonstru os","J unto","Ġalcal des","Ġocul to","Ġlament able","ĠAl guien","r ona","Ġni ñez","ĠDu que","C RI","Ġlib rerÃŃa","Ġpun tual","ĠR enta","Ġilust ración","ib o","r enta","Ġase o","mon d","r ing","Ġdic cionario","rec er","p ie","ĠG T","ĠCh ap","Ġcalific ó","Ġimplic ación","Ġconf ies","Ġantic on","ĠEst ruc","Ġcre mallera","Ġre za","ĠA T","Ġquer ia","ar s","ell y","Ġfáb ricas","ĠS aba","d ome","Ġcu enca","Ġcoher ente","ĠCar acterÃŃsticas","Ġarquitec tos","Ġor gas","Ġlegisla tura","c c","Ġaproxim ación","Ġreci bimos","Ġaf ines","ĠOr lando","Ġpel os","Ġca yeron","ques a","i antes","Ġclas ificar","cip es","Ġsen dero","ĠSil via","Ġcaball eros","ĠP ERS","Ġocci dentales","Ġor ina","c ales","Ġemp eñ","[ âĢ¦]","Ġsol tar","Ġelabor ada","Ġen ju","Ġminim izar","Ġmic ros","Ġretir ado","Ġle a","Ġacus a","Ġrecog idos","qu io","B an","lic k","Ġsolid aria","ĠM OD","Ġnóm ina","Ġre medios","Ġ196 8","Ġbiz co","Ġquedar án","ve da","Ġdis im","di mens","ĠS erÃŃa","Ġgo ta","Ġanal ista","Ġtún el","ĠN ingun","Ġaudiovis uales","e duc","om al","C urso","Ġvolv emos","ĠV é","Ġconvertir á","Ġper if","Ġma quil","don ado","Ġprivileg ios","ĠO mar","ĠMe dios","Ġfal s","Ġpene tración","Ġpájar os","ĠAn na","ĠPlan ificación","d és","ĠBau tista","ĠAr ti","Ġl ác","Ġvar iado","ĠEn e","ĠAra bia","ÃŃ lica","Ġfores tales","ment al","Ġat mos","ific ador","ĠB ron","ir os","Ġma p","Ġdiscul pas","Ġdu de","ĠA cos","bit raje","Ġencan tador","C ualquier","Ġa tiende","Ġbar celona","endi da","Ġexist an","Ġord inario","an ista","ĠCol um","Ġadjud icación","Ġpermit ÃŃa","le tismo","Ġgobern antes","Ġsing le","ĠAl um","T an","h éro","s che","c ero","Ġrob ust","Ġ rib","Ġexam inar","Ġjud ÃŃo","Ġb ea","ĠT os","Ġve amos","Ġcrea tivos","AC E","Ġvis itan","Ġpre co","cep tos","Ġquis e","ĠObje tivos","Ġarreg los","Ġdon aciones","w eb","Ġescog ido","UD AD","ĠPo p","Ġ ©","O h","M arÃŃa","Ġform ulación","U EL","Ġapren diz","IS TE","Ġencontr ados","Ġinaugu ró","ĠLen gua","dr é","Ġinf il","Ġbritán icos","Ġtr om","vi dencia","F ER","Ġenfer merÃŃa","Ġencan tarÃŃa","Ġrelacion a","ĠAmeric ana","ĠSol ar","Ġrevel ado","Ġtur ÃŃsticas","Ġtér mica","ĠSte ve","cion ando","ĠCar naval","ADR ID","Ġcontrol ada","figu ración","Ġvis ite","é lica","Ġvent ilación","Ġproducir se","L u","ĠH isp","Ġestren os","Ġactu aliza","Ġreper cusión","Ġingre diente","Ġque ma","Ġcar ril","Ġlogo tipo","Ġitiner ario","Ġestar ás","Ġpade cen","Ġsuel dos","ĠCar ab","Ġparlam entario","Ġre mitir","Ġcan tera","ĠCor ona","Ġma estrÃŃa","Ġedi ficación","Ġpobl adores","Ġcas arse","Ġsuave mente","ver y","ĠOf fice","Ġfij ación","Ġmonitor eo","M al","Ġpal ma","Ġintegr ales","Ġcoca ÃŃna","Ġagu jeros","Ġpost res","Ġestratég icos","Ġobserv ando","pro ducción","j en","ros ión","ĠDes ign","ĠLabora torio","ol las","Ġtermin aron","Ġpe dal","ĠR ap","Ġcont ing","G ener","Ġhorm onas","Ġarbi trar","ĠA va","p to","Ġes clar","Ġse pul","p io","Ġdespren de","m ÃŃn","Ġinvers ionistas","ĠPen ÃŃnsula","Ġb lin","Ġlogr arlo","Ġconsul te","Ġende ud","Ġselec ciona","Ġca tedr","ci adamente","Ġfal se","Ġresuel ve","Ġsatisf echos","Ġinforma tiva","di ble","Est im","ĠToda vÃŃa","ol in","ĠC aj","Ġhab itan","Ġps ÃŃqu","ĠPremi um","ĠO P","Ġviol entos","ĠCab rera","Ġcar bo","cal a","ci an","Ġder ra","ĠT ren","ĠCom pos","Ġpres ento","ĠHerman dad","ic on","Ġcab ellos","Ġesté tico","ĠU ribe","Ġpato logÃŃas","Ġsuple mentos","Ġbrin dan","Ġcorpora ciones","Ġandal uz","Ġelev ación","Ġc esión","Ġat entados","Ġn ÃŃ","Ġequilib rada","Ġpar cela","ĠÃī ste","ĠP OL","Ġexclus ivas","Ġte mpl","ĠMe xico","Ġpoten cias","Ġred ondo","ĠPresiden ta","Ġára bes","Ġfavor ables","Ġincom pati","Ġgobern ar","Ġmedal las","Ġsépti ma","Ġvisit ando","T om","! âĢĿ","ĠN el","Ġcar os","ab eth","mb res","Ġmi ro","Ġcre aron","Ġproli fer","ic an","ĠA du","m ad","Ġing esta","Ġa eropuertos","Ġdependi entes","Ġadver tencia","Or gan","Ġorganiz ó","ul ia","ĠBo ok","Ġenga ño","Ġtom ará","Ġconsul torÃŃa","Ġrecomien dan","Ġenc aje","Ġmetál ico","de za","Ġacudi eron","Ġabdom en","Ġi dio","ĠEstad ÃŃstica","Ġi remos","Ġb all","ron to","Ġhor ne","ĠD im","Ġgrie ga","Ġbio diversidad","Ġintegr ados","Ġpul so","Ġp ila","Ġpref ieres","Ġdic tamen","Ġvent an","Ġtir as","Ġconcent ra","Ġobstá culo","Ġp leg","Ġcuad ra","Ġidentific ados","idad os","B l","Ġtu tor","Ġdiv or","Ġorganiz an","Ġevent ual","? ...","ĠSuper inten","Ġh ur","Ġrevel ar","Ġmodern idad","ĠA pertura","on el","Ġdelic ada","ĠC RE","= =","Ġimpos ibilidad","pe uta","Ġfores tal","tr icas","ri era","Ġrepos o","re la","Ġestren a","ĠExp lor","Ġlo cu","Ġbar bar","Ġactiv istas","se mos","ĠG ib","Ġcri tica","ĠPr ueba","an á","Ġmin eros","Ġcontribuy entes","Ġinoc encia","Ġflu jos","ĠF órmula","Ġproyec ciones","i us","Ġas piraciones","ĠquÃŃm icas","Ġpre dio","ĠEx iste","ĠMuch o","ĠNet work","Ġad u","ĠExper iencia","tel la","Ġactu ando","Ġdomici l","Ġren al","Ġcil in","pen as","Ġmis er","Ġfrust ración","Ġe ri","Ġcompar to","Ġse vil","Ġdes bloque","Ġbanc ario","Ġesper aban","TA CIÃĵN","Ġcoopera tiva","ĠCon temp","ĠDI REC","Ġcon table","if f","Ġse des","Ġpa ul","Ġn oroeste","Ġmanifes tar","ĠRoy al","uy ó","Ġprepar an","por tivo","Ġord inaria","Ġcompa trio","in dust","dr ÃŃan","L ES","ĠYuc atán","F I","Ġcéle bre","Ġcor o","Ġcoron el","Ġfirm eza","Ġglob alización","Ġintroduci do","ĠE jerci","o cup","Ġequiv ale","Ġlleg ara","Ġentren adores","f ort","Ġpos te","cu er","Ġviol ento","rer ÃŃas","Ġpeda zo","Ġtrem endo","ĠRom án","ĠEm il","Ġir res","Ġactiv ación","Ġat ribuy","Ġperci be","Ġco cción","Ġpeligros as","Ġconce de","écn ica","Ġse car","Com par","Ġ umb","Ġmolesti a","ĠBos ton","wit ch","ĠEl lo","Ġreco gen","ig encia","da te","Ġtrans f","F or","V ol","Ġch amp","Ġacudi ó","Ġpertin ente","Ġdistribu idores","Ġacar ici","Ġquedar ÃŃa","ĠI X","Ġbuscar á","Ġrecord amos","av ent","J ER","Ġdist ritos","p lo","ĠBol so","Ġdes gar","ĠU crania","Ġtel es","ĠN um","ĠZ a","ĠP av","Ġsegu idos","Ġmulti discipl","ĠY u","V AL","Ġopos itores","Ġorg ánico","Ġincre menta","Mu jer","di st","ay uno","ÃŃ en","Est ados","Ġadelan tar","Ġrecur rente","ó metro","Ġreún en","Ġsens ual","ĠCar l","ĠCon de","Ġdesconoci da","Ġremo del","é taro","Al go","Ġexten s","Ġpist ola","Ġrespe tando","ĠSam uel","Ġas ciende","Ġdetermin ó","Ġpade cer","ĠIz quierda","Ġcompren dido","ĠNorm almente","ate ar","Ġcan on","Ġcons ciencia","Ġpes cadores","ĠN is","Ġinsist ió","Ġdo g","Ġhe gem","ĠVic tor","Ġdesapareci dos","ĠVol un","ĠFre e","Ġdef orm","Ġn ul","Ġhomosex uales","ad illas","Ġins a","Ġrefle jar","Ġno ci","Ġsu ba","Ġall i","ĠParti cipación","Ġdi ré","Ġampl itud","ks wagen","Ġconoz can","Ġcon de","blog s","Ġesper as","Ġgri tar","Ġdeses peración","rac k","Ġdo tar","Ġcomún mente","icios as","Ġdocument ales","Ġan ex","ĠO ruro","Ġrom ance","Ġarran ca","Ġagro pecu","Ġf rigor","ĠCic lo","Ġna z","Ġpreocu parse","Ġloc alizado","Ġ198 1","aliz ará","Ġbaj ando","car ia","Ġterap ias","Ġseman ales","ch et","ĠFer rari","Ġrecord ando","ĠAdo lesc","r r","Ġele va","ĠR ue","Ġrecop il","Ġproxim idad","ĠA lar","el s","in ho","Ġver los","Ġcin es","par encia","Ġsuce diendo","ĠResta urante","is cos","los a","ĠP AS","Ġan imo","Ġin her","Ġc enta","ĠAnti guo","Ġpun tuales","ĠChi huahua","le a","Ġluc e","Ġsemej antes","Ġdistribu idor","Ġsen derismo","Ġdef ra","Ġcomp rando","Ġdem ora","edi encia","Ġingres ó","do lfo","Ġesque mas","inos au","Ġadj un","ĠPok émon","Ġconstitu ido","Ġ% .","c ab","de as","Ġcompati bilidad","Ġna tivos","Ġretom ar","Ġcicl istas","Ġcumpl im","Ġenfrent amientos","u des","Ġpers igue","ĠEsc uelas","ac emos","ĠN ik","Ġestren ó","ĠD anza","ĠPaÃŃs es","in illa","Ġcaus ando","ĠW atch","Ġan dan","V ide","Ġb illones","ĠNe u","Ġlad rones","l la","Ġtub erÃŃa","Ġ17 0","ĠMedi ante","Ġacor des","d d","ĠDe tal","Ġc acao","Ġopera tiva","Ġdesem bar","Ġpetrol era","Ġalter n","Ġins iste","Ġcuán tos","Ġcinemato gráfica","Ġelig ió","Ġpo pul","vis a","Ġdev as","à Ĺ","Ġconcl u","Ġsuperfici al","ĠE vo","Ġdi le","Ġver ific","D an","Ġpl ural","Ġconsigu ieron","na p","de pendi","ĠTok io","ran as","ĠAr que","Ġlig ar","ĠAd ul","am on","ĠO cho","ĠPre cios","Ġsus crip","Ġconcl uido","ĠB U","ĠB ár","k ins","Ġd amas","Ġmedi ación","ic om","200 1","ĠDeb emos","Ġdes alo","Ġsal gan","Ġrepeti ción","y y","ĠJ on","Ġproces ar","ĠOpera ciones","Ġin cul","ĠC umbre","Ġrep i","Ġcompeti ciones","ed icto","ĠAlex ander","Ġun animidad","graf ia","ĠT ac","Ġma trimon","Ġpregun tan","Ġisrael ÃŃ","Ġpod ÃŃamos","Ġfrecu encias","l ámico","Ġperci b","Ġmadrile ño","Ġvertic ales","Ġfin alización","ĠInstitu ciones","Ġcrip tom","Ġcas ado","ĠConce jal","Ġco lega","j un","qui dez","Ġperió dicamente","Ġex ilio","Ġdu reza","ĠVis ita","Ġasum ió","ĠS tra","Ġjapon eses","it re","ĠC i","In s","Ġform ales","Ġbloque ar","ist ra","ti ción","Ġdispu tar","per as","dr omo","Ġhay amos","Ġsum ando","Ġten iente","ĠquÃŃm ico","ĠM et","Ġase gú","ĠNa tional","form ance","Ġconstitu cionales","Ġrecha za","esti dad","ĠP E","os e","Ġdestac adas","t l","ĠG O","Ġrela x","Ġsen da","qu ot","ĠPar lam","ĠMa ta","Ġges tor","Ġor n","Po co","Ġ( -","d onos","ĠtÃŃp icas","Ġbre ves","Ġlegisla tivo","ĠD A","Ġano tó","Ġprom ul","Ġmuch achos","ĠâĤ¬ .","ĠEmp ez","es co","ab amos","w o","Ġha gamos","ĠV iz","Ġsuper ando","Ġsecre ta","ĠM X","Ġc i","ĠPro gramas","ir as","ĠResul tados","Ġcontamin antes","Ġregist radas","Ġpres o","em bra","Ġesc én","ĠAvis o","Ġdist ingue","ĠM Ãī","ĠA mp","Ġmal la","Ġvera cidad","Ġaplic ará","Ġaj enos","Ġyou tube","ĠEnfer me","Ġsac ando","Sta tion","Ġagrad ables","Ġconden s","Ġi mb","ĠR ecu","Di rec","Ġsan itarias","Ġabandon ó","Ġpes taña","Ġcual ita","Ġse cas","... ,","Ġval iosa","Ġartic ulaciones","Ġcrist ianismo","es io","Ġr entas","Ġmay ormente","ĠB adajoz","Ġajust a","Ġimpu gn","ĠH ard","Cu áles","ĠFal ta","sen al","Ġpres untamente","p á","Ġmodern ización","re f","e lec","Ġmoles to","Ġconfidencial idad","Ġsal imos","Ġcontrovers ia","Ġrepubl icano","Ġinstan tánea","Ġlo gre","ĠCrist ian","ĠBus ca","ĠMa estrÃŃa","Ġmaravillos os","Ġconta bil","ĠEstrel la","Ġinver na","Ġcompeti tivos","ĠArm ando","Ġabst en","ĠMo de","ĠFlor encia","Ġcal entar","ĠmarÃŃ timo","ĠTru jillo","Ġtraduc tor","ĠAlim entos","Ġmara tón","Ġóp era","ĠProfes ores","Ġorgullos os","énd ome","Ġgo za","Ġreper cu","Ġinsu mos","Ġlámp aras","Ġviv encias","Ġmis ericordia","Ġrev olu","Ġdéci mo","Ġcome tidos","ĠS C","Ġdepor tista","Ġval er","Ġch am","Ġg us","Ġagr ado","ĠMar tÃŃ","c amente","ament ablemente","Ġgen iales","ĠTribu taria","Ġm entes","ú r","Ġemb ri","ur go","Ġs uela","Ġad ulta","ti embre","ĠKe vin","Ġmin ia","Ġcompañ eras","Ġvoc al","Ġpedir le","Ġman us","Ġper didas","ĠF ru","ĠLuis a","Ġper didos","ist entes","Ġtradicional mente","Ġadj unto","ici dios","Ġconcent rado","ED AD","Ġen unci","Ġdesarrollar se","ĠMat ÃŃas","Ġpro le","ĠÃŃ bamos","ve dra","es col","Ġal t","Ġregular es","Ġsaber lo","ĠN UE","ĠIb iza","izar ra","Ġdesb ord","ĠA th","Ġenga ños","Ġalfomb ra","ĠS EM","Ġpreca ución","ĠF ores","vers iones","Ġfund ado","F L","Ġ !!!","à ¯","Ġfacil itan","Ġra m","cos a","Ġacab aba","ĠAso ciaciones","Ġde tiene","se ver","ent er","Ġacredi tación","Ġtur nos","Ġn as","Ġbas an","ĠÃŃn timo","Ġdest itu","Ġpanor ámica","Ġinv ir","Ġbene f","c ter","ĠLo uis","ĠDi ana","Ġestrech o","z go","B E","Ġcolabor ador","Ġmi ti","ven idas","Ġvege tar","Ġorg ánicos","ĠPubl icidad","Ġcre adas","ĠGer mán","Ġartes anos","ti es","Ġmuch acha","Ġtri logÃŃa","ĠEl im","Ġa fer","Ġblan que","Ġpe ques","Ġexpres o","da y","res as","es tra","ona er","Ġdestac ada","Ġláp iz","Ġadh esión","ĠEn trada","Ġcal ifica","T ú","Ġman dos","Ġindi cios","ĠJa zz","е Ð","Ġcon gres","ĠS af","Ġdes emb","Ġalo jar","ble mas","ĠEx posición","Ġvalor ado","Ġinjust icia","Ġcontrad ic","Ġcomenz amos","Ġvincul ada","Ġconce der","Ġsa tur","Ġjoy erÃŃa","ĠEstra tég","G ar","Ġoptim ismo","ĠVene cia","Ġescal ada","ĠVic epres","fa to","Ġvin ieron","Ġso pa","Ġencontrar emos","¸ ı","il d","ĠCer ca","ur nal","Ġcomprome tida","ĠHit ler","um án","\": \"","ĠApo yo","Ġre habil","aj ua","ĠJ as","ment s","ĠBan g","Ġan illos","ies e","Ġdi ente","ĠB is","Ġprosper idad","amil iar","Ġconfun dir","Ġinesper ado","ĠV entas","Ġro bos","Ġgalard ón","Ġat ribuye","ĠB y","Ġproven iente","Ġver sion","Ġadap te","uel tos","Ġno va","ĠM ike","Ġhistori ador","ĠJane iro","Ġactu alizados","ĠSab emos","Ġtorm entas","ĠDes ta","Ġand ando","ĠEs cu","Ġdecor ado","ĠVi olencia","ĠBomb eros","A utor","Ġdeci da","Ġros tros","ÃŃ b","ĠN BA","Ġdist ribuy","Ġmilag ros","I ER","l é","ĠIn versión","Ġcal aba","Ġagrupa ciones","iv ado","Ġdefens as","Ġmedi ana","TU LO","Ġm ajes","Ġol ores","alu dos","ĠSon ora","Ġdifer encial","Ġver sa","Ġconstitu ir","Ġs w","ĠEstrateg ia","Ġcompar ado","érmin os","Ġadver tir","Ġajust ado","Ġbaj ado","ib ar","B U","Ġme xico","Ġasist ido","Ġplante an","ĠO ce","ĠG ame","Ġcó c","b is","Ġar ticular","Rec or","Ġmáx imas","ĠCons um","it ness","Ġe h","Ġno ción","ĠAngel es","Ġvir al","ĠVe h","Ġenga ñar","D R","Y O","ĠL am","ĠGra cia","Ġverte b","Ġano tar","rocarb uros","ĠC UR","Ġsignifica tivas","MIN IS","Ġrec am","nab is","Ġa tor","Ġpor tales","Ġvia jan","ad s","eci da","ĠT S","ĠS M","Ġgrá ficas","ĠLicencia tura","Ġpa trimonial","ĠTele comunicaciones","Ġacu den","ĠSo uth","Ġdesemp le","ĠMexic ano","Ġtremen da","Ġtu rista","Ġprome tido","ĠAri as","Ġar du","ĠJ ona","Ġclas ificado","Ġabier tamente","Ġguar dias","ist ir","ĠSan dra","Ġagrade ce","Ġcoher encia","Ġpl omo","C os","ach as","ĠC M","Ġpas arÃŃa","ĠPerson ales","Ġus arse","Ġ( ¡","ĠT ony","Ġcafe terÃŃa","Ġpade ce","ante mente","Ġbio grafÃŃa","ĠEnseñ anza","Ġpat rio","Ġgros or","ĠVirgin ia","ĠCla us","Ġmor ena","Ġv est","v ich","ĠVil lanueva","Ġmen stru","ĠC ual","ĠT oma","ĠmÃŃ os","Ġcomprome ter","ĠK ong","Ġimp edi","enta ciones","Ġtraslad ó","Ġmutu o","Ġencar gar","Ġorigin alidad","Ġcontex tos","Ġdisp uso","Ġcaracter izado","Ġape tito","P ens","quil las","ad ir","Ġ| --","r entes","Ġconsidera ciones","Ãī l","Ġtit ulación","Ġdetec tado","gu esÃŃa","ĠUN ESCO","ĠDes cu","ĠsÃŃnt oma","Est u","Ġverda deras","Ġparti endo","ĠP it","Ġinclu irá","ien za","Ġcal ibre","ad ita","ver tido","ĠEdi ciones","Ġinmedi aciones","ĠIngenier o","Ġdisput ado","ĠUN IVERS","Ġ10 5","ĠestÃŃm ulo","C entro","Ġal lan","hidra tos","Ġconvir tieron","ĠP eso","ĠS ÃŃn","po le","Ġmuer en","Ġdesapar eció","OL A","x ia","land és","ĠM am","Ġsim il","ol is","ĠJ ueves","Ġplante ó","Ġobserv ó","Ġgal lego","Ġcol lar","ĠRed acción","inten a","ĠA go","Ġpas é","ĠN ASA","in aron","Ġins pira","Ġinsul ina","al ina","Ġinform amos","Ġven cimiento","TIV OS","ĠT us","Se gun","á tiles","ĠSi mp","Ġcél ula","Ġor iente","Ġesca pa","ĠAm erica","ĠJac ob","él ico","Ġ36 5","heim er","Un iversidad","Ġge ométr","ĠDisfru ta","rel ación","u ciones","ĠBern ardo","Ġincent ivos","Ġmar can","Ġsuper an","ĠPubl icado","M ira","ĠM ON","ac ol","Ġpais es","ĠSal to","ĠAmb as","ĠNor uega","Ġmeter se","Ġ ÃŃdo","o ur","Ġgaranti zado","ĠEl iz","Ġur nas","ĠDis co","Res puesta","Ġescla vitud","ĠMicho acán","Ġapar ecieron","ĠFuer on","Ġmetá f","ĠL il","Ġca torce","ĠPol o","Ġclaus ura","Ġar til","ĠIN FORMA","Ġs anos","Ġdetal la","Ġejecu tiva","Go ogle","ĠAut on","ĠPresu puestos","Ġb its","tá r","Ġexcep cionales","i tivas","Ġpal os","ód ulo","ĠBea triz","ĠM uebles","Ġres eñ","f onos","V ia","Ġvolv ÃŃ","Ġpiz za","J u","Ġesc ort","Ġcompr ó","Ġenv ases","Ġapla udi","Ġ át","ĠFan tas","Ġob rero","ĠRub io","Ġemp atÃŃa","ĠCOM P","ĠPer manente","Ġast ron","Ġdieci s","ĠMal donado","ĠJ óvenes","Ġinfl uye","Ġurg entes","Ġba hÃŃa","Ġquer amos","ĠF L","Ġmar ro","Ġcontribu ciones","Ġcar encia","Ġefec tivas","Ġecos istemas","n ic","ĠE UR","2 50","Ġur gencias","Ġres tante","Ġfr om","ĠHu a","itar iamente","Ġbel los","uer do","Ġconsecu tivos","par ar","Ar gentina","Ġdemoc ra","Ġflam enco","Ġsinc ero","Ġpre dis","ĠCom en","ĠCon t","Ġdecis ivo","Ġgluc osa","Ġexpe dientes","Ġdej as","Ġhom ogén","Ġac ome","Ġmar cos","Ġfabric ados","ta in","Ġdes fil","ĠL ine","Ġfoto gráfica","Res olución","Ġbu ques","ĠM ala","Ġconf ÃŃa","ĠAs unción","Ġconcent raciones","Ġcorrespon dencia","Ġindi que","Ġemis ora","Ġrespec tivo","Ġvein ti","ĠGir ona","Ġasegu rando","Ġinnov aciones","m isiones","ĠBar ra","Ġcomb inan","Ġhidra tación","Ġf ero","Ġactiv as","Ġaf ian","tiv ismo","Ġsosten ido","Ġconvoc ar","ster dam","ĠOri ental","Ġres ign","h l","Ġplac ent","dibu jos","Ġac cionar","Ġflu ido","s ulas","ás quez","pe da","Ġin ger","Ġjuz gados","Ġ _","ch or","ĠM isión","Ġcan je","an ces","Ġdescan s","nos o","Ġest al","Ġhallaz gos","ĠCer tificado","Ġcrim in","ĠBienes tar","Ġm p","Ġmár mol","ĠImp res","it ÃŃ","Ġcerv ezas","ĠD un","Ġemp laz","ĠX I","Ġmo ción","Ġ11 2","ĠIn icia","Ġder ma","S cript","Ġen re","Ġlevan tamiento","ven o","Ġmañ anas","ác ticos","ĠS l","Ġreiter ó","bl an","Ġcom a","ĠG ü","ĠBach illerato","ï ¸ı","Ġtrascen dencia","ĠF lash","Ġexp uestas","Ġser iamente","Ġqued aban","Ġde di","Ġvari ante","Ġna tación","Ġpeque ñ","ci ación","Ġres uci","Ġarm ada","Ġsen adores","Ġcompens ar","ést er","Ġfantas mas","ĠDepor tiva","án gulo","AD AS","ĠA ños","Ġtri pul","Ġal ien","ĠRespons abilidad","p ÃŃ","P RE","F F","á ez","ĠB s","je tivo","Ġinsu ficiente","Ġnotable mente","car as","Ġgal erÃŃas","Ġla tÃŃn","Ġto b","ĠGENER AL","DUC CIÃĵN","ĠDan i","Ġsolid ario","Ġmi re","Ġh ort","tú e","ar cas","Ġin ces","ĠH all","Ġdes centr","ĠG om","Ġmúlti ple","ĠL ife","Ġacord ó","p ez","ĠCatal ina","Ġoblig ó","co po","Ġcom ento","Ġnie tos","Ġdo tado","u tar","Ġgu antes","Ġbo letos","ést or","Ġmexic anas","ĠG N","Ġperder se","Ġnubl ado","F e","erv o","Ġven imos","ĠG ig","ĠBlue tooth","il ancia","Ġprim ario","po ca","Ġadelan to","ĠZel anda","B B","Ġpac ÃŃfica","Ġf ide","Ġperf ume","Ġar quero","ĠNuev as","m á","ĠIn mobil","ĠOc t","Ġra yas","Ġases inos","Ġgan aron","Ġdefin idos","Ġgarantiz an","Ġauxiliar es","Cuán to","ĠAnal y","Ġfin as","Ġentra ñ","lar se","ĠBo de","b oy","Ġz ana","Ġplan ea","e dia","Ġd adas","Ġt entación","Ġnucle ares","Ġbode gas","Ġtr ÃŃo","ò n","Ġpro gen","ĠT EC","ĠInstitu cional","so cial","v oc","s ent","Ġsocio econ","ĠEs os","F un","gen as","Ġbarb acoa","Ġcir co","Ġacompañ antes","ĠAb ierto","Ġeconom ista","Ġconden ados","ĠDoctor ado","ver tir","Ġcons istencia","Ġ19 36","Ġcer radas","on ada","Ġasfal to","E res","j aron","Ġconsegu imos","Ġfin aliza","Ġamor tigu","Ġconcep tual","Ġadmi ra","Ġinterpre tado","Ġacre edores","Ġfer rocarril","ĠA se","ul es","Ġestar é","Ġautor iza","Ġalum b","c racia","Ġdispar ar","Ġor eja","Ġtu vieran","Ġteór icos","ĠD ibu","Ġcoloc ó","tán eas","Ġ/ /","Ġtron co","ĠEx po","ĠAl z","Ġcontin ental","ĠUr bano","il able","ĠD icha","Ġalter ar","Ġalmacen es","Ġconsider adas","dil lera","Ġorden a","Ġ197 4","Ġpas iones","Ġreac tiv","Ġreemp laz","Ġnul idad","ĠB BC","we i","ĠEnfer merÃŃa","Ġcolor ido","señ or","ul ip","ĠJohn son","Ġhin cha","Ġdesas tres","Ġreduc en","ĠX L","ĠGer ente","ĠGe org","U AL","vi ra","ĠGab ri","ĠAl ber","Ġan arqu","ĠEcon om","G P","ch en","Ġtransforma ciones","Ġme tió","Ġac op","Ġtrans ferencias","Ġdegust ar","Ġmas ter","Ġfelici tar","aj ust","Ġpost ul","ĠA genda","Ġdistribu idos","ĠArt ÃŃculos","v or","ph one","ĠK it","Ġvol vÃŃa","Ġinten sos","Ġtemp los","lan ta","is es","Ġregist rarse","Ġab rum","n on","Ġpresentar án","Ġar omas","Ġm y","le ar","ĠP ales","ĠVill al","g amiento","Ġle ña","Ġconces iones","Ġconsidera ba","ĠQuer étaro","Ġfran ja","Ġproduc tivas","Ġcaus an","ĠL iv","Ġtum or","Ġra mo","Ġe d","ĠM B","gra ph","ĠCap itán","Incl uso","ĠCe cilia","ĠD ÃŃas","Ġil usiones","Ġinsu ficiencia","dar d","Ġam ino","Ġmagist rados","Ġsel los","ĠP om","Ġacadém icas","Ġagra v","Ġsu ciedad","Ġempi ece","Ġilust ra","Ġanfitri ón","ĠPu tas","ton io","ĠV lad","Ġclas ifica","ĠBo x","Ġpremi um","P EC","Ġcu enten","Ġra y","Ġoportun a","ti dor","ĠOc ta","Ġver dades","Ġpo ética","N S","er ial","âĢĿ ).","Ġdu do","ĠLu x","Ġrestr icción","Ġestric to","M á","Qu ien","igh ts","Ġdesf avor","Ġrec to","bl ar","ĠV ino","ĠNe gra","Ġvib ra","Ġsi te","ĠHer ramientas","ĠV itoria","Ġcompos iciones","h as","ten os","cer ca","Ġf lan","Ġcomen cé","Ġgrie gos","Ġsust ra","Ġbl ack","Ġanécdo tas","ic ó","Ġr aras","fec ción","ĠCir cuito","ró geno","ĠHab rá","Ġbur guesÃŃa","Ġcompl icidad","Ġrecha zado","tor iamente","ĠTa ilandia","ĠEd gar","Ġlle gas","temp orada","\" ...","Ġca f","Ġvac unas","Ġg ro","Ġmay ús","Ġmostra ba","éndo la","ĠSosten ible","ĠW at","R ob","tu rismo","Ġdo ña","ĠMar bella","Ġesca para","ĠBB VA","Ġc itados","Ġmar inos","Ġderro tas","S itu","Ġbusc ó","Ġrecor te","Ġinm or","ĠHa ga","Ġacer can","ul ce","Ġpa pas","Ġpublici tarios","ĠDi jo","Ġco oper","âĢ¦âĢ¦ âĢ¦âĢ¦","Ġagu da","Ġases inados","ĠG ana","Ġlap so","un dan","ĠS as","Ġinteres an","ĠP LA","TR UC","ĠMa ñana","Ġorganiz adas","Ġpreten dÃŃa","ĠTerri torial","p lante","fo x","Ġvi abilidad","ĠIn dic","Ġestro pe","AN DO","Ġalcan tar","Ġdescrib en","Ġso cor","can s","Ġacer c","Emp resa","mo der","ir us","Ġan tiv","ARI OS","Ġedi tores","ĠCre ación","Ġinscrib irse","Ġjer arquÃŃa","Ġocup ó","Ġcerem on","s el","ĠM emor","Ġfemin ista","Ġdar emos","H as","Ġdedic arse","ĠEn car","Ġest res","ĠFran ces","án eo","ĠespÃŃritu s","Ġdi mos","ĠCár denas","Ġa diós","Ġextra ter","Ġdeclar ada","ĠMo di","Ġcontes tó","Ġm ÃŃtico","Ġpos es","ĠCh u","Ġvi able","Ġembaj ada","Ġdesagrad able","ĠDu ran","E di","ĠV ac","Ġllam aron","tor rent","Ġred onde","Ġfilóso fo","Ġtrá iler","Ġperten encia","ĠGuar da","Ġver b","ĠC ENT","? -","Ġra cha","ĠInv ierno","ĠContac to","Ġdevo ción","Ġexist ido","g rano","ĠB ust","qu ien","Ġavis os","ĠAn tio","Ġo don","ĠCu entas","ĠSá bado","Ġaproxim ado","Ġocta vos","/ .","Ġconvers ar","ĠTuc umán","Ġbar ran","Ar ch","Ġcritic ar","Ġproce derá","ĠHo teles","Ġstre aming","ĠC ay","Ġnota bles","Ġaje drez","ed y","Ġmin orÃŃa","ĠCor reo","Ġrespec tiva","Ġtribu to","Ġextraord inarias","ĠCir ugÃŃa","dos a","es pecial","Ġentr aron","Ġdesen f","Ġentreten ido","S ub","ĠG imnas","ĠÃī sta","Ġaum entos","Ġtranquil os","Ġtern ura","Ġsilic ona","ĠL lo","Ġanci ano","& #","ĠRob in","gl ish","Ġsos tienen","Ġtác til","ĠRies gos","Ġlider ado","ĠCateg orÃŃa","ĠN aran","ĠJo han","Ġindi ferente","Pre gun","N uevo","-------- --------","p ino","ĠBus h","U A","@@@@@@@@ @@@@@@@@","Ġbol sos","Ġmagist rado","Ġbesti a","N adie","Ġdirec trices","Ġquer ÃŃamos","T ar","ĠPo tos","Ġimag inario","Ġauric ulares","Ġestudi antil","ĠF uen","Ġman go","ĠStu dio","Ġrebel des","ĠComp rar","Ġgri pe","Ġacces orio","we et","Ġj ar","ĠEst ilo","Ġf ro","ĠDin amarca","Ġmal eta","Ġparlam entaria","ĠReg ist","ĠClas e","l um","ĠToy ota","ĠJu ana","esti m","Ġmedi anas","Ġli quidez","ĠCuar to","n el","Ġob ispos","ĠSud américa","Ġec ológicos","Ġdoctor ado","Ġ és","Ġind icación","Ġrela jar","Ġad icción","ĠP ack","duci do"," ¨","Ġbon dad","O fre","and y","Ġ19 50","ĠMercan til","Ġn acen","Ġcar idad","ĠGreg orio","Ġfer til","ĠBoliv ariana","Ġantioxid antes","l ación","Ġinvestig adora","is i","Ġma x","ĠVer dad","Ġprece dente","Ġpreocup ante","Ġcomien ce","Ġpele as","Ġcu pones","Ġpas as","Ġllama tivo","ĠSala zar","te to","Ġmen ús","Ġpal p","ĠBan k","ĠI ES","gu aya","Ġtem er","i arse","Ġimp a","ti ente","Ġcarbo hidratos","Ġmejor an","Ġestable zca","IS A","Ġas amble","ág ina","ĠMana gement","Ġcan tando","Ġg it","Ġdi ar","Ġne to","Ġdese ada","Ġexist ÃŃan","Ġ- .","ón gase","Ġapropi ada","T a","Ġo ye","Ġres eñas","pu ra","Ġmultina cional","Ġ- >","l ib","u dad","Ġâ ĸ","Ġl itro","Ġimp lÃŃ","Ġpos ts","Ġv iste","Ġesper ada","ĠPlay Station","ĠRom ano","U ES","Ġplen itud","tr óp","Ġcent rada","Ġmicró fono","Ġt as","ĠOrig inal","Ġpres tan","Ġse pas","Ġpe dÃŃa","Ġsinc era","\" ;","Ġdi rá","Ġimp o","ĠSol id","Ġgrande za","Ġnorte americanos","ad illo","F ES","ĠI di","Ġextra ñas","ĠClin ton","ĠAs socia","Ġabur rido","s ólo","f obia","Ġeng lo","GRA MA","Ġcab ez","Ġcicl ista","á mp","Ġpropor ciones","ac tivo","ĠAbra ham","ci ados","in da","Ġbenefici arse","F ern","Ġre puesto","ĠCo okies","Ġcrea tivas","ĠSal ta","Ġen ca","Ġestim ación","ĠUn as","iar ias","Ġapun tado","Ġautó c","em on","Ġsopor ta","Ġpas ivo","ĠDra gon","ĠG RAN","Ġsuav idad","ĠDemocr ática","Ġton to","Ġtercer as","Ġrap ido","Ġderiv ada","Ġsu presión","ĠMa teriales","ĠPR D","Ġdesn udas","Ġdespe dir","Ġdisfra ces",") ...","ajua to","ázar o","ĠRog er","Ġmo jado","ga te","Ġflex ibles","Ġv istos","ĠG r","Ġteór ica","Ġsac an","Ñ Į","Ġz umo","Ġrum or","è s","Ġejecu ta","Ġpermi tieron","Ġn adar","Ġrepor tó","Ġayudar nos","Ġnovedos o","Ġcel os","ĠPerio dismo","Ġsus ur","C las","Ġcaus ados","con oci","gues as","Ġespl én","ur y","Ġve cinas","ĠH ong","Ġvers átil","Ġtriun fos","c us","ĠE fe","cis co","ĠCOM UN","Ġdemas iados","Ġhuman itaria","Ġinst antes","ĠH ero","Ġhe p","ĠFel iz","u mos","tu osos","ĠV elas","Ġgobern ante","ĠCort és","Ġse di","ĠX ia","ĠIm ágenes","Ġmolé culas","Ġrebel ión","Ġpróx imamente","Ġpsi quia","Ġfres cas","Ġconj un","Dis eño","ĠD ado","Ġseñal ando","Ġpa usa","Ġtranscur rido","ĠCro acia","ĠN adal","Ġvac ÃŃa","Ġrebaj as","Ġvocab ulario","Ġp aja","fin anci","ĠSal as","ĠNeces ita","qu ista","Ġreflex ion","Ġsimp a","er ie","ĠVe ter","Ġaprob ados","Ġpotencial mente","ĠGol fo","ĠSuperinten dencia","ĠM ÃģS","Ġculp ables","ĠCan c","ĠLis boa","ĠMatem áticas","ĠBat man","ĠAn to","Ġreproduc tor","Ġcri anza","Ġconsul tora","ĠV ila","Ġpar ciales","ĠR ED","e gu","Ġdef endido","ĠN ico","Ġrepubl icanos","Ġsistem ática","Ġpor terÃŃa","ĠS IM","Ġma tó","Ġev acu","Ġingen io","Ġac h","Ġsalv ajes","Ġnorma tivas","Ġde ficiencias","Ġam ores","ĠH onda","ips is","Ġlide ra","Ġn in","ĠH id","Ġincom ple","I ma","ĠAplic ación","Ġconsec ución","ri dades","Ġpreocu par","Ġf eo","ruc e","Ġvendi endo","Ġp abellón","cre o","Ġmayor ia","Ġre ba","ti ci","Ġvia jó","Ġmar cados","ten go","ia t","Ġcaba ña","Ġinterac ciones","blogs pot","G AN","Ġdesp le","Ġtendr é","Ġemple ada","Ġri ge","Ġadmi tió","Ġtermin ando","Ġsign ificar","Ġmanio bras","óst ol","tor y","cri tas","ĠAn exo","ĠPo tter","Ġocta va","Ġp irámi","ist ado","Ġanim ar","ĠMar ÃŃn","aliz aron","Bien venido","Ġca dera","Ġele f","Ġcru zado","ino psis","ĠM r","P AL","H S","ĠAF P","Ġevalu aciones","Ġdivis iones","ĠVal e","Ġu tens","ĠJosep h","Ġcon fer","ĠPol ar","en ció","Ġvuel van","com p","Ġtradu cido","ĠpolÃŃt icamente","Ġis lam","Ġobs esión","Ġd inosau","Ġinici ará","ĠVal de","Ġtransfer ir","T or","Ġam e","Ġnacional ismo","I ES","Ġfol k","Ġcúp ula","ist ad","ĠW ay","Ġdirec tas","ĠP acto","Ġpublic an","Ġante pas","Ġorient ar","ci f","ĠA vi","ĠEmbaj ada","âĢĿ ),","ĠParti ci","Ġres gu","h r","Ġab ono","Ġmer amente","Dis pon","Ġbenef icia","Ġven as","Ġpes adilla","Ġest ables","vi dentemente","Ġcomun istas","ĠQ ues","ĠAl m","in stein","Ġencar gó","ĠHern án","Ġenvi ando","Ġpres unta","Ġres titu","ĠB es","Ġparlam entarios","AL L","ĠW ikipedia","Ġac el","ĠGRA TIS","ĠComun ista","Ġfren os","Ġsosp echos","Ġf ull","Con oce","Ġsepar adas","gen er","ĠN utrición","ĠSegura mente","Ġrever tir","ĠH ur","Ġasequ ible","Ġob rera","Ġmoder ado","Ġfotó grafos","Ġlevan tado","Ġasist ió","Ġrecib idas","ĠTemp lo","ĠFigu ra","ri ma","ĠRena ult","Cas i","ĠFron tera","S é","Ġgu ionista","Ġaplic arse","Ġmanual idades","ver n","y m","Ġtra ck","Ġrelaj ante","Ġp se","Ġj al","X ICO","Ġfoto gráfico","li quen","Ġro dar","Ġindic ados","Ġso dio","r ara","Ġno bles","Ġcomp resión","P ON","ĠCentro américa","b ina","Ġyo gur","ĠD O","ón imos","ĠM AT","ĠG ames","Ġambi ción","Jes ús","Ġmetodo l","Ġn ut","Ġpres untos","tó rica","Ġgratu itamente","Ġcre yentes","ĠDo ña","Ġevangel io","ĠF res","Ġpul mon","Ġestudi ó","Ġguitar rista","ci ada","ĠCo ca","Ġocta vo","è n","Ġdesarrol los","ĠL ong","pe te","Ġaten dido","ĠV arios","Ġr al","Ġcor tinas","Ġfin cas","Ġcr om","Ġjo venes","ĠO blig","Ġinforma tivos","Ġhon estidad","ff et","Ġneces itará","ie ga","Ġdecir se","Ġincrement ado","Ġaval an","ĠN éstor","Ġmin ero","ĠFre d","Ġcontrar res","de ste","ĠUS U","Ġges tación","Ġf rio","Ġgen oci","Ġp ó","ĠNuev os","Ho tel","in st","Ġro bado","Ġveter ano","Ġestatu a","ĠAu gusto","ĠCor e","Ġconsum en","Ġamp ar","Ġcan tantes","en cio","ĠB esos","Ġvice versa","Ġm im","ĠH ierro","Ġnov el","Ġexten siones","ĠlegÃŃ timo","Ġtermin ación","ĠM ila","Ġperu anos","ĠBos que","ĠC IA","Ġrecomend ada","Ġconce dido","omb o","it és","Ġestatu tos","Ġan on","ĠW W","Ġform ados","Ġdemas iadas","Ġam ables","emb ras","Bo ok","G al","Ġan estes","Ġconocer se","g ir","Ġinvers or","Ġjub ilados","Ġbo letÃŃn","Ġacum ular","Ġen gran","Ġgana derÃŃa","Ġnutri cional","Ġinspir ada","Ġmetál ica","Ġexquis ito","Ġcómo damente","Ġcor aje","Ġop cional","Ġcaj ón","S tar","ci ma","ĠFuer te","Ġacompañ ó","l icas","Ġsospech oso","Ġsus crito","ĠAn der","Ġtor tur","Ġincluy a","ĠCon tiene","es tu","ĠA um","Ġautén ticos","ĠGal erÃŃa","Ġla ber","Ġespeci fica","domin io","Ġ ),","Ġestad ÃŃa","Ġ197 2","m era","ĠT ime","Ġri tuales","ID OS","Ġto caba","et te","Ġutil idades","Ġint ente","ul um","Ġpe inado","ĠInter és","ĠMa h","Ġperson alización","ĠProce dimiento","C AN","ĠR ivas","ĠAs h","Ġaé reas","ti me","Ġcuan tita","ĠDeb er","ĠAses or","Ġacompañ ante","al s","l eros","il ios","Ġpo tes","Ġman cha","Ġterri toriales","Ġencabez ado","ĠMor elos","Ġpar ados","co pa","ĠP M","Ġcu ida","ĠCon n","Ġemple an","Ġcolch ón","ĠNel son","Ġprivileg iada","Ġaudi encias","Ġembarca ciones","Ġdescendi entes","Ġocur riendo","Ġcor do","Ġabon ar","Ġcadáver es","tic ar","uch os","on to","Ġir an","termin ación","Ġbuc eo","oc ado","ĠMi x","entar ias","Ġli diar","ĠC ER","IEN TE","Ġg ad","ĠX IV","fer entes","Ġcr ono","Ġdiscrim ina","Pro grama","ip ié","Ġacus ó","IL L","Ġauto con","Ġp ir","Ġposi tivamente","Ġreserv ados","Ġf os","guar dar","Ġn ic","Ġesta fa","Ġt ech","Ġfar macias","Ġafec tando","Ġpas illos","tol ógico","se la","Ġproto tipo","ambi ente","vi ado","? âĢĿ.","ch t","Ġimp era","Ġc ib","! \"","pan ish","ĠTaller es","ci entemente","ĠVers ión","ĠSal inas","Ġdefini ciones","Ð ĵ","ĠVé lez","Ġefectu ado","Ġmedi ciones","Ġir respons","Ġder ram","Ġpar tÃŃ","Ġgener ados","Ġan tena","Ġco tiz","ĠI bar","Ġlin ks","Ġjurisp rudencia","ĠF ull","Ġé tico","rea k","ĠEsco bar","D EN","B ER","Ġ24 0","Ġtrip ulación","Ġseg mentos","Ġprestig ioso","Ġcó r","Ġmer ecido","Ġca iga","Ġb ell","ga ta","Ġescuch ó","Ġprofun diz","Ġreembol so","Ġproble máticas","Ġna ta","gen era","Ġdisfru tamos","Ġno tado","Ġespes or","Ġinaugu rado","ĠO k","Ġcal ib","ĠMon taña","Ġbi ológica","Ġsometer se","ĠD T","Ġind ud","Ġtelef ónicas","Ġamist oso","Ġes cur","pe o","ĠJ r","gu erra","ĠRoc ÃŃo","in fo","Ġve ÃŃan","Ġsegu iremos","Ġal usión","ĠH ubo","ĠActu alidad","p per","Ġadqui rió","ĠTe orÃŃa","Ġcontrad icción","Ġconsol as","Ġejerci tar","Ġagu ja","Ġlin f","Ġrequer ir","ĠUn idades","cu al","Ġrefrig er","Ġ11 5","Ġrequier an","ĠUN AM","ijo te","Ġinfl uyen","Ġabund antes","ĠBr uno","aj illas","ĠN ex","Ġelev adas","Ġpu ñado","Ġden e","ÃŃr culo","ĠL ula","Ġcons igna","ĠAudi torio","Ġrepresent ada","ĠR onda","Ġdisfru ten","Ġaconsej able","Ġrecord aba","Ġfran co","ĠestÃŃm ulos","Ġvac as","ĠVol kswagen","ĠMel illa","Ġais lado","h ue","ĠZ ar","Ġtranquil amente","Ġpres ionar","Ġser ias","ĠW es","Con tra","ci tación","Ġrec ort","Ġespir al","Ġpl umas","ĠAp licaciones","Ġla zo","Ġconstitu ida","à «","ĠB rad","Ġgastron ómica","ĠM enos","ĠCon tamos","ĠCom ún","é ticamente","ĠPlan eta","Ġlook s","Ġaj enas","tecn ologÃŃa","Ġra yo","Ġanaliz ando","in ch","Medi ante","Ġestim ulación","Ġdorm ido","ul oso","Ġca ñ","ĠSe at","Z apa","Ġconserv ador","Ġdesh idra","Ġpe d","Ġaconse ja","P H","Ġas ilo","Ġsustent able","Ġac ento","Ġpromo cionales","c s","Ġinmejor able","t v","ho use","Ãī S","Ġah og","Ġpl ur","Ġintent aba","uev os","Ġejecut ado","ĠGab inete","Ġestu vieran","Ġt icket","Ġ3 000","Ġconmemor ación","PU B","ĠAdri án","t omÃŃa","Ġmuch ÃŃsimos","g ras","polit ano","R AS","tr é","b ando","Ġdel gada","Ġcontribu ido","Ġgay s","ros as","Ġ9 78","Ġautor izada","Ġconduci do","v idos","Ġcomenz aba","G AR","Ġhin chas","Ġcub ren","Ġecu ación","b rica","Ġdest inar","ĠPRI M","Ġm uc","Ġseleccion e","ĠV iena","leg as","Ġhem bra","Ġmetodo logÃŃas","b ó","Ġconcur s","ĠZ ara","Ġc iego","Ġdi ur","ĠC ross","ĠEv entos","Ġrid ÃŃculo","B as","Ġencon tre","in arse","Ġvi ñe","Ġtable ta","Ġaus p","Ġdef endió","Ġsuminist ros","ĠAn th","ĠK u","Ġagres ivo","Ġhelicóp tero","á ñez","Ġar om","Ġsi entas","Ġesca p","Ġcap rich","é ri","Ġabaste cimiento","Ġre puestos","ĠprohÃŃ be","Ġcan ela","Ġre tener","ÃŃcul um","Ġcoloc an","ï¼ Į","ĠW ork","ul ando","Ġmuel le","il s","CU LO","Ġenseñ ado","ĠDis pone","Ġdiri gen","Ġserp iente","Ġactiv ado","m ic","Ġproces ión","Ġdispu tará","ĠDes p","Ġgener osidad","Ġexpres an","Ġenf o","pue de","Ġen ta","Ġcorpora tivo","Ġimp iden","Ġvar ón","Ġlig ado","ĠSteph en","Ġvalent ÃŃa","Ġsol tera","Ġop ina","Ġviv ÃŃan","ĠdifÃŃcil mente","Ġcho fer","Ġdiferenci ar","Ġinter con","Ġafirma ciones","Ġnum er","ĠH oras","Ġd úo","ton as","Ġu va","Cons ul","Ġsemin arios","Ġanticip ación","al an","ĠArro yo","ĠRel ig","F und","Ġcu ración","ĠAl quiler","Ġapren den","des l","Ġ15 00","Ġenseñ ó","Z O","Ġatmos f","ĠM isa","Ġprop iamente","ĠJos ef","]âĢĭ [","tr án","Ġma go","Ġaudi torio","Ġembal aje","R C","it tle","Ġla guna","uch es","pol is","ĠRecom end","ĠL t","Ġpe dia","Ġgust en","Ġmon itores","Ġenrique ce","Ġdescub rÃŃ","ĠMens ajes","ĠD ice","ĠYo ga","Ġdesconoci miento","Ġencan tadora","M ir","ĠR ick","ĠBuen as","ĠCán cer","Ġmarc adores","ĠF lam","és el","!! !!!","Ġsuf rieron","ĠGin ebra","ĠPap el","ĠG ala","ĠâĢ º","Ġsolici te","po der","Ġvis a","Ġo jalá","Ġper sever","Ġpersegu ir","Ġconserv an","ich as","ĠTer cer","Ġlo tes","Ġdes echos","Ġconfigu ra","Ġac ude","an álisis","tec nia","Ġfr ÃŃos","ĠMo bile","men os","Ġencuent res","Ġpl át","Ġaerol ÃŃnea","k an","ĠC ano","Ġalcan zando","Recuer da","Ġd ragón","Ġindiscu tible","Ġla min","U P","Ġdetec ta","á ramos","Ġta ur","Ġbr us","ĠSu pongo","Ġpropor cionado","ĠMay ores","Ġs n","Ġmon asterio","alo a","Ġmis m","Ġmeta f","Ġtable ts","ĠLegisla tura","Ġexten dió","Ġe b","Ġcel da","Ġdel gado","ĠCar d","Ġgrad ualmente","r ina","ĠT ER","ĠÃŃn tima","iver pool","Ġcóm ics","Ġcor dón","Ġfun dadores","ĠV eci","V iv","Ġtempor almente","Ġprelim inar","j im","is fer","Ġobje tiva","para ÃŃso","Ġpsic ólogo","ĠE ran","ĠCons ell","Ġdue ña","por ta","Ġque das","Ġun ida","ĠL and","Ġresul tante","Ġtac ón","Ġactiv ista","Ġpe gado","voca toria","ĠJava Script","Ġinvestig ando","Ġfi jas","y ug","Ġhistór icamente","ĠT RAN","re v","di éndose","ter io","Ġdesempeñ ar","Ġpu reza","ĠMe te","ĠCons umo","+ ]","Ġelim inando","Ġpal eta","Ġvul gar","ĠPel ÃŃculas","tos hop","Ġpres ide","N D","k is","Ġgras os","Ġgir as","Ġmanten ÃŃa","E uro","et y","Ġun ió","ĠC ielo","Ġcor tado","ĠHa w","ĠAdo be","Ġdiscapa ci","Ġdis olución","tal o","ĠCo ch","ĠEn s","cas i","Quiz ás","Ġh rs","ĠLa w","Ġhacer los","Ġfe dera","ĠG rad","Ġocup ados","ĠS es","a tivo","Ġdese es","ĠT érminos","Ġcultiv ar","ĠN as","pro yecto","ri an","ĠRecuer do","Ġqu esos","Ġconviv ir","ĠOfre ce","Ġmar chas","Ġv ener","ĠHum ano","ĠTer uel","Ġdefien den","Ġespe jos","Ġpaul at","Ġnacional istas","ĠS MS","Ġdom ina","Ġcar gador","Ġregul an","ĠFilip inas","ac on","fec tos","ĠNa talia","Ġrev al","Ġtan ques","ĠRes ulta","oz co","Ġf ilo","Ġfes tivos","con f","d ge","Ġexces ivamente","ĠL um","t ento","Ġpres cripción","ĠAlej andra","Ġop inar","Ġrique zas","Ġentre gados","ĠTrans portes","Ġestim ula","Ġbi ológico","lo ck","Ġsob rena","ĠP OS","Ġmir an","O tras","De ja","Ġ196 9","ĠIn dÃŃ","Ġd ÃŃg","Ġsacar le","ĠNa ve","Ġsuce den","quil a","Ġan taño","Ġenv ol","Ġd am","Ġlib era","oma gn","Ġescul turas","E qui","ĠF ort","Ġg lam","Ġapasion ante","dar ia","in gu","Ġsec undar","Ġhe bre","Ġfalle cidos","Ġcontrad icciones","Ġplas ma","ĠMe ga","Ġ196 7","Ġdescub riendo","que t","ĠTe ma","S D","Ġle ves","v idas","Ġsocial mente","Ġsim ulación","i ante","ĠP adres","ĠEspe ciales","ĠGal lar","Ġpy mes","ĠW EB","ag s","D av","ĠN I","Ġp ilar","Ġcar gada","ĠPe da","ĠNA CIONAL","ĠL ázaro","x el","Ġa tas","Ġin jer","Ġmal etas","Ġcoinci dir","ĠL ight","Ġenferm era","S em","âĢ¦ ,","Ġpuls ar","frad ÃŃa","ĠA dap","Ġcorte za","Ġexp ro","ĠD if","ĠClo ud","Ġyo ur","ion ados","Ġan omal","ĠNa zar","Ġdomést ica","Ġaver ÃŃas","ĠS ign","ĠOfre cemos","ur ó","Ġpura mente","ĠTrans parencia","ĠS iendo","Ġsi embra","Ġapre h","Ġocul tos","Ġ7 50","Ġválv ula","CO O","ĠPrima vera","M ig","Ġcomplementar ias","> >","Com un","den cial","Ġval en","ĠAs oci","Ġofre ci","tor e","ĠG rupos","Ġcontin entes","Ġc era","ĠAnti gua","Ġprivileg iado","Ġpira tas","ĠGer encia","ut y","Ġdo tación","ĠSO BRE","Ġater riz","ĠTech n","ĠPo drÃŃa","Ġprecip itaciones","ĠPo drás","f l","iz adores","Ġenvi ada","Ġsu yas","ĠD y","Ġse quÃŃa","ĠA riel","Ġdivers a","ĠS ecu","Ġev a","Ġgarantiz ando","Ġcab ida","Ġrequer imiento","Ġprome tió","ĠDoc ente","AM A","Ġen do","ĠPue blos","Ġvis iones","Ġdefin ió","Re al","Ġinjust o","Ġtir ada","Ġab ras","tr u","Ġinter rupción","Ġcar rito","Ġencontrar án","ĠAr mas","Ġdibu j","Ġremo ta","Ġa va","Ġpregun té","ĠGuan ajuato","Ġcomun itarios","ĠLe w","su per","Ġform almente","Ġsan eamiento","ter es","Ġcal ificaciones","ĠRes pecto","cam pe","Ġlad rillo","Ġinesta bilidad","z or","Ġdesplaz amientos","Ġenfa tizó","pp ing","Ġ% ,","Ġsobre peso","Ġincorpor an","Ġdescar tar","ĠV arela","Ġsuces or","Ġimperme abil","Ġaf e","Cu enta","Ġemp aque","Ġinv itan","Ġdes al","ĠG im","Ġcoman dos","Ġanunci aron","ĠPV C","T ener","ific adas","ĠEl ÃŃas","Ġtrav esÃŃa","man as","Ġtable tas","p ing","Ġprohib ida","ust ro","Ġcomba tes","Ġconvoc ó","Ġdes embol","Ġol vide","Ġinstal ados","Ġcomp asión","Ġsorpren dentes","Ġna cida","Ġro tura","ea t","ó ticos","Ġtraduc ciones","Ġprede termin","ĠL ista","b ell","ĠCor re","Ġpropor cional","Ãij OS","Ġencab eza","ti éndose","ĠBar ack","Disfru ta","ĠPotos ÃŃ","Ġsab io","Ġhábi tat","ĠGaran tÃŃa","Ġrespe ta","Ġorganiz ador","Ġmatem ática","Ġor ques","Ġsolici tante","Ġviv as","Ġenrique cer","Ġaspir ante","Pos teriormente","Ġsec ado","ĠRev olucion","ĠNe uro","Ġapa gar","ĠO peración","ĠBel grano","Ġpar an","ten ido","Ġconfes ó","ĠCu p","Ġb onaer","Ġmarc ando","Ġcru j","ĠN orth","Ġà ij","Ġconfec ción","Ġcara vana","Ġden tales","Ġlev adura","Ġautoma tización","\" ).","ĠPERS ON","in ará","ĠE PUB","ust on","Ġpien se","ĠAcos ta","ĠNo kia","Ġinter cep","Ġsolici tados","Ġper i","Se lec","ĠCol o","Ġl un","Ġcatal o","Ġvay amos","ĠÃŃntegra mente","Ġregul ador","h y","an ual","tas io","Ġgener alizada","ĠV uelta","Ġmár genes","Ġve is","Ġaten cion","Ġ197 1","ĠS oc","ĠSan z","c óp","Ġab rieron","ĠK ey","Ġta par","ĠCoordin ador","Ġpres cin","ĠF lu","Ġer gon","Ġsuspendi do","Ġaprovech ado","Ġmister iosa","im ir","ber ry","di f","car se","Ġtar ot","Ġvel ada","ac tiva","ĠFer rer","Ġescrib en","ĠSoci edades","Ġvulner able","Ġtra tamos","ĠAc tividad","Ġempez aba","Ġsub en","Ġgor do","Ġgobern adores","Ġe uf","ĠA man","Ġimp utado","Serv icio","ro co","Ġentregar on","i arios","c ena","E v","Ġrefer ida","Ġdescub rimientos","IS T","ĠRo dolfo","Ġsen deros","ó j","Ġinten sas","Ġcortes ÃŃa","Ġbel ga","Ġdic ta","Ha z","duc tor","Ġfirm es","Ġco e","Ġutiliz o","Ġpermitir ÃŃa","ĠB un","Ġat leta","stitu cional","Ġlatino americano","M L","ĠA parte","Ġé ramos","minist ra","Ġsubsi di","Ġco he","Ġacci dental","Ġbal anza","Ġsimb ólico","Ġre j","Ġac trices","ĠCon ocimiento","ĠS P","Ġob tuvieron","oso tras","Ġconv ento","la o","ĠE res","Ġtra ición","Ġimpre gn","Ġluch an","ĠAé rea","Ġvit alidad","ipié lago","C AL","Cons ide","Ġconven cidos","p ÃŃa","Ġimpos ibles","Ġtum ores","Ġs ic","Ġrendi mientos","Ġline amientos","ri ty","Ġz ur","Ġempren de","ĠHora cio","Ġmotocicle ta","ĠBo w","Ġvolun tariamente","Ġregener ación","E I","Ġcon torno","Ġenci er","Ġcon gresos","ba i","Ġre i","ĠSport s","Ġorden ada","Ġpasaj ero","Ġan ular","Ġgener ada","Ġdespre cio","Ġcomple tado","Ġquer iendo","Ġretro ceso","vol ta","Ġmar tillo","e lo","Ġnie bla","ĠL lor","Ġtoma tes","Al guien","ĠTRA BA","Ġdec ente","Ġagar re","Ġtras lada","ĠTay lor","d amiento","le gos","Ġart ÃŃsticos","is ion","Ġva is","Ġelectrón icas","Ġpen itenci","ĠSin aloa","Ġestudi an","Ġalterna tivos","Ġpareci era","éndo les","T B","Ġfor zar","â ĸ","Ġlin das","ĠCam bie","Ġtro feo","Ġenv ase","r ÃŃo","Ġcas era","ĠGabri ela","Ġlogra mos","ĠA rist","rim e","Ġus ó","r icos","ĠBo u","Ġatrac tivas","Ġconstru idos","ĠDu arte","Ġatraves ar","Ġdem ol","Ġcons ent","Ġencontr ando","Ġprodu jeron","Ġsuce da","Ġcor al","Ġan alizado","Ġma f","Ġinsul tos","Ġtransform ado","m iendo","Ġtec las","c n","Ġal udi","Ġto allas","ĠK ir","Ġcláus ulas","Ġburbu ja","ti tis","Ġrefle jado","Ġb ob","Ġfres cura","ĠSent encia","le ge","ĠAf gan","Ãļ BL","ĠFOR MA","min g","ĠP ur","Ġma quinas","Ġpol o","Ġarm arios","qu ÃŃn","Ġopos itor","ĠInst rum","ro ja","Ġle ido","s ur","Ġcar ecen","Ġtec la","Ġvolver ÃŃa","l lo","Ġpla gas","Ġrecor riendo","ĠRos s","Ġcontemporán eos","Ġv iuda","ĠContemp orán","Ġd ri","ĠIngenier os","ĠHerman os","Ġdese aba","Ġhol an","Ġalberg ue","gra mos","Ġinvoluc rado","Ġcorpor ales","ó mi","Ġconec tarse","Ġbru to","Ġejer cen","ĠA con","Ġcol ombia","Ġplan tar","Ġimp licaciones","Ġcritic ado","ĠCa ixa","ĠAten as","Ġamino á","Ġh ito","des arrol","Ġin no","ENTA CIÃĵN","Ġneces it","ĠPa go","ren e","Ġproteg idas","Ġaus ente","Ġsug ieren","Ġen gor","Ġretir ó","Ġofrecer te","Ġorden ación","ĠNo va","ĠQu ijote","des es","ĠL IB","Ġlib rerÃŃas","Ġinverna dero","Ġciruj ano","Ġescrib ÃŃ","Ġpareci dos","c amp","ĠRespons able","Ġmal e","c encia","Ġintercambi os","TI F","Ġsent ada","Ġproyec ta","ĠC og","eta fe","Ġti ps","Ġvendi ó","is cal","v adas","Ġe pi","Ġcontrol ador","ĠBro ok","ĠCon tral","i tivamente","Ġinter locu","R OS","Ġque hacer","ĠAl terna","Ġbenefici ar","Ġrevis iones","Ġjun tar","Ġenamor ada","to grafÃŃa","Ġequip adas","G rupo","Ġcan nabis","Ġen horabuena","ĠN acho","k as","Ġabdomin al","Ġmus culares","ran g","Ġform ular","Ġinoc entes","Ġequ ita","Ġoptim ista","Ġpas ara","Ġentre gan","plic ó","ĠCu ad","ly n","ĠAma z","Ġobten ga","Ġrefrig eración","Ġpon te","ju ana","ĠTab la","Ġsu izo","ur met","Ġgir os","Ġcre amos","ucar istÃŃa","ĠJo urnal","Ġse tiembre","ĠL lan","ém ica","Ġmach os","Ġguar dan","de moc","rech o","Ġpin ch","Ġeli jas","S istema","Ġg arra","Ġrecre ación","que tes","Ġtes oros","Ġidón eo","Ġcosm ética","ĠRe don","Ġmil en","ĠLor ca","Ġsuje ción","Ġmadrile ña","est res","ĠAD MINIS","Ġdesl iz","Ġrecep tores","ĠMar s","Segu ro","ĠR R","Ġcomp la","Ġpas arela","ĠCon tr","ĠUn ida","Ġpod és","ĠObje tivo","ĠDepartam ental","Ġcoinci dencia","y right","Ġale jar","ĠCanc ún","ĠCas ino","ĠAb el","Ġlingü ÃŃstica","Ġt il","Ġru bio","Ġgl ánd","ĠDes carga","ci sión","yo u","Ġt ig","Ġinci so","Ġ\" ¡","ĠBar b","Ġinfin ita","Ġsubs ecre","Ġne gado","Ġpl ie","Ġdespla zar","T h","ĠDo ble","Ġinf racciones","ĠCom andante","Ġregist ran","ĠCar m","Ġvib ración","Ġdes g","Ġpromo tores","Ġtelef ónico","ĠC res","Ġinici ación","pa ta","Ġsub vención","Ġgris es","Ġaliment icios","Ġcos tura",", âĢĿ","ĠDar ÃŃo","j ol","Ġreal ismo","Ġara ña","Ġir ÃŃa","Ġlá minas","Ġra mp","Ġór bita","z en","pe lo","Ġcor rió","Ġtal las","ĠAl mac","Ġhici ste","Ġdefens iva","Ġtermin ada","Ġin dio","Ġadap tan","Ġdom ésticos","Ġes quinas","Ġin dia","Ġprob ando","Ġpat entes","Ġsubsi dios","Ġrevel an","ĠCh el","ĠIde as","ĠM uerte","ĠK n","ĠE ver","Ġsu cio","ĠJu vent","Ġhipo tecas","segu ir","Ġguar di","Ġce jas","ĠES TA","Ġfrac tura","ĠNav al","ud ul","s oy","ĠS po","Ġresal ta","Ġca ñón","Ġmane jan","amil ton","Ġvag ina","Ġsu reste","Ġinvers a","z er","ĠV it","Ġdes cripciones","le os","ĠB orges","Ġdetermin an","Ġacredi tar","Ġs po","f ue","ĠG et","Ġsub ven","Ġrequer idos","ĠT itan","Ġdoc tr","Ġconcent rar","T ampoco","Ġlatino americana","ĠG io","Ġexpl ora","Ġw a","Ġh ola","Ġdomin icano","Ġcuán tas","Ġcal mar","cl us","ĠMan zan","ĠincreÃŃble mente","ac tividad","Ġutiliz arlo","Ġlig eros","Ġcotidi anas","Ġprestig iosa","v ino","ĠInte gración","n ers","Ġgan e","Ġllegar ÃŃa","Ġporcent ajes","Ġpales tinos","orden adas","Ġalber gar","ĠF ir","Ġporno grafÃŃa","Ġinvoluc ra","Ġen oj","Ġtrans portes","gaz ine","ĠCompos tela","Ġac né","ĠT A","et ta","ach i","Ġlegitim idad","Ġinv entar","T ex","ĠN ig","Ġne w","Ġ12 8","Ġcal ce","Ġrebel de","incl uyendo","ĠE jemplo","H D","Ġdesn ivel","Ġcurios os","ĠProgram ación","pro fes","ĠCar ras","r ino","Ġatra par","ĠDe ad","Ġtér mico","Ġremon ta","Ġmal ware","Ġdescub ren","Ġreconstru ir","Ġc enas","cor dia","ĠPir ine","Ġmarro quÃŃ","ĠE uros","ĠE ri","de fin","Ġcu pón","AD E","ta cion","Ġmec ánicos","Ġsuscep tibles","Ġmotiv ado","Ġtri tura","Ġcomp ran","Ġmedi ática","ĠCh rome","Ġrefer idos","Ġescuch o","ĠA just","ĠOl iver","Ġtratar a","Ġmoles tar","g lo","re ta","Ġlevan tarse","Ġcar naval","Ġprove e","? âĢĿ,","am el","ĠS N","Ġjug aba","? ¿","ĠR at","Ġgrab ados","Ġpublici taria","Ġveter inario","TIC AS","Ġcap tación","ĠPer mite","Ġvan guar","Ñģ ÑĤ","Ġp ino","ĠTes tamento","Ġrela cionar","Sab es","Ġadecu ación","ĠF en","Ġtir ando",": .","ĠB ut","Ġres ume","Ġindic aron","P RES","Ġconvoca torias","tor rique","all en","ĠC ará","ĠÃģ r","Ġaceler ación","Ġalcanz aron","is eo","ine tes","IS MO","ĠB erg","loj amiento","Ġb rig","Ġescal as","199 8","Ġret ribu","ĠL lev","Ġsuper héro","Ġch inas","Ġarm adas","v iene","x t","Ġd ÃŃ","Ġindign ación","v imiento","Ġpon dremos","Ġinter sec","Ġev ang","ĠD S","ér citos","Ġguard ado","Ġcoordin adora","Y EC","Ġdic tador","cu encia","ĠV erg","Ġinter vin","D ep","Ġdomin ación","ĠSub secre","I gualmente","ri es","Ġmez clas","Ġestratég icas","Ġfantas ÃŃas","Ġb ik","Ġz an","ĠFer re","Ġconsecu tiva","Ġprogres ivamente","er mo","Ġcine asta","Ġevent ualmente","ĠG oya","Ġs am","cil los","Ġhid r","Ġcre as","Sab emos","ĠLo zano","ĠOb viamente","Ġincorpor ando","av era","ĠMon tero","Ġquie bra","Ġl ástima","ĠD ream","Ġta quilla","Ġterri bles","ON ES","ic é","Ġdecir les","Ġco do","Ġresul ten","Ġdedic amos","ĠAl can","Ġfol cl","Ġpreci sos","p y","ĠS qu","ĠO jalá","Ġcontinu ado","D ijo","Ġrela jado","Ġconfigu raciones","Ġexp uesta","ĠMej ores","ĠO L","ĠCu anto","ĠAl c","ĠSim on","ĠCON TRA","Ġdesen v","Ġser ás","Ġnerv iosa","tol ógica","ĠHa itÃŃ","Ġa Ãĥ","pec tiva","Ġcandida turas","Ġplást ica","Ġpró tesis","ÃŃg ono","Ġextre mas","t ÃŃan","ĠU P","In tro","< /","ĠL iverpool","ĠWil son","Ġatac ante","man uel","Ġpreserv ación","Ġneces iten","ĠF ARC","ara gü","Ġlleg aban","Ġllegar án","Ġpreco z","Ġdes van","Ġsum aron","Ġa gen","Ġsus crib","Ġvol ando","K A","ri t","Ġac tas","ĠCh aqueta","dad ora","Ġne gl","Col ombia","Ġcuader no","ĠâĢ Ļ","ce dente","ĠPascu a","Ġcolap so","Ġinv ento","Amb os","Ġre dujo","Ġtrav esti","Ġ\" .","Ġcr ÃŃa","Ġocup ada","Ġguitar ras","Ġel ija","Ġlanz amientos","Ġman tuvieron","Ġretir arse","Ġmoder ada","ash ion","Ġmovil izaciones","Ġto alla","ĠCoordin adora","Ġcar denal","Ġamb icioso","Ġex tor","Ġcar encias","Ġto po","ĠH ig","ĠM ª","ĠN uestras","Ġconsol idado","âĢĿ âĢ¦","ĠPs ico","ĠMar cel","V enta","ĠEs as","ĠDemoc racia","Ġfen omen","ĠEusk adi","b idos","ĠP utin","Ġpul mones","ĠH A","Ġcor dial","AC H","Ġpromo viendo","Ð ²","Ġconten edor","tu res","Ġgra f","Ġp ica","Ġdis puestas","Ġmelo dÃŃa","Ġtatu ajes","Ġreti ra","ĠAfgan istán","Ġaz ucar","W h","Ġespiritu alidad","Ġsu mo","ĠT C","ĠBa ño","Ġtan go","cel as","ĠVelas co","ĠS pr","Ġllev ados","Ġemi tida","ĠJur ado","Ġcep illo","qui á","Gu ÃŃa","Ġcon tienda","oc ÃŃa","ĠAle mán","Ġto d","Ġges tores","ĠCon tabilidad","ĠB ajos","e h","Ġinst into","Ġviv ieron","Ġsan tuario","ĠOri gen","uel ven","Ġseleccion ada","c eros","ĠhÃŃ dr","Ġra tos","Ġmuñ ecas","ĠTex to","ru st","Ġinmedia tos","Ġcon dado","Ġhum ill","Ġsub idas","ĠCoopera tiva","Ġla gos","ig no","Ġsa turación","Ġsome tida","Ġbo leto","ii i","Ġre inado","ĠJ ob","Ġlub ric","Ġabsor ber","Ġdoc ena","ĠEx tran","ĠSer ra","Ġdéci ma","Ġc enso","Ġpublici tario","Ġen teros","Ġinform ados","Ġmultina cionales","ĠMin erÃŃa","D eci","p ad","ĠT ir","ĠR enov","Ġle ón","Ġfeste jos","Ġcamp ana","Ġdi gas","Ġin er","cul tura","ĠRe tro","Ġumb ral","Ġdescon fianza","ca t","Ġob so","Ġador nos","ran ge","M ES","end ÃŃa","Ġma ci","Ġrefer imos","Ġg estiona","ĠVal paraÃŃso","Ġfra udul","Ġsuces ivamente","Ġestable ciendo","Ġconcil iación","Ġo posiciones","Ġexplic ando","Ġdele gaciones","Ġn omina","ást icos","ga t","Ġ19 45","Ġsepar ada","ĠPro ve","Ġantibió ticos","Ġch apa","Ġinterv ienen","Ġartesan ales","Ġconsa gr","t ál","Ġt ach","Ġop ta","Ġdes inter","ĠIma g","Ġreac cion","Ġfirm aron","al lo","Ġestima ciones","Ġcomplementar ia","j uy","Ġespe cias","Ġhere dero","Ġusu almente","Ġdelan teros","tur adoras","Ġsolici tada","Ġreconoci mientos","Ġseñal ados","Ġapos tó","Ġenfer ma","Ġintent aron","ĠTes oro","Ġtra tará","á culo","RO L","ĠEn contrar","Ġcilin dros","cl ub","Ġanón ima","n eces","ĠL CD","Ġpr onos","ĠCom pany","ric k","Ġtelef ono","ĠEn tren","Ġrazon amiento","ál ido","C rist","Ġotor gó","Ġdi osa","ĠCa dena","ĠRin cón","Ġmas turb","ĠDu ración","Ġtram itar","Ġpudi ese","Ġdivi dida","Ġenv as","Ġcar net","Ġenseñ an","Ġfuer e","Ġba tir","Ġseñor as","Ġescon dido","Ġter m","Ġaport ado","ch at","Ġna var","Ġinstrum ental","ĠR un","ĠG ente","na v","Ġal ias","án ime","Ġpa gó","Ġsan dalias","Ġsubsi dio","Ġincondi cional","Ġesco te","Ġp om","Ġten és","Ġadap tada","ĠS ISTE","l ines","Ġanécdo ta","an ismo","orm almente","Ġba te","Ġarran có","res ÃŃa","u te","Ġlic enciado","Ġorgas mo","v ina","Ġin co","Ġde no","ĠU sa","Ġfacil itando","ĠD io","Ġen umer","Ġproyec tar","U RA","ĠG las","Ġincl inación","Ġemble máticos","ĠJust in","AT OS","ometra jes","Ġpro cura","Ġap unto","Ġro uter","ĠWhats app","a pos","Ġdispar ó","tien es","Ġins in","Ġbi ologÃŃa","Ġexquis ita","Ġanticon cep","ig ne","Ġt ambi","ĠCon oci","Ġsigu es","con o","Ġdolor oso","Ġte mo","ĠIsa ac","ĠT on","yu ge","Ġesc an","ĠEn tidades","Re almente","ĠPascu al","AN D","Ġm ora","ĠMar ÃŃ","Ġcruc eros","Ġdesemp eña","Ġor todo","ĠA gre","Ġad uan","Ġfinal istas","Ġocas ionar","ĠT RI","Ġc ac","Ġcosm éticos","ĠEdi ficio","Ġrevolucion arios","Ġf ul","Ġin igual","Ġevi dentes","Ġnomin al","Ġfós iles","u go","s hop","pe ci","Ġencues tados","ni fer","na cionales","Ġcar ica","Dav id","ĠMo d","Ġdisput ó","ĠE ze","Ġbal as","Ġfirme mente","ten as","Ġforma tivo","Pro yecto","Ġrecaud ar","Ġdetermin e","Ġintes tino","Ġprol ong","Ġsecu encias","cal ientes","tur almente","ĠBar rios","ĠN at","ri tal","Ġexces os","Ġins crito","Ġhol andés","can os","Ġfabric ada","estr al","ĠCl im","Ġsal tos","qui pa","Hist oria","ĠG el","Ġajust able","ier s","ĠS om","Ġcambi aron","Ġofre cieron","Ġn ór","Ġutens ilios","cul ación","Ġpas aban","EL O","Ġf ruc","Ġpon encia","Ġno vena","Ġimp arte","Ġpa gue","ĠL ady","Ġcaus ada","cor por","tu p","ĠLoc ales","Ġembar cación","ĠSh ang","mu jer","Ġconform ación","ás ica","ĠPro tec","Ġus aba","ĠSer ver","ĠF utbol","Ġmanz anas","Ġtur co","Ġliter al","ri al","Ġproces ado","Ġsust ento","Ġinalámb rica","Ġar en","Ġceleb rando","it ora","ĠCam paña","ĠTOD OS","Ġe rig","te te","Ġprotagon izado","ĠDocu mentación","Ġdid áctica","Ġcuales quiera","Ġproporcion ando","Ġcató lico","Ġsolici tando","uev ara","Ġsegu ÃŃan","D icho","Ġllev arÃŃa","ĠCiudad ano","Ġvam piros","Ġcomp i","Ġfiscal ÃŃa","Ġlig ada","Ġdu re","O l","Ġbreve dad","Ġhacer las","b ola",". °","v inas","Ġin quil","Ġex trad","Ġesc omb","Ġvig ilar","Pro fes","Ġpuls era","eron áut","ĠSo vi","Ġcer rando","Ġva inilla","Ġposi cionar","Ġpreten siones","og ÃŃa","p df","ðŁ ĺ","Ġsosten ibles","d t","ĠO pti","Ġtrans mis","IDE O","ĠES PE","Ġdeb ilidades","Ġmad uro","Ġbach illerato","Ġreg ÃŃmenes","Ġra cismo","ma x","Ġace it","U LO","Ġes feras","ĠCol l","Ġbanc arios","Ġdes ol","Ġop tado","ÃŃ mos","Ġcan asta","ĠCambie mos","ĠO la","so por","Con tamos","Ġaband ona","pos as","Ġproduci das","Ġvoc ales","Ġdi min","Ġcuid ada","m ados","ĠInstal ación","Ġsum arse","Ġsil ueta","ĠRib era","ĠAnaly tics","Ġimplic an","Ġi mit","Ġcos mo","ĠGas tron","te ch","Ġex termin","Ġpr ór","Ġexperim enta","Ġautent icidad","ra ft","par ti","ĠMé dicos","Ġmanifies tan","Ġli tig","Ġapas ionado","Ġboliv iano","ĠT ribunales","ĠB ack","ano va","Ġfur gon","Ġmedi ático","ear ch","Ġrebo te","Hab ÃŃa","ĠM ik","Ġpo dia","Ġhon dure","ĠEsco cia","Ġen tro","Ġcom ens","Ġgrues a","Ġayud amos","Ġsin tiendo","- ¿","Des cargar","Ġizquier das","ĠProces os","Ġenfrent ará","CH O","ec ción","Ġla ta","Ġle en","Ġdist ribuye","ĠS her","Ġprof eta","Ġsuf ra","ĠC all","Ġtrans gén","Ġdefender se","Ġro da","Ġpes cados","ĠRo que","Ġca t","Ġcenten ario","Ġventil ador","Ġenfo ques","x y","ĠAn ual","ĠPro teg","endi dos","Ġprogram ada","ĠDes cub","ĠOB JE","ĠJona than","ór icos","Ġsen os","ĠOb ispo","d ando","Ġgener e","Ġsec uela","Ġprofes iones","Ġir onÃŃa","Ġvalenci ano","ĠContra to","Ġcamina ta","V aya","Ġpregun taba","Ġartes anÃŃa","Ġh embras","Ġpo zos","Ġcal ificar","Ġautor ÃŃa","Ġinolvid ables","Ġparale la","Toda vÃŃa","Ġpar ás","Ġdecir me","cin to","l aces","Ġcorrespon der","Ġprohib ir","ent ador","ĠPrem ier","Ġro ble","itor ios","ĠRes istencia","an cial","ĠF unción","Ġresul taba","Ġalcal dÃŃa","Ġsemif inal","Ġvac antes","ĠÐ ¿","Ġp é","Ġ2 30","ĠB uc","Ġtor pe","is sa","Ġaerol ÃŃneas","ĠEmer gencias","Ġres plan","Ġ195 9","ĠCateg orÃŃas","I TO","à ´","Ġpa pe","Ġcel este","inter rump","e ando","ap an","a hu","ig mas","Ġcoyun tura","ĠIN V","Ġprogres ivo","ĠDav is","er ve","Ġliber ado","Ġré plica","Ġpelu querÃŃa","Ġcomis ario","Ġ uc","Ġadi das","Ġremo ver","Ġintes tinal","Ġauton ómico","Ġmix ta","Ġaplic adas","Ġgaran tice","ĠPro bablemente","Ġpens ada","Ġdiscre to","Ġcora zon","ĠCu ero","Reci entemente","ĠLa ur","Ġpre di","ĠPales tina","Ġprede cir","Ġre cesión","T ON","Ġen ven","Est aba","Ġobserv an","oluc a","ĠS tal","Ġincorpor ados","Ġagu jas","inter pre","Ġgu apo","am ante","lic es","Ġqued ara","dones ia","ron g","Ġintro dujo","A ñad","Ġliter arios","ĠSo porte","F rente","Ġen tes","in en","amil itar","Ġnaveg adores","Ġrecop ila","Ġmagn esio","Ġconoci eron","Ġregul aciones","Ġma gos","Ġdej ara","Ġdel a","ĠIN TRO","D C","Ġfal lar","Ġha cienda","Ġte ñ","de mont","Ġdel iciosos","Ġmetál icos","s w","ter ona","ĠE che","z al","Ġe ternidad","Ġperman eció","Ġseleccion adas","Ġapren dÃŃ","Ġtrist es","N ET","Ġanim ada","Ġpromo tor","is ex","ĠM OR","segu ridad","Ġleve mente","ĠTOD O","Ġingres a","Ġtrop icales","Ġdem ócratas","Ġasever ó","ul itis","Ġag ilidad","ĠC ambi","Ġpu p","Ġfre el","ran t","Ġl itoral","Ġpor cel","Ġgole ador","ĠH is","Ġcen izas","incl uso","ric e","Ġcru ci","Ġsh ort","Ġcuchar adas","Ġinvesti gado","Ġescol ta","ĠN Y","ac á","Ġtóx icos","Esper amos","E duc","Ġconserv adores","Ġhomosex ual","v é","ĠColor ado","Ġcál ida","Ma ñana","Ġenfoc ada","Ġprodu zcan","ss ss","Ġfirm ada","Ġecles i","Ġparticipar á","Ġus as","ĠF U","je tivos","amb ul","Ġequival entes","Ġprepar adas","Ġdesper tó","ér f","Ġinci dencias","ĠPonte vedra","ĠEd ward","ĠM iller","Ġkm s","Ġutiliz aron","Ġcru za","Ġrepresent ados","ap ren","Ġacompañ ando","ĠM id","ga pur","s is","ate mal","Ġenf ad","ĠCompe tencia","Ġprotec tora","Ġco bar","ĠElectrón ico","ĠT la","Ġempe or","Ġdis pens","Ġb la","ĠA ta","s k","Ġapar ecÃŃa","ve y","Ġponer nos","ĠVen ezol","ĠP iel","ĠTit ular","Ġmedi cinas","ĠB uda","Ġrefuer za","Ġquedar me","lex ión","ĠCampe ones","Ġqu itado","Ġcenten ares","ingü e","F ull","ĠCh al","dr ÃŃamos","Ġfle cha","qu én","Ġven cido","Ġacep tada","ĠDar k","ĠLev ante","Ġsuperior idad","it ancia","Ġofici os","ment ados","Ġ15 5","Y A","Ġparti darios","Ġagu ar","ur ense","Ġove jas","ch ura","ĠPa is","l ist","Ġpro visión","Ġcuch ara","Ġdram ática","Ġatar decer","Ġtransvers al","Ġpreocup ados","UL T","p g","ĠP ent","Ġcuar tel","ĠEcon ómicas","Ġcardiovas cular","Ġech ado","Ġvel ar","Ġconduc en","tur ar","de lar","ĠV ivo","Ġrebo tes","hibi ciones","A caso","ĠCa ñ","Ġconform ar","Ġsent ó","ten se","ĠMar iana","Ch ile","Ġsign ificados","Ġse vera","Ġpoder osas","Ġrecl ut","Ġ oso","Ġremodel ación","Ġubic ar","Ġadver tido","ĠJ A","ĠComple jo","Ġba iles","enci ados","Ġimpon ente","Ġest abas","com er","Ġtu toriales","Ġri gen","Ġlider ar","Ġbar ba","olo ca","Ġafric ano","Ġgrad ual","ĠMa dera","rán sito","Ġapar ezcan","Ġestad ÃŃsticos","ĠADMINIS TRA","U nos","Ġcircul a","Ġllor ando","Ġre trans","Ġequilib rado","âĢĿ ?","Ġafil iación","ĠT EL","Ġ¡ ¡¡","Ġb ec","ĠE F","Ġacab amos","Ġalf abe","ĠPhil ip","F uer","ici al","Ġdeb iendo","rel l","TOR IA","Ġinscrib ir","Ġexpan dir","ĠC ruc","ĠCor rientes","Ġhig ién","ent amos","Ġpe dÃŃ","Ġapel ación","ĠT her","ĠV io","Ġn oreste","ĠSil ver","Ġllen ado","lo ok","Ġmo vi","Ġide ológica","Ġcruc es","Ġadmir ar","s ch","Ġde ton","Ġasum ido","Ġutil icen","Ġsole mne","Ġindirec tamente","Ġlegen dario","ci tamente","ec encia","gen eración","Ġimpres a","Ġquis ieron","Ġconsul tor","Ġasomb ro","Ġc d","Ġb it","ĠM inas","Ġpas ivos","Ġes por","Ġpa ño","Ġrecibir ás","ar y","ĠRe alizar","O f","Ġorient ados","Res pon","Ġextin gu","Ġha za","dor ra","Ġversa tilidad","Ġne ws","Ġcontinu as","Serv icios","Ġfich aje","i der","Ġcontractu al","Ġl ent","Ġpól iza","c ente","Ġpul món","Ġmar es","Ġeró ticos","ADOR ES","Ġac ol","ĠI A","Ġver so","Ġinstitu tos","Ġencan tada","Ġproces ados","Ġpar che","Ġdic tado","Ġcambi ará","TI ON","ÃŃst as","Ġlegisla tivas","f en","Ġdesl umb","Ġper su","Ġ19 40","vie ja","ĠG ian","unta in","Ġcom ido","ĠF E","Ġgrave mente","Ġradi ante","T F","m eras","Ġhim no","ĠC OS","Ġrepresent ando"," ¬","Ġmayor itariamente","al to","Ġev ac","Ì ĥ","Ġpal adar","T ICO","Ġcol as","ĠZ en","ĠJu juy","Ġas fi","Ġconfron tación","e idad","Ġbizco cho","Ġch asis","Ġab raz","Ġh allado","es tan","Ġinteres ar","Ġde pres","Ġp ionero","ĠS US","Ġpris ioneros","uc as","Ġpie dad","Ġfac eta","C in","ti era","Ġsonre ÃŃr","Ġexpor tar","ĠHua wei","Ġguer rilla","Ġgan arse","ár ra","Ġle gu","Ġimpuls ada","Ġabog ada","Ġpronunci ado","1 20","di almente","Ġcual idad","Ġcolabora ciones","al idades","Ġins ól","Ġalum nas","ĠPala cios","Ġcolabor ado","ra mente","Ġdivertir se","Ġindi ferencia","Ġandal uza","Ġgran di","acu te","ĠF ED","ĠSab er","jug ador","Ġnacional ista","á i","ĠMé dica","ĠD amas","ĠMon s","h es","Ġec olog","gu eros","ĠNo te","end amente","In stitu","Ġapos tando","v ard","Ġofre zca","Ġsensibil ización","Ġpro fec","ich i","Ġtem ores","Ġsup rimir","Mig uel","Ġdesarrollar on","ĠEscri tura","gu eras","Ġseñal aron","ĠMa z","Ġle d","Ġar ca","Ġsimp atÃŃa","g ad","ĠC B","Ġcar petas","or ient","ho w","Ġasist encial","IL LA","Ġprobar lo","Ġadap tados","du jeron","Ġamig able","ĠProto colo","A na","Ġpo tasio","ulip as","ĠRec o","Ġsucur sal","Ġpar ientes","ĠT eo","âĢ¦ ).","ĠCas o","Ġes mer","d ú","p x","tagon ia","Ġlengu ajes","ĠColec tivo","Ġhubi esen","ste des","Ġhacer les","ám enos","ĠBel leza","Ġhos telerÃŃa","Ġar bitraje","Ġabra zar","na cional","Ġplom erÃŃa","Ġgin ec","ĠR áp","Ġgu iada","Ġexten dida","Ġpreten der","Ġer mita","P in","ter ror","Ġacredi ta","ĠInst rucción","ĠVia je","ĠCará cter","ĠRa quel","Ġcontinú e","ĠRe uters","Ġsac aron","Ġlimp ios","Ġmejor ÃŃa","Ġrec tang","Ġamena z","ri tis","Ġir ra","â Ļ","Ġac lam","Ġhaci éndolo","ĠFinanci ero","ĠME J","Ġdisfru tes","Ġamor osa","Ġhon ra","Ġampl ÃŃa","Ġanal ÃŃtica","ĠW olf","Ġgo zo","Ġorient adas","Ġmon tes","Ġpreca uciones","Ġatra pado","Ġcapaci tado","Ġdeci des","Ġdev uelve","Ġver as","s un","Ġde ducir","Ġañ aden","Ġrecib an","Ġde t","Ġsupon ÃŃa","ĠT ránsito","Ġinus ual","Ġregular idad","UL AR","Ġrad ios","Ġingres ado","Ġk irchner","ĠG uevara","im ar","Ġmor f","Ġsuminist rar","can dida","ĠAlz heimer","Ġan hel","Ġol vidad","ĠDie z","Ġtranspar entes","Ġmutu amente","Ġdinam ismo","ER OS","ĠOri entación","ĠAs c","Ġban quillo","Gu ar","N et","Ġam abilidad","AL A","Ġru tinas","ĠB iz","ĠFin landia","ĠCamil o","Ġpárra fos","Ġinf arto","Ġderro tó","ĠC eb","Ġdiplom ático","v echo","gues es","htt ps","Ġensal adas","ĠPlan es","Ġlác teos","Ġconten idas","Ġsol es","Ġproces al","Ġvolver án","ĠCon stru","Ġv ec","ĠB AS","Ġcorrup tos","Ġantepas ados","pro p","Ġconse jeros","Ġ196 4","Ġpi ña","Ġfrag mento","Ġdesen lace","h em","da dera","CE P","Ġmedicin ales","Ġprolon gado","ĠH idro","Ġc esta","Ġatre ver","ci able","fac tos","J uegos","Ġintérpre tes","u ada","ĠA ula","mas ter","Ġguer reros","ĠP las","ĠT um","Ġimplement ado","Ġanaliz an","Ġda ting","Ġform aron","Ġcontra tados","Emp ez","Ġin édi","ĠD F","Ġmec ánicas","Ġhab las","ĠVal verde","f el","Ġmu d","Ġde cepción","Ġap lique","Ġdenomin ados","ĠAntio quia","Ġprior i","Ġsecundar ias","av ajillas","qu o","ĠBri an","t oma","ĠPro ject","Ġplas mar","Ġinter valos","Ġacum ulada","Ġprote gen","ĠCh ico","gn óstico","Ġreun irá","Ġherman dad","Ġcom and","ĠC en","qu ismo","ĠRes umen","Ġindirec ta","Ġfemen inos","Ġbas ándose","Ġmetál icas","don cia","ĠFran cés","r us","c ana","ĠP T","ĠAutón omas","ĠS AP","vers ible","ĠBas es","as y","Ġmelo dÃŃas","Ġs ismo","fec ciones","Ġidentific ada","Ġinaugu ral","________ ________","Ġdeb iera","zar ote","Ġdesplaz arse","ĠDi rig","Ġre tar","Ġrevesti miento","ĠAuxil iar","Ġ ora","car on","Ġfoc os","n ik","Po d","Ġtex tiles","Ġduer me","Ġes lo","ĠO TAN","cer n","Ġlien zo","Ġsu cia","im al","D oc","Ġ196 6","Ġocci dente","Ġarra ig","isfer io","ĠBarran quilla","Ġpreten sión","Ġsubray ado","Ġmezcl ado","Ġsu ro","Ġinv itada","Ġun idas","Ġinteres e","Ġa dren","Ġgas tro","ĠCar lo","Ġseñor ita","ĠDist ribu","ĠM ano","ĠEduca tivo","Ġpuntu alizó","ĠUSU ARIO","Ġentre gada","Ġfin os","Ġacer tado","Ġelite torrent","Ġrelacion an","ĠMov ilidad","Ġsitu adas","Ġremun eración","Ġtir ado","Ġreconcil iación","Ġlu ci","r éis","ĠDec oración","ĠEliz abeth","ÃŃ tez","ĠD IF","Ġch up","Ġgener ador","ĠAllen de","ĠCON F","Ġcapit ulo","Ġno te","ĠMunicip ales","Ġree lección","Ġtoda via","ril ler","Ġhistori adores","Ġir é","luten se","Ġabrir se","Ġdirig ÃŃa","ĠEjecu tiva","Ġtr ic","Ġpas arán","Ġcam pan","Ġcorpora tivos","Ġ19 30","Ġdel icia","Ġliv ing","ĠDOM IN","Ġdesvent aja","Ġdiam antes","M ic","ĠVan guardia","ĠU GT","Ġan i","Fran cisco","ĠRies go","Ġtrans miten","Ġtib ur","Ġextra ñar","rup ación","ĠFon dos","ĠRos e","Ġ196 5","Ġglo bos","Ġhos ting","ici ado","Ġapar eciendo","Ġpermanecer á","ĠH amilton","Ġinclu ÃŃa","Ġsimpa tiz","Ġdemos tra","Ġin sopor","ur bios","Ġacab aron","199 7","dil las","ĠAudio vis","ĠE bro","Ġhos til","Ġvib raciones","b ón","ĠW eek","Ġb éisbol","ĠTex t","ĠRen é","a ga","ge lo","ĠEdi tion","to x","ĠInstitu te","Ġrecor tar","Ġpeda zos","erv a","ec edor","Ġsacri fic","p ido","ĠCent enario","Ġpon drán","Ġenvi di","Ġ10 2","ph p","Ġsub ieron","G S","Ġsan cion","Ġevolu cionado","Ġu vas","de ar","24 3","Ġrecop ilar","V oy","Ġas om","pol ÃŃtica","la te","Ġreglam entos","ĠHun grÃŃa","is iera","cuent ro","Ġh ome","ĠC ÃŃrculo","ĠH ub","ĠCar rillo","in tos","Ġcas ada","Ġproduci rá","ĠOr d","Ġpa yas","Ġextraord inarios","Ġmonum ental","Ġcl ip","Ġres urrección","Ġser emos","Ġil usion","Ġtraspas o","Ġvia jando","Ġfac tible","Ġcorri da","ĠM EN","Ġálbum es","Ġrepos ar","Ġref in","Ġdirig encia","aya quil","Ġrazon ables","Ġveter anos","Ġn ueces","ud an","Ġdescub rieron","ĠRE AL","Val encia","ĠLa gos","Ġo h","ero a","Ġpsic ológicos","om io","Ġbenefici oso","Ġconfirm aron","Ġw indows","Ġin ad","Ġincent ivar","ĠNorm as","da z","ĠV ial","Ġjajaj aja","st ruc","Ġper las","Ġimperial ismo","ĠL ucha","Ġfr entes","Ġjoven cita","Ġsubra ya","Ġmil itante","Ġser en","Ġco okie","ĠDeb es","Ġan he","inar iamente","Î ±","ĠEl ige","Ġcon ste","Ġn ula","R os","ĠConten idos","ĠQ a","ĠVI P","ĠNorte américa","Ġcón yuge","de te","ĠB ad","Ġarquitectón ico","TU AL","Ġsal te","v emos","Ġconform ada",") )","Ġfue gos","Ġpo de","Ġcomun ismo","In vesti","Ġenfri ar","Ġdiges tivo","M V","Ġan tis","Ġesta tura","ric ho","Ġ/ >","Ġcatástro fe","Ġdef endiendo","Ġfes tividad","j imo","Ġj ul","R om","Ġre apar","st on","ĠEn g","Ġ19 0","isco pal","Ġjo der","Ġom isión","âĤ¬ ,","ĠS nap","ĠI t","gar o","Ġfemin ismo","Ġfuncion aba",", [","ĠFor tal","ĠâĢĭ âĢĭ","Con tac","Ġfavor ecen","Ġinmor tal","Ġpas tores","Ġdesa gü","ĠD orm","Ġlim itadas","Ġsub terrán","Ġgen ético","ĠBi ologÃŃa","V esti","ĠG etafe","Ġllevar la","Ġrin de","v amos","Ġb amb","ĠIs landia","ĠSar miento","ĠPo esÃŃa","Ġavis ar","par on","Ġvac ÃŃos","ĠÃģ ra","Ġbac teri","l ut","Ġenv uelto","Ġalmend ras","Ġdestru ido","ú per","Ġbo u","Ġnatur alidad","Ġsegu idas","Ġdesarroll en","ĠCre ar","Ġtrem endamente","ĠSa tur","Ġc úb","Ġh il","ĠAut omo","Ġ196 2","Ġres ol","Ġrecuer de","esti al","Ġhid rocarburos","Ġsin fÃŃn","ĠN ight","Ġparti ó","do l","ĠE t","Ġco c","Ġ19 20","Ġpr osa","Ġ3 20","ĠP et","Ġparticip en","Ġab ol","ĠM uestra","ĠQu inta","ĠBo tas","Ġimpres oras","es cri","Ġtriun far","u ble","Ġp icado","Ġelec tores","Ġaisl ados","Ġcompar tidos","Ġf et","ĠE tiquetas","Ġco ordenadas","Ġradic almente","ĠInter americana","Ġtra mit","Ġhere deros","ĠPor to","Ġt áctica","Ġb udi","Ġfe deración","ĠSole dad","ĠC if","IT AL","ĠPer ón","ĠNe y","Ġsho ws","l aba","Ten ÃŃa","Ġline as","Ġampl i","ĠIn és","Ġval encia","enten ario","ĠPrincip al","Ġdispon ga","Ġgolpe ar","Ġme dicación","ĠB asta","Ġpar amilitar","Ġinver tida","Ġconse jera","ĠB ello","Ġpronunci ó","Ġhici eran","Ġaprovech an","Ġflor al","ĠP ix","Ġreduci dos","Ġretra tos","Ġdu ran","ĠLic enciado","Ġcre yendo","ĠES TU","z oso","Ġir rump","Ġten or","Ġalar mas","Ġt hat","Ġgre mi","Ġvag inal","Ġmal dad","b ran","Ġvam piro","Ġcorrec tas","ri x","Ġinv al","ĠPo blación","Ġocup ando","Ġcurr ÃŃculum","........ ........","Ġimpo tencia","Ġllam amiento","Ġreun idos","Ġinesper ada","Ġin se","Ġfues en","e jos","g y","ĠContin uar","dal e","Ġexpon en","Ġemerg ente","ĠM iles","mas car","gon és","ĠS tone","Ġorgullos a","ver g","Ġpi ro","ĠVe lo","V a","ĠVal dés","Ġdivis a","Ġmar inas","ĠPar ticular","Ġim itar","v ac","Ġprepar arse","C la","Ġya cimiento","ĠA vel","Ġcal idez","Ġcoloc ando","Ġconvoc ada","Ġmol des","ĠS ens","ĠI ron","Ġinstal ó","Ġerrad icar","ĠO EA","Ġán gulos","Ġin interrump","ĠC is","Ġtra iler","ne te","Ġz inc","Ġdes mante","Ġas piración","ĠR y","ind icación","Ġp ill","Ġrele vo","Ġmin eras","Ġmagn ético","Ġfelici dades","Ġofrec ÃŃa","omas aje","Ġpreocup an","Ġmag na","Ġdel icias","sta ta","ern et","IS TA","Ġllev ara","Ġarch iv","D ER","Ġnar rador","ty le","uy o","ĠSEG UR","ĠAnth ony","Ġmil itancia","Ġentien da","Ġfrág il","á geno","Ġfas ti","ĠHo t","Ġesta f","Ġmas aj","vis ion","u gu","Ġv icio","ĠRe quisitos","Ġver bo","Ġsimul tánea","I AS","Ġind ul","Ġbal ne","Ġconfir man","Ġpar lamento","Ġfinal idades","pañ ol","ul ó","Ġadap tador","Ġv ómi","Ġver gon","Ġinici an","ro jo","teg ro","ĠCol lege","Deb emos","Ġaler tas","ĠJef a","âĢ İ","ĠTen iendo","en an","Ġguer rero","Ġtar dó","Ġexpuls ado","Ġc uevas","ĠG ráfico","ha ga","Ġtendr ÃŃamos","ĠOrgan izaciones","Ġemble mático","Ġsatisfac toria","v ig","tn ers","Ġpa trimon","ĠQu ienes","me ga","Ġweb cam","Ġre a","ĠConstitu yente","on era","ĠIn cre","Ġincómo do","Ġesc alo","Ġalta voces","Ġpre temporada","ĠCh ev","Ġcomunic ó","Ġcenta vos","ĠAn iversario","Ġadvers os","que ño","Ġinter valo","Ġenerg éticos","Ġinser tar","ĠAdri ana","ĠHuman idades","Ġs illón","Ġdes ent","ĠVer ónica","ĠT omo","Ġcol ina","Ġpregun tando","ih ad","Ġna zi","Ġinternacional mente","ĠIn donesia","ar k","el i","Ġsec ador","Ġign orar","ĠK on","Ġarras tra","Ġsub yac","one y","ĠV olver","Ġcons uelo","person al","Ġ å","Ġca te","Ġencabez ada","Ġescuch an","esta ble","Ġpul ver","ĠO MS","Ġlad rón","Ġrestable cer","Ġco ge","Ãij A","ĠRec ord","ĠOfer tas","Ġcent rarse","ĠPer ió","ĠMus ical","Ġetique tado","Ġmaxim izar","Ġesp in","Ġfe ed","Ġlim itados","c usiones","ĠDip lom","ĠYo ung","Ġcontes ta","Ġexplos ivos","au tor","Ġrecicl ado","ĠS tr","Ġar ea","cap aces","Ġp izarra","res s","Ġjud ÃŃa","Ġsal ta","Ġalgorit mo","e do","uch ar","Ġco bi","g ico","ĠL inares","ĠLo u","ĠPatri cio","Ġfemen inas","I AL","ĠIs lam","ĠPal encia","it ra","ĠIs land","Ġforma tivas","Ġ13 5","Fran cia","ĠEm ma","ĠPre cisamente","asti cidad","ient as","óg n","Ġintent amos","Ġentreten ida","ĠPi ñera","Ġfr ÃŃas","gob ern","Ġcont ados","Ġintu ición","ĠMon itor","ĠL ola","Ġcon gre","ib ra","Ġman to","ĠMe ta","ĠGu ay","ĠAva ilable","ĠE tiquetado","H acer","K E","ĠZapa ta","Ġinno var","Ġas iste","Ġindividu almente","Ġesp adas","Ġcon tención","ĠI G","n unca","ĠA I","Ġpres tados","h ace","ĠTecn ológica","Ġquirúrg ica","J orge","oc ada","Ġir me","Ġinter anual","Ġfortal ezas","d ria","Ġconce dió","Ġdes pacio","Ġcompartir lo","Ġm osa","Ġauxil io","ĠSovi ética","Ġsi túan","Ġinform an","Ġdeber emos","Ġmedi terránea","Ġadquier en","ĠOpin ión","Ġfal das","Ġre edi","ĠEugen ia","w atch","Ġg asta","Ġinde f","Ġrecog idas","Ġexc usas","ĠP ierre","inf lama","f lores","Ġadi ción","ĠBen ÃŃtez","ĠM ajes","EL L","Ġfl uc","enci ación","ĠTal la","e qui","Cu atro","Ġvolver se","Ġpersi anas","ĠV ive","hot mail","Ġfor zada","ĠPa ge","Ġb ic","Ġlig eras","Ġgastron ómico","Ġaust eridad","ĠNo u","Ġmedioamb ientales","ĠL ion","ier ras","V ic","ill ero","y ing","Ġdura dera","c ÃŃ","Ġin cans","Ġas ma","Ġso p","Ġcomprob ación","m esa","Ġprogres ión","Ġp icos","Ġsal món","Ġcaz adores","Ġentregar á","ĠIN F","cil las","San ta","Ġcica triz","P ien","Ù Ħ","le tic","ó grafo","Ġplane ado","Ġsex ualmente","ĠM ódulo","ĠD am","Ġunivers itarias","Ġrodil los","ĠDes af","Ġfinanci ado","Ġenamor ar","Ġbi ológicos","Ġdegrad ación","ĠApro vech","ien ce","ĠBus co","ĠContr eras","tis mos","Ġfelici taciones","ĠS iete","ĠE mo","Ġen teras","Ġvia gra","ĠQue da","Est án","es pa","Ġcan tos","Ġafec tó","ĠComp lutense","Ġpresi dido","ĠA riz","Ġval ientes","Ġv on","ces or","Ġimport ant","es s","Ġven drÃŃa","Si guiente","Ġpsic ólogos","ĠFá cil","D ist","rin t","Ġaten didos","em an","ĠF unda","Ġreci bi","ĠCal vo","os is","ran za","Ġsuf rag","Ġmer mel","Ġacompañ adas","Ġampl iado","ĠMich elle","S aludos","15 3","ĠSO CI","da tario","ĠElec tro","ment ado","Ġdig estión","Ġenmar ca","ĠAl i","ÂĶ ,","ĠReun ión","ĠM AC","Ġdi jera","ĠS ie","Ġap ues","Ġdesarrol le","Ġman sión","Ġmasac re","Ġc n","Ġsacri ficios","ĠN OR","Ġaf luencia","mit ente","g h",". *","Ġad miten","Ġapro xima","Ġhablar emos","? :","Ġar o","E O","ĠAn tic","Es pecial","Ġdist anci","Ġentender se","Ġsole mos","Ġ ¨","Ġenten dÃŃa","Ġs k","Ġpropie taria","ĠEspecial mente","Ġaf ortunadamente","ĠPuig demont","ĠE ar","Ġcuestion ario","ut ada","Ġases inar","Ġprom ueven","hist oria","P edro","Ġas co","Ġjug adas","Ġcondi cion","Ġrespon dido","ws ki","sh ip","Ġvicepres identa","Ġman dado","Ġalquiler es","fo to","ig nas","Ġencar gan","Ġbor rador","Ġr ene","ĠEs par","ĠA ero","Ġpublic ando","ĠRepresent antes","Ġtob illo","I MA","ĠAn trop","d le","t adoras","ĠW oo","Ġco cer","ind ro","ur ce","ĠCrist al","ĠAndal uz","Ġb ilateral","ĠCon junto","Ġreg ala","Ġescuch aba","den ciales","ĠMan ejo","c én","Ġ `","ĠInter pre","ó ticas","ĠBás ica","Ġ º","ĠClaus ura","Ġincom pr","Ġhid rógeno","âĢĶ âĢĶ","Ġ> >","Ġru g","Ġautomo triz","Ġtranscur re","Ġsab ÃŃamos","ĠIl um","Ġpoli éster","ca ya","ém ico","Ġfor zado","Ġc los","Ġimpres os","Ġej ércitos","Ġestric ta","le te","ĠEs pi","Ġgor da","qu eras","Ġmon os","Ġsem en","Ġapla usos","ĠK y","ĠIN E","Ġcuid ando","AM IENTO","Ġam ada","Ġrealiz aba","Ġsan gri","Ġjub il","Ġdes apro","Rec om","Ġfer tilidad","Ġre ab","ier tamente","ĠC ÃŃv","Ġch iste","Ġaisl ada","Ġata ca","Ġrecu ento","Ġpas toral","Ġautom áticos","sen ger","ĠNis san","Ġrep leto","Ġval les","ĠEl che","Ġentra mos","Ġn al","ĠT ron","Ġreform ar","Ġrecomend ó","Ġcoinci diendo","Ġto can","Ġcontribuy endo","Ġar cos","Ġt io","ĠBea t","Ġvacun ación","Ġw e","Ġincre ible","ok e","Ġcoord inado","A po","Ġcon ejo","Ġunif ormes","ĠCe uta","Ġperegr inos","Ġpara je","Ġcier ran","Ġcar c","Ġy er","Ġjust os","ES T","ĠInfraestruc tura","Ġcomprome tió","ten ga","gar ia","ĠK as","M us","id ón","Ġen rol","quÃŃ mica","Ġprolifer ación","ĠPr ácticas","qu inaria","k ÃŃn","Ġres olvió","ĠLa u","com merce","Ġra ya","Ġale ja","Ġcercan ÃŃas","ĠPar ra","Ġayud ante","Ġ10 3","Ġex il","Ġk ar","Ġbar ril","ĠAs s","Ġen caden","Ġnorma tivo","Ġinici ada","a to","ĠUb untu","x it","ĠIb érica","Comp rar","ĠT Ãī","ĠG ara","Ġcritic ó","Ġarres to","p ace","Ġescu adra","Ġdomici li","ĠHe alth","Ġanunci ada","Ġempu je","Ġh adas","ĠvÃŃs pera","Ġmanifes taron","Ġprefer idos","Ġmuer tas","ĠTerri torio","ĠO de","ĠMete or","tic al","ĠÃļ nico","er ción","Ġcáp sulas","Ġcan chas","Ġpresi dida","ĠPas a","Ġtier na","ĠAmpl io","Ġdese ados","daf one","Ġexplic aron","Ġresid uales","Ġemple ador","ĠUtil iza","Ġgra titud","Ġllev adas","ee ee","ĠSin gapur","ĠT OR","Ġpin cha","Ġmagist ral","Ġcuchar ada","199 2","ĠMar ch","ĠCom mun","Ġ19 39","F echa","Ġmus ic","En trada","Ġdolor osa","Ġquem aduras","ĠM isiones","Ġirreg ulares","Ġnaz is","Ġbro che","Ġhort alizas","udi ta","ĠEn tra","Ġzapa to","al as","Ġval iosos","ĠU D","Ġgu ion","cha in","t écn","ĠI ba","Ġenvi ará","ĠC eleb","f s","Ġbru ja","Ġa vena","ĠO range","ĠS hop","ĠGa za","ĠB R","Ġco te","Ġcol gado","Ġbreve mente","Ġdifun dido","ást icas","oc ol","th ur","s eca","Ġgimnas ia","ĠCh ic","Ġtom aba","lan ca","cin e","Ġcoment aba","Ġllan to","Ġt uer","ĠHo uston","Ġfoto volta","ĠDic cionario","di um","ĠCapa citación","ab é","ĠSuc re","ĠP icas","ve t","Ġesper emos","Ġpromo vido","Ġliter arias","pa go","Ġref iri","Ġmis iles","Ġeduc adores","ro w","ĠM L","Ġendeud amiento","ĠTama ulipas","Ġinsa tisf","l ina","Ġentr ará","end s","Ġexplic amos","Ġca ucho","Ġcam uf","Ġcal ur","z ul","Ġim itación","té tico","ame lo","ĠP iso","Ġdej arÃŃa","Ġlegisla tiva","Ġevolu cionar","Ġcu po","Ġmicro organ","Ġenfrent ó","Ġpon gas","Ġnie to","lu do","ĠR S","Ġpres tam","st rong","ĠTor onto","Ġestamp ados","i á","ĠB ry","Ġafec te","Ġcalent ador","Ġpara guay","Ġelig en","Ġmer ced","ós copo","av y","Ãł s","Ġt rig","Ġmemb rana","e mo","ol anda","ĠInstal aciones","an terÃŃa","ĠDirec torio","Ġagres iva","EN O","duc tos","Ġesper ados","Ġdiseñ adora","ĠRos as","tol ógicos","Ġterapéut ico","Ġsuscrip tores","ĠMan ga","Ġayud arlo","quis ición","Ġusar la","ĠPlan e","Ġconf iado","!!!! !!!!","ĠPa k","M at","GU A","ist an","ĠCamb ridge","ĠCh av","Ġacog edora","Ġinfin itas","Ġplane ación","Ġdoc tores","Ġgre mios","Ġop cion","Ġtras c","ĠMed ic","uev an","ĠIn versiones","Ġrent ables","ĠJord an","Ġgra cioso","Ġdes cif","Com ple","ĠLan zarote","Ġrep lante","Ġlev ante","Ġarancel es","Ġcriptom onedas","Ġlo b","tor iedad","Ġcompra venta","Ġdió cesis","Ġinter discipl","19 95","is eta","Ġtom é","- >","Ġindispens ables","Ġma trimonial","Ġpre texto","ĠCl ásico","ĠDe p","get s","A par","w an","Ġimp uesta","Ġorient a","aj en","Ġn ido","Ġimpre v",". ¿","D u","ĠilÃŃ cito","Ġprof e","Ġimpar tido","Ġin movil","Ġasegu raron","Ġmetáf ora","ĠRes ort","Ġinc ógn","ĠPon ce","ĠB AR","ĠS ing","Ġtri ángulo","Ġaument aron","ib us","Ġocur ridos","ĠMej ÃŃa","Ġcerrad ura","in z","Ġnov ias","Ġdesp idos","Ġproce den","T IN","Ġpuer torrique","Ġenv io","ĠÃļl timo","ĠE A","Ġintr ÃŃn","Ġdes ob","ĠVicepres idente","Ġú tero","ĠRo ad","G er","Ġutiliz ará","lo que","Ġacú stica","de mas","Ġinterrump ir","ar cal","Ġf é","Ġhorm ona","Ġper di","Ġexperim entación","Ġrebaj a","IP O","L ic","Ġcircun s","Ġprolon gada","Ġoc t","ĠWa ter","P at","[ /","ac ón","\" ),","ĠEst her","if ico","Ġco ch","Ġbus quen","Ġconec tor","Ġsupre mo","Ġcor eo","Ġcl oro","tu arios","Ġtra um","Ġenven en","Ġafric anos","Ġn áut","ific ando","ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ","Ġimplan tes","p é","ab amba","Ġsolv encia","Ġn ec","oc key","ĠPar tes","ver tida","Ġbonaer ense","Ġab ismo","ĠGener ación","Ġul tras","ĠAca dem","Ġr á","eo t","cre tamente","ĠAl ca","Ġfes tivo","B en","Ġdeb ieron","Ġâ ľ","ian g","ĠApren dizaje","Ġla bi","ĠJu gue","Ġps icos","ĠC P","Ġson risas","Ġestereo tipos","Ġpublici tarias","uel en","ĠAdministra tiva","ac ul","Ġespa ciales","am pe","Ġd rones","ĠMar ket","Ġtatu aje","ĠPa tagonia","Ġenamor ados","T H","Ġar cilla","Ġinv itaciones","Ġespec ulación","Ġacer tada","ĠRec tor","ĠO toño","ĠF P","Ġale ga","Ġmatrimon ios","B on","ĠLa v","Ġdeb an","Ġac rÃŃ","Ġargu menta","Ġrenov ada","Ġhaci éndose","Ġbru jas","An tonio","Ġpractic an","Ġprevent ivo","tif y","Ġsent ados","Ġdefin idas","Ġeconom istas","Ãī N","ĠG ESTI","Ġsec uelas","ĠDe jar","ĠS esión","hat tan","Ġfero z","ĠE qu","ĠEn tidad","Ġofens ivo","Ġproce dió","ĠC ena","fec ta","Ġsurg ieron","x os","Ġech ó","M il","Ġre organ","ĠDist ancia","Ġhal lan","ĠPrincip ado","Ġreestruc turación","Ġli ma","Ġcolec tivas","Ġï »¿","Ġcinemato gráfico","Ġdesactiv ar","M B","D OS","Ġar zobispo","ĠEst ar","ĠLimp ieza","C OR","tar ra","Ġintentar lo","ĠMan olo","à ª","s y","Ġch eck","ĠPer fil","Ġ28 0","Ġ195 8","ĠD ura","ver so","Ġbaj ista","Ġherv ir","Ġsecre tarÃŃa","ĠMal vinas","Ġdiar rea","Ġdepos itar","Ġolvi demos","Ġmutu a","Ġtorn illos","ol los","Ġcontra er","Ġcomb inados","ĠEU RO","Ġedi ficaciones","ĠJa vi","Ġsuje tas","tró geno","Ġcombust ión","Ġ Ï","G L","fic antes","Ġlan zada","Ġentra ba","ĠAlvar ado","Ġconce bido","dos as","Ġmeta b","Ġotor gan","Ġf og","Ġres bal","Ġcel ulitis","Ġoblig an","Ġhas h","Ġestrech amente","Ġavi ación","ĠGo od","Ġrol l","ĠF I","Ġsolici tan","G OS","s ia","Ġpor ciones","Ġdem ócrata","Ġescuch e","Ġro pas","Ġtransmi tido","Ġdismin uyendo","Ġher b","ĠPRO FES","ĠA pos","Ġcamp anas","Ġvolver emos","Ġplante amientos","Ġimpor taba","ĠSa o","Ġen ton","Ġna cieron","Ġrelacion arse","val or","Ġvas cos","iz ará","ĠSte ven","ĠPere ira","L ar","el amente","Ġauton ómica","El los","Ġabsor b","Ġp óngase","Ġarm adura","Ġafec tación","UN A","ĠParro quia","Res umen","tif icia","8 95","k h","u ida","Ġevac uación","Ġmach ista","ĠM ina","Ġescri ba","Ġilum ina","Ġcans ada","Ġsatél ites","ĠLew is","Ġa venidas","Ġbur s","Ġbrind ando","a i","Ġcontrol ados","Ġpotes tad","S inopsis","Ġcol m","r ándose","Ġm ÃŃtica","Ġestad ios","xim adamente","Ãį AS","Ġfranqu icias","Ġasist en","Ġbar riles","ĠInf ancia","Ġlóg icamente","ĠCon cil","ĠW ii","ĠM ADRID","Ġdiscre p","Ġpre c","Ġch aque","úsque da","Ġcach orros","ĠY un","Ġdiscre ción","uel tas","Ġhabil itar","ĠAr co","acu zzi","ĠDes car","Ġgarantiz ada","oc ó","Ġfus ion","Ġdemand ante","ES A","Ġdura dero","e mail","Ġpregun tarse","ur ne","Ġesta cion","Ġcaf és","Ġde udor","Ġno veno","Ġca zar","Ġcam ara","ern e","Ġsincer idad","ĠDe v","Ġvas ca","Ġabandon ados","Ġcrist ianas","ĠTi juana","Ġ10 8","ĠChel sea","Ġfu gas","Ġbar n","ill y","Ġdi ésel","ĠsanguÃŃn eo","ac eta","Ġcas ta","TR OS","Ġorient ales","ĠChar lie","Ġllen an","Ġtrad ing","ĠF ro","ĠGo d","ues tion","ĠCon figuración","Ġvaca cional","Ġforma tiva","M AR","Ġtra tada","Ġreal istas","ĠSa grada","tra baj","Ġopon ente","Ġrecuper ó","ĠUrban ismo","Ġjue za","ol un","Ġfacil itado","lec tual","u cidad","ti bilidad","ĠAren as","ĠB ritán","Ġins om","Ġmaes tras","Ġegres ados","Ġcampeona tos","2 25","ĠAz nar","Ġhonor arios","p ico","Ġactu ado","Ġrecib ÃŃ","Ġexpres arse","G en","Ġson rió","Ġtu v","rag ones","or no","Ġbaj an","Ġ196 3","Ġpa tios","Cu ándo","ĠT ob","Ġimp utados","Ġneu rol","Ġdrama tur","per io","uniden se","ma el","Ġpró jimo","C OL","de d","Ġsuro este","ile a","Ġrecuper arse","F igu","ĠM aj","Ġintens amente","Ġcom esti","Ġg oce","Ġdest reza","Ġvesti menta","Ġtrib us","cu ál","Ġsue co","IM IENTO","Ġhue cos","Ġmari posa","ĠI rene","Ġestu viese","éndo te","Ġman ta","Ġmin eria","Ġdis cern","Ġpse udo","Ġh uerto","Ġtermin ará","Ġsobr ino","Ġauto de","ĠHum berto","Ġderro tado","Ġen ch","Ġsosp echas","Ġex hor","Ġcre ÃŃ","C RE","Ġgu atemal","Ġautor izadas","Ġdeci dida","ok o","ala o","Ġevitar lo","ĠP untos","ĠHen ares","oo o","Ġcontrarres tar","Ġ8 55","ĠAce ite","Ġago tado","Ġán imos","cal o","Ġseñ alización","ĠCa uca","Ġconsta tar","Ġdi l","e um","Ġin capaces","ĠUr bana","E con","ĠP ronto","Ġte me","res ta","Ġimplan tar","Ġf at","Ġat ún","Ġin ne","Ġprecis ar","L in","Ġcont ador","Ġexpos itores","Ġhones to","Ġlo bos","Ġar ag","Ġpres ume","ĠEst im","ci ana","ĠIB M","de c","Ġpre cur","Ġagu do","Ġc aliza","ĠCh aco","Ãģ C","Ġremar có","ib ol","Ġcaj ones","e an","ĠCor onel","Ġconsul tado","ĠR ab","Ġq e","Ġdram ático","ĠEn ten","Ġsal io","Ġmetro politana","Qu ienes","Ġdemocr áticos","ter ing","ĠF AC","Ġadop ta","t omas","A un","Ġprincip iantes","ám ina","Ġest elar","Ġlanz aron","l á","ĠU ber","Ġprór roga","Ġrec ab","Ġtem ático","Ġdecora tivos","Ġesmal te","to da","Ġfre cuent","ĠKen n","Ġsab rá","rios amente","Ġadqui riendo","Ãļ l","Ġen gen","Ġequip ados","Ġpu ño","Ġbo le","s ki","Ġan do","ĠGener almente","Ġunivers ales","PU ES","ĠPal ermo","Ġre posición","ĠAt las","Ġb aje","Ġper tur","Ġmanten gan","uc ci","ĠCu idado","Ġvehic ular","ier tan","tad uras","Ġpreguntar le","Ġde ven","Ġfol la","Ġconstru yen","Ġacredi tado","Ġdesn udos","ĠB est","Ġ10 7","Ġconten ga","ĠMi ércoles","ĠT ambien","g rupo","ĠTRAN S","ĠSERVI CIOS","ĠS H","Ġdes par","Señ or","cionar ias","Ġprecis as","ĠF BI","Ġmin ús","Ġorigin ario","Ġres ina","ĠCompe ti","Ġconvoc ados","Ġex en","Ġsustitu ido","ĠM ono","ĠPar aná","Ġaudi tor","Ġper turb","Ġbord ado","Ġprofesion almente","ĠMo ham","Ġl omo","Ġcerrad uras","Ġr ena","ĠCat álogo","ad ÃŃa","los o","ĠIn n","Ġsustitu to","Ġimpac tante","Ġpájar o","Ġcomplement arios","Ġava tar","Ġun ánime","Ġaprendiz ajes","Ġescomb ros","F il","Ġen d","Ġdescar ta","Ġeró tico","ĠDe pendi","ĠEL EC","Ġemp an","Con f","As ociación","Ġé sto","Ġneoliber al","Ġfeste jo","ĠEDUCA CIÃĵN","Ġval oraciones","Ġecuator iano","Ġdilig encia","Ġdeshacer se","Ġasist encias","Ġprop uestos","S il","Ġfuncion ó","Ġbar cel","Ġvence dor","Ġcontar on","Ġhisp ana","Ġsemb rar","Ġrendi ción","ĠOcho a","Ġb ende","cio cho","Ġsuel to","ĠCOM ER","ĠMol inos","ÂĶ .","ion aje","Ġtal ón","d ano","ĠW ell","Ġemple ando","Ġc itadas","Ġpulmon ar","Ġidentific an","pi re","ĠP ine","ĠB ic","ĠRo bles","Ġchav al","Ġ12 00","Res ulta","ĠL GB","Ġó sea","ĠPág inas","ĠH em","Ġmediano che","y d","Ġpor n","Ġvol taje","ĠPos ee","ĠPolit écnica","Ġopin ion","Ġcamp ing","Ġc ión","Ġra tas","olu tion","et an","Ġrar os","Ġsol tero","ug eot","Ãį CULO","Ġor ales","Ġayud aron","Ġhu érf","Ofre cemos","y era","ay er","Ġalmacen ados","Ġhue le","Ġtramp as","ez co","al los","ĠC ajas","ĠIn fin","Ġsimp ático","ú an","Ġcons ens","ĠVie w","... ).","Ġtraer á","ca teg","Ġentre tener","mon s","Ġinv ierte","Ġmane j","ĠCOM O","ĠN ep","ĠCas ado","Ġrespon diendo","Ġ196 1","ĠAguas calientes","ĠHar vard","Ġoblig ar","T aller","ĠPor ta","Ġu top","Ġasign ar","Ġremun er","ĠHi po","H L","ĠH ER","Ġaconse jar","Ġalej arse","Ġtrág ico","Ġan t","Ġsignific ó","Ġaminoá cidos","Ġdé bito","Ġmatem ático","Ġ19 48","ĠBar re","ĠFire fox","ĠR ally","Ġimpi dió","Ġcru da","Ġrean ud","ĠQu iro","pr incip","el ación","ĠB aby","IT OS","gu aje","Ġescrib ÃŃa","Ġcar casa","Ġor if","Ġw as","Ġva ci","Ġdistin tivo","Ġabor daje","Ġpatrocin io","Ġgrad uación","Ġinmers ión","ĠMa xim","Ġp ionera","Ġcaus ante","ue le","Ġampl iando","Ġcos er","Ġuc ran","ĠA las","ĠO jo","Ġ5 000","Ġdor ados","ĠContin ue","clo pedia","Ġadqui rida","Ġval ÃŃa","Ġnega tivamente","Ġra tones","Ġrep iten","ific an","ĠI no","Ġmon arca","Ġinterac tivo","ita ba","ed u","Ġb iblia","Ġ20 30","Ġtes tamento","Ġlesion ados","Ġcor dero","Ġread ing","ba ta","ñ an","ĠL yn","Ġcó s","ÃŃf ero","ĠAlex is","ro om","Ġr ÃŃt","Ġya cimientos","Ġconcur rencia","ĠP I","el io","ĠD ió","Ġaline ación","Ġcompu tación","Ġc im","Ġsab ios","Re uters","c f","n g","Ġse tas","fon do","E r","M OS","Ġpor tadas","Ġproce da","ĠRue da","ĠC ama","Ġmar ea","Ġencon tras","port s","Ġdesapar ecen","Ġprogram adas","a quÃŃ","Ġel asticidad","Ġresul tando","F er","M M","Ġintent ará","Ġcompr ens","F T","Ġneur onas","ĠHor izon","Ġpun k","ĠTécn icos","Ġsospechos os","Ġcos itas","ĠSer ena","Ġrev oluciones","ff s","Ġintoler ancia","ĠBar tol","Ġbenefici ario","Ġespeci ficar","Ġresiden cias","Ġatribu ciones","cu ro","Ġah o","A cu","Ġp ida","Ġen dure","Ġri qu","pon en","Ġmala gue","ĠO per","Ġdesay unos","Ġconf orma","Ġvo tado","Ġencontrar as","Ġprefer ible","Ġfri tas","Ġcor n","Ġcomun al","Ġapun tes","ĠOfer ta","Ġencom end","Ġconst ar","Ġpatron al","Ġvol a","Ġargent inas","Ġengan ch","Ġcomun itarias","Ġrepresenta tivos","Ġcre adora","Ġceleb ramos","Ġmam ada","Ġcamp amentos","F a","Ġac antil","Ġtransform ó","ĠPerson a","ú d","Ġcomplic ados","Ġsir van","Ġ10 4","Ġdel ica","Ġl isa","Ġsal ÃŃ","Ġtraslad ados","Ġh am","ĠP uesto","Ġbendi ciones","Ġhel ados","Ġluminos a","ĠSAL UD","ul le","em ex","Ġaloj amos","Ġdesemple ados","Sol ici","IL IDAD","tu a","ĠHay a","Ġpodr é","V i","ú as","Ġven da","Ġrev it","ĠCl ima","Ġafec tará","ĠCon cl","me d","ĠA lojamiento","Ġsin erg","Ġpag ados","Ġtras plante","Ġaprob adas","ul adas","Ġrep ito","g entes","ĠLec tura","l lev","Ġcas ó","Ġcor rido","Ġrepar tidos","Ġc ito","ĠEugen io","ĠEnferme dades","g le","Ġca deras","l ismo","Ġre qui","ĠSU PER","æ ľ","Ġconta bles","ĠUR SS","Ġpon der","ĠX P","Ġapren dió","Ġb ran","ĠAr n","Ġasum iendo","ĠMin ister","ĠRes earch","tu ve","Rec ord","Ġale da","ARC EL","Ġdeca dencia","Ġcal dera","Ġllam arse","Ġcontinu ada","p unto","Ġcárcel es","Ġabar car","Ġascen der","Ġarren damiento","Ġsalud ar","Ġválv ulas","Ġinf iel","ár s","Ġsilen cioso","ĠAre quipa","ĠMar ie","ĠMar tes","a toria","Ġven eno","ĠEm erg","ĠOrden ación","Ġenc la","n istÃŃa","Ġcons iga","Ġw ork","ent ista","ĠF le","ĠX avier","Ġasamble as","ĠPro por","ĠDis capacidad","ĠMon ta","Ġlin dos","Ġconsecu tivas","Ġinfl ama","Ġconsist ÃŃa","Ġviv es","Ġcereb rales","Ġcomerci aliza","ĠM ERC","ĠF rida","Al lÃŃ","Ġpap ás","Ġenferm eras","Ġanon ima","Ġinstal adas","Ġdistribu ido","Ġacuer da","Ġcomp ensa","Ġpsi quiá","Ġpubl i","ĠSo cio","Ġloc alizada","ĠI SS","Ġatraves ando","Ġcol ágeno","Ġs l","Ġpri mos","De fin","ĠIndustri ales","T ele","t és","ĠIn mac","Ġte jado","Ġincorpor ó","Ġreconoz co","Ġcomple menta","ĠB ec","Ġelectr omagn","Ġpeat ones","Ġmas ivos","Ġactu ó","F re","Ġocur rieron","de se","Ġcas cada","Ġgra tific","Ġcu bo","ĠS ales","Ġpar as","Ġson da","Ġemi tidos","ĠPel ÃŃcula","ĠSaba dell","an tino","Ġwebs ite","Ġesc asas","Ġrigu roso","ĠE lo","ĠLiber ación","ĠIns pección","Ġconven ciones","Ġintermedi arios","Ġt ime","Ġcor dones","ĠRe mo","cre en","f uer","a demás","Ġsex os","Ġsinté tico","B erry","b ase","ĠR OM","Ġinv olun","ĠPr om","Ġren ombre","H C","amb as","est amos","ĠT ráfico","Ġsignific aba","Ġdesigual dades","ĠS oluciones","Ġpa gas","Ġcartu chos","ĠIs lámico","Ġdo wn","Ġce dido","âĢ ³","Ġgener alizado","Ġdividen dos","Ġimport an","ĠPal abras","Ġmág icos","C he","os t","Ġand aba","Ġ }","Ġrepro duci","Ġnutri cionales","ĠINFORMA CIÃĵN","Ġor i","Ġalcantar illado","Ġdestina tario","W eb","ĠG rá","и Ð","Ġempie zo","Ġano taciones","Ġrefle jos","Vide o","Ġgener oso","Ġes bo","Ġmuch ÃŃsima","Ġpas iva","Ġcome tió","Ġcontribuy ente","A plic","Ġpolém ico","ĠAth letic","Ġn inos","Ġale ación","B rasil","Ġcu p","Ġimpar cial","la yo","Ġf ea","M ac","Ġcontras eñas","Ġ( @","ĠApren der","Ġre den","Ġsal drán","kes pe","Ġ2 10","Ġpropon go","Ġconven ción","g ins","Ġlicencia tura","ĠL lu","ĠVis ual","iti es","ĠPach eco","Ġch atear","Ġdes esta","Ġgalax ia","re ci","ĠD rive","ĠEx pe","Ġpeat onal","C AM","Ġse que","b onato","ér gica","Ġobserv amos","tu alización","pon a","Ġens an","Ġhabita cion","Ġpal mas","Ġfra gancia","Ġapreci ación","Ġcardiovas culares","Ġta xis","Ġanestes ia","gu in","Ġobten idas","Ġentender á","Ġtra taron","ĠC ad","ĠS IG","Ġdesp achos","Ġcompor ta","y ar","Ġlig as","Ġcomenzar án","Ġdur miendo","Ġso ñado","Ġmov iendo","Ġc un","ĠGallar do","ĠCh am","ĠFel ici","Ġinaugu ra","Ġdi vin","Ġa tienden","Ġfacil ite","Ġbox eo","N uestras","ĠC ry","ĠLon don","Ġcordo b","Ġla g","h oria","Or den","Ġcontro lan","Ġin vención","ĠCos as","ĠA er","Ġenten diendo","Ġdejar la","To tal","Ġcomerci ante","cal ipsis","ĠGu ayaquil","ĠJim my","ĠAse gú","ĠS T","Ġtib ia","Ġantiv irus","Ġexitos os","J OS","C ha","Ġavan zó","Ġenv olv","on io","ĠCu mpl","Ġep ic","Ġver me","ide portivo","Ġsa grada","ü r","Ġinsist ir","Ġcuar zo","Ġmi tologÃŃa","Si guiendo","H ombre","ien ses","cent ro","ĠCar ol","Ġp H","Ġimponer se","n n","ĠBor ja","té tica","Ġcuestion ar","Ġinmun e","Ġman ualmente","Fu ente","ĠE ast","Ġarries gar","Ġtu yos","Ġextre me","Ġsucur sales","ĠPar eja","ter nos","ĠK in","ĠESPAÃij A","Ġfu ria","Ġcomb inada","ro ño","ĠSol idaridad","Ġlaber into","ĠBer m","ĠW ood","ĠlegÃŃ tima","ĠT w","Ġcog ido","Ġbail ando","ĠC um","s im","ĠLle ida","z y","Ġvi ola","Ġhidra tante","Ġ Ø","Ġexpon encial","Ġdilig encias","de ma","Ġinterna cionalización","Ġalumb rado","ĠDefin ición","pati tis","Ġcur sar","ĠQu ién","ĠC ola","ĠPar do","Ġcogn itivo","ent ino","Ġme dico","ĠN ay","Ġsub t","оР²","Ġadop tada","Ġel udi","te gui","Ġcap ilar","Ġinvoluc radas","Ġdor sal","Ġcotiza ciones","ĠCons orcio","Ġfol lada","Ġaterriz aje","ĠVel ázquez","Ġre bas","Ġperj udicial","CRI P","ici da","Ġconf esión","on na","ri son","Ġ12 3","Ġsust o","Ġorigin arios","iz aba","ĠMa il","ĠMan hattan","Ġmonta ños","ju ven","Ġr unning","ĠCam acho","Ġocur rÃŃa","ila terales","Ġinex plic","ĠM IL","ĠS EN","én ico","Ġfal tó","Ġdiam ante","Ġcumpl ÃŃa","tra bajo","Ġdespe jado","Ġreclam an","escol ar","Ġpreval encia","ĠSal ida","Ġvis ion","Ġrespira torias","es p","Ġparad ój","Ġanunci an","Ġmural la","Ġan tenas","Ġar ist","Ġrepor tado","Ġescuch é","ĠAnim al","Ġatre vido","ĠQu ir","ĠLle va","Ġvac ÃŃas","Ġespec ula","Ġvelo z","Ġaé reos","Ġral ent","Ġcalaba za","Ġj en","bi an","Ġdesay unar","P ort","a gua","Ġtu tores","Ġmom ent","ĠServ ice","Ġb ó","Ġe u","Ġfranqu ismo","199 6","S te","Ġejer ciendo","Ġesper e","Ag regó","ĠEléctr ica","Ġenc aja","ĠIl l","à ¤","Ġepide mia","Ġz ombi","Ġmascul inos","ĠINTER NA","Ġcr omos","Ġmer en","ĠDist ribución","Ġam argo","ĠPin tura","Ġedi fic","Ġescuch amos","Ġquitar le","Ġlament ó","ĠSh in","Ġap ego","Ġdest re","ĠAf ortunadamente","t ólogo","Ġna tivo","Ġlav avajillas","Ġal gas","ĠAd án","Ġcaptur ado","ĠAc ero","20 4","Ġc imientos","Ġla gunas","ri am","Ġda ñado","ĠConserv ación","ĠS osa","ĠCer tificación","Ġpar ab","ĠCu án","Ġtác ticas","Ġenter ado","Ġrecor rió","L P","ĠSal om","m om","Ġdetec tive","Ġabsor be","ĠD il","ĠInter no","Ġdialo gar","Ġgem elos","Ġat letismo","Ġcab el","pl icas","ĠMe todo","Ġinfluy entes","ó dromo","ph y","Ġre ch","Ġnaran jas","ĠOlÃŃmp ico","endi eron","Ġest igma","o pa","Ġrevis a","Ġpal e","ci ent","Ġtrabaj e","Est udio","es tado","Ġter tul","ĠInter es","ĠPN V","ĠI o","Ġubic an","ÃŃst icamente","ĠFigu eroa","Ġlib ra","ĠOF ICI","Ġinsign ia","ĠK ate","endi o","Ġfantá sticos","ti ón","ĠPue do","1 01","Ġnie gan","Ġa que","ĠSan tuario","ĠBO E","Ġcap richo","Ġllam aban","tri turadora","Ġtox inas","Ġconec tada","ĠSta te","Ġresum ir","Ġrefer ÃŃa","Ġimag inado","tem s","z zo","Ġta zas","Ġrecor da","Ġsalv ó","ĠT est","tal m","b rar","Ġ ia","ĠC itas","go ta","Ġclim áticas","Ġne gación","Ġabandon ada","ĠCre ador","p aje","Ġhaber me","Ġdescri bió","Ġes qui","se ño","Ġoportun as","Ġretras os","Ġintegr adas","Ġlider ada","Ġsel f","Ġpla ga","ul sa","ac tivos","cer as","Ġester il","ĠMal as","Ġsepar an","Ġvoc ero","Ġcica trices","ĠM and","di tas","Ġob ediencia","Ġadren alina","Ġresta ur","Ġvolun tariado","ĠSp ace","Ġpresum ir","amb res","inter est","Ġm ia","ĠD ick","ĠAna ya","ĠOx ford","z ana","il ers","Ġman dan","con trol","Ġprotes tar","un der","é anos","Ġcomprar lo","ĠFa cil","Ġase me","An d","ĠLabor ales",") -","Ġpic ante","Ġestatu to","ĠCh ip","ĠAP I","Ġal leg","Ġter restres","á maras","ĠP ÃļBL","ĠC able","esto y","Ġsá banas","ĠM C","ĠFar macia","ques e","ĠP Y","Ġreg ulado","Ġfortal ece","ĠJer sey","ex uales","Comp ra","kespe are","Ġalerg ia","Ġf ech","em i","l oma","Ġtécn icamente","Ġorganiz ando","ĠCor ral","Ġintens ivo","ĠEnc uesta","Ġt ÃŃos","ĠA Y","Ġsolv entar","Ġnic aragü","ti e","Ġdi misión","Ġdi et","Ġalerg ias","cu pa","ĠAnd y","Ġdescen der","San tiago","ĠVi ña","ĠP ira","Ġapa gado","Ġciudad anas","ĠMu rillo","Com en","Ġcruz ada","Ġa tu","ĠCes ar","Ġn udo","Ġver tiente","Ch ina","i qu","00 00","ĠOc éano","Ġcómp uto","ĠInten dente","Ġpod áis","Ġperió dica","Ġemo cionado","ic adas","ĠDo ug","Ġlavan derÃŃa","ĠJen nifer","Ġfil tración","Ġmezcl an","Ġaz ule","Ġprepara tivos","Ġempez ará","D ado","Ġdej arán","Ġbr omas","Ġdesconec tar","m g","Ġinigual able","ĠB AN","An álisis","Ġaum ente","ĠK ra","Ġaport ó","Ġqu it","Ġcl on","Ġaver gon","ĠT ap","ĠCons ist","Ġtras lados","ĠFran cesa","Ġestren ará","Ġsegu idor","Ġà Ĥ","Ġsofist icado","Ġs te","Ġtem áticos","Ġcasti gar","Ġaf in","tic en","Ġom i","Ġacoger á","Ġequi par","ĠQu il","Ġrecal có","ca ciones","Ġch istes","Ġpon encias","Ġin hum","Ġfuncion aria","Ġgana deros","ĠO portun","Ġbl ue","Ġsuger ir","Ġreivindica ciones","Ġrefres cante","èn cia","ĠP ia","ĠH at","ĠAg rupación","Ġjur ada","ĠContral orÃŃa","Ġdej aban","Ġimpul sos","Ġcon no","ña de","g ger","Ġmarcar on","Ġmagn ética","Ġhe mo","Ġgri fo","F oro","Ġb ue","Ġimp uestas","omin ación","ĠChrist op","ĠTig re","! ...","Ġcad ucidad","ĠB ruce","iz adora","Ġan alizó","Ġcolabor ando","е н","C r","ĠNe vada","Ġdific ulta","ĠGeo grafÃŃa","Ġcan ario","Fel iz","Ġprevent ivas","Ġproces adores","ĠEMPRES A","Ġa x","Ġexitos as","Ġcaris ma","V V","Ġlim itan","ĠCá maras","di d","ĠAm istad","Ġiden tidades","Ġpar celas","Ġos teo","ĠA penas","rig uez","Ġplug in","h ard","F P","ul i","un k","es el","Ġles ionado","Ġarque ológico","Ġcerra jeros","tor s","Ġan á","ĠRec ords","ĠC ES","Ġplást icas","Ġan chura","ĠEn can","Ġata cado","R S","Ġdi rán","Ġcontinu os","Ġdid áctico","col or","Ġcabel ludo","Ġburbu jas","Ġ6 50","Ġf acetas","ab ezas","ĠMÃī XICO","p ina","Ġech arle","P el","Ġinv entado","Ġfarmacéut ico","P ágina","Ġpr ólogo","In dic","Ġé se","Ġcompr ueba","fac ebook","Ġfom enta","Ġef ÃŃm","van ia","Ġcatedr ático","ĠVen us","ĠPRO YEC","ĠR yan","com edor","ĠGar den","I OR","ĠY O","Ġdejar nos","tiz adas","Ġfi anza","ĠL iz","ĠOl iva","Ġis l","ĠGol den","Ġap titudes","Ġcontra ta","Ġop resión","ĠAR T","Ġpedi rá","ĠV IS","Ġdé j","ĠN úm","ĠBos ch","Ġvesti da","ĠMej ora","ĠAhor ro","Ãį TULO","Ġpers istente","Ġalegr ÃŃas","ĠMach ado","Ġdetal l","Ġsuces ivas","Ġarque ológicos","Ġdes ma","Ġtan g","ac ta","Ġan emia","Ġdeman dado","po p","Ġburo cracia","un te","Ġper formance","rÃŃ e","Ġangel es","ist icas","Ġcol mo","V ale","Ġoficial ismo","pa tri","Ġcontr arios","Ġpró stata","Ġflu idez","g ento","ĠLib ia","ĠClar ÃŃn","L ee","g aban","ĠEs lo","ĠEn vÃŃo","Ġcla v","Ġenve j","ĠR GB","ĠAl cor","Ġanima ciones","Ġdam n","Ġcapaci tados","ĠM D","Ġdesc ol","Ġceremon ias","ile y","Ġpost ales","Ġsimb ólica","ĠLink ed","ĠCon ec","Ġab ejas","ch el","ĠE ucaristÃŃa","Ġsus cribir","ĠMa te","P ablo","bi tros","Ġapoy ó","ad ona","Ġnum eral","Ġpareci das","ĠViv ir","Ġescla vo","Ġval idación","Jo hn","Ġporcel ana","Ġelem ental","Ġrevis ado","Ġpará metro","ri go","Ġcir ug","ĠAur ora","Ġbu ffet","ĠMexic anos","Ġmotiva ciones","ĠA A","ĠJa pon","Ġservir án","I CIÃĵN","Ġ um","ĠAnder son","Ġmé dula","Ġal ambre","Ġhidrául ica","Ġblo ck","Ġpredic ciones","ab i","Ġsol dadura","id able","Ġindic adas","ĠPan tal","f ón","Ġmole cular","z án","Ġdisco teca","ĠSant ÃŃsima","Ġqu itó","ĠDu ero","ĠGre y","Ġp ioneros","Ġincorpor arse","F IN","ac ÃŃ","Ġmor ada","Ġson riendo","Ġcorrec tos","Ġrela tó","ĠAcadém ico","ĠBe tis","ĠTrad ucción","f le","ĠC ach","Ġé ticos","ĠKenn edy","Ġcu en","Ġcarro cerÃŃa","Ġle emos","Ġ10 6","Ġrepe tidas","Ġnavide ñas","Ġcab ra","Ġman ager","Ġcomplic adas","Ġdinosau rios","Ġy eso","Ġhom icidios","Ġcog iendo","am ental","Ġflu idos","ici das","Car acterÃŃsticas","Ġaustral iano","v ing","Ġb risa","ĠSpa in","izar ro","Ġarte factos","ĠF ashion","Ġsu mas","ĠCon ver","Ġdesple gar","Ġh ob","Ġpregun te","Ġdetermin ará","Ġconce bir","Ġmer cad","Ġloc aliza","Ġi T","ĠSu p","di an","% ;","ĠEsp inosa","Ġ úl","ĠIber ia","Ġcompar ecencia","Ġrev ivir","Ġgru p","Ġconten gan","ĠINTRO DUCCIÃĵN","ĠPrin cesa","ĠD ell","ala pa","ĠG em","Ġhin ch","ĠJard ines","Ġhidr omasaje","Ġbrin dó","Ġcompon er","Ġlarg ometraje","Ġpriva tización","ĠL et","gu ilas","Ġgu iadas","z uelo","Ġalm or","Ġtelevis iva","ĠAdi cionalmente","z uela","Ġcr áneo","Ġgener en","ĠPar edes","Ġescal ar","Ġfor ro","Com er","B al","Ġaument ará","Ġreiv indicación","on és","Ġsol ista","be te","ri eta","tiv es","Ñ ĩ","Ġhambur guesas","Ġtu viese","ĠPri eto","ĠN in","ĠK al","Ġelec tri","Ġrefor zado","Ġfacil itados","Ġpresupues taria","Ġmi xto","Ġdescon tento","Ġtu vi","Ġdu al","Ġform ula","Ġaspir ar","Ġmicroorgan ismos","Ġimp ed","Ġsal ÃŃan","Ġop tó","Ġreserv ada","AC A","Ġcual ificados","Ġalfomb ras","V arios","m ore","ĠPo zo","G I","Ġle ones","Ġvis ibil","ip ú","Ġarras trar","Ġdigit alización","Ġd ale","pe a","Ġconstru idas","Ġconfies a","w all","Ġprocur ar","Ġe ras","Ġhe ter","ĠVal di","or rupción","ĠHab itaciones","Ġcomis arÃŃa","ĠBrig ada","Pr omo","Ġdecora tivo","Ġgrab ó","Ġfrances as","ĠS ON","ĠâĢ ķ","Ġen chu","Ġest Ãĥ","il i","Ġanonima to","ci udad","Ġtra tos","Ġdismin uido","ĠHi per","Ġl iso","Ġpas teles","Ġconcer n","T ÃŃtulo","Ġtrans pira","Ġs co","Ġinsopor table","U PO","Ġb ut","Ġimp renta","Ġdescon ocen","Ġcocin ero","E d","ĠBa ños","Ġpelo tas","ta il","Ġhe x","ĠAr gel","inas tÃŃa","ĠP AL","cil lerÃŃa","Algun a","Ġcre zca","Ġapoy ada","W S","Ġ( $","Ġconviv en","ial is","Ġil us","Ġpres enciales","Ġcas ados","ens ores","ĠEstruc tura","Ġe tern","Ġcumpl irse","Ġparticular idades","Ġben é","TI A","gi bre","Ġimperme able","ĠCient ÃŃfica","acate cas","Ġcap itan","ĠImp acto","Ġpel ir","Contin u","Ġintermin able","Ġcas inos","Ġdesac uerdo","Ġcar cel","Ġadquis itivo","ĠCa fe","ĠLe gan","ur des","ĠSebasti an","ĠLey es","étr ica","Ġdesgra ciadamente","Ġasegu radoras","ĠHa cia","Ġcurr ÃŃculo","Ġtrans itar","Ġmejor e","Ġviol entas","ĠT ara","Ġcomerci alizar","ĠXia omi","Ġcar gados","Ġsent enció","Ġhumil des","verg adura","Ġagres or","f et","f acto","Ġr usas","Ġinsign ific","V illa","Ġrespe tuoso","G M","ĠIn gles","Ġemis or","Ġand roid","Ġdestre zas","Ġdar é","Ġmás caras","Ġval la","64 33","B e","Ġservici al","Ġcap turas","Ġsupon drá","Ġempo bre",") ?","ĠTen is","Ġsentir te","Ġanticip ada","ĠSpi der","cu án","omas a","ĠA BS","ĠS QL","bre cht","Ġocup antes","Ġfus il","M ay","Ġcas cos","m ara","uc al","ĠG P","ĠValle jo","Ġobst acul","Ġdeten ida","Ġdesign ar","fil ia","Di rección","Ġre ve","Ġtri ang","Ġespon tánea","Ġrig idez","Ġfa ena","Ġfontan ero","Ġreson ancia","M ON","Ġja ula","Ġcostos o","z ará","T ipo","ĠP á","Ġminister ios","C ED","Ġcomple tó","ĠEspecial ista","P AN","ĠC COO","Ġve intena","ĠColeg ios","ARCEL ONA","Ġmul tim","Dis eñ","Ġconmem orar","in amos","pe d","Ġdirec tivas","Ġpus imos","Ġal la","ĠA compañ","Ġfun das","M ol","Ġen tres","ro let","ĠNey mar","to wn","Ġmon arquÃŃa","Ġge la","Ġsober ano","Ġdiferenci ación","Ġaceler ado","Ġinte mp","Ġconoc ÃŃan","is m","Ġsem á","Ġemo tivo","Ġpres tando","Ġide ológico","ĠPon tificia","ci so","qu itas","Ġsal vado","Ġhomosex ualidad","cl eros","Ġna val","ĠTrad i","clip se","Ġpr orro","ĠMiemb ro","Ġrealiz o","Ġenv ÃŃe","Ġcel das","ĠS ando","Ġelabor adas","anc y","Ġen laz","Ġan os","itar ra","Ġaplic ados","d án","ur ÃŃ","Ġdesesper ada","Ġfarmacéut ica","ĠïĤ ·","ĠDan ilo","Ġconden ó","Ġisrael ÃŃes","ĠT able","ĠSan gre","Ġtre gua","lan es","Ġinsom nio","ĠB ros","ĠCh eca","Ġge ometrÃŃa","Ġpas arlo","Ġen vergadura","Ġdie ciocho","Ġub icaciones","Ġproporcion ada","ĠB and","Ġencontrar nos","Deb e","ĠAde mas","ĠAl h","ĠSon ia","Ġpata ta","Ġencar gará","alim entación","Ġn ulo","A di","ĠW o","Ġcompr ue","Ġcach orro","Ġagil izar","cien den","Ġgru pal","ĠTa iw","ĠS witch","Ġcompañ ia","Ġdomin ado","Ġdial éc","Ġg ene","ĠR C","Ġcas ting","Ġca po","ĠColombi ana","ĠF ÃŃs","ĠAn dorra","Ġbur la","eci das","Ġregal ó","Ġson oro","ĠMat t","Ġvej ez","Ġun ica","Ġceleb raron","Ġdemocr áticas","Ġla menta","I mag","Ġcurios idades","Ġpira ta","Ġambul ancia","Ġalej ados","Ġun ieron","Ġan ónimo","Ġpal anca","Ġcomb inando","Ġper ÃŃmetro","Ġri endas","ci mos","ĠB lu","Ġcil indro","Ġcan cer","Ġbus es","Ġde ficiencia","Ġjes u","in v","in ista","Ġf ana","ĠS AT","Ġpara dero","cre di","Ġâ Ļ","ĠEsp ino","Ġcontar án","Ġrepresent ó","ĠDetal les","ĠhÃŃb rido","Ġres iste","Ġem iten","Ġhar ÃŃan","t lán","ĠCo oper","Ġpractic ando","ĠMá quina","D iario","Ġ19 55","Ġre carga","Ġinici arse","ho to","ĠOrgan ismo","Ġhab rás","Ġa za","Ġhe teros","Ġperten encias","ilo to","Ġbusc aban","Ġilum inar","Ġcurios amente","Ġperpetu a","Ġpara guas","gn e","In v","Ġmarc adas","Ġresiden ciales","de re","in ga","Ġapar iciones","fer ir","Ġdestac aron","ust er","Ġhub iere","Ġbro tes","Ġexplic aba","Ġdesarroll ador","Ġex h","ecer á","Ġotor gamiento","Ġel ástica","Ġpens arlo","Ġlim ite","ci mo","Ġpas tilla","Ġgener osa","ama ño","Ġalar gar","ĠA TP","me x","Ġpen últi","Ġpreocup ada","Ġdile ma","Ġsuper e","Ġparticular idad","Ġascen dente","ĠSitu ado","D onde","ç o","ĠVillar real","ĠS car","Est ado","Ġconj u","L L","ĠV illas","ĠK g","Ġlan gos","Ġadap tadas","Ġfacil it","Ġdefra ud","G C","ĠT oluca","Ġcontra c","ĠA wards","ĠF R","dera miento","Ġfelici to","e uro","en n","Ġval enciana","Ġar diente","ĠSo und","Ġtelevis ores","ĠFor al","Ġprotec ted","Ġsing ulares","Ġindependen tistas","E fec","ab ro","Ġpod cast","Ġdescub rimos","ĠExtra ord","ĠS atan","cos o","Ġdel ine","ila del","Man uel","ĠRe ferencia","ĠPe kÃŃn","Ġe rupción","de remos","ĠPho toshop","Ġasegu radora","Pue do","la za","Ġtermin amos","Ġinc rust","Ġvisit aron","ĠSky pe","Ġmal dición","Ġarch ipiélago","Ġpier dan","Ġpos grado","Ġjugar on","Ġdem or","al ias","Ġen ajen","ĠD IA","Ġconf iere","especial mente","ĠV AN","Ġsilves tre","g asta","Ġpais aj","Ġpregun tamos","Ġobten drá","Ġconta ban","Ġcal a","a ut","Ġsan tander","ĠA bre","Ġani quil","Ġc ig","ĠlÃŃqu ida","ej il","ĠAn n","Ġhaber le","ez o","Ġpene trar","ros is","ĠW ik","Ġmencion an","orm ales","Ġven drán","Ġsó tano","ĠAdul tos","ĠP ier","Ġenfr entado","Ġv iera","ĠLe opol","Ġtóp icos","ĠDOMIN GO","ie d","Ġcomp lica","Ġtor tilla","Ġenv uelve","Ġinterro gantes","Ġ ome","ĠTV E","Ġdo bla","Ġalim entan","Ġcaracter ÃŃsticos","V AR","Ġcar ib","Ġflor ales","Ġpro posición","Ġfil oso","f ul","Ġcal lar","des pués","Ġmer idi","Ġmotiv ar","Ġperci ben","Ġh eb","Ġof renda","Categ orÃŃas","Ġconec tan","C AS","D H","Ġw ord","Ġca ÃŃa","Ġoblig adas","Ġayudar me","Ġcons piración","Ġdel iciosas","ĠD icen","ĠGob iernos","Ġse ducir","Ġdestru ye","Ġest rib","ID AS","Ġpropor cionados","ĠJuvent us","Ġ iso","dor f","Ġras go","ĠDocu mento","ĠRos si","ĠTEC N","Ġseñ as","Ġdebut ó","ĠSex ual","book s","ĠHisp ano","H ar","ĠP iz","ĠG all","Ġrecur rentes","ĠQue en","ĠF oo","ĠAr ts","icar bonato","Ġc acer","ver as","Ġmillon ario","tal os","Ġgri etas","Ġcual ificado","Quiz á","o ut","Ġt un","Ġarm amento","ient an","var o","Ġ10 80","Ġcapital istas","Ġoper ado","Ġ* ****","ĠL ittle","Ġte ologÃŃa","uy eron","Ġfac ulta","ĠSport ing","ĠNo el","Ġpien ses","Ġinevitable mente","dimens ional","ĠVlad imir","Ġale gres","Ġdescon cer","Ġpavim ento","O K","Ġextra va","TAN TE","Ġal aban","pul co","Ġlo terÃŃa","Ġru ina","Ġaci dez","ĠEscrib ir","Ġder re","ĠMajes tad","k t","Ġgal lega","tor i","Ġo ver","Te ma","Ġhúme da","Ġdecep cion","E m","an go","ĠMar tha","on ic","Ġfantá sticas","ĠMa pa","mon te","ĠAir lines","ie blas","Ġ195 7","on line","Ġmej illas","ĠTh om","Ġfa ciales","Ġahor ra","ĠLor ena","Ġexist ió","ĠSant ana","Ġdenunci an","Ġorganiza cional","Tra bajo","ĠD á","Ġfármac o","ĠCarras co","Ġbenefici an","Ġdelincu ente","Ġalcoh ólicas","ĠRevolucion ario","ĠB ras","uel lo","Q D","ĠDispon emos","ces os","ka ia","Ġtea tros","Ġib érico","Ġefectu ada","ĠSi tios","Fern ando","Ġesté ticos","Ġbrasile ños","ĠmarÃŃ tima","Ġde tuvieron","Ġdecis iva","Ġcon cord","Ġon c","ĠPH P","Ġdij imos","Ġfi ables","ĠAy ala","Ġadvers ario","ĠDur án","Ġca uce","Ġplacer es","Ġsinton ÃŃa","Ġv icios","ĠMuch a","kin son","Ġdesp ach","g és","endi entes","ke e","ĠContin u","ĠMo on","Ġzana horia","Ġalmac ena","Ġb b","tos o","ĠA H","Ġinf al","Ġorden anza","Ġpru dente","Ġconfirm ada","Ġseren idad","Ġestu pe","ĠCor dero","Ġreconoci endo","ev ales","N ombre","at lón","ĠT ún","ter almente","Ġsal tó","Ġflam ante","Ġcal zada","M ad","Ġp rudencia","Ġpi anista","ĠTer ror","H or","Ġdesper tado","in ing","Ġcoord inada","Ġde dico","Ġni ke","ĠDefens orÃŃa","Ġát omos","Ġen ro","b ÃŃ","Ġcent ran","Ġde co","gro und","Ġsub san","Ġocul tas","Ġasign ados","Ġv illas","ĠC ien","an amente","Ġre inos","pi ter","ĠBan ca","Ġagar rar","Ġexperiment ando","an tas","Ġtelevis ivo","Ġfrigor ÃŃfico","ĠDE RE","Ġà ¢","Ġpunta je","Ġo z","Ġrecib ÃŃa","Ġapre cio","ĠC uevas","Ġemb u","ele t","ĠE V","Ġemple adas","Ġsan grado","in dic","ĠL é","ĠiT unes","te pec","Ġinter venido","Ġhar to","Ġpatrocin adores","Ġpa tin","Ġsab rás","C ual","in aba","Ġpo ker","Ġpremi ado","Ġprefer ida","CI S","ł Ģ","Ġinstruc tor","c entes","Ġconsecu ente","Ġdegust ación","ĠF i","Ġambient ación","Ġarro yo","Ġreproduc ciones","Ġinterv iene","Ġigual ar","ĠMon ts","Ġcon dominio","ĠPRO DUC","ĠL argo","ĠT as","Ġpor t","-- -","Ġfemin istas","Ġkilo gramos","Ġn ano","Ġdes igna","ĠNego cio","Ġhem isferio","ĠolÃŃmp ico","ĠP ich","S erÃŃa","Ġma tado","Ġcar teras","Ġpol aco","Ġvál idos","Ġdesvent ajas","Ġhemor rag","! âĢĿ.","Ġcre ÃŃdo","Ġperf oración","on der","Ġin hal","Ġsustitu ye","ind le","l lam","Ġutiliz aba","Ġcompr ensible","Ġ17 5","ĠMor gan","Ġpre ver","Ġofrecer án","Ġcontinu arán","ij i","direc ción","fer ia","Ġcompatrio tas","Ġaccion ista","S igue","ĠFu era","S P","ĠEx pres","Ġatra pados","vie w","Ġt ierno","ĠHab lamos","Ġde venir","Ġaver ÃŃa","ient en","Ġconcej ala","N G","a vi","Ġchal et","bl ado","ĠDependi endo","ĠB in","Ġnoble za","Ġinform ando","Ġexist encias","Ġlleg ados","ĠClas ificación","ĠAgro pecu","Ġdesarrollar án","ĠJ untos","R T","Ġcumpl ieron","Ġgen ero","Ġma fia","ĠEn v","ko v","Ġcertific ada","Ġcon son","ĠOrgan iza","b ps","Ġma tando","Ġces ar","o do","x icación","Ġexcl uidos","Ġtes or","IZ A","ĠSan d","Ġagu acate","Ġbo tán","Ġlig ados","ĠA ven","Ġacu ario","F al","Ġgra ma","ĠAntrop ologÃŃa","Ġsal ariales","Ġenvi aremos","ĠD ATOS","EM OS","Ġauton ómicas","Ġcoh esión","IL I","Ġcircul an","Ġy ihad","Ġperfum es","p uso","Ġel ástico","ĠCre emos","AR ROL","Ġf eb","Pre cisamente","ĠIn dias","Ġesp ionaje","Ġexist iendo","ĠZ amb","ĠClas es","f ren","Ġdic tada","Ġh ala","iv ia","ĠLen in","ĠGu inea","Ġhabl aban","OM BRE","Ġcivil izaciones","ĠRef ug","m ez","J uego","ĠS av","Ġtra go","Ġb itcoin","ĠB C","ĠSO CIAL","ĠC uesta","Ġmov ido","Ġconsider en","Ġpo des","ĠCampe ón","Ġsupervis ar","Ġe yac","âĢ ²","ĠT ito","tiemp os","ä º","ĠPri vada","Ġsubmar ino","Ġest ira","eci era","Ġculmin ó","or ización","Ġmigra toria","Ġfil traciones","Ġfracas os","Ġfeste jar","Ġconfes ar","ĠSha kespeare","Ġl ona","ĠL L","ER IA","ĠI k","Ġpre ceptos","Ġfuncion ado","Ġcoment an","Ġpropa gación","ĠAñad ir","ay uda","Ġcuan ta","Ġpis ar","tain ment","Ġar as","Ġinterpre tada","ĠsanguÃŃn eos","ĠArch ivos","ĠNingun a","Ġb ár","Ġpes car","Ġplát ano","Ġverteb ral","ĠPRO GRAMA","Ġproporcion ará","f lu","Ġmam ÃŃferos","Ġv om","Ġredac tar","Ġfres as","ist em","ĠCan on","Ġcóc tel","Ġcomens ales","Ġrepro duce","Ġpirámi de","Ġan dadura","ĠCh ur","Ġrefuer zos","Ġencontrar lo","ti zo","ĠRe tiro","Ġfis io","ĠCap illa","Ġagreg ando","Ġger encia","199 4","Ġboliv ianos","Ġcu at","Ġcompac ta","Ġap ta","Ġpresent ador","Ġmun dialmente","eno vela","Ġus ur","Ġsan as","Ġdistor sion","Ġrecomend ados","v d","Ġplan ear","Ġhipo te","bur y","Ġapas iona","ĠOs orio","ru guaya","Ġcontrol adores","Ġcariños a","fe os","ĠE instein","ĠN eo","Ġlan zan","Ġsome tidas","Ġadvers as","ĠE je","Ġvesti dor","jemp los","ĠAquel los","ter nas","pa ge","Ġexig iendo","Ġconven ga","tid ora","Ġalgorit mos","Ġinf usión","Ġep ÃŃ","S am","ti jo","is ima","ĠFre ud","ĠNig eria","tin ales","Ġcompl acer","ĠH OR","Ġsignific an","Ġevolucion ando","Ob serv","v ÃŃn","Ġresul tará","tol ógicas","T el","Ġper ra","Ġc ás","ĠH echo","Ġment almente","Ġperdon ar","et ano","ul adores","ĠDes tac","1 000","ĠCon v","Ġador ación","ĠParti cip","Ġpar ó","ñ eta","ÃŃ pro","Ġcontr asta","te ando","mer cado","ĠMá ximo","Apro vech","ion ada","posi tivo","Ġo cular","Ġdesemb oc","Ġ Ñģ","à ľ","o fici","Ġmultim illon","Ġcib ern","ex per","ĠMon asterio","Ġselec tivo","Ġtembl or","Ġsal go","ĠV EN","Ġperten ecÃŃa","Ġporta folio","Ġfenomen al","b uena","cl ick","Ġ11 1","Ġafec ciones","Ġanunci antes","Ġle ÃŃa","Ġobserv ador","Ġnar ices","J ust","Ġm esti","Ġl ámina","Ġfabric adas","Ġdiver so","Ġcolombi anas","Ġc ue","ĠAl fa","ci òn","Ġos cil","Ġdesconoci das","Ġcre ces","ĠInte lectual","Ġsu enan","Ġbien venido","Ġbal cones","Ġinterro ga","do y","Ġburo cr","c rÃŃ","Ġtamb or","w en","ĠMara tón","Ġdies el","ográ fico","ĠBlack Berry","Ġimple menta","Ġdiscre ta","ĠC usco","Ġab ro","ĠAudi torÃŃa","Ġco que","ĠBel trán","Ġten encia","Ġdemos traron","N av","Ġgobier na","Ġlanz ando","Ġacep tando","ĠCompr om","Ġempu jar","Ġre leg","ĠD D","Ġten dido","Ġperon ismo","Ġsan tidad","Ġimp lac","Ġmascar illa","G onz","Ġpo wer","ĠSu ite","Ġtac os","Ġten es","ĠHab itación","Ġsel lado","gu s","tin i","Ġesc ru","viv encia","Ġev oc","Ġcruel dad","g ana","ĠBenjam ÃŃn","ĠRa zón","ĠReci entemente","Ġintegr arse","Ġale jada","ĠM oy","ve dades","ĠCol on","ĠPatr onato","Ġcer raron","Ġdecre tos","ĠDin ero","Ġterapéut ica","y lon","Ġn icho","ajaj aja","Ġver ga","ĠTes is","Ġasequ ibles","Ġé pica","Ġro tos","Ġasent amiento","ĠMan if","Ġabar can","ric ense","éndo los","Sal ud","Ġex cre","Ġconci ent","¡¡ ¡","ro p","Ġdespro por","Ġpose ÃŃa","Ġb in","ĠR ita","Ġdi óxido","Ġviñe dos","Ġins istencia","Ġgol p","Ġco cido","Ġint riga","ĠBern abé","1 10","Ġe min","rac le","Ġenvi aron","u tación","Ġalta voz","Ġinalámb rico","Ġre zar","Ġderi var","T rad","Ġinde x","Ven ezuela","l iber","ĠEn desa","Ġaerona ve","Ġenc ajar","ĠCar ri","Ġcap ucha","Ġcos tera","ĠCo co","ĠLE Y","ĠVo dafone","ĠBartol omé","tar le","TA C","j s","ás icos","Ġpatr ulla","Ġmacro econ","Ġba tido","De tal","ĠAr tic","ĠOl ga","oz ca","Ġnovedos a","uer pos","? !","ĠC ierre","ĠOl d","ĠA gencias","Ġlist ados","Ġcómp lice","Ġ ×","Ġr ondas","Ġprofundi dades","Ġastro logÃŃa","Ġad yac","Ġho t","Ġb ab","Ġbar ri","Ġpublic ará","Ġelimina toria","x ito","Buen a","ĠF os","Ġma deras","Ġ ñ","ĠG ale","C at","Ġdi ger","Ġ10 9","Ġau gu","él icos","Ġcoloc ados","ic erÃŃa","Ġcor tina","+ +","ĠQuer ÃŃa","Ġv endo","M D","Ġemb o","J avier","un ch","Ġmi ramos","Ġefec túa","Ġanfitri ones","I r","al gun","ĠSelec cione","Po drÃŃa","Ġpres as","Ġ195 6","Ġsubsecre tario","as to","ĠEstrel las","ĠK le","Ġcoloc arse","Ġmod ular","Ġexperim entados","b able","Ġacord aron","Ġcontra cción","Ġapren dan","ĠAn tár","Ġameric anas","Ġense ño","ril lero","Ġexplo taciones","Ġpar is","Ġdepartam ental","Ġpul ido","Ġtransex uales","Ġref lec","let ter","ama ha","ĠMa gazine","ĠMé todo","ĠTÃī CN","ĠB it","orn e","Ġsus pens","Ġab undan","ĠSan tam","Ġrepresent aba","ble ma","ĠF ase","Ġsol idez","Ġinsist ido","ĠpÃŃ xeles","ĠP adilla","ĠF lex","Ġus ual","Ġen érg","Ġsal iera","ĠTi pos","Ġsurg imiento","ĠDiv ina","Segu ramente","Ġ[ +]","Ġorig inaria","Ġpode is","Ġrodil lo","ĠUE FA","Ġmonopol io","Ġen tras","Ġgas olin","Ġech ando","Ġgrab ada","Ġvib rante","I gual","i ño","ĠB L","ĠVal ley","Ġcompra mos","Ġdivul gar","ĠSal va","ĠP interest","ĠTo uch","Dan iel","tán eos","ĠRe visión","Ġen tier","ĠBa talla","Ġgall ina","Ġcompren den","Ġescu ad","Ġcal ienta","w al","ĠConsul te","Ġnavide ña","E le","ĠâĢľ âĢ¦","Ġazúcar es","Ġminim alista","ĠEst rada","Ġafec ten","U s","Ġt ó","Ġtrabaj aron","Ġadap taciones","ĠE QU","ĠV id","Ġconstitu yó","Ġpres enciar","Pre cio","Ġaper itivo","ĠCUR SO","Ġexp lique","Ale mania","Ġextrem idades","Ġreglam entación","Ġcl ÃŃ","ĠEl abor","tú en","Ġgas tado","ii ii","Ġg alo","ĠVeh ÃŃculos","a ño","el and","Ġba ta","Ġley ó","ĠPicas so","Ġo k","Ġno t","ĠNa pole","F lor","li bre","* )","ĠSol amente","C UR","ĠT un","ĠG MT","th on","Ġcarb on","ĠAlma gro","son aro","Ġacus ada","Ġad min","Ġe ru","Ġal érg","Ġacab ará","ĠBár bara","Much o","Ġo bl","Ġpa uta","Ġcamis as","Ġmiti gar","ón ima","ĠT EN","Ġobede ce","ĠDescu ento","Ġten ÃŃas","po co","C ola","U ER","Ġincorrec to","Ġcomput ador","Ġsimpatiz antes","Ġsitu ar","Ġreporta jes","Ġg esta","Ġmam ás","ĠVerg ara","er me","Ġapos tado","enz amos","Ġprevis ible","tu ando","Ġrepresenta tivo","ION ES","Ġnavide ño","Ġrecrea tivas","Ġ ut","ĠA partamento","Ġap ela","itco ins","ĠÐ ²","aman ga","ĠCom b","Ġrefer ir","Ġdescub ierta","Ġrode ados","Ġmin orÃŃas","Ġconten ÃŃa","Ġver tig","Ġceleb rarse","ICA CIONES","ĠCoch abamba","e al","Ġmedio ambiente","ĠPa u","Ġinici e","is er","Ġdes critos","ĠBlo que","Ġret ribución","Ġvil lano","ho u","Ġenseñ ando","ĠJohn ny","Ġconf ÃŃan","ĠPol ÃŃtico","ĠPr áctica","ĠCar denal","Ġauto bio","Ġvideo clip","ĠCá tedra","ĠMec ánica","ĠRece tas","tiv ación","ĠR uss","apro pi","Ġb rasil","Ġemp ap","g rana","Ġf itness","Ġb oy","Ġrad ial","Ġgo zan","ĠIden tidad","Ġin el","ĠN oreste","Ġpel is","Ġgu ay","Ġdirec cion","Ġon e","Ġri ñones","ĠA us","Ġpes adas","ĠAN D","pe to","ie do","Ġsens ualidad","Ġincre mentos","din ámica","Ġpor os","Ġel o","lan eda","ĠInter vención","Î ¿","In forme","Ġdesa hu","Ġpremi ados","ahu ila","Ġgolpe ado","Ġespos as","Ġ. -","ĠPe ters","Ġconduc to","Ġamar illos","Ġl ong","Ġencan tará","Ġances tral","Ġcom ete","Ġacar re","A V","om s","Ġrep el","amb la","ĠL ord","Ġgran d","cul es","Ġfum adores","ĠBay ern","ĠC ris","Ġsi rio","Ġoc éanos","Ġequilib rar","l isis","ĠE th","Ġman ic","Ġdos cientos","Ġgalard onado","Ġporte ño","Ġno ciones","qu iz","ĠM ob","ĠNo tas","ĠA grade","ĠS at","Ġce lo","Ġeval úa","ĠAriz ona","Ġp uros","Ġago tamiento","U V","F R","ĠP AC","Ġva queros","ĠCab ello","work ing","per os","y on","Ġn on","Ġin na","B AS","Ġdefens ivo","Ġcorrespon dan","Ġsolici tantes","Ġbal let","Ġamar illas","CES O","Ġpron ósticos","ĠJ OS","Ġemb ra","Ġcompar able","Ġestructur ado","Ġcon dujo","Ġlujos o","Ġgeográ ficas","Ġmedi terráneo","ĠSara h","en dadas","ĠY A","Ġcer tificaciones","Ġubic ó","ge ci","y mp","Ġh its","quier e","Ġrectang ular","ĠGeorg ia","A parte","ĠV isión","ĠAc ce","Ġencar n","Ġcob rado","Ġdesequilib rio","p ac","ĠRe vis","ĠG un","tes e","Ġfa x","ici na","Ġdia grama","Ġmari posas","S ea","ĠT ib","Ġdomin icana","Ġrub ros","Ġmap uche","ĠVig ilancia","Ġimplic ado","Ġpo ético","Ġt enta","Ġmejor ada","Ġgan ados","ĠcardÃŃa ca","Ġratific ó","Ġimpuls ando","Segu imos","C ab","Ġred und","E TA","Ġfoto copia","ĠL amentablemente","ĠCom ando","Ġpla tillos","Ġpan es","Ġagro alim","ĠTera pia","Ġcaz ador","Ġsus piro","Ġcub riendo","Ġton alidades","Ġago bi","Ġsen das","ĠDec ora","Ġmemor able","Ġchis pa","Ġenrique cimiento","u res","Ġsentir nos","it ano","Ġotor gada","Ġgeográ fico","Ġver nos","Ġemis oras","ĠP IN","Å į","Ġfle chas","cleros is","Ġcon gén","ĠV aya","Ġver las","Ġpen ins","ĠFar mac","Ġplan taciones","ĠMil an","Ġcre ÃŃan","ick s","ĠSur f","Hab rá","z osa","Ġa ud","ĠExplor er","Ġconsider ará","Ġir rad","fo ur","Ġnarco tra","Ġp illar","AR ES","Ġmantener lo","Ġinterrup tor","ed s","medi atamente","ĠEn glish","ER G","Ġcigar rillos","j uelas","ĠPin to","b ada","Ġp il","Ġf av","Ġmon tos","B OR","Ġpr ós","Ġdig nos","Ġre van","étr ico","Ġcor relación","Ġsent ar","Ġestable cieron","Ġp ajar","Ġacab as","Ġbo ok","Ġenfoc ados","Ġilim itado","Ġdisfru to","Ġproductor as","Ġelem entales","ĠCN N","Ġdisper sión","Ġpublic aron","Ġmud anza","Ġtac ones","Ġrepas ar","Ġgenu ino","ie v","Ġres i","Ġun i","Ġun ilateral","Ġcans ados","ĠC AT","cos as","Ġvo taron","Ġsur re","ĠOfici ales","ĠJurÃŃ dica","Ġdisf unción","Ġsangu ÃŃnea","Ġasim ilar","Ġsuscep tible","ĠSci ence","lan desa","Pres entación","ci bles","Ġcumpl irá","ĠPra ga","Ġca vidad","b ec","Ġamuebl ado","Ġbeca use","ĠPo drá","ea ther","ĠPro blemas","au to","Ġintroduci endo","ĠCrim inal","S im","he ad","ĠVie ja","lan co","do wn","Ġvin cular","ĠI DE","ĠVe amos","Ter min","Ġro dado","Ġlej anos","Ġser é","Ġni trógeno","Ġadop tó","Ġcotidi anos","Ġi Pod","Ġapropi ación","Ġqu itarse","Ġdescan sa","ĠFu jim","A partamento","tific ados","Ġdesesta bil","Ġsensa cional","Fac ebook","Ġleg alización","l f","ĠPien so","Ġcl or","m uchas","ĠPr ue","Ġeficaz mente","Ġpon drÃŃa","Ġoper ando","Ġsh ock","Ġsu cu","itar ismo","Ġcelebrar án","Ġconcil iar","h ombre","ĠAr senal","Ġdev or","Ġemplaz amiento","Ġan cl","og ue","ĠK er","ĠDes n","ĠFun ciones","Ġperjud icar","ĠPr ome","Ġmotocicle tas","Ġtrabaj en","her ine","ĠInform es","ĠSU V","ĠC ero","ĠD allas","Ġmodific an","Ġpañ ales","ĠCar les","Ġderi van","u mp","In f","Ġfab uloso","Ġprof etas","Ġponer la","ĠSqu are","ĠComun itat","Ġdistribu idas","ĠDirec tivo","Ġabstrac to","Ġl ino","tra to","Ġb las","ĠSÃŃn drome","Ġmág icas","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ĠE f","ĠVe la","Ġvia jado","Ġacumul an","ál ida","Ġpeda gogÃŃa","Ġal ti","Ġexig ido","Ġenter amente","Ġr ond","Ġmar iscos","Ġdeleg ada","er ios","Ġcan cion","U r","ĠA mo","amil ia","A mpl","tÃŃ fice","Ġ óxido","Ġirri tación","Ġine quÃŃ","ĠK ur","Ġcarpin terÃŃa","Ġp rag","Ġop uestos","ĠWar ner","Ġpedag ógica","Ġentrañ able","Ġchamp ú","s ul","Ġar terias","Ġdeci dan","ĠBen edicto","comun icación","Ġconcesion ario","M os","Ġanat omÃŃa","Ġanhe lo","Ġhipo c","ĠP AT","Ġreper cusiones","Ġandal uces","ĠT LC","com ple","Ġop en","ĠSa grado","Ġre juven","ĠGar rido","Ġde mar","Ġch orro","ĠL P","Ġden tista","ĠL ig","Ġdisfrutar on","H ubo","ti res","Ġdes ist","Ġdetermin antes","Ġban cada","in cido","ĠE ras","ĠSe is","Ġk ey","ĠH ear","Ġco ach","Ġfreel ance","Ġadjud ica","Ġmadu ración","Ġacre edor","ĠCor o","ĠK i","ĠContra tación","r ÃŃamos","ĠA ve","Ġagrade cemos","Ġm uestro","Ġforma tivos","Ġescapara te",". /","Ġ19 47","hi bió","Ġbuc al","Ġpu ños","Ġcer dos","Ġrepresenta tiva","d l","ĠR endi","Ġfal lado","Ġrep leta","ps ic","Ãģ n","Ġdiagnostic ar","st icamente","Ġdeber ia","Ġlanz ará","contra mos","Ġconsol ida","ir mar","ĠT oni","Ġinac ep","Ġen tor","ti cismo","ĠPar ques","Ġenvi adas","Ġgaran ticen","ĠNie ves","ĠH ad","n ombre","Con ocer","Ġseñal adas","Ġcri ado","am ia","ĠPo int","Ġfotograf iar","ĠConcejal ÃŃa","Ġdes il","Ġefectu ará","ĠVo tos","Ġproteger se","ĠAu tos","Ġbl ues","IN S","Ġbenefici ado","Ġrepe tido","ĠCab eza","Ġgu ia","Ġfil trado","Ġacer caba","Ġenc lave","ÃŃb ulo","Ġmayús culas","ĠI na","ores tación","ĠK h","Ġasesor ar","A tención","Ġpol os","ĠNeces itamos","Ġsobre mesa",">< /","ĠR us","ĠV isa","Ġe usk","ĠD ri","Ġrequer irá","ar re","ĠG h","Ġconcent ran","Ġmagn ÃŃficas","Ġafirm ando","Ġsentir me","ĠPas ión","ĠSan cho","Ġacep to","Ġens am","Ġsobresal iente","Ġf aro","EM BRE","Ġagres ividad","on erÃŃa","Ġautor izar","ĠMa gal","ĠCI UDAD","g estión","Ġb ig","ĠPe dia","ĠL OC","ĠO ver","ĠTu ve","ĠBal oncesto","ĠER C","Ġen su","Ġdese able","Ġacu áticos","ĠSatan ás","Ġcre yó","Ġromp iendo","Ġador able","Ġcal am","Ġde ficiente","Ġtener la","ĠGal lego","Ġsel lar","Ġab rup","ĠT é","ĠAP L","LA CIÃĵN","ĠM ea","Ġco digo","Ġlad rillos","ĠFavor itos","Ġbailar ines","Ġpin tadas","Ġintu itiva","Ġirres ist","Ġpris as","Col or","Ġinaugu rar","Ġserv ÃŃa","Ġcomple tan","Ġvola tilidad","Ġte men","Ġrell enos","Ġagr aria","rue ba","ĠTermin al","Ġporcent uales","Ġasent amientos","Ġtermin aba","\" ?","Ġmatan za","Ġc c","Ġquiz as","Ġgra ta","Ġrecre o","ĠLa tin","Ġag ran","Î ¹","Ġcons isten","Ġexhib e","® ,","Ġre mite","Ġadquis iciones","ĠMetro politano","Ġimp ens","Ġreform ado","Ġreconoz ca","Ġcalce tines","Se villa","ĠS to","Ġver eda","aa a","Ġhidra tos","ĠAr men","ĠPro greso","Ġtor turas","Ġmanufac tur","Ġturb ul","Ġbril lar","Ġmur m","Ġneces itados","Ġcatá logos","Y S","Ġcas ita","Ġesc ép","Ġdescri ption","Ġjen gibre","ral tar","Ġbenefici ados","le ibol","Ġter mos","Ġ7 20","Ġopin an","Ġparticipa tiva","Ġinf rar","ĠCor reos","Ġcuader nos","ĠEjerci cio","b n","Ġnacional idades","Ġlon ge","Ġnegl igencia","Ġb est","ĠHer mano","Ġ195 4","ĠEntre ga","Ġo ponerse","Ġj acuzzi","Ġacer que","Ġ195 3","Ġapropi ados","Ġmarch ó","ĠLog roño","In form","Ġte jer","ĠMa gos","Ġacep te","Ġpartici pe","Ġsa hara","Ġgran ada","ĠA leg","ĠP ila","cu a","Ġgen érico","Ġter cios","Cu ba","le ts","Ġfe to","G N","ĠRel ación","Ġacce da","Ġmodific ada","ĠFab ián","Ġcafe tera","Ġalmoh ada","ĠLa ke","Ġrecuper ando","Ġbacter ia","Ġla bio","Ġaument ada","Ġmarx ismo","tis h","Ġreaf irm","Ġchar lar","ĠSan ti","ĠN ingún","Ġcons orcio","Ġen amora","ĠMar cha","Ġadop tadas","Ġp imiento","Ġprelim inares","ama ica","Ġvit ro","di t","ĠPen itenci","S ent","tar nos","Ġacompañ aron","Ġneu tro","Ġhegem onÃŃa","Ġpañ uelo","Ġvol antes","Ġech amos","ĠPis cina","ĠH amb","Ġrealiz aban","ĠAn tena","es an","ĠO z","Ġvolver é","ĠCl ientes","Ġdan zas","ĠBern ard","v ora","Yo u","Ġgradu ados","Ġhero ÃŃna","h il","o ter","ĠD orado","Ġsir vieron","Ġno vil","ĠO urense","ĠÃģ lava","ĠSud americana","qui el","Ġtir ó","Ġ.. ...","ĠRam iro","Ġapasion ada","ĠGESTI ÃĵN","Ġmer cen","Ġincorrec ta","Ġl echo","ĠAr thur","Ġev itan","at s","Ġper ejil","Ġfacil itará","Ġver ÃŃa","Ġprolon gar","ĠTig res","ĠSpo tify","Ġy an","le er","Ġcar icias","gü edades","Ġm ech","Ġsu ene","Ġcas illas","Ġtraslad arse","Ġans ias","oci tos","Ġart ritis","Ġqu itan","Ġesper es","Ġpregun taron","ti miento","Ġmir ador","Ġpagar á","Ġrespal dar","it ana","Ġ9 11","Ġdispon drá","ĠD og","J un","ÃŃ lico","ĠMar qués","Ġreci en","Ġneum ático","g ios","Ġas er","Ġenci ende","ñ ó","Ġdev oluciones","Ġimpon en","ĠRe paración","Ġcambi ante","Ġlic or","di rá","ĠEst ás","ĠAD V","Ġen ig","Ġsal p","ĠCar di","Ġilust rar","Ġcre cieron","ĠMira flores","Ġdiecis éis","Ġinde se","Ġadmira ble","ten emos","Ġemp are","Ġrespon da","Ġl it","Ġinmobil iarios","Ġtritura cion","b anos","Am or","Ġn áus","ĠP abellón","Ġen o","ud ales","Ġacep tas","Ġretor n","ĠF ul","Ġprotec tores","Ġn ena","rim ento","Ġenter arse","Ġolvid arse","Recuer do","ci era","Ġcaus adas","Ġasi ática","Ġ5 50","Ġluc ra","ĠPregun tas","ea u","Ġenfoc ar","ĠP ÃŃo","je to","Ġcuer nos","Ġinm er","Ġconv inc","ĠTRABA JO","Ġn m","G AL","Ġl ÃŃo","Ġper eza","Ġparro quial","tes t","Ġprop iciar","ĠElec tron","on ga","Ġcr ónico","Pue den","Ġpon entes","ĠO ff","Don ald","Ġbiblio grafÃŃa","Ġescand al","ĠÃŃdo lo","Ġtraduc tores","Ġenerg éticas","ĠFIN AN","Ä ģ","Ġfu iste","Ġform arse","ĠMunicip ios","V endo","ĠUn der","Ġvol um","Ġgu iones","ĠPas s","os io","ha us","Ġdiscapaci tados","is hi","oci ales","ĠC PU","ĠP rac","ĠCom isiones","Ġne ta","ĠT D","Ġval las","Ġdic tar","Ġconv icciones","ó teles","Ġens ueño","ĠMag ic","Ġex uber","Ġcor rom","ps ol","Ġrecompens as","AB LE","ĠC SS","Ġtraslad aron","Ġpol las","ca pe","Ġcomp rimido","Rec on","ĠAnim ales","Ġlig er","Ġasegu rada","Ġcob rando","un dos","Ġfu ero","Ġcruz an","Ġincrement ando","Ġgalard ones","Ġhablar on","ĠMor elia","Ġv iu","Ġtribu tarias","Ġdiagn ósticos","E lec","ĠB ono","Ġobede cer","G an","ĠP lu","Ġv osotras","ĠR h","Ġos ea","graf a","Ġth riller","Cer ca","Ġinter nado","ĠMa za","Ġ% )","S ur","ĠAndre w","ent able","ĠS par","ĠPer fecto","ĠAc to","p tos","Ġcol inas","Ġh d","ĠP ico","ina ciones","Ġjapon esas","Ġparado ja","vis ible","ĠZ or","cons ciente","ian ce","Ġtra ÃŃa","Ġaz u","Ġri s","Ġestren ado","ti cio","Ġrepresenta tivas","Ġamor oso","Ġóp tico","Ä ±","Ġ6 01","Ġdesinter es","Ġgener ará","Ġvol c","23 7","Ġexhaust ivo","Ġcol isión","Ġclima tización","Ġme to","Ġsome te","Ġvid rios","ĠF iel","Ġexclus ividad","C EL","Ġre tórica","c ÃŃan","ĠOde brecht","ord on","ĠAdminist rador","Ġindependen tista","Ġhab itante","Ġgra ba","US A","am ó","Ġcal deras","Ġdist ante","ĠilÃŃ cita","Ġdesac eler","Ġfl uye","ĠLegan és","Ġse villa","Ġflu ida","Ġsuces ivos","Ŀ ¤","Ġexcl uye","Ġdetener se","ĠM ág","ĠFujim ori","fi quen","Re ad","Ġbe ige","ĠNick y","Ġ19 41","Ġco aching","Ġbo om","Ġcoment é","Ġpron ta","Ġhech izo","Ġentra ñas","ĠPU BL","Ġg los","Ġinjust a","Ġa tado","Ġgri tando","Ġero ticos","Ġtum bas","Ġobst rucción","Ġgenoci dio","ĠOfici nas","Ġextrac tos","Ġmal dito","Ġceleb ridades","Ġagrade cida","Incl uye","in ador","Ġconstru yeron","ĠPerió dico","ent s","ĠJ O","Ġcor rosión","ĠCon gresos","ÃŃv ares","Ġroj ib","tor o","ĠH uerta","Ġconserv ado","ĠLeopol do","Ġfol leto","ĠCul turales","ĠD ir","ĠServ ices","Ġimpuls ó"," ½","Ġ19 00","Ġsolici taron","Ġesca ños","ĠB ola","ĠG av","ĠH AB","Ġexperim entan","Ġsobreviv ientes","Ġchanc adora","Ġmol er","Ġincrement ó","Institu to","ĠI v","Ġhos tel","Ġadelan ta","Ġcá tedra","A hÃŃ","Ġpi di","Res ul","lor e","Ġenz imas","ĠLo urdes","Ġasist ida","Ġgolpe ó","Ġescon den","Ġimpar able","n ias","ada via","Prim era","vi ales","Ġbril la","ĠForma to","Mujer es","Ġpan car","Ġsilen ciosa","c un","ĠRe habilitación","Ġconven cida","Ġch ir","anti cismo","Ġjust as","cti mas","c tion","Ġsig as","ĠEle mentos","S or","Ġdeten ciones","Ġnoctur nos","un ge","oci na","Ġhab ÃŃas","Ġinvis ibles","Ġne oy","Ġgu ap","Ġsac amos","Ġb esa","ĠO don","Ġsól idas","Ġv ello","Ġinf idel","d ona","Ġentr ante","ĠMer cados","ĠDES ARROL","Ġtin tes","; .","Ġ19 29","Ġarro jar","ĠMa de","ĠQ ual","ĠdiscÃŃp ulo","Ġinvoluc rar","l ight","ĠS K","Ġconoci mos","Ġsta ff","Ġan ormal","ĠMon to","Ġcre yente","ĠImp uestos","Ġconserv adora","ĠIden tificación","Ġdestac able","ĠFil m","A segu","Ġlo w","rill eros","Ġle tal","ĠT emas","ex ual","Ġconven ce","Ġsu puestas","Ġpa ternidad","Ġcober turas","Ġpe tro","ĠPer alta","Ġrob ótica","Ġcar amelo","ĠIbero americana","Ġdemand ada","g ie","ta to","im es","Ġ11 6","Ġbac alao","Ġperiod ÃŃstica","Ġcoe ficiente","ĠRes idencia","C á","Ġsust rato","ĠÃī tica","ul siones","ĠT QD","Ġcar riles","Ġintersec ción","b uc","ĠP uertas","ĠPo déis","Ġilum inado","ac t","Ġdiplom áticas","on omÃŃa","Ġacog ió","Ġautoma tizado","ĠCrea tive","Ġinger ir","ĠdÃŃg itos","Ġepic entro","Ġavis a","** *","Ġex or","ĠF AM","Ġbeb es","L ea","Ġenf oca","Ġtribu tario","Ġex f","Ġorto grafÃŃa","Ġqu ite","ĠCo ahuila","Ġcompar tieron","ĠJes sica","ĠEv ita","Ġ11 4","Ġconsegu ÃŃ","Ġagrade cidos","ĠBas ÃŃlica","Ð ±","Ġdesesper ado","Cuán tas","Ġang ular","Ġcompeti tivas","Ġdim ens","ĠNorm al","Ġo ce","ĠVil legas","ĠDuran go","u ados","Ġlo como","Ġsober bia","ĠAU TO","Ġdes vÃŃo","oci edad","ok u","Ġprior itario","ĠA E","ĠJ ay","Ġsuperfici ales","Ġapre tar","Bien venidos","Ġsub campe","Ġcort ometraje","Ġacon sejo","st ra","Ġec ologÃŃa","ĠF all","Ġca ñones","Ġinterac tiva","Ġfontan erÃŃa","Figu ra","Ġsub tit","Ġorig ina","ĠCar la","Ġtre p","in tes","Ġme ten","IS O","Ġus es","ĠG uy","ĠClas sic","ab ado","Ġk a","ĠX unta","Ġcoloc amos","ĠH ue","Ġch ap","Ġcorri das","Ġcampes ino","Ġaerona ves","Ġalcan zados","Ġestu vi","Ġinm ort","Ġhom eo","Ġminia tura","Ġi i","T it","as en","Ġom n","Ġgestion ado","ĠP ES","ĠT HE","ren das","Ġconcent rarse","ĠSEGUR IDAD","ĠIbar ra","Ġcolabor an","Ġsosten ida","dos is","Ġinmobil iarias","ĠC ana","ĠEs cor","ĠJun tas","p amiento","ĠJef f","ĠMode los","ul d","Ġconcent rados","ĠJas on","Ġcas eras","Ġequivoc ada","geci ras","an das","ĠO mega","Ġconstruc tora","ĠMaes tros","ĠInmac ulada","ĠE CON","Ġ19 37","Ġautén ticas","w ords","ĠElec tricidad","Ġaprender ás","Ġincon form","Ġprole tariado","ĠMo ore","Ġelec tron","Ġestad ÃŃstico","ial s","Ġat entamente","cer amente","ĠAca pulco","w ikipedia","igra fÃŃa","ĠFu turo","ĠRe psol","ĠConst ruc","OM B","m und","ay as","Ġe cl","Ġc ris","tel l","ĠSh ane","Ġol ig","Ġrecam bio","ĠClim ático","Ġli tio","ĠFa ir","Ġantioxid ante","gl omer","Ġdec ena","ĠAz teca","ĠT ub","Ġap ocal","ĠDel ta","ĠMa dero","Ġfabric an","Ġtrop ez","ĠConsum idor","Ġo pone","Ġalcan ces","Ġsab roso","Ġ19 17","ĠL GT","Ġilust rado","L lev","ĠKar l","ĠA x","ĠBal ance","19 90","OM A","ĠMU Y","Ġl unar","Ġap tos","ĠSin dic","Ġenci erra","Ġdiplom ática","Ġdon ar","Ten iendo","z ol","F S","ER RA","ĠPr óx","ĠPe dr","Ġdescom posición","h isp","ĠT iendas","Ġhon do","ĠMas ters","Ġpal iar","Ġperder á","Ġsensor ial","Ġinterrup ciones","Ġlec tora","Ġdes bor","áp oles","Ġencer rado","b endas","ĠZ acatecas","ĠH UM","ĠV ásquez","ĠSan itaria","D iv","Ġdenomin adas","ĠBenjam in","M y","Ġ19 49","... -","ĠSando val","ĠF RAN","ĠLa va","ĠDist rital","Ġdomin antes","Ġred on","Ġfilóso fos","Ġpreten demos","Ġacudi do","Ġdistin guen","Ġh is","Ġmos quitos","Ġhotel era","ĠEnter tainment","Ġcas tig","Ġconfigu rado","Ġinform arse","Vesti do","Ġcog ió","ĠPatr ick","Ġconce dida","B el","P aso","ĠL obo","Ġpen it","ces as","S um","Ġtrabaj ará","Ġg il","ĠM ÃŃn","Ġres piro","ðŁ Ĵ","Ġestablecer se","Ġrec ÃŃpro","A U","Imp ortante","ĠIR PF","Ġpa guen","ÃŃf era","ĠConten cioso","ĠGRA CIAS","Ġpor men","ĠB rin","ĠBeat les","tu ps","Ġelev ó","Ġabur rida","D icen","ĠCarm ona","hos t","Ġinver nal","ĠAvel laneda","Ġin édito","Ġfas cismo","w art","ĠEst ambul","ĠBar cel","ĠES P","ĠBen z","ĠModer n","t ner","ĠCual quiera","Ġencar gadas","Ġw h","Ġfil trar","de recha","vo que","Ġtor ta","ĠNeu quén","Ġano tación","ĠSuper man","Ġentra mado","Desarrol lo","ti cidad","Ġtra ga","Ġentre gando","Ġinstal arse","ĠDI Y","Ġf erv","ĠEspe jo","? ).","Ġidio ta","Ġdet rimento","e i","n úmero","Ġexig ió","Ġtera peuta","ĠMone tario","ĠSe t","Ġescándal os","Ġmedi evales","ĠMar adona","ĠSpr ing","ĠI E","pe utas","st one","Ġast rona","Ġculmin ar","Ġsuperhéro es","Ġtom ados","ta pa","Ġprovoc ada","! âĢĿ,","Ġeleg imos","Ġmay a","Ġinmun ológico","Ġlegu mbres","B log","Ġper dÃŃ","ĠD OS","ĠColum bia","Ġcor rÃŃa","person ales","Ġcro ata","ĠAmaz onas","Ġpar ten","Ġprecip itación","ĠB ici","Ġay uno","Ġsust enta","ĠInicia tiva","ĠP ampa","Ġ11 8","Ġestim ada","Ġplante ada","ĠArch ivado","ĠG AR","u entes","Ġ27 0","ĠHum ana","ĠSE Ãij","ĠAlic e","Ġ19 44","Ġfar os","Ġconmo ve","Ġvendi das","Ġjer árqu","Ġelectr ones","ific ó","Ġarre me","la gos","Ġjug amos","ĠSh ar","col n","Ġespor á","Ġsitu a","ĠSE P","Ġrenov able","Ġinsta gram","l ora","Ġgal lo","Ġide ologÃŃas","Ġseguir é","Ġmor ado","Ġexisten cial","d aron","ed ic","tern al","Ġpredis posición","ED A","Ġc rack","tiv ista","Ġexpro pi","Ġr all","Ġperfec cionar","Ġhipotec ario","ga tas","Ġanti inflama","Ġprev iene","Ġnerv io","Ġtempl ado","AN TES","Ġdes m","ĠMon clo","Ġ Å","ĠI L","Ġhorizon tes","Do cu","Ġinter media","Ġdev ol","ĠEsper emos","Ġexac tos","Ġexter n","lab rada","Ġmanufac tura","N úmero","ĠD ante","Ġcorre la","ĠMad res","Ġperió dicas","z ura","um entaria","Ġbo tÃŃn","Ġmos ca","Ġsuici da","u zas","ar ena","Ġdic tó","Ġestra tos","ina cional","Ġgra mática","Ġsobrena tural","D ie","ve a","ĠK il","Ġ22 5","pl it","Ġestu v","Ġbor rado","G re","P arte","de b","Ġjam as","n ales","Ġimpedi mento","ĠM ón","AN ZA","f avor","ĠMil enio","cur sos","Ġsitu arse","Ġestable zcan","Ġdesempeñ an","ĠImp erial","ĠD ivers","Ġap óstoles","ĠAc ciones","Ġevent uales","Ġcre ará","Ġrespe tuosa","ĠAssocia tion","ĠP EN","V ÃŃ","Ġb uta","Ġper me","Ġas ado","an na","ĠG ál","ĠTen ga","aliz arlo","Ġviv an","OLU CIÃĵN","duc tores","Ġofre cida","Ġhe tero","Ġtemp er","ĠBan cos","Ġepide mi","Ġsubl ime","Ġcal ificados","Ġmarx ista","Ġto t","ig ración","ĠMer kel","comun idad","Ġmism ÃŃsimo","D en","Ġmeteor ológicas","j ito","te as","ĠRod riguez","ĠC GT","ĠPe ugeot","Ġan ulación","Ġpr omin","ern as","Ġadj unta","In ici","ĠPlan tas","Ġna uf","Ġw ill","Ġhall aba","Ġmi den","Ġadmi tido","ĠPay Pal","ĠA SO","ĠMag na","Ġcastel lana","ĠAn ÃŃ","Ġsu ero","ĠIs mael","Ġdev uelto","Ġrob usto","Ġtir ón","Ġdespe jar","ĠRecor demos","Ġcu este","Ġinform ará","Ġrefle jada","Ġvecin dario","Neces ito","Ġapropi adas","ĠZ u","Ġcontactar nos","ĠGio van","Ġsin ónimos","Ġc it","Ġcómp lices","ĠC ueva","Ġdes mor","Ġsa una","Ġviol ar","Ġmante ca","S T","ĠCu ader","ĠCh ino","Ġgu iado","EN CIAS","ÃŃr ico","ĠMen ores","Ġpiz ca","Ġsustancial mente","T iempo","ĠBach elet","Ġcorrup to","Ġp imientos","Ġsaber es","Ġaplic ó","ĠB ásico","Ġsem án","ĠSa úl","b ico","f ines","Ġcu estan","Ġri ñón","Ġiran ÃŃ","Ġw his","Ġrel i","ĠEnerg y","aj al","ĠPr ést","ĠJurÃŃ dico","! ).","ic emos","Ġfin alizada","pec ta","Ġrecor ren","ĠD ÃŃ","pos o","Ġsepar arse","ĠLeg isl","ĠR T","abas co","Ġdistingu ido","Ġjardin erÃŃa","Ġdelica deza","Ġger min","du zcan","Ġvoc alista","Ġabra zos","Ġ ás","Ġes lab","Ġinici ando","Ġextrad ición","Ġbo tes","ĠE videntemente","Ġinquie tante","Ġhu ida","tar me","Ġpac tado","Ġinf el","Ġpresent adora","OLOG ÃįA","Ġbailar ina","Ġv asta","Ġcol gante","Ġâ Ī","Ġdo lares","Ġrespe tado","Ġalmacen aje","M ag","ĠPor sche","Ġimag inas","Ġcambi arlo","Ġgratific ante","Ġn es","Ġman i","Ġcu estiona","Ġtra mas","ĠBol sonaro","Ġpas arse","tar i","B ay","Ġviaj aba","ac an","ĠIn gresos","Ġoportun amente","ĠEx c","Ġveinti cinco","Ġexpres aron","Ġinel udi","ĠAd vent","Ġprefer entemente","uc emia","ĠA ga","Ġger entes","Ġlib rar","Ġár bitros","ĠStu dios","C M","ĠH ura","Ġnecesita ban","Ġmultiplic ar","L iga","Ġases ora","ĠEp iscopal","Ġencontr ada","Ġmar ciales","ĠS it","Ġcos taba","Ġgan aba","Ġhabl é","Ġdivi didos","ĠJu ris","Ġquirúrg ico","Ġconfi ables","Ġaten dió","Ġnav idades","153 15","Ġform ulado","Ġrefer idas"," Ĵ","ri oso","Ġal cista","oc ola","Ġconv al","ĠPara ÃŃso","Ġanaliz amos","Ġvo taciones","Ġsuel tos","f uegos","Ġdeci mo","Ġcomp iten","Ġrecur re","a tivos","t za","ba y","Ġmer ienda","Ġan a","Ġprome to","o ff","Ġflo tante","ĠA pe","TE M","o h","al les","dic ho","on ados","ĠEN TRE","Ġpen de","Ġregal ado","ĠConse jero","ĠlegÃŃ timos","ór icas","Ġren cor","ĠCarre tera","Ġmanten drán","Ġdesbloque ar","ĠTrabaj amos","ĠAn tón","bl r","Ġr ing","ie ves","Ġfun eral","Ġingen u","Ġt b","Ġmermel ada","R am","Ġcomun as","cos ur","Ġtermin é","Ġvic tim","ĠOC DE","Ġviol ÃŃn","dica ciones","ĠAt lanta","Ġlej ana","ĠAudiovis ual","ĠF eng","Ġcoment as","Ġcé dula","ĠAlc ázar","Ġromán ticas","P AS","Ġ\" ,","Ġocur rencia","ĠMon tre","Ġrel u","Ġdon es","Ġajust ada","Ġpic ada","3 50","Ġh y","Ġrequer idas","а н","ĠMan u","Ġfronter iza","ĠJunior s","ĠMo z","Ġan chas","Ġam er","par to","ĠPar ker","ĠHor ario","Ġexhaust iva","udi llo","Ġdirig imos","Ġteór icas","Ġdiscul pa","tu alidad","aj ero","ĠV IDA","è re","Ġar bust","Ġexcl uy","ĠMe g","ĠRes puesta","Ġapues tan","tal e","Ġexce der","ĠGu ill","C apa","IG O","Ġinne gable","ĠM ART","go v","Ġfal ló","Ġecu aciones","Ġsatisfac torio","Ġidén tico","Ġobserv adores","ĠPho to","se gun","ĠG ior","ĠMer curio","Ġher edi","Ġredi st","Ġnomb ró","Ġl lano","Ġaudi ción","ĠAb s","Ġemail s","ográ fica","Ġinda gar","Ġnomb ra","Ġafil iado","Ġtrans misiones","ĠAgu il","ĠCu au","Ġcliente la","ĠCD MX","Ġópti mas","Ġanticip ado","Ġestu fa","Ġinterpre tó","Ġcartel era","Ġpa y","Ġt ie","Ġal fa","ĠF iat","ĠComple ta","â łĢ","Ġcos tará","Ġra tio","Ġindo cu","re m","Ġcar pa","Ġna tiva","Ġul timas","Ġautor izaciones","Ġmode ración","Ġprepar amos","Ġtún eles","Ġco un","Ġ14 4","Ġtripul antes","Ġcor dillera","Ġencar ar","ĠDef ensor","Ġinú tiles","Ġexcl uir","Ġinci erto","ĠCorpora tion","j ita","Ġsa tis","Ġprogram ados","Ġl itu","Ġluch ador","Ġam amos","Ġsitu acion","Ġprestig iosos","ib es","ár sela","Se ñal","j ano","g inas","aya k","pro f","ĠAl tura","Ġco ex","Ġdic tam","L og","end arios","Ġllu v","Ġneu tral","ĠH and","dic ción","Ġpolém icas","Ġver dura","Ġor ar","Ġ19 38","Ġcor tada","ĠSol ÃŃs","B er","ĠV ari","Ġson deo","ĠDan iela","Ġqueb ran","o ces","ĠO RI","Ġdur ará","Ġval ió","ĠO ral","Ġllen ó","Ġacercar on","bs p","Ġt inte","Ġcaute lar","ĠCh allen","Ġinterna utas","ĠAc ci","Ġautom áticas","Ġgar ras","Ġcolabora tivo","ĠCom ienza","Ġaca dem","u ario","ib al","Ġobje tividad","ĠCan nes","Ġazul grana","ĠAbog ado","Ġsan cionado","Ġtro feos","Ġinmig rante","in era","Ġprecar iedad","Ġm enta","ĠGas tos","Ġdeman dan","C rea","Ġpar ches","Ġbau tizado","ĠE mail","emin istro","Ġme tiendo","Ġpas to","Ġz omb","Ġocup aba","Ġcáp sula","Ġten gáis","Ġaloj ado","p ito","con i","Ġam aba","ĠD ulce","Ġmuch isimo","ĠModer na","z za","er rec","Ġest ero","ĠB úsqueda","Ġeduc ado","Ġ195 2","Ġcomp uls","ĠAM LO","Ġmer curio","Ġenve je","Ġmagn ÃŃficos","Po int","Ġosci la","Ġin cip","ÃŃn cipes","Ġescri turas","ĠYa hoo","Fu entes","Ġton ta","Ġsub es","Ġingres aron","ĠRiv ero","Ġmas tur","Ġhabl en","Ġarro ja","om ec","Ġfavor eciendo","ĠMag ist","Ġindefin ido","Situ ado","l ones","ba t","Ġtem ario","ĠTit ulación","ĠJ ara","Ġbon dades","ĠM it","zu ki","Ġpe gada","Ġag lut","f fe","OR D","Ġafron ta","Ġestimul ante","Ġases inada","ket s","Ġposterior idad","ĠCR M","ĠIndi vid","ĠCar bon","i ya","Ġcas tillos","Ġadvers arios","ĠC aba","ĠEl aboración","ÃŃn ica","Ġus en","Ġsorte os","Ġcom ités","E leg","P T","m é","Ġpun tero","aj adas","ide razgo","Ġemble ma","ĠEmerg encia","ti mar","ĠM ental","ú piter","ĠT AR","Ġanunci ando","Ġlesion ó","as cript","an dez","Ġinex istente","ĠCon dado","Ġobst ru","Ġacel era","Ġx q","ĠAu rel","Ġasturi ano","ĠG aceta","Ġblan da","Ġrad ar","p ación","qu ino","Ġcorrespon sal","Ġmur ci","Ġdescif rar","ĠSi guiendo","Ġestim ar","den tro","ĠPan talla","Ġenten dió","j ido","Ġaf inidad","Ġle as","Ġencabez ó","â Ĺ","Ġbon ificación","ĠPan el","Ġhospit alidad","ĠCub ana","o u","Ġmil enio","ip res","ĠÃģ reas","Ġadv ierten","Ġexplos iones","ĠVesti dos","Ġconsigu es","Ġretras ar","ĠRon ald","Ġmar ti","In st","tri p","ĠSol er","ela ya","no c","ĠRay o","ĠMo del","Ġmoch ilas","ĠR af","ĠOR GAN","Ġorden es","Ġfalse dad","Ġench uf","Ġincur rir","ĠH ans","Ġrespon dieron","Ġtribu tos","ĠLic eo","B M","Ġbro te","ĠNeces ito","di ario","ĠV iva","ĠGo vern","Ġsemej anza","Ġsu tiles","Ġplante arse","Ġtransform arse","ADOR A","Ġacog ido","BI ER","bl anco","ĠLe gen","ĠMor o","Ġpene tra","Ġestar ÃŃamos","to das","Ġap titud","iu re","EN DA","ĠMan tener","Ġtransex ual","ĠF ood","Ġdecl ive","ĠAb u","ĠPak istán","Ġprem isas","ĠNapole ón","to tal","Ġsen adora","Ġe voca","ĠMar is","ĠJes us","Ġ< /","ĠSISTE MA","Ġpatrimon iales","Ġcuad rada","Ma terial","Ġsug irió","ĠViz caya","ĠJugue tes","Ġpedag ógico","ĠCENT RO","ĠDI OS","Ġmel ena","Ġfluc tu","ent arse","ĠV O","se le","Ġde valuación","Ġas idu","Ġver le","Ġcontra taciones","Ġsatisf echa","ĠReb el","A t","Ġcontra bando","Ġcaracter ización","ÃŃp ica","ar ning","Ġcier res","ĠEleg ir","Ġha iti","ener se","Ġla tente","lec er","Ġdespe dido","Ġ* *","d ónde","ĠCol ores","Ġpod ras","é semos","ĠM V","Ġbau tismo","Ġdial og","Ġe rección","Ġllama tivos","Ġquin cena","Ġapun tando","Ġparal elas","Ġpo le","Ġcie ga","ro ck","Ġquedar nos","Ġvómi tos","Ġgan cho","o tra","ar iado","Ġbaj aron","ĠOrden anza","Ġde ducción","Ġtrans itoria","Ġsitu ó","jes e","Ġest ri","ĠS now","ĠS úper","ucle ar","Ġalba ñ","ĠJo el","Ġestup idez","Ġmir é","ĠBro ad","Ġenter rado","ĠMen éndez","ĠL AN","ces s","Ġprop icia","Ġperfec cionamiento","Ġrecomendar ÃŃa","Ġra cial","Ġefectu ó","ĠLiber tador","Bus ca","ic ero","tos terona","Ġno to","Ġtin ieblas","Ġmultidiscipl inar","Ġj ac","ĠZ ulia","R adio","et to","mm m","Ġarre ci","ue to","Ġau tismo","Ġsegun das","l is","Ġdesperdi cio","úr pura","ĠexplÃŃ cita","Ġcafe ÃŃna","ucar amanga","erra t","ĠApo calipsis","Ġreci clar","Ġdesign ados","Ġhomogén ea","Ġpe inados","Ġadul tas","Mar tÃŃn","ĠER P","Ġresgu ardo","et ic","Ġvisit ará","NO TA","Ġdestina tarios","Ġre port","Ġsan ar","Ġmos cas","Ġagreg ados","om ÃŃas","ĠF ed","Ġhor aria","Ġinher entes","Ġpro ba","ĠN ápoles","ĠTrans ición","ĠIMP OR","Ġdesaperci bido","Ġadiv inar","Ġto co","Ġacumul ados","ĠCarab ineros","Ġo jala","in ense","Ġh ún","ro ides","T ienen","erv os","Ġfas cista","l al","sal ud","Ãī R","Ġpenal ti","Ġh uyendo","ñ imiento","Ġrej illa","Ġdivers ificación","Ġmoles tos","A st","en j","B AN","ĠC iudades","Ġa dos","Ġaparecer án","ĠLegisla tiva","Ġsin gles","Ġdecora ciones","Ġrecog iendo","Ġestan que","ĠStan dard","Ġfinal ista","ĠBan dera","Ġca tara","Ġpros egu","id orm","Ġcom eta","ĠPon er","Ġincent ivo","Ġplur alidad","ĠShang hai","D omin","C ir","Ġcó mico","ex cepto","vs ki","ĠVelo cidad","d aba","v ación","u ria","ĠB endi","ĠJ UN","Ġdispon ÃŃa","Ġ11 3","ĠPol ic","Ġje ans","ĠEscri turas","Ġtra zar","ĠReg alos","ĠAmeric ano","Ġabo ut","ĠC IF","lan ds","Ġcor ral","ĠGar zón","Ġ19 46","Ġred ondas","ĠEstatu tos","Ġpien sen","Ġimprovis ación","Ġsir viendo","A lex","Ġse vero","Ġan tologÃŃa","Ġinvesti dura","Ġgener adas","Ġpuls eras","Ne w","ĠR is","Ġsal iva","IS IÃĵN","ĠT N","ĠB OL","Ġcúb icos","Ġinspec ciones","Ġacumul ando","ĠRan king","Ġrot undo","ĠVesti do","ĠI van","pos t","Ġdon antes","Ġenten dida","ĠFe dera","Ġmej illa","L imp","pa tas","unda tion","Ġhe la","ĠJer em","ĠTes or","ĠEstrateg ias","F M","Ġins crita","Ġno tario","Ġpu zz","Ġincon stitu","th y","ĠAg entes","Ġh uerta","om ia","Ġvol vi","ue ca","Ġresist encias","Ġinspec tor","z ale","Ġast rón","F IL","Ġre poner","T ecn","Ġsan cionar","Ġcomplement ario","Ġsimpl ificar","Ġfranqu ista","Ġjoven citas",". âĢ¦","ĠCor al","u gas","Ġdel i","gr adas","pen ha","Ġnumeros a","ĠCel ta","Ġrei tera","Ġal tru","fici e","ĠY os","Ġfun dar","Ġton terÃŃa","Ġbrind amos","Ġbol ÃŃvares","1 30","ĠArist óteles","ĠTri un","ĠAgr ÃŃcola","way s","Ġtransform an","Ġche ques","Ġances trales","EL EC","ĠLatino americano","Ġblog ger","Ġrec ambios","N ic","Ġcogn itiva","ĠRena cimiento","ĠD ÃįA","Ġpercep ciones","Ġpara jes","Ġbo chor","Ġalum na","Ġdes inte","Ġni ñ","U nas","Ġafric ana","Educ ación","p adas","ur n","Ġ19 42","Ġd inastÃŃa","Ġhebre o","f ÃŃsica","ĠDu bl","Ġconoz cas","ro ta","ĠTemp orada","EC ES","Ġdecor adas","Ġcomunic ados","C ent","Ġce dió","ier i","ĠCh en","ĠAcadém ica","Ġuniform ados","ĠF ly","Ġk its","Ġprogram ador","ĠSil ves","Ġfrac ciones","Ġsoci alización","Ġacú stico","Ġtorn illo","ĠEn con","Ġlava dero","Ġcon gregación","Ġtel ón","Ġrú stico","Ġcal l","IT OR","Ġhorne ar","Ġexci tación","in stal","Ġv ector","tor ales","ti as","Ġ14 5","Ġasi áticos","Ġcrono grama","Ġs pin","ĠC AD","Ġescul tor","Ġhipotec arios","Ġcigar rillo","ĠEST ADO","p ha","Ġasegú rate","ta za","Ġcor reas","âĢĵ .","Ġde pu","ĠD id","Ġmode sto","ĠSitu ación","b ac","Ġcr omo","ĠIndustri as","go ci","ĠN UES","Ġfru tales","Ġaleg ando","A u","Ġtras plan","rg ia","Ġemple adores","Ġde duc","Ġcomplement an","g ido","Ġaloj arse","Ġtrascen dental","I TE","ĠSin fónica","Ġejer cido","Ġse den","Ġcal ado","Ġra ción","ĠMa quinaria","ĠComer ci","Ġint rig","Ġpers iste","Ġmarch ar","T ab","inal do","Ġafec ción","UC H","Cons ulta","L lam","ve te","Ġagr ada","ĠT ales","Ġconci enciar","ĠCol lec","Ġcompos itores","ĠV E","ill eros","Fuer on","g ing","Ġorigin ó","C ó","K O","Ġcif rado","L lega","ĠP ensiones","ĠBern al","Ġatravi esan","â ĺ","Ġencontr adas","Ġang los","ĠValdi via","tar la","Ġexig idos","Ġextra e","Ġde duci","Ġfor ense","Ġtig re","j ica","ĠEx tensión","for os","Ġfunda ciones","aca ibo","Ġme ll","G as","ĠT abasco","G e","Ġn om","Ġsistem áticamente","Ġb usto","Ġmo vió","Ġcomba tientes","Ġrepubl icana","ĠUb icación","produc tos","Ġestim ó","Ġpol if","Ġpag amos","ĠHi jos","an idad","Ġacci den","M ED","ĠIN G","Ġprescin dir","ĠIn cor","TOR ES","Ġinjust icias","A uto","Ġca ÃŃdos","Ġesté ticas","ĠUN IDAD","ĠCr éditos","Ġfilosó fico","Ġglam our","bi tos","Ġpersegu ido","Ġno taba","ĠAndal uza","å ¤","ĠMo untain","Ġ900 1","Ġin apropi","pec abezas","Ġd ay","Ġpronunci amiento","Ġinesta ble","ĠAm sterdam","A v","ĠHer edia","Ġconec tadas","Ġprefer ir","Ġvin ilos","Ġacomo dar","Ġreivindic ar","é e","EC A","ĠJa ume","Ġhuéspe d","ĠA ro","Ġprotagon izó","Ġjer sey","ĠLion el","Ġc rib","Ġproporcion e","ĠcardÃŃa co","O p","Ġentusias ta","m ec","Ġus aron","Ġhaber la","Ġaisl adas","Ġpar pa","dal o","Ġla tas","óg icamente","Ġconsum ido","Ġego ÃŃsmo","iza cion","se o","ú na","ĠU K","Ġsa tel","Ġacab ando","Ġprofesional ismo","Ġinterv ino","Ġcie gos","Ġenvi amos","Ġenfrent amos","u cia","ÃŃn ico","Ġgo urmet","Ġarres tado","S OS","ĠW el","ĠGram my","ĠE J","Ġi ris","ĠMar ino","Ġd uchas","Ġten ista","i ñ","ór icamente","Ġofre zcan","Ġper dÃŃa","Ġsue ña","Ġagres ivos","Ġus aban","Ġbloque ado","ĠP OD","ĠStor y","ĠU mb","Ġpol vos","Ġvac ante","ĠTes la","le jo","tic u","ĠCas ual","Ġconseguir ás","Ġmural las","Ġm ola","Ġres urg","ĠY e","Ġ26 0","CI UDAD","Ġce de","Ġsusp enso","Ġpatr ul","Ġin a","Ġorden ados","re cu","ĠN am","ĠHo ja","ĠR ip","ĠR ug","Ġdistribu ida","е ÑĢ","ĠQuin tero","Ġpersever ancia","Ġparás itos","ĠLleg ó","Ġanto jo","Ġenerg ia","Ġafirm aba","ĠFab ricación","Ġdesapareci da","Ġhincha zón","Ġsub terráneo","Ġmovil izar","h uel","le d","ĠN utri","y r","Ġcomp lace","ĠMas aje","Ġs lo","ĠDes ayuno","Ġcoment ando","Ġabsur da","ĠINS TITU","Ġpens ados","Ġdesp res","Ġrenunci ó","ĠCon tro","ĠL ed","Ġo ir","ĠAC TIV","Ġref ren","Ġdise min","Ġchav ales","Ġdes esti","Ġrom an","Ġiner cia","ĠFores tal","ĠES TE","Ġde ma","Per ú","car dio","ĠCaball eros","Ġh ir","tu osas","Ġprefer ente","ĠCal iente","Ġazo tea","ĠSob er","ĠChev rolet","Ġma taron","Ġutilizar la","sal vo","t éis","Ġsobr ina","ĠLÃŃ bano","ER ÃįA","ac om","ĠSimp son","es tán","ĠDi ablo","Ġentren ado","Ġinspir ados","Ġcompara tiva","ival ente","Ġl é","Ġpar álisis","ĠCom edor","Ġcer rará","Ġconcesion arios","Ġsign ificación","Ġcomun ÃŃ","ĠC EL","je da","ĠCor in","Ġpin tada","Ġrecre ar","Ġhidrául ico","Ġform aba","Ġolvid ó","Ġdispu tas","gam onedas","Ġutop ÃŃa","ĠV aca","Ġfac ciones","Ġcoinci dieron","Ġtiro teo","ARD IA","ĠCon cha","Ġseñal ada","Ġdeman dar","ĠE val","ĠFar c","ĠBr un","oloca usto","Ġdid ácticos","Ġbox e","Ġcons umos","Ġgran ad","ĠEstratég ico",": \"","ti dores","Ġmunicip alidad","Ġperman ecido","Ġcre denciales","Ġrep udi","Ġprepar ó","Ġmostr ador","Ġdesempeñ ó","Ġemocional mente","Ġfuncion ará","Ġjug adoras","gl io","Ġfisc alización","Ġbik ini","Ġtrac to","Ġenvi arnos","âĢ ķ","Ġcu a","ĠA vil","ĠFrank lin","Ġmanifes tarse","inta ge","culos is","ĠHur tado","id ada","Ġconocer á","**** ****","ĠS lim","Ġas umen","ĠH osp","Ġah um","Ġnorm alización","ÃŃst er","ĠAd van","ĠAn ne","Ġcontac te","ĠRiv adavia","c ola","ac tas","Ġmad uros","ame da","ĠC AB","Ġhe patitis","Ġrastre ar","Ġtur bo","t ámenes","cu ta","ĠUnivers itat","Ġmon jes","ser á","ĠFran ce","Ġmatem áticos","ĠSá enz","ĠChristop her","Ġes g","Ġcontac ta","Cre emos","D ar","Ġsalva guardar","ĠS ici","Ġcor os","Ġpubl ique","Ġdecora cion","ĠÐ ¸","Ġvál idas","Ġgolpe a","Ġgl ú","ĠCr ónica","Ġhamb ri","ĠDió cesis","ĠDi á","Ġ11 7","ĠLatino americana","Ġen crip","ĠP hone","Ġrespe tan","Ġlas tim","Ġna cion","s son","V ID","Ġale gaciones","Ġren ueva","Ġcompañ er","Ġconocer lo","pel l","Ġsup ieron","Ġhabil itados","Ġen e","pre gun","Ġdobl ar","Ġ19 43","ĠCh ub","ĠRo usse","Ġcable ado","ĠRef lex","Ġtras eros","Ġayudar les","partam entos","¬ ģ","Com entarios",",, ,","Ġbarro co","Ġin ducción","ĠCom pro","ĠHis pan","ur bano","Ġmov ida","hh hh","Ġsupre ma","ĠAutom óvil","Ġdes vir","iéndo lo","Ġolvid an","Ġmostr arse","ñ igo","Ġcam bien","Ġdiplom áticos","Ġb ilaterales","úrg ica","ĠSecu rity","Ġprogres ista","Ġfol letos","Ġduplic ado","ĠMenor ca","Ġecu ador","Ġdespi dió","Ġego ÃŃsta","ĠBol s","Ġefectu adas","Ġdesarroll amos","ĠEst ética","Ġ12 7","ĠAlvar ez","ĠHo ward","Ġconver tida","Ġrecog ió","In stal","Ġestan terÃŃas","t ÃŃsimo","Ġvalor an","Ġre tros","ĠG and","Ġprovoc aron","Ġdon ante","Ġconvier tan","ĠMana gua","algun os","ĠL ongitud","Ġhon rar","Ġcar gadas","Ġtim bre","ban k","Ġexpon entes","él v","Ġperj udiciales","Ġsentir ás","Ġost enta","Ġcalur oso","Cin co","ĠA lo","la g","Ġtin tas","POR T","ĠAcon di","Ġjue gue","Ġinneces ario","Ġinspir ó","Ġd ad","Ġau ra","ĠMed alla","ĠPartici pa","ĠBos co","Ġg ótico","ada p","Ġpre candida","avent ura","rel ig","Ġitiner arios","ÃŃ jate","ĠU A","Ġamena zado","Ġaclar ación","ĠBic entenario","Ġcontribuy an","Ġo yentes","Ġri tos","g la","Ġargument ó","es tar","ĠTu vo","ĠCom pren","Ġreci tal","pri se","Ġanti desl","ĠA tra","ron e","20 20","Ġvest ÃŃbulo","ĠN áut","ĠIn ca","ĠLt d","Ġden sa","Ġcamion etas","ko vic","Ġtortu gas","Ġpref abric","Ġbo ico","Ġsuperviv ientes","Ġpla teado","Ġlabor ables","Ġrom pen","Ġaden tra","j pg","ĠLi ter","Ġprop uls","ál v","Ġfrac turas","Ġno tó","ĠBas ket","Ġvis ualmente","Ġauxil ios","N ormalmente","Ġal ude","Ġpa tada","Ġpar am","ĠA qui","Ġ20 21","tid amente","um bres","Ġab arro","Ġequip amientos","Ġcál idos","ĠT EM","ĠAl tos","Ġacep tamos","es tad","Ġsober ana","ú dez","Ġgan amos","Ġcobar de","Ġest ampa","Ġle an","Ġmadrile ños","ĠS martph","Ġpul sa","Ġquedar te","Ġcruz ando","Ġcolch ones","es ca","car d","ĠCar reras","ĠCar acol","Ġasegú rese","ĠPala u","ĠN an","Ġcorrec ciones","ĠLe andro","tas is","Ġ19 14","Ġregistrar te","I talia","cul turales","Ġmas ivas","Ġcapital ino","Ġpsic óloga","Ġzo om","Ġminor istas","B OL","ĠH á","ér cules","K I","s ino","z aban","ĠCh ill","ĠGar cia","Ġentren ando","Ġparro quias","Ġch ak","Ġs as","Ġdes ment","Ġposibil ita","ĠPar ad","Ġinm ens","ĠBene ficios","Ġen ojo","ĠB iel","ĠPal oma","ĠIb áñez","ĠH éro","ĠCh arlo","Ġtom arán","Ġba tidora","ĠGR UPO","ona tos","ĠPres enta","Ġcach onda","an ge","ón icamente","Ġsupon drÃŃa","ĠrÃŃg ido","Ġt into","ĠR U","Ġsa grados","Ġton tos","Ġcéle bres","ĠhÃŃb ridos","ĠC UL","ĠSa udÃŃ","Ġinform ales","Ġtor ero","Ġcaba ñas","Ġmejor en","Ġapar car","Ġtit ula","ION AL","D ra","Ġsec ta","I den","al ez","Ù ħ","Con trol","ar it","Ġun der","ĠAn dra","ĠExper to","Segun do","Ġval ga","ĠC oy","Ãĵ D","j ara","z ador","lan as","ac or","pa to","ĠH eb","Ġimp ure","Ġhe ma","Ġcru zó","Ġpales tino","v ario","ĠA no","Ġbo ce","Ġ12 2","Ġapor tará","Ġcel estial","Ġdecor ada","Ġvincul a","Ġhabil itación","ĠMes senger","Ale j","Ġdes le","ĠDes con","Ġcontribuy ó","âĢľ ¿","Ġportu guesa","en ne","Ġcamar ero","ta forma","Ġurban ismo","ĠSERVI CIO","Ġcomp rimidos","Ġhor nos","Ġmusul mana","ĠExcel encia","* .","ĠP J","Ġpsic ológicas","Ġpredic ción","Ġprim arios","Ġinv oc","Ġsinté tica","p ra","Ġamar ill","Ġpaulat inamente","Ġanglos aj","P RI","aliz adores","Ġbrin dado","ĠGimnas ia","Ġencan tar","Ġacu ático","es tos","ici s","Ġreserv amos","Ġpul gar","Ġman ada","Ġexce de","Ġar cas","Ġpon ÃŃan","ĠMus eos","Ġhi tos","Ġempren dimientos","Ġtemp ranas","tam e","ĠDip loma","ĠEncuent ros","Ġnecesitar ás","Ġbesti as","Ġen um","ĠCor respon","Ġentrevist ado","Ġdomicil ios","Ġabus ar","Ġutiliz aban","Ġpin tados","Ġsovi ético","Ġform aban","Ġayud ara","ĠComis arÃŃa","Ġc is","I de","in di","ĠT ruc","ĠCla ve","ĠGib raltar","Intro ducción","Ġbi omasa","Ġencu ad","Ð ´","Ġan alizados","Ġindemn izaciones","Ġsal iente","Ar te","Ġlogra ba","Ġsacri ficar","Ġdelic ados","K S","Ġinspir ar","Ha cia","Ġetern amente","Ġpin zas","ĠMes ÃŃas","Ġexplos ivo","ĠI an","Ġsecues trado","Ġm ó","Ġofre zco","Ġadver tencias","Ġacep tadas","ĠBal les","Ġban quete","ĠBa h","ĠMotor s","Ġconting encia","Ġv ena","den se","Ġpas tas","Ġhon ores","ĠLin coln","Inter net","ti ra","Ġprob é","ĠAn t","? \",","Ġre jas","Ġsi esta","Ġtra gar","ĠIP C","Ġlogo tipos","Ġllevar los","Ġcuestion ado","En horabuena","Ġfirm ados","Ġantic uerpos","ĠE mira","ĠM ún","Ġaf lor","Ġcontinu amos","A ma","Ġamist osos","( )","Ġà ł","Ġrec tificar","ED E","Ġpus iera","Ġcompar tidas","Ġanomal ÃŃas","ĠVÃŃ deos","is ado","Ġcatas tró","R afa","ĠD IN","Ġcontes tación","Ġa temp","Ġv ara","Ġdul zura","Ġrestring ir","Ġatre ve","Ġsilves tres","EC O","Ġemi tidas","Ġfij ó","ten e","ĠMar cela","das h","Ġmanten emos","Ġconvertir ÃŃa","j on","Ġp inos","Ġt ent","Ġdes at","ĠGo doy","ment ada","Ġescuch as","Ġexager ado","Ġconsul tados","Ġlen cerÃŃa","ĠSE X","Ġcoj ones","ĠIlum inación","g ones","ĠDe termin","pen de","ĠilÃŃ citos","I l","J C","M es","á ci","ĠS AB","Ġa i","orn io","ĠÃģn gela","ĠAlar cón","ĠMalas ia","Ġdura mente","ĠA VE","Ġan tir","Ġconvertir lo","Ġrepeti ciones","Ġcor bata","ib el","Ġmejor ó","Ġform en","Ġale manas","Ġfurgon eta","Ġdis er","Ġab rÃŃa","ĠPro gres","Ġfra ternidad","Ġome ga","i cion","Ġsegu ÃŃ","Ġpár roco","en ix","Ġtr in","Ġdesas tros","Ġhones ta","19 85","ĠBoy s","ĠDoug las","Ġilust re","gob ierno","Ġparamilitar es","cios amente","ĠAr ce","Ġgarantiz ados","Ġhambur guesa","ĠLl ama","Ġaca par","ĠGuardi ola","Ġpol ÃŃgono","ĠCent re","Ġprom et","Ġacome ter","ĠNar uto","Ġdi eran","Ġimagin aba","Ġso port","Ġtrabaj aban","cl aro","ĠRom an","Ġcalcul ado","ĠSoci ologÃŃa","ĠJefa tura","Ġp ech","Ġfre ga","may or","Ġ19 31","Ġval ido","Ġelim inan","Ġline ales","Ġdespren der","Ġrepos terÃŃa","Ġcén trica","Ġeró tica","Ġbl usa","Ġsimbol iza","ab l","ĠA cer","ĠMa uro","Ġquer ella","Ġpe ña","199 3","ĠStal in","h é","Ġinaugu rada","fun dador","Ġcab il","Ġaf iciones","ĠSte am","Cuán tos","ĠSantam arÃŃa","n eros","v éase","Ġ11 9","Ġaco pl","Ġdomést icas","ĠF EL","Ġcredi tos","Ġcla vo","ĠIn gres","ĠGRA TU","Ġcar g","ĠCam pes","Ġce ñ","Ġpuri fic","ĠM M","ĠM W","Ġinvir tiendo","b idas","Ġdes ató","ĠVal lec","Ġdenunci aron","Ġacredi te","Ġseleccion ador","Ġquim ioterapia","Ġten eis","Ġprop icio","ĠZ h","ĠTra ta","Ġmulti la","Ġimplic adas","Ġdes vin","ĠMap s","ĠL omas","Ġpl u","Ġelabor an","ĠEl isa","tal a","ĠBar rera","3 60","te co","emp leo","ĠV ul","Ġmon tada","Ġaten ciones","Ġcon glomer","ĠCamp eche","Ġh eces","Ġhablar á","E U","Ġch ance","Ġdesagü e","ma terial","Ġgust aron","Ġmer ecÃŃa","Ġajust arse","° ,","Ġobten gan","Ġenfrent aron","ĠLux em","dom ina","ĠJuz gados","Ġminor ista","Ġpa vo","Ġbien venidos","Ġdiseñ ó","ĠUN E","Ġcontrar ias","ĠConsist orio","ĠF ON","Ġaconse jamos","ĠV R","ĠNav as","p is","Ġech an","Ġdesn utrición","Prim er","am ado","j ec","Ġins crip","Ġelim inados","Ġc úm","Ġasomb roso","Ġa ga","ĠB ab","Ġcurric ular","ĠC lan","wit z","ĠCom posición","eros os","Ġtar tas","Ġsub ro","ðŁ ı","ĠFá tima","ĠPla te","ĠSoci ety","f ano","Ġp tas","ĠDESARROL LO","im i","Ġev asión","Ġdeten idas","b ach","Ġpedi á","Ġaplic arán","Ġfilosó fica","ĠolÃŃmp ica","Ġexh ort","ĠS ul","ĠG on","Ġlleg adas","ĠPerio distas","Ġen du","on ista","Ġf s","Ġcontemp lan","Ġaceit unas","ĠSa hara","Ġdenomin an","ĠÐ ½","ave dra","Ġpele ando","Ġac era","Ġregul adora","v ÃŃas","Ġver éis","quier o","Ġculp abilidad","ĠCoun try","aliz o","Ġespan ol","Ġc ele","ĠH IS","Ġtrib una","ut an","ĠSal vo","Ġdol encias","Ġcurric ulum","ta h","Ġmov ÃŃa","Ġrebel dÃŃa","Ġanci ana","Ġab ul","ĠImp ort","Ġest ru","Ġplan tación","Ġcolec cion","Ġusar los","qu ios","ĠBal let","Ġnomb rados","Ġesclar ecer","ol ÃŃn","ren os","Ġderech as","ĠCo fradÃŃa","Ġcumpl idos","ĠB ARCELONA","Ġne fas","Ġcontinu aron","ĠCo le","Ġtri ples","Ġestal lar","Ġde cia","Ġco ol","Ġsimil itudes","Ø ±","ĠG ales","Pr incip","Ġdesvi ación","Ġrevan cha","ĠD IG","ĠMa teria","Ġign ora","Dispon emos","mom ix","Ġdes ciende","ĠJ amaica","Ġbrindar le","Ġesqu izo","Ġmu rales","AM OS","ric ol","Ġincorpor ada","ĠEcon ómicos","Ġdeje mos","Ġexpuls ar","i riendo","in ismo","Ġcons er","Ġfi re","ĠSh an","Ġmarg inal","Util izamos","Ġdistribuy en","Ġplan as","val do","Ġreal ity","Ġgri ta","Ġcocin eros","Segu ir","Ġconsegu ÃŃa","ij ing","Ġpolit ica","cor ds","ĠÃģ guila","Ġsistem ático","g estion","Ġtra tadas","Des tac","cri ption","Ġfres a","Ġinsul to","min is","Ġsimp ática","Ġpana derÃŃa","Ġgra ciosos","Ġgener adores","an tos","par t","Ġjer arqu","ĠCres po","Ġ***** **","Ġtea trales","Ġante cedente","Ġk ara","Ġarro jó","Ġest en","por to","Ġvis ado","i éramos","ĠT ag","Ġplante o","ĠElec ciones","Ġmens ualmente","Ġenc ÃŃas","Ġdeclar ados","Ġegip cio","o tro","Ġdescub ri","J ulio","ter ios","Ġembara zos","TRO L","Ġen loque","Ġdes me","Ġ: -)","ĠEmpres arios","Ġdesagrad ables","Ġcirc und","Ġrestring ido","tur ado","ĠMontre al","Ġmu riendo","Ġrefrig erador","Ġobse qui","ĠA del","ĠT esti","ton o","EC U","ĠEmil iano","ad ado","Ġconci enciación","ĠCle mente","Ġb ip","Ġmin imo","Ġw ar","ĠSegu imiento","Ġconta gio","Ġparticipa tivo","Ġin trans","ĠJ úpiter","ĠMar sh","ĠCol abor","Ġremi tido","Ġman ch","Ġver du","Ġembar que","Ġval idar","ra x","ĠL ie","ĠCu mple","Ġpla te","M ate","ĠMar rón","ĠOpera tivo","ĠFinanci eros","Ġ4 000","ton ina","Ġconven ientes","Ġtir an","ĠTele visa","ent amiento","Ġchal eco","P u","Ġenla zar","Ġn udos","âĢ¦ ),","ĠAv da","ĠV ik","ĠAb ad","Ġaprob aron","Ġre tina","Ġper cusión","uc ker","ĠY olanda","Ġespacios o","Ġquem ado","ĠO cio","Ġcontra tista","Ġsino psis","Ġcruz ados","Ġfran camente","ĠDar win","Ġhelicóp teros","Ġtra vi","ĠRe ales","Ġprob ada","delar ia","B io","Ġconcur rir","Ġre voca","ĠM ire","co co","mis ible","Ġsatis fa","tr ará","ĠYo ur","Ġincom parable","ĠFemen ino","Ġteles copio","Ġse ts","Ġgen itales","Ġgri tó","Ġincon fun","y stem","ĠOliv ia","Ca tal","es pero","Ñ ħ","g no","im an","Ġvis itamos","Ġren omb","Ġpar ano","Ġpsico análisis","Ġsub as","ĠDia gnóstico","ĠC ement","Ġban dos","Ġesca pó","Ġevolu ciona","m ética","ĠLo go","Re la","Ġcuid an","Ġbamb ú","Ġejecut an","illar y","Ġpo k","Ġre misión","Ġfil mes","ĠBan kia","Ġsubje tivo","M IENTO","Ġref un","ĠI ris","ud ónimo","Ġdecidi rá","Ġvér tigo","Ġcorrespon dÃŃa","Ġidentific ó","Ġprofec ÃŃa","Ġextrater restres","ren ce","Ġra cista","Ġdescri tas","ĠPrincip ios","Ġrefres cos","ĠInmobil iaria","M ur","Ġg ano","ĠMiemb ros","you tube","os ible","la v","ĠBar ri","ĠDen ominación","en dos","Ġm ÃŃstica","Ġgalax ias","Ġsimpl icidad","ci entas","Ġdis u","Ġrecor demos","Ġcentro camp","CA A","S H","ĠS uelo","Ġmelan col","Ġcol onos","Ġproyec tado","Ġdif um","Ġtor na","Ġmo das","Ġgra va","Ġnomin ación","ĠUb icado","Ġg las","Ġdes o","Ġcome ten","ĠP ase","Ġorient aciones","Ġasomb rosa","Ġad icciones","Ġutiliz as","ĠPar al","ĠAlim entaria","Ġperegr inación","ocol mo","Ġpens aban","ĠH ell","cis iones","Ġtransform ando","ĠDol or","Ġdespres tig","ĠInterpre tación","ĠS hi","AN OS","â Ķ","Ġinter puesto","Ġab ander","ĠCir cular","Ġd uc","Ġinda ga","Ġimp lique","Ġc ef","éut ica","ág ono","ĠSa udita","n uevo","tr ero","Ġsorpren didos","ĠRe loj","Ġcaus al","ĠLu ciano","Ġhospital ario","Ġazule jos","ĠCompar tir","Ġam igu","Ġabsten ción","ĠMón aco","Ġregres an","Ġzombi es","Ġplante ando","ĠR al","Ġton alidad","Ġquis ieran","ĠM AD","Ġte tona","Ġgar ban","ĠCient ÃŃfico","Ð ¼","Ġinter medios","Ġsum er","ĠRos al","B ur","ĠT apia","ĠAn gela","Ġhospe daje","ĠAc ta","Ġdeten idamente","Ġnoci vos","el y","Ġimp lante","Ġ19 33","ĠK elly","ĠMún ich","Ġper demos","ĠB ian","Ġcorro bor","Ġfin de","ĠIndÃŃ genas","Ġpor tador","Ġconf uso","Ġcredi to","ĠBat tle","ĠMonum ento","ĠS R","ĠPel ic","Ġdeci ros","ĠGim énez","rim estre","ĠComer ciales","Ġmulti jugador","Ġcén trico","Ġo tr","Ġob via","ĠS pin","ĠK ara","Ġajust an","Ġment or","ĠPin k","Má laga","e qu","Ġac túe","Ġha ve","Ġap óstol","Ġdesp ierto","Ġaler tó","im b","fa gasta","Ġpul se","Ġprocur ador","Ġegip cios","Ġsu cul","Ġdoc toral","Ġdesplaz ados","ĠB US","Ġmin us","ĠV ita","Ġguar derÃŃa","Ġacondi cionamiento","Ġroda jas","Ġconcurs antes","ir ante","Ġcos t","val ÃŃa","ĠA frica","ĠHer mos","Cap ÃŃtulo","Ġn á","amb ra","lin k","ĠOut look","Ġelef ante","ur ados","ĠLe ido","posi tivos","ĠPe lo","Ġsup rim","ĠAses orÃŃa","Ġnervios ismo","Pre mio","ĠLog ÃŃstica","ĠA credi","ac y","Ġcal um","tiza ciones","ĠBiz kaia","I VA","o w","ie zas","Ġag lom","ĠJer ónimo","Ac abo","ĠG ear","Ġcar d","gre dientes","F ar","Ġprac ticas","? \".","Ġrec abar","ĠMetodo logÃŃa","ĠS id","ĠG A","ine o","ĠCastel l","Ġopera tivas","ĠDeb en","Ġox idación","ĠIlust ración","Ġinher ente","Ġros ado","Di rig","tu ri","Ġsab rán","S U","lo jes","Ġnomin ado","D r","Ġestá tica","Com pr","ĠL ad","D esta","h ip","Ġcre ÃŃble","Ġch ulo","Ġvol viera","Ġacce dió","ĠIND US","ĠCon cierto","Ġneces itado","ĠS IDA","ĠF ray","ĠCal zado","Ġimper fecciones","Ġaterri zar","Ġaf oro","Ġgigantes co","Ġfil iales","ĠH ob","Ġinform ada","ĠMo do","Ġi os","Ġloc alizados","Ġlog ÃŃstico","ĠBien venido","Ġprogen itores","ĠH orn","ĠPe ñ","Ġjugar án","Ġform e","P ros","ĠTaiw án","Ġex tienden","Ġle es","Ġcos echas","Ġdetal lar","Ġobliga torios","ado w","Ġun iones","ĠSelec ciona","h onda","ĠS iento","Ġhab ian","Ġinf ring","Ġpost grado","Ġen co","Ġlibre ta","Ġexten derá","ĠFac undo","b in","Ġper dura","el las","Ġclos et","f ina","ĠE ch","ĠY PF","Ġmone tario","Ġpac tos","Bl ack","G estión","u idas","ĠAl geciras","Ġgener aron","th ers","Ġdisfrutar lo","noso tros","Ġimpera tivo","Ġcal ef","Ġarte facto","ĠMonclo a","bi anas","Ġestall ido","N ingun","Ġto c","ĠUn esco","ĠColombi ano","Ġapa ga","Ġtras eras","Ġhorizon tales","Ġmensaj ero","A grade","Ġm ÃŃas","ĠB ud","Ġvi ales","ĠFo undation","Ġaden trarse","ĠM om","f á","Ġto urs","Ġinfin itamente","Ġpanor ámicas","l umb","Ġal tera","ĠCo ok","Ġrepor taron","Ġprogres ar","Ġlo gos","Ġtra bas","ác ticamente","Dec lar","ĠSe an","Ġcontrol adas","Ġcircul ares","Ġsal sas","Ġsub st","Ġentr é","ĠCo aching","Ġanim ó","ĠMu ñ","V ir","Ġcal idades","Ġtendr éis","+ ,","Ġimpe dido","Ġacostumb rada","Ġabord an","G UN","Ġba ila","Ġde tes","Ġgas o","Ġ16 5","ĠAgr aria","Ġeludi r","Ġpriv ación","Ġqu o","Ġinv entarios","Ġactu ará","Ġprefer idas","Ġdespla za","s ens","que tbol","ten der","RE A","Ġaport ados","Ġca tar","Ġparti dario","Ġad onde","Ġest uche","Ġfr icción","Ġpersi guen","Ġpro dig","Ġdesg los","ĠA bajo","Ġtr omb","ĠGu in","Ġconver gencia","Ġcardi aca","Ġtra jeron","Ġcor onas","Ġdirig iendo","ĠcÃŃv ico","TV E","Ġtener se","Ġl ond","Ġnarra tivo","Ġcanta utor","Ġe rosión","am entales","Ġsub astas","áce os",". '","ó t","ĠE asy","Ġvalor ados","are do","ĠCastel lano","Ġempa tar","Ġcapaci tar","Ġfer mentación","Ġpase ando","Ġautop istas","e ada","ticu atro","Ġpo da","Ġrepor tar","ĠHerman as","f um","Ġest ival","ĠT iro","Ġur be","Ġsuce dÃŃa","Ġenm ienda","Ġacompañ e","ĠOb tener","L INE","ĠC ASA","Ġesp ÃŃa","Ġval iosas","Ġcontempl ado","ĠM IC","ĠPo tencia","gu ÃŃn","ér selo","Ġliqu ida","Ġcoj ines","ĠCom arca","C op","Ġdescri ta","er ÃŃo","Ġan tagon","Ġpon dré","ĠBerm údez","Ġin tang","Ġestre ñimiento","Ġpreocu parte","Ġhorm onal","Ġencontras te","Ġfras co","ĠAc á","Ġdedic arle","ĠEst an","Ġconduc ÃŃa","Ġindirec tos","ĠTotal mente","se m","Ġexperim entales","Ġpreocu pe","ĠIns pec","T rump","Ġsimul ador","Ġenglo ba","Ġen org","Ġper rito","TUR AL","Ġt sun","Ġcoment amos","Ġnie ta","Ġerrón ea","mir ante","uu uu","ci ario","ĠRes iden","Ġreclam ado","S iendo","j itos","Ġ19 10","ĠâĢ¦ .","Ġimplic ar","Ġdescen dencia","Ġmedi anos","ĠpartÃŃ cipes","Ġal deas","ve dad","Ġperiod ÃŃstico","ĠCon vocatoria","Ġfin ancia","Ġw in","O fer","ĠMon eda","Ġsatisf ace","uri ta","Ġanal gés","ĠZ av","Ġretroce der","ó metros","Ġasc endió","Ġpronunci ar","Ġrá fa","ĠLo w","Ġcontras tes","Ġrespe te","ĠPri vado","ĠOpti m","ri cia","ĠCan tidad","ju ria","Ġtravesti s","} }","Ġreg ga","ĠUl tima","Ġasegu ramos","Ġcompara ciones","Ġre cargar","Ġileg almente","Ġesc ane","Ġcol oque","Ġesco ge","Ġsoci ologÃŃa","Ġb ir","ĠRe alidad","Ġcongres ista","Ġh ib","ĠS olu","Ġmedi tar","Ġgen éticos","Ġremo tos","Ġfom entando","Ġescon didas","Ġimpar ten","ĠEd ge","Ġjes us","ĠLiv ing","Ġdespe gue","f ál","n en","o va","ĠS ina","ĠM ET","pe ar","Ġllev é","ramient a","Ġb lando","A i","ĠEn lace","OM S","Da tos","Ġa eronáut","Ġan si","ĠB ena","Ġpobla cional","Ġla tinas","ur ales","Ġintens iva","Ġcafe terÃŃas","f ÃŃs","Ġtes tosterona","Ġtras fondo","Ġmusul mán","Ġrealizar lo","Ġacostumb ra","Sab ÃŃas","ĠEjerci cios","ĠPlane ación","Ġdejar te","Ġcoord ina","Ġincans able","Ġdep ilación","ĠÃļ nete","Ġadjud ic","a ún","Ġqu ito","ĠJ in","Ġtran vÃŃa","ilo che","Ġmen ester","Ġ19 2","As es","Ġartic ulos","J ES","Ġautom at","Ġpractic ado","isp ado","Ġcorro b","Ġest i","Ġprogres istas","OLU CION","ĠC ron","ĠEnerg ética","12 5","Ġexhib ir","ĠM endi","Ġsum amos","of ens","Ġmotoci cl","Ġru bias","Ġidentific adas","ĠS os","val le","Ġdescar tó","ĠActu alización","ĠMar cas","Ġfacil iten","tr ario","Ġpre cep","Ãļ N","ĠSer án","Ġin habil","Ġre ub","Ġcar ita","Ġdis ip","Ġop tan","Ġtranquil as","Ġabri mos","ĠPrin ce","Ġfós foro","D IO","dr ÃŃas","Ġdeci do","j án","Ġc le","Ġsingular idad","ĠNingun o","ĠEspino za","Ġch ur","Ġincur sión","Ġinf ra","Ġtir antes","Ġde trac","Ġcar ab","Ġqu itando","Ġatribu to","ĠR F","Ġflo tación","Ġrespira toria","Ġapren demos","B ro","ĠFor ce","ĠEze quiel","ĠAleg re","U l","or nos","ĠEl las","Ġbloque os","Ġconsist ió","ĠC itro","ĠSalom ón","Ġinform áticas","ĠAndr é","Ġe po","Ġfran cis","A ño","Ġc aca","Ġtran se","Ġatra en","Ġde com","Ġap u","ĠCasta ñ","Ġf rito","ĠMer cosur","un ivers","ĠM últi","ĠUn ion","ĠNa tal","ĠVer des","Ġsopor tan","ĠPS C","Ġreen cuentro","Ġsud americano","era tura","Ġsub contra","ard ÃŃa","Ġ195 1","Ġhidro eléctr","Ġdisim ular","z io","Ġmus los","Ġdiploma cia","m ucho","Ġacer cando","R epres","k it","Ġnáus eas","Ġnos tál","Ġata can","ricol aje","des c","Ġson aba","ĠCom ida","Ġper ez","aj ardo","Ġju an","ex tra","Ġresuel va","Ġbo ton","ĠRom eo","Ġsuminist ra","Ġapar e","ti erra","Ġ4 80","Ġconduc tos","Ġelig iendo","Ġrecuer den","ru gas","Ġbar ca","ENT AL","ĠexplÃŃ citamente","am ación","ĠDocu mentos","Ġabdomin ales","Ġmus cula","Ġfab ulosa","ĠAg ente","ĠLen guaje","Ġacep tados","Ġboliv iana","ĠCuar ta","ĠPirine os","ĠCom pu","P ap","Ġsu ites","re di","Ġcre cientes","Ġvic torios","Ġindic aba","Ġâ Ħ","Ġescal ones","Ġprohib idos","Ġejer ció","Ġllen ando","Ġcoleg iado","Ġimplac able","J U","ĠR eme","Ġviv iente","Ġll ora","ĠCons iste","Ġadi tivos","iéndo le","L AR","ĠH ércules","ĠMo o","Ġsole ado","ĠSum in","f rente","Ġy e","ĠTri ple","Ġdest er","Ġeva por","U p","Ġrepres ente","Ġanal f","JA JA","ĠEs mer","Ġgradu ado","Ġino doro","Ġnomina ciones","Ġ- ,","Ġperi feria","Ġinmer so","M EN","v és","di es","me la","Ġdispar ado","ĠArgel ia","Ġincom pe","Ġs pot","ĠPa ola","Ġatribuy en","Ġdomin ó","GU ARDIA","V II","n ormal","es pacio","Ġejerci to","Ġcirug ÃŃas","Ġanunci aba","Ġcoloc ada","Ġestrech as","âĨ IJ","ĠSubsecre tarÃŃa","Ġman anti","vo co","Man ual","Ġbalne ario","ue les","ut ó","ĠCal lao","- ¡","on mano","ĠCu ra","mar k","Ġrevis ando","Ġsul f","desarrol lo","ĠPan americana","Ġdesapro vech","V IDEO","Ġins osten","Ġsub o","al co","AD I","Ġdom es","Ġrecip ientes","Ġv á","ĠRu tas","ĠGar y","Ġconf e","Ġcontun dentes","u ps","or r","Ġnas al","Ġv ienes","ĠP si","ĠPar ty","ĠH BO","Ġregres e","Ġpul po","Ġi p","va quia","ĠMan uela","Ġju ramento","Ġpers istencia","ĠMas sa","ĠFamil ias","Ġpes as","Ġfirm ware","Ġconstruc tor","ĠB IEN","Ġind umentaria","M U","x e","Ġsab rÃŃa","Ġprome ten","Ġfracas ado","Ġempo deramiento","Ġsubje tiva","Ġdrá sticamente","Ġr allado","Ġmor bo","Ġestra gos","Ġbr ome","Ġdesfil es","Ġviaj aban","ĠDemocr ático","p idos","ĠG ras","Ġapreci an","B ox","ĠBa g","Ġileg ÃŃ","Ġsta tus","Arch ivo","en go","Ġluch adores","Ġdescon ocer","IA BLE","Ġpic ar","Ġemble mática","Ġball enas","Ġpre con","ĠO cul","ús culo","Ġdem encia","Ġdesaf ortun","ad ministra","Ġrol los","ĠBlo ck","Ġidón ea","ĠSa k","ĠMoham ed","ĠHist órica","ĠTrabaj os","Ġin ap","ul ti","Ġexpres ada","ĠProp iedades","Ġ4 11","Ġop uesta","Ġcompren didas","us et","ĠB eck","til eno","Ch ar","ĠC IC","Ad minist","Ġca v","Ġn uca","ĠQuiro ga","Ġapro vecho","Ġvo tó","Ġcuestion ó","Ġmen opa","Ġllevar te","ĠIN FOR","Ġexpec tación","Ġtranspor ta","ì a","Ġpsiquia tra","ĠSe arch","tiz an","Ġacercar nos","Ġmen u","Ġsac arlo","ĠMo ch","Par tici","Ġaguan ta","T écn","c alización","Ġinterpre tando","ĠB ond","Ġdin ámicos","Ġpar én","ĠJul ieta","Ġs un","quil o","ĠTh is","Ġglánd ulas","ent ón","ĠL arra","Ġul timos","ĠR ambla","ĠESPE CIAL",".... ...","Ġobten drás","Ġdocument ado","Ġriv alidad","Ġhep ática","Ġburs átil","Ġcomp uta","I U","Ġser ena","Ġexplor ador","Ġnu tre","ĠB ucaramanga","Ġfal te","emp resa","ĠZ an","Ġcapaci taciones","Ġasegurar nos","Ġasign ada","f lo","Ġpa ge","Ġtan da","ho tel","Ġreac ciona","ĠMea de","ĠI ta","Ġmerca deo","Ġdes ocup","ĠT imo","Ġabur rimiento","ĠKar en","Ġfun dido","Ġregres ado","IF ICACIÃĵN","ÃŃp tico","Ġfich ajes","ĠJU AN","ĠEv olución","Ġsustent abilidad","Ġcu ba","Ġcongel ador","V ers","ĠL igas","ol an","ĠCre ma","Ġpuntu almente","Ġaber tura","Ġrep rim","Ġjust ificado","Ġalmacen an","ÃŃ rica","Ġcob ró","Ġres fri","Ġcm s","ĠHist orias","ĠTur ÃŃstico","van as","ĠO racle","Ġembal se","Ġin h","Ġasegurar te","ro bo","Ġven ida","OS O","Ġautode terminación","IM O","Ġintu itivo","Ġcere al","Ġcla ustro","Ġdiscu te","Ġmostra ban","Ġcom emos","ĠRos ales","j ones","Ġcomple tando","ĠPla tón","ĠB ona","Ġinfluy ente","Ġdespe gar","Ġgela tina","ad ia","ĠPro videncia","Ġapoy ados","Ġpublic amos","Ãģ L","ĠEspa cial","Ġart ÃŃ","Ġnar rar","aro t","Ġb ug","ĠH uel","Ġperci bido","Ġirre medi","Ġ12 4","Ġclas ificaciones","ĠPa tio","Ġvera z","Ġincómo da","Ġtecn olog","Ġrigu rosa","Ġintermin ables","ar di","Ġla mento","ĠPro yec","Ġactu alizadas","AN T","ĠK or","Ġestablecer á","indust ria","Ġbár bar","ca kes","Ġsen ior","Ġacus an","por no","A cep","ĠV intage","Ġ25 6","ĠAdu anas","Ġgu ante","ĠCatal ana","ĠS AS","ĠIN TE","Ġrefiri éndose","Ġtener los","Des ayuno","Ġlide rato","Ġapreci ado","in é","Ġd ragones","ĠM ust","Ġmater no","Ġ12 6","ĠCam inos","IS IS","Ġgor ro","ifi quen","um i","Ġacer tar","Ġemocion antes","ĠEspa cios","ĠP ris","ĠU L","Ġvent aj","ĠPre paración","Ġn up","Ġmanus crito","Ġinf rac","Ġform alizar","Ġvar ices","Ġmolé cula","ĠEC TS","ĠOcta vio","Ġterremo tos","Ġ19 34","ĠNa ció","ĠDa ily","Ġrema tar","t ril","ĠR av","Ġplug ins","Ġpo em","Ġcons ignas","ĠCuer pos","Ġdescu ido","ĠP le","gl ia","ĠLe al","Ġeuro pa","ĠFuen labrada","pe que","ĠSan dalias","app y","Ġproto tipos","Ġmedioc re","Ġarbust os","Ġvalor ada","Ġrecom endadas","Ġnoctur nas","F orma","Ġamuebl ada","ĠMonum ental","ĠEmp erador","Ġperjud ic","Ġfarmacéut icos","tiz ador","Ġver os","ĠRe pe","ĠPubl icaciones","Ġcu ras","Ġtab ú","R ub","Ġver ifica","Ġaquél los","Ġrom pecabezas","ri te","Ġin duci","ĠC IEN","Ġvulner ación","ac ea","Ġdign as","rocar riles","is imas","ĠF IS","Ġtom arlo","ĠAs ist","Ġcompatrio ta","Ġespec ulaciones","Ġlog ren","Ġmillon arios","Ġartil lerÃŃa","ĠBode gas","Ġaliment icio","Ġmode lado","Ġdetal lan","B AL","Ġy emas","Ġcon os","Ġbombar deo","De f","Ġblan dos","ĠLy on","Ġse ducción","Ġop res","in amarca","il ding","Ġsubt ÃŃtulos","ĠI d","Ġocas ional","ĠConsul torÃŃa","m ias","Ġhorm onales","buen as","ĠMUN DO","Ġinst ó","Ġprogres os","f is","Ġs cript","Ġal entar","Ġnomb rada","ĠV et","ara zo","Su pongo","Ġdor adas","Estim ado","ba to","Ġindefin ida","Ima gen","Ġtra po","Ġlevan tando","Ġob e","Ġelig ieron","ĠAl mu","ing e","Ġmal dita","Ġar enas","E du","Ġe rec","al ar","Ġpa tó","ĠEsc ol","Ġconserv ando","Ġpur é","Ġliger eza","z ko","do ble","ĠR SS","ĠV ital","ĠEl ite","Ub icado","ĠD R","Ġpe qu","Ġrealiz ador","Ġestip ulado","ES S","Ġprev én","Ġlav abo","Ġatac ó","Ġencier ro","ist ico","ĠH orm","Ġmis ioneros","Ġmis ionero","Ġll ueve","Ġpiz zas","Ġopon en","ĠBás icamente","Red acción","ĠMi riam","Ġcu mbres","ĠRec og","ĠCan ales","ĠGra tu","de los","Ġholan desa","Ġflor ación","Ġcolon ización","log ia","Ġfrag ilidad","Ġal zó","ĠA ventura","Ġdecor ados","Ġexcav aciones","ĠRestau rantes","ĠD yn","ĠSa avedra","Ġanim amos","Ġcar gando","Ġescal ón","Ġcaj eros","ĠEst ocolmo","Ġdesmon tar","Ġhaza ña","D ig","ĠModer no","Ġri to","Ġdise ña","Ġdoc enas","Ġbendi ga","Ġabaste cer","Ġe ros","ĠPrim e","Ġcomesti bles","el ing","Ġco ad","Ġestatu as","estra miento","18 0","Ġdes ampar","Ġmar rones","Ġcoloc aron","Ġmenopa usia","ĠT x","n és","Ġcuch illos","ĠAM OR","Ġtrág ica","Ġcaracter izada","ĠV iene","itu s","Ġreca e","Ġdiferenci an","ĠJam ás","Ġó v","Ġast ero","Ġocurrir á","Ġhech izos","g t","ĠB aj","Ġpresent aban","Ġaudi tiva","Ġrepor tero","tr um","Ġfuncion en","ĠMU JER","Ġs ky","ĠF as","Ġsue ca","Ġempi ecen","le e","Ġex tir","ĠV arias","mar ca","Ġconfi abilidad","Ġen dos","Ġproduc ÃŃa","ĠMun ich","Ġhomo gen","m ando","rec en","Ġinsu per","Ġinmun idad","Ġrepi tiendo","Ġdescar gado","ff in","Econ omÃŃa","f und","Ġen mascar","Ġcolor ación","Ġfac to","ÃŃp ico","ĠPeque ño","Ġpromo vida","Ġsupl ente","di fic","Ġcar tul","Ġesper ábamos","Ġhar ta","Ġalb oro","Ġvio leta","unda i","ĠCar ne","Ġtec lados","des h","Ġcuar teto","Ġ ??","Ġcas taño","Ġdis olver","IN CI","Ġalar mante","Ġpromo cion","Ġbal ones","ĠAcadem y","Ġal bum","Ġsinies tros","Ġch ips","Ġconduc tora","vio leta","Ġestúp ido","Ġsol ÃŃan","Ġmezcl ando","7 50","Î µ","Ġet no","Ġesque leto","Ġpul pa","ĠMal ta","Ġcontempl ación","g ables","ĠT á","Ġcamin aba","Ġdespe didas","Ġsup iera","Ġaceler ador","Ġmuscula tura","Ġat l","ĠHab lar","ĠTele cinco","Ġamena zan","Ġsome ten","ĠÃļl tima","ĠY as","Ġtemp ran","Ġvin iendo","ĠUS O","Ġre medi","rÃŃ quez","ö r","pá rate","C V","j ales","s ional","ĠD onos","Ġdu que","Ġexen ción","Ġutilizar los","Ġejecu ciones","Ġresuel tos","ĠAlf aro","Ġpre ven","ĠVÃŃ deo","Ġdibuj ante","ĠCh ef","ĠAr c","UN IDAD","Ġabon ado","Ġkirchner ismo","ĠT omas","ĠB ac","ña ki","ĠI mple","Ġcomunic an","Ġten der","ĠMe lo","ĠAmeric anos","an ie","Ġpala cios","Ġcomp uestas","Ġmayor ista","o v","s ico","ĠTechn ology","ĠB ala","ĠMir ó","ĠCONF IABLE","ĠTún ez","Ġt aj","ĠFá brica","ĠY amaha","chan ge","E sos","Ġs mart","ĠInstrum entos","Ġn ico","Ġexplo ta","ĠSeat tle","re ce","tr in","Ġman tas","Ġra ciones","Ġbal dosas","ĠSon ic","ĠPap á","ĠG ordon","AM I","16 0","ren se","Ġpatron ales","Ġconden ar","Ġconden ada","Ġirra cional","zar t","id ante","Ġri dic","AR E","Ġidén tica","Ġser ver","Ġof ender","Ġinneces arios","k on","Î ½","Ġgal legos","Ġcor tó","Ġvendi eron","Ġcomprome ten","ĠG L","ĠIM SS","H U","Ġdesvi ar","Ġal c","ĠL omb","Ġtar dan","Å ĵ","ĠS tock","Ġter mó","Ġajust ados","ĠCon gregación","ĠDIREC CIÃĵN","ĠOce an","Ġform adas","Ġestren ada","d ina","Ù Ī","Ġpa us","G IS","Ġag itación","L amentablemente","un tura","ĠU stedes","ĠCN T","ĠMara vil","Ġp ivo","án eos","ĠLu ci","Ġe poca","Ġmodific ados","Ġestra tega","Ġespecific ado","Ġole ada","Ġrec tas","Ġaci ertos","Ġindis crim","Ġque jar","Ġgor ra","Ġconf l","ĠPre para","Ġineludi ble","ton da","Ġfan ático","pon iendo","Ġmin is","P lus","Ġaliment ario","e g","Ġmejor ará","Ġvincul ante","Ġrell ena","Ġren ac","Ġras ca","Ġirre lev","H i","Ġro ce","quÃŃ micos","and ome","Ġdesempeñ ado","Ġsolid arios","Ġocasion almente","Ġgrab adas","Ġcoopera tivo","zco a","ĠAmar illo","w l","Ġde par","ĠJ ub","ĠPeters burgo","Ġwhis ky","t Ãĥ","Ġno tificar","tu ber","ĠD ama","Ġdejar emos","ĠGal lo","ĠF it","Ġpier des","Ġfér til","b eb","P ARA","ĠC ita","pati ble","Ġgarantiz amos","pa z","Ġsolici tará","Ġlevan to","ĠAst ro","ĠS hu","Ġmayor ÃŃas","Ġavan zan","ĠHD MI","k ira","ĠIn vent","ĠDis posición","Ġabst enerse","Ġconsa grado","crÃŃ bete","d ney","Ġolvidad os","Ġviv encia","CI N","Ġtra gamonedas","Ġres il","Ġpes adillas","Ġrev ol","ĠRestau ración","ĠP ET","Ġun ificar","Ġinter ino","Ġlig adas","Ġav ist","Ġnova to","ĠINTERNA CIONAL","ic el","ĠL ang","s ing","Ġson riente","Ġdue los","Ġpropa gan","tra vel","Ġmotiv ó","ĠcÃŃ tricos","Ġd Ãĥ","Ġven ezuela","ĠGana derÃŃa","Ġemprende dora","Ġlo ve","Ġcos mos","Con stru","Ġperman eciendo","ánd wich","Ġtercio pelo","im er","Ġofrecer les","Ġmonitor ización","Ġafortun ado","om at","Ġmor b","Ġindud able","Ġtar dado","rid or","Ġincluy an","S en","Ġun ificación","cl ásico","dr és","Ġsab rosa","Ġsubterrán eas","Ġrelaj ada","Ġuruguay os","Ġreten ciones","et ÃŃn","ific adores","D ice","Ġcan gre","Ġro c","Ġinvent ó","B ra","f unción","Ġdocu mentar","ĠPrue bas","g ru","ame la","Ġlun ares","Ġra cionalidad","Ġinforma tivas","á rea","Ġprim itiva","Ġimpro bable","ĠT UR","Ġenseñ amos","QU I","Ġrecin tos","ĠTra il","Ġdia gonal","Ġoper adora","Ġmarch arse","Ġconduci endo","Ġs r","re pres","Ġsu iza","bre gat","Ġimp ida","Ġolvid amos","Ġentien dan","RE D","Ġplante adas","ack s","Ġarras tre","ion ante","Ġcie gas","ĠLuxem burgo","Ġp io","ĠConcil io","p ier","Ġser o","pon entes","ĠCam eron","ĠTor os","Ġprohib idas","ues a","ĠBrook lyn","Ġrecha zan","ide a","tas te","ĠGa to","Ġchan taje","gra ciadamente","B u","Ġdes into","Ġmil f","ĠGu ia","p ág","tiz ando","ĠMat the","ts u","ĠAy untamientos","cons ul","Ġca ci","jos a","Ġrecuper ados","ĠNay arit","T ur","ĠCan delaria","о ÑĢ","ĠAvil és","Ġbil ingüe","Ġdesplie ga","ĠEntre vista","Ġinmers os","Ġn ó","Ġimp ron","Ġpl iego","v istas","Ù Ĩ","ĠE jemplos","ach er","Ġi phone","Ġpetrol ero","Ġpu to","Ġartic ulado","gu illa","Ġ ®","Ġacompañ ará","Ġencar gamos","CRIP CIÃĵN","T N","ĠConst antino","Ġsol tó","IT Y","Ġprestig iosas","Ġdi va","Ġselec tiva","Ġestudios os","ade ci","Ġcás cara","Ġx en","ĠA RA","Ġca tol","ĠSe g","ĠMaes tra","ĠCu adro","Ġnovel ista","de rech","ĠZ ero","Ġdetal ladas","Ġagra vado","ĠCivil es","ĠIdi omas","Ġhash tag","Ġconfor tables","Con cl","f amiliar","w orld","ĠAc tos","ób ulos","Ġimpi diendo","Ġliber ados","ĠH TC","Ġsabor ear","! -","ĠLu ÃŃs","DA H","un tas","tar emos","ce do","Ġapoder ado","Ġcom edores","e ing","ĠMonts errat","ĠS W","ĠOr le","Ġim án","Ġotor gados","Ġhin dú","Ġelog ios","Ġejecut ando","ĠUNIVERS IDAD","Ġbo tines","Ġperd ona","Ġheter ogén","Ġpres unción","ĠPos i","Ġsubs istencia","Ġempu ja","Fel icidades","Ġlabi al","Ġcu banas","Ġcl imas","ĠDip utado","Ġmil lar","Ġbi ológicas","Con oci","Ġprepara toria","Cl ub","Ġcos tados","Ġton terÃŃas","Ġform idable","Ġsolu cionado","Ġromán ticos","Ġquir óf","Ġsep amos","Ġestabil ización","ĠP izarro","Ġform amos","Ġconvoc an","j uegos","t ney","le b","Ġpre cepto","ĠSil vio","Ġintern amente",": -","Ġmigra torio","Ġin ducir","Ġeje mpl","quil los","ĠEuro copa","Ġdedic aba","Ġmen ciones","Ġpi j","Ġor b","Ġber enj","Ġnave ga","Ġsp ray","ĠAc tiv","ĠPino chet","ĠAdolesc entes","ÃŃ grafo","ĠS ap","ĠCon cep","Ġcuán tica","ĠN ich","TER IO","Ay uda","Ġpol ip","L an","ue ducto","ĠS ino","ĠT rac","Ġdestitu ción","on t","cap ital","Ġproclam ó","Ġcontrovers ias","Ġinterac tivos","Ġpuntu aciones","Ġb igo","ĠSolici tud","Ġoficial ista","Ġcolap s","Ġferrovi ario","ĠC lick","Ġmon ton","ĠPra t","ó genos","AS E","cion ador","ĠAl tam","ĠT rib","ĠRo ble","ĠPla zo","Ġso ft","âĢ¦ âĢĿ.","Ġmenos pre","Ġadop tan","I m","Ġc itó","Ġ3 30","Ġperder te","ĠD j","Ġca ver","yug es","Ġmonitor ear","Ġsal on","ĠAg reg","ĠÃŃn timos","ĠComp ras","ĠOro zco","C lo","Ġcar ies","one idad","Neces itamos","ĠCompeti tividad","Ġb ró","ĠEn horabuena","ĠMas ajes","lar ta","ĠCas s","Ġignor ante","Ġpres te","ĠG mail","ĠG Hz","Ġcos tillas","Ġocas iona","Ġrecolec tar","ol ita","ĠCu idados","Ġdes amor","Ġalquil a","Ġfren ado","Ġgene al","Ġcohe tes","Ġenten dÃŃ","Ġais lar","ĠESTU DI","Ġparal elos","ĠPien sa","Ġneoy or","te ma","Ġne garse","Ġconstruc tores","Ġmanic ura","Ġcontr inc","Ġaden trar","S ecre","ĠT IEN","Ġcomp ilación","ari us","Ġmelancol ÃŃa","ĠB ecer","Ġtip ologÃŃa","ĠC ál","Ġma tu","Ġden so","CA P","O ri","ĠM ent","it t","Ġexc én","át ula","Ġsuf rÃŃa","Ġ13 2","Ġzapa tilla","Ġpe gó","Ġcos turas","Ġfinal ice","Ġseñal aba","Ġcompeti dor","Ġsac os","ĠtÃŃp icamente","Ġabur rir","ien s","Ġperson aliz","rg ano","Ġrepent ina","Ġprim itivo","Ġgrues as","ĠMas cul","ĠBe ijing","Ġencam inadas","ĠPa olo","ĠA Z","gu sta","ĠT H","Ġira quÃŃ","pe dal","tera peuta","ĠAp óstol","Ġbuscar án","ĠSegu imos","Ġferv or","Ġconveniente mente","ĠF EC","vers ación","Ġreclut amiento","Ġgust ará","Ġcub os","Ġnum eración","Ġasim il","Esc uela","OS A","Ġdejar me","Ġresponder á","Ġborra cho","u rel","Ġmode l","f urt","ĠD ub","ĠN ancy","Ġjust ificada","ĠMedi as","Ġpersegu idos","ĠBus camos","ĠC ip","Ġcon ejos","Ġextender se","an io","Ġv uela","po int","omb ro","ĠLo pez","Ġtro ce","Ġresuel ven","Ġgole ada",". �","Ġque j","Est able","Ġcongres istas","Ġcal endarios","ĠCar ter","Lib ro","ras h","Ġ8 50","ĠFORMA CIÃĵN","ĠDe ath","ĠMad ri","ĠHo p","ĠGlo bo","gu ió","ĠCu entos","Ġ18 00","Ġrepresent adas","Ġnavide ños","Ġarquitectón ica","Ġderrum be","Ġtóp ico","Ġrug by","Ġbloque a","ĠChub ut","Ġguar de","k os","Ġcontra tistas","Ġmir ado","ĠGas par","com e","Ġlevan tan","Ġl entos","ĠS olución","Ġpre dios","âĢ¦ ?","Ġ19 28","Ġprac ticamente","ĠProce dimientos","escri tura","s ig","ĠM ÃŃ","Ġac ciona","ĠAl rededor","Ġ12 1","ĠVal enci","ĠMEJ OR","Ġcote jo","ĠE ul","ĠG AL","ĠCar o","cri bió","ĠMin era","Ġpresupues tario","Ġimpos ibil","Ġmultic ul","e ga","Ġman ÃŃa","ag ing","Ġabra za","ĠH illary","Ġu ruguaya","Ġentre gadas","ĠFin ca","Ġtraslad ada","ĠDibu jo","Car ta","Ġconcep tuales","Ap ple","Ġinci dir","ĠOl ymp","Ġbomb illas","Ġespar cimiento","Ġneoliber alismo","ĠAr riba","Ġw id","cie la","Ġconstitu yente","Ġce ja","Ġpetrol eras","Ġmosa ico","fer me","il iano","Ġatra ÃŃdo","Ġirre versible","p itos","Ġh it","ĠR ach","ina to","bo le","Ġacer camos","Ġflo jo","ĠO jos","Ġvis lumb","Ñģ к","Ġestan terÃŃa","ces ores","Ġsuf rimientos","Ġesp olv","Ġobserv aron","CH E","Ġconqu istas","Ġfelici tación","Ġhex adeci","ĠDi am","Ġcuidad ores","Ġregul ada","Ġfij ada","Ġove ja","ĠH im","Ġsub ÃŃa","Ġconten cioso","Ġconsidera ban","$ $","âĢ¢ âĢ¢","ĠNUE VO","ĠWes tern","Ġg if","Ġtra tase","Ġaclar ado","ÃŃ cil","ĠCal endario","Ġreve laciones","w i","Ġmer eces","ĠL ore","Ġeste la","Ġdo tes","u ke","es tro","Ġson oras","Ġcontra tada","Ġliber alismo","Ġopin ó","ĠN oc","ĠV iento","Ġmed all","ú j","Ġesp esa","Ġpin char","Ġinvoluc ran","ĠFab io","ĠV eo","ĠReg ulación","Ġgran jas","Ġsum isión","ĠConserv atorio","bo urne","Ġfor jado","ĠNew ton","Ġbes ar","Ġdesin fec","Ġrecuper e","F abric","P SOE","ĠReg ionales","199 1","Ġun ids","ĠM ia","Ġdialo go","ĠB CE","Ġresal tado","ĠAmp aro","ĠH ea","one da","Ġconsider aron","pro ces","Ġbur guesa","Ġremon tar","Ġresponsabil iza","ĠAnto fagasta","ĠL entes","Ġw orld","ĠCa ta","Ġsomb reros","Ġestall ó","ĠEng ine","ĠEm manuel","Ġrepi tió","ma in","ĠV PN","Ġextra ÃŃdo","Ġsim ular","ĠJ US","Ġreclam ó","Ġasegura ba","ĠGENER ALES",". <","Ġsu re","Ġcan aria","Ġmuel les","Ġimpac tar","Ù Ĭ","Ex plicó","ĠTro p","Ġreembol s","Ġlo cas","Ġrealiz ara","Ġsig amos","Ġrec tán","ĠItal iano","Ġform alización","dro la","Ġins ular","Ġdesp lom","Ġvig as","Ġacredi tados","Ġimpu tación","Ġrobust a","r endo","Ġlegen daria","Ġsegu idamente","Ġgu is","Ġestim an","Ġreclam ando","ĠDe tec","Ġpre ve","ĠDa kar","ðŁ ij","we ets","ĠD ion","Ġponer los","Ġpopular mente","R esta","á culos","Ġocasion ados","Ġcon llev","Ġran gos","ĠIdi oma","tu ran","ur l","Ġcan tón","Ġtecn ologia","ĠDirec t","Ġcartu cho","ue tas","Ġcar ac","Ġemp ató","150 204","ho gar","Ġapete zca","Ġmagna te","Ġn ylon","tique ta","Ġsurg iendo","Ġexist iera","Ġdeshidra tación","Ġinacep table","ĠF AL","Ġvol vimos","ĠCa iro","D é","ti el","Ġconfun dido","Ġabord ado","ĠUr gencias","Ġcaz uela","Ġecuator iana","ĠK am","ĠAran da","Ġesc eno","Ġconj unción","ĠFern anda","ĠI PS","ĠLar ga","Ġintercon ec","V IL","Ġdis gust","ĠMar acaibo","ĠAc tiva","Ġexport ador","ĠCon cretamente","ĠAn uncio","ĠCan cillerÃŃa","ĠCal das","Ġlas tima","Ġas in","Ġpronos tic","T L","fec t","Ġllam arlo","Ġsolici ten","Ġguer rilleros","Ġviv ida","Ġencontrar éis","Ġrú stica","M un","Ġas queros","fa go","Ġorg ánicas","Ġlanz arse","ĠTh or","Ġprocl ama","ĠAlas ka","u é","Ġsal ch","Ġdesay un","Ġout fit","Ġvehic ulo","ab lanca","ma yo","Ġsue gra","Ġconocer nos","Ġgobern adora","Ġaliment arse","Ġequivo co","ĠM AL","Ġfun dadora","Ġemb ria","Ġelector ado","ĠPerson almente","ĠEn d","Ġdetal lados","Ġmostrar le","c enas","ad illos","Ġo je","Que da","Ġmiser able","ĠG ru","ĠTri turadoras","Ġelec tos","ĠBen idorm","Lar en"," ĵ","Ġre ñ","Ġno tificado","Ġinci de","Ġtóx ico","Ġescon dida","ĠAcu ña","ĠIn tent","Ġcontra par","Ġms n","j uez","ĠPo bre","ĠJul ian","Ġo val","ĠA gra","Ġcab en","Ġregul ados","ĠPeru ana","Ġaliment arios","ĠAguil era","Ġb ios","ĠVal ència","Ġfil ip","âłĢ âłĢ","Ġré cords","ĠFor ex","Ġemo tiva","ĠBri tish","19 88","Ġenv olver","tr uc","Ġmayor itario","J AS","Ġ19 18","Ġampl ió","Ġdif unto","ĠCrist iana","Ġerrad icación","Ġam ablemente","ON O","Ġla dera","ĠV es","Ġpol icia","ĠDeleg ado","ĠSpe ed","Par ti","ĠL EC","ami án","de cir","ĠI ce","Ġtor rente","Ġrom anticismo","Ġprema turo","ic ardo","Ġentre gue","Ġasum irá","Ġla gar","ĠAcces s","J er","Ġmar tillos","Ġev itó","Ġsen dos","Ġcoco dri","Ġinfidel idad","Ġá guila","ĠRol and","ĠCon sta","ĠParticular es","ĠM amá","Ġf ara","Ġasegu rados","Ġan h","Ġr un","Ġdele ite","Ġpa tadas","Ġpod ra","olv emos","Ġenta blar","Ġme ló","f ana","ci ertos","ĠCon cer","Ġpuls ando","Ġentender lo","Ġsever as","Ġinund ación","ĠO V","Ġanón imos","Ġcom ic","ĠLle ga","Ġlob by","ĠH AC","Ġsector ial","Ġcalle jón","ĠAb ierta","ĠPok er","ĠMo ur","ĠMon tal","Bo letÃŃn","Ġgus anos","Ġoz ono","Ġson or","Ġenv ÃŃ","Ġsincron ización","Ġam aman","ĠVol vo","TIC OS","emp resas","Ġven ia","Ġs ÃŃs","ĠP uls","ĠBar iloche","Ġvers us","Ġbrind ará","Ġbo ta","ĠCer tamen","Ġd uen","oc r","Ġ13 6","Ġinédi ta","Ġflu ir","Ġentregar án","Ġgrab ando","ĠPie dras","ĠG lad","Ġregul adores","er i","Ġacompañ aba","Ġprogram adores","ay os","Ġade ptos","ĠZ ur","Ġadher encia","ri tual","ita cion","Ġc itando","Ġurban ÃŃstica","ĠArque ologÃŃa","Ġpan ame","Ġafec tos","Ġinmedia tas","Ġador no","ĠWil d","Ġespon ja","Ġparén tesis","Ġencontrar me","Ġjur ados","Ġcateg or","Ġembra gue","G aran","ĠLi qu","Ġtuber culosis","Ġru leta","ĠSici lia","ĠAP P","Ġenm iendas","g ebra","Ġque des","ĠB EN","ĠG is","Ġab onos","ha w","Ġencar na","Ġsuce derá","Ġdetec tó","Ġdepu ración","ĠV inos","Ġpreten do","Ġmach ismo","Ġprocu rando","ĠZ ú","ĠOs valdo","ĠRiv iera","Ġreflex iona","ĠM ena","Ġdispon es","ĠCient ÃŃficas","ĠJob s","à ¹","ĠR id","Ġgu ionistas","ĠT asa","LO G","Ġvein ticuatro","ĠGén esis","ĠAsoci ados","ĠB ie","at ina","eci damente","Ġindic ará","Ġmay as","Ġllevar nos","ÃŃda te","IB LE","Ġord inarias","Ġanex os","Ġencontre mos","Ġestupe fa","O rig","Ġad quir","Ġpier do","Ġ- ¿","Ġ14 9","Ġsorte ar","Ġchaque tas","Ġque jan","Ġ12 9","ĠRecon ocimiento","Ġoper arios","ĠPedia trÃŃa","H I","R usia","ĠC id","ĠL IM","rec or","acer do","ĠFemen ina","Ġconte o","Ġaust ri","Efec tivamente","Ġempie zas","ĠE B","pi es","Ġcad uc","Entre vista","Ġfac ul","Ġfronter izo","Ġconcord ancia","core ano","go ña","Ġpropon iendo","ĠLGB T","Ġc ran","ĠB ios","ĠArquitec tos","Ġcomp ás","Ġindic arnos","Ġllama tiva","ĠInten dencia","Ġdiecis iete","em ber","ĠPre par","Ġparaguay o","Ġorganiz aron","ĠAst ron","Ġse duc","Ġd s","por tación","Ġo ÃŃ","Ġab uel","Ġrecib os","Ġ: (","Ġprecis an","ánd anos","Ġrob aron","Ġconquist ó","Ġal ab","Ġgastro intes","Ġreden ción","in dex","oc us","ĠComis ionado","u jo","ĠG ur","ĠO ca","ĠRuss ell","c rist","ar ez","ĠPro puesta","Ġpobl ados","ĠM itre","cre as","cindi ble","Ġf osas","ĠCo alición","ĠAlfre d","ĠG os","ĠH S","me work","Ġdec ano","Ġcoleg iados","D iego","or ama","em es","ĠMin istra","mic ro","m ientras","ĠEmpres ariales","ĠTa ur","Ġp q","ajada honda","n ero","al guien","ĠM all","ĠT apa","Ġrecomend ables","dr ic","Ġadminist rado","CH A","Ġgor das","Ġinstitucional idad","con tent","ĠPa ci","Ġocas ionado","19 89","Ġcurios as","Ġcan arios","Ġcoinci dió","ĠGas tón","Ġconstruc tiva","Ġbord ados","Ġconson ancia","Ġsal pic","Ġom isiones","Pon emos","Ġhipoc resÃŃa","ĠCá ritas","Ġdic tan","Ġgastron ómicas","Ġpes quis","ri edad","Ġbuscar lo","ĠDro gas","Ġsubyac ente","Ġdes orient","ĠGran ja","Ġo asis","ĠAM D","Ġhar ás","tro po","Ġles a","ene gal","ĠVilla v","Ġhigién ico","Ġo ur","Ġfun dición","Ġtom os","Ġfi jan","b ulas","st om","ĠM IT","Ġcal ificada","tá is","w ord","Ġconce jo","tro it","Ãĵ M","Ġsupon ga","Ġnut rir","ĠTla x","ch ea","ĠV ice","ĠEn laces","Ġconocer te","Ġpatr ona","Pres idente","s istema","ib ilidades","J usto","Ġc y","iv an","ĠFu i","Ġmanda tos","p lor","Ġmu era","ĠIn tens","Ġinstan táneamente","ARI AS","ĠJac ques","n eo","tu rista","ĠB I","Ġfav ores","G EL","Ġsent irá","if y","? âĢ¦","Ġw al","14 0","Ġcusto di","ĠVer emos","Ġdenomina ciones","Ġconjun tas","in is","Ġadqui ridas","Ġhubi éramos","Ġfascin ación","Ġmix tas","Ġadecu ar","Ġdoble te","ĠLegisl ación","Ġro ba","ĠCompe tencias","s ite","Ġfis ioterapia","Ġtransmi tida","Ġbarran co","Ġincip iente","Ġco de","fo que","Fo tos","ĠSw ift","Ġegres ado","Ġadmi tidos","Ġlogr ará","Ġfigu rar","Ġveter inaria","Ġalien ÃŃgen","uch i","Ġz aragoza","Ġmor eno","Ġexpon ente","Cre ar","Ġper itos","ĠAnd ina","ares ma","Ġformul ada","Ġalleg ados","Ãĵ G","Ġrestitu ción","a o","ér tete","b ull","Ġemp la","Ġquer és","ĠUtil izar","Ġdesapareci eron","Ġs s","ĠCon cepto","Ġtej ados","@@@@@@@@@@@@@@@@ @@@@@@@@@@@@@@@@","ĠSindic al","t ten","nos is","Ġpedia tra","l iga","Ġsuper st","IN D","Ġgui ño","Ġdamn ificados","ĠJ udi","Ġ4 47","ĠAust in","Ġartesan ÃŃas","Ġtortu ga","Ġinconstitu cionalidad","par que","Ġquer áis","ĠComun itaria","Ġpá del","i ologÃŃa","n icamente","in ts","Pro bablemente","ĠClub es","Ġvigil ante","ĠT ajo","ĠB ecas","Ġmostrar án","ĠMass ach","ĠL eb","QU IS","ĠM IS","ĠG ual","Ġ19 35","Ġdomin icanos","Ġcontrol ando","Ġdeclar aron","Ġmane jando","Ġagar ra","2 40","j oy","pa t","Ġpr er","Ġescu dos","ti gua","le zas","To p","Ġfall ido","Ġros ca","Ġmercan tiles","Ġdelic adas","Ġesp inas","Ġdecir nos","ĠCamil a","ĠSi mple","ĠDiplom ado","M adre","Ġr ally","Ġenter ó","Ġara gonés","ĠGN U","Ġp it","ĠCan cel","Ġañad idos","Ġlum bar","ĠProces al","ĠA MP","pp y","S QL","Ġguard am","Ġaprue be","Ġest or","ĠS yn","Ġ21 5","Ġsensibil izar","ĠParlam ent","ab ella","Ġ14 2","ĠL isa","Ġenseñ aron","Ġpreten da","Ġcort ometrajes","V olver","Ġm ueva","Ob viamente","z ara","Ġanfitri ona","T oma","Ġdi me","ĠMar ian","de leg","p ment","ĠP ér","Ġnorma tividad","ĠÃŃdo los","Ġre defin","Ġca tering","ĠSel va","Ġirre pe","mol inos","Ġac rec","Ġten s","Ġfab ulos","Ġmanda tarios","ĠRobin son","Ġinterlocu tor","ĠC LA","Ġlesbi ana","Ġag ach","ĠÃŃn tegro","Ġf osa","Ġab uelas","Ġmotiv ada","Ġcón yuges","aj illa","Ġmedi do","Adi cionalmente","Ġmode sta","Ġescuch aron","Ġpeg aj","SAN TO","Ġticket s","ĠM US","Ġconec tores","ĠAt lan","ĠArgent inas","# #","t ándole","Ġen dul","iv es","Ġcambi amos","ĠF aro","Ġlig ht","Ġgall inas","Ġentre ver","En tra","ĠSo ph","Ġsosten iendo","Ġconfec cionar","di eran","ĠP il","ĠEn tradas","Ġrepar tidas","Ġafian zar","ĠContin úa","ĠVio leta","ĠK indle","Ġemitir á","ar ón","ĠE PS","Ġobten emos","Ġdespla zado","Ġprema tura","ĠR uth","un cie","ell era","Ġelef antes","ü n","Ġintermedi ación","ĠComen zó","gu ito","ĠCo pia","Ġinac tividad","Ġra bo","Ġreduci das","Ġeuf oria","ĠD re","Ġestudi antiles","ĠexplÃŃ cito","Ġtrabaj as","ác tenos","Ġevi te","Ġexpl ici","Ġstar tups","Ġanticoncep tivos","g icos","or an","ĠR ent","enz uela","Ġsofist icados","pi ña","Ġcuchar adita","a tas","å ħ","Ġtra za","Ġtrans gres","z á","G AS","Ġinf un","Ġcó lera","ĠPe layo","ĠHe ad","Ġasoci an","ĠTar ifa","Ġredac tor","n ista","ci encias","tar te","Ġres ent","RA M","Ġdemos traciones","Ġcapit alización","H T","ĠCon go","Ġsuel tas","ĠY es","iu ra","ĠNa ture","ĠMan s","ĠTarje tas","4 50","Ġconsul torio","Ġdila tada","am elos","Ġinv icto","Ġdomin ical","Ġafortun ados","Ġenju a","Ġson rÃŃe","Ġsub irse","ĠPe ar","Ġhel adas","Ġrebaj ar","Ġresid ual","ĠMUN ICI","Ġvaca cionales","ĠEfec tos","ĠSy l","ĠLlam e","ĠMer ca","ĠE z","Ġper la","Ġlim ites","Ġcontar é","ac ci","Ġper ple","ĠG estion","ĠJ UE","Ġhac éis","ĠReg ular","Ġcritic an","Ġre ir","Ġsu ble","ĠCif uentes","tur n","Ġinm óvil","K a","N ike","ĠAl ameda","Ġcent ró","ĠMA Y","Ġultras on","ios amente","O jalá","Ġc ano","ĠK ent","ĠGir l","Ġpolar izadas","Ġeleg idas","Ġcrea cion","par ables","ux e","Ġvej iga","ĠK un","ĠOn ce","Ġpe dÃŃan","Ġtum b","ĠBru to","Ġintroduc en","ĠO pel","Ġr ÃŃe","ĠCom mons","Ġcontinu aba","AM E","Ġlas er","Ġpon ente","po tencia","Ġtar dÃŃa","Ġcr é","Ġ13 3","ĠSo ft","Ġol er","Ġte tonas","ĠDe velo","Ġconocer la","Ġmonta ñ","Ġinconfun dible","ĠCal zada","Ġce guera","Ġasc ensión","Ġhorm igas","ĠBul garia","Ġmé tricas","Ġsimil itud","Ġdetrac tores","G ab","za te","ĠLin da","Ġid oneidad","ĠCon venciones","ones es","Ġauto cr","Ġinvestig ados","V ES","Ġañ itos","Ġll ámenos","ĠVeci nos","m id","Ġsus pir","CI DAD","ĠDan ny","Ġu ter","mi ente","ka i","CI D","Ġdes ca","Ġmal vado","Ġol fato","Ġexac tas","Ġmuñ eco","Ġpág s","Ġolvi den","ĠContemporán eo","Ġ19 32","Ġul tim","ĠA cerca","na tural","icom iso","Ġac ud","ĠT s","Ġrespe table","ĠPERSON AL","r un","Ġprepara ciones","ĠS abe","ĠBar ros","Ġdistin ciones","Ġencabez ados","Compar tir","Ġcosmo pol","ĠSex ta","p t","Ġp án","ĠO K","ĠVal dez","Ġcatalo go","Ġhexadeci mal","Ġra tito","Ġasc ensores","ue lan","Lle vo","Ġg ur","Ġten edor","Ġr ót","Ġfundam enta","Ġsolu ciona","Ġpac ÃŃfico","Ġentusias tas","vi te","Ġdomin an","Ġverb ales","ĠDi esel","Ġconseguir á","Ġhuel gas","Ġe ólica","ĠÃŃn timamente","Ġmeren gue","que da","Ġamor tización","Ġrespe ten","ĠAnton ia","Ġcentrocamp ista","l ita","Ï ģ","Cre es","Ġarries gado","J ul","Ġros ario","Ġchu par","Ġmon jas","col i","ĠBill y","Ġpredomin ante","Ġt aba","Ġinf lexión","Ġdu dó","Ġescrib es","ĠAf ric","Ġestupen das","Ġcan alizar","ign ación","M ez","ĠP ART","Ġpre domina","Ġhum ed","Re alizar","ĠT ierras","Ġamena zar","Ġejec utados","Ġse cular","ĠM anos","ĠM uro","Ġex ito","Ġcol lares","Ġindi st","Ġconsul tores","Ġsubs uelo","ĠL ana","Ġcandida tas","Ġib ero","Ġam eno","Ġdivin idad","Ġn uez","ĠAr g","T emp","ĠS c","Ġviv ÃŃ","Ġsan ación","Ð ¿","ĠP isos","ĠK el","Ġcri ar","ĠCON TEN","Ġdividen do","ĠDesta ca","ĠAm y","Ġplan ificado","A compañ","ig i","Ġins urg","ĠSuper iores","ĠVent ura","Ġestir ar","poder oso","Ġazu fre","Al rededor","gol pe","Ġg ást","Ġon d","Ġencontr ara","Ġpor venir","ica tura","Ġenv uelta","Ġdorm ida","Ġnorte americanas","ĠHab la","c ár","de ado","Ġper noc","Ġri enda","Ġpal meras","Ġsorpren dida","Ġsob ran","TAM IENTO","Ġsufrag io","Ġresta ura","abil onia","ĠDel iber","à ¥","ó calo","Ġar dor","Ġimpac tó","Ġdeber se","Ġtro pa","ajust e","lan ada","Ġrev ocar","Ġpar idad","Ġra mos","Ġcoloc adas","Ġinesper ados","Ġconoce dor","ĠEstable cer","Ġnal gas","Ġb if","Ġex tr","Ġrespon dÃŃa","Ġhallar on","ĠEspeci alizada","Ġcol os","Ġtranspor tistas","ĠH ack","Con sejo","Ġmu dan","ĠAnÃŃ bal","B AR","l ador","Ġâ ĺ","ĠPhil ips","Ġrecub rimiento","Ġposicion arse","qu ÃŃas","Ġme ti","Ġme tan","ĠR and","Ġpreci ado","Ġcom ics","ĠDy lan","Ġp óst","ĠUn isex","Ġir landés","ĠNav idades","Ġfla uta",") âĢ¦","c able","Ġi ones","Ġinter ferir","ĠSab ÃŃa","til de","Un idad","ĠBo tán","Ġreempla zado","Na ció","ÃŃn dr","IC S","Ġnumeros o","TR AS","h té","m ers","Ġpart ÃŃcula","Ġcruj iente","ar iano","ad ron","Ġdec ÃŃamos","BL ES","s ier","ĠS lo","Ġhaber te","ies to","Ġterapéut icas","ĠA ÃijOS","ĠG M","ment ario","ĠArm strong","Ġanaliz aron","Ġcuen cas","h im","ĠV IA","ĠRo th","Ġhac kers","Ġpon gamos","Ġvuel vas","Ġsecre tas","Ġmuñ ecos","Ġas a","ĠH E","Ġdemol ición","in telig","ĠC iertamente","ĠZ af","p est","ĠO cupa","ĠDo w","Ġvenezol anas","Lleg amos","Ġves tuarios","Emp resas","vir us","n it","ĠK id","Ġhor óscopo","Ġocupa ciones","ĠCr ÃŃtica","Ġparad igmas","cion amos","ĠPu jol","c aja","ĠEl sa","Ġcul mina","Ġaloj ados","Ġpor che","ĠPrincip ales","de pres","ĠMc Car","W A","ĠMos trar","Ġra b","Ġblan queo","ĠOrgan ismos","Ġsupl entes","Ġpeg amento","Ġsal tando","Ġmon tones","ĠGu ido","Ġargu mentación","P AC","Ġtu it","ĠCom putación","E tiquetado","Ġex on","Ġpresion ando","ĠHun ter","im ia","Ġcelebra ba","Ġremol que","Ġsobre carga","per u","ĠO tero","ve d","Ġcan tan","C ER","Ġmedi dor","Ġvulner abilidades","V III","ĠTo wn","ila cion","Ġperjud ica","Ġar senal","Ġprolon gación","Ġcore ano","Ġllo ver","Ġvanguar dista","ĠArmen ia","Ġcub ra","ĠIb ex","Ġox igen","ĠC ambios","Ġabandon aron","Ġfertil izantes","ĠEche ver","Ġpol los","ĠFuerte ventura","Ġpres enci","Ġ18 5","Ġventil adores","Ġapor ten","ĠClar k","Ġimport ados","Ġceleb rados","Ġderrib ar","Ġderra me","ĠSilves tre","Ġguar do","Bus cas","y ang","Ġmon tura","Ġzo di","Ġinici amos","aliz adora","Ġsuper ada","Ġtr ÃŃ","T us","Ġa jos","man i","ĠW is","ex t","Ġcén timos","Ġpol in","ĠTer ry","Ġenvi arle","Ġape tec","Ġsi er","tre o","ĠElec tric","Bus camos","Ġtra ten","Ġam i","ĠCam bia","Ġsur ja","Ġhospital aria","ĠCommun ity","ĠL itoral","eo ple","Ġpris ionero","Ġconstruc tivo","éndo las","D L","Ġarque ologÃŃa","Ġpleg able","Ġhemorrag ia","Fund ación","it ador","Ġju ro","ĠCar acter","Ġvar illas","ĠPho enix","Ġpres tadores","Ġco chera","Der echo","ci ando","ĠVal larta","Ġ13 1","Ġinsu ficientes","ĠAquel la","Ġconsolid ada","à ¹","Ġb aby","tar ismo","Ġdia posi","ĠImp ortante","ĠOn da","tz sche","Ġre querÃŃa","Ġsab remos","Ġz orra","ĠWal ker","ĠWW E","ol ÃŃtico","Ġsospech ar","F ab","Ġincluy eron","ĠPre f","Ġmand amientos","Ġapo do","ĠAplic ar","ĠPeque ña","ĠTal avera","... ),","tri tis","Recor demos","Ġtric olor","à ¸","ĠB omba","Ġprov isto","Ġretro alimentación","Ġvol te","Ġplane ando","ĠbÃŃbl ico","Ġrecorda torio","Ġpos tes","Ġrecaud ado","Ġirresist ible","Ġbu zón","Ġsuger ido","Ġperif éricos","Ġinv ierten","å ı","Ġmar que","Ġauto vÃŃa","Ġdec ÃŃs","Ġrefres co","ĠF ile","Ġblog gers","Ġmale tero","Ġaudi os","Ġdisco tecas","ÃŃna te","Ġarrep entimiento","Ġconfer enci","un ciones","Ġasoci ar","ĠComple to","Ġcom arcas","ima gin","ó geno","ĠC ep","ĠS tad","gn er","Ġvas to","Ġfuga z","ĠW ifi","Ġdist racción","ĠPar ecÃŃa","ĠTo urs","Ġhuman ista","Ġl ust","ĠS ad","ĠCh er","Ġconfun de","Ġirrespons able","Ġ16 00","Pa ul","ĠMens aje","Ġindud ablemente","Des cu","Ġquin ientos","Ġgras o","Ġconquist ado","f res","Ġcogn itivas","Ġap laz","vi ente","Ġmayor itaria","Ġtrans mit","ach es","Ġdismin uyen","k ok","Ġre inte","ü l","Ġramp a","S á","Ġgra to","Ġpron uncia","ĠExper im","ĠÃŃ cono","ĠEstad ÃŃsticas","D ia","\" ¿","Ġcent er","Ġestric tas","hté moc","Ġsal ada","EN S","Ġmo use","Ġantigu amente","ir d","Ġcabez al","cel lo","ĠFis cales","ĠNu ria","m sterdam","Ġrep unte","Amb as","Ġpermiti era","o ch","in almente","tr inas","f ónico","bi es","ĠâĢľ .","Ġcorpora tivas","Ġs top","Ġla mp","Ġg radas","ĠP ED","ĠPer ten","Ġdibu ja","Ġav ion","Ġinflu ido","t ribu","Ġrev uelo","Ġdescub iertos","Ġfortal eciendo","ĠA tac","Ġte or","ĠCa z","ĠS uerte","Ġos os","Ġ« ¿","Ġescrib ieron","Ġcen iza","Ġp úrpura","Ġpens adas","ok er","Ġsu bimos","ĠS au","ĠM T","ĠO d","Ġba g","Ġdistra er","Ġapasion ados","ĠP rice","Ġsecre ción","Ġbus ques","Ãī ste","ĠEl i","Ġtransform ador","ĠÐ º","ĠCol ima","Ġocu pe","fec tura","Ġcr á","Ġenfri amiento","Ġcual ificación","ĠMarÃŃ timo","Ġllam en","Ġvas cular","Ġcomprome tidas","Ġmicro bi","Ġcontemporán eas","Ġco ta","Ġemp al","Ġven ide","und ación","ĠWat son","Ġautor izó","Ġcerv ec","Ġesc r","Ġtom es","Ġnoti ci","ĠMartin ez","Imp res","Ġimpure zas","re tro","ĠV on","Ġinvesti gan","Ġconcep ciones","Ġautent icación","Inter es","Ġalmor zar","Ġespacios a","Ġsob ornos","Ġincomo didad","Tri turadora","Ġprefi rió","ita bles","Ġinteres aba","ĠW onder","ĠK ids","di put","ĠD ragón","ĠQ R","Ġgr úa","quil es","Ġatu endo","Ġefectu arse","ĠVenezol ana","Ġlent itud","ĠP emex","ĠL iderazgo","Ġconf is","rón icas","Ġfrac cionamiento","Ġestric tos","Ġp élv","et t","ram entos","Ġseguir ÃŃa","ĠAvi ación","tu b","V as","ci ares","Ġmon op","Ġcomplic ación","Ġdecep cionado","Ġcariños o","Ġpinch ando","Ġcompi tiendo","Ġno torio","Ġob rar","dor e","Ġfran ca","Ġliqu idar","ĠBo dy","ĠFer ro","tele fonos","re e","ĠD ale","Ġpasar elas","Ġaten didas","ĠH acemos","ĠH echos","Ġatac ando","Ġde tras","Ġun d","ĠAl do","Ġtern era","Ġcl in","Ġform arán","Ġmag isterio","ĠFel icidades","ent istas","Ġutiliz arán","ime tro","ĠH og","ile o","ĠInf antiles","Ġabon ados","a quel","d ana","Ġtel enovela","Ġmover te","h in","POR TE","Ġhisp anos","Ġpor tar","ec raft","Ġsac aba","Ġpers ecu","Ãĥº n","iz er","Ġhaz lo","Ġp ick","Ġcas cadas","Ġstan ds","Ġvo ca","ĠSé pti","Gar cÃŃa",", -","s ide","ĠÃŃn timas","ĠFer mÃŃn","A ut","ĠMotor ola","Me j","Ġtox icidad","ĠtÃŃm ido","K e","ĠS era","... ¿","M ucha","ĠD emas","ĠBode ga","ĠMes as","Ġvolun tarias","Ġaprue ban","Ġp aj","Ġargu mentar","Ġec ológicas","Ġdesen vol","aste cimiento","Ġr uego","Ġmar gar","Ġimpres as","Ġcalle jero","Encuent re","ĠVÃŃ ctimas","Ġarro dil","Equi po","Ġe book","ĠGu a","Ġjun ior","Ġenfrentar án","Ġpens aron","quer ÃŃas","ĠSeñ al","Ġclic s","Ġcho ques","ĠCastañ eda","ent i","ĠA je","ĠDi abetes","ĠÐ ¾","Ġcomp ite","Ġmor der","Ġestan camiento","ar tic","ĠPos e","ĠLib res","Ġdialéc tica","ac ÃŃn","ĠQuil mes","Ġhab it","Ġambi ciones","G IN","G UE","ĠHa ciendo","Ġdesapar eciendo","ri cio","Ġapoy aron","ĠClas s","Ġv ine","Ġi f","Ġminister ial","ĠPol ÃŃticos","IL E","Ġpez ones","Ġresgu ard","Ġemocion ada","ĠVillal ba","Ġk ayak","ĠMez cl","Ġlum inarias","ta xis","ĠO tto","Ġingres an","ĠRev iew","ĠCharlo tte","ĠD iversidad","mb urgo","Ġrecha zada","Ġoptim istas","Ġpsico anal","ĠFamiliar es","ĠÃģr bol","ĠQu im","Ġocupa cional","ë n","ĠM IR","Ġgigantes ca","frad ÃŃas","Ġdoctr inas","Ġencan taba","ad u","Ġt á","ĠC é","is bol","Ġlech uga","ĠKen ia","ĠAnim ación","Ġpens adores","Ġbar aja","Ġrecib es","Ġantici par",") âĢĿ.","Ġp esti","Ġcont ent","ĠReg istros","ĠTrans ferencia","Ġpenins ular","e das","Ġinf la","Ġquer rÃŃa","Ġculmin ación","mil itar","w oo","Ġdestru ida","ent adas","Ġviv irá","ĠSu reste","Ġgir ando","Ġcomis ionado","L ine","is en","En con","Ġpel uche","ul k","Ġdestru yendo","Ġdemues tre","L iber","n ición","Ġan cla","Ġpre escolar","ĠSh el","ĠFantas y","Pien so","Ġchat s","ĠExper tos","Ġcampes inas","Ġvesti gios","ĠPas toral","k king","Ġanim an","ĠSer bia","ĠNicol as","A si","ĠA ÃijO","Ġj udi","Ġcompr aron","Ġpreguntar nos","Ġar teria","Ġdog ma","Ġamena zó","Ġreac cionó","Ġbron ca","N C","t ándolo","â ľ","Ġapren da","Ġintent é","Ġpes im","ĠEscal a","en den","Ġcu pos","Ġcl ero","Ġmodific ando","am erica","ĠC OD","Ġg esti","Ġcar ibe","Ġsorprendente mente","ĠLiber al","ĠacrÃŃ lico","ĠN oroeste","Ġbas tón","Ġesp ina","C ór","contin u","Ġentier ro","ĠNi ñas","Ġma ximo","Ġay udo","Ġbar riga","ĠLA BOR","Ġapun te","Ġconting ente","ĠTom ar","Ġembaj adores","Ġads crito","Ġenvolv ente","Ġne garon","ĠCement erio","de v","а ÑĤ","ĠG ub","Est ar","Ġaplica cion","Ġs ándwich","Ġpres tó","Ġdid ácticas","ĠPost grado","Ġn eb","Ġamb ula","ĠTur ÃŃstica","Ġseleccion ando","Ġph p","A qui","ome tros","tin io","ĠDom ici","Ġconden as","U ACIÃĵN","ci elos","Ġelabor ó","Ġcient ÃŃficamente","Ġgir an","ĠcÃŃ cl","Ġatmosf érica","h uela","C amp","Ġman di","Ġextrater restre","ĠL em","Ġlú dico","Ġserp ientes","Ġgil ip","Ġsecre tarios","Neces itas","Ġne xo","fic ante","Ġmues tren","úrg ico","Ġdij iste","ĠQa tar","ĠMonto ya","ve do","No v","Ġfrust rado","ĠTu vimos","Ġambient ada","Ġdel fines","Ġsur jan","l uego","ĠAn s","Ġmonta jes","icul tores","figu ra","Ġv and","ĠA bar","Ġdepos itado","' )","ĠS ora","la ge","ĠRom ana","ĠN ora","ĠZ onas","ĠFred dy","ĠA ber","Ġadmi ro","Ġempa tes","Ġsol itaria","Ġreg idor","Ġad oro","20 2","ĠRol ando","' t","ist ica","ĠT M","Ġj on","C OS","ĠJ ong","CIA CIÃĵN","Ġtax ista","ĠAcu er","ĠCar ga","Ġenfoc adas","Ġprovis ionales","gr ar","Ġclo ud","Ġcoad yu","Ġpu ras","vas cular","In cre","Ġor os","cal de","Ġtermin en","ĠA za","ĠG E","ĠG AS","Ġform ará","Ġlic enciada","ro pa","Ġan tor","car o","Ġago tar","ĠSor iano","um bra","ĠI ñaki","Ġmun dillo","Ġir nos","Ġindocu mentados","es tern","Ġrevis e","ĠSex y","Ġre tic","Ġmu da","Ġdist urbios","on ero","Ġpres ag","Ġarbol es","L i","Ġcompar tan","Ġvalor ó","dash ian","Pre cioso","ĠCu ál","Ġru t","ĠCons ol","Ġlevan taron","Ġs Ãĥ","Ġdes comun","ĠAl bar","Ġbuscar on","Ġlim itó","Ġdemand antes","A penas","Ġsaque o","minist ro","ĠPol i","Ġconce bida","Ġmanus critos","Ġgremi al","Ġal i","Ġproces ales","ĠC risis","fici entemente","Ġvis itados","ĠFor um","ĠPre visión","Ha ga","z ú","am pas","ĠAy ud","Ġb itcoins","Ġprin cesas","* ,","ĠReg ÃŃst","gobern ador","ĠV A","ĠTerra za","Ġpo es","ĠG at","Ġacuer dan","Ġenci clopedia","ĠEdi tor","Ġbarbar ie","Ġpubl icas","Ġhid rol","ĠPine da","T ags","ĠD M","Ġflu ores","Ġrespira torio","Ġir rita","F uera","ĠX i","Ġhomolog ación","Euro pa","ĠMon ro","ED O","Ġmac eta","Ġtoler ar","ĠRob o","Ġsan tiago","ĠAd s","Ġfij arse","Ġveter inarios","Ġe i","Ġs ard","Ġcomb inadas","Ġcompor tarse","Ġtuer ca","R EN","ĠMa k","Ġobserv aba","ello w","Ġaus encias","Ġdesaceler ación","Ġten ian","Ġar os","tene gro","Ġesc ab","tex t","Ġdéci mas","Ġmulti plica","R ay","g ed","ĠTO TAL","Ġcualita tivo","Ġmach ac","Ġcontempl ando","CL US","ab los","Ġdecl aran","ĠJun ÃŃn","Ġdiab éticos","ÃŃm il","Ġatribu ir","Ġb ál","ĠG S","Ġ20 5","Ġrealizar emos","Ġma de","Ġinfec tados","Ġperu anas","Ġincompati ble","Indic ó","P uerto","oc om","Ġdo tados","Ġcolabor ó","Ġfol io","ĠEspec tá","ĠEar th","ff f","iladel fia","ci adas","ĠD amián","ĠO re","Ġna tivas","Ġcaus antes","Ġó leo","Ġexpe dido","ĠSant ÃŃsimo","p ita","Ġtur quesa","Ġpromete dor","Ġmu til","Ġestrech os","ĠEmbaj ador",". âĢĵ","lo pe","Ġcas ar","ĠPer m","Ġconver tidos","Ġsuspendi da","Ġretor nar","Ġluch ado","ço is","T Y","Ġsuper en","Ġsimp at","b ala","vo t","Ġeusk era","] [","am inas","Ġas uma","Ġro ban","Ġtom ara","ĠDu bai","Ġï ĥ","Ġ16 9","Ġinspec tores","uset ts","entos a","ĠCom ics","Ġfestiv idades","h om","ĠC ID","Ġnos e","Ġfalta ban","ĠAR G","ĠC ón","ĠW ith","ĠMer cad","ĠTur bo","Ġantrop ologÃŃa","Categ orÃŃa","apren dizaje","U Z","Ġcóc teles","ĠReg lam","Ġlóg icas","Ġdes an","Ġev itado","Ġsub terránea","Ġsub consciente","ĠAuton omÃŃa","di ficación","Ġab r","Ġab ara","Ġve te","RE Z","Ġbomb illa","Ġpotencial idades","Ġfij amente","ĠFan tá","Å ¡","bo ca","Ġaper turas","ĠDiv ino","M iles","ter reno","ici e","Ġli tera","ĠAt letismo","ĠO cas","Ġli ke","Ġargument ando","ĠManzan ares","Ġposi cionado","Ġpintores co","Ġma queta","Ġpe aje","Ġdescon trol","Ġs tic","Ġo yó","ĠS ib","Ġasegura miento","Ġm ula","ĠR G","én dice","Lleg ó","ĠHel ena","Ġcostar ricense","En rique","ĠFor os","ĠI CE","Pre vio","Ġcáp ita","PON S","Ġdes er","Ġmar isco","Ġdeman dados","Ġgrues os","baj os","Ġobliga toriamente","f eld","ĠLle vo","Ġinvad ir","Ġd ac","él icas","Ġevalu ado","ĠVAN GUARDIA",". @","AT OR","Ġdispu tarán","v c","gu ÃŃa","Ġtrans nacionales","ĠMo ta","Ġtron cos","Ġseque dad","Ġb ú","po blación","ĠCarab obo","ĠStan ley","ĠAndra de","ĠAr ca","Ġref inado","Ġre lan","par do","at l","Ġtermin ados","Ġev itará","Ġplante ados","pl icidad","Ġrastre o","c eno","Ġven demos","Ġproyec tor","ĠJosef ina","Ġo dia","ĠL itu","ĠCan to","ear s","Ġreiter adas","ten demos","ĠNo vedades","cas as","Ġprior izar","ĠT ed","ĠRo cha","Ġocas ionales","Ġcompren didos","Ġventan illa","ici amiento","qu ense","Ġhall ó","Ġca y","cla ve","k us","Ġma tiz","gan cias","fre do","ĠA dela","ves t","Ġcasti gado","ĠSosten ibilidad","c amientos","if as","Ġval l","Ġfalle cieron","a gu","Ġher ir","da tos","um ba","ar tÃŃculo","ĠCo penha","Ġ13 7","Ġtonel ada","ĠCom put","Ġmos taza","ĠMor al","ĠAl pes","let te","De partamento","ĠEfec tivamente","ĠMagal lanes","Ġdisco gráfica","Ġarrib o","Ġcondi cional","Ġnerv iosos","Ġextor sión","ĠHig iene","Ġdistor sión","Ġincluir án","Ġsinc eros","Ġde cap","Ġla icos","ĠE VAL","ĠV OL","ho ven","Ġocup adas","ĠEj ecución","anes sa","i ador","Ġac al","ĠVide oj","Ġpeculiar idades","ĠL amb","ĠB áez","Ġdo tada","Ġescon didos","Ï Ħ","Ġin cle","Ġclub s","D ip","Ġl ive","des as","ĠContin ental","Ġidentific arse","ĠRog elio","pa y","Ġhom en","Ġp és","Ġof rendas","Ġpal mar","Ġfor zados","mm mm","Ġelig es","in form","Ġtele fon","Ġrepar te","ld ora","ĠSue le","f lor","Ġcar ente","aaaa aaaa","Zapa tos","Ġpayas o","Ġbombar deos","Ġastron omÃŃa","Ġacantil ados","V an","Ġdesle al","Ġi on","ĠEntre tenimiento","ĠGastron omÃŃa","Ġre do","ĠLe x","ĠSOCI EDAD","ad ito","Ġtra tándose","ion ario","Ġprovoc ados","ĠUn iv","Ġllev es","Ġpermitir se","ĠTI TU","eno vo","Ġdispon gan","Ġtit ulaciones","ĠAnton i","adal ona","Ġcongel ado","Ġagen das","Ġal ca","pres a","ju an","T ech","s é","Ġa sta","Ġqu es","ĠCon exión","C ambi","J e","A H","D IS","ĠX in","Ġinde bida","Ġs illones","Ġb icarbonato","is se","ĠI gu","pu zko","ocola te","p ida","Ġdes habil","Ġagru par","Ġdistin tivos","Ġacer cado","Ġdele itar","Ġvecin al","Ġintroduci da","Ġminia turas","ĠGimnas io","Ġtranspira ble","Ġcele bre","Ġle on","Estudi os","10 5","Ġfas h","Ġgana dero","Ġreen con","la via","Ġcal iforn","endi das","Ġcom bo","Ġtit ulados","Ġbru ta","ĠSS L","Ġre ban","Ob jetivo","Ġal ici","ĠAl gar","pas o","Ġcordob és","Ġtranse ún","ĠPer man","Ġnauf rag","E j","ba g","Ġsa xo","Ġemin entemente","pa zo","Ġdif us","AA AA","z ante","Ġpla tillo","Ġvuel ves","TIV AS","ĠLinked In","Ġcúm ulo","Ġvestir se","ter ran","mos lo","Ġcompar amos","Ġ14 7","ĠA da","Ġdesp ide","ĠÃģ msterdam","Ġcaptur ados","Apren de","i y","Ġcol gando","ĠDE N","Ġmantener te","ĠIncl usión","Ġenc endida","ĠTom my","Ġaer ób","Ġpad rón","Ġri oj","Ġre gar","Ġsuce dieron","ĠEst er","RA C","ĠS ime","Ġcooper ar","ĠP alo","Ġconst elación","Ġcul par","Ġaprovech aron","Ġtra zo","ĠTrans formación","ĠRol ling","ĠSac ramento","Ġcaute lares","Ġcont é","Ġfal tado","ór um","Ġsuf rimos","eros o","ĠD ual","ĠCap it","Ġafirm aron","Ġpla tic","Ġbici s","Ġrepu gn","de ando","ĠBol sas","v re","Ä ĩ","ĠG og","Ġcos teras","eci ente","ĠMo zart","Ġplante les","Ġdiscu tiendo","Ġcaj ero","ĠTe ologÃŃa","EM PO","Ġcalcul adora","Ġluc en","Ġinm uno","Ġimpor tes","ĠDa ve","Ġreproduc tiva","ĠFron teras","Ġcong ru","ci anos","Ġsubray ar","ĠMob il","M c","e ur","Ġan ÃŃm","ĠNo ticia","ĠHer m","Ġapre tado","Ġilust res","ĠT rist","ĠSen ior","ab s","ĠEd win","Ġcomprob ante","Ġ ij","UN D","Ġclim áticos","Ġre cos","Ġinquil inos","go ogle","al ur","ĠCar ranza","Ġgu apas","Ġsobr inos","Ġy ar","ĠPe tróleo","Ġconven cimiento","ĠRecu peración","Ġc ialis","Ġaplic arlo","Ġpost ulados","Ġmez quita","Ġmemor ables","ĠAlvar o","Ġinces ante","Ġcoment aron","Ġsubje tividad","ĠH arle","lic er","Ġrespal dado","Ġescri bimos","c á","Ġma z","ver tidos","Ġsolucion arlo","ĠC ord","Ġhab remos","ĠCar tas","ĠÃģ guilas","23 3","O fici","Ġsu deste","Ġmanten ÃŃan","ĠâĤ¬ ,","Ġtocar á","Ġapla uso","Señal ó","Alej andro","Ġdis gusto","Ġviaj ará","Ġcontractu ales","ĠVet tel","ĠP im","ĠO bre","Ġ25 00","Ġcuidad oso","Ġestre m","Ġtra zos","Ġhac ÃŃamos","Ġca va","ĠCON TROL","Ġexplor ando","ĠBernabé u","Ġsorpren derá","ac ro","ĠV istas","Ġinter cal","Ġinv itadas","Ġceleb radas","ĠVal les","ĠHar t","ĠNaran ja","ĠI gn","Ġmá st","ĠCa za","fas t","Ġincomple ta","ĠRes iduos","Ġacredi tada","Ġmu ero","Ġcan as","Ġofre cidas","ĠrÃŃg ida","k k","Ġque jarse","Ġti jeras","Ġrom pa","Ġinteg rando","Ġexquis itos","Ġinsignific ante","L ink","Ġal ic","Ġél ites","ĠMars ella","Ġac amp","Ġinf antes","ĠDel itos","Ġrein vent","Ġh alo","ĠA dor","ĠZ ucker","Ġdedi que","Ġra cistas","Ġfij ados","Ġnews letter","Ġobliga torias","ĠEstán dar","ĠChur ch","ĠS erg","Ġcontar emos","Ġduplic ar","ĠRug by","A um","ĠS ay","Ġten sa","par as","Ġpul ir","ra jes","ĠS ri","Ġocupar á","omb ra","ĠRelig ión","ĠDeliber ante","ĠDe troit","ĠCas co","forma ciones","ĠADMINISTRA CIÃĵN","Ġra tificado","ĠEth ernet","ĠðŁ Ĵ","Ġintac ta","Mic rosoft","ent onces","Ġrom ero","iure tano","ĠG lor","Ġplan chas","Ġinstal an","Ġprotagon iza","Ġu ña","Ġpes quero","Ġindi cio","Ġcolec cionista","Ġmem es","ĠMig ración","Ġimpre de","ĠLe van","Ġenter é","Ġmezcl amos","Ġexpuls ados","m uchos","Ġver edicto","ho le","Ġvic eministro","ĠD ental","Ġutil ices","Ġencontrar la","Ġalim entado","Ġhuman itario","Ġnicaragü ense","RI L","Ġseleccion amos","s p","Ġcomo do","Ġtrans itorio","Ġapar tar","ĠInici al","ĠF IL","âĢĿ (","Ġsa qué","Ġrespal da","F an","V iva","ĠL ob","Ġcompr endo","Ġconvers a","ĠEurope an","M ed","ĠPre vent","Ġrecuer das","ĠGonz alez","ĠA rea","Ġabst racción","ĠP ob","ĠProfes ora","Ġsab iendas","Ġpapel erÃŃa","ĠDirec tores","Ġfirm antes","Ġdifun dida","Ġapreh ensión","Ġdetall adamente","m adrid","Ġme tic","Ġ19 25","Ġreduc ciones","Ġintermedi ario","Trabaj amos","Pregun ta","Ġac ech","ĠMan go","Ġ13 4","ĠBa tal","ueve do","Ġdesapareci das","Ġhable mos","Ġvol canes","Ġmenstru ación","Ġla mentar","Ġdejar los","ĠHa wa","ven ia","Ġtar ima","Ġbole tines","re t","Ġescuch arlo","Com ienza","Ġmedicin al","iz quierda","Ġemb esti","Ġantici po","Ġés a","ĠFoo t","o cial","tu viera","Ġme tam","Ġsan d","Ġarm ónica","Ġnovedos os","Ġtir anÃŃa","ĠÐ ´","d omo","Ġex ento","Ġgas tan","Ġalmacen ada","Ġexport adores","Ġes cup","Ġpro videncia","ĠCor dillera","ĠGra y","Ġfalle cida","Ġpronunci ación","res t","Al im","ĠFeder er","Ġcas e","Ġases inadas","Ġsi ervo","Ġcolabora tiva","Ġesca pan","Ġorganiza tivas","id ane","op las","Pla y","Ġengan che","og ado","ĠProfes orado","ĠEnter prise","G a","ĠMoy ano","Ġp ud","gu ita","Ġan du","ĠG len","Ġ19 27","Ġchef s","ĠSEÃij OR","Ġcomien cen","Ġconsist entes","cán gel","Ġsobres ale","Ġero tismo","Ġgrup ales","R R","j ajaja","Ġres olu","Ġextra j","ĠSmartph one","Ġan ec","Ġital ianas","ĠA bo","Ġac ro","ĠK os","Ġilum inada","Ġdifun dió","Ġgent il","Ġd á","Ġcatal anas","Ġadhes ivo","Ġpar ecerÃŃa","S ec","b b","Ġjurisdic cional","Ġdu dosa","ĠCor rec","i tia","con ferencia","Ġactu alizando","Ġextermin io","Ġsu plic","Ġentien des","Ġgol os","Ġinterf aces","ĠLaw rence","Ġcu ñado","Ġpa ella","Ġrod amientos","Al l","ĠRob er","ĠR ace","Ġaplic amos","Ġamortigu ación","V IN","qu iza","ac tos","du ino","Ġincrement an","Ġdañ ados","Ġrefres car","ĠPeda gogÃŃa","c alidad","Ġaspir an","C UL","ĠGra ciela","Ġtos tado","esc uela","Ġin ago","ĠVal eria","ĠBa il","ĠEm ily","vs ky","Ġcer co","tó rico","Ġsof ás","ĠBiblio tecas","Ġemig ración","g ora","ĠCine ma","R IC","ĠCo ol","J orn","ĠS pec","ĠF rÃŃa","Ġacab arÃŃa","Ġcau tela","Ġimpron ta","Ġinde bido","al t","om on","ĠD ul","tor re","G obierno","Ġev adir","Ġinstal aron","ĠMus eum","m ales","ĠAs istente","gel s","Ġof talm","Ġbenefici ará","ĠMc Laren","Ġpes an","Ġcel estes","Ġest oma","Ġin util","Ġhura canes","Lu gar","ĠNo w","th is","Ġh ara","Ġinf or","In tent","M ario","Ġconvinc ente","p son","ec ologÃŃa","ĠRe in","Ġlan ce","Ġguard ados","Ġgrav ita","ĠA to","ó pata","Ġevalu ados","ĠBre xit","ĠD ona","c d","ĠA be","cal e","Ġpán creas","ĠO ak","Ġpasar te","Ġe clipse","Ġen t","En contrar","19 86","ĠHern ando","Ġocupar se","Ġnovedos as","Ġcab inas","ĠMé todos","ĠDis cipl","Ġbeb iendo","Ġevolu tivo","Ġdiger ir","w ick","Ġten a","ian i","lic to","Ġaustral iana","Form ación","ĠHamb urgo","ĠEst é","jer an","Ġimpac ta","Ġdivul ga","ĠPeda g","Ġmu tación","Ġre ins","ĠC isco","ĠOrle ans","co okies","at t","Ġmir en","Ġlin aje","Ġd unas","Ġver tientes","ĠCon cent","ĠMa o","ĠAutor idades","Ġac eras","Ġt apón","ĠG iro","pl us","Ġtamb ores","ĠSex uales","S ala","Ġcu estas","Ġsal irse","Ġda te","Port ada","Ġserv id","Ġb et","Ġad ue","ĠQu iere","Ġatre vo","ĠKar dashian","ĠF IA","Ġmon tan","hu ac","Ġpredomin io","Ġaseme ja","Ġgarban zos","R icardo","Ġacus ar","Ġsuper aron","Ġedi tada","ĠHer rero","ĠBl ues","Ġcom itiva","Ġparti ción","Ġconf luencia","Ġporta bilidad","Ġcompara tivo","Ġcons pir","Ġdici éndole","Ġcontun dencia","pe ya","Al berto","def ensa","Ġdes gu","Ġtratar án","Ġdismin uyó","ĠÃĵ rgano","c ross","ĠB E","Ġpe pino","Ġapar iencias","ĠTar de","ĠAcep tar","an dos","Ġgust aban","en cos","Ġpec adores","Ġreduci rá","ti ana","óp ico","Ġdiagn óst","Ġreglam entar","Ġpastel erÃŃa","me trÃŃa","w ing","Ġl is","âĢ ¨","ĠC ierto","il oc","ĠM BA","ĠM uertos","Ġlá tex","Ġtecn ico","Ġc ra","Ġc ross","ces ano","ĠPubl ica","Ġabri gos","Ġactiv ismo","Ġpermi tida","Ġcompr ados","Ġafec tivo","Ġdirig iéndose","Ġbó veda","ĠMour inho","ĠAr zobispo","Ġdar os","Ġconcre ción","Ġalber ca","Ġtsun ami","Ġch as","ĠMar il","Ġduer men","Ġpar ezcan","ĠF AR","Ġpu ñal","Ġpoder ÃŃo","ĠT arot","Ġé ticas","Ġinser ta","Ġexcav ación","tá bamos","ram eric","ister na","Ġy u","Ġpro di","pa gos","ér mica","ĠDepor tivas","Ġsoñ ando","Ġme tróp","Ġinstitu cion","Ġredi señ","iuda dela","Ġacol chado","ĠAntic orrupción","Ġbal ances","ĠHer e","ĠB oc","ĠF ior","ĠZ al","ĠPos ada","Ġclasific ó","ul u","Ġllam ará","Ġelim inó","ĠC andy","ĠA gü","fre cuencia","ĠH SL","Ġinv ari","ĠMatem ática","Ġcent rados","ĠK rist","S ER","g eo","ócra tes","Ġhab itar","gal pa","Ġpun tera","Ġreutil ización","Cos ta","Ġdramatur go","Ġconcern iente",") âĢĿ,","Ġa eros","Ġdes v","ĠAutón omo","Ġsecues trados","Ġcintur ones","D F","Ġcr ueles","v ajal","ĠI MA","ĠCal efacción","Ġadi vin","Ġdorm ÃŃa","Ġatre ven","Ġin ofens","Ġver anos","Ġautomo ción","ĠInfraestruc turas","Ġde amb","Ġun ÃŃ","Ġartes ano","ĠJard in","ĠCAL IDAD","ĠF iladelfia","ĠSi x","Ġasal ari","hh h","Ġinadecu ado","Ġloc alizaciones","ár telo","Ġcohe te","ĠH I","ion almente","Ġcolec cionistas","Ġbritán icas","Ġbro ker","f ron","ĠB abilonia","ĠAp olo","ĠAc tive","Ġimpuls an","Ġhúme dos","ĠTriun fo","Ġentre laz","Ġasist iendo","Ġmár tires","ĠvÃŃs peras","Ġrin dió","s il","Ġen igma","Ġra ta","com pr","ĠFO TO","ser ve","ĠC oc","ĠT DAH","k ele","ĠA TEN","Ġco dos","tiz ia","Ġextraord inariamente","ĠLlo bregat","ĠR TVE","ĠRe us","Ġhered ado","ĠLu ján","Ġagradecer ÃŃa","Ġesper adas","Ġexten sas","Ġreaf irma","Ġrib era","Ġs pe","ab os","Le ón","Ġdetec tives","Segun da","ĠC IN","ĠS cor","ante ón","Ġcongel ados","A ra","Ġgo teras","ĠAp ps","ĠImp resión","aller y","ĠApe laciones","Ġhel ada","ĠCha po","s omos","Ġpres iona","ĠVal enzuela","C eleb","ĠL T","Ġade re","Ġpredic ar","ĠE jer","ĠJu das","Ġperman ezca","ĠNav a","ĠS panish","ĠT F","du rante","ĠIndi ana","do cu","Ġgen éticas","Ġagres ores","Ġdepos ito","Ġarru inar","ĠC uello","PD F","Ġcomple te","Ġbeneficios os","Ġpól vora","Pro ductos","Ġep istem","l t","en ia","Ġespon táneo","Deb er","ĠCuau htémoc","Ġconfirm ando","Ġinto xicación","g iles","p ros","Ãļ S","Ġvegetar ianos","ĠHura cán","Ġcor tadas","Ġconci erne","Ġmaci zo","Ġvalenci anos","ida y","Ġcl ips","Ġatra pa","ari ño","Ġsuspendi ó","Ġdesvel ar","Ġarrepent ir","ĠA ch","ĠEn tiendo","Ġtribu tarios","Ġpár pados","an y","Ġvil lanos","Ġp álido","ĠP GR","Ġrepent inamente","é valo","én ix","Ġtr un","Ġdesaf iante","Ġpre hist","ĠMur ray","ĠPi qué","Y T","w ear","T amaño","aliz aba","end remos","ĠCine mato","Ġcro w","Lin ux","Ġs cra","ĠG ene","Ġedi tora","Ġpelo tón","Ġindirec to","Ġarquitectón icos","ĠRe ich","ĠFINAN CI","iz u","pon de","Ġpe laje","ĠTrans form","ĠÃģra bes","Ġdisco gráfico","ĠVal oración","daf ric","Ġf ún","IF I","ĠEspeci alización","Ġped ales","it te","ĠRe para","Ġconven ció","mbi to","ĠFir st","Ġen ar","Ġtra yendo","Ġcanad ienses","Ġterapéut icos","f ile","s ionar","Ġt ónica","Ġcerv ical","Ġautos u","ĠCon cordia","Ġpal omas","Ġlin terna","Ġnomb ramientos","hor ias","ĠIns cripción","v y","Ġcereb ros","Ġfur or","Ġembu tidos","ĠE CO","Ġpi leta","und inamarca","Ġ13 8","Ġpatrocin ador","Ġcham pi","ues t","lic ante","Ġconsist orio","ĠT ags","puzko a","tra ck","Ġson ó","ĠSu zuki","Ġacep taron","r genes","n ueva","Ġs ap","da ño","Ġcar amelos","Ġlu ció","Ġdesalo jo","se e","Ġat lán","V o","ĠAgre gar","p lex","Ġb icho","den ales","ĠâĢ İ","endi ente","ĠÃģ lex","ĠVilla ge","ĠAje drez","Ġampl ificador","ĠCre cimiento","ĠDefin itivamente","Ġpermi tidos","ĠAle grÃŃa","Ġren gl","ĠCel ia","Ġpira terÃŃa","Ġtóx icas","ĠCorre dor","ĠEntren amiento","de ri","Ġqu era","Ġdan és","ĠAut oma","6 50","Ġir rupción","cri pti","ĠProduc ts","ĠMila gros","ĠF ace","esti a","ĠMedic amentos","en ces","DE Z","qu ist","Ġlatino americanas","om itas","Ġestudi ados","ĠCar idad","Ġadicional mente","Ġglánd ula","profes ional","ĠDem ócrata","ĠAlh ambra","al de","Ġh t","per ras","Ġmon je","Ġofre cimiento","ĠDesarrol lar","Ġperf or","Ġhorri bles","ĠOlimp o","ĠRecu per","Ġg ambas","car lo","Ġdescar tado","Ġresta urado","Ġpenitenci ario","ĠAn cho","ĠAr tistas","Ġconcent rada","Ġconfirm ados","ĠL la","uel vo","Ġmotiv ados","cán tara","Ġapar ecÃŃan","ill s","ĠVel ásquez","ĠCoopera tivas","ĠY ar","ĠCir co","lan deses","Ġalucin ante","ent ina","Ġdeb idas","Ġide ológicas","ĠOn c","Ġrepor tan","n ull","Ġencan tos","Ġadop tando","Ġrestable cimiento","Ġges tora","Ġenter rar","ĠLO PD","Ġdesenv olver","ĠPos iblemente","Ġgub erna","Ġasust a","ĠE ficiencia","Ġesp el","Ġpudi éramos","Ġflo tando","ingü ÃŃstica","Ġcodi fic","Ġ æ","Ġeduc ada","Ġelimina torias","Ġdescendi ente","al ÃŃ","Ġaus entes","Ġz or","Ġentr antes","Ġplacent era","Vis ita","Ġescán er","Ġmor tero","ĠMin eral","ĠFer rol","cons umo","B y","Ġaf lo","ĠG ral","gan es","ĠW ol","Ġsuger imos","ĠF es","ĠRe por","ĠCar e","In terna","Ġfascin antes","Ġimportant ÃŃsimo","pue des","Ġchoc ar","in stitucional","Ġorganiz arse","Ġnomin ados","Ġtrascen dente","Ġdañ inos","Ġcan taba","Re vista","ĠSer na","Ġtre intena","Ġa tis","Ġen cas","iz ed","Ġso pl","AM ENTO","Ġconsum iendo","Ġlitig io","M el","s um","ĠGa z","UM EN","Ġagricul tor","ol oc","ĠP inar","quier do","Ġgu an","Ġplacent ero","Ġestim e","Ġdenunci ando","ĠDig itales","Ġmand aron","Ġlond inense","Ġah on","Ġtir adas","ñ etas","ĠSan til","ĠDes apar","3 20","V R","ĠB AL","ĠS ide","ĠJ um","ĠSu ites","Ġgir ó","ĠAurel io","ĠAcondi cionado","di rig","Ġcál idas","ĠPens amiento","Ġluminos os","ĠVac aciones","C hi","l eras","ac ucho","ĠW ire","Ġrec tific","gü ey","Ġsab ado","fo tos","ĠApro vecha","Ġblock chain","M enos","P ri","Ġselec to","Ġpost ular","Ġï ģ","Ġpla tino","ĠLo terÃŃa","ĠGál vez","ĠCan ción","Ġagu dos","lle var","Ġimb é","is io","Ġis lámico","ĠHol mes","Ġcostos os","Am eric","Ġcu m","Ġproteg iendo","ĠVol umen","Ġdar lo","ĠMos sos","ĠTan go","Ġsofist icada","Ġcomprometer se","ĠDubl ÃŃn","ÃŃn icos","Ġidenti fique","Ġliber ada","osp ech","Ġcomprob ó","Ġau daz","ĠMi quel","Ġardu o","ÃŃo do","ĠSh ell","Ġus ará","ed onia","fica cia","Ġib érica","Ġalcanz ará","Ġláp ices","U so","Ġp end","ĠF icha","ĠPS G","ĠRecuer de","Ġempe orar","Ġemig rantes","Ġescru tinio","Ġescr úp","Ġde ud","Ġes cep","Ġhir viendo","ñ ales","ut z","Ġliqu ido","Ġbarbar idad","Ġre b","ter est","Ġgen éticamente","Ġcateg oria","Ġvic tor","Ġestratég icamente","D icha","W ill","ĠD ichos","ĠChamp ion","Ġg et","Person al","Ġventan ales","ĠConn ec","Ġal quim","ĠJ uega","Ġbacteri ana","ĠA ñade","ce de","ĠPer ro","Ġater ror","ĠDÃŃ ez","Ġsier ras","Ġbaj aba","Ġur ge","Ġpagar on","de be","Ġg im","Ġdenomin ador","ĠAlmac en","Ġcon dol","per ia","Ġorto doncia","T i","ï ¬ģ","Ġch im","ĠBien al","Ġauditor ÃŃas","im il","Ġcoun try","Ġagre gan","Ġentregar se","ari um","ĠTen drá","ĠBer lin","Ġimpresion ado","�� �","Ġgrandi oso","T ambien","e ados","Ġsu izos","ge te","Ġfir man","ĠRa in","ĠEc ologÃŃa","Ġbou tique","M ADRID","Ġprimer amente","CI L","GRA F","ĠT v","bl igo","ĠEmil ia","ĠDesp acho","n icos","Ġdestac amos","Ġdesp l","Ġunif amiliar","ĠNa tura","ĠContra tos","Ġenvas ado","nav ales","pa pel","ĠN es","ĠAlum nos","Ġto uch","19 87","Ġs ill","Ġatac antes","ĠCo hen","Al ta","Ġmoment án","? ),","Ġban ner","ĠCas h","Ġpin za","Ġdetec tor","DD DD","ĠDim ensiones","om ista","ĠD iver","cin es","Ġacce den","Com merce","Ġrazon ablemente","е ÑĤ","Ġhur to","' âĢĶ","An terior","Ñ Ĩ","un i","Ġimp usieron","ĠEl vira","Ġ19 24","ĠCo che","ie gos","ĠSoci os","Ġsosten ÃŃa","Ġhumill ación","ĠSatur no","Ġen uncia","Ġg av","ĠI tur","ĠSE GU","ĠAC B","Ġpro ximo","ĠCh ivas","Ġvisit en","Ġcon cha","ĠM TV","Ġmi mo","Ġanim adas","Ġdejar é","be lo","ish ing","ĠRepubl ica","an istas","Ġpr ÃŃncipes","Ġins isten","Ġ[ [","democ racia","Ġh uye","Ġrob ó","Ġper can","iz arlo","Ġotor gará","es pec","ĠM Hz","ĠPe ñar","Ġ ا","Ġsu bi","Ġcomun ales","ĠMá quinas","Ġencarcel ado","Ġimport ado","Ġrev iv","Ġinex istencia","ĠGiovan ni","Ġcu car","Ġad quiera","Ġag on","Ġ13 9","Ġcelebrar lo","01 0","Ġsobre dosis","ĠLe ones","EN SA","Ġcontinu ando","Ġconoc éis","Ġfrág iles","Ġinco her","Ġpé talos","lu gar","Ġarbitrar ia","pÃŃ xeles","Ġanarqu istas","Ġtibur ones","Ġpelir roja","Ġt w","do va","Ġexp lanada","Ġcentro americanos","Ġespon tan","Ġda ña","Es as","Ġre goci","Ġk Wh","ĠTen drás","Ġresca tado","Ġenz ima","Ġsu da","ĠMon señor","pro ceso","12 3","dis pon","Ġdesn ud","M AC","Ġp illa","ĠD ebo","ĠGu ard","M aster","Ġre bos","Ġalter ado","ĠUl ises","ĠConv ento","H P","ac tiv","tor is","ĠQ uevedo","Ġsobreviv ido","Ġances tros","Ġc v","Ġra ting","Ġsol idar","ima ge","Ġfor tu","j é","ĠRe lojes","US D","ĠFrank furt","Ġe rup","Ġatra pada","Ġcome tiendo","ĠMir ror",". ?","Ġenf ado","tit lán","im on",". ]","ĠP ocos","ĠD U","Ġdej aran","Ġinexplic able","Ġaná lo","sa ge","Ġesper mato","aliza cion","Am igos","Ġfer ry","Ġproporcion ó","Ġ3 80","ĠContin ua","Ġtur cos","Ġprecur s","ĠðŁ ij","ĠAlcor cón","o jos","ĠM ES","Ġdescon f","Deb es","ĠCon ducción","Ġreun imos","Ġdiscur re","Ġreta il","Ġasist enciales","Ġord inarios","ĠM ona","Ġano ch","Ġgarantiz ará","ĠÃĵ r","Ġexperiment ó","Ġboc ado","Ġpos ea","ĠGal legos","Ġfas cistas","Ġ90 2","ĠHan na","Ġdial ec","Ġmuestre o",".. ,","co u","Ġpa te","Ġro tonda","ĠEsta cionamiento","A licante","f lex","Ġconvertir te","Ġgobern anza","Ġemble máticas","Ġsar gento","mo delo","Ġamb iciosa","Ġtritur ador","ĠPR OS","Ġpeculiar es","ĠS n","D B","Ġb at","Ġab ran","ĠCon duc","Ġrep ita","Ġsil icio","fr ÃŃo","ĠMulti media","Ġaud ÃŃf","ĠCom edia","Ġrepor teros","Ġmuch achas","ent era","le ña","Ġfiel mente","Ġpist olas","Ġexpropi ación","O T","ĠEn viar","Ġprefer iblemente","ĠVis itas","Ġcontra tó","Ġcircul aba","al dad","Ġexhib en","Ġhemor roides","Ġtal lo","ĠEncar nación","B or","ĠDe trás","se jos","Ġsolici tadas","Ġincon trol","ĠMed ical","Ġparo dia","Ġintroduci dos","Ġel as","Ġrev iew","Ġadap tando","gran de","ĠDibu jos","ĠIndÃŃ gena","ĠJ UL","Cu anto","le tt","ut her","Ġho guera","Ġrecur ren","cop ios","\" \"","Ġla titudes","Ġex acer","ĠDe le","Ġingres e","ĠPRO PI","Ġresul tantes","ĠInst ancia","ci er","ces orios","Ġcruz adas","ĠÃļ nica","Ġgem elas","X L","Ġvie tnam","Ġdeform ación","gre ga","Ġmam adas","ĠChil ena","gu ro","Ġtrim estral","Ġembri ón","idad as","Ġjud ÃŃas","ici ales","Ġmar ineros","OR K","Ġjo dido","ĠHer mosa","Ġllan ta","Ġma tch","Ġdesp il","Ġre bus","Ġb reak","ĠT amb","Si mplemente","ry n","Ġdenomin ar","rom ial","Có digo","ĠP umas","Ġ19 19","ĠAn ima","Ġleer se","Ġcore ana","Min isterio","Ġtras tero","Ġadu anas","Ġva ti","Ġasign adas","Ġantidesl izante","Ġsu c","Ġser bio","ód ulos","Ġne f","Ġexten diendo","ĠFrida y","A ust","Ġsir v","ĠEsc ribe","Ġam on","Ġ4 20","ĠNo vo","ĠLe tra","Ġcul tos","Ġrepar ten","B IO","ĠLu ke","Ġpromo tora","Ġras tros","g adora","Ġc res","Ġaprovech amos","ĠvÃŃ rgenes","Ġchor izo","ĠpartÃŃ cipe","Ġsucu mb","ĠL aredo","ĠAl fon","ĠCam iseta","ĠForm ulario","A ce","Ġclas ificada","Ġinstal e","Ġdesaf iar","W e","qu ines","Ġ- --","S ergio","i alidad","ĠS ter","ero y","ĠGar za","ól ito","A ir","Ġsector iales","Ġcrip to","war ts","Cór doba","Ġreg irá","Ġrep rimir","Ġestructur ada","Af ortunadamente","2 20","Ġampl iada","Ġcolabor adora","b ene","ĠE vent","ig ü","ĠmÃŃn imamente","ung alo","ĠArti ficial","ar u","Ġin éditos","Ġac ort","Ġsal drÃŃa","Ġsuper visor","Ġfis uras","Ġolvid arnos","Ġcertific ar","ĠInm igración","Ġcl amor","ĠArgent inos","de le","Ġllegar an","Ġmagn e","Ġrelaj antes","ĠNex us","Ġfrega dero","tr ante","Ġproporcion amos","Ġfedera ciones","Ġleg is","Ġdin eros","Ġacer co","LE O","Ġfelici tó",": ...","S ch","Ġen cog","ĠH ugh","ĠPor n","ip lo","Ġafec taciones","ino is","ac cion","ĠV inci","ĠPon emos","ĠHy undai","Ġabandon an","Ġpat rió","p lano","Ġpar entes","ĠS lam","ĠCh or","Ġgan adoras","ĠMon tenegro","Ġinfec tado","Ġconsa grados","Ġsurre alista","den t","Ġinst intos","Ġmaqu inarias","ĠL ite","ĠIn ver","Ġcolec tividad","Ġcomunic arnos","ĠNi ña","ĠL if","Ġad jetivo","Ġinjer encia","in m","ĠH izo","ĠE us","Ġestupen dos","ĠTok yo","Ġloc almente","Ġimplement ando","Ġplac ebo","Ġcontra ata","Ġcont adas","Ġorganiz adora","Ġpremi ar","ĠFun ciona","ĠIsa ÃŃas","ĠM ist","ĠN FL","ĠCon j","Ġ14 3","Ġcep as","Ġin des","Ġrefor zada","Ġsocioecon ómico","Ġanarqu ista","pol ÃŃtico","Ġcorrer á","Ġré plicas","Ġalbañ il","ĠS OS","ĠPa quete","Ġu d","19 84","Ġocupar on","Ġenchu fe","Ġelo cu","Ġejerci da","Ġdetec taron","Ġresuel ta","Ġarque ólogos","ĠTen iente","s ky","ĠDefens ores","Ġca igan","ĠJa cinto","Ġpega tinas","Ġalmend ra","go t","Ġescri bi","Ġinex per","Ġsovi ética","Ġpu b","Ġ19 26","ĠKa z","Ġbuen ÃŃsimo","gos o","Ġama zón","C ul","O c","ĠC IR","Ġhab ra","ĠEst ero","Ġdesp ensa","ĠPh ill","új ula","Z AS","li qué","ĠTh ea","Ġsigu iera","Ġal ent","Ex tra","Ġhin chada","V ent","Ġcub rÃŃa","Ġcru ciales","Ġanón imas","Ġdema go","le ño","ĠCar ro","Ġenv ueltos","Ġdev olvió","ab ul","Ġabord ó","F EC","ĠO porto","Ġmantener los","' ',","Ġespeci fico","Ġhospit alización","Ġsex enio","Ġhon go","Ġencu ader","Rafa el","Ġvigil antes","Ġsupl ir","ĠAntár tida","Ġex óticos","Ġpig mentos","tr om","ios idad","ĠV ea","Ġ ĸ","Ġgro tes","ĠK ub","ĠPer ez","Ġintentar é","ĠbÃŃbl ica","Ġag onÃŃa","Ġapunta ba","N UE","ĠPar kinson","Ġexpan s","Ġolig arquÃŃa","Ġcu rado","Ġch in","ĠTen dencias","ĠMag ia","ion arios","Ġdejar le","ĠDirec to","es pañol","je ta","Ġplie gues","ĠReme dios","lev eland","ĠMos trando","Ġinstruc tores","ĠInstitu tos","ra mo","mo do","Ġhac ke","ĠCON SE","Ġdiscu tido","Ġads critos","ĠtÃŃm ida","ĠRedon do","Ġexuber ante","Ġan claje","Ġban queros","Ġsum ario","tiv in","Ġha gáis","Ġconocer emos","Ġpos tear","ĠD B","Ġan or","Ġimpon ible","ĠSor pren","Ġrena cimiento","Ġanalf abe","Ġestupefa cientes","Ġv ió","Ġper ime","LE X","Ġcatástro fes","ĠI st","Ġhum ede","Ġelabor ando","Ġavalan cha","Ġinsosten ible","Clo ud","v aca","Ġd ándose","Ġtermin ologÃŃa","ĠIn nova","Ġsent enciado","оР»","Ġvari abilidad","de ce","Ġc ante","ĠEurope os","Ġpres ten","ET AS","ĠExtre me","Ġe Bay","ĠC ib","Ġb ib","Ġtembl ar","Ġdri vers","Ġcor rig","ĠOs curo","Ġres ar","Ġsem bl","p tica","Ġp aliza","ĠBar co","amb ia","Ġesc rÃŃ","Ġcan tó","Ġolvid ada","Ġbomb eo","Ġman ag","Ġexp ensas","Ġcl éri","Ġsubl im","Ġgobier nan","ĠN ECES","Ġna cimientos","Ġperm is","Ġasim ilación","F á","é rito","Ġbas tar","zar d","ĠVers ÃŃculo","ĠObre gón","lan de","Ġhos tig","Pon er","an ÃŃas","Ġcompar ando","Ġpost ulación","ĠMis ericordia","ĠD ON","ĠH omo","Ġexager ada","ĠSystem s","ĠM ajadahonda","ĠU CI","Ġman zan","Ġorganiz amos","ĠTlax cala","R u","Ġca zo","Ġinv ade","Ġgenu ina","ĠPOL Ãį","Edu ardo","ĠA FA","Ġposes iones","Ġcom es","ĠGu ÃŃas","Ġguardi án","Ġpres tador","Ġ £","ĠUn i","D ecreto","Ġman che","ĠPar tidos","Ġrev uelta","ĠFac tor","Ġsignific arÃŃa","ĠSolu tions","Ġesceno grafÃŃa","Ġe dul","eb ro","Ġcer ros","ĠAs igna","Ġfacil itamos","Ġcampes ina","Ġvec tores","ĠGlas s","ĠD as","Ġpre hisp","Ġacce diendo","democ r","Ġinter personales","ĠCom una","Ġdep rim","ĠF ib","ida de","ĠCu riosamente","Ġprovis iones","ĠFED ER","Ġprivileg iados","Ġfrag mentación","bl ica","ĠRe gres","omb erg","Ġleer la","am eño","ĠD NS","ĠCa usa","Ġfl ip","ĠTrabaj a","Ġportu gueses","Ġesqu ivar","Ġintac to","Ġdiscern ir","ist ió","Ġintens ivos","Ġam ones","Ġmayor istas","Ġderiv ó","ĠCL IENTE","ĠSOL O","Exper tos","Ġa var","Ġcomun ique","Ġcompla ciente","ĠMaz da","ĠEx posiciones","Ġpag adas","ĠMassach usetts","Ġm acetas","Ġro tas","Ġidén ticos","Ġrep udio","Ġcambi arÃŃa","ĠProvin cias","Ġferrovi aria","Ġba teria","Ġfas cina","R AL","Ġgan ará","Ġbusque da","Ġ20 22","and re","Ġpod ÃŃas","Ġcoj ÃŃn","ĠO sa","ĠEx pan","Ġpack s","iz able","can z","Ġsup lan","ĠF irma","Ġap uros","Ġfun g","ĠHar ris","ĠMichel in","ul ina","Ġrasca cielos","ĠCiudad anÃŃa","cle ta","Ġderiv arse","Ġre uma","ĠP ron","Ġop cionales","ĠRA E","Ġétn ico","&# ;","unta des","Ġsumerg ir","Ġcerra jerÃŃa","Ġ6 000","ĠINV ESTI","D M","L N","ĠG rim","оР´","ĠL ud","ĠHen ri","Ġopos itora","Ġbande jas","Ġprefer entes","Ġran ura","Ġtrac tor","ĠElim ina","te las","dr ich","Ġri endo","ĠA ge","ĠRe a","AS H","ĠÃģra be","enta i","Ġtor rent","Ġeman cipación","Ġcomp il","Ġmal lor","econ omÃŃa","Ġmu taciones","Ġpre gon","ĠWal t","Ġdifer enciales","idu o","ĠEnferme dad","Ġtit anio","li ques","Ġconfigu ran","Ġdespe dirse","Ġdep ur","ĠAcuer dos","ĠQu i","Mo delo","Ġconfec cionado","Ġcompres or","Ġp udor","ipú zcoa","ç ļ","Ġcas eta","Ġadi estramiento","Ġcontempl ados","Ġpra xis","ĠM eso","Ġtrans cripción","ĠWar ri","del la","Ġhabil ita","ĠRol l","Ġlici taciones","ĠMIN IS","ĠVideoj uegos","Ġin imagin","Ġcaus aron","Ġjun tan","ĠFon tan","ãĥ ¼","tos is","ĠB éisbol","Ġcircul ando","ãģ ®","Ġagropecu ario","ic u","var rÃŃa","ĠTer cero","Ġnomin ada","Ġju ra","Ġmoder ados","Ġsimbol ismo","TE G","s ina","Ġm aj","Ġcomp as","Ġbur ro","Ġtemper amento","Ġlu to","Ġprome tida","ĠPon s","Ġsever os","ton ÃŃa","ĠBust amante","Ñ Ī","ĠC RI","con os","Ġin cin","Ġviv ientes","11 2","ĠRe iki","ON E","Ġdocu menta","Ġbrig ada","G lo","O ne","Ġc ian","Ġé bano","Ġeduca cion","Ġchocola tes","Ġpatrocin ado","Ġtác tico","Ġc Ãĥ","Ġcostos a","Ġcolon iales","Ġtradu cida","ú stica","Ġres entimiento","gan as","Ġun itario","ĠCar vajal","Ġimpac tantes","Ġjustific an","; ,","ĠCo bre","Ġmand amiento","Ġcongel ación","Ġcal lado","Ġprob ados","ĠEN ERG","ĠMac ron","Ġcal uros","Ġaz teca","Ġdispar aron","Ġvendi da","Ġm ÃŃstico","ĠF ER","Ġdeb éis","Ġal bar","ĠP inos","Ġsus hi","Ġro tul","tt y","ĠCos pedal","Co ord","Ġrein iciar","Segu ridad","ĠPregun ta","ĠP rada","ĠDe an","Ġaper itivos","Bus car","ãĢ ģ","Ġmicró fonos","Ġtax istas","ell s","Ġdispar es","S iento","Ġcar ajo","Ġacadem ias","Ġr pm","Do wn","ĠSum mer","Ġdesembol so","ĠT et","Ġ15 6","Ġcolor ante","Ġpros igu","Ġexci tante","Ġcancel ado","ĠMaxim iliano","Ġ ÃŃmp","Ġcoinci dencias","Ġcodi ficación","ĠChill án","fi x","ĠMer ced","ĠUn ica","ĠX avi","Ġarque ológica","Ġmurci é","Ġs ida","Ġpi ece","Ġbenefici osa","Ġlac tosa","ĠEstu vo","Ġoblig aron","ĠLeon el","Ġdel gadas","id ó","Ġpol ÃŃm","An drés","L eo","mp la","ĠMu jica","Ġenfrent ando","ĠCU P","Ġroc ÃŃo","w ri","x on","Ġsi rena","Ġho jal","ĠRo zas","L ópez","ĠP UN","Ġpla yo","ĠPlay er","á rate","Ġre as","Ġans ia","Ġliv iano","Ġequita tiva","ĠBuda pest","Ġecolog istas","i pa","Ġcal m","Ġinspir an","oooo oooo","Ġpor tadores","Ġdi af","Pro ducto","Ġemig rar","L M","Ġen ano","ĠLe tizia","Ġpan dilla","Ġdistribu idora","Ġbes ito","Ġintemp erie","Ġas unción","ĠEv itar","Ġbil iar","Ġtra tarÃŃa","ĠDepartam entos","R ock","Ġo to","ĠY ang","Ġdeb u","df ul","ion eras","Ġboc as","Ġcha tarra","V in","ĠAR N","S anto","ĠM ister","Ġdif iere","Ġinterac túan","Ġchil enas","Ġzana horias","Ġmasturb ación","Ġesper arse","Ġpobl ada","!!!! !!","it su","Ġ19 12","Ġestrel ló","Lib ros","s ÃŃn","ra me","Ġdic taduras","ál idos","Ġex enta","ER AS","Ġprepar aba","Ġll ene","ĠDes tino","ĠInter americano","ĠRo om","ĠComun itario","dependi ente","Ġglú teos","Ġcos tero","ĠAle mana","Ñ ĸ","ĠX ML","Ġdirig ieron","Ġreconoci eron","Ġfe ha","Ġhard core","Ġtres cientos","Ġdar ás","ĠFamil y","Ġcamina tas","S N","ĠA migo","tu vimos","ĠT ram","Ġan ales","Ġver bos","lu jo","Ġmane jado","Ġcarn é","ĠRendi miento","ú e","y al","romial gia","Ġser ian","Ġli mos","ĠP eople","Ġus abilidad","ito l","Ġflex ibil","Ġenamor ó","ĠU se","ĠlÃŃ rica","Ãį O","Ġexpan de","Am érica","ĠG ad","Ġexig ÃŃa","Ġaventur ero","Ġn ick","Ġme me","ĠIn gen","ĠAl cántara","vis o","Ġreti re","Ġchan ces","Recom end","VÃŃ deo","Ġa mos","ĠL obos","ĠD ue","Ġarras trando","Ġclasific an","Ġde roga","ĠR adi","Ġbur gués","Ġincent iv","Ġmenstru al","j ack","Ġest antes","Ġmes o","est yle","Ġo ido","ros so","ĠYa h","Ġprovoc ación","Ġultra violeta","ĠIbero américa","Ġman guera","entos o","Ġsuje tar","â Ī","Ġser an","Ġlogr é","Ġreiter ado","terror ista","Ġre duzca","Ġconstruc cion","im ba","Ġar rol","ĠRe ver","Ġvic timas","Ġindustri alización","Ġát omo","Ġimpens able","Ġfin alizará","Ġexpres ando","Ġsa quen","Ġinadecu ada","ac ab","Ġtra iga","Ġbaj amos","Ġremo de","C ine","I CIONES","ĠPer la","ĠPol ideportivo","Ġofrec ÃŃan","Ġagu ard","Ġadap ten","Ġimpuls or","Ġcuestion amientos","H ol","ic anas","Ġv éase","Ġrevel aron","Ġenamor arse","ĠPach uca","Ġdepre dadores","ĠS pen","ios co","ĠEsc uch","Ġhotel ero","ĠLle var","Ġalber gues","Ġla deras","Ġcon je","Ġmanten ida","Ġcil ÃŃndr","ĠN ina","Ġgenera cional","ĠPl ace","Ġcaprich os","ĠEmira tos","ĠBo eing","ĠPort ada","Ġcas ación","ĠEs qu","Ġvuel co","Ġluch ó","rad ura","Ġvisibil izar","L I","Ġdes mes","ici mos","Ġcop yright","Ġplen aria","Ġglor ioso","Ġw ikipedia","ĠMun diales","Ġorganiza tiva","Ġmodern izar","ĠCar melo","Ġfran jas","Bol ivia","ĠE fecto","ĠK ris","Ġdecre tó","Ġesc or","Ġpro hibió","ĠDe ep","ĠAs pectos","Ġacondi cionados","Ġfla g","Ġdi ste","ĠZ ap","Ġresist en","Ġjub ilado","Ġeng ros","d ran","ria ga","Ġagr ario","ĠMc C","Ġho p","ĠTe gu","ĠAtac ama","] ]","Ma gn","ci éndose","Ġno toriedad","ru ci","jo kovic","at lán","Ġp ent","va te","ĠPe trol","ĠGal án","Ġconsa gración","Ġadu ana","Ġpro x","Ġsin ti","Ġsent im","ĠMa tar","ĠK B","amb os","B iblio","ĠSo ul","ĠTe tas","ĠTh eo","ra k","Ġanomal ÃŃa","ĠPantal ones","ĠM EC","ĠHO Y","Ġpredi lec","Ġla tón","Ġan y","ĠN ano","Ġfoto gráficas","Ġinde termin","Ġmedi ar","Ġcont ada","Ġcomer se","ula cion","ĠRen fe","V AS","á d","Ġdis pers","Ġref ieres","Ġinquie ta","Ġmultiplic ado","Ġdeno ta","Ġcach é","ĠDra ma","Ġcaj ita","Ġest rang","Ġsu dafric","Ġ3 40","Ġdesob ediencia","Ġbaj adas","Ġencar ecidamente","Ġdobla je","ĠSit ges","C e","Ġex óticas","Ġamar ga","Ġpose edor","Ġadquier an","ĠTradi cional","Ġpor q","Ġmo jar","pres idente","Ġagu ante","TI CI","Ġre man","Ġar men","Ġpi ados","ém icas","ĠDERE CHO","36 5","Ġinjust amente","Ġvo leibol","pas a","ĠCatal án","Ġcasti gos","Ġtenta tiva","Ġtecn ica","Re alizamos","dis co","å Ľ","am ás","ab ajo","Ġpe do","Ġve ÃŃamos","Ġra tificación","ĠSal gado","Ġregal aron","ĠEras mus","Ġsu cios","AC K","Ġcoreo grafÃŃa","B re","Ġes encias","ĠMen ú","Ġde duce","Ġbuen ÃŃsima","Ġconcre tó","Ġref rac","ĠCab al","gri ma","Ġreaf irmar","Person almente","Ġsinerg ias","om ing","ĠLe jos","ĠLas t","ĠUN IC","Ġino cu","Ġa tur","Ġd ándoles","ĠJ ol","Ġconci be","de t","ĠIn greso","Ġrespon dan","Ġcondi cionado","Ġtri plic","tar ÃŃas","Es peci","s ie","Ġso pas","ĠNO TA","Ġfidel ización","R D","ĠM oya","Ġretra ta","Quién es","Ġ19 23","ĠGran ados","Ġarreg lado","Ġenmar cado","ĠDamas co","Ġacos tarse","á cido","om or","Ġmu do","ĠMe dida","Ġapoy amos","n or","Ġpara ca","Ġvecin ales","Ġe tim","Ġencontrar te","ĠFo ur","Ġanal ogÃŃa","Ġhos tal","Ġre inci","ĠL losa","Ġdescub ra","Ġcontes tado","ĠDyn am","Ġk ur","ENT AS","Ġdespleg able","o tros","Ġo jeras","ĠDe uts","Ġsus critos","min o","ĠP ale","vi des","Ġmedioc amp","an ero","Ġpar iente","ri ano","Ġmer ec","ĠPal ace","Ġesco cés","Ġcuidad osa","ĠTro feo","In fo","Ġinvers ionista","Ġbon ificaciones","pl ora","Ġbio grafia","ĠFon t","Ġregist rando","Ġconsul tadas","ĠEr mita","Ġescla v","vig ilancia","ĠZav ala","ra t","Ġreun irán","Ġintercon exión","Ġincógn ita","ci cl","Ġcor tan","Ġop uestas","ĠQu isiera","н Ñĭ","Ġalej adas","ĠPy mes","ĠIber drola","Ġrene go","n uestro","Ġreg ir","10 2","Ġurban ÃŃstico","Ġb ucle","ĠUnivers itarios","Ġtur ca","s amo","en era","Ġdest inará","Ġtras ciende","ĠCh eck","Ġsepar ador","Ġsupon iendo","Ġcoordin adores","ĠSS D","re go","Ġdes anim","Ġco ag","Ġcoti zar","Ġtibur ón","Ġcarc ajadas","m ut","Ġat ribución","Com enzamos","Ġgestion ados","ĠE ros","Ġpudi esen","ĠRa w","sion s","Ġimpermeabil ización","pu b","Ġposi ciona","Ġproxim idades","ĠCorpora tiva","en lace","mb ar","ĠAm nistÃŃa","M ens","ad ares","ti ones","Ġex entos","Ġayud arÃŃa","Ġindi e","ĠPens é","Ġeslo gan","ĠBry an","Ġg rada","Ġcontra posición","Ġjug adora","ĠSuper ficie","Ġgobern ado","ĠPie zas","n era","ĠGir ls","ĠHil ton","Ġpol ÃŃ","Ġpl enos","Ġtipo grafÃŃa","ĠPar ejas","ĠNe gras","ĠSon ido","ĠChan nel","Apren der","Ban k","B r","Ġ16 8","Ġespeci ficación","Ġcome tieron","Ġimprim e","Ġan aran","Ġconf ió","Fel ici","Ġt uc","ut ón","reg ulación","Ġinterpre tan","Ġa pañ","al te","ĠEx presión","Ġarom áticas","h ima","ac ep","Ġinstan táneas","Ġt án","Ġreactiv ar","! \",","A E","P iso","ar ta","Ġtelevis iones","ĠPROYEC TO","A hor","co ck","Ġpol ie","Ġquer rá","Ġlim ÃŃ","Ġatribu ido","ĠR ELA","Ġinter ferencia","Ġce didos","Ġceb ada","ĠOb rero","ĠimplÃŃ cita","de pendencia","Ġapoy e","Ġdecora tivas","ĠPal m","DI CIONES","ĠJord ania","ĠAlco bendas","Ġenten didos","ist encias","Ġir te","qu eria","Ġam ol","th ing","ICI O","ĠF ig","ex ia","Qu isiera","Ġfra mb","ĠG endar","Ġcuad rang","Ġarro yos","igh ter","Ġempo der","ĠF est","tac k","Ġabsolu tos","ĠBras ile","RES OLUCION","an era","ĠJu icio","Ġtrascen der","ĠCONS UL","Ġcontar le","ĠRam on","Direc tor","ĠR AD","Ġpas tos","Ġamena zada","h ual","ĠA j","Ġman de","inos os","Ġbril lan","Ġp idan","espa cial","ĠMill án","ic ular","rec om","com bust","ĠFor mosa","ĠHar vey","Ġescog ió","Ġespin acas","Ġ19 22","Ġmantener la","ĠAra uc","Ġusar las","Ġp ho","ci ru","ad izo","Ġprob ó","Ġcuch illas","ĠTrabaj ar","Ġinter mitente","ĠIr ma","al ea","Ġfacil mente","Fu imos","ĠCÃŃv ico",") \"","y pe","Ġpe p","Ġhom ónimo","ĠDi go","Ġdesc endió","Ġzo o","Empez amos","Ġla urel","Ġab rÃŃ","ĠSi guiente","Ġdefini tivas","Ġanal ÃŃtico","ĠFal le","Ġinvent or","ĠProve edor","g ándose","Ġl unas","ĠR ud","ĠIn iesta","Ġins critas","éspe des","Ġs port","ĠCo ur","ĠSus an","Ġcentr alizado","Ġpar tners","Ġcondi cionada","ĠSolid aria","ĠAr ica","Ġ15 3","mujer es","Ġsuger ente","Ġterren al","Ġalaban za","CUR SO","Ġgen ital","Ġviaj aron","G G","t ólogos","Ġba tidos","ĠRu bi","Ġdiscrep ancias","Ġex hibiciones","Ġneutr alidad","ĠNex t",") âĢĿ","ĠP uertos","00 2","vi deos","ĠSI EM","Ġjab ones","Ġgen ios","Ġal p","ur f","Ġinsul tar","ĠImp or","Ġdura deros","а л","ĠPRE CIO","Ġreen car","ĠH av","Ġco ña","Ġdu pla","ĠBlan cas","du ro","tó lica","ĠPa trón","Ġol ivos","viv ir","Ġcomunic ará","Aquel los","Ġreba ño","Ġotr ora","Ġesp árra","und ing","Ġincon tables","00 3","Ġoptim izado","Ġandal uzas","Ġlimpi ador","Ġaf lig","ĠZ idane","Ġrefug ios","p d","Ġentr ena","Ġarrib ó","M arca","tr all","ÃŃs os","Ġproces a","ĠReg las","adal ajara","Ġcon cuer","tón ica","ĠFA O","Ġdemar cación","Ġy ema","Ġterrible mente","Ġrigu ros","Ġesconder se","Ġprofundiz ación","Ġº C","Ġ( âĢĺ","Ġdecl are","Ġparque t","ĠGrad uado","Ġas ienta","Ġpu ñeta","Ġéx tasis","Ġlente jas","Ġilim itada","Ġcaracter isticas","Ġret oma","ĠContemporán ea","Ġengen dr","en c","ĠPel ig","Ġrema ke","== ==","e tu","ci ty","Ġno dos","Ġfin g","Ġante proyecto","ĠHéro es","ĠCarre four","Ï Ĥ","te b","ex cl","ĠEmp ieza","Ġcome dias","Ġvisitar lo","Ġempres aria","Ġhi alur","Ġtiro ides","оР¼","fren ia","ĠAm ado","Ġmeteor ológica","sab es","ĠSomb rero","Ġrevolu cionarias","ĠD GT","Ġra chas","Ġespeci fici","An dal","Ġc itación","ĠP ana","co pi","Ġword press","Ġen cap","Ġven cidos","pr omo","Ġmaf ias","L ife","v ador","Ġv ita","Ġcas ualmente","Ġfi je","Tu ve","ĠRecom iendo","Ġhum edades","Des cub","Al quiler","icha el","ro jos","is cu","Ġdolor osas","ĠPos ibilidad","ĠPubl ic","áce as","N OS","Ġprac tico","Ġran cho","Par tido","Ġespermato zo","Ġf uc","Ġson deos","Ġdo quier","ĠViv es","ÃŃ no","Ġsent ÃŃan","Ġcr ÃŃas","Ġatra jo","ĠAuto bús","ĠMóvil es","Ġfuner arios","ĠLil iana","Ġpar aba","ĠMill on","Ġ( �","ut su","Ġ14 8","Ġefectu ados","Ġpremi ada","Ġlider ó","Ġsemá foro","Ide al","Ġpro tag","Ma x","Ġirregular idad","Ġcatara tas","Ġun dé","Ġayud aba","Ġnor uego","OO OO","ĠRum anÃŃa","Ġprogen itor","ad ada","Ġcor cho","Ġpod rian","Ġplante amos","Ġmarcar á","Ġsuf rida","Ġesté reo","quim bo","p ice","ĠCons ulado","Ġcompren dida","Ġadop tados","Ġasust ado","mi ó","ĠPro te","ima gen","ĠBo t","ĠHab er","Ġagreg amos","Ġans ioso","Ġrob ados","Ġmigra torias","ĠVeter inaria","Ġpenit encia","ĠL oy","ĠRec rea","Ġdenunci ados","ĠEléctr ico","de las","ĠL un","Ġimpar tida","ĠA UD","Ġra pero","Ġtrayec tos","ĠFund amentos","ĠBe et","Ġestabil izar","Ġpre ponde","Ġra cionales","Ġabor tos","ĠpsÃŃqu ica","ĠAr re","Ġcob ros","ĠBus cando","l iz","Ġten eb","Ġconvoc adas","Ġgastron ómicos","ĠINS TAL","Ġlegitim ación","bre ak","én ica","OM E","Ġperiodi cidad","Hab lar","Ġarra igo","Ġsacudi ó","ul so","la de","Ġdesc abell","Ġeco grafÃŃa","Ġpes cador","Ġcompar ada","Ġlin ux","ĠTh under","Ġingres ando","ĠH T","Ġpreten dido","Po drás","ĠPRO TEC","ĠM uel","Ġcumpl ida","ĠPu ma","ĠD IV","Ġtrop ie","ãĢ Ĥ","ĠA pa","ĠM ando","Ġdes vela","Ġhac ha","ĠU sar","Ġom bligo","j ud","por osis","Ġtermin ara","Ġdesp iertan","Ġescén icas","ĠR OD","ne go","Ġrever so","ĠCollec tion","P OL","Ġda tan","Ġsor dos","Ġfra udes","Z AR","j ajaj","mo di","Ġdetec tan","ĠÃĥ º","Ġinclus iva","Ġlamin ado","ĠEx clus","Ġadjun tar","Ġé pico","Ġtran ce","Ġcán ones","Ġol imp","Ġayudar emos","au x","ĠOc ampo","Ġdeliber adamente","Ġsevil lano","tas a","ĠY emen","99 9","Ġaliment icia","ĠCon tador","ĠLo pe","ĠRo w","ell ó","Ġmodific ó","Ġreproduc tores","Ġcontinú en","Ġintim idación","ig nos","ĠDe cir","rech as","cal cul","Ġmon tando","Co okies","ĠChallen ge","Ġejecut ada","Ġcambi antes","ĠM OL","Ġsin tieron","ĠMá xima","Ġservir ÃŃa","Ġopon entes","ĠcÃŃv ica","19 0","Ġmantener nos","Ġaventur eros","Ġgla ciares","ĠO pción","Esc orts","! ),","g alo","Ġla titud","Ġle i","Ġahor ita","Ġchav ismo","Ġantici pa","ĠTher momix","Ġv ario","Ġcor tando","Ġcup cakes","is etas","ĠFran z","Ġpetrol eros","Ġproclam ado","Ġcopi ado","Ġla ure","lev ard","ĠLa p","in formación","fer s","Ġconsidera bles","® .","Ġhun dimiento","Ġmuc osa","ĠKle in","ĠEx actas","ĠC ust","cur re","Ġempren dió","Ġresplan dor","Ġconsegu iremos","Ġlóg icos","Ġimpon iendo","Ġpade cimiento","ĠD ichas","Ġinterro gante","Ġjurisp ru","ĠWay ne","st ers","CI MIENTO","ĠUN ED","Ġmix tos","ĠS tri","ter ri","Ġat ómica","ich el","ĠESPAÃij OL","Ġam al","Ġmedi ador","Ġrevis ada","Ġde val","ĠB rid","ĠB eta","Ġhor quilla","Ġba h","ĠAndre u","Ġcon dón","di á","19 82","ĠMeteor ologÃŃa","ĠR usa","ĠEx ten","Ġgen érica","ĠCl ásica","Ġcla vos","ĠBan caria","Ġmo ho","amil lo","tec os","Ġbul to","ĠS ão","qu a","Ġco tas","Ġad ora","ĠAl ban","Ġante cesor","Ag encia","Ġreactiv ación","Ġquiróf ano","K ar","Ġg ame","Ġpreju icio","Ġdesliz amiento","um ar","ĠEl is","Ġagre dir","ĠGer ard","Ġcinemato gráficas","o ficial","de tes","Ġest om","ĠFe de","Ġmad urar","Ġna f","Ġinvoluc rada","ĠGuardi an","Ġcan sa","ĠS tyle","Ġafec tiva","ĠCor p","Ġgaran tia","ĠPresiden cial","Ġbesa zo","Ġch if","Ġfor ex","ĠSte wart","Ġexcepcional mente","ĠPic tures","Ġqu itaron","ĠMé dicas","mentar ia","Ġ23 5","ĠZucker berg","G én","q l","Ġhub ieras","Ġfich ar","ĠEvan s","ut ch","ER TO","Ġesplén dida","Ġpuertorrique ño","de grad","ĠQu into","ĠTra de","ĠIN GEN","ĠJav ascript","Ġalar m","Ġadjud icado","Ġreproduc en","ĠT EX","Ġantes ala","Ġcorrec tor","ĠLa gar","Ġven dÃŃa","tr eros","Ġpl um","11 5","Ġcro quetas","M AL","Ġentrevist ados","ĠpÃŃ ldora","Ġlitu rgia","ĠHotel s","áce o","Ġlo do","ĠH ud","Ġvo ta","Ġguard aba","ĠIbero americano","ĠCopenha gue","Ġcontar nos","Ġsobresal ientes","ĠComprom iso","ĠLu jo","Ġol ivo","dra gon","Ġdest il","ĠMad onna","Ġlegisla tivos","ĠPent ágono","çļ Ħ","p ide","ĠAs ÃŃs","Ġir ónico","Ġpin terest","Ġbull ying","Ġcanje ar","E ÃijO","ĠC iv","Ġespeci aliza","Ġresolver á","Ġauric ular","H um","to v","ol ia","lec os","Ġinex or","Ġpal ia","pro tec","ĠCos to","Ġalt ÃŃsimo","Ġdisfrutar án","a zo","á manos","ĠC EN","ĠRe aliza","Ġprovoc adas","ĠPos grado","ĠGen era","ĠCONS TRUC","Ġpr ender","ĠW C","Ġresul tarÃŃa","Ġhistor io","Ġre inas","ĠLa y","Ġdirector ios","j oles","Ġso cia","ĠDes emp","Ġgen oma","Ġinsist iendo","Ġrar amente","le var","je t","Ġentre c","ĠAmb ientales","ĠNico le","Ġdefec tuoso","Ġdesembar co","p c","Ġb ricolaje","Ġarquitectón icas","Ġalc acho","p it","Ġdis play","ĠIn ser","so via","Ġsorpren den","Ġlide rando","ĠDispon ibilidad","Ġbala zos","ĠGom ez","te lar","Ġmar ion","Ġcol ind","Ġamar gura","F AC","ĠL lanos","� ,","Ġseman almente","tam inación","Ġrepresent ará","Ġtit ul","ĠAm ador","Ġmete mos","ĠArti gas","Ġembo tel","Ġescep ticismo","ĠW omen","Ġedi ta","Ġet nia","ĠLey endo","Ġasturi ana","tu ros","Ġesc amas","Ġpresi dir","TIA GO","l itas","ac uerdo","ion ismo","Ġsens uales","ĠT AN","Ġch ub","che vi","Ġcomprar me","Ġencontrar los","ĠCrist ianos","Ġper a","ĠJ et","CU ELA","Ġlingü ÃŃstico","Ġmercen arios","y ch","Ġimp uta","estr ales","h ona","Ġtrata ban","Ġinal canz","Ġrehabil itar","Ġcom ÃŃa","ĠConsul tores","ĠAten eo","Ġlubric ante","Ġr ÃŃa","Ġrep tiles","Ġmus lo","Ġclim ática","Ġinscrib e","Ġapel ar","Ġciber seguridad","R ece","dos os","ĠRe ducción","ĠAr ran","Ġperman ecÃŃa","Ġexplos iva","H acemos","ĠCol lado","Ġprotagon izar","ĠO jeda","Ġout let","ĠEx plic","Ġdismin u","Ġrepe tidamente","Ġvence dores","Ġman u","Ġsec uestros","Ġbol itas","AM ENTE","Ġintent aban","Ġavis ado","ĠEc olog","ĠCa tedr","Ġenvidi able"," ħ","Ġten dria","Ġprop ensos","Ġanti güedades","Ġprob ables","Ġatras o","ĠP atro","Ġorig inado","Ġrod ando","ĠOrd inaria","Ġ27 2","ĠDisfru te","Ġt ante","Ġdiferenci adas","ĠAdam s","ĠNaran jo","Ġinsuper able","Ġes bel","Ġgra tamente","éf ono","Ġembri ones","i dismo","ina ta","... ?","Ġvis or","Ġbo leta","ĠELEC TR","Ġedul cor","Ġin habilitación","ĠCat ólicos","Ġescog idos","ĠâĻ ¥","Ġexhort ó","Ġ15 2","ĠMAT ER","al istas","iz arán","Ġca ñas","Ġvol untades","Ġhon rado","Ġgimnas ios","Ġevalu ando","Ġdies tro","Exper iencia","Ġdestru yó","Ġgus ano","Ġtang ible","G ACIÃĵN","ti an","ĠR M","z yn","do or","Ġpose an","Ġemer ge","rist al","Ġpos guerra","Ġexce dente","il eno","Ġhom ólogo","Ġger men","Ġmira ban","K it","ĠC leveland","Ġfinanci ados","ĠOFICI AL","A de","Ġh igh","Ġh uyó","ĠA aron","Ġilust rada","ĠLÃŃ der","se is","Ġva iv","Ġ« ¡","Ġp ut","ĠL er","ĠMon taje","Ġacab en","Ġmega pÃŃxeles","Ġpuri ficación","Ġinquil ino","( \"","Z ona","Ġ3 10","Ġz umos","Ġretir ados","Ġtrai cion","ĠDá vila","Ġconfi ando","Ġpermit ÃŃan","tem or","Ch rist","ĠDocu mental","Ġcron ista","ĠUn ic","Ġcine astas","Ġtro citos","ĠLOC AL","cu atro","Ġtor so","ámb ulo","Ġacent u","Ġesca pado","Ġins isto","N uevos","di v","Ġmon ó","Ġescon di","Ġdesgra cias","H ig","es tación","Ġperten ecÃŃan","ĠT AC","Con ven","Ġdif untos","ĠAdministra tivas","ĠLac an","qu it","Ġgal van","ĠIden tificar","P Y","p ig","ĠH ino","ĠESPAÃij OLA","Ġinsin u","es h","par ece","tec ario","ĠDepor tivos","ĠSha kira","Ġide ado","Ġdesen can","ĠPirine o","ĠA less","Ġnerv iosas","Ġapa cible","Ġcerra jero","ĠOpin iones","iz ales","ĠR EM","ĠDi álogo","ich ar","Ġcongel ar","ĠArque ológico","ti dez","IC ADO","cas e","Ġbo dy","Ġdepartam entales","p úsculo","w orth","ĠV ENTA","âĢĻ )","ĠProduc ciones","produc to","Ġdespleg ado","Ġrefun dido","ĠC ú","ĠAp to","Ġcar pas","Ġmon señor","Ġtriste mente","Ġais lante","Ġtransvers ales","ĠDro p","graph ic","ie mos","ĠO ración","Ġinst in","qu ido","Ġconst an","Ġalt ÃŃsima","xt la","ĠBie ber","Ġper iplo","Ġmar eos","Plan ta","Ġcul tiva","Estu vimos","Ġincompr ensible","å ®","ĠCan ciones","Ġremo ción","ĠInte grado","tán amo","ĠGra ham","ĠGa tes","ĠVin cent","Se x","EE UU","Ġalmoh adas","Ġtermin arÃŃa","ĠSam pa","Ġdescentr alización","ĠAsegú rese","ä »","ĠA vent","ĠNie tzsche","Ġeleg ÃŃ","Ġta ilan","Ġguardam eta","Ġpesti cidas","h emos","ac tivas","D ic","Ġdi remos","Ġincluy o","Ġprofundi za","ĠS ena","ĠCon gres","blo queo","In t","Ġcri ticas","Ġh ockey","Ġdelic tivos","ĠH ombro","segu ro","ĠMer ino","Ġasigna ciones","ĠDia z","ĠHos telerÃŃa","ĠC los","Ġan f","man era","Ġhoy o","ĠðŁĺ Ģ","Ġcalle jera","ĠLuc y","Tra tamiento","Ġt este","!! .","Ġsustan ciales","ĠE T","Un ivers","ĠFon seca","ĠResul tado","Ġpopul ismo","ĠM ack","Ġgu iados","Ġavatar es","Ġcon yug","Ġcu ran","ĠR unning","Ġten ue","ĠAn unci","Ġinac ces","Ġcartul ina","Ġl és","ĠSir ve","Ġra tifica","ĠInst ruc","Ġcaus e","Ġmal igno","Ġtér micas","Ġmig raciones","ĠDoc entes","ĠMich igan","ĠSign ifica","ĠA J","Ġj os","Ġexitos amente","ĠOR DEN","Ġexf oli","ĠRousse ff","ĠIn ci","ĠReg ulador","24 1","Ġa viv","Ġconvertir án","ĠRece pción","Ġun iendo","Ġal zar","Ġple bis","le psia","» ;","uca ti","Ġser eno","nos a","Ġbra zale","Ġevangel ización","den omin","Ġcre yeron","En contramos","ĠUtil ice","ĠV anessa","Ġac ér","po pular","Ġabsur das","Ġestúp ida","Ġescan eo","V IA","Ġc ed","Ġtelevis ivos","ĠL ÃŃneas","Ġpol iuretano","Ġesté ril","fi el","ĠÃī stos","ĠI x","Ġregal an","ĠC lic","ĠC enso","Ġsug iero","E videntemente","Ġres tar","Ġ14 6","Ac tividades","ĠlimÃŃ tro","Ġv ajilla","Ġnar cis","Ġpic nic","Ġcam aro","ren as","Ġdefin irse","Ġdescon exión","IL A","Ġenunci ado","Ġlas tre","ton os","Ġenci mera","PE P","ĠReserv as","Ġaccidental mente","ĠMatthe w","n ueve","Ġal gar","ĠCon vivencia","Pro p","Ġsub director","Ġbo quilla","Ġsolici tamos","ĠCan ada","ĠSen ador","ámp ara","S AL","ĠJa ke","ĠAlgun a","ĠÃļl timas","Ġproclam ación","di oso","ĠG oy","Ġinform arle","ĠFrancis ca","Ġimplan tado","Ġboxe ador","ĠRach el","ĠL eche","ĠB ren","ras te","Ġrecon ocÃŃa","Ġmam i","ĠEX PER","am s","ĠW y","Ġele van","Ġconglomer ado","ñ ero","Ġpr ens","dom et","ĠJ ab","Ġaten dida","Ġcomunic arte","Ġdol encia","Ġb ri","sta tion","esta ba","Ġfar sa","ĠJer ry","ĠRES PONS","Ġterm ales","l amiento","Ġlugar eños","Ġsuper á","Ġx x","Ġpal as","ĠFer rocarril","Ġatre vida","indust rial","ĠSaf ari","ĠAl me","Ġbas ó","Ġhe avy","ĠPromo ver","Ġorif icios","de recho","Ġv iz","Ġalcan cen","das e","Ãī sta","TI R","Ġanal ÃŃticas","ĠM K","ĠT ian","Ġand ina","Ġcamar era","ĠT L","ras sa","Ġconsul ado","Ġinterior ismo","Ġagrup ados","ĠHog warts","I d","O B","n d","Ġrepar tido","Ġconvers iones","Ġcuel ga","ĠLt da","M ara","} .","Ġpar ón","Ġpar amos","Ġinneces aria","ĠSEC RE","Ġinter pel","CI ALES","ĠAng élica","Ġretribu ciones","ĠN uclear","Ġpe dr","val e","Ġdesapar ezca","ĠilÃŃ citas","Ġinterrump ido","C AD","ĠE vil","Ġten dra","TE X","Ġpris iones","Car men","Ġmeter me","Ġd uch","ĠS ELEC","Ġdest ap","Ġrespe tuosos","Ġbru tos","Ġestimul an","ĠE tapa","Ġfavor ecido","Ġmanip ul","on te","Ġsol tura","ĠNe il","TI O","ĠDan ce","person as","ĠEmpren dimiento","E cu","ĠO cup","Ġch eco","Es pañol","ĠLan ús","ernam ental","ĠD ru","Ġtu be","Ġad orm","Ġpla gado","Ġradio grafÃŃa","Ġrem em","ĠJul ie","Ġfruc t","ĠT ip","Ġgalard onada","ĠOriginal s","ç ī","ci c","ĠP uc","Ġnegoci ando","D ebo","ró polis","ver es","Ġcar ecer","Ġobserv arse","mo uth","Ġsec adora","Ġmal ent","Ġapoy en","Ġsuminist rada","Ġcrimin alidad","Ġomn ipres","ri ties","mo v","Ġsal dos","ĠCon o","Ġpla gio","ON D","Ġhici ese","ĠAf ro","Pla za","Ġguar nición","ĠGer ona","Ġanto ja","ĠF itness","Ġinv entos","Ġsa ciedad","10 6","Ġemo ciona","¡¡ ¡¡","ĠRepresent ante","Ġpronunci arse","Ġmasaj istas","Ġidentific aron","Ġremon tada","z antes","af il","Ġanti depres","ies en","ĠHu anca","Ġapu ñal","ĠI F","ĠH ir","Ġcrecer á","ĠGil berto","errec tor","dful ness","Ġgra ciosa","ĠZ ARA","Ġprede cesor","ĠN ó","pl ace","ĠAu tores","Ġignor antes","Ġdudar lo","M undo","Ġn acÃŃ","ĠV aqu","Ġ< <","+ .","Ġte je","ÃŃp tica","Ġlic u","Ġanal isis","Ġnutri tivo","Ġstar tup","ĠRum ania","Ġdesequilib rios","Ġimpugn ación","Ġpedag ógicas","j ará","ĠA ward","ĠK ap","Ġale jan","Ġvib rar","Ġesplén dido","ti remos","Ġme tÃŃ","ust e","__ _","Ġses go","Ġgl óbulos","Ġeb ull","Ġse ña","di seño","il vania","Ġmi ente","Ġdirig irá","Ġrom anas","Ġétn ica","ĠNo é","Pol ÃŃtica","ta y","ac tor","pro te","Ġplane amiento","ul los","Ġle ales","Ġorden adas","ĠPol anco","Ġcompar ecer","Ġfa z","Ġinstan táneo","ĠS orte","ĠM itch","ĠRick y","Ġden gue","serv icio","ĠB ridge","ĠPlan et","Ġagar ró"," Ĺ","Ġaprovech arse","Ġinci den","gran des","Ġhall ados","ĠLleg amos","ĠCitro ën","ĠBar ry","Ġtab leros","Ġad jetivos","Ġnum érica","ĠEusk al","ÃģC TICA","c ac","ás icamente","ĠF ara","Ġflam enca","ĠPROFES IONAL","Ġchak ra","Ġvolv amos","Ġap liquen","Ġcol gantes","Ġexpres adas","Ġbro cha","Ġsal uda","ĠS acerdo","Ġserv ice","Ġhoy os","ĠCo ach","Ġcaus ales","Ġdesapar iciones","CL U","am igos","Ġprop usieron","Ġale atoria","Ġreta blo","Ġenorg ulle","tiv istas","ĠW oman","Ġtal los","Ġllev ándose","Ġcompac tos","Ġpa gada","ĠParlam entario","h emia","Ġdes pu","Ġregul adoras","Ġrepara cion","f ir","Ġ ático","Con tenido","Ġpan ista","Ġdomin ada","Ġchar co","Ġcong estión","qui que","Ġdemos trada","ĠEdi tores","Ġguard ando","j ares","Ġgra ciosas","Ġdesign ada","Ġtard ÃŃo","Destac ó","Ġtra idor","av ente","Ġosci lan","ver al","Ġlogr ada","Ġfana tismo","Ġdo ta","Ġcel eridad","TIF ICACIÃĵN","Ġincle m","olog ies","Ġmala ga","Ġorif icio","la to","Ġacer quen","Ġvir tualmente","ĠAy acucho","Ġvers átiles","Ġalcanz aba","Ġhones tos","Ġcul inaria","ĠSuper liga","imp res","ĠV éase","Ġen ra","ĠB adalona","ĠLe ticia","Ġgobern abilidad","ĠDil ma","ta zo","ĠP UE","Ġhablar é","Ġtratar emos","Ġincorpora ciones","Ġprotec ciones","Ġave cina","Ġponer las","Ġblan das","AC TER","ĠTal ca","Ġbarn iz","ĠT ubo","Ġar it","h id","Ġemp ar","Ġdedic aron","Ġrec ámaras","Ġinter poner","Car acas","Ġre anim","ĠB eth","ĠPo d","11 1","guar da","Ġremon tan","ĠLugar es","Ġm Ah","ĠC il","Ġconocer án","Ġtritur ar","ĠThom pson","Ġubic arse","Ġprote ja","Ġópti mos","Ġfeed back","ĠGRATU ITA","Ġdes uso","iemp os","ĠCo pas","Ġhom ónima","ĠF F","B LO","ĠR PG","UN CA","Ġganar le","Ġenrique cido","ĠVi ol","ĠIma genes","Ġdecora tiva","bn b","ĠC s","Ġdes pen","Ġcor tados","ĠNo vela","Ġfutu rista","ĠHy per","Ġn udi","Ġdañ ada","omen cla","Ġimped ÃŃa","ĠAl mo","Ġexpres s","Ġrepos itorio","ĠAF IP","v iz","Ġcu stom","Ġan chos","Ġrecib ÃŃan","ĠIz quierdo","Ġnet working","Ġse udónimo","ĠF ur","ĠV os","ĠV uelve","ĠO di","Ġestudi aba","IG NA","tan as","Ġcompartir la","Ġvisitar nos","Ġdown load","Ġp ingü","é dicos","ĠT aran","Ġap tas","ha ha","bo t","Ġori undo","Ġrela ja","Ġ; -)","Ġaquél las","ĠN ADA","Ġsole mn","Ġhabil itada","ĠPel le","pany ol","Ġres ort","ĠCo de","Ġdisfru tó","Man if","и ÑĤ","Na cido","ĠBlog ger","Ġadyac entes","ĠGuill én","! \".","/ )","Ġhay áis","ĠCa tar","ĠCam pan","Ġregres aron","Ġ* **","Bo gotá","Ġarbi tral","Ġambul ancias","ĠF emin","ĠEs pan","Ġcan tado","Ġfacil itada","ĠLeon or","ĠOrg ullo","ĠTera p","ĠE tio","Ġus b","Ġdef orestación","pi ramos","19 83","Ġsom n","Ġde genera","ĠL uch","Ġple ito","Ġcrib ado","e fecto","Ġl s","Ġincon stitucional","Ġocul tan","v ase","Ġf orn","Ġmul titudes","Ġrem esas","Ġdiferenci ados","ĠSue ño","Ġisl ámica","Ġl or","pen dic","ĠCor ta","Ġimplic ará","ĠModi ficación","h esa","Ġlu pa","ĠAr cos","Ġparentes co","ĠV d","ĠAl lah","Ġconf usa","serv icios","ĠMik el","Ġac udan","con stru","ĠCh acón","Ġsan g","ĠExper ience","Ġtransmi tió","ĠAdolesc ente","C ruz","Ġcas adas","10 3","Ġza ga","Ġgiras ol","k or","Ġg n","Ġvig ésimo","Ġher pes","Ġtendr ÃŃas","Ġpasar emos","Ġav ala","Cal le","Ġpim entón","Ġpirámi des","j aja","ĠN U","Ġmultiplic ación","T ro","ĠPo drán","ĠPos adas","ĠPA ÃįS","ĠrÃŃt mica","ĠN ilo","Ġactiv an","Ġmor alidad","Ġexplic arle","Ġcautiv erio","ĠS V","ĠPer ry","Ġcir culo","Ġfis ico","Ġsovi éticos","st re","Ġmostrar nos","ác ora","ĠSal e","Ġreconoce mos","á tegui","Ġsi rios","Ġ19 11","Ġfil mar","ĠRec ono","ĠBon illa","ĠS UM","con tac","Ġfel ig","Ġaval ado","Ġrepro ch","ĠOportun idades","Ġrenac entista","Ġasegu re","ĠA GR","Ġfin alizando","Ġtranscur rir","ĠTI EMPO","Ġrecicl ados","in vesti","Ġsobre car","Ġcorri ge","Ġbrutal mente","Ġinago table","Ġp illado","cle tas","ĠLi dia","Ġescalo fri","ĠMon ster","Hab lando","Ob jetivos","ĠBron ce","Ġcaer á","ĠFol lando","Ġcarica tura","ĠLu cia","ĠÃĵ pera","ĠCi U","ĠKn ight","ĠDiá metro","Ġparal el","a torial","ĠC undinamarca","ĠCon tras","Ġplas m","cual quier","à ®","Ġt Ãĥ","Ġexten sos","g ivers","Ġresta urada","bil los","Ġflo te","Ġno toria","eb io","ĠFal cón","Ġlú dica","Rob erto","tur alidad","Ġllam arnos","ĠNoc tur","ĠBo das","Ġmarc aba","ab ria","Ġ15 1","Ġilust rador","Ġembaj adora","Ġrepres alias","Ġans iosos","Ġcu tánea","ma de","Ñ İ","ci dez","ĠTal ento","Ġdelic tiva","uev amente","ĠIn mediatamente","Ġgla ciar","ĠBang kok","Ġinsól ito","man d","Ġmer ecer","Ġregular ización","Ġroj izo","Ġanh elos","Ġebull ición","Ġmercado tecnia","Ġinclus ivo","Ġtard aron","h ome","st ad","Ġ14 1","Ġregul able","Ġca uces","Ġvalor adas","Ġcontribu irá","Ġun ic","Ġtra gos","Ġadap table","Ġglob alizado","Ġtermó metro","Ġsocial dem","pas s","dra ma","Ġpos a","ĠCon forme","ĠCon ozca","Ġprem ia","Ġprom uevan","Ġpro hibiciones","Ġmos que","Ġdivers ificar","pl y","Ġdesaf ortunadamente","ĠA rel","Ġocur rida","Ġras o","Ġobserva torio","ĠTron os","Ġper gam","ĠY am","ĠK ol","ĠSuper copa","Ġmemb ranas","Ġnet amente","Ġem ana","Ġcomb in","Ġinsec to","cóp ica","f uerte","at z","ĠStad ium","ĠLic enciada","ĠAlgo dón","c ora","Ġen anos","Ġmay onesa","Ġseman ario","Ġcome di","ĠHear t","ment ales","Ġaten dieron","Ġadjud icó","ĠM R","ĠL enovo","Ġapar ta","Ġparticip amos","Ġsi ervos","Ġpe ñas","ĠCan dida","Ġinstrum entación","Ġdelan teras","Ġest rÃŃas","ĠAle jan","Ġren ales","Ġrap idamente","Ġjurisdic ciones","Gener almente","Ġno do","ĠDe i","Ãģ l","Ġtraslad an","ĠPRO MO","Ġmarch aron","ĠbÃŃbl icos","Ġtraga perras","ĠS UR","Ġ ½","Ġmun iciones","ĠRo ta","Ġviol entamente","ĠBoy acá","ĠIk ea","ĠLleg ada","ĠINDUS TRI","Ġespos os","ĠLes bianas","ĠMarsh all","ĠCon sider","Ġk W","ĠComun ión","Ġdep risa","guen za","ĠNer uda","Ġemb os","Ġlanz ados","Ġast ros","ĠLuc a","ĠCÃŃv ica","Ġdu alidad","ES TA","ĠDol ce","Ġecuator ianos","ĠVolun tad","Respon s","ie tas","Ġsub di","ĠL IN","ust ra","Ġcaball erÃŃa","Pal abras","' :","Ġas oma","Ġautor re","Con forme","Es p","Ġsac arse","rad io","Ġconsist irá","Ġceb ollas","Ġdeli rio","ÃŃ bar","ĠD N","Ġserv ÃŃan","Ġgri taba","ĠMir ador","ek w","Qu iere","Ġfilm ación","pot ente","ĠAU TOR","ust itu","Ġcar gan","ĠCon ceptos","gra cia","end ÃŃan","Ġexam ina","S ánchez","Ġne ona","Ġplan illa","ĠCN E","ĠDIS TRI","escol ares","n ivel","ñ en","ĠP ea","Ġho use","Ġquie to","Ġpredetermin ada","ĠG rin","Ġco jo","Total mente","Ġtra z","pl á","ĠR ig","Ġpen alización","Ġesco peta","Ġóp ticas","ia go","ĠI a","ĠV IDEO","ĠGra ce","ĠNUE VA","La ura","net t","Ġacerc ándose","ucal ip","Ġmal las","âĻ ¥","EN OS","Ġencar gos","Ġenseñar les","ĠIra q","Ġmatrimon iales","Ġmetaf ÃŃsica","ĠTesor erÃŃa","ĠP ON","Ġcumplim entar","conoci do","Doc tor","Ġvergon zoso","ĠJ OR","Ġaprovech e","ĠVe ge","ĠFil ms","Ġpeda go","Ġhob by","Ġb ichos","pec tivas","Ġtranspor tista","Ġqueb rada","di ci","ĠB ik","dan t","Ġedi les","Ġasal tos","W orld","Ġcont adores","Ġem ba","Ġpareci eron","prim era","ĠDonos tia","Ġpol en","ene as","Ġexcl uido","ĠBa ker","mer cados","Ġpuntu alidad","Ġdiscur s","pens ación","iéndo la","ĠCis neros","Ġtos tadas","ĠNazar et","Ġcor pus","ĠCor án","ĠPas ado","ĠDomin io","Ġrepetir se","Ġpól izas","h m","wa ter","Ġdespro teg","u ja","Ġin tran","Ġal is","Ġma que","Ġnum érico","ĠCastel lanos","Ġoblig ando","Ġlanz ador","ĠFabric ado","Ġesmal tes","ĠV oc","Ġemp adron","Ġve to","ĠMc Donald","ca y","no ticias","so ft","Ġindividu alidad","ĠEstratég ica","lo v","um iendo","Ġlav adoras","Ġescrúp ulos","B enz","lan to","ĠAl mirante","Ġcontr al","Ġcar gadores","Ġalimentar ias","Ġenajen ación","l istas","ĠSh are","b ilidades","i ola","Ġi dios","je fe","ĠInf ante","Ġdespren den","Organ ización","Ġalfabe tización","ti ño","ĠP áez","Ġj ack","aba t","tis a","Ġbo letas","Ġ20 8","Ġcompa g","Ġm ist","Ġre patri","Ġju da","Ġjug abilidad","ĠGal ileo","ĠTemp eratura","Ġhun dir","educ ación","ich es","ĠEspañ oles","Ġinédi tas","Ġeyac ulación","Ġhipote caria","ra ma","Ġfuer as","aste iz","Ġdepre ciación","ĠGendar merÃŃa","M ENTE","ĠNav arre","Ġtes ts","е л","Ġdesesper adamente","Ġpa ñal","ĠNa k","ĠTur ÃŃn","Ġquirúrg icas","Ġsobrena turales","Ġver ter","ĠSi ri","ĠPo drÃŃamos","Gran ada","Ġeng ras","ĠMarcel ino","Ġb iber","Ġesta fas","Ġad icto","Ġemb elle","ĠQu ick","Ġcomport an","Ġintentar emos","Ġardu a","Ġri e","Ġinteres ó","Ġzo ológico","te k","Ġcre zcan","Ġpos ada","Ġcambi arse","Ġcambi aria","Ġenfoc arse","NO VA","Ġlej anas","Ġcriptom oneda","el berg","Ġcal culo","Ġresca tados","ĠFol k","qu ote","Ġhor rores","ĠPubl icación","ĠCom ités","Ġllam é","Ġà Ĺ","ern el","ĠRes urrección","Ġap og","Ġdis identes","Ġtrans ita","Ġescol tas","Ġale a","Ġinquie to","ĠOBJE TIVOS","C omb","Ġpes te","ĠDes as","Ġautor as","Ġolvid ando","Ġmanifes tando","Ġprolon ga","pue den","Ġrev ocación","Ġcolor idos","Ġcri ollo","ĠAut ingo","ĠFu imos","Ġpar alización","Ġcan ce","Ġtr ue","Ġcontro vertido","ĠEmpren dedores","ĠMod alidad","Ãģn gel","ĠW as","Ġdist antes","Ġadvers idad","un ión","ĠExc mo","Ġso u","Ġnecesitar ÃŃa","Ġnecesit ábamos","A gu","Ġmil ÃŃmetro","Ġprefer ÃŃa","Ġadic tos","D ÃŃas","æ ĸ","ĠV IC","Ġparlam entarias","ĠP lante","Ġfor jar","Ġavan zaba","Ġdese adas","Ġneoliber ales","B anco","fic ción","Ġneutr alizar","Ġpoem ario","Ġmudan zas","ĠE cha","Ġ ±","ĠProcur ador","P rueba","Ġpe dest","Ġdemocra cias","ĠT eles","af e","ĠPsi quia","V eo","ar cado","on ar","Ġin duc","ĠT il","Ġlav arse","Ġtopo grafÃŃa","ran io","ĠR ell","01 1","ĠPar tners","Ġestim ados","Ġinfin itos","ĠEqui pamiento","Ġadvir tieron","Ġtim idez","ĠConst rucciones","| -","Ġconfun den","Ġtraspas ar","P l","Ġgeométr icas","di je","ĠT oc","ĠW im","Ġequivoc ados","ĠVar sovia","se d","bi ologÃŃa","ĠW inter","Ġbus iness","Ġmer ma","ĠNa tación","Ġvir ales","Ġproporcionar le","ĠTrop ical","o le","Ġsu bre","Ġinci enso","direc cional","Ġmultimillon ario","Ġdeduc ciones","ad ÃŃsimo","ĠA partamentos","Ġasist imos","Ġdetec tados","Ġcondol encias","an z","Ġb rechas","Ġdesvi ado","ĠMan ufac","Ġmateri alizar","Ġgal leta","Tu vimos","EX O","di ana","Ġconec te","Ġquedar an","Ġflo ja","Ġmaquil lar","c co","ĠM og","ĠF S","Ġ19 21","Ġsos tén","Ġentren ados","organ ización","e valuación","ĠD ó","ĠR EL","Ġinform arte","tific ada","Ġatra ÃŃdos","Ġdes dic","ĠB OR","ĠG la","Ġlan cha","tán donos","ém icos","tr ÃŃas","Ġesper ó","gram ación","Ġprosegu ir","ĠHab ilidades","its ub","ĠAdul to","ici sta","Ġalej amiento","Ġdesaperci bida","ĠO ra","av es","Ġpresion e","ĠA K","em éri","Ġpreten dÃŃan","xx x","Ġnar raciones","Ġadmir ado","n ell","ĠG ent","Ġabrir án","ĠJud á","Ġrealiz as","Ġanticip ó","Ġencer rados","i dió","ĠA quiles","Ġale tas","su p","Ġimperial ista","ĠAl t","Acu erdo","Ġheb illa","p ack","10 4","Ġacor tar","Ġsobreviv e","Ġatropel lo","Ġtó rax","c ers","m adre","Ġre ceso","ÃŃa ca","Ġres guardar","inos as","ĠBo ur","dios os","Ac ceso","Ġpresi dió","ĠLar ry","un tes","Ġdescon ocÃŃa","Ġ% ),","Ġbip olar","Ġp itch","Ġmelo co","ĠA yo","Ġpropon ÃŃa","Ġpronunci ada","ĠAce vedo","ĠBla ke","g á","Ġre es","ĠM IG","ort on","Ġlingü ÃŃsticas","Ġva go","Ġprove en","an gu","Ġano tado","Ġchu pa","re loj","ĠPaul ina","ĠNorm an","ĠProp ie","ĠS ana","ral o","Ġmulti fun","Ġdescubrir á","ĠTorre vieja","ĠÃŃ tems","Ġs tu","ñ iga","Ġni tidez","Ġcorreg ido","gra tis","Ġidentific amos","ĠLim ón","J ack","U su","it res","Ġk now","Ġcompr arse","Ġball ena","Ġtor tas","ĠBer na","Ġtransport adora","ĠS tella","ĠK ay","ĠOh io","H ern","Ġest es","ĠV M","Ġconsegu idos","ĠPas co","ĠOl ivos","Ġconcluy eron","ĠIn d","ĠEste la","Ġsa gas","Ġauto did","Ġmundial ista","Ġescand ina","ĠMa xi","Ġdefin irá","Ġelim inada","ĠN AS","ĠGal indo","Ġauton ómicos","ĠMag isterio","Ġinneces arias","ĠGuan tánamo","T re","g ales","ĠG ira","Ġcons iente","Ġlic ores","Ġsobreviv en","Ġta pones","Ġbailar ÃŃn","pro tección","Ġara ñas","Ġderma titis","Ġc ia","ĠIn teg","Ġfil tra","Ġsilen cios","ĠVia gra","C aja","ĠM ama","ĠDes eo","Ġobliga toriedad","ĠBre ve","Ġpad rino","ĠCop yright","ĠS enegal","ĠM illones","ĠMac ro","ĠCambi ar","f ruc","Ġe che","ĠD emos","ĠDen is","S ociedad","Ġres iduo","ĠMa tu","Ġinvesti gue","ĠRos ada","Ġrem or","ĠGén ova","un ga","ĠT AM","Ġw ay","Ġmon tó","ĠCN C","ĠFron t","Ġmasaj ista","D U","con ec","Ġvar illa","Ġopinión Respuesta","ĠNO TI","Ġauton omÃŃas","Ġpal oma","and ora","Ġauto psia","Ġsome tió","Ġredac tada","ĠO M","Ġcer tifica","Ġon ub","end y","Ġexpe diciones","plan ta","Ġapres ur","ĠSEG UN","Ġacepta bles","Ġdac til","' '.","ver ano","Ġjug aban","gar te","ĠX peria","ĠCro w","Ġrevesti mientos","Ġobse quio","ĠV ib","Ġne tos","Ġinv itando","Ġcompar ta","Ġinval idez","Ġemp at","Ġpró fu","C ri","Ġsist émica","viv e","Ġsustitu yendo","N ave","ĠA val","а ÑĢ","Ġo pa","ĠF rÃŃas","Se is","Ġtab erna","Ġes mero","uc ky","Ġten so","G ir","Å Ĥ","Ġab eja","Ġmar inero","Ġconclu ida","ĠA eronáut","IM E","Ġimpac tado","ĠAcci dentes","Ġ19 13","Ġdesac redi","Ġoff line","Tex to","ec ón","ĠAl quil","Ġinici ados","ĠpsÃŃqu ico","el an","ĠF DA","Ġconlle van","- ;","V arias","ve jecimiento","ĠFran çois","gara y","Ġciruj anos","Ġinmortal idad","Ġe ternos","Ġimplic ada","Ġdestru idos","ĠSU B","Ġsuspen de","Ġhúme das","g iro","Ġimp ago","Ġfor ja","ef ore","ĠPrincip io","j uego","ĠP EL","Ġpe gados","Ġk on","ĠPR INCI","Ġperjud icado","Ġcurric ulares","Ġi manes","h z","ri ana","ac le","pe cia","Ġinter cultural","Ġpan ameño","Ġsac as","Ġfer re","Ġasalari ados","Ġimper cep","ĠDOC UM","Ġdes min","Ġinc uestion","ĠFil ologÃŃa","S ign","mo grafÃŃa","ĠVig il","Ġrecopila torio","ola zo","tan era","Re quisitos","ĠHer moso","Ġatender á","ĠIns ular","ĠPer formance","Ġpremi ación","Ġaceler ada","Ġaliv ia","L ima","ĠAr duino","Ġcomunic adores","itsub ishi","j j","ĠCar b","ĠSelec cionar","Ġbronce ado","Ġtard ará","prim er","ĠW ine","ĠAman da","c ue","Ġar ándanos","uro este","ĠEsc ort","Ġrefle jados","Ġmediocamp ista","ĠC iber","Ġpor tón","ĠFlor entino","Ġac up","Ġter givers","Ġdescomun al","Ġsuperá vit","Ġd r","Ġconv ulsiones","ĠCor doba","): )","Ġaust rÃŃa","BO E","Ġremun eraciones","Ġboc adillos","Ġna ciente","Ġcomprobar lo","Ġanaliz ará","ĠChan el","Ġúl ceras","N Y","ĠP ig","ĠDes pe","ĠAb or","k un","Ġs ha","Ġinf usiones","ĠRe x","ĠPor tillo","Ġdescrip tivo","ci d","Ġcent ÃŃ","ĠDes pues","Ġoblig aba","ĠN eb","Ġcomp uso","Ġgust ando","Ġrel ámp","Ġayudar los","Ġmultiplic an","en ga","Guar dar","Ġfor zadas","ens is","Ġadj untos","R uta","ĠB le","Ġâ Ĺ","ĠSecre t","fal ta","Ġegip cia","i jas","ĠD oy","ĠMad uras","Ġdisfru té","Ġgobern ación","ĠFis calización","l aban","Ġos tent","ĠHar rison","W ork","Ġp ésima","Ġesp ÃŃas","ĠInf anterÃŃa","Ġaconte cido","Ġe a","Ġgu a","Ġpare jo","Ġasoci arse","Ġpertin encia","Ġde tienen","ter ap","ĠCo t","Ġidentific ando","ĠBra va","w ig","ten idos","Ġaf ÃŃn","Ġinver so","ĠSil encio","Ġper ito","pa per","Ġplas tico","Ġperpe trado","ĠFÃŃs icas","ĠEp iso","J ames","i dia","ĠO MC","dar ias","Ġfal to","Ġpi que","Ġartic ul","Ġsobreviv ió","Ġsofist icación","ĠAran juez","ĠHonor able","p ando","Ġcu ent","ĠD jokovic","Ġla ca","Ġtermina ciones","Ġob vias","Ġininterrump ida","f amilia","j ante","Ġsepar ó","Ġech aron","Ġaquél la","ĠExp lo","ĠPay pal","ĠPe tr","ĠOrgan izador","Ġdivi didas","Ġnó minas","Ġjesu itas","i ques","Ġ ue","ĠQ i","Ġautor itario","Ġesfuer za","Ġdevolver á","Ġenferm eros","Ġnarcotra ficantes","v ano","Ġap uro","ĠCan tá","V ive","Ġconde cor","Ġrectán gulo","Ġllegar emos","Des af","Ġaband one","Ġprosper ar","chan dis","fer ence","Ġelec trol","ĠSen adores","ĠTem er","Ġsocor ro","Ġpancar tas","Ġdes or","Ġvan idad","Ġconver tÃŃa","Ġdesin formación","Ġprefer imos","ĠLU IS","M ichael","å ½","ĠB IO","Ġap uesto","Ġclas s","Ġeduc ador","ĠProduc tores","Ġmatric ulados","Ġp ú","ra cial","Ġlos a","is ario","Ġex ca","Est ra","ĠTor rent","Ġmiti gación","P adre","ĠDes per","ĠBol sos","Ġacu áticas","ĠEmple ados","Ġco financi","Ġus é","Ġdefini tivos","Ġech aba","ĠTS J","ĠMemor ial","Ġproduc cion","ĠCO P","Ġpan tano","Ġinmun itario","Ġreorgan ización","er ing","Ġinterac tivas","ĠExpe diente","Ġver tido","pec tivo","Con sider","Ġperio don","Ġatacar on","Ġcab ras","Ġide ológicos","Ġir on","ór mate","Ġrefer endo","Ġcristal inas","Ġfic ticio","Ġdor sales","Ġwa ter","ĠB é","Ġinf anterÃŃa","ĠZe us","Ġmercad illo","Ø ª","Ġartic ula","Ġmis il","ern er","Ġfl aco","ĠAplic ada","Ġplus valÃŃa","Ġesfor zarse","ch ita","Ġmedi rá","In g","rag ma","Ġileg alidad","Ġchampi ñones","bi ble","Ġvis cer","Ġpel udo","Ġdif ieren","ĠMo vil","ĠWh it","Ġcoher entes","L oc","ĠRe vel","Ġá pice","Ġ16 1","Re v","Ġcuestion amiento","ĠCo quimbo","Ġinyec ciones","war z","f la","Ġal ero","is ca","ĠN OMBRE","ĠMin ero","Ġren con","Ġcomunic ada","ĠTol ima","Ġ é","Ġdes qu","Ġex ija","ie u","Ġpul gada","ĠCap itan","Ġintelec to","ĠLim itada","Ġpara ÃŃsos","ien zo","Ġme tieron","Ġamena zados","ĠSnap chat","Ġsi to","ĠW right","Ġproyec tan","Ġins ospech","Ġpractic antes","Ġadver so","Ġreh enes","ĠS PA","ĠU B","Ġintegr ó","Ġan alizadas","M úsica","Ġlle gues","ob s","Ġ: -","Ġdesin stal","Ġconmo ción","C T","ci co","Ġinstal ando","Ġdepor tación","Ġlavan da","en demos","Ġal érgica","Ġcor dura","vi es","Ġpu gna","ĠAu gust","Ġreca uda","éut ico","Ġcontempl adas","Ġentre gamos","los ión","Ġpe gue","Ġpi des","Ġ17 6","Ġllan ura","Ġcosmopol ita","e ira","Ġc ana","ĠK ings","ĠCR IS","ĠC osa","Ġal us","Ġto billos","vi ada","ĠPon tÃŃfice","ĠEstu ve","Mus eo","Ġclan es","ĠOdon tologÃŃa","k ara","Ġhon da","Pro tección","am er","Ġimp une","Ġvendi mia","Ġtol dos","ĠP ist","Ġtu yas","Ġhaci éndole","Ġvehic ulos","Ġcondi ciona","Ġdesa tado","Ġtriun fal","ĠBo tón","Ġtem ÃŃa","Im ágenes","ĠCh ang","AN TIL","ĠBol as","ĠMel bourne","Dep endiendo","Ġy ugo","Ġdeb utar","ĠAu top","Ġcontribuy eron","ĠCL AS","tr alidad","gar an","ana ir","Ġsobre v","Ġmil la","Estu ve","r inos","hor as","ĠInte gra","g b","ĠP ará","Ġ15 4","ĠRol dán","Ġenfa tiza","Ġno tan","ĠPeque ños","Ġf ito","cin i","ĠGran ma","Ġmezcl ados","ĠOliv ares","U stedes","Ġconside ras","Ġce pa","Ġamp ollas","Ġalf ab","ĠCic lismo","ta ts","cre ar","Ġtem ible","Ġorigin an","hua ia","j aban","CA T","Ġfér rea","ien de","Ġac tora","vent as","Ġejecut adas","Ġramp as","Ġguardi anes","ĠEVAL UACIÃĵN","ici ados","Ġañ or","Ġsuminist rados","Ġcatalog ado","Ġv ene","Ġg ara","Ġpermi timos","ĠRo jos","Ġenseñ arle","ĠXX III","Ġdro gad","Ġcalib ración","P ED","W ashington","Ġbon us","Ġsú b","ĠAbs olu","Ġpol vor","teg ia","tán dome","Ġimpuls adas","Ġdespe didos","Ġconfies o","ĠP OP","ĠJ á","Ġcri ados","mac ÃŃa","ĠTrad uc","Ġutilizar emos","Ġdesc endido","Ġpers isten","Ġahor rando","ĠOri huela","Ġsobrepas ar","Ġreval or","ĠPosi cionamiento","Ġso pla","Ġma za","ĠCon ferencias","Ġins ol","men u","Ġcontras tar","Ġfat ales","Ġre ven","ten iendo","Ġcal ab","ĠAc ab","Ġpen se","Ġprestar le","Ġexp ir","ĠÃī stas","Ġcre dencial","Ġ15 8","OR IA","ĠBuen aventura","abil izar","ĠBien venidos","ĠY uri","Ġsuces ivo","Ġhablan tes","Ġcon n","Ġper icia","go o","éc til","ĠCer ra","Ġdifun de","Ġguard ada","ĠConoci mientos","âĹ ı","Ġcontra parte","Ġproyec tada","Ġconvertir la","Ġclasific adas","Ġnut rido","Ġalo e","Ġcan teras","ĠS cra","Ġconserv ados","Ġempren dido","Ġstre et","Ġpens ionistas","ĠPar ada","ĠDie ta","Ġapetec ÃŃa","Ġcar to","Ġcontra tiempos","Ġinv ocar","Ġregres ará","con form","Ġliber arse","Ġengan cha","Ġintermedi as","Ġcatol icismo","c antes","ĠA viv","ĠM asa","Ġcas uales","Ġgas e","Ġoper adoras","ĠSan chez","ĠMac arena","Ġacop io","Ġrelu cir","ĠI TV","Ġade m","Ġsub vers","Ġcamar eros","X I","Ġespec ular","Ġcub rió","Ġpreval ece","---------------- ----------------","Ġblue tooth","ĠMon tilla","Ġdetermin aron","Ġgestion an","Ġgradu ó","Ġcompañer ismo","L IO","Ġale ator","Ġdesin fección","Ġaco tó","Ġdeclar adas","Ġinspir adas","Ġconf iden","Ġcontes to","ĠTre k","Ġp ór","ĠD ada","Ġquedar ÃŃan","âĢĭ âĢĭ","Ġañadir le","ĠAlex a","Ġmiser ias","om entar","ĠN H","ĠN IF","Ġfor zos","Ġresolver se","ĠGi puzkoa","Ġescap adas","Ġpasar me","Ġmoder ador","Ġargument al","T ran","Ġautoma tizar","ty pe","Ġdiagnostic ado","ï Ĥ","st yle","Ġpro posiciones","Ġte tra","Ġco fradÃŃa","Ġgu apos","Ġhistor ieta","ĠTri ana","ĠSu ma","Ġdefin iendo","ry s","lick r","Ġà ¼","ĠAir bus","Ġdemo gráfico","Ġprecar ia","Ġretros pectiva","Ġco ck","Ġincl inado","ĠAmb ros","ĠTeléf onos","ĠÃŃmp etu","N uevas","in n","ĠS ól","ĠN IV","ez er","ĠVir us","Ġimprev istos","Ġimparcial idad","A z","C ur","W al","Ġven cida","ór denes","ĠSy dney","Ġambi güedad","Ġdebil itar","Ġa tin","ic ua","Ġhab eis","ĠCons igue","Ġdesencaden ar","ĠChip re","A udi","Ġv icioso","Ġcor tamos","con a","ĠCom parte","posi cion","ĠON LINE","ĠJac obo","ĠCol iseo","Ġsome timiento","ĠMinister ios","Ġp ésimo","Ġb élico","us er","ĠIn fer","Ġbomb o","Ġcontribuy a","ch ira","Ġcons igan","me do","Ġinv itaron","Ġpare cia","pe ñas","je tos","Ġbeneficios as","j ana","Ġle trado","ĠIn teriores","tur ados","Des pues","pro vin","Ġrema tó","Ġposibil itar","Ġde bi","ĠP B","eb erg","ĠFlam enco","ĠEncan to","Ġf ortun","qu ivir","Ġdes via","ĠD um","Ġcolor antes","Ġocul ares","Ġdecepcion ante","ic eros","Ġh ilar","Ġper verso","cra ft","ĠHill s","Ġpostul antes","ĠIo T","Ġcompar ables","Ġhip no","Ġcontradic torio","Ġcar acol","Ġ- |-","Ġprome dios","ht m","Ġprobar la","ĠL ub","Ġcre mosa","ĠF IC","ĠK O","17 0","fun ction","Ġradi ador","Ġrecam aras","Cual quiera","Ġt iernos","émon os","Ġorques tas","Ġv or","ĠAma teur","ĠRece p","u ran","v ios","ĠAc tivos","ĠPel u","Ġdef unción","Ġobje ción","Ġenga ñado","Ġencabez ar","ĠCard ona","Ġergon ómico","ĠclÃŃ toris","Ġprofesion alización","Ġsex ys","ĠGu i","ĠPal om","Ġma trices","Ġcabeza zo","Ġá giles","Cu mpl","Ġencar nación","Ġlim itarse","Ġdem oras","Ġanal ógico","ĠART ÃįCULO","Ġfoto gráficos","ĠARG ENT","Ġeso t","Ġapun tal","Ġdefens ora","ĠInst rucciones","g all","Ġcomp endio","ĠMED IO","Ġhondure ño","Ġh uyen","ĠEs panyol","Ġtri dimensional","Ġredes cub","ĠLib rerÃŃa","Ġpatin aje","ĠFac tores","Ġkil ometros","pa ciones","tros is","gg y","Ġv isten","ĠS B","Ġempu jón","Ġtu ite","ĠCh atear","Ġatre vió","b et","ĠM ell","ĠV emos","ĠCy ber","Ġgran el","Ġu k","ĠSol ano","L or","ric ular","Ġve ia","Ġast ral","s itu","u ru","que ña","ĠS uelen","Ġestudi ada","Ġloc alizadas","Ġses ion","Ġinfluen za","dif usión","Ġirrepe tible","Ġbas ÃŃlica","Per io","Ġempo trados","Ġdiscapa cidades","Ġdri ver","O k","ó grafos","Ġv ales","Ġcorrespon derá","AT RO","Ġmecan izado","Ġpavim entos","pon gamos","ĠEsmer alda","ĠaudÃŃf onos","um nos","Re ino","Ġenter rados","Ãł n","ĠBor is","ti k","Ġinter vent","Ġpers istentes","Ġcomenz ara","Ġincompati bles","b rico","v ens","z um","Ġinter mit","ĠNe um","Ġreducir se","Ġregul adas","á »","Ġdi re","Ġso ul","ĠDal ÃŃ","ĠTable t","ĠK iko","ĠMas co","Ġfals ificación","ĠPrést amos","Ġfron tales","Ġprevent ivos","ĠP len","19 80","Ġconform es","ĠSte fan","ç ão","cu mpl","mb olo","Ġlogr ados","Ġhabl ábamos","Ġotor gue","h aca","er ales","ĠR uf","ĠLa Liga","ĠBlog s","ĠU M","Ġra tificar","Ġpl uri","Ġacab ada","Ġprior itarios","ĠAsegú rate","ĠE y","ĠW an","Ġhos t","Ġportu aria","Ġcep illado","Ġpersi ana","VEN CIÃĵN","H R","} ,","Ġas ia","cent aje","Ġdesign ó","Hab lamos","ĠIll inois","Ġfash ion","J ef","ĠCon ces","Ġgu aran","Ġinstal ará","tia gu","Ġeconom ico","in encia","Ġun irá","ĠDe pende","Ġserv il","ĠtÃŃ teres","Ġrecibi miento",". âĢľ","ig ente","Ġqu al","Ġsobre vol","ros t","ĠIl les","ĠSel ena","ĠKan sas","Ġresol viendo","N ar","Ġvi tivin","Ġdisfru taba","Ġlic enci","ĠPeru ano","Ġnarra tivas","ĠMinister ial","tra je","ĠFer rovi","Ġht ml","Ġ15 7","cin go","Ġhun de","Ġe S","El im","Ġagres ivas","Ġclasific arse","Ġen domet","do g","Ġ( '","ĠMar isa","ĠFor bes","Ġpermanecer án","Ġbar an","ĠCD s","Ġcorrob orar","Ġp isto","ñ ando","ĠHer aldo","Ġsum ará","Ġtocar on","ĠDiam ond","ĠPl ana","GO ZA","Ġacord ada","Ġmerca derÃŃa","Ġfotó grafa","Ġyar das","ĠH z","Ġmode lar","Ġbusc ados","Ġasi áticas","Ġsensor iales","Ġactiv ada","CION ALES","Ġrecord ará","Ġcabil do","ĠPer ros","ĠPre fer","ĠR ene","ij ada","Ġcom ente","Ġal iada","Ġver edas","ĠAn da","Ġgan ch","Ġt ia","Ġper dimos","Ġch apas","Ġcap ta","ĠMor ón","Ġconoc ÃŃamos","Ġintervin ieron","ÃŃ cl","Ġretra c","áce a","Ġreplic ar","chandis ing","y p","Ġ19 16","Ġconec tará","Ġcomerci alizan","Ġhojal dre","ĠK iev","IS TAS","Ġrendi do","Ġhabita cional","Ġporte ña","Ġc resta","Ġa e","ĠG ue","ĠBar ber","Ġunivers os","Ġplas mado","Ġrepercu tir","Ġde ste","ĠSi go","ĠPres ión","Ġconstitu irse","Ġde i","ĠE RE","Ġper pendic","gos a","Ġ ç","ĠF rom","ĠSe as","ĠAn teriormente","Ġalcohol ismo","om la","ĠE ur","ĠL oma","ues o","Ġpre cal","Ġma quetas","Ġexp usieron",",, ,,","A van","ĠY i","Ġanunci ados","ĠWa gner","Ġpersecu ciones","Ġac uda","IF E","ĠTE MA","Ġmedi anamente","ĠMo le","Ġnecesitar emos","Ġubica cion","ĠSoc orro","Ġdra mas","ĠBor bón","Ġox ida","H on","ĠM AP","Ġéx odo","Ġlevan taba","Ġinver ter","ĠMc G","Ġresign ación","ar ás","hi jo","Ġsolid arias","ofici ales","ién donos","Ġbel lezas","Po drá","Ġrefor zando","des ma","Ġdipl omas","Ġabo ga",") {","ques is","Ġeduca cional","Ġconoce dores","fre y","Ġporta til","Ġsecues tr","s ac","u ge","Ġdespre ocup","Ġprecur sor","ente l","ga y","ĠOr to","Ġres tan","Ġcent rará","ĠPla yas","Ġreli quias","v ÃŃdate","ĠH igu","Ġhab ida","ĠCh uck","ĠSab es","f ÃŃ","lo te","Ġme xi","Ġcar tÃŃ","ĠCh anc","Ġpros igue","Ġllen aron","v ad","un didad","ás emos","Ġex ministro","lic h","Ġlu juria","ĠCom para","Ġtar get","ĠPRO CED","Ġcinemato gráficos","ĠLore to","Ġen ce","Ġal fil","Ġper n","Ġlu ciendo","Ġrep lica","Ġz orro","RO M","pro yectos","Ġpreocup aba","Ġran a","Ġch ul","Ġfran cos","Ġrepercu te","Resul tados","H el","× Ļ","ĠS kin","ĠWill y","Ġpotenci ando","Ġd vd","Ġcor ales","Ġcontam inado","Pon te","ĠBene de","ĠFUN DA","Ġsuje tador","ĠLuc es","Ġadvers idades","ĠBill board","R en","Ġhun dido","Ġcodi cia","Ġhuérf anos","m ur","Ġ.... ..","Ġdemo le","Ġpincel adas","Ġpre pago","Ġ19 05","ĠCor pus","Ġdespe jada","Ġatraves ado","Ġgeográ ficos","ĠDecora cion","l doras","Ġg omas","Ġautomo tor","ĠSie mens","Ġgolpe ando","Ġembar car","Ġsustan tivo","Ġac ervo","ĠV ara","Ġval ida","Ġlág rima","Ġjefa tura","Ġabrum adora","Ġe ficientemente","ĠUltima te","Ġestar ia","ĠMo tos","Ġesfuer zan","Ġvigil ia","Ġbau tizo","Ġdiagnos tico","de an","Ġv ora","Ġer gu","Ġtransgén icos","u ki","Ġcu ña","ĠEs que","ĠGran t","Ġconsa gra","Ġservid umbre","Ġc esa","Ġven enos","ĠCa te","Ġpolar ización","Ġsincron izar","G ER","Ġparti tura","Ġvir gin","Ġdescon cierto","ĠDoc trina","Ġcardi aco","ĠColl ins","Ġm eros","ĠT OP","ĠCol aboración","Ġmultic olor","ti ques","Ġmagn éticos","Ġconstitucional idad","ĠCaj amarca","ĠE ye","ĠIn quisición","Ġconocer ás","Ġreempla za","ĠPY MES","ĠVallec as","Ġsu cción","no do","Ġavis ó","ĠF RE","Ġsegu idora","Ġcer raba","ĠPol icial","Ġnie go",") âĢİ","ĠC MS","ĠI ri","Ġpal etas","Ġ18 9","Ġexplic arlo","Pa ÃŃs","ĠAll á","Ġperon ista","N ingún","Ġle ÃŃdos","Ġrep ens","fi ti","Pro por","er tura","Ġconsolid ando","ĠEv ento","Ġbuta cas","ti fique","ĠC ulo","Ġ19 15","ART ÃįCULO","Ġgrav amen","Ġame trall","Ġpe go","Ġ19 04","Ġtal ad","Ġabandon adas","Ġic ónico","direc tora","Ġvers ÃŃculo","Ġtodo terreno","Ġmé xico","ĠInvesti gadores","Ġdestru yen","Ġgasolin era","V ida","ĠC T","iz aban","Ġan ula","ĠH OS","par eja","Ġpla tó","Ġidén ticas","is imos","ĠK ia","Ġhospital arios","Ġco incido","ĠCh ir","Ġpredetermin ado","h ombres","Ġv uelan","car ra","Ġcin éf","lu z","ĠCamp bell","Ġinalámb ricos","ĠProf eta","M iemb","di la","Ġin ven","Ġ19 08","ĠPul se","ĠNave gación","Ġtuvi éramos","ĠCa ñada","Ġmig rar","ĠEspecial idad","Ġcog ÃŃ","Ġencom ienda","Ġpre dicación","Ġbrin de","ĠYu gos","ĠCOMUN ICACIÃĵN","Ġhaza ñas","Ġeslab ón","Ġc iv","Ġch oca","Ġincl ina","ĠBa tista","fos is","Ġnico tina","ĠB av","Ġcam illa","Ġvalor ará","ĠCul turas","ĠDec ano","Ġpredomin an","zyn ski","ĠT ome","ĠAjust e","C K","pe ace","R osa","re ad","Ġop ino","Ġsob rante","ĠDown load","Ġrelajar te","Ġestero ides","Ġapog eo","ĠF lan","im ática","Ġson oros","fer son","ĠClÃŃn ico","ĠN ab","Ġfi tos","Ġbril los","Ġv idente","ĠR it","ĠBu ff","Ġtrage dias","Ġf ritos","Ġof fice","Ġvi ables","Ġcircun ferencia","ĠMap uche","o blig","Ġo yente","ĠC IV","Ġgri fos","Ġjuz ga","Ġpon iéndose","Ġasc endido","ĠWal king","Ġmand ando","Ġrecip ro","Ġinfluen ciado","ti zos","Ġse gregación","Ġmis iva","Viv imos","mi to","Ġvia jas","Ġsubmar inos","Ġarag onesa","Ġresil iencia","Ġte jas","Ġestá tico","ĠAC TUAL","V ista","oci n","Ġcap tado","Ġbal sa","Ġambient ado","Ġbil ingü","Ġcondens ación","a un","ĠM ura","Ġdis rup","Ġclima tizada","Ġsobrepas a","ĠLyn ch","n uestra","ĠC TA","Ġne vadas","Ġreal ices","Ġconsecu entemente","Ġneg ando","ĠGlo b","ĠQU Ãī","Ġt rol","10 8","ĠSak ura","Ġc eño","Ġsu ti","ĠA ver","ĠN ix","ĠMon tt","Ġrepe tida","Ġfer ial","Man tener","Ġfotovolta ica","Ġcarib eña","ĠC iu","ĠH acÃŃa","uz n","Ġbil bao","Ġzur do","ĠT rue","ĠN og","tic ales","Ġhialur ónico","ĠP icos","Ġdes gran","Ġten dientes","âĢĿ -","Ġpres untas","endi os","Ġven cieron","Ġpatr ono","Ġarque ológicas","ci es","ĠH AY","Ġmal icioso","ĠGra u","Ġquie bre","Ġcaris mático","ĠNavarre te","ac tu","Ġex ótico","Ġperjud icados","Ġdomicil iaria","Ġentor pec","O jo","on se","ro v","ÃŃa co","Ġcal mado","Ġexper tas","Cam bio","ĠRal ph","Ġjue guen","Ġja que","Ġlujos a","Ġido la","E V","x ica","ĠM eca","Ġpol l","Ġfum ig","n ibus","if o","ris mos","Ġ20 25","ĠCas os","ĠMan comunidad","Ġpartici po","ĠReg la","Ġimplic arÃŃa","Ġmascul inas","Ġsinté ticos","ĠL lano","Ġnego cia","ĠTor á","Ġprovoc ará","Ġrecha zaron","Ġdescargar lo","Ġnav aja","Ġfilm s","ĠpÃŃ ldoras","Ġdo p","ĠK ill","Ġredon dos","pecta cular","\" >","ĠD ID","Pas amos","ĠTem uco","ĠD rag","ĠPa ta","ĠUr dan","Ġm ona","ĠC IS","ĠF ama","ca dena","Ġusu arias","ĠSOL U","ĠAlum inio","ĠIndic adores","C ard","dr ada","ĠDe pendencia","aban k","ĠPRO CESO","o fer","Ġ3 01","ĠEslo venia","ñ é","con serv","ĠIncl us","Ġase dio","Ġplane an","Ġ !!!!","ci clo","Ġ22 2","ĠÃŃn f","ĠOri ol","étr icas","Ġno té","Ġmor almente","Ġinstala cion","Ġflu vial","Ġco fre","Ġtu its","ĠForm as","Ġdemocra tización","Ġinse parable","ve ar","gan eso","ĠSe úl","ĠK ane","ĠNa cimiento","Ġinclu imos","ĠBa ham","Ġpref ieras","Ġencaj an","ĠC d","Ġignor ando","ĠBotán ico","toda vÃŃa","Ġescrib as","Ġcontar les","Ġmostrar emos","Ġmilen aria","ĠEtio pÃŃa","f at","Ġlog ÃŃsticos","Ġdespre ciable","Ġadminist rados","Ġextrem istas","ĠCastel lana","ĠOBJE TIVO","i gua","ĠD H","Ġactu aron","ĠFin ancial","Ġdibu jado","ĠBer me","IV O","Ġpormen or","b ero","Ġin ep","Ġpens ador","Ġradi adores","ĠDetal le","Ġtir ador","ĠEstudi ante","ĠGa udÃŃ","Ġincur sion","ĠF orn","ĠBo da","Ġadop te","ĠmandÃŃ bulas","er ias","IG A","ĠPortu aria","Ġfet iche","Por no","bra zo","Ġagru pan","ĠSIEM PRE","us imos","ĠCas til","Ġsust entar","Ġmetam or","Ġcul os","Ġétn icos","V ie","de ria","Ġprue be","ĠProve edores","pe t","ĠRedon da","Ġosteo porosis","ĠZamb rano","M Ãī","ĠAd ver","ĠPe ñal","Ġast r","C ursos","Ġtrabaj arán","ĠTu pper","Bus cando","Ġsumerg irse","Ġsu cias","ĠR ama","Ġj inete","ĠBar ajas","ĠJu gar","ĠBarcel ó","Ġh é","Ġsin taxis","Ġcent ÃŃmetro","Ġrecal car","bac teri","ad ur","ĠEn ju","ĠCas illas","Ġol igo","Ġmostrar te","om ware","Ġrecur rido","Ġpenúlti ma","Ġpató genos","Ġpre ex","Ġcan cela","Ġcaracter izar","] :","on eta","gu os","Ġba ter","Ġauto car","ĠSud án","df unding","Ġexc us","Ġeviden cian",", ..","s ho","Ġvol car","Ġcontar te","Ġben éf","ĠReci bir","de por","ĠS ES","her án","ĠCos me","ĠMen ción","Ġbach iller","Ð ¹","ĠL I","Ġdic tadas","Ġdest ellos","Ġayud aran","ĠUr quiza","ĠJ ueces","ER TA","IL LO","Ġ= )","Ġtún ica","Ġadhes iva","le tes","Ġpol im","Ġtor tillas","ĠBus que","Ġnin ja","Ġvolc ánica","L ibre","z one","al ud","ĠM eza","Ġ( ?)","if icas","ĠTras tornos","Ġbancar rota","ĠS AM","Ġtra fico","Ġalcan zada","ĠReg alo","ĠGre at","Ġpatri arcal","v oy","ru é","Ġimp ru","ĠPo zuelo","Ġprepar ador","Ġpatr ull","Ġesqu iv","C ierto","y D","Ġen tu","Ġhos tilidad","ĠSte in","m ónica","en ar","Ġvalor ando","ampa gne","ĠMach ine","Ġnavar ro",", (","úbl icas","Ġsa f","ĠAp lica","Ġdesper tador","Pre par","Ġrecop ilado","ne gro","ĠPres encia","OL ÃĵG","Ġsobresal en","ĠAqu ino","ĠB LAN","Ġinter ferencias","ĠEst aban","por tar","Ġsal ado","Ġdesc ensos","ĠTex til","Ġdeci diera","Ġencontr ándose","Ġrestring ida","ĠPh ar","Quer ÃŃa","u terÃŃa","Ġt ÃŃas","Ġro gamos","Ġsinies tra","ĠPERSON AS","Ġcarc ajada","pos ito","ĠCom entario","ĠRos en","ĠSta tion","ĠLGT B","Ġdañ ino","Apro vecha","Ġcaracter izó","Ġcuch illa","G ol","S abe","ĠP BI","Ġdes co","Ġreg enera","Ġobserv o","Ġre interpre","el f","cu idado","ĠGu ipúzcoa","Ġutilizar las","Ġincapa ci","Ġencarcel ados","Ġabsorb ente","da to","Ġpac tar","Ġsemb rado","Ġcorrespon dió","ĠCó digos","ĠS Ãį","ĠR eno","Ġpas ividad","ĠPRES ENTACIÃĵN","Ġcontra produc","Ġplan tado","Ġ16 3","han na","Ġimpartir á","ĠCama güey","o to","Ġglor iosa","j itas","gre b","Ġens eres","ĠMilitar es","én tanos","Ġcam inan","ĠW IFI","Ġconci encias","ĠQue dan","Ġprecis ado","Ġhar inas","Ġneum onÃŃa","Ġafortun ada","Ġescén ico","Ġun isex","ĠN ariño","Ġedi ficar","ĠReb eca","Ġestoma go","Ġcuid arse","ĠCOMER CIAL","ĠZ oo","ĠBa terÃŃa","ĠEstudi ó","Ġestira miento","ĠEdi mburgo","Ġvoc eros","Ġch ill","Ġexpon iendo","tex tos","ĠEchever rÃŃa","E mb","Ġan tÃŃ","ĠJos h","Ġmencion as","Ġdisput an","ĠSust entable","qui rir","pu taciones","Ġgo teo","Ġimplic aba","Ġpavim entación","h ub","or ial","ĠNuev amente","Ġgana dera","ĠArquitec to","b omb","Ġllev aran","Ġdist racciones","Ġquer ÃŃas","ĠElim inar","W indows","Ġob reras","ĠCu entan","Ġvi ñetas","Ġer éctil","ĠFis her","A I","ra za","ĠH ielo","nal do","Ġsuspen se","Añad ió","Ġdescu idar","ĠFun cionamiento","ĠEU A","R ecu","c ario","ta ch","ĠB ID","En tiendo","Ġfra gancias","Ġincons cientemente","C ocina","de ja","Ġ óm","ĠSer ge","ĠON CE","ĠLen non","ĠEduca tivos","f arro","w h","ĠC ues","Ġcomo d","ĠAc tivo","ĠCel este","ĠBlo od","B os","ac tamente","ĠCu rios","Ġpod re","Ġdiferenci ado","Ġdañ adas","Ġfluctu aciones","ĠN ace","Ġcáncer es","Ġreconocer lo","2 30","f ino","Cu idado","Ġhiper tens","ĠBach iller","ale ja","Ġaprender á","Ġsanta fes","Ġpó ster","Ġexcluy ente","R G","ĠV am","GA E","G afas","h ero","Ġcin ismo","pro grama","ff ff","Ġcha pu","Ġparadój icamente","ĠG AN","ig amos","gar t","ĠNep al","Ġquis iéramos","ĠJef es","Ġpenúlti mo","ĠCo ño","Ġpredomin antemente","ĠG PU","Bl ue","Ġesquizo frenia","e ales","Ġb illar","Ġam nistÃŃa","Record ó","A gua","ĠRe to","Ġcur ro","Ġinstal arlo","Ġmovil es","ĠCarre ño","Ġpuzz le","Ġac cionamiento","Ġref rán","ĠDomin icano","Ġcob rará","Ġallan amiento","C ic","Û Į","Ġlament ado","ĠreÃŃr se","ĠTran sex","Ġnova tos","n um","Ġhab iéndose","Ġseñor itas","or ig","Ġenv ÃŃen","i aron","ĠAst uri","Ġsupe di","ci arse","Ġco fra","ĠGa vi","Ġres úmenes","ĠCam ar","Ġsatisfac toriamente","ĠZo om","Ġimagin amos","Ġc isterna","ol ores","és amo","Ġam én","Ġestable cÃŃa","Ġencar garon","ĠJam ie","L ab","Ġdef ina","Ġtal ones","Ġ16 4","Ġmam as","Ġgr úas","Ġinal ter","ĠEric k","Ġmulticul tural","Ġentrar án","ĠCorin tios","L en","tas una","Ġañ ada","ĠÐ ¼","ĠMec an","Ġgit anos","ĠT win","so ur","Ġtom aban","Ġand ino","Ad ministra","Ġevacu ar","E jemplo","po de","Ġprim e","Ġces ado","Ġpsico terapia","Ġfilosó ficas","Ġm ÃŃticos","Ġca udales","ĠMa ci","Ġobserv ados","Ġpreocup amos","ĠAses ora","Ġful min","ĠcentÃŃ grados","Ġco fundador","Ġad ven","ĠEx change","Ġmencion amos","Ġfiel tro","ĠR OS","ĠUN O","Ġfeliz mente","Vide os","Ġastrón omos","j in","ĠN S","Ġanim as","ĠVI VI","Ġconsa grada","ĠB ike","ĠH U","Ġca ÃŃan","IN AS","Ġtre kking","Ġsimul táneo","ĠRay mond","ĠLim ited","Ġsupre macÃŃa","C el","ĠL ily","ĠMa go","Ġta quillas","Ġtambi Ãĥ","ĠIna ugu","Ġemple arse","ĠCry stal","ĠS can","ĠDoc tora","dul idad","Ġrecab ados","tu ristas","ĠF r","Ġcontar os","Ġdiseñ ando","Ġfáb ula","Ġsevil lana","âĢĿ [","mi tido","Ġrue do","IZ AR","mol ino","Ġautocr ÃŃtica","Ġ io","ó fer","ĠSpi elberg","Ġâľ ħ","B asta","tre po","Ġcontin gencias","Ġmod ales","n adie","n illo","Ġin son","Ġpro xima","Ġmar qués","Ġint entas","Ġfinanci ada","Ġbru tales","ĠPÃļBL ICA","C EN","Ġmu darse","eros as","Ġtecn icas","Ġdenomin ó","Ġun an","ĠD orada","tiz amos","Ġremo tas","Ġresuci tado","ĠECON OM","Ġdis olv","Ġsalud ó","Ġtér micos","Ub icación","Ġp ich","Ġm acer","P ack","ĠS IL","ĠEl vis","Ġba tu","Ġvi ña","Ġprev ar","Ġin j","Ġ21 2","ĠTor ra","ĠVia jar","emb ran","Ġsw ing","{ \"","Ġcalent adores","Ġsospech osa","Ġllevar las","ĠAM B","Detal les","cou ver","Ġconvertir nos","ac encia","ĠAm én","ĠCub ano","h man","Ġh uertos","ĠT AB","Ġplante aron","Com isión","Aprovech ando","O ye","Ġo u","ON G","A ca","pa ÃŃs","ĠMedi ación","pla taforma","Ġromper se","e lección","Ġc ity","ĠRe alizamos","VO CA","Ġparal elamente","ĠLabora torios","dependi entemente","h un","13 5","ĠMic key","Ġmigra torios","plas tia","W W","Ġcu ñada","ĠMon toro","Ġcalle jeros","Ġlevan té","ĠMarc us","Ġgolos inas","ci galpa","Ġtóx ica","Ġdes fal","bl ico","eb e","ona zo","Ġfom entan","ĠMoto GP","Ġe ti","Ġdo lar","Ġconsent ir","aliz arán","Ġcol ó","ĠSal le","Ġmostr ada","Ġmarti rio","Ġvati cin","Ġpri ista","ĠObje to","Ġtra umas","ĠZ elaya","Ġdeten imiento","Ġenter amos","Ġseg mentación","fu ente","Ġpalp able","ĠEspi ritu","G ust","ĠO m","ĠRela tos","w ers","Ġvar ia","Ġrefuer zan","ĠMez quita","Ġinterroga torio","Ġdeud ores","Ġt itu","Ġin tros","Ġcom illas","Ġopera cional","ĠMac ÃŃas","Ġespon táneamente","Ġpack aging","ĠS illa","Ġop uso","ĠHo w","Ġinhib idores","ä¸ Ń","T ienda","j ad","in cha","ĠA CE","Ġto all","Ġte am","Ġven dÃŃan","ĠJ UR","quilib rio","Ġole aje","D em","a tiva","Ġexce da","ĠPlas encia","Ġac ueducto","Ġar bit","Ġquis imos","Ġpará bola","Ġtranseún tes","ĠV AR","Ġca ÃŃ","ĠRe formas","Ġmon ja","Com pañ","Ġempe ora","Ġlap top","Ġrepent ino","Ġenoj ado","Ġcac tus","ri mo","ĠAl tas","ĠDe bate","Ġaf inar","ome di","Ġperder ÃŃa","Ġdor so","Ġdur ado","Ġjejeje je","ĠBeb é","Ġemple abilidad","ĠBa ile","Ġdesper fectos","ĠPubl imetro","Ġinfil tración","S ir","Ġab rig","ĠCol men","Ġenem iga","Ġtaba quismo","V ivir","ĠT lal","ĠSi te","Ġaconte ce","Ġmu dar","Ġvac uno","Ġinspir ador","Esc ucha","h ire","ĠC uch","Por tu","ĠLu cio","Ġotor gando","Ġintroducir se","Ġhero ica","Ġviñe do","ĠMa ule","Ġpros pecto","ĠJa guar","Ġresal tan","Ġnegoci ado","Ġconsta ta","Ġromp ieron","ĠElo y","ĠMoz illa","ĠC it","ch eb","Ġsus o","Ġgen éricos","ĠAl man","Ġcuan tificar","Ġconstitu idas","An uncios","les a","Ġactu alizan","ER VA","Ġigual itario","ĠInt enta","un di","Gener al","Ġmun ición","Ġz arago","óp olis","Ġpropici ado","Ġde cen","ĠEs crito","Ġmar gin","ĠSegu idamente","f uera","Ġs ismos","Ġmi res","oc ÃŃ","oc racia","Ġigual ado","Ġvolv ÃŃan","Ġrob ando","ĠUnica ja","ĠUtil izamos","p eza","ro ugh","ĠS abor","ĠB ÃģS","Ġconten iendo","Per mite","ĠFab ra","Ġvag ab","Ġecl éc","ĠD ial","ĠB EL","Ġas per","ĠV u","H al","f eb","Ġac túen","Ġà ĺ","Des carga","Ġcoloc arlo","Ġarro gante","ĠVit amina","ffe e","Ġc itan","ĠP iura","Ġof ensa","Ġvisible mente","S ac","Ġar istas","Ġdon cel","ĠContac ta","Ġprimo gén","ĠCra ig","de ber","ĠEx port","Ġagu di","ĠSocial ismo","Cam iseta","ĠJurÃŃ dicas","Ġcontrapar tida","Ġretir aron","Ġresplan de","Ġmorf ologÃŃa","L l","il um","ma t","Ġesta cional","ĠO IT","ite atro","Ġmir arlo","Ġdia gramas","sas una","dios as","g ea","Ġl ares","Ġhab itado","Ġviv idas","Ġva ciar","Ġdiscu ten","ol ito","Ġve áis","ĠSan itarios","Ġinver tidos","Ġarries gada","Ġdinam izar","Ġmeteor ológicos","Ġimprev isto","ĠO reg","Ġesp inal","bo ts","Ġpeligros idad","Ġrecrea tiva","Ġcontex tu","Ġinfal ible","se xo","pon emos","ĠRe den","Ġconsagr ó","ĠIndivid ual","ĠGig antes","V M","ón di","ĠS top","Ġgratu idad","Ġtriun fa","Ġafric anas","Ġreconoci ble","Ġimag inan","Ġfri joles","Ġescapara tes","ĠU BA","Ġrecor rieron","ĠL ip","Ġgan ada","Ġfr unci","Ġmal etÃŃn","ĠVI R","Ġcomput adores","ĠGaran tÃŃas","Ġsuspens iones","ac ales","Ġas entado","Ġdest inan","Ġtri o","Ġcotidi anidad","Ġsú bita","ĠWar ren","Ġescog ida","al caba","Ġrein ici","Ġcong reg","ĠRáp ido","âĺ ħ","v ante","ĠEs can","Ġdist a","Ġ20 50","ĠComun al","ĠBro thers","Ġmetáf oras","Ġpresent ara","ĠJun g","Ġinsec ti","Ġex cedentes","Ġmús icas","Ġâ Ŀ¤","ĠCer tificados","Ġabst inencia","ĠHO TEL","Ġfortun as","ĠE vel","ĠI quique","Ġhac k","ĠK urt","ok a","Ġprov istos","ĠCar pin","ĠCla ire","ĠViv iendas","Ġdestro zado","ĠBroad way","Ġvol cado","ĠSE AT","Ġmayús cula","Ġn ichos","pos terÃŃa","tir ar","ĠCh ocolate","cor poración","ĠCL UB","ĠBay er","figu rar","ĠGrá fica","El ige","oc ados","Ġdescon ozco","Ġacostumb rar","ĠCarri ón","Ġmu st","Ġamb iciosos","ĠFac tory","ĠRepubl icano","Ġayudar la","Ġatac ados","ĠUNIVERS IT","ĠAl pha","net h","Ġabandon ando","ĠGuadal quivir","Ġdesfavor able","Ġfitos an","TR AN","Ġguer rillero","ĠCir cun","Ġfarmacéut icas","Ġcualita tiva","ĠMar in","Ġitiner ante","A didas","S ES","tar los","ur rec","ĠIn gredientes","Ġ5 12","Ġim ita","Ġpersi guiendo","ĠPix el","pa is","je tas","Ġcan ina","Ġascen dencia","ND ICE","Ġmar eas","hu as","ĠT B","Ġval lado","Ġarri endo","pa in","Ġmagn ifica","Ġfrust raciones","Fu i","Ġcon tu","ĠSOL ICI","Z aragoza","ĠH R","Ġprior itaria","Ġma zo","pos ici","Ġagr arias","Ġservir le","p acho","ri et","ĠF unes","Ġ16 6","ĠGa ga","Ġvag ones","ĠHom ero","Ġdevo tos","Ġdest a","Ġsa gradas","ĠRes idencial","Ġajust ando","g ola","ÃŃ feras","Ġtrans iciones","Ġ15 9","Ġ25 5","ĠBlo omberg","Ġacoger se","Ġequivo ca","ĠUtil izando","ĠFIN AL","an or","Ġqu i","Ġ17 7","Ġacep ten","Ġcolabor adoras","Ġinmedia tez","Ġcamar adas","Ġdesemboc adura","cal le","Ġmul tis","Ġenc ruci","Ġtec no","aster ios","Ġterm itas","S ha","Ġper vers","ám onos","Ġfacil itó","Ġapor taron","ĠSecre tariado","Ġexces ivos","ent ren","Ġta g","Ġrec rim","ĠPos ición","Ġdetec tadas","ĠAst or","Ġclandest ina","Ġreutil izar","ñ án","ex iones","Ġdep lor","Ġintentar án","Ġdecis ivos","Ġbob ina","Ġcac erÃŃa","Ġalfabe to","el ina","ĠEd die","ĠMur phy","Ġic on","Cá diz","r Ãĥ","Ġ19 06","ĠAn alizar","Ġacer qué","Ġsuf ran","ĠTe la","Ġinterpre tará","Ġav eces","Ġbur las","Ġga tillo","Ġexpe dida","´ ,","Ġfij amos","Ġocasion ó","Ġerrón eamente","Ġensam bl","Ãĵ R","Ġfel inos","ĠExper iencias","Ġmarg inales","Ġcolo quio","ĠConsul tar","ent aba","Ġest el","pti m","olu ble","Ġbuscar la","ĠPlan o","Ġcompren dió","Ġorg ÃŃa","ĠPat rio","Ġchoc ó","ĠGR ADO","u pe","ĠSa inz","Ġarm ónico","Ġ17 8","Ġrecuper an","IDE OS","ĠG rados","pu ta","Ġmo jada","Ġmodific adas","ĠMil ton","ĠVillal obos","Ġengran aje","ĠZARA GOZA","C ultura","ĠV W","Ġ20 6","ĠQue ens","ĠS ti","Ġver tidos","ĠCu aresma","ĠIns pir","Ġconcer tar","ĠA pre","Ġprob amos","Ġgri eta","ĠAD SL","и Ñı","person a","o a","Ġsal tan","Ġcambi ario","Ġrad iaciones","ĠBea uty","ĠItal iana","ĠElectro dom","ekw ondo","con ocer","Ġcul inarias","Ġlist ón","ĠLaur ent","Ġsin toma","ign idad","Ġañad ida","ĠFinanci ación","Ġóm nibus","E ran","d ación","Ġpor nos","ĠAl gún","ĠAr tista","Ġapar camientos","Ġdisfru tas","Ġbio degrad","ĠConsell eria","on dr","ti st","ĠF AN","Ġminu cioso","hi ro","Ġignor an","Ġmarg inación","Ġodon tologÃŃa","ĠFerre ira","Ġpe gas","Ġnorma tivos","ĠKar ina","ĠJOS Ãī","ĠIMPOR TANTE","Ġarro gancia","Ġcuán ta","ĠSomb ras","di er","Ġle ucemia","Ġw all","Ġrev entar","Ġdisfrutar ás","Ġexpor ta","Ġindul to","ĠC óm","Ġsi ti","emp ren","vel t","Ġreglam entario","Ġrespira torios","Ġtrac tores","Ġagropecu aria","Ġsubterrán eos","H ub","M t","ĠD ora","Ġev itarse","Ġeduc ados","trop ÃŃa","I K","Ġcrá ter","p il","ĠB rito","Ġquer idas","ĠFis ioterapia","ĠEspecial istas","Ġacumul adas","ĠUs huaia","ĠBow l","Ġdeb ieran","Ġenvi arlo","w y","ĠDE POR","Ġencontrar ÃŃa","Ġmode st","Ġanunci adas","Ġfer rocarriles","Ġsup ra","w id","Ġre gu","Ġdi ana","ĠTer reno","ĠTen ÃŃamos","P LAN","ĠE do","ĠF rac","Ġhu mos","Par ÃŃs","Ġrenunci ado","f ace","ro logÃŃa","ĠP ide","Ġpr int","ba go","Ġro edores","ĠPo ten","ĠGer man","Ġcig arro","ĠD ucati","ĠDe je","Ġentr ara","Ġpublic aba","Ġbeso te","Ġpañ uelos","Domin go","Ġa temor","Ġ24 5","Ġintro duzca","ĠA bi","Ġinteres en","10 9","Ġdisput ados","r d","Ġn idos","Ġh uyeron","Ġsin ago","Ġco ja","Ġproble mático","w el","ib io","én icas","Ġdu doso","Ġhotel eros","Ġbr újula","Ġnovia zgo","ĠAcredi tación","? »","g ama","Ġn ue","и н","ĠxD D","Ġdesist imiento","Ġlonge vidad","ĠSampa oli","is ha","ĠM G","ĠSu ger","Ġbailar inas","Ġirrelev ante","Ġquer rás","Ġestacion amientos","Ġidios inc","Ġpi pa","ĠPol ÃŃgono","Mate o","Ġahon dar","N ivel","re almente","da ta","ĠAn gulo","Ãģ F","ĠCoci nas","ĠEp ide","ĠR ecre","Ġenmar cada","Ġalti bajos","Ġs tory","Ġcos illas","ĠPla zas","Ġconce den","Ġatac ada","Ġsahara ui","Ġparti daria","Ġcement erios","Ġre mitente","ĠDe jamos","Ġbas tidor","olo go","Person as","I CIA","ĠAr tem","ĠDorm itorio","in son","ĠK ant","Ġagreg ue","Ġintes tinales","Ġdesvel ado","ĠEns ayo","fica z","Ġinstal ador","ĠAna tomÃŃa","Ġinterrump e","Ġinvas ores","ĠF X","ĠCál culo","Ġado c","Ġrea pertura","Ġinclem encias","ĠF ocus","Ġap l","Ġver acruz","Ġinter puso","Ġviol ado","Ġarras trado","hab ÃŃa","ĠSpen cer","Ecu ador","de ña","ÃŃa cos","uc os","ĠT ep","Ġdef orma","ĠCa tas","gü en","Ġfutbol ÃŃstico","ĠINGEN IER","al ba","ĠJ M","Ġlente juelas","Ġb inario","ĠFar m","eme lo","Ġcat alizador","Ġaleda ñas","ĠHIS TORIA","V EL","aj ira","yec ción","OR ACIÃĵN","Ġengan chado","Ġgener osos","Ġп ÑĢ","Ġb úl","ĠAng ola","Ġr án","Un ión","Ġsil enci","Ġl and","Ġimp ot","ĠNo t","Ġsabe is","Ġingles as","ĠBarran co","im án","ĠPro b","Ġconsider arán","Ġfoc al","Defin itivamente","Ġhumed ales","ĠPar t","Ġconfes iones","ĠMach u","Ġcomprue be","V SA","es pal","Ġfa ti","Ġnór dico","ist erÃŃa","ĠO ber","bió ticos","A se","B ase","l ú","Ġbaj en","Ġbio psia","a des","Ġe dema","ĠT rá","ĠEx cur","ci nos","Ġpatrio tismo","Ġluci dez","Aplic ación","C alidad","ĠR EN","ĠIn dio","Ġpol ideportivo","Ġconfi amos","ÃŃ dico","Ġrec tores","Ġacu ar","Ġlimp iando","Ġcru dos","Ġrellen ando","P ay","T ea","ts ky","Ġfre ÃŃr","Ġhidra ta","Ġobso leto","Ġespárra gos","ĠDer ma","SI ÃĵN","ĠReun iones","Ġnom ás","er ón","he y","Ġcr ónicos","ĠPo tro","ĠHab rÃŃa","Ġcome tidas","ore ma","Ġincumpl imientos","Ġdespla zan","Ġalo ja","c les","ĠP ura","ĠM EX","ĠF icción","ĠH eras","ut anas","Ġsub ÃŃ","Ġ17 2","Ġlar gu","Ġqueb rar","Ġleer te","Ġflo tantes","Ġalic ante","ĠF ilar","ob e","Ġru bor","ĠEscri tores","Clas es","Ġamon ton","G RES","is san","ĠTrans misión","ĠAir bnb","ĠhÃŃdr icos","ĠD ate","anas onic","Ġper ipe","emp res","Ġsuf ridos","ĠAp óstoles","Ġmulti función","ĠCab os","Gonz alo","Ġsumer ge","ĠA i","Ġha cin","ĠN UNCA","cre ación","ss s","Ġron dar","qu ena","AL O","99 0","ĠNazar eno","ĠPila tes","Ġequita tivo","Ġl isos","ĠH aro","Ġven dan","Ġterra ten","Ġpij ama","ül ler","omencla tura","ĠB ier","Ġderro car","Ġuniform idad","Ġorden anzas","Ġcolum nista","buen os","Ġesfor zar","ĠQues ada","Ġpor teros","O peración","Ġc ache","ĠD ad","ĠSuper visión","Ġmicros copio","rev olucion","ĠPelle gr","ĠR N","uer e","Ġcons cientemente","Ġparti dista","Ġdon ado","Ġmov emos","ĠMor ris","Ġpade cimientos","Ġejecut ó","mos is","ca o","Ġcoinci da","âĢ¦âĢ¦âĢ¦âĢ¦ âĢ¦âĢ¦âĢ¦âĢ¦","ar is","ĠV isto","tal aya","Ġmit in","Ġbag aje","Ġ3 25","Ġderiv ación","ĠOblig atoria","al das","Ġma tri","Ġmar ket","Ġpregun ten","ĠArn old","di bles","ĠL TE","Ġvis itada","Ġconsider arlo","ĠTur ner","Ġirre ver","reg or","Ġdetermin en","Ġsimpl ificación","ĠTá chira","d ará","h ana","Ġ ����","es pe","Ġasust ada","Ġdes do","ĠK han","fil os","Ġelev ador","Ġgalard onados","TAM ENTO","ĠIntel lig","Ġpagar án","ĠLeon ard","Ġtrasc endió","Ġz en","Ġofer tar","ĠSte el","ĠAP RO","ĠContin ente","g ala","Ġusu fruc","J AR","Ġun imos","ĠB ug","ĠH aremos","Ġcomunic ador","BIER NO","C ub","Ġper re","ĠEl ija","IC AR","Ãį F","ĠSec cional","ĠGan ar","ĠDeber á","al gunas","CI F","Ġgas a","ĠCan ario","Ġguar das","ĠSh im","ĠRom anos","ĠSab ina","ré d","id amos","Ġexig imos","IT AS","Ġadelan tos","ĠReci én","Ġinmers a","Ġbuf anda","ĠCien fuegos","Ġdesprender se","ĠF EM","Ġop taron","Ġtro y","ĠFer ias","Ġtriang ular","b ea","gar ra","Ġpe gando","ĠPo emas","Ġpromo vió","Ġpropor cionalidad","Ġgar ajes","Ġextrava gante","ĠF ide","ĠH ac","Ġfu éramos","Ġprocl amar","ĠCAP ÃįTULO","Ġucran iano","ĠP ene","par os","ĠPopular es","ULT AD","Ġdesent ra","^ ^","Ġap ple","ing res","av idas","trón ica","Ġobserv ancia","Ġdinosau rio","po drÃŃa","Ġdescar gue","Ġmac he","Ġespiritu almente","Ġdeter gente","Ġov arios","ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ","ad itas","Ġindica tivo","ĠCarlo ta","Ġex fol","Ġdos ificación","ĠAr gu","Ġobten drán","Ġdesmon table","11 6","Ġsust entan","Ġpeculiar idad","Ġdestro zar",") (","Ġconf ÃŃo","ĠPro ven","Ġblan quia","K ET","ĠS OM","Ġ3 16","port amiento","tres s","Ġsever idad","Ġconmemora tiva","ĠBook s","ma p","vis ores","Ġvar ita","ĠProfes sional","Ġlong itudes","Ġs pi","lo a","Ġ\" ...","Ġocur riera","Ġac ristal","ĠT T","ĠMan zana","Ġaraña zos","b alo","Ġde ceso","mo d","ĠF énix","Ġpon iente","âĢĶ ¿","Ġinces to","b ul","ĠP ilo","ĠS na","ĠS ola","ĠMar ti","Ġbar aj","Ġdenunci ante","Ġdescubrir ás","om ática","ĠE me","Ġch ist","Ġfri ki","Ġsuperhéro e","b oro","ĠH appy","Ġfri aldad","ĠA AA","ÃŃn tesis","Ġago ta","Ġbe isbol","Ġmilen ios","J im","P ac","Ġ16 2","amp ton","ĠCE IP","Ġom iso","ĠHom enaje","Ġvi trina","Ġvic tima","Ġfracas ar","ĠPA IS","ĠPic chu","f am","ĠRo x","Ġchor ros","Ġapren dieron","5 50","re cuer","ĠP uno","ĠM ud","Ġap alan","Ġvalor ización","Ġprede cible","Ġapoder arse","Ġastrona utas","S ON","Ġmon ólogo","Ġpudi eras","Ġacce dido","Ġofens ivas","Ġesfor zamos","ĠSora ya","ĠCú cuta","ĠS uela","Ġsub irá","Ġlar vas","Ġevolu tiva","Ġdesar tic","ĠD IC","Ġreg idores","et he","Ġconocer los","ĠCl ip","Ġtem ido","Ġincertid umbres","ĠAde cu","ĠMÃŃn imo","f ly","Ð ³","ĠD ónde","ĠPa to","Ġemprendedor as","Ġin quis","ĠLa vado","Ġgén esis","Ġano ta","ĠConsul tor","L ucas","k ie","Ġper ece","Ġcap ilares","Ġgol fo","Ġbra gas","Ġcán ta","Ġenter e","Ġplát anos","ĠAlterna tiva","ER T","Ġsan cionados","Me dia","ÃŃm iles","Ġadop ten","Ġtrayec torias","Ġpercan ce","Ġhab réis","ob ra","Ġcoinci dido","Ġvist ió","Ġautomovil istico","ĠPad rón","Ġmovi éndose","Ġalici ente","ci sa","erv icio","Ġpan dillas","Ġtalentos o","Ġilum inados","Ġpresupues tarias","Ġespel uzn","Ġdes pos","Ġpa Ãĥ","dr y","Ġprincip iante","Ġcasti ga","ĠBár cenas","ĠL ech","ĠIlust re","Ġaltern ando","Ġparti mos","ĠBar bie","ĠDeb erÃŃa","Ġintra ven","Ġin gra","Ġg ótica","Ġmos quito","ién dome","Ġpolit icos","ĠOlimp ia","Ġmalague ño","ĠAgü ero","E valuación","Ġinf ame","par k","ĠRe port","úl veda","IC ET","Ġllevar me","Ġinforma ciÃĥ","ĠPower Point","Ġanoch ecer","L uz","Ġest ampar","Ġlevan tada","Ġasist an","ĠSta ff","Ġarres tados","Ġrevolu cionar","m ono","s ign","ĠD ior","Ġas cienden","ĠFran ja","tt ing","Ġejecu te","Ġaceit una","Ġdespl ome","P en","Ġo yen","ĠA X","ĠCor riente","Ġlegisl adora","Ġse me","Ġsus cripciones","Ġcer tero","Ġpi é","Ġconstitu yendo","Ġreglam entarias","Tecn ologÃŃa","Ġdiaposi tivas","T witter","ĠM ID","ac tive","ran os","ĠCre e","ĠBur ton","Ġalm idón","Die z","ĠE I","ĠB inarias","Ġap ri","der n","Ġmajes tuoso","ĠR urales","Ġsol apa","par tes","ĠNo ble","Ġmas ivamente","Ġplan ificada","Ġcosech ar","ĠLaur en","Ġcu ide","ĠW ang","Ġmer ecemos","Ġoportun os","Ġeró ticas","ĠMens ajero",". ¡","on ismo","Ġri fle","ĠM itsubishi","ĠG ate","Ġ ¬","Ġur l","Ġer r","Ġdisfra zado","ĠMala ga","ĠD AN","ĠB ÃŃo","Ġfo od","Ġindic amos","p ensión","ra p","Ġ3 70","Ġli po","ĠDi ferentes","ĠNuev e","ĠWell s","Ġpan tanos","Ġinvoluc rarse","Ġviaj amos","Vol viendo","ĠV uelos","ĠIn dica","Ġsub esti","Ġpod rias","Ser ie","Ġcomentar istas","Ġabus ivo","ĠK ick","Ġbarb illa","Ningun a","Ġin hibición","Ġesp átula","Ġhábi tats","ĠFa ust","ĠDIG ITAL","in nova","it za","Ġan tin","Ġbr usco","Ġsimul tan","ĠB orn","Ġpag aba","Ġbio tecnologÃŃa","Ġsoci ólogo","ĠSho pping","enov elas","ĠEus ebio","S ue","b usto","ĠAl bor","Ġcul pas","Ġgen ialidad","Ġta il","ĠHum ala","Ġretras ado","Ġconstruc toras","ĠM ier","ici enta","Ġmal iciosos","bo dy","Ġsalv ando","Ġdistribu ciones","u pon","ion alidad","du zco","lam o","Ġinclu irse","ĠQuin tan","Ġtrom peta","Ġarreci fes","in gen","Ġdes na","Ġag rid","ĠBo ard","ĠMINIS TERIO","å ¹","et z","ĠX im","Ġporta voces","Ġdiv ir","Po déis","Ġtranscur ridos","ĠConsum idores","Ġcuat rimestre","ĠTLC AN","Ġconyug al","el ine","ON U","Ġcri ollos","Ġtranspor tan","g rupos","Ġmor ib","Ġestructura ción","Ġfol lan","Ġregal ÃŃas","Ġfren a","tón ico","ĠPRIM ERA","des cub","ĠJ ue","Ġsent é","Ġjust ici","Ġintroduci das","Ġdescen dente","Ġeviden ciar","Ġabstrac ta","Ġsinerg ia","D AS","Ġa gas","ch ados","Ġor quÃŃ","Ġamig ables","Ġpasar la","Ġdebil it","Ġfolk lore","A do","s and","Ġpar alizado","ĠF ast","ĠCuader nos","ĠDomici lio","S iete","ĠP ik","ĠM óstoles","Ġ27 5","Ġequival encia","ĠCo ches","Es co","ĠSer vi","leta zo","ĠHol guÃŃn","ĠIma gina","ĠMemor ias","Ġinfor mo","Ġdes lin","Ġayud antes","Ġformul adas","crim inación","ĠReflex iones","H ER","ĠS ócrates","Ġan ac","ĠCh aque","Ġcent radas","ĠPros titu","A PA","ĠAr bitraje","Ġsumar án","ĠBritán ico","f ób","ĠSal sa","Ġmoles tan","ĠCID H","ĠRes trepo","Ġreserv ando","incl uido","Ġcogn itivos","Ġdesenf ren","B F","Ġbuc ear","ĠMez cla","P ES","é gano","ĠN erv","Ġir landesa","Ġescribir nos","Ġep id","Ac tividad","Ġ Ä","ex p","Ġprome ter","ĠReci be","Ġasfi xia","Ġdar ÃŃan","Ġenf ure","Ġcoleg ial","ĠTab las","Ġirremedi ablemente","am anos","Ġsumerg ido","ĠDesaf ortunadamente","Ġacup untura","Ġu ranio","Ġint ri","ĠQu ieres","Ġluch aron","Ġbor re","ĠFlor ence","ĠEmpez amos","ĠAsoci ado","Ġpatrul las","Ġsec cion","ĠSo f","Ġperten eció","Ġconfir me","ĠJar amillo","ĠCasta ño","ĠMin utos","Ġfer iado","Ġvib rador","Ser án","Ġcolos al","H os","Ġk o","ĠBol onia","ĠAf ter","Ġfolcl ore","Ġdesvia ciones","ĠS AC","ĠMejor ar","ch ero","Ġcó mica","ĠAd v","Ġatro z","ĠCIEN CIAS","Ġ( *)","vers ibles","Ġgan gl","Ġleg iti","Ġhuman ismo","Ġlubric antes","in dicaciones","Ġpres ionado","Ġrepresent aban","Ġcocin ado","Ġestre me","Ġdesperdi cios","ĠInici almente","ĠMix ta","D EC","om es","Ġrecu adro","ĠPe ñas","ĠExtra c","Ï ĥ","od é","ĠSci oli","Ġin calcul","ĠAma ya","ĠCruc eros","Ġboce tos","ĠM UD","ĠCon vers","Ġapoy ará","Ġelim ine","Ġincon gru","Ġpsic omo","ĠSAN TA","Ġsuspendi dos","Ġescén ica","ĠHosp itales","ĠA GUA","Ġ16 7","Ġperman ecieron","Ġholan deses","ĠF usión","ĠEn sen","Ġjun gla","Ġtim ón","Ġalu cina","Ġex ag","ob serv","Ġw estern","Ġtap ado","ĠValent ina","Ġalba haca","A dap","Ġdel la","ep pe","ĠAm elia","Ġprotes tantes","ĠCór dova","rev olución","Ġsobre llevar","Ġcompar tÃŃa","ĠCas anova","Ġimper ante","Ġdescargar se","Ġmezcl ada","Ġencer rada","ĠUNIC EF","Ġan tica","ce a","Ġmar is","Ġ9 25","Ġdesa tas","ðŁ Į","Ġarrib aron","ĠEs car","Ġch ec","ĠK iss","ĠMac Book","es ar","ĠA cor","Ġmen aje","ĠK la","Ġur na","Ġvest ÃŃa","Ġl omb","ĠEn vi","Ġ20 2","Ġfran que","Ġinten dentes","Ġmodi fique","ĠSh adow","Ġlegisla ciones","ĠFra ga","Ġpe deras","ide as","ĠAr évalo","ign on","tró leos","ĠJoy erÃŃa","Ġla te","Ġt ril","ent aron","ĠP ERO","par d","Ġmar fil","mon io","Ġcomplic ar","Ġge oloc","Ġporcent ual","S os","_ .","ĠN est","ĠI ca","Ġhab ria","Ġescuch en","Ġtertul ia","Ġhún garo","Ġba úl","ĠX xx","Ġcolec tivamente","work s","Ġinvir tió","sw ord","Ġincorpor adas","Ġperegr ino","ĠPhilip pe","W a","ĠHo ff","Ġga ta","ĠMercad ona","is eos","ĠEx amen","Ġnutri cionista","Ġpape letas","ĠepÃŃ graf","L uc","Å «","× ķ","ara y","ĠMar ea","Ġja ulas","Ġhomen ajes","Ġcon ej","ĠC un","ĠG oku","ras ia","Ġcar cin","ĠGu itarra","Ġcurs ado","ĠYugos lavia","Ġb im","Ġper sa","ter iza","et ica","Ġmin ibar","Ġhumor ista","buc ks","h echo","ĠP AD","ba gs","Ġbus qué","ĠPar ed","Ġencan tadores","ĠPeque ñas","Ġenvej ecer","U ruguay","Ġg ym","ĠP ec","Ġllama tivas","Ġa fic","Ġcar tografÃŃa","Ġmal versación","Ġresist irse","Ġartil ug","t ÃŃo","ab ia","Ġal z","ĠX S","Ġexpres ados","Ġpade cido","Ġche queo","ĠMila gro","te urs","ell ón","nes ota","Ġadh iere","Ġteór icamente","Ġluminos as","t ÃŃsima","ĠB ord","cl usión","Ġlec tivo","ĠLeg ión","Ġheteros exuales","ĠJerem y","st ock","ĠT CP","Ġli pos","dera ciones","Ġarreg la","bi ke","ĠAr reg","ĠCo urt","Ġ20 3","ĠAc tas","ĠAc tion","Ġperiod ÃŃsticos","Ġcuantita tiva","â ĨĴ","ech ea","Ġx eno","Ġaj ard","i adora","Ġc uela","ĠD ort","Ġsab ore","ĠMu rió","Ġvid ri","Ġchanc adoras","Ġleg alizar","ĠTe herán","ĠJa iro","ĠStar t","ĠRepres enta","Ġcalab acÃŃn","Î »","Ġale ta","Ġga z","ĠBas ic","ĠMc K","Ġre orden","Ġsor do","Ġrepor tados","ĠMat h","Ġfascin ado","quiz ás","Ġtraz abilidad","mb erg","leg al","Ġconserv as","Ġdibu jando","ométr ica","ĠAso cia","Ġteñ ido","Ġn er","Ġreg ion","ĠPrim eros","Ġpar tos","it ri","Ġoscu re","Ġcuidad or","ĠLlan tas","Ġman illar","Ġev iten","IL IA","Ġacercar me","Ġom ni","Ġdesesper ados","Ġmur cia","ĠPeñar ol","tra va","ĠP ÃŃ","ĠI f","Ġna ci","ub io","Ġmor enas","Ġproce dido","ĠProvin ciales","Ġson ro","Ġ29 0","ĠEri k","k al","ĠS iga","Ġrefer encial","Ġfrust rante","Ġdisper sos","Ġmanu tención","am ino","Ġpa terna","Ġhaber nos","Ġhela dera","Ġfor ce","ĠCab allo","POS ICIÃĵN","Ġlien zos","00 5","ĠMad ison","Ġexpe di","Ġreti ros","Util iza","ĠFl ora","s eco","Ġch ófer","cur y","ĠEstudi antil","ĠSub dirección","ĠB uf","Ġtor eros","Ġprotagon izaron","Ġconvers ando","Ġsecues trada","B ea","ĠE ro","Ġg ér","ĠF ortuna","Ġinver os","ĠHe gel","ĠFal la","Ġg rin","son o","Ġapren dimos","Ġalmacen ado","Ġurg entemente","Ġmister iosos","ĠDen nis","ĠLimp ia","Ġmascar illas","Ġyogur t","utanas ia","C F","T ime","Ġa o","Ġpue bl","Ġmal vados","Ġases orÃŃas","Ġcomprar la","Ġmone dero","Ġrestau rant","Ġaconse jan","Ġmentir oso","Ġcosech ado","Ġl ife","ĠIn su","Ġsab ÃŃas","Ġra bi","ĠCor rupción","ĠAS IGNA","ĠWarri ors","cel os","tien das","ĠPres tamos","Ġpat entado","Ġs idra","Ġser igra","Ġas Ãĥ","ine gro","Ġobje tivas","Ġfo tom","ip es","Ġsac ramento","Ġregres ión","ĠC aban","Ġres orte","jo v","ĠVAL ENCIA","Ġpromul gación","Ġac oj","ĠT aj","ĠPer dón","ĠLu que","Ġbal onmano","Ġescla va","in iciar","den o","ĠAnd res","ĠVan couver","Ġbrind aron","Ġal inea","Ġcor diales","Es pacio","ĠMon ey","Ġexil iados","Ġs crip","10 7","ĠPon iente","Ġmást il","ĠEN TR","apro ximadamente","Ġestimul antes","Ġdes iertos","ĠAlex andra","ĠNA TURAL","ĠÃį NDICE","Ġabord ará","ĠT iz","Ġlib rarse","Ġamor osas","ĠBen avente","Ġinfo grafÃŃa","Ġsk ate","! :","cur rió","Ġof endido","Ġcel ulosa","Ġsob rio","Ġtransmi tiendo","Ġmatric ulación","ĠJosef a","ĠMUNICI PAL","Ġsab réis","Ġcontra tan","Ġmon tados","RI O","Ġdiv ierte","ĠRecom endaciones","ĠAdolesc encia","ĠACTIV IDADES","Ġrencon tre","ues tre","Ġpo pa","Es cri","Ġadminist radora","Ġmagn ifico","Ġrap idos","Ġg amas","Ġme tidos","con strucción","cin ia","Ġexplor adores","Pr óx","Do ble","Ġhomolog ado","de les","ĠJ hon","com m","Ġdef endÃŃa","Ġdero gación","ĠAlejan drÃŃa","C iertamente","Ġcu mb","Ġcu enco","ĠPas amos","Ġaument en","Actu alización","ĠT IPO","res es","Ġrecon f","ĠOl ive","ĠBe goña","Mar co","Ġreiter ada","Ġmár tir","cheb uena","ra ta","le m","tó grafo","Ġcontar a","ĠIndi an","s c","or tes","ĠAl erta","12 8","ĠElec torales","Ġpreval ecer","ĠONG s","Ġmemb resÃŃa","ĠDiseñ ado","Mol ino","Ġv et","Ġper enne","ĠAl dea","ĠReg ina","Ġtribu tación","Ġempu jó","Ġexpos itor","Ġyihad istas","n ac","Ġex im","p án","Ġe e","ĠS G","ĠEl da","Ġsin u","Ġempez o","ws er","acas o","Co lección","ĠCuer vo","Ġincómo dos","ĠEst recho","me bol","Ġé p","Ġcoinci dimos","of ón","ĠDia gonal","ĠO il","ex e","Ġneg aba","Ni ños","ĠMons anto","J n","Ġazo teas","Ġree leg","J UE","Ġs now","Ġca yera","Ġson ando","Ġexp ol","Ġpel vis","Ġ20 7","Ġlider ados","árqu ico","Ġsedi mentos","P LA","ĠM iedo","ĠL ama","Ġti re","Ġpin tando","Ġbru jerÃŃa","gén ero","ĠEri ka","ĠM ing","Ġvis as","Ac cesorios","Cre e","ĠN BC","ig rantes","cuent ros","Ġbañ arse","Ġingen uo","ĠRespon der","ĠCom patible","ĠPens ar","Ġsubord inados","ĠG us","Ġeleg ibles","ĠSon g","Ġdele gar","Ġtuv iste","enn ials","Ġcuad r","ol Ãĥ","ase gu","Ġasum imos","Ġdeclara toria","ĠS tones","Ġ9 50","Ġliber an","ĠLuc ena","d v","Ġinst au","Ġmagist rales","Ġen alte","ĠN iza","Ġespe j","Ġcu aj","Ġob viar","ĠCort ázar","t la","tr era","âĢľ âĢ¦","Ġnaz ismo","Ġal mer","stitu ción","ĠEmple os","Ġperd áis","co pe","Ġrin con","ĠBoliv iana","V ar","Ġestructur ar","Ġchub as","am is","ĠC ut","ĠAmazon ÃŃa","Ġjustific ó","Ġe ucalip","Ġvis ites","Ġtamb ale","Ġimplement ó","Ġcredi ticia","On line","ĠSimp osio","G ro","Ġar nés","Ġpres crip","Ġentre go","ĠPri mo","ĠLen guas","Ġa ti","am igo","âĢ ĥ","Ġpro fer","ĠF ore","Ġsuper flu","Ġfol ios","ĠG n","Ġpol is","Ġtras mitir","Ġestrech ar","ĠLe desma","Ġfavor ablemente","dal as","Pro ce","ĠAlm uerzo","Ġcarac oles","Ġpor tando","ito lio","tan ol","Ġestad unidense","Ġintens ificar","Ġp abell","ĠDep ósito","Ġgasolin eras","ĠImple mentación","Ġerup ciones","te zas","ĠA xel","Es crito","tera peutas","Ġcri ada","Ġhuman itarias","ĠExper imental","Ro drÃŃguez","ĠQa eda","t entes","ĠEsc uchar","Ġlide res","Ġautóc tonas","Ġmor ÃŃa","Ġacce dan","Ġdeslumb rante","Ġtor áci","Ġver guenza","Ġinm ensas","Ġenseñ e","Ġrec ón","Administ ración","p ores","to o","Ġemp ece","AN AS","Ġconsul tante","ĠConsul ting","Ġvag ón","fan tas","Ġzomb is","N uevamente","ĠF rie","Ġextra ÃŃdos","Ġodi sea","Ġf it","Ġme lón","ĠCar p","Ġregist re","Ġinstrum entales","tÃŃ b","ĠEduca tion","l los","Ġpes imismo","Ġfil iación","Ġdeclar ando","Ġbull icio","? ;","E ZA","Ġar g","és imas","Ġme tida","ĠCos tas","ĠmarroquÃŃ es","c ron","ad uc","Ġproyec tiles","Ġl io","Ġsi metrÃŃa","Ġsin tom","Ġcab re","Ãģ TICA","gu ren","ora h","ĠOs lo","Ġdivi dió","Ġelectrodom éstico","U I","Ġb ió","De jar","Ġleer los","Hig gins","t un","ĠO le","Ġcer ezas","Ġbol ÃŃgrafo","Ġsemá foros","Ġplebis cito","ran ce","com pe","Ġbas arse","tan ia","Ġcolor ida","Ġrefle je","Ġtier nas","cop ias","Crist ina","ĠBritán ica","Ġsubcampe ón","Ġsand wich","ch ile","ĠMar tina","Ġaler tar","Ġirrespons abilidad","Ġafe itado","S et","f ila","Ġ( .","âĢ¦ -","Ġó se","ĠP io","ĠM Ãĥ","ĠF ierro","th ia","ĠEsc ucha","a ire","ĠMar ac","Ġli di","Ġcompr ada","ĠES CUELA","Ġllor aba","XX X","ĠRenov ables","Ġmananti al","I z","ĠL X","Ġsobre manera","âĢ¦ âĢĿ,","ey ra","Ġdelic tivo","ĠAss ist","4 80","Ġf t","ib aba","imp erial","lic é","ĠMig raciones","ĠBeet hoven","ĠCh inch","Ġinsatisf acción","Ġdel in","Ġapren des","Ġren acer","Ġindependen tismo","Ġvegetar iana","ĠCom e","ĠFern andez","ĠCat amarca","Ġcentr alizada","ĠSolid ario","Ġpar os","Ġdeb idos","Ġobje tivamente","Ġesper ma","Ġ18 90","ĠGog h","D ivers","Ġin cis","ĠPor te","Ġmor osidad","Ġpagar le","Ġderi ven","Ġcola terales","Ġsolv ente","\" -","Ġdes mar","ĠR ut","Ġan Ãĥ","Ġlim it","Ġaltar es","ĠISS N","Gonz ález","u dez","Ġa te","Ġfac ción","Ġabord aron","ĠConn ect","Ġgremi ales","ch ia","Ġacompañ arán","ĠTan ia","Ġmedioc res","OMB IA","i ris","Ġal zada","tad amente","dig ital","ĠTechn ologies","Ġt ala","Ġob vi","ĠSan itario","ĠCru ise","Ġalérg icas","F RE","ĠC rónicas","eb er","ino co","Ġreg irán","Ġbrig adas","Ġcontrac ciones","Ġpor favor","ĠP ele","ĠT P","Ġentre g","Ġrespe tados","ĠL ente","por tu","Ġdispon go","ĠVen gadores","Ġgestion ando","Ġembaj adas","Ġrevoca ciones","Ġavar icia","p adre","ap i","ĠBan deras","C ort","Ġex hum","Ġdesgu ace","ul in","et ricia","ĠBar ba","Ġ17 9","Ġrefug iado","Ġox ig","ĠEspectá culos","TER S","úp lex","Estudi antes","Ġconst ató","Ġ20 4","ĠCeb allos","vil lo","Ġhectá rea","Ġengaños a","Ġp izar","Ġjust ifique","Ġrad iales","Ġhablar le","Ġdrá stica","el les","ĠF ich","ĠMe yer","Ġins uf","ĠOb st","ĠDeci sión","L ondres","Ġan ul","ĠPa tron","19 81","ila tes","ĠOfici o","Ġimagin arse","E mple","ĠEn amor","amb iental","Ġfronter izos","ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ","Ġmu dó","ĠU F","Ġpas cua","Ġor ador","ĠGu itar","TU D","ĠhÃŃb rida","ta p","Ġobje ciones","ĠBio diversidad","Ġpur ga","n do","ca gua","Ġcar navales","Ġflex ión","Ġsopor tado","Ġaline ados","Ġpincel es","Ġenorgulle ce","H ospital","tr ana","Ġad orar","tin er","Ãģ rea","ĠPAR TE","ĠF av","ĠAl vear","ĠCol oma","Ġderro tados","Ġrespal dada","Ġov ario","Ġengran ajes","ch ua","ĠTra uma","nov iembre","ĠTu dela","ĠBos ques","Ġcalific an","ĠTOD AS","ĠBow ie","Ġprofec ÃŃas","Ġpan da","ĠInf ierno","Ġvisit adas","Profes or","Interes ante","Ġpe gan","Ġamplia ciones","Ġatro cidades","ĠESTUDI OS","Ġreal eza","Ġvisitar la","Ag entes","Ġahum ado","t ándola","con ocimiento","Ġ19 09","ĠPe tit","Ġcambiar la","ĠMus ica","Ġcorte jo","Ġbrutal idad","ĠAra gonés","Ġme tes","gu ard","Ġarrep iento","Ġhac ker","ĠPas ó","Ġconform arse","Ġdañ an","Ġtransmis or","Ġn bsp","ran d","Ġart Ãĥ","Ġredist ribución","Ġb ay","ĠW iki","ific adora","Ġmorb osa","A dri","mas h","uy an","Ġ17 3","Ġgor dos","Ġconcient ización","ĠP ró","P ad","re ña","car os","Ġradio frecuencia","ĠFun dador","Ġbendi ta","ĠPo e","Ġale jó","Ġanim es","Ġestra to","dó ñez","ĠTa k","ĠÃļ nicamente","ina pa","no ta","Ġcent ramos","Ġenc endió","Ġocurrir ÃŃa","ĠRefug io","B ron","ci A","baj a","Ġdelim itación","ĠIncre ÃŃble","z onas","Ġte ta","ĠAdri an","tx e","Ġráfa gas","Ġins olv","Ġbo hem","Ġempez aban","Ġepi lepsia","i aba","Ġbas uras","AN G","Ġprecios idad","Ġanticip adas","ĠAbog acÃŃa","ĠAvan zado","Ġre dujeron","ĠSin ceramente","Ġbio grafÃŃas","Ġatraves ó","Ġconcesion aria","ĠDif usión","Ġsancion ador","Ġd ron","Re y","Ġcas amiento","Ġhan d","ing itis","com par","Ġentregar le","Ġsepul cro","s aludos","Ġd ico","Ġhe ad","Ġinfec ciosas","ĠPAR TICI","Ġpolie tileno","A demas","ad minist","Ġinf ortun","Ġop io","at ing","on adas","ñ ados","ĠT X","Ġ Ń","ĠAr ra","Ġagu das","or ales","mi le","Ġdec ÃŃr","Ġgestion ada","az ul","ĠEc ológica","Ġvari ando","Ġautent ica","Ġre versible","ion i","Ġor inar","Ġpen semos","Ġarro jado","Ġbio di","ĠIn corpor","Ġama zon","Ġdisput ada","ĠOp us","Ġplom ero","Ġjubil aciones","cuán to","ĠPenitenci ario","ĠG ill","Ġcre cÃŃa","ĠMar iscal","Ġexal tación","ĠSISTE MAS","Ġestrib illo","Ġdesvin cul","cu yo","ble don","Ġ18 4","Ġbon dados","Ġsalv amento","ĠSch warz","Ġlú dicas","orias is","Ġnas ales","Ġame dr","F on","Ġv ierte","án gulos","Ġcomp aran","ĠConcl usiones","Ġpalmar és","Ġbas tos","ĠDis play","bal lo","Ġfide os","Ġacantil ado","Ġan alizada","Ġpre grado","Ġul timamente","Ġapun tarse","ĠHu ila","Ġplane tario","Ġbran ding","ĠD oce","Ġesp as","Ġol las","Ġexplo tó","Ġadorn ar","Ġidio tas","Gen ial","V iernes","Ġh en","ĠPa gos","Ġauto cara","Ġexig irá","ĠBen al","ĠEMPRES AS","ĠEmpez ó","P J","an ya","Ġma tinal","Ġcab ellera","ĠLo co","Ġsober anos","ĠDES CRIPCIÃĵN","Ġreh us","Ġautodid acta","Con junto","Ġajust ables","Ġingen ioso","Ø ¯","Ġre po","Ġlas timar","ĠInter cambio","Ġprepar o","Ġcalle jeras","rem lin","Ofer ta","ĠArauc anÃŃa","Ġapreci ada","Ġsubs istir","Ġadic tivo","ĠIncor pora","Ġres aca","qui ales","Ġcri olla","Ġinten cion","Ġprofesor as","ĠSep úlveda","Ġchup ando","ĠMa in","Ġceleb ridad","Ġmaterial ismo","ĠI ker","ĠLu iz","Ġdomin ando","ĠStar k","ĠBale ars","A mar","Ġdej éis","Ġpens ionados","Ġobses ionado","l és","ĠO st","ç Ķ","Ġmonitor izar","Ġdespren dimiento","ĠDé j","Ġdevas tador","Ġmo triz","Ġpul gas","nav aca","Ġconec tó","Ġcompren da","capa ci","ini tis","Ġsatur adas","ĠPROS TITU","M esa","Ġco ar","ĠDes e","Po wer","Ġsar cas","Ġentre mez","ĠBa ix","ĠRE F","ĠHol iday","Ġresal tando","ĠJord án","Ġgent iles","B ene","h and","Ġs ms","am bo","ĠE fra","ĠPor fi","ĠlÃŃ pidos","Ġvoc ablo","Ġintr om","Ġdu dan","Ġacab ara","iner fe","K m","Ġdeman dó","Ġinvad ido","Ġtrauma tismo","g icas","Ġtri at","Ġtor eo","Ġhablar os","Ġdisfrutar la","ĠS ensor","itu almente","Ġ30 4","Ġcol ofón","Ġtex tual","op in","Ġentrev istar","amo to","Investi gadores","Du ración","Ġmu uu","Ġcuestion arios","Ġense ñas","U LA","Ġleg ión","Ġincur siones","ĠRo ver","16 8","UL L","Ġlocu tor","Ġarrancar á","ĠAla in","ĠEslo vaquia","S EM","ĠClÃŃn icas","Ġrecar go","Ġhondure ños","r ÃŃn","Ġin duce","ĠF ren","ÃŃt anos","Y E","ĠT ari","Ġfor rado","Ġdescub iertas","ĠSecre to","Ġafil iadas","Ġgrie gas","ĠH olocausto","Ġw hat","ĠRes puestas","ĠES PEC","ĠDel uxe","Ġexpan dirse","Ġabur re","ĠIndependi entemente","Ġboc adillo","ĠG OL","ĠTele gram","Ġgar ante","Ġdies tra","ĠREG IS","2 10","Ġrad icado","Ġimag inarios","ĠTa uro","ĠGuar dar","ĠAcu ario","Ġredi rig","Ġmelan c","uer zos","Ġrode aba","Ġimpuls ores","Ġper diera","la p","Ġcumpl imos","Ġenga ña","ĠHip ólito","Ġn un","ĠC ayo","ĠS weet","Ġlle gase","Ġreca er","inv ierno","r t","ĠJ or","Ġsent arme","Ġmillon arias","ĠAto cha","i tec","ó leo","ĠD res","Ġch ula","Ġarran cado","ĠGol pe","Ġconcluy en","ĠBar bara","ĠCor por","Ġcorrespon dido","ĠGener alidad","Ġrad ares","Ġmol ido","Ġrema tes","Encuent ro","Ġesg rim","Ġgér menes","R ERA","ó fago","ĠN arra","Ġte z","ĠEs pera","Ġreconoz can","Ġchir ingu","ĠR ia","por taciones","Ġ19 07","Ġpens ábamos","J apón","ÃŃ quese","cu le","Ġcor ra","Ġatre ves","ĠBir d","ĠAsesor amiento","15315 56","Ġcul turalmente","rop ileno","Ġpesim ista","Ġam ados","ĠSe e","ĠAn illos","ĠCh im","Ġimport adores","Si go","étr icos","técn ico","Ġc ist","Ġaun ar","Ġsofist icadas","ĠOcupa cional","n orte","Ġap rieta","Ġrespon dÃŃ","Ġfe tal","Ġahor rado","time x","ĠC ED","ch ando","ĠY ORK","ĠDe uda","ĠQu is","ĠFO TOS","A K","Ġas ol","ĠW ind","Ġescri torios","posi tiva","Ġelev ando","Ġcomunica cion","ĠPy thon","ĠRR HH","ĠLitu ania","Ġhacer os","Ġsho p","Ġalf ar","Ġpedag ógicos","Ġcapitan es","Mur cia","ent ará","min e","Ġmáx ime","ĠServ idor","Ġsacerdo cio","Ġperime tral","G l","b ona","Ġcons igas","Ġemb ru","ĠKa w","Ġautoma tizados","ĠF at","ĠF ERN","!! ,","ep s","ár melo","Ġdolor osos","ĠÃī xito","Ġvel ero","c v","z mÃŃn","ĠSá hara","Ġcobar des","Ġter ci","Ġref iriendo","Ġjugar se","оР³","ĠAmpl ia","Ġaplaudi r","ĠJuris dicción","ĠFEC HA","co cina","et ón","Ġw iki","ĠP iedad","ĠN y","Ġcre moso","et on","Ġale atorio","ðŁ ĩ","Ġhidra tada","Ġlujos os","Ġso plo","Ġri f","Ġinvertir á","ĠCat herine","Ġarque ólogo","Ġrequi rió","Ġlic enciados","Ġdecidir se","Ġnub osidad","Ġhere dera","Ġtrack s","f io","que bran","Ġcontra jo","Ġrela tar","Ġincrement ará","Ġgit ana","ĠINTE GR","ĠB ing","ĠF AB","Ġtal ib","ĠX alapa","Ġofer tados","Ġdev ueltos","Par que","od le","Ġaber turas","ĠWoo dy","f rán","Ġacercar te","U sa","ri um","ĠAn illo","ĠDi amante","Ġapoy arse","IC ULO","est és","pol i","ĠRub alcaba","Ġhipó crita","Ġconclu irá","H om","Ġsu do","Ġestudi adas","ĠNa turalmente","Ġigual ó","Ġsosten imiento","ĠAdu ana","Ġentrañ ables","S EC","Ġpar arse","Ġcuar ent","Ġconstru irse","Ġusar emos","Ġhabl ara","Ġrepar tiendo","ICI DAD","Ġdobl ado","ĠL ác","Ġj inetes","Ġreg ad","Ġpol ig","ĠCOM PR","Ġinev itables","ĠDetermin ar","Intent amos","ran es","ĠH ech","ĠY er","ub ridad","Ġesp eso","Ġinclu ÃŃan","Ġidentific ador","Ġrespal dan","Ġhomogén eo","Ġastero ide","Ġs tyle","Ġen gal","... ","Ġcorri eron","Pre ciosa","Ġinesper adas","Ġcacer ola","ĠAdvan ced","Ġque bra","ĠU z","ĠGo urmet","ĠPort land","Ġave cin","ĠA fil","ĠEsp ada","Ġmatar lo","Ġneu tros","ĠAquel lo","Ġy uca","Ġcon com","Ġcor res","Ġmor adores","Ġmig rante","ĠPi ña","ĠDIS EÃijO","ĠPav ón","ĠFortal eza","t uno","ĠO sasuna","ĠBeb idas","ĠFrances c","Ġencap uch","Ġper dedor","Ġcalcul an","ĠMargar et","ĠN OS","Ġco til","Ġ13 00","ĠEduca tivas","Ġautóc tona","Ġimpermeabil izar","Ġcomun iones","Ġfal taron","ĠLo ok","Ġempez arán","ee e","ĠIP v","ĠChil dren","Ġeli jan","Ġcompu tar","Ġaf lu","Ġentr on","Ġdesp ist","fre e","ĠTac ón","Ġsic arios","Ġad iner","ĠMon zón","Ġcomparti mentos","ĠEpide mi","Ġten dras","Ġmar ia","ĠPre fectura","Ġarm ó","ĠHel en","eléctr ico","Ġest ara","Ġdic tados","Ġdocument ada","ĠF ES","Ġar eas","Ġocur ran","Ġaten u","ĠBur deos","r oma","ĠT W","Ġmagn itudes","Ġdura deras","raz y","ĠIl de","Ġguard ó","ĠnÃŃ quel","Ġempan adas","Ġver é","Ġimplement adas","Ġendo cr","P unto","g ame","Ġab unda","ĠMa ur","ON Z","Ġresfri ado","Ġf lecos","Ġpro activa","Con oces","Ġprue ban","Ġproce di","Ġsuici das","Ġespontan eidad","Ġ18 2","Ġases inó","ins ki","Ġjer ez","Ġp hoto","Ġsu men","Ġb le","Ġconoci era","Ġcambi aba","Ġcontam inados","Ġcuestion an","ĠBr ent","Ġconstruc tivas","Ġcoc tel","2 80","Ġ14 00","ĠAb as","Ġpropon ga","ĠNúm eros","ĠPelic ulas","Ġal be","Ġimp ag","ba u","Ġagradecer le","ĠF itz","ĠEs con","ĠTe jido","Ġagra vio","Ġfactor ÃŃa","Ġfisi ologÃŃa","Ġfurgon etas","Ġpos moder","Ġpe tar","Ġinten cional","8 50","j ona","tu rando","ĠD uc","Ġbas tará","Ġpin tan","Ġadap tándose","ilan tro","ĠApar t","gar d","pi te","ĠSa ga","ĠDI ARIO","Ġpres tada","stas is","Ġcontrad ice","ĠL ici","ER IC","ĠPar o","Ġalm irante","Ġsuper inten","Ġsorpren dieron","Ġrecord é","Ġprotec toras","Ġaltru ista","S eb","Ġrecon versión","Ġprov ech","Ġtri atlón","Ġhuman idades","ĠViv imos","Ġhidra tar","Ġimperial istas","Ġtener las","Ġfal tando","ĠZ ub","ĠCl ásicos","Ġapa ci","Ġjardin ero","F ondo","ĠP ola","Ġver ificado","ĠCon fianza","ĠEspi ritual","Jorn ada","Ġsal tado","Ġfal lan","Ġeconom ia","Ġsangri enta","Ġbarcel onés","Ġt entaciones","Ġdeci das","Ġdecidi damente","ĠEscol ares","Ġexp rimir","Ġmes eta","Ġaten demos","Ġt aco","Ġentra ña","ĠBust os","Ġprec ario","n dice","Ġex po","Ġgust ara","Ġvi trinas","Ġajust en","ĠCS IC","Ġausp ici","Ġatrever ÃŃa","Ġpsiquiá trico","19 79","ĠPas cal","go glio","Ġsuav izar","ĠDid áctica","Ġbál samo","ĠL ena","ine la","ĠAr k","Ġx d","ĠHer ramienta","Ġirre al","Edi torial","Ġenro jecimiento","Ġs aba","Ġper rita","Ġya te","Ġjue gas","Ġpart ner","Ġsos tuvieron","ĠCons uelo","Ġexplo tado","econ ómico","Ġautomovil ÃŃstico","Ġem ular","Ġrecorrer á","ö n","ĠValent ino","ĠMascul ino","H N","Ġrecibir lo","Declar ación","ĠRoble do","Ġderro che","ĠArt ÃŃstica","ĠInici ación","Capa cidad","ĠBecer ra","cre a","Ġacab é","Ġcaer se","Ġs ch","gre gar","Ġ17 4","ĠAb rir","Ġrepar ado","Ġreform ada","ĠNorma tiva","Ġresi dir","V ÃŃctor","Ġcas erÃŃo","Ġpic or","ĠFa x","Ġasin tió","ĠAlmacen amiento","Ġpu ber","IS S","° .","Ġser ial","ĠW ho","Ġat entar","Ġobserv ada","ĠT iempos","tien dan","Ġcapit ulos","Ġjugos o","Ġv aron","Ġsh orts","ĠolÃŃmp icos","Ġcol gada","ĠCh ester","Ġju ristas","ĠK af","ĠInf anta","ĠVI VO","ĠCerv era","ose velt","ĠExtraord inario","B ig","ĠA fec","Ġgu iso","âĢľ ¡","Ġorgas mos","Ġsubsidi aria","Añad ir","T ierra","ĠS pecial","ĠT ric","Ġmar idos","Ġgan g","Ġentr eno","Ġleg i","Her mosa","Ġbrus camente","S p","Ġactiv e","Ġ18 80","Ġdila tación","Ġenta bl","Ġcom ul","Ġva ciado","ĠMan dela","ID ER","Ġps oriasis","up é","Ġacu arela","C y","S istemas","i deros","s io","ad ÃŃsima","ĠB eca","Ġmeter le","Cal ifornia","Ġrojib lanco","ĠD uro","ĠJ au","Ġca ida","Ġri ó","Ġemb el","Ġef eméri","Ġveran iego","ĠRenov ación","ĠEURO PE","Ġs able","ie ws","ara to","aliz ante","ĠCap riles","Ġrecipro cidad","B at","ĠF ay","Ġcan del","amor os","Ġaceptar lo","ĠFinanci amiento","Ġinterlocu tores","ĠChav es","ĠInfin ity","ĠK no","ĠAL IM","lib ro","Ġhomeo patÃŃa","Ġingenu idad","st rac","Ġcul ata","Ġesp iar","ĠLu ka","Ġadminist rada","ĠAc abo","Autor idades","Ġmaci za","Ġas fál","tan es","Ġcontamin ante","iff el","Ġbudi sta","ĠA arón","Ġi va","ĠF em","Ġcan ceros","Ġdispu taron","ométr ico","Ġdieci nueve","Ġflan que","ĠC argo","ĠS tran","Ġinv oca","Ġfu g","ĠMan izales","ĠBa k","Ġdev uelva","Ġindemn izar","Is rael","D rive","Ġtemp o","Ġhostig amiento","Ġab asto","eci ta","QU IER","Ġsimul acro","ĠEnerg ÃŃas","C B","F rases","Ä «","Ġf usiones","Ġneces itó","ĠBal i","Ġmoles te","Gu illermo","ĠAnte quera","k top","v aya","tu bre","ac tualmente","ĠG ros","Ġu ds","Ġ18 70","ĠSnap dragon","Ġbudi smo","A Z","Ġextra pol","Ġdomicili ario","Sá bado","\" ]","om pié","ĠE PA","Ġal zas","Ġperfec cion","ĠMA X","Ġinvestiga ciÃĥ","ĠRober ts","Ġdiaf ragma","ĠB reak","Ġmon oc","TO P","Ãģ M","Ġfunda cional","ĠMaravil las","ĠRe produc","ĠCor to","Ġderrib o","Ġemple ó","Ġsalv arse","Ġposterior i","ĠHispan ia","Ġconfl uyen","d p","o ve","r n","u ñ","par ente","Ġfirm ando","ĠFac ultades","Ġintent en","ĠSec torial","Ġmencion o","ĠEmpren dedor","ĠNat han","Ġcocodri lo","Ġpesquis as","Ġk ing","Ġsac arla","Ġplante aba","ĠGre mio","ĠAudi tor","Ġrap ida","ĠInt entar","graph y","15315 5","R M","Ġ ÑĢ","Ġt at","Ġcom mun","Ġsue ñan","Ġdesl iza","burg h","Ġro za","ĠK remlin","tam bien","ĠCamp ana","Ġespermatozo ides","ĠVal ero","Ġdiscipl inario","Publ icación","Ġmanzan illa","ĠPsiquia trÃŃa","Ġper versa","ĠD G","ĠG ama","ĠO EM","Ġop rim","Ġins al","Ġsign ifique","Ġsoci alizar","in tamente","Ġter na","Ġanti se","Ġmostr ados","ĠPri or","ĠMy SQL","ĠHos tal","Ġmuch ed","Ġsac ra","Ġ26 5","Ġtraduc en","Ġtradu jo","Ġcón sul","Ġmanej able","Ġatemp oral","Ä į","Ġh p","Ġsi ria","ĠR ights","lor o","Ġestupen damente","ĠCay etano","Ġmé trica","hi per","ĠRa za","Ġmulti plicidad","Ġest éis","Ġmedi terrán","Ġmar ques","Ġcan dado","jos o","ĠAm ena","ĠAp ache","Ġvideo conferencia","ĠMes es","ĠPresiden tes","Ġf ace","ĠM t","Ġll é","Ġmarg inados","Ġinfluy ó","Ġm Ãłs","ĠF ajardo","ĠDe dic","ĠSec o","Ġalber gan","ĠRod amientos","Ġpubli qué","ĠLé rida","ĠEJ ECU","Ġf ly","Ġex tro","Ġban ners","tim ore","Ġav el","Ġomi tir","Ġ18 7","ĠTemp oral","Ġpresupues tal","ĠHermos illo","ĠFoot ball","ĠH idra","Ġimport ó","ĠAC AD","Ġcach ondas","Cas tel","Ġfraudul enta","tar y","ques t","ĠAy udas","Ġand amos","Ten ga","Ġdepos ita","Ġmagist rada","Ġxen óf","ĠS ty","ĠSan s","Ġop inas","Ġusu aria","Ġpublic arse","ĠS tro","Ġingres ados","Ġcostos as","Ne gro","Ġenunci ados","O pen","Ġ4 30","Ġhum ec","Ġconten drá","Ġlim itando","ĠFos ter","Ġvita e","ĠDort mund","Ġo ÃŃa","Ġcom imos","Ġme dica","ĠI dea","Ġsever amente","L ec","ĠU PS","ĠSan ders","ĠTam ayo","ĠR uso","ĠB estia","Ġpasa portes","Ġdiferenci ada","Ġbrasile ñas","Ġbille tera","ĠA co","Ġtra il","Ġva cil","Ġapos tamos","ĠTorre jón","Ġemis ores","ĠCamb oya","N ext","ĠD IP","ĠT ard","ĠY unes","m ace","ĠC Y","ĠN ub","Ġcab rÃŃa","ĠMin nesota","11 4","Ġkar ma","Ġparab risas","Ġridic ul","ĠC ela","Ġma ke","Ġesp ana","Ġtomar la","Ġmoder adas","ĠImp osible","Ġtas ación","Ġtena cidad","ue ña","po d","Ġaplic aron","PUES TA","go w","Ġdiv inos","ĠTre vi","ĠNIV EL","ĠEst aremos","ve h","ĠK ath","Ġprotagon izan","Ġotor gadas","Ġrein v","Ġinfel iz","n ame","ĠU CR","re cia","ĠB ÃŃbl","Ġinici arán","CH OS","Ġtranspor taba","Ġcoron ado","Ġinsegu ro","Ġdiscern imiento","Ġzodi aco","cl ima","ĠAz u","Ġplane taria","Ġnecesitar án","Ġestre pitos","ĠRad ical","ĠNin ja","ĠcomunÃŃ cate","gua ge","Ġcur sor","AC O","ĠFu ture","Ġgaso il","me da","Ġcoron ó","ĠjurÃŃ dicamente","ĠHos ting","ĠBran d","amon te","ĠimplÃŃ cito","ĠefÃŃm ero","Ġg olazo","ĠSe ver","ES O","Ġreún an","tif ul","Ġincorpor amos","s iendo","tur ador","Ġ18 8","ĠFabric antes","Ġreanud ación","f alo","ti én","ĠEn te","Ġcal as","Ġtom arÃŃa","Ġ18 3","Ġasfi xi","árs elas","Ġman ganeso","TI Z","ĠFlor encio","ĠFlo yd","Ġsinte tizar","d anos","ĠI CO","ĠCon seguir","Ġreci tales","Ġpel ÃŃn","Ġdiab los","Ġelog io","Ġcarpin tero","Ġ19 03","ĠEm is","ĠProp io","Ġdiplom ado","Ġcuantita tivo","ĠâĪ Ĵ","Ġes clerosis","Ġrecl usos","Bus co","âĢĶâĢĶ âĢĶâĢĶ","Ġpromin ente","ur gia","ĠDE FIN","ĠZ in","Al erta","IN OS","Ġ& #","ime trÃŃa","Ġprom ueva","Ġdificul tan","Ġsentim entales","ĠDesas tres","an me","ĠM Ãģ","ĠOs w","ĠActu al","Ġdram áticos","Ġv ill","Ġextra ÃŃble","men dar","Ġpin che","Ġ21 7","Ġdescrib iendo","Ġencer rar","Ġconstruc tivos","Ġg ue","Ġex o","bi de","Ġinform aremos","ĠAn ita","ĠHe avy","ant ÃŃas","Ġcontrinc ante","Ġt ul","Ġt weets","ĠV ogue","Ġk in","abe la","ĠWeb er","ĠHe bre","ĠPS P","Ġverte dero","ĠREC UR","Ġrid ÃŃcula","j ico","s at","ä ¹","ĠRe greso","car e","vi ol","Ġviol ada","Ġconsum imos","ĠRub ia","rigo yen","ĠAltam ira","ic tos","Ġob tienes","Ġtum blr","Ġans iosa","icen cio","ĠINSTITU TO","â Ŀ¤","Ġva quero","Ġdestac ables","iver y","Rec ono","Ġsensa to","Ġpopul ista","se lec","quÃŃ mico","ket ch","Ġrecuper ada","ĠHos tel","ĠWim bledon","am ex","Ġcom ió","Ġpr Ãĥ","Ġtomar te","Ġsup imos","Neces ita","Ġap ó","tal ler","Ġregres aba","Ġocup amos","Ġpractic ada","Ġvir tu","Ġpost ula","Ġimpec ables","TUR AS","ĠCrim en","ĠOportun idad","Ġhistor ietas","Ġnatal idad","Ġcas tañas","ĠSh ip","Ġdes mo","og ia","Ġmer eció","Ġ17 1","put nik","ĠBea u","Ġfotograf ia","Ġas as","Ġrep licas","contin ental","a um","Ġexplic ará","Ġrecl utar","Ġpuls aciones","Ġenla za","Ġin org","ĠO rel","dr ÃŃo","ĠCon cello","et ina","Ġagre dido","ĠCir cu","Ġpresupues tarios","la zo","Ġrevis ados","IP OS","Ġbr om","Ġarmon izar","Ġsuici darse","Ġstar t","Ġinmens idad","Ġsob ras","Ġap rie","Ġ3 15","ĠAn terior","Ġform adores","Ġconquist adores","Ġmetaf ÃŃs","ĠDemas iado","Ġا ÙĦ","L ista","om us","Ġd j","ĠR ibe","Ġrepe tidos","Ġempu jando","Ġmarx istas","lear ning","técn icos","plá cito","on ne","jas e",". âĢ¢","P sic","res ul","Ġan das","Ġmi mos","ĠCom bate","Ġcomprome tieron","Ġlag rimas","âĢ ħ","ha ciendo","ĠNE GO","Ġcordob esa","que ños","Ġpor taba","ĠP ista","ĠR IES","Ġtra ficantes","ác tanos","Ġemi tiendo","Ġarrib ar","ĠZú ñiga","ĠArel lano","Ġb ungalo","Ġpro ver","Ġimp idan","Ġmal aria","ĠCu ento","RA CIÃĵN","Ġ21 6","Ġlanz amos","Ac á","Ġcarib eño","Ġ19 02","Ġcristal ina","Ġcató licas","Ġiran ÃŃes","1 19","u ba","ras a","Ġinf ruc","ĠPAS O","v inos","Ġgas tando","ĠRo vira","ĠGar ci","Ġlevantar me","er ado","Ġh ada","ĠP AP","ĠIn vers","ord an","Ġquem ada","Ġa k","and ÃŃa","Ġbrus cos","Ġdeso dor","Ġra iz","asa ki","ĠRich ter","Ġhidrául icos","Ġvist oso","Ġdelim itar","ĠEdi ficios","Ġreac tivos","Ġinex istentes","Ġcompromete mos","Ġenfa tizar","P ronto","ĠOr dóñez","Ġta pe","Ġalar de","Ġadic ta","Ġhonra dez","Ġself ies","Ġc et","Ġpal omitas","ĠTa x","CON S","Ġm t","ig ón","Ġart s","ex plo","Ġfac tibilidad","Ġcompens aciones","p ton","ara z","Ġmus cul","ĠDirec ta","Ġmet ano","Ġpla ticar","Ġincorpor e","Ġsob ren","Ġmemor izar","Ġam ur","OR DEN","Ġon ly","are as","Ġproces iones","Ġimpi dieron","Ġpe dan","Ġexig ieron","ĠTer mina","Ġhipo tético","ĠTom é","ĠÃŃ tem","Ġaclam ado","Americ an","Ġparecer á","Ġcontam ina","Ġbigo te","Ġvoca cional","A cción","us iera","Ġman tén","Ġimp liquen","ĠEst aciones","Ġtras to","Ġviol ando","ĠES PN","Ġexcep tuando","ĠFun cionarios","ar os","am in","Ġgust as","Ġdiv inas","ĠBlan c","ĠF N","Ġmer ezca","ulo use","Ġinterpre tarse","Ġcomentar ista","ĠCU AL","Ġlej anÃŃa","Ġaleda ños","y éndose","ta tivo","Ġpos to","Ġexpres iva","Ġ80 2","Ġbur gueses","Ġapa tÃŃa","Ġsolemn idad","M au","Ġv ieran","Ġsegu i","Ġalter ada","Ġvincul an","ÃŃgen os","Ġcron ologÃŃa","ĠLlu ÃŃs","Ġanor exia","Ġdeci didos","Ġaleg ria","Ġesteril ización","R em","ĠP é","Ġas ador","ĠLin ks","ĠA SE","El abor","ĠCas tle","Ġanim ando","11 3","EC H","ĠCA PA","u ka","ĠL ane","par tito","car ias","Ġlu x","Ġacep tará","ĠEnsen ada","ĠS ach","ĠPen ales","Estim ados","P i","Ġp anza","Ġla tidos","ĠStan d","Ġsi de","ĠD uty","Ġemp ÃŃrica","uel van","Ġasist irá","ĠHa go","Ġcomenz aban","Ġpose emos","Ġdesfavor ecidos","ĠEscor ial","E dición","Ġad vent","Con sejos","ĠAnti güedad","ĠDra ke","ĠEp ic","á gen","ĠI tz","car cel","Ġdo tadas","Ġestandar te","Ġderra ma","Ġro ot","Pro ceso","Ġpre estable","Ġimprovis ado","ĠSust itu","ĠRebel de","ed ding","âĤ¬ /","ĠAg regó","ĠAqu a","Ġsufra gar","Ġchim eneas","C G","Ġcon tornos","ĠMar cial","Ġat ón","Ġsé p","ĠEr ror","ĠC ull","tar es","mar keting","Ġconsum ida","Ġpár pado","Ġobses ion","F UN","K K","ĠL LE","ĠPas os","Ġflor ecer","ser ie","Ġtoler ante","Ġl if","ĠL ez","Ġpol Ãĥ","tel li","ĠPro fun","Le on","Ġase os","icel este","ĠHAC ER","Ġd ame","El lo","Ġmis as","Ġsent amos","Ġinteg ren","I t","Ġsi renas","ĠF low","Ġcolor idas","Ġlibre to","Ġreserv adas","ĠxD DD","Ġescan ear","tr ich","Ġprim itivos","ĠNa cido","ĠSu f","Ġ18 98","gon os","ĠImp uls","Ġaconte cer","Ġmaz mor","ĠATEN CIÃĵN","p ien","Ġmis ionera","Ġcam arones","ĠMé rito","Ġfel ino","Ġadorn ado","Ġgrandi osa","Ġsemán tica","ĠCumple años","qu inos","ĠMa ke","Ġconstru imos","Ġradio terapia","Ġblas f","S K","Ġsu dadera","ĠA res","Ġguar derÃŃas","ĠDoc encia","Mo tor","Pan tal","ĠNOTI CIAS","l ima","el ones","Ġna cidas","Ġsub an","Ġdisfru téis","tin y","Ġmater nal","!!! .","ĠRev esti","Ġentrevist ó","ĠC iro","ir man","Ġmon asterios","Ġquirúrg icos","ĠC inta","Ġamena zando","Ġdestru idas","Ġmover nos","ĠBla de","Ġlarg ometrajes","ĠA fi","Ġdes inf","ust a","Ġfib romialgia","Ġpre gún","Ġtrans bor","arra ma","Ġabre via","Ġaliment ador","ĠLan ka","Ġd uela","ce da","Ġsimul aciones","fri ends","Ġnavar ra","Ġespecifici dad","U DA","ri za","ĠE DI","Ġcrist ian","RI P","bita t","Ġrota tivo","ĠT RES","Ġtra ba","01 5","Ġcur sa","ĠJes u","Ġprefer encial","Ġdeten ga","Ha ciendo","ĠAR TE","ĠIma gin","Ra úl","Ġuter ino","Ġs tr","Ġre ojo","ĠL iu","Ġfavor ezcan","Ġretra tar","Ġdepos itados","Ġenseñar os","Ġbarro ca","ĠDisfru tar","Ġconno taciones","in istas","ĠM ocas","Ġsosten idos","Ġnutri tiva","Ġl omos","ĠMar l","ent ismo","Ġel fos","Ġpas ea","Ġrealizar la","Ġ21 1","Ġlig amentos","ĠEncuent re","Ġantibió tico","princip almente","Ġofrecer nos","Ġenem igas","Ġtranscur rió","о н","ĠBlas co","ĠPróx imo","Ġh oci","Ġdes echo","ida e","ĠâĢľ ,","ĠMat rimonio","Ġenfad ado","A viso","D IC","ĠD iar","Ġcuestion ada","Ġater rador","ĠCOMP LE","Ġad d","ĠDel hi","ĠRepres entación","Ġmillon aria","Ġdilu ci","ĠRe ed","ha cia","Ġpedir les","ĠPl ur","Ġprecandida to","at ales","ĠCar tu","Ġviol encias","Ġcoron ación","ĠIntelig ente","Ġconsolid arse","Ġerrón eo","Ġdiscrep ancia","ĠP CI","Ġdes órdenes","tas ar","Ġbol chevi","or ing","Ġm iento","ĠC ell","qu istas","Ġcor ros","Gran des","ĠHid rocarburos","Ġpol iti","Ġ19 3","Ġhaber es","Ġdeterior ado","ect omÃŃa","Ġex man","Ġmo bile","th am","ĠAN TON","ĠDec lara","Ġcron ológico","z ia","ĠB D","Ġlu is","Ġpes quera","Ġru tin","ĠAnd reas","Ġarro jan","Ġchor rito","H u","Ġcep illos","Rep ública","Î º","Ġcontra pres","ĠCar tel","Ġho w","Ġencar gue","ĠTer es","26 4","Ġasistir án","Ġhip n","Ġruidos o","le ños","ta gs","ĠTo wer","ĠDios es","Ġem ita","Ġdev uelven","Ġaca tar","Ġdesem boca","Ġperif érica","ĠHud son","Ġap io","Ġtele vi","Ġprovoc aba","trans mis","Ġinaugu rará","Ġglos ario","era ta","Ġro turas","Ġmor o","ĠCre am","ĠCre ed","Ġabra zó","Ġentreten idos","Ġincu b","Ġaval ada","Ġbis ab","Ġmultidiscipl inario","Ġal de","Ġcol lage","ug na","Ġluc ÃŃa","Ġrein corpor","ĠHim no","L istado","Ġtra idores","Ġinv it","ĠAr ri","Ġmos to","Ġignor ado","Ġcomunica tiva","ĠBru jas","Ġrecl usión","ĠlegÃŃ timas","ĠPolar izados","Ġepi der","fic es","Ġbene plácito","15 5","Ġmod ulo","ĠGU ÃįA","ĠFortal ecimiento","Ġdel s","Ġal me","ay or","ĠDen ver","Ġple gar","Ġcomparti mento","Ġmar cial","Ġpe ones","cep s","Ġdispon drán","ent on","ĠCon des","ĠAr na","Ġrepresent en","S uc","s erÃŃa","uer po","Ġ19 1","Ġtrans itan","cre to","Ġcul inario","Ġgal eria","ĠCe peda","Ġclandest ino","Ġlarg amente","ĠPit t","z el","ĠU VA","ĠLos t","Ġat om","ĠEj ido","Ġcorrup ta","ĠVall s","Ġator n","Ġg ps","ur us","ĠRe par","Ġdesempeñ arse","ĠGor do","Ġmultila teral","id ando","Ġar roll","ĠTor tu","Ġimpresion ar","Consul te","Ġremuner ado","z ine","Ġconcur ren","Ġaplas tar","19 77","ĠComo doro","Ġrecomend aron","Ġevalu ó","ĠRan go","Ġfuner aria","Ġdescans ando","pete gui","ĠZ ul","tiz adores","Ġtelef ónicos","Ġnicaragü enses","Ġanalgés icos","Ġimbé cil","C aso","m am","pa tÃŃas","Ġva ina","TE D","Ġadul ter","Ġrum ano","Ġgr s","ĠApar ece","Ġsatel ital","pon ga","Ġacer tadas","Ġpin es","zan ia","Ġpele an","sent ido","an és","Ġinter puesta","ĠSan eamiento","Ġimit ando","Ġsacudi r","L U","an cas","an ne","ĠC iti","Ġso ca","úcle o","Ġestil ismo","Ġinfiel es","po wer","Ġprop use","ĠBal ne","JER CI","ĠPartici par","fÃŃs ico","O EA","S tu","v ita","Ġv icis","Ġva cio","Ġnorm alizar","ĠTra to","Ġabrir lo","ĠDiv i","Ġdevolver le","ĠDisco very","d n","ĠB rea","ĠAn ime","Ġdescu idado","Ġconvirti era","Ġchofer es","Ġe commerce","EDAD ES","Ġfranco tir","Ġdesagü es","B ásicamente","S port","as er","ĠM oc","ĠQu ique","Ġreac cionan","67 9","Ġreglamentar iamente","Ġpro a","En erg","ne w","Ġestip ula","Ġcotiz an","Ġpabell ones","p ital","ĠL anda","til l","No tas","ĠCla ude","Ġmedioc ridad","Ġbuf ete","P IO","Ġneces itando","ĠDes can","Much ÃŃsimas","Ġinvas iva","ĠEmb al","Ġbené fico","Ġflo tas","edi ción","Ġsahara uis","ac tual","ĠB ON","Ġ §","oma quia","Ġdin er","ĠPat rimon","F ol","ĠI gua","Ġva ga","Ġafec taron","Ġbes itos","ĠCav al","Ġcór ner","i able","cu áles","ĠCom ic","Ġconten ÃŃan","Ġesf érico","Ġpun teros","Ġesca ño","Ġindividual ismo","ĠGO BIERNO","ĠSe o","Ġrep asa","ĠZ árate","Ġcuar teles","ĠAR M","Ġtap izado","ĠP ocas","Ġcol ump","Selec ciona","Ġpio jos","ĠSeñ ores","Ġador an","ĠMA G","p olo","Ġdej ándolo","Ġsub ur","ĠSch mid","imp ort","Ġcangre jo","Ġvalor amos","ĠMay er","Po drán","f án","ĠI CA","ĠI FE","im mer","Ġmil icias","ĠAm en","end ly","Ġsimp áticos","Desarrol lar","ĠParro quial","Ġmiser ables","Ġolvidad as","Ġm endo","ĠP anasonic","ĠJuan jo","medi ante","Ġindefin idamente","ĠG ard","Ġcre arse","Ġcontra tante","Ġdetec tores","Ġbis exuales","Ġencan taron","Ġal ienta","ĠA MA","Ġan tag","ĠN m","uer ga","me ta","lic tos","estruc tura","Ġacudi endo","Ġacor ral","ĠEr do","Mo v","ĠGom era","ferme dad","Ġlegis lar","s how","ĠM ica","Ġdestac aba","LE Y","TER A","Ġdesech ables","c encias","Ġt weet","Ġg emelo","mp ing","tas hop","ĠSe y","Ġcastig ados","Ġse ductor","lo c","Ġaprender án","Q M","d b","lar ios","Ġexig ible","ĠBer ta","Ġrevel ando","Ġguatemal teco","Ġinna ta","n ol","ic ón","ra f","ĠP G","ĠG I","Ġmer ecedor","Ġsub al","ĠPerson alidad","Entre ga","Ġlav ados","Ġing estión","Ġc ilantro","en dose","Ġa xi","Ġto cados","aj eros","Ġcer ramos","Ġproble m","Ġtir ano","Dis posición","Ġcruz aron","Ġrazon ar","Ġfisc alidad","ĠASIGNA TURA","ĠL ist","Ġex ótica","Ġrespon do","Ġmanten iéndose","Ġtir adores","ép tico","P IB","Ġadaptar nos","Ġlingü ÃŃsticos","ĠAnto ine","Tab la","ĠB P","Ġparti turas","Ġnup cial","end ing","Ġfis ica","Esc uch","Ġboico t","Ġdon a","illo t","Ġmane jaba","Ġast ucia","Ġabur ridos","Ġmeridi onal","R ese","ĠA dem","ĠR B","pe la","Ġexcl amó","ĠFor ense","Ġlicu adora","N um","Ġqu il","ĠAl lan","Ġri zado","ĠGib son","ĠC éspedes","ul to","12 2","estre lla","ĠEX TRA","Ġidón eos","Ġtang ibles","J ug","Ġper dedores","Ġinferior idad","tz inapa","ãĥ ³","ĠTac na","ĠclÃŃ max","UER DO","Ġhipertens iva","P ocos","Ġde generación","Ġexpres e","Ġacompañ aban","Ġrecub ierto","Ġeval úan","Ġp ing","ĠO asis","Ġprotes tan","Ġveran iega","equi po","Ġdi ame","Ġdeb ÃŃamos","ĠRes cate","Ġsum ido","Ġvisitar emos","ĠFa usto","Ġrever encia","Ġj arra","Ġsig la","tel lo","Ġenseñ aba","ĠSerg i","k ens","Ġso ya","Ġcar ecÃŃa","Ġmil ici","ĠPol y","D IA","Ġt inerfe","Ġdis i","Ġau da","ima genes","Ġlog ras","bur n","ĠVent ajas","Ġafe itar","Ġanec dó","ĠN on","Ġvel cro","Ġtest ÃŃculos","Ġs t","Ġpre medi","lar d","Ġcel oso","ĠArtes anÃŃa","ĠLoy ola","j ord","Ġs mo","uc zynski","ĠG allery","con ven","cen dente","Ġsalv avidas","Ġabsor ben","sor i","ĠUs ando","Ġganch illo","un de","Ġun ÃŃa","ĠE iffel","Ġsus cita","Ġ18 1","ĠRec urso","ĠH ice","19 76","ĠDis positivos","Ġpreguntar me","ĠhÃŃdr ico","Ġdesinte gración","å IJ","Ġal pin","ĠJ ES","ĠK ro","Ġpan f","Ġrevel ada","Ġpayas os","ĠRG PD","ri ge","ĠB ed","Ġtra p","ĠRe alización","Ġparticip aba","ĠFilar mónica","Ġun ila","no te","Ġro zando","Ġtom illo","Ġacep ción","ĠIN CLU","Ġapete cible","Ġvecin dad","jun io","Ġhabit áculo","ĠC uyo","Ġmar eo","Ġacar iciar","Ġjajaj ajaja","ĠExtraord inaria","e adas","Ġg emas","eros a","Ġexist ieron","esta ciones","Ġ22 1","ĠMen em","ĠAses ores","Ġmio cardio","ĠAQU I","ĠDevelo pment","Ġest orn","ĠE VA","Ġtrans itor","Ġins ensa","ĠMer cury","Ġrein tegro","Ġprece de","Ġabuel ita","Ġor égano","Ġcab os","gl er","er adores","Ġin quebran","ĠVir g","PE G","Ġdesmante lamiento","ĠCab ra","jeje je","D if","Ġcom etas","ne ider","ĠCam isetas","Ġand am","Ġcuel gan","ĠTro ya","ĠPun k","ĠMúlti ples","l udio","Ġanal ÃŃticos","én tate","él ulas","ĠCA BA","prim ero","gir l","Ġbit ácora","ĠP ina","Ġi bas","Ġpe o","Ġref inada","Ġdesa ho","Ġconsol idados","ĠAN C","Ġdesh on","core ana","AF P","Ġplayo ffs","19 73","Ġmone tarias","ĠFinanci eras","Ġmovi es","l ub","Ġa os","ĠT ul","Ġsegu ÃŃs","Ġocas o","Ġlac tantes","ĠB eso","ĠSi mpl","Ġescuch arla","Ġbel gas","Ġconce didas","Ġindividu alizada","Ġrecoger á","ĠPerio dista","ĠVenezol ano","Ġbró coli","Ġindist intamente","Fá cil","R P","ĠS che","Ġma t","Ġejer za","imen ez","Ġinfer nal","Ġresca ta","l uen","Ġcap uch","Ġmoder adores","Cons igue","ad is","Ġal ican","Ġimp as","Ġfracas ó","R ÃŃo","Ġautor itarismo","Ġsindical istas","Ġminister iales","Ġre zo","âĢ¦ âĢ¦.","cen se","ĠVie ws","Ġrot undamente","Ġamenaz ante","Ġtesor ero","ab es","ú ster","To ledo","ĠJa ir","Ġolvid aba","Ġsuminist rado","Ġpreserv ativo","ĠOlimp iadas","B lanco","w iki","Ġpro vi","tu all","cu ma","Ġap ad","Ġpas aran","Ġincl inada","ĠCh rom","ĠCar do","3 40","Ġle p","Ġapar eci","tin encia","Ġtener te","Ġhaber los","ĠCan tos","Ġoper ados","Ġmach istas","al di","Ġg eno","ĠO so","ĠEn f","Ġcan ino","Ġsacerdo tal","Ġmand aba","Ġl entas","Ġap éndice","Ġgan ara","Ġdeber ian","Ġanal ógica","ko ta","Ġcár tel","ĠElectron ics","Ġsero tonina","espal das","L unes","Ġbal ear","ĠVolun tariado","Ġn iger","ĠRe porte","tel ier","ĠRo osevelt","Ġprós pero","Ġpa tos","Ġgu ir","ĠOb ispos","Ġregres ando","Ġech arse","Ġmono tonÃŃa","Llev amos","AS TA","Ġrean udar","Ġarrepent ido","Ġi ii","ĠCon ciencia","Ġ5 20","Ġregist ral","Ġaplas tante","B rin","f its","Ġe utanasia","ios is","Ġ- ¡","ĠLe arning","Ġunivers alidad","Ġvin iera","Ġocasion ando","Ġredi seño","Ġpaulat ina","Ġbue y"," £","ĠC us","ĠS uena","ĠH ÃŃ","ĠCa u","B ack","Ù ĩ","erv as","ĠCam pa","Ġcara vanas","domin ios","Ġvib rantes","ĠSue ños","Ġdesesper anza","ĠLE ÃĵN","ĠCAR LOS","Ġvist iendo","lam ientos","Ġodi an","Ġa tienda","que dad","ĠT ÃŃtulos","ĠR ing","In te","ĠPe te","Ġconduci da","ĠMaris ol","O ut","Ġde dicas","Ġf ÃŃl","Ġrev ueltas","ĠDi fer","R END","r una","Ġfu rioso","ĠSa g","Ġvesti das","Ġrin den","Rob ert","ĠRun ner","tten ham","H ombres","ie f","ĠO tor","cal l","ĠEuro visión","Ġ21 4","Ġimpon ga","Ġimpon entes","Ġtam iz","ĠT at","Ġru di","Ġdespla zó","Ġimprede cible","M ex","l ip","ĠV S","Ġquin teto","Ġrecrea tivo","de p","tu osamente","gu enos","Ġac ampar","Ġ4 40","Ġ21 8","ck er","Ġdiri ja","Ġdra gon","Ġinsta urar","Ġvil lan","ĠL IC","Ġdej aste","Ġconec tando","Zapa tillas","ĠRegÃŃst rese","ent antes","Ġun ificado","Por qué","ĠHum or","ĠRob ot","Ġmister iosas","ĠCrea tiva","Ġcucar achas","in forma","Ġal ist","mi tió","Ġra ton","Ġcapital ina","Ġorganiza tivo","ĠÃļ N","Ġgav io","j is","ĠEn ci","Ġmes ita","Ġpermi tidas","ĠVi alidad","ĠLle gar","ter e","ĠEn gels","Ġpu bs","Ġmenos c","Ġpermi to","ĠDiseñ ador","Ġginec ólogo","ĠP aj","da dero","son s","Ġcor doba","ĠFre cuencia","Ġmanifies te","Ġrendir se","Ġhim nos","Ġsusci tado","Ġt ribun","Ġdes fas","ici Ãĥ","ĠMo tril","Ġacondi cionador","ĠJef ferson","Ġgad gets","R U","Ġconstru irá","Ġcomercial mente","ĠHab lando","Ġadqui rieron","Ġbra vo","ográ ficos","ĠStan ford","Ġeclesi ástica","Ġacarre ar",") \",","3 30","V uelve"," §","Ð ¤","Ġpes aba","Ġvol ó","Ġcur ry","ĠSo urce","2 60","Æ Ĵ","Ġreto ques","j uela","on ial","Ġque jó","Ġapre tando","Ġpreguntar te","Ġdesma quil","ĠCar dio","Ġefec túe","Ġcontac tado","Ġrepresent aron","Ġfon dant","Ġcomprob ando","ĠM ale","Ġdes pa","Ġquer eis","ĠMan rique","Ġejer cÃŃa","ĠCri terios","gra mar","Ġcos tarÃŃa","ĠCam ps","Ġfra gu","ĠBa eza","Ġoper ada","ĠEcu ator","Ġsorprender nos","Ġdespo jo","ĠAren al","cripti ble","ĠM isterio","ĠNi ñez","Ġmig as","Ġfide icomiso","Ġp ita","in ara","ĠA ru","ĠS uroeste","Ġcer eza","19 78","Ġbro kers","ĠDES DE","Ġdemago gia","p iso","Ġma tor","Ġeleg irá","Ġincon cl","Ġconse jerÃŃa","Ġentra ban","Ġcongel ada","Ġdemues tren","bi ana","Ġ18 10","Ġran uras","Ġconfun dirse","Ġidiosinc rasia","ad itos","vi ados","Ġinvers ion","Ġoptim iza","Ġlocu ras","ĠEst ará","Ġba tiendo","Ġpsic ópata","ĠHoy os","Ġexpe dir","ĠSes iones","c ama","Ġs ystem","ĠO w","ĠK hal","Ġbar rido","Ġagreg ada","ĠDen unci","ĠCorn ejo","Ġagrid ulce","licé ridos","Ġla x","ĠS is","im g","Ex pres","ĠKe iko","Ġhidrául icas","Ġpresum iblemente","Ġt ic","Ġcons uma","Ġcomple j","Ġsan cionada","Ġreal icé","Ġincorpor en","Ġtranquil izar","Ġurban izaciones","Ġsensible mente","ĠCoun cil","Ġcoe ficientes","Comen zó","J en","Ġmer chandising","Ġdiscrim inar","Ġconsolid ó","ĠMED IA","ĠEze iza","' ).","Ġes ófago","é ter","Ġcab rón","ĠSil icon","Pos t","ĠCuad ros","Ġme tÃŃa","ple mento","Me didas","Ġabor tar","Ġmoles tas","ĠQU I","ĠEqu idad","S and","ut adas","Ġsim ula","Ġconcur rido","Ġautomovil ismo","T ec","ĠN ombres","ĠEn zo","ĠMon tiel","Ġov ación","lah oma","Ġpatrio tas","Ġcom as","ten o","lu za","Ġreflex ivo","Ġperci bimos","Ġdiferenci arse","Ġtransgén ero","ĠHarle y","ri ble","Ġcomp ases","ĠDes graciadamente","Ġvia jo","Ġtab lón","Vers ión","Ġóv ulos","b acter","ĠP irámi","Ġdo ler","Ġentusias mado","Ġcontrar reloj","ĠNA V","Ġtransmi tidos","pon sor","Se xo","ĠPer ÃŃodo","ĠPa cientes","Ġcontam inada","Ġdiri jo","Si tio","ĠSal on","Ġconsul tarse","Le g","Ġensay ar","ĠPerio do","Ġgem ela","ĠMan datario","mon ÃŃa","Ġagra va","Ġv iciosa","Ġfin gir","Ġquer rán","Ġexpres ivo","Ġrespe tada","Ġconvers ó","Ġluz ca","Ex p","Ġatribuy ó","Ġtesor erÃŃa","A cerca","ĠF ija","ĠF ibra","Ġinalámb ricas","dimens ionales","Ġencruci jada","I na","ez mann","Ġeste tica","Ġro ad","19 75","Ġprolong ados","ĠINVESTI GACIÃĵN","ĠW hat","Ġcompe te","ĠTe jada","ĠCA F","Ġs tra","ĠG host","Ġmedi áticos","Ġserv ida","Ġincorpor ará","Ġparad is","Ġhun dió","Ġestil ista","Ġdisper sa","Ġpar alizar","Ġin estim","ĠE lev","Ġpla us","dic to","Ġdist rital","Ġgas eos","Fel ipe","ĠAdap tación","ĠLlev amos","Ġindi ferentes","ĠMan zano","Ġperman ezcan","ĠVen ga","Ġgal as","Ġrepe tÃŃa","Ġbrindar les","Ġmedir se","Ġrebaj ado","IVERS IDAD","Ġtransf iere","Ġo igo","son a","Ġtu torÃŃa","EN DO","Ġ21 3","An ti","17 5","Ġaport ada","Ġaba tido","Fern ández","ĠIlde fonso","b ora","ĠC NA","crib o","Ġpeat onales","GUE Z","Ġdes ab","Ġplan ifica","Ġz ig","ĠSal cedo","Ch at","Reg lamento","ĠVolun tarios","Ġpsiquia trÃŃa","id oro","ĠD ame","ĠW he","cor riente","Ġviv idos","Reg istro","Ġadhes ivos","Ġbell ÃŃsima","Ġarraig ada","ĠS ello","Ġcu táneas","ĠPer egr","ĠInstitu cionales","ĠES PA","éut icos","Ġperf ila","K ey","ĠN ord","Ġincu mb","Ġestereo tipo","ĠBang la","Ġnaufrag io","ĠAutop ista","Ġic eberg","gan g","óm ulo","Ġrecur rió","Ġafec tarÃŃa","Ġcuad rilla","ĠNor berto","Ġpubli quen","ÃģL ISIS","n icas","Ġm ueca","ĠAc t","ĠCap itolio","Ġgir l","ĠJapon és","Ġvirgin idad","Ġman tra","Ġamor osos","dal enas","Ġder bi","Ġdesper tando","Ġdiscre tos","ĠManif iesto","R ERO","f ab","Ġ ist","ĠR ho","ĠInvesti gador","Ġperif érico","P asa","er se","ĠT án","ces ana","écn ico","Ġtel enovelas","ĠMer idi","Ġenfrent ados","ĠD HL","» :","Ġprer roga","di osa","ĠT all","Ġan ulado","ten ango","Ġah uy","ĠPro blema","ĠAd words","Ġincre dulidad","Ġdan ce","Ġhom il","Ġaguar da","ĠEspar ta","ĠJUL IO","G ente","f ate","Ġcol gó","Ġedi tados","ĠLo dge","Ġreco brar","amb laje","Ġesco ba","Ġprece dido","ĠCala trava","Ġriqu ÃŃsimo","ĠSUPER IOR","! ?","u ris","Ġmo tel","Ġcop iloto","ĠMos s","Ġacomo da","Ġesc rup","Re gres","ĠAnte cedentes","ĠTeo doro","C oo","gun to","Ġemo cionar","Ġexplo tados","Ġsumerg ida","ĠGeo graphic","Ġest amentos","ĠDE CRE","Ġtal le","Ġk ernel","Ġacostumb ran","Ġapropi arse","ĠTemp le","Ġexager ación","tiro idismo","ĠDesaf ÃŃo","QUIS ITOS","in sa","Ġfin landés","Ġpermitir nos","ĠRefug iados","ĠS cho","ĠH iros","Ġrefle jadas","úb ilo","Ġbb w","Pros titutas","Ġa tados","zar es","Ġproces ada","Pa ge","Ġde gener","Ġo tom","Ġra ja","Ġminu ciosa","glo bina","ĠEl ba","Ġincl inar","Ġaf ter","ĠNa huel","orn ing","Ġsil uetas","Ġmaravillos amente","Ġjudicial mente","n ier","ĠCon fi","Ġcal ambres","ĠJul i","Ġrefug iarse","ĠS ED","Ġper form","tur ada","Ġgu inda","// //","ĠConsul tivo","tent ri","eléctr ica","Sem ana","c ampo","à Ł","ĠO T","ele mentos","Con ec","Ġbando lera","Ġenérg ico","Ġtrans nacional","Ġpla gada","Ġhum illa","Ġimplic ó","ĠVis ite","Ġautent ico","pon ente","gas te","Ġremo viendo","Ġsocio cultural","Ġinterac tu","Ġsincer as","ĠAuxiliar es","Ġtaj ante","ud ado","Ġasegu rador","Ġreal zar","Ġbor da","h ech","it ter","Ġante ojos","Ġsa ciar","ĠVer ás","Ġt x","ĠCh icos","Ġcertific adas","ĠE terno","ĠA ves","ĠN ube","Ġcer támenes","ĠAn astas","Co inci","ĠAngel ina","Ġsalvador eño","Ġbin omio","Ġlé xico","Ġvicis itudes","Ġcer das","Ġmas onerÃŃa","Ġqued ándose","ĠAd junto","ĠMel gar","ĠINV ERS","Ġprestam o","W ar","co tt","Ġcreer lo","Ġtransfer ido","ĠOlimp iada","ĠPear l","Ġf ort","Ġvo tan","11 8","Ġsatisfac en","Ġrom ánico","ant ha","ĠCin tur","ĠI ru","ĠTo var","bo w","ĠEstado unidense","Ġenfer mas","Ġproce dieron","Ġconsum ismo","Po der","Ġautóc tonos","R oma","Ġf ÃŃn","Ġme tó","00 7","Ġlib rado","ĠCh ad","Ġban d","Ġalcal dÃŃas","Ġjam ones","Ġpersu adir","Ġdel ib","ĠN Ãļ","ĠCon mebol","Ġna zar","Ġindi as","Ġimagin é","Is abel","Ġhomo fobia","Ġte quila","Ġautor ice","Ġtro quel","Ġevang élica","Ġdesil usión","Ġpara guaya","ul fo","ĠAr cángel","Ġfal acia","Ġpais anos","ĠApar icio","ĠCIV IL","ĠS z","Ġfortal ecido","Ġsar c","Ġca ótico","ĠRu z","Ġimpar tió","Ġconcluy a","far macia","Ġcro chet","ĠÃģr tico","Ġmanag ement","G INA","Ġven garse","Ġfemin idad","Ġex i","Ġco pro","end ra","Ġse ces","ac re","Ġte oria","ART ICULO","Ġimpa ciencia","Ġincuestion able","Ġcar ru","Al gún","ĠâĤ¬ /","DO C","Ġliv iana","f ores","Ġedi cion","No che","ĠGal ilea","ĠAC N","оР¹","Ġadmir adores","v ist","å ľ","Ġp ach","Ġd uelen","Ġsuf ridas","Ġdesenvolver se","V igencia","Ġop rimidos","Ġpel liz","Ġlan zo","Ġresolver lo","Ġmadri dista","Ġsuscrib irse","Ġexponencial mente","Ġtan ga","Ġcan arias","Ġpla quetas","ĠCa f","ĠBu ñ","ĠPatr ona","Ġtrasc endido","ĠPRODUC TOS","Ġdesenvol vimiento","n á","Ġj et","rea u"]}} diff --git a/data_tooling/bertin/tokenizer_config.json b/data_tooling/bertin/tokenizer_config.json new file mode 100644 index 0000000..88a86b3 --- /dev/null +++ b/data_tooling/bertin/tokenizer_config.json @@ -0,0 +1 @@ +{"unk_token": "", "bos_token": "", "eos_token": "", "add_prefix_space": false, "errors": "replace", "sep_token": "", "cls_token": "", "pad_token": "", "mask_token": "", "special_tokens_map_file": null, "name_or_path": "./", "tokenizer_class": "RobertaTokenizer"} diff --git a/data_tooling/bertin/tokens.py b/data_tooling/bertin/tokens.py new file mode 100644 index 0000000..09c003c --- /dev/null +++ b/data_tooling/bertin/tokens.py @@ -0,0 +1,31 @@ +#!/usr/bin/env python3 +from datasets import load_dataset +from tokenizers import ByteLevelBPETokenizer + +# Load dataset +dataset = load_dataset("oscar", "unshuffled_deduplicated_es", split="train[:5000000]") + +# Instantiate tokenizer +tokenizer = ByteLevelBPETokenizer() + + +def batch_iterator(batch_size=100_000): + for i in range(0, len(dataset), batch_size): + yield dataset["text"][i : i + batch_size] + + +# Customized training +tokenizer.train_from_iterator( + batch_iterator(), + vocab_size=50265, + min_frequency=2, + special_tokens=[ + "", + "", + "", + "", + "", + ], +) +# Save files to disk +tokenizer.save("./tokenizer.json") diff --git a/data_tooling/bertin/tokens.py.orig b/data_tooling/bertin/tokens.py.orig new file mode 100644 index 0000000..3f8e47d --- /dev/null +++ b/data_tooling/bertin/tokens.py.orig @@ -0,0 +1,31 @@ +#!/usr/bin/env python3 +from datasets import load_dataset +from tokenizers import ByteLevelBPETokenizer + +# Load dataset +<<<<<<< HEAD +dataset = load_dataset("oscar", "unshuffled_deduplicated_es", split="train[:5000000]") + +# Instantiate tokenizer +tokenizer = ByteLevelBPETokenizer() +def batch_iterator(batch_size=100_000): +======= +dataset = load_dataset("oscar", "unshuffled_deduplicated_es", split="train") + +# Instantiate tokenizer +tokenizer = ByteLevelBPETokenizer() +def batch_iterator(batch_size=1_000_000): +>>>>>>> d5cede47e74aa6ec36f20acf5aba37c6734c6186 + for i in range(0, len(dataset), batch_size): + yield dataset["text"][i: i + batch_size] + +# Customized training +tokenizer.train_from_iterator(batch_iterator(), vocab_size=50265, min_frequency=2, special_tokens=[ + "", + "", + "", + "", + "", +]) +# Save files to disk +tokenizer.save("./tokenizer.json") diff --git a/data_tooling/bertin/tsne_plot.py b/data_tooling/bertin/tsne_plot.py new file mode 100644 index 0000000..0b9f459 --- /dev/null +++ b/data_tooling/bertin/tsne_plot.py @@ -0,0 +1,116 @@ +import argparse +import logging +from typing import Any, Optional + +import bokeh +import numpy as np +import pandas as pd +from bokeh.models import ColumnDataSource, HoverTool +from bokeh.palettes import Cividis256 as Pallete +from bokeh.plotting import figure, output_file, save +from bokeh.transform import factor_cmap +from sklearn.manifold import TSNE + +logging.basicConfig(level=logging.INFO) +logger = logging.getLogger(__name__) +SEED = 0 + + +def get_tsne_embeddings( + embeddings: np.ndarray, + perplexity: int = 30, + n_components: int = 2, + init: str = "pca", + n_iter: int = 5000, + random_state: int = SEED, +) -> np.ndarray: + tsne = TSNE( + perplexity=perplexity, + n_components=n_components, + init=init, + n_iter=n_iter, + random_state=random_state, + ) + return tsne.fit_transform(embeddings) + + +def draw_interactive_scatter_plot( + texts: np.ndarray, xs: np.ndarray, ys: np.ndarray, values: np.ndarray +) -> Any: + # Normalize values to range between 0-255, to assign a color for each value + max_value = values.max() + min_value = values.min() + values_color = ( + ((values - min_value) / (max_value - min_value) * 255) + .round() + .astype(int) + .astype(str) + ) + values_color_set = sorted(values_color) + + values_list = values.astype(str).tolist() + values_set = sorted(values_list) + + source = ColumnDataSource(data=dict(x=xs, y=ys, text=texts, perplexity=values_list)) + hover = HoverTool( + tooltips=[("Sentence", "@text{safe}"), ("Perplexity", "@perplexity")] + ) + p = figure(plot_width=1200, plot_height=1200, tools=[hover], title="Sentences") + p.circle( + "x", + "y", + size=10, + source=source, + fill_color=factor_cmap( + "perplexity", + palette=[Pallete[int(id_)] for id_ in values_color_set], + factors=values_set, + ), + ) + return p + + +def generate_plot(tsv: str, output_file_name: str, sample: Optional[int]): + logger.info("Loading dataset in memory") + df = pd.read_csv(tsv, sep="\t") + if sample: + df = df.sample(sample, random_state=SEED) + logger.info(f"Dataset contains {df.shape[0]} sentences") + embeddings = df[ + sorted( + (col for col in df.columns if col.startswith("dim")), + key=lambda x: int(x.split("_")[-1]), + ) + ].values + logger.info(f"Running t-SNE") + tsne_embeddings = get_tsne_embeddings(embeddings) + logger.info(f"Generating figure") + plot = draw_interactive_scatter_plot( + df["sentence"].values, + tsne_embeddings[:, 0], + tsne_embeddings[:, 1], + df["perplexity"].values, + ) + output_file(output_file_name) + save(plot) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="Embeddings t-SNE plot") + parser.add_argument( + "--tsv", + type=str, + help="Path to tsv file with columns 'text', 'perplexity' and N 'dim_ columns for each embdeding dimension.'", + ) + parser.add_argument( + "--output_file", + type=str, + help="Path to the output HTML file for the interactive plot.", + default="perplexity_colored_embeddings.html", + ) + parser.add_argument( + "--sample", type=int, help="Number of sentences to use", default=None + ) + + args = parser.parse_args() + generate_plot(args.tsv, args.output_file, args.sample) diff --git a/data_tooling/bertin/utils/dataset_perplexity.py b/data_tooling/bertin/utils/dataset_perplexity.py new file mode 100644 index 0000000..2ca470c --- /dev/null +++ b/data_tooling/bertin/utils/dataset_perplexity.py @@ -0,0 +1,23 @@ +import json + +import kenlm +from tqdm import tqdm + +model = kenlm.Model("../es.arpa.bin") + + +def get_perplexity(doc): + doc_log_score, doc_length = 0, 0 + for line in doc.split("\n"): + log_score = model.score(line) + length = len(line.split()) + 1 + doc_log_score += log_score + doc_length += length + return 10.0 ** (-doc_log_score / doc_length) + + +with open("mc4-es-train-50M-stats.csv", "w") as csv: + with open("mc4-es-train-50M-steps.jsonl", "r") as data: + for line in tqdm(data): + text = json.loads(line)["text"] + csv.write(f"{len(text.split())},{get_perplexity(text)}\n") diff --git a/data_tooling/bertin/utils/download_mc4es_sampled.py b/data_tooling/bertin/utils/download_mc4es_sampled.py new file mode 100644 index 0000000..a244659 --- /dev/null +++ b/data_tooling/bertin/utils/download_mc4es_sampled.py @@ -0,0 +1,32 @@ +import gzip +import io +import json +import sys + +import requests +from tqdm import tqdm + +_DATA_URL_TRAIN = "https://huggingface.co/datasets/bertin-project/mc4-es-sampled/resolve/main/mc4-es-train-50M-{config}-shard-{index:04d}-of-{n_shards:04d}.json.gz" + + +def main(config="stepwise"): + data_urls = [ + _DATA_URL_TRAIN.format( + config=config, + index=index + 1, + n_shards=1024, + ) + for index in range(1024) + ] + with open(f"mc4-es-train-50M-{config}.jsonl", "w") as f: + for dara_url in tqdm(data_urls): + response = requests.get(dara_url) + bio = io.BytesIO(response.content) + with gzip.open(bio, "rt", encoding="utf8") as g: + for line in g: + json_line = json.loads(line.strip()) + f.write(json.dumps(json_line) + "\n") + + +if __name__ == "__main__": + main(sys.argv[1]) diff --git a/data_tooling/bertin/utils/generate_datasets.py b/data_tooling/bertin/utils/generate_datasets.py new file mode 100644 index 0000000..20611fa --- /dev/null +++ b/data_tooling/bertin/utils/generate_datasets.py @@ -0,0 +1,162 @@ +import json +import logging +import os + +from datasets import load_dataset +from tqdm import tqdm + +# Setup logging +logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + level="INFO", + datefmt="[%X]", +) + +# Log on each process the small summary: +logger = logging.getLogger(__name__) +os.system("wget http://dl.fbaipublicfiles.com/cc_net/lm/es.arpa.bin") +mc4 = load_dataset( + "./mc4", + "es", + split="train", + sampling_method="steps", + perplexity_model="./es.arpa.bin", + sampling_factor=1.5e5, + boundaries=[536394.99320948, 662247.50212365, 919250.87225178], + streaming=True, +).shuffle(buffer_size=10000, seed=2021) +total = 0 +with open("mc4-es-train-50M-steps.jsonl", "w") as f: + for sample in tqdm(mc4, total=50_000_000): + f.write(json.dumps(sample) + "\n") + total += 1 + if total >= 50_000_000: + break + +mc4val = load_dataset( + "./mc4", + "es", + split="validation", + sampling_method="steps", + perplexity_model="./es.arpa.bin", + sampling_factor=5e5, + boundaries=[536394.99320948, 662247.50212365, 919250.87225178], + streaming=True, +).shuffle(buffer_size=10000, seed=2021) +total = 0 +with open("mc4-es-validation-5M-steps.jsonl", "w") as f: + for sample in tqdm(mc4val, total=5_000_000): + f.write(json.dumps(sample) + "\n") + total += 1 + if total >= 5_000_000: + break + + +# ------------------ + +import json +import logging + +from datasets import load_dataset +from tqdm import tqdm + +# Setup logging +logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + level="INFO", + datefmt="[%X]", +) + +# Log on each process the small summary: +logger = logging.getLogger(__name__) + + +mc4 = load_dataset( + "./mc4", + "es", + split="train", + sampling_method="gaussian", + perplexity_model="../es.arpa.bin", + sampling_factor=0.78, + boundaries=[536394.99320948, 662247.50212365, 919250.87225178], + streaming=True, +).shuffle(buffer_size=10000, seed=2021) +total = 0 +with open("mc4-es-train-50M-gaussian.jsonl", "w") as f: + for sample in tqdm(mc4, total=50_000_000): + f.write(json.dumps(sample) + "\n") + total += 1 + if total >= 50_000_000: + break +mc4val = load_dataset( + "./mc4", + "es", + split="validation", + sampling_method="gaussian", + perplexity_model="../es.arpa.bin", + sampling_factor=1, + boundaries=[536394.99320948, 662247.50212365, 919250.87225178], + streaming=True, +).shuffle(buffer_size=10000, seed=2021) +total = 0 +with open("mc4-es-validation-5M-gaussian.jsonl", "w") as f: + for sample in tqdm(mc4val, total=5_000_000): + f.write(json.dumps(sample) + "\n") + total += 1 + if total >= 5_000_000: + break + + +# ------------------ + +import json +import logging + +from datasets import load_dataset +from tqdm import tqdm + +# Setup logging +logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + level="INFO", + datefmt="[%X]", +) + +# Log on each process the small summary: +logger = logging.getLogger(__name__) + + +mc4 = load_dataset( + "./mc4", + "es", + split="train", + sampling_method="random", + perplexity_model="../es.arpa.bin", + sampling_factor=0.5, + boundaries=[536394.99320948, 662247.50212365, 919250.87225178], + streaming=True, +).shuffle(buffer_size=10000, seed=2021) +total = 0 +with open("mc4-es-train-50M-random.jsonl", "w") as f: + for sample in tqdm(mc4, total=50_000_000): + f.write(json.dumps(sample) + "\n") + total += 1 + if total >= 50_000_000: + break +mc4val = load_dataset( + "./mc4", + "es", + split="validation", + sampling_method="random", + perplexity_model="../es.arpa.bin", + sampling_factor=0.5, + boundaries=[536394.99320948, 662247.50212365, 919250.87225178], + streaming=True, +).shuffle(buffer_size=10000, seed=2021) +total = 0 +with open("mc4-es-validation-5M-random.jsonl", "w") as f: + for sample in tqdm(mc4val, total=5_000_000): + f.write(json.dumps(sample) + "\n") + total += 1 + if total >= 5_000_000: + break diff --git a/data_tooling/bertin/vocab.json b/data_tooling/bertin/vocab.json new file mode 100644 index 0000000..436ea42 --- /dev/null +++ b/data_tooling/bertin/vocab.json @@ -0,0 +1 @@ +{"":0,"":1,"":2,"":3,"":4,"!":5,"\"":6,"#":7,"$":8,"%":9,"&":10,"'":11,"(":12,")":13,"*":14,"+":15,",":16,"-":17,".":18,"/":19,"0":20,"1":21,"2":22,"3":23,"4":24,"5":25,"6":26,"7":27,"8":28,"9":29,":":30,";":31,"<":32,"=":33,">":34,"?":35,"@":36,"A":37,"B":38,"C":39,"D":40,"E":41,"F":42,"G":43,"H":44,"I":45,"J":46,"K":47,"L":48,"M":49,"N":50,"O":51,"P":52,"Q":53,"R":54,"S":55,"T":56,"U":57,"V":58,"W":59,"X":60,"Y":61,"Z":62,"[":63,"\\":64,"]":65,"^":66,"_":67,"`":68,"a":69,"b":70,"c":71,"d":72,"e":73,"f":74,"g":75,"h":76,"i":77,"j":78,"k":79,"l":80,"m":81,"n":82,"o":83,"p":84,"q":85,"r":86,"s":87,"t":88,"u":89,"v":90,"w":91,"x":92,"y":93,"z":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,"ĭ":238,"Į":239,"į":240,"İ":241,"ı":242,"IJ":243,"ij":244,"Ĵ":245,"ĵ":246,"Ķ":247,"ķ":248,"ĸ":249,"Ĺ":250,"ĺ":251,"Ļ":252,"ļ":253,"Ľ":254,"ľ":255,"Ŀ":256,"ŀ":257,"Ł":258,"ł":259,"Ń":260,"de":261,"Ġe":262,"Ġde":263,"Ġl":264,"os":265,"Ġp":266,"Ġc":267,"ar":268,"en":269,"er":270,"Ġa":271,"es":272,"as":273,"Ġs":274,"on":275,"ci":276,"or":277,"ue":278,"an":279,"Ġm":280,"ad":281,"al":282,"Ġla":283,"que":284,"Ġen":285,"un":286,"ó":287,"in":288,"Ġt":289,"re":290,"Ġy":291,"st":292,"Ġque":293,"ent":294,"Ġel":295,"ÃŃ":296,"ic":297,"Ġcon":298,"ón":299,"á":300,"Ġn":301,"Ġun":302,"Ġh":303,"om":304,"ra":305,"do":306,"ro":307,"di":308,"ti":309,"Ġse":310,"Ġf":311,"ción":312,"Ġv":313,"am":314,"Ġes":315,"Ġlos":316,"Ġpar":317,"te":318,"Ġest":319,"Ġo":320,"le":321,"ta":322,"ri":323,"Ġin":324,"Ġre":325,"é":326,"to":327,"Ġsu":328,"Ġdel":329,"ado":330,"ol":331,"id":332,"Ġcom":333,"ĠC":334,"res":335,"ab":336,"ĠE":337,"Ġal":338,"Ġpor":339,"ec":340,"Ġb":341,"Ġd":342,"Ġlas":343,"Ġpara":344,"Ġg":345,"ente":346,"mp":347,"ñ":348,"ĠA":349,"is":350,"ación":351,"ĠP":352,"Ġuna":353,"ĠS":354,"il":355,"cion":356,"ÃŃa":357,"Ġdi":358,"Ġno":359,"ul":360,"âĢ":361,"qu":362,"ĠM":363,"Ġpro":364,"tu":365,"ac":366,"Ġsi":367,"ás":368,"Ġper":369,"Ġcu":370,"ĠL":371,"ter":372,"ien":373,"tr":374,"lo":375,"la":376,"ada":377,"Ġme":378,"io":379,"da":380,"Ġlo":381,"ma":382,"uc":383,"ist":384,"ir":385,"ú":386,"Ġdes":387,"ica":388,"ia":389,"el":390,"cia":391,"gu":392,"ĠD":393,"Ġac":394,"tos":395,"us":396,"go":397,"iz":398,"ier":399,"ient":400,"ran":401,"tiv":402,"it":403,"Ġ1":404,"Ġcomo":405,"Ġ(":406,"ales":407,"ando":408,"Ġto":409,"Ġex":410,"Ġi":411,"idad":412,"Ġ2":413,"..":414,"ues":415,"ciones":416,"ĠT":417,"Ġha":418,"Ġmás":419,"mo":420,"ici":421,"mos":422,"aj":423,"se":424,"bre":425,"ados":426,"tor":427,"ico":428,"ĠR":429,"cu":430,"pa":431,"ie":432,"án":433,"Ġser":434,"dad":435,"ĠB":436,"Ġj":437,"Ġpo":438,"den":439,"iv":440,"Ġso":441,"Ġan":442,"tra":443,"ĠG":444,"tes":445,"des":446,"ĠN":447,"ĠI":448,"bi":449,"ten":450,"era":451,"tro":452,"ĠF":453,"tar":454,"Ġtra":455,"Ġres":456,"ĠâĢ":457,"ida":458,"Ġap":459,"ión":460,"ras":461,"ig":462,"co":463,"ib":464,"ero":465,"Ġle":466,"im":467,"ch":468,"Ġte":469,"orm":470,"ca":471,"ador":472,"dos":473,"Ġpue":474,"iento":475,"Ġcomp":476,"um":477,"Ġqu":478,"Ġmu":479,"Ġpre":480,"Ġsus":481,"per":482,"ios":483,"ce":484,"ante":485,"Ġma":486,"Ġten":487,"po":488,"00":489,"ru":490,"tas":491,"der":492,"én":493,"âĢĿ":494,"ez":495,"Ġas":496,"ĠH":497,"Ġpr":498,"amos":499,"ĠV":500,"amente":501,"Ġpa":502,"pe":503,"tre":504,"Ġar":505,"Ġeste":506,"uch":507,"ĠJ":508,"bl":509,"Ġañ":510,"Ġhac":511,"Ġhab":512,"ĠU":513,"mente":514,"Ġca":515,"ara":516,"uer":517,"Ġman":518,"Ġimp":519,"con":520,"gun":521,"encia":522,"ĠâĢľ":523,"gar":524,"ion":525,"ĠEl":526,"Ġpres":527,"son":528,"ido":529,"rim":530,"ur":531,"Ġpero":532,"Ġsin":533,"aliz":534,"ĠLa":535,"na":536,"ga":537,"ambi":538,"adas":539,"Ġcas":540,"tros":541,"duc":542,"Ġesta":543,"Ġtien":544,"ust":545,"és":546,"ento":547,"El":548,"uev":549,"les":550,"ina":551,"Ġson":552,"ver":553,"za":554,"fer":555,"Ġver":556,"ĠO":557,"los":558,"Ġpas":559,"Ġr":560,"das":561,"je":562,"Ġmo":563,"ores":564,"Ġinter":565,"Ġdis":566,"ana":567,"ens":568,"ún":569,"01":570,"ĠEn":571,"...":572,"ora":573,"Ġperson":574,"Ġsobre":575,"ces":576,"las":577,"cul":578,"Ġcar":579,"cl":580,"Ġco":581,"ario":582,"ĠÂ":583,"Ġentre":584,"no":585,"icos":586,"entes":587,"lan":588,"ĠEst":589,"Ġlle":590,"tal":591,"Ġor":592,"Ġmis":593,"Ġcons":594,"Ġob":595,"Ġsol":596,"por":597,"Ġemp":598,"icas":599,"Ġnues":600,"baj":601,"Ġam":602,"Ġtu":603,"pon":604,"Ġnos":605,"Ġinf":606,"Ġmuch":607,"ĠIn":608,"ĠEs":609,"Ġya":610,"ech":611,"emos":612,"cias":613,"Ġmuy":614,"pañ":615,"cial":616,"enta":617,"em":618,"Ġsal":619,"Ġcre":620,"ambién":621,"Ġtodo":622,"Ġmedi":623,"oy":624,"Ġ3":625,"La":626,"jo":627,"eces":628,"Ġcor":629,"Ġpos":630,"Ġ\"":631,"dr":632,"if":633,"par":634,"Ġab":635,"Ġ201":636,"Ġesc":637,"able":638,"Ġprim":639,"Ġnuev":640,"ĠCon":641,"Ġmi":642,"Ġmej":643,"Ġdeb":644,"tivo":645,"Ġfin":646,"ano":647,"Ġtan":648,"rec":649,"gra":650,"cional":651,"oc":652,"ÃŃas":653,"endo":654,"min":655,"aba":656,"ÃŃn":657,"Ġmar":658,"orma":659,"ve":660,"Ġcam":661,"cio":662,"ño":663,"til":664,"ita":665,"me":666,"Ġtrabaj":667,"udi":668,"tura":669,"ÃŃs":670,"Ġestá":671,"ias":672,"pos":673,"uen":674,"ble":675,"fici":676,"ba":677,"ĠY":678,"Ġaños":679,"ren":680,"eb":681,"Ġpe":682,"esti":683,"Ġgran":684,"En":685,"Ġtambién":686,"Ġcal":687,"lar":688,"Ġdu":689,"asta":690,"ista":691,"Ġfue":692,"mas":693,"ven":694,"antes":695,"Ġdesde":696,"Ġpuede":697,"idades":698,"Ġhay":699,"Ġus":700,"amiento":701,"Ġni":702,"gan":703,"ros":704,"Ġna":705,"arios":706,"cip":707,"Ġparti":708,"ut":709,"jer":710,"ĠRe":711,"Ġcol":712,"Ġdos":713,"Ġcuando":714,"Ġ-":715,"Ġhacer":716,"oci":717,"Ġcual":718,"ĠSe":719,"ino":720,"fec":721,"car":722,"ort":723,"Ġu":724,"Ġtiene":725,"Ġtodos":726,"Ġdon":727,"ud":728,"ĠUn":729,"qui":730,"iemp":731,").":732,"ÃŃt":733,"Ġsegu":734,"Ġreg":735,"Ġmen":736,"Ġmun":737,"lic":738,"aron":739,"Ġhasta":740,"gen":741,"mb":742,"Ġneces":743,"Ġter":744,"Ġprop":745,"pec":746,"Ġcos":747,"Ġé":748,"Ġlu":749,"Ġhan":750,"Ġmejor":751,"Ġmay":752,"Ġ4":753,"ĠAl":754,"ener":755,"ing":756,"vi":757,"quier":758,"tiva":759,"ones":760,"og":761,"entos":762,"Ġbien":763,"ará":764,"Ġtiemp":765,"Ġdeci":766,"Ġdonde":767,"Ġcan":768,"tras":769,"mi":770,"Ġparte":771,"),":772,"Ġalgun":773,"Ġproduc":774,"so":775,"ay":776,"almente":777,"teri":778,"itu":779,"Ġad":780,"Ġexp":781,"Ġfun":782,"Ġch":783,"gr":784,"iones":785,"Ġgra":786,"más":787,"adores":788,"ob":789,"tur":790,"Ġ5":791,"Ġvez":792,"ĠDe":793,"Ġinform":794,"man":795,"uel":796,"can":797,"Ġmil":798,"Ġpol":799,"rib":800,"Ġcada":801,"Ġda":802,"zo":803,"Ġbuen":804,"ĠasÃŃ":805,"Ġrealiz":806,"idos":807,"Ġporque":808,"Ġforma":809,"ja":810,"et":811,"Ġll":812,"arse":813,"tado":814,"ste":815,"iu":816,"rante":817,"Ġpu":818,"Ġserv":819,"Ġtiempo":820,"Ġdo":821,"ĠCom":822,"ide":823,"ÃŃcul":824,"erv":825,"Ġve":826,"rol":827,"cil":828,"ona":829,"Ġsab":830,"Ġti":831,"ĠMar":832,"ĠNo":833,"emp":834,"âĢ¦":835,"eros":836,"pu":837,"Ġtran":838,"Ġespe":839,"cur":840,"ĠdÃŃa":841,"Ġ19":842,"ular":843,"unto":844,"com":845,"nos":846,"gos":847,"av":848,"Ġaño":849,"Ġne":850,"Ġ¿":851,"Ġuno":852,"ed":853,"ÃŃan":854,"miento":855,"Ġcer":856,"ér":857,"Ġcontra":858,"Ġcl":859,"Ġade":860,"Ġinst":861,"Ġcont":862,"Ġconf":863,"Ġvida":864,"itar":865,"ños":866,"úl":867,"iden":868,"Ġah":869,"icación":870,"Ġempres":871,"ito":872,"Ġinv":873,"Ġdic":874,"ĠW":875,"vo":876,"ible":877,"Ġau":878,"ĠSan":879,"alidad":880,"Ġincl":881,"ilidad":882,"Ġop":883,"ĠAn":884,"Ġfu":885,"ea":886,"tivos":887,"Ġfuer":888,"Ġllev":889,"omb":890,"iudad":891,"arrol":892,"Ġpersonas":893,"aciones":894,"tir":895,"úbl":896,"últi":897,"Ġprof":898,"lec":899,"ub":900,"Ġhace":901,"Ġlib":902,"Ġmismo":903,"Ġro":904,"Ġay":905,"Ġra":906,"Ġev":907,"ers":908,"Ġgener":909,"Ġlugar":910,"Ġof":911,"ĠCh":912,"at":913,"cios":914,"gún":915,"Ġcomun":916,"Ġservici":917,"Ġmayor":918,"du":919,"ĠpaÃŃs":920,"cas":921,"ĠLos":922,"Ġotros":923,"Ġbas":924,"cor":925,"âĢĿ,":926,"Ġreci":927,"uego":928,"ición":929,"Ġju":930,"ena":931,"Ġconst":932,"Ġdirec":933,"át":934,"Ġtrans":935,"yec":936,"anos":937,"pues":938,"Ġpla":939,"ientos":940,"Ġsec":941,"Ġpodr":942,"Ġera":943,"Ġmin":944,"Ġ6":945,"Ġmom":946,"dic":947,"ña":948,"incip":949,"Ġactu":950,"mpl":951,"Ġmas":952,"Ġplan":953,"Ġimport":954,"Ġmundo":955,"jos":956,"echo":957,"Ġden":958,"iendo":959,"Ġdist":960,"uy":961,"Ġrep":962,"ĠPor":963,"Ġval":964,"vers":965,"ración":966,"Ġsig":967,"Ġdifer":968,"Ġform":969,"éc":970,"Ġúlti":971,"Ġmes":972,"cuent":973,"Ġtanto":974,"Ġestán":975,"Ġvis":976,"ólo":977,"Ġdesarrol":978,"ĠK":979,"Ġmucho":980,"Ġviv":981,"Ġprincip":982,"ine":983,"ĠAr":984,"ton":985,"Ġencon":986,"âĢĿ.":987,"aje":988,"Ġdurante":989,"Ġw":990,"Ġutil":991,"Ġli":992,"Ġsent":993,"ombre":994,"Ġsolo":995,"Ġsiemp":996,"Ġsiempre":997,"tic":998,"Ġtrabajo":999,"endi":1000,"unque":1001,"vis":1002,"Ġequi":1003,"pués":1004,"amil":1005,"ismo":1006,"Ġtener":1007,"Ġpues":1008,"Ġcent":1009,"Ġhist":1010,"Ġpon":1011,"Ġher":1012,"Ġcuenta":1013,"Ġquien":1014,"rar":1015,"Ġdest":1016,"Ġcab":1017,"ĠLe":1018,"Ġles":1019,"oria":1020,"Ġbaj":1021,"Ġeso":1022,"Ġpes":1023,"trar":1024,"Ġdej":1025,"Ġestudi":1026,"cer":1027,"ruc":1028,"istas":1029,"ceso":1030,"Ġcaso":1031,"Ġcualquier":1032,"Ġciudad":1033,"segu":1034,"tel":1035,"Ġá":1036,"ĠPro":1037,"Ġquier":1038,"tación":1039,"Ġalgo":1040,"tores":1041,"Ġtras":1042,"iente":1043,"fic":1044,"Ġese":1045,"Ġtar":1046,"rech":1047,"entar":1048,"Ġotro":1049,"sta":1050,"Ġvol":1051,"argo":1052,"Ġmenos":1053,"dades":1054,"dar":1055,"Ġresul":1056,"imo":1057,"Ġref":1058,"Ġcomple":1059,"Ġri":1060,"Ġllam":1061,"Ġencuent":1062,"Ġbus":1063,"Ġmujer":1064,"Ġcó":1065,"ĠMe":1066,"zar":1067,"Ġhor":1068,"ĀĀ":1069,"Ġsido":1070,"Ġexper":1071,"Ġpoco":1072,"Ġtom":1073,"Ġnuestro":1074,"ene":1075,"Ġutiliz":1076,"ĠSi":1077,"ución":1078,"eo":1079,"ho":1080,"cal":1081,"Ġven":1082,"teg":1083,"Ġpl":1084,"Ġtoda":1085,"ús":1086,"Ġmomento":1087,"gua":1088,"ancia":1089,"ital":1090,"ierno":1091,"Ġsuper":1092,"ĠCar":1093,"Ġrela":1094,"Ġmon":1095,"Ġfal":1096,"Ġ7":1097,"Ġapar":1098,"Ġestos":1099,"Ġ200":1100,"ece":1101,"paña":1102,"Ġpueden":1103,"Ġinformación":1104,"Ġsea":1105,"Ġdef":1106,"ala":1107,"Ġhi":1108,"óm":1109,"Ġtodas":1110,"omo":1111,"Ġgust":1112,"ĠAs":1113,"ola":1114,"Ġfamil":1115,"Ġproyec":1116,"cel":1117,"Ġ8":1118,"ivers":1119,"ciales":1120,"Ġmer":1121,"Ġprofes":1122,"ris":1123,"ĠDE":1124,"Ġnuestra":1125,"Ġnuevo":1126,"tan":1127,"Ġorgan":1128,"Ġpoder":1129,"Ġyo":1130,"Los":1131,"Ġproble":1132,"ĠQ":1133,"Ġtipo":1134,"tó":1135,"ÃŃst":1136,"ĠpolÃŃt":1137,"Ġactiv":1138,"Ġpúbl":1139,"Ġtr":1140,"cre":1141,"CI":1142,"Ġtrav":1143,"Ġcap":1144,"Ġcul":1145,"Ġderech":1146,"ĠhabÃŃa":1147,"Ġz":1148,"uso":1149,"Ġemb":1150,"Ġva":1151,"ĠdÃŃas":1152,"Ġestar":1153,"uro":1154,"Ġantes":1155,"vil":1156,"Ġfi":1157,"tis":1158,"ÃŃo":1159,"Ġmanera":1160,"Ġobje":1161,"Ġhum":1162,"gres":1163,"ge":1164,"quel":1165,"Ġelec":1166,"Ġ10":1167,"Ġpubl":1168,"Ġprimer":1169,"olog":1170,"Ġhe":1171,"Ġtal":1172,"Ġtres":1173,"Ġprimera":1174,"ES":1175,"imiento":1176,"Ġesp":1177,"ima":1178,"eron":1179,"Ġdespués":1180,"Ġahora":1181,"Ġide":1182,"Ġtravés":1183,"Ġ9":1184,"Ġotra":1185,"ác":1186,"Ġgru":1187,"omin":1188,"Ġtienen":1189,"Ġsigu":1190,"cep":1191,"ĠDes":1192,"Ġdar":1193,"Ġhecho":1194,"Ġsólo":1195,"tec":1196,"Ġesto":1197,"Ġvar":1198,"tamente":1199,"che":1200,"Ġaf":1201,"Ġqué":1202,"Ġsegun":1203,"obierno":1204,"ĠNa":1205,"cos":1206,"aban":1207,"quÃŃ":1208,"ĠLas":1209,"tados":1210,"ivel":1211,"ual":1212,"ĠSu":1213,"sión":1214,"tica":1215,"Ġdecir":1216,"ER":1217,"Ġir":1218,"erg":1219,"Ġesa":1220,"óg":1221,"ome":1222,"Ġfo":1223,"va":1224,"Ġotras":1225,"Ġba":1226,"ĠÃ":1227,"tivas":1228,"Ġgu":1229,"erÃŃa":1230,"Ġhoy":1231,"ap":1232,"Ġunos":1233,"Ġconoci":1234,"Ġcasa":1235,"Ġellos":1236,"ientes":1237,"Ġins":1238,"Ġgan":1239,"ientras":1240,"Ġfr":1241,"Ġprogra":1242,"Ġsitu":1243,"leg":1244,"van":1245,"Ġefec":1246,"Ġmal":1247,"Ġpel":1248,"Ġsub":1249,"idas":1250,"cidad":1251,"Ġpens":1252,"tural":1253,"Ġpeque":1254,"Ġaunque":1255,"Ġexist":1256,"Ġentr":1257,"ór":1258,"iar":1259,"Ġespecial":1260,"dido":1261,"Ġnada":1262,"zas":1263,"Ġaquel":1264,"ió":1265,"!!":1266,"Ġ,":1267,"dia":1268,"\",":1269,"ama":1270,"Ġrespon":1271,"Ġpermi":1272,"Ġcontin":1273,"Ġnivel":1274,"Ġante":1275,"ridad":1276,"ior":1277,"iencia":1278,"Ġrel":1279,"ĠCu":1280,"Ġecon":1281,"cado":1282,"eno":1283,"Ġestado":1284,"Ġorganiz":1285,"duci":1286,"Ġk":1287,"inas":1288,"sa":1289,"gas":1290,"Ġ.":1291,"Ġapro":1292,"Ġcómo":1293,"Ġpresent":1294,"Ġseñ":1295,"âĢľ":1296,"rado":1297,"Ġél":1298,"ág":1299,"AR":1300,"Ġbo":1301,"Ġmill":1302,"ril":1303,"inar":1304,"rist":1305,"OS":1306,"ern":1307,"Ġedi":1308,"Ġcier":1309,"ĠPar":1310,"ál":1311,"Ġpri":1312,"Ġeje":1313,"minist":1314,"000":1315,"Ġestas":1316,"Ġsino":1317,"EN":1318,"oso":1319,"Ġart":1320,"stema":1321,"Ġpal":1322,"Ġsistema":1323,"Ġtemp":1324,"Ġademás":1325,"Ġautor":1326,"Ġdatos":1327,"Se":1328,"Ġdebe":1329,"Ġpi":1330,"eci":1331,"ĠMa":1332,"Ġbar":1333,"ord":1334,"Ġún":1335,"lica":1336,"Ġsem":1337,"Ġdise":1338,"Ġmedio":1339,"úm":1340,"Ġserá":1341,"ele":1342,"tener":1343,"Ġcomer":1344,"ĠCo":1345,"Ġpasado":1346,"ial":1347,"Con":1348,"Por":1349,"ĠX":1350,"Ġag":1351,"Ġmuchos":1352,"eza":1353,"ĠZ":1354,"Ġcambi":1355,"mar":1356,"imos":1357,"ĠPara":1358,"Ġcosas":1359,"Ġcapa":1360,"lor":1361,"Ġequipo":1362,"ific":1363,"Ġsan":1364,"terior":1365,"écn":1366,"idente":1367,"quil":1368,"adora":1369,"ĠPero":1370,"ON":1371,"Ġweb":1372,"sos":1373,"Ġos":1374,"Ġho":1375,"No":1376,"icia":1377,"ĠsÃŃ":1378,"Ġinteres":1379,"Ġejemp":1380,"cionales":1381,"Es":1382,"ĠTo":1383,"tam":1384,"Ġban":1385,"Ġalgunos":1386,"Ġimportante":1387,"untos":1388,"ÃŃculo":1389,"\".":1390,"cha":1391,"ĠEspaña":1392,"he":1393,"fica":1394,"Ġlleg":1395,"AS":1396,"Ġhistoria":1397,"ocer":1398,"tención":1399,"ulo":1400,"Ġempresa":1401,"ya":1402,"Ġtotal":1403,"Ġmillones":1404,"Ġ15":1405,"rig":1406,"Ġestable":1407,"tido":1408,"embre":1409,"Ġ20":1410,"Ġnuestros":1411,"Ġrepres":1412,"Ġella":1413,"Ġcalidad":1414,"ha":1415,"aran":1416,"ables":1417,"inos":1418,"Ġnueva":1419,"Ġ¡":1420,"anza":1421,"itos":1422,"Ġcompar":1423,"cri":1424,"ĠâĢĵ":1425,"Ġhoras":1426,"Ġesper":1427,"tad":1428,"bo":1429,"ep":1430,"Ġmientras":1431,"Ġservicios":1432,"ex":1433,"Ġfinal":1434,"ment":1435,"dan":1436,"adre":1437,"Ġele":1438,"ura":1439,"orn":1440,"AN":1441,"ieron":1442,"ip":1443,"Ġrecon":1444,"Ġvia":1445,"Ġaplic":1446,"Ġuso":1447,"Ġcontro":1448,"ologÃŃa":1449,"rir":1450,"Ġinici":1451,"ĠInter":1452,"Ġhacia":1453,"Ġinvesti":1454,"demos":1455,"bio":1456,"port":1457,"Ġrecu":1458,"Ġprofesion":1459,"Ġdiferentes":1460,"Ġcr":1461,"»":1462,"log":1463,"Ġveces":1464,"Ġservicio":1465,"Ġgente":1466,"orte":1467,"Ġdentro":1468,"gual":1469,"Ġespa":1470,"AL":1471,"Ġestaba":1472,"tidad":1473,"Ġdijo":1474,"Ġusu":1475,"ĠLo":1476,"Ġnúm":1477,"avor":1478,"abor":1479,"cimiento":1480,"ecn":1481,"Ġagua":1482,"Ġ12":1483,"tac":1484,"ilo":1485,"óx":1486,"Ġacuer":1487,"ono":1488,"ĠCas":1489,"cie":1490,"Ġofre":1491,"Ġind":1492,"Ġsegún":1493,"uela":1494,"Ġdispon":1495,"Si":1496,"Ġrev":1497,"Ġmuchas":1498,"ok":1499,"dio":1500,"Ġespañ":1501,"all":1502,"Ġaut":1503,"Ġcompañ":1504,"encias":1505,"ĠBar":1506,"Ġsocial":1507,"rid":1508,"Ġfuncion":1509,"Ġ18":1510,"Ġmisma":1511,"Ġello":1512,"ard":1513,"Ġpersona":1514,"and":1515,"Ġproductos":1516,"ĠSal":1517,"Ġrecor":1518,"Ġanti":1519,"Ġpan":1520,"Ġru":1521,"esta":1522,"Ġ...":1523,"ula":1524,"Ġima":1525,"Ġembargo":1526,"mple":1527,"Ġofici":1528,"Ġdistin":1529,"Ġtus":1530,"Ġgrupo":1531,"demás":1532,"Ġcontinu":1533,"Ġllegar":1534,"Ġposible":1535,"ĠaquÃŃ":1536,"ral":1537,"âĢĻ":1538,"atro":1539,"gn":1540,"Ġdisf":1541,"cin":1542,"OR":1543,"uda":1544,"Ġescri":1545,"pi":1546,"Ġmá":1547,"ĠJu":1548,"illa":1549,"Ġley":1550,"rá":1551,"aria":1552,"ria":1553,"Ġproceso":1554,"Ġorig":1555,"Ġsue":1556,"Ġamb":1557,"Ġsex":1558,"Ġhaber":1559,"Ġconv":1560,"Ġclas":1561,"Ġfavor":1562,"Ġprov":1563,"ológ":1564,"oma":1565,"icip":1566,"Ġvi":1567,"Ġmujeres":1568,"Ġtécn":1569,"ill":1570,"ĠMad":1571,"eta":1572,"bol":1573,"Ġvo":1574,"Ġmé":1575,"stitu":1576,"Las":1577,"Ġgeneral":1578,"Ġpie":1579,"tio":1580,"tante":1581,"Ġjug":1582,"ĠPer":1583,"torio":1584,"Ġcuer":1585,"Ġejemplo":1586,"dida":1587,"Ġpregun":1588,"Ġcur":1589,"Ġespec":1590,"zón":1591,"Ġdesarrollo":1592,"graf":1593,"form":1594,"ber":1595,"dor":1596,"bido":1597,"turas":1598,"Ġencontrar":1599,"Ġayud":1600,"iso":1601,"ĠDi":1602,"unca":1603,"itas":1604,"Ġgrandes":1605,"Ġnoso":1606,"tamiento":1607,"ĠGu":1608,"Ġfueron":1609,"ach":1610,"Ġmode":1611,"Ġrecib":1612,"Ġproyecto":1613,"¿":1614,"Ġcondi":1615,"estión":1616,"jas":1617,"ĠPa":1618,"Ġbajo":1619,"Ġluego":1620,"tera":1621,"Ġpróx":1622,"ĠEx":1623,"Ġleg":1624,"pen":1625,"Ġpunto":1626,"ciendo":1627,"Ġfá":1628,"ĠNacional":1629,"ace":1630,"ám":1631,"gación":1632,"Ġparticip":1633,"ĠMé":1634,"Ġpod":1635,"Ġ0":1636,"Ġquer":1637,"Ġint":1638,"Ġindi":1639,"Ġcin":1640,"Ġpersonal":1641,"Ġtri":1642,"Ġcompr":1643,"Ġeduc":1644,"pecto":1645,"Ġenf":1646,"Ġposib":1647,"Ġgas":1648,"ric":1649,"Ġcasi":1650,"Ġsemana":1651,"Ġdin":1652,"ecu":1653,"Est":1654,"tico":1655,"Ġ«":1656,"porte":1657,"Ġconten":1658,"ĠUnivers":1659,"unci":1660,"eleb":1661,"Ġniños":1662,"Ġnov":1663,"ĠRo":1664,"Ġsac":1665,"Ġconocer":1666,"Ġnosotros":1667,"Ġfor":1668,"ÂŃ":1669,"Ġeconóm":1670,"Ġtrad":1671,"Ġampl":1672,"AD":1673,"Ġacuerdo":1674,"Ġdisfru":1675,"Ġcolor":1676,"Ġnombre":1677,"eras":1678,"Ġclar":1679,"Ġvalor":1680,"Ġminu":1681,"Ġmuer":1682,"Ġapoy":1683,"ajes":1684,"rea":1685,"ĠPo":1686,"Ġempresas":1687,"tonces":1688,"xico":1689,"Ġexperiencia":1690,"Ġvuel":1691,"Ġbuena":1692,"Ġinterna":1693,"IC":1694,"dió":1695,"Ġorden":1696,"Ġdescu":1697,"Ġzona":1698,"ĠCol":1699,"Ġrespons":1700,"ĀĀĀĀ":1701,"Ġmie":1702,"ĠMan":1703,"pre":1704,"ĠAm":1705,"Ġinstal":1706,"Ġmejores":1707,"Ġgracias":1708,"Ġseguridad":1709,"Ġigual":1710,"ensa":1711,"Ġnego":1712,"Ġsalud":1713,"Ġceleb":1714,"Ġnúmero":1715,"uestra":1716,"Ġpág":1717,"ite":1718,"acter":1719,"ĠSin":1720,"Ġextra":1721,"isión":1722,"tá":1723,"Ġet":1724,"cina":1725,"osa":1726,"iene":1727,"dencia":1728,"ĠCa":1729,"Ġtendr":1730,"Ġtecn":1731,"abilidad":1732,"echa":1733,"ĠEste":1734,"ctu":1735,"fico":1736,"Ġcaus":1737,"Ġrecom":1738,"Ġpalab":1739,"Ãĥ":1740,"áp":1741,"ĠVal":1742,"ĠSo":1743,"Ġconsi":1744,"Ġrealizar":1745,"vid":1746,"Ġcuan":1747,"Ġlab":1748,"ne":1749,"Ġaum":1750,"ización":1751,"Ġmeses":1752,"posición":1753,"Ġlado":1754,"Ġall":1755,"201":1756,"Ġtermin":1757,"Ġasegu":1758,"Ġexpres":1759,"ram":1760,"Ġqued":1761,"Ġ/":1762,"Des":1763,"irm":1764,"Ġsa":1765,"ñas":1766,"Ġfamilia":1767,"toria":1768,"Ġdif":1769,"ĠMo":1770,"Al":1771,"Ġapren":1772,"Ġon":1773,"Ġtrata":1774,"Ġ|":1775,"ĠlÃŃ":1776,"Ġprev":1777,"Ġhombre":1778,"Ġcentro":1779,"ombres":1780,"Ġnatural":1781,"Ġfa":1782,"ban":1783,"ĠUna":1784,"Ġinte":1785,"ivo":1786,"Ġ11":1787,"lam":1788,"Ġ#":1789,"Ġcir":1790,"Ġlibro":1791,"Ġcumpl":1792,"Para":1793,"De":1794,"ire":1795,"ĠlÃŃn":1796,"ĠFran":1797,"Ġvent":1798,"Ġfuera":1799,"oles":1800,"dera":1801,"cis":1802,"puesto":1803,"Ġrecur":1804,"pti":1805,"gent":1806,"izo":1807,"Ġpuedes":1808,"anci":1809,"Ġnunca":1810,"Ġincluso":1811,"Ġmercado":1812,"dose":1813,"ĠEsta":1814,"Ġ30":1815,"Ġjuego":1816,"Ġprác":1817,"ĠMadrid":1818,"Ġtenemos":1819,"Ġhemos":1820,"Ġjue":1821,"Ġamig":1822,"Ġdeber":1823,"Ġ2018":1824,"Ġpresidente":1825,"ĠEstado":1826,"ĠMun":1827,"ies":1828,"portun":1829,"Ġmateri":1830,"Ġemple":1831,"Ġ[":1832,"isto":1833,"Ġamor":1834,"Ġunas":1835,"ares":1836,"ecer":1837,"Ġperfec":1838,"icamente":1839,"Ġalim":1840,"Ġacer":1841,"Ġparece":1842,"bar":1843,"Ġproblemas":1844,"Ġdestac":1845,"Ġcambio":1846,"Ġalcan":1847,"Ġregist":1848,"Ġincluy":1849,"Ġsen":1850,"olución":1851,"Ġtengo":1852,"net":1853,"Ġale":1854,"Ġjust":1855,"Ãĵ":1856,"Ġcomen":1857,"dente":1858,"Ġaún":1859,"Ġhora":1860,"Ġust":1861,"ĠCent":1862,"uros":1863,"Ġseguir":1864,"Ġrefer":1865,"und":1866,"titu":1867,"Ġjunto":1868,"Ġprograma":1869,"Ġsaber":1870,"tific":1871,"Ġalguna":1872,"Ġrelación":1873,"icado":1874,"bles":1875,"end":1876,"ile":1877,"af":1878,"termin":1879,"rio":1880,"Ġcontac":1881,"lu":1882,"ĠEuro":1883,"reg":1884,"tando":1885,"Ġoportun":1886,"Ġafec":1887,"Ġmos":1888,"Ġsolici":1889,"Ġponer":1890,"alización":1891,"respon":1892,"ĠMéxico":1893,"ĠCor":1894,"yo":1895,"Ġdefin":1896,"Ġsign":1897,"Ġalgunas":1898,"ĠLu":1899,"Ġetc":1900,"Ġdomin":1901,"Ġcuatro":1902,"ĠMon":1903,"Ġfac":1904,"Ġfoto":1905,"Qu":1906,"Ġred":1907,"Ġtema":1908,"IN":1909,"ĠDios":1910,"tada":1911,"Ġcuerpo":1912,"Ġprecio":1913,"usión":1914,"cido":1915,"eric":1916,"iera":1917,"Ġsituación":1918,"Ġpartir":1919,"inación":1920,"Ġanim":1921,"¡":1922,"Ġpuer":1923,"Ġnorm":1924,"Ġnacional":1925,"ĠJos":1926,"Ġdocu":1927,"Ġcoment":1928,"Ġgobierno":1929,"ï¿":1930,"Ġem":1931,"Ġfrente":1932,"Ġgen":1933,"�":1934,"Ġejer":1935,"Ġdivers":1936,"Ġcompe":1937,"Ġproblema":1938,"Ġdirig":1939,"Ġol":1940,"icio":1941,"Ġ14":1942,"iedad":1943,"ifica":1944,"Ġcaracter":1945,"Ġselec":1946,"Ġbene":1947,"Ġmús":1948,"ĠOr":1949,"zos":1950,"Ġlogr":1951,"Ġencuentra":1952,"Ġsocie":1953,"Ġdesp":1954,"Ġcontrol":1955,"tin":1956,"Ġpúblico":1957,"aja":1958,"blig":1959,"Ġocas":1960,"ĠQu":1961,"Ġverdad":1962,"Ġvarios":1963,"19":1964,"dir":1965,"Ġdice":1966,"blo":1967,"ister":1968,"Ġfil":1969,"Ġofrece":1970,"jar":1971,"Ġminutos":1972,".-":1973,"Ġlargo":1974,"Ġpodemos":1975,"Ġconsegu":1976,"Ġúltimo":1977,"dial":1978,"Ġej":1979,"Ġestu":1980,"Ġloc":1981,"iste":1982,"ĠCan":1983,"Ġenfer":1984,"ger":1985,"pel":1986,"º":1987,"Ġadminist":1988,"gado":1989,"Ġpaso":1990,"Ġráp":1991,"mento":1992,"Ġmov":1993,"Ġsiendo":1994,"ĠCam":1995,"Ġliber":1996,"iva":1997,"mbre":1998,"ierra":1999,"Ġ16":2000,"éis":2001,"arÃŃa":2002,"anas":2003,"ĠGobierno":2004,"ques":2005,"ves":2006,"Ġmano":2007,"Ġmor":2008,"Ġobjetivo":2009,"ĠpelÃŃcul":2010,"ró":2011,"ef":2012,"Ġrealidad":2013,"Ġfácil":2014,"Ġprepar":2015,"Ġ13":2016,"Ġpin":2017,"Ġactividades":2018,"ĠEstados":2019,"ĠvÃŃ":2020,"Ġdetal":2021,"Ġsector":2022,"Ġpuntos":2023,"reo":2024,"Ġconside":2025,"Ġoblig":2026,"Ġentonces":2027,"Ġpartido":2028,"Ġtele":2029,"ron":2030,"Ġfund":2031,"Ġiden":2032,"nas":2033,"Ġcorrespon":2034,"Ġatra":2035,"arlo":2036,"omÃŃa":2037,"ĠpolÃŃtica":2038,"ribu":2039,"ducir":2040,"serv":2041,"Ġnoche":2042,"Ġ25":2043,"Ġub":2044,"Ġserie":2045,"Ġdecl":2046,"ĠMin":2047,"Ġbenefici":2048,"Ġsur":2049,"Ġbase":2050,"Ġobra":2051,"Ġderecho":2052,"Ġenerg":2053,"Ġeleg":2054,"Ġsociales":2055,"Ġgaran":2056,"ática":2057,"pción":2058,"Ġvide":2059,"gon":2060,"ĠartÃŃculo":2061,"Ġmunicip":2062,"In":2063,"are":2064,"Ġat":2065,"ĠpaÃŃses":2066,"zado":2067,"Ġjun":2068,"mientos":2069,"pas":2070,"omos":2071,"Ġatención":2072,"mit":2073,"Cu":2074,"Ġfalta":2075,"Ġespacio":2076,"Ġtempor":2077,"ĠtenÃŃa":2078,"trón":2079,"ental":2080,"gre":2081,"Ġsitio":2082,"Ġrepresent":2083,"Un":2084,"ĠÃģ":2085,"Ġprecios":2086,"ĠAdemás":2087,"Ġmens":2088,"Ġprue":2089,"val":2090,"Ġreal":2091,"ĠâĢĺ":2092,"iado":2093,"rac":2094,"var":2095,"Ġdinero":2096,"Ġvan":2097,"ich":2098,"Ġdetermin":2099,"Ġmediante":2100,"rera":2101,"eas":2102,"ĠPol":2103,"Ġpermite":2104,"olu":2105,"ell":2106,"ĠpodrÃŃa":2107,"Ġindic":2108,"nes":2109,"Ġtor":2110,"Ġ'":2111,"ÃĵN":2112,"Ġinstitu":2113,"gles":2114,"cho":2115,"enas":2116,"Ġinde":2117,"Ġalta":2118,"gel":2119,"rucción":2120,"ĠAd":2121,"arán":2122,"lex":2123,"Ġfinanci":2124,"cent":2125,"Ġempez":2126,"bado":2127,"mon":2128,"Ġexplic":2129,"Ġproce":2130,"Ġhizo":2131,"ĠPre":2132,"Ġblan":2133,"Ġmus":2134,"gro":2135,"Ġ17":2136,"rió":2137,"Ġ:":2138,"ĠUniversidad":2139,"Ġocur":2140,"Ġencan":2141,"Ġtex":2142,"gue":2143,"visión":2144,"posi":2145,"Ġsegundo":2146,"ĠUnidos":2147,"Ġcondiciones":2148,"Este":2149,"Ġsiguiente":2150,"tario":2151,"Ġnuevos":2152,"Ġauto":2153,"Ġseñal":2154,"stas":2155,"Ġreun":2156,"ĠmayorÃŃa":2157,"cionar":2158,"Ġconsul":2159,"Ġsentido":2160,"ĠGener":2161,"Ġpare":2162,"Ġalgún":2163,"una":2164,"Ġbol":2165,"Ġ2017":2166,"Ġespeci":2167,"ate":2168,"Ġdiseño":2169,"alizar":2170,"dal":2171,"Ġmir":2172,"Ġsuf":2173,"Ġil":2174,"ulio":2175,"Ġofrec":2176,"tran":2177,"Ġperio":2178,"Ġmodo":2179,"Ġnuevas":2180,"Ġsociedad":2181,"IS":2182,"Ġderechos":2183,"Ġactividad":2184,"Ġacom":2185,"Ġcasos":2186,"ts":2187,"orÃŃa":2188,"TA":2189,"Ġalum":2190,"uesta":2191,"Ġconfi":2192,"Ġmáx":2193,"Ġconj":2194,"Ġayuda":2195,"tion":2196,"Ġimagen":2197,"Ġcerca":2198,"Ġproducto":2199,"Ġsos":2200,"Ġquienes":2201,"ibles":2202,"Ġproces":2203,"ĠJuan":2204,"pendi":2205,"bajo":2206,"Ġlabor":2207,"Ġ100":2208,"Ġavan":2209,"inal":2210,"Ġencontr":2211,"Ġcub":2212,"Ġresultados":2213,"Ġ24":2214,"cup":2215,"Ġsens":2216,"ñana":2217,"Ġreco":2218,"si":2219,"Ġpromo":2220,"Ġasist":2221,"Ġelem":2222,"ático":2223,"Ġfon":2224,"Ġrelacion":2225,"Ġcolec":2226,"Ġnecesario":2227,"Ġtarde":2228,"Ġacceso":2229,"Ġviol":2230,"Ġconven":2231,"ÃŃtulo":2232,"ik":2233,"Ġconver":2234,"ĠBo":2235,"Ġjo":2236,"vÃŃa":2237,"Ġestamos":2238,"Ġsegunda":2239,"II":2240,"Ġindust":2241,"Ġeuros":2242,"tien":2243,"ĠPres":2244,"amb":2245,"Ġusted":2246,"Ġdig":2247,"ĠTambién":2248,"ingun":2249,"Ġsor":2250,"uales":2251,"line":2252,"ĠlÃŃnea":2253,"pular":2254,"puesta":2255,"Ġidea":2256,"Ġesos":2257,"Ġrespecto":2258,"tón":2259,"Ġdejar":2260,"Ġprincipal":2261,"vent":2262,"Ġrad":2263,"Ġposi":2264,"....":2265,"ándo":2266,"Ġpresente":2267,"Una":2268,"ÃŃculos":2269,"Ġacep":2270,"th":2271,"ĠPe":2272,"ĠNe":2273,"pres":2274,"10":2275,"Ġacab":2276,"echos":2277,"Ġmul":2278,"tiene":2279,"Ġpasar":2280,"Ġcreo":2281,"Ġsimple":2282,"dico":2283,"Ġestra":2284,"unta":2285,"ĠJosé":2286,"ÃŃsticas":2287,"emas":2288,"Ġestudio":2289,"Ġluch":2290,"ár":2291,"zó":2292,"urante":2293,"ticular":2294,"Ġcuanto":2295,"Ġpueblo":2296,"rero":2297,"igo":2298,"gl":2299,"Ġnuestras":2300,"Ġincre":2301,"Ġur":2302,"30":2303,"Ġries":2304,"Ġimpres":2305,"ĠRes":2306,"itación":2307,"turo":2308,"tección":2309,"rido":2310,"ĠGran":2311,"Ġlec":2312,"Ġcomb":2313,"Ġclientes":2314,"iembre":2315,"ctubre":2316,"Ġpágina":2317,"Ġhaya":2318,"Ġvac":2319,"lado":2320,"Ġenten":2321,"Ġlan":2322,"Ġhombres":2323,"ĠLey":2324,"dica":2325,"Ġmiemb":2326,"Ġdicho":2327,"ĠAc":2328,"Ġtienes":2329,"Ġenvi":2330,"ĠYo":2331,"ler":2332,"Ġhacen":2333,"Ġenc":2334,"ingún":2335,"Ġlibre":2336,"Ġllevar":2337,"Ġbastante":2338,"Ġpuesto":2339,"olo":2340,"Ġespañol":2341,"Ġamigos":2342,"genes":2343,"Ġinclu":2344,"ĠCal":2345,"Ġases":2346,"peración":2347,"érica":2348,"adie":2349,"Ġescuch":2350,"tió":2351,"Ġcapital":2352,"ÃŃamos":2353,"guien":2354,"ĠAp":2355,"Ġpapel":2356,"Ġcinco":2357,"Ġestoy":2358,"Ġusuarios":2359,"Ġinvers":2360,"Ġúnico":2361,"Ġsim":2362,"ĠTra":2363,"ós":2364,"Ġdese":2365,"ID":2366,"Ġ199":2367,"rados":2368,"Ġfacil":2369,"one":2370,"ramient":2371,"Ġdescub":2372,"Ġmodelo":2373,"ice":2374,"Ġanterior":2375,"illo":2376,"Ġacompañ":2377,"ció":2378,"Ġpriv":2379,"Ġreconoci":2380,"ug":2381,"Ġpropio":2382,"20":2383,"óvil":2384,"Ġclaro":2385,"tero":2386,"ducción":2387,"Ġvarias":2388,"Ġconte":2389,"Ġningun":2390,"TE":2391,"entemente":2392,"Ġmañana":2393,"Ġ2016":2394,"Ġfab":2395,"fo":2396,"Ġlimp":2397,"Ġer":2398,"ira":2399,"Ġmarca":2400,"Ġpaci":2401,"Ġgol":2402,"Ġado":2403,"adamente":2404,"ror":2405,"Ġinm":2406,"greso":2407,"ptiembre":2408,"Ġningún":2409,"Ġdeben":2410,"ĠPla":2411,"Ġcapacidad":2412,"Ġmedios":2413,"ĠfÃŃs":2414,"ilar":2415,"Ġmanten":2416,"Ġcantidad":2417,"Ġpartici":2418,"iza":2419,"Ġproducción":2420,"Ġprimero":2421,"ĠReg":2422,"tri":2423,"Ġvista":2424,"ian":2425,"Ġescrib":2426,"Ġúltimos":2427,"Ġfel":2428,"ién":2429,"Ġtel":2430,"ilidades":2431,"Ġencar":2432,"Ġdoc":2433,"Ġpueda":2434,"ĠComo":2435,"Ġluz":2436,"Ġfran":2437,"Ġpropor":2438,"Ġcamino":2439,"Ġdescar":2440,"Ġellas":2441,"tiz":2442,"Ġcierto":2443,"Ġresta":2444,"Ġgusta":2445,"RO":2446,"hora":2447,"Ġmater":2448,"Ġconsider":2449,"Ġ50":2450,"tamento":2451,"rin":2452,"Ġpobl":2453,"Ġpublic":2454,"Ġacciones":2455,"Ġhablar":2456,"Ġhub":2457,"Ġquiere":2458,"gentina":2459,"ĠVer":2460,"dez":2461,"Ġcabo":2462,"ĠGeneral":2463,"Ġcrear":2464,"quis":2465,"ww":2466,"ivil":2467,"Ġlocal":2468,"izar":2469,"Ġcuar":2470,"Ġobserv":2471,"Ġinvestigación":2472,"Ġpalabras":2473,"señ":2474,"CIÃĵN":2475,"Ġparticular":2476,"ificación":2477,"Ġmúsica":2478,"Ġelectrón":2479,"Ġpiel":2480,"ack":2481,"RA":2482,"Ġmanif":2483,"Ġdisfrutar":2484,"Ġvir":2485,"onos":2486,"Ġtomar":2487,"Ġhaciendo":2488,"ĠCl":2489,"Ġunivers":2490,"ĠIs":2491,"adres":2492,"Ġconstitu":2493,"Ġx":2494,"Ġagu":2495,"isterio":2496,"isis":2497,"Ġdici":2498,"bió":2499,"Ġdesa":2500,"ĠDirec":2501,"ĠDis":2502,"Ġprovin":2503,"Ġdemás":2504,"Ġpoten":2505,"ulos":2506,"Ġejerci":2507,"mentos":2508,"Ġfecha":2509,"ecre":2510,"oce":2511,"tividad":2512,"Ġabier":2513,"Ġblog":2514,"ticas":2515,"ple":2516,"lante":2517,"Ġlim":2518,"acer":2519,"Ġperman":2520,"Ġalto":2521,"Esta":2522,"dap":2523,"ĠAsÃŃ":2524,"Ġdirector":2525,"be":2526,"Ġdedic":2527,"Ġherramient":2528,"tán":2529,"ase":2530,"Ġbeb":2531,"Ġcri":2532,"Ġadecu":2533,"Ġcla":2534,"Ġrom":2535,"Ġaplicación":2536,"Ġpropia":2537,"venes":2538,"Ġrecuer":2539,"Me":2540,"Ġactual":2541,"Ġrecursos":2542,"alo":2543,"Ġnoti":2544,"Ġcosa":2545,"Ġofer":2546,"Ġsencil":2547,"Ġfundam":2548,"Ġcuales":2549,"Ġtratamiento":2550,"omas":2551,"50":2552,"Ġpesar":2553,"tual":2554,"Ġmantener":2555,"Ġim":2556,"amientos":2557,"ĠFe":2558,"uerra":2559,"Ġinten":2560,"ign":2561,"Ġbueno":2562,"ft":2563,"ienda":2564,"talla":2565,"Ġcalle":2566,"Ġesf":2567,"Ġvig":2568,"Ġresto":2569,"culo":2570,"Ġresultado":2571,"mac":2572,"Ġalguien":2573,"Ġevitar":2574,"Ġalter":2575,"Ġconstru":2576,"turales":2577,"Ġprofesionales":2578,"Ġdebido":2579,"arias":2580,"Ġoctubre":2581,"ü":2582,"Ġgratis":2583,"dedor":2584,"Ġexcl":2585,"ĠdifÃŃ":2586,"Ġfamiliar":2587,"rez":2588,"Ġedad":2589,"Ġfuturo":2590,"cÃŃa":2591,"Ġprofesional":2592,"Ġestilo":2593,"Ġabs":2594,"Ġúltima":2595,"Ġconseguir":2596,"RE":2597,"onas":2598,"Ġnoviembre":2599,"Ġenferme":2600,"Ġdiciembre":2601,"Ġemo":2602,"éf":2603,"Ġcolabor":2604,"Ġbal":2605,"just":2606,"ivos":2607,"ĠSegu":2608,"Ġentrada":2609,"Ġdepor":2610,"Ġvolver":2611,"Ġtér":2612,"ecen":2613,"Ġduda":2614,"Ġconcep":2615,"Ġcontar":2616,"Ġtit":2617,"ĠmÃŃ":2618,"Ġgrande":2619,"Ġmoder":2620,"grafÃŃa":2621,"Ġseguro":2622,"siones":2623,"dero":2624,"Ġconci":2625,"Ġéx":2626,"Ġsignifica":2627,"enci":2628,"ĠCuando":2629,"ĠserÃŃa":2630,"Ġ21":2631,"Ġformación":2632,"itor":2633,"Ġ2015":2634,"Ġprob":2635,"Ġpron":2636,"Ġayudar":2637,"Ġbusc":2638,"acción":2639,"biente":2640,"Ġenv":2641,"Ġveh":2642,"Ġis":2643,"Ġmedida":2644,"Ġtuvo":2645,"celona":2646,"ĠNuev":2647,"jes":2648,"ĠâĢĶ":2649,"óvenes":2650,"Ġnadie":2651,"Ġadap":2652,"ĠTe":2653,"para":2654,"Ġjoven":2655,"Ġagr":2656,"Ġventa":2657,"Ġaz":2658,"iano":2659,"Ġarti":2660,"Ġproyectos":2661,"Ġta":2662,"ĠGra":2663,"Ġaire":2664,"Ġsigue":2665,"ficación":2666,"Ġcomunicación":2667,"Ġinterior":2668,"âĢĶ":2669,"TI":2670,"Ġopera":2671,"Ġsoy":2672,"Ġfre":2673,"Ġpróximo":2674,"tivamente":2675,"Ġgestión":2676,"Ġseptiembre":2677,"Ġestruc":2678,"Ġinternacional":2679,"todo":2680,"Ġmol":2681,"Ġdado":2682,"Ġenfr":2683,"álisis":2684,"Ġcomien":2685,"tÃŃn":2686,"ĠGo":2687,"Ġtur":2688,"Ġmuerte":2689,"Ġsecre":2690,"adoras":2691,"Ġprofun":2692,"trás":2693,"Ġterri":2694,"tina":2695,"Ġhijos":2696,"Ġfe":2697,"Ġaquellos":2698,"Ġapoyo":2699,"ulación":2700,"ĠAb":2701,"Lo":2702,"ública":2703,"icios":2704,"óp":2705,"Ġcomunidad":2706,"Ġfotos":2707,"Ġprincipales":2708,"esa":2709,"Ġoportunidad":2710,"ĠahÃŃ":2711,"Ġtrabajar":2712,"Ġopin":2713,"Ġesté":2714,"Ġdirección":2715,"forma":2716,"Ġterc":2717,"rel":2718,"Ġexcel":2719,"lares":2720,"Ġvisto":2721,"ĠJo":2722,"Ġrespe":2723,"uls":2724,"Ġsean":2725,"ĠGar":2726,"taciones":2727,"tt":2728,"Ġmanos":2729,"ĠHa":2730,"ĠQue":2731,"ticos":2732,"illas":2733,"Ġeran":2734,"Ġmejorar":2735,"Ġfan":2736,"ĠPue":2737,"Ġmadre":2738,"Ġacción":2739,"Ġata":2740,"Ġinterés":2741,"Ġindivid":2742,"ancias":2743,"To":2744,"Ġplata":2745,"ps":2746,"Ġdisposi":2747,"Ġlleva":2748,"Ġcomprar":2749,"ÃŃstica":2750,"Ġcuad":2751,"Ġpudi":2752,"Ġmodi":2753,"Ġcorrec":2754,"Ġesas":2755,"Ġvideo":2756,"au":2757,"ĠpelÃŃcula":2758,"Ġfir":2759,"Ġintegr":2760,"ĠLA":2761,"Como":2762,"Ġdemas":2763,"ĠMor":2764,"acto":2765,"Ġbuscar":2766,"umo":2767,"rada":2768,"bas":2769,"Ġpodrá":2770,"osp":2771,"iencias":2772,"Ġcampo":2773,"ómo":2774,"él":2775,"Ġpopular":2776,"ĠComun":2777,"Ġ22":2778,"As":2779,"Ġpreo":2780,"men":2781,"pro":2782,"Ġcontr":2783,"Ġusar":2784,"Ġmuestra":2785,"Ġjulio":2786,"ÃŃf":2787,"rÃŃa":2788,"Ġobras":2789,"Ġcabeza":2790,"ibilidad":2791,"Ġjóvenes":2792,"Ġsiglo":2793,"Ġvamos":2794,"vención":2795,"ampo":2796,"torno":2797,"Ġhabl":2798,"Ġcora":2799,"Ġpasa":2800,"Ġleer":2801,"Ġlig":2802,"té":2803,"Ġimportantes":2804,"ĠOb":2805,"ĠCentro":2806,"Ġcuid":2807,"Ġtemporada":2808,"Ġjunio":2809,"Ġnove":2810,"Ġelim":2811,"tagon":2812,"Ġredes":2813,"ĠenergÃŃa":2814,"TO":2815,"Ġincor":2816,"sejo":2817,"Ġusuario":2818,"ĠServ":2819,"ila":2820,"rantes":2821,"Ġdio":2822,"ĠcompañÃŃa":2823,"ĠAy":2824,"ágenes":2825,"Ġlar":2826,"Ġobtener":2827,"stico":2828,"rimon":2829,"Ġcateg":2830,"ĠRec":2831,"200":2832,"Ġdeclar":2833,"Ġutilizar":2834,"Ġdiseñ":2835,"Ġexig":2836,"Ġcontacto":2837,"Ġsist":2838,"ruz":2839,"alu":2840,"ĠallÃŃ":2841,"Ġtenido":2842,"Ġfuerte":2843,"ficiente":2844,"Ġcara":2845,"Qué":2846,"Ġgob":2847,"Ġconduc":2848,"ĀĀĀĀĀĀĀĀ":2849,"lio":2850,"entas":2851,"Ġmayo":2852,"Ġpoblación":2853,"Ġnecesidad":2854,"Ġviaje":2855,"Ġdescon":2856,"icidad":2857,"cionado":2858,"Ġprimeros":2859,"ándose":2860,"Ġaudi":2861,"Ġcurso":2862,"Ġder":2863,"Ġrealmente":2864,"ĠInterna":2865,"Ġenseñ":2866,"bu":2867,"Ġcarrera":2868,"Ġtradi":2869,"Ġpuedo":2870,"taron":2871,"Ġequipos":2872,"Ġfuerza":2873,"Ġreserv":2874,"Ġanunci":2875,"ĠEsc":2876,"Ġlen":2877,"ĠJes":2878,"Ġqueda":2879,"Ġtérmin":2880,"Ġviene":2881,"OM":2882,"Ġonline":2883,"Ġbel":2884,"Ġrespuesta":2885,"Ġmismos":2886,"Ġ2014":2887,"Ġpost":2888,"Ġpequeño":2889,"cular":2890,"gosto":2891,"Ġeducación":2892,"Ġposibilidad":2893,"remos":2894,"pone":2895,"Ġtemas":2896,"Ġvas":2897,"rad":2898,"pren":2899,"Ġcontenido":2900,"Ġexten":2901,"Ġbás":2902,"ĠBuen":2903,"ĠEsto":2904,"bal":2905,"Ġtierra":2906,"orme":2907,"esión":2908,"xic":2909,"Ġentren":2910,"itan":2911,"ĠBarcelona":2912,"Ġplante":2913,"Ġorganización":2914,"Ġconstrucción":2915,"udo":2916,"Ġpresencia":2917,"Ġalre":2918,"Ġfis":2919,"Ġojos":2920,"ĠInstitu":2921,"Ġárea":2922,"Ġconjunto":2923,"dra":2924,"irse":2925,"ĠIN":2926,"americ":2927,"ĠFac":2928,"ional":2929,"AM":2930,"11":2931,"ĠtecnologÃŃa":2932,"An":2933,"Pero":2934,"Ġvic":2935,"Ġmucha":2936,"ĠBan":2937,"Ġdeman":2938,"Ġmedia":2939,"li":2940,"Ġriesgo":2941,"irá":2942,"ale":2943,"xim":2944,"Ġéxito":2945,"Ġhotel":2946,"Ġdia":2947,"glesia":2948,"tim":2949,"Ġserán":2950,"Ġconcre":2951,"est":2952,"oro":2953,"ĠEduc":2954,"ĠdifÃŃcil":2955,"Ġnecesita":2956,"ociación":2957,"Ġseman":2958,"imientos":2959,"Ġsé":2960,"ĠEuropa":2961,"Ġinme":2962,"ĠMarÃŃa":2963,"Ġverda":2964,"Ġgrupos":2965,"--":2966,"ari":2967,"Ġfigu":2968,"Ġingres":2969,"ĠHo":2970,"Ġdó":2971,"cen":2972,"metros":2973,"curso":2974,"teriores":2975,"Ġespecialmente":2976,"Ġprem":2977,"licaciones":2978,"ĠArgentina":2979,"ĠmÃŃn":2980,"ĠMi":2981,"Ġconsum":2982,"ampoco":2983,"Ġhistór":2984,"vech":2985,"Ġprincipio":2986,"Ġhijo":2987,"Ġpadre":2988,"Ġedición":2989,"Ġplazo":2990,"Ġmaterial":2991,"icÃŃa":2992,"Ġelementos":2993,"Ġ40":2994,"Ġmedidas":2995,"Ġañad":2996,"Ġencuentro":2997,"Ġsir":2998,"ĠCrist":2999,"Ġimágenes":3000,"ĠLuis":3001,"Ġsuperior":3002,"Ġenero":3003,"Ġsalir":3004,"ĠAle":3005,"EL":3006,"ém":3007,"Ġmarzo":3008,"iernes":3009,"Ġteléf":3010,"Ġnecesidades":3011,"Ġenci":3012,"Ġfunción":3013,"Ġmad":3014,"tadas":3015,"ĠtodavÃŃa":3016,"Ġopción":3017,"Ġambos":3018,"uerto":3019,"Ġ$":3020,"ĠSanta":3021,"tiendo":3022,"ete":3023,"entan":3024,"dÃŃa":3025,"Ġprotagon":3026,"Ġcargo":3027,"Ġninguna":3028,"hi":3029,"Ġinicia":3030,"fa":3031,"EC":3032,"Ġrepar":3033,"Ġlibros":3034,"ĠCarlos":3035,"her":3036,"Ġversión":3037,"Ġarte":3038,"glés":3039,"Ġmetros":3040,"Ġesfuer":3041,"alizado":3042,"reas":3043,"Ġbon":3044,"OL":3045,"Ãį":3046,"itado":3047,"uesto":3048,"ebrero":3049,"Ġsiguientes":3050,"ke":3051,"Ġtama":3052,"bil":3053,"Ġépo":3054,"Ġparticipación":3055,"Ġdemos":3056,"ulas":3057,"Ġ23":3058,"Ġpuedan":3059,"Ġexiste":3060,"Ġlista":3061,"ĠMu":3062,"Ġclase":3063,"Ġpadres":3064,"deo":3065,"Ġcliente":3066,"Ġbusca":3067,"Ġmóvil":3068,"12":3069,"ĠCiudad":3070,"Ġacon":3071,"Ġpartes":3072,"Ġagra":3073,"Ġconocimiento":3074,"Ġsuce":3075,"Ġparticipar":3076,"Ġhacerlo":3077,"ines":3078,"Ġabril":3079,"Ġestudios":3080,"istro":3081,"Ġfru":3082,"Ġfra":3083,"Ġofrecer":3084,".,":3085,"Ġsolu":3086,"Ġcambios":3087,"Ġrazón":3088,"pir":3089,"Ġpresenta":3090,"via":3091,"Ġeuro":3092,"fil":3093,"del":3094,"unes":3095,"Ġcine":3096,"diendo":3097,"entación":3098,"Ġquiero":3099,"Ġoficial":3100,"Ġjuegos":3101,"Ġpier":3102,"tia":3103,"Ġsabe":3104,"Ġefecto":3105,"Ġcocina":3106,"ĠSon":3107,"Ġelabor":3108,"fi":3109,"Ġmiembros":3110,"nov":3111,"cripción":3112,"Ġconsidera":3113,"Ġúnica":3114,"Ġambiente":3115,"ĠSa":3116,"Re":3117,"pl":3118,"ÃŃdo":3119,"ese":3120,"inado":3121,"Ġâ":3122,"Ġarch":3123,"Ġconec":3124,"ĠHay":3125,"Ġrec":3126,"ĠTer":3127,"Ġsá":3128,"aca":3129,"ĠPr":3130,"rum":3131,"édi":3132,"moc":3133,"IA":3134,"ferencia":3135,"Ġjugar":3136,"Ġcambiar":3137,"tora":3138,"ware":3139,"ED":3140,"Ġcomún":3141,"Ġcrea":3142,"éctr":3143,"Ġnave":3144,"Ĥ¬":3145,"dentes":3146,"Ġtendrá":3147,"Ġgratu":3148,"Ġhici":3149,"Ġcompra":3150,"Ġmenor":3151,"Ġvivir":3152,"Ġimag":3153,"Ġjorn":3154,"Ġnum":3155,"idores":3156,"fe":3157,"ical":3158,"Ġguar":3159,"ĠVen":3160,"tino":3161,"Ġcrecimiento":3162,"ĠCons":3163,"rica":3164,"ket":3165,"ches":3166,"ieza":3167,"Ġestrateg":3168,"tarse":3169,"Ġconcl":3170,"Ġproteg":3171,"Ġpareja":3172,"Ġps":3173,"Ġcorazón":3174,"Ġbor":3175,"Ġ2013":3176,"Ġpen":3177,"Ġcoloc":3178,"Ġsexo":3179,"ĠTen":3180,"Ġnegocio":3181,"aces":3182,"ĠSer":3183,"Ġconserv":3184,"Ġdom":3185,"15":3186,"enda":3187,"Ġpública":3188,"Ġvin":3189,"Ġciento":3190,"itaciones":3191,"Ġseis":3192,"rando":3193,"Ġmez":3194,"Ġpreten":3195,"partamento":3196,"tisf":3197,"Ġhas":3198,"Ġprueba":3199,"oo":3200,"Ġpago":3201,"ÃŃtica":3202,"Ġadi":3203,"ombia":3204,"Ġdepen":3205,"Ġacce":3206,"Ġlin":3207,"Ġimportancia":3208,"ĠSol":3209,"Ġefectos":3210,"ámara":3211,"uelo":3212,"su":3213,"Ġcultura":3214,"este":3215,"itario":3216,"Ġagosto":3217,"titud":3218,"ĠPlan":3219,"Ġcrist":3220,"diz":3221,"Ġmayores":3222,"Hola":3223,"Ġperten":3224,"ÃŃos":3225,"Ġcorreo":3226,"Ġprotección":3227,"Ġcompleto":3228,"Ġrequier":3229,"Ġpros":3230,"Ġeduca":3231,"Ġrecibir":3232,"ner":3233,"itantes":3234,"ĠMer":3235,"Ġlugares":3236,"Ġapor":3237,"âĢĵ":3238,"Ġtrabajadores":3239,"Ġcient":3240,"ĠES":3241,"Ġvoy":3242,"Ġdesc":3243,"Ġaprovech":3244,"Ġgal":3245,"Ġviernes":3246,"terÃŃa":3247,"Ġcandida":3248,"Cuando":3249,"Ġtem":3250,"tamos":3251,"vieron":3252,"Ġevento":3253,"Ġtotalmente":3254,"ól":3255,"Ġsistemas":3256,"olver":3257,"ardo":3258,"ck":3259,"Ġformas":3260,"ĠBol":3261,"ĠMinisterio":3262,"Ġkil":3263,"risis":3264,"digo":3265,"Ġpensar":3266,"Ġdan":3267,"Ġfrecu":3268,"rismo":3269,"Ġgri":3270,"gada":3271,"edor":3272,"Ġ28":3273,"Ġtenga":3274,"iere":3275,"Ġvelo":3276,"Ġacerca":3277,"Ġanálisis":3278,"Ġsust":3279,"Ġestudiantes":3280,"op":3281,"Ġalrededor":3282,"Ġregión":3283,"ebo":3284,"Ġencontra":3285,"Ġ2012":3286,"Ġinterpre":3287,"ĠFern":3288,"ritu":3289,"ĠDesde":3290,"Ġgo":3291,"ácter":3292,"ĠcaracterÃŃsticas":3293,"table":3294,"ĠInternet":3295,"Ġpeso":3296,"Ġmane":3297,"Ġq":3298,"trimon":3299,"ĠhabÃŃan":3300,"Ġregres":3301,"Ġedifici":3302,"Ġcarácter":3303,"mite":3304,"úa":3305,"ork":3306,"Ġmateria":3307,"icaciones":3308,"Ġdesarrollar":3309,"tud":3310,"Ġcel":3311,"telig":3312,"AC":3313,"uestas":3314,"Ġcolores":3315,"vin":3316,"Ġrecomend":3317,"Ġexclus":3318,"Ġprome":3319,"Ġdorm":3320,"Ġdiferencia":3321,"Ġpelig":3322,"Ġcomprom":3323,"Ġdecisión":3324,"Ġcausa":3325,"Ġbaja":3326,"ĠYa":3327,"18":3328,"Ġmovimiento":3329,"Ġ26":3330,"ormente":3331,"Ġresist":3332,"Ġvesti":3333,"Ġ27":3334,"Ġmomentos":3335,"Ġnaturaleza":3336,"ĠPas":3337,"Ġhon":3338,"ĠtÃŃtulo":3339,"ciona":3340,"Ġépoca":3341,"Ġguerra":3342,"Ġhumanos":3343,"taba":3344,"Ġopciones":3345,"áticos":3346,"tida":3347,"Ġpermitir":3348,"ry":3349,"Ġfebrero":3350,"Ġpresu":3351,"Ġobst":3352,"Ġnorte":3353,"Ġdolor":3354,"tales":3355,"Ġpis":3356,"Ġencuentran":3357,"eria":3358,"estr":3359,"³":3360,"Ġajust":3361,"iga":3362,"ĠDer":3363,"umen":3364,"Ġextre":3365,"Ġevalu":3366,"Ġniño":3367,"Ġpequeña":3368,"Ġideas":3369,"Ġdemasiado":3370,"Ġentrega":3371,"zan":3372,"Ġpien":3373,"ws":3374,"ĠTor":3375,"Ġsatisf":3376,"Ġnar":3377,"ogle":3378,"Ġpagar":3379,"ĠEN":3380,"Ġallá":3381,"Ġrecl":3382,"ĠHer":3383,"tilla":3384,"ÃŃm":3385,"ĠBa":3386,"Ġaten":3387,"Ġvisita":3388,"ĠâĢ¦":3389,"ÃŃfico":3390,"Ġdólares":3391,"rios":3392,"Ġrelaciones":3393,"Ġcrisis":3394,"Ġintro":3395,"Ġmundial":3396,"Ġfabric":3397,"ear":3398,"Ġmara":3399,"Ġlibertad":3400,"Ġtamaño":3401,"Ġmec":3402,"tidades":3403,"Ġjur":3404,"Ġvari":3405,"ĠEmp":3406,"aya":3407,"Ġoriginal":3408,"Ġsorpren":3409,"Ġfondo":3410,"Ġcompartir":3411,"Ġmáximo":3412,"Ġsomos":3413,"Ġconsecu":3414,"Ġperder":3415,"Ġcompeten":3416,"ĠAdminist":3417,"Desde":3418,"ultura":3419,"Ġautom":3420,"Ġraz":3421,"Ġ+":3422,"Ġorigen":3423,"eso":3424,"Ġvolun":3425,"Ġinglés":3426,"Ġiz":3427,"Ġcampaña":3428,"Ġorient":3429,"Ġsum":3430,"Ġpers":3431,"Ġayer":3432,"Ġmem":3433,"diente":3434,"Ġmateriales":3435,"mbi":3436,"quina":3437,"Ġpráctica":3438,"ĠInternacional":3439,"Ġmostr":3440,"cti":3441,"Ġespera":3442,"ulta":3443,"Ġverano":3444,"Ġtampoco":3445,"Ġtexto":3446,"Ġand":3447,"Ġdistintos":3448,"Ġimpor":3449,"ĠTu":3450,"Ġllega":3451,"Ġpequeños":3452,"Ġdomingo":3453,"Ġsupuesto":3454,"Ġautoridades":3455,"Ġincorpor":3456,"Ġsil":3457,"Ġexperim":3458,"Ġcreación":3459,"ĠNav":3460,"etas":3461,"Ġcomida":3462,"Ġantigu":3463,"ee":3464,"taria":3465,"cepción":3466,"Ġequ":3467,"Ġeta":3468,"Ġdesarroll":3469,"Ġzonas":3470,"Ġpropie":3471,"ong":3472,"Ġprogramas":3473,"//":3474,"Ġbienes":3475,"Ġmonta":3476,"Ġentender":3477,"ĠChile":3478,"Ġ198":3479,"iana":3480,"formación":3481,"Ġdé":3482,"Ġevi":3483,"Ġsalida":3484,"Ġsepar":3485,"ĠReal":3486,"Ġarri":3487,"Ġincluye":3488,"Ġsuel":3489,"ĠColombia":3490,"alizada":3491,"Ġpantalla":3492,"ĠSuper":3493,"úsque":3494,"Ġdirectamente":3495,"Ġsemanas":3496,"Ġpermit":3497,"Ġposición":3498,"culos":3499,"Ġhogar":3500,"hu":3501,"Ġrelig":3502,"tiles":3503,"Ġizquier":3504,"Ġblo":3505,"Ġconce":3506,"Ġteléfono":3507,"estion":3508,"Ġprocesos":3509,"Ġprovincia":3510,"Ġtab":3511,"Ġdesapar":3512,"Ġconsumo":3513,"ológico":3514,"rán":3515,"ĠThe":3516,"reno":3517,"Ġvie":3518,"abil":3519,"Ġejercicio":3520,"uestro":3521,"ĠEducación":3522,"ĠUS":3523,"Ġquieres":3524,"Ġ60":3525,"Ġencima":3526,"Ġalumnos":3527,"rer":3528,"Ġcivil":3529,"tbol":3530,"ĠJesús":3531,"Ġtro":3532,"ĠpodÃŃa":3533,"ĠAnton":3534,"ospital":3535,"idor":3536,"edad":3537,"Ġidentific":3538,"Ġdeja":3539,"Ġestaban":3540,"Ġeléctr":3541,"Com":3542,"Ġllamado":3543,"Ġherm":3544,"RI":3545,"voca":3546,"teriormente":3547,"Ġvalores":3548,"ĠRep":3549,"Ġcoche":3550,"Ġcompren":3551,"tios":3552,"Ġámbi":3553,"Ġtrabajos":3554,"Ġglo":3555,"ĠConsejo":3556,"untamiento":3557,"Ġdev":3558,"Ġbrin":3559,"Ġcontinuación":3560,"Ġhumano":3561,"ést":3562,"Ġconvertir":3563,"Ġpul":3564,"Ġsábado":3565,"Ġace":3566,"asa":3567,"Ġpalabra":3568,"Ġpun":3569,"Ġllegó":3570,"Ġiba":3571,"pero":3572,"iel":3573,"Ġlevan":3574,"ablemente":3575,"put":3576,"Ġmarco":3577,"ĠPal":3578,"cito":3579,"iber":3580,"Ġinforma":3581,"Además":3582,"tidos":3583,"ética":3584,"Ġdefini":3585,"Ġlograr":3586,"dis":3587,"ĠPu":3588,"aco":3589,"Ġcontrario":3590,"Ġgaranti":3591,"dores":3592,"dientes":3593,"tÃŃa":3594,"rito":3595,"Ġprovoc":3596,"uye":3597,"dimiento":3598,"don":3599,"Ġblanco":3600,"tarÃŃa":3601,"Ġplanta":3602,"Ġexisten":3603,"ĠpolÃŃticas":3604,"Ġsolución":3605,"torial":3606,"Ġdistintas":3607,"Ġimpos":3608,"ĠDel":3609,"cidos":3610,"Ġeurope":3611,"ĠPrim":3612,"Ġideal":3613,"Ġpartidos":3614,"ribun":3615,"Ġpodrán":3616,"ĠSocial":3617,"genier":3618,"Ġvoz":3619,"enos":3620,"Ġindustri":3621,"Ġniveles":3622,"Ġmic":3623,"Ġcic":3624,"lev":3625,"UN":3626,"ebook":3627,"Ġmilitar":3628,"Ġdisco":3629,"ĠAmérica":3630,"Ġreferencia":3631,"MA":3632,"Ġsuje":3633,"Ġresponsabilidad":3634,"áticas":3635,"Ġadelante":3636,"Ġaband":3637,"Ġtiempos":3638,"erto":3639,"Ġrendi":3640,"Ġnegro":3641,"Ġmensaje":3642,"Ġcompeti":3643,"ĠvÃŃcti":3644,"erte":3645,"Ġclub":3646,"quitec":3647,"ph":3648,"útbol":3649,"ĠMartÃŃn":3650,"ĠFrancis":3651,"ĠCON":3652,"Ġdoble":3653,"fes":3654,"Ġtir":3655,"Ġganar":3656,"Ġpocos":3657,"ueves":3658,"Ġfamos":3659,"Ġanun":3660,"Ġrecuper":3661,"eño":3662,"Ġlucha":3663,"ablo":3664,"Ġ2011":3665,"Ġhu":3666,"Ġbúsque":3667,"Ġobten":3668,"ĠRa":3669,"Ġhom":3670,"Ġtarje":3671,"ĠAu":3672,"Ġcorri":3673,"Ġfamilias":3674,"arla":3675,"Ġapre":3676,"Ġsimplemente":3677,"Ġjugadores":3678,"dicos":3679,"Ġllama":3680,"Ġmexic":3681,"cados":3682,"arte":3683,"qué":3684,"Ġaprender":3685,"Ġinnov":3686,"Ġdetalles":3687,"Ġeconómica":3688,"cle":3689,"Ġdiferente":3690,"ka":3691,"uri":3692,"dena":3693,"Ġlunes":3694,"Ġoper":3695,"Ġclás":3696,"ĠMay":3697,"ĠÃī":3698,"Ġentorno":3699,"Ġquiz":3700,"Ġalterna":3701,"Ġtú":3702,"ye":3703,"Ġestrel":3704,"ĠInstituto":3705,"Ġnorma":3706,"tará":3707,"Ġren":3708,"://":3709,"Ġresponsable":3710,"ĠeconomÃŃa":3711,"imas":3712,"Ar":3713,"pan":3714,"ĠMundial":3715,"mer":3716,"Ġelectrónico":3717,"Ġsuelo":3718,"Ġcomercial":3719,"Ġbaño":3720,"isl":3721,"Ġlocales":3722,"logÃŃa":3723,"Ġescen":3724,"Ġacto":3725,"Ġtipos":3726,"Ġmaravil":3727,"Ġintelig":3728,"apa":3729,"ĠEL":3730,"Sin":3731,"Ġenl":3732,"ÃŃstico":3733,"ĠFin":3734,"mentación":3735,"Ġmotivo":3736,"ĠpolÃŃtico":3737,"Ġestad":3738,"raciones":3739,"entado":3740,"Ġentrev":3741,"Ġtempera":3742,"cla":3743,"Ġaproxim":3744,"âĢ¦]":3745,"Ġhistor":3746,"Ġrealizado":3747,"Ġsuperfici":3748,"ensión":3749,"ĠCos":3750,"Ġconocido":3751,"Ġhermos":3752,"ĠHab":3753,"ff":3754,"Ġejecu":3755,"Ġpersonales":3756,"Ġinversión":3757,"Ġpresentación":3758,"Ġocasión":3759,"ismos":3760,"laz":3761,"idamente":3762,"ÃŃp":3763,"ĠSoci":3764,"pectos":3765,"ĠDa":3766,"Ġmarcha":3767,"Ġpersonajes":3768,"ónica":3769,"didas":3770,"Ġviolencia":3771,"Ġdiver":3772,"Ġdec":3773,"iro":3774,"itaria":3775,"ĠMig":3776,"ĠCap":3777,"grá":3778,"__":3779,"Ġdisposición":3780,"Ġacces":3781,"Ġgén":3782,"ĠRepública":3783,"».":3784,"tique":3785,"ĠAhora":3786,"Ġpuerta":3787,"Ġpropiedad":3788,"Ġadqui":3789,"Ġpregunta":3790,"16":3791,"Ġdibu":3792,"vado":3793,"Ġré":3794,"Ġinicio":3795,"Ġros":3796,"!!!":3797,"Ġpresiden":3798,"Ġpareci":3799,"ĠMas":3800,"Ġentrar":3801,"Ġindependi":3802,"Ġ2010":3803,"wit":3804,"ajas":3805,"sas":3806,"Ġhechos":3807,"Ġinteresante":3808,"Ġ29":3809,"Ġahor":3810,"Ġhabitu":3811,"Ġtransporte":3812,"Ex":3813,"Ġocasiones":3814,"Ġherramientas":3815,"Ġobjeto":3816,"dios":3817,"encial":3818,"Ġveci":3819,"Ġamigo":3820,"Ġenfermedad":3821,"Ġselección":3822,"Ġpodrás":3823,"estiv":3824,"ĠÃŃn":3825,"Ġcome":3826,"CION":3827,"ju":3828,"Ġpresentar":3829,"Ġagrade":3830,"ribución":3831,"ĠartÃŃculos":3832,"Ġdem":3833,"Ġ%":3834,"Ġeconómico":3835,"Ġmit":3836,"Ġinver":3837,"Ġens":3838,"Ġconoce":3839,"Ġalimentos":3840,"Ġarm":3841,"Ġbuenas":3842,"Ġdemoc":3843,"Ġjef":3844,"Ġatrac":3845,"14":3846,"Ġtienda":3847,"ĠSecre":3848,"Ġexcelente":3849,"jero":3850,"ielo":3851,"Ġextran":3852,"ame":3853,"Ġconvers":3854,"Ġpér":3855,"Ġinci":3856,"Ġpropuesta":3857,"Ġjornada":3858,"Ġrepresenta":3859,"Ġvuelta":3860,"ĠTodo":3861,"Ġamena":3862,"Ġespacios":3863,"ĠGal":3864,"Ġconcent":3865,"Ġdesemp":3866,"iver":3867,"Ġpelo":3868,"Ġéste":3869,"Ġasi":3870,"Ġalmac":3871,"logo":3872,"legio":3873,"tarios":3874,"Ġdisponible":3875,"ĠComisión":3876,"Yo":3877,"ĠJa":3878,"Ġsob":3879,"imen":3880,"25":3881,"ĠcategorÃŃa":3882,"ĠMunicip":3883,"ezuela":3884,"Ġacus":3885,"aro":3886,"Ġcompromiso":3887,"ello":3888,"ĠAntonio":3889,"ĠNueva":3890,"lores":3891,"rag":3892,"edro":3893,"ĠSalud":3894,"ĠEntre":3895,"oz":3896,"ológica":3897,"ultad":3898,"entales":3899,"ĠRos":3900,"Ġdéc":3901,"ĠMus":3902,"ĠJust":3903,"Ġindustria":3904,"Ġconform":3905,"Ġza":3906,"oj":3907,"Ġvelocidad":3908,"Ġgobern":3909,"uniden":3910,"ires":3911,"Ġmaes":3912,"ciente":3913,"Ġpronto":3914,"Ġtratar":3915,"ĠFrancisco":3916,"Ġfunciones":3917,"Ġtaller":3918,"onia":3919,"Ġfras":3920,"iudades":3921,"Ġinternet":3922,"ĠImp":3923,"Ġrece":3924,"Ġclave":3925,"Ġopinión":3926,"imismo":3927,"ix":3928,"Ġesca":3929,"Ġprensa":3930,"Ġobjetivos":3931,"orÃŃas":3932,"drá":3933,"Ġprecis":3934,"Ġcentros":3935,"ices":3936,"izado":3937,"Ġcru":3938,"ĠHum":3939,"Ġescuela":3940,"inaria":3941,"Ġmulti":3942,"itales":3943,"Ġbanda":3944,"Ġór":3945,"amp":3946,"Ġcapaz":3947,"teras":3948,"coles":3949,"quer":3950,"Ġpone":3951,"Ġ&":3952,"ĠMás":3953,"ĠEurope":3954,"Ġrepro":3955,"Ġcontenidos":3956,"Ġinstalaciones":3957,"Ġelegir":3958,"Ġrespec":3959,"enso":3960,"Ġtitular":3961,"Ġoscu":3962,"Ġaspectos":3963,"zada":3964,"Ġbeneficios":3965,"TU":3966,"Ġmesa":3967,"Ġpacientes":3968,"uras":3969,"bia":3970,"Ġaumento":3971,"13":3972,"ónde":3973,"Ġcrédi":3974,"Ġrápido":3975,"17":3976,"Ġinteg":3977,"ificar":3978,"Ġcomentarios":3979,"Ġtécnica":3980,"Ġfron":3981,"Ġdiario":3982,"Ġoferta":3983,"Ġpreci":3984,"Ġcob":3985,"rans":3986,"Ġcapaci":3987,"ÃŃr":3988,"Ġfem":3989,"Ġdisc":3990,"Ġnormal":3991,"Ġsuerte":3992,"ĠAnd":3993,"Ġanimales":3994,"ĠvÃŃa":3995,"antil":3996,"Ġhid":3997,"Ġperm":3998,"Ġmodelos":3999,"Ġcompleta":4000,"Ġacci":4001,"Ġcumplir":4002,"Ġ197":4003,"Ġpreocup":4004,"Ġcompon":4005,"Ġrefle":4006,"pal":4007,"aliza":4008,"irmó":4009,"Ġpena":4010,"ĠSeñ":4011,"Ġsentir":4012,"Ġqueremos":4013,"Ġespañola":4014,"Ġja":4015,"Ġbúsqueda":4016,"Ġú":4017,"??":4018,"Ġocup":4019,"ĠAunque":4020,"Ġadul":4021,"ÃŃritu":4022,"Ġinforme":4023,"ĠPan":4024,"Ġjueves":4025,"Ġmitad":4026,"ĠGoogle":4027,"Ġtoma":4028,"Ġdiez":4029,"Ġcentral":4030,"ĠUN":4031,"Ġabrir":4032,"viv":4033,"orge":4034,"ĠOl":4035,"Pro":4036,"Ġtécnicas":4037,"Ġmagn":4038,"ĠDÃŃa":4039,"trimonio":4040,"Ġestim":4041,"Su":4042,"Ġaprob":4043,"Ãģ":4044,"Ġcoord":4045,"Ġaun":4046,"Ġdecor":4047,"Ġconflic":4048,"onz":4049,"Ġeres":4050,"Ġdeberá":4051,"mentar":4052,"Ġdific":4053,"rique":4054,"Ġpruebas":4055,"Ġresulta":4056,"Ġestructura":4057,"Según":4058,"Ġolvid":4059,"Ġsuficiente":4060,"Ġcuidado":4061,"Ġotor":4062,"Ġlaboral":4063,"Ġaplicaciones":4064,"ificado":4065,"Ġkiló":4066,"uno":4067,"Ġconstante":4068,"pia":4069,"Ġoc":4070,"ández":4071,"rump":4072,"lad":4073,"ósito":4074,"Ġquién":4075,"60":4076,"Ġprincipios":4077,"Ġciudades":4078,"°":4079,"ĠpolÃŃticos":4080,"jeros":4081,"vió":4082,"IL":4083,"Ġ[âĢ¦]":4084,"dil":4085,"Ġmanifes":4086,"Ġcuyo":4087,"Ġestás":4088,"ércoles":4089,"Ġexterior":4090,"como":4091,"Ġinfl":4092,"Ġdestino":4093,"ftware":4094,"ĠSh":4095,"Ġquin":4096,"Ġescribir":4097,"Ġubic":4098,"Ġsegura":4099,"uestos":4100,"tiago":4101,"Ġbril":4102,"col":4103,"ramos":4104,"ienen":4105,"Ġsangre":4106,"eos":4107,"Ġlic":4108,"Ġ80":4109,"Ġinstrum":4110,"ierto":4111,"Ġasoci":4112,"Ġtre":4113,"Ġdicha":4114,"Ġacceder":4115,"ĠSus":4116,"Ġdiversos":4117,"Ġamplia":4118,"ĠAyuntamiento":4119,"Ġperfecto":4120,"torios":4121,"Ġprove":4122,"Ġestará":4123,"bamos":4124,"Ġalcal":4125,"ÃŃsimo":4126,"Ġbuscando":4127,"lesc":4128,"Ġcompro":4129,"Ġincon":4130,"Ġorg":4131,"ÃŃfica":4132,"Ġherman":4133,"deral":4134,"jado":4135,"toral":4136,"Ġestuvo":4137,"Ġciudadanos":4138,"yas":4139,"ĠMic":4140,"Ġmiedo":4141,"ĠMiguel":4142,"Ġadministración":4143,"Ġprac":4144,"tuvo":4145,"Ġpáginas":4146,"Ġdigital":4147,"Ġestadouniden":4148,"ĠDo":4149,"Ġreno":4150,"ĠCongreso":4151,"osotros":4152,"ag":4153,"ĠDan":4154,"pes":4155,"Que":4156,"ĠVic":4157,"UE":4158,"ĠAsociación":4159,"Ġbra":4160,"Ġconfigu":4161,"Ġdistancia":4162,"lez":4163,"Ġclic":4164,"abe":4165,"Ġconfianza":4166,"Ġinstituciones":4167,"SO":4168,"Ġrealiza":4169,"Ġconse":4170,"Ġconcepto":4171,"Ġdefensa":4172,"mail":4173,"Ġbuenos":4174,"Ġconvier":4175,"dado":4176,"teles":4177,"rupo":4178,"Ġáreas":4179,"Ġempleo":4180,"ĠVenezuela":4181,"Ġclases":4182,"Ġmente":4183,"ĠManuel":4184,"Ġmues":4185,"ĠEj":4186,"quiera":4187,"Ġmiles":4188,"Ġpaz":4189,"Ãī":4190,"Ġesfuerzo":4191,"Ġtécnico":4192,"Ġderi":4193,"ĠlÃŃder":4194,"Ġoro":4195,"Ġhabla":4196,"Ġazul":4197,"EM":4198,"Ġthe":4199,"guay":4200,"Ġcirc":4201,"Ġmédico":4202,"Ġep":4203,"aremos":4204,"ĠPedro":4205,"IO":4206,"uegos":4207,"echas":4208,"cionados":4209,"Le":4210,"40":4211,"ki":4212,"Ġcif":4213,"Ġatrás":4214,"grama":4215,"ĠCasa":4216,"dieron":4217,"ĠGarcÃŃa":4218,"Ġinternacionales":4219,"elas":4220,"có":4221,"Ġcuestión":4222,"ást":4223,"igue":4224,"Ġplaya":4225,"Ġpesos":4226,"Ġropa":4227,"tificación":4228,"Ġdiv":4229,"Ġreunión":4230,"ĠGracias":4231,"Ġconex":4232,"Ġ31":4233,"También":4234,"tantes":4235,"Ġgolpe":4236,"Ġseñor":4237,"Ġactualmente":4238,"didos":4239,"Ġcampe":4240,"Ġfol":4241,"Ġnaturales":4242,"utri":4243,"Ġmoda":4244,"ĠMal":4245,"Ġamar":4246,"Ġinmedia":4247,"Ġquedar":4248,"teca":4249,"Ġlanz":4250,"Ġfiesta":4251,"Ġmadera":4252,"ĠDesarrol":4253,"Ġámbito":4254,"Ġó":4255,"ime":4256,"Ġquieren":4257,"Ġmag":4258,"ĠSeguridad":4259,"Ġdebemos":4260,"Ġconsigu":4261,"Ġpais":4262,"Ġaltura":4263,"ĠRey":4264,"Ġorigin":4265,"rasil":4266,"tron":4267,"Ġreflex":4268,"Ġpropios":4269,"Ġcomba":4270,"tador":4271,"ético":4272,"Ġnota":4273,"uelas":4274,"ĠLi":4275,"Ġmunicipio":4276,"Ġcolaboración":4277,"ioso":4278,"Ġdenomin":4279,"ĠCer":4280,"Ġdismin":4281,"itud":4282,"Ġpúblicos":4283,"Ġhtt":4284,"Ġtranquil":4285,"Ġfres":4286,"Ġdiversas":4287,"anÃŃa":4288,"âĢĭ":4289,"gó":4290,"Ġespos":4291,"Ġav":4292,"ull":4293,"ÃŃficos":4294,"Ġ*":4295,"Ġvisitar":4296,"bilidad":4297,"amo":4298,"ĠsÃŃn":4299,"ðŁ":4300,"Ġnumeros":4301,"crip":4302,"xto":4303,"Ġfuente":4304,"Ġapenas":4305,"Ġnega":4306,"Ġempezar":4307,"Ġimple":4308,"Ġnegocios":4309,"ĠII":4310,"Ġempren":4311,"Ġfuncionamiento":4312,"Ġafir":4313,"Ġul":4314,"Ġár":4315,"Ġsacar":4316,"Ġtérminos":4317,"Ġescrito":4318,"Ġlog":4319,"Ġcarre":4320,"ĠGonz":4321,"dem":4322,"Ġperiodi":4323,"Ġmemoria":4324,"Ġprogram":4325,"Ġsiete":4326,"Ġgusto":4327,"Ġentidad":4328,"ĠFo":4329,"Ġetapa":4330,"Ġllamada":4331,"Ġfortal":4332,"Ġcontrato":4333,"ĠIglesia":4334,"adém":4335,"dencias":4336,"puestos":4337,"Ġunidad":4338,"Cómo":4339,"Ġdura":4340,"Ġtradicional":4341,"Ġtorn":4342,"ĠdeberÃŃa":4343,"Ġesco":4344,"Ġperfil":4345,"Ġescol":4346,"ĠConstitu":4347,"roso":4348,"Ġejec":4349,"ĠOs":4350,"ĠPos":4351,"Ġhubiera":4352,"Ġutiliza":4353,"Ġvisión":4354,"Ġ·":4355,"Ġtrá":4356,"Ġasum":4357,"Ġhabitaciones":4358,"Ġplataforma":4359,"ICA":4360,"Ġcomenzó":4361,"Ġtelevisión":4362,"Ġperiodo":4363,"keting":4364,"Ġmiércoles":4365,"Ġhaga":4366,"Ġinvestig":4367,"lamento":4368,"Ġsala":4369,"Ġjard":4370,"ites":4371,"estival":4372,"Ġcompletamente":4373,"Ġradio":4374,"ity":4375,"pol":4376,"Ġgénero":4377,"Ġmotor":4378,"ĠWeb":4379,"Ġterritorio":4380,"ĠHe":4381,"Ġhabrá":4382,"istema":4383,"witter":4384,"Ġvino":4385,"ĠEcon":4386,"Ġton":4387,"Ġmartes":4388,"Ġimpacto":4389,"Ġsosten":4390,"Ġdescan":4391,"Ġcultural":4392,"24":4393,"Ġcuya":4394,"Ġpudo":4395,"Ġresiden":4396,"Ġfútbol":4397,"Ġeventos":4398,"LA":4399,"Ġprefer":4400,"iales":4401,"Ġech":4402,"inci":4403,"Ġarriba":4404,"Ġtercer":4405,"Ġproduci":4406,"Ġpublicación":4407,"Ġkilómetros":4408,"Ġderecha":4409,"Ġtesti":4410,"ĠBen":4411,"gust":4412,"gü":4413,"ĠBel":4414,"Ġ90":4415,"Ġdisponibles":4416,"triz":4417,"Ġcuarto":4418,"trol":4419,"Ġactualidad":4420,"Ġrecha":4421,"CA":4422,"Ġdarle":4423,"quilib":4424,"pera":4425,"Ġfigura":4426,"Ġpresión":4427,"Ġflu":4428,"ĠVe":4429,"ĠCatal":4430,"Ġequiv":4431,"IT":4432,"Ġcalles":4433,"ick":4434,"Ġcualquiera":4435,"capa":4436,"Ġmarcas":4437,"Ġdando":4438,"Ġsitios":4439,"Te":4440,"Ġdemanda":4441,"Ġinfer":4442,"ĠXX":4443,"ĠEspañ":4444,"ense":4445,"Ġavent":4446,"Ġcomunic":4447,"ĠTodos":4448,"isa":4449,"deres":4450,"didad":4451,"Más":4452,"Ġizquierda":4453,"ĠpelÃŃculas":4454,"teros":4455,"Ġfuego":4456,"ombi":4457,"Ġanteriores":4458,"Ġiniciativa":4459,"Ġlengu":4460,"leo":4461,"âĤ¬":4462,"Ġorganizaciones":4463,"mitir":4464,"guez":4465,"Ġarquitec":4466,"ĠSur":4467,"Ġhabitación":4468,"ance":4469,"Ġganas":4470,"Ġpreguntas":4471,"Ġcontemp":4472,"ĠSantiago":4473,"Ġalmacen":4474,"ĠTrans":4475,"Ġrevis":4476,"ĠMuch":4477,"arca":4478,"ĠEdi":4479,"Ġelecciones":4480,"ecÃŃa":4481,"Ġdocumento":4482,"Ġfundamental":4483,"ópez":4484,"Ġcm":4485,"Ġintent":4486,"Ġmostrar":4487,"Ġequip":4488,"Ġmismas":4489,"Ġ2009":4490,"Ġcorre":4491,"ĠFund":4492,"ribunal":4493,"Ġllegado":4494,"Ġintereses":4495,"ĠAt":4496,"AsÃŃ":4497,"Hay":4498,"Ġzapa":4499,"Ġaspecto":4500,"iblio":4501,"Ġcircun":4502,"tienen":4503,"Ġcarga":4504,"Ġarro":4505,"Ġporno":4506,"riendo":4507,"ĠâĢ¢":4508,"pora":4509,"Ġalcanzar":4510,"Ġteniendo":4511,"Ġgrave":4512,"ĠEE":4513,"Ġnie":4514,"estruc":4515,"iados":4516,"Ġaceite":4517,"Ġocu":4518,"»,":4519,"jan":4520,"Ġán":4521,"yos":4522,"US":4523,"22":4524,"Ġce":4525,"leza":4526,"Ġgenera":4527,"ĠjurÃŃ":4528,"anto":4529,"rup":4530,"itados":4531,"Ġdeten":4532,"Ġpedir":4533,"Ġgeneración":4534,"Ġacog":4535,"Ġlejos":4536,"Ġestrategia":4537,"ĠDon":4538,"Ġpsic":4539,"ĠperÃŃo":4540,"dó":4541,"ins":4542,"Ġaparece":4543,"Ġprimeras":4544,"Ġgrado":4545,"ĠPat":4546,"Ġtales":4547,"Ġconocimientos":4548,"Ġsoluciones":4549,"Ġras":4550,"Ġabandon":4551,"Ġadolesc":4552,"gimen":4553,"Ġdicen":4554,"Ġprofesor":4555,"Ġvacaciones":4556,"Ġgrá":4557,"Ġrepe":4558,"Ġconvir":4559,"Ġbur":4560,"ĠSE":4561,"Ġderro":4562,"Ġambient":4563,"Ġadop":4564,"Ġedificio":4565,"Ġdetec":4566,"ĠBuenos":4567,"Ġbloque":4568,"ĠAut":4569,"Ġrode":4570,"usa":4571,"Ġpersonaje":4572,"ht":4573,"Ġplantas":4574,"poner":4575,"ly":4576,"Ġjusticia":4577,"Ġargu":4578,"Ġsituaciones":4579,"ĠAires":4580,"ulado":4581,"ĠmÃŃnimo":4582,"Ġesperar":4583,"ĠPablo":4584,"vas":4585,"ĠFrancia":4586,"Ġ70":4587,"Ġprostitu":4588,"ĠMedi":4589,"Ġimper":4590,"Ġésta":4591,"Ġtrabajando":4592,"ologÃŃas":4593,"Ġkm":4594,"Ġmantenimiento":4595,"Ġjusto":4596,"mán":4597,"Ġchica":4598,"ĠCab":4599,"Ġfamiliares":4600,"ĠCuba":4601,"Ġchicas":4602,"dizaje":4603,"Ġrequis":4604,"ĠvÃŃdeo":4605,"Ġhija":4606,"Ġfer":4607,"Ġtercera":4608,"Ġreducir":4609,"Ġalguno":4610,"Ġpiezas":4611,"Ġpag":4612,"Ġrequiere":4613,"PA":4614,"inario":4615,"ĠLópez":4616,"blos":4617,"Ġmodific":4618,"ciar":4619,"ĠMujer":4620,"villa":4621,"Ġdiá":4622,"rón":4623,"Ġenorme":4624,"edores":4625,"acho":4626,"ender":4627,"Ġ»":4628,"ĠChina":4629,"Ġsola":4630,"Ġfinales":4631,"ĠOfici":4632,"Ya":4633,"gal":4634,"Ġnormas":4635,"Ġanal":4636,"ĠDespués":4637,"ĠRob":4638,"dÃŃ":4639,"Ġfirm":4640,"ĠvehÃŃculos":4641,"Ġ35":4642,"ĠDesarrollo":4643,"ĠquerÃŃa":4644,"ĠInv":4645,"Ġadministra":4646,"Ġespeciales":4647,"Ġvariedad":4648,"ĠHoy":4649,"udicial":4650,"rador":4651,"cipl":4652,"ĠComer":4653,"amor":4654,"Ġúltimas":4655,"Ġinstalación":4656,"tillas":4657,"Ġvecinos":4658,"ĠFacebook":4659,"Ġtengan":4660,"ÃŃtulos":4661,"Ġsel":4662,"san":4663,"Ġpeor":4664,"iamente":4665,"Ġherramienta":4666,"Ġimpuls":4667,"tillo":4668,"Ġbara":4669,"uta":4670,"Ġlarga":4671,"Ġcomenz":4672,"Ġnoticias":4673,"Ġinc":4674,"Ġcompetencia":4675,"ĠRam":4676,"ĠTh":4677,"Ġaquella":4678,"Ten":4679,"Ġdudas":4680,"Ġsolamente":4681,"Ġsabemos":4682,"Ġcomprome":4683,"Ġindividu":4684,"ave":4685,"Ġmejora":4686,"Ġventas":4687,"Ġcarta":4688,"ond":4689,"Ġdejó":4690,"Ġmone":4691,"ĠFu":4692,"Ġdónde":4693,"ĠGrupo":4694,"Ġpasos":4695,"Buen":4696,"UU":4697,"Ġluc":4698,"Ġalquil":4699,"Ġposibilidades":4700,"ĠEstudi":4701,"Ġvivienda":4702,"Ġterror":4703,"use":4704,"yó":4705,"Ġabog":4706,"Ġdue":4707,"Ġcomport":4708,"ĠHist":4709,"Ġacum":4710,"ivas":4711,"Ġdecisiones":4712,"cimientos":4713,"UR":4714,"Ġ2008":4715,"iores":4716,"illos":4717,"Ġsesión":4718,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":4719,"tró":4720,"Ġsexual":4721,"Ġsueño":4722,"Ġboca":4723,"Ġpresupuesto":4724,"Ġregal":4725,"Ġtriun":4726,"iles":4727,"Ġdespe":4728,"ĠClub":4729,"Ġhuman":4730,"Ġbre":4731,"Ġpuertas":4732,"Ġfuerzas":4733,"Ġconsecuencia":4734,"ses":4735,"Ġexplica":4736,"Ġcomplic":4737,"Ġexistencia":4738,"ĠBrasil":4739,"Ġdirecto":4740,"ĠBlan":4741,"mina":4742,"ĠUnión":4743,"Ġlectura":4744,"Res":4745,"ĠlÃŃneas":4746,"Ġocho":4747,"Ġsustitu":4748,"ĠNos":4749,"Ġhicieron":4750,"Ġcuentas":4751,"Ġocul":4752,"ticamente":4753,"Ġcasas":4754,"Ġpublicado":4755,"ÃŃda":4756,"Ġrit":4757,"ĠBer":4758,"Ġrecordar":4759,"áis":4760,"Ġexplo":4761,"Ġaloj":4762,"Ġdescargar":4763,"Ġfas":4764,"ĠPresidente":4765,"Ġjugador":4766,"ĠvehÃŃculo":4767,"Ġavis":4768,"ĠcrÃŃt":4769,"vel":4770,"23":4771,"Ġtamb":4772,"Ġfines":4773,"Ìģ":4774,"alizados":4775,"arnos":4776,"Ġefica":4777,"cam":4778,"Ġvincul":4779,"ang":4780,"Ġobstante":4781,"Ġmala":4782,"tus":4783,"Ġcatal":4784,"iempre":4785,"Ġentra":4786,"LO":4787,"Ġabor":4788,"Ġsalv":4789,"itamos":4790,"Ġcompañeros":4791,"Ġvivo":4792,"VA":4793,"Ġpiedra":4794,"Ġposibles":4795,"Ġencanta":4796,"Ġpris":4797,"Ġbarrio":4798,"hn":4799,"Ġsoftware":4800,"Ġfuentes":4801,"Ġrespeto":4802,"ĠDirección":4803,"Ġsectores":4804,"Ġfirma":4805,"Ġllu":4806,"ĠfÃŃsica":4807,"ĠÃģn":4808,"fre":4809,"Ġjefe":4810,"chas":4811,"Po":4812,"Ġaquellas":4813,"Ġregistro":4814,"80":4815,"Ġescal":4816,"Hoy":4817,"Ġdich":4818,"Ġestablecer":4819,"mania":4820,"ĠValencia":4821,"Ġrevel":4822,"Ġsede":4823,"Ġlech":4824,"Ġquedó":4825,"Ġmicro":4826,"ples":4827,"Ġfiscal":4828,"Ġentidades":4829,"Ġmenores":4830,"Ġconoc":4831,"Ġexposición":4832,"Ġfinalmente":4833,"ĠBl":4834,"Ġpobre":4835,"Ġidi":4836,"ĠCre":4837,"Ġmam":4838,"Ġrelev":4839,"tig":4840,"Ġido":4841,"ty":4842,"Ġministro":4843,"Ġexter":4844,"Ġnovela":4845,"ĠpodrÃŃan":4846,"fon":4847,"Ġescenario":4848,"Ġsome":4849,"ker":4850,"Ġrendimiento":4851,"ĠPerú":4852,"rupción":4853,"ĠEso":4854,"ĠEmpres":4855,"ĠCruz":4856,"icción":4857,"Ġsuperficie":4858,"Ġunidades":4859,"Ġrequer":4860,"Ġran":4861,"Ġpropias":4862,"Durante":4863,"Ġoperaciones":4864,"chez":4865,"Ġtes":4866,"Ġmeta":4867,"Ġcumple":4868,"Ġverde":4869,"Ġcama":4870,"Ġmáxima":4871,"ĠJav":4872,"Ġano":4873,"Ġrestau":4874,"ĠAdministración":4875,"Ġprom":4876,"@@":4877,"Ġllegada":4878,"Ġdocumentos":4879,"Ġestan":4880,"Ġacadém":4881,"cida":4882,"iego":4883,"cés":4884,"iosa":4885,"Ġgenerar":4886,"Ġexac":4887,"bla":4888,"Ġapun":4889,"dón":4890,"Ġgras":4891,"Ġ>":4892,"Ġretir":4893,"Ġment":4894,"ĠFer":4895,"uncia":4896,"Ġdomici":4897,"Ġenfrent":4898,"Ġpequeñas":4899,"Ġresolver":4900,"ficaciones":4901,"eles":4902,"ĠhacÃŃa":4903,"indo":4904,"Ġpec":4905,"Ġresolución":4906,"Ġsección":4907,"uebles":4908,"Ġexcep":4909,"Ġprácticas":4910,"ĠDav":4911,"Ġcita":4912,"):":4913,"Ġdep":4914,"iero":4915,"anzas":4916,"Ġargent":4917,"venida":4918,"amble":4919,"Ġoperación":4920,"ĠTa":4921,"ĠincreÃŃ":4922,"fin":4923,"ko":4924,"Ġcán":4925,"ĠDEL":4926,"Ġespecie":4927,"ĠElec":4928,");":4929,"Ġcerc":4930,"gaciones":4931,"plic":4932,"Ġges":4933,"AT":4934,"Ġembara":4935,"org":4936,"ĠEm":4937,"Ġtemperatura":4938,"fÃŃa":4939,"CO":4940,"ĠhabrÃŃa":4941,"ĠRev":4942,"Ġhará":4943,"Ġartes":4944,"Ġplaza":4945,"Ġagreg":4946,"Ġreac":4947,"anda":4948,"Ġga":4949,"onda":4950,"ĠPolicÃŃa":4951,"ĠFue":4952,"Ġcriter":4953,"Ġsencillo":4954,"ĠNorte":4955,"dust":4956,"fé":4957,"erop":4958,"ĠAg":4959,"ĠYork":4960,"Ġdigo":4961,"ive":4962,"ĠOrgan":4963,"deración":4964,"Ġfen":4965,"tumb":4966,"portes":4967,"Ġsupone":4968,"Ġpedido":4969,"Ġabajo":4970,"Ġvideos":4971,"usia":4972,"Ġregular":4973,"Ġcámara":4974,"Ġast":4975,"Ġpérdida":4976,"ĠFis":4977,"Ġenfermedades":4978,"ĠEstos":4979,"ĠBe":4980,"Ġlegal":4981,"Ġcomerciales":4982,"Ġmaravillos":4983,"Ġintentar":4984,"ĠBus":4985,"Ġmúlti":4986,"deros":4987,"Ġsomb":4988,"racia":4989,"Ġprincipalmente":4990,"ĠDu":4991,"Ġbelleza":4992,"Ġabierto":4993,"Ġproduce":4994,"Ġpermiten":4995,"Ġsuele":4996,"Ġcolección":4997,"onato":4998,"Ġingresos":4999,"ky":5000,"eran":5001,"Ġpasó":5002,"Ġrealizó":5003,"Ġhumana":5004,"Ġtiendas":5005,"ieran":5006,"ité":5007,"tismo":5008,"torias":5009,"ĠpolicÃŃa":5010,"99":5011,"uencias":5012,"Ġseñaló":5013,"ĠEspe":5014,"Ġpodido":5015,"okies":5016,"jor":5017,"Ġcalor":5018,"ĠMac":5019,"ĠDomin":5020,"Ġsimilar":5021,"Ġmecan":5022,"Ġdiput":5023,"ĠCada":5024,"Ġhá":5025,"Ġagre":5026,"Ġexperiencias":5027,"Ġescuchar":5028,"ĠRom":5029,"puestas":5030,"Ġagrad":5031,"Ġisla":5032,"ĠHu":5033,"ĠSeñor":5034,"**":5035,"Ġfeliz":5036,"Ġcorte":5037,"Ġcorrespondiente":5038,"ĠVir":5039,"ĠProfes":5040,"ĠFundación":5041,"itada":5042,"Ġciencia":5043,"Ġtransform":5044,"Ġpremio":5045,"edes":5046,"Ġvictoria":5047,"Ġnacionales":5048,"Ġambas":5049,"Ġcircunst":5050,"Ġtraslad":5051,"Ġincluyendo":5052,"ĠJusticia":5053,"Ġjam":5054,"tem":5055,"Ġconsol":5056,"Ġsale":5057,"Ġárbol":5058,"Ġtej":5059,"âĢ¢":5060,"Ġveo":5061,"Ġdeporte":5062,"isiones":5063,"Ġerror":5064,"Ġruta":5065,"Ġgastos":5066,"ĠCivil":5067,"IM":5068,"Ġtraduc":5069,"Ġabsolu":5070,"Ġdesaf":5071,"Ġelección":5072,"Ġlocalidad":5073,"Ġsiguen":5074,"Ġcoinci":5075,"rales":5076,"Ġfactores":5077,"ilares":5078,"reras":5079,"itarios":5080,"len":5081,"Ġaprendizaje":5082,"udas":5083,"ĠPrem":5084,"Ġrey":5085,"Ġtritur":5086,"ĠNi":5087,"Ġimposible":5088,"ĠperÃŃodo":5089,"Ġcereb":5090,"Ġ=":5091,"Ġhar":5092,"Ġcomunidades":5093,"ĠPúbl":5094,"inados":5095,"ET":5096,"Ġdeseo":5097,"ÃŃguez":5098,"ĠTri":5099,"eñ":5100,"Ġpúblicas":5101,"Ġcumplimiento":5102,"Ġdebes":5103,"Ġofrecen":5104,"idar":5105,"Ġparticipantes":5106,"Ġfalle":5107,"iación":5108,"Ġconsulta":5109,"Ġcomenzar":5110,"Ġcomercio":5111,"Ġrecorrido":5112,"Ġge":5113,"Ġpiso":5114,"ĠĠ":5115,"quilla":5116,"Ġdivi":5117,"Tras":5118,"Ġfunciona":5119,"Ġmanda":5120,"Ġpueblos":5121,"Ġdetrás":5122,"ĠTele":5123,"ierta":5124,"bra":5125,"Ġexpertos":5126,"ĠBal":5127,"ĠServicio":5128,"Ġnomb":5129,"drÃŃguez":5130,"ánica":5131,"Ġcomerci":5132,"viamente":5133,"Ġaper":5134,"Ġprivado":5135,"Ġurb":5136,"vera":5137,"arle":5138,"Ġrazones":5139,"Ġrecog":5140,"igu":5141,"Ġprobar":5142,"ĠPerson":5143,"Ġcódigo":5144,"Ġrue":5145,"Ġaumentar":5146,"Ġfase":5147,"Ġinformó":5148,"Ġhubo":5149,"ĠrÃŃo":5150,"Ġequilib":5151,"ks":5152,"ª":5153,"metro":5154,"ánd":5155,"uf":5156,"Ġvuelve":5157,"misión":5158,"ĠCur":5159,"Ġverdadera":5160,"ivamente":5161,"hib":5162,"amento":5163,".âĢĿ":5164,"Ġllevó":5165,"arial":5166,"Ġrégimen":5167,"Ġdispositivos":5168,"adio":5169,"gados":5170,"Ġfar":5171,"ĠSec":5172,"int":5173,"Ġital":5174,"Ġtarjeta":5175,"Ġsorpres":5176,"Ġhayan":5177,"Ġgarantizar":5178,"ĠtenÃŃan":5179,"Ġcorto":5180,"Ġsensación":5181,"Ġformato":5182,"uña":5183,"ánchez":5184,"ds":5185,"Ġses":5186,"Ġcondición":5187,"Ġpropuestas":5188,"oque":5189,"ĠPP":5190,"Ġsiquiera":5191,"Ġdistribución":5192,"Ġcrim":5193,"ianos":5194,"raz":5195,"Ġestén":5196,"ĠSegún":5197,"lÃŃ":5198,"Ġreconocimiento":5199,"ĠUr":5200,"Ġsonido":5201,"talia":5202,"idez":5203,"Ch":5204,"Ġcomienza":5205,"ológicos":5206,"Ġrevista":5207,"Ġdul":5208,"Ġdebate":5209,"Ġdesper":5210,"Ġconstruir":5211,"Ġaus":5212,"inta":5213,"ĠProvin":5214,"Ġataque":5215,"grafÃŃas":5216,"Ġespero":5217,"ĠTras":5218,"ĠEscuela":5219,"arme":5220,"Ġpresentes":5221,"iendas":5222,"Ġofertas":5223,"estre":5224,"Ġdenunci":5225,"Ġcompos":5226,"Ġcursos":5227,"Ġidentidad":5228,"Ġdispar":5229,"isla":5230,"Ġintens":5231,"ĠNO":5232,"Ġnoticia":5233,"Ġmantiene":5234,"Ġfondos":5235,"Ġcrédito":5236,"crib":5237,"raestruc":5238,"pr":5239,"Ġec":5240,"Ġenlace":5241,"Ġplanes":5242,"king":5243,"cionamiento":5244,"stru":5245,"Ġacre":5246,"éndose":5247,"ĠÃģngel":5248,"ezol":5249,"ore":5250,"Ġdeclara":5251,"amentos":5252,"tigo":5253,"augu":5254,"Ġparque":5255,"Ġrelacionados":5256,"ĠvÃŃctimas":5257,"Ġenem":5258,"Ġaproximadamente":5259,"ĠPl":5260,"Ġmunicipal":5261,"ĠFel":5262,"Ġremo":5263,"ĠRodrÃŃguez":5264,"Ġparecer":5265,"venir":5266,"Ġmarc":5267,"Ġrápida":5268,"ribuy":5269,"ĠPRO":5270,"wn":5271,"ĠInf":5272,"gamos":5273,"Ġhal":5274,"Ġexplicó":5275,"Ġexpresión":5276,"ficiencia":5277,"ĠJorge":5278,"Ġformul":5279,"ĠPuerto":5280,"up":5281,"ĠServicios":5282,"Ġindica":5283,"AP":5284,"gencias":5285,"ĠespÃŃritu":5286,"VI":5287,"Ġvive":5288,"Ġinaugu":5289,"Ġdescubrir":5290,"Ġelev":5291,"ude":5292,"Ġartistas":5293,"Ġglobal":5294,"45":5295,"Ġcanciones":5296,"enes":5297,"Ġdelante":5298,"ĠRed":5299,"]âĢĭ":5300,"Ġcomentario":5301,"Ġdispositivo":5302,"Ġjuntos":5303,"ález":5304,"Ġprior":5305,"Entre":5306,"Ġmétodo":5307,"Ġcontras":5308,"rael":5309,"Ahora":5310,"Ġbio":5311,"Ġadultos":5312,"ÃŃgen":5313,"eña":5314,"ucÃŃa":5315,"ámica":5316,"acas":5317,"Ġhermano":5318,"ENT":5319,"Ġtarea":5320,"ĠJun":5321,"Ġconvertido":5322,"«":5323,"Ġdejado":5324,"ĠgustarÃŃa":5325,"Ġtérmino":5326,"Ġconexión":5327,"Ġtren":5328,"Ġconsec":5329,"todos":5330,"tima":5331,"éndo":5332,"Ġ500":5333,"Ġcielo":5334,"Ġcosto":5335,"pati":5336,"Ġoportunidades":5337,"Ġcaja":5338,"Ġilum":5339,"Ġhabitantes":5340,"Ġentrevista":5341,"Ġforo":5342,"Ġdistribu":5343,"Ġencontramos":5344,"tista":5345,"Ġbomb":5346,"Ġritmo":5347,"Ġnutri":5348,"Ġfemen":5349,"ĠSánchez":5350,"Ġespañoles":5351,"Ġestadounidense":5352,"eca":5353,"Ġ2007":5354,"ĠOn":5355,"ĠNic":5356,"Gra":5357,"yecto":5358,"Ġintención":5359,"Ġobliga":5360,"Ġcontexto":5361,"Ġterminar":5362,"Ġempleados":5363,"LE":5364,"Ġactos":5365,"ĠPorque":5366,"Ġpies":5367,"orios":5368,"ĠTV":5369,"Ġcircul":5370,"ĠMil":5371,"Ġrecibido":5372,"Ġpaciente":5373,"Ġcarne":5374,"Ġjuicio":5375,"Ġmiembro":5376,"Ġinflu":5377,"ciaciones":5378,"Ġsirve":5379,"Ġarmas":5380,"Ġperió":5381,"Ġduro":5382,"Aunque":5383,"ĠLeón":5384,"Ġalma":5385,"arlos":5386,"iri":5387,"ĠComunidad":5388,"Ġamplio":5389,"Ġrenov":5390,"Ġpotencial":5391,"Ġpublicidad":5392,"arra":5393,"Ġ45":5394,"Ġdetalle":5395,"cón":5396,"olucion":5397,"Ġsilen":5398,"Ġacos":5399,"tÃŃculo":5400,"Ġcreado":5401,"Ġcontiene":5402,"Ġdebajo":5403,"ĠIncl":5404,"Ġvolumen":5405,"deras":5406,"Ġterreno":5407,"Ġproteger":5408,"Ġrum":5409,"Ġgama":5410,"Ġobjetos":5411,"oluc":5412,"Ġinstitución":5413,"ĠAlgun":5414,"Ġigu":5415,"ĠAlemania":5416,"BA":5417,"teratura":5418,"Ġpasando":5419,"Ġartista":5420,"Ġcál":5421,"Ġdirecta":5422,"Ġmirada":5423,"Ġhistorias":5424,"Ġpróxima":5425,"Ġleyes":5426,"Ġocurre":5427,"ĠSil":5428,"Ġleyendo":5429,"Ġsurg":5430,"Ġhistórico":5431,"Ġadelan":5432,"ĠJunta":5433,"Ġ196":5434,"ticias":5435,"ash":5436,"Ġrecuerdo":5437,"Ġconden":5438,"ĠFernando":5439,"ARA":5440,"ipe":5441,"trado":5442,"Ġespecta":5443,"Ġmig":5444,"ĠSevilla":5445,"Ġeliminar":5446,"ĠAndal":5447,"pens":5448,"Ġseres":5449,"ĠGonzález":5450,"Ġpreocu":5451,"ultades":5452,"Ġmedic":5453,"ucha":5454,"Ġconfirm":5455,"Ġcadena":5456,"21":5457,"ĠBanco":5458,"Ġlegisl":5459,"Ġcertific":5460,"Ġpuso":5461,"Ġenter":5462,"ĠAz":5463,"Ġliter":5464,"Ġreclam":5465,"Ġpasada":5466,"Ġperspec":5467,"Ġintervención":5468,"2018":5469,"Ġcolombi":5470,"radas":5471,"Ġlimpieza":5472,"Ġoficina":5473,"Ġnecesaria":5474,"Ġconvoca":5475,"leta":5476,"ĠLib":5477,"timos":5478,"Ġcierre":5479,"ĠtÃŃp":5480,"deos":5481,"Ġustedes":5482,"Ġpromedio":5483,"Ġilust":5484,"Ġaseguró":5485,"ĠTecn":5486,"Pre":5487,"ĠDavid":5488,"Ġprocedimiento":5489,"berto":5490,"Ġpractic":5491,"Ġmensajes":5492,"Ġvoc":5493,"Ġvoluntad":5494,"RES":5495,"usiones":5496,"Ġmezcla":5497,"ĠOri":5498,"Ġprima":5499,"rores":5500,"lano":5501,"Ġdepartamento":5502,"Ġ@":5503,"timo":5504,"Ġagres":5505,"ĠVilla":5506,"utbol":5507,"ĠclÃŃn":5508,"Ġpropósito":5509,"26":5510,"Ġrequisitos":5511,"CE":5512,"ĠPen":5513,"ĠCristo":5514,"Ġcanción":5515,"27":5516,"estas":5517,"Ġtendencia":5518,"Ġresistencia":5519,"Ġquedan":5520,"ulares":5521,"Ġestren":5522,"indows":5523,"udos":5524,"tidas":5525,"Ġpic":5526,"IF":5527,"rano":5528,"Ġcanal":5529,"tamientos":5530,"gram":5531,"Ġsolicitud":5532,"Ġdim":5533,"ĠTal":5534,"Ġubicación":5535,"ade":5536,"Ġase":5537,"Ġleche":5538,"ienes":5539,"Ġrepor":5540,"Ġpendi":5541,"Ġdaño":5542,"ella":5543,"Ġpase":5544,"ĠSem":5545,"Ġimpresion":5546,"Ġtareas":5547,"Ġpat":5548,"Ġdro":5549,"Ġvender":5550,"Ġintegra":5551,"dedores":5552,"Ġacudi":5553,"Ġmúltiples":5554,"Ġemerg":5555,"Ġciclo":5556,"Ġhospital":5557,"Ġviajes":5558,"ĠPon":5559,"ÃŃz":5560,"Ġcoti":5561,"Ġnecesarios":5562,"Ġclima":5563,"Ġvisit":5564,"ciÃĥ":5565,"Ġescena":5566,"eropuerto":5567,"ĠCultura":5568,"erdo":5569,"www":5570,"Ġrol":5571,"tadores":5572,"Ġreciente":5573,"ley":5574,"Ġarchivos":5575,"Ġproducir":5576,"Ġinfec":5577,"dice":5578,"Ġtorno":5579,"Ġhabitual":5580,"Ġexpe":5581,"ĠSistema":5582,"Ġreforma":5583,"Ġsuma":5584,"Ġrojo":5585,"Ġwww":5586,"Ġbeneficio":5587,"ĠPartido":5588,"Ġorganismo":5589,"rarse":5590,"Ġvistas":5591,"Ġbi":5592,"Ġsabor":5593,"Ġmusical":5594,"grÃŃa":5595,"estiones":5596,"Ġhermanos":5597,"Ġcáncer":5598,"Ġduración":5599,"35":5600,"Ġllevan":5601,"ĠInvesti":5602,"Ġpermanente":5603,"érez":5604,"ĠGer":5605,"Ġpref":5606,"ólogo":5607,"Después":5608,"Ġpromoción":5609,"ĠLuego":5610,"Ġbreve":5611,"%.":5612,"Ġbos":5613,"uelos":5614,"lección":5615,"Ġconciencia":5616,"Ġtera":5617,"Ġsupon":5618,"Ġtendrán":5619,"Ġperfecta":5620,"Ġsuminist":5621,"Ġarran":5622,"Ġmovimientos":5623,"ĠguÃŃa":5624,"PS":5625,"Ġexam":5626,"tiende":5627,"osos":5628,"Ġrefiere":5629,"Ġpocas":5630,"ĠSam":5631,"Ġpotencia":5632,"tég":5633,"Ġevolución":5634,"Ġreduci":5635,"Ġvul":5636,"Ġasistencia":5637,"ĠAD":5638,"inada":5639,"gadas":5640,"Ġlenguaje":5641,"Ġcontrolar":5642,"Ġhier":5643,"Ġpuestos":5644,".)":5645,"ĠAquÃŃ":5646,"Ġreserva":5647,"izada":5648,"ército":5649,"amblea":5650,"Ġtambien":5651,"Ġencontrado":5652,"Ġbici":5653,"Ġcree":5654,"Ġhonor":5655,"Ġiglesia":5656,"jeron":5657,"quinas":5658,"Ġplaneta":5659,"Ġdescrib":5660,"ĠIndust":5661,"Ġubicado":5662,"Ġprecisamente":5663,"ĠDurante":5664,"jal":5665,"Ġrestaurante":5666,"Ġinferior":5667,"Ġaguas":5668,"Ġútil":5669,"28":5670,"Ġpose":5671,"Ġconocida":5672,"Ġconcurso":5673,"âĢĻ,":5674,"Ġmencion":5675,"ĠVI":5676,"ÃŃc":5677,"Ġperdido":5678,"ĠEuropea":5679,"Ġlóg":5680,"ĠDerecho":5681,"Ġdependi":5682,"uestros":5683,"ĠRE":5684,"ĠtecnologÃŃas":5685,"Ġsuelen":5686,"ĠfÃŃsico":5687,"duce":5688,"ĠTierra":5689,"Ġaplicar":5690,"genierÃŃa":5691,"Ġsaben":5692,"Ġquizás":5693,"Ġrealización":5694,"ruguay":5695,"Ġnombres":5696,"Ġreconocer":5697,"Ġarreg":5698,"ĠAL":5699,"Ġhipo":5700,"ĠFor":5701,"Ġoptim":5702,"quen":5703,"Ġespectá":5704,"ritán":5705,"Ġrecuerda":5706,"Ġfrecuencia":5707,"Ġrápidamente":5708,"Ġpresentado":5709,"IDAD":5710,"ondo":5711,"Ġsuave":5712,"ĠRusia":5713,"33":5714,"Ġhttp":5715,"Ġasegura":5716,"Ġinfantil":5717,"Ġrecibió":5718,"Ãij":5719,"ĠSub":5720,"Ġhacemos":5721,"Ġprodu":5722,"Ġ300":5723,"ĠAna":5724,"zz":5725,"Ġefectu":5726,"ĠMá":5727,"ung":5728,"Ġagentes":5729,"Ġputas":5730,"Ġsolicitar":5731,"Mi":5732,"Ġpele":5733,"Ġconsiste":5734,"Ġlengua":5735,"ĠÐ":5736,"ĠCiencias":5737,"Ġasesor":5738,"Ġvendi":5739,"ĠTécn":5740,"Ġformar":5741,"Ġvenezol":5742,"ĠPri":5743,"mm":5744,"ane":5745,"Ġdomicilio":5746,"Ġmercados":5747,"Mar":5748,"let":5749,"quia":5750,"Ġplacer":5751,"Ġsubir":5752,"Ġvemos":5753,"eció":5754,"Ġgl":5755,"Ġintelec":5756,"Ġcierta":5757,"ĠCopa":5758,"ĠAst":5759,"Ġsegundos":5760,"Ġmisión":5761,"Ġhos":5762,"ĠHar":5763,"Ġporta":5764,"Ġcuentan":5765,"Ġmotiv":5766,"rucciones":5767,"aa":5768,"pira":5769,"ĠMunicipal":5770,"90":5771,"Ġcomportamiento":5772,"ciles":5773,"Ġdeberán":5774,"Ġquis":5775,"Ġrepresentantes":5776,"Ġasc":5777,"Ġpresentó":5778,"Ġaudio":5779,"Ġapartado":5780,"Ġimplic":5781,"Ġalimentación":5782,"OD":5783,"olina":5784,"Ġadecuado":5785,"Ġgana":5786,"Ġasegurar":5787,"Ġacaba":5788,"Ġevaluación":5789,"ÃŃsticos":5790,"Ġvio":5791,"Ġprivada":5792,"Ġsiento":5793,"hat":5794,"Ġentregar":5795,"Ġporcent":5796,"Ġgratuita":5797,"ĠTwitter":5798,"Ġcontinuar":5799,"Ġdormitor":5800,"Ġalcance":5801,"Ġsimp":5802,"piración":5803,"Ġbru":5804,"Ġutilizando":5805,"hor":5806,"Ġindustrial":5807,"ĠPérez":5808,"Dis":5809,"Ġfom":5810,"ĠGre":5811,"Ġactuación":5812,"Ġalco":5813,"Ġtantos":5814,"vimos":5815,"rimiento":5816,"Ġfrancés":5817,"ĠCentral":5818,"ĠenvÃŃo":5819,"Ġexpan":5820,"ĠBas":5821,"Ġgrab":5822,"we":5823,"ĠRu":5824,"Ġriesgos":5825,"Ġ36":5826,"ini":5827,"sen":5828,"Ġpaque":5829,"Ġprotes":5830,"Ġfenóm":5831,"ĠEsp":5832,"Ġpretende":5833,"Ġantiguo":5834,"Ġresponsables":5835,"Ġconcreto":5836,"Ġelemento":5837,"Ġpróximos":5838,"Ġchicos":5839,"%,":5840,"Ġsuces":5841,"Ġlleno":5842,"Ġerrores":5843,"ĠHol":5844,"ÃŃsima":5845,"ĠDist":5846,"ĠForm":5847,"ĠPlaza":5848,"Ġnecesitan":5849,"ii":5850,"Ġconsecuencias":5851,"ting":5852,"ĠEstas":5853,"Ġprogres":5854,"Ġexpec":5855,"ĠSte":5856,"ĠTribunal":5857,"Ġcookies":5858,"ĠquÃŃm":5859,"Ġcomunes":5860,"Ġinfraestruc":5861,"Ġcarretera":5862,"viera":5863,"Ġpiscina":5864,"Ġespal":5865,"Ġabierta":5866,"Ġetique":5867,"guar":5868,"Ġllen":5869,"Ġ)":5870,"Ġvale":5871,"Ġclara":5872,"ĠDepartamento":5873,"Ġpuesta":5874,"ĠLin":5875,"Ġniña":5876,"Ġcocin":5877,"Rec":5878,"orts":5879,"Ġejecución":5880,"Ġgestion":5881,"igna":5882,"Ġcafé":5883,"Ġgar":5884,"Ġarchivo":5885,"Ġdieron":5886,"Ġamist":5887,"Ġmasa":5888,"rÃŃ":5889,"Ġalcalde":5890,"Ġadj":5891,"tización":5892,"Ġtrabaja":5893,"Ġestación":5894,"UC":5895,"Ġterra":5896,"ĠSala":5897,"Ġasunto":5898,"ueve":5899,"Ġresponder":5900,"Ġcercan":5901,"Ġhuel":5902,"Ġincluyen":5903,"cesa":5904,"Ġestablece":5905,"Ġvaya":5906,"Ġutilizado":5907,"Ġoposición":5908,"Ġflor":5909,"úcar":5910,"UL":5911,"adura":5912,"doba":5913,"Ġdejo":5914,"Ġsituado":5915,"ĠCosta":5916,"esÃŃa":5917,"ĠPuede":5918,"Ġneg":5919,"cir":5920,"Ġfich":5921,"Ġconvoc":5922,"ĠDr":5923,"ĠProduc":5924,"Ġperfectamente":5925,"Ġdesen":5926,"Ġbu":5927,"Ġbebé":5928,"Ġesposa":5929,"Ġproporcion":5930,"Ġautores":5931,"Ġflo":5932,"Ġsencilla":5933,"Ġtranspar":5934,"Ġpensamiento":5935,"Ġmédicos":5936,"Ġexplor":5937,"Gracias":5938,"ĠON":5939,"Ġcontactos":5940,"Much":5941,"sal":5942,"Ġsoporte":5943,"ĠfotografÃŃa":5944,"tuales":5945,"Ġestándar":5946,"?,":5947,"Ġpilo":5948,"Ġescon":5949,"abora":5950,"roid":5951,"Ġcelebración":5952,"rue":5953,"Ġpeligro":5954,"grado":5955,"ĠAudi":5956,"iverso":5957,"ecido":5958,"rida":5959,"américa":5960,"Ġinvoluc":5961,"Ġnúmeros":5962,"Ġconsejos":5963,"Ġaccidente":5964,"Ġimporta":5965,"',":5966,"Ġminer":5967,"ĠZapa":5968,"Ġhablando":5969,"Ġdestru":5970,"afa":5971,"tom":5972,"Ġlujo":5973,"ueva":5974,"Ġcabal":5975,"Ġextraord":5976,"rieron":5977,"pendencia":5978,"Ġmenudo":5979,"ĠsÃŃnt":5980,"Ġconflicto":5981,"ĠVol":5982,"Ġdesconoci":5983,"Ġflex":5984,"Ġafirma":5985,"ĠTrabajo":5986,"Ġmotivos":5987,"ĠTrump":5988,"TER":5989,"bos":5990,"ĠFederal":5991,"Ġlist":5992,"70":5993,"ĠJavier":5994,"ĠincreÃŃble":5995,"Ġdaños":5996,"Ġdesea":5997,"Ġdesay":5998,"Ġreceta":5999,"lin":6000,"Ġfuertes":6001,"ualmente":6002,"ĠÃīl":6003,"Ġfuncionarios":6004,"Ġsabes":6005,"ĠTom":6006,"Ġcontes":6007,"Ġbases":6008,"óstico":6009,"Ġcomunicado":6010,"Ġabra":6011,"Ġconvierte":6012,"Ġagradable":6013,"Ġverdadero":6014,"Ġameric":6015,"iernos":6016,"Ġdocument":6017,"AB":6018,"ĠAmb":6019,"ys":6020,"29":6021,"esper":6022,"Ġprote":6023,"Ġhabilidades":6024,"Ġdefens":6025,"ĠPrograma":6026,"tieron":6027,"Ġindependiente":6028,"Ġcoleg":6029,"Ġrem":6030,"Ġcaliente":6031,"inte":6032,"Ġautén":6033,"Ġtécnicos":6034,"Ġservir":6035,"Pue":6036,"Ġcarb":6037,"Ġactuales":6038,"Ġnaveg":6039,"dimientos":6040,"ĠAgu":6041,"Ġcaer":6042,"ĠCorte":6043,"Ġautoridad":6044,"Ġ..":6045,"Ġalar":6046,"Ġdiscipl":6047,"Ġrelo":6048,"Ġapertura":6049,"Ġmáquina":6050,"ĠConstitución":6051,"ionales":6052,"Ġger":6053,"Ġaclar":6054,"icales":6055,"quez":6056,"ĠCla":6057,"ĠFernández":6058,"ĠCul":6059,"ĠSecretarÃŃa":6060,"Ġaument":6061,"ni":6062,"hol":6063,"Ġrecibe":6064,"Ġanunció":6065,"Ġrecién":6066,"Ġdeuda":6067,"Ġ2006":6068,"Ġjuez":6069,"Ġauton":6070,"Ġestrellas":6071,"Ġturismo":6072,"Ġcabello":6073,"Hace":6074,"ĠGa":6075,"Ġcontribu":6076,"ĠJohn":6077,"Ġhacerse":6078,"Ġvit":6079,"alacio":6080,"Ġmarketing":6081,"vos":6082,"pin":6083,"Ġtoque":6084,"Ġquedado":6085,"Ġposterior":6086,"Ġdeleg":6087,"Ġresca":6088,"ĠAC":6089,"Ġperro":6090,"Ġdécada":6091,"Ġmira":6092,"ĠFuer":6093,"Ġpeti":6094,"Ġcontam":6095,"Ġingre":6096,"Ġsecretario":6097,"ĠMat":6098,"ĠLiga":6099,"teo":6100,"ĠDeb":6101,"ĠEjecu":6102,"Ġimpon":6103,"risa":6104,"adá":6105,"36":6106,"ĠDef":6107,"bum":6108,"xo":6109,"Ġmod":6110,"ĠMientras":6111,"ĠdecÃŃa":6112,"Ġenviar":6113,"Ġgenerales":6114,"americana":6115,"QU":6116,"ilos":6117,"endas":6118,"ube":6119,"Ġúnicamente":6120,"ástico":6121,"Ġcosta":6122,"ĠGuerra":6123,"Ġcuidad":6124,"Ġllevado":6125,"ĠðŁ":6126,"Ġanimal":6127,"Ġtráfico":6128,"ĠItalia":6129,"IV":6130,"Ġchico":6131,"Ġileg":6132,"ĠMartÃŃnez":6133,"Ġsup":6134,"Ġartic":6135,"guen":6136,"Ġestablecido":6137,"Ġfacilitar":6138,"Ġchoc":6139,"Ġrobo":6140,"Ġaccion":6141,"-,":6142,"capacidad":6143,"ĠcaÃŃda":6144,"Ġnerv":6145,"IB":6146,"Ġcuán":6147,"ĠInformación":6148,"Ġprotagonista":6149,"500":6150,"Ġderiv":6151,"Ġfantas":6152,"ĠTiene":6153,"Ġrecuperación":6154,"Ġprostitutas":6155,"Ġreca":6156,"Ġafirmó":6157,"zca":6158,"Ġvienen":6159,"Ġalquiler":6160,"Ġtasa":6161,"rente":6162,"Ġindicó":6163,"Ġintegral":6164,"ajo":6165,"bios":6166,"Ġdesn":6167,"Ġpremios":6168,"Ġvidas":6169,"Ġbritán":6170,"tistas":6171,"Ġpensando":6172,"Ġactitud":6173,"ĠGuar":6174,"ológicas":6175,"ĠCámara":6176,"ĠsabÃŃa":6177,"entro":6178,"ñar":6179,"Ġvisitas":6180,"Ġinicial":6181,"orar":6182,"ĠfrÃŃo":6183,"ĠAN":6184,"ĠWindows":6185,"Per":6186,"Ġviendo":6187,"duras":6188,"oras":6189,"Ġprácticamente":6190,"Ġfutbol":6191,"mart":6192,"Ġdecidió":6193,"ÃŃficas":6194,"Ġdefinitiva":6195,"Ġviajar":6196,"Ġeconómicos":6197,"Ġcuel":6198,"Ġenamor":6199,"Ġreform":6200,"Ġcostos":6201,"Ġteatro":6202,"zon":6203,"igos":6204,"Ġmóviles":6205,"Ġdispuesto":6206,"Ġinspir":6207,"isten":6208,"Ġadecuada":6209,"Ġllena":6210,"uma":6211,"Ġbanco":6212,"Ġesencial":6213,"ĠTar":6214,"ĠJulio":6215,"ábamos":6216,"Ġimpar":6217,"Ġoficiales":6218,"´":6219,"ĠâĤ¬":6220,"Ġnecesarias":6221,"IG":6222,"ĠTur":6223,"Ġasign":6224,"Ġcandidato":6225,"Ġrin":6226,"Ġimplica":6227,"Ġbuscan":6228,"icultura":6229,"ĠHotel":6230,"Ġempieza":6231,"Ġrecuperar":6232,"Ġcruz":6233,"ecreto":6234,"Ġcamp":6235,"bres":6236,"ĠAma":6237,"Ġsufici":6238,"Ġtarif":6239,"afas":6240,"ĠGe":6241,"Ġconsultar":6242,"ĠCá":6243,"Ġelectoral":6244,"Ġsimilares":6245,"Ġtier":6246,"SS":6247,"ĠMuseo":6248,"ĠOc":6249,"Ġconcur":6250,"Ġurg":6251,"ij":6252,"ĠFlor":6253,"ĠPD":6254,"ĠActu":6255,"aso":6256,"ĠMundo":6257,"Ġrepresentación":6258,"ĠHern":6259,"Ġregalo":6260,"Ġprést":6261,"ĠPues":6262,"So":6263,"Ġmatrimonio":6264,"Ġpintura":6265,"lada":6266,"ille":6267,"Ġdepende":6268,"Ġindividual":6269,"Ġhago":6270,"Ġapara":6271,"Ġabre":6272,"ĠSanto":6273,"Ġterceros":6274,"itando":6275,".[":6276,"Ġdispone":6277,"Ġaport":6278,"Ġcausas":6279,"CIA":6280,"Ġmanejo":6281,"Par":6282,"Ġinvertir":6283,"ĠReino":6284,"Ġañadir":6285,"Ġdelan":6286,"Ġestrategias":6287,"Ġfácilmente":6288,"osofÃŃa":6289,"tern":6290,"Ġrostro":6291,"Ġhuev":6292,"ficos":6293,"Ġcomprender":6294,"Ġsalón":6295,"Ġfiestas":6296,"Ġpropiedades":6297,"Ġign":6298,"III":6299,"Ġcél":6300,"Ġaquello":6301,"Ġsocio":6302,"Ġcompras":6303,"ĠCOM":6304,"Ġesperanza":6305,"Ġmezcl":6306,"tones":6307,"ĠgarantÃŃa":6308,"55":6309,"Ġdejando":6310,"Ġescribió":6311,"mes":6312,"Ġconfir":6313,"Ġinnovación":6314,"Ġprofesores":6315,"ĠSab":6316,"Ġreales":6317,"Ġregul":6318,"Ġpese":6319,"Ġlide":6320,"cción":6321,"Ġcircunstancias":6322,"Ġventaja":6323,"túa":6324,"Ġaconte":6325,".\"":6326,"Ġgenial":6327,"Ġllamar":6328,"Ġlogró":6329,"Ġadquirir":6330,"ĠParque":6331,"Ġcop":6332,"Ġpleno":6333,"ĠSen":6334,"ĠLatina":6335,"Ġcamis":6336,"ĠBoliv":6337,"andro":6338,"tol":6339,"ĠMen":6340,"Ġorgul":6341,"tudes":6342,"Ġtradición":6343,"Ġves":6344,"Ġniñas":6345,"Ġnecesitas":6346,"ĠFil":6347,"Ġperci":6348,"istencia":6349,"land":6350,"ĠSalv":6351,"Ġrespal":6352,"tesis":6353,"yendo":6354,"Ġsalvo":6355,"Ġcapaces":6356,"��":6357,"Ġjuz":6358,"ĠiP":6359,"Ġtorneo":6360,"ĠCat":6361,"Ġfechas":6362,"Ġcelebrar":6363,"Ġespecies":6364,"órm":6365,"Ġpecho":6366,"Ġcomienzo":6367,"ĠCór":6368,"lando":6369,"TR":6370,"Ġsalió":6371,"Ġexpor":6372,"MP":6373,"tÃŃ":6374,"Ġcomplejo":6375,"Ġdieta":6376,"Ġcreer":6377,"ĠMedio":6378,"ĠcompañÃŃas":6379,"Ġacu":6380,"Ġjapon":6381,"Ġflores":6382,"idu":6383,"Ġtono":6384,"Ġbiblio":6385,"Ġfuncional":6386,"Ġincluir":6387,"Ġpuedas":6388,"Ġempezó":6389,"Ġaltos":6390,"Ġdestacar":6391,"Ġ32":6392,"ĠSolo":6393,"Ġacredi":6394,"ricación":6395,"vio":6396,"Ġanalizar":6397,"Ġago":6398,"Ġpuerto":6399,"Ġreto":6400,"Ġordenador":6401,"Ġposee":6402,"Car":6403,"Ġestratég":6404,"isos":6405,"ami":6406,"Ġpieza":6407,"americano":6408,"ĠteorÃŃa":6409,"Ġmovil":6410,"Ġazúcar":6411,"Ġestudiar":6412,"ualidad":6413,"apón":6414,"95":6415,"DE":6416,"ĠFiscal":6417,"ĠparecÃŃa":6418,"habil":6419,"Ġprobablemente":6420,"ĠSociedad":6421,"Ġpriva":6422,"Ġusa":6423,"ĠlÃŃqu":6424,"ĠAndr":6425,"Ġviento":6426,"eler":6427,"ĠPública":6428,"Ġtuvieron":6429,"Ġdeterminar":6430,"Ġadicional":6431,"ĠGestión":6432,"Ġreducción":6433,"ĠLeer":6434,"Ġcorresponde":6435,"Ġestados":6436,"ĠFre":6437,"tologÃŃa":6438,"Ġutilizan":6439,"sted":6440,"dremos":6441,"Ġcá":6442,"Ġconta":6443,"Ha":6444,"Ġacor":6445,"quÃŃa":6446,"Ġcomput":6447,"Nos":6448,"Ġtextos":6449,"Ġnueve":6450,"ĠMag":6451,"Ġantigua":6452,"ĠPC":6453,"Ġcuch":6454,"Ġdiferencias":6455,"Ġhábi":6456,"ĠComercio":6457,"Ġinvierno":6458,"tric":6459,"operación":6460,"Ġconoz":6461,"Ġcuál":6462,"Ġsiente":6463,"Ġpresentan":6464,"ham":6465,"mites":6466,"ĠjardÃŃn":6467,"Ġdominio":6468,"ife":6469,"IP":6470,"ondres":6471,"Ġconvertirse":6472,"Ġcircu":6473,"Ġdestaca":6474,"Ġdeclaración":6475,"Ġviven":6476,"Ġculturales":6477,"ĠEstá":6478,"uir":6479,"maras":6480,"ĠtÃŃtulos":6481,"Ġdemocracia":6482,"Ġál":6483,"rará":6484,"Ġrestaurantes":6485,"ot":6486,"Ġnuevamente":6487,"Ġexpecta":6488,"orán":6489,"ĠGab":6490,"ĠRÃŃo":6491,"turación":6492,"Ġ2000":6493,"ela":6494,"ód":6495,"ota":6496,"Ġtocar":6497,"ĠAndalucÃŃa":6498,"Ġseñala":6499,"ĠHospital":6500,"Ġenseñanza":6501,"IEN":6502,"ĠFederación":6503,"ridos":6504,"Ġrecientemente":6505,"Ġentradas":6506,"ĠNuevo":6507,"----":6508,"Ġescuelas":6509,"ĠfotografÃŃas":6510,"Ġguer":6511,"Ġadmi":6512,"ĠJul":6513,"Ġjamás":6514,"Ġinmedi":6515,"inarias":6516,"Ġhiper":6517,"tral":6518,"Ġmm":6519,"bel":6520,"Ġutilización":6521,"Ġconqu":6522,"han":6523,"Ġquerido":6524,"Ġimpuestos":6525,"ĠEd":6526,"Ġpermitirá":6527,"Ġanual":6528,"34":6529,"ĠEntonces":6530,"Ġliteratura":6531,"Ġdecre":6532,"Ġsentencia":6533,"lon":6534,"Ġenga":6535,"Ġllegan":6536,"Ġcorrupción":6537,"dimos":6538,"Ġentrenamiento":6539,"frica":6540,"Ġfinalidad":6541,"Ġasociación":6542,"Ġdefender":6543,"Ġrazon":6544,"ters":6545,"Ġcuadro":6546,"Ġescolar":6547,"dy":6548,"Ġdiscurso":6549,"Ġdor":6550,"Ġcomponentes":6551,"Ġpantal":6552,"drÃŃa":6553,"Ġminuto":6554,"Ġtum":6555,"ĠDiv":6556,"Ġbolsa":6557,"ĠDec":6558,"Ġatender":6559,"Todos":6560,"Ġinterac":6561,"ĠcrÃŃtica":6562,"Ġensay":6563,"Ma":6564,"Ġrealizan":6565,"Todo":6566,"Ġseguros":6567,"Ġtantas":6568,"Ġclásico":6569,"Ġlum":6570,"Ġpopulares":6571,"Ġfib":6572,"ĠNoticias":6573,"Ġvolvió":6574,"comun":6575,"Ġans":6576,"ĠProtección":6577,"Ġmanual":6578,"dados":6579,"ilación":6580,"Ġsuperar":6581,"Ġjudicial":6582,"Ġincremento":6583,"iller":6584,"ĠLiber":6585,"Ġrealizada":6586,"ĠBur":6587,"Ġlluvia":6588,"dom":6589,"Ġdesarrollado":6590,"Ġciertos":6591,"ĠParÃŃs":6592,"fas":6593,"pp":6594,"mal":6595,"ĠHistoria":6596,"ĠDecreto":6597,"ĠRafa":6598,"DO":6599,"Ġaceptar":6600,"ADO":6601,"Ġcerv":6602,"menta":6603,"ristas":6604,"ĠPlata":6605,"ĠCó":6606,"Ġdiálogo":6607,"ĠDoc":6608,"Ġrent":6609,"Ġgr":6610,"Ġpeligros":6611,"dental":6612,"ánico":6613,"Ġnacimiento":6614,"Ġaparecen":6615,"Ġconforme":6616,"!!!!":6617,"migo":6618,"Ġesperando":6619,"ionar":6620,"ev":6621,"ĠMur":6622,"ĠPaz":6623,"Ġdur":6624,"Ġactivos":6625,"Ġargentino":6626,"Ġdecidido":6627,"Ġactores":6628,"Ġreglas":6629,"Ġaj":6630,"ĠAust":6631,"ĠalegrÃŃa":6632,"icen":6633,"Ġadv":6634,"Ġdecoración":6635,"Ġrecurso":6636,"Ġautón":6637,"ant":6638,"undar":6639,"Ġcoste":6640,"izon":6641,"Ġacero":6642,"ĠFestival":6643,"Ġpide":6644,"DA":6645,"ĠTea":6646,"xil":6647,"Ġactor":6648,"Ġresal":6649,"ieren":6650,"Ġcurios":6651,"arago":6652,"Ġperiodista":6653,"inter":6654,"letas":6655,"Ġ34":6656,"Ġgig":6657,"Ġmoto":6658,"Ġapos":6659,"Ġchil":6660,"Ġescala":6661,"Ġsof":6662,"Ġtribu":6663,"sar":6664,"Ġhorm":6665,"ándole":6666,"ĠNew":6667,"Ġcampos":6668,"Ġalternativa":6669,"partam":6670,"jera":6671,"Ġdescuento":6672,"unda":6673,"Ġsól":6674,"Ġpartida":6675,"Ġsorpresa":6676,"tú":6677,"Ġvisitantes":6678,"ĠJer":6679,"Ġprevia":6680,"Ġventajas":6681,"Ġdispu":6682,"Ġvigil":6683,"Esto":6684,"Ġcorrer":6685,"ĠAP":6686,"Ġbienestar":6687,"ego":6688,"tres":6689,"laciones":6690,"Ġevidente":6691,"Ġdoctor":6692,"39":6693,"Ġrespuestas":6694,"raron":6695,"Ġviviendas":6696,"Ġactuar":6697,"Ġconseguido":6698,"Ġzapatos":6699,"Ġvál":6700,"Ġhice":6701,"Ġcuestiones":6702,"Ġrelacionadas":6703,"ĠAR":6704,"Ġquiera":6705,"Ġperros":6706,"Ġdécadas":6707,"Ġproto":6708,"75":6709,"Ġhorario":6710,"Ġpersonalidad":6711,"ĠValle":6712,"laga":6713,"Ãł":6714,"Ġnegoci":6715,"enaje":6716,"Ġdelito":6717,"ubl":6718,"ĠPolÃŃtica":6719,"Ġdije":6720,"Ġseguimiento":6721,"Ġmercan":6722,"ĠsÃŃntomas":6723,"ĠPremio":6724,"Ġaler":6725,"ĠAndroid":6726,"ventud":6727,"cindi":6728,"Ġhel":6729,"Ġparticulares":6730,"Ġpreparación":6731,"Ġcorriente":6732,"wa":6733,"Ġsilencio":6734,"Ġpudiera":6735,"ĠCórdoba":6736,"Ġcelebra":6737,"Ġconviv":6738,"ster":6739,"Ġtalleres":6740,"Ġmétodos":6741,"ÃįA":6742,"Ġvulner":6743,"Ġprevisto":6744,"Ġbatalla":6745,"Ġefectivo":6746,"Ġfrase":6747,"enten":6748,"Ġmover":6749,"Ġdeclaraciones":6750,"ĠlÃŃderes":6751,"terrán":6752,"gor":6753,"ambre":6754,"Ġemi":6755,"Ġusando":6756,"cra":6757,"Ġfrases":6758,"ĠDerechos":6759,"Ġrecord":6760,"Ġepiso":6761,"Ġcantante":6762,"idación":6763,"Ġama":6764,"Ġpromover":6765,"ĠFacultad":6766,"ĠGol":6767,"Ġdirigido":6768,"Ġaleg":6769,"izados":6770,"Ġcombinación":6771,"GO":6772,"yen":6773,"ĠLondres":6774,"Ġintento":6775,"Ġgir":6776,"zando":6777,"Ġofrecemos":6778,"Ġsho":6779,"Ġrato":6780,"ĠSólo":6781,"ĠUno":6782,"ónico":6783,"âĢ¦.":6784,"Ġplano":6785,"ĠAM":6786,"Ġcuestion":6787,"derÃŃa":6788,"Ġhoteles":6789,"Ġanuncios":6790,"ĠEspañola":6791,"Ġhumanidad":6792,"ezca":6793,"Ġbajar":6794,"Pues":6795,"Ġuniversidad":6796,"?.":6797,"ames":6798,"Ġperspectiva":6799,"ĠIng":6800,"alizadas":6801,"Ġvestido":6802,"Ġcotidi":6803,"Ġalm":6804,"Ġexplicar":6805,"Ġtradicionales":6806,"Ġgira":6807,"Ġparecen":6808,"ificados":6809,"Ġestancia":6810,"ĠEra":6811,"Ġacabar":6812,"ĠVil":6813,"Ġdiagn":6814,"ux":6815,"aste":6816,"Ġrap":6817,"Ġcontribuy":6818,"ald":6819,"Ġcár":6820,"Ġrefug":6821,"iada":6822,"Ġincluido":6823,"Ġhumor":6824,"cidas":6825,"Ġtelef":6826,"Ġorganizado":6827,"Ġdará":6828,"Ġdesign":6829,"Ġpropon":6830,"epres":6831,"Ġsocios":6832,"Ġcerebro":6833,"áles":6834,"Ġcatá":6835,"Ġ2005":6836,"Ġinteligencia":6837,"Ġsosp":6838,"Ġacercar":6839,"Ġinfluencia":6840,"Ġinteresantes":6841,"Ġdefec":6842,"Ġcuesta":6843,"Ġ150":6844,"ĠJuegos":6845,"Ġindis":6846,"о":6847,"Ġsuger":6848,"ĠInst":6849,"Ġpenal":6850,"ĠJe":6851,"ox":6852,"ómico":6853,"ĠNavidad":6854,"ĠIb":6855,"Ġfracas":6856,"ezas":6857,"usos":6858,"Ġacondi":6859,"®":6860,"iciones":6861,"Ġlanzamiento":6862,"Ġesfuerzos":6863,"Ġforman":6864,"Ġregional":6865,"Ġescritor":6866,"Ġaso":6867,"Ġrepu":6868,"ĠSegun":6869,"Ġtrituradora":6870,"Ġdificultades":6871,"Ġmeter":6872,"Ġcolegio":6873,"Ġprevención":6874,"Ġingreso":6875,"Ġedificios":6876,"Ġcolum":6877,"Ġatre":6878,"ortun":6879,"art":6880,"Ġimpresión":6881,"ĠSÃŃ":6882,"Ġtrayec":6883,"ĠCastilla":6884,"atamente":6885,"ĠEncuent":6886,"Ġopiniones":6887,"Ġlogra":6888,"ĠDaniel":6889,"ĠAlej":6890,"ijo":6891,"Co":6892,"pul":6893,"Ġcompañero":6894,"Ġestablecimiento":6895,"ĠLatino":6896,"Ġbotón":6897,"ómica":6898,"ĠInform":6899,"Ġeficaz":6900,"Ġconsiderar":6901,"ĠHasta":6902,"aman":6903,"Ġdescanso":6904,"Ġvay":6905,"ĠDig":6906,"ferencias":6907,"enciales":6908,"ĠEr":6909,"Ġcober":6910,"Ġaltas":6911,"ĠCataluña":6912,"Ġiniciar":6913,"Ġlogrado":6914,"ua":6915,"osas":6916,"dicas":6917,"Ġtec":6918,"Ġciertas":6919,"Ġprivi":6920,"48":6921,"ĠOrden":6922,"Ġdemocr":6923,"uación":6924,"ĠEnrique":6925,"ianza":6926,"Ġ48":6927,"38":6928,"inando":6929,"Ġcuento":6930,"Ġcari":6931,"ĠConsul":6932,"Ġmalo":6933,"asti":6934,"ĠPubl":6935,"Ġcerrar":6936,"Ġdesac":6937,"Ġganado":6938,"Ġcruc":6939,"Ġpreparar":6940,"Ġnació":6941,"Ġarre":6942,"Ġcrecer":6943,"Ġpolici":6944,"éut":6945,"ĠCO":6946,"ĠMos":6947,"Ġparticipa":6948,"ington":6949,"ey":6950,"Ġaver":6951,"Ġseleccion":6952,"ló":6953,"Ġcorrespondientes":6954,"derá":6955,"Ġmuestran":6956,"Ġgastron":6957,"demia":6958,"Ġconcierto":6959,"ock":6960,"adal":6961,"aragoza":6962,"Ġconvocatoria":6963,"Ġsole":6964,"Ġcorrecta":6965,"Ġvosotros":6966,"Ġfren":6967,"Ġdiscu":6968,"Ġplena":6969,"Ġcorrecto":6970,"Ġamiga":6971,"Ġprobable":6972,"Ġhin":6973,"iversario":6974,"Ġaeropuerto":6975,"Ġblanca":6976,"aque":6977,"gues":6978,"ĠMes":6979,"Ġprestig":6980,"Ġsobreviv":6981,"Ġingredientes":6982,"Ġcomprobar":6983,"Ġretro":6984,"Ġestarán":6985,"ĠUsu":6986,"Ġpade":6987,"Ġpoca":6988,"Ġconceptos":6989,"Ġposteriormente":6990,"itó":6991,"Ġálbum":6992,"crito":6993,"Ġ195":6994,"____":6995,"Ġproporciona":6996,"Ġdesplaz":6997,"ĠIsrael":6998,"Ġdeba":6999,"Ġafecta":7000,"ariamente":7001,"ĠRadio":7002,"Ġaventura":7003,"Ġestatal":7004,"Ġbro":7005,"Ġfactor":7006,"ICO":7007,"SOE":7008,"Ġbr":7009,"Ġpene":7010,"Ġ38":7011,"Ġejercicios":7012,"ĠSuperior":7013,"ibe":7014,"Ġhermana":7015,"Ġaparecer":7016,"ÃŃna":7017,"CH":7018,"Ġmontaña":7019,"Ġcolectivo":7020,"Ġagencia":7021,"ĠEcu":7022,"orio":7023,"Ġcombust":7024,"ficas":7025,"ĠArm":7026,"Ġmuertos":7027,"Ġgrad":7028,"Ġsentimientos":7029,"Ġcomisión":7030,"ĠMed":7031,"Ġmanip":7032,"Ġdenuncia":7033,"Ġaprovechar":7034,"Ġviejo":7035,"Ġdosis":7036,"iosos":7037,"Ġidioma":7038,"Ġfl":7039,"cada":7040,"ĠAsamblea":7041,"Ġestrech":7042,"ĠlÃŃmites":7043,"ĠDos":7044,"Ġpasión":7045,"ĠIII":7046,"ood":7047,"ĠAca":7048,"Ġactivo":7049,"Ġcoches":7050,"ĠComité":7051,"ique":7052,"Ġempresarial":7053,"Ġmaestro":7054,"pla":7055,"Ġtuve":7056,"ĠDirector":7057,"Ġguitar":7058,"Ġacostumb":7059,"ajaj":7060,"Ġelaboración":7061,"Ġimpac":7062,"Ġarena":7063,"Ġestrella":7064,"Ġdifun":7065,"Ġcorta":7066,"Ġvotos":7067,"cambio":7068,"Ġcorpor":7069,"Ġfinanciera":7070,"Ġinmediato":7071,"Ġrealizará":7072,"Ġpatrimonio":7073,"Ġpositivo":7074,"ĠGas":7075,"Ġinvestigadores":7076,"Ġlabora":7077,"Ġdestacó":7078,"Ġmuebles":7079,"Ġimpul":7080,"ĠMis":7081,"Son":7082,"rg":7083,"Ġmirar":7084,"ĠvÃŃctima":7085,"tornos":7086,"Ġid":7087,"Ġic":7088,"Ac":7089,"Ġencontraba":7090,"teral":7091,"ĠNº":7092,"drán":7093,"edi":7094,"Ġmetal":7095,"ike":7096,"ĠEjecutivo":7097,"Ġcancel":7098,"hibi":7099,"Ġfij":7100,"ĠApple":7101,"Ġcientos":7102,"ser":7103,"Ġactiva":7104,"ĠPaÃŃs":7105,"Ġnoches":7106,"Ġporcentaje":7107,"icha":7108,"37":7109,"Ġbonito":7110,"ĠSalvador":7111,"ĠDiego":7112,"Ġnormativa":7113,"quie":7114,"Ġentreten":7115,"PE":7116,"Ġhabil":7117,"Ġenfoc":7118,"Ġmunicipios":7119,"Ġlegales":7120,"Ġlicencia":7121,"ĠMir":7122,"Ġbes":7123,"ĠVis":7124,"Ġdemostrar":7125,"Ġdiciendo":7126,"ĠcapÃŃtulo":7127,"ĠMuy":7128,"bur":7129,"ĠJapón":7130,"Ġdormir":7131,"wer":7132,"ensiones":7133,"Ġeconómicas":7134,"Ġespectáculo":7135,"Ġparcial":7136,"Ġpot":7137,"opera":7138,"ĠAutón":7139,"Ġaccesorios":7140,"Ġgobiernos":7141,"Ġobservar":7142,"Ġcuello":7143,"éro":7144,"ĠLic":7145,"ĠViv":7146,"sin":7147,"ĠLor":7148,"Ġtriunfo":7149,"Ġtrato":7150,"ight":7151,"quito":7152,"Ġidentificar":7153,"ĠMov":7154,"Ġmilitares":7155,"Ġcubrir":7156,"Ġdios":7157,"ĠPopular":7158,"Ġmetodo":7159,"Ġintegración":7160,"Ġespalda":7161,"Ġapa":7162,"Ġdedicado":7163,"cienda":7164,"Ġseguramente":7165,"Ġcercano":7166,"ĠApren":7167,"Ġhojas":7168,"Ġconvirtió":7169,"its":7170,"inten":7171,"ĠUnidad":7172,"Ġportal":7173,"Ġelegido":7174,"abel":7175,"get":7176,"Ġespectacular":7177,"hone":7178,"ney":7179,"Ġquizá":7180,"Ġcable":7181,"Ġcontinúa":7182,"ĠAndrés":7183,"SE":7184,"Ġdiri":7185,"Ġje":7186,"ĠcientÃŃficos":7187,"Ġanuncio":7188,"Ġinfin":7189,"Ġhubi":7190,"ld":7191,"medi":7192,"Ġmapa":7193,"Ġoficinas":7194,"Ġsueños":7195,"а":7196,"Ġsucede":7197,"Ġgustan":7198,"cita":7199,"Ġmoral":7200,"Ġtermina":7201,"Ġnovia":7202,"genda":7203,"Ġprocedimientos":7204,"Ġambiental":7205,"Ġlibres":7206,"Ġpanor":7207,"Ġurban":7208,"ĠAlberto":7209,"isp":7210,"Ġcompati":7211,"ĠIl":7212,"Ġmoderno":7213,"ĠCE":7214,"Ġletras":7215,"Ġelegante":7216,"berg":7217,"Ġabsor":7218,"Ġtierras":7219,"sion":7220,"lÃŃn":7221,"Ġfamoso":7222,"Ġanteriormente":7223,"Ġhomenaje":7224,"Ġvoto":7225,"Ġperu":7226,"Ġboda":7227,"Ġrelaj":7228,"Ġcriterios":7229,"Ġigualdad":7230,"Ġpista":7231,"©":7232,"Ġmac":7233,"Ġinmig":7234,"Ġvuelo":7235,"Ġmetro":7236,"Ġfabricación":7237,"ĠcategorÃŃas":7238,"ĠlÃŃmite":7239,"Ġapartamento":7240,"Ġcélulas":7241,"...]":7242,"Ġ33":7243,"Ġclaramente":7244,"Ġasesina":7245,"Ġgor":7246,"Ġfantá":7247,"Ġmuerto":7248,"Ġsujeto":7249,"Ġparecido":7250,"Ġuniverso":7251,"áticamente":7252,"Ġdecidir":7253,"mobil":7254,"terra":7255,"ĠSiempre":7256,"Ġllegaron":7257,"Ġpunta":7258,"ure":7259,"ĠTurismo":7260,"ĠÃģl":7261,"Ġbasado":7262,"Ġorganiza":7263,"iforn":7264,"domin":7265,"Ġpasaj":7266,"posiciones":7267,"ĠCódigo":7268,"yn":7269,"ĠXV":7270,"IX":7271,"abilidades":7272,"ĠLoc":7273,"Ġespecialistas":7274,"Ġelig":7275,"presión":7276,"ĠLuc":7277,"Ġ400":7278,"Ġimplan":7279,"FE":7280,"Ġcapit":7281,"Ġprevio":7282,"alizó":7283,"ongitud":7284,"Ġamistad":7285,"Ġprisión":7286,"idel":7287,"Ġcifra":7288,"ĠAgr":7289,"Ġgasto":7290,"cura":7291,"Ġvigente":7292,"Ġtanta":7293,"rimir":7294,"Ġcarreras":7295,"Ġimprescindi":7296,"Ġbancos":7297,"Ġplatos":7298,"Ġeficiencia":7299,"Ġocupa":7300,"Ġalcohol":7301,"Ġmental":7302,"Ġlatino":7303,"Ġconmigo":7304,"Ġoriginales":7305,"Ġtelevis":7306,"Ġbrazos":7307,"Ġdiseños":7308,"cientes":7309,"Ġexitos":7310,"Ġemociones":7311,"Ġmexicano":7312,"Ġsexuales":7313,"Ġconsta":7314,"ĠTeatro":7315,"ĠvÃŃdeos":7316,"ĠÃļ":7317,"Ġsimul":7318,"éticos":7319,"Ġpasan":7320,"DI":7321,"ish":7322,"47":7323,"Ġdichos":7324,"Ġreparación":7325,"ĠPARA":7326,"ĠNuestra":7327,"Ġ;":7328,"Ġsecreto":7329,"Ġrique":7330,"Ġsopor":7331,"Ġrob":7332,"Ġconces":7333,"ĠColegio":7334,"ragón":7335,"Ġesque":7336,"ganos":7337,"Ġprotec":7338,"Ġdocumentación":7339,"Ġnovedades":7340,"Ġexactamente":7341,"ĠFamil":7342,"Ġobligación":7343,"Ġencab":7344,"Ġinstrumentos":7345,"Ġfáb":7346,"Ġconsiderado":7347,"UM":7348,"ĠComp":7349,"Ġcartas":7350,"elos":7351,"100":7352,"Ġserio":7353,"stos":7354,"ĠYou":7355,"Ġestudiante":7356,"ĠUnido":7357,"Ġeléctrica":7358,"dri":7359,"culares":7360,"Ġacord":7361,"Ġganó":7362,"Ġseguidores":7363,"fal":7364,"Ġapropi":7365,"Ġtratamientos":7366,"Ġmedicamentos":7367,"ĠSobre":7368,"Ġarras":7369,"ĠsÃŃmb":7370,"Ġausencia":7371,"anes":7372,"erio":7373,"Ġlector":7374,"ĠUruguay":7375,"ĠSch":7376,"Ġversiones":7377,"Ġexces":7378,"Ġpronunci":7379,"ĠHon":7380,"ĠCreo":7381,"Ġadolescentes":7382,"Ġpared":7383,"Ġrepresentante":7384,"desa":7385,"Ġculpa":7386,"Ġcabe":7387,"Ġojo":7388,"Ġfundamentales":7389,"Ġpatr":7390,"Ġplazas":7391,"Ġdibujos":7392,"Ġinfraestructura":7393,"ĠLeg":7394,"Ġprogramación":7395,"ĠAra":7396,"Ġaliment":7397,"Ġformulario":7398,"Ġbicicle":7399,"viendo":7400,"Ġsonrisa":7401,"Ġtabla":7402,"Ġdiseñado":7403,"Ġconfiguración":7404,"ĠBro":7405,"Ġinversiones":7406,"ucle":7407,"Ġoperativo":7408,"Ġpermita":7409,"Ġsignificado":7410,"Ġaceler":7411,"Ġactuaciones":7412,"Ġpeda":7413,"Ġbras":7414,"Ġadquis":7415,"rés":7416,"05":7417,"formas":7418,"Ġmascul":7419,"pó":7420,"ĠbaterÃŃa":7421,"ĠClar":7422,"Ġgratuito":7423,"Ġtestimon":7424,"San":7425,"Ġgeneralmente":7426,"SA":7427,"riel":7428,"Ġincendi":7429,"venciones":7430,"Ġ2019":7431,"Ġfelicidad":7432,"Ġparejas":7433,"ĠEconomÃŃa":7434,"Ġgrasa":7435,"ĠCD":7436,"ĠArte":7437,"Ġinterpretación":7438,"Ġventana":7439,"ĠVie":7440,"Ġequilibrio":7441,"Ġaparición":7442,"Ġpobreza":7443,"terial":7444,"ĠPin":7445,"ĠOrganización":7446,"Ġtrim":7447,"ĠTi":7448,"Ġrefor":7449,"Ġpidió":7450,"emor":7451,"Ġseguido":7452,"Ġaplica":7453,"tara":7454,"ĠNov":7455,"unción":7456,"Ġcanales":7457,"Ġingles":7458,"ĠindÃŃgen":7459,"Ġconferencia":7460,"Ġrevisión":7461,"Ġcompetencias":7462,"Ġlla":7463,"Ġfenómeno":7464,"Ġconsumidores":7465,"inadas":7466,"ĠHumanos":7467,"Ġmerece":7468,"Ġgobernador":7469,"Ġplato":7470,"Ġdulce":7471,"Ġinteresa":7472,"Ġinvestigaciones":7473,"Ġafirm":7474,"ĠAir":7475,"ĠTrabaj":7476,"Ġejemplos":7477,"Ġequival":7478,"iesta":7479,"Ġfelici":7480,"tid":7481,"Ġpreparado":7482,"arlas":7483,"Mo":7484,"ĠArtes":7485,"Ġfrac":7486,"Ġcelular":7487,"urÃŃa":7488,"ĠAlcal":7489,"Ġ2004":7490,"zadas":7491,"ĠFal":7492,"Ġinmediatamente":7493,"Ġcargos":7494,"ĠleÃŃdo":7495,"ĠRic":7496,"Mientras":7497,"bus":7498,"rom":7499,"ĠPSOE":7500,"Ġtransformación":7501,"Ġafi":7502,"ray":7503,"Ġtrabajan":7504,"imnas":7505,"Ġavance":7506,"imp":7507,"Ġvenir":7508,"cedentes":7509,"ĠPuedes":7510,"ionado":7511,"Ġpublicó":7512,"ĠAsimismo":7513,"amá":7514,"Ġresuel":7515,"Ġdejan":7516,"ĠTex":7517,"Ġgraves":7518,"Ġhagan":7519,"ĠPDF":7520,"Ġintegrantes":7521,"ith":7522,"undo":7523,"Ġalojamiento":7524,"ĠVide":7525,"ics":7526,"е":7527,"Ġreemp":7528,"199":7529,"ĠMel":7530,"isco":7531,"ĠMc":7532,"Ġtrayectoria":7533,"Ġllamadas":7534,"Ġrecre":7535,"Ġjoy":7536,"ómez":7537,"Ġsolar":7538,"camiento":7539,"Ġninguno":7540,"ándolo":7541,"Ġcómodo":7542,"terna":7543,"46":7544,"ĠCir":7545,"Ġclasificación":7546,"Ġpodremos":7547,"Ġnumerosos":7548,"Ġline":7549,"Ġperf":7550,"Ġenfoque":7551,"dras":7552,"rana":7553,"Ġmet":7554,"ĠMálaga":7555,"Ġ75":7556,"Ġemocional":7557,"Ġtengas":7558,"Ġcontigo":7559,"Man":7560,"Ġcontratos":7561,"ográ":7562,"Ġcorpora":7563,"iten":7564,"Ġcifras":7565,"ĠTel":7566,"32":7567,"Ġdefinición":7568,"ĠFab":7569,"Ġdesayuno":7570,"Ġfui":7571,"apia":7572,"Ġafil":7573,"ĠRafael":7574,"Ġplástico":7575,"Ġbásicos":7576,"Ġpolvo":7577,"Cada":7578,"Ġvib":7579,"The":7580,"zados":7581,"asas":7582,"Ġinstalar":7583,"Ġcolon":7584,"Ġvuelto":7585,"éspe":7586,"Ġeconom":7587,"ĠJef":7588,"Ġtendencias":7589,"Ġcandidatos":7590,"Ġdirigida":7591,"ĠBos":7592,"Ġcontemporán":7593,"ĠEspecial":7594,"Ġvirtual":7595,"Ġregiones":7596,"Ġtalento":7597,"Ġquerer":7598,"ñez":7599,"Ġarquitectura":7600,"ré":7601,"ende":7602,"ĠDÃŃaz":7603,"Ġagregó":7604,"Ġubicada":7605,"Ġsú":7606,"Ġapuesta":7607,"31":7608,"Ġdefinir":7609,"Ġseg":7610,"Ġpár":7611,"Ġempresarios":7612,"Pres":7613,"Ġquede":7614,"78":7615,"Ġhorizon":7616,"inales":7617,"ACIÃĵN":7618,"tencia":7619,"Ġtarjetas":7620,"xi":7621,"tn":7622,"ç":7623,"Ġacompañado":7624,"Ġbols":7625,"Ġfórm":7626,"ĠTorre":7627,"CIONES":7628,"cula":7629,"ĨĴ":7630,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":7631,"ÃŃmp":7632,"tedr":7633,"Ġsufrir":7634,"Ġfirme":7635,"Ġocurrió":7636,"Ġeducativo":7637,"izaciones":7638,"ĠInte":7639,"Ġterminó":7640,"Ġsober":7641,"uz":7642,"ĠConse":7643,"ólogos":7644,"gano":7645,"Ġponen":7646,"Ġlaborales":7647,"Ġreuniones":7648,"Ġembarazo":7649,"Ġpropone":7650,"rosoft":7651,"Ġpreguntar":7652,"ĠSupre":7653,"ĠCampe":7654,"ĠElla":7655,"Ġintelectual":7656,"Ġconcentración":7657,"Ġterraza":7658,"by":7659,"Ġpus":7660,"itarias":7661,"taje":7662,"Ġdesarrolla":7663,"Ġmág":7664,"Ġnegra":7665,"Ġpuntu":7666,"Ġllegue":7667,"2017":7668,"Ġtransmisión":7669,"sic":7670,"Ġaé":7671,"Ġexpectativas":7672,"Ġlav":7673,"Ġcopia":7674,"ĠFa":7675,"Tra":7676,"ĠAlex":7677,"Ġafron":7678,"Ġacuerdos":7679,"iner":7680,"Ġhistórica":7681,"ĠDiseño":7682,"ĠRub":7683,"Ġalternativas":7684,"Ġcontinua":7685,"Ġhermosa":7686,"umbre":7687,"Ġcuerpos":7688,"lón":7689,"Ġgustado":7690,"Ġcobertura":7691,"Ġconsist":7692,"Ġincu":7693,"Ġhomb":7694,"Ġproporcionar":7695,"ĠAtl":7696,"ĠLes":7697,"ĠRoma":7698,"OC":7699,"ĠSim":7700,"Ġdocentes":7701,"He":7702,"merÃŃa":7703,"44":7704,"Ġprepara":7705,"Ġcristal":7706,"Ġprofundo":7707,"Ġocci":7708,"ĠLima":7709,"entimiento":7710,"Ġadver":7711,"Ġataques":7712,"lia":7713,"Ġinscripción":7714,"ALES":7715,"ĠJim":7716,"Ġmoles":7717,"Ġprofundidad":7718,"ĠPúblico":7719,"Ġvirus":7720,"Ġemergencia":7721,"Ġirre":7722,"ind":7723,"ĠInvestigación":7724,"Ġnotas":7725,"Ġtoca":7726,"Ġlegisla":7727,"Ġjugue":7728,"Ġfues":7729,"entaria":7730,"Ġmunicipales":7731,"Ġactriz":7732,"Ġrecop":7733,"olut":7734,"ĠtendrÃŃa":7735,"dador":7736,"Ġreti":7737,"Estos":7738,"è":7739,"Ġcárcel":7740,"arro":7741,"gando":7742,"Ġinquie":7743,"ĠSeb":7744,"Ġsesiones":7745,"Ġenfrentar":7746,"Ġseria":7747,"Ġfisc":7748,"ertos":7749,"voz":7750,"Ġconocidos":7751,"Ġrival":7752,"Ġactualización":7753,"Ġlegislación":7754,"Ġgoles":7755,"ĠHace":7756,"Ġ37":7757,"Ġconsigue":7758,"Ġsug":7759,"Ġaportar":7760,"ĠEnerg":7761,"Ġdra":7762,"Ġproveedores":7763,"Ġrecomienda":7764,"ans":7765,"Ġaca":7766,"fos":7767,"Fin":7768,"Ġintercambio":7769,"Ġ55":7770,"tz":7771,"ĠÃģlvar":7772,"ny":7773,"Ġquitar":7774,"Ġalemán":7775,"ĠZaragoza":7776,"ĠEdu":7777,"Ġrein":7778,"Ġpac":7779,"Ġpiensa":7780,"Ġjud":7781,"Ġ2003":7782,"óst":7783,"ĠdebÃŃa":7784,"torÃŃa":7785,"Ġsing":7786,"Ġtol":7787,"ĠArch":7788,"ĠvÃŃas":7789,"Ġcomplicado":7790,"Ġmontón":7791,"Ġplas":7792,"Ġgarantiz":7793,"ĠPadre":7794,"Hab":7795,"Ġguardar":7796,"endario":7797,"ólica":7798,"Ġconstituye":7799,"hÃŃ":7800,"años":7801,"Ġ?":7802,"ĠBor":7803,"Ġdeterminado":7804,"ĠMonte":7805,"Ġretras":7806,"Ġlectores":7807,"Ġfiguras":7808,"Ġservidor":7809,"Ġdivis":7810,"Ġfinanciero":7811,"olutamente":7812,"mática":7813,"Ġllevará":7814,"Asimismo":7815,"Ġbasada":7816,"Ġextensión":7817,"Ġdaba":7818,"erra":7819,"Ġcontó":7820,"Ġconm":7821,"Ġsiglos":7822,"Ġaniversario":7823,"ĠMuchas":7824,"Ġposiciones":7825,"Ġprotagonistas":7826,"Ġmando":7827,"Ġapoyar":7828,"ĠciudadanÃŃa":7829,"Ġcámaras":7830,"Ġindependencia":7831,"Ġpuente":7832,"icano":7833,"06":7834,"Ġescu":7835,"Ġsacri":7836,"ficamente":7837,"08":7838,"Ġcrema":7839,"ĠVi":7840,"Ġdijeron":7841,"Ġextranjero":7842,"Ġdiferenci":7843,"ĠAlgunos":7844,"Ġpaseo":7845,"Ġrevolución":7846,"ulada":7847,"Ġsatisfacción":7848,"Ġunif":7849,"Ġcomparación":7850,"iario":7851,"Ġorganismos":7852,"Ġgris":7853,"sto":7854,"icana":7855,"Ġpiernas":7856,"Ġgrados":7857,"órico":7858,"Ġtomando":7859,"ĠPel":7860,"ĠAcu":7861,"Ġmarido":7862,"Ġdigitales":7863,"Ġsiguiendo":7864,"ĠGómez":7865,"'.":7866,"ĠAgencia":7867,"Ġdipl":7868,"ement":7869,"ÃŃcula":7870,"Ġvege":7871,"fru":7872,"iduos":7873,"Ġabund":7874,"ume":7875,"Ġaconse":7876,"Ġcolocar":7877,"Ġrecomiendo":7878,"Ġreconocido":7879,"Ġnormalmente":7880,"Ġsacerdo":7881,"Ġchocola":7882,"Ġrico":7883,"Ġamenaza":7884,"Ġamp":7885,"Ġtomó":7886,"Ġdesh":7887,"Ġreper":7888,"ifornia":7889,"Ġabogado":7890,"jó":7891,"ĠEcuador":7892,"bit":7893,"Ġreconoce":7894,"vie":7895,"ĠGranada":7896,"Ġcomedor":7897,"ĠWill":7898,"Ġespiri":7899,"ĠSU":7900,"09":7901,"Ġinvitados":7902,"Ġletra":7903,"07":7904,"Ġinformes":7905,"Ġpublici":7906,"Ġdelitos":7907,"Ġtejido":7908,"Ġmodificar":7909,"ĠMario":7910,"Ġcomodidad":7911,"ĠCarmen":7912,"ĠMejor":7913,"Ġolvidar":7914,"ugÃŃa":7915,"Ġrock":7916,"Ġcambiado":7917,"Ġtranspor":7918,"Ġinterno":7919,"ĠHernández":7920,"âĢĻ.":7921,"Ġdiagnóstico":7922,"Ġtiro":7923,"Ġvitam":7924,"ĠIns":7925,"ieres":7926,"igual":7927,"Ġtap":7928,"Ġpodéis":7929,"tible":7930,"Gu":7931,"Ġtensión":7932,"vez":7933,"ĠPrimera":7934,"ĠMol":7935,"Ġrelacionado":7936,"Luego":7937,"ĠfilosofÃŃa":7938,"Ġartifici":7939,"ĠFar":7940,"vela":7941,"ĠAlejandro":7942,"ĠRiv":7943,"Ġarma":7944,"Ġenlaces":7945,"Ġmargen":7946,"Ġentrenador":7947,"iosas":7948,"ĠBr":7949,"ĠAS":7950,"Ġmorir":7951,"Ġinteligente":7952,"Ġcitas":7953,"Ġformado":7954,"ĠâĨĴ":7955,"cán":7956,"gna":7957,"Ġtraer":7958,"Ġemail":7959,"Ġextremo":7960,"Ġfestival":7961,"utas":7962,"Ġox":7963,"gotá":7964,"rilla":7965,"rillo":7966,"Ġmoderna":7967,"Ġimpuesto":7968,"orld":7969,"ss":7970,"Ġaumenta":7971,"gráfica":7972,"ĠAnti":7973,"laterra":7974,"Ġaparte":7975,"Ġlad":7976,"Ġrealizando":7977,"Ġbrindar":7978,"Ġvisual":7979,"aller":7980,"Ġrodil":7981,"Ġexpresó":7982,"amas":7983,"lle":7984,"Ġrespectivamente":7985,"Ġaspir":7986,"TOR":7987,"49":7988,"terÃŃas":7989,"vido":7990,"Ġrestos":7991,"pañas":7992,"ĠNación":7993,"Ġcritic":7994,"mej":7995,"mica":7996,"Ġperiodistas":7997,"Ġcastel":7998,"Ġrealizadas":7999,"ĠvÃŃn":8000,"Ġcombina":8001,"hua":8002,"Ġcambia":8003,"cieron":8004,"Ġmenú":8005,"Ġdeportivo":8006,"Ġárboles":8007,"Ġatribu":8008,"Ġnación":8009,"ĠMujeres":8010,"ĠIP":8011,"ĠPresiden":8012,"ĠNicol":8013,"Ġinjust":8014,"Ġregreso":8015,"Algun":8016,"Ġlongitud":8017,"ĠContra":8018,"aras":8019,"@@@@":8020,"Ġconductor":8021,"endido":8022,"Ġmaneras":8023,"Ġseries":8024,"quilidad":8025,"ĠFoto":8026,"ĠPalacio":8027,"Ġaprobación":8028,"Ġempu":8029,"uca":8030,"Ġeficiente":8031,"ĠDip":8032,"ĠTan":8033,"Ġcapacidades":8034,"endaciones":8035,"ĠCr":8036,"oca":8037,"Ġcontamos":8038,"ĠWar":8039,"ĠAf":8040,"Ġrecomendable":8041,"Ġmatem":8042,"cinas":8043,"nal":8044,"Ġalumno":8045,"Ġmáquinas":8046,"Ġignor":8047,"top":8048,"Ġrepos":8049,"Ġlament":8050,"Ġexplotación":8051,"Ġencontrarás":8052,"Ġdientes":8053,"Ġvid":8054,"ides":8055,"Ġdependiendo":8056,"UD":8057,"Ġmonitor":8058,"Ġaudiencia":8059,"bes":8060,"od":8061,"Ġextranjeros":8062,"ĠGob":8063,"ĠBra":8064,"izan":8065,"IR":8066,"Ġdiscrim":8067,"Ġexplos":8068,"incu":8069,"Ġpublicar":8070,"ĠBolivia":8071,"Ġbrasile":8072,"Ġincom":8073,"Ġinteresados":8074,"Ġdiaria":8075,"ĠPortu":8076,"Ġinstrumento":8077,"Ġcerem":8078,"eco":8079,"Ġinició":8080,"Ġparedes":8081,"Ġpuls":8082,"ingü":8083,"strucción":8084,"ĠLOS":8085,"Ġsorte":8086,"Ġrevolucion":8087,"Ãļ":8088,"Ġaden":8089,"ĠEse":8090,"Ġfinancieros":8091,"inio":8092,"tusias":8093,"Ġpensado":8094,"Ġestadio":8095,"ĠDepor":8096,"Uno":8097,"Ġ65":8098,"Ġquieras":8099,"Ġobligaciones":8100,"Ġprevenir":8101,"unas":8102,"Ġreflexión":8103,"Ġlisto":8104,"Ġaqui":8105,"Ġacabado":8106,"Ġom":8107,"Ġpublicada":8108,"Ġmedicina":8109,"Ġfinanciación":8110,"Ġpobres":8111,"Ġecu":8112,"ĠKa":8113,"TIV":8114,"Ġplane":8115,"iter":8116,"Ġparo":8117,"Ġequivoc":8118,"Ġponerse":8119,"Ġbotel":8120,"Ġmód":8121,"ĠTes":8122,"Ġconservación":8123,"Ġautorización":8124,"Ġasuntos":8125,"ĠInde":8126,"Ġmaqu":8127,"ĠUE":8128,"Ġavión":8129,"Ġnav":8130,"Ġdarse":8131,"Ġespiritual":8132,"oluciones":8133,"Ġcircuito":8134,"icar":8135,"Ġpienso":8136,"Ġreferente":8137,"Ġconsejo":8138,"Ġpreviamente":8139,"ĠcientÃŃfico":8140,"gip":8141,"Ġdocente":8142,"Ġnumerosas":8143,"Ġvital":8144,"mana":8145,"Ġmatar":8146,"ĠTodas":8147,"ĠraÃŃz":8148,"Ġintensidad":8149,"Ġdign":8150,"Ġtomado":8151,"Ġretra":8152,"Ġcorrectamente":8153,"ĠCamp":8154,"Ġdiversidad":8155,"Ad":8156,"Ġlesiones":8157,"hats":8158,"Ġdifusión":8159,"Ġahorro":8160,"Estamos":8161,"Ġfederal":8162,"Ġdedicada":8163,"sito":8164,"Ġdejamos":8165,"fera":8166,"ĠCastro":8167,"Ġth":8168,"ĠNuestro":8169,"Ġprofunda":8170,"ĠDatos":8171,"ĠOro":8172,"entarios":8173,"ĠHD":8174,"Ġexclusiva":8175,"Ġdescarga":8176,"Ġpreocupa":8177,"dición":8178,"Ġusado":8179,"inan":8180,"Ġelectrónica":8181,"Ġevidencia":8182,"Ġasistir":8183,"Ġhecha":8184,"into":8185,"árez":8186,"Ġtendrás":8187,"idaridad":8188,"Ġclim":8189,"Ġtable":8190,"Ġguard":8191,"Ġentusias":8192,"Ġcero":8193,"Ġcampeón":8194,"Ġautos":8195,"Ġpreocupación":8196,"Ġlook":8197,"Ġpagos":8198,"Ġcerrado":8199,"Ġdemostrado":8200,"ĠmÃŃnima":8201,"Ġperteneci":8202,"ural":8203,"Ser":8204,"Ġturno":8205,"ĠSebasti":8206,"ĠQué":8207,"Ġéstos":8208,"Ġproductores":8209,"ĠBlack":8210,"Ġinspec":8211,"Sal":8212,"Ġinfancia":8213,"Ġportá":8214,"Ġvel":8215,"rista":8216,"Ġhues":8217,"ĠEstudios":8218,"allado":8219,"ĠIndustri":8220,"Ġhosp":8221,"ĠNegro":8222,"Ġrecepción":8223,"Ġexclusivamente":8224,"Ġabsolutamente":8225,"jerÃŃa":8226,"Ġrural":8227,"Ġincluidos":8228,"Ġhidra":8229,"Ġchat":8230,"ĠClas":8231,"Ġtotalidad":8232,"urias":8233,"Ġinteresado":8234,"tróleo":8235,"Ġfacilidad":8236,"Ġencontró":8237,"undaria":8238,"xx":8239,"Ġsinc":8240,"icias":8241,"omba":8242,"Ġextrem":8243,"ĠPodemos":8244,"Ġluces":8245,"ĠVirgen":8246,"Ġcuri":8247,"Ġcató":8248,"Ġpude":8249,"Ġcombate":8250,"Ġcreen":8251,"Ġindividuales":8252,"ĠSO":8253,"Ġcompletar":8254,"Ġneu":8255,"istemas":8256,"Ġ39":8257,"Ġcompuesto":8258,"ÃŃnea":8259,"Ġpetición":8260,"Ġperju":8261,"и":8262,"Ġcomentar":8263,"Ġinstrucciones":8264,"Ġcach":8265,"Ġaisl":8266,"ĠColor":8267,"ĠDar":8268,"Ġhaces":8269,"Ġdificultad":8270,"ĠContin":8271,"grafo":8272,"ĠPoder":8273,"Ġhorno":8274,"Ġcooperación":8275,"onal":8276,"Ġapas":8277,"Ġabst":8278,"ñado":8279,"'s":8280,"ĠEspañol":8281,"Ġexpon":8282,"ĠOficial":8283,"ĠiPhone":8284,"65":8285,"Ġsociedades":8286,"ĠComunicación":8287,"lie":8288,"Ġpremi":8289,"Ġtercero":8290,"idal":8291,"Ġmagia":8292,"Ġtranquilidad":8293,"Ġdeclaró":8294,"ĠRosa":8295,"Ġejercer":8296,"Ġdivertido":8297,"Ġdisponibilidad":8298,"Ay":8299,"grad":8300,"Ġsuperiores":8301,"Ġbaños":8302,"gráfico":8303,"Ġvisu":8304,"ĠPS":8305,"NA":8306,"Ġrelato":8307,"Ġagradecer":8308,"Ġcinta":8309,"ĠNaciones":8310,"ĠEqui":8311,"ĠCarta":8312,"Ġpaquete":8313,"americanos":8314,"Ġefectiva":8315,"ĠEsper":8316,"ĠdeberÃŃan":8317,"ĠSoy":8318,"Ġhablamos":8319,"Ġavances":8320,"Ġocurrido":8321,"Ġalmacenamiento":8322,"Ġbajos":8323,"Ġdrogas":8324,"Ġconstruc":8325,"Ġdiscre":8326,"medio":8327,"ĠProyecto":8328,"Ġestructuras":8329,"ĠMayor":8330,"ĠFelipe":8331,"Bueno":8332,"MI":8333,"Ġganador":8334,"BC":8335,"dismo":8336,"iam":8337,"ÃŃdos":8338,"Ġsimb":8339,"Ġreacción":8340,"Ġmarcar":8341,"Ġasistentes":8342,"Ġpertenece":8343,"Ġrecetas":8344,"Ġinsu":8345,"Ġresidencia":8346,"ĠCalifornia":8347,"Ġcog":8348,"Ġador":8349,"ĠMetro":8350,"ĠAntes":8351,"Ġcontactar":8352,"Ġtecho":8353,"mir":8354,"Ġsh":8355,"úcle":8356,"uto":8357,"toño":8358,"Ġbrillante":8359,"terapia":8360,"Ġitaliano":8361,"Ġsindica":8362,"Ġminist":8363,"ert":8364,"mala":8365,"Ġhumil":8366,"Ġproducido":8367,"Ġhambre":8368,"ĠRicardo":8369,"Ġpará":8370,"Ġrepetir":8371,"tricidad":8372,"Ġconflictos":8373,"¡¡":8374,"ĠIngenierÃŃa":8375,"ĠCe":8376,"Ġaporta":8377,"Estas":8378,"ĠIV":8379,"Ġluchar":8380,"Ġvideoj":8381,"Ġcomentó":8382,"Ġancho":8383,"ĠPh":8384,"Ġeléctrico":8385,"Ġintroducir":8386,"ĠcrÃŃticas":8387,"Ġconvenio":8388,"Ġprivacidad":8389,"Ġriqueza":8390,"Ġestrés":8391,"Ġarque":8392,"Ġcena":8393,"Ġespecialista":8394,"ĠInglaterra":8395,"denas":8396,"Ġbarra":8397,"ĠCultural":8398,"entario":8399,"ĠControl":8400,"Ġafectados":8401,"Ġayudan":8402,"Ġexcepción":8403,"ritos":8404,"Ġtranquilo":8405,"Ġcampañas":8406,"cambi":8407,"Ġtradu":8408,"Ġtrae":8409,"Ġantiguos":8410,"ĠBern":8411,"Ġimporte":8412,"Ġdias":8413,"Ġmete":8414,"Ġencargado":8415,"Ġexamen":8416,"tÃŃas":8417,"Ġtemporal":8418,"Ġmédica":8419,"ashington":8420,"Fue":8421,"Ġllevaba":8422,"Ġtenia":8423,"ĠVan":8424,"ĠCel":8425,"Ġjuris":8426,"Ġexistentes":8427,"ĠestarÃŃa":8428,"igh":8429,"Ġfrontera":8430,"04":8431,"ĠRegistro":8432,"rones":8433,"Ġextraño":8434,"tive":8435,"Ġrecoger":8436,"Ġplayas":8437,"Ġmecanismos":8438,"Ġperj":8439,"énd":8440,"ĠBre":8441,"Ġaer":8442,"Ġdesgra":8443,"ĠEEUU":8444,"ĠUsted":8445,"Ġcuarta":8446,"Ġexceso":8447,"ĠMicrosoft":8448,"Ġdirectora":8449,"ĠEduardo":8450,"denes":8451,"cioso":8452,"Ġmonum":8453,"GA":8454,"Ġanaliz":8455,"Ġpermitido":8456,"Ġtriste":8457,"ergio":8458,"Ġilusión":8459,"Ġmultitud":8460,"ĠFormación":8461,"Ġelectrónicos":8462,"Ġconversación":8463,"Ġruido":8464,"ĠhÃŃ":8465,"Ġproducen":8466,"Ġautomóvil":8467,"Ġdecide":8468,"ierte":8469,"Ġrema":8470,"ĠWal":8471,"Ġocupar":8472,"ĠTener":8473,"Ġcump":8474,"ÃŃculas":8475,"Ġadicionales":8476,"Ġcau":8477,"ĠBogotá":8478,"Ġfum":8479,"88":8480,"ĠDra":8481,"Ġconducta":8482,"Ġ2002":8483,"Ġajuste":8484,"ĠEmple":8485,"Ver":8486,"Ġplataformas":8487,"Ġsaludo":8488,"Ġplen":8489,"Ġlá":8490,"Ġhierro":8491,"ĠCómo":8492,"ICI":8493,"Ġ<":8494,"stica":8495,"Ġtrabajador":8496,"Ġeducativa":8497,"Ġuniversidades":8498,"Ġauxil":8499,"Ġpendiente":8500,"Ġcantidades":8501,"gin":8502,"ĠDomingo":8503,"ĠQuer":8504,"Ġcomunicaciones":8505,"tamen":8506,"tarán":8507,"Ġcuidados":8508,"Ġesencia":8509,"itores":8510,"fun":8511,"Ġbarco":8512,"Ġchocolate":8513,"trÃŃa":8514,"manes":8515,"Ġnarra":8516,"urar":8517,"Ġgay":8518,"Ġeditorial":8519,"tración":8520,"Ġmoneda":8521,"Ġesperan":8522,"jada":8523,"ĠMexic":8524,"bor":8525,"Ġtonel":8526,"Ġ2001":8527,"Ġdistinto":8528,"Ġmasco":8529,"Ġiban":8530,"Ġescritura":8531,"Ġencabez":8532,"ĠSud":8533,"CU":8534,"ĠIndia":8535,"Ġtemperaturas":8536,"Publ":8537,"vide":8538,"Ġregistrado":8539,"Ġoscuro":8540,"Ġatractivo":8541,"Ġdormitorios":8542,"ĠLan":8543,"Ġcaminos":8544,"Ġflujo":8545,"ĠSociales":8546,"ueble":8547,"ĠHacienda":8548,"glesias":8549,"Ġsaludable":8550,"Ġmanifies":8551,"mato":8552,"Ġhermoso":8553,"uan":8554,"stagram":8555,"ĠStar":8556,"Ġhaz":8557,"Ġmaestros":8558,"Ġvenido":8559,"2016":8560,"Ġclaves":8561,"Ġinstante":8562,"rate":8563,"ĠAmbiente":8564,"tional":8565,"Ġampliar":8566,"ĠEsa":8567,"ĠDic":8568,"Ġromper":8569,"Ġprofesión":8570,"Ġestric":8571,"Ġsalen":8572,"ader":8573,"Ġreloj":8574,"ĠBil":8575,"ĠUnidas":8576,"Ġprivileg":8577,"ormes":8578,"ĠSantos":8579,"Ġnavegación":8580,"Ġpositiva":8581,"Ġcen":8582,"Ġsusp":8583,"mis":8584,"ĠIncluso":8585,"Ġvuestra":8586,"Ġcalendario":8587,"étr":8588,"lico":8589,"ĠArt":8590,"df":8591,"Ġdivisión":8592,"Ġcuáles":8593,"Ġintenta":8594,"Ġestética":8595,"Ġcreatividad":8596,"ĠIr":8597,"itivo":8598,"ĠNatural":8599,"Ġllan":8600,"Ġabur":8601,"MS":8602,"Ġllevo":8603,"Ġpaisaje":8604,"ĠVia":8605,"SÃŃ":8606,"Ġmolino":8607,"ficio":8608,"venil":8609,"bro":8610,"ecas":8611,"parte":8612,"Ġentiende":8613,"ónimo":8614,"Ġrecuerdos":8615,"ĠProvincial":8616,"Ġfabricante":8617,"Ġconsciente":8618,"mn":8619,"Ġcertificado":8620,"Ġbosque":8621,"Ġórganos":8622,"ĠPR":8623,"Ġsombra":8624,"Ġmanifestó":8625,"Ġsecund":8626,"Ġrecomendaciones":8627,"Ġurbano":8628,"Ġagente":8629,"ĠPeña":8630,"Ġaviso":8631,"Ġinstitucional":8632,"Ġbe":8633,"Ġencuentros":8634,"Ġesperaba":8635,"Ġdiscusión":8636,"Ġcuyos":8637,"Ġbásico":8638,"Ġveter":8639,"Ġunión":8640,"ERS":8641,"tander":8642,"acu":8643,"2015":8644,"dias":8645,"Ġinmediata":8646,"Ġbalance":8647,"Ġcontrar":8648,"Ġagenda":8649,"-.":8650,"42":8651,"Ġresiduos":8652,"Ġánimo":8653,"Ġpodamos":8654,"ĠAdo":8655,"ĠLen":8656,"razgo":8657,"Ġdeje":8658,"Ġpap":8659,"Ġmostró":8660,"sh":8661,"Ġestabilidad":8662,"Ġproven":8663,"Ġconcluy":8664,"Ġdimensiones":8665,"ĠReyes":8666,"Ġgracia":8667,"Ġcien":8668,"Ġenrique":8669,"ĠRio":8670,"ĠTemp":8671,"Ġarmon":8672,"Ġdocumental":8673,"Ġimplementación":8674,"ĠpoesÃŃa":8675,"Ġrenta":8676,"Ġcaminar":8677,"Ġfinalizar":8678,"Ġeuropeo":8679,"Ġredac":8680,"ĠSierra":8681,"Ġresumen":8682,"cando":8683,"Ġperdió":8684,"ĠFondo":8685,"Ġpiloto":8686,"Ġbajas":8687,"Ġpasajeros":8688,"Ġquieran":8689,"IZ":8690,"Ġjer":8691,"ema":8692,"ĠDefensa":8693,"ĠIma":8694,"Ġrebel":8695,"Ġasigna":8696,"Ġayudas":8697,"Ġpura":8698,"ĠCine":8699,"Ġigualmente":8700,"Ġdesempeñ":8701,"toriales":8702,"66":8703,"Ġlabios":8704,"Ġtendremos":8705,"ĠLle":8706,"hibición":8707,"aunque":8708,"Ġinsul":8709,"Ġabsoluto":8710,"Ġagar":8711,"Ġcuero":8712,"Ġescla":8713,"Ġrecep":8714,"ĠDigital":8715,"Ġuniversal":8716,"Ca":8717,"Ġtrimestre":8718,"Ġinex":8719,"Ġtraducción":8720,"Ġpolém":8721,"Ġbandas":8722,"Ġiniciativas":8723,"Ġmodificación":8724,"ips":8725,"ĠEstoy":8726,"AquÃŃ":8727,"Ġrutas":8728,"utados":8729,"titudes":8730,"ĠFun":8731,"ĠNie":8732,"ribuye":8733,"Ġdesas":8734,"Ġreligión":8735,"ilio":8736,"TRA":8737,"Ġrueda":8738,"ĠcientÃŃfica":8739,"ĠMayo":8740,"ĠCastel":8741,"Ġcirculación":8742,"Ġcontratación":8743,"Ġlider":8744,"Ġnavegador":8745,"ning":8746,"Ġhue":8747,"Ġirreg":8748,"cara":8749,"media":8750,"Ġguste":8751,"Ġinsist":8752,"Ġsemej":8753,"Ġmurió":8754,"ĠHor":8755,"ĠÃŃndice":8756,"Ġcoordin":8757,"Ġaust":8758,"Segu":8759,"Ġconveniente":8760,"Ġlimpiar":8761,"Ġincrement":8762,"Ġagregar":8763,"GU":8764,"Ġexperto":8765,"eda":8766,"ienta":8767,"Ġnecesitamos":8768,"ĠPlay":8769,"ĠPág":8770,"cub":8771,"Ġorganizar":8772,"eración":8773,"Ġsituada":8774,"ĠHombre":8775,"Ġnacido":8776,"Ġciudadano":8777,"Cons":8778,"Ġorientación":8779,"ĠpodÃŃan":8780,"Ġromán":8781,"Ġexpresa":8782,"ibil":8783,"Ġtela":8784,"abas":8785,"Ġestatu":8786,"ĠRegional":8787,"ĠBu":8788,"Ġcuantos":8789,"ADA":8790,"reros":8791,"Ġsalido":8792,"Ġdiscapacidad":8793,"ÃŃtico":8794,"Ġeficacia":8795,"ĠNicolás":8796,"istar":8797,"antiles":8798,"Ġusan":8799,"Ġdemuestra":8800,"Ġcomposición":8801,"Ġdesempeño":8802,"Ġpermiso":8803,"Ġvertic":8804,"Ġprivadas":8805,"ĠCaribe":8806,"Ġdepos":8807,"Ġjuega":8808,"ĠmuchÃŃsimo":8809,"Ġhablan":8810,"Ġcoordinación":8811,"uera":8812,"taña":8813,"ĠAmeric":8814,"Ġfilm":8815,"Ġmister":8816,"habilitación":8817,"Ġprimavera":8818,"Ġcicl":8819,"ĠAutónoma":8820,"uerzo":8821,"Ġmillón":8822,"Ġeuropeos":8823,"Ġtransmitir":8824,"Ġ42":8825,"Ġlados":8826,"Hasta":8827,"ĠBlanco":8828,"ĠChar":8829,"Ġimprescindible":8830,"Ġiluminación":8831,"Ġnúcle":8832,"Ġingenier":8833,"Ġadaptación":8834,"Ġ!":8835,"Ġindividuos":8836,"ĠEstamos":8837,"Bo":8838,"Ġalf":8839,"Ġconstitucional":8840,"Ġapreci":8841,"Ġsalvar":8842,",...":8843,"Ġdoce":8844,"martph":8845,"ĠespecÃŃfico":8846,"\":":8847,"Ġfuese":8848,"Ġcréditos":8849,"Ġcariño":8850,"н":8851,"Ġpierde":8852,"Ġescul":8853,"Ġinstancia":8854,"Ġplantilla":8855,"Ġpensamientos":8856,"Ġrecorrer":8857,"enz":8858,"Ġdamos":8859,"atemala":8860,"Ġrequieren":8861,"cipe":8862,"Ġmadres":8863,"Ġconectar":8864,"Ġcompens":8865,"ósitos":8866,"ilas":8867,"ĠHan":8868,"ĠPOR":8869,"cord":8870,"uestras":8871,"Ġaprobado":8872,"Ġespecializada":8873,"Ġlimpio":8874,"Ġacondicionado":8875,"Ġavanzar":8876,"Ġmarch":8877,"ĠOtros":8878,"Ġópti":8879,"Ġjornadas":8880,"ĠOficina":8881,"Ġjugando":8882,"ĠĠĠĠ":8883,"Ġgarantiza":8884,"Ġveinte":8885,"MO":8886,"BI":8887,"Ġhoja":8888,"âĢ¦)":8889,"Ġejército":8890,"Ġcubierta":8891,"uena":8892,"ĠBueno":8893,"Ġ600":8894,"Ġutilidad":8895,"Ġdueño":8896,"sula":8897,"Ġacepta":8898,"ÃŃg":8899,"Ġnaran":8900,"Ġturistas":8901,"érico":8902,"umb":8903,"Ġabsoluta":8904,"tecas":8905,"alizaciones":8906,"Ġbebidas":8907,"Pa":8908,"Ġóp":8909,"Ġgre":8910,"Ġinformado":8911,"usto":8912,"ispo":8913,"Ġpatio":8914,"Ġcalent":8915,"Ġdiscos":8916,"Ġindividuo":8917,"ĠDiario":8918,"Ġcatálogo":8919,"ĠDI":8920,"ĠjurÃŃdica":8921,"Ġpetróleo":8922,"Ġponiendo":8923,"02":8924,"NO":8925,"jando":8926,"ĠNet":8927,"ĠRamón":8928,"PU":8929,"ĠAlic":8930,"tle":8931,"ĠSant":8932,"Ġbasa":8933,"Ġmantienen":8934,"Ġsobres":8935,"cemos":8936,"Ġargentina":8937,"Actu":8938,"Ġreún":8939,"Ġcolorear":8940,"77":8941,"Ġconsideran":8942,"Ġimpresionante":8943,"Ġestima":8944,"Ġaliv":8945,"Ġbl":8946,"Ġbancar":8947,"Ġcans":8948,"ĠKar":8949,"Ġresponde":8950,"Ġllegando":8951,"Ġvicepres":8952,"Ġliqu":8953,"ÃŃficamente":8954,"ĠCanarias":8955,"Ġutilizados":8956,"Ġmodalidad":8957,"Ġmaterias":8958,"ĠWashington":8959,"Emp":8960,"menes":8961,"úsica":8962,"Ġasociaciones":8963,"EA":8964,"Ġfri":8965,"Ġenemigo":8966,"Ġpreserv":8967,"Ġinser":8968,"ĠEX":8969,"Ġjub":8970,"Ġdepartam":8971,"Ġesperamos":8972,".âĢĶ":8973,"tarias":8974,"Ġconformidad":8975,"Ġinmobil":8976,"ĠExper":8977,"Ġcriterio":8978,"Ġrepresentan":8979,"Ġllamó":8980,"ĠPapa":8981,"Ġgimnas":8982,"03":8983,"tipo":8984,"Ġgestionar":8985,"Ġcumpleaños":8986,"Ġsindic":8987,"ĠÃĵ":8988,"ĠReglamento":8989,"Ġescas":8990,"ART":8991,"ĠToda":8992,"Ġtratando":8993,"Ġexc":8994,"Ġfrag":8995,"Ġasumir":8996,".»":8997,"trices":8998,"ĠInstagram":8999,"Ġrecientes":9000,"icioso":9001,"].":9002,"Ġexcelentes":9003,"Ġcontribuir":9004,"Ġfabricantes":9005,"iti":9006,"Ġcultivo":9007,"ĠFiscalÃŃa":9008,"ĠMurcia":9009,"Ġqueso":9010,"ĠCU":9011,"Ġindicado":9012,"Ġrosa":9013,"hop":9014,"Ġrango":9015,"Ġmodern":9016,"acha":9017,"Ġrealizados":9018,"leto":9019,"Ġnoc":9020,"istos":9021,"Ob":9022,"Ġbonita":9023,"ĠVas":9024,"ERO":9025,"Ġamable":9026,"Ġterminado":9027,"ĠAllÃŃ":9028,"Ġadjud":9029,"Ġpresidenta":9030,"gulo":9031,"Ġnucle":9032,"Col":9033,"Ġmadru":9034,"Ġanunciado":9035,"Ġcapacitación":9036,"Ġcortes":9037,"Ġdeportes":9038,"ĠXIX":9039,"ĠMercado":9040,"Ġelectro":9041,"ĠMedia":9042,"Ġquedarse":9043,"Ġces":9044,"Ġpropietario":9045,"Ġvuelos":9046,"ĠPanamá":9047,"Ġhol":9048,"Ġparlam":9049,"Ġmexicana":9050,"Ġempie":9051,"Ġlanzar":9052,"Ġpata":9053,"ĠÃŃ":9054,"Ġfamosa":9055,"Ġdistingu":9056,"ĠBon":9057,"Ġcompetición":9058,"ĠCanadá":9059,"Ġdébil":9060,"Ġportu":9061,"ĠQuiz":9062,"Ġdestacado":9063,"Ġmetál":9064,"ĠcaracterÃŃstica":9065,"ArtÃŃculo":9066,"Ġimpe":9067,"Sab":9068,"citos":9069,"anal":9070,"Ġlaboratorio":9071,"Ġmovilidad":9072,"Ġidentificación":9073,"ĠSergio":9074,"Antes":9075,"ĠBien":9076,"Ġmanga":9077,"bir":9078,"Ġreservas":9079,"Ġsuav":9080,"Ġpróximas":9081,"Ġsostenible":9082,"ĠBlanca":9083,"Ġcaj":9084,"Ġdedos":9085,"gran":9086,"ĠAuto":9087,"Ġ120":9088,"Ġbille":9089,"85":9090,"Ġceb":9091,"Otro":9092,"ariales":9093,"Ġórgano":9094,"ĠCA":9095,"Ġpuro":9096,"putación":9097,"abetes":9098,"ÑĤ":9099,"Ġset":9100,"bao":9101,"Ġaluminio":9102,"ĠUl":9103,"ĠVar":9104,"Ġsujetos":9105,"Ġabogados":9106,"Ġpobla":9107,"Ġconducir":9108,"Ġmodos":9109,"Ġdiputado":9110,"Ġglob":9111,"ÃŃcola":9112,"Ġvoces":9113,"ãģ":9114,"ĠRica":9115,"Ġsumar":9116,"Muchas":9117,"Ġhubiese":9118,"direc":9119,"ĠSegunda":9120,"Ġembaj":9121,"Ġbron":9122,"Ġfortalecer":9123,"Ġruedas":9124,"Ġbailar":9125,"ĠBiblio":9126,"Ġabrió":9127,"itadas":9128,"ĠCN":9129,"ĠCuer":9130,"vol":9131,"Ġmamá":9132,"Ġprodujo":9133,"Ġcompet":9134,"Ġexpansión":9135,"Ġcorreg":9136,"Ġ250":9137,"Ġculp":9138,"Ġtreinta":9139,"Ġprivados":9140,"64":9141,"Ġalber":9142,"Ġpermanecer":9143,"garse":9144,"Ġdichas":9145,"iadas":9146,"Ġhábitos":9147,"Ġcomprensión":9148,"ĠParlamento":9149,"Ġespañolas":9150,"Ġdato":9151,"Ġindustriales":9152,"Ġcola":9153,"Ġseñora":9154,"Nuestro":9155,"izadas":9156,"Ġconstantemente":9157,"Ġferia":9158,"Ġmusicales":9159,"Di":9160,"Ġnecesitar":9161,"Ġvuestro":9162,"Ġater":9163,"Ġexige":9164,"Ġficción":9165,"Ġdelincu":9166,"ĠSemana":9167,"Ġharán":9168,"Ġfuncionario":9169,"dea":9170,"Ġmagist":9171,"Ġentiendo":9172,"Ġpropa":9173,"fonso":9174,"ĠAlim":9175,"ĠBea":9176,"Ġañade":9177,"Sobre":9178,",,":9179,"Ġreempla":9180,"ĠNosotros":9181,"Ġvigor":9182,"ĠGlo":9183,"Ġbásica":9184,"ĠdifÃŃciles":9185,"ĠUsuario":9186,"ĠTengo":9187,"Tu":9188,"Ġevaluar":9189,"Ġdelic":9190,"Ġdesl":9191,"amar":9192,"ernam":9193,"Ġcampeonato":9194,"ME":9195,"Ġseleccionar":9196,"Ġlogo":9197,"Ġretos":9198,"Ġpolic":9199,"ĠAcademia":9200,"Ġsentimiento":9201,"Ġacudir":9202,"Ġnotable":9203,"ĠÃģfrica":9204,"Ġproductor":9205,"Ġetapas":9206,"Ġdetenido":9207,"Ġconsumidor":9208,"ĠProvincia":9209,"omina":9210,"Ġseñales":9211,"Ġquedaron":9212,"Ġcombatir":9213,"ĠEmpresa":9214,"ĠclÃŃnica":9215,"Ġcafe":9216,"gué":9217,"trans":9218,"Ġgeneraciones":9219,"nado":9220,"TOS":9221,"Ġembar":9222,"Ġvirtud":9223,"Ġdeseos":9224,"Ġnoctur":9225,"Ġmach":9226,"Ġpublicaciones":9227,"Ġit":9228,"colo":9229,"Ġdibujo":9230,"fit":9231,"Ġhaci":9232,"Ġende":9233,"ĠAustral":9234,"ĠTorres":9235,"ĠRosario":9236,"Ġenemigos":9237,"Ġdeportiva":9238,"tela":9239,"ward":9240,"iona":9241,"Ġcercana":9242,"ĠMartin":9243,"ócra":9244,"Ġmalos":9245,"ĠArtÃŃculo":9246,"Ġjuventud":9247,"tinas":9248,"Ġtasas":9249,"temp":9250,"Ġverlo":9251,"Ġcontrad":9252,"Ġdistrito":9253,"úp":9254,"RAN":9255,"Ġestuvieron":9256,"Ġteléfonos":9257,"Ġaporte":9258,"udio":9259,"Ġtorm":9260,"Cre":9261,"Ġtruc":9262,"esas":9263,"Ġfiel":9264,"Ġintercambi":9265,"Ġdesf":9266,"Ġbrazo":9267,"Ġnieve":9268,"Ġvende":9269,"Ġdirigentes":9270,"Ġmaravilloso":9271,"ĠTenemos":9272,"Ġtoneladas":9273,"Ġconfun":9274,"Ġregalos":9275,"ĠRico":9276,"Ġfallo":9277,"Ġaltamente":9278,"Ġdescripción":9279,"lga":9280,"Ġadquisición":9281,"gia":9282,"ĠSr":9283,"...)":9284,"Ġ[...]":9285,"Ġprestación":9286,"ĠRoberto":9287,"Ġsecu":9288,"Ġconsentimiento":9289,"Ġmejoras":9290,"ĠespecÃŃficos":9291,"plan":9292,"Ġcarro":9293,"Ġidiomas":9294,"trada":9295,"Ġconclusión":9296,"Ġdestacan":9297,"dicación":9298,"tarlo":9299,"riz":9300,"Ġhuevos":9301,"Ġbeso":9302,"Ġpoderes":9303,"ĠPi":9304,"43":9305,"Ġsubs":9306,"aqu":9307,"Ġprobabilidad":9308,"Ġeuropea":9309,"PD":9310,"Ġcuadros":9311,"Ġmecanismo":9312,"Ġcartel":9313,"Ġmanejar":9314,"Ġfrutas":9315,"Ġdespues":9316,"Ġmuestras":9317,"polit":9318,"Ġperiódico":9319,"ede":9320,"Ġadvers":9321,"Ġbañ":9322,"Ġhttps":9323,"Ġenseñar":9324,"Ġcreando":9325,"Ġcuidar":9326,"Ġesquina":9327,"ualquier":9328,"endar":9329,"Ġpotente":9330,"Ġconocen":9331,"ĠlÃŃquido":9332,"Ġpiedras":9333,"Ġlógica":9334,"Ġmontaje":9335,"oxid":9336,"Ġpermitan":9337,"Ġprecisión":9338,"emb":9339,"Ġantic":9340,"Ġtratado":9341,"Ġbarato":9342,"Ġhorarios":9343,"Ġasociados":9344,"Ġcomputadora":9345,"ĠAv":9346,"itat":9347,"Ġimaginar":9348,"ĠCoord":9349,"enses":9350,"Ġfutu":9351,"tito":9352,"ámico":9353,"Ġnace":9354,"ĠEduca":9355,"Ġaval":9356,"Ġconsiguió":9357,"Ġimpro":9358,"ĠxD":9359,"ĠEv":9360,"Ġinfo":9361,"Ġcómoda":9362,"tadura":9363,"cripciones":9364,"udiciales":9365,"Ġprovincial":9366,"ĠSebastián":9367,"Ġdecora":9368,"Ġgráfico":9369,"Ġsat":9370,"Ġquem":9371,"Ġasal":9372,"Ġoral":9373,"ĠCurso":9374,"Ġpropietarios":9375,"Ġpublica":9376,"Ġsaga":9377,"orro":9378,"68":9379,"·":9380,"Ġdeterior":9381,"Ġacá":9382,"bie":9383,"Ġdele":9384,"Ġmirando":9385,"ĠJorn":9386,"Ġsuyo":9387,"bús":9388,"Ġfórmula":9389,"Ġacadémico":9390,"ĠSar":9391,"Ġregla":9392,"Ġmostra":9393,"Ġronda":9394,"Ġfrancesa":9395,"Otra":9396,"ajaja":9397,"Ġdinámica":9398,"Ġdivul":9399,"âĢ¦âĢ¦":9400,"ĠAutor":9401,"Ġaceptación":9402,"ĠAragón":9403,"Ġprohib":9404,"Ġapunta":9405,"ĠcÃŃr":9406,"ĠEspa":9407,"Ġmuseo":9408,"Ġense":9409,"Ġreproduc":9410,"geno":9411,"eramente":9412,"Ġconciertos":9413,"alax":9414,"Ġmari":9415,"Ġverdes":9416,"Ġverse":9417,"ándonos":9418,"ĠPaul":9419,"ĠGuatemala":9420,"ĠMA":9421,"Os":9422,"ĠGalicia":9423,"Ġlimpia":9424,"Ġprovoca":9425,"Ġpermitió":9426,"Ġahorrar":9427,"ĠGobern":9428,"Ġpendientes":9429,"Ġiguales":9430,"Ġreformas":9431,"uncios":9432,"Ġrevisar":9433,"Ġinn":9434,"tinos":9435,"Ġprovincias":9436,"ĠvacÃŃo":9437,"Ġfueran":9438,"Ġdiputados":9439,"Ġautomáticamente":9440,"Ġderrota":9441,"Ġbasura":9442,"Ġautomo":9443,"box":9444,"Ġanticip":9445,"Ġmemor":9446,"Ġcrimen":9447,"Ġfans":9448,"lados":9449,"Ġinvita":9450,"Ġadelga":9451,"ificada":9452,"Ġminerales":9453,"Ġtransferencia":9454,"rÃŃan":9455,"tube":9456,"ĠDol":9457,"Muy":9458,"énez":9459,"ted":9460,"Ġveremos":9461,"Ġexclusivo":9462,"Ġprimaria":9463,"Ġpudieron":9464,"Ġponemos":9465,"úmero":9466,"Ġnovio":9467,"Ġportavoz":9468,"ĠOnline":9469,"Ġreiv":9470,"Ġsatisfacer":9471,"avo":9472,"ĠVida":9473,"Ġcreciente":9474,"ĠEspero":9475,"olla":9476,"Ġsoci":9477,"vias":9478,"ĠSue":9479,"Ġprolon":9480,"Ġducha":9481,"Ġgub":9482,"úrg":9483,"ERA":9484,"Ġobtuvo":9485,"Ġapariencia":9486,"Ġborde":9487,"Ġviviendo":9488,"Del":9489,"tifica":9490,"diciones":9491,"Ġfruto":9492,"Ġobserva":9493,"Ġejecutivo":9494,"Ġfábrica":9495,"Ġestablecimientos":9496,"Ġcostes":9497,"Ġlistas":9498,"ĠEjército":9499,"Ġrenunci":9500,"Ġmexicanos":9501,"ĠindÃŃgenas":9502,"ĠFeria":9503,"ges":9504,"erÃŃas":9505,"Ġsolidaridad":9506,"Ġestilos":9507,"dadas":9508,"ĠOf":9509,"TS":9510,"ĠcirugÃŃa":9511,"wood":9512,"Ġhéro":9513,"Ġplanificación":9514,"TV":9515,"tilidad":9516,"Ġcontinú":9517,"Ġdañ":9518,"alla":9519,"Ġculo":9520,"ĠQUE":9521,"Ġfuncionar":9522,"ĠNunca":9523,"Ġinoc":9524,"quillaje":9525,"Ġformal":9526,"Ġcenten":9527,"rey":9528,"ÃŃces":9529,"Ġrecomendamos":9530,"ĠFinanci":9531,"Ġestaciones":9532,"Ġemocion":9533,"Ġincumpl":9534,"ĠCristina":9535,"Ġtrama":9536,"ÑĢ":9537,"enco":9538,"Ġreglam":9539,"Ġinformar":9540,"Ġfach":9541,"Ġcayó":9542,"Ġseñalado":9543,"Ġdisposiciones":9544,"Ġdescuentos":9545,"ĠPRI":9546,"Ġï":9547,"Ġfemenino":9548,"Ġdetener":9549,"Ġdistinta":9550,"trina":9551,"Ġbolas":9552,"ĠCuenta":9553,"Creo":9554,"cómo":9555,"Ġextin":9556,"ĠSy":9557,"41":9558,"Ġobligado":9559,"Ġaccidentes":9560,"Ġ47":9561,"67":9562,"Ġescribe":9563,"Ġútiles":9564,"Ġdisciplina":9565,"ak":9566,"Ġamantes":9567,"Ġmuñ":9568,"way":9569,"Ġcoron":9570,"ĠAsturias":9571,"Ġllaman":9572,"Ġcomprob":9573,"Ġanci":9574,"Ġexplicación":9575,"illermo":9576,"Finalmente":9577,"Ġliderazgo":9578,"Ġentero":9579,"Ġbalón":9580,"Ġreciben":9581,"cismo":9582,"Ġsalas":9583,"Ġdebut":9584,"Ġcolumna":9585,"ĠMorales":9586,"ĠActualmente":9587,"peta":9588,"Ġvigilancia":9589,"ĠEuropeo":9590,"Ġdebo":9591,"Ġañadió":9592,"Ġdecreto":9593,"Ġhig":9594,"ĠVicente":9595,"Ġprobado":9596,"ĠJack":9597,"ise":9598,"ARIO":9599,"Ġtrabajado":9600,"ĠDeportes":9601,"Ġarroz":9602,"Ġrumbo":9603,"anc":9604,"Ġsirven":9605,"Ġbásicas":9606,"Ġterap":9607,"ĠautonomÃŃa":9608,"iblia":9609,"ĠChrist":9610,"Ġolor":9611,"Ġaci":9612,"ulaciones":9613,"Ġreiter":9614,"Ġcoopera":9615,"Ġestadounidenses":9616,"Ġ43":9617,"econ":9618,"Ġtranscur":9619,"iental":9620,"radores":9621,"Ġpredic":9622,"Ġprede":9623,"ĠInterior":9624,"Ġbandera":9625,"Ġimaginación":9626,"Ġcuadrados":9627,"Ġescenarios":9628,"Ġ01":9629,"Ġmaquinaria":9630,"Ġmanifesta":9631,"Ġtos":9632,"Ġcerveza":9633,"Ġsúper":9634,"critos":9635,"Ġceremonia":9636,"Ġintenso":9637,"Ġcono":9638,"Ġlej":9639,"ĠAmor":9640,"Ġaparato":9641,"Ġintegrado":9642,"Ġparar":9643,"Ġmencionar":9644,"Ġfibra":9645,"ĠLE":9646,"Ġadolescente":9647,"Ġhabló":9648,"Ġcaptur":9649,"Ġpréstamo":9650,"Ġraza":9651,"Ġhabilidad":9652,"Ġexistir":9653,"Ġmediados":9654,"ĠMuchos":9655,"Ġvinos":9656,"Ġasesinato":9657,"Ġord":9658,"Quién":9659,"Ġsufrido":9660,"Ġprevent":9661,"ĠRecuer":9662,"tuario":9663,"Ġescenas":9664,"ónicas":9665,"ings":9666,"ĠPortugal":9667,"kin":9668,"abo":9669,"Ġmedir":9670,"ĠAmazon":9671,"ĠHen":9672,"Ġsignific":9673,"Ġrespondió":9674,"BL":9675,"Ġhilo":9676,"Ġcampes":9677,"Ġ:)":9678,"Ġbendi":9679,"Ġparticiparon":9680,"Ġfija":9681,"ĠLeon":9682,"hab":9683,"ÃŃmetros":9684,"Ġrica":9685,"ĠEspÃŃritu":9686,"Ġcomenzaron":9687,"ĠveÃŃa":9688,"iremos":9689,"Ġeducativos":9690,"app":9691,"work":9692,"ĠoÃŃdo":9693,"Ġvaloración":9694,"inete":9695,"Ġdeseas":9696,"Ġsustancias":9697,"Ġbicicleta":9698,"Ġdoy":9699,"Ġcomis":9700,"ĠWil":9701,"ĠDom":9702,"Ġreferencias":9703,"Ġultra":9704,"Ġdefine":9705,"Ġingen":9706,"Ġsiga":9707,"Ġquisiera":9708,"ĠComple":9709,"Ġobtenido":9710,"Ġfemin":9711,"Ġcontinuidad":9712,"Ġfiscales":9713,"ĠMedicina":9714,"Ġemoción":9715,"Ġmesas":9716,"Ġpoeta":9717,"Ġorgullos":9718,"Ġprestaciones":9719,"ĠMich":9720,"Ġórdenes":9721,"ĠMoreno":9722,"Estoy":9723,"chos":9724,"Ġtrist":9725,"Ġrestr":9726,"Ġúnicos":9727,"ĠfÃŃsicas":9728,"Ġciviles":9729,"ĠLuna":9730,"Ñģ":9731,"Ġpárra":9732,"Ġalimento":9733,"ĠturÃŃstico":9734,"Ġhumedad":9735,"Ġgustos":9736,"Ġsp":9737,"Ġdrama":9738,"ógico":9739,"ÃŃsimas":9740,"ĠAngel":9741,"Ġpreciso":9742,"áctica":9743,"Ġescrita":9744,"Ġ44":9745,"ĠCastillo":9746,"ĠFon":9747,"Ġotoño":9748,"orden":9749,"ĠNorm":9750,"Ġingresar":9751,"lash":9752,"Ġshow":9753,"Ġtemprano":9754,"Ġescapar":9755,"Ġté":9756,"Ġtrán":9757,"ĠIsabel":9758,"Ġintroduci":9759,"Ġsalario":9760,"Ġtrop":9761,"Ġsignos":9762,"Ġmodificaciones":9763,"Ġmalas":9764,"Ġfavoritos":9765,"EX":9766,"ĠTim":9767,"ÃŃnas":9768,"Ġabrazo":9769,"Ġcreada":9770,"asión":9771,"Ġregresar":9772,"Ġconsiderable":9773,"ENTE":9774,"Ġagro":9775,"Ġinyec":9776,"Ġcombustible":9777,"ĠAtención":9778,"Ġsolucionar":9779,"icidio":9780,"ze":9781,"Ġroja":9782,"ĠContac":9783,"far":9784,"Ġpsico":9785,"Ġregistros":9786,"Ġnegociación":9787,"onso":9788,"tizar":9789,"Ġpérdidas":9790,"idi":9791,"ĠGuer":9792,"Ġdirigir":9793,"Ġayudará":9794,"gica":9795,"Ġcolombiano":9796,"Ġintim":9797,"Ġpisos":9798,"Ġilegal":9799,"Ġapp":9800,"Ġcontratar":9801,"Ġregulación":9802,"ĠCalle":9803,"GT":9804,"Ġdices":9805,"tedral":9806,"Nuestra":9807,"Ġdirige":9808,"Ġindependientes":9809,"Ġrell":9810,"Ġbienvenida":9811,"Ġabri":9812,"ĠAño":9813,"Ġvolv":9814,"Ġgafas":9815,"Ġempresario":9816,"ĠMana":9817,"Ġreduce":9818,"ĠjurÃŃdico":9819,"Ġinspiración":9820,"Ġlevantar":9821,"Ġfomentar":9822,"Ġepisodio":9823,"Ġesenciales":9824,"Ġquiso":9825,"Ġcajas":9826,"Ġterren":9827,"terales":9828,"Ġtop":9829,"Ġplantea":9830,"Ġdefinitivamente":9831,"mol":9832,"Ġ46":9833,"Ġalcanza":9834,"Ġelevado":9835,"ĠMul":9836,"iempo":9837,"TC":9838,"Ġsuspensión":9839,"mano":9840,"Ġespon":9841,"Ġmarcado":9842,"Ġpanorama":9843,"ĠIsla":9844,"Ġ95":9845,"Ġsuple":9846,"Ġasomb":9847,"gén":9848,"ĠPrincip":9849,"2014":9850,"Ġinvestigar":9851,"ÃŃv":9852,"Ġmadri":9853,"PO":9854,"Ġdependencia":9855,"entamente":9856,"idado":9857,"ĠespecÃŃfica":9858,"Ġaficionados":9859,"Ġacontecimientos":9860,"inarios":9861,"Ġeliminación":9862,"Ġodio":9863,"ucho":9864,"Ġmotores":9865,"rico":9866,"ĠCapital":9867,"tab":9868,"Ġ49":9869,"Ġcomidas":9870,"Ġsuficientes":9871,"Ġansiedad":9872,"Ġpagina":9873,"Ġatraves":9874,"Ġprocl":9875,"Ġdescubierto":9876,"for":9877,"jeje":9878,"Ġprecisa":9879,"ĠProfesional":9880,"rimonio":9881,"Ġhogares":9882,"Ġcastellano":9883,"Ġdisput":9884,"idra":9885,"Ġocurrir":9886,"ĠFrente":9887,"Ġprendas":9888,"taban":9889,"ĠMúsica":9890,"ĠSp":9891,"Ġrespaldo":9892,"ĠSitio":9893,"Ġdedica":9894,"Ġpatro":9895,"Ġpudieran":9896,"ĠespecÃŃficas":9897,"Somos":9898,"risto":9899,"Ġcolabora":9900,"ĠHabana":9901,"Ġtoler":9902,"Ġatac":9903,"ĠOp":9904,"Ġimpulso":9905,"Ġemble":9906,"rocar":9907,"%)":9908,"Ġdevolver":9909,"ĠsentÃŃa":9910,"ĠserÃŃan":9911,"Ġcria":9912,"Ġnecesito":9913,"Ġmonto":9914,"Ġcoger":9915,"ĠsÃŃmbolo":9916,"cap":9917,"Ġrecaud":9918,"Ġestablecidos":9919,"ondas":9920,"ĠExcel":9921,"Ġespecializado":9922,"Ġsuministro":9923,"jeras":9924,"Ġcaballo":9925,"ĠSomos":9926,"cons":9927,"Ġnomin":9928,"Ġejecut":9929,"cr":9930,"Ġricos":9931,"ĠGuadal":9932,"Ġlistado":9933,"Ġmand":9934,"Ġvivido":9935,"versión":9936,"trop":9937,"Ġapla":9938,"venido":9939,"uerta":9940,"Ġproveedor":9941,"ĠWorld":9942,"cargar":9943,"ĠRespon":9944,"lig":9945,"Ġexcelencia":9946,"Ġdeterminados":9947,"sung":9948,"!,":9949,"Ġacumul":9950,"Ġclásicos":9951,"Ġoración":9952,"Ġpoquito":9953,"ucar":9954,"Ġraro":9955,"Ġequivalente":9956,"Ġconocemos":9957,"ĠPA":9958,"gi":9959,"Ġpareció":9960,"Ġcuentos":9961,"Ġobstá":9962,"Ġconvivencia":9963,"ĠTecnologÃŃa":9964,"Ġmetas":9965,"Ġfes":9966,"Ġcontará":9967,"Ġmadrugada":9968,"Ġllevaron":9969,"Ġdemon":9970,"Ġeco":9971,"Ġpaga":9972,"Ġexcepcional":9973,"ledo":9974,"Ġminim":9975,"uez":9976,"ĠBio":9977,"Ġfavorito":9978,"Ġpostura":9979,"Ġéstas":9980,"ĠNeces":9981,"mico":9982,"Ġconstruido":9983,"Ġindispens":9984,"Ġpracticar":9985,"ĠSER":9986,"Ġyou":9987,"ĠCin":9988,"Ġevolu":9989,"ĠUniversitario":9990,"ĠJames":9991,"Ġlargas":9992,"Ġintentando":9993,"Ġgato":9994,"Ġbasta":9995,"ml":9996,"Ġdescenso":9997,"Ġrecoge":9998,"Ġheridas":9999,"Ġcamiseta":10000,"Ante":10001,"Ġcausar":10002,"ÃŃctor":10003,"Ġbaile":10004,"Ġcontinente":10005,"Ġguitarra":10006,"Ġencanto":10007,"Ġrealizaron":10008,"Ġentien":10009,"Ġfrust":10010,"vida":10011,"Ġrelacionada":10012,"âĨ":10013,"Ġenviado":10014,"rena":10015,"guardia":10016,"ĠGro":10017,"Ġescog":10018,"Ġandal":10019,"ĠAnte":10020,"Ġresultar":10021,"Ġsolid":10022,"Ġune":10023,"Ġlac":10024,"ĠDES":10025,"Ġtránsito":10026,"Ġtalla":10027,"Ġtribunal":10028,"Ġapo":10029,"cm":10030,"Ġsmartph":10031,"Ġreino":10032,"Ġconfes":10033,"lim":10034,"ĠLibro":10035,"Ġprestar":10036,"ĠOctubre":10037,"Ġsuficientemente":10038,"ĠLibre":10039,"ĠGust":10040,"Ġhabido":10041,"Ġgrues":10042,"Ġdelantero":10043,"Ġirregular":10044,"ĠGuardia":10045,"Ġexpresar":10046,"Bus":10047,"ata":10048,"FOR":10049,"Ġcaracteriza":10050,"Ġconfirmó":10051,"Ġfresco":10052,"Ġsalsa":10053,"±":10054,"Ġfascin":10055,"Ġnaciones":10056,"Ġcontaminación":10057,"2013":10058,"Ġelector":10059,"hael":10060,"Ġcuota":10061,"Bar":10062,"Ġcaball":10063,"Ġreproducción":10064,"lantes":10065,"Ġtraslado":10066,"Ġamenazas":10067,"Ġtranquila":10068,"daje":10069,"Ġsilla":10070,"gena":10071,"Ġestamp":10072,"Ġimpulsar":10073,"ĠForo":10074,"Ġestando":10075,"Ġpart":10076,"Ġinclusión":10077,"Ġgeográ":10078,"Ġmono":10079,"ĠDen":10080,"ómicas":10081,"ADOR":10082,"Ġvea":10083,"ĠAlta":10084,"Ġ00":10085,"Ġespi":10086,"umer":10087,"Ġintu":10088,"áus":10089,"Ġcartera":10090,"Ġllevando":10091,"Ġcontempl":10092,"Ġpasta":10093,"eciendo":10094,"Ġcongel":10095,"ĠTro":10096,"ĠCiencia":10097,"Ġdejaron":10098,"ĠAdministra":10099,"ĠMarketing":10100,"Ġgeo":10101,"Ġvag":10102,"Ġtarifa":10103,"Ġhec":10104,"Ġaguan":10105,"Ġhuéspe":10106,"Quer":10107,"Ġexplicado":10108,"ĠSenado":10109,"cones":10110,"inó":10111,"Ġinmun":10112,"Ġdestinos":10113,"ĠProp":10114,"ĠHi":10115,"ándola":10116,"Ġbrinda":10117,"Ġtransparencia":10118,"Ġreina":10119,"ógica":10120,"Ġseco":10121,"Ġcae":10122,"Ġplaca":10123,"ĠAlicante":10124,"ĠAsia":10125,"Ġocta":10126,"ĠSantander":10127,"Ġapareció":10128,"Ġsurge":10129,"Ġben":10130,"Am":10131,"Ġamo":10132,"Ġtramo":10133,"Ġlargos":10134,"ĠpolicÃŃas":10135,"Ġaves":10136,"Ġrebaj":10137,"ÃŃncipe":10138,"Ġcelebrará":10139,"Ġkilos":10140,"Ġ1999":10141,"Ġsentirse":10142,"Ġdisponer":10143,"inc":10144,"Ġby":10145,"esos":10146,"Ġdespren":10147,"Ġfotó":10148,"ĠOscar":10149,"Ġelectricidad":10150,"ĠAlto":10151,"Ġpintar":10152,"ĠDistrito":10153,"ĠEmpresas":10154,"delo":10155,"urs":10156,"tega":10157,"Ġañadido":10158,"garon":10159,"Ġelaborado":10160,"Ġfeste":10161,"Ġdiabetes":10162,"ager":10163,"Ġabordar":10164,"túan":10165,"iéndose":10166,"oli":10167,"Ġllamados":10168,"ejo":10169,"Ġhall":10170,"Ġfelices":10171,"Ġolvi":10172,"Ġrelevante":10173,"dÃŃan":10174,"ĠIS":10175,"Ġsello":10176,"tumbre":10177,"Ġcorporal":10178,"ursos":10179,"ĠpodrÃŃamos":10180,"cop":10181,"98":10182,"ificaciones":10183,"ÃŃmenes":10184,"Ġpersonalmente":10185,"Ġrepubl":10186,"ĠCalidad":10187,"Ġmineral":10188,"Ġnº":10189,"Ġtonos":10190,"Ġtin":10191,"Ġofreciendo":10192,"ĠNA":10193,"Ġvieja":10194,"izando":10195,"Ġestreno":10196,"ĠgarantÃŃas":10197,"Ġconducción":10198,"Ġparada":10199,"Ġfracaso":10200,"Ġexcur":10201,"gnacio":10202,"Ġgustó":10203,"CON":10204,"Soy":10205,"Ġdisfruta":10206,"Ġrenovación":10207,"Ġvueltas":10208,"Ġportátil":10209,"Ġechar":10210,"uido":10211,"ĠHuman":10212,"Ġrechazo":10213,"Ġasesoramiento":10214,"Ġarco":10215,"Ġcreciendo":10216,"Ġbiblioteca":10217,"ĠLAS":10218,"Ġrevistas":10219,"Fi":10220,"ĠSport":10221,"ĠTab":10222,"incl":10223,"Ġmaquillaje":10224,"ĠCity":10225,"ámenes":10226,"Ġcancha":10227,"tánea":10228,"digos":10229,"Ġbomba":10230,"ávez":10231,"Ġámbitos":10232,"ĠGir":10233,"zcan":10234,"ĠRegión":10235,"Ġvecino":10236,"clar":10237,"iertas":10238,"Ġhistóricos":10239,"Ġcristianos":10240,"ĠAcción":10241,"izó":10242,"ĠOtra":10243,"gancia":10244,"Ġcreó":10245,"Ġcompetir":10246,"ĠLea":10247,"uyendo":10248,"Ġtorre":10249,"Ġalej":10250,"Ġejecutar":10251,"ĠSta":10252,"Ġcomplementar":10253,"Ġofens":10254,"Cas":10255,"Ġprogreso":10256,"Ġ85":10257,"Ġprecioso":10258,"Ġimportar":10259,"Ġ41":10260,"ÃŃso":10261,"enza":10262,"Ġparticularmente":10263,"cedes":10264,"Ġmasaje":10265,"ĠRuiz":10266,"Ġseñalar":10267,"Ġgalard":10268,"usas":10269,"ĠHerman":10270,"ĠONU":10271,"Ġfarmac":10272,"Ġpró":10273,"........":10274,"Ġvestidos":10275,"diales":10276,"Ġsoldados":10277,"Ġpesca":10278,"ĠNavarra":10279,"Ġluna":10280,"Ġprovocar":10281,"ecimiento":10282,"ĠSecretario":10283,"Ġinflación":10284,"Ġsigo":10285,"Ġpatrocin":10286,"éramos":10287,"Ġterrible":10288,"EE":10289,"Ġdormitorio":10290,"ĠGuillermo":10291,"Ġadh":10292,"Ġsalto":10293,"ĠMarco":10294,"Ġincent":10295,"zones":10296,"Ġsubsi":10297,"acciones":10298,"ĠIde":10299,"ĠAprende":10300,"Ġrecin":10301,"GB":10302,"Ġconsultas":10303,"Ġácido":10304,"ĠRaúl":10305,"ENCIA":10306,"ĠCH":10307,"ĠNoviembre":10308,"itable":10309,"Ġfactura":10310,"pot":10311,"Ġafrontar":10312,"Ġfuimos":10313,"ĠcrÃŃtico":10314,"FA":10315,"Ġdiplom":10316,"Ġdignidad":10317,"Ġorganizada":10318,"Ġescoger":10319,"ĠRol":10320,"ĠRevolución":10321,"ĠDispon":10322,"ĠNor":10323,"Ġargumento":10324,"Ġrefleja":10325,"Ġhaberse":10326,"Ġincorporación":10327,"Ġsemillas":10328,"ĠPromo":10329,"ĠUtil":10330,"gnos":10331,"ĠExtre":10332,"ĠGen":10333,"Ġcurioso":10334,"ĠVo":10335,"Ġdetectar":10336,"Ġparad":10337,"Ġgubernam":10338,"ĠMaduro":10339,"ll":10340,"Ġvilla":10341,"Ġcuriosidad":10342,"terráneo":10343,"ficit":10344,"Ġservidores":10345,"Ġhabia":10346,"ĠJur":10347,"Ġbau":10348,"SI":10349,"tificado":10350,"BO":10351,"ÃŃticas":10352,"Cor":10353,"Ġpersegu":10354,"Ġtuvimos":10355,"Ġabandonar":10356,"Ġimpre":10357,"Ġlesión":10358,"Ġemisión":10359,"ĠÃį":10360,"ĠraÃŃces":10361,"ĠLocal":10362,"Ġlanzó":10363,"Ġliga":10364,"atorio":10365,"Ġautoma":10366,"Ġseparación":10367,"Ġnegativa":10368,"Ġpongo":10369,"Ġ800":10370,"Ġcompara":10371,"rosa":10372,"Ġafectar":10373,"Ġproductividad":10374,"icul":10375,"valuación":10376,"bimos":10377,"Ġfirmado":10378,"Ġdenominado":10379,"ĠmÃŃo":10380,"ĠAlfonso":10381,"CN":10382,"ĠZona":10383,"Tengo":10384,"Ġmanifestaciones":10385,"ĠUR":10386,"Ġcolectiva":10387,"vada":10388,"Ġsostuvo":10389,"Ġprofundi":10390,"ĠWi":10391,"Ġsufrió":10392,"ĠAlonso":10393,"Ġterapia":10394,"Ġmensual":10395,"alista":10396,"Ġrutina":10397,"ĠBilbao":10398,"Ġgolpes":10399,"Ġfrutos":10400,"Ġculmin":10401,"endoza":10402,"ĠAustralia":10403,"ĠReserv":10404,"Ġdespre":10405,"ĠWilliam":10406,"ĠKe":10407,"Ġtemor":10408,"Ġideales":10409,"ĠSeguro":10410,"ciencia":10411,"ĠDivisión":10412,"Ġfirmas":10413,"ajara":10414,"Ġcelebrado":10415,"Hemos":10416,"Pos":10417,"Ġnegativo":10418,"Ġimplement":10419,"Ġvivimos":10420,"Ġaprue":10421,"ture":10422,"Ġnegros":10423,"Ġcharla":10424,"Ġcreemos":10425,"Ġpréstamos":10426,"iedades":10427,"Ġparro":10428,".:":10429,"Ġarru":10430,"ĠfrÃŃa":10431,"Ġterminal":10432,"itará":10433,"ĠRelaciones":10434,"Ġcubano":10435,"2012":10436,"Ġoficio":10437,"eld":10438,"ĠLatinoamérica":10439,"ĠPie":10440,"Ġfrecuente":10441,"Ġocio":10442,"Ġseguirá":10443,"Ġpelota":10444,"ensor":10445,"ĠReci":10446,"ĠMaes":10447,"LAN":10448,"ĠTres":10449,"Ġconsideración":10450,"ĠEmpleo":10451,"Ġcuándo":10452,"Ġlateral":10453,"Ġdestinado":10454,"ĠGabriel":10455,"Tenemos":10456,"Ġcatalán":10457,"onces":10458,"Ġabon":10459,"Ġcortar":10460,"ĠVictoria":10461,"Ġára":10462,"Ġverduras":10463,"rección":10464,"Ġdada":10465,"Ġaudiovis":10466,"Or":10467,"Ġcarbono":10468,"Ġaventuras":10469,"Ġhielo":10470,"Ġinal":10471,"Ġencuesta":10472,"tables":10473,"itiva":10474,"Ġpistas":10475,"Ġagencias":10476,"Ġdiga":10477,"Ġmandar":10478,"Ġganancias":10479,"Ġfus":10480,"Ġautora":10481,"Ġislas":10482,"Ġparticipan":10483,"Ġpolicial":10484,"Ġviva":10485,"iertos":10486,"Ġduelo":10487,"Ġmutu":10488,"Ġbuc":10489,"comunicaciones":10490,"Ġmante":10491,"Na":10492,"entados":10493,"raba":10494,"Ġcontroles":10495,"ĠAzul":10496,"Ġprevis":10497,"Ġtemplo":10498,"Ġvigencia":10499,"oraciones":10500,"reza":10501,"Ġdeterminada":10502,"Ġentró":10503,"uelve":10504,"Ġbolsas":10505,"ilan":10506,"ö":10507,"Ġincur":10508,"Ġbritánico":10509,"ĠOtro":10510,"yeron":10511,"Ġquince":10512,"Ġincrementar":10513,"Ġviajeros":10514,"Ġquedo":10515,"Ġcultiv":10516,"Ġpapeles":10517,"uth":10518,"ĠGil":10519,"Ġexistente":10520,"ÃŃsica":10521,"Ġutilizada":10522,"TAN":10523,"ĠPenal":10524,"ĠIndustria":10525,"оÐ":10526,"Ġorgullo":10527,"Ġrepresentar":10528,"Ġafectan":10529,"Ġescán":10530,"Ġpensaba":10531,"Ġmg":10532,"Ġcostumbre":10533,"Ġsecretos":10534,"Ġalerta":10535,"Ġapell":10536,"lero":10537,"Ġventanas":10538,"Sus":10539,"Ġparticipado":10540,"Ġvotar":10541,"Ġdesesper":10542,"my":10543,"Ġhayas":10544,"Ġdesigual":10545,"Ġmonstru":10546,"Ġsensibilidad":10547,"ĠOrg":10548,"Ġespiritu":10549,"Ġvidrio":10550,"Ġoeste":10551,"Ġdescribe":10552,"Ġaqu":10553,"Ġnotar":10554,"TM":10555,"Ġabiertas":10556,"Ġcredi":10557,"Ġdiarios":10558,"Ġsentidos":10559,"Ġsocialista":10560,"áz":10561,"Ġamigas":10562,"Ġescritorio":10563,"Ġenergética":10564,"guna":10565,"enzo":10566,"Ġhablado":10567,"ĠLog":10568,"Fo":10569,"ĠLegisla":10570,"Ġinmigrantes":10571,"ĠSaludos":10572,"ĠPac":10573,"Ġconversaciones":10574,"olv":10575,"Ġpertin":10576,"ÃŃsimos":10577,"Ġbaratos":10578,"adilla":10579,"Ġtarifas":10580,"Ġsecundaria":10581,"Ġchino":10582,"Ġempleado":10583,"Ġjueces":10584,"Ġdestrucción":10585,"quero":10586,"Ġrecordó":10587,"Ġposiblemente":10588,"Ġtest":10589,"ribunales":10590,"Ġmier":10591,"INA":10592,"Ġrelatos":10593,"Ġcobre":10594,"Ġ64":10595,"ĠLO":10596,"Ġnub":10597,"Ġciencias":10598,"Ġinstalado":10599,"ĠÃģngeles":10600,"Ġlabores":10601,"69":10602,"Deb":10603,"eamente":10604,"Ġlitros":10605,"Bien":10606,"TAS":10607,"Ġpelic":10608,"Ġespecializados":10609,"IDA":10610,"ĠChávez":10611,"Ġamarillo":10612,"Eso":10613,"Ġespejo":10614,"Ġpanel":10615,"damente":10616,"olas":10617,"Ġtenéis":10618,"ĠUSB":10619,"Ġcostumb":10620,"Ġlago":10621,"adrid":10622,"Ġrecogida":10623,"Puede":10624,"Ġblogs":10625,"Ġcuánto":10626,"Ġpulgadas":10627,"Ġsubida":10628,"ĠMira":10629,"Ġcaras":10630,"Ġresultó":10631,"ĠPatri":10632,"Ġconlle":10633,"Está":10634,"drome":10635,"Ġmár":10636,"Ġrelevantes":10637,"Ġcobrar":10638,"Ġdepósito":10639,"Ġrespira":10640,"Ġdesactiv":10641,"ĠEnergÃŃa":10642,"tions":10643,"Ġpercepción":10644,"Ġsuperviv":10645,"Ġcolectivos":10646,"Ġandar":10647,"Ġprioridad":10648,"ling":10649,"Ġmontañas":10650,"ĠPersonal":10651,"CC":10652,"cubre":10653,"Ġperpe":10654,"Ġclásica":10655,"ĠMichael":10656,"Siempre":10657,"Ġargumentos":10658,"ĠSex":10659,"Ġevent":10660,"ĠBlog":10661,"ĠTenerife":10662,"Ġmencionado":10663,"Ġcuyas":10664,"Ġ1998":10665,"Ġdeportivas":10666,"ĠVÃŃctor":10667,"Ġego":10668,"pado":10669,"Ġfuturos":10670,"ĠmÃŃa":10671,"Ġcomunica":10672,"Ġvayan":10673,"ĠProductos":10674,"Ġusos":10675,"Ġmandato":10676,"Ġacabó":10677,"cionario":10678,"Ġextrac":10679,"TRO":10680,"ĠFlores":10681,"ĠtenÃŃamos":10682,"ĠParti":10683,"Ġjurado":10684,"Ġdictadura":10685,"Ġsorprendente":10686,"Ġsolicitudes":10687,"Ġpresidencial":10688,"Ġpreciosa":10689,"rent":10690,"ĠIntro":10691,"ĠBlo":10692,"Ġllegará":10693,"ĠLED":10694,"Ġvisible":10695,"Ġbode":10696,"Ġvariables":10697,"84":10698,"ĠmetodologÃŃa":10699,"tul":10700,"Ġenferm":10701,"Prim":10702,"irán":10703,"Ġsufre":10704,"Ġmontar":10705,"ej":10706,"Ġpaciencia":10707,"Ġsienten":10708,"Ġtransición":10709,"Ġmedal":10710,"illar":10711,"ĠPsic":10712,"Ġmostrado":10713,"ĠResolución":10714,"Ġreducido":10715,"embol":10716,"ésar":10717,"Ġtemática":10718,"ence":10719,"Ġneum":10720,"ther":10721,"Ġtengamos":10722,"ĠTre":10723,"ĠTécnico":10724,"Ġenve":10725,"GR":10726,"Ġnaranja":10727,"drás":10728,"Ġmisterio":10729,"Ġfrances":10730,"Ġseguimos":10731,"Ġpescado":10732,"Ġlanzado":10733,"Ġcontienen":10734,"Ġmentir":10735,"ĠDoctor":10736,"Ġfinancieras":10737,"ĠIgnacio":10738,"uncias":10739,"Ġinscrib":10740,"ĠHugo":10741,"ZA":10742,"89":10743,"tea":10744,"press":10745,"Ġestándares":10746,"hum":10747,"iciosa":10748,"ĠEvan":10749,"Ġautobús":10750,"Ġasegurado":10751,"Ġinfantiles":10752,"ĠOriente":10753,"ĠIndustrial":10754,"Ġdefecto":10755,"ĠCampeonato":10756,"ĠEsco":10757,"ĠMAR":10758,"tuvieron":10759,"ĠRef":10760,"dela":10761,"Ġriv":10762,"Ġruso":10763,"Ġapreciar":10764,"ñe":10765,"POR":10766,"ĠFranco":10767,"Ġtraje":10768,"Ġsentimos":10769,"Ġcalcul":10770,"Ġindican":10771,"Ġperfección":10772,"ĠXXI":10773,"ĠdesafÃŃo":10774,"Ġpráctico":10775,"ĠCL":10776,"ĠartÃŃstica":10777,"Ġtrataba":10778,"olvid":10779,"Ġpresidencia":10780,"ĠMesa":10781,"Ġteór":10782,"adi":10783,"Ġcolegios":10784,"Ġsimples":10785,"Ġchar":10786,"ĠPresu":10787,"Ġsana":10788,"Ġligeramente":10789,"ĠCorea":10790,"Ġfemenina":10791,"Ġconstituyen":10792,"atch":10793,"bano":10794,"ĠCAR":10795,"Ġmandatario":10796,"lid":10797,"Ġabuso":10798,"Ġtapa":10799,"Ġdeter":10800,"Ġemis":10801,"Ġsufren":10802,"Ġantiguas":10803,"endió":10804,"Ġblancos":10805,"Ġarries":10806,"tita":10807,"gio":10808,"Ġelaborar":10809,"Publicado":10810,"Ġfacilita":10811,"ĠPes":10812,"untamente":10813,"ĠConce":10814,"Ġprotesta":10815,"Ġvideojuegos":10816,"Ġadquier":10817,"87":10818,"Ġaman":10819,"ĠproteÃŃnas":10820,"ĠEllos":10821,"ĠGuti":10822,"uis":10823,"Ġocasion":10824,"htt":10825,"Ġpatrón":10826,"fice":10827,"ámb":10828,"uliar":10829,"ĠSá":10830,"Ġencuentre":10831,"güedad":10832,"ĠAnuncios":10833,"Ġquinto":10834,"ĠhacÃŃan":10835,"Imp":10836,"igma":10837,"Ġnecesariamente":10838,"Ġclick":10839,"ĠMy":10840,"ĠDominicana":10841,"ĠTanto":10842,"Ġparámetros":10843,"Ġonce":10844,"Ġconsigo":10845,"aragua":10846,"Ġdisminución":10847,"win":10848,"dura":10849,"Ġligero":10850,"ĠEstra":10851,"Ġagricultura":10852,"ĠHal":10853,"Ġresponsabilidades":10854,"ĠFútbol":10855,"Ġclaras":10856,"Ġecos":10857,"ĠSexo":10858,"Ġcelebró":10859,"ólico":10860,"ĠestadÃŃsticas":10861,"Ġintroducción":10862,"Ġlavado":10863,"Ġexcepto":10864,"!.":10865,"Ġsingular":10866,"orcio":10867,"Ġcontraseña":10868,"Ġsemin":10869,"Ġtuviera":10870,"Ġconfec":10871,"Ġhipó":10872,"BRE":10873,"Ġbarrios":10874,"Ġromp":10875,"Ġtestimonio":10876,"ÃŃes":10877,"Ġdefien":10878,"sex":10879,"ÃŃdas":10880,"Ġfruta":10881,"Ġprecip":10882,"Ġfundación":10883,"Ġincorpora":10884,"Ġmúsicos":10885,"éticas":10886,"ule":10887,"ĠDonald":10888,"Ġhabituales":10889,"Ġcumplen":10890,"cuenta":10891,"ĠGafas":10892,"Ġlanza":10893,"Ġcuantas":10894,"undamente":10895,"uche":10896,"teria":10897,"eth":10898,"ĠCanal":10899,"Ġharina":10900,"ĠPatrimonio":10901,"Ġsimpl":10902,"ĠAgua":10903,"ĠCampo":10904,"ĠFeder":10905,"Ġabord":10906,"racción":10907,"ĠED":10908,"cidades":10909,"ben":10910,"Ġmini":10911,"Ġagrup":10912,"300":10913,"ĠJard":10914,"Ġ--":10915,"ñón":10916,"Ġdimensión":10917,"ĠPros":10918,"Ġcasco":10919,"Ġanuales":10920,"ony":10921,"sea":10922,"ult":10923,"Ġimplementar":10924,"Ġtesis":10925,"Ġrepeti":10926,"Ġcondena":10927,"Ġke":10928,"ĠCoci":10929,"uelva":10930,"Ġimponer":10931,"Ġalcanzado":10932,"Ġesposo":10933,"ĠgastronomÃŃa":10934,"ĠBay":10935,"Ġreivin":10936,"Ġhabita":10937,"Ġmaravillosa":10938,"ester":10939,"letÃŃn":10940,"ĠAri":10941,"efacción":10942,"tock":10943,"Ġdeterminadas":10944,"Ġprocesamiento":10945,"camos":10946,"din":10947,"Ġcomplement":10948,"Ġdesarrollando":10949,"ĠSho":10950,"eck":10951,"Ġincluida":10952,"ianas":10953,"Ġedades":10954,"Ġabiertos":10955,"tensión":10956,"timas":10957,"ĠDocu":10958,"Ġgravedad":10959,"Ġvers":10960,"Ġtoman":10961,"Ġdisminuir":10962,"ĠAdri":10963,"Ġclan":10964,"PI":10965,"ĠharÃŃa":10966,"Ġsabido":10967,"ĠCádiz":10968,"Ġleyenda":10969,"ĠNego":10970,"Ġdivertida":10971,"Ġconozco":10972,"Dos":10973,"Ġresidentes":10974,"Ġhectá":10975,"alismo":10976,"Ġademas":10977,"ĠSupremo":10978,"Ġverdaderamente":10979,"enciado":10980,"Ġinteriores":10981,"ĠRock":10982,"Ġjurisdic":10983,"Ġinesper":10984,"Ġalgodón":10985,"Ġpeculiar":10986,"Ġpá":10987,"Ġdeclarado":10988,"bert":10989,"Ġtac":10990,"Ġlluvias":10991,"Ġimpedir":10992,"Ġlogro":10993,"Ġcuartos":10994,"Ġautomática":10995,"sor":10996,"Ġadvir":10997,"ésticos":10998,"Val":10999,"Ġquir":11000,"Ġperjuicio":11001,"Ġconfirmar":11002,"ĠMauri":11003,"ĠMendoza":11004,"Ġdirigente":11005,"Ġcomercialización":11006,"Ġremon":11007,"Ġmarcador":11008,"Ġdas":11009,"oya":11010,"ĠRay":11011,"Ġconocidas":11012,"Ġparticipó":11013,"ĠOne":11014,"Ġplást":11015,"Ġmanifestación":11016,"ifi":11017,"Ġmanz":11018,"Ġcinemato":11019,"Ġelimina":11020,"Ġatacar":11021,"lace":11022,"Ġcaro":11023,"Ġsigno":11024,"Ġliberación":11025,"ĠBri":11026,"Ġdecenas":11027,"Ġalianza":11028,"Ġvivos":11029,"cista":11030,"ĠFinalmente":11031,"Ġconsa":11032,"cionalmente":11033,"Ġdéficit":11034,"ĠMarcos":11035,"ĠCR":11036,"Ġllegamos":11037,"Ġescritos":11038,"Ġbacter":11039,"Ġvestir":11040,"angel":11041,"ortunadamente":11042,"Ġwebs":11043,"Ġvaso":11044,"Ġgeneran":11045,"Ġinsegu":11046,"Ġfuncionan":11047,"Ġhun":11048,"Ġdepartamentos":11049,"ĠDiputación":11050,"Ġtejidos":11051,"ĠRaj":11052,"Ġintr":11053,"Ġdepresión":11054,"Ġindemn":11055,"Ġlimitado":11056,"gará":11057,"ĠVamos":11058,"ÃŃnsula":11059,"Ġsonidos":11060,"Ġregistrar":11061,"Ġcopa":11062,"Ġmortal":11063,"Ġfrecuentes":11064,"Ġdólar":11065,"Ġgigante":11066,"Ġfáciles":11067,"Ġclubes":11068,"Ġhisp":11069,"Ġkg":11070,"Ġcura":11071,"Ġaparatos":11072,"Ġatm":11073,"uyen":11074,"ãĥ":11075,"ĠPueblo":11076,"VD":11077,"Ġbrillo":11078,"Ġtea":11079,"Ġche":11080,"mado":11081,"JO":11082,"Ġindicar":11083,"Ġeléctricos":11084,".....":11085,"Ġclaridad":11086,"ezcan":11087,"ĠOcci":11088,"hh":11089,"ija":11090,"Ġsuena":11091,"Ġprovis":11092,"celo":11093,"Ġinconven":11094,"Ġfunda":11095,"JA":11096,"Ġsalga":11097,"Ġinternos":11098,"ĠSalón":11099,"ĠAlgunas":11100,"Ġextraña":11101,"ĠMadre":11102,"Ġincorporar":11103,"Ġvenezolano":11104,"rimas":11105,"ĠBat":11106,"ĠJiménez":11107,"Ġproyección":11108,"Ġvuelven":11109,"ĠingenierÃŃa":11110,"ĠArquitec":11111,"Ġfundament":11112,"Ġexce":11113,"ĠvenÃŃa":11114,"ĠHel":11115,"úme":11116,"Ġrefres":11117,"Ġdedo":11118,"Ġinclus":11119,"nia":11120,"ñad":11121,"guera":11122,"Ġcens":11123,"Ġrehabilitación":11124,"tiquetas":11125,"Ġinteracción":11126,"Ġposesión":11127,"arquÃŃa":11128,"Ġapasion":11129,"Ġconferencias":11130,"trico":11131,"Ġpresi":11132,"Pas":11133,"ĠRich":11134,"Ġtrascen":11135,"Ġguarda":11136,"Ġmultiplic":11137,"ding":11138,"Ġfama":11139,"Ġzo":11140,"ĠPrimero":11141,"ASA":11142,"Ġclimático":11143,"uar":11144,"Ġterritorios":11145,"Ġ52":11146,"Ġrentabilidad":11147,"otas":11148,"Ġcombinar":11149,"Ġtestigos":11150,"eja":11151,"omosex":11152,"Ġacar":11153,"Ġampliación":11154,"Ġciudadana":11155,"toras":11156,"buen":11157,"Ġtrámite":11158,"Ġdiscur":11159,"ecÃŃan":11160,"CD":11161,"Ġenormes":11162,"ĠSAN":11163,"ax":11164,"Ġfamosos":11165,"mio":11166,"ĠFamilia":11167,"Ġpudiendo":11168,"ĠPU":11169,"Ġvicepresidente":11170,"Ġester":11171,"Ġcontado":11172,"Ġtratados":11173,"Fran":11174,"Ġexquis":11175,"lera":11176,"iler":11177,"ĠJudicial":11178,"Ġavenida":11179,"fia":11180,"Ġprevé":11181,"ĠEstatal":11182,"Ġindirec":11183,"ázquez":11184,"Gran":11185,"Ġperfiles":11186,"Ġcostumbres":11187,"cionada":11188,"Ġboliv":11189,"ĠespecÃŃficamente":11190,"Ġasiento":11191,"clo":11192,"questa":11193,"ĠDem":11194,"Ġsupermer":11195,"kes":11196,"ficar":11197,"ĠBach":11198,"tens":11199,"Ġvariable":11200,"Can":11201,"Ġsensaciones":11202,"Ġleve":11203,"ĠObama":11204,").-":11205,"ĠUb":11206,"ĠOpera":11207,"Ġmueve":11208,"Ġmolesti":11209,"ánicos":11210,"Ġobtiene":11211,"ĠAlgo":11212,"Ġalcanzó":11213,"Ġverte":11214,"Ġmantuvo":11215,"Ġacusado":11216,"Ġsorteo":11217,"Ġambi":11218,"ĠWh":11219,"áster":11220,"Ġmaltra":11221,"Ġgerente":11222,"86":11223,"lega":11224,"Ġdid":11225,"ĠSor":11226,"Ġdiversión":11227,"Ġgesto":11228,"Ġexperimentar":11229,"tex":11230,"ĠSigue":11231,"enciana":11232,"ls":11233,"ĠLuz":11234,"Ġcálculo":11235,"ĠTaller":11236,"Ġlento":11237,"organ":11238,"Ġrespetar":11239,"Ġalrededores":11240,"Ġgrabación":11241,"olar":11242,"Ġambientales":11243,"Ġviaj":11244,"Ġvalorar":11245,"Ġdetención":11246,"Ġculturas":11247,"Ġentretenimiento":11248,"ĠAses":11249,"Ġdesapareci":11250,"fac":11251,"Ġencontré":11252,"vir":11253,"Ġrelativamente":11254,"Ġaprendido":11255,"Ġgrabar":11256,"Ġsalarios":11257,"Ġderivados":11258,"Ġcalific":11259,"Ġcapitán":11260,"abra":11261,"itis":11262,"Ġemisiones":11263,"Ġtransmi":11264,"Ġinolvid":11265,"VE":11266,"Ġdemandas":11267,"ĠMax":11268,"ĠFan":11269,"ĠConten":11270,"Ġgigantes":11271,"Ġdiscul":11272,"ĠCapa":11273,"Ġvencer":11274,"Ġtransforma":11275,"érrez":11276,"Ġconcejal":11277,"ĠFrank":11278,"Ġconclusiones":11279,"Ġbordo":11280,"Ġflam":11281,"Ġresistente":11282,"Porque":11283,"ĠBiblioteca":11284,"Ġposteriores":11285,"Ġbeber":11286,"Ġdirecciones":11287,"plica":11288,"Ġjuvenil":11289,"Ġgiro":11290,"400":11291,"ortuna":11292,"ĠPens":11293,"Ġperjud":11294,"ĠPap":11295,"ĠResta":11296,"Ġcomponente":11297,"Ġamericano":11298,"Ġpromociones":11299,"fecto":11300,"Ġnúcleo":11301,"gramas":11302,"79":11303,"Ġfronteras":11304,"igan":11305,"ĠgalerÃŃa":11306,"ĠÃģrea":11307,"Ġauténtico":11308,"ĠlegÃŃ":11309,"Ġsemi":11310,"ĠSelección":11311,"76":11312,"ĠIgual":11313,"Ġpasaba":11314,"ĠCésar":11315,"Ġcentrales":11316,"ván":11317,"andante":11318,"ĠHemos":11319,"Ġdescubrimiento":11320,"Ġjardines":11321,"Tube":11322,"Ġlee":11323,"Ġestupen":11324,"Ġavanzado":11325,"ĠWhats":11326,"Cam":11327,"Ġcro":11328,"Ġcertificación":11329,"Ġrepente":11330,"trando":11331,"ĠSamsung":11332,"ĠChi":11333,"Ġnegociaciones":11334,"Ġterrenos":11335,"dujo":11336,"certid":11337,"Ġreduc":11338,"Ġhicimos":11339,"uu":11340,"Ġexpediente":11341,"Ġhechas":11342,"eme":11343,"Ġensal":11344,"Ġdiagnos":11345,"Ġexpuls":11346,"mia":11347,"Ġpresupuestos":11348,"ĠJoaqu":11349,"Ġquinta":11350,"Jos":11351,"ĠLar":11352,"Ġinterrump":11353,"Ġtitulado":11354,"Ġbrind":11355,"Ġcaza":11356,"Ġinvitación":11357,"ĠGrande":11358,"ĠObje":11359,"amora":11360,"Ġpollo":11361,"****":11362,"Ġjuntas":11363,"dest":11364,"Ġcolaboradores":11365,"Ġpelea":11366,"Ġafuera":11367,"JE":11368,"ricas":11369,"Ġacorde":11370,"Ġpop":11371,"ubo":11372,"Ġcolaborar":11373,"ĠPúblicas":11374,"esto":11375,"faz":11376,"ciado":11377,"ÃŃrez":11378,"exo":11379,"ĠSha":11380,"amanca":11381,"Actualmente":11382,"Ġwith":11383,"ĠZapatos":11384,"ĠAcces":11385,"Ġescolares":11386,"Ġdevolución":11387,"Ġmadrile":11388,"cÃŃas":11389,"Ġinev":11390,"Ġllor":11391,"Ġbolsillo":11392,"Ġencontraron":11393,"Ġhuelga":11394,"esen":11395,"Ġapete":11396,"ĠStu":11397,"ĠStre":11398,"ĠEp":11399,"Ġvenden":11400,"Ġbis":11401,"Ġbella":11402,"Ġvs":11403,"ĠBiblia":11404,"Ġvuelva":11405,"ĠconocÃŃa":11406,"ĠDin":11407,"letos":11408,"Ġfijo":11409,"Ġdisfrute":11410,"illones":11411,"ĠEscri":11412,"riles":11413,"Ġ56":11414,"Ġsanciones":11415,"Ġhacerle":11416,"Ġfla":11417,"Ġcolonia":11418,"Ġvotación":11419,"ĠNada":11420,"acruz":11421,"Ġ99":11422,"âĨij":11423,"Ġape":11424,"ĠÃģlvarez":11425,"Ġpuse":11426,"Ġatmós":11427,"Ġcóm":11428,"ĠTI":11429,"Ġllevamos":11430,"itco":11431,"idurÃŃa":11432,"Ġregionales":11433,"fol":11434,"Ġdescubre":11435,"Ġestuviera":11436,"ĠJefe":11437,"Ġpetrol":11438,"ándome":11439,"zco":11440,"apar":11441,"Ġdispuestos":11442,"Ġsuspen":11443,"NI":11444,"ĠtÃŃpico":11445,"Ġ1000":11446,"Ġlinea":11447,"Ġgráficos":11448,"Ġcoher":11449,"Ġhere":11450,"Ġnavegar":11451,"2011":11452,"Ġpresentaron":11453,"Ġincidencia":11454,"Ġizquierdo":11455,"irió":11456,"Ġfundador":11457,"Ġcompartido":11458,"onÃŃa":11459,"ĠRES":11460,"Ġviejos":11461,"ĠTiempo":11462,"Ġnube":11463,"Ġverá":11464,"ĠInnov":11465,"Ġmales":11466,"Ġconfort":11467,"olos":11468,"Ġvieron":11469,"Ġvapor":11470,"puestamente":11471,"Ġasust":11472,"Ġrurales":11473,"Ġagru":11474,"terno":11475,"onde":11476,"Ġensayo":11477,"Ġnovedad":11478,"Ġcompromisos":11479,"Ġpapa":11480,"Ġpastel":11481,"guas":11482,"Ġhospitales":11483,"Ġinfección":11484,"Ġcircular":11485,"Ġrescate":11486,"uertos":11487,"tano":11488,"Ġdesconocido":11489,"Ġpasaron":11490,"Cal":11491,"ÃŃe":11492,"Ġpensiones":11493,"Ġdetenidos":11494,"aster":11495,"Ġsustan":11496,"Ġintensa":11497,"Ġescucha":11498,"Ġética":11499,"Ġdescri":11500,"Ġluminos":11501,"ĠToledo":11502,"iaria":11503,"Ġindicadores":11504,"Ġadministrativa":11505,"ĠRecursos":11506,"Ġrelativa":11507,"Ġjudiciales":11508,"Ġmanteniendo":11509,"cera":11510,"piro":11511,"Ġadmir":11512,"Ġreconoció":11513,"ĠRomero":11514,"Ġquedará":11515,"Ġcadenas":11516,"ĠMiami":11517,"alladolid":11518,"ator":11519,"Ġhuéspedes":11520,"Ġpensé":11521,"DD":11522,"macia":11523,"ĠMancha":11524,"entre":11525,"ternidad":11526,"Ġdemues":11527,"Ġdiscriminación":11528,"logÃŃas":11529,"Ġpresentaciones":11530,"Ġhard":11531,"tificar":11532,"Ġdespertar":11533,"nar":11534,"Ġempe":11535,"inf":11536,"ĠSI":11537,"ĠClÃŃn":11538,"ĠMarina":11539,"Ġcastillo":11540,"ĠApar":11541,"Ġvalle":11542,"Ġascenso":11543,"Ġdecis":11544,"Ġeng":11545,"Ġartificial":11546,"eral":11547,"Ġdesgas":11548,"Ġdanza":11549,"tif":11550,"caba":11551,"Ġesquema":11552,"ĠMej":11553,"ĠVa":11554,"Ġinstan":11555,"España":11556,"ĠMercedes":11557,"Ġexigir":11558,"Ġpiensan":11559,"ĠcapÃŃtulos":11560,"Ġángel":11561,"ĠVill":11562,"Ġcapas":11563,"ĠCro":11564,"Ġhomosex":11565,"Ġrestric":11566,"Ġ....":11567,"Ġgenerado":11568,"Ġonda":11569,"ĠEgip":11570,"ĠvÃŃnculo":11571,"carga":11572,"tividades":11573,"hal":11574,"gués":11575,"ĠApo":11576,"ige":11577,"Ġsépti":11578,"Ġviolación":11579,"ENTA":11580,"oración":11581,"Ġactualizar":11582,"ĠGustavo":11583,"dista":11584,"Ġportada":11585,"Ġencontrarse":11586,"Ġconscientes":11587,"Ġexhib":11588,"ĠVerde":11589,"Ġamante":11590,"lana":11591,"ĠCerv":11592,"Ġmotivación":11593,"Ġimprimir":11594,"PR":11595,"Ġadaptar":11596,"Ġgatos":11597,"ets":11598,"ĠPalma":11599,"Ġinterro":11600,"tines":11601,"ĠAlfre":11602,"Ġcomplemento":11603,"Ġalemana":11604,"muy":11605,"Ġvisitante":11606,"Ġfranqu":11607,"ĠFuente":11608,"Ġurbana":11609,"Ġrecinto":11610,"ĠGRA":11611,"ĠGuÃŃa":11612,"Ġradi":11613,"Ġing":11614,"ĠJaime":11615,"Ġsiguió":11616,"ĠAlb":11617,"figu":11618,"anim":11619,"56":11620,"Ġdiseñar":11621,"Ġsalidas":11622,"ford":11623,"ĠSeptiembre":11624,"Ġhuevo":11625,"lorca":11626,"Ġconsumir":11627,"Ġrefrig":11628,"dones":11629,"Ġpaisajes":11630,"Ġincertid":11631,"low":11632,"vila":11633,"ĠSelec":11634,"Ġurgente":11635,"Ġincons":11636,"Ġabus":11637,"anti":11638,"ĠInglés":11639,"Ġcargar":11640,"ĠApro":11641,"ĠChica":11642,"Pr":11643,"ĠâĢĿ":11644,"Ġhúme":11645,"ionistas":11646,"óma":11647,"Ġregula":11648,"âĢĺ":11649,"TIC":11650,"Ġsufrimiento":11651,"ĠRajoy":11652,"Ġsensor":11653,"ometra":11654,"Ab":11655,"tear":11656,"jidad":11657,"Ġreligiosa":11658,"oper":11659,"turadora":11660,"idencial":11661,"ĠSA":11662,"ĠTampoco":11663,"Ġquie":11664,"Ġpresentada":11665,"ĠDemoc":11666,"ĠðŁĺ":11667,"Ġsupera":11668,"Ġpedidos":11669,"char":11670,"Ġunir":11671,"ĠGuadalajara":11672,"Ġnovelas":11673,"orada":11674,"yu":11675,"visor":11676,"lán":11677,"ĠSistemas":11678,"Ġsensible":11679,"Ġposeen":11680,"Ġestatales":11681,"Ġoccidental":11682,"ucristo":11683,"Ġsostiene":11684,"Ġantecedentes":11685,"Ġjuguetes":11686,"ĠStor":11687,"Ġadministrativo":11688,"Ġsatisfac":11689,"Ġrécord":11690,"ĠEscorts":11691,"ĠPRE":11692,"59":11693,"Ġretorno":11694,"ĠRevista":11695,"ÃŃgenes":11696,"of":11697,"ividad":11698,"Ġvengan":11699,"book":11700,"ĠGutiérrez":11701,"ĠDirectiva":11702,"ION":11703,"iss":11704,"ania":11705,"Ġjunta":11706,"ĠCatólica":11707,"Ġcomparte":11708,"ián":11709,"Ġbarro":11710,"Ġcontinuo":11711,"uco":11712,"Ġrecibieron":11713,"Ġdesean":11714,"Ġavanzada":11715,"iciembre":11716,"Ġmantenerse":11717,"Ġexplorar":11718,"Ġreconocida":11719,"Pe":11720,"Tal":11721,"iaciones":11722,"Ġaclarar":11723,"Ġencontrará":11724,"Ġpoblaciones":11725,"Ġquedando":11726,"mun":11727,"Ġrealizarse":11728,"ampa":11729,"Ġsar":11730,"Inicio":11731,"ander":11732,"igas":11733,"colas":11734,"ĠPágina":11735,"Ġformatos":11736,"adáver":11737,"Ġinto":11738,"Ġheridos":11739,"tent":11740,"ficientes":11741,"Ġtác":11742,"Ġfacebook":11743,"Ġfavorita":11744,"Ġmúsculos":11745,"Ġparale":11746,"Ġcorriendo":11747,"Ġpositivos":11748,"Ġpárrafo":11749,"uelta":11750,"Ġcitado":11751,"ĠGratis":11752,"Ġmolde":11753,"AA":11754,"Ġcortos":11755,"resa":11756,"Ġ180":11757,"Ġtram":11758,"ĠEnfer":11759,"Ġnarco":11760,"Ġib":11761,"Ġlocalidades":11762,"Ġencantado":11763,"Ġbebés":11764,"--------":11765,"Ġmedias":11766,"ĠArgent":11767,"ĠNicaragua":11768,"Ġsospech":11769,"Ġopos":11770,"Ġtubo":11771,"Ġsuspendi":11772,"Ġescritores":11773,"Ġefectivos":11774,"Ġsaque":11775,"Ġinteligentes":11776,"tizado":11777,"queros":11778,"Ġrebo":11779,"Ġcualidades":11780,"tti":11781,"izas":11782,"édito":11783,"Ġdenuncias":11784,"Ġdueños":11785,"Ġhijas":11786,"ò":11787,"ĠAgust":11788,"Ġdesarrollan":11789,"Ġretirar":11790,"Ġsera":11791,"ĠObserv":11792,"Ġ1997":11793,"ĠRamÃŃrez":11794,"Ġsupo":11795,"ness":11796,"Ġafectado":11797,"ÂĶ":11798,"ĠCompañ":11799,"Ġabsur":11800,"ĠRen":11801,"Ġcamas":11802,"ĠWa":11803,"obo":11804,"ĠMotor":11805,"Ġpresupues":11806,"ocar":11807,"tte":11808,"ĠTrad":11809,"egr":11810,"Ġcompuesta":11811,"Ġtransparente":11812,"Ġrecomendar":11813,"ecución":11814,"Ġnormales":11815,"eses":11816,"Ġtradiciones":11817,"Ġcompatible":11818,"Ġsangu":11819,"ĠdesafÃŃos":11820,"Mon":11821,"Ġespectadores":11822,"Ġdeportivos":11823,"Ġlev":11824,"Ġdescansar":11825,"Ġgráfica":11826,"idro":11827,"quita":11828,"Ġtecnológica":11829,"Ġmelo":11830,"IENTO":11831,"Ġvistazo":11832,"Ġpasamos":11833,"ioneros":11834,"gador":11835,"Ġotorga":11836,"Ġgimnasio":11837,"ĠTama":11838,"Ġconsiderada":11839,"Ġrestauración":11840,"Ġlindo":11841,"Ġhectáreas":11842,"Ġrevela":11843,"Ġpublicados":11844,"Ġloco":11845,"Ġcaptura":11846,"Ġcho":11847,"Ġempiezan":11848,"Ro":11849,"ĠCub":11850,"2010":11851,"ĠReina":11852,"Ġbebida":11853,"Ġimagin":11854,"ĠPresidencia":11855,"Ġocupación":11856,"CIO":11857,"grada":11858,"yente":11859,"Ġmodernos":11860,"éano":11861,"Ġcomienzan":11862,"ĠME":11863,"Ġmusul":11864,"ĠLaura":11865,"teos":11866,"Ġactúa":11867,"ĠRivera":11868,"ĠKen":11869,"Ġmuscular":11870,"ĠBi":11871,"Ġauxiliar":11872,"ĠminerÃŃa":11873,"Ġprin":11874,"Ġaline":11875,"Ġcrean":11876,"Ġbares":11877,"Ġcamar":11878,"Ġcomenzado":11879,"ĠBlue":11880,"ĠKo":11881,"Ġvos":11882,"Ġsienta":11883,"hola":11884,"Ġeducativas":11885,"Ġpolémica":11886,"Ġcalma":11887,"fonÃŃa":11888,"Ġpeligroso":11889,"Ġpaquetes":11890,"ejas":11891,"Ġdelegación":11892,"ĠMovimiento":11893,"erador":11894,"Ġbuscas":11895,"zamiento":11896,"Ġ54":11897,"Ġvuestros":11898,"gresos":11899,"ĠCic":11900,"Ġvivió":11901,"Ġprocedentes":11902,"Ġesperado":11903,"Todas":11904,"Ġseleccionado":11905,"Ġgloria":11906,"Ġcadáver":11907,"Ġmuro":11908,"Ġempresariales":11909,"Ġpresentamos":11910,"Ġextremadamente":11911,"Ġpreparados":11912,"ĠAgricultura":11913,"OP":11914,"Ġconvierten":11915,"Ġreparto":11916,"Ġexterna":11917,"Ġlink":11918,"Ġtratan":11919,"ĠVenta":11920,"Ġusados":11921,"Ġextrema":11922,"Ġdespla":11923,"Ġhabéis":11924,"pue":11925,"Ġdesaparición":11926,"ĠAll":11927,"Ġparado":11928,"Ġdesgracia":11929,"Ġasimismo":11930,"Ġintegrada":11931,"Ġtramp":11932,"Ġindependientemente":11933,"Ġcontener":11934,"achos":11935,"Ġetiqueta":11936,"ellos":11937,"mor":11938,"Ġangust":11939,"ms":11940,"Ġadoptar":11941,"ĠenergÃŃas":11942,"ĠJuz":11943,"har":11944,"Ġayudarte":11945,"Ġtim":11946,"Ġ72":11947,"Ġcumplido":11948,"Ġenmar":11949,"ĠCapÃŃtulo":11950,"Ġestuve":11951,"Ġacompañar":11952,"ĠfÃŃsicos":11953,"Ġfrontal":11954,"hay":11955,"uj":11956,"Ġcasti":11957,"Ġmierda":11958,"Ġcantar":11959,"ĠAF":11960,"util":11961,"Ġsucedido":11962,"Ġsuya":11963,"Ġligera":11964,"Ġempate":11965,"grados":11966,"Ġtardes":11967,"Ġmanifiesto":11968,"Ġlleve":11969,"Ġprestigio":11970,"Descripción":11971,"apro":11972,"Ġcreador":11973,"Ġdulces":11974,"Ġpiden":11975,"Ġatraer":11976,"Ġhombro":11977,"hÃŃa":11978,"ĠLl":11979,"ĠMara":11980,"ĠConst":11981,"Ġoptar":11982,"Jo":11983,"xa":11984,"ĠParaguay":11985,"Ġcambiando":11986,"Ġfle":11987,"ĠGan":11988,"Ġpecado":11989,"person":11990,"tuoso":11991,"Ġreforzar":11992,"IÃĵN":11993,"eres":11994,"Ġrecal":11995,"Ġacomo":11996,"Ġ51":11997,"oncesto":11998,"ĠRobert":11999,"Ġdestinados":12000,"Ġpinta":12001,"ĠConsejerÃŃa":12002,"Ġple":12003,"Ġtestigo":12004,"Ġoscuridad":12005,"Ġtrate":12006,"ADOS":12007,"hibido":12008,"Ġret":12009,"Ġempo":12010,"madura":12011,"ĠLorenzo":12012,"Ġdens":12013,"Ġlici":12014,"Ġestup":12015,"Ġconfirmado":12016,"Ġcambió":12017,"Ġcrece":12018,"Ġcaz":12019,"Ġdirectivos":12020,"ĠJunio":12021,"ĠmercancÃŃas":12022,"Ġbosques":12023,"Ġatro":12024,"Ġseparado":12025,"Ġpresentará":12026,"Ġediciones":12027,"Ġtitulares":12028,"Ġindispensable":12029,"Ġponga":12030,"ĠTipo":12031,"gs":12032,"ĠCaracas":12033,"Ġafric":12034,"Ġtextura":12035,"ani":12036,"ñal":12037,"Ġinversores":12038,"rie":12039,"Ġcomisiones":12040,"»¿":12041,"Ġuniversitarios":12042,"ĠFron":12043,"GRA":12044,"Ġprofundamente":12045,"Ġplanos":12046,"Ġrellen":12047,"dora":12048,"Ġasim":12049,"porque":12050,"tipos":12051,"Ġalcanz":12052,"Ġliberales":12053,"Ġentrevistas":12054,"oros":12055,"ĠConven":12056,"ĠMáster":12057,"elle":12058,"ĠGrecia":12059,"Ġtrasera":12060,"ásico":12061,"Ġvertical":12062,"Ġlograron":12063,"món":12064,"Ġrever":12065,"ĠElectoral":12066,"iness":12067,"Ġmedición":12068,"güenza":12069,"BS":12070,"ĠLee":12071,"rita":12072,"Ġgrie":12073,"izos":12074,"itro":12075,"Ġradical":12076,"Ġdéci":12077,"Ġmiel":12078,"irch":12079,"Ġcomplejos":12080,"Ġencantan":12081,"ĠJesucristo":12082,"Ġpoderoso":12083,"Ġexpresiones":12084,"ĠCursos":12085,"Ġcontun":12086,"Ġtransfer":12087,"Ġllave":12088,"Ġmasas":12089,"Ġconfigurar":12090,"gui":12091,"ĠDie":12092,"Ġsobrevivir":12093,"Ġnatur":12094,"Ġacadémica":12095,"Ġdespacho":12096,"cela":12097,"Ġfores":12098,"ĠMariano":12099,"Ġredi":12100,"Ġprece":12101,"Ġirá":12102,"Ġrealice":12103,"ĠStan":12104,"Ġejemplares":12105,"Ġcuotas":12106,"Ġconsideró":12107,"mático":12108,"ĠMauricio":12109,"ĠTit":12110,"Ġintegridad":12111,"Ġquedaba":12112,"Ġcercanos":12113,"Ġmanio":12114,"ramiento":12115,"PC":12116,"tadora":12117,"Leer":12118,"Ġnovedos":12119,"Ġepisodios":12120,"Ġ57":12121,"Ġadecuados":12122,"Ġengan":12123,"Ġabuela":12124,"Ġeró":12125,"Ġfinanciamiento":12126,"Ġalo":12127,"ĠDeleg":12128,"Ġefectivamente":12129,"ĠXVI":12130,"Ġcomentado":12131,"800":12132,"ĠartÃŃstico":12133,"Ġescándal":12134,"Toda":12135,"ĠâĢľÂ¿":12136,"ĠMinistro":12137,"ĠVega":12138,"Ġtomo":12139,"Ġpusieron":12140,"Ġadulto":12141,"Ġplazos":12142,"Ġbotella":12143,"ĠPra":12144,"Ġcomenta":12145,"Ġmoch":12146,"Ġconvencer":12147,"ecé":12148,"ĠMaster":12149,"ĠEu":12150,"lique":12151,"Ġmedicamento":12152,"logos":12153,"Ġalza":12154,"lfo":12155,"iki":12156,"ĠCualquier":12157,"ANA":12158,"Ġgrasas":12159,"Ġcincuenta":12160,"Ġsueldo":12161,"ĠValladolid":12162,"adar":12163,"fu":12164,"Ġsepa":12165,"selo":12166,"Ġafectadas":12167,"ĠEgipto":12168,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":12169,"Ġatmósfera":12170,"Ġpiz":12171,"Ġsinies":12172,"Ġextraordinaria":12173,"Ġauténtica":12174,"Ġsucedió":12175,"Ġgasolina":12176,"ĠBajo":12177,"Ġ1996":12178,"Ġcarreteras":12179,"Ġministerio":12180,"Ġmanifiesta":12181,"trica":12182,"Ġargentinos":12183,"Ġautomático":12184,"Ġmonedas":12185,"Ġpertenecen":12186,"Ġtrastornos":12187,"Ġaprobó":12188,"Ġexposiciones":12189,"Ġasociado":12190,"Ġsupuestamente":12191,"emia":12192,"Ġexigencias":12193,"poración":12194,"yectos":12195,"icciones":12196,"uss":12197,"dito":12198,"ĠTorn":12199,"ĠRespons":12200,"ĠNuestros":12201,"Ġcorregir":12202,"Ġchina":12203,"Ġdeterminación":12204,"Ġequipamiento":12205,"ámicas":12206,"Ġenfrenta":12207,"Ġoperadores":12208,"Ġinvitado":12209,"Ġterrorismo":12210,"dices":12211,"Ġopon":12212,"Ġsemestre":12213,"Ġfases":12214,"discipl":12215,"Ġmentira":12216,"ĠInfantil":12217,"Ġanimación":12218,"Ġespecialidad":12219,"Ġincendio":12220,"Ġputa":12221,"Ġcotidiana":12222,"aqueta":12223,"Ġcontempla":12224,"ING":12225,"Ġtemporadas":12226,"Ġoficialmente":12227,"fitri":12228,"Ġ1994":12229,"ĠMacri":12230,"Ġpreguntó":12231,"Ġlimitada":12232,"ĠquÃŃmicos":12233,"Ġconcluyó":12234,"Ġsorprender":12235,"Ġvocación":12236,"ĠWord":12237,"ĠYouTube":12238,"Ġéxitos":12239,"Ġcuchar":12240,"Ġinformática":12241,"ĠSL":12242,"Ġretom":12243,"Ġadapta":12244,"Ġtecnológico":12245,"Ġemitir":12246,"éricas":12247,"COM":12248,"Entonces":12249,"Ġaroma":12250,"Ġreacciones":12251,"abell":12252,"ñoz":12253,"ĠConferencia":12254,"Ġcorreos":12255,"Ġrenuncia":12256,"chi":12257,"Ġcontando":12258,"Ġobtenidos":12259,"ĠPrecio":12260,"aduras":12261,"Ġout":12262,"ciosa":12263,"Ġdesierto":12264,"Ġnavide":12265,"ĠAbog":12266,"Ġcubre":12267,"istente":12268,"rases":12269,"Ġdemand":12270,"57":12271,"Ġcé":12272,"mu":12273,"Ġforos":12274,"ÃŃcolas":12275,"Ġconforman":12276,"ĠOrtega":12277,"ĠAbril":12278,"yan":12279,"TEN":12280,"Ġinvestigador":12281,"Ġganadores":12282,"Ġsistem":12283,"ĠrÃŃos":12284,"Ġpromete":12285,"Ġmantenido":12286,"drigo":12287,"ĠEU":12288,"Ġaquél":12289,"ĠPerio":12290,"Ġcapitalismo":12291,"Ġrayos":12292,"Ġdestruir":12293,"Ġperdón":12294,"usk":12295,"Ġpico":12296,"Ġconcer":12297,"Ġcomparten":12298,"Ġentera":12299,"Ġvaca":12300,"Ġinterpretar":12301,"Ġcep":12302,"ĠLabor":12303,"ĠPrimer":12304,"Ġlág":12305,"Ġcalzado":12306,"ĠSección":12307,"ĠHonduras":12308,"alim":12309,"rimos":12310,"Ġaplicable":12311,"ĠseguÃŃa":12312,"Ġpist":12313,"Ġinicios":12314,"uerte":12315,"ĠEncuentro":12316,"ĠJoaquÃŃn":12317,"Ġrecurrir":12318,"Ġmama":12319,"Ġblancas":12320,"Ġcalificación":12321,"Ġobviamente":12322,"Ġmatr":12323,"ĠFlorida":12324,"ĠEncuentra":12325,"Ġzapatillas":12326,"Ġpensamos":12327,"Ġsano":12328,"Ġempleos":12329,"Fu":12330,"ĠAtlético":12331,"arela":12332,"publ":12333,"ça":12334,"Ġconduce":12335,"bados":12336,"Ġinformaciones":12337,"ĠTerri":12338,"Ġcosm":12339,"Ġenseña":12340,"Ġhem":12341,"Ġinauguración":12342,"Ġtropas":12343,"cé":12344,"Ġposicionamiento":12345,"Ġbande":12346,"Ġsitúa":12347,"urg":12348,"ómicos":12349,"ĠhabÃŃamos":12350,"Ġelectorales":12351,"ĠTécnica":12352,"Ho":12353,"Ġmaravilla":12354,"Ġemprendedores":12355,"ĠCuar":12356,"culas":12357,"Ġbloqueo":12358,"ĠBolsa":12359,"Ġinmueble":12360,"Ġperdida":12361,"Ġ59":12362,"Ġlámp":12363,"ĠSent":12364,"stein":12365,"Ġvitamina":12366,"Ġmódulo":12367,"Ġreúne":12368,"mel":12369,"Ġsincer":12370,"Ġbronce":12371,"ĠAún":12372,"cepto":12373,"ĠdirÃŃa":12374,"Ġintes":12375,"ĠturÃŃstica":12376,"Ġnecesitaba":12377,"cionalidad":12378,"Ġestábamos":12379,"Ġsecues":12380,"Ġconvirti":12381,"ĠHola":12382,"cú":12383,"Ġubica":12384,"Ġpersonalizado":12385,"ĠcÃŃrculo":12386,"Ġcoloca":12387,"ĠSac":12388,"Ġtome":12389,"Ġsupuestos":12390,"Ġconexiones":12391,"pones":12392,"Ġsobresal":12393,".).":12394,"Ġlimitaciones":12395,"Mé":12396,"uza":12397,"Ġaula":12398,"Ġ1995":12399,"Ġrodea":12400,"ross":12401,"Ġgenerando":12402,"ĠElectrón":12403,"ĠGuerrero":12404,"Cuán":12405,"Ġconcesión":12406,"Ġsubra":12407,"Ġcrónica":12408,"ĠDeportivo":12409,"CL":12410,"Ġhubieran":12411,"Ne":12412,"Ġrup":12413,"Ġcil":12414,"Do":12415,"cript":12416,"Ġdebió":12417,"CIAS":12418,"Ġcreencias":12419,"alizan":12420,"Ġfortuna":12421,"Ġcusto":12422,"ĠPorno":12423,"Ġrasgos":12424,"érpre":12425,"Ġinevitable":12426,"Ġrelevancia":12427,"Ġambientes":12428,"Ġinstituto":12429,"Ġ58":12430,"ĠVel":12431,"Ġhallaz":12432,"tren":12433,",.":12434,"radora":12435,"ĠFigu":12436,"Ġdesarrolló":12437,"Ġmascotas":12438,"Ġ53":12439,"Ġanuncia":12440,"Ġdescribir":12441,"Ġara":12442,"Ġsemif":12443,"Ġparques":12444,"Ġobservación":12445,"ótica":12446,"ĠExteriores":12447,"Ġasent":12448,"Ġpatrones":12449,"Ġofreció":12450,"EP":12451,"ĠCompe":12452,"Ġcaballos":12453,"Ġtrage":12454,"ĠAlianza":12455,"getales":12456,"Ġnavidad":12457,"ĠSig":12458,"Ġdram":12459,"Ġevangel":12460,"osten":12461,"Ġcompa":12462,"Ġpantallas":12463,"Ġ700":12464,"estrÃŃa":12465,"Ġvera":12466,"Ġterritorial":12467,"ĠsabidurÃŃa":12468,"Ġdestacados":12469,"Ġradic":12470,"Ġconviene":12471,"ĠCha":12472,"Ġcubanos":12473,"ĠDiciembre":12474,"Ġarres":12475,"Algunos":12476,"ders":12477,"Ġprotocolo":12478,"Ġlogros":12479,"Ġgradu":12480,"ĠCort":12481,"Ġsupongo":12482,"ĠPlaya":12483,"Ġporqué":12484,"ĠAnálisis":12485,"TAL":12486,"Ġverla":12487,"Ġcometido":12488,"Ġchav":12489,"Ġprevista":12490,"Ġdoctrina":12491,"ĠCrea":12492,"Ġmix":12493,"ĠPuebla":12494,"Ġflexibilidad":12495,"Ġacabo":12496,"Ġregistró":12497,"Ġencuentras":12498,"Ġinvi":12499,"ĠquÃŃmica":12500,"ĠtÃŃo":12501,"remo":12502,"Ġpacto":12503,"ĠDia":12504,"Ġpira":12505,"Ġsolos":12506,"Ġbonitas":12507,"ĠOlÃŃmp":12508,"gualmente":12509,"mens":12510,"Ġcuarenta":12511,"ĠIz":12512,"Ġcalefacción":12513,"Ġsombras":12514,"dro":12515,"Ġsalieron":12516,"Ġbrutal":12517,"Ġsolicitado":12518,"ĠCondiciones":12519,"Ġ1990":12520,"unya":12521,"ajar":12522,"ARI":12523,"Ġacompaña":12524,"ĠPark":12525,"Ġhumanas":12526,"Ġpresentarse":12527,"omento":12528,"Ġescuchado":12529,"Ġahi":12530,"ulados":12531,"Ġcamion":12532,"vista":12533,"Ġlógico":12534,"Ġexpresamente":12535,"Ġobtención":12536,"Ġdarte":12537,"Ġaseguran":12538,"Ġempa":12539,"Ġsindicatos":12540,"jecimiento":12541,"Ġvenezolanos":12542,"Ġmadu":12543,"Ġconjunta":12544,"Ġdesin":12545,"ĠFuerza":12546,"Ġcristiana":12547,"ĠNar":12548,"ĠVasco":12549,"Ġexterno":12550,"Ġreveló":12551,"ÃŃvar":12552,"Ġculto":12553,"iblemente":12554,"ĠPort":12555,"teza":12556,"ĠRan":12557,"ĠGenerales":12558,"ARC":12559,"Ġcomplejidad":12560,"TES":12561,"ãĤ":12562,"ĠSalamanca":12563,"Ġalu":12564,"Ġprofesora":12565,"Ġbásicamente":12566,"Ġencer":12567,"ect":12568,"Ġdirectores":12569,"2007":12570,"Ġenvió":12571,"Ġitaliana":12572,"Ġrapidez":12573,"Ġsecciones":12574,"resión":12575,"cusión":12576,"ĠJac":12577,"ĠSara":12578,"ĠMarta":12579,"Ġdenomina":12580,"Ter":12581,"TP":12582,"Ġdetermina":12583,"Ġvoluntarios":12584,"tándose":12585,"Ġcreativo":12586,"alizando":12587,"amarca":12588,"Ġexperiment":12589,"mita":12590,"Ġpermitiendo":12591,"ĠVers":12592,"orado":12593,"ĠAplic":12594,"Ġsometer":12595,"Ġimpide":12596,"Ġdegust":12597,"Ġformada":12598,"Ġrespectivos":12599,"Ġequipada":12600,"Ġembal":12601,"Ġexista":12602,"PER":12603,"Ġconserva":12604,"Ġcontraste":12605,"Ġfieles":12606,"Ġensayos":12607,"App":12608,"icho":12609,"Ġreen":12610,"HA":12611,"Ġconduci":12612,"Ġsentado":12613,"ĠExp":12614,"ache":12615,"Ġpersi":12616,"Ġremedio":12617,"Ġconquist":12618,"Ġincertidumbre":12619,"ueven":12620,"Encuent":12621,"ĠturÃŃsticos":12622,"Ġocultar":12623,"EB":12624,"vieran":12625,"Ġcerró":12626,"Ġcamisetas":12627,"Ġarrep":12628,"ĠDisfru":12629,"Ġplenamente":12630,"ueba":12631,"Dentro":12632,"Ġaborto":12633,"Ġcrees":12634,"ĠNúmero":12635,"Ġinflam":12636,"Ġstan":12637,"Ġconsejero":12638,"Ġsecundarios":12639,"ĠMedina":12640,"Ġevita":12641,"ĠarmonÃŃa":12642,"umas":12643,"Ġcontaba":12644,"Ġcódigos":12645,"ĠConstitucional":12646,"andra":12647,"Ġinac":12648,"Ġconductores":12649,"ĠCanaria":12650,"Ġcubana":12651,"Ġvolante":12652,"yac":12653,"tiza":12654,"Ġdiscutir":12655,"Ġintervenciones":12656,"Ġreflexionar":12657,"ĠincreÃŃbles":12658,"vic":12659,"Ġiniciado":12660,"Ġpersonalizada":12661,"ĠModer":12662,"kers":12663,"eval":12664,"ordi":12665,"Ġcruzar":12666,"Ġhábil":12667,"igar":12668,"ĠTour":12669,"ĠExtremadura":12670,"Cuál":12671,"pada":12672,"Ġparezca":12673,"Ġreconocidos":12674,"Ġfuturas":12675,"ĠLÃŃnea":12676,"Ġais":12677,"Ġdecidieron":12678,"ámites":12679,"Ġdesaparecer":12680,"Ġentrevist":12681,"Ġargument":12682,"Ġjaponés":12683,"ĠDisney":12684,"Ġsustancia":12685,"Ġfirmar":12686,"Ġ09":12687,"ĠCC":12688,"Ġcron":12689,"ĠilÃŃ":12690,"Ġbola":12691,"Ġpatria":12692,"Ġfundamentalmente":12693,"ĠCV":12694,"Ġnegras":12695,"ĠOpen":12696,"Ġconservar":12697,"Ġsoledad":12698,"uevo":12699,"Ġinterfaz":12700,"ándolos":12701,"itante":12702,"Ġestablecidas":12703,"Ġentregó":12704,"ĠTransporte":12705,"core":12706,"ĠEle":12707,"CIAL":12708,"Ġconectado":12709,"ĠSco":12710,"Ġsanción":12711,"Ġencuestas":12712,"ĠRoc":12713,"cing":12714,"Juan":12715,"Ġestés":12716,"Ġdifundir":12717,"Ġprocede":12718,"ku":12719,"Ġarreglar":12720,"Ġqueb":12721,"Ġficha":12722,"Ġdol":12723,"ĠMuñoz":12724,"Ven":12725,"ĠUSA":12726,"tto":12727,"Ġpreferencias":12728,"ĠCuerpo":12729,"ĠLucas":12730,"Ġurgencia":12731,"Ġtransformar":12732,"Ġautent":12733,"Ġconfirma":12734,"ĠAnim":12735,"Ġtrámites":12736,"Ġsolucion":12737,"ĠSiria":12738,"ĠCaja":12739,"ieras":12740,"Ġhagas":12741,"Ġtristeza":12742,"ĠenvÃŃa":12743,"Ġov":12744,"Ġirse":12745,"Ġbanca":12746,"loj":12747,"ĠAcuerdo":12748,"ĠGrado":12749,"fónica":12750,"ĠRamos":12751,"Ġnegar":12752,"jemp":12753,"Ġchoque":12754,"Ġperdiendo":12755,"Ġconstitución":12756,"enio":12757,"ĠEdad":12758,"ĠAquel":12759,"alición":12760,"Ġextremos":12761,"ĠSerá":12762,"tillos":12763,"jalá":12764,"Ġnumero":12765,"rerÃŃa":12766,"Ġunidos":12767,"Ġtetas":12768,"Ġencontraban":12769,"Ġsatél":12770,"Ġrelativo":12771,"ĠDiputados":12772,"ĠGeorge":12773,"Ġvein":12774,"ĠDeporte":12775,"ĠRural":12776,"ĠTOD":12777,"Ġacompañada":12778,"pecial":12779,"Ġexternos":12780,"Ġayuntamiento":12781,"ĠAmbos":12782,"ika":12783,"Ġefectuar":12784,"ĠEstatu":12785,"Ġincluidas":12786,"Ġmigra":12787,"Ġsemejante":12788,"Ġadecuadas":12789,"Ġcomprado":12790,"Ġfortaleza":12791,"ĠAde":12792,"ĠTeresa":12793,"Ġsuelos":12794,"ENA":12795,"Ġespectaculares":12796,"ĠWe":12797,"Ġclasific":12798,"Ġexámenes":12799,"Ġrecip":12800,"rás":12801,"Puedes":12802,"Ġtablas":12803,"Ġbil":12804,"Ġpilotos":12805,"Ġdiseñada":12806,"Ġuniforme":12807,"Ġpreca":12808,"ĠDentro":12809,"Ġdesempleo":12810,"Ġguardia":12811,"ĠmarÃŃ":12812,"Ġhabiendo":12813,"Ġcorresponden":12814,"Ġinsec":12815,"ĠVideo":12816,"ionista":12817,"Ġverificar":12818,"Ġadopción":12819,"Ġpotenciales":12820,"Ġmecánica":12821,"Ġdobl":12822,"Ġvenga":12823,"Ġnervios":12824,"ĠDVD":12825,"Ġqueridos":12826,"Ġmostrando":12827,"Ġvegetales":12828,"Ġ1993":12829,"Ġsolicita":12830,"uelto":12831,"Ġpresta":12832,"mplemente":12833,"Ġaviones":12834,"Ġredacción":12835,"Ġextraordinario":12836,"Ġjab":12837,"Ġdeportistas":12838,"sey":12839,"gol":12840,"Ġsustent":12841,"caden":12842,"Ġsillas":12843,"ĠFOR":12844,"ĠParece":12845,"Ġcierra":12846,"Ġira":12847,"Ġrelojes":12848,"Ġproceder":12849,"ĠMach":12850,"Ġhuesos":12851,"Ġinvis":12852,"ĠPacÃŃfico":12853,"Ġisrael":12854,"Ġdisfrutando":12855,"Ġpropuesto":12856,"Ġcerrada":12857,"Ġreservar":12858,"ĠjudÃŃos":12859,"ĠHijo":12860,"ĠSuiza":12861,"Ġoliva":12862,"Ġcomedia":12863,"elli":12864,"illera":12865,"Ġcomunicar":12866,"vecha":12867,"Ġterapéut":12868,"Ġlimita":12869,"Ġhigiene":12870,"unidad":12871,"EF":12872,"ĠBale":12873,"ush":12874,"ĠIra":12875,"Ġempezaron":12876,"Ġcomprende":12877,"video":12878,"Ġantigüedad":12879,"rich":12880,"venta":12881,"usal":12882,"ĠEstudio":12883,"Ġexteriores":12884,"Ġfidel":12885,"Ġabar":12886,"Ġactitudes":12887,"82":12888,"Ġuñas":12889,"Ġdetección":12890,"Ġfantástico":12891,"Ġvariar":12892,"zi":12893,"Ġuniversitaria":12894,"produc":12895,"Ġaparentemente":12896,"Ġaco":12897,"áut":12898,"Ġdinam":12899,"Ġ(âĢľ":12900,"Ġquita":12901,"irchner":12902,"ĠMaria":12903,"Ġfuga":12904,"________":12905,"Ġhallar":12906,"ions":12907,"Ġber":12908,"ĠpÃŃ":12909,"Ġaverigu":12910,"Ġnuclear":12911,"ĠUs":12912,"Ġmur":12913,"Ġfoc":12914,"desde":12915,"Recuer":12916,"gú":12917,"Ġintenciones":12918,"Ġinvent":12919,"Ġexportaciones":12920,"ĠClaro":12921,"restre":12922,"Ġesqu":12923,"Ġdecirle":12924,"Ġrazonable":12925,"ĠGén":12926,"Ġfeder":12927,"Inter":12928,"Ġaccesible":12929,"Ġunido":12930,"Ġmasculino":12931,"ĠHombres":12932,"],":12933,"Ġcostado":12934,"Ġtenis":12935,"ĠIngenier":12936,"Ġseca":12937,"Ġcentra":12938,"Ġrivales":12939,"pers":12940,"Ġdolores":12941,"Ġoperar":12942,"ĠSum":12943,"Ġcogn":12944,"Ġatravi":12945,"Ġgrabado":12946,"Ġdecorar":12947,"Madrid":12948,"ast":12949,"Ġperdon":12950,"oni":12951,"Ġcoj":12952,"Ġinvestiga":12953,"Ġsignificativo":12954,"ĠAnal":12955,"Ġfavorecer":12956,"Ġgole":12957,"Ġitiner":12958,"Ġconcepción":12959,"Ġramas":12960,"Ġmeteor":12961,"Ġanfitri":12962,"Ġflexible":12963,"iko":12964,"ĠcaÃŃdo":12965,"éndole":12966,"Ġlap":12967,"72":12968,"ĠInnovación":12969,"Ġrecibirá":12970,"Ġúnicas":12971,"Ġextender":12972,"Ġ900":12973,"Ġclaros":12974,"lywood":12975,"querÃŃa":12976,"Ġlocura":12977,"ĠSanidad":12978,"omen":12979,"Ġmapas":12980,"Ġtraspas":12981,"ĠPeter":12982,"Ġxxx":12983,"Ġeuropeas":12984,"Ġdata":12985,"Ġbanc":12986,"mann":12987,"eñas":12988,"Ġsube":12989,"Ġcriminal":12990,"Ġincidente":12991,"Ġcopias":12992,"VO":12993,"ĠMark":12994,"Ġenergético":12995,"Ġneur":12996,"Ġparto":12997,"Ġjajaja":12998,"tabria":12999,"ocen":13000,"Ġodi":13001,"Ġconcretamente":13002,"éctor":13003,"Ġapel":13004,"Ġmail":13005,"Ġconcluir":13006,"Ġsofist":13007,"Ġconcreta":13008,"intendo":13009,"ĠMarzo":13010,"Ġhermanas":13011,"Ġdecirlo":13012,"Ġroca":13013,"Ġoch":13014,"ĠBomb":13015,"Ġintentó":13016,"ĠLim":13017,"ĠIntegr":13018,"ĠSuárez":13019,"Ġcláus":13020,"Ġplay":13021,"Quieres":13022,"Ġpotenciar":13023,"Ġreseña":13024,"miten":13025,"Ġentusiasmo":13026,"Ġmejorando":13027,"ĠRoja":13028,"Ġcompl":13029,"81":13030,"Ġnariz":13031,"ĠHabÃŃa":13032,"ĠVeracruz":13033,"Ġentregado":13034,"Ġeditor":13035,"stal":13036,"Ġdenominada":13037,"Ġcertamen":13038,"ases":13039,"ayo":13040,"ĠHerrera":13041,"iciar":13042,"tit":13043,"54":13044,"ĠfantasÃŃa":13045,"dre":13046,"contra":13047,"Ġcorrientes":13048,"Ġrecomendación":13049,"grafos":13050,"Ġalturas":13051,"Ġteclado":13052,"Ġang":13053,"Ġcocinar":13054,"ĠMár":13055,"ĠComercial":13056,"Ġproporción":13057,"Her":13058,"Ġverás":13059,"ĠEditorial":13060,"ĠForma":13061,"Ġafición":13062,"tariado":13063,"Ġ69":13064,"Ġ66":13065,"osidad":13066,"Ġresultan":13067,"Ġsupervis":13068,"ĠPost":13069,"abuena":13070,"ament":13071,"Ġrequerimientos":13072,"Ġpsi":13073,"Ġfavorable":13074,"Ġgolf":13075,"iéndo":13076,"Ġtirar":13077,"ĠdecidÃŃ":13078,"Ġsumamente":13079,"Ġpoemas":13080,"Ġrespir":13081,"ĠRepres":13082,"tez":13083,"Ġfalso":13084,"tamentos":13085,"Ġdesplie":13086,"iete":13087,"utado":13088,"Muchos":13089,"Ġbloques":13090,"Ġanaliza":13091,"ĠPersonas":13092,"recha":13093,"xis":13094,"Ġ°":13095,"@@@@@@@@":13096,"ĠNike":13097,"ĠRojo":13098,"Ġvimos":13099,"ĠmÃŃnimos":13100,"Ġcompetente":13101,"Ġtatu":13102,"Ġgases":13103,"Ġnoble":13104,"ĠRioja":13105,"ÃŃgeno":13106,"PP":13107,"lara":13108,"ĠBill":13109,"táneamente":13110,"ĠIslas":13111,"Ġcodi":13112,"Ġfiltro":13113,"Ġdefinitivo":13114,"Buenas":13115,"Ġcardio":13116,"ĠIntroducción":13117,"%),":13118,"Ġaumentando":13119,"Ġgoma":13120,"Ġcultivos":13121,"ĠMora":13122,"ciende":13123,"Ġprocur":13124,"Ġsuman":13125,"Ġpuertos":13126,"Ġcircunstancia":13127,"ĠoÃŃr":13128,"Ġtún":13129,"inoso":13130,"Ġdroga":13131,"Ġbatal":13132,"Ġpreval":13133,"ĠorÃŃgenes":13134,"ĠProces":13135,"Ġatractivos":13136,"ĠAvenida":13137,"Ġsegmento":13138,"²":13139,"Ġrestaurar":13140,"Ġpantalones":13141,"SC":13142,"Ġimperial":13143,"Ġépocas":13144,"ganda":13145,"quera":13146,"Ġpoema":13147,"politana":13148,"Ġfachada":13149,"ĠGonzalo":13150,"Vamos":13151,"ĠRela":13152,"Ġperiodismo":13153,"Ġsabores":13154,"Ġgui":13155,"DUC":13156,"izador":13157,"Ġmega":13158,"Ġfallecido":13159,"Ġneuro":13160,"Ġcancelación":13161,"Ġreunir":13162,"parse":13163,"itch":13164,"Ġconstantes":13165,"Ġoscura":13166,"Ġbodas":13167,"Ġpermanece":13168,"Ġpeces":13169,"ĠValent":13170,"ilado":13171,"83":13172,"ĠNombre":13173,"ĠBaja":13174,"Ġmaestra":13175,"ĠAtlán":13176,"vena":13177,"Ġtamaños":13178,"Ġcarpeta":13179,"Ġfraude":13180,"Ġapoya":13181,"Ġgriego":13182,"dul":13183,"Serv":13184,"Ġplac":13185,"Ġnutrientes":13186,"Ġgala":13187,"Ġfijar":13188,"Ġdecimos":13189,"Ġhiciera":13190,"INE":13191,"ĠBerlÃŃn":13192,"Ġdesvi":13193,"Ġextracción":13194,"Ġembarazada":13195,"Ġvergüenza":13196,"ĠRodrigo":13197,"Ġguión":13198,"Ġpolla":13199,"ĠKing":13200,"Ġencam":13201,"Ġhech":13202,"ĠCI":13203,"itz":13204,"gase":13205,"Ġjusta":13206,"Ġsoportar":13207,"icto":13208,"Tiene":13209,"Fel":13210,"Ġmigrantes":13211,"ĠMallorca":13212,"ĠGlobal":13213,"ĠCentros":13214,"ONA":13215,"52":13216,"Ġ1992":13217,"Ġtalentos":13218,"iense":13219,"Ġformando":13220,"ĠIVA":13221,"Ġmide":13222,"Ġmagnitud":13223,"ingos":13224,"Pon":13225,"Ġconsola":13226,"ĠFol":13227,"Ġsustitución":13228,"Ġaprovechando":13229,"Ġelevada":13230,"luten":13231,"ñones":13232,"ĠQuiero":13233,"ĠGor":13234,"74":13235,"ocimiento":13236,"Ġretor":13237,"Ġsupervivencia":13238,"Ġhombros":13239,"Ġsacerdote":13240,"Ġconlleva":13241,"kia":13242,"Ġvolverá":13243,"Ġrefugio":13244,"ĠMens":13245,"hacer":13246,"Ġsanitario":13247,"Ġarbi":13248,"MC":13249,"Ġbox":13250,"Ġreporte":13251,"Ġconvencional":13252,"Ġcorrup":13253,"Ġfarmacéut":13254,"Ġnor":13255,"Ġministra":13256,"unos":13257,"Ġhipótesis":13258,"Ġhablaba":13259,"Ġplus":13260,"Ġconmem":13261,"ĠAlfredo":13262,"ĠCenter":13263,"Ġimpu":13264,"Ġdecep":13265,"Ġmensaj":13266,"Ġtrabajamos":13267,"Ġdensidad":13268,"Ġhamb":13269,"Ġalb":13270,"Ġreparar":13271,"Ġcomparar":13272,"Ġcón":13273,"ĠIndi":13274,"Ġacadémicos":13275,"ĠFra":13276,"Ġcontemplar":13277,"Ġutilizadas":13278,"Ġvolar":13279,"ĠAU":13280,"Ġpudimos":13281,"Ġcompetitividad":13282,"ĠVillar":13283,"Ġdeterioro":13284,"Ġsustituir":13285,"Ġmobil":13286,"ĠTomás":13287,"uevas":13288,"Ġmuertes":13289,"ĠPER":13290,"urado":13291,"Ġmediano":13292,"Ġbrasileño":13293,"Ġchileno":13294,"Ġlimón":13295,"iebre":13296,"Ġfalleció":13297,"tibles":13298,"Ġdedicación":13299,"Ġsanitaria":13300,"Ġempezando":13301,"Ġincumplimiento":13302,"Ġherencia":13303,"ĠMargar":13304,"Ġsepara":13305,"áser":13306,"Ġfina":13307,"ĠExtra":13308,"ĠHy":13309,"ĠCaball":13310,"Ġpinturas":13311,"Ġdebidamente":13312,"naval":13313,"Ġinfecciones":13314,"Ġempezado":13315,"Ġdarán":13316,"Ġnubes":13317,"Ġdiámetro":13318,"Ġconcil":13319,"Ġfenómenos":13320,"Ġexplicaciones":13321,"Ġnatal":13322,"Ġmensuales":13323,"ĠADN":13324,"junto":13325,"Ġmonte":13326,"Ġdesaparecido":13327,"LC":13328,"Ġmolinos":13329,"ĠCateg":13330,"ĠObras":13331,"Ġmatemáticas":13332,"Ġsurgió":13333,"Ġdemo":13334,"Ġcomplementos":13335,"ĠÂĵ":13336,"600":13337,"Ġelectr":13338,"Ġbotones":13339,"Ġperegr":13340,"ilados":13341,"ĠCatalunya":13342,"dario":13343,"ĠGalax":13344,"Ġafirmar":13345,"Plan":13346,"gob":13347,"ĠPay":13348,"Ġabandono":13349,"ĠONG":13350,"éndolo":13351,"Ġplacas":13352,"Ġmodifica":13353,"Ġsobretodo":13354,"paración":13355,"Ġasientos":13356,"Ġsanto":13357,"Solo":13358,"Ġencargada":13359,"Ġhabitualmente":13360,"ĠDIS":13361,"Ġespada":13362,"Ġobligados":13363,"Ġsolitario":13364,"Ġpav":13365,"cuando":13366,"Foto":13367,"átil":13368,"Ġabundante":13369,"Ġinterv":13370,"Ġparal":13371,"ĠVargas":13372,"Ġhero":13373,"Ġmarcó":13374,"Ġinicialmente":13375,"Ġdisponen":13376,"Ġsubió":13377,"mith":13378,"Ġentendido":13379,"Ġampliamente":13380,"ĠPilar":13381,"Ġadministrador":13382,"iemb":13383,"Ġaportan":13384,"Ġgem":13385,"Ġjugó":13386,"Ġidentificado":13387,"key":13388,"Ġdesastre":13389,"Ġcoordinador":13390,"ĠRoy":13391,"Ġretiro":13392,"Ġobstáculos":13393,"Ġsofá":13394,"Ġhidro":13395,"Ġpapá":13396,"ĠElena":13397,"ĠHaz":13398,"Ġcercanas":13399,"vá":13400,"Ġencuentren":13401,"Ġcomenzará":13402,"Ġsaludables":13403,"ĠPlus":13404,"ĠINTER":13405,"Ġinmuebles":13406,"ĠTotal":13407,"Ġmención":13408,"Ġlenguas":13409,"Ġreligioso":13410,"claje":13411,"Ġintermedi":13412,"ométr":13413,"ĠCOR":13414,"Ġevitando":13415,"cientos":13416,"tag":13417,"back":13418,"Ġbasados":13419,"ĠPatr":13420,"Ġ360":13421,"inares":13422,"Ġprimas":13423,"Ġindustrias":13424,"2009":13425,"Ġcandidatura":13426,"Ġllenar":13427,"Ġgustaba":13428,"Ġsumerg":13429,"ĠGEN":13430,"ĠIncluye":13431,"Ġadaptarse":13432,"ruecos":13433,"Ġlingü":13434,"acos":13435,"Ġsiglas":13436,"Ġcompleja":13437,"Ġfotograf":13438,"ĠNadie":13439,"Ġtard":13440,"Ġpierdas":13441,"Ġejemplar":13442,"illado":13443,"Ġpromesa":13444,"lamos":13445,"Ġrara":13446,"ĠcrÃŃticos":13447,"Ġarmado":13448,"ĠExisten":13449,"53":13450,"landia":13451,"Ġtuyo":13452,"ĠBoca":13453,"Ġbello":13454,"ĠEquipo":13455,"73":13456,"fr":13457,"Ġchu":13458,"Ġacercarse":13459,"ĠIden":13460,"Ġcanto":13461,"ĠCamino":13462,"Ġpredomin":13463,"Ġuniversitario":13464,"Ġquirúrg":13465,"Ġanunciar":13466,"Ġrecicl":13467,"ĠID":13468,"rudencia":13469,"Ġdirectos":13470,"Ġlentamente":13471,"Ġoperativos":13472,"Ġnombrado":13473,"ampl":13474,"Ġexcusa":13475,"Ġexportación":13476,"Ciudad":13477,"Ġcorona":13478,"Ġreglamento":13479,"Neces":13480,"Ġnegativos":13481,"Ġgab":13482,"Ġllego":13483,"Ġranking":13484,"uega":13485,"éndez":13486,"ĠFuerzas":13487,"Ġfilas":13488,"OG":13489,"Ġproblemática":13490,"Ġexager":13491,"Ġapuestas":13492,"Ġcore":13493,"ebra":13494,"Ġpeores":13495,"Ġllamo":13496,"ĠCocina":13497,"ĠAten":13498,"ĠSw":13499,"Ġpp":13500,"Ġlema":13501,"Ġsemb":13502,"Ġenfermos":13503,"Ġmanchas":13504,"ĠSilva":13505,"Ġrealizamos":13506,"buses":13507,"trados":13508,"Ġinalámb":13509,"Ġimagenes":13510,"ĠSEO":13511,"Ġsoñ":13512,"Ġfusión":13513,"Ġtribunales":13514,"Ġalumnado":13515,"Ġseñores":13516,"Ġsexy":13517,"Ġperteneciente":13518,"Ġtecnológicos":13519,"ĠXVIII":13520,"Ġcontento":13521,"Ġgastar":13522,"Ġrestring":13523,"clas":13524,"sec":13525,"ĠJal":13526,"Ġpasará":13527,"Ġintérpre":13528,"atÃŃa":13529,"Ġrodeado":13530,"ĠNieto":13531,"51":13532,"Ġhumo":13533,"úmenes":13534,"ĠPala":13535,"cionista":13536,"ĠOrgánica":13537,"rául":13538,"ĠConf":13539,"Ġtuber":13540,"Ġespacial":13541,"Pla":13542,"Ġdefinido":13543,"Ġsaca":13544,"lom":13545,"ĠFá":13546,"Ġacaban":13547,"Ġlocalización":13548,"ép":13549,"Ġcongreso":13550,"arones":13551,"Ġremun":13552,"Ġsacó":13553,"ĠJuventud":13554,"ĠCartagena":13555,"ĠFecha":13556,"ĠGuad":13557,"Ġoperador":13558,"acen":13559,"ikipe":13560,"Ġgramos":13561,"gráficas":13562,"Ġcolombiana":13563,"Ġtira":13564,"Ġdiarias":13565,"Ġpensión":13566,"ĠEvangel":13567,"ĠJean":13568,"Ġfuncionalidad":13569,"Ġadvirtió":13570,"Ġconoció":13571,"Ġestóma":13572,"Ġeléctricas":13573,"Ġperspectivas":13574,"ĠBru":13575,"Ġaceites":13576,"Ġida":13577,"Ġganando":13578,"bita":13579,"Ġ68":13580,"ĠÃģlvaro":13581,"Ġpregunto":13582,"Ġperiódicos":13583,"Ġintegrar":13584,"ĠISO":13585,"Ġelectrodom":13586,"http":13587,"ĠBolÃŃvar":13588,"Ġcad":13589,"Ġcomponen":13590,"Ġacaso":13591,"Ġafectada":13592,"Ġprovocó":13593,"Ġintentado":13594,"cilla":13595,"Ġfaltan":13596,"Ġchi":13597,"ĠTrabajadores":13598,"ĠpartÃŃculas":13599,"Ġcompromete":13600,"ĠAsuntos":13601,"Ġlegado":13602,"ĠSS":13603,"Ġconstancia":13604,"ĠcrÃŃmenes":13605,"Ġconsiderando":13606,"Ġservido":13607,"Ġsubje":13608,"Ġdirectiva":13609,"Ġdeudas":13610,"Ġlágrimas":13611,"Ġbacterias":13612,"ĠEstán":13613,"ĠPrimaria":13614,"eis":13615,"jados":13616,"ĠRuta":13617,"ĠGri":13618,"Ġbancaria":13619,"Ġfinca":13620,"aming":13621,"Incl":13622,"az":13623,"Ġprovocado":13624,"Ġarranque":13625,"ĠMunicipio":13626,"ĠMarcelo":13627,"quicia":13628,"istros":13629,"Ġrusa":13630,"Ġjefes":13631,"istán":13632,"xima":13633,"amba":13634,"???":13635,"Ġmanipulación":13636,"Ġdren":13637,"Ġarquitectón":13638,"ivar":13639,"fasis":13640,"Cabe":13641,"ándoles":13642,"Ġsabiendo":13643,"Ġsuperado":13644,"ĠInstal":13645,"Ġsorpresas":13646,"diera":13647,"Ġcables":13648,"Esc":13649,"Ġpidiendo":13650,"ĠQuizás":13651,"ándote":13652,"GE":13653,"ĠDebido":13654,"ázar":13655,"Ġcondenado":13656,"Ġinferiores":13657,"Ġbotas":13658,"Ġpierna":13659,"dula":13660,"Ġespectador":13661,"ĠChan":13662,"58":13663,"ĠagrÃŃcola":13664,"Ġautorizado":13665,"ĠReserva":13666,"Ġrepresión":13667,"Ġfacultad":13668,"uenca":13669,"Ġextiende":13670,"Ġremi":13671,"Ġestaremos":13672,"Ġcabec":13673,"Ġtron":13674,"ĠMedel":13675,"Ġconfiar":13676,"Ġsanta":13677,"Ġpresion":13678,"ĠÃļl":13679,"Ġsep":13680,"Ġjustific":13681,"Ġobs":13682,"ĠConsultado":13683,"Ġsaliendo":13684,"Ġadministrar":13685,"Ġsuperficies":13686,"Ġhistori":13687,"Ġalegre":13688,"br":13689,"Ġcomplicaciones":13690,"gante":13691,"ĠAce":13692,"Ġdiariamente":13693,"chado":13694,"Ġstock":13695,"Ġpagan":13696,"CIONAL":13697,"yentes":13698,"Ġmódulos":13699,"Ġexpuesto":13700,"Ġaparcamiento":13701,"Ġtib":13702,"Ġdioses":13703,"Ġcolegas":13704,"Ġmúsico":13705,"ridas":13706,"Ġmodernas":13707,"Ġsacrificio":13708,"tenimiento":13709,"Ġbritánica":13710,"Ġvitaminas":13711,"ĠRel":13712,"63":13713,"Ġcomité":13714,"Ġine":13715,"ĠOtras":13716,"Ġprohibido":13717,"Ġenfa":13718,"Ġpatas":13719,"Ġdemocrática":13720,"Ġtrib":13721,"ĠGeo":13722,"Ġnervioso":13723,"PF":13724,"71":13725,"ĠOR":13726,"allas":13727,"ek":13728,"Ġajustes":13729,"Ġcebolla":13730,"Ġimprovis":13731,"ĠRena":13732,"Ġdirigidos":13733,"ĠRA":13734,"Ġchor":13735,"Ġhermosas":13736,"Ġimplantación":13737,"ĠPsicologÃŃa":13738,"Ġnecesite":13739,"Ġpondrá":13740,"Ġsuponer":13741,"Ġemig":13742,"ĠIglesias":13743,"Ġlucro":13744,"opol":13745,"ikipedia":13746,"ĠTRA":13747,"Ġdiagnostic":13748,"Ġconsidero":13749,"ĠTru":13750,"Ġcerteza":13751,"Ġdarles":13752,"ĠmaÃŃz":13753,"ĠValenciana":13754,"ĠestÃŃm":13755,"Ġbuscamos":13756,"ĠSuc":13757,"ath":13758,"Ġactualizaciones":13759,"tigu":13760,"Ġvictorias":13761,"Ġhueco":13762,"ĠJosep":13763,"ĠdiscÃŃp":13764,"Ġagrega":13765,"Reci":13766,"anta":13767,"Ġsalvaje":13768,"Ġagricul":13769,"tades":13770,"ĠCompañÃŃa":13771,"ĠAgustÃŃn":13772,"ximo":13773,"Ġproviene":13774,"Ġdelegado":13775,"ĠRog":13776,"Ġseno":13777,"ote":13778,"ĠFÃŃsica":13779,"itim":13780,"Ġrestricciones":13781,"ĠmediodÃŃa":13782,"tona":13783,"><":13784,"Ġén":13785,"ĠcalorÃŃas":13786,"Ġcompone":13787,"Ġadecuadamente":13788,"Ġactivar":13789,"ĠleÃŃ":13790,"Ġexponer":13791,"Ġpalacio":13792,"Ġmotoci":13793,"Ġespecific":13794,"Ġcómp":13795,"tiemp":13796,"ĠiOS":13797,".),":13798,"Ġvean":13799,"Ġobede":13800,"Ġcompletos":13801,"ĠAgosto":13802,"ĠSeñora":13803,"lego":13804,"baciones":13805,"ĠQuin":13806,"Ġoptimizar":13807,"Ġregistrados":13808,"Ġsaldo":13809,"Ġespectáculos":13810,"ĠStreet":13811,"ĠOfre":13812,"ĠVent":13813,"MIN":13814,"Nosotros":13815,"Ġmostramos":13816,"Ġsenador":13817,"Ġtóx":13818,"Ġmágico":13819,"Ġterremo":13820,"Ġseleccionados":13821,"Ġfresca":13822,"Ġlaterales":13823,"Ġsaludos":13824,"Ġfalla":13825,"ĠLec":13826,"Ġreligiosas":13827,"Sol":13828,"Ġtragedia":13829,"Ġproclam":13830,"Ġbalcón":13831,"Ġbonos":13832,"Ġsobr":13833,"ĠEnero":13834,"Ġascen":13835,"edades":13836,"ĠCoruña":13837,"Ġjuegan":13838,"Ġfestiv":13839,"Ġllorar":13840,"Ġazo":13841,"ĠHéctor":13842,"ĠIndependi":13843,"jamos":13844,"Ġdirigió":13845,"ĠSerie":13846,"Ġloca":13847,"itcoin":13848,"gración":13849,"queta":13850,"Ġtranscurso":13851,"Ġcoño":13852,"Ġduros":13853,"ĠSAL":13854,"Ġpedi":13855,"Ġcontinuamente":13856,"mall":13857,"ónicos":13858,"Ġmedioamb":13859,"Ġhablo":13860,"ĠpsicologÃŃa":13861,"real":13862,"Ġmodal":13863,"ĠPok":13864,"Ġguerras":13865,"Ġcanta":13866,"emento":13867,"Ġdespo":13868,"Ġcubierto":13869,"Ġinsta":13870,"itoria":13871,"tage":13872,"Ġacoger":13873,"ĠSOL":13874,"Ġprotestas":13875,"Ġpolar":13876,"Ġaur":13877,"Ġcasualidad":13878,"Ġcintura":13879,"hara":13880,"Ġproductivo":13881,"Ġapartamentos":13882,"Nota":13883,"Ġolvido":13884,"ecieron":13885,"Ġnacionalidad":13886,"ĠHom":13887,"Ġdesee":13888,"Ġcurva":13889,"Ġdebil":13890,"Ġcreativa":13891,"Ġaprende":13892,"Ġadher":13893,"Ġbarcos":13894,"ĠHun":13895,"Ġcausado":13896,"Ġrincón":13897,"Ġcorredores":13898,"ĠHuelva":13899,"Ġicono":13900,"ĠCasas":13901,"Ġconsiguiente":13902,"ficios":13903,"ĠInforme":13904,"Ġgros":13905,"ĠBarrio":13906,"ĠEc":13907,"ĠEdición":13908,"Ġmural":13909,"Ġcement":13910,"62":13911,"Ġsanitarios":13912,"ĠFederico":13913,"licos":13914,"Ġllevarse":13915,"Ġcamión":13916,"Ġfalsa":13917,"ulsión":13918,"ally":13919,"Ġenseñanzas":13920,"Ġextensa":13921,"eban":13922,"Ġdejes":13923,"Ġobligatorio":13924,"Ġpales":13925,"2008":13926,"ĠCarolina":13927,"Ġcamiones":13928,"set":13929,"Ġtrem":13930,"Ġanima":13931,"ĠIrán":13932,"Ġconversión":13933,"ĠtÃŃpica":13934,"limp":13935,"Ġadquirido":13936,"ĠMexicana":13937,"Ġrumores":13938,"Ġpreparando":13939,"ĠAeropuerto":13940,"Ġconfor":13941,"Ġetiquetas":13942,"illerato":13943,"ĠguÃŃas":13944,"Ġsuici":13945,"âĢ¦âĢĿ":13946,"Ġtormenta":13947,"Ġprocedente":13948,"Ġaliados":13949,"Ġcapitales":13950,"Ġliv":13951,"ĠSky":13952,"Ġrepara":13953,"Ġindign":13954,"Ġpato":13955,"Ġvariedades":13956,"lix":13957,"PL":13958,"estima":13959,"Ġemer":13960,"Ġdilig":13961,"Ġreflejo":13962,"horabuena":13963,"ĠBurgos":13964,"Ġinfraestructuras":13965,"titutas":13966,"Ġ(...)":13967,"Ġhones":13968,"Ġtemprana":13969,"Ġbolso":13970,"ÃŃticos":13971,"Ġazar":13972,"Ġreferentes":13973,"Ġmito":13974,"Ġexperimentado":13975,"Ġpeat":13976,"Ġsostenibilidad":13977,"Ġreligiosos":13978,"Ġpertenecientes":13979,"Ġterroristas":13980,"ĠChamp":13981,"ĠEspeci":13982,"Ġresum":13983,"citas":13984,"Ġirri":13985,"ĠPunta":13986,"Ġpastor":13987,"Ġcruel":13988,"enciar":13989,"PRO":13990,"Ag":13991,"Ġcarbón":13992,"Ġestómago":13993,"Ġcintur":13994,"Ġpack":13995,"Ġorto":13996,"rs":13997,"itarse":13998,"fra":13999,"Ġsemanal":14000,"ĠPrin":14001,"hasta":14002,"Ġentran":14003,"TICA":14004,"Ġtip":14005,"Ġadvierte":14006,"л":14007,"Ġrequisito":14008,"Ġdeclarar":14009,"Ġarmario":14010,"ä":14011,"Ġcargas":14012,"Ġdeseado":14013,"Ġinoxid":14014,"Ġestratégica":14015,"Ġrama":14016,"Ġespu":14017,"Ġpresos":14018,"Ġdisponemos":14019,"Ġcolocación":14020,"Ġconcej":14021,"Ġintegran":14022,"Ġpdf":14023,"esis":14024,"Ġacogedor":14025,"Ġproporcionan":14026,"Comp":14027,"ĠRib":14028,"rmac":14029,"Ġcumbre":14030,"ĠFC":14031,"Ġtrucos":14032,"quillo":14033,"cribir":14034,"Ġtercio":14035,"tuar":14036,"Ġrefuer":14037,"fri":14038,"Ġuruguay":14039,"Ġiglesias":14040,"uden":14041,"ĠSé":14042,"Ġultimo":14043,"Ġabuelo":14044,"Ġsostener":14045,"ĠSegura":14046,"Cer":14047,"Ġinvitamos":14048,"Ġpoderosa":14049,"Ġestableció":14050,"Ġfutura":14051,"écdo":14052,"Ġsalva":14053,"Ġ62":14054,"Ġdiseñador":14055,"gráficos":14056,"ĠCAM":14057,"medios":14058,"ĠHos":14059,"Ġcomunicarse":14060,"Ġcamina":14061,"Ġimpec":14062,"tch":14063,"ĠRies":14064,"Ġron":14065,"álogo":14066,"Ġpega":14067,"Ġpido":14068,"ĠBau":14069,"cipación":14070,"ĠSun":14071,"Ġtelefónica":14072,"Ġlogrando":14073,"mosa":14074,"emen":14075,"ĠUniversal":14076,"61":14077,"Ġ2020":14078,"Ġlesion":14079,"Ġdeseen":14080,"Ġordenadores":14081,"ville":14082,"Ġatracción":14083,"burgo":14084,"Ġcertificados":14085,"Ġsignificativa":14086,"anca":14087,"ĠAmar":14088,"Ġhumilde":14089,"Ġsorprende":14090,"Ese":14091,"Ġexplosión":14092,"Ġpez":14093,"Ġintentos":14094,"Ġdestina":14095,"Ġarterial":14096,"Ġboc":14097,"ĠCora":14098,"Ġprosper":14099,"Ġdisciplinas":14100,"Ġalfomb":14101,"Ġfoco":14102,"Ġjugado":14103,"Ġporte":14104,"Ġprotege":14105,"Ġcén":14106,"tanos":14107,"acete":14108,"ĠFinal":14109,"Ġproponer":14110,"ionero":14111,"Ġcomercios":14112,"ĠKim":14113,"Ġgrav":14114,"OO":14115,"ĠLibertad":14116,"Ġbuscador":14117,"Ġnorteamericano":14118,"ĠMunicipalidad":14119,"Ġmio":14120,"ĠRÃŃos":14121,"ĠBM":14122,"Ġllenos":14123,"Ġaprobar":14124,"ĠHollywood":14125,"ĠAlmerÃŃa":14126,"Ġencarga":14127,"ĠAran":14128,"Ġconfirmación":14129,"Ġefectividad":14130,"Ġsolv":14131,"vidad":14132,"Ġfinanzas":14133,"Ġestacionamiento":14134,"Ġconductas":14135,"Ġolvides":14136,"Ġseas":14137,"Ġvam":14138,"Ġflota":14139,"ĠPul":14140,"Go":14141,"seguida":14142,"bida":14143,"ium":14144,"PN":14145,"ĠER":14146,"ĠAhÃŃ":14147,"Ġfundada":14148,"Ġ(âĢ¦)":14149,"Ġagresión":14150,"gadores":14151,"Ġmasiva":14152,"sobre":14153,"Ġdisputa":14154,"Ġazules":14155,"Ġjoyas":14156,"Ġempecé":14157,"máticas":14158,"ival":14159,"ĠAmpl":14160,"gÃŃa":14161,"Ġrigu":14162,"Ġescaleras":14163,"Ġimperio":14164,"ĠRojas":14165,"Ġtrayecto":14166,"Ġmundiales":14167,"cad":14168,"Ġintra":14169,"Ġcaos":14170,"Ġrecrea":14171,"Ġestablecen":14172,"ited":14173,"Ġtransacciones":14174,"ĠPIB":14175,"Ġcomarca":14176,"ĠCONS":14177,"Ġdepósitos":14178,"Ġhormig":14179,"Ġhéroe":14180,"tone":14181,"ceres":14182,"distas":14183,"Ġfármac":14184,"ĠErnes":14185,"ÃŃsmo":14186,"Ġ08":14187,"smo":14188,"élgica":14189,"Ġincapa":14190,"Ġcoco":14191,"ĠFrases":14192,"ĠEstad":14193,"ecos":14194,"hist":14195,"Ġentornos":14196,"IDE":14197,"Ġidentifica":14198,"Ġ�":14199,"Ġjustamente":14200,"Ġrojos":14201,"Ġcompañera":14202,"ÃģS":14203,"Ġvisibilidad":14204,"Ġbesos":14205,"bs":14206,"Ġdescom":14207,"Ġcalientes":14208,"ógicos":14209,"blog":14210,"dadores":14211,"ĠTurquÃŃa":14212,"ĠCient":14213,"Ġmadrid":14214,"Ġsupl":14215,"Ġexploración":14216,"Ġsabéis":14217,"turb":14218,"heim":14219,"mamente":14220,"ĠRiver":14221,"rillos":14222,"Ġénfasis":14223,"ĠBB":14224,"Ġsencillos":14225,"ĠNintendo":14226,"ĠEMP":14227,"dita":14228,"QUE":14229,"Ġenfrentarse":14230,"Ġinspección":14231,"ĠProducción":14232,"Ġcurs":14233,"Ġtriple":14234,"Ġnosotras":14235,"éricos":14236,"teur":14237,"diar":14238,"ĠMU":14239,"Ġcontestar":14240,"Ġjajaj":14241,"ĠVin":14242,"Ni":14243,"Ġchal":14244,"cionó":14245,"Ġayude":14246,"Ġalmuerzo":14247,"ĠPN":14248,"DS":14249,"Ġcortas":14250,"Ġcaminando":14251,"Ġinternas":14252,"vesti":14253,"Ġ63":14254,"olor":14255,"Ġestructur":14256,"ĠQU":14257,"Ġpoliciales":14258,"ĠPAR":14259,"TAR":14260,"Ġcastigo":14261,"ĠPrevención":14262,"Ġemprender":14263,"Ġdejaba":14264,"ĠPower":14265,"Ġsta":14266,"Ġinmers":14267,"ĠTop":14268,"dam":14269,"Ġtrasero":14270,"Ġvil":14271,"ĠteorÃŃas":14272,"Ġ000":14273,"Ġtomate":14274,"Ġnotificación":14275,"ĠPortal":14276,"Ġamericana":14277,"Ġrisa":14278,"ĠJerusal":14279,"Ġhuella":14280,"Ġdial":14281,"Ġestimul":14282,"ótico":14283,"Ġpasados":14284,"Ġmasajes":14285,"arqu":14286,"Ġsupervisión":14287,"jón":14288,"Ġcruce":14289,"ĠFotos":14290,"tena":14291,"ĠCantabria":14292,"Ġretraso":14293,"Ayer":14294,"Ġinoxidable":14295,"Ġvendido":14296,"lanos":14297,"Ġconmo":14298,"Ġarquitecto":14299,"play":14300,"Ġclaus":14301,"field":14302,"Ġamplias":14303,"ĠsoberanÃŃa":14304,"ribe":14305,"ĠInternational":14306,"Ġinda":14307,"Les":14308,"Ġcomienzos":14309,"ĠMilitar":14310,"acterÃŃsticas":14311,"Ġministros":14312,"Ġlinda":14313,"Ġvuestras":14314,"Ġrobar":14315,"Ġmillon":14316,"apas":14317,"Ġ^":14318,"edora":14319,"Ġdobles":14320,"Ġguapa":14321,"Ġdisfra":14322,"Ġdevo":14323,"Ġmoverse":14324,"penden":14325,"Ġarrancar":14326,"Tienes":14327,"Ġtabaco":14328,"Ġdestro":14329,"Ġlibremente":14330,"Etiquetas":14331,"Ġcoca":14332,"ĠcreÃŃa":14333,"Ġcentr":14334,"Ġtrastorno":14335,"ĠJornada":14336,"Ġpreocupaciones":14337,"Ġbilletes":14338,"ĠArturo":14339,"ĠModelo":14340,"Ġadentro":14341,"tancia":14342,"vÃŃo":14343,"rese":14344,"Ġcorazones":14345,"Ġsuceder":14346,"ĠFord":14347,"ĠMessi":14348,"ĠMAN":14349,"Ġaprueba":14350,"Ġaumentado":14351,"ĠPrensa":14352,"Ġdesarrollada":14353,"Ġvigentes":14354,"ĠPho":14355,"Ġhorizonte":14356,"Ġmobiliario":14357,"Ġbesti":14358,"ĠCoordin":14359,"Ġmuseos":14360,"Ġinfluen":14361,"Ġanillo":14362,"ĠEstaba":14363,"Ġmodalidades":14364,"ĠFebrero":14365,"Ġpagado":14366,"ĠBig":14367,"urt":14368,"Ġescribiendo":14369,"Ġreyes":14370,"ĠMolina":14371,"PAÃij":14372,"Ġrecordado":14373,"Ġtocado":14374,"Ġduplic":14375,"Ġingeniero":14376,"Ġbarb":14377,"trad":14378,"queo":14379,"Ġcumpliendo":14380,"ógicas":14381,"trimonial":14382,"Ġabusos":14383,"Ġacompañados":14384,"ĠObrador":14385,"ĠGeneralitat":14386,"ierro":14387,"ĠsÃŃndrome":14388,"Ġvientos":14389,"ĠParte":14390,"Ġcrip":14391,"Ġrealizarán":14392,"Ġdemuestran":14393,"ĠHarry":14394,"ĠRecom":14395,"Ġsugiere":14396,"ugh":14397,"Ġcolch":14398,"Ġdirectorio":14399,"esidad":14400,"itaron":14401,"ĠGin":14402,"Ġacogida":14403,"Ġ1991":14404,"Ġsmartphone":14405,"fan":14406,"Ġgéneros":14407,"ĠSoftware":14408,"ĠNivel":14409,"Ġaislamiento":14410,"ĠSuprema":14411,"fono":14412,"taro":14413,"Ġlicencias":14414,"ĠsentÃŃ":14415,"ĠPAN":14416,"Ġalemanes":14417,"eu":14418,"apo":14419,"Ġpájar":14420,"Ġrápidos":14421,"Ġaportación":14422,"Ġsc":14423,"Ġsigan":14424,"acán":14425,"Ġdesmon":14426,"quete":14427,"Ġasamblea":14428,"Ġsorprendió":14429,"Ġescasos":14430,"ĠvÃŃnculos":14431,"Ġconcretas":14432,"Ġsugerencias":14433,"Ġprevios":14434,"ĠOF":14435,"Ġef":14436,"Ġjaponesa":14437,"ĠRichard":14438,"?âĢĿ":14439,"Ġdetallada":14440,"Ġmarg":14441,"jam":14442,"Ġanécdo":14443,"gil":14444,"ĠMaestro":14445,"Ġinneces":14446,"Existen":14447,"Ġrefirió":14448,"Ġdemocrático":14449,"Ġcere":14450,"tter":14451,"Ġalimentar":14452,"Ġestil":14453,"Ġmencionados":14454,"Ġprovenientes":14455,"Ġhorizontal":14456,"Ġatentado":14457,"ĠGB":14458,"mante":14459,"ĠJuárez":14460,"uk":14461,"Ġmuros":14462,"José":14463,"ĠJen":14464,"Ġherida":14465,"Respecto":14466,"Ġanime":14467,"endiendo":14468,"Ġvendedor":14469,"Ġcontinúan":14470,"Ġmultina":14471,"Ġgratuitos":14472,"Ġvariaciones":14473,"VEN":14474,"Ġfranceses":14475,"ĠRon":14476,"Ġbeca":14477,"Ġextranjera":14478,"Ġconstruida":14479,"Ġllegaba":14480,"Ġexitosa":14481,"Casa":14482,"Usted":14483,"ufac":14484,"Ġmaduras":14485,"Ġcolecciones":14486,"minas":14487,"Ġrompe":14488,"Ġpiano":14489,"ĠBoy":14490,"Ġobvio":14491,"Ġpostre":14492,"Ġrecta":14493,"Ġrefugiados":14494,"ticia":14495,"Ġarreglo":14496,"Ġárabe":14497,"Ġimperme":14498,"acar":14499,"Ġfumar":14500,"Ġtrabajó":14501,"Ġarrib":14502,"Ap":14503,"aaaa":14504,"Ġhardware":14505,"Ġinolvidable":14506,"REC":14507,"Ġrenovar":14508,"istÃŃa":14509,"Ġprotagonismo":14510,"Ġinterpreta":14511,"ĠClo":14512,"Ġabaste":14513,"Ġsexto":14514,"Ġcreadores":14515,"Ġinglesa":14516,"Ġasume":14517,"ere":14518,"ĠCarre":14519,"ĠTorneo":14520,"Ġ110":14521,"tienda":14522,"Ġaprobada":14523,"ĠCOL":14524,"chool":14525,"ĠConvenio":14526,"tañas":14527,"asis":14528,"máticos":14529,"ĠBienes":14530,"Ġvanguardia":14531,"ĠCuenca":14532,"Ġacoso":14533,"Ġescándalo":14534,"Ġconfusión":14535,"Ġmatric":14536,"elia":14537,"Ġsocialistas":14538,"anco":14539,"cav":14540,"reos":14541,"Ġhacerte":14542,"ĠmatrÃŃcula":14543,"Ġposibil":14544,"Ġbecas":14545,"gri":14546,"ĠTexas":14547,"Ġmisiones":14548,"damos":14549,"oth":14550,"TAM":14551,"Ġautomóviles":14552,"ĠSeguir":14553,"ĠSony":14554,"dé":14555,"Ġcrecido":14556,"ĠAcceso":14557,"pongo":14558,"Ġestratégico":14559,"ĠPascu":14560,"unar":14561,"chan":14562,"Ġidón":14563,"ĠPic":14564,"Nuestros":14565,"ĠBás":14566,"Ġexpl":14567,"Ġolvidado":14568,"guesa":14569,"Ġofrecido":14570,"Ġdigno":14571,"Ġcontribuye":14572,"Ġconcluye":14573,"Ġtembl":14574,"Ġotorgar":14575,"untamientos":14576,"untu":14577,"Ġagradecimiento":14578,"ĠJeho":14579,"óloga":14580,"aby":14581,"Ġprotegida":14582,"ĠMont":14583,"Ġconfidencial":14584,"Ġcatólica":14585,"Ġaudiovisual":14586,"Ġabarca":14587,"Ġmolesta":14588,"Ġconsideramos":14589,"Ġacumulación":14590,"Ġalmas":14591,"Ġruptura":14592,"Ġml":14593,"ĠFidel":14594,"Ġnutrición":14595,"Ġcontex":14596,"Ġmanzana":14597,"Ġfranquicia":14598,"ĠAlma":14599,"Ġfollando":14600,"enca":14601,"ĠPuente":14602,"ástica":14603,"Ġdisparo":14604,"ĠexplÃŃ":14605,"Ġliteraria":14606,"Ġencantó":14607,"ĠexistÃŃa":14608,"Ġinmensa":14609,"ĠIntelig":14610,"Ġremar":14611,"ĠJuzgado":14612,"ĠsÃŃmbolos":14613,"ĠvivÃŃa":14614,"Ġconsenso":14615,"Ġbastantes":14616,"Ġdejará":14617,"ĠFiesta":14618,"mx":14619,"Ġaerol":14620,"Ġsindicato":14621,"Ġvence":14622,"Ġalas":14623,"Ġpersecución":14624,"Ġpopularidad":14625,"ĠGR":14626,"ĠConcurso":14627,"ĠPoco":14628,"Ġatras":14629,"Ġconvencido":14630,"pié":14631,"Ġverdaderos":14632,"Ġreunió":14633,"abar":14634,"Ġcostas":14635,"ĠMarruecos":14636,"Ġ1980":14637,"Ġsólido":14638,"Ġbac":14639,"Ġpromueve":14640,"Ġpreferencia":14641,"Ġpedag":14642,"Ġllamaba":14643,"ĠModa":14644,"Ġculpable":14645,"âĢĿ;":14646,"Ġsecretaria":14647,"ĠcentÃŃmetros":14648,"oooo":14649,"ĠAQU":14650,"ĠLimp":14651,"pri":14652,"XX":14653,"ĠVista":14654,"IFA":14655,"Ġbebe":14656,"ĠUso":14657,"Ġhacernos":14658,"Ġatractiva":14659,"92":14660,"Ġsaldrá":14661,"ĠUrban":14662,"ĠCatedral":14663,"imamente":14664,"quetas":14665,"Ġharemos":14666,"rato":14667,"Ġhs":14668,"cy":14669,"Ġcie":14670,"Ġavanza":14671,"ĠTIC":14672,"dure":14673,"ĠPalmas":14674,"Ġ(«":14675,"Ġláser":14676,"ĠJuego":14677,"Ġplana":14678,"ĠTE":14679,"Ġpad":14680,"Ġentrado":14681,"Ġcumpla":14682,"bile":14683,"Ġconsolid":14684,"bras":14685,"Ġdesplazamiento":14686,"Ġdiseñados":14687,"ĠHonor":14688,"Ġinseguridad":14689,"ĠClÃŃnica":14690,"Ġtub":14691,"laje":14692,"Ġlesbi":14693,"ĠJose":14694,"Ġprostitución":14695,"ons":14696,"Ġcontemporáneo":14697,"mus":14698,"ĠETA":14699,"Ġsirvió":14700,"Ġrefiero":14701,"Ġasignatura":14702,"Ġexci":14703,"ĠGreen":14704,"ierre":14705,"vana":14706,"ĠAlvar":14707,"ICACIÃĵN":14708,"Ġfiltros":14709,"Sólo":14710,"Ġtomaron":14711,"Ġdisp":14712,"Ġordenó":14713,"Ġduer":14714,"Ġlujos":14715,"Ġtocó":14716,"zaba":14717,"Ġrelleno":14718,"Ġmerecen":14719,"Ġparcialmente":14720,"Ġindicador":14721,"ĠBO":14722,"TUR":14723,"Ġmotos":14724,"óso":14725,"ĠFA":14726,"Ġfaltar":14727,"Ġhip":14728,"Ġpares":14729,"landa":14730,"Quiero":14731,"ĠConstrucción":14732,"ĠProyectos":14733,"stem":14734,"Ġ67":14735,"ĠLleg":14736,"pecu":14737,"Ġdenominación":14738,"ĠLeague":14739,"Ġasistente":14740,"Ġlú":14741,"ĠChe":14742,"ĠImperio":14743,"Ġmate":14744,"Ġintimidad":14745,"ĠquerÃŃan":14746,"ĠTeléf":14747,"Esa":14748,"ĠWest":14749,"Ġelegancia":14750,"Ñĥ":14751,"2006":14752,"Ġcasual":14753,"alia":14754,"Ġvecin":14755,"trá":14756,"Ġevolucion":14757,"ĠGl":14758,"Ġresulte":14759,"Ġgluc":14760,"ĠCalder":14761,"dezco":14762,"Ġchan":14763,"Ġrecibiendo":14764,"ĠMaterial":14765,"ĠTribu":14766,"Ġenfermo":14767,"Nunca":14768,"iando":14769,"orth":14770,"ĠÎ":14771,"Ġcontribución":14772,"Ġsaco":14773,"Ġnacer":14774,"к":14775,"ĠVideos":14776,"Ġcumplan":14777,"Ġdarnos":14778,"Ġhura":14779,"Ġalarma":14780,"Ġempi":14781,"Ġ91":14782,"ÃģN":14783,"ĠRé":14784,"ĠGaran":14785,"Ġpenas":14786,"Ġbusco":14787,"cate":14788,"Ġfur":14789,"Ġsacado":14790,"Ġlecturas":14791,"uselas":14792,"verde":14793,"Ġequipado":14794,"ogén":14795,"Ġdegrad":14796,"Ġayudado":14797,"Ġcerrados":14798,"ĠImpuesto":14799,"ĠlÃŃquidos":14800,"ĠOrig":14801,"Ġmaquina":14802,"trales":14803,"Ġajustar":14804,"ĠVázquez":14805,"Ġroto":14806,"ink":14807,"Ġminor":14808,"Ġenfrentan":14809,"ords":14810,"ĠtÃŃ":14811,"tiga":14812,"ĠUV":14813,"Ġdistinción":14814,"Ġdelicioso":14815,"Ġpermisos":14816,"Ġbaloncesto":14817,"cible":14818,"ĠConserv":14819,"emoria":14820,"Ġfutbolista":14821,"ĠoxÃŃgeno":14822,"zano":14823,"Ġacú":14824,"Ġcristiano":14825,"usion":14826,"Ġsupuesta":14827,"����":14828,"96":14829,"ĠCompar":14830,"Ġimpuso":14831,"Ġrod":14832,"Ġsinté":14833,"ĠVÃŃ":14834,"ĠProce":14835,"Ġextraer":14836,"Ġasesino":14837,"Ġjurisdicción":14838,"Ġcrudo":14839,"uter":14840,"ĠJoan":14841,"ĠDefin":14842,"Ġdeca":14843,"ori":14844,"ĠCarrera":14845,"Ġcolombianos":14846,"ween":14847,"isas":14848,"Ġsecuencia":14849,"Ġestre":14850,"ĠIván":14851,"Ġsencillas":14852,"Ġcalcular":14853,"Ġmulta":14854,"Ġtutorial":14855,"venidos":14856,"Ġinformáticos":14857,"Ba":14858,"Ġrecomendado":14859,"dentales":14860,"cación":14861,"intana":14862,"Ġinstancias":14863,"Ġaustral":14864,"ĠMulti":14865,"udia":14866,"Ġatento":14867,"Ġdebilidad":14868,"Ġconsiderados":14869,"ĠOut":14870,"Ġtelecomunicaciones":14871,"Ġsientes":14872,"Ġcharlas":14873,"ĠhabrÃŃan":14874,"Ġapres":14875,"udal":14876,"Ġincómo":14877,"ĠProcur":14878,"Ġafiliados":14879,"ĠMP":14880,"Ġpreju":14881,"también":14882,"ĠComentarios":14883,"CES":14884,"Ġhorri":14885,"Ġchinos":14886,"Ġdiseñadores":14887,"ĠArquitectura":14888,"Ġleal":14889,"mil":14890,"ánicas":14891,"Ġprofundizar":14892,"Ġadministraciones":14893,"Ġpalo":14894,"ensos":14895,"ĠAgro":14896,"ĠJava":14897,"orias":14898,"ĠSector":14899,"Ġsolares":14900,"EZ":14901,"ĠMediterráneo":14902,"Ġestabil":14903,"ĠMED":14904,"emin":14905,"Ġespaña":14906,"ĠAguas":14907,"Ġcontrovers":14908,"Ġgustaria":14909,"Ġoriental":14910,"Ġcerebral":14911,"Ġaportes":14912,"itorio":14913,"idalgo":14914,"Ġsólida":14915,"Ġreputación":14916,"âĢĿ)":14917,"Ġcorredor":14918,"dicamente":14919,"Ġsensibles":14920,"Ġprevistos":14921,"ĠMetal":14922,"lamente":14923,"ĠArro":14924,"ĠInformática":14925,"Ġentrenamientos":14926,"Ġretirada":14927,"Pal":14928,"Ġterminan":14929,"uchas":14930,"ĠGrandes":14931,"Ġpur":14932,"Ġagrupación":14933,"ĠideologÃŃa":14934,"Ġtermine":14935,"Ġpintor":14936,"icanos":14937,"Ġanto":14938,"ĠEva":14939,"TURA":14940,"Mu":14941,"ken":14942,"ĠVat":14943,"Ġcelulares":14944,"Ġpretenden":14945,"Ġjugada":14946,"Ġarren":14947,"Ġpartidas":14948,"esc":14949,"Ġqueden":14950,"ĠWhatsApp":14951,"Ġfacturación":14952,"Ġ61":14953,"Ġgritos":14954,"utrición":14955,"crita":14956,"Ġrespectivas":14957,"Ġfalsas":14958,"ĠDeclar":14959,"ĠRecon":14960,"ĠGuz":14961,"ĠPremios":14962,"âĢĿ:":14963,"Ġcombinado":14964,"osó":14965,"Ġdespleg":14966,"forme":14967,"icada":14968,"Ġmenciona":14969,"gaba":14970,"acÃŃa":14971,"Ġlucir":14972,"Ġreaf":14973,"ĠUniversitaria":14974,"yun":14975,"ĠðŁĻ":14976,"Ġanda":14977,"Ġcompuestos":14978,"Ġfacultades":14979,"Ġenfri":14980,"ĠNavarro":14981,"Ġsupre":14982,"Ġintern":14983,"cher":14984,"Ġdestinada":14985,"Ġasociadas":14986,"Ġoculta":14987,"ĠbaterÃŃas":14988,"Ġinfluy":14989,"Ġesfor":14990,"ÃŃneas":14991,"Ġrevolucionario":14992,"Cap":14993,"Ġhermosos":14994,"Ġexclusión":14995,"Ġplantel":14996,"Ġsubray":14997,"Ġglor":14998,"ganta":14999,"ĠColec":15000,"Ġadministrativas":15001,"Ġfichero":15002,"ĠMedellÃŃn":15003,"ĠAG":15004,"viedo":15005,"Ġfotógrafo":15006,"Ġocupado":15007,"Ġreclamo":15008,"Ġencom":15009,"Ġseguida":15010,"Ġcaptar":15011,"ĠEvaluación":15012,"ĠSeguros":15013,"Ġmemb":15014,"Ġdudes":15015,"Ġalimentaria":15016,"Ġreproducir":15017,"ĠSpa":15018,"Ġbombas":15019,"nico":15020,"Ġfavoritas":15021,"Ġvinculados":15022,"Ġcobra":15023,"Ġprestamos":15024,"Ġpatatas":15025,"utor":15026,"Ġacompañamiento":15027,"Ġrespiración":15028,"ĠGalaxy":15029,"erica":15030,"Ġpoli":15031,"ĠManual":15032,"Ġenfrentamiento":15033,"ĠiPad":15034,"Ġola":15035,"ĠEstadio":15036,"Ġincendios":15037,"uters":15038,"Ġreflexiones":15039,"tnam":15040,"ĠCAL":15041,"ĠprÃŃncipe":15042,"Ġfila":15043,"HO":15044,"Ġsalvación":15045,"Ġadministrativos":15046,"ĠMoscú":15047,"Ġbarras":15048,"Ġmedalla":15049,"Ġcobro":15050,"Ġgenética":15051,"MAS":15052,"Ġdifici":15053,"Ah":15054,"Ġsuyos":15055,"âĦ":15056,"Ġpúblicamente":15057,"Ġencu":15058,"irre":15059,"Espero":15060,"Ġjardin":15061,"Ġreconstru":15062,"Ġdistinguir":15063,"Ġdefectos":15064,"TIVO":15065,"Ġcáp":15066,"Ġdejen":15067,"Ġdelantera":15068,"ĠCri":15069,"Ġpintores":15070,"ĠJurÃŃ":15071,"Ġtaza":15072,"Ġdisper":15073,"Buenos":15074,"ĠAire":15075,"Tanto":15076,"Ġcambian":15077,"Ġsurgen":15078,"ĠEmilio":15079,"Ġidén":15080,"Ġpaneles":15081,"Ġúltimamente":15082,"óf":15083,"ĠJane":15084,"Ġmovilización":15085,"Ġdecidimos":15086,"ĠlogÃŃstica":15087,"Ġvenezolana":15088,"Ġbasadas":15089,"Ġdescubrió":15090,"Ġadmitir":15091,"Ġanón":15092,"Ġacabados":15093,"Ġaportaciones":15094,"Ġsintió":15095,"Ġpaginas":15096,"Ġbarrera":15097,"Ġtern":15098,"Ġhidrául":15099,"Ġsesenta":15100,"Ġroj":15101,"Ġkilo":15102,"Ġsacerdotes":15103,"Ġiniciales":15104,"Ġpm":15105,"ĠPhil":15106,"ĠSuecia":15107,"Ġrevesti":15108,"Ġcarn":15109,"Ġcompor":15110,"Ġpiscinas":15111,"Ġindicaciones":15112,"Ġtoros":15113,"Ġsindical":15114,"usieron":15115,"Ġincorrec":15116,"Ġavi":15117,"didades":15118,"chester":15119,"risas":15120,"moh":15121,"ĠAudiencia":15122,"Ġproxim":15123,"Ġinfierno":15124,"ĠHacer":15125,"Ġhorror":15126,"Ġprácticos":15127,"Ġofrecerá":15128,"Ġdisminuye":15129,"Ġcoalición":15130,"áctico":15131,"ĠEstrel":15132,"sol":15133,"Ġleo":15134,"Ġnegó":15135,"Ġresaltar":15136,"ĠSitu":15137,"Ġdeciden":15138,"ĠColón":15139,"Ġestrecha":15140,"Ġexplican":15141,"Ġrenunciar":15142,"Ġfuncionando":15143,"quierda":15144,"Ġdirigidas":15145,"ĠmÃĥ":15146,"Ġcemento":15147,"Ġgoogle":15148,"Ġurbanos":15149,"ĠLinux":15150,"Era":15151,"Ġprenda":15152,"Ġbusque":15153,"ĠCF":15154,"Ġads":15155,"Ġlente":15156,"Ġcelebrada":15157,"Ġestablecida":15158,"Ġmetabol":15159,"Ġmejorado":15160,"Ġdedicar":15161,"ĠLlam":15162,"Ġrar":15163,"ĠRecor":15164,"Ġdental":15165,"ĠBélgica":15166,"ĠLÃŃ":15167,"Ġregresa":15168,"Ġdistancias":15169,"flix":15170,"IDO":15171,"Ġfederales":15172,"Ġsensa":15173,"Ġmantequilla":15174,"Ġpolit":15175,"Ġinclusive":15176,"érg":15177,"Reg":15178,"ĠRubén":15179,"ĠLis":15180,"tizada":15181,"Ġcamisa":15182,"Ġdemostró":15183,"Ġciclos":15184,"Ġmascota":15185,"Ġajo":15186,"Ġsatisfecho":15187,"ieta":15188,"ĠHora":15189,"Ġbrillantes":15190,"Ġmentales":15191,"ĠIntegral":15192,"guiendo":15193,"ĠasesorÃŃa":15194,"Ġfamosas":15195,"Ġexha":15196,"Ġángulo":15197,"ĠVivienda":15198,"Ġpropuso":15199,"ĠPlanta":15200,"Ġubicados":15201,"TEC":15202,"ulario":15203,"Ġinvas":15204,"Ġpostal":15205,"Ġcometer":15206,"Ġactualizado":15207,"ĠCambio":15208,"Ġsonre":15209,"Ġlimitar":15210,"axaca":15211,"ĠAh":15212,"Ġinvitar":15213,"97":15214,"Ġpercibir":15215,"ĠPRES":15216,"Ġ98":15217,"Ġvelocidades":15218,"Ġcumplió":15219,"Ġcombinaciones":15220,"émon":15221,"Apro":15222,"Ġdesgaste":15223,"ĠReb":15224,"Ġcatalana":15225,"Ġimpone":15226,"Ġcerra":15227,"Ġsuaves":15228,"ĠAmbiental":15229,"Ġintelectuales":15230,"Ġinú":15231,"ĠINS":15232,"ĠDay":15233,"Ġinnovador":15234,"Ġpositivas":15235,"ady":15236,"Ġpermanencia":15237,"Ġelevar":15238,"Ġautobuses":15239,"Ġprocesador":15240,"ĠGreg":15241,"Ġejes":15242,"Ġexacta":15243,"viese":15244,"ĠArchivo":15245,"ĠResul":15246,"huana":15247,"Ġtransmite":15248,"Ġprohibición":15249,"Ġderiva":15250,"ĠMicro":15251,"ĠCár":15252,"ladas":15253,"Ġbinarias":15254,"lab":15255,"ĠSel":15256,"Ġdenunciar":15257,"Ġtiende":15258,"Ġdió":15259,"Ġaplicado":15260,"pón":15261,"ĠActividades":15262,"Ġdefiende":15263,"Ġmetales":15264,"chu":15265,"Ġvegetal":15266,"Ġapuntó":15267,"ĠNiño":15268,"Ġsolicitó":15269,"Ġmort":15270,"olencia":15271,"ĠEsteban":15272,"eng":15273,"Ġdescal":15274,"Don":15275,"pacio":15276,"ĠConfe":15277,"zob":15278,"ĠMill":15279,"Ġfino":15280,"ĠIsa":15281,"Ġriego":15282,"Ġpasadas":15283,"ĠFinanzas":15284,"Ġobses":15285,"uci":15286,"ĠGPS":15287,"Ġ130":15288,"Ġmedioc":15289,"Ġapellido":15290,"ĠMI":15291,"ĠEco":15292,"Ġtrituración":15293,"tics":15294,"Ġqueja":15295,"Ġjustificar":15296,"Ġlegitim":15297,"ÃŃbl":15298,"ĠMO":15299,"Ġtrigo":15300,"Ġabandonado":15301,"izante":15302,"Ġgaraje":15303,"Ġmurieron":15304,"Ġobispo":15305,"well":15306,"Ġdividen":15307,"Ġentrenar":15308,"ĠZo":15309,"Ġcamin":15310,"Ġregistra":15311,"Ġpresentados":15312,"Ġborrar":15313,"Ġcontemporánea":15314,"Ġengañ":15315,"":15316,"Ġprefiere":15317,"ĠTol":15318,"iciosos":15319,"Ġpreparada":15320,"Ġconsiguen":15321,"Ġquejas":15322,"the":15323,"ĠJerusalén":15324,",âĢ¦":15325,"ĠCooperación":15326,"ĠAlba":15327,"ĠenvÃŃos":15328,"Ġpim":15329,"Ġentendimiento":15330,"Ġterrorista":15331,"Ġcuerda":15332,"cerÃŃa":15333,"ĠTech":15334,"bias":15335,"Ġ1989":15336,"ficaces":15337,"ĠJam":15338,"bien":15339,"Ġespecificaciones":15340,"Ġfirmó":15341,"psis":15342,"Ġmacro":15343,"Ġláp":15344,"ĠAtlántico":15345,"Ġrecortes":15346,"ĠTú":15347,"Ġlegen":15348,"CP":15349,"Ġconquista":15350,"ĠagrÃŃcolas":15351,"ób":15352,"Ġllaves":15353,"Ġ140":15354,"ĠLibros":15355,"Ġautop":15356,"Ġburbu":15357,"Ġaprendiendo":15358,"Ġsed":15359,"Ġextinción":15360,"gusto":15361,"Ġlegalmente":15362,"Ġinformacion":15363,"Ġadolescencia":15364,"Ġdesigualdad":15365,"Ġreembol":15366,"Ġmarrón":15367,"Ġbarreras":15368,"Ġestir":15369,"Ġintegrante":15370,"Ġmolienda":15371,"raje":15372,"Ġaceptado":15373,"Ġgeneró":15374,"Ġdenunció":15375,"now":15376,"mag":15377,"ĠFomento":15378,"Ġcubiertas":15379,"Ġparalelo":15380,"Ġimpresionantes":15381,"Ġrincones":15382,"caso":15383,"ĠIR":15384,"cadores":15385,"Ġfinanciar":15386,"Ġdefensor":15387,"ieve":15388,"ĠMore":15389,"ĠQuintana":15390,"Ġtrituradoras":15391,"ĠVall":15392,"uebl":15393,"ĠĠĠĠĠĠĠĠ":15394,"Ġreconoz":15395,"BN":15396,"Ġtrenes":15397,"ĠInc":15398,"Ġgalletas":15399,"Ġvial":15400,"alizamos":15401,"bula":15402,"Ġdescen":15403,"Ġhipertensión":15404,"ĠTig":15405,"Ġinformaron":15406,"ºC":15407,"óxido":15408,"Ġserp":15409,"ĠComis":15410,"ciller":15411,"contrar":15412,"%).":15413,"hel":15414,"Ġtrasladado":15415,"ometraje":15416,"Ġcomprador":15417,"cistas":15418,"Ġintentan":15419,"Ġsaltar":15420,"Ġperiod":15421,"right":15422,"Ġmundos":15423,"ĠsÃŃntesis":15424,"ĠOS":15425,"Ġ350":15426,"ĠGuan":15427,"Ġpesado":15428,"cadas":15429,"Ġcomerciantes":15430,"Ġfallecimiento":15431,"Ġexigencia":15432,"ced":15433,"ĠOliv":15434,"Ġdesperdi":15435,"Ġganadora":15436,"cesis":15437,"ĠReforma":15438,"ĠConocer":15439,"Ġpenales":15440,"sticas":15441,"ĠHP":15442,"Ġayudarán":15443,"Ġencargados":15444,"Ġespar":15445,"Ġpersonalidades":15446,"Ġobesidad":15447,"Ġespan":15448,"Ġfauna":15449,"Ġseñalan":15450,"ĠSegundo":15451,"Ġvisualizar":15452,"ĠVig":15453,"Ġimagino":15454,"Ġconstrucciones":15455,"Ġlazos":15456,"Ġliterario":15457,"uts":15458,"Ġjeje":15459,"Ġreferido":15460,"Ġvela":15461,"Ġdesvent":15462,"Ġpractica":15463,"idencia":15464,"ĠIB":15465,"Ġcontinuó":15466,"Ġlavar":15467,"Ġperd":15468,"Ġtrató":15469,"Ġperuano":15470,"rimientos":15471,"dilla":15472,"eto":15473,"ĠdebÃŃan":15474,"Ġdelincuentes":15475,"ĠBellas":15476,"Ġunen":15477,"scar":15478,"Ġaulas":15479,"Ġnegociar":15480,"Ġrendir":15481,"Ġagrupa":15482,"Ġsincron":15483,"ĠIMP":15484,"Ġbail":15485,"Ġtratarse":15486,"ĠAla":15487,"ĠEugen":15488,"Ġgubernamentales":15489,"ĠXXX":15490,"Ġfacturas":15491,"Ġfuertemente":15492,"Ġprincesa":15493,"Ġrecolec":15494,"Ġlistos":15495,"Ġreclamar":15496,"ĠEmb":15497,"Ġree":15498,"ĠSmith":15499,"ĠPy":15500,"Ġcica":15501,"Ġvariación":15502,"bara":15503,"Ġconfron":15504,"Ġocéano":15505,"Ġvisitado":15506,"ids":15507,"Ġfavorece":15508,"Ġdivisas":15509,"nidad":15510,"Ġfacial":15511,"ĠBusiness":15512,"Ġinesta":15513,"Ġreten":15514,"ĠLanto":15515,"ĠMonter":15516,"Ġbombar":15517,"Ġcolumnas":15518,"Ġrealicen":15519,"nica":15520,"Ġrodean":15521,"Ġances":15522,"Ġregener":15523,"Pol":15524,",\"":15525,"ĠVIH":15526,"Ġacontecimiento":15527,"ĠreÃŃr":15528,"Ġelige":15529,"Ġvirtuales":15530,"Min":15531,"ĠNoche":15532,"Ġgrito":15533,"Ġcima":15534,"tha":15535,"Ġneol":15536,"ócrata":15537,"ĠUSD":15538,"Ġduras":15539,"Ġhacerla":15540,"ĠFilosofÃŃa":15541,"ĠSep":15542,"hos":15543,"Ġantici":15544,"ĠJaén":15545,"Ġinvad":15546,"idora":15547,"ĠCasi":15548,"Ġdispuesta":15549,"uga":15550,"Ġelecto":15551,"Ġresid":15552,"ĠÃįn":15553,"Ġautónomos":15554,"Ġutilizamos":15555,"tén":15556,"ráfico":15557,"150":15558,"Ġactualizada":15559,"Ġsuscep":15560,"Ġportugués":15561,"ĠDescripción":15562,"alta":15563,"Ġtienden":15564,"Ġirán":15565,"ĠIm":15566,"uce":15567,"ĠSk":15568,"Ġcanad":15569,"ĠChil":15570,"Ġeditar":15571,"2002":15572,"Ġvice":15573,"Ġstre":15574,"Ġfilóso":15575,"ĠLicencia":15576,"Ġasociada":15577,"Ġalegra":15578,"feo":15579,"Ġdesarrollados":15580,"ibre":15581,"doro":15582,"Ġenvejecimiento":15583,"ĠTR":15584,"ĠProstitutas":15585,"roga":15586,"cionalización":15587,"ĠAbra":15588,"ĠEmbaj":15589,"Ġservirá":15590,"Ġpavim":15591,"Ġcreció":15592,"Ale":15593,"Ġsucesos":15594,"ago":15595,"Ġfilosó":15596,"tuosa":15597,"Ġancianos":15598,"Ġyoga":15599,"ily":15600,"ĠEspacio":15601,"Ġcomprometido":15602,"Ġlogran":15603,"versa":15604,"ericor":15605,"Estás":15606,"Ġpañ":15607,"México":15608,"Ġrestable":15609,"Ġfundamento":15610,"CR":15611,"ĠOeste":15612,"Ġpautas":15613,"taño":15614,"Ġperiodos":15615,"cione":15616,"Ġquedamos":15617,"Ġautoestima":15618,"Ġperfectas":15619,"ĠRecuerda":15620,"Ġpeticiones":15621,"ĠSaint":15622,"ĠPs":15623,"END":15624,"ĠAvan":15625,"Ġcompradores":15626,"Ġprotocol":15627,"Ġluchas":15628,"Ġmisa":15629,"ĠCorpora":15630,"Ġcomplicada":15631,"ĠGU":15632,"km":15633,"Ġprevistas":15634,"EG":15635,"Ġempezamos":15636,"ĠmagnÃŃfico":15637,"Ġescorts":15638,"Ġemprendimiento":15639,"unt":15640,"yl":15641,"Is":15642,"ĠVigo":15643,"Ġcha":15644,"Ġcomportamientos":15645,"Ġbandeja":15646,"Ġmuere":15647,"Ġdigna":15648,"Ġvehic":15649,"Ġ78":15650,"órica":15651,"oroeste":15652,"Ġ04":15653,"ĠOfer":15654,"Ġdespedida":15655,"Ġhueso":15656,"Ġeterna":15657,"ĠBet":15658,"Ġrubia":15659,"Ġtope":15660,"Ġtinta":15661,"inidad":15662,"Ġdesarrolladores":15663,"Ġtecnológicas":15664,"tase":15665,"éase":15666,"Ġcuader":15667,"ĠHam":15668,"âĢĶ,":15669,"à¸":15670,"Ġrele":15671,"Ġcéle":15672,"Ġpersonalizar":15673,"ĠIdeal":15674,"rill":15675,"Ġsanidad":15676,"Ġ07":15677,"Ġfortalecimiento":15678,"ĠDC":15679,"Ġrecomp":15680,"ĠTrin":15681,"Ġasegurarse":15682,"ĠPosteriormente":15683,"Ġcurr":15684,"Ġjuzgar":15685,"Ġoff":15686,"Ġapropiado":15687,"Ġero":15688,"ĠAccesorios":15689,"Ġdiab":15690,"lerÃŃa":15691,"Ġcampesinos":15692,"Ġlleguen":15693,"Ġlenta":15694,"Ġsubvenciones":15695,"Ġmata":15696,"Ġchef":15697,"Ġfiebre":15698,"ĠproteÃŃna":15699,"Ġdependencias":15700,"uck":15701,"Ġconecta":15702,"Ġpromesas":15703,"Ġtextil":15704,"Ġdedicados":15705,"óbal":15706,"Ġfrecuentemente":15707,"Será":15708,"Util":15709,"ĠJunto":15710,"Ġfós":15711,"ĠtelefonÃŃa":15712,"Ġpasear":15713,"Ġsorprendido":15714,"ĠOB":15715,"ĠZamora":15716,"Ġbotellas":15717,"Ġcolap":15718,"Ġcansan":15719,"Ġbonitos":15720,"Ġtwitter":15721,"Ġmultimedia":15722,"Ġsuscripción":15723,"ĠSimplemente":15724,"Ġrocas":15725,"Ġcorrección":15726,"ĠLiteratura":15727,"itamente":15728,"TIL":15729,"ĠBruselas":15730,"Ġtestimonios":15731,"Ġdecirte":15732,"Ġindicando":15733,"ĠTarje":15734,"Clar":15735,"Ġpegar":15736,"Ġcivilización":15737,"uces":15738,"valo":15739,"Ġplantear":15740,"gón":15741,"Ġportero":15742,"Ġsirva":15743,"Ġluchando":15744,"ĠFuentes":15745,"Ġnormalidad":15746,"Ġtraigo":15747,"Ġingenieros":15748,"ĠHidalgo":15749,"Ġproducciones":15750,"tier":15751,"ĠCalderón":15752,"bito":15753,"Ġreside":15754,"Ġmostraron":15755,"donde":15756,"ĠPeque":15757,"Ġjuzgado":15758,"Ġ84":15759,"ĠMoto":15760,"Ġconjuntamente":15761,"Ġliquidación":15762,"ĠDebe":15763,"Ġdeberás":15764,"Ġdesagrad":15765,"versidad":15766,"ĠConcepción":15767,"Ġconcursos":15768,"ĠHome":15769,"Ġprecisó":15770,"ream":15771,"ĠMargarita":15772,"Ġbicicletas":15773,"Ġmarcada":15774,"Ġcolo":15775,"ridge":15776,"Ġcompetitivo":15777,"ĠCEO":15778,"omer":15779,"Ġdorado":15780,"ĠEstrateg":15781,"Ġciber":15782,"Ġecuator":15783,"Ġruidos":15784,"ĠAdi":15785,"celente":15786,"Ġasfal":15787,"pados":15788,"ĠREC":15789,"ĠInternacionales":15790,"Ġino":15791,"Ġ02":15792,"âĢľ,":15793,"Ġmina":15794,"ĠTienen":15795,"ĠOrtiz":15796,"Ġalteraciones":15797,"ielos":15798,"Ġconcesion":15799,"Ġexhibición":15800,"ĠPregun":15801,"Ġtardar":15802,"Ġinstruc":15803,"ĠGENER":15804,"Ġasequ":15805,"Ġms":15806,"Ġexhaust":15807,"Ġrevés":15808,"prim":15809,"gg":15810,"Ġválv":15811,"ĠSt":15812,"ĠSosten":15813,"ĠTok":15814,"\")":15815,"ĠAB":15816,"Ġasesinado":15817,"ÃŃmetro":15818,"Ġmencionó":15819,"ĠTrip":15820,"Ġcompac":15821,"Ġcriaturas":15822,"ĠFIFA":15823,"ĠUNA":15824,"ĠConvención":15825,"iversidad":15826,"ĠErnesto":15827,"Ġusada":15828,"ĠPolÃŃticas":15829,"Ġrú":15830,"ELA":15831,"exión":15832,"Ġflash":15833,"Ġvirtudes":15834,"Ġrot":15835,"Ġaber":15836,"Ġaplicables":15837,"arch":15838,"omé":15839,"ĠAmerican":15840,"ĠMarc":15841,"Ġpierden":15842,"93":15843,"feras":15844,"ĠIrlanda":15845,"Ġamplios":15846,"Ġprefieren":15847,"Ġfabricado":15848,"ĠMárquez":15849,"ĠNiños":15850,"Ġagregado":15851,"Ġvist":15852,"Ġrega":15853,"Ġdespro":15854,"Ġrid":15855,"Ġfantástica":15856,"ĠJardÃŃn":15857,"abellón":15858,"94":15859,"ĠBran":15860,"Art":15861,"adra":15862,"ĠZapatillas":15863,"Ġburo":15864,"oral":15865,"ĠXVII":15866,"Ġincorporado":15867,"pertura":15868,"ĠChicas":15869,"Ġbolsillos":15870,"Ġmarihuana":15871,"Ġformó":15872,"ĠTenÃŃa":15873,"Ġmotiva":15874,"...âĢĿ":15875,"Ġcompositor":15876,"Ġdescendi":15877,"Ġnegativas":15878,"ĠEstación":15879,"ĠMez":15880,"Ġaje":15881,"Ġrepertorio":15882,"1999":15883,"ĠCuatro":15884,"Ġlevantó":15885,"ajos":15886,"Ġotorgado":15887,"Ġacusaciones":15888,"Ġpól":15889,"ĠolÃŃmp":15890,"Ġbodega":15891,"Ġdedican":15892,"ĠThomas":15893,"Ġilegales":15894,"Ġdaban":15895,"Ġbellas":15896,"quitos":15897,"Ġinvertido":15898,"Ġneumáticos":15899,"dadura":15900,"Ġpensó":15901,"Ġrobots":15902,"Ġadelgazar":15903,"Ġindefin":15904,"Ġdila":15905,"Ġrenovables":15906,"Ġcitada":15907,"Ġreta":15908,"Ġsexualidad":15909,"Ġliteralmente":15910,"ácticas":15911,"Ġcurvas":15912,"Ġfallos":15913,"Lle":15914,"Ġmochila":15915,"Ġconcretos":15916,"ĠPalabra":15917,"ĠCliente":15918,"FC":15919,"FORMA":15920,"ĠHolanda":15921,"Ġdesconoce":15922,"Ġviejas":15923,"Ġtolerancia":15924,"itán":15925,"ÃĤ":15926,"Ġenseguida":15927,"ĠBene":15928,"estes":15929,"Ġautónoma":15930,"Ġvalidez":15931,"Ġinvolucrados":15932,"ĠtÃŃpicos":15933,"Ġexpresidente":15934,"rovi":15935,"ĠEconómico":15936,"loween":15937,"Ġcomuna":15938,"nie":15939,"tecn":15940,"ĠLaguna":15941,"Ġpublico":15942,"''":15943,"Ġdándole":15944,"Ġcaba":15945,"Ġstar":15946,"Ġobligada":15947,"Ġjugo":15948,"Ġcapitalista":15949,"ĠJan":15950,"Ġegip":15951,"ĠMontevideo":15952,"Ġacercamiento":15953,"ĠQuÃŃm":15954,"Ġadmite":15955,"Ġherido":15956,"Ġremate":15957,"Ġmanifestado":15958,"ĠDNI":15959,"Ġparroquia":15960,"Ġmolestias":15961,"Ġaérea":15962,"ifa":15963,"Ġfrenar":15964,"ĠXbox":15965,"Ġconsiguiendo":15966,"Ġhospe":15967,"Ġalmacenar":15968,"Ġdesfile":15969,"Ġinstrucción":15970,"Ġatletas":15971,"Ġintervenir":15972,"ĠEscal":15973,"ñera":15974,"Ġaran":15975,"Ġpresentando":15976,"ĠPromoción":15977,"acao":15978,"Ġracional":15979,"ĠPeru":15980,"Ġaban":15981,"Ġemocionante":15982,"Ġdespi":15983,"ĠVII":15984,"Ġcriminales":15985,"ĠVaticano":15986,"ĠCiudadanos":15987,"Ġsometido":15988,"ĠChicago":15989,"adurÃŃa":15990,"ĠLabora":15991,"Ġprofundas":15992,"Ġchilena":15993,"Ġeli":15994,"ĠWin":15995,"orra":15996,"Ġprecedentes":15997,"ĠMontes":15998,"Ġerrad":15999,"ĠCrim":16000,"Ġafirmación":16001,"denal":16002,"Ġcardi":16003,"Debido":16004,"Ġaccionistas":16005,"Person":16006,"ĠMec":16007,"Ġala":16008,"Ġconvenios":16009,"Ġsimbol":16010,"Ġrota":16011,"Ġasocia":16012,"CIOS":16013,"Ġsobra":16014,"Ġdarme":16015,"Ġ(+":16016,"ĠBla":16017,"Ġvirgen":16018,"igra":16019,"Ġelegidos":16020,"Quiz":16021,"ciano":16022,"Ġocupan":16023,"Ġrigor":16024,"ÃijO":16025,"Ġhable":16026,"ption":16027,"áce":16028,"dÃŃas":16029,"Ġcorresponda":16030,"Ġtomada":16031,"Ġverán":16032,"ĠGuzmán":16033,"Ġente":16034,"Ġllamas":16035,"Ġmusica":16036,"Ġultima":16037,"ĠOviedo":16038,"istades":16039,"Ġespecialidades":16040,"Disfru":16041,"ĠJehová":16042,"Ġdeberes":16043,"Ġconsidere":16044,"guer":16045,"ĠIbero":16046,"Ġcotización":16047,"Ġhospit":16048,"Ġderrib":16049,"Ġindemnización":16050,"ĠPatricia":16051,"Ġayudó":16052,"ANO":16053,"respons":16054,"Ġrodilla":16055,"Ġelectrodomésticos":16056,"telo":16057,"TEL":16058,"Red":16059,"Ġserlo":16060,"Ġamparo":16061,"onado":16062,"Ġcabezas":16063,"clip":16064,"ĠAllen":16065,"UCA":16066,"Ġcomodidades":16067,"Ġ05":16068,"Ġinteresadas":16069,"dole":16070,"Ġcálculos":16071,"Ġcampamento":16072,"Ġrechazar":16073,"Ġpedimos":16074,"ĠBob":16075,"blación":16076,"ENTES":16077,"tices":16078,"micos":16079,"Ġ76":16080,"foro":16081,"Ġdesvel":16082,"Ġescasa":16083,"Ġaplicando":16084,"Ġ96":16085,"IE":16086,"Ġbala":16087,"Ġllenas":16088,"Ġsubiendo":16089,"Ġhormigón":16090,"try":16091,"Ġutilice":16092,"Ġsexta":16093,"Ġescalera":16094,"Ġcobran":16095,"ĠMiranda":16096,"Ġembajador":16097,"Ġtour":16098,"Ġfabrica":16099,"Ġvulnerables":16100,"cionan":16101,"ĠÃŃndices":16102,"Ġprefiero":16103,"Ġplanteado":16104,"Ġcerámica":16105,"ĠTÃŃtulo":16106,"Ġmaterna":16107,"ĠPuig":16108,"ĠhÃŃb":16109,"Ġborra":16110,"Ġtrág":16111,"ferente":16112,"boa":16113,"Ġbach":16114,"Ġpresidentes":16115,"ĠNegocios":16116,"Ġochenta":16117,"amina":16118,"Ġantioxid":16119,"Ġincapacidad":16120,"ĠUU":16121,"Ġemprendedor":16122,"Ġdependerá":16123,"FO":16124,"ĠArgentino":16125,"olvió":16126,"casa":16127,"lago":16128,"Ġteórico":16129,"ĠNu":16130,"ĠFire":16131,"Ġcentrado":16132,"Ġdebates":16133,"Ġobservaciones":16134,"ĠTimes":16135,"ĠjurÃŃdicas":16136,"Ġeterno":16137,"ĠpenÃŃnsula":16138,"ĠhÃŃgado":16139,"Ġasignación":16140,"ĠWall":16141,"ĠRin":16142,"asterio":16143,"Ġconmemor":16144,"2000":16145,"Ġeficaces":16146,"cionistas":16147,"Ġmedieval":16148,"ĠProfesor":16149,"Ġconvencionales":16150,"Ġestudiando":16151,"Ġdesconec":16152,"Ġcomandante":16153,"Ġconsolidación":16154,"Ġexpedición":16155,"ĠUp":16156,"inger":16157,"ĠPlataforma":16158,"Ġ77":16159,"Ġcosecha":16160,"ĠAso":16161,"Ġmalestar":16162,"ologia":16163,"ĠVera":16164,"Ġclasificados":16165,"ì":16166,"Ġcompletas":16167,"ĠUsuarios":16168,"BLE":16169,"ĠProducto":16170,"Ġprimor":16171,"ĠCorporación":16172,"piraciones":16173,"ĠcardÃŃa":16174,"Ġjejeje":16175,"gantes":16176,"Ġcaña":16177,"Ġdivertir":16178,"ĠAlcalde":16179,"ĠChia":16180,"PM":16181,"ĠDemocr":16182,"Ġeviden":16183,"Ġdominante":16184,"Ġcreencia":16185,"ĠMichel":16186,"ĠLev":16187,"agro":16188,"Ġdificil":16189,"ĠNacionales":16190,"timamente":16191,"ĠTermin":16192,"Ġsecos":16193,"estiona":16194,"genos":16195,"ESTI":16196,"Ġprotector":16197,"ĠPriva":16198,"tráfico":16199,"ji":16200,"Ġelog":16201,"ditos":16202,"91":16203,"ĠNob":16204,"Ġpresunto":16205,"Ġestudia":16206,"Ġpilares":16207,"Ġartesan":16208,"Ġhered":16209,"Ġfestivales":16210,"ollo":16211,"mó":16212,"ĠKm":16213,"ĠdecÃŃan":16214,"Ġniega":16215,"dijo":16216,"Ġ73":16217,"Amb":16218,"Ġsocialismo":16219,"Ġindependen":16220,"Ġjazz":16221,"Ġcariños":16222,"Ġdestinadas":16223,"Ġvasos":16224,"Ġemitido":16225,"Ġ160":16226,"Ġtrauma":16227,"Ġ(\"":16228,"Ġocurra":16229,"ĠInvestigaciones":16230,"ĠGobernador":16231,"ĠCS":16232,"ĠUniverso":16233,"fique":16234,"ã":16235,"Ġexpuestos":16236,"Ġtemáticas":16237,"Ġemplea":16238,"ĠCristóbal":16239,"Ġgarganta":16240,"Ġsuceso":16241,"Ġpieles":16242,"Ġafirman":16243,"Ġpreservar":16244,"Ġmore":16245,"acate":16246,"dibu":16247,"ĠBuena":16248,"Ġagujero":16249,"PAR":16250,"Ġaplas":16251,"ianzas":16252,"Ġbuscaba":16253,"Ġconjuntos":16254,"ĠMari":16255,"Ġproduciendo":16256,"Ġcenar":16257,"Ġpermiti":16258,"Ġlección":16259,"cino":16260,"Sh":16261,"iestas":16262,"Ġvisuales":16263,"Ġrespecta":16264,"Ġestupenda":16265,"jadas":16266,"Ġfuncione":16267,"Ġmonumento":16268,"Ġrastre":16269,"ĠPresupuesto":16270,"avier":16271,"precio":16272,"Ġcarteles":16273,"ĠRad":16274,"Ġaumentó":16275,"grade":16276,"Ġescudo":16277,"Ġminera":16278,"Ġcartón":16279,"Ġcolocado":16280,"Ġdiam":16281,"ĠImagen":16282,"Ġautomovil":16283,"Ġjaja":16284,"ĠcercanÃŃa":16285,"ĠJornadas":16286,"tizó":16287,"Ġmantenga":16288,"Ġfalsos":16289,"Ġadquiere":16290,"reste":16291,"tricos":16292,"ié":16293,"ierten":16294,"Ġtesoro":16295,"tat":16296,"Ġfontan":16297,"Ġdigan":16298,"Ġmezclar":16299,"ĠDelegación":16300,"Ġsonora":16301,"ĠRece":16302,"astas":16303,"kar":16304,"Ġquerida":16305,"ĠCAS":16306,"ĠPaco":16307,"ĠPaseo":16308,"Ġpuntuación":16309,"ĠLeo":16310,"ĠXD":16311,"ĠAng":16312,"Ġprovocando":16313,"Ġarticulo":16314,"Ġaero":16315,"Ġtarta":16316,"ĠLucÃŃa":16317,"ORES":16318,"Ġhistóricas":16319,"Ġtriunf":16320,"Ġimportación":16321,"Ġimpecable":16322,"Ġreconstrucción":16323,"Ġmilag":16324,"ĠEstudiantes":16325,"2003":16326,"izarse":16327,"Ġmillas":16328,"Ġpelu":16329,"Ġentendemos":16330,"Ġaprovechamiento":16331,"Ġcontentos":16332,"omi":16333,"icados":16334,"Ġespaldas":16335,"ĠAudio":16336,"Ġmadura":16337,"Ġpropaganda":16338,"ĠcientÃŃficas":16339,"guero":16340,"Ġproductiva":16341,"Ġsobrepas":16342,"Ġsubido":16343,"ĠRAM":16344,"Ġestro":16345,"imental":16346,"Ġzar":16347,"Ġuse":16348,"Ġbono":16349,"â":16350,"éstico":16351,"Ġegres":16352,"icóp":16353,"Ġ125":16354,"Ġpresum":16355,"ĠInici":16356,"Ġangustia":16357,"Ġimpactos":16358,"Ġaéreo":16359,"Ġresidencial":16360,"eamiento":16361,"Ġestupendo":16362,"Ġave":16363,"ĠIber":16364,"Ġinformativo":16365,"Ġagricultores":16366,"ĠmagnÃŃfica":16367,"Ġtaxi":16368,"contin":16369,"Ġorganizadores":16370,"ĠNews":16371,"ĠSpi":16372,"ragona":16373,"Ġposeer":16374,"Ġrelativos":16375,"ĠparaÃŃso":16376,"Ġcontinuará":16377,"Ġcuerdas":16378,"ĠHistórico":16379,"Ġobligatoria":16380,"Ġpreventiva":16381,"Ġqueréis":16382,"Ġhalla":16383,"Ġcarnes":16384,"ĠJalisco":16385,"ĠSEG":16386,"Ġsensibil":16387,"Ġcuadrado":16388,"twitter":16389,"Ġhéroes":16390,"Ġaplican":16391,"Ġejerce":16392,"ĠTelevisión":16393,"700":16394,"Ġbuscado":16395,"ĠDescargar":16396,"Ġapetece":16397,"ócratas":16398,"Ġconsiderarse":16399,"Ġmiradas":16400,"Ġconoces":16401,"Ġemplear":16402,"Ġpasaje":16403,"Ġpropósitos":16404,"Ġvenganza":16405,"Ġlentes":16406,"Ġbul":16407,"sticos":16408,"Ġinmigración":16409,"Ġválido":16410,"red":16411,"Ġvayas":16412,"Ġcontundente":16413,"Ġfarmacia":16414,"Ġrestantes":16415,"gorit":16416,"Ġinsign":16417,"uado":16418,"Ġatar":16419,"Ġgestiones":16420,"Ġfér":16421,"ĠTamaño":16422,"Ġanalistas":16423,"ĠJord":16424,"ĠHues":16425,"Ġcontrola":16426,"ĠQuizá":16427,"ĠPach":16428,"less":16429,"Ġtrajes":16430,"Ġfué":16431,"Ġeman":16432,"ĠChat":16433,"patÃŃa":16434,"Ġalcaldesa":16435,"Ġexperimento":16436,"Hz":16437,"Ġmero":16438,"Ġprelim":16439,"jerci":16440,"Ġmonumentos":16441,"ison":16442,"Ġhuellas":16443,"telerÃŃa":16444,"Ġcreados":16445,"Ġ71":16446,"Ġdejarlo":16447,"tang":16448,"Ġcargado":16449,"TIS":16450,"dros":16451,"Ġinspirado":16452,"Ġcompensación":16453,"Esper":16454,"Ġproveer":16455,"Ġneoliber":16456,"Ġatracciones":16457,"Ġcontamin":16458,"Ġcopas":16459,"Ġmel":16460,"ĠÃģvila":16461,"ĠSci":16462,"ĠVÃŃa":16463,"INO":16464,"Ġcong":16465,"ĠNaturales":16466,"Ġvalenci":16467,"Ġtrajo":16468,"Ġpoderosos":16469,"ĠCle":16470,"ĠCamil":16471,"ĠBeach":16472,"ãĢ":16473,"étera":16474,"ĠComunidades":16475,"Ġ93":16476,"Ġmiedos":16477,"ĠInicio":16478,"Ġpresiones":16479,"Ġescribo":16480,"ĠVidal":16481,"Ġmanuales":16482,"Ġficheros":16483,"Ġvegetación":16484,"DÃŃa":16485,"ĠBrown":16486,"ĠindÃŃgena":16487,"Ġpotenci":16488,"gur":16489,"Ġrentable":16490,"Ġlevanta":16491,"Ġinsectos":16492,"Ġorgánica":16493,"Ġaliento":16494,"tice":16495,"Ġosci":16496,"Ġ;)":16497,"Ġrepas":16498,"Ġ88":16499,"Ġofensiva":16500,"âĦ¢":16501,"oreste":16502,"Ġgrano":16503,"Ġdesem":16504,"Ġ06":16505,"Ġlocalizar":16506,"erta":16507,"Ġartesanal":16508,"Ġcardiovas":16509,"bitro":16510,"bon":16511,"Ġexternas":16512,"Ġconsecutivo":16513,"Ġutilizó":16514,"Ġhistorial":16515,"ĠGroup":16516,"Ġmáximos":16517,"Ġatraviesa":16518,"Ġkit":16519,"Ġalegr":16520,"Da":16521,"Ġremol":16522,"obia":16523,"Ġ03":16524,"?)":16525,"VIS":16526,"ĠdeberÃŃamos":16527,"ĠVAL":16528,"ineros":16529,"Ġmatriz":16530,"adro":16531,"ĠOaxaca":16532,"Ġbañera":16533,"ĠJar":16534,"ĠDé":16535,"ĠDicho":16536,"ĠApp":16537,"ĠEnseñ":16538,"Ġinflamación":16539,"Ġcómodos":16540,"amplona":16541,"iuda":16542,"Ġup":16543,"Ġfile":16544,"Ġtoro":16545,"urso":16546,"CAR":16547,"Ġrepite":16548,"ĠBara":16549,"Ġcopiar":16550,"ĠZel":16551,"diversidad":16552,"Pese":16553,"Ġayudando":16554,"Ġdependiente":16555,"Ġmentiras":16556,"inosa":16557,"Ġcasino":16558,"ĠAndre":16559,"ĠDisponible":16560,"ĠMatem":16561,"Ġ82":16562,"Ġrecibo":16563,"izamos":16564,"Ġofrecerle":16565,"Ġterremoto":16566,"ĠTuc":16567,"Ġ74":16568,"Otros":16569,"ĠSolici":16570,"Ġbroma":16571,"ĠRead":16572,"Ġelegida":16573,"esterol":16574,"nea":16575,"Ġbaratas":16576,"ĠSir":16577,"Ġsalarial":16578,"Ġtomamos":16579,"Ġalteración":16580,"Ġliberar":16581,"ĠRum":16582,"Ġnóm":16583,"rencia":16584,"Ġcolonial":16585,"Trabaj":16586,"rimido":16587,"Ġcurar":16588,"ĠAlicia":16589,"Ġarreba":16590,"ĠAre":16591,"ĠLab":16592,"Ġestimular":16593,"Ġobreros":16594,"ĠCervantes":16595,"ĠRedes":16596,"Ġair":16597,"Ġventil":16598,"Ġcalcula":16599,"Ġregalar":16600,"ava":16601,"Ġexpone":16602,"ritas":16603,"ĠGrand":16604,"Ġamas":16605,"nis":16606,"Ġesfera":16607,"hen":16608,"ĠCy":16609,"Ra":16610,"Ġpeliculas":16611,"Ġhuir":16612,"ĠProgram":16613,"rillas":16614,"Ġayuden":16615,"Ġponerle":16616,"ĠMusic":16617,"Ġsucur":16618,"Ġmotocicle":16619,"ï¼":16620,"Ġalmoh":16621,"Ġparticipante":16622,"Ġocurren":16623,"nan":16624,"Ġpreocupes":16625,"Ġextranjeras":16626,"Ġilustraciones":16627,"Ġtemporales":16628,"ball":16629,"Ġpermitirán":16630,"ĠponÃŃa":16631,"Ġnombramiento":16632,"itivos":16633,"ĠLugar":16634,"Ġóptica":16635,"Ġintroduce":16636,"ĠNetflix":16637,"ĠðŁĻĤ":16638,"ĠAqu":16639,"itenci":16640,"Ġignorancia":16641,"EFE":16642,"Ġascensor":16643,"ĠBase":16644,"Ġperuana":16645,"Ġpala":16646,"alos":16647,"Ġespuma":16648,"Ġordenado":16649,"Ġchaqueta":16650,"Ġorilla":16651,"Ġenfrente":16652,"Ġestip":16653,"ĠHogar":16654,"Ġrecuerdan":16655,"dirse":16656,"Ġenla":16657,"IVERS":16658,"Ġambul":16659,"ĠNú":16660,"manente":16661,"Ġprotegido":16662,"ĠCala":16663,"Ġalmacén":16664,"Ġcansancio":16665,"Vis":16666,"ĠProf":16667,"ĠIND":16668,"Ġespectro":16669,"ĠMateo":16670,"ĠCorrea":16671,"ericordia":16672,"ĠBarran":16673,"Ġavanzando":16674,"ĠPueden":16675,"irma":16676,"ĠFox":16677,"Ġabren":16678,"Ġnarrativa":16679,"Ġaccede":16680,"Ġsatélite":16681,"Ġlatina":16682,"ĠCristiano":16683,"ĠJordi":16684,"Ġprivilegio":16685,"Ġdesarrollará":16686,"Ġcabecera":16687,"onesa":16688,"Ġsud":16689,"ĠFM":16690,"ĠEM":16691,"board":16692,"Ġpuri":16693,"Ġcelebraciones":16694,"Ġvolúmenes":16695,"ometrÃŃa":16696,"Ġimpunidad":16697,"Ġinformático":16698,"Ġatentos":16699,"ĠFl":16700,"cisamente":16701,"ĠHouse":16702,"Ġunirse":16703,"tx":16704,"eek":16705,"ĠDescubre":16706,"tta":16707,"Ġdies":16708,"iw":16709,"ĠMarca":16710,"gam":16711,"Ġantel":16712,"gregación":16713,"Ġdonación":16714,"Ġanterioridad":16715,"ĠCán":16716,"Ġnevera":16717,"Ġnubl":16718,"Ġbeneficiarios":16719,"TRI":16720,"Ġverificación":16721,"ĠmandÃŃ":16722,"Ġhábiles":16723,"ianismo":16724,"ĠperÃŃodos":16725,"Ġestructural":16726,"bablemente":16727,"teriales":16728,"acion":16729,"ĠAvis":16730,"ĠPV":16731,"Ġfatal":16732,"hidra":16733,"Ġintendente":16734,"Ġprioridades":16735,"Ġsubrayó":16736,"âĢĵ,":16737,"Ġproducida":16738,"Ġ1985":16739,"ĠEspec":16740,"Ġglobales":16741,"ĠEléctr":16742,"Ġcosech":16743,"Ġsecundario":16744,"Ġmasculina":16745,"Ġescasez":16746,"terránea":16747,"Ġvolvieron":16748,"Press":16749,"Ġtomas":16750,"Ġexpresado":16751,"Ġerrón":16752,"Ġalerg":16753,"pur":16754,"ĠIndependencia":16755,"Ġdivina":16756,"Ġnotific":16757,"Ġperpetu":16758,"Ġcircuitos":16759,"ĠartÃŃsticas":16760,"Ġsólidos":16761,"ĠNorma":16762,"áfrica":16763,"Ġcaracteres":16764,"Ġfronter":16765,"Ġdomingos":16766,"élix":16767,"Ġcerrad":16768,"ĠOpciones":16769,"vs":16770,"Ġfinalizó":16771,"Ġadorn":16772,"Ġradiación":16773,"Ġpertinentes":16774,"ĠRem":16775,"une":16776,"Ġfollar":16777,"zaron":16778,"Ġarra":16779,"ortante":16780,"guo":16781,"Ġetcétera":16782,"Ġtraduce":16783,"Pan":16784,"erna":16785,"Ġvoluntaria":16786,"ormal":16787,"Ġganancia":16788,"Ġóptimo":16789,"gem":16790,"Ġ::":16791,"Ġcálido":16792,"Ġantrop":16793,"Ġcompartida":16794,"ĠCabil":16795,"Ġdiscursos":16796,"ĠTravel":16797,"Ġapostar":16798,"Ġrescatar":16799,"Ġsabia":16800,"AF":16801,"minente":16802,"Ġretención":16803,"Ġdeses":16804,"ĠAndrea":16805,"ĠCoopera":16806,"Ġlactancia":16807,"Ġabsorción":16808,"Bol":16809,"rive":16810,"ĠdarÃŃa":16811,"LOS":16812,"ĠRi":16813,"2005":16814,"Ġ86":16815,"ĠIntel":16816,"Ġescape":16817,"ĠMorena":16818,"Ġmolé":16819,"Ġthis":16820,"Ġbúsquedas":16821,"ENTOS":16822,"âĤ¬.":16823,"Ġalegro":16824,"Ġinvasión":16825,"Ġayudarle":16826,"Parece":16827,"Ġextraños":16828,"Ġimpi":16829,"Ġjamón":16830,"Ġrápidas":16831,"Ġole":16832,"Ġmarx":16833,"Ġcensura":16834,"Ġdinámico":16835,"ĠCorazón":16836,"Ġciertamente":16837,"Ġhacerme":16838,"Ġrodillas":16839,"Ġcolesterol":16840,"Ġpreciosas":16841,"Ġmérito":16842,"eche":16843,"ĠYoutube":16844,"Ġilim":16845,"Ġapuntan":16846,"Ġperdieron":16847,"Ġoportuno":16848,"Ġpresentadas":16849,"Ġecológica":16850,"ĠAmigos":16851,"Ġllame":16852,"Ġcostar":16853,"ĠCamb":16854,"teado":16855,"Ġaltitud":16856,"Ġencargo":16857,"ĠClara":16858,"Ġcinturón":16859,"Ġfidelidad":16860,"Ġlegalidad":16861,"Ġaveriguar":16862,"zu":16863,"ĠMary":16864,"gers":16865,"ilateral":16866,"Ġrespirar":16867,"ĠTr":16868,"Ġexcursión":16869,"Ġaltar":16870,"Ġoriginalmente":16871,"Sa":16872,"ĠAdministrativo":16873,"Ġreportaje":16874,"Ġoscuros":16875,"velo":16876,"ory":16877,"ĠÃĵscar":16878,"ĠSofÃŃa":16879,"ĠLon":16880,"Ġsever":16881,"ĠFlo":16882,"Ġanoche":16883,"Ġpresidenciales":16884,"Ġrollo":16885,"Ġdeliciosa":16886,"Ġdiputada":16887,"Ġdébiles":16888,"ĠPaso":16889,"ĠFamiliar":16890,"Ġrosas":16891,"Ġexigen":16892,"Ġgestos":16893,"bust":16894,"Ġapoder":16895,"TRE":16896,"Ġdisfraz":16897,"cinco":16898,"Ġdetalló":16899,"Ġpsicológico":16900,"âĢľ.":16901,"ĠViernes":16902,"Ġincapaz":16903,"Ġsetenta":16904,"Ġrecub":16905,"Ġaspirantes":16906,"Ġduró":16907,"Ġminas":16908,"Ġdependen":16909,"Ġpongan":16910,"Ġepide":16911,"riga":16912,"ĠCharles":16913,"Ġgel":16914,"tum":16915,"Ġesperanzas":16916,"Ġ{":16917,"gela":16918,"Ġsencillamente":16919,"Ġacercó":16920,"Ġinunda":16921,"Ġpeg":16922,"ĠJunior":16923,"ibu":16924,"Ġquiénes":16925,"Mas":16926,"melo":16927,"Ġangel":16928,"Ġamistades":16929,"stro":16930,"Ġtitularidad":16931,"ĠAlcalá":16932,"ĠOccidente":16933,"Ġestimado":16934,"Podemos":16935,"Ġpatri":16936,"ĠEnc":16937,"ĠAcadém":16938,"Ġterminales":16939,"Ġconquistar":16940,"Ġfilme":16941,"Ġcalcio":16942,"ĠRO":16943,"Ġvinculación":16944,"Ġelenco":16945,"Ġmerca":16946,"viar":16947,"Ġdecidi":16948,"Ġcomenzando":16949,"Ġtrac":16950,"Ġresaltó":16951,"Ġtremen":16952,"Ġlegisladores":16953,"Ġorquesta":16954,"Ġgrueso":16955,"Ġgabinete":16956,"ĠsalÃŃa":16957,"Ġcuidadosamente":16958,"Ġspam":16959,"Cl":16960,"Men":16961,"Ġinvito":16962,"ariana":16963,"ĠAun":16964,"Ġconectividad":16965,"Ġaliviar":16966,"Ġabo":16967,"Ġdepre":16968,"Ġmilagro":16969,"Ġpuentes":16970,"Ġpilas":16971,"ĠPis":16972,"ĠeconomÃŃas":16973,"Ġhelicóp":16974,"Ġvarones":16975,"ali":16976,"itudes":16977,"ĠSindica":16978,"Ġestampado":16979,"Ġseparados":16980,"Ġviolaciones":16981,"ĠBretaña":16982,"Ġtrabajadora":16983,"Ġabuelos":16984,"tosa":16985,"Ġactúan":16986,"Ġprecar":16987,"Ġantelación":16988,"Ġquemar":16989,"Ġmuel":16990,"Ġdigamos":16991,"Ġlimitación":16992,"ĠPress":16993,"jemplo":16994,"Ġacademia":16995,"Sta":16996,"Ġvariantes":16997,"Ġinterrup":16998,"Ġbiz":16999,"Ġsuspender":17000,"ĠGi":17001,"Ġterrestre":17002,"Ġllantas":17003,"Ġestemos":17004,"ĠIndependiente":17005,"Ġinscripciones":17006,"ĠPaulo":17007,"Ġcatalanes":17008,"Ġbord":17009,"Ġadaptado":17010,"Ġcitar":17011,"ĠCampos":17012,"LAS":17013,"Ġfabricar":17014,"Ġvient":17015,"Ġcompartimos":17016,"Ġbarata":17017,"ĠGay":17018,"ĠAren":17019,"Ġapps":17020,"ĠMarx":17021,"Ġnombrar":17022,"mate":17023,"Ġaconsej":17024,"Ġpromocionar":17025,"Ġcort":17026,"etti":17027,"Ġfomento":17028,"Ġconsiderablemente":17029,"Ġaliado":17030,"Ġtorneos":17031,"Ġcautiv":17032,"Ġemergentes":17033,"drez":17034,"éndum":17035,"ĠPunto":17036,"ĠCorn":17037,"Ġestancias":17038,"ĠBarça":17039,"tinal":17040,"Ġaprovecha":17041,"Ġdomést":17042,"Ġexclusivos":17043,"Ġcigar":17044,"Ġpotable":17045,"ĠCerro":17046,"gracias":17047,"SL":17048,"Ġastro":17049,"Ġpeligrosos":17050,"Ġdieci":17051,"ciedad":17052,"Contin":17053,"ĠPuerta":17054,"zzi":17055,"Ġbajada":17056,"ĠMonterrey":17057,"ĠIgualmente":17058,"ĠDeclaración":17059,"ĠMIN":17060,"Ġ\"¿":17061,"Ġcementerio":17062,"Ġganan":17063,"Ġcompartiendo":17064,"bana":17065,"Ġcamioneta":17066,"Ġgentes":17067,"Ġpagando":17068,"Ġsurgir":17069,"Ġnet":17070,"Ġvinculado":17071,"Ġ1988":17072,"ĠVene":17073,"Ġfreno":17074,"Trans":17075,"copio":17076,"ĠSchool":17077,"ĠAyuda":17078,"luencia":17079,"Ġgam":17080,"Ġmanifest":17081,"Ġwifi":17082,"cesión":17083,"ĠRod":17084,"Ġreflejan":17085,"Ġmelan":17086,"ĠPropiedad":17087,"ĠclÃŃnicas":17088,"ĠPepe":17089,"Ġplug":17090,"Ġcoman":17091,"ĠDeja":17092,"Ġderrum":17093,"acia":17094,"Ġpropici":17095,"Ġdrenaje":17096,"Ġinquietudes":17097,"Ġneutr":17098,"Ġdigit":17099,"bloque":17100,"ĠIU":17101,"ĠvarÃŃa":17102,"omar":17103,"bueno":17104,"Ġsemifinales":17105,"utin":17106,"Ġpesetas":17107,"Ġ1970":17108,"Ġdistor":17109,"compañ":17110,"Ġllevada":17111,"ĠInforma":17112,"Ġescritora":17113,"Ġinnumer":17114,"Encuentra":17115,"Ġacta":17116,"Ġmicroondas":17117,"ĠMagn":17118,"dell":17119,"Ġmigración":17120,"Ġmadurez":17121,"Ġtox":17122,"riente":17123,"Ġmeditación":17124,"ĠTam":17125,"Ġespes":17126,"Ġexitoso":17127,"ĠSimón":17128,"Ġlaboratorios":17129,"Ġolas":17130,"Ġvendedores":17131,"yer":17132,"Ġlava":17133,"Ġ92":17134,"ĠCiudadana":17135,"Ġdeseamos":17136,"imenea":17137,"Ġséptimo":17138,"?\"":17139,"Ġautó":17140,"gmail":17141,"Ġtraemos":17142,"Ġprimo":17143,"Ġdefensores":17144,"aldo":17145,"Ġreciclaje":17146,"Ġtrip":17147,"ĠCortes":17148,"Ġbillete":17149,"Ġadministradores":17150,"Ġperjuicios":17151,"tooth":17152,"Ġsolteros":17153,"Ġresistir":17154,"ĠBeb":17155,"ĠAlbacete":17156,"ĠMemoria":17157,"ĠInten":17158,"Ġcatedral":17159,"Ġenamorado":17160,"ĠTrituradora":17161,"Ley":17162,"Ġllo":17163,"Ġconvicción":17164,"Ġdama":17165,"Dios":17166,"ĠIM":17167,"ENTO":17168,"ĠToy":17169,"Ġpluma":17170,"ĠPresentación":17171,"Ġcomunitaria":17172,"Ġquedé":17173,"ipo":17174,"Ġjugos":17175,"Ġavanzadas":17176,"ĠrÃŃg":17177,"Ġresultaron":17178,"Ġdedicó":17179,"ĠEconómica":17180,"Ġnacidos":17181,"Ġtuya":17182,"ĠEvangelio":17183,"nación":17184,"ICAS":17185,"Ġdistra":17186,"Ġoperan":17187,"ICE":17188,"Ġ1986":17189,"Ġinstitucionales":17190,"Ġpastillas":17191,"HE":17192,"Ġgeográfica":17193,"Ġaires":17194,"ĠTienda":17195,"Ġsom":17196,"Ġdemonios":17197,"ĠParis":17198,"Ġsustancial":17199,"ĠAlimentación":17200,"TT":17201,"Ġviaja":17202,"ĠÃŃndole":17203,"Ġproli":17204,"Ġfalda":17205,"TIVA":17206,"Ġdialo":17207,"ĠClin":17208,"ĠesquÃŃ":17209,"2004":17210,"pica":17211,"cano":17212,"cran":17213,"Ġcampeona":17214,"Ġconsistente":17215,"titas":17216,"ĠValores":17217,"Ġescuchando":17218,"Ġcurric":17219,"ĠTin":17220,"Ġmatan":17221,"ĠPolonia":17222,"Ġrealidades":17223,"Ġestudiado":17224,"racciones":17225,"ÃŃble":17226,"Ġdados":17227,"Ġinfluencias":17228,"ector":17229,"Ġarmados":17230,"Ġnu":17231,"Ġácidos":17232,"Ġove":17233,"Ġalberg":17234,"ĠESPAÃij":17235,"Ġmicró":17236,"Ġrenovado":17237,"Ġconstruye":17238,"ĠSea":17239,"quiler":17240,"Ġseguirán":17241,"ÃįS":17242,"ĠPatria":17243,"rocarril":17244,"ĠTem":17245,"Ġlibertades":17246,"Ref":17247,"mada":17248,"Ġexport":17249,"ĠCop":17250,"load":17251,"Ġaparente":17252,"Ġaumentan":17253,"Ġvinculadas":17254,"Ġconsolidar":17255,"Ġcorporativa":17256,"pedia":17257,"Ġreceptor":17258,"ĠConfederación":17259,"Ġondas":17260,"Ġóptima":17261,"Ġdespierta":17262,"Ġgustar":17263,"trac":17264,"iche":17265,"ĠpodrÃŃas":17266,"Ġacordado":17267,"Primero":17268,"Ġactivamente":17269,"Ġprol":17270,"Ġrelativas":17271,"dalena":17272,"ólicos":17273,"ĠCrédito":17274,"Ġprovisional":17275,"ĠAbogados":17276,"Ġtraducir":17277,"ĠDur":17278,"Ġlecciones":17279,"Ġduele":17280,"Ġacierto":17281,"Ġdescargas":17282,"Ġbomberos":17283,"Ġcrucero":17284,"ione":17285,"ĠLara":17286,"Ġrabia":17287,"ĠDepartam":17288,"Ġdesear":17289,"Ġtomarse":17290,"Ġintoler":17291,"fianza":17292,"Ġpublicadas":17293,"ĠJoven":17294,"GEN":17295,"Ġtramos":17296,"abras":17297,"ixa":17298,"Ġcostó":17299,"TITU":17300,"Ġmencionada":17301,"ĠMap":17302,"ensible":17303,"Ġesencialmente":17304,"ĠAñad":17305,"gara":17306,"urrección":17307,"diós":17308,"Ġcustodia":17309,"ñada":17310,"Ġcreaciones":17311,"Ġsolteras":17312,"Ġalgorit":17313,"úb":17314,"Ġconvocado":17315,"Ġlejano":17316,"ĠbÃŃbl":17317,"Ġamuebl":17318,"ĠLetras":17319,"solo":17320,"Ġpases":17321,"ĠBaleares":17322,"Ġcontenida":17323,"Ġdivide":17324,"Dec":17325,"Ġrecibirán":17326,"Ġredonda":17327,"gaz":17328,"ĠNobel":17329,"Ġesconde":17330,"iamos":17331,"andés":17332,"ĠColombi":17333,"Ġsientan":17334,"Ġsubmar":17335,"CS":17336,"ĠChristian":17337,"ĠMérida":17338,"ĠCabildo":17339,"Ġusamos":17340,"Ġselva":17341,"Ġpelicula":17342,"Ġasesinatos":17343,"táneo":17344,"Ġamericanos":17345,"Tri":17346,"Ġsumó":17347,"Ġcerdo":17348,"idan":17349,"Ġcoincide":17350,"Ġmanufac":17351,"Ġlimpias":17352,"Ġrecomien":17353,"Ġacusación":17354,"Medi":17355,"Ġcaballero":17356,"Ġ87":17357,"ĠfÃŃsicamente":17358,"veniles":17359,"than":17360,"Ġlon":17361,"Ġpatron":17362,"Ġestandar":17363,"ĠmercancÃŃa":17364,"ĠPese":17365,"Ġexcesivo":17366,"ĠComunicaciones":17367,"Ġrojas":17368,"Ġparrilla":17369,"Ġdirectivo":17370,"Ġnorteamericana":17371,"Ġsuponen":17372,"Dónde":17373,"Ġvaliente":17374,"ĠFeb":17375,"Ġdesorden":17376,"frad":17377,"Ġsupermercados":17378,"Ġreclamación":17379,"Ġgenu":17380,"Excelente":17381,"ĠMS":17382,"Ġavanzados":17383,"Ġcentenar":17384,"ĠNick":17385,"tegra":17386,"Ġdespliegue":17387,"Ġadic":17388,"Ġdesar":17389,"ató":17390,"Ġprotegidos":17391,"Ġrepent":17392,"Ġtiros":17393,"atán":17394,"Ġperfectos":17395,"ólicas":17396,"his":17397,"Ġromántica":17398,"Ġretrato":17399,"ĠYan":17400,"ĠEFE":17401,"Ġseamos":17402,"Ġmantendrá":17403,"huahua":17404,"Ġcorro":17405,"Ġauric":17406,"rupos":17407,"ĠTeléfono":17408,"Ġapoyado":17409,"ĠCru":17410,"Ġvalioso":17411,"Ġturb":17412,"Ġmejoramiento":17413,"Ġatendiendo":17414,"govia":17415,"Ġgranos":17416,"Ġprevisión":17417,"Ġaportando":17418,"Ġcentrar":17419,"Ġricas":17420,"Ġaldea":17421,"war":17422,"ĠEsperanza":17423,"Ġpones":17424,"Ġcocinas":17425,"Ġdivorcio":17426,"Ġcompetidores":17427,"ĠSmart":17428,"ulla":17429,"osamente":17430,"cierto":17431,"Ġestrictamente":17432,"Ġreivindic":17433,"Ġsierra":17434,"ĠOlÃŃmpicos":17435,"Ġconvirtiéndose":17436,"Ġvariados":17437,"Ġtacto":17438,"ampar":17439,"Ġrazas":17440,"Ġinus":17441,"Ġchis":17442,"Ġcontratado":17443,"Ġtam":17444,"Ġauge":17445,"ĠChiapas":17446,".;":17447,"Ġcielos":17448,"Ġmédicas":17449,"Ġcaris":17450,"Ġreemplazar":17451,"roll":17452,"Ġanualmente":17453,"Ġdelim":17454,"Ġsensores":17455,"ĠInteligencia":17456,"onedas":17457,"Ġdecan":17458,"iba":17459,"Ġcomparti":17460,"Ġnarcotráfico":17461,"Ġpreferido":17462,"Ġtrozos":17463,"Ġaplicada":17464,"ĠPO":17465,"Ġsovi":17466,"posa":17467,"ÃįN":17468,"tente":17469,"Ġfrescos":17470,"Ġmuchacho":17471,"illón":17472,"Ġrecompensa":17473,"Ġmarino":17474,"Ġutilizarse":17475,"ORA":17476,"ósticos":17477,"Ġajeno":17478,"Ġinconvenientes":17479,"ĠCob":17480,"html":17481,"ui":17482,"Ġmilitantes":17483,"Ġeficientes":17484,"ĠUnos":17485,"nab":17486,"Ġtrabajadoras":17487,"ĠBella":17488,"Ġcomputadoras":17489,"ĠBuscar":17490,"Ġdivulgación":17491,"Ġsudor":17492,"Ġcontrolado":17493,"Ġinca":17494,"ĠtendrÃŃan":17495,"Ġharé":17496,"Ġtablet":17497,"sales":17498,"Ġdiges":17499,"asi":17500,"Tres":17501,"Ġreducida":17502,"Ġregistrada":17503,"ĠPolit":17504,"Ġcristales":17505,"erry":17506,"dada":17507,"ĠEstatuto":17508,"ĠtuberÃŃas":17509,"ĠJones":17510,"ÃŃnguez":17511,"Ġ97":17512,"Ġcambie":17513,"ĠEmpren":17514,"ĠLy":17515,"ĠGam":17516,"algo":17517,"Ġlavan":17518,"Ġecológico":17519,"Ġtransportar":17520,"lice":17521,"ĠIlust":17522,"Ġrelieve":17523,"lave":17524,"Ġ1987":17525,"ĠChampions":17526,"ambios":17527,"ĠOx":17528,"ensas":17529,"Ġdesequilib":17530,"ift":17531,"Ġabdomin":17532,"Ġañadimos":17533,"ĠFO":17534,"Ġguiar":17535,"Ġmasivo":17536,"ĠTO":17537,"Ġmorales":17538,"met":17539,"elar":17540,"Ġ1976":17541,"Ġlana":17542,"ĠPrado":17543,"Ġradica":17544,"Ġdesencaden":17545,"Ġdeshacer":17546,"ĠRoca":17547,"Ġorientado":17548,"eller":17549,"tencias":17550,"Ġobtienen":17551,"ĠOlimp":17552,"Ġllevarlo":17553,"ivir":17554,"Algunas":17555,"Ġafecto":17556,"ĠVesti":17557,"ĠdeberÃŃas":17558,"Ġatropel":17559,"Ġscorts":17560,"alth":17561,"Ġeliminado":17562,"Ġrecipiente":17563,"Ġtermino":17564,"ĠInfo":17565,"Ġprofesionalidad":17566,"Ġespecializadas":17567,"Ġelaborados":17568,"Ġexplotar":17569,"Ġjes":17570,"Ġjuguete":17571,"ĠCompr":17572,"Ġsignificativamente":17573,"Ġdietas":17574,"ĠâĢľÂ¡":17575,"Ġplanificar":17576,"Ġpeligrosa":17577,"Ġbatallas":17578,"ĠAdministraciones":17579,"ulan":17580,"Ġratón":17581,"Ġcomunitario":17582,"Ġpreguntado":17583,"...\"":17584,"Ġvariada":17585,"Ġindicada":17586,"Ġfundamentos":17587,"Ġcompu":17588,"Ġcintas":17589,"Ġcausó":17590,"Ġ79":17591,"Ġespecialización":17592,"Ġsábados":17593,"ĠoÃŃdos":17594,"Ġleyendas":17595,"Ġcontabilidad":17596,"Ġimpresora":17597,"Ġencarcel":17598,"ĠmilÃŃmetros":17599,"Ġresoluciones":17600,"Ġconectados":17601,"ĠPrivacidad":17602,"ramientas":17603,"Ġpincel":17604,"Ġescand":17605,"atan":17606,"Ġexcursiones":17607,"Ġtransport":17608,"Ġprocedencia":17609,"Ġproduzca":17610,"Ġdedicadas":17611,"Ġcoinciden":17612,"ĠFri":17613,"Ġrobot":17614,"ĠHumanidad":17615,"Ġvisibles":17616,"Ġregistraron":17617,"éditos":17618,"Ġconmemora":17619,"Ġmetido":17620,"Ġhaberlo":17621,"ĠPad":17622,"Ġjuicios":17623,"guiente":17624,"Ġgall":17625,"Ġdesactivados":17626,"Fac":17627,"Ġremoto":17628,"Ġpresa":17629,"Ġpersonalizados":17630,"ĠEfec":17631,"Advisor":17632,"ns":17633,"Ġimprim":17634,"quir":17635,"Ġrecibidos":17636,"Ġcasero":17637,"titos":17638,"ĠSob":17639,"entando":17640,"doc":17641,"ĠFIN":17642,"Ġvestuario":17643,"Ġprofesorado":17644,"americanas":17645,"Ve":17646,"ĠtÃŃa":17647,"Ġinnovadoras":17648,"Ġmaravillas":17649,"Ġradicales":17650,"Ġresuelto":17651,"psia":17652,"Ġgubernamental":17653,"ocal":17654,"Ġ89":17655,"ĠBMW":17656,"ITA":17657,"Ġtensiones":17658,"Ġnoventa":17659,"Ġcomplejas":17660,"ĠZapatero":17661,"Ġpesa":17662,"artén":17663,"Ġacostumbrados":17664,"Ġnecesites":17665,"orros":17666,"Ġprovecho":17667,"ĠTercera":17668,"enov":17669,"Ġañadiendo":17670,"Ġdominar":17671,"Ġrecupera":17672,"ĠEric":17673,"ĠEusk":17674,"Ġrisas":17675,"Ġimpartir":17676,"adajo":17677,"pany":17678,"Ġinund":17679,"Ġsemilla":17680,"ĠTecnologÃŃas":17681,"Ġacusados":17682,"Ġcueva":17683,"ahora":17684,"Ġsutil":17685,"copia":17686,"ĠdiscÃŃpulos":17687,"Mer":17688,"ĠGobernación":17689,"Ġcompré":17690,"amen":17691,"Ġsuperó":17692,"Ġinnovadora":17693,"ĠProfesionales":17694,"Ġdetuvo":17695,"banas":17696,"Ġgotas":17697,"ioterapia":17698,"ijón":17699,"Ġare":17700,"sab":17701,"Ġ¡¡":17702,"Ġposicion":17703,"itoral":17704,"ĠsanguÃŃn":17705,"Ġvulnerabilidad":17706,"Ġ83":17707,"Ġacompañan":17708,"Ġdiera":17709,"Ġtransvers":17710,"Ġseparar":17711,"ah":17712,"Ġrecar":17713,"ueras":17714,"Ġtablero":17715,"ajada":17716,"Ġdenunciado":17717,"Ġliberal":17718,"ĠConsulta":17719,"jate":17720,"Ġsumado":17721,"Ġdebatir":17722,"gencia":17723,"Ġrector":17724,"Ġmitos":17725,"ĠLeonardo":17726,"Ġdetallado":17727,"ucción":17728,"Ġminister":17729,"Hist":17730,"Ġhierbas":17731,"Ġinnumerables":17732,"Lleg":17733,"Ġpra":17734,"centr":17735,"Ġllegué":17736,"Ġvolviendo":17737,"feros":17738,"ĠFabric":17739,"Ġalcoh":17740,"Ġcancelar":17741,"Ġapto":17742,"Ġ!!":17743,"ĠAé":17744,"Ġecha":17745,"Ġ81":17746,"Ġafro":17747,"Ġembarca":17748,"Ġafán":17749,"Ġdesb":17750,"ĠValor":17751,"AY":17752,"ĠAQUÃį":17753,"ĠAdidas":17754,"Ġwhats":17755,"ciosos":17756,"ésped":17757,"déis":17758,"ĠÃĥ":17759,"Ġleerlo":17760,"Ġentregas":17761,"Ġtrasladar":17762,"Ġmercantil":17763,"Ġmuñeca":17764,"tiempo":17765,"Ġritual":17766,"Ġalquilar":17767,"ĠQuien":17768,"Ġabstrac":17769,"Nueva":17770,"ĠLegal":17771,"Ġhelado":17772,"ĠIrak":17773,"secre":17774,"Ġ1982":17775,"ĠMedidas":17776,"Ġfall":17777,"Ġreunirse":17778,"ĠEsperamos":17779,"ĠEstu":17780,"Ġfutbolistas":17781,"star":17782,"perci":17783,"Ġenviados":17784,"Ġvisitó":17785,"Ġrepartir":17786,"Ġanimados":17787,"Ġpy":17788,"Ġritmos":17789,"ĠPonte":17790,"Ġsufriendo":17791,"Ġsolas":17792,"Ġvecina":17793,"Ġfibras":17794,"ĠBenito":17795,"Ġrusos":17796,"ĠAlbert":17797,"rigor":17798,"Ġextenso":17799,"Ġenm":17800,"ĠPir":17801,"ĠDown":17802,"mundo":17803,"ĠPL":17804,"ĠRégimen":17805,"Ġsartén":17806,"ĠAustria":17807,"Ġlicitación":17808,"ĠIgualdad":17809,"acal":17810,"ĠKirchner":17811,"Ġbajó":17812,"Ġprestado":17813,"Ġamado":17814,"ueta":17815,"uertas":17816,"Ġreivindica":17817,"Ġcuchillo":17818,"ĠSede":17819,"Ġtropical":17820,"ĠREG":17821,"Ġlote":17822,"ándolas":17823,"Ġnarración":17824,"derismo":17825,"ĠvÃŃs":17826,"ĠSteph":17827,"texto":17828,"Ġválida":17829,"Ġespir":17830,"Ġdudar":17831,"ĠAguilar":17832,"ingo":17833,"Ġsacudi":17834,"Ġcansado":17835,"die":17836,"ĠTratado":17837,"quial":17838,"ICOS":17839,"Ġordenar":17840,"ispos":17841,"Ġautónomo":17842,"Ġmágica":17843,"Ġadoptado":17844,"Ġtrabajaba":17845,"ĠTy":17846,"Ġproductora":17847,"Ġvientre":17848,"Ġcomando":17849,"Ġpotentes":17850,"arto":17851,"ADR":17852,"ulosa":17853,"Ġirregularidades":17854,"Ġsubl":17855,"pus":17856,"Ġneo":17857,"Ġponerte":17858,"Ġfracción":17859,"ientales":17860,"Ġratific":17861,"Ġsois":17862,"Ġfijado":17863,"Ġahorros":17864,"ĠSEC":17865,"Ġhabrán":17866,"Ġdespido":17867,"ifique":17868,"adajoz":17869,"TML":17870,"Ġsantos":17871,"Ãĥº":17872,"ĠCali":17873,"Ġarancel":17874,"Ġfascinante":17875,"Ġseminario":17876,"lot":17877,"bate":17878,"Ġsoldado":17879,"ĠWiFi":17880,"ĠDolores":17881,"Ġromántico":17882,"def":17883,"Ġcompartió":17884,"Ġbote":17885,"Ġdemostración":17886,"Ġimpresiones":17887,"ĠJusto":17888,"ĠFélix":17889,"Ġespirituales":17890,"aré":17891,"Ġsurtido":17892,"Ġescar":17893,"Ġafortun":17894,"plas":17895,"onales":17896,"Ġcompatibles":17897,"Ġcómodas":17898,"Ġinocente":17899,"Han":17900,"mallera":17901,"Ġejecutivos":17902,"ĠCAP":17903,"Ġregresó":17904,"ĠPleno":17905,"ĠXIII":17906,"rias":17907,"Ġciclismo":17908,"Ġ~":17909,"Ġpecados":17910,"DES":17911,"rase":17912,"Ġpozo":17913,"Ġreferéndum":17914,"Ġanat":17915,"dalias":17916,"ficado":17917,"Ġcereales":17918,"ĠNE":17919,"Ġajena":17920,"gros":17921,"Ġgranito":17922,"Ġcombustibles":17923,"Ġensalada":17924,"iÃĥ":17925,"Ġgratuitas":17926,"Ġaprecia":17927,"adecu":17928,"Ġacent":17929,"Ġcabina":17930,"Ġllamamos":17931,"Ġplancha":17932,"Ġmiró":17933,"ÃŃqu":17934,"ĠvarÃŃan":17935,"ĠGold":17936,"Ġusarlo":17937,"ojo":17938,"ĠestadÃŃstica":17939,"Ġfiguran":17940,"vit":17941,"Ġrelajación":17942,"ĠMetropolitana":17943,"Ġfree":17944,"ecemos":17945,"ĠReun":17946,"Ġequivo":17947,"Ġconozca":17948,"Ġperfum":17949,"Ġvengo":17950,"ĠKat":17951,"tificaciones":17952,"ĠTerra":17953,"Ġlobo":17954,"ĠQuito":17955,"Ġapoyos":17956,"ĠURL":17957,"ĠBoletÃŃn":17958,"Ġentienden":17959,"aching":17960,"ĠEC":17961,"Ġfilial":17962,"Ġromano":17963,"fÃŃn":17964,"traciones":17965,"Jes":17966,"Ġsinte":17967,"Ġtanque":17968,"Ġpesada":17969,"ĠCoordinación":17970,"Ġmultic":17971,"Ġhabilitado":17972,"Ġentrando":17973,"Ġdisparos":17974,"Ġevidentemente":17975,"POS":17976,"UB":17977,"MT":17978,"Ġ101":17979,"ĠTienes":17980,"Ġdij":17981,"Ġasiático":17982,"inero":17983,"Barcelona":17984,"dentemente":17985,"Ġfaltas":17986,"ĠCAN":17987,"Ġcompetentes":17988,"Ġ1978":17989,"ueces":17990,"Ġmaneja":17991,"zamos":17992,"Ġexcepciones":17993,"Ġbrecha":17994,"Ġfanáticos":17995,"merce":17996,"Ġestuvimos":17997,"icket":17998,"ĠArmadas":17999,"peso":18000,"ĠprohÃŃ":18001,"Ġprisa":18002,"ĠgeografÃŃa":18003,"Ġacelerar":18004,"Bajo":18005,"Ġnavegando":18006,"ĠNúñez":18007,"Ġconsume":18008,"ĠCáceres":18009,"unning":18010,"Ġlamentablemente":18011,"ĠTripAdvisor":18012,"Ġinterf":18013,"Ġinstala":18014,"Ġinconsciente":18015,"ĠColección":18016,"duzca":18017,"Ġalejado":18018,"ject":18019,"Ġinhib":18020,"Ġabrirá":18021,"Ġlibras":18022,"Ġayuntamientos":18023,"ĠWordPress":18024,"Ġinyección":18025,"Ġcaen":18026,"Ġaccesos":18027,"Ġexcesiva":18028,"Ġllamando":18029,"ĠMAS":18030,"Ġmortalidad":18031,"ĠSole":18032,"????":18033,"Ġreferirse":18034,"restres":18035,"Ġcompre":18036,"Ġvuelvo":18037,"cuito":18038,"SM":18039,"Ġalianzas":18040,"mira":18041,"Ġrecaudación":18042,"Ġ94":18043,"ĠPep":18044,"Ġdie":18045,"Ġmangas":18046,"dren":18047,"Ġsepan":18048,"Ġarmar":18049,"Ġaguantar":18050,"Ġvacun":18051,"Ġmortales":18052,"ulador":18053,"Ġgalax":18054,"Ġproponemos":18055,"Ġjurisp":18056,"Ġestructurales":18057,"Ġrealista":18058,"Ġmáster":18059,"ĠAlcaldÃŃa":18060,"ĠLegislativo":18061,"Ġétn":18062,"Ġlub":18063,"ĠClaudio":18064,"tedra":18065,"pool":18066,"Ġceder":18067,"ĠPamplona":18068,"Ġofrecidos":18069,"Ġfallas":18070,"ا":18071,"Ġexperimentos":18072,"Ġtransex":18073,"dig":18074,"Ġexacto":18075,"Ġinfinito":18076,"Ġhipotec":18077,"tate":18078,"Ġpatente":18079,"ĠExterior":18080,"Ġpasaporte":18081,"Ġpsicológica":18082,"Ġrecolección":18083,"Ġprevisiones":18084,"Ġaclara":18085,"Ja":18086,"sÃŃ":18087,"érmin":18088,"micas":18089,"Ġaceptan":18090,"Ġchimenea":18091,"Ġdistribuir":18092,"ĠPremi":18093,"usse":18094,"Ġmarina":18095,"Ġadmiración":18096,"ullo":18097,"Ġmatices":18098,"Ġpermanentes":18099,"iela":18100,"Ġinvisible":18101,"traron":18102,"Ġinserción":18103,"Ġdelicado":18104,"Ġelegantes":18105,"Ġtru":18106,"Ġrean":18107,"ĠManchester":18108,"ĠAndes":18109,"ĠDor":18110,"Queremos":18111,"Ġsometidos":18112,"Ġcomunión":18113,"mont":18114,"Ġaccesibles":18115,"Ġvelas":18116,"Ġparadas":18117,"uidos":18118,"Ġapuntar":18119,"Ġnaves":18120,"ĠDonde":18121,"ĠcÃŃ":18122,"acoa":18123,"ĠYuc":18124,"Ġecosistema":18125,"ĠcaÃŃdas":18126,"ĠDeci":18127,"verdad":18128,"eños":18129,"Ġtortura":18130,"Ġunico":18131,"Ġtumba":18132,"ĠClaudia":18133,"Ġchilenos":18134,"ĠProceso":18135,"Ġgenio":18136,"Ġalberga":18137,"Ġcaldo":18138,"ĠFiestas":18139,"rari":18140,"Ġimplicados":18141,"gement":18142,"usco":18143,"ĠHalloween":18144,"Ġcrucial":18145,"alizas":18146,"Ġbrasileña":18147,"Ġ1984":18148,"Ġincomo":18149,"ĠManager":18150,"siempre":18151,"Ġtóp":18152,"ológicamente":18153,"Ġsmartphones":18154,"Ġinconveniente":18155,"Ġpintado":18156,"ĠEducativa":18157,"Ġdibujar":18158,"ecerÃŃa":18159,"Ġtenerlo":18160,"Ġparticipaciones":18161,"onaldo":18162,"quién":18163,"Ġmetá":18164,"ĠData":18165,"Ġtelevisor":18166,"ĠconocÃŃ":18167,"Ġembarazadas":18168,"Ġtapas":18169,"Ġcandidata":18170,"Ġprofundos":18171,"Ġdificul":18172,"Ġacoge":18173,"Ġhomicidio":18174,"Ġartificiales":18175,"Ġhorrible":18176,"Ġrecogido":18177,"ĠPino":18178,"Ġrecibida":18179,"Ġdisfrutado":18180,"Ġcarece":18181,"Ġrodaje":18182,"ĠVER":18183,"Ġalojamientos":18184,"ocación":18185,"Ġsupermercado":18186,"ih":18187,"entada":18188,"Ġabanico":18189,"rome":18190,"Ġprogramar":18191,"Ġreconcil":18192,"Ġinmobiliario":18193,"Ġmáscara":18194,"Ġconvierta":18195,"Ġextras":18196,"Ġvacuna":18197,"Ġaproximada":18198,"iena":18199,"jarse":18200,"Ġabsurdo":18201,"ARIA":18202,"ĠSra":18203,"Ġpaseos":18204,"Ġtruco":18205,"ĠAhor":18206,"Ġimpulsado":18207,"Ġllevaban":18208,"Ġrepresentado":18209,"Ġvideojuego":18210,"Ġtramitación":18211,"pm":18212,"Ġbuque":18213,"ão":18214,"renda":18215,"inamente":18216,"Ġimportaciones":18217,"Categ":18218,"Ġimagina":18219,"Ġost":18220,"ĠSoto":18221,"Ġnocturna":18222,"Ġresistentes":18223,"Ġdefinen":18224,"alupe":18225,"Ġdesconocidos":18226,"ĠBahÃŃa":18227,"Ġrellenar":18228,"ĠMini":18229,"Ġdañar":18230,"Ġantemano":18231,"Ġvasco":18232,"xeles":18233,"Ġaprovechó":18234,"Ġaccesibilidad":18235,"Ġesmal":18236,"Aún":18237,"cador":18238,"Ġpig":18239,"udor":18240,"Ġestereo":18241,"Ġmiseria":18242,"ĠSeminario":18243,"Ġsentarse":18244,"ĠObservatorio":18245,"ĠUd":18246,"Mis":18247,"jaba":18248,"ĠBanda":18249,"Ġversos":18250,"Ġcapturar":18251,"sider":18252,"úo":18253,"ĠOC":18254,"Ġpru":18255,"Ġoscuras":18256,"ĠAk":18257,"terias":18258,"ĠGerardo":18259,"-)":18260,"Ġvotantes":18261,"ĠSERVI":18262,"ĠInstitución":18263,"Ġclandest":18264,"Ġdiscusiones":18265,"ĠUltra":18266,"ĠCabe":18267,"Ġconfiable":18268,"Ġrelajarse":18269,"Ġgent":18270,"Ġpc":18271,"Ġcontribuyen":18272,"tiquetado":18273,"uya":18274,"Ġporción":18275,"isés":18276,"Ġcuente":18277,"ĠSIN":18278,"Ġdestacando":18279,"OLU":18280,"Ġsalones":18281,"ichos":18282,"VER":18283,"ĠVegas":18284,"ĠSust":18285,"Ġcómic":18286,"Ġemite":18287,"Ġadhes":18288,"Ġdesech":18289,"cast":18290,"Ġacumula":18291,"Ġincidentes":18292,"Ġchip":18293,"Ġpreocupado":18294,"Ġ''":18295,"Ġpasillo":18296,"ĠSiglo":18297,"Ġreparaciones":18298,"Ġdesaperci":18299,"ĠShe":18300,"Ġhallazgo":18301,"Ġtotales":18302,"ĠLink":18303,"Ġnaturalmente":18304,"Ġaceptó":18305,"utos":18306,"ĠLugo":18307,"Ġciruj":18308,"rosos":18309,"ĠDomÃŃnguez":18310,"Ġinteractuar":18311,"Ġjugará":18312,"ficial":18313,"Ġconcejales":18314,"Ġvinilo":18315,"Ġemocionales":18316,"Ġasalto":18317,"Ġreutil":18318,"ĠEleg":18319,"ĠSusana":18320,"Ġpoetas":18321,"Ġcorren":18322,"Ġsuelta":18323,"Ġterrazas":18324,"lac":18325,"Ġestáis":18326,"Ġcatas":18327,"Ġconstruyendo":18328,"Ġfichas":18329,"Ġcalificado":18330,"ĠSudáfrica":18331,"Ġmusulmanes":18332,"Ġcanciller":18333,"Ġreson":18334,"ĠXII":18335,"Ġmueble":18336,"Ġinmobiliaria":18337,"eropuertos":18338,"izantes":18339,"ĠContactos":18340,"SAN":18341,"Ġpromocional":18342,"Ġcontractu":18343,"olf":18344,"Ġjefa":18345,"Ġfuncionales":18346,"Ġflora":18347,"Ġcláusula":18348,"Ġopuesto":18349,"Ġcoordinar":18350,"kg":18351,"Ġcarros":18352,"Ġimpreso":18353,"Ġfármacos":18354,"ERC":18355,"tienden":18356,"Ġprotocolos":18357,"eraciones":18358,"Ġnotificaciones":18359,"ĠEnter":18360,"Ġvendrá":18361,"ĠAlco":18362,"Ġvina":18363,"Ġaba":18364,"Ġancha":18365,"Ġdeseando":18366,"ĠAméricas":18367,"Ġreh":18368,"Ġhábito":18369,"Ġadelgazamiento":18370,"trio":18371,"ĠHill":18372,"ocas":18373,"Ġcartu":18374,"ARD":18375,"Ġpodria":18376,"ĠStore":18377,"ĠDal":18378,"talgia":18379,"petas":18380,"Ġpierda":18381,"Ġdisfrutan":18382,"Ġcelebran":18383,"Ġtutela":18384,"Ġalivio":18385,"Ġmecánico":18386,"ĠLago":18387,"irámi":18388,"[...]":18389,"Ġsecuestro":18390,"Ġjoya":18391,"Ġvenció":18392,"Ġorejas":18393,"hai":18394,"Ġaparecido":18395,"Ġhambur":18396,"Ġsuicidio":18397,"Ġ).":18398,"Ġpestañas":18399,"ĠAsi":18400,"Ġbordes":18401,"Descubre":18402,"Ġenvidia":18403,"Ġreligiones":18404,"::":18405,"abric":18406,"Ġcomunista":18407,"Ġresidente":18408,"Claro":18409,"Ġagresiones":18410,"ingue":18411,"Ġencendido":18412,"Ġmencionadas":18413,"Ġemergencias":18414,"lay":18415,"Ġllevas":18416,"Ġcuna":18417,"ĠMolino":18418,"Ġposturas":18419,"moso":18420,"Ġadelantó":18421,"cillo":18422,"Ġpantalón":18423,"ĠJackson":18424,"ĠAsegu":18425,"Ġevidencias":18426,"Ġmaltrato":18427,"Ġtrazado":18428,"cionarios":18429,"Ġordenamiento":18430,"Ġbancarias":18431,"Ġagradeció":18432,"Ġfisi":18433,"ĠPrÃŃncipe":18434,"nova":18435,"Ġafueras":18436,"Ġolla":18437,"Ġabriendo":18438,"ĠVirgin":18439,"Ġpresencial":18440,"eridad":18441,"oman":18442,"ĠTec":18443,"Ġinfinidad":18444,"ramientos":18445,"Ġruinas":18446,"Ġconvirtiendo":18447,"Ġmaxim":18448,"ĠTran":18449,"Ġprevias":18450,"Ġgozar":18451,"Ġtermo":18452,"Ġlesbianas":18453,"Ġreservado":18454,"Ġformularios":18455,"Ġtax":18456,"Ġgremio":18457,"vero":18458,"igen":18459,"tana":18460,"Ġinnovadores":18461,"Ġherv":18462,"ĠHas":18463,"Ġconociendo":18464,"Ġsuite":18465,"Ġmúsculo":18466,"Ġfic":18467,"Ġjubilación":18468,"Ġamarilla":18469,"Ġimprescindibles":18470,"ĠCho":18471,"ĠDelgado":18472,"Ġproductivos":18473,"ĠBelén":18474,"ĠLaboral":18475,"Ġviajero":18476,"ĠDirectora":18477,"Ġecho":18478,"bella":18479,"Ġamanecer":18480,"Ġcampeones":18481,"Ġmuestre":18482,"Ġarbol":18483,"Ġsospecha":18484,"900":18485,"Ġperon":18486,"Ġdivino":18487,"Ġph":18488,"Ġagil":18489,"MX":18490,"Ġaventur":18491,"ĠESO":18492,"ĠBir":18493,"Ġvariadas":18494,"orges":18495,"canes":18496,"ĠestarÃŃan":18497,"Ġángeles":18498,"Ġteatral":18499,"Ġlámpara":18500,"Ġexcav":18501,"Ġcata":18502,"Ġprimarias":18503,"ramento":18504,"né":18505,"Ġrecopilación":18506,"ĠFUN":18507,"!)":18508,"ä¸":18509,"PV":18510,"Ġelite":18511,"Home":18512,"quias":18513,"Ġpiensas":18514,"Ġcoh":18515,"ĠWars":18516,"Ġfórmulas":18517,"Ġlarg":18518,"ĠEST":18519,"ĠZe":18520,"ĠRoo":18521,"Ġasturi":18522,"pic":18523,"Ġprejuicios":18524,"Ġapoyan":18525,"Ġtitulada":18526,"inea":18527,"Ġgobier":18528,"Ġveas":18529,"Ġiconos":18530,"Ġdiscapa":18531,"ĠPere":18532,"Ġplanteamiento":18533,"Ġcaute":18534,"Ġedil":18535,"ĠMóvil":18536,"Ġback":18537,"ĠAyer":18538,"Ġcolgar":18539,"Ġextrañ":18540,"ĠHenry":18541,"Ġprema":18542,"Ġexigente":18543,"voces":18544,"Ġmonstruo":18545,"Ġposter":18546,"Ġestatus":18547,"kel":18548,"izaron":18549,"Ġcalentamiento":18550,"Ġcolonias":18551,"ĠÃŃntegra":18552,"Ġaborda":18553,"Ġanexo":18554,"ĠVietnam":18555,"iew":18556,"según":18557,"Der":18558,"árqu":18559,"Ġcriatura":18560,"Ġcomicios":18561,"ĠObra":18562,"tiro":18563,"Form":18564,"Ġvano":18565,"Ġrefuerzo":18566,"Ġsoñar":18567,"Ġurbanas":18568,"Ġfragmentos":18569,"ĠAV":18570,"Ġtubos":18571,"Ġesclavos":18572,"udÃŃ":18573,"Ġdesignado":18574,"dillo":18575,"ĠMenor":18576,"Ġobservado":18577,"Ġdirigirse":18578,"Ġagradezco":18579,"ĠGénero":18580,"Ġamateur":18581,"ĠKan":18582,"blas":18583,"ĠVerano":18584,"ĠEstable":18585,"Ġpeli":18586,"Ġfuner":18587,"ĠRestau":18588,"Ġexal":18589,"Ġvalent":18590,"Ġsurf":18591,"Ġquim":18592,"Ġreduciendo":18593,"Ġkilómetro":18594,"Ġreplic":18595,"Ġrubro":18596,"ĠShow":18597,"ĠPun":18598,"ÃŃsta":18599,"Ġrecorre":18600,"Ġcomprobado":18601,"Ġdivertidos":18602,"Ġdividir":18603,"ĠEscrib":18604,"Ġmasac":18605,"Ġsupe":18606,"Ġcubiertos":18607,"BR":18608,"Ġpermanecen":18609,"ĠMiss":18610,"ANTE":18611,"Ġ]":18612,"gable":18613,"ĠEmer":18614,"ĠMédico":18615,"Ġpánico":18616,"may":18617,"ĠPaula":18618,"alizador":18619,"ĠConoce":18620,"ĠÃįndice":18621,"Ġintérprete":18622,"Ġmed":18623,"Ġreporta":18624,"Ġmodificado":18625,"Desarrol":18626,"Ġafirmado":18627,"ĠAutoridad":18628,"ĠSerrano":18629,"Ġtv":18630,"Ġexpectativa":18631,"Ġexactitud":18632,"Ġempeño":18633,"ĠBitcoin":18634,"Ġaprox":18635,"ĠJU":18636,"Ġdelegados":18637,"Ġeditado":18638,"Ġmaternidad":18639,"Ġcomprometidos":18640,"ĠtraÃŃdo":18641,"Ġparticipando":18642,"Ġusadas":18643,"ĠjurÃŃdicos":18644,"ĠLU":18645,"Ġhuracán":18646,"Ġreconocen":18647,"Ġarticulación":18648,"ducto":18649,"ĠCastellón":18650,"Ġplom":18651,"ĠPien":18652,"ÃŃl":18653,"abal":18654,"Ġroles":18655,"Ġmiraba":18656,"Ġgin":18657,"Ġsoja":18658,"Ġcorrea":18659,"Ġ(¿":18660,"Ġindo":18661,"riba":18662,"ĠUnited":18663,"ĠEmpresarial":18664,"ĠViajes":18665,"piros":18666,"Ġtomadas":18667,"Ġmascar":18668,"AG":18669,"ĠRacing":18670,"jillo":18671,"ĠHit":18672,"Ġretroce":18673,"Ġ´":18674,"Ġtransacción":18675,"Estudi":18676,"Ġmuerta":18677,"ruro":18678,"Ġvér":18679,"Ġitalianos":18680,"Ġrefieren":18681,"ĠMinistros":18682,"Ġinterven":18683,"Ġderrotar":18684,"ĠAsistencia":18685,"Ġpersonalizadas":18686,"tanto":18687,"Ġsilic":18688,"Ġmentalidad":18689,"Ġconseguirlo":18690,"aboración":18691,"Ġpodréis":18692,"Ġmedicin":18693,"Ġadmisión":18694,"Ġplanetas":18695,"Carlos":18696,"Ġasistieron":18697,"Ġcanadiense":18698,"ĠArena":18699,"Ġlleven":18700,"Ġgrabaciones":18701,"ĠViejo":18702,"Ġdiseñadas":18703,"Ġdescrito":18704,"Ġmaniobra":18705,"NE":18706,"radoras":18707,"cilia":18708,"ĠLove":18709,"аÐ":18710,"enciada":18711,"ĠBrig":18712,"Ġlegislador":18713,"ĠVIII":18714,"Ġalmend":18715,"Ġhumildad":18716,"Ġcremas":18717,"Ġmetabolismo":18718,"Ġsignificativos":18719,"ĠJuez":18720,"Ġcatólicos":18721,"ESCO":18722,"Ġinstalada":18723,"Ġarrepent":18724,"cultural":18725,"Ġpuestas":18726,"Ġalucin":18727,"Ġescultura":18728,"ĠSocialista":18729,"hoy":18730,"quin":18731,"Ġacumulado":18732,"Ġasever":18733,"Ġárbitro":18734,"ĠHuesca":18735,"Ġasesores":18736,"ficiencias":18737,"Ġmueven":18738,"animidad":18739,"mejor":18740,"Ġaerona":18741,"Ġinteresada":18742,"ĠPiedra":18743,"ĠSecundaria":18744,"Ġautónomas":18745,"Ġconfortable":18746,"Ġ1983":18747,"ĠPetro":18748,"Ġequivocado":18749,"Ġbibliotecas":18750,"Ġcuadras":18751,"Ġelabora":18752,"Ġorientada":18753,"Ġsentencias":18754,"irÃŃa":18755,"Ella":18756,"Ġtraves":18757,"doras":18758,"Ġpresentaba":18759,"Ġrodeada":18760,"Ġamen":18761,"Ġvolcán":18762,"ĠInt":18763,"ĠExcelente":18764,"Ġsoportes":18765,"ize":18766,"\",\"":18767,"ĠTratamiento":18768,"ĠJulián":18769,"Ġesconder":18770,"Ġcontraria":18771,"Ġinminente":18772,"Ġromana":18773,"órmula":18774,"tabilidad":18775,"Ġencaj":18776,"Ġproducidos":18777,"Ġwhatsapp":18778,"Ġcrónicas":18779,"ĠLibertadores":18780,"ĠWhite":18781,"ĠColonia":18782,"ĠColeg":18783,"ĠCafé":18784,"ĠVoy":18785,"Mejor":18786,"ĠConsejos":18787,"Ġaparezca":18788,"Ġadelantado":18789,"tizados":18790,"Ġromanos":18791,"ĠEscolar":18792,"Ġdrá":18793,"Ġlocos":18794,"Ġpronóstico":18795,"ĠTelefónica":18796,"Ġresponden":18797,"quisitos":18798,"Ġ1973":18799,"Ġconcretar":18800,"ĠMagdalena":18801,"Ġarrugas":18802,"enario":18803,"Ġprogramado":18804,"Ġformaciones":18805,"ĠGolf":18806,"Ġfundó":18807,"Ġtoques":18808,"Ġmanipular":18809,"ĠsabÃŃan":18810,"Ġdestruc":18811,"ĠCabo":18812,"Ġreportes":18813,"ĠNota":18814,"Ġfijos":18815,"ĠCompra":18816,"Ġtraen":18817,"Ġpoblado":18818,"Ġsuperación":18819,"Ġgluten":18820,"ĠTU":18821,"Ġhilos":18822,"Apren":18823,"ĠPúblicos":18824,"ĠMarvel":18825,"tualmente":18826,"Ġrequerido":18827,"ciosas":18828,"Ġinfracción":18829,"ĠArmada":18830,"ĠtÃŃm":18831,"ĠOpin":18832,"entó":18833,"iger":18834,"Ġsó":18835,"Ġtrai":18836,"Ġexpulsión":18837,"Ġspa":18838,"Ġinquietud":18839,"Rep":18840,"ĠConcejo":18841,"nio":18842,"Ġencues":18843,"Ġaclaró":18844,"Ġvitales":18845,"Ġcapilla":18846,"uman":18847,"ĠMarte":18848,"Ġincondi":18849,"Ġmonetaria":18850,"illon":18851,"Ġemitió":18852,"regó":18853,"gina":18854,"Ġtorres":18855,"ERN":18856,"alizarse":18857,"Ġfinalizado":18858,"Ġdinámicas":18859,"Ġintermedio":18860,"director":18861,"ĠSoria":18862,"eléctr":18863,"ĠAdolfo":18864,"Exper":18865,"éndonos":18866,"Ġcredibilidad":18867,"Ġeditoriales":18868,"ĠmÃŃnimas":18869,"Ġsales":18870,"ĠABC":18871,"Ġprimordial":18872,"pección":18873,"Ġaficionado":18874,"identes":18875,"Ġurbanización":18876,"Ġmiras":18877,"ors":18878,"Ġplásticos":18879,"Ġmañ":18880,"ĠMonum":18881,"ĠMercan":18882,"Ġemperador":18883,"ĠNaturaleza":18884,"Ġhispano":18885,"âĢĶ.":18886,"Ġfuncionalidades":18887,"ĠGuardi":18888,"ĠLac":18889,"Ġacabe":18890,"ĠRonaldo":18891,"ĠEP":18892,"Ġsiguieron":18893,"ĠHil":18894,"Ġlimpi":18895,"ĠTeam":18896,"cionadas":18897,"Ġmole":18898,"Ġalba":18899,"Ġchanc":18900,"Ġinmenso":18901,"Ġchic":18902,"daf":18903,"Ġsujeta":18904,"Ġferrovi":18905,"Ġoraciones":18906,"ĠAlf":18907,"ĠBlas":18908,"Ġreciba":18909,"oll":18910,"Ġabundancia":18911,"asÃŃ":18912,"gulos":18913,"hoo":18914,"Ġbull":18915,"Ġdemostrando":18916,"Ġvisualización":18917,"Ġdiploma":18918,"Ġdoctora":18919,"nada":18920,"Ġcontenta":18921,"ástima":18922,"old":18923,"ĠBenjam":18924,"Ġbanderas":18925,"Ġ1960":18926,"Ġprovinciales":18927,"Ġdescrip":18928,"ĠCav":18929,"QL":18930,"Ġaceptable":18931,"hs":18932,"ĠCaballero":18933,"Ġdurabilidad":18934,"Ġlatinoamericanos":18935,"ĠDro":18936,"Ġsimultáneamente":18937,"Ġread":18938,"Ġélite":18939,"Ġhemor":18940,"Ġinventario":18941,"ĠBell":18942,"Ġpasen":18943,"Ġcopi":18944,"ĠAuxil":18945,"istes":18946,"ĠElectrónica":18947,"Ġcompacto":18948,"Ġuruguayo":18949,"MAN":18950,"ology":18951,"Ġaseguro":18952,"Ġderivado":18953,"Ġbando":18954,"Ġtexturas":18955,"Ġdividido":18956,"uo":18957,"xs":18958,"fran":18959,"Ġrepresentaciones":18960,"Ġprotagonizada":18961,"ĠPastor":18962,"gente":18963,"mones":18964,"ĠUC":18965,"ĠmensajerÃŃa":18966,"Ġorgulloso":18967,"Ġtrono":18968,"Ġbeta":18969,"Ġderivadas":18970,"Ġclásicas":18971,"lus":18972,"Ġmanifestantes":18973,"Ġyendo":18974,"Señ":18975,"ĠMovistar":18976,"Ġcésped":18977,"ĠTay":18978,"Ġgenes":18979,"Ġreaccionar":18980,"Ġdejarse":18981,"Ġimposición":18982,"ĠVirtual":18983,"está":18984,"ponerse":18985,"ĠLG":18986,"eado":18987,"ĠclÃŃnicos":18988,"Ġsiniestro":18989,"ĠEMPRES":18990,"sub":18991,"Ġpidieron":18992,"Ġdivertidas":18993,"ĠGes":18994,"DAD":18995,"ĠDOC":18996,"Ġmacho":18997,"ĠAutom":18998,"Ġapartados":18999,"ĠðŁĺī":19000,"Ġtracción":19001,"isimo":19002,"Ġprefi":19003,"sica":19004,"Ñı":19005,"Ġprovocan":19006,"ilandia":19007,"Ġcole":19008,"Ġhomolog":19009,"ĠcaracterÃŃstico":19010,"Ġdemasiada":19011,"Ġdilu":19012,"Ġhinca":19013,"Ġencender":19014,"ĠMilán":19015,"Ġreclama":19016,"Ġcooperativas":19017,"Ġinundaciones":19018,"crim":19019,"manos":19020,"Ġconveniencia":19021,"ĠCes":19022,"urada":19023,"mios":19024,"Ġfiable":19025,"Ġindiscu":19026,"Mor":19027,"Ġautorizados":19028,"Ġubicadas":19029,"Ġregularmente":19030,"PG":19031,"ésimo":19032,"noche":19033,"Ġpercep":19034,"ĠWilliams":19035,"Ġpasajes":19036,"Ġplantillas":19037,"ĠGuadalupe":19038,"cante":19039,"Ġadiv":19040,"ĠProcuradurÃŃa":19041,"Ġsindicales":19042,"Ġestúp":19043,"Ġrequerida":19044,"gogÃŃa":19045,"ĠBall":19046,"Ġorganizados":19047,"Ġelevados":19048,"Ġpimienta":19049,"movil":19050,"ĠBravo":19051,"Ġexpos":19052,"ĠUniversidades":19053,"Ġmandó":19054,"Ġpechos":19055,"ĠExpress":19056,"Ġparadigma":19057,"Ġllevarán":19058,"Ġasignado":19059,"Ġtrece":19060,"Ġcompres":19061,"Ġcaracterizan":19062,"ĠMUN":19063,"Ġeconómicamente":19064,"quim":19065,"ĠBul":19066,"identa":19067,"Ġprobabilidades":19068,"ĠISBN":19069,"ĠTarragona":19070,"Ġtocando":19071,"Ġinmejor":19072,"Ġsul":19073,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":19074,"Ġluminosidad":19075,"Ġrectificación":19076,"Ġrechazó":19077,"ionera":19078,"Ġágil":19079,"Ġescapada":19080,"Ġperca":19081,"ĠMantenimiento":19082,"Ġresponsabil":19083,"Información":19084,"Ġgranja":19085,"Ġcontenedores":19086,"parable":19087,"ámicos":19088,"2019":19089,"Ġcompetitiva":19090,"Ġates":19091,"Ġanimado":19092,"ĠTécnicas":19093,"ĠSeries":19094,"ĠSegovia":19095,"Ġdiablo":19096,"Ġexigentes":19097,"Ġdesignación":19098,"Ġviolenta":19099,"ĠSecretaria":19100,"Ġrub":19101,"jala":19102,"=\"":19103,"ĠChris":19104,"Ġreconocidas":19105,"Ġrequiera":19106,"Ġsuplemento":19107,"rÃŃas":19108,"Ġreestruc":19109,"Ġserios":19110,"ĠConside":19111,"Ġvendidos":19112,"ĠDefens":19113,"Ġingleses":19114,"Ġestall":19115,"Ġfacilidades":19116,"Ġfec":19117,"Ġestrenar":19118,"Ġabdom":19119,"Ġdesaparece":19120,"Ġdesnudo":19121,"ĠWalter":19122,"Ġexplico":19123,"Ġexpuso":19124,"ĠGram":19125,"yes":19126,"Ġacostumbrado":19127,"ĠMone":19128,"ĠenvÃŃan":19129,"Ġtrozo":19130,"ĠNer":19131,"Ġtomen":19132,"Ġidenti":19133,"árselo":19134,"mne":19135,"Ġpermanentemente":19136,"ĠToro":19137,"ĠRealmente":19138,"hot":19139,"Ġpana":19140,"ĠMónica":19141,"cien":19142,"Ġcorporación":19143,"Ġsagrado":19144,"Ġpelear":19145,"Ġcese":19146,"Ġreclamaciones":19147,"Ġcotidiano":19148,"Ġportátiles":19149,"Ġhim":19150,"ĠAbr":19151,"Ġvinagre":19152,"Ġrig":19153,"okie":19154,"Ġrevelación":19155,"vados":19156,"ĠBull":19157,"valos":19158,"decer":19159,"Lib":19160,"Ġseriedad":19161,"Ġesplen":19162,"ĠRopa":19163,"Ġcampus":19164,"sus":19165,"Ġhierba":19166,"Ġcoyun":19167,"ĠsolÃŃa":19168,"ĠTecnológico":19169,"ĠFla":19170,"Ġaterri":19171,"icidades":19172,"ĠBA":19173,"Ġacordar":19174,"Ġobteniendo":19175,"Ġpesados":19176,"burg":19177,"Ġsucesión":19178,"Ġcasilla":19179,"Ġsinceramente":19180,"vial":19181,"Ġtechos":19182,"Ġprovienen":19183,"gáis":19184,"Ġjustificación":19185,"Ġ1979":19186,"hon":19187,"mero":19188,"Ġinterpretaciones":19189,"Ġvintage":19190,"Ġalternativo":19191,"Ġluminoso":19192,"ĠRD":19193,"folio":19194,"Ġrecorridos":19195,"Ġprogresiva":19196,"ĠDiseñ":19197,"Nada":19198,"chada":19199,"tientes":19200,"ĠJerez":19201,"ÃŃferos":19202,"Ġjabón":19203,"Ġreunieron":19204,"Ġdemonio":19205,"Ġpresenten":19206,"Ġmisterioso":19207,"Ġabrigo":19208,"Ġbendición":19209,"Ġrelata":19210,"Ġagradecido":19211,"yle":19212,"Ġpremisa":19213,"Ġvej":19214,"Ġfiabilidad":19215,"Ġproponen":19216,"óstoles":19217,"Ġrecompens":19218,"ventura":19219,"Ġcrecen":19220,"macias":19221,"ĠCapacidad":19222,"Ġsugerencia":19223,"Ġdocencia":19224,"ĠProto":19225,"Ġnúcleos":19226,"Ġsonar":19227,"Ġrecuperado":19228,"Ġobse":19229,"Ġiniciaron":19230,"zarse":19231,"Ġfantasma":19232,"Ġrepública":19233,"Ġprostituta":19234,"Ġecles":19235,"tele":19236,"Ġcontag":19237,"uber":19238,"darios":19239,"ĠMicho":19240,"ĠSystem":19241,"ĠItal":19242,"Ġindios":19243,"curio":19244,"Ġdepender":19245,"Ġselecciones":19246,"Ġadquiridos":19247,"Ġbuf":19248,"Ġcotiza":19249,"alda":19250,"Ġjustifica":19251,"Ġhincapié":19252,"derÃŃas":19253,"Ġasignaturas":19254,"Ġencub":19255,"ĠAcep":19256,"ĠOrquesta":19257,"Ġdominios":19258,"ĠFotografÃŃa":19259,"éisbol":19260,"Ġexperimental":19261,"Ġgirar":19262,"ĠâĢĭ":19263,"Ġvoluntario":19264,"On":19265,"chera":19266,"Ġtrampa":19267,"IDADES":19268,"Ġfatiga":19269,"Ġoptimización":19270,"Ġseguras":19271,"wich":19272,"Ġnocturno":19273,"zona":19274,"Ġ220":19275,"Ġrastro":19276,"ĠclÃŃnico":19277,"ĠEquipos":19278,"ĠGris":19279,"ésima":19280,"ĠVoz":19281,"HH":19282,"Ġmemorias":19283,"ĠPers":19284,"Ġinstru":19285,"ĠPrima":19286,"Ġhúmedo":19287,"Ġcaudal":19288,"Ġenormemente":19289,"Ġetiquetada":19290,"ĠSindicato":19291,"ols":19292,"Ġveran":19293,"ĠFilip":19294,"ĠMaya":19295,"Ġnad":19296,"Ġcomiendo":19297,"Ġmedioambiental":19298,"ecidos":19299,"Ġparticiparán":19300,"crania":19301,"Ġhomo":19302,"ĠAlan":19303,"torce":19304,"Ġsilves":19305,"Ġsupuso":19306,"Ġmera":19307,"Ġantibió":19308,"Ġencantados":19309,"ĠFMI":19310,"ĠmuchÃŃsimas":19311,"ĠRas":19312,"Ġ1975":19313,"lah":19314,"Ñĭ":19315,"ĠIsidro":19316,"gura":19317,"Ġmultas":19318,".(":19319,"Ġsurgido":19320,"ĠFemen":19321,"ĠInm":19322,"Ġtortu":19323,"ĠMéndez":19324,"Ġtarda":19325,"Ġsinónimo":19326,"Ġ450":19327,"Ġpuntas":19328,"cribe":19329,"ĠFinanciera":19330,"Ġnostalgia":19331,"Ġfachadas":19332,"udar":19333,"rocarb":19334,"Ġolvida":19335,"jug":19336,"Ġintac":19337,"Ġescaso":19338,"Ġcayendo":19339,"Ġatrae":19340,"Ġpertenecer":19341,"Ġatributos":19342,"ĠparecÃŃan":19343,"......":19344,"Ġaparecerá":19345,"ĠOccidental":19346,"IOS":19347,"ĠMoisés":19348,"âĢ¦..":19349,"Ġautopista":19350,"Ġdispara":19351,"Ġeducar":19352,"Ġseda":19353,"Ġfaltaba":19354,"ĠAdam":19355,"Ġlealtad":19356,"obos":19357,"ĠCra":19358,"Ġmaravillosas":19359,"ĠpatologÃŃa":19360,"trarse":19361,"Ġextracto":19362,"aden":19363,"Ġdoméstico":19364,"Ġdero":19365,"Ġpreciosos":19366,"Ġponerme":19367,"Ġextendido":19368,"Ġnovios":19369,"Ġredactado":19370,"ĠCasta":19371,"ĠPLAN":19372,"Ġimpulsa":19373,"ĠHip":19374,"Ġlatinos":19375,"Af":19376,"Ġ1977":19377,"Ġcúp":19378,"Ġtelas":19379,"ĠFavor":19380,"Ġtributaria":19381,"tariamente":19382,"IZACIÃĵN":19383,"ĠUniversity":19384,"ĠJulia":19385,"lava":19386,"ĠSD":19387,"Ġlavadora":19388,"Noticias":19389,"Ġdurar":19390,"uncio":19391,"ĠcÃŃrculos":19392,"ĠJuvenil":19393,"vitud":19394,"darse":19395,"ĠJoe":19396,"ĠDJ":19397,"rimidos":19398,"ĠPesca":19399,"cog":19400,"ĠHTML":19401,"ĠTera":19402,"ĠIC":19403,"Ġreclamos":19404,"Ġrompió":19405,"lista":19406,"Ġsalvador":19407,"Ġsituados":19408,"ambien":19409,"Ġlineal":19410,"Ġintermin":19411,"ĠMass":19412,"Ġdiálogos":19413,"Ġdesnuda":19414,"ĠCara":19415,"ĠSpe":19416,"Ġconformado":19417,"rientes":19418,"ĠCoun":19419,"Ġobtenida":19420,"Ġinadecu":19421,"Ġsubord":19422,"Ġequidad":19423,"Ġsinton":19424,"Ġpodio":19425,"Ġmontado":19426,"Ġstand":19427,"Ġincluyó":19428,"Ġexperta":19429,"ĠJud":19430,"laron":19431,"Ġapoyando":19432,"Ġinvitó":19433,"qués":19434,"Ġcatástro":19435,"ĠPH":19436,"ĠPed":19437,"Ġlien":19438,"Ġsubasta":19439,"Ġrotación":19440,"Ġalcanzan":19441,"acetas":19442,"Ġcaseros":19443,"Ġintroduc":19444,"Ġferias":19445,"Ġméritos":19446,"Ġglobo":19447,"temos":19448,"Ġhongos":19449,"ĠSomb":19450,"Ġenfocado":19451,"Ġmts":19452,"Ġbuscadores":19453,"ĠContenido":19454,"Ġinformal":19455,"Ġsombrero":19456,"Ġchile":19457,"Ġmostrará":19458,"Ġdesarrolladas":19459,"Ġespl":19460,"ĠTarjeta":19461,"ĠLunes":19462,"cro":19463,"lanueva":19464,"bación":19465,"Ġtitulo":19466,"Ġfrág":19467,"Ġeval":19468,"Ġenz":19469,"Ġvalora":19470,"Ġdejé":19471,"vÃŃ":19472,"Ġescritas":19473,"doso":19474,"ĠParro":19475,"Ġdeterminante":19476,"ĠLive":19477,"ĠRepubl":19478,"gunas":19479,"Ġinscritos":19480,"ĠQuÃŃmica":19481,"ĠInfraestruc":19482,"Existe":19483,"socia":19484,"tradas":19485,"ocos":19486,"zobispo":19487,"ĠGijón":19488,"UT":19489,"Ġsusci":19490,"ĠJoy":19491,"ĠcÃŃv":19492,"ĠFuego":19493,"ĠQueremos":19494,"locu":19495,"Ġvocab":19496,"ĠauditorÃŃa":19497,"ueño":19498,"ĠGloria":19499,"Ġconsign":19500,"Ġdorada":19501,"Ġcheque":19502,"Ġrepaso":19503,"Ġgla":19504,"ĠMiemb":19505,"OLOG":19506,"Ġsentimental":19507,"gonal":19508,"Ġcarpin":19509,"Ġprocu":19510,"Ġmisterios":19511,"Ġesplendor":19512,"etc":19513,"ĠHO":19514,"Ġsencillez":19515,"Ġreemplazo":19516,"guila":19517,"ĠCinco":19518,"Luis":19519,"Ġcuriosa":19520,"ĠmandÃŃbula":19521,"Ġrevolucionaria":19522,"dex":19523,"Ġverbal":19524,"Ġatenta":19525,"icismo":19526,"wards":19527,"Ġinútil":19528,"ĠcuantÃŃa":19529,"lama":19530,"001":19531,"Ġrio":19532,"Ġinfluir":19533,"Ub":19534,"Ġorillas":19535,"ĠOh":19536,"Ġuniform":19537,"Ġmonopol":19538,"ĠvenÃŃan":19539,"cionismo":19540,"Ġjuveniles":19541,"Ġreunido":19542,"Super":19543,"Ġparking":19544,"Ġdelincuencia":19545,"ĠDOM":19546,"ĠAguirre":19547,"ĠRepresent":19548,"ĠïĤ":19549,"Ġalimenta":19550,"Ġdefinida":19551,"Ġ\\":19552,"rededor":19553,"Ġintercambiar":19554,"ĠScott":19555,"Ġhipoteca":19556,"Ġparecida":19557,"Ġdebida":19558,"Ġapellidos":19559,"Ġdeliber":19560,"ĠValentÃŃn":19561,"ĠHigh":19562,"Ġcerro":19563,"ĠTrinidad":19564,"wagen":19565,"ĠCampus":19566,"ĠAur":19567,"Ġequipaje":19568,"ĠEDUCA":19569,"ĠIT":19570,"Aquel":19571,"Ġclo":19572,"Ġ^^":19573,"Ġcatalog":19574,"Ġponerlo":19575,"Ġconstruyó":19576,"Ġaspira":19577,"here":19578,"Ġmonstruos":19579,"Junto":19580,"Ġalcaldes":19581,"Ġoculto":19582,"Ġlamentable":19583,"ĠAlguien":19584,"rona":19585,"Ġniñez":19586,"ĠDuque":19587,"CRI":19588,"ĠlibrerÃŃa":19589,"Ġpuntual":19590,"ĠRenta":19591,"Ġilustración":19592,"ibo":19593,"renta":19594,"Ġaseo":19595,"mond":19596,"ring":19597,"Ġdiccionario":19598,"recer":19599,"pie":19600,"ĠGT":19601,"ĠChap":19602,"Ġcalificó":19603,"Ġimplicación":19604,"Ġconfies":19605,"Ġanticon":19606,"ĠEstruc":19607,"Ġcremallera":19608,"Ġreza":19609,"ĠAT":19610,"Ġqueria":19611,"ars":19612,"elly":19613,"Ġfábricas":19614,"ĠSaba":19615,"dome":19616,"Ġcuenca":19617,"Ġcoherente":19618,"ĠCaracterÃŃsticas":19619,"Ġarquitectos":19620,"Ġorgas":19621,"Ġlegislatura":19622,"cc":19623,"Ġaproximación":19624,"Ġrecibimos":19625,"Ġafines":19626,"ĠOrlando":19627,"Ġpelos":19628,"Ġcayeron":19629,"quesa":19630,"iantes":19631,"Ġclasificar":19632,"cipes":19633,"Ġsendero":19634,"ĠSilvia":19635,"Ġcaballeros":19636,"ĠPERS":19637,"Ġoccidentales":19638,"Ġorina":19639,"cales":19640,"Ġempeñ":19641,"[âĢ¦]":19642,"Ġsoltar":19643,"Ġelaborada":19644,"Ġenju":19645,"Ġminimizar":19646,"Ġmicros":19647,"Ġretirado":19648,"Ġlea":19649,"Ġacusa":19650,"Ġrecogidos":19651,"quio":19652,"Ban":19653,"lick":19654,"Ġsolidaria":19655,"ĠMOD":19656,"Ġnómina":19657,"Ġremedios":19658,"Ġ1968":19659,"Ġbizco":19660,"Ġquedarán":19661,"veda":19662,"Ġdisim":19663,"dimens":19664,"ĠSerÃŃa":19665,"Ġgota":19666,"Ġanalista":19667,"Ġtúnel":19668,"ĠNingun":19669,"Ġaudiovisuales":19670,"educ":19671,"omal":19672,"Curso":19673,"Ġvolvemos":19674,"ĠVé":19675,"Ġconvertirá":19676,"Ġperif":19677,"Ġmaquil":19678,"donado":19679,"Ġprivilegios":19680,"ĠOmar":19681,"ĠMedios":19682,"Ġfals":19683,"Ġpenetración":19684,"Ġpájaros":19685,"ĠAnna":19686,"ĠPlanificación":19687,"dés":19688,"ĠBautista":19689,"ĠArti":19690,"Ġlác":19691,"Ġvariado":19692,"ĠEne":19693,"ĠArabia":19694,"ÃŃlica":19695,"Ġforestales":19696,"mental":19697,"Ġatmos":19698,"ificador":19699,"ĠBron":19700,"iros":19701,"Ġmap":19702,"Ġdisculpas":19703,"Ġdude":19704,"ĠAcos":19705,"bitraje":19706,"Ġencantador":19707,"Cualquier":19708,"Ġatiende":19709,"Ġbarcelona":19710,"endida":19711,"Ġexistan":19712,"Ġordinario":19713,"anista":19714,"ĠColum":19715,"Ġadjudicación":19716,"ĠpermitÃŃa":19717,"letismo":19718,"Ġgobernantes":19719,"Ġsingle":19720,"ĠAlum":19721,"Tan":19722,"héro":19723,"sche":19724,"cero":19725,"Ġrobust":19726,"Ġrib":19727,"Ġexaminar":19728,"ĠjudÃŃo":19729,"Ġbea":19730,"ĠTos":19731,"Ġveamos":19732,"Ġcreativos":19733,"ACE":19734,"Ġvisitan":19735,"Ġpreco":19736,"ceptos":19737,"Ġquise":19738,"ĠObjetivos":19739,"Ġarreglos":19740,"Ġdonaciones":19741,"web":19742,"Ġescogido":19743,"UDAD":19744,"ĠPop":19745,"Ġ©":19746,"Oh":19747,"MarÃŃa":19748,"Ġformulación":19749,"UEL":19750,"Ġaprendiz":19751,"ISTE":19752,"Ġencontrados":19753,"Ġinauguró":19754,"ĠLengua":19755,"dré":19756,"Ġinfil":19757,"Ġbritánicos":19758,"Ġtrom":19759,"videncia":19760,"FER":19761,"ĠenfermerÃŃa":19762,"ĠencantarÃŃa":19763,"Ġrelaciona":19764,"ĠAmericana":19765,"ĠSolar":19766,"Ġrevelado":19767,"ĠturÃŃsticas":19768,"Ġtérmica":19769,"ĠSteve":19770,"cionando":19771,"ĠCarnaval":19772,"ADRID":19773,"Ġcontrolada":19774,"figuración":19775,"Ġvisite":19776,"élica":19777,"Ġventilación":19778,"Ġproducirse":19779,"Lu":19780,"ĠHisp":19781,"Ġestrenos":19782,"Ġactualiza":19783,"Ġrepercusión":19784,"Ġingrediente":19785,"Ġquema":19786,"Ġcarril":19787,"Ġlogotipo":19788,"Ġitinerario":19789,"Ġestarás":19790,"Ġpadecen":19791,"Ġsueldos":19792,"ĠCarab":19793,"Ġparlamentario":19794,"Ġremitir":19795,"Ġcantera":19796,"ĠCorona":19797,"ĠmaestrÃŃa":19798,"Ġedificación":19799,"Ġpobladores":19800,"Ġcasarse":19801,"Ġsuavemente":19802,"very":19803,"ĠOffice":19804,"Ġfijación":19805,"Ġmonitoreo":19806,"Mal":19807,"Ġpalma":19808,"Ġintegrales":19809,"ĠcocaÃŃna":19810,"Ġagujeros":19811,"Ġpostres":19812,"Ġestratégicos":19813,"Ġobservando":19814,"producción":19815,"jen":19816,"rosión":19817,"ĠDesign":19818,"ĠLaboratorio":19819,"ollas":19820,"Ġterminaron":19821,"Ġpedal":19822,"ĠRap":19823,"Ġconting":19824,"Gener":19825,"Ġhormonas":19826,"Ġarbitrar":19827,"ĠAva":19828,"pto":19829,"Ġesclar":19830,"Ġsepul":19831,"pio":19832,"Ġdesprende":19833,"mÃŃn":19834,"Ġinversionistas":19835,"ĠPenÃŃnsula":19836,"Ġblin":19837,"Ġlograrlo":19838,"Ġconsulte":19839,"Ġendeud":19840,"Ġselecciona":19841,"Ġcatedr":19842,"ciadamente":19843,"Ġfalse":19844,"Ġresuelve":19845,"Ġsatisfechos":19846,"Ġinformativa":19847,"dible":19848,"Estim":19849,"ĠTodavÃŃa":19850,"olin":19851,"ĠCaj":19852,"Ġhabitan":19853,"ĠpsÃŃqu":19854,"ĠPremium":19855,"ĠOP":19856,"Ġviolentos":19857,"ĠCabrera":19858,"Ġcarbo":19859,"cala":19860,"cian":19861,"Ġderra":19862,"ĠTren":19863,"ĠCompos":19864,"Ġpresento":19865,"ĠHermandad":19866,"icon":19867,"Ġcabellos":19868,"Ġestético":19869,"ĠUribe":19870,"ĠpatologÃŃas":19871,"Ġsuplementos":19872,"Ġbrindan":19873,"Ġcorporaciones":19874,"Ġandaluz":19875,"Ġelevación":19876,"Ġcesión":19877,"Ġatentados":19878,"ĠnÃŃ":19879,"Ġequilibrada":19880,"Ġparcela":19881,"ĠÃīste":19882,"ĠPOL":19883,"Ġexclusivas":19884,"Ġtempl":19885,"ĠMexico":19886,"Ġpotencias":19887,"Ġredondo":19888,"ĠPresidenta":19889,"Ġárabes":19890,"Ġfavorables":19891,"Ġincompati":19892,"Ġgobernar":19893,"Ġmedallas":19894,"Ġséptima":19895,"Ġvisitando":19896,"Tom":19897,"!âĢĿ":19898,"ĠNel":19899,"Ġcaros":19900,"abeth":19901,"mbres":19902,"Ġmiro":19903,"Ġcrearon":19904,"Ġprolifer":19905,"ican":19906,"ĠAdu":19907,"mad":19908,"Ġingesta":19909,"Ġaeropuertos":19910,"Ġdependientes":19911,"Ġadvertencia":19912,"Organ":19913,"Ġorganizó":19914,"ulia":19915,"ĠBook":19916,"Ġengaño":19917,"Ġtomará":19918,"ĠconsultorÃŃa":19919,"Ġrecomiendan":19920,"Ġencaje":19921,"Ġmetálico":19922,"deza":19923,"Ġacudieron":19924,"Ġabdomen":19925,"Ġidio":19926,"ĠEstadÃŃstica":19927,"Ġiremos":19928,"Ġball":19929,"ronto":19930,"Ġhorne":19931,"ĠDim":19932,"Ġgriega":19933,"Ġbiodiversidad":19934,"Ġintegrados":19935,"Ġpulso":19936,"Ġpila":19937,"Ġprefieres":19938,"Ġdictamen":19939,"Ġventan":19940,"Ġtiras":19941,"Ġconcentra":19942,"Ġobstáculo":19943,"Ġpleg":19944,"Ġcuadra":19945,"Ġidentificados":19946,"idados":19947,"Bl":19948,"Ġtutor":19949,"Ġdivor":19950,"Ġorganizan":19951,"Ġeventual":19952,"?...":19953,"ĠSuperinten":19954,"Ġhur":19955,"Ġrevelar":19956,"Ġmodernidad":19957,"ĠApertura":19958,"onel":19959,"Ġdelicada":19960,"ĠCRE":19961,"==":19962,"Ġimposibilidad":19963,"peuta":19964,"Ġforestal":19965,"tricas":19966,"riera":19967,"Ġreposo":19968,"rela":19969,"Ġestrena":19970,"ĠExplor":19971,"Ġlocu":19972,"Ġbarbar":19973,"Ġactivistas":19974,"semos":19975,"ĠGib":19976,"Ġcritica":19977,"ĠPrueba":19978,"aná":19979,"Ġmineros":19980,"Ġcontribuyentes":19981,"Ġinocencia":19982,"Ġflujos":19983,"ĠFórmula":19984,"Ġproyecciones":19985,"ius":19986,"Ġaspiraciones":19987,"ĠquÃŃmicas":19988,"Ġpredio":19989,"ĠExiste":19990,"ĠMucho":19991,"ĠNetwork":19992,"Ġadu":19993,"ĠExperiencia":19994,"tella":19995,"Ġactuando":19996,"Ġdomicil":19997,"Ġrenal":19998,"Ġcilin":19999,"penas":20000,"Ġmiser":20001,"Ġfrustración":20002,"Ġeri":20003,"Ġcomparto":20004,"Ġsevil":20005,"Ġdesbloque":20006,"Ġbancario":20007,"Ġesperaban":20008,"TACIÃĵN":20009,"Ġcooperativa":20010,"ĠContemp":20011,"ĠDIREC":20012,"Ġcontable":20013,"iff":20014,"Ġsedes":20015,"Ġpaul":20016,"Ġnoroeste":20017,"Ġmanifestar":20018,"ĠRoyal":20019,"uyó":20020,"Ġpreparan":20021,"portivo":20022,"Ġordinaria":20023,"Ġcompatrio":20024,"indust":20025,"drÃŃan":20026,"LES":20027,"ĠYucatán":20028,"FI":20029,"Ġcélebre":20030,"Ġcoro":20031,"Ġcoronel":20032,"Ġfirmeza":20033,"Ġglobalización":20034,"Ġintroducido":20035,"ĠEjerci":20036,"ocup":20037,"Ġequivale":20038,"Ġllegara":20039,"Ġentrenadores":20040,"fort":20041,"Ġposte":20042,"cuer":20043,"Ġviolento":20044,"rerÃŃas":20045,"Ġpedazo":20046,"Ġtremendo":20047,"ĠRomán":20048,"ĠEmil":20049,"Ġirres":20050,"Ġactivación":20051,"Ġatribuy":20052,"Ġpercibe":20053,"Ġcocción":20054,"Ġpeligrosas":20055,"Ġconcede":20056,"écnica":20057,"Ġsecar":20058,"Compar":20059,"Ġumb":20060,"Ġmolestia":20061,"ĠBoston":20062,"witch":20063,"ĠEllo":20064,"Ġrecogen":20065,"igencia":20066,"date":20067,"Ġtransf":20068,"For":20069,"Vol":20070,"Ġchamp":20071,"Ġacudió":20072,"Ġpertinente":20073,"Ġdistribuidores":20074,"Ġacarici":20075,"ĠquedarÃŃa":20076,"ĠIX":20077,"Ġbuscará":20078,"Ġrecordamos":20079,"avent":20080,"JER":20081,"Ġdistritos":20082,"plo":20083,"ĠBolso":20084,"Ġdesgar":20085,"ĠUcrania":20086,"Ġteles":20087,"ĠNum":20088,"ĠZa":20089,"ĠPav":20090,"Ġseguidos":20091,"Ġmultidiscipl":20092,"ĠYu":20093,"VAL":20094,"Ġopositores":20095,"Ġorgánico":20096,"Ġincrementa":20097,"Mujer":20098,"dist":20099,"ayuno":20100,"ÃŃen":20101,"Estados":20102,"Ġadelantar":20103,"Ġrecurrente":20104,"ómetro":20105,"Ġreúnen":20106,"Ġsensual":20107,"ĠCarl":20108,"ĠConde":20109,"Ġdesconocida":20110,"Ġremodel":20111,"étaro":20112,"Algo":20113,"Ġextens":20114,"Ġpistola":20115,"Ġrespetando":20116,"ĠSamuel":20117,"Ġasciende":20118,"Ġdeterminó":20119,"Ġpadecer":20120,"ĠIzquierda":20121,"Ġcomprendido":20122,"ĠNormalmente":20123,"atear":20124,"Ġcanon":20125,"Ġconsciencia":20126,"Ġpescadores":20127,"ĠNis":20128,"Ġinsistió":20129,"Ġdog":20130,"Ġhegem":20131,"ĠVictor":20132,"Ġdesaparecidos":20133,"ĠVolun":20134,"ĠFree":20135,"Ġdeform":20136,"Ġnul":20137,"Ġhomosexuales":20138,"adillas":20139,"Ġinsa":20140,"Ġreflejar":20141,"Ġnoci":20142,"Ġsuba":20143,"Ġalli":20144,"ĠParticipación":20145,"Ġdiré":20146,"Ġamplitud":20147,"kswagen":20148,"Ġconozcan":20149,"Ġconde":20150,"blogs":20151,"Ġesperas":20152,"Ġgritar":20153,"Ġdesesperación":20154,"rack":20155,"Ġdotar":20156,"Ġcomúnmente":20157,"iciosas":20158,"Ġdocumentales":20159,"Ġanex":20160,"ĠOruro":20161,"Ġromance":20162,"Ġarranca":20163,"Ġagropecu":20164,"Ġfrigor":20165,"ĠCiclo":20166,"Ġnaz":20167,"Ġpreocuparse":20168,"Ġlocalizado":20169,"Ġ1981":20170,"alizará":20171,"Ġbajando":20172,"caria":20173,"Ġterapias":20174,"Ġsemanales":20175,"chet":20176,"ĠFerrari":20177,"Ġrecordando":20178,"ĠAdolesc":20179,"rr":20180,"Ġeleva":20181,"ĠRue":20182,"Ġrecopil":20183,"Ġproximidad":20184,"ĠAlar":20185,"els":20186,"inho":20187,"Ġverlos":20188,"Ġcines":20189,"parencia":20190,"Ġsucediendo":20191,"ĠRestaurante":20192,"iscos":20193,"losa":20194,"ĠPAS":20195,"Ġanimo":20196,"Ġinher":20197,"Ġcenta":20198,"ĠAntiguo":20199,"Ġpuntuales":20200,"ĠChihuahua":20201,"lea":20202,"Ġluce":20203,"Ġsemejantes":20204,"Ġdistribuidor":20205,"Ġsenderismo":20206,"Ġdefra":20207,"Ġcomprando":20208,"Ġdemora":20209,"ediencia":20210,"Ġingresó":20211,"dolfo":20212,"Ġesquemas":20213,"inosau":20214,"Ġadjun":20215,"ĠPokémon":20216,"Ġconstituido":20217,"Ġ%.":20218,"cab":20219,"deas":20220,"Ġcompatibilidad":20221,"Ġnativos":20222,"Ġretomar":20223,"Ġciclistas":20224,"Ġcumplim":20225,"Ġenfrentamientos":20226,"udes":20227,"Ġpersigue":20228,"ĠEscuelas":20229,"acemos":20230,"ĠNik":20231,"Ġestrenó":20232,"ĠDanza":20233,"ĠPaÃŃses":20234,"inilla":20235,"Ġcausando":20236,"ĠWatch":20237,"Ġandan":20238,"Vide":20239,"Ġbillones":20240,"ĠNeu":20241,"Ġladrones":20242,"lla":20243,"ĠtuberÃŃa":20244,"Ġ170":20245,"ĠMediante":20246,"Ġacordes":20247,"dd":20248,"ĠDetal":20249,"Ġcacao":20250,"Ġoperativa":20251,"Ġdesembar":20252,"Ġpetrolera":20253,"Ġaltern":20254,"Ġinsiste":20255,"Ġcuántos":20256,"Ġcinematográfica":20257,"Ġeligió":20258,"Ġpopul":20259,"visa":20260,"Ġdevas":20261,"ÃĹ":20262,"Ġconclu":20263,"Ġsuperficial":20264,"ĠEvo":20265,"Ġdile":20266,"Ġverific":20267,"Dan":20268,"Ġplural":20269,"Ġconsiguieron":20270,"nap":20271,"dependi":20272,"ĠTokio":20273,"ranas":20274,"ĠArque":20275,"Ġligar":20276,"ĠAdul":20277,"amon":20278,"ĠOcho":20279,"ĠPrecios":20280,"Ġsuscrip":20281,"Ġconcluido":20282,"ĠBU":20283,"ĠBár":20284,"kins":20285,"Ġdamas":20286,"Ġmediación":20287,"icom":20288,"2001":20289,"ĠDebemos":20290,"Ġdesalo":20291,"Ġsalgan":20292,"Ġrepetición":20293,"yy":20294,"ĠJon":20295,"Ġprocesar":20296,"ĠOperaciones":20297,"Ġincul":20298,"ĠCumbre":20299,"Ġrepi":20300,"Ġcompeticiones":20301,"edicto":20302,"ĠAlexander":20303,"Ġunanimidad":20304,"grafia":20305,"ĠTac":20306,"Ġmatrimon":20307,"Ġpreguntan":20308,"ĠisraelÃŃ":20309,"ĠpodÃŃamos":20310,"Ġfrecuencias":20311,"lámico":20312,"Ġpercib":20313,"Ġmadrileño":20314,"Ġverticales":20315,"Ġfinalización":20316,"ĠInstituciones":20317,"Ġcriptom":20318,"Ġcasado":20319,"ĠConcejal":20320,"Ġcolega":20321,"jun":20322,"quidez":20323,"Ġperiódicamente":20324,"Ġexilio":20325,"Ġdureza":20326,"ĠVisita":20327,"Ġasumió":20328,"ĠStra":20329,"Ġjaponeses":20330,"itre":20331,"ĠCi":20332,"Ins":20333,"Ġformales":20334,"Ġbloquear":20335,"istra":20336,"tición":20337,"Ġdisputar":20338,"peras":20339,"dromo":20340,"Ġhayamos":20341,"Ġsumando":20342,"Ġteniente":20343,"ĠquÃŃmico":20344,"ĠMet":20345,"Ġasegú":20346,"ĠNational":20347,"formance":20348,"Ġconstitucionales":20349,"Ġrechaza":20350,"estidad":20351,"ĠPE":20352,"ose":20353,"Ġdestacadas":20354,"tl":20355,"ĠGO":20356,"Ġrelax":20357,"Ġsenda":20358,"quot":20359,"ĠParlam":20360,"ĠMata":20361,"Ġgestor":20362,"Ġorn":20363,"Poco":20364,"Ġ(-":20365,"donos":20366,"ĠtÃŃpicas":20367,"Ġbreves":20368,"Ġlegislativo":20369,"ĠDA":20370,"Ġanotó":20371,"Ġpromul":20372,"Ġmuchachos":20373,"ĠâĤ¬.":20374,"ĠEmpez":20375,"esco":20376,"abamos":20377,"wo":20378,"Ġhagamos":20379,"ĠViz":20380,"Ġsuperando":20381,"Ġsecreta":20382,"ĠMX":20383,"Ġci":20384,"ĠProgramas":20385,"iras":20386,"ĠResultados":20387,"Ġcontaminantes":20388,"Ġregistradas":20389,"Ġpreso":20390,"embra":20391,"Ġescén":20392,"ĠAviso":20393,"Ġdistingue":20394,"ĠMÃī":20395,"ĠAmp":20396,"Ġmalla":20397,"Ġveracidad":20398,"Ġaplicará":20399,"Ġajenos":20400,"Ġyoutube":20401,"ĠEnferme":20402,"Ġsacando":20403,"Station":20404,"Ġagradables":20405,"Ġcondens":20406,"Ġimb":20407,"ĠRecu":20408,"Direc":20409,"Ġsanitarias":20410,"Ġabandonó":20411,"Ġpestaña":20412,"Ġcualita":20413,"Ġsecas":20414,"...,":20415,"Ġvaliosa":20416,"Ġarticulaciones":20417,"Ġcristianismo":20418,"esio":20419,"Ġrentas":20420,"Ġmayormente":20421,"ĠBadajoz":20422,"Ġajusta":20423,"Ġimpugn":20424,"ĠHard":20425,"Cuáles":20426,"ĠFalta":20427,"senal":20428,"Ġpresuntamente":20429,"pá":20430,"Ġmodernización":20431,"ref":20432,"elec":20433,"Ġmolesto":20434,"Ġconfidencialidad":20435,"Ġsalimos":20436,"Ġcontroversia":20437,"Ġrepublicano":20438,"Ġinstantánea":20439,"Ġlogre":20440,"ĠCristian":20441,"ĠBusca":20442,"ĠMaestrÃŃa":20443,"Ġmaravillosos":20444,"Ġcontabil":20445,"ĠEstrella":20446,"Ġinverna":20447,"Ġcompetitivos":20448,"ĠArmando":20449,"Ġabsten":20450,"ĠMode":20451,"ĠFlorencia":20452,"Ġcalentar":20453,"ĠmarÃŃtimo":20454,"ĠTrujillo":20455,"Ġtraductor":20456,"ĠAlimentos":20457,"Ġmaratón":20458,"Ġópera":20459,"ĠProfesores":20460,"Ġorgullosos":20461,"éndome":20462,"Ġgoza":20463,"Ġrepercu":20464,"Ġinsumos":20465,"Ġlámparas":20466,"Ġvivencias":20467,"Ġmisericordia":20468,"Ġrevolu":20469,"Ġdécimo":20470,"Ġcometidos":20471,"ĠSC":20472,"Ġdeportista":20473,"Ġvaler":20474,"Ġcham":20475,"Ġgus":20476,"Ġagrado":20477,"ĠMartÃŃ":20478,"camente":20479,"amentablemente":20480,"Ġgeniales":20481,"ĠTributaria":20482,"Ġmentes":20483,"úr":20484,"Ġembri":20485,"urgo":20486,"Ġsuela":20487,"Ġadulta":20488,"tiembre":20489,"ĠKevin":20490,"Ġminia":20491,"Ġcompañeras":20492,"Ġvocal":20493,"Ġpedirle":20494,"Ġmanus":20495,"Ġperdidas":20496,"ĠFru":20497,"ĠLuisa":20498,"Ġperdidos":20499,"istentes":20500,"Ġtradicionalmente":20501,"Ġadjunto":20502,"icidios":20503,"Ġconcentrado":20504,"EDAD":20505,"Ġenunci":20506,"Ġdesarrollarse":20507,"ĠMatÃŃas":20508,"Ġprole":20509,"ĠÃŃbamos":20510,"vedra":20511,"escol":20512,"Ġalt":20513,"Ġregulares":20514,"Ġsaberlo":20515,"ĠNUE":20516,"ĠIbiza":20517,"izarra":20518,"Ġdesbord":20519,"ĠAth":20520,"Ġengaños":20521,"Ġalfombra":20522,"ĠSEM":20523,"Ġprecaución":20524,"ĠFores":20525,"versiones":20526,"Ġfundado":20527,"FL":20528,"Ġ!!!":20529,"ï":20530,"Ġfacilitan":20531,"Ġram":20532,"cosa":20533,"Ġacababa":20534,"ĠAsociaciones":20535,"Ġdetiene":20536,"sever":20537,"enter":20538,"Ġacreditación":20539,"Ġturnos":20540,"Ġnas":20541,"Ġbasan":20542,"ĠÃŃntimo":20543,"Ġdestitu":20544,"Ġpanorámica":20545,"Ġinvir":20546,"Ġbenef":20547,"cter":20548,"ĠLouis":20549,"ĠDiana":20550,"Ġestrecho":20551,"zgo":20552,"BE":20553,"Ġcolaborador":20554,"Ġmiti":20555,"venidas":20556,"Ġvegetar":20557,"Ġorgánicos":20558,"ĠPublicidad":20559,"Ġcreadas":20560,"ĠGermán":20561,"Ġartesanos":20562,"ties":20563,"Ġmuchacha":20564,"ĠtrilogÃŃa":20565,"ĠElim":20566,"Ġafer":20567,"Ġblanque":20568,"Ġpeques":20569,"Ġexpreso":20570,"day":20571,"resas":20572,"estra":20573,"onaer":20574,"Ġdestacada":20575,"Ġlápiz":20576,"Ġadhesión":20577,"ĠEntrada":20578,"Ġcalifica":20579,"Tú":20580,"Ġmandos":20581,"Ġindicios":20582,"ĠJazz":20583,"еÐ":20584,"Ġcongres":20585,"ĠSaf":20586,"Ġdesemb":20587,"Ġalojar":20588,"blemas":20589,"ĠExposición":20590,"Ġvalorado":20591,"Ġinjusticia":20592,"Ġcontradic":20593,"Ġcomenzamos":20594,"Ġvinculada":20595,"Ġconceder":20596,"Ġsatur":20597,"ĠjoyerÃŃa":20598,"ĠEstratég":20599,"Gar":20600,"Ġoptimismo":20601,"ĠVenecia":20602,"Ġescalada":20603,"ĠVicepres":20604,"fato":20605,"Ġvinieron":20606,"Ġsopa":20607,"Ġencontraremos":20608,"¸ı":20609,"ild":20610,"ĠCerca":20611,"urnal":20612,"Ġcomprometida":20613,"ĠHitler":20614,"umán":20615,"\":\"":20616,"ĠApoyo":20617,"Ġrehabil":20618,"ajua":20619,"ĠJas":20620,"ments":20621,"ĠBang":20622,"Ġanillos":20623,"iese":20624,"Ġdiente":20625,"ĠBis":20626,"Ġprosperidad":20627,"amiliar":20628,"Ġconfundir":20629,"Ġinesperado":20630,"ĠVentas":20631,"Ġrobos":20632,"Ġgalardón":20633,"Ġatribuye":20634,"ĠBy":20635,"Ġproveniente":20636,"Ġversion":20637,"Ġadapte":20638,"ueltos":20639,"Ġnova":20640,"ĠMike":20641,"Ġhistoriador":20642,"ĠJaneiro":20643,"Ġactualizados":20644,"ĠSabemos":20645,"Ġtormentas":20646,"ĠDesta":20647,"Ġandando":20648,"ĠEscu":20649,"Ġdecorado":20650,"ĠViolencia":20651,"ĠBomberos":20652,"Autor":20653,"Ġdecida":20654,"Ġrostros":20655,"ÃŃb":20656,"ĠNBA":20657,"Ġdistribuy":20658,"Ġmilagros":20659,"IER":20660,"lé":20661,"ĠInversión":20662,"Ġcalaba":20663,"Ġagrupaciones":20664,"ivado":20665,"Ġdefensas":20666,"Ġmediana":20667,"TULO":20668,"Ġmajes":20669,"Ġolores":20670,"aludos":20671,"ĠSonora":20672,"Ġdiferencial":20673,"Ġversa":20674,"Ġconstituir":20675,"Ġsw":20676,"ĠEstrategia":20677,"Ġcomparado":20678,"érminos":20679,"Ġadvertir":20680,"Ġajustado":20681,"Ġbajado":20682,"ibar":20683,"BU":20684,"Ġmexico":20685,"Ġasistido":20686,"Ġplantean":20687,"ĠOce":20688,"ĠGame":20689,"Ġcóc":20690,"bis":20691,"Ġarticular":20692,"Recor":20693,"Ġmáximas":20694,"ĠConsum":20695,"itness":20696,"Ġeh":20697,"Ġnoción":20698,"ĠAngeles":20699,"Ġviral":20700,"ĠVeh":20701,"Ġengañar":20702,"DR":20703,"YO":20704,"ĠLam":20705,"ĠGracia":20706,"Ġverteb":20707,"Ġanotar":20708,"rocarburos":20709,"ĠCUR":20710,"Ġsignificativas":20711,"MINIS":20712,"Ġrecam":20713,"nabis":20714,"Ġator":20715,"Ġportales":20716,"Ġviajan":20717,"ads":20718,"ecida":20719,"ĠTS":20720,"ĠSM":20721,"Ġgráficas":20722,"ĠLicenciatura":20723,"Ġpatrimonial":20724,"ĠTelecomunicaciones":20725,"Ġacuden":20726,"ĠSouth":20727,"Ġdesemple":20728,"ĠMexicano":20729,"Ġtremenda":20730,"Ġturista":20731,"Ġprometido":20732,"ĠArias":20733,"Ġardu":20734,"ĠJona":20735,"Ġclasificado":20736,"Ġabiertamente":20737,"Ġguardias":20738,"istir":20739,"ĠSandra":20740,"Ġagradece":20741,"Ġcoherencia":20742,"Ġplomo":20743,"Cos":20744,"achas":20745,"ĠCM":20746,"ĠpasarÃŃa":20747,"ĠPersonales":20748,"Ġusarse":20749,"Ġ(¡":20750,"ĠTony":20751,"ĠcafeterÃŃa":20752,"Ġpadece":20753,"antemente":20754,"ĠbiografÃŃa":20755,"ĠEnseñanza":20756,"Ġpatrio":20757,"Ġgrosor":20758,"ĠVirginia":20759,"ĠClaus":20760,"Ġmorena":20761,"Ġvest":20762,"vich":20763,"ĠVillanueva":20764,"Ġmenstru":20765,"ĠCual":20766,"ĠToma":20767,"ĠmÃŃos":20768,"Ġcomprometer":20769,"ĠKong":20770,"Ġimpedi":20771,"entaciones":20772,"Ġtrasladó":20773,"Ġmutuo":20774,"Ġencargar":20775,"Ġoriginalidad":20776,"Ġcontextos":20777,"Ġdispuso":20778,"Ġcaracterizado":20779,"Ġapetito":20780,"Pens":20781,"quillas":20782,"adir":20783,"Ġ|--":20784,"rentes":20785,"Ġconsideraciones":20786,"Ãīl":20787,"Ġtitulación":20788,"Ġdetectado":20789,"guesÃŃa":20790,"ĠUNESCO":20791,"ĠDescu":20792,"ĠsÃŃntoma":20793,"Estu":20794,"Ġverdaderas":20795,"Ġpartiendo":20796,"ĠPit":20797,"Ġincluirá":20798,"ienza":20799,"Ġcalibre":20800,"adita":20801,"vertido":20802,"ĠEdiciones":20803,"Ġinmediaciones":20804,"ĠIngeniero":20805,"Ġdisputado":20806,"ĠUNIVERS":20807,"Ġ105":20808,"ĠestÃŃmulo":20809,"Centro":20810,"Ġallan":20811,"hidratos":20812,"Ġconvirtieron":20813,"ĠPeso":20814,"ĠSÃŃn":20815,"pole":20816,"Ġmueren":20817,"Ġdesapareció":20818,"OLA":20819,"xia":20820,"landés":20821,"ĠMam":20822,"Ġsimil":20823,"olis":20824,"ĠJueves":20825,"Ġplanteó":20826,"Ġobservó":20827,"Ġgallego":20828,"Ġcollar":20829,"ĠRedacción":20830,"intena":20831,"ĠAgo":20832,"Ġpasé":20833,"ĠNASA":20834,"inaron":20835,"Ġinspira":20836,"Ġinsulina":20837,"alina":20838,"Ġinformamos":20839,"Ġvencimiento":20840,"TIVOS":20841,"ĠTus":20842,"Segun":20843,"átiles":20844,"ĠSimp":20845,"Ġcélula":20846,"Ġoriente":20847,"Ġescapa":20848,"ĠAmerica":20849,"ĠJacob":20850,"élico":20851,"Ġ365":20852,"heimer":20853,"Universidad":20854,"Ġgeométr":20855,"ĠDisfruta":20856,"relación":20857,"uciones":20858,"ĠBernardo":20859,"Ġincentivos":20860,"Ġmarcan":20861,"Ġsuperan":20862,"ĠPublicado":20863,"Mira":20864,"ĠMON":20865,"acol":20866,"Ġpaises":20867,"ĠSalto":20868,"ĠAmbas":20869,"ĠNoruega":20870,"Ġmeterse":20871,"ĠÃŃdo":20872,"our":20873,"Ġgarantizado":20874,"ĠEliz":20875,"Ġurnas":20876,"ĠDisco":20877,"Respuesta":20878,"Ġesclavitud":20879,"ĠMichoacán":20880,"Ġaparecieron":20881,"ĠFueron":20882,"Ġmetáf":20883,"ĠLil":20884,"Ġcatorce":20885,"ĠPolo":20886,"Ġclausura":20887,"Ġartil":20888,"ĠINFORMA":20889,"Ġsanos":20890,"Ġdetalla":20891,"Ġejecutiva":20892,"Google":20893,"ĠAuton":20894,"ĠPresupuestos":20895,"Ġbits":20896,"tár":20897,"Ġexcepcionales":20898,"itivas":20899,"Ġpalos":20900,"ódulo":20901,"ĠBeatriz":20902,"ĠMuebles":20903,"Ġreseñ":20904,"fonos":20905,"Via":20906,"ĠvolvÃŃ":20907,"Ġpizza":20908,"Ju":20909,"Ġescort":20910,"Ġcompró":20911,"Ġenvases":20912,"Ġaplaudi":20913,"Ġát":20914,"ĠFantas":20915,"Ġobrero":20916,"ĠRubio":20917,"ĠempatÃŃa":20918,"ĠCOMP":20919,"ĠPermanente":20920,"Ġastron":20921,"Ġdiecis":20922,"ĠMaldonado":20923,"ĠJóvenes":20924,"Ġinfluye":20925,"Ġurgentes":20926,"ĠbahÃŃa":20927,"Ġqueramos":20928,"ĠFL":20929,"Ġmarro":20930,"Ġcontribuciones":20931,"Ġcarencia":20932,"Ġefectivas":20933,"Ġecosistemas":20934,"nic":20935,"ĠEUR":20936,"250":20937,"Ġurgencias":20938,"Ġrestante":20939,"Ġfrom":20940,"ĠHua":20941,"itariamente":20942,"Ġbellos":20943,"uerdo":20944,"Ġconsecutivos":20945,"parar":20946,"Argentina":20947,"Ġdemocra":20948,"Ġflamenco":20949,"Ġsincero":20950,"Ġpredis":20951,"ĠComen":20952,"ĠCont":20953,"Ġdecisivo":20954,"Ġglucosa":20955,"Ġexpedientes":20956,"Ġdejas":20957,"Ġhomogén":20958,"Ġacome":20959,"Ġmarcos":20960,"Ġfabricados":20961,"tain":20962,"Ġdesfil":20963,"ĠLine":20964,"Ġfotográfica":20965,"Resolución":20966,"Ġbuques":20967,"ĠMala":20968,"ĠconfÃŃa":20969,"ĠAsunción":20970,"Ġconcentraciones":20971,"Ġcorrespondencia":20972,"Ġindique":20973,"Ġemisora":20974,"Ġrespectivo":20975,"Ġveinti":20976,"ĠGirona":20977,"Ġasegurando":20978,"Ġinnovaciones":20979,"misiones":20980,"ĠBarra":20981,"Ġcombinan":20982,"Ġhidratación":20983,"Ġfero":20984,"Ġactivas":20985,"Ġafian":20986,"tivismo":20987,"Ġsostenido":20988,"Ġconvocar":20989,"sterdam":20990,"ĠOriental":20991,"Ġresign":20992,"hl":20993,"Ġplacent":20994,"dibujos":20995,"Ġaccionar":20996,"Ġfluido":20997,"sulas":20998,"ásquez":20999,"peda":21000,"Ġinger":21001,"Ġjuzgados":21002,"Ġ_":21003,"chor":21004,"ĠMisión":21005,"Ġcanje":21006,"ances":21007,"Ġdescans":21008,"noso":21009,"Ġestal":21010,"Ġhallazgos":21011,"ĠCertificado":21012,"Ġcrimin":21013,"ĠBienestar":21014,"Ġmp":21015,"Ġmármol":21016,"ĠImpres":21017,"itÃŃ":21018,"Ġcervezas":21019,"ĠDun":21020,"Ġemplaz":21021,"ĠXI":21022,"Ġmoción":21023,"Ġ112":21024,"ĠInicia":21025,"Ġderma":21026,"Script":21027,"Ġenre":21028,"Ġlevantamiento":21029,"veno":21030,"Ġmañanas":21031,"ácticos":21032,"ĠSl":21033,"Ġreiteró":21034,"blan":21035,"Ġcoma":21036,"ĠGü":21037,"ĠBachillerato":21038,"ï¸ı":21039,"Ġtrascendencia":21040,"ĠFlash":21041,"Ġexpuestas":21042,"Ġseriamente":21043,"Ġquedaban":21044,"Ġdedi":21045,"Ġvariante":21046,"Ġnatación":21047,"Ġpequeñ":21048,"ciación":21049,"Ġresuci":21050,"Ġarmada":21051,"Ġsenadores":21052,"Ġcompensar":21053,"éster":21054,"Ġfantasmas":21055,"ĠDeportiva":21056,"ángulo":21057,"ADAS":21058,"ĠAños":21059,"Ġtripul":21060,"Ġalien":21061,"ĠResponsabilidad":21062,"pÃŃ":21063,"PRE":21064,"FF":21065,"áez":21066,"ĠBs":21067,"jetivo":21068,"Ġinsuficiente":21069,"Ġnotablemente":21070,"caras":21071,"ĠgalerÃŃas":21072,"ĠlatÃŃn":21073,"Ġtob":21074,"ĠGENERAL":21075,"DUCCIÃĵN":21076,"ĠDani":21077,"Ġsolidario":21078,"Ġmire":21079,"Ġhort":21080,"túe":21081,"arcas":21082,"Ġinces":21083,"ĠHall":21084,"Ġdescentr":21085,"ĠGom":21086,"Ġmúltiple":21087,"ĠLife":21088,"Ġacordó":21089,"pez":21090,"ĠCatalina":21091,"Ġobligó":21092,"copo":21093,"Ġcomento":21094,"Ġnietos":21095,"Ġdotado":21096,"utar":21097,"Ġguantes":21098,"Ġboletos":21099,"éstor":21100,"Ġmexicanas":21101,"ĠGN":21102,"Ġperderse":21103,"Ġnublado":21104,"Fe":21105,"ervo":21106,"Ġvenimos":21107,"ĠGig":21108,"ĠBluetooth":21109,"ilancia":21110,"Ġprimario":21111,"poca":21112,"Ġadelanto":21113,"ĠZelanda":21114,"BB":21115,"ĠpacÃŃfica":21116,"Ġfide":21117,"Ġperfume":21118,"Ġarquero":21119,"ĠNuevas":21120,"má":21121,"ĠInmobil":21122,"ĠOct":21123,"Ġrayas":21124,"Ġasesinos":21125,"Ġganaron":21126,"Ġdefinidos":21127,"Ġgarantizan":21128,"Ġauxiliares":21129,"Cuánto":21130,"ĠAnaly":21131,"Ġfinas":21132,"Ġentrañ":21133,"larse":21134,"ĠBode":21135,"boy":21136,"Ġzana":21137,"Ġplanea":21138,"edia":21139,"Ġdadas":21140,"Ġtentación":21141,"Ġnucleares":21142,"Ġbodegas":21143,"ĠtrÃŃo":21144,"òn":21145,"Ġprogen":21146,"ĠTEC":21147,"ĠInstitucional":21148,"social":21149,"voc":21150,"sent":21151,"Ġsocioecon":21152,"ĠEsos":21153,"Fun":21154,"genas":21155,"Ġbarbacoa":21156,"Ġcirco":21157,"Ġacompañantes":21158,"ĠAbierto":21159,"Ġeconomista":21160,"Ġcondenados":21161,"ĠDoctorado":21162,"vertir":21163,"Ġconsistencia":21164,"Ġ1936":21165,"Ġcerradas":21166,"onada":21167,"Ġasfalto":21168,"Eres":21169,"jaron":21170,"Ġconseguimos":21171,"Ġfinaliza":21172,"Ġamortigu":21173,"Ġconceptual":21174,"Ġadmira":21175,"Ġinterpretado":21176,"Ġacreedores":21177,"Ġferrocarril":21178,"ĠAse":21179,"ules":21180,"Ġestaré":21181,"Ġautoriza":21182,"Ġalumb":21183,"cracia":21184,"Ġdisparar":21185,"Ġoreja":21186,"Ġtuvieran":21187,"Ġteóricos":21188,"ĠDibu":21189,"Ġcolocó":21190,"táneas":21191,"Ġ//":21192,"Ġtronco":21193,"ĠExpo":21194,"ĠAlz":21195,"Ġcontinental":21196,"ĠUrbano":21197,"ilable":21198,"ĠDicha":21199,"Ġalterar":21200,"Ġalmacenes":21201,"Ġconsideradas":21202,"dillera":21203,"Ġordena":21204,"Ġ1974":21205,"Ġpasiones":21206,"Ġreactiv":21207,"Ġreemplaz":21208,"Ġnulidad":21209,"ĠBBC":21210,"wei":21211,"ĠEnfermerÃŃa":21212,"Ġcolorido":21213,"señor":21214,"ulip":21215,"ĠJohnson":21216,"Ġhincha":21217,"Ġdesastres":21218,"Ġreducen":21219,"ĠXL":21220,"ĠGerente":21221,"ĠGeorg":21222,"UAL":21223,"vira":21224,"ĠGabri":21225,"ĠAlber":21226,"Ġanarqu":21227,"ĠEconom":21228,"GP":21229,"chen":21230,"Ġtransformaciones":21231,"Ġmetió":21232,"Ġacop":21233,"Ġtransferencias":21234,"Ġdegustar":21235,"Ġmaster":21236,"Ġfelicitar":21237,"ajust":21238,"Ġpostul":21239,"ĠAgenda":21240,"Ġdistribuidos":21241,"ĠArtÃŃculos":21242,"vor":21243,"phone":21244,"ĠKit":21245,"ĠvolvÃŃa":21246,"Ġintensos":21247,"Ġtemplos":21248,"lanta":21249,"ises":21250,"Ġregistrarse":21251,"Ġabrum":21252,"non":21253,"Ġpresentarán":21254,"Ġaromas":21255,"Ġmy":21256,"lear":21257,"ĠPales":21258,"ĠVillal":21259,"gamiento":21260,"Ġleña":21261,"Ġconcesiones":21262,"Ġconsideraba":21263,"ĠQuerétaro":21264,"Ġfranja":21265,"Ġproductivas":21266,"Ġcausan":21267,"ĠLiv":21268,"Ġtumor":21269,"Ġramo":21270,"Ġed":21271,"ĠMB":21272,"graph":21273,"ĠCapitán":21274,"Incluso":21275,"ĠCecilia":21276,"ĠDÃŃas":21277,"Ġilusiones":21278,"Ġinsuficiencia":21279,"dard":21280,"Ġamino":21281,"Ġmagistrados":21282,"Ġsellos":21283,"ĠPom":21284,"Ġacadémicas":21285,"Ġagrav":21286,"Ġsuciedad":21287,"Ġempiece":21288,"Ġilustra":21289,"Ġanfitrión":21290,"ĠPutas":21291,"tonio":21292,"ĠVlad":21293,"Ġclasifica":21294,"ĠBox":21295,"Ġpremium":21296,"PEC":21297,"Ġcuenten":21298,"Ġray":21299,"Ġoportuna":21300,"tidor":21301,"ĠOcta":21302,"Ġverdades":21303,"Ġpoética":21304,"NS":21305,"erial":21306,"âĢĿ).":21307,"Ġdudo":21308,"ĠLux":21309,"Ġrestricción":21310,"Ġestricto":21311,"Má":21312,"Quien":21313,"ights":21314,"Ġdesfavor":21315,"Ġrecto":21316,"blar":21317,"ĠVino":21318,"ĠNegra":21319,"Ġvibra":21320,"Ġsite":21321,"ĠHerramientas":21322,"ĠVitoria":21323,"Ġcomposiciones":21324,"has":21325,"tenos":21326,"cerca":21327,"Ġflan":21328,"Ġcomencé":21329,"Ġgriegos":21330,"Ġsustra":21331,"Ġblack":21332,"Ġanécdotas":21333,"icó":21334,"Ġraras":21335,"fección":21336,"ĠCircuito":21337,"rógeno":21338,"ĠHabrá":21339,"ĠburguesÃŃa":21340,"Ġcomplicidad":21341,"Ġrechazado":21342,"toriamente":21343,"ĠTailandia":21344,"ĠEdgar":21345,"Ġllegas":21346,"temporada":21347,"\"...":21348,"Ġcaf":21349,"Ġvacunas":21350,"Ġgro":21351,"Ġmayús":21352,"Ġmostraba":21353,"éndola":21354,"ĠSostenible":21355,"ĠWat":21356,"Rob":21357,"turismo":21358,"Ġdoña":21359,"ĠMarbella":21360,"Ġescapara":21361,"ĠBBVA":21362,"Ġcitados":21363,"Ġmarinos":21364,"Ġderrotas":21365,"Situ":21366,"Ġbuscó":21367,"Ġrecorte":21368,"Ġinmor":21369,"ĠHaga":21370,"Ġacercan":21371,"ulce":21372,"Ġpapas":21373,"Ġpublicitarios":21374,"ĠDijo":21375,"Ġcooper":21376,"âĢ¦âĢ¦âĢ¦âĢ¦":21377,"Ġaguda":21378,"Ġasesinados":21379,"ĠGana":21380,"Ġlapso":21381,"undan":21382,"ĠSas":21383,"Ġinteresan":21384,"ĠPLA":21385,"TRUC":21386,"ĠMañana":21387,"Ġorganizadas":21388,"ĠpretendÃŃa":21389,"ĠTerritorial":21390,"plante":21391,"fox":21392,"Ġviabilidad":21393,"ĠIndic":21394,"Ġestrope":21395,"ANDO":21396,"Ġalcantar":21397,"Ġdescriben":21398,"Ġsocor":21399,"cans":21400,"Ġacerc":21401,"Empresa":21402,"moder":21403,"irus":21404,"Ġantiv":21405,"ARIOS":21406,"Ġeditores":21407,"ĠCreación":21408,"Ġinscribirse":21409,"ĠjerarquÃŃa":21410,"Ġocupó":21411,"Ġceremon":21412,"sel":21413,"ĠMemor":21414,"Ġfeminista":21415,"Ġdaremos":21416,"Has":21417,"Ġdedicarse":21418,"ĠEncar":21419,"Ġestres":21420,"ĠFrances":21421,"áneo":21422,"ĠespÃŃritus":21423,"Ġdimos":21424,"ĠCárdenas":21425,"Ġadiós":21426,"Ġextrater":21427,"Ġdeclarada":21428,"ĠModi":21429,"Ġcontestó":21430,"ĠmÃŃtico":21431,"Ġposes":21432,"ĠChu":21433,"Ġviable":21434,"Ġembajada":21435,"Ġdesagradable":21436,"ĠDuran":21437,"Edi":21438,"ĠVac":21439,"Ġllamaron":21440,"torrent":21441,"Ġredonde":21442,"Ġfilósofo":21443,"Ġtráiler":21444,"Ġpertenencia":21445,"ĠGuarda":21446,"Ġverb":21447,"ĠCENT":21448,"?-":21449,"Ġracha":21450,"ĠInvierno":21451,"ĠContacto":21452,"Ġdevoción":21453,"Ġexistido":21454,"grano":21455,"ĠBust":21456,"quien":21457,"Ġavisos":21458,"ĠAntio":21459,"Ġodon":21460,"ĠCuentas":21461,"ĠSábado":21462,"Ġaproximado":21463,"Ġoctavos":21464,"/.":21465,"Ġconversar":21466,"ĠTucumán":21467,"Ġbarran":21468,"Arch":21469,"Ġcriticar":21470,"Ġprocederá":21471,"ĠHoteles":21472,"Ġstreaming":21473,"ĠCay":21474,"Ġnotables":21475,"Ġajedrez":21476,"edy":21477,"ĠminorÃŃa":21478,"ĠCorreo":21479,"Ġrespectiva":21480,"Ġtributo":21481,"Ġextraordinarias":21482,"ĠCirugÃŃa":21483,"dosa":21484,"especial":21485,"Ġentraron":21486,"Ġdesenf":21487,"Ġentretenido":21488,"Sub":21489,"ĠGimnas":21490,"ĠÃīsta":21491,"Ġaumentos":21492,"Ġtranquilos":21493,"Ġternura":21494,"Ġsilicona":21495,"ĠLlo":21496,"Ġanciano":21497,"&#":21498,"ĠRobin":21499,"glish":21500,"Ġsostienen":21501,"Ġtáctil":21502,"ĠRiesgos":21503,"Ġliderado":21504,"ĠCategorÃŃa":21505,"ĠNaran":21506,"ĠJohan":21507,"Ġindiferente":21508,"Pregun":21509,"Nuevo":21510,"----------------":21511,"pino":21512,"ĠBush":21513,"UA":21514,"@@@@@@@@@@@@@@@@":21515,"Ġbolsos":21516,"Ġmagistrado":21517,"Ġbestia":21518,"Nadie":21519,"Ġdirectrices":21520,"ĠquerÃŃamos":21521,"Tar":21522,"ĠPotos":21523,"Ġimaginario":21524,"Ġauriculares":21525,"Ġestudiantil":21526,"ĠFuen":21527,"Ġmango":21528,"ĠStudio":21529,"Ġrebeldes":21530,"ĠComprar":21531,"Ġgripe":21532,"Ġaccesorio":21533,"weet":21534,"Ġjar":21535,"ĠEstilo":21536,"Ġfro":21537,"ĠDinamarca":21538,"Ġmaleta":21539,"Ġparlamentaria":21540,"ĠRegist":21541,"ĠClase":21542,"lum":21543,"ĠToyota":21544,"ĠJuana":21545,"estim":21546,"Ġmedianas":21547,"Ġliquidez":21548,"ĠCuarto":21549,"nel":21550,"Ġobispos":21551,"ĠSudamérica":21552,"Ġecológicos":21553,"Ġdoctorado":21554,"Ġés":21555,"Ġindicación":21556,"Ġrelajar":21557,"Ġadicción":21558,"ĠPack":21559,"ducido":21560,"¨":21561,"Ġbondad":21562,"Ofre":21563,"andy":21564,"Ġ1950":21565,"ĠMercantil":21566,"Ġnacen":21567,"Ġcaridad":21568,"ĠGregorio":21569,"Ġfertil":21570,"ĠBolivariana":21571,"Ġantioxidantes":21572,"lación":21573,"Ġinvestigadora":21574,"isi":21575,"Ġmax":21576,"ĠVerdad":21577,"Ġprecedente":21578,"Ġpreocupante":21579,"Ġcomience":21580,"Ġpeleas":21581,"Ġcupones":21582,"Ġpasas":21583,"Ġllamativo":21584,"ĠSalazar":21585,"teto":21586,"Ġmenús":21587,"Ġpalp":21588,"ĠBank":21589,"ĠIES":21590,"guaya":21591,"Ġtemer":21592,"iarse":21593,"Ġimpa":21594,"tiente":21595,"Ġcarbohidratos":21596,"Ġmejoran":21597,"Ġestablezca":21598,"ISA":21599,"Ġasamble":21600,"ágina":21601,"ĠManagement":21602,"Ġcantando":21603,"Ġgit":21604,"Ġdiar":21605,"Ġneto":21606,"Ġdeseada":21607,"ĠexistÃŃan":21608,"Ġ-.":21609,"óngase":21610,"Ġapropiada":21611,"Ta":21612,"Ġoye":21613,"Ġreseñas":21614,"pura":21615,"Ġmultinacional":21616,"Ġ->":21617,"lib":21618,"udad":21619,"Ġâĸ":21620,"Ġlitro":21621,"ĠimplÃŃ":21622,"Ġposts":21623,"Ġviste":21624,"Ġesperada":21625,"ĠPlayStation":21626,"ĠRomano":21627,"UES":21628,"Ġplenitud":21629,"tróp":21630,"Ġcentrada":21631,"Ġmicrófono":21632,"Ġtas":21633,"ĠOriginal":21634,"Ġprestan":21635,"Ġsepas":21636,"ĠpedÃŃa":21637,"Ġsincera":21638,"\";":21639,"Ġdirá":21640,"Ġimpo":21641,"ĠSolid":21642,"Ġgrandeza":21643,"Ġnorteamericanos":21644,"adillo":21645,"FES":21646,"ĠIdi":21647,"Ġextrañas":21648,"ĠClinton":21649,"ĠAssocia":21650,"Ġaburrido":21651,"sólo":21652,"fobia":21653,"Ġenglo":21654,"GRAMA":21655,"Ġcabez":21656,"Ġciclista":21657,"ámp":21658,"Ġproporciones":21659,"activo":21660,"ĠAbraham":21661,"ciados":21662,"inda":21663,"Ġbeneficiarse":21664,"Fern":21665,"Ġrepuesto":21666,"ĠCookies":21667,"Ġcreativas":21668,"ĠSalta":21669,"Ġenca":21670,"Ġestimación":21671,"ĠUnas":21672,"iarias":21673,"Ġapuntado":21674,"Ġautóc":21675,"emon":21676,"Ġsoporta":21677,"Ġpasivo":21678,"ĠDragon":21679,"ĠGRAN":21680,"Ġsuavidad":21681,"ĠDemocrática":21682,"Ġtonto":21683,"Ġterceras":21684,"Ġrapido":21685,"Ġderivada":21686,"Ġsupresión":21687,"ĠMateriales":21688,"ĠPRD":21689,"Ġdesnudas":21690,"Ġdespedir":21691,"Ġdisfraces":21692,")...":21693,"ajuato":21694,"ázaro":21695,"ĠRoger":21696,"Ġmojado":21697,"gate":21698,"Ġflexibles":21699,"Ġvistos":21700,"ĠGr":21701,"Ġteórica":21702,"Ġsacan":21703,"ÑĮ":21704,"Ġzumo":21705,"Ġrumor":21706,"ès":21707,"Ġejecuta":21708,"Ġpermitieron":21709,"Ġnadar":21710,"Ġreportó":21711,"Ġayudarnos":21712,"Ġnovedoso":21713,"Ġcelos":21714,"ĠPeriodismo":21715,"Ġsusur":21716,"Clas":21717,"Ġcausados":21718,"conoci":21719,"guesas":21720,"Ġesplén":21721,"ury":21722,"Ġvecinas":21723,"ĠHong":21724,"Ġversátil":21725,"Ġtriunfos":21726,"cus":21727,"ĠEfe":21728,"cisco":21729,"ĠCOMUN":21730,"Ġdemasiados":21731,"Ġhumanitaria":21732,"Ġinstantes":21733,"ĠHero":21734,"Ġhep":21735,"ĠFeliz":21736,"umos":21737,"tuosos":21738,"ĠVelas":21739,"Ġgobernante":21740,"ĠCortés":21741,"Ġsedi":21742,"ĠXia":21743,"ĠImágenes":21744,"Ġmoléculas":21745,"Ġrebelión":21746,"Ġpróximamente":21747,"Ġpsiquia":21748,"Ġfrescas":21749,"Ġconjun":21750,"Diseño":21751,"ĠDado":21752,"Ġseñalando":21753,"Ġpausa":21754,"Ġtranscurrido":21755,"ĠCroacia":21756,"ĠNadal":21757,"ĠvacÃŃa":21758,"Ġrebajas":21759,"Ġvocabulario":21760,"Ġpaja":21761,"financi":21762,"ĠSalas":21763,"ĠNecesita":21764,"quista":21765,"Ġreflexion":21766,"Ġsimpa":21767,"erie":21768,"ĠVeter":21769,"Ġaprobados":21770,"Ġpotencialmente":21771,"ĠGolfo":21772,"ĠSuperintendencia":21773,"ĠMÃģS":21774,"Ġculpables":21775,"ĠCanc":21776,"ĠLisboa":21777,"ĠMatemáticas":21778,"ĠBatman":21779,"ĠAnto":21780,"Ġreproductor":21781,"Ġcrianza":21782,"Ġconsultora":21783,"ĠVila":21784,"Ġparciales":21785,"ĠRED":21786,"egu":21787,"Ġdefendido":21788,"ĠNico":21789,"Ġrepublicanos":21790,"Ġsistemática":21791,"ĠporterÃŃa":21792,"ĠSIM":21793,"Ġmató":21794,"Ġevacu":21795,"Ġingenio":21796,"Ġach":21797,"Ġsalvajes":21798,"Ġnormativas":21799,"Ġdeficiencias":21800,"Ġamores":21801,"ĠHonda":21802,"ipsis":21803,"Ġlidera":21804,"Ġnin":21805,"ĠHid":21806,"Ġincomple":21807,"Ima":21808,"ĠAplicación":21809,"Ġconsecución":21810,"ridades":21811,"Ġpreocupar":21812,"Ġfeo":21813,"ruce":21814,"Ġvendiendo":21815,"Ġpabellón":21816,"creo":21817,"Ġmayoria":21818,"Ġreba":21819,"tici":21820,"Ġviajó":21821,"Ġmarcados":21822,"tengo":21823,"iat":21824,"Ġcabaña":21825,"Ġinteracciones":21826,"blogspot":21827,"GAN":21828,"Ġdesple":21829,"Ġtendré":21830,"Ġempleada":21831,"Ġrige":21832,"Ġadmitió":21833,"Ġterminando":21834,"Ġsignificar":21835,"Ġmaniobras":21836,"óstol":21837,"tory":21838,"critas":21839,"ĠAnexo":21840,"ĠPotter":21841,"Ġoctava":21842,"Ġpirámi":21843,"istado":21844,"Ġanimar":21845,"ĠMarÃŃn":21846,"alizaron":21847,"Bienvenido":21848,"Ġcadera":21849,"Ġelef":21850,"Ġcruzado":21851,"inopsis":21852,"ĠMr":21853,"PAL":21854,"HS":21855,"ĠAFP":21856,"Ġevaluaciones":21857,"Ġdivisiones":21858,"ĠVale":21859,"Ġutens":21860,"ĠJoseph":21861,"Ġconfer":21862,"ĠPolar":21863,"enció":21864,"Ġvuelvan":21865,"comp":21866,"Ġtraducido":21867,"ĠpolÃŃticamente":21868,"Ġislam":21869,"Ġobsesión":21870,"Ġdinosau":21871,"Ġiniciará":21872,"ĠValde":21873,"Ġtransferir":21874,"Tor":21875,"Ġame":21876,"Ġnacionalismo":21877,"IES":21878,"Ġfolk":21879,"Ġcúpula":21880,"istad":21881,"ĠWay":21882,"Ġdirectas":21883,"ĠPacto":21884,"Ġpublican":21885,"Ġantepas":21886,"Ġorientar":21887,"cif":21888,"ĠAvi":21889,"ĠEmbajada":21890,"âĢĿ),":21891,"ĠPartici":21892,"Ġresgu":21893,"hr":21894,"Ġabono":21895,"Ġmeramente":21896,"Dispon":21897,"Ġbeneficia":21898,"Ġvenas":21899,"Ġpesadilla":21900,"Ġestables":21901,"videntemente":21902,"Ġcomunistas":21903,"ĠQues":21904,"ĠAlm":21905,"instein":21906,"Ġencargó":21907,"ĠHernán":21908,"Ġenviando":21909,"Ġpresunta":21910,"Ġrestitu":21911,"ĠBes":21912,"Ġparlamentarios":21913,"ALL":21914,"ĠWikipedia":21915,"Ġacel":21916,"ĠGRATIS":21917,"ĠComunista":21918,"Ġfrenos":21919,"Ġsospechos":21920,"Ġfull":21921,"Conoce":21922,"Ġseparadas":21923,"gener":21924,"ĠNutrición":21925,"ĠSeguramente":21926,"Ġrevertir":21927,"ĠHur":21928,"Ġasequible":21929,"Ġobrera":21930,"Ġmoderado":21931,"Ġfotógrafos":21932,"Ġlevantado":21933,"Ġasistió":21934,"Ġrecibidas":21935,"ĠTemplo":21936,"ĠFigura":21937,"rima":21938,"ĠRenault":21939,"Casi":21940,"ĠFrontera":21941,"Sé":21942,"Ġguionista":21943,"Ġaplicarse":21944,"Ġmanualidades":21945,"vern":21946,"ym":21947,"Ġtrack":21948,"Ġrelajante":21949,"Ġpse":21950,"Ġjal":21951,"XICO":21952,"Ġfotográfico":21953,"liquen":21954,"Ġrodar":21955,"Ġindicados":21956,"Ġsodio":21957,"rara":21958,"Ġnobles":21959,"Ġcompresión":21960,"PON":21961,"ĠCentroamérica":21962,"bina":21963,"Ġyogur":21964,"ĠDO":21965,"ónimos":21966,"ĠMAT":21967,"ĠGames":21968,"Ġambición":21969,"Jesús":21970,"Ġmetodol":21971,"Ġnut":21972,"Ġpresuntos":21973,"tórica":21974,"Ġgratuitamente":21975,"Ġcreyentes":21976,"ĠDoña":21977,"Ġevangelio":21978,"ĠFres":21979,"Ġpulmon":21980,"Ġestudió":21981,"Ġguitarrista":21982,"ciada":21983,"ĠCoca":21984,"Ġoctavo":21985,"èn":21986,"Ġdesarrollos":21987,"ĠLong":21988,"pete":21989,"Ġatendido":21990,"ĠVarios":21991,"Ġral":21992,"Ġcortinas":21993,"Ġfincas":21994,"Ġcrom":21995,"Ġjovenes":21996,"ĠOblig":21997,"Ġinformativos":21998,"Ġhonestidad":21999,"ffet":22000,"Ġnecesitará":22001,"iega":22002,"Ġdecirse":22003,"Ġincrementado":22004,"Ġavalan":22005,"ĠNéstor":22006,"Ġminero":22007,"ĠFred":22008,"Ġcontrarres":22009,"deste":22010,"ĠUSU":22011,"Ġgestación":22012,"Ġfrio":22013,"Ġgenoci":22014,"Ġpó":22015,"ĠNuevos":22016,"Hotel":22017,"inst":22018,"Ġrobado":22019,"Ġveterano":22020,"Ġestatua":22021,"ĠAugusto":22022,"ĠCore":22023,"Ġconsumen":22024,"Ġampar":22025,"Ġcantantes":22026,"encio":22027,"ĠBesos":22028,"Ġviceversa":22029,"Ġmim":22030,"ĠHierro":22031,"Ġnovel":22032,"Ġextensiones":22033,"ĠlegÃŃtimo":22034,"Ġterminación":22035,"ĠMila":22036,"Ġperuanos":22037,"ĠBosque":22038,"ĠCIA":22039,"Ġrecomendada":22040,"Ġconcedido":22041,"ombo":22042,"ités":22043,"Ġestatutos":22044,"Ġanon":22045,"ĠWW":22046,"Ġformados":22047,"Ġdemasiadas":22048,"Ġamables":22049,"embras":22050,"Book":22051,"Gal":22052,"Ġanestes":22053,"Ġconocerse":22054,"gir":22055,"Ġinversor":22056,"Ġjubilados":22057,"ĠboletÃŃn":22058,"Ġacumular":22059,"Ġengran":22060,"ĠganaderÃŃa":22061,"Ġnutricional":22062,"Ġinspirada":22063,"Ġmetálica":22064,"Ġexquisito":22065,"Ġcómodamente":22066,"Ġcoraje":22067,"Ġopcional":22068,"Ġcajón":22069,"Star":22070,"cima":22071,"ĠFuerte":22072,"Ġacompañó":22073,"licas":22074,"Ġsospechoso":22075,"Ġsuscrito":22076,"ĠAnder":22077,"Ġtortur":22078,"Ġincluya":22079,"ĠContiene":22080,"estu":22081,"ĠAum":22082,"Ġauténticos":22083,"ĠGalerÃŃa":22084,"Ġlaber":22085,"Ġespecifica":22086,"dominio":22087,"Ġ),":22088,"ĠestadÃŃa":22089,"Ġ1972":22090,"mera":22091,"ĠTime":22092,"Ġrituales":22093,"IDOS":22094,"Ġtocaba":22095,"ette":22096,"Ġutilidades":22097,"Ġintente":22098,"ulum":22099,"Ġpeinado":22100,"ĠInterés":22101,"ĠMah":22102,"Ġpersonalización":22103,"ĠProcedimiento":22104,"CAN":22105,"ĠRivas":22106,"ĠAsh":22107,"Ġaéreas":22108,"time":22109,"Ġcuantita":22110,"ĠDeber":22111,"ĠAsesor":22112,"Ġacompañante":22113,"als":22114,"leros":22115,"ilios":22116,"Ġpotes":22117,"Ġmancha":22118,"Ġterritoriales":22119,"Ġencabezado":22120,"ĠMorelos":22121,"Ġparados":22122,"copa":22123,"ĠPM":22124,"Ġcuida":22125,"ĠConn":22126,"Ġemplean":22127,"Ġcolchón":22128,"ĠNelson":22129,"Ġprivilegiada":22130,"Ġaudiencias":22131,"Ġembarcaciones":22132,"Ġdescendientes":22133,"Ġocurriendo":22134,"Ġcordo":22135,"Ġabonar":22136,"Ġcadáveres":22137,"ticar":22138,"uchos":22139,"onto":22140,"Ġiran":22141,"terminación":22142,"Ġbuceo":22143,"ocado":22144,"ĠMix":22145,"entarias":22146,"Ġlidiar":22147,"ĠCER":22148,"IENTE":22149,"Ġgad":22150,"ĠXIV":22151,"ferentes":22152,"Ġcrono":22153,"Ġdiscrimina":22154,"Programa":22155,"ipié":22156,"Ġacusó":22157,"ILL":22158,"Ġautocon":22159,"Ġpir":22160,"Ġpositivamente":22161,"Ġreservados":22162,"Ġfos":22163,"guardar":22164,"Ġnic":22165,"Ġestafa":22166,"Ġtech":22167,"Ġfarmacias":22168,"Ġafectando":22169,"Ġpasillos":22170,"tológico":22171,"sela":22172,"Ġprototipo":22173,"ambiente":22174,"viado":22175,"?âĢĿ.":22176,"cht":22177,"Ġimpera":22178,"Ġcib":22179,"!\"":22180,"panish":22181,"ĠTalleres":22182,"cientemente":22183,"ĠVersión":22184,"ĠSalinas":22185,"Ġdefiniciones":22186,"Ðĵ":22187,"ĠVélez":22188,"Ġefectuado":22189,"Ġmediciones":22190,"Ġirrespons":22191,"Ġderram":22192,"ĠpartÃŃ":22193,"Ġgenerados":22194,"Ġantena":22195,"Ġcotiz":22196,"ĠIbar":22197,"Ġlinks":22198,"Ġjurisprudencia":22199,"ĠFull":22200,"Ġético":22201,"reak":22202,"ĠEscobar":22203,"DEN":22204,"BER":22205,"Ġ240":22206,"Ġtripulación":22207,"Ġsegmentos":22208,"Ġprestigioso":22209,"Ġcór":22210,"Ġmerecido":22211,"Ġcaiga":22212,"Ġbell":22213,"gata":22214,"Ġescuchó":22215,"Ġprofundiz":22216,"Ġreembolso":22217,"Ġproblemáticas":22218,"Ġnata":22219,"genera":22220,"Ġdisfrutamos":22221,"Ġnotado":22222,"Ġespesor":22223,"Ġinaugurado":22224,"ĠOk":22225,"Ġcalib":22226,"ĠMontaña":22227,"Ġbiológica":22228,"Ġsometerse":22229,"ĠDT":22230,"Ġindud":22231,"Ġtelefónicas":22232,"Ġamistoso":22233,"Ġescur":22234,"peo":22235,"ĠJr":22236,"guerra":22237,"ĠRocÃŃo":22238,"info":22239,"ĠveÃŃan":22240,"Ġseguiremos":22241,"Ġalusión":22242,"ĠHubo":22243,"ĠActualidad":22244,"pper":22245,"Ġadquirió":22246,"ĠTeorÃŃa":22247,"Ġcontradicción":22248,"Ġconsolas":22249,"Ġejercitar":22250,"Ġaguja":22251,"Ġlinf":22252,"Ġrequerir":22253,"ĠUnidades":22254,"cual":22255,"Ġrefriger":22256,"Ġ115":22257,"Ġrequieran":22258,"ĠUNAM":22259,"ijote":22260,"Ġinfluyen":22261,"Ġabundantes":22262,"ĠBruno":22263,"ajillas":22264,"ĠNex":22265,"Ġelevadas":22266,"Ġpuñado":22267,"Ġdene":22268,"ÃŃrculo":22269,"ĠLula":22270,"Ġconsigna":22271,"ĠAuditorio":22272,"Ġrepresentada":22273,"ĠRonda":22274,"Ġdisfruten":22275,"Ġaconsejable":22276,"Ġrecordaba":22277,"Ġfranco":22278,"ĠestÃŃmulos":22279,"Ġvacas":22280,"ĠVolkswagen":22281,"ĠMelilla":22282,"Ġaislado":22283,"hue":22284,"ĠZar":22285,"Ġtranquilamente":22286,"Ġpresionar":22287,"Ġserias":22288,"ĠWes":22289,"Contra":22290,"citación":22291,"Ġrecort":22292,"Ġespiral":22293,"Ġplumas":22294,"ĠAplicaciones":22295,"Ġlazo":22296,"Ġconstituida":22297,"ë":22298,"ĠBrad":22299,"Ġgastronómica":22300,"ĠMenos":22301,"ĠContamos":22302,"ĠComún":22303,"éticamente":22304,"ĠPlaneta":22305,"Ġlooks":22306,"Ġajenas":22307,"tecnologÃŃa":22308,"Ġrayo":22309,"Ġanalizando":22310,"inch":22311,"Mediante":22312,"Ġestimulación":22313,"Ġdormido":22314,"uloso":22315,"Ġcañ":22316,"ĠSeat":22317,"Zapa":22318,"Ġconservador":22319,"Ġdeshidra":22320,"Ġped":22321,"Ġaconseja":22322,"PH":22323,"Ġasilo":22324,"Ġsustentable":22325,"Ġacento":22326,"Ġpromocionales":22327,"cs":22328,"Ġinmejorable":22329,"tv":22330,"house":22331,"ÃīS":22332,"Ġahog":22333,"Ġplur":22334,"Ġintentaba":22335,"uevos":22336,"Ġejecutado":22337,"ĠGabinete":22338,"Ġestuvieran":22339,"Ġticket":22340,"Ġ3000":22341,"Ġconmemoración":22342,"PUB":22343,"ĠAdrián":22344,"tomÃŃa":22345,"ĠmuchÃŃsimos":22346,"gras":22347,"politano":22348,"RAS":22349,"tré":22350,"bando":22351,"Ġdelgada":22352,"Ġcontribuido":22353,"Ġgays":22354,"rosas":22355,"Ġ978":22356,"Ġautorizada":22357,"Ġconducido":22358,"vidos":22359,"Ġcomenzaba":22360,"GAR":22361,"Ġhinchas":22362,"Ġcubren":22363,"Ġecuación":22364,"brica":22365,"Ġdestinar":22366,"ĠPRIM":22367,"Ġmuc":22368,"Ġseleccione":22369,"ĠViena":22370,"legas":22371,"Ġhembra":22372,"ĠmetodologÃŃas":22373,"bó":22374,"Ġconcurs":22375,"ĠZara":22376,"Ġciego":22377,"Ġdiur":22378,"ĠCross":22379,"ĠEventos":22380,"ĠridÃŃculo":22381,"Bas":22382,"Ġencontre":22383,"inarse":22384,"Ġviñe":22385,"Ġtableta":22386,"Ġausp":22387,"Ġdefendió":22388,"Ġsuministros":22389,"ĠAnth":22390,"ĠKu":22391,"Ġagresivo":22392,"Ġhelicóptero":22393,"áñez":22394,"Ġarom":22395,"Ġsientas":22396,"Ġescap":22397,"Ġcaprich":22398,"éri":22399,"Ġabastecimiento":22400,"Ġrepuestos":22401,"ĠprohÃŃbe":22402,"Ġcanela":22403,"Ġretener":22404,"ÃŃculum":22405,"Ġcolocan":22406,"ï¼Į":22407,"ĠWork":22408,"ulando":22409,"Ġmuelle":22410,"ils":22411,"CULO":22412,"Ġenseñado":22413,"ĠDispone":22414,"Ġdirigen":22415,"Ġserpiente":22416,"Ġactivado":22417,"mic":22418,"Ġprocesión":22419,"Ġdisputará":22420,"ĠDesp":22421,"Ġgenerosidad":22422,"Ġexpresan":22423,"Ġenfo":22424,"puede":22425,"Ġenta":22426,"Ġcorporativo":22427,"Ġimpiden":22428,"Ġvarón":22429,"Ġligado":22430,"ĠStephen":22431,"ĠvalentÃŃa":22432,"Ġsoltera":22433,"Ġopina":22434,"ĠvivÃŃan":22435,"ĠdifÃŃcilmente":22436,"Ġchofer":22437,"Ġdiferenciar":22438,"Ġintercon":22439,"Ġafirmaciones":22440,"Ġnumer":22441,"ĠHoras":22442,"Ġdúo":22443,"tonas":22444,"Ġuva":22445,"Consul":22446,"Ġseminarios":22447,"Ġanticipación":22448,"alan":22449,"ĠArroyo":22450,"ĠRelig":22451,"Fund":22452,"Ġcuración":22453,"ĠAlquiler":22454,"Ġaprenden":22455,"desl":22456,"Ġ1500":22457,"Ġenseñó":22458,"ZO":22459,"Ġatmosf":22460,"ĠMisa":22461,"Ġpropiamente":22462,"ĠJosef":22463,"]âĢĭ[":22464,"trán":22465,"Ġmago":22466,"Ġauditorio":22467,"Ġembalaje":22468,"RC":22469,"ittle":22470,"Ġlaguna":22471,"uches":22472,"polis":22473,"ĠRecomend":22474,"ĠLt":22475,"Ġpedia":22476,"Ġgusten":22477,"Ġmonitores":22478,"Ġenriquece":22479,"ĠdescubrÃŃ":22480,"ĠMensajes":22481,"ĠDice":22482,"ĠYoga":22483,"Ġdesconocimiento":22484,"Ġencantadora":22485,"Mir":22486,"ĠRick":22487,"ĠBuenas":22488,"ĠCáncer":22489,"Ġmarcadores":22490,"ĠFlam":22491,"ésel":22492,"!!!!!":22493,"Ġsufrieron":22494,"ĠGinebra":22495,"ĠPapel":22496,"ĠGala":22497,"ĠâĢº":22498,"Ġsolicite":22499,"poder":22500,"Ġvisa":22501,"Ġojalá":22502,"Ġpersever":22503,"Ġperseguir":22504,"Ġconservan":22505,"ichas":22506,"ĠTercer":22507,"Ġlotes":22508,"Ġdesechos":22509,"Ġconfigura":22510,"Ġacude":22511,"análisis":22512,"tecnia":22513,"ĠfrÃŃos":22514,"ĠMobile":22515,"menos":22516,"Ġencuentres":22517,"Ġplát":22518,"ĠaerolÃŃnea":22519,"kan":22520,"ĠCano":22521,"Ġalcanzando":22522,"Recuerda":22523,"Ġdragón":22524,"Ġindiscutible":22525,"Ġlamin":22526,"UP":22527,"Ġdetecta":22528,"áramos":22529,"Ġtaur":22530,"Ġbrus":22531,"ĠSupongo":22532,"Ġproporcionado":22533,"ĠMayores":22534,"Ġsn":22535,"Ġmonasterio":22536,"aloa":22537,"Ġmism":22538,"Ġmetaf":22539,"Ġtablets":22540,"ĠLegislatura":22541,"Ġextendió":22542,"Ġeb":22543,"Ġcelda":22544,"Ġdelgado":22545,"ĠCard":22546,"Ġgradualmente":22547,"rina":22548,"ĠTER":22549,"ĠÃŃntima":22550,"iverpool":22551,"Ġcómics":22552,"Ġcordón":22553,"Ġfundadores":22554,"ĠVeci":22555,"Viv":22556,"Ġtemporalmente":22557,"Ġpreliminar":22558,"jim":22559,"isfer":22560,"Ġobjetiva":22561,"paraÃŃso":22562,"Ġpsicólogo":22563,"ĠEran":22564,"ĠConsell":22565,"Ġdueña":22566,"porta":22567,"Ġquedas":22568,"Ġunida":22569,"ĠLand":22570,"Ġresultante":22571,"Ġtacón":22572,"Ġactivista":22573,"Ġpegado":22574,"vocatoria":22575,"ĠJavaScript":22576,"Ġinvestigando":22577,"Ġfijas":22578,"yug":22579,"Ġhistóricamente":22580,"ĠTRAN":22581,"rev":22582,"diéndose":22583,"terio":22584,"Ġdesempeñar":22585,"Ġpureza":22586,"ĠMete":22587,"ĠConsumo":22588,"+]":22589,"Ġeliminando":22590,"Ġpaleta":22591,"Ġvulgar":22592,"ĠPelÃŃculas":22593,"toshop":22594,"Ġpreside":22595,"ND":22596,"kis":22597,"Ġgrasos":22598,"Ġgiras":22599,"ĠmantenÃŃa":22600,"Euro":22601,"ety":22602,"Ġunió":22603,"ĠCielo":22604,"Ġcortado":22605,"ĠHaw":22606,"ĠAdobe":22607,"Ġdiscapaci":22608,"Ġdisolución":22609,"talo":22610,"ĠCoch":22611,"ĠEns":22612,"casi":22613,"Quizás":22614,"Ġhrs":22615,"ĠLaw":22616,"Ġhacerlos":22617,"Ġfedera":22618,"ĠGrad":22619,"Ġocupados":22620,"ĠSes":22621,"ativo":22622,"Ġdesees":22623,"ĠTérminos":22624,"Ġcultivar":22625,"ĠNas":22626,"proyecto":22627,"rian":22628,"ĠRecuerdo":22629,"Ġquesos":22630,"Ġconvivir":22631,"ĠOfrece":22632,"Ġmarchas":22633,"Ġvener":22634,"ĠHumano":22635,"ĠTeruel":22636,"Ġdefienden":22637,"Ġespejos":22638,"Ġpaulat":22639,"Ġnacionalistas":22640,"ĠSMS":22641,"Ġdomina":22642,"Ġcargador":22643,"Ġregulan":22644,"ĠFilipinas":22645,"acon":22646,"fectos":22647,"ĠNatalia":22648,"Ġreval":22649,"Ġtanques":22650,"ĠResulta":22651,"ozco":22652,"Ġfilo":22653,"Ġfestivos":22654,"conf":22655,"dge":22656,"Ġexcesivamente":22657,"ĠLum":22658,"tento":22659,"Ġprescripción":22660,"ĠAlejandra":22661,"Ġopinar":22662,"Ġriquezas":22663,"Ġentregados":22664,"ĠTransportes":22665,"Ġestimula":22666,"Ġbiológico":22667,"lock":22668,"Ġsobrena":22669,"ĠPOS":22670,"Ġmiran":22671,"Otras":22672,"Deja":22673,"Ġ1969":22674,"ĠIndÃŃ":22675,"ĠdÃŃg":22676,"Ġsacarle":22677,"ĠNave":22678,"Ġsuceden":22679,"quila":22680,"Ġantaño":22681,"Ġenvol":22682,"Ġdam":22683,"Ġlibera":22684,"omagn":22685,"Ġesculturas":22686,"Equi":22687,"ĠFort":22688,"Ġglam":22689,"Ġapasionante":22690,"daria":22691,"ingu":22692,"Ġsecundar":22693,"Ġhebre":22694,"Ġfallecidos":22695,"Ġcontradicciones":22696,"Ġplasma":22697,"ĠMega":22698,"Ġ1967":22699,"Ġdescubriendo":22700,"quet":22701,"ĠTema":22702,"SD":22703,"Ġleves":22704,"vidas":22705,"Ġsocialmente":22706,"Ġsimulación":22707,"iante":22708,"ĠPadres":22709,"ĠEspeciales":22710,"ĠGallar":22711,"Ġpymes":22712,"ĠWEB":22713,"ags":22714,"Dav":22715,"ĠNI":22716,"Ġpilar":22717,"Ġcargada":22718,"ĠPeda":22719,"ĠNACIONAL":22720,"ĠLázaro":22721,"xel":22722,"Ġatas":22723,"Ġinjer":22724,"Ġmaletas":22725,"Ġcoincidir":22726,"ĠLight":22727,"Ġenfermera":22728,"Sem":22729,"âĢ¦,":22730,"Ġpulsar":22731,"fradÃŃa":22732,"ĠAdap":22733,"Ġcorteza":22734,"Ġexpro":22735,"ĠDif":22736,"ĠCloud":22737,"Ġyour":22738,"ionados":22739,"Ġanomal":22740,"ĠNazar":22741,"Ġdoméstica":22742,"ĠaverÃŃas":22743,"ĠSign":22744,"ĠOfrecemos":22745,"uró":22746,"Ġpuramente":22747,"ĠTransparencia":22748,"ĠSiendo":22749,"Ġsiembra":22750,"Ġapreh":22751,"Ġocultos":22752,"Ġ750":22753,"Ġválvula":22754,"COO":22755,"ĠPrimavera":22756,"Mig":22757,"Ġcomplementarias":22758,">>":22759,"Comun":22760,"dencial":22761,"Ġvalen":22762,"ĠAsoci":22763,"Ġofreci":22764,"tore":22765,"ĠGrupos":22766,"Ġcontinentes":22767,"Ġcera":22768,"ĠAntigua":22769,"Ġprivilegiado":22770,"Ġpiratas":22771,"ĠGerencia":22772,"uty":22773,"Ġdotación":22774,"ĠSOBRE":22775,"Ġaterriz":22776,"ĠTechn":22777,"ĠPodrÃŃa":22778,"Ġprecipitaciones":22779,"ĠPodrás":22780,"fl":22781,"izadores":22782,"Ġenviada":22783,"Ġsuyas":22784,"ĠDy":22785,"ĠsequÃŃa":22786,"ĠAriel":22787,"Ġdiversa":22788,"ĠSecu":22789,"Ġeva":22790,"Ġgarantizando":22791,"Ġcabida":22792,"Ġrequerimiento":22793,"Ġprometió":22794,"ĠDocente":22795,"AMA":22796,"Ġendo":22797,"ĠPueblos":22798,"Ġvisiones":22799,"Ġdefinió":22800,"Real":22801,"Ġinjusto":22802,"Ġtirada":22803,"Ġabras":22804,"tru":22805,"Ġinterrupción":22806,"Ġcarrito":22807,"Ġencontrarán":22808,"ĠArmas":22809,"Ġdibuj":22810,"Ġremota":22811,"Ġava":22812,"Ġpregunté":22813,"ĠGuanajuato":22814,"Ġcomunitarios":22815,"ĠLew":22816,"super":22817,"Ġformalmente":22818,"Ġsaneamiento":22819,"teres":22820,"Ġcalificaciones":22821,"ĠRespecto":22822,"campe":22823,"Ġladrillo":22824,"Ġinestabilidad":22825,"zor":22826,"Ġdesplazamientos":22827,"Ġenfatizó":22828,"pping":22829,"Ġ%,":22830,"Ġsobrepeso":22831,"Ġincorporan":22832,"Ġdescartar":22833,"ĠVarela":22834,"Ġsucesor":22835,"Ġimpermeabil":22836,"Ġafe":22837,"Cuenta":22838,"Ġempaque":22839,"Ġinvitan":22840,"Ġdesal":22841,"ĠGim":22842,"Ġcomandos":22843,"Ġanunciaron":22844,"ĠPVC":22845,"Tener":22846,"ificadas":22847,"ĠElÃŃas":22848,"ĠtravesÃŃa":22849,"manas":22850,"Ġtabletas":22851,"ping":22852,"Ġprohibida":22853,"ustro":22854,"Ġcombates":22855,"Ġconvocó":22856,"Ġdesembol":22857,"Ġolvide":22858,"Ġinstalados":22859,"Ġcompasión":22860,"Ġsorprendentes":22861,"Ġnacida":22862,"Ġrotura":22863,"eat":22864,"óticos":22865,"Ġtraducciones":22866,"Ġpredetermin":22867,"ĠLista":22868,"bell":22869,"ĠCorre":22870,"Ġproporcional":22871,"ÃijOS":22872,"Ġencabeza":22873,"tiéndose":22874,"ĠBarack":22875,"Disfruta":22876,"ĠPotosÃŃ":22877,"Ġsabio":22878,"Ġhábitat":22879,"ĠGarantÃŃa":22880,"Ġrespeta":22881,"Ġorganizador":22882,"Ġmatemática":22883,"Ġorques":22884,"Ġsolicitante":22885,"Ġvivas":22886,"Ġenriquecer":22887,"Ġaspirante":22888,"Posteriormente":22889,"Ġsecado":22890,"ĠRevolucion":22891,"ĠNeuro":22892,"Ġapagar":22893,"ĠOperación":22894,"ĠBelgrano":22895,"Ġparan":22896,"tenido":22897,"Ġconfesó":22898,"ĠCup":22899,"Ġbonaer":22900,"Ġmarcando":22901,"Ġcruj":22902,"ĠNorth":22903,"ĠÃij":22904,"Ġconfección":22905,"Ġcaravana":22906,"Ġdentales":22907,"Ġlevadura":22908,"Ġautomatización":22909,"\").":22910,"ĠPERSON":22911,"inará":22912,"ĠEPUB":22913,"uston":22914,"Ġpiense":22915,"ĠAcosta":22916,"ĠNokia":22917,"Ġintercep":22918,"Ġsolicitados":22919,"Ġperi":22920,"Selec":22921,"ĠColo":22922,"Ġlun":22923,"Ġcatalo":22924,"Ġvayamos":22925,"ĠÃŃntegramente":22926,"Ġregulador":22927,"hy":22928,"anual":22929,"tasio":22930,"Ġgeneralizada":22931,"ĠVuelta":22932,"Ġmárgenes":22933,"Ġveis":22934,"Ġatencion":22935,"Ġ1971":22936,"ĠSoc":22937,"ĠSanz":22938,"cóp":22939,"Ġabrieron":22940,"ĠKey":22941,"Ġtapar":22942,"ĠCoordinador":22943,"Ġprescin":22944,"ĠFlu":22945,"Ġergon":22946,"Ġsuspendido":22947,"Ġaprovechado":22948,"Ġmisteriosa":22949,"imir":22950,"berry":22951,"dif":22952,"carse":22953,"Ġtarot":22954,"Ġvelada":22955,"activa":22956,"ĠFerrer":22957,"Ġescriben":22958,"ĠSociedades":22959,"Ġvulnerable":22960,"Ġtratamos":22961,"ĠActividad":22962,"Ġempezaba":22963,"Ġsuben":22964,"Ġgordo":22965,"Ġgobernadores":22966,"Ġeuf":22967,"ĠAman":22968,"Ġimputado":22969,"Servicio":22970,"roco":22971,"Ġentregaron":22972,"iarios":22973,"cena":22974,"Ev":22975,"Ġreferida":22976,"Ġdescubrimientos":22977,"IST":22978,"ĠRodolfo":22979,"Ġsenderos":22980,"ój":22981,"Ġintensas":22982,"ĠcortesÃŃa":22983,"Ġbelga":22984,"Ġdicta":22985,"Haz":22986,"ductor":22987,"Ġfirmes":22988,"Ġcoe":22989,"Ġutilizo":22990,"ĠpermitirÃŃa":22991,"ĠBun":22992,"Ġatleta":22993,"stitucional":22994,"Ġlatinoamericano":22995,"ML":22996,"ĠAparte":22997,"Ġéramos":22998,"ministra":22999,"Ġsubsidi":23000,"Ġcohe":23001,"Ġaccidental":23002,"Ġbalanza":23003,"Ġsimbólico":23004,"Ġrej":23005,"Ġactrices":23006,"ĠConocimiento":23007,"ĠSP":23008,"Ġobtuvieron":23009,"osotras":23010,"Ġconvento":23011,"lao":23012,"ĠEres":23013,"Ġtraición":23014,"Ġimpregn":23015,"Ġluchan":23016,"ĠAérea":23017,"Ġvitalidad":23018,"ipiélago":23019,"CAL":23020,"Conside":23021,"Ġconvencidos":23022,"pÃŃa":23023,"Ġimposibles":23024,"Ġtumores":23025,"Ġsic":23026,"Ġrendimientos":23027,"Ġlineamientos":23028,"rity":23029,"Ġzur":23030,"Ġemprende":23031,"ĠHoracio":23032,"Ġmotocicleta":23033,"ĠBow":23034,"Ġvoluntariamente":23035,"Ġregeneración":23036,"EI":23037,"Ġcontorno":23038,"Ġencier":23039,"Ġcongresos":23040,"bai":23041,"Ġrei":23042,"ĠSports":23043,"Ġordenada":23044,"Ġpasajero":23045,"Ġanular":23046,"Ġgenerada":23047,"Ġdesprecio":23048,"Ġcompletado":23049,"Ġqueriendo":23050,"Ġretroceso":23051,"volta":23052,"Ġmartillo":23053,"elo":23054,"Ġniebla":23055,"ĠLlor":23056,"Ġtomates":23057,"Alguien":23058,"ĠTRABA":23059,"Ġdecente":23060,"Ġagarre":23061,"Ġtraslada":23062,"ĠTaylor":23063,"damiento":23064,"legos":23065,"ĠartÃŃsticos":23066,"ision":23067,"Ġvais":23068,"Ġelectrónicas":23069,"Ġpenitenci":23070,"ĠSinaloa":23071,"Ġestudian":23072,"Ġalternativos":23073,"Ġpareciera":23074,"éndoles":23075,"TB":23076,"Ġforzar":23077,"âĸ":23078,"Ġlindas":23079,"ĠCambie":23080,"Ġtrofeo":23081,"Ġenvase":23082,"rÃŃo":23083,"Ġcasera":23084,"ĠGabriela":23085,"Ġlogramos":23086,"ĠArist":23087,"rime":23088,"Ġusó":23089,"ricos":23090,"ĠBou":23091,"Ġatractivas":23092,"Ġconstruidos":23093,"ĠDuarte":23094,"Ġatravesar":23095,"Ġdemol":23096,"Ġconsent":23097,"Ġencontrando":23098,"Ġprodujeron":23099,"Ġsuceda":23100,"Ġcoral":23101,"Ġanalizado":23102,"Ġmaf":23103,"Ġinsultos":23104,"Ġtransformado":23105,"miendo":23106,"Ġteclas":23107,"cn":23108,"Ġaludi":23109,"Ġtoallas":23110,"ĠKir":23111,"Ġcláusulas":23112,"Ġburbuja":23113,"titis":23114,"Ġreflejado":23115,"Ġbob":23116,"Ġfrescura":23117,"ĠSentencia":23118,"lege":23119,"ĠAfgan":23120,"ÃļBL":23121,"ĠFORMA":23122,"ming":23123,"ĠPur":23124,"Ġmaquinas":23125,"Ġpolo":23126,"Ġarmarios":23127,"quÃŃn":23128,"Ġopositor":23129,"ĠInstrum":23130,"roja":23131,"Ġleido":23132,"sur":23133,"Ġcarecen":23134,"Ġtecla":23135,"ĠvolverÃŃa":23136,"llo":23137,"Ġplagas":23138,"Ġrecorriendo":23139,"ĠRoss":23140,"Ġcontemporáneos":23141,"Ġviuda":23142,"ĠContemporán":23143,"Ġdri":23144,"ĠIngenieros":23145,"ĠHermanos":23146,"Ġdeseaba":23147,"Ġholan":23148,"Ġalbergue":23149,"gramos":23150,"Ġinvolucrado":23151,"Ġcorporales":23152,"ómi":23153,"Ġconectarse":23154,"Ġbruto":23155,"Ġejercen":23156,"ĠAcon":23157,"Ġcolombia":23158,"Ġplantar":23159,"Ġimplicaciones":23160,"Ġcriticado":23161,"ĠCaixa":23162,"ĠAtenas":23163,"Ġaminoá":23164,"Ġhito":23165,"desarrol":23166,"Ġinno":23167,"ENTACIÃĵN":23168,"Ġnecesit":23169,"ĠPago":23170,"rene":23171,"Ġprotegidas":23172,"Ġausente":23173,"Ġsugieren":23174,"Ġengor":23175,"Ġretiró":23176,"Ġofrecerte":23177,"Ġordenación":23178,"ĠNova":23179,"ĠQuijote":23180,"deses":23181,"ĠLIB":23182,"ĠlibrerÃŃas":23183,"Ġinvernadero":23184,"Ġcirujano":23185,"ĠescribÃŃ":23186,"Ġparecidos":23187,"camp":23188,"ĠResponsable":23189,"Ġmale":23190,"cencia":23191,"Ġintercambios":23192,"TIF":23193,"Ġsentada":23194,"Ġproyecta":23195,"ĠCog":23196,"etafe":23197,"Ġtips":23198,"Ġvendió":23199,"iscal":23200,"vadas":23201,"Ġepi":23202,"Ġcontrolador":23203,"ĠBrook":23204,"ĠContral":23205,"itivamente":23206,"Ġinterlocu":23207,"ROS":23208,"Ġquehacer":23209,"ĠAlterna":23210,"Ġbeneficiar":23211,"Ġrevisiones":23212,"Ġjuntar":23213,"Ġenamorada":23214,"tografÃŃa":23215,"Ġequipadas":23216,"Grupo":23217,"Ġcannabis":23218,"Ġenhorabuena":23219,"ĠNacho":23220,"kas":23221,"Ġabdominal":23222,"Ġmusculares":23223,"rang":23224,"Ġformular":23225,"Ġinocentes":23226,"Ġequita":23227,"Ġoptimista":23228,"Ġpasara":23229,"Ġentregan":23230,"plicó":23231,"ĠCuad":23232,"lyn":23233,"ĠAmaz":23234,"Ġobtenga":23235,"Ġrefrigeración":23236,"Ġponte":23237,"juana":23238,"ĠTabla":23239,"Ġsuizo":23240,"urmet":23241,"Ġgiros":23242,"Ġcreamos":23243,"ucaristÃŃa":23244,"ĠJournal":23245,"Ġsetiembre":23246,"ĠLlan":23247,"émica":23248,"Ġmachos":23249,"Ġguardan":23250,"democ":23251,"recho":23252,"Ġpinch":23253,"Ġelijas":23254,"Sistema":23255,"Ġgarra":23256,"Ġrecreación":23257,"quetes":23258,"Ġtesoros":23259,"Ġidóneo":23260,"Ġcosmética":23261,"ĠRedon":23262,"Ġmilen":23263,"ĠLorca":23264,"Ġsujeción":23265,"Ġmadrileña":23266,"estres":23267,"ĠADMINIS":23268,"Ġdesliz":23269,"Ġreceptores":23270,"ĠMars":23271,"Seguro":23272,"ĠRR":23273,"Ġcompla":23274,"Ġpasarela":23275,"ĠContr":23276,"ĠUnida":23277,"Ġpodés":23278,"ĠObjetivo":23279,"ĠDepartamental":23280,"Ġcoincidencia":23281,"yright":23282,"Ġalejar":23283,"ĠCancún":23284,"ĠCasino":23285,"ĠAbel":23286,"ĠlingüÃŃstica":23287,"Ġtil":23288,"Ġrubio":23289,"Ġglánd":23290,"ĠDescarga":23291,"cisión":23292,"you":23293,"Ġtig":23294,"Ġinciso":23295,"Ġ\"¡":23296,"ĠBarb":23297,"Ġinfinita":23298,"Ġsubsecre":23299,"Ġnegado":23300,"Ġplie":23301,"Ġdesplazar":23302,"Th":23303,"ĠDoble":23304,"Ġinfracciones":23305,"ĠComandante":23306,"Ġregistran":23307,"ĠCarm":23308,"Ġvibración":23309,"Ġdesg":23310,"Ġpromotores":23311,"Ġtelefónico":23312,"ĠCres":23313,"Ġiniciación":23314,"pata":23315,"Ġsubvención":23316,"Ġgrises":23317,"Ġalimenticios":23318,"Ġcostura":23319,",âĢĿ":23320,"ĠDarÃŃo":23321,"jol":23322,"Ġrealismo":23323,"Ġaraña":23324,"ĠirÃŃa":23325,"Ġláminas":23326,"Ġramp":23327,"Ġórbita":23328,"zen":23329,"pelo":23330,"Ġcorrió":23331,"Ġtallas":23332,"ĠAlmac":23333,"Ġhiciste":23334,"Ġdefensiva":23335,"Ġterminada":23336,"Ġindio":23337,"Ġadaptan":23338,"Ġdomésticos":23339,"Ġesquinas":23340,"Ġindia":23341,"Ġprobando":23342,"Ġpatentes":23343,"Ġsubsidios":23344,"Ġrevelan":23345,"ĠChel":23346,"ĠIdeas":23347,"ĠMuerte":23348,"ĠKn":23349,"ĠEver":23350,"Ġsucio":23351,"ĠJuvent":23352,"Ġhipotecas":23353,"seguir":23354,"Ġguardi":23355,"Ġcejas":23356,"ĠESTA":23357,"Ġfractura":23358,"ĠNaval":23359,"udul":23360,"soy":23361,"ĠSpo":23362,"Ġresalta":23363,"Ġcañón":23364,"Ġmanejan":23365,"amilton":23366,"Ġvagina":23367,"Ġsureste":23368,"Ġinversa":23369,"zer":23370,"ĠVit":23371,"Ġdescripciones":23372,"leos":23373,"ĠBorges":23374,"Ġdeterminan":23375,"Ġacreditar":23376,"Ġspo":23377,"fue":23378,"ĠGet":23379,"Ġsubven":23380,"Ġrequeridos":23381,"ĠTitan":23382,"Ġdoctr":23383,"Ġconcentrar":23384,"Tampoco":23385,"Ġlatinoamericana":23386,"ĠGio":23387,"Ġexplora":23388,"Ġwa":23389,"Ġhola":23390,"Ġdominicano":23391,"Ġcuántas":23392,"Ġcalmar":23393,"clus":23394,"ĠManzan":23395,"ĠincreÃŃblemente":23396,"actividad":23397,"Ġutilizarlo":23398,"Ġligeros":23399,"Ġcotidianas":23400,"Ġprestigiosa":23401,"vino":23402,"ĠIntegración":23403,"ners":23404,"Ġgane":23405,"ĠllegarÃŃa":23406,"Ġporcentajes":23407,"Ġpalestinos":23408,"ordenadas":23409,"Ġalbergar":23410,"ĠFir":23411,"ĠpornografÃŃa":23412,"Ġinvolucra":23413,"Ġenoj":23414,"Ġtransportes":23415,"gazine":23416,"ĠCompostela":23417,"Ġacné":23418,"ĠTA":23419,"etta":23420,"achi":23421,"Ġlegitimidad":23422,"Ġinventar":23423,"Tex":23424,"ĠNig":23425,"Ġnew":23426,"Ġ128":23427,"Ġcalce":23428,"Ġrebelde":23429,"incluyendo":23430,"ĠEjemplo":23431,"HD":23432,"Ġdesnivel":23433,"Ġcuriosos":23434,"ĠProgramación":23435,"profes":23436,"ĠCarras":23437,"rino":23438,"Ġatrapar":23439,"ĠDead":23440,"Ġtérmico":23441,"Ġremonta":23442,"Ġmalware":23443,"Ġdescubren":23444,"Ġreconstruir":23445,"Ġcenas":23446,"cordia":23447,"ĠPirine":23448,"ĠmarroquÃŃ":23449,"ĠEuros":23450,"ĠEri":23451,"defin":23452,"Ġcupón":23453,"ADE":23454,"tacion":23455,"Ġmecánicos":23456,"Ġsusceptibles":23457,"Ġmotivado":23458,"Ġtritura":23459,"Ġcompran":23460,"Ġmediática":23461,"ĠChrome":23462,"Ġreferidos":23463,"Ġescucho":23464,"ĠAjust":23465,"ĠOliver":23466,"Ġtratara":23467,"Ġmolestar":23468,"glo":23469,"reta":23470,"Ġlevantarse":23471,"Ġcarnaval":23472,"Ġprovee":23473,"?âĢĿ,":23474,"amel":23475,"ĠSN":23476,"Ġjugaba":23477,"?¿":23478,"ĠRat":23479,"Ġgrabados":23480,"Ġpublicitaria":23481,"Ġveterinario":23482,"TICAS":23483,"Ġcaptación":23484,"ĠPermite":23485,"Ġvanguar":23486,"ÑģÑĤ":23487,"Ġpino":23488,"ĠTestamento":23489,"Ġrelacionar":23490,"Sabes":23491,"Ġadecuación":23492,"ĠFen":23493,"Ġtirando":23494,":.":23495,"ĠBut":23496,"Ġresume":23497,"Ġindicaron":23498,"PRES":23499,"Ġconvocatorias":23500,"torrique":23501,"allen":23502,"ĠCará":23503,"ĠÃģr":23504,"Ġaceleración":23505,"Ġalcanzaron":23506,"iseo":23507,"inetes":23508,"ISMO":23509,"ĠBerg":23510,"lojamiento":23511,"Ġbrig":23512,"Ġescalas":23513,"1998":23514,"Ġretribu":23515,"ĠLlev":23516,"Ġsuperhéro":23517,"Ġchinas":23518,"Ġarmadas":23519,"viene":23520,"xt":23521,"ĠdÃŃ":23522,"Ġindignación":23523,"vimiento":23524,"Ġpondremos":23525,"Ġintersec":23526,"Ġevang":23527,"ĠDS":23528,"ércitos":23529,"Ġguardado":23530,"Ġcoordinadora":23531,"YEC":23532,"Ġdictador":23533,"cuencia":23534,"ĠVerg":23535,"Ġintervin":23536,"Dep":23537,"Ġdominación":23538,"ĠSubsecre":23539,"Igualmente":23540,"ries":23541,"Ġmezclas":23542,"Ġestratégicas":23543,"ĠfantasÃŃas":23544,"Ġbik":23545,"Ġzan":23546,"ĠFerre":23547,"Ġconsecutiva":23548,"Ġprogresivamente":23549,"ermo":23550,"Ġcineasta":23551,"Ġeventualmente":23552,"ĠGoya":23553,"Ġsam":23554,"cillos":23555,"Ġhidr":23556,"Ġcreas":23557,"Sabemos":23558,"ĠLozano":23559,"ĠObviamente":23560,"Ġincorporando":23561,"avera":23562,"ĠMontero":23563,"Ġquiebra":23564,"Ġlástima":23565,"ĠDream":23566,"Ġtaquilla":23567,"Ġterribles":23568,"ONES":23569,"icé":23570,"Ġdecirles":23571,"Ġcodo":23572,"Ġresulten":23573,"Ġdedicamos":23574,"ĠAlcan":23575,"Ġfolcl":23576,"Ġprecisos":23577,"py":23578,"ĠSqu":23579,"ĠOjalá":23580,"Ġcontinuado":23581,"Dijo":23582,"Ġrelajado":23583,"Ġconfiguraciones":23584,"Ġexpuesta":23585,"ĠMejores":23586,"ĠOL":23587,"ĠCuanto":23588,"ĠAlc":23589,"ĠSimon":23590,"ĠCONTRA":23591,"Ġdesenv":23592,"Ġserás":23593,"Ġnerviosa":23594,"tológica":23595,"ĠHaitÃŃ":23596,"ĠaÃĥ":23597,"pectiva":23598,"Ġcandidaturas":23599,"Ġplástica":23600,"Ġprótesis":23601,"ÃŃgono":23602,"Ġextremas":23603,"tÃŃan":23604,"ĠUP":23605,"Intro":23606,"":25105,"Ġcatástrofe":25106,"Ġdefendiendo":25107,"Ġfestividad":25108,"jimo":25109,"Ġjul":25110,"Rom":25111,"Ġreapar":25112,"ston":25113,"ĠEng":25114,"Ġ190":25115,"iscopal":25116,"Ġjoder":25117,"Ġomisión":25118,"âĤ¬,":25119,"ĠSnap":25120,"ĠIt":25121,"garo":25122,"Ġfeminismo":25123,"Ġfuncionaba":25124,",[":25125,"ĠFortal":25126,"ĠâĢĭâĢĭ":25127,"Contac":25128,"Ġfavorecen":25129,"Ġinmortal":25130,"Ġpastores":25131,"Ġdesagü":25132,"ĠDorm":25133,"Ġlimitadas":25134,"Ġsubterrán":25135,"Ġgenético":25136,"ĠBiologÃŃa":25137,"Vesti":25138,"ĠGetafe":25139,"Ġllevarla":25140,"Ġrinde":25141,"vamos":25142,"Ġbamb":25143,"ĠIslandia":25144,"ĠSarmiento":25145,"ĠPoesÃŃa":25146,"Ġavisar":25147,"paron":25148,"ĠvacÃŃos":25149,"ĠÃģra":25150,"Ġbacteri":25151,"lut":25152,"Ġenvuelto":25153,"Ġalmendras":25154,"Ġdestruido":25155,"úper":25156,"Ġbou":25157,"Ġnaturalidad":25158,"Ġseguidas":25159,"Ġdesarrollen":25160,"ĠCrear":25161,"Ġtremendamente":25162,"ĠSatur":25163,"Ġcúb":25164,"Ġhil":25165,"ĠAutomo":25166,"Ġ1962":25167,"Ġresol":25168,"Ġrecuerde":25169,"estial":25170,"Ġhidrocarburos":25171,"ĠsinfÃŃn":25172,"ĠNight":25173,"Ġpartió":25174,"dol":25175,"ĠEt":25176,"Ġcoc":25177,"Ġ1920":25178,"Ġprosa":25179,"Ġ320":25180,"ĠPet":25181,"Ġparticipen":25182,"Ġabol":25183,"ĠMuestra":25184,"ĠQuinta":25185,"ĠBotas":25186,"Ġimpresoras":25187,"escri":25188,"Ġtriunfar":25189,"uble":25190,"Ġpicado":25191,"Ġelectores":25192,"Ġaislados":25193,"Ġcompartidos":25194,"Ġfet":25195,"ĠEtiquetas":25196,"Ġcoordenadas":25197,"Ġradicalmente":25198,"ĠInteramericana":25199,"Ġtramit":25200,"Ġherederos":25201,"ĠPorto":25202,"Ġtáctica":25203,"Ġbudi":25204,"Ġfederación":25205,"ĠSoledad":25206,"ĠCif":25207,"ITAL":25208,"ĠPerón":25209,"ĠNey":25210,"Ġshows":25211,"laba":25212,"TenÃŃa":25213,"Ġlineas":25214,"Ġampli":25215,"ĠInés":25216,"Ġvalencia":25217,"entenario":25218,"ĠPrincipal":25219,"Ġdisponga":25220,"Ġgolpear":25221,"Ġmedicación":25222,"ĠBasta":25223,"Ġparamilitar":25224,"Ġinvertida":25225,"Ġconsejera":25226,"ĠBello":25227,"Ġpronunció":25228,"Ġhicieran":25229,"Ġaprovechan":25230,"Ġfloral":25231,"ĠPix":25232,"Ġreducidos":25233,"Ġretratos":25234,"Ġduran":25235,"ĠLicenciado":25236,"Ġcreyendo":25237,"ĠESTU":25238,"zoso":25239,"Ġirrump":25240,"Ġtenor":25241,"Ġalarmas":25242,"Ġthat":25243,"Ġgremi":25244,"Ġvaginal":25245,"Ġmaldad":25246,"bran":25247,"Ġvampiro":25248,"Ġcorrectas":25249,"rix":25250,"Ġinval":25251,"ĠPoblación":25252,"Ġocupando":25253,"ĠcurrÃŃculum":25254,"................":25255,"Ġimpotencia":25256,"Ġllamamiento":25257,"Ġreunidos":25258,"Ġinesperada":25259,"Ġinse":25260,"Ġfuesen":25261,"ejos":25262,"gy":25263,"ĠContinuar":25264,"dale":25265,"Ġexponen":25266,"Ġemergente":25267,"ĠMiles":25268,"mascar":25269,"gonés":25270,"ĠStone":25271,"Ġorgullosa":25272,"verg":25273,"Ġpiro":25274,"ĠVelo":25275,"Va":25276,"ĠValdés":25277,"Ġdivisa":25278,"Ġmarinas":25279,"ĠParticular":25280,"Ġimitar":25281,"vac":25282,"Ġprepararse":25283,"Cla":25284,"Ġyacimiento":25285,"ĠAvel":25286,"Ġcalidez":25287,"Ġcolocando":25288,"Ġconvocada":25289,"Ġmoldes":25290,"ĠSens":25291,"ĠIron":25292,"Ġinstaló":25293,"Ġerradicar":25294,"ĠOEA":25295,"Ġángulos":25296,"Ġininterrump":25297,"ĠCis":25298,"Ġtrailer":25299,"nete":25300,"Ġzinc":25301,"Ġdesmante":25302,"Ġaspiración":25303,"ĠRy":25304,"indicación":25305,"Ġpill":25306,"Ġrelevo":25307,"Ġmineras":25308,"Ġmagnético":25309,"Ġfelicidades":25310,"ĠofrecÃŃa":25311,"omasaje":25312,"Ġpreocupan":25313,"Ġmagna":25314,"Ġdelicias":25315,"stata":25316,"ernet":25317,"ISTA":25318,"Ġllevara":25319,"Ġarchiv":25320,"DER":25321,"Ġnarrador":25322,"tyle":25323,"uyo":25324,"ĠSEGUR":25325,"ĠAnthony":25326,"Ġmilitancia":25327,"Ġentienda":25328,"Ġfrágil":25329,"ágeno":25330,"Ġfasti":25331,"ĠHot":25332,"Ġestaf":25333,"Ġmasaj":25334,"vision":25335,"ugu":25336,"Ġvicio":25337,"ĠRequisitos":25338,"Ġverbo":25339,"Ġsimultánea":25340,"IAS":25341,"Ġindul":25342,"Ġbalne":25343,"Ġconfirman":25344,"Ġparlamento":25345,"Ġfinalidades":25346,"pañol":25347,"uló":25348,"Ġadaptador":25349,"Ġvómi":25350,"Ġvergon":25351,"Ġinician":25352,"rojo":25353,"tegro":25354,"ĠCollege":25355,"Debemos":25356,"Ġalertas":25357,"ĠJefa":25358,"âĢİ":25359,"ĠTeniendo":25360,"enan":25361,"Ġguerrero":25362,"Ġtardó":25363,"Ġexpulsado":25364,"Ġcuevas":25365,"ĠGráfico":25366,"haga":25367,"ĠtendrÃŃamos":25368,"ĠOrganizaciones":25369,"Ġemblemático":25370,"Ġsatisfactoria":25371,"vig":25372,"tners":25373,"Ġpatrimon":25374,"ĠQuienes":25375,"mega":25376,"Ġwebcam":25377,"Ġrea":25378,"ĠConstituyente":25379,"onera":25380,"ĠIncre":25381,"Ġincómodo":25382,"Ġescalo":25383,"Ġaltavoces":25384,"Ġpretemporada":25385,"ĠChev":25386,"Ġcomunicó":25387,"Ġcentavos":25388,"ĠAniversario":25389,"Ġadversos":25390,"queño":25391,"Ġintervalo":25392,"Ġenergéticos":25393,"Ġinsertar":25394,"ĠAdriana":25395,"ĠHumanidades":25396,"Ġsillón":25397,"Ġdesent":25398,"ĠVerónica":25399,"ĠTomo":25400,"Ġcolina":25401,"Ġpreguntando":25402,"ihad":25403,"Ġnazi":25404,"Ġinternacionalmente":25405,"ĠIndonesia":25406,"ark":25407,"eli":25408,"Ġsecador":25409,"Ġignorar":25410,"ĠKon":25411,"Ġarrastra":25412,"Ġsubyac":25413,"oney":25414,"ĠVolver":25415,"Ġconsuelo":25416,"personal":25417,"Ġå":25418,"Ġcate":25419,"Ġencabezada":25420,"Ġescuchan":25421,"estable":25422,"Ġpulver":25423,"ĠOMS":25424,"Ġladrón":25425,"Ġrestablecer":25426,"Ġcoge":25427,"ÃijA":25428,"ĠRecord":25429,"ĠOfertas":25430,"Ġcentrarse":25431,"ĠPerió":25432,"ĠMusical":25433,"Ġetiquetado":25434,"Ġmaximizar":25435,"Ġespin":25436,"Ġfeed":25437,"Ġlimitados":25438,"cusiones":25439,"ĠDiplom":25440,"ĠYoung":25441,"Ġcontesta":25442,"Ġexplosivos":25443,"autor":25444,"Ġreciclado":25445,"ĠStr":25446,"Ġarea":25447,"capaces":25448,"Ġpizarra":25449,"ress":25450,"ĠjudÃŃa":25451,"Ġsalta":25452,"Ġalgoritmo":25453,"edo":25454,"uchar":25455,"Ġcobi":25456,"gico":25457,"ĠLinares":25458,"ĠLou":25459,"ĠPatricio":25460,"Ġfemeninas":25461,"IAL":25462,"ĠIslam":25463,"ĠPalencia":25464,"itra":25465,"ĠIsland":25466,"Ġformativas":25467,"Ġ135":25468,"Francia":25469,"ĠEmma":25470,"ĠPrecisamente":25471,"asticidad":25472,"ientas":25473,"ógn":25474,"Ġintentamos":25475,"Ġentretenida":25476,"ĠPiñera":25477,"ĠfrÃŃas":25478,"gobern":25479,"Ġcontados":25480,"Ġintuición":25481,"ĠMonitor":25482,"ĠLola":25483,"Ġcongre":25484,"ibra":25485,"Ġmanto":25486,"ĠMeta":25487,"ĠGuay":25488,"ĠAvailable":25489,"ĠEtiquetado":25490,"Hacer":25491,"KE":25492,"ĠZapata":25493,"Ġinnovar":25494,"Ġasiste":25495,"Ġindividualmente":25496,"Ġespadas":25497,"Ġcontención":25498,"ĠIG":25499,"nunca":25500,"ĠAI":25501,"Ġprestados":25502,"hace":25503,"ĠTecnológica":25504,"Ġquirúrgica":25505,"Jorge":25506,"ocada":25507,"Ġirme":25508,"Ġinteranual":25509,"Ġfortalezas":25510,"dria":25511,"Ġconcedió":25512,"Ġdespacio":25513,"Ġcompartirlo":25514,"Ġmosa":25515,"Ġauxilio":25516,"ĠSoviética":25517,"Ġsitúan":25518,"Ġinforman":25519,"Ġdeberemos":25520,"Ġmediterránea":25521,"Ġadquieren":25522,"ĠOpinión":25523,"Ġfaldas":25524,"Ġreedi":25525,"ĠEugenia":25526,"watch":25527,"Ġgasta":25528,"Ġindef":25529,"Ġrecogidas":25530,"Ġexcusas":25531,"ĠPierre":25532,"inflama":25533,"flores":25534,"Ġadición":25535,"ĠBenÃŃtez":25536,"ĠMajes":25537,"ELL":25538,"Ġfluc":25539,"enciación":25540,"ĠTalla":25541,"equi":25542,"Cuatro":25543,"Ġvolverse":25544,"Ġpersianas":25545,"ĠVive":25546,"hotmail":25547,"Ġforzada":25548,"ĠPage":25549,"Ġbic":25550,"Ġligeras":25551,"Ġgastronómico":25552,"Ġausteridad":25553,"ĠNou":25554,"Ġmedioambientales":25555,"ĠLion":25556,"ierras":25557,"Vic":25558,"illero":25559,"ying":25560,"Ġduradera":25561,"cÃŃ":25562,"Ġincans":25563,"Ġasma":25564,"Ġsop":25565,"Ġcomprobación":25566,"mesa":25567,"Ġprogresión":25568,"Ġpicos":25569,"Ġsalmón":25570,"Ġcazadores":25571,"Ġentregará":25572,"ĠINF":25573,"cillas":25574,"Santa":25575,"Ġcicatriz":25576,"Pien":25577,"ÙĦ":25578,"letic":25579,"ógrafo":25580,"Ġplaneado":25581,"Ġsexualmente":25582,"ĠMódulo":25583,"ĠDam":25584,"Ġuniversitarias":25585,"Ġrodillos":25586,"ĠDesaf":25587,"Ġfinanciado":25588,"Ġenamorar":25589,"Ġbiológicos":25590,"Ġdegradación":25591,"ĠAprovech":25592,"ience":25593,"ĠBusco":25594,"ĠContreras":25595,"tismos":25596,"Ġfelicitaciones":25597,"ĠSiete":25598,"ĠEmo":25599,"Ġenteras":25600,"Ġviagra":25601,"ĠQueda":25602,"Están":25603,"espa":25604,"Ġcantos":25605,"Ġafectó":25606,"ĠComplutense":25607,"Ġpresidido":25608,"ĠAriz":25609,"Ġvalientes":25610,"Ġvon":25611,"cesor":25612,"Ġimportant":25613,"ess":25614,"ĠvendrÃŃa":25615,"Siguiente":25616,"Ġpsicólogos":25617,"ĠFácil":25618,"Dist":25619,"rint":25620,"Ġatendidos":25621,"eman":25622,"ĠFunda":25623,"Ġrecibi":25624,"ĠCalvo":25625,"osis":25626,"ranza":25627,"Ġsufrag":25628,"Ġmermel":25629,"Ġacompañadas":25630,"Ġampliado":25631,"ĠMichelle":25632,"Saludos":25633,"153":25634,"ĠSOCI":25635,"datario":25636,"ĠElectro":25637,"mentado":25638,"Ġdigestión":25639,"Ġenmarca":25640,"ĠAli":25641,"ÂĶ,":25642,"ĠReunión":25643,"ĠMAC":25644,"Ġdijera":25645,"ĠSie":25646,"Ġapues":25647,"Ġdesarrolle":25648,"Ġmansión":25649,"Ġmasacre":25650,"Ġcn":25651,"Ġsacrificios":25652,"ĠNOR":25653,"Ġafluencia":25654,"mitente":25655,"gh":25656,".*":25657,"Ġadmiten":25658,"Ġaproxima":25659,"Ġhablaremos":25660,"?:":25661,"Ġaro":25662,"EO":25663,"ĠAntic":25664,"Especial":25665,"Ġdistanci":25666,"Ġentenderse":25667,"Ġsolemos":25668,"Ġ¨":25669,"ĠentendÃŃa":25670,"Ġsk":25671,"Ġpropietaria":25672,"ĠEspecialmente":25673,"Ġafortunadamente":25674,"ĠPuigdemont":25675,"ĠEar":25676,"Ġcuestionario":25677,"utada":25678,"Ġasesinar":25679,"Ġpromueven":25680,"historia":25681,"Pedro":25682,"Ġasco":25683,"Ġjugadas":25684,"Ġcondicion":25685,"Ġrespondido":25686,"wski":25687,"ship":25688,"Ġvicepresidenta":25689,"Ġmandado":25690,"Ġalquileres":25691,"foto":25692,"ignas":25693,"Ġencargan":25694,"Ġborrador":25695,"Ġrene":25696,"ĠEspar":25697,"ĠAero":25698,"Ġpublicando":25699,"ĠRepresentantes":25700,"Ġtobillo":25701,"IMA":25702,"ĠAntrop":25703,"dle":25704,"tadoras":25705,"ĠWoo":25706,"Ġcocer":25707,"indro":25708,"urce":25709,"ĠCristal":25710,"ĠAndaluz":25711,"Ġbilateral":25712,"ĠConjunto":25713,"Ġregala":25714,"Ġescuchaba":25715,"denciales":25716,"ĠManejo":25717,"cén":25718,"Ġ`":25719,"ĠInterpre":25720,"óticas":25721,"ĠBásica":25722,"Ġº":25723,"ĠClausura":25724,"Ġincompr":25725,"Ġhidrógeno":25726,"âĢĶâĢĶ":25727,"Ġ>>":25728,"Ġrug":25729,"Ġautomotriz":25730,"Ġtranscurre":25731,"ĠsabÃŃamos":25732,"ĠIlum":25733,"Ġpoliéster":25734,"caya":25735,"émico":25736,"Ġforzado":25737,"Ġclos":25738,"Ġimpresos":25739,"Ġejércitos":25740,"Ġestricta":25741,"lete":25742,"ĠEspi":25743,"Ġgorda":25744,"queras":25745,"Ġmonos":25746,"Ġsemen":25747,"Ġaplausos":25748,"ĠKy":25749,"ĠINE":25750,"Ġcuidando":25751,"AMIENTO":25752,"Ġamada":25753,"Ġrealizaba":25754,"Ġsangri":25755,"Ġjubil":25756,"Ġdesapro":25757,"Recom":25758,"Ġfertilidad":25759,"Ġreab":25760,"iertamente":25761,"ĠCÃŃv":25762,"Ġchiste":25763,"Ġaislada":25764,"Ġataca":25765,"Ġrecuento":25766,"Ġpastoral":25767,"Ġautomáticos":25768,"senger":25769,"ĠNissan":25770,"Ġrepleto":25771,"Ġvalles":25772,"ĠElche":25773,"Ġentramos":25774,"Ġnal":25775,"ĠTron":25776,"Ġreformar":25777,"Ġrecomendó":25778,"Ġcoincidiendo":25779,"Ġtocan":25780,"Ġcontribuyendo":25781,"Ġarcos":25782,"Ġtio":25783,"ĠBeat":25784,"Ġvacunación":25785,"Ġwe":25786,"Ġincreible":25787,"oke":25788,"Ġcoordinado":25789,"Apo":25790,"Ġconejo":25791,"Ġuniformes":25792,"ĠCeuta":25793,"Ġperegrinos":25794,"Ġparaje":25795,"Ġcierran":25796,"Ġcarc":25797,"Ġyer":25798,"Ġjustos":25799,"EST":25800,"ĠInfraestructura":25801,"Ġcomprometió":25802,"tenga":25803,"garia":25804,"ĠKas":25805,"Mus":25806,"idón":25807,"Ġenrol":25808,"quÃŃmica":25809,"Ġproliferación":25810,"ĠPrácticas":25811,"quinaria":25812,"kÃŃn":25813,"Ġresolvió":25814,"ĠLau":25815,"commerce":25816,"Ġraya":25817,"Ġaleja":25818,"ĠcercanÃŃas":25819,"ĠParra":25820,"Ġayudante":25821,"Ġ103":25822,"Ġexil":25823,"Ġkar":25824,"Ġbarril":25825,"ĠAss":25826,"Ġencaden":25827,"Ġnormativo":25828,"Ġiniciada":25829,"ato":25830,"ĠUbuntu":25831,"xit":25832,"ĠIbérica":25833,"Comprar":25834,"ĠTÃī":25835,"ĠGara":25836,"Ġcriticó":25837,"Ġarresto":25838,"pace":25839,"Ġescuadra":25840,"Ġdomicili":25841,"ĠHealth":25842,"Ġanunciada":25843,"Ġempuje":25844,"Ġhadas":25845,"ĠvÃŃspera":25846,"Ġmanifestaron":25847,"Ġpreferidos":25848,"Ġmuertas":25849,"ĠTerritorio":25850,"ĠOde":25851,"ĠMeteor":25852,"tical":25853,"ĠÃļnico":25854,"erción":25855,"Ġcápsulas":25856,"Ġcanchas":25857,"Ġpresidida":25858,"ĠPasa":25859,"Ġtierna":25860,"ĠAmplio":25861,"Ġdeseados":25862,"dafone":25863,"Ġexplicaron":25864,"Ġresiduales":25865,"Ġempleador":25866,"ĠUtiliza":25867,"Ġgratitud":25868,"Ġllevadas":25869,"eeee":25870,"ĠSingapur":25871,"ĠTOR":25872,"Ġpincha":25873,"Ġmagistral":25874,"Ġcucharada":25875,"1992":25876,"ĠMarch":25877,"ĠCommun":25878,"Ġ1939":25879,"Fecha":25880,"Ġmusic":25881,"Entrada":25882,"Ġdolorosa":25883,"Ġquemaduras":25884,"ĠMisiones":25885,"Ġirregulares":25886,"Ġnazis":25887,"Ġbroche":25888,"Ġhortalizas":25889,"udita":25890,"ĠEntra":25891,"Ġzapato":25892,"alas":25893,"Ġvaliosos":25894,"ĠUD":25895,"Ġguion":25896,"chain":25897,"técn":25898,"ĠIba":25899,"Ġenviará":25900,"ĠCeleb":25901,"fs":25902,"Ġbruja":25903,"Ġavena":25904,"ĠOrange":25905,"ĠShop":25906,"ĠGaza":25907,"ĠBR":25908,"Ġcote":25909,"Ġcolgado":25910,"Ġbrevemente":25911,"Ġdifundido":25912,"ásticas":25913,"ocol":25914,"thur":25915,"seca":25916,"Ġgimnasia":25917,"ĠChic":25918,"Ġtomaba":25919,"lanca":25920,"cine":25921,"Ġcomentaba":25922,"Ġllanto":25923,"Ġtuer":25924,"ĠHouston":25925,"Ġfotovolta":25926,"ĠDiccionario":25927,"dium":25928,"ĠCapacitación":25929,"abé":25930,"ĠSucre":25931,"ĠPicas":25932,"vet":25933,"Ġesperemos":25934,"Ġpromovido":25935,"Ġliterarias":25936,"pago":25937,"Ġrefiri":25938,"Ġmisiles":25939,"Ġeducadores":25940,"row":25941,"ĠML":25942,"Ġendeudamiento":25943,"ĠTamaulipas":25944,"Ġinsatisf":25945,"lina":25946,"Ġentrará":25947,"ends":25948,"Ġexplicamos":25949,"Ġcaucho":25950,"Ġcamuf":25951,"Ġcalur":25952,"zul":25953,"Ġimitación":25954,"tético":25955,"amelo":25956,"ĠPiso":25957,"ĠdejarÃŃa":25958,"Ġlegislativa":25959,"Ġevolucionar":25960,"Ġcupo":25961,"Ġmicroorgan":25962,"Ġenfrentó":25963,"Ġpongas":25964,"Ġnieto":25965,"ludo":25966,"ĠRS":25967,"Ġprestam":25968,"strong":25969,"ĠToronto":25970,"Ġestampados":25971,"iá":25972,"ĠBry":25973,"Ġafecte":25974,"Ġcalentador":25975,"Ġparaguay":25976,"Ġeligen":25977,"Ġmerced":25978,"óscopo":25979,"avy":25980,"Ãłs":25981,"Ġtrig":25982,"Ġmembrana":25983,"emo":25984,"olanda":25985,"ĠInstalaciones":25986,"anterÃŃa":25987,"ĠDirectorio":25988,"Ġagresiva":25989,"ENO":25990,"ductos":25991,"Ġesperados":25992,"Ġdiseñadora":25993,"ĠRosas":25994,"tológicos":25995,"Ġterapéutico":25996,"Ġsuscriptores":25997,"ĠManga":25998,"Ġayudarlo":25999,"quisición":26000,"Ġusarla":26001,"ĠPlane":26002,"Ġconfiado":26003,"!!!!!!!!":26004,"ĠPak":26005,"Mat":26006,"GUA":26007,"istan":26008,"ĠCambridge":26009,"ĠChav":26010,"Ġacogedora":26011,"Ġinfinitas":26012,"Ġplaneación":26013,"Ġdoctores":26014,"Ġgremios":26015,"Ġopcion":26016,"Ġtrasc":26017,"ĠMedic":26018,"uevan":26019,"ĠInversiones":26020,"Ġrentables":26021,"ĠJordan":26022,"Ġgracioso":26023,"Ġdescif":26024,"Comple":26025,"ĠLanzarote":26026,"Ġreplante":26027,"Ġlevante":26028,"Ġaranceles":26029,"Ġcriptomonedas":26030,"Ġlob":26031,"toriedad":26032,"Ġcompraventa":26033,"Ġdiócesis":26034,"Ġinterdiscipl":26035,"1995":26036,"iseta":26037,"Ġtomé":26038,"->":26039,"Ġindispensables":26040,"Ġmatrimonial":26041,"Ġpretexto":26042,"ĠClásico":26043,"ĠDep":26044,"gets":26045,"Apar":26046,"wan":26047,"Ġimpuesta":26048,"Ġorienta":26049,"ajen":26050,"Ġnido":26051,"Ġimprev":26052,".¿":26053,"Du":26054,"ĠilÃŃcito":26055,"Ġprofe":26056,"Ġimpartido":26057,"Ġinmovil":26058,"Ġaseguraron":26059,"Ġmetáfora":26060,"ĠResort":26061,"Ġincógn":26062,"ĠPonce":26063,"ĠBAR":26064,"ĠSing":26065,"Ġtriángulo":26066,"Ġaumentaron":26067,"ibus":26068,"Ġocurridos":26069,"ĠMejÃŃa":26070,"Ġcerradura":26071,"inz":26072,"Ġnovias":26073,"Ġdespidos":26074,"Ġproceden":26075,"TIN":26076,"Ġpuertorrique":26077,"Ġenvio":26078,"ĠÃļltimo":26079,"ĠEA":26080,"ĠintrÃŃn":26081,"Ġdesob":26082,"ĠVicepresidente":26083,"Ġútero":26084,"ĠRoad":26085,"Ger":26086,"Ġutilizará":26087,"loque":26088,"Ġacústica":26089,"demas":26090,"Ġinterrumpir":26091,"arcal":26092,"Ġfé":26093,"Ġhormona":26094,"Ġperdi":26095,"Ġexperimentación":26096,"Ġrebaja":26097,"IPO":26098,"Lic":26099,"Ġcircuns":26100,"Ġprolongada":26101,"Ġoct":26102,"ĠWater":26103,"Pat":26104,"[/":26105,"acón":26106,"\"),":26107,"ĠEsther":26108,"ifico":26109,"Ġcoch":26110,"Ġbusquen":26111,"Ġconector":26112,"Ġsupremo":26113,"Ġcoreo":26114,"Ġcloro":26115,"tuarios":26116,"Ġtraum":26117,"Ġenvenen":26118,"Ġafricanos":26119,"Ġnáut":26120,"ificando":26121,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":26122,"Ġimplantes":26123,"pé":26124,"abamba":26125,"Ġsolvencia":26126,"Ġnec":26127,"ockey":26128,"ĠPartes":26129,"vertida":26130,"Ġbonaerense":26131,"Ġabismo":26132,"ĠGeneración":26133,"Ġultras":26134,"ĠAcadem":26135,"Ġrá":26136,"eot":26137,"cretamente":26138,"ĠAlca":26139,"Ġfestivo":26140,"Ben":26141,"Ġdebieron":26142,"Ġâľ":26143,"iang":26144,"ĠAprendizaje":26145,"Ġlabi":26146,"ĠJugue":26147,"Ġpsicos":26148,"ĠCP":26149,"Ġsonrisas":26150,"Ġestereotipos":26151,"Ġpublicitarias":26152,"uelen":26153,"ĠAdministrativa":26154,"acul":26155,"Ġespaciales":26156,"ampe":26157,"Ġdrones":26158,"ĠMarket":26159,"Ġtatuaje":26160,"ĠPatagonia":26161,"Ġenamorados":26162,"TH":26163,"Ġarcilla":26164,"Ġinvitaciones":26165,"Ġespeculación":26166,"Ġacertada":26167,"ĠRector":26168,"ĠOtoño":26169,"ĠFP":26170,"Ġalega":26171,"Ġmatrimonios":26172,"Bon":26173,"ĠLav":26174,"Ġdeban":26175,"ĠacrÃŃ":26176,"Ġargumenta":26177,"Ġrenovada":26178,"Ġhaciéndose":26179,"Ġbrujas":26180,"Antonio":26181,"Ġpractican":26182,"Ġpreventivo":26183,"tify":26184,"Ġsentados":26185,"Ġdefinidas":26186,"Ġeconomistas":26187,"ÃīN":26188,"ĠGESTI":26189,"Ġsecuelas":26190,"ĠDejar":26191,"ĠSesión":26192,"hattan":26193,"Ġferoz":26194,"ĠEqu":26195,"ĠEntidad":26196,"Ġofensivo":26197,"Ġprocedió":26198,"ĠCena":26199,"fecta":26200,"Ġsurgieron":26201,"xos":26202,"Ġechó":26203,"Mil":26204,"Ġreorgan":26205,"ĠDistancia":26206,"Ġhallan":26207,"ĠPrincipado":26208,"Ġreestructuración":26209,"Ġlima":26210,"Ġcolectivas":26211,"Ġ":26212,"Ġcinematográfico":26213,"Ġdesactivar":26214,"MB":26215,"DOS":26216,"Ġarzobispo":26217,"ĠEstar":26218,"ĠLimpieza":26219,"COR":26220,"tarra":26221,"Ġintentarlo":26222,"ĠManolo":26223,"ê":26224,"sy":26225,"Ġcheck":26226,"ĠPerfil":26227,"Ġ280":26228,"Ġ1958":26229,"ĠDura":26230,"verso":26231,"Ġbajista":26232,"Ġhervir":26233,"ĠsecretarÃŃa":26234,"ĠMalvinas":26235,"Ġdiarrea":26236,"Ġdepositar":26237,"Ġolvidemos":26238,"Ġmutua":26239,"Ġtornillos":26240,"ollos":26241,"Ġcontraer":26242,"Ġcombinados":26243,"ĠEURO":26244,"Ġedificaciones":26245,"ĠJavi":26246,"Ġsujetas":26247,"trógeno":26248,"Ġcombustión":26249,"ĠÏ":26250,"GL":26251,"ficantes":26252,"Ġlanzada":26253,"Ġentraba":26254,"ĠAlvarado":26255,"Ġconcebido":26256,"dosas":26257,"Ġmetab":26258,"Ġotorgan":26259,"Ġfog":26260,"Ġresbal":26261,"Ġcelulitis":26262,"Ġobligan":26263,"Ġhash":26264,"Ġestrechamente":26265,"Ġaviación":26266,"ĠGood":26267,"Ġroll":26268,"ĠFI":26269,"Ġsolicitan":26270,"GOS":26271,"sia":26272,"Ġporciones":26273,"Ġdemócrata":26274,"Ġescuche":26275,"Ġropas":26276,"Ġtransmitido":26277,"Ġdisminuyendo":26278,"Ġherb":26279,"ĠPROFES":26280,"ĠApos":26281,"Ġcampanas":26282,"Ġvolveremos":26283,"Ġplanteamientos":26284,"Ġimportaba":26285,"ĠSao":26286,"Ġenton":26287,"Ġnacieron":26288,"Ġrelacionarse":26289,"valor":26290,"Ġvascos":26291,"izará":26292,"ĠSteven":26293,"ĠPereira":26294,"Lar":26295,"elamente":26296,"Ġautonómica":26297,"Ellos":26298,"Ġabsorb":26299,"Ġpóngase":26300,"Ġarmadura":26301,"Ġafectación":26302,"UNA":26303,"ĠParroquia":26304,"Resumen":26305,"tificia":26306,"895":26307,"kh":26308,"uida":26309,"Ġevacuación":26310,"Ġmachista":26311,"ĠMina":26312,"Ġescriba":26313,"Ġilumina":26314,"Ġcansada":26315,"Ġsatélites":26316,"ĠLewis":26317,"Ġavenidas":26318,"Ġburs":26319,"Ġbrindando":26320,"ai":26321,"Ġcontrolados":26322,"Ġpotestad":26323,"Sinopsis":26324,"Ġcolm":26325,"rándose":26326,"ĠmÃŃtica":26327,"Ġestadios":26328,"ximadamente":26329,"ÃįAS":26330,"Ġfranquicias":26331,"Ġasisten":26332,"Ġbarriles":26333,"ĠInfancia":26334,"Ġlógicamente":26335,"ĠConcil":26336,"ĠWii":26337,"ĠMADRID":26338,"Ġdiscrep":26339,"Ġprec":26340,"Ġchaque":26341,"úsqueda":26342,"Ġcachorros":26343,"ĠYun":26344,"Ġdiscreción":26345,"ueltas":26346,"Ġhabilitar":26347,"ĠArco":26348,"acuzzi":26349,"ĠDescar":26350,"Ġgarantizada":26351,"ocó":26352,"Ġfusion":26353,"Ġdemandante":26354,"ESA":26355,"Ġduradero":26356,"email":26357,"Ġpreguntarse":26358,"urne":26359,"Ġestacion":26360,"Ġcafés":26361,"Ġdeudor":26362,"Ġnoveno":26363,"Ġcazar":26364,"Ġcamara":26365,"erne":26366,"Ġsinceridad":26367,"ĠDev":26368,"Ġvasca":26369,"Ġabandonados":26370,"Ġcristianas":26371,"ĠTijuana":26372,"Ġ108":26373,"ĠChelsea":26374,"Ġfugas":26375,"Ġbarn":26376,"illy":26377,"Ġdiésel":26378,"ĠsanguÃŃneo":26379,"aceta":26380,"Ġcasta":26381,"TROS":26382,"Ġorientales":26383,"ĠCharlie":26384,"Ġllenan":26385,"Ġtrading":26386,"ĠFro":26387,"ĠGod":26388,"uestion":26389,"ĠConfiguración":26390,"Ġvacacional":26391,"Ġformativa":26392,"MAR":26393,"Ġtratada":26394,"Ġrealistas":26395,"ĠSagrada":26396,"trabaj":26397,"Ġoponente":26398,"Ġrecuperó":26399,"ĠUrbanismo":26400,"Ġjueza":26401,"olun":26402,"Ġfacilitado":26403,"lectual":26404,"ucidad":26405,"tibilidad":26406,"ĠArenas":26407,"ĠBritán":26408,"Ġinsom":26409,"Ġmaestras":26410,"Ġegresados":26411,"Ġcampeonatos":26412,"225":26413,"ĠAznar":26414,"Ġhonorarios":26415,"pico":26416,"Ġactuado":26417,"ĠrecibÃŃ":26418,"Ġexpresarse":26419,"Gen":26420,"Ġsonrió":26421,"Ġtuv":26422,"ragones":26423,"orno":26424,"Ġbajan":26425,"Ġ1963":26426,"Ġpatios":26427,"Cuándo":26428,"ĠTob":26429,"Ġimputados":26430,"Ġneurol":26431,"Ġdramatur":26432,"perio":26433,"unidense":26434,"mael":26435,"Ġprójimo":26436,"COL":26437,"ded":26438,"Ġsuroeste":26439,"ilea":26440,"Ġrecuperarse":26441,"Figu":26442,"ĠMaj":26443,"Ġintensamente":26444,"Ġcomesti":26445,"Ġgoce":26446,"Ġdestreza":26447,"Ġvestimenta":26448,"Ġtribus":26449,"cuál":26450,"Ġsueco":26451,"IMIENTO":26452,"Ġhuecos":26453,"Ġmariposa":26454,"ĠIrene":26455,"Ġestuviese":26456,"éndote":26457,"Ġmanta":26458,"Ġmineria":26459,"Ġdiscern":26460,"Ġpseudo":26461,"Ġhuerto":26462,"Ġterminará":26463,"Ġsobrino":26464,"Ġautode":26465,"ĠHumberto":26466,"Ġderrotado":26467,"Ġench":26468,"Ġsospechas":26469,"Ġexhor":26470,"ĠcreÃŃ":26471,"CRE":26472,"Ġguatemal":26473,"Ġautorizadas":26474,"Ġdecidida":26475,"oko":26476,"alao":26477,"Ġevitarlo":26478,"ĠPuntos":26479,"ĠHenares":26480,"ooo":26481,"Ġcontrarrestar":26482,"Ġ855":26483,"ĠAceite":26484,"Ġagotado":26485,"Ġánimos":26486,"calo":26487,"Ġseñalización":26488,"ĠCauca":26489,"Ġconstatar":26490,"Ġdil":26491,"eum":26492,"Ġincapaces":26493,"ĠUrbana":26494,"Econ":26495,"ĠPronto":26496,"Ġteme":26497,"resta":26498,"Ġimplantar":26499,"Ġfat":26500,"Ġatún":26501,"Ġinne":26502,"Ġprecisar":26503,"Lin":26504,"Ġcontador":26505,"Ġexpositores":26506,"Ġhonesto":26507,"Ġlobos":26508,"Ġarag":26509,"Ġpresume":26510,"ĠEstim":26511,"ciana":26512,"ĠIBM":26513,"dec":26514,"Ġprecur":26515,"Ġagudo":26516,"Ġcaliza":26517,"ĠChaco":26518,"ÃģC":26519,"Ġremarcó":26520,"ibol":26521,"Ġcajones":26522,"ean":26523,"ĠCoronel":26524,"Ġconsultado":26525,"ĠRab":26526,"Ġqe":26527,"Ġdramático":26528,"ĠEnten":26529,"Ġsalio":26530,"Ġmetropolitana":26531,"Quienes":26532,"Ġdemocráticos":26533,"tering":26534,"ĠFAC":26535,"Ġadopta":26536,"tomas":26537,"Aun":26538,"Ġprincipiantes":26539,"ámina":26540,"Ġestelar":26541,"Ġlanzaron":26542,"lá":26543,"ĠUber":26544,"Ġprórroga":26545,"Ġrecab":26546,"Ġtemático":26547,"Ġdecorativos":26548,"Ġesmalte":26549,"toda":26550,"Ġfrecuent":26551,"ĠKenn":26552,"Ġsabrá":26553,"riosamente":26554,"Ġadquiriendo":26555,"Ãļl":26556,"Ġengen":26557,"Ġequipados":26558,"Ġpuño":26559,"Ġbole":26560,"ski":26561,"Ġando":26562,"ĠGeneralmente":26563,"Ġuniversales":26564,"PUES":26565,"ĠPalermo":26566,"Ġreposición":26567,"ĠAtlas":26568,"Ġbaje":26569,"Ġpertur":26570,"Ġmantengan":26571,"ucci":26572,"ĠCuidado":26573,"Ġvehicular":26574,"iertan":26575,"taduras":26576,"Ġpreguntarle":26577,"Ġdeven":26578,"Ġfolla":26579,"Ġconstruyen":26580,"Ġacreditado":26581,"Ġdesnudos":26582,"ĠBest":26583,"Ġ107":26584,"Ġcontenga":26585,"ĠMiércoles":26586,"ĠTambien":26587,"grupo":26588,"ĠTRANS":26589,"ĠSERVICIOS":26590,"ĠSH":26591,"Ġdespar":26592,"Señor":26593,"cionarias":26594,"Ġprecisas":26595,"ĠFBI":26596,"Ġminús":26597,"Ġoriginario":26598,"Ġresina":26599,"ĠCompeti":26600,"Ġconvocados":26601,"Ġexen":26602,"Ġsustituido":26603,"ĠMono":26604,"ĠParaná":26605,"Ġauditor":26606,"Ġperturb":26607,"Ġbordado":26608,"Ġprofesionalmente":26609,"ĠMoham":26610,"Ġlomo":26611,"Ġcerraduras":26612,"Ġrena":26613,"ĠCatálogo":26614,"adÃŃa":26615,"loso":26616,"ĠInn":26617,"Ġsustituto":26618,"Ġimpactante":26619,"Ġpájaro":26620,"Ġcomplementarios":26621,"Ġavatar":26622,"Ġunánime":26623,"Ġaprendizajes":26624,"Ġescombros":26625,"Fil":26626,"Ġend":26627,"Ġdescarta":26628,"Ġerótico":26629,"ĠDependi":26630,"ĠELEC":26631,"Ġempan":26632,"Conf":26633,"Asociación":26634,"Ġésto":26635,"Ġneoliberal":26636,"Ġfestejo":26637,"ĠEDUCACIÃĵN":26638,"Ġvaloraciones":26639,"Ġecuatoriano":26640,"Ġdiligencia":26641,"Ġdeshacerse":26642,"Ġasistencias":26643,"Ġpropuestos":26644,"Sil":26645,"Ġfuncionó":26646,"Ġbarcel":26647,"Ġvencedor":26648,"Ġcontaron":26649,"Ġhispana":26650,"Ġsembrar":26651,"Ġrendición":26652,"ĠOchoa":26653,"Ġbende":26654,"ciocho":26655,"Ġsuelto":26656,"ĠCOMER":26657,"ĠMolinos":26658,"ÂĶ.":26659,"ionaje":26660,"Ġtalón":26661,"dano":26662,"ĠWell":26663,"Ġempleando":26664,"Ġcitadas":26665,"Ġpulmonar":26666,"Ġidentifican":26667,"pire":26668,"ĠPine":26669,"ĠBic":26670,"ĠRobles":26671,"Ġchaval":26672,"Ġ1200":26673,"Resulta":26674,"ĠLGB":26675,"Ġósea":26676,"ĠPáginas":26677,"ĠHem":26678,"Ġmedianoche":26679,"yd":26680,"Ġporn":26681,"Ġvoltaje":26682,"ĠPosee":26683,"ĠPolitécnica":26684,"Ġopinion":26685,"Ġcamping":26686,"Ġción":26687,"Ġratas":26688,"olution":26689,"etan":26690,"Ġraros":26691,"Ġsoltero":26692,"ugeot":26693,"ÃįCULO":26694,"Ġorales":26695,"Ġayudaron":26696,"Ġhuérf":26697,"Ofrecemos":26698,"yera":26699,"ayer":26700,"Ġalmacenados":26701,"Ġhuele":26702,"Ġtrampas":26703,"ezco":26704,"allos":26705,"ĠCajas":26706,"ĠInfin":26707,"Ġsimpático":26708,"úan":26709,"Ġconsens":26710,"ĠView":26711,"...).":26712,"Ġtraerá":26713,"categ":26714,"Ġentretener":26715,"mons":26716,"Ġinvierte":26717,"Ġmanej":26718,"ĠCOMO":26719,"ĠNep":26720,"ĠCasado":26721,"Ġrespondiendo":26722,"Ġ1961":26723,"ĠAguascalientes":26724,"ĠHarvard":26725,"Ġobligar":26726,"Taller":26727,"ĠPorta":26728,"Ġutop":26729,"Ġasignar":26730,"Ġremuner":26731,"ĠHipo":26732,"HL":26733,"ĠHER":26734,"Ġaconsejar":26735,"Ġalejarse":26736,"Ġtrágico":26737,"Ġant":26738,"Ġsignificó":26739,"Ġaminoácidos":26740,"Ġdébito":26741,"Ġmatemático":26742,"Ġ1948":26743,"ĠBarre":26744,"ĠFirefox":26745,"ĠRally":26746,"Ġimpidió":26747,"Ġcruda":26748,"Ġreanud":26749,"ĠQuiro":26750,"princip":26751,"elación":26752,"ĠBaby":26753,"ITOS":26754,"guaje":26755,"ĠescribÃŃa":26756,"Ġcarcasa":26757,"Ġorif":26758,"Ġwas":26759,"Ġvaci":26760,"Ġdistintivo":26761,"Ġabordaje":26762,"Ġpatrocinio":26763,"Ġgraduación":26764,"Ġinmersión":26765,"ĠMaxim":26766,"Ġpionera":26767,"Ġcausante":26768,"uele":26769,"Ġampliando":26770,"Ġcoser":26771,"Ġucran":26772,"ĠAlas":26773,"ĠOjo":26774,"Ġ5000":26775,"Ġdorados":26776,"ĠContinue":26777,"clopedia":26778,"Ġadquirida":26779,"ĠvalÃŃa":26780,"Ġnegativamente":26781,"Ġratones":26782,"Ġrepiten":26783,"ifican":26784,"ĠIno":26785,"Ġmonarca":26786,"Ġinteractivo":26787,"itaba":26788,"edu":26789,"Ġbiblia":26790,"Ġ2030":26791,"Ġtestamento":26792,"Ġlesionados":26793,"Ġcordero":26794,"Ġreading":26795,"bata":26796,"ñan":26797,"ĠLyn":26798,"Ġcós":26799,"ÃŃfero":26800,"ĠAlexis":26801,"room":26802,"ĠrÃŃt":26803,"Ġyacimientos":26804,"Ġconcurrencia":26805,"ĠPI":26806,"elio":26807,"ĠDió":26808,"Ġalineación":26809,"Ġcomputación":26810,"Ġcim":26811,"Ġsabios":26812,"Reuters":26813,"cf":26814,"ng":26815,"Ġsetas":26816,"fondo":26817,"Er":26818,"MOS":26819,"Ġportadas":26820,"Ġproceda":26821,"ĠRueda":26822,"ĠCama":26823,"Ġmarea":26824,"Ġencontras":26825,"ports":26826,"Ġdesaparecen":26827,"Ġprogramadas":26828,"aquÃŃ":26829,"Ġelasticidad":26830,"Ġresultando":26831,"Fer":26832,"MM":26833,"Ġintentará":26834,"Ġcomprens":26835,"FT":26836,"Ġneuronas":26837,"ĠHorizon":26838,"Ġpunk":26839,"ĠTécnicos":26840,"Ġsospechosos":26841,"Ġcositas":26842,"ĠSerena":26843,"Ġrevoluciones":26844,"ffs":26845,"Ġintolerancia":26846,"ĠBartol":26847,"Ġbeneficiario":26848,"Ġespecificar":26849,"Ġresidencias":26850,"Ġatribuciones":26851,"curo":26852,"Ġaho":26853,"Acu":26854,"Ġpida":26855,"Ġendure":26856,"Ġriqu":26857,"ponen":26858,"Ġmalague":26859,"ĠOper":26860,"Ġdesayunos":26861,"Ġconforma":26862,"Ġvotado":26863,"Ġencontraras":26864,"Ġpreferible":26865,"Ġfritas":26866,"Ġcorn":26867,"Ġcomunal":26868,"Ġapuntes":26869,"ĠOferta":26870,"Ġencomend":26871,"Ġconstar":26872,"Ġpatronal":26873,"Ġvola":26874,"Ġargentinas":26875,"Ġenganch":26876,"Ġcomunitarias":26877,"Ġrepresentativos":26878,"Ġcreadora":26879,"Ġcelebramos":26880,"Ġmamada":26881,"Ġcampamentos":26882,"Fa":26883,"Ġacantil":26884,"Ġtransformó":26885,"ĠPersona":26886,"úd":26887,"Ġcomplicados":26888,"Ġsirvan":26889,"Ġ104":26890,"Ġdelica":26891,"Ġlisa":26892,"ĠsalÃŃ":26893,"Ġtrasladados":26894,"Ġham":26895,"ĠPuesto":26896,"Ġbendiciones":26897,"Ġhelados":26898,"Ġluminosa":26899,"ĠSALUD":26900,"ulle":26901,"emex":26902,"Ġalojamos":26903,"Ġdesempleados":26904,"Solici":26905,"ILIDAD":26906,"tua":26907,"ĠHaya":26908,"Ġpodré":26909,"Vi":26910,"úas":26911,"Ġvenda":26912,"Ġrevit":26913,"ĠClima":26914,"Ġafectará":26915,"ĠConcl":26916,"med":26917,"ĠAlojamiento":26918,"Ġsinerg":26919,"Ġpagados":26920,"Ġtrasplante":26921,"Ġaprobadas":26922,"uladas":26923,"Ġrepito":26924,"gentes":26925,"ĠLectura":26926,"llev":26927,"Ġcasó":26928,"Ġcorrido":26929,"Ġrepartidos":26930,"Ġcito":26931,"ĠEugenio":26932,"ĠEnfermedades":26933,"gle":26934,"Ġcaderas":26935,"lismo":26936,"Ġrequi":26937,"ĠSUPER":26938,"æľ":26939,"Ġcontables":26940,"ĠURSS":26941,"Ġponder":26942,"ĠXP":26943,"Ġaprendió":26944,"Ġbran":26945,"ĠArn":26946,"Ġasumiendo":26947,"ĠMinister":26948,"ĠResearch":26949,"tuve":26950,"Record":26951,"Ġaleda":26952,"ARCEL":26953,"Ġdecadencia":26954,"Ġcaldera":26955,"Ġllamarse":26956,"Ġcontinuada":26957,"punto":26958,"Ġcárceles":26959,"Ġabarcar":26960,"Ġascender":26961,"Ġarrendamiento":26962,"Ġsaludar":26963,"Ġválvulas":26964,"Ġinfiel":26965,"árs":26966,"Ġsilencioso":26967,"ĠArequipa":26968,"ĠMarie":26969,"ĠMartes":26970,"atoria":26971,"Ġveneno":26972,"ĠEmerg":26973,"ĠOrdenación":26974,"Ġencla":26975,"nistÃŃa":26976,"Ġconsiga":26977,"Ġwork":26978,"entista":26979,"ĠFle":26980,"ĠXavier":26981,"Ġasambleas":26982,"ĠPropor":26983,"ĠDiscapacidad":26984,"ĠMonta":26985,"Ġlindos":26986,"Ġconsecutivas":26987,"Ġinflama":26988,"ĠconsistÃŃa":26989,"Ġvives":26990,"Ġcerebrales":26991,"Ġcomercializa":26992,"ĠMERC":26993,"ĠFrida":26994,"AllÃŃ":26995,"Ġpapás":26996,"Ġenfermeras":26997,"Ġanonima":26998,"Ġinstaladas":26999,"Ġdistribuido":27000,"Ġacuerda":27001,"Ġcompensa":27002,"Ġpsiquiá":27003,"Ġpubli":27004,"ĠSocio":27005,"Ġlocalizada":27006,"ĠISS":27007,"Ġatravesando":27008,"Ġcolágeno":27009,"Ġsl":27010,"Ġprimos":27011,"Defin":27012,"ĠIndustriales":27013,"Tele":27014,"tés":27015,"ĠInmac":27016,"Ġtejado":27017,"Ġincorporó":27018,"Ġreconozco":27019,"Ġcomplementa":27020,"ĠBec":27021,"Ġelectromagn":27022,"Ġpeatones":27023,"Ġmasivos":27024,"Ġactuó":27025,"Fre":27026,"Ġocurrieron":27027,"dese":27028,"Ġcascada":27029,"Ġgratific":27030,"Ġcubo":27031,"ĠSales":27032,"Ġparas":27033,"Ġsonda":27034,"Ġemitidos":27035,"ĠPelÃŃcula":27036,"ĠSabadell":27037,"antino":27038,"Ġwebsite":27039,"Ġescasas":27040,"Ġriguroso":27041,"ĠElo":27042,"ĠLiberación":27043,"ĠInspección":27044,"Ġconvenciones":27045,"Ġintermediarios":27046,"Ġtime":27047,"Ġcordones":27048,"ĠRemo":27049,"creen":27050,"fuer":27051,"además":27052,"Ġsexos":27053,"Ġsintético":27054,"Berry":27055,"base":27056,"ĠROM":27057,"Ġinvolun":27058,"ĠProm":27059,"Ġrenombre":27060,"HC":27061,"ambas":27062,"estamos":27063,"ĠTráfico":27064,"Ġsignificaba":27065,"Ġdesigualdades":27066,"ĠSoluciones":27067,"Ġpagas":27068,"Ġcartuchos":27069,"ĠIslámico":27070,"Ġdown":27071,"Ġcedido":27072,"âĢ³":27073,"Ġgeneralizado":27074,"Ġdividendos":27075,"Ġimportan":27076,"ĠPalabras":27077,"Ġmágicos":27078,"Che":27079,"ost":27080,"Ġandaba":27081,"Ġ}":27082,"Ġreproduci":27083,"Ġnutricionales":27084,"ĠINFORMACIÃĵN":27085,"Ġori":27086,"Ġalcantarillado":27087,"Ġdestinatario":27088,"Web":27089,"ĠGrá":27090,"иÐ":27091,"Ġempiezo":27092,"Ġanotaciones":27093,"Ġreflejos":27094,"Video":27095,"Ġgeneroso":27096,"Ġesbo":27097,"ĠmuchÃŃsima":27098,"Ġpasiva":27099,"Ġcometió":27100,"Ġcontribuyente":27101,"Aplic":27102,"Ġpolémico":27103,"ĠAthletic":27104,"Ġninos":27105,"Ġaleación":27106,"Brasil":27107,"Ġcup":27108,"Ġimparcial":27109,"layo":27110,"Ġfea":27111,"Mac":27112,"Ġcontraseñas":27113,"Ġ(@":27114,"ĠAprender":27115,"Ġreden":27116,"Ġsaldrán":27117,"kespe":27118,"Ġ210":27119,"Ġpropongo":27120,"Ġconvención":27121,"gins":27122,"Ġlicenciatura":27123,"ĠLlu":27124,"ĠVisual":27125,"ities":27126,"ĠPacheco":27127,"Ġchatear":27128,"Ġdesesta":27129,"Ġgalaxia":27130,"reci":27131,"ĠDrive":27132,"ĠExpe":27133,"Ġpeatonal":27134,"CAM":27135,"Ġseque":27136,"bonato":27137,"érgica":27138,"Ġobservamos":27139,"tualización":27140,"pona":27141,"Ġensan":27142,"Ġhabitacion":27143,"Ġpalmas":27144,"Ġfragancia":27145,"Ġapreciación":27146,"Ġcardiovasculares":27147,"Ġtaxis":27148,"Ġanestesia":27149,"guin":27150,"Ġobtenidas":27151,"Ġentenderá":27152,"Ġtrataron":27153,"ĠCad":27154,"ĠSIG":27155,"Ġdespachos":27156,"Ġcomporta":27157,"yar":27158,"Ġligas":27159,"Ġcomenzarán":27160,"Ġdurmiendo":27161,"Ġsoñado":27162,"Ġmoviendo":27163,"Ġcun":27164,"ĠGallardo":27165,"ĠCham":27166,"ĠFelici":27167,"Ġinaugura":27168,"Ġdivin":27169,"Ġatienden":27170,"Ġfacilite":27171,"Ġboxeo":27172,"Nuestras":27173,"ĠCry":27174,"ĠLondon":27175,"Ġcordob":27176,"Ġlag":27177,"horia":27178,"Orden":27179,"Ġcontrolan":27180,"Ġinvención":27181,"ĠCosas":27182,"ĠAer":27183,"Ġentendiendo":27184,"Ġdejarla":27185,"Total":27186,"Ġcomerciante":27187,"calipsis":27188,"ĠGuayaquil":27189,"ĠJimmy":27190,"ĠAsegú":27191,"ĠST":27192,"Ġtibia":27193,"Ġantivirus":27194,"Ġexitosos":27195,"JOS":27196,"Cha":27197,"Ġavanzó":27198,"Ġenvolv":27199,"onio":27200,"ĠCumpl":27201,"Ġepic":27202,"Ġverme":27203,"ideportivo":27204,"Ġsagrada":27205,"ür":27206,"Ġinsistir":27207,"Ġcuarzo":27208,"ĠmitologÃŃa":27209,"Siguiendo":27210,"Hombre":27211,"ienses":27212,"centro":27213,"ĠCarol":27214,"ĠpH":27215,"Ġimponerse":27216,"nn":27217,"ĠBorja":27218,"tética":27219,"Ġcuestionar":27220,"Ġinmune":27221,"Ġmanualmente":27222,"Fuente":27223,"ĠEast":27224,"Ġarriesgar":27225,"Ġtuyos":27226,"Ġextreme":27227,"Ġsucursales":27228,"ĠPareja":27229,"ternos":27230,"ĠKin":27231,"ĠESPAÃijA":27232,"Ġfuria":27233,"Ġcombinada":27234,"roño":27235,"ĠSolidaridad":27236,"Ġlaberinto":27237,"ĠBerm":27238,"ĠWood":27239,"ĠlegÃŃtima":27240,"ĠTw":27241,"Ġcogido":27242,"Ġbailando":27243,"ĠCum":27244,"sim":27245,"ĠLleida":27246,"zy":27247,"Ġviola":27248,"Ġhidratante":27249,"ĠØ":27250,"Ġexponencial":27251,"Ġdiligencias":27252,"dema":27253,"Ġinternacionalización":27254,"Ġalumbrado":27255,"ĠDefinición":27256,"patitis":27257,"Ġcursar":27258,"ĠQuién":27259,"ĠCola":27260,"ĠPardo":27261,"Ġcognitivo":27262,"entino":27263,"Ġmedico":27264,"ĠNay":27265,"Ġsubt":27266,"ов":27267,"Ġadoptada":27268,"Ġeludi":27269,"tegui":27270,"Ġcapilar":27271,"Ġinvolucradas":27272,"Ġdorsal":27273,"Ġcotizaciones":27274,"ĠConsorcio":27275,"Ġfollada":27276,"Ġaterrizaje":27277,"ĠVelázquez":27278,"Ġrebas":27279,"Ġperjudicial":27280,"CRIP":27281,"icida":27282,"Ġconfesión":27283,"onna":27284,"rison":27285,"Ġ123":27286,"Ġsusto":27287,"Ġoriginarios":27288,"izaba":27289,"ĠMail":27290,"ĠManhattan":27291,"Ġmontaños":27292,"juven":27293,"Ġrunning":27294,"ĠCamacho":27295,"ĠocurrÃŃa":27296,"ilaterales":27297,"Ġinexplic":27298,"ĠMIL":27299,"ĠSEN":27300,"énico":27301,"Ġfaltó":27302,"Ġdiamante":27303,"ĠcumplÃŃa":27304,"trabajo":27305,"Ġdespejado":27306,"Ġreclaman":27307,"escolar":27308,"Ġprevalencia":27309,"ĠSalida":27310,"Ġvision":27311,"Ġrespiratorias":27312,"esp":27313,"Ġparadój":27314,"Ġanuncian":27315,"Ġmuralla":27316,"Ġantenas":27317,"Ġarist":27318,"Ġreportado":27319,"Ġescuché":27320,"ĠAnimal":27321,"Ġatrevido":27322,"ĠQuir":27323,"ĠLleva":27324,"ĠvacÃŃas":27325,"Ġespecula":27326,"Ġveloz":27327,"Ġaéreos":27328,"Ġralent":27329,"Ġcalabaza":27330,"Ġjen":27331,"bian":27332,"Ġdesayunar":27333,"Port":27334,"agua":27335,"Ġtutores":27336,"Ġmoment":27337,"ĠService":27338,"Ġbó":27339,"Ġeu":27340,"Ġfranquismo":27341,"1996":27342,"Ste":27343,"Ġejerciendo":27344,"Ġespere":27345,"Agregó":27346,"ĠEléctrica":27347,"Ġencaja":27348,"ĠIll":27349,"à¤":27350,"Ġepidemia":27351,"Ġzombi":27352,"Ġmasculinos":27353,"ĠINTERNA":27354,"Ġcromos":27355,"Ġmeren":27356,"ĠDistribución":27357,"Ġamargo":27358,"ĠPintura":27359,"Ġedific":27360,"Ġescuchamos":27361,"Ġquitarle":27362,"Ġlamentó":27363,"ĠShin":27364,"Ġapego":27365,"Ġdestre":27366,"ĠAfortunadamente":27367,"tólogo":27368,"Ġnativo":27369,"Ġlavavajillas":27370,"Ġalgas":27371,"ĠAdán":27372,"Ġcapturado":27373,"ĠAcero":27374,"204":27375,"Ġcimientos":27376,"Ġlagunas":27377,"riam":27378,"Ġdañado":27379,"ĠConservación":27380,"ĠSosa":27381,"ĠCertificación":27382,"Ġparab":27383,"ĠCuán":27384,"Ġtácticas":27385,"Ġenterado":27386,"Ġrecorrió":27387,"LP":27388,"ĠSalom":27389,"mom":27390,"Ġdetective":27391,"Ġabsorbe":27392,"ĠDil":27393,"ĠInterno":27394,"Ġdialogar":27395,"Ġgemelos":27396,"Ġatletismo":27397,"Ġcabel":27398,"plicas":27399,"ĠMetodo":27400,"Ġinfluyentes":27401,"ódromo":27402,"phy":27403,"Ġrech":27404,"Ġnaranjas":27405,"ĠOlÃŃmpico":27406,"endieron":27407,"Ġestigma":27408,"opa":27409,"Ġrevisa":27410,"Ġpale":27411,"cient":27412,"Ġtrabaje":27413,"Estudio":27414,"estado":27415,"Ġtertul":27416,"ĠInteres":27417,"ĠPNV":27418,"ĠIo":27419,"Ġubican":27420,"ÃŃsticamente":27421,"ĠFigueroa":27422,"Ġlibra":27423,"ĠOFICI":27424,"Ġinsignia":27425,"ĠKate":27426,"endio":27427,"Ġfantásticos":27428,"tión":27429,"ĠPuedo":27430,"101":27431,"Ġniegan":27432,"Ġaque":27433,"ĠSantuario":27434,"ĠBOE":27435,"Ġcapricho":27436,"Ġllamaban":27437,"trituradora":27438,"Ġtoxinas":27439,"Ġconectada":27440,"ĠState":27441,"Ġresumir":27442,"ĠreferÃŃa":27443,"Ġimaginado":27444,"tems":27445,"zzo":27446,"Ġtazas":27447,"Ġrecorda":27448,"Ġsalvó":27449,"ĠTest":27450,"talm":27451,"brar":27452,"Ġia":27453,"ĠCitas":27454,"gota":27455,"Ġclimáticas":27456,"Ġnegación":27457,"Ġabandonada":27458,"ĠCreador":27459,"paje":27460,"Ġhaberme":27461,"Ġdescribió":27462,"Ġesqui":27463,"seño":27464,"Ġoportunas":27465,"Ġretrasos":27466,"Ġintegradas":27467,"Ġliderada":27468,"Ġself":27469,"Ġplaga":27470,"ulsa":27471,"activos":27472,"ceras":27473,"Ġesteril":27474,"ĠMalas":27475,"Ġseparan":27476,"Ġvocero":27477,"Ġcicatrices":27478,"ĠMand":27479,"ditas":27480,"Ġobediencia":27481,"Ġadrenalina":27482,"Ġrestaur":27483,"Ġvoluntariado":27484,"ĠSpace":27485,"Ġpresumir":27486,"ambres":27487,"interest":27488,"Ġmia":27489,"ĠDick":27490,"ĠAnaya":27491,"ĠOxford":27492,"zana":27493,"ilers":27494,"Ġmandan":27495,"control":27496,"Ġprotestar":27497,"under":27498,"éanos":27499,"Ġcomprarlo":27500,"ĠFacil":27501,"Ġaseme":27502,"And":27503,"ĠLaborales":27504,")-":27505,"Ġpicante":27506,"Ġestatuto":27507,"ĠChip":27508,"ĠAPI":27509,"Ġalleg":27510,"Ġterrestres":27511,"ámaras":27512,"ĠPÃļBL":27513,"ĠCable":27514,"estoy":27515,"Ġsábanas":27516,"ĠMC":27517,"ĠFarmacia":27518,"quese":27519,"ĠPY":27520,"Ġregulado":27521,"Ġfortalece":27522,"ĠJersey":27523,"exuales":27524,"Compra":27525,"kespeare":27526,"Ġalergia":27527,"Ġfech":27528,"emi":27529,"loma":27530,"Ġtécnicamente":27531,"Ġorganizando":27532,"ĠCorral":27533,"Ġintensivo":27534,"ĠEncuesta":27535,"ĠtÃŃos":27536,"ĠAY":27537,"Ġsolventar":27538,"Ġnicaragü":27539,"tie":27540,"Ġdimisión":27541,"Ġdiet":27542,"Ġalergias":27543,"cupa":27544,"ĠAndy":27545,"Ġdescender":27546,"Santiago":27547,"ĠViña":27548,"ĠPira":27549,"Ġapagado":27550,"Ġciudadanas":27551,"ĠMurillo":27552,"Comen":27553,"Ġcruzada":27554,"Ġatu":27555,"ĠCesar":27556,"Ġnudo":27557,"Ġvertiente":27558,"China":27559,"iqu":27560,"0000":27561,"ĠOcéano":27562,"Ġcómputo":27563,"ĠIntendente":27564,"Ġpodáis":27565,"Ġperiódica":27566,"Ġemocionado":27567,"icadas":27568,"ĠDoug":27569,"ĠlavanderÃŃa":27570,"ĠJennifer":27571,"Ġfiltración":27572,"Ġmezclan":27573,"Ġazule":27574,"Ġpreparativos":27575,"Ġempezará":27576,"Dado":27577,"Ġdejarán":27578,"Ġbromas":27579,"Ġdesconectar":27580,"mg":27581,"Ġinigualable":27582,"ĠBAN":27583,"Análisis":27584,"Ġaumente":27585,"ĠKra":27586,"Ġaportó":27587,"Ġquit":27588,"Ġclon":27589,"Ġavergon":27590,"ĠTap":27591,"ĠConsist":27592,"Ġtraslados":27593,"ĠFrancesa":27594,"Ġestrenará":27595,"Ġseguidor":27596,"ĠÃĤ":27597,"Ġsofisticado":27598,"Ġste":27599,"Ġtemáticos":27600,"Ġcastigar":27601,"Ġafin":27602,"ticen":27603,"Ġomi":27604,"Ġacogerá":27605,"Ġequipar":27606,"ĠQuil":27607,"Ġrecalcó":27608,"caciones":27609,"Ġchistes":27610,"Ġponencias":27611,"Ġinhum":27612,"Ġfuncionaria":27613,"Ġganaderos":27614,"ĠOportun":27615,"Ġblue":27616,"Ġsugerir":27617,"Ġreivindicaciones":27618,"Ġrefrescante":27619,"ència":27620,"ĠPia":27621,"ĠHat":27622,"ĠAgrupación":27623,"Ġjurada":27624,"ĠContralorÃŃa":27625,"Ġdejaban":27626,"Ġimpulsos":27627,"Ġconno":27628,"ñade":27629,"gger":27630,"Ġmarcaron":27631,"Ġmagnética":27632,"Ġhemo":27633,"Ġgrifo":27634,"Foro":27635,"Ġbue":27636,"Ġimpuestas":27637,"ominación":27638,"ĠChristop":27639,"ĠTigre":27640,"!...":27641,"Ġcaducidad":27642,"ĠBruce":27643,"izadora":27644,"Ġanalizó":27645,"Ġcolaborando":27646,"ен":27647,"Cr":27648,"ĠNevada":27649,"Ġdificulta":27650,"ĠGeografÃŃa":27651,"Ġcanario":27652,"Feliz":27653,"Ġpreventivas":27654,"Ġprocesadores":27655,"ĠEMPRESA":27656,"Ġax":27657,"Ġexitosas":27658,"Ġcarisma":27659,"VV":27660,"Ġlimitan":27661,"ĠCámaras":27662,"did":27663,"ĠAmistad":27664,"Ġidentidades":27665,"Ġparcelas":27666,"Ġosteo":27667,"ĠApenas":27668,"riguez":27669,"Ġplugin":27670,"hard":27671,"FP":27672,"uli":27673,"unk":27674,"esel":27675,"Ġlesionado":27676,"Ġarqueológico":27677,"Ġcerrajeros":27678,"tors":27679,"Ġaná":27680,"ĠRecords":27681,"ĠCES":27682,"Ġplásticas":27683,"Ġanchura":27684,"ĠEncan":27685,"Ġatacado":27686,"RS":27687,"Ġdirán":27688,"Ġcontinuos":27689,"Ġdidáctico":27690,"color":27691,"Ġcabelludo":27692,"Ġburbujas":27693,"Ġ650":27694,"Ġfacetas":27695,"abezas":27696,"ĠMÃīXICO":27697,"pina":27698,"Ġecharle":27699,"Pel":27700,"Ġinventado":27701,"Ġfarmacéutico":27702,"Página":27703,"Ġprólogo":27704,"Indic":27705,"Ġése":27706,"Ġcomprueba":27707,"facebook":27708,"Ġfomenta":27709,"ĠefÃŃm":27710,"vania":27711,"Ġcatedrático":27712,"ĠVenus":27713,"ĠPROYEC":27714,"ĠRyan":27715,"comedor":27716,"ĠGarden":27717,"IOR":27718,"ĠYO":27719,"Ġdejarnos":27720,"tizadas":27721,"Ġfianza":27722,"ĠLiz":27723,"ĠOliva":27724,"Ġisl":27725,"ĠGolden":27726,"Ġaptitudes":27727,"Ġcontrata":27728,"Ġopresión":27729,"ĠART":27730,"Ġpedirá":27731,"ĠVIS":27732,"Ġdéj":27733,"ĠNúm":27734,"ĠBosch":27735,"Ġvestida":27736,"ĠMejora":27737,"ĠAhorro":27738,"ÃįTULO":27739,"Ġpersistente":27740,"ĠalegrÃŃas":27741,"ĠMachado":27742,"Ġdetall":27743,"Ġsucesivas":27744,"Ġarqueológicos":27745,"Ġdesma":27746,"Ġtang":27747,"acta":27748,"Ġanemia":27749,"Ġdemandado":27750,"pop":27751,"Ġburocracia":27752,"unte":27753,"Ġperformance":27754,"rÃŃe":27755,"Ġangeles":27756,"isticas":27757,"Ġcolmo":27758,"Vale":27759,"Ġoficialismo":27760,"patri":27761,"Ġcontrarios":27762,"Ġpróstata":27763,"Ġfluidez":27764,"gento":27765,"ĠLibia":27766,"ĠClarÃŃn":27767,"Lee":27768,"gaban":27769,"ĠEslo":27770,"ĠEnvÃŃo":27771,"Ġclav":27772,"Ġenvej":27773,"ĠRGB":27774,"ĠAlcor":27775,"Ġanimaciones":27776,"Ġdamn":27777,"Ġcapacitados":27778,"ĠMD":27779,"Ġdescol":27780,"Ġceremonias":27781,"iley":27782,"Ġpostales":27783,"Ġsimbólica":27784,"ĠLinked":27785,"ĠConec":27786,"Ġabejas":27787,"chel":27788,"ĠEucaristÃŃa":27789,"Ġsuscribir":27790,"ĠMate":27791,"Pablo":27792,"bitros":27793,"Ġapoyó":27794,"adona":27795,"Ġnumeral":27796,"Ġparecidas":27797,"ĠVivir":27798,"Ġesclavo":27799,"Ġvalidación":27800,"John":27801,"Ġporcelana":27802,"Ġelemental":27803,"Ġrevisado":27804,"Ġparámetro":27805,"rigo":27806,"Ġcirug":27807,"ĠAurora":27808,"Ġbuffet":27809,"ĠMexicanos":27810,"Ġmotivaciones":27811,"ĠAA":27812,"ĠJapon":27813,"Ġservirán":27814,"ICIÃĵN":27815,"Ġum":27816,"ĠAnderson":27817,"Ġmédula":27818,"Ġalambre":27819,"Ġhidráulica":27820,"Ġblock":27821,"Ġpredicciones":27822,"abi":27823,"Ġsoldadura":27824,"idable":27825,"Ġindicadas":27826,"ĠPantal":27827,"fón":27828,"Ġmolecular":27829,"zán":27830,"Ġdiscoteca":27831,"ĠSantÃŃsima":27832,"Ġquitó":27833,"ĠDuero":27834,"ĠGrey":27835,"Ġpioneros":27836,"Ġincorporarse":27837,"FIN":27838,"acÃŃ":27839,"Ġmorada":27840,"Ġsonriendo":27841,"Ġcorrectos":27842,"Ġrelató":27843,"ĠAcadémico":27844,"ĠBetis":27845,"ĠTraducción":27846,"fle":27847,"ĠCach":27848,"Ġéticos":27849,"ĠKennedy":27850,"Ġcuen":27851,"ĠcarrocerÃŃa":27852,"Ġleemos":27853,"Ġ106":27854,"Ġrepetidas":27855,"Ġnavideñas":27856,"Ġcabra":27857,"Ġmanager":27858,"Ġcomplicadas":27859,"Ġdinosaurios":27860,"Ġyeso":27861,"Ġhomicidios":27862,"Ġcogiendo":27863,"amental":27864,"Ġfluidos":27865,"icidas":27866,"CaracterÃŃsticas":27867,"Ġaustraliano":27868,"ving":27869,"Ġbrisa":27870,"ĠSpain":27871,"izarro":27872,"Ġartefactos":27873,"ĠFashion":27874,"Ġsumas":27875,"ĠConver":27876,"Ġdesplegar":27877,"Ġhob":27878,"Ġpregunte":27879,"Ġdeterminará":27880,"Ġconcebir":27881,"Ġmercad":27882,"Ġlocaliza":27883,"ĠiT":27884,"ĠSup":27885,"dian":27886,"%;":27887,"ĠEspinosa":27888,"Ġúl":27889,"ĠIberia":27890,"Ġcomparecencia":27891,"Ġrevivir":27892,"Ġgrup":27893,"Ġcontengan":27894,"ĠINTRODUCCIÃĵN":27895,"ĠPrincesa":27896,"ĠDell":27897,"alapa":27898,"ĠGem":27899,"Ġhinch":27900,"ĠJardines":27901,"Ġhidromasaje":27902,"Ġbrindó":27903,"Ġcomponer":27904,"Ġlargometraje":27905,"Ġprivatización":27906,"ĠLet":27907,"guilas":27908,"Ġguiadas":27909,"zuelo":27910,"Ġalmor":27911,"Ġtelevisiva":27912,"ĠAdicionalmente":27913,"zuela":27914,"Ġcráneo":27915,"Ġgeneren":27916,"ĠParedes":27917,"Ġescalar":27918,"Ġforro":27919,"Comer":27920,"Bal":27921,"Ġaumentará":27922,"Ġreivindicación":27923,"onés":27924,"Ġsolista":27925,"bete":27926,"rieta":27927,"tives":27928,"Ñĩ":27929,"Ġhamburguesas":27930,"Ġtuviese":27931,"ĠPrieto":27932,"ĠNin":27933,"ĠKal":27934,"Ġelectri":27935,"Ġreforzado":27936,"Ġfacilitados":27937,"Ġpresupuestaria":27938,"Ġmixto":27939,"Ġdescontento":27940,"Ġtuvi":27941,"Ġdual":27942,"Ġformula":27943,"Ġaspirar":27944,"Ġmicroorganismos":27945,"Ġimped":27946,"ĠsalÃŃan":27947,"Ġoptó":27948,"Ġreservada":27949,"ACA":27950,"Ġcualificados":27951,"Ġalfombras":27952,"Varios":27953,"more":27954,"ĠPozo":27955,"GI":27956,"Ġleones":27957,"Ġvisibil":27958,"ipú":27959,"Ġarrastrar":27960,"Ġdigitalización":27961,"Ġdale":27962,"pea":27963,"Ġconstruidas":27964,"Ġconfiesa":27965,"wall":27966,"Ġprocurar":27967,"Ġeras":27968,"Ġheter":27969,"ĠValdi":27970,"orrupción":27971,"ĠHabitaciones":27972,"ĠcomisarÃŃa":27973,"ĠBrigada":27974,"Promo":27975,"Ġdecorativo":27976,"Ġgrabó":27977,"Ġfrancesas":27978,"ĠSON":27979,"ĠâĢķ":27980,"Ġenchu":27981,"ĠestÃĥ":27982,"ili":27983,"Ġanonimato":27984,"ciudad":27985,"Ġtratos":27986,"Ġdisminuido":27987,"ĠHiper":27988,"Ġliso":27989,"Ġpasteles":27990,"Ġconcern":27991,"TÃŃtulo":27992,"Ġtranspira":27993,"Ġsco":27994,"Ġinsoportable":27995,"UPO":27996,"Ġbut":27997,"Ġimprenta":27998,"Ġdesconocen":27999,"Ġcocinero":28000,"Ed":28001,"ĠBaños":28002,"Ġpelotas":28003,"tail":28004,"Ġhex":28005,"ĠArgel":28006,"inastÃŃa":28007,"ĠPAL":28008,"cillerÃŃa":28009,"Alguna":28010,"Ġcrezca":28011,"Ġapoyada":28012,"WS":28013,"Ġ($":28014,"Ġconviven":28015,"ialis":28016,"Ġilus":28017,"Ġpresenciales":28018,"Ġcasados":28019,"ensores":28020,"ĠEstructura":28021,"Ġetern":28022,"Ġcumplirse":28023,"Ġparticularidades":28024,"Ġbené":28025,"TIA":28026,"gibre":28027,"Ġimpermeable":28028,"ĠCientÃŃfica":28029,"acatecas":28030,"Ġcapitan":28031,"ĠImpacto":28032,"Ġpelir":28033,"Continu":28034,"Ġinterminable":28035,"Ġcasinos":28036,"Ġdesacuerdo":28037,"Ġcarcel":28038,"Ġadquisitivo":28039,"ĠCafe":28040,"ĠLegan":28041,"urdes":28042,"ĠSebastian":28043,"ĠLeyes":28044,"étrica":28045,"Ġdesgraciadamente":28046,"Ġaseguradoras":28047,"ĠHacia":28048,"ĠcurrÃŃculo":28049,"Ġtransitar":28050,"Ġmejore":28051,"Ġviolentas":28052,"ĠTara":28053,"Ġcomercializar":28054,"ĠXiaomi":28055,"Ġcargados":28056,"Ġsentenció":28057,"Ġhumildes":28058,"vergadura":28059,"Ġagresor":28060,"fet":28061,"facto":28062,"Ġrusas":28063,"Ġinsignific":28064,"Villa":28065,"Ġrespetuoso":28066,"GM":28067,"ĠIngles":28068,"Ġemisor":28069,"Ġandroid":28070,"Ġdestrezas":28071,"Ġdaré":28072,"Ġmáscaras":28073,"Ġvalla":28074,"6433":28075,"Be":28076,"Ġservicial":28077,"Ġcapturas":28078,"Ġsupondrá":28079,"Ġempobre":28080,")?":28081,"ĠTenis":28082,"Ġsentirte":28083,"Ġanticipada":28084,"ĠSpider":28085,"cuán":28086,"omasa":28087,"ĠABS":28088,"ĠSQL":28089,"brecht":28090,"Ġocupantes":28091,"Ġfusil":28092,"May":28093,"Ġcascos":28094,"mara":28095,"ucal":28096,"ĠGP":28097,"ĠVallejo":28098,"Ġobstacul":28099,"Ġdetenida":28100,"Ġdesignar":28101,"filia":28102,"Dirección":28103,"Ġreve":28104,"Ġtriang":28105,"Ġespontánea":28106,"Ġrigidez":28107,"Ġfaena":28108,"Ġfontanero":28109,"Ġresonancia":28110,"MON":28111,"Ġjaula":28112,"Ġcostoso":28113,"zará":28114,"Tipo":28115,"ĠPá":28116,"Ġministerios":28117,"CED":28118,"Ġcompletó":28119,"ĠEspecialista":28120,"PAN":28121,"ĠCCOO":28122,"Ġveintena":28123,"ĠColegios":28124,"ARCELONA":28125,"Ġmultim":28126,"Diseñ":28127,"Ġconmemorar":28128,"inamos":28129,"ped":28130,"Ġdirectivas":28131,"Ġpusimos":28132,"Ġalla":28133,"ĠAcompañ":28134,"Ġfundas":28135,"Mol":28136,"Ġentres":28137,"rolet":28138,"ĠNeymar":28139,"town":28140,"ĠmonarquÃŃa":28141,"Ġgela":28142,"Ġsoberano":28143,"Ġdiferenciación":28144,"Ġacelerado":28145,"Ġintemp":28146,"ĠconocÃŃan":28147,"ism":28148,"Ġsemá":28149,"Ġemotivo":28150,"Ġprestando":28151,"Ġideológico":28152,"ĠPontificia":28153,"ciso":28154,"quitas":28155,"Ġsalvado":28156,"Ġhomosexualidad":28157,"cleros":28158,"Ġnaval":28159,"ĠTradi":28160,"clipse":28161,"Ġprorro":28162,"ĠMiembro":28163,"Ġrealizo":28164,"ĠenvÃŃe":28165,"Ġceldas":28166,"ĠSando":28167,"Ġelaboradas":28168,"ancy":28169,"Ġenlaz":28170,"Ġanos":28171,"itarra":28172,"Ġaplicados":28173,"dán":28174,"urÃŃ":28175,"Ġdesesperada":28176,"Ġfarmacéutica":28177,"ĠïĤ·":28178,"ĠDanilo":28179,"Ġcondenó":28180,"ĠisraelÃŃes":28181,"ĠTable":28182,"ĠSangre":28183,"Ġtregua":28184,"lanes":28185,"Ġinsomnio":28186,"ĠBros":28187,"ĠCheca":28188,"ĠgeometrÃŃa":28189,"Ġpasarlo":28190,"Ġenvergadura":28191,"Ġdieciocho":28192,"Ġubicaciones":28193,"Ġproporcionada":28194,"ĠBand":28195,"Ġencontrarnos":28196,"Debe":28197,"ĠAdemas":28198,"ĠAlh":28199,"ĠSonia":28200,"Ġpatata":28201,"Ġencargará":28202,"alimentación":28203,"Ġnulo":28204,"Adi":28205,"ĠWo":28206,"Ġcomprue":28207,"Ġcachorro":28208,"Ġagilizar":28209,"cienden":28210,"Ġgrupal":28211,"ĠTaiw":28212,"ĠSwitch":28213,"Ġcompañia":28214,"Ġdominado":28215,"Ġdialéc":28216,"Ġgene":28217,"ĠRC":28218,"Ġcasting":28219,"Ġcapo":28220,"ĠColombiana":28221,"ĠFÃŃs":28222,"ĠAndorra":28223,"Ġburla":28224,"ecidas":28225,"Ġregaló":28226,"Ġsonoro":28227,"ĠMatt":28228,"Ġvejez":28229,"Ġunica":28230,"Ġcelebraron":28231,"Ġdemocráticas":28232,"Ġlamenta":28233,"Imag":28234,"Ġcuriosidades":28235,"Ġpirata":28236,"Ġambulancia":28237,"Ġalejados":28238,"Ġunieron":28239,"Ġanónimo":28240,"Ġpalanca":28241,"Ġcombinando":28242,"ĠperÃŃmetro":28243,"Ġriendas":28244,"cimos":28245,"ĠBlu":28246,"Ġcilindro":28247,"Ġcancer":28248,"Ġbuses":28249,"Ġdeficiencia":28250,"Ġjesu":28251,"inv":28252,"inista":28253,"Ġfana":28254,"ĠSAT":28255,"Ġparadero":28256,"credi":28257,"ĠâĻ":28258,"ĠEspino":28259,"Ġcontarán":28260,"Ġrepresentó":28261,"ĠDetalles":28262,"ĠhÃŃbrido":28263,"Ġresiste":28264,"Ġemiten":28265,"ĠharÃŃan":28266,"tlán":28267,"ĠCooper":28268,"Ġpracticando":28269,"ĠMáquina":28270,"Diario":28271,"Ġ1955":28272,"Ġrecarga":28273,"Ġiniciarse":28274,"hoto":28275,"ĠOrganismo":28276,"Ġhabrás":28277,"Ġaza":28278,"Ġheteros":28279,"Ġpertenencias":28280,"iloto":28281,"Ġbuscaban":28282,"Ġiluminar":28283,"Ġcuriosamente":28284,"Ġperpetua":28285,"Ġparaguas":28286,"gne":28287,"Inv":28288,"Ġmarcadas":28289,"Ġresidenciales":28290,"dere":28291,"inga":28292,"Ġapariciones":28293,"ferir":28294,"Ġdestacaron":28295,"uster":28296,"Ġhubiere":28297,"Ġbrotes":28298,"Ġexplicaba":28299,"Ġdesarrollador":28300,"Ġexh":28301,"ecerá":28302,"Ġotorgamiento":28303,"Ġelástica":28304,"Ġpensarlo":28305,"Ġlimite":28306,"cimo":28307,"Ġpastilla":28308,"Ġgenerosa":28309,"amaño":28310,"Ġalargar":28311,"ĠATP":28312,"mex":28313,"Ġpenúlti":28314,"Ġpreocupada":28315,"Ġdilema":28316,"Ġsupere":28317,"Ġparticularidad":28318,"Ġascendente":28319,"ĠSituado":28320,"Donde":28321,"ço":28322,"ĠVillarreal":28323,"ĠScar":28324,"Estado":28325,"Ġconju":28326,"LL":28327,"ĠVillas":28328,"ĠKg":28329,"Ġlangos":28330,"Ġadaptadas":28331,"Ġfacilit":28332,"Ġdefraud":28333,"GC":28334,"ĠToluca":28335,"Ġcontrac":28336,"ĠAwards":28337,"ĠFR":28338,"deramiento":28339,"Ġfelicito":28340,"euro":28341,"enn":28342,"Ġvalenciana":28343,"Ġardiente":28344,"ĠSound":28345,"Ġtelevisores":28346,"ĠForal":28347,"Ġprotected":28348,"Ġsingulares":28349,"Ġindependentistas":28350,"Efec":28351,"abro":28352,"Ġpodcast":28353,"Ġdescubrimos":28354,"ĠExtraord":28355,"ĠSatan":28356,"coso":28357,"Ġdeline":28358,"iladel":28359,"Manuel":28360,"ĠReferencia":28361,"ĠPekÃŃn":28362,"Ġerupción":28363,"deremos":28364,"ĠPhotoshop":28365,"Ġaseguradora":28366,"Puedo":28367,"laza":28368,"Ġterminamos":28369,"Ġincrust":28370,"Ġvisitaron":28371,"ĠSkype":28372,"Ġmaldición":28373,"Ġarchipiélago":28374,"Ġpierdan":28375,"Ġposgrado":28376,"Ġjugaron":28377,"Ġdemor":28378,"alias":28379,"Ġenajen":28380,"ĠDIA":28381,"Ġconfiere":28382,"especialmente":28383,"ĠVAN":28384,"Ġsilvestre":28385,"gasta":28386,"Ġpaisaj":28387,"Ġpreguntamos":28388,"Ġobtendrá":28389,"Ġcontaban":28390,"Ġcala":28391,"aut":28392,"Ġsantander":28393,"ĠAbre":28394,"Ġaniquil":28395,"Ġcig":28396,"ĠlÃŃquida":28397,"ejil":28398,"ĠAnn":28399,"Ġhaberle":28400,"ezo":28401,"Ġpenetrar":28402,"rosis":28403,"ĠWik":28404,"Ġmencionan":28405,"ormales":28406,"Ġvendrán":28407,"Ġsótano":28408,"ĠAdultos":28409,"ĠPier":28410,"Ġenfrentado":28411,"Ġviera":28412,"ĠLeopol":28413,"Ġtópicos":28414,"ĠDOMINGO":28415,"ied":28416,"Ġcomplica":28417,"Ġtortilla":28418,"Ġenvuelve":28419,"Ġinterrogantes":28420,"Ġome":28421,"ĠTVE":28422,"Ġdobla":28423,"Ġalimentan":28424,"ĠcaracterÃŃsticos":28425,"VAR":28426,"Ġcarib":28427,"Ġflorales":28428,"Ġproposición":28429,"Ġfiloso":28430,"ful":28431,"Ġcallar":28432,"después":28433,"Ġmeridi":28434,"Ġmotivar":28435,"Ġperciben":28436,"Ġheb":28437,"Ġofrenda":28438,"CategorÃŃas":28439,"Ġconectan":28440,"CAS":28441,"DH":28442,"Ġword":28443,"ĠcaÃŃa":28444,"Ġobligadas":28445,"Ġayudarme":28446,"Ġconspiración":28447,"Ġdeliciosas":28448,"ĠDicen":28449,"ĠGobiernos":28450,"Ġseducir":28451,"Ġdestruye":28452,"Ġestrib":28453,"IDAS":28454,"Ġproporcionados":28455,"ĠJuventus":28456,"Ġiso":28457,"dorf":28458,"Ġrasgo":28459,"ĠDocumento":28460,"ĠRossi":28461,"ĠTECN":28462,"Ġseñas":28463,"Ġdebutó":28464,"ĠSexual":28465,"books":28466,"ĠHispano":28467,"Har":28468,"ĠPiz":28469,"ĠGall":28470,"Ġrecurrentes":28471,"ĠQueen":28472,"ĠFoo":28473,"ĠArts":28474,"icarbonato":28475,"Ġcacer":28476,"veras":28477,"Ġmillonario":28478,"talos":28479,"Ġgrietas":28480,"Ġcualificado":28481,"Quizá":28482,"out":28483,"Ġtun":28484,"Ġarmamento":28485,"ientan":28486,"varo":28487,"Ġ1080":28488,"Ġcapitalistas":28489,"Ġoperado":28490,"Ġ*****":28491,"ĠLittle":28492,"ĠteologÃŃa":28493,"uyeron":28494,"Ġfaculta":28495,"ĠSporting":28496,"ĠNoel":28497,"Ġpienses":28498,"Ġinevitablemente":28499,"dimensional":28500,"ĠVladimir":28501,"Ġalegres":28502,"Ġdesconcer":28503,"Ġpavimento":28504,"OK":28505,"Ġextrava":28506,"TANTE":28507,"Ġalaban":28508,"pulco":28509,"ĠloterÃŃa":28510,"Ġruina":28511,"Ġacidez":28512,"ĠEscribir":28513,"Ġderre":28514,"ĠMajestad":28515,"kt":28516,"Ġgallega":28517,"tori":28518,"Ġover":28519,"Tema":28520,"Ġhúmeda":28521,"Ġdecepcion":28522,"Em":28523,"ango":28524,"ĠMartha":28525,"onic":28526,"Ġfantásticas":28527,"ĠMapa":28528,"monte":28529,"ĠAirlines":28530,"ieblas":28531,"Ġ1957":28532,"online":28533,"Ġmejillas":28534,"ĠThom":28535,"Ġfaciales":28536,"Ġahorra":28537,"ĠLorena":28538,"Ġexistió":28539,"ĠSantana":28540,"Ġdenuncian":28541,"Ġorganizacional":28542,"Trabajo":28543,"ĠDá":28544,"Ġfármaco":28545,"ĠCarrasco":28546,"Ġbenefician":28547,"Ġdelincuente":28548,"Ġalcohólicas":28549,"ĠRevolucionario":28550,"ĠBras":28551,"uello":28552,"QD":28553,"ĠDisponemos":28554,"cesos":28555,"kaia":28556,"Ġteatros":28557,"Ġibérico":28558,"Ġefectuada":28559,"ĠSitios":28560,"Fernando":28561,"Ġestéticos":28562,"Ġbrasileños":28563,"ĠmarÃŃtima":28564,"Ġdetuvieron":28565,"Ġdecisiva":28566,"Ġconcord":28567,"Ġonc":28568,"ĠPHP":28569,"Ġdijimos":28570,"Ġfiables":28571,"ĠAyala":28572,"Ġadversario":28573,"ĠDurán":28574,"Ġcauce":28575,"Ġplaceres":28576,"ĠsintonÃŃa":28577,"Ġvicios":28578,"ĠMucha":28579,"kinson":28580,"Ġdespach":28581,"gés":28582,"endientes":28583,"kee":28584,"ĠContinu":28585,"ĠMoon":28586,"Ġzanahoria":28587,"Ġalmacena":28588,"Ġbb":28589,"toso":28590,"ĠAH":28591,"Ġinfal":28592,"Ġordenanza":28593,"Ġprudente":28594,"Ġconfirmada":28595,"Ġserenidad":28596,"Ġestupe":28597,"ĠCordero":28598,"Ġreconociendo":28599,"evales":28600,"Nombre":28601,"atlón":28602,"ĠTún":28603,"teralmente":28604,"Ġsaltó":28605,"Ġflamante":28606,"Ġcalzada":28607,"Mad":28608,"Ġprudencia":28609,"Ġpianista":28610,"ĠTerror":28611,"Hor":28612,"Ġdespertado":28613,"ining":28614,"Ġcoordinada":28615,"Ġdedico":28616,"Ġnike":28617,"ĠDefensorÃŃa":28618,"Ġátomos":28619,"Ġenro":28620,"bÃŃ":28621,"Ġcentran":28622,"Ġdeco":28623,"ground":28624,"Ġsubsan":28625,"Ġocultas":28626,"Ġasignados":28627,"Ġvillas":28628,"ĠCien":28629,"anamente":28630,"Ġreinos":28631,"piter":28632,"ĠBanca":28633,"Ġagarrar":28634,"Ġexperimentando":28635,"antas":28636,"Ġtelevisivo":28637,"ĠfrigorÃŃfico":28638,"ĠDERE":28639,"Ġâ":28640,"Ġpuntaje":28641,"Ġoz":28642,"ĠrecibÃŃa":28643,"Ġaprecio":28644,"ĠCuevas":28645,"Ġembu":28646,"elet":28647,"ĠEV":28648,"Ġempleadas":28649,"Ġsangrado":28650,"indic":28651,"ĠLé":28652,"ĠiTunes":28653,"tepec":28654,"Ġintervenido":28655,"Ġharto":28656,"Ġpatrocinadores":28657,"Ġpatin":28658,"Ġsabrás":28659,"Cual":28660,"inaba":28661,"Ġpoker":28662,"Ġpremiado":28663,"Ġpreferida":28664,"CIS":28665,"łĢ":28666,"Ġinstructor":28667,"centes":28668,"Ġconsecuente":28669,"Ġdegustación":28670,"ĠFi":28671,"Ġambientación":28672,"Ġarroyo":28673,"Ġreproducciones":28674,"Ġinterviene":28675,"Ġigualar":28676,"ĠMonts":28677,"Ġcondominio":28678,"ĠPRODUC":28679,"ĠLargo":28680,"ĠTas":28681,"Ġport":28682,"---":28683,"Ġfeministas":28684,"Ġkilogramos":28685,"Ġnano":28686,"Ġdesigna":28687,"ĠNegocio":28688,"Ġhemisferio":28689,"ĠolÃŃmpico":28690,"ĠPich":28691,"SerÃŃa":28692,"Ġmatado":28693,"Ġcarteras":28694,"Ġpolaco":28695,"Ġválidos":28696,"Ġdesventajas":28697,"Ġhemorrag":28698,"!âĢĿ.":28699,"ĠcreÃŃdo":28700,"Ġperforación":28701,"onder":28702,"Ġinhal":28703,"Ġsustituye":28704,"indle":28705,"llam":28706,"Ġutilizaba":28707,"Ġcomprensible":28708,"Ġ175":28709,"ĠMorgan":28710,"Ġprever":28711,"Ġofrecerán":28712,"Ġcontinuarán":28713,"iji":28714,"dirección":28715,"feria":28716,"Ġcompatriotas":28717,"Ġaccionista":28718,"Sigue":28719,"ĠFuera":28720,"SP":28721,"ĠExpres":28722,"Ġatrapados":28723,"view":28724,"Ġtierno":28725,"ĠHablamos":28726,"Ġdevenir":28727,"ĠaverÃŃa":28728,"ienten":28729,"Ġconcejala":28730,"NG":28731,"avi":28732,"Ġchalet":28733,"blado":28734,"ĠDependiendo":28735,"ĠBin":28736,"Ġnobleza":28737,"Ġinformando":28738,"Ġexistencias":28739,"Ġllegados":28740,"ĠClasificación":28741,"ĠAgropecu":28742,"Ġdesarrollarán":28743,"ĠJuntos":28744,"RT":28745,"Ġcumplieron":28746,"Ġgenero":28747,"Ġmafia":28748,"ĠEnv":28749,"kov":28750,"Ġcertificada":28751,"Ġconson":28752,"ĠOrganiza":28753,"bps":28754,"Ġmatando":28755,"Ġcesar":28756,"odo":28757,"xicación":28758,"Ġexcluidos":28759,"Ġtesor":28760,"IZA":28761,"ĠSand":28762,"Ġaguacate":28763,"Ġbotán":28764,"Ġligados":28765,"ĠAven":28766,"Ġacuario":28767,"Fal":28768,"Ġgrama":28769,"ĠAntropologÃŃa":28770,"Ġsalariales":28771,"Ġenviaremos":28772,"ĠDATOS":28773,"EMOS":28774,"Ġautonómicas":28775,"Ġcohesión":28776,"ILI":28777,"Ġcirculan":28778,"Ġyihad":28779,"Ġperfumes":28780,"puso":28781,"Ġelástico":28782,"ĠCreemos":28783,"ARROL":28784,"Ġfeb":28785,"Precisamente":28786,"ĠIndias":28787,"Ġespionaje":28788,"Ġexistiendo":28789,"ĠZamb":28790,"ĠClases":28791,"fren":28792,"Ġdictada":28793,"Ġhala":28794,"ivia":28795,"ĠLenin":28796,"ĠGuinea":28797,"Ġhablaban":28798,"OMBRE":28799,"Ġcivilizaciones":28800,"ĠRefug":28801,"mez":28802,"Juego":28803,"ĠSav":28804,"Ġtrago":28805,"Ġbitcoin":28806,"ĠBC":28807,"ĠSOCIAL":28808,"ĠCuesta":28809,"Ġmovido":28810,"Ġconsideren":28811,"Ġpodes":28812,"ĠCampeón":28813,"Ġsupervisar":28814,"Ġeyac":28815,"âĢ²":28816,"ĠTito":28817,"tiempos":28818,"äº":28819,"ĠPrivada":28820,"Ġsubmarino":28821,"Ġestira":28822,"eciera":28823,"Ġculminó":28824,"orización":28825,"Ġmigratoria":28826,"Ġfiltraciones":28827,"Ġfracasos":28828,"Ġfestejar":28829,"Ġconfesar":28830,"ĠShakespeare":28831,"Ġlona":28832,"ĠLL":28833,"ERIA":28834,"ĠIk":28835,"Ġpreceptos":28836,"Ġfuncionado":28837,"Ġcomentan":28838,"Ġpropagación":28839,"ĠAñadir":28840,"ayuda":28841,"Ġcuanta":28842,"Ġpisar":28843,"tainment":28844,"Ġaras":28845,"Ġinterpretada":28846,"ĠsanguÃŃneos":28847,"ĠArchivos":28848,"ĠNinguna":28849,"Ġbár":28850,"Ġpescar":28851,"Ġplátano":28852,"Ġvertebral":28853,"ĠPROGRAMA":28854,"Ġproporcionará":28855,"flu":28856,"ĠmamÃŃferos":28857,"Ġvom":28858,"Ġredactar":28859,"Ġfresas":28860,"istem":28861,"ĠCanon":28862,"Ġcóctel":28863,"Ġcomensales":28864,"Ġreproduce":28865,"Ġpirámide":28866,"Ġandadura":28867,"ĠChur":28868,"Ġrefuerzos":28869,"Ġencontrarlo":28870,"tizo":28871,"ĠRetiro":28872,"Ġfisio":28873,"ĠCapilla":28874,"Ġagregando":28875,"Ġgerencia":28876,"1994":28877,"Ġbolivianos":28878,"Ġcuat":28879,"Ġcompacta":28880,"Ġapta":28881,"Ġpresentador":28882,"Ġmundialmente":28883,"enovela":28884,"Ġusur":28885,"Ġsanas":28886,"Ġdistorsion":28887,"Ġrecomendados":28888,"vd":28889,"Ġplanear":28890,"Ġhipote":28891,"bury":28892,"Ġapasiona":28893,"ĠOsorio":28894,"ruguaya":28895,"Ġcontroladores":28896,"Ġcariñosa":28897,"feos":28898,"ĠEinstein":28899,"ĠNeo":28900,"Ġlanzan":28901,"Ġsometidas":28902,"Ġadversas":28903,"ĠEje":28904,"Ġvestidor":28905,"jemplos":28906,"ĠAquellos":28907,"ternas":28908,"page":28909,"Ġexigiendo":28910,"Ġconvenga":28911,"tidora":28912,"Ġalgoritmos":28913,"Ġinfusión":28914,"ĠepÃŃ":28915,"Sam":28916,"tijo":28917,"isima":28918,"ĠFreud":28919,"ĠNigeria":28920,"tinales":28921,"Ġcomplacer":28922,"ĠHOR":28923,"Ġsignifican":28924,"Ġevolucionando":28925,"Observ":28926,"vÃŃn":28927,"Ġresultará":28928,"tológicas":28929,"Tel":28930,"Ġperra":28931,"Ġcás":28932,"ĠHecho":28933,"Ġmentalmente":28934,"Ġperdonar":28935,"etano":28936,"uladores":28937,"ĠDestac":28938,"1000":28939,"ĠConv":28940,"Ġadoración":28941,"ĠParticip":28942,"Ġparó":28943,"ñeta":28944,"ÃŃpro":28945,"Ġcontrasta":28946,"teando":28947,"mercado":28948,"ĠMáximo":28949,"Aprovech":28950,"ionada":28951,"positivo":28952,"Ġocular":28953,"Ġdesemboc":28954,"ĠÑģ":28955,"Ãľ":28956,"ofici":28957,"Ġmultimillon":28958,"Ġcibern":28959,"exper":28960,"ĠMonasterio":28961,"Ġselectivo":28962,"Ġtemblor":28963,"Ġsalgo":28964,"ĠVEN":28965,"ĠpertenecÃŃa":28966,"Ġportafolio":28967,"Ġfenomenal":28968,"buena":28969,"click":28970,"Ġ111":28971,"Ġafecciones":28972,"Ġanunciantes":28973,"ĠleÃŃa":28974,"Ġobservador":28975,"Ġnarices":28976,"Just":28977,"Ġmesti":28978,"Ġlámina":28979,"Ġfabricadas":28980,"Ġdiverso":28981,"Ġcolombianas":28982,"Ġcue":28983,"ĠAlfa":28984,"ciòn":28985,"Ġoscil":28986,"Ġdesconocidas":28987,"Ġcreces":28988,"ĠIntelectual":28989,"Ġsuenan":28990,"Ġbienvenido":28991,"Ġbalcones":28992,"Ġinterroga":28993,"doy":28994,"Ġburocr":28995,"crÃŃ":28996,"Ġtambor":28997,"wen":28998,"ĠMaratón":28999,"Ġdiesel":29000,"ográfico":29001,"ĠBlackBerry":29002,"Ġimplementa":29003,"Ġdiscreta":29004,"ĠCusco":29005,"Ġabro":29006,"ĠAuditorÃŃa":29007,"Ġcoque":29008,"ĠBeltrán":29009,"Ġtenencia":29010,"Ġdemostraron":29011,"Nav":29012,"Ġgobierna":29013,"Ġlanzando":29014,"Ġaceptando":29015,"ĠComprom":29016,"Ġempujar":29017,"Ġreleg":29018,"ĠDD":29019,"Ġtendido":29020,"Ġperonismo":29021,"Ġsantidad":29022,"Ġimplac":29023,"Ġmascarilla":29024,"Gonz":29025,"Ġpower":29026,"ĠSuite":29027,"Ġtacos":29028,"Ġtenes":29029,"ĠHabitación":29030,"Ġsellado":29031,"gus":29032,"tini":29033,"Ġescru":29034,"vivencia":29035,"Ġevoc":29036,"Ġcrueldad":29037,"gana":29038,"ĠBenjamÃŃn":29039,"ĠRazón":29040,"ĠRecientemente":29041,"Ġintegrarse":29042,"Ġalejada":29043,"ĠMoy":29044,"vedades":29045,"ĠColon":29046,"ĠPatronato":29047,"Ġcerraron":29048,"Ġdecretos":29049,"ĠDinero":29050,"Ġterapéutica":29051,"ylon":29052,"Ġnicho":29053,"ajajaja":29054,"Ġverga":29055,"ĠTesis":29056,"Ġasequibles":29057,"Ġépica":29058,"Ġrotos":29059,"Ġasentamiento":29060,"ĠManif":29061,"Ġabarcan":29062,"ricense":29063,"éndolos":29064,"Salud":29065,"Ġexcre":29066,"Ġconcient":29067,"¡¡¡":29068,"rop":29069,"Ġdespropor":29070,"ĠposeÃŃa":29071,"Ġbin":29072,"ĠRita":29073,"Ġdióxido":29074,"Ġviñedos":29075,"Ġinsistencia":29076,"Ġgolp":29077,"Ġcocido":29078,"Ġintriga":29079,"ĠBernabé":29080,"110":29081,"Ġemin":29082,"racle":29083,"Ġenviaron":29084,"utación":29085,"Ġaltavoz":29086,"Ġinalámbrico":29087,"Ġrezar":29088,"Ġderivar":29089,"Trad":29090,"Ġindex":29091,"Venezuela":29092,"liber":29093,"ĠEndesa":29094,"Ġaeronave":29095,"Ġencajar":29096,"ĠCarri":29097,"Ġcapucha":29098,"Ġcostera":29099,"ĠCoco":29100,"ĠLEY":29101,"ĠVodafone":29102,"ĠBartolomé":29103,"tarle":29104,"TAC":29105,"js":29106,"ásicos":29107,"Ġpatrulla":29108,"Ġmacroecon":29109,"Ġbatido":29110,"Detal":29111,"ĠArtic":29112,"ĠOlga":29113,"ozca":29114,"Ġnovedosa":29115,"uerpos":29116,"?!":29117,"ĠCierre":29118,"ĠOld":29119,"ĠAgencias":29120,"Ġlistados":29121,"Ġcómplice":29122,"Ġ×":29123,"Ġrondas":29124,"Ġprofundidades":29125,"ĠastrologÃŃa":29126,"Ġadyac":29127,"Ġhot":29128,"Ġbab":29129,"Ġbarri":29130,"Ġpublicará":29131,"Ġeliminatoria":29132,"xito":29133,"Buena":29134,"ĠFos":29135,"Ġmaderas":29136,"Ġñ":29137,"ĠGale":29138,"Cat":29139,"Ġdiger":29140,"Ġ109":29141,"Ġaugu":29142,"élicos":29143,"Ġcolocados":29144,"icerÃŃa":29145,"Ġcortina":29146,"++":29147,"ĠQuerÃŃa":29148,"Ġvendo":29149,"MD":29150,"Ġembo":29151,"Javier":29152,"unch":29153,"Ġmiramos":29154,"Ġefectúa":29155,"Ġanfitriones":29156,"Ir":29157,"algun":29158,"ĠSeleccione":29159,"PodrÃŃa":29160,"Ġpresas":29161,"Ġ1956":29162,"Ġsubsecretario":29163,"asto":29164,"ĠEstrellas":29165,"ĠKle":29166,"Ġcolocarse":29167,"Ġmodular":29168,"Ġexperimentados":29169,"bable":29170,"Ġacordaron":29171,"Ġcontracción":29172,"Ġaprendan":29173,"ĠAntár":29174,"Ġamericanas":29175,"Ġenseño":29176,"rillero":29177,"Ġexplotaciones":29178,"Ġparis":29179,"Ġdepartamental":29180,"Ġpulido":29181,"Ġtransexuales":29182,"Ġreflec":29183,"letter":29184,"amaha":29185,"ĠMagazine":29186,"ĠMétodo":29187,"ĠTÃīCN":29188,"ĠBit":29189,"orne":29190,"Ġsuspens":29191,"Ġabundan":29192,"ĠSantam":29193,"Ġrepresentaba":29194,"blema":29195,"ĠFase":29196,"Ġsolidez":29197,"Ġinsistido":29198,"ĠpÃŃxeles":29199,"ĠPadilla":29200,"ĠFlex":29201,"Ġusual":29202,"Ġenérg":29203,"Ġsaliera":29204,"ĠTipos":29205,"Ġsurgimiento":29206,"ĠDivina":29207,"Seguramente":29208,"Ġ[+]":29209,"Ġoriginaria":29210,"Ġpodeis":29211,"Ġrodillo":29212,"ĠUEFA":29213,"Ġmonopolio":29214,"Ġentras":29215,"Ġgasolin":29216,"Ġechando":29217,"Ġgrabada":29218,"Ġvibrante":29219,"Igual":29220,"iño":29221,"ĠBL":29222,"ĠValley":29223,"Ġcompramos":29224,"Ġdivulgar":29225,"ĠSalva":29226,"ĠPinterest":29227,"ĠTouch":29228,"Daniel":29229,"táneos":29230,"ĠRevisión":29231,"Ġentier":29232,"ĠBatalla":29233,"Ġgallina":29234,"Ġcomprenden":29235,"Ġescuad":29236,"Ġcalienta":29237,"wal":29238,"ĠConsulte":29239,"Ġnavideña":29240,"Ele":29241,"ĠâĢľâĢ¦":29242,"Ġazúcares":29243,"Ġminimalista":29244,"ĠEstrada":29245,"Ġafecten":29246,"Us":29247,"Ġtó":29248,"Ġtrabajaron":29249,"Ġadaptaciones":29250,"ĠEQU":29251,"ĠVid":29252,"Ġconstituyó":29253,"Ġpresenciar":29254,"Precio":29255,"Ġaperitivo":29256,"ĠCURSO":29257,"Ġexplique":29258,"Alemania":29259,"Ġextremidades":29260,"Ġreglamentación":29261,"ĠclÃŃ":29262,"ĠElabor":29263,"túen":29264,"Ġgastado":29265,"iiii":29266,"Ġgalo":29267,"ĠVehÃŃculos":29268,"año":29269,"eland":29270,"Ġbata":29271,"Ġleyó":29272,"ĠPicasso":29273,"Ġok":29274,"Ġnot":29275,"ĠNapole":29276,"Flor":29277,"libre":29278,"*)":29279,"ĠSolamente":29280,"CUR":29281,"ĠTun":29282,"ĠGMT":29283,"thon":29284,"Ġcarbon":29285,"ĠAlmagro":29286,"sonaro":29287,"Ġacusada":29288,"Ġadmin":29289,"Ġeru":29290,"Ġalérg":29291,"Ġacabará":29292,"ĠBárbara":29293,"Mucho":29294,"Ġobl":29295,"Ġpauta":29296,"Ġcamisas":29297,"Ġmitigar":29298,"ónima":29299,"ĠTEN":29300,"Ġobedece":29301,"ĠDescuento":29302,"ĠtenÃŃas":29303,"poco":29304,"Cola":29305,"UER":29306,"Ġincorrecto":29307,"Ġcomputador":29308,"Ġsimpatizantes":29309,"Ġsituar":29310,"Ġreportajes":29311,"Ġgesta":29312,"Ġmamás":29313,"ĠVergara":29314,"erme":29315,"Ġapostado":29316,"enzamos":29317,"Ġprevisible":29318,"tuando":29319,"Ġrepresentativo":29320,"IONES":29321,"Ġnavideño":29322,"Ġrecreativas":29323,"Ġut":29324,"ĠApartamento":29325,"Ġapela":29326,"itcoins":29327,"Ġв":29328,"amanga":29329,"ĠComb":29330,"Ġreferir":29331,"Ġdescubierta":29332,"Ġrodeados":29333,"ĠminorÃŃas":29334,"ĠcontenÃŃa":29335,"Ġvertig":29336,"Ġcelebrarse":29337,"ICACIONES":29338,"ĠCochabamba":29339,"eal":29340,"Ġmedioambiente":29341,"ĠPau":29342,"Ġinicie":29343,"iser":29344,"Ġdescritos":29345,"ĠBloque":29346,"Ġretribución":29347,"Ġvillano":29348,"hou":29349,"Ġenseñando":29350,"ĠJohnny":29351,"ĠconfÃŃan":29352,"ĠPolÃŃtico":29353,"ĠPráctica":29354,"ĠCardenal":29355,"Ġautobio":29356,"Ġvideoclip":29357,"ĠCátedra":29358,"ĠMecánica":29359,"ĠRecetas":29360,"tivación":29361,"ĠRuss":29362,"apropi":29363,"Ġbrasil":29364,"Ġempap":29365,"grana":29366,"Ġfitness":29367,"Ġboy":29368,"Ġradial":29369,"Ġgozan":29370,"ĠIdentidad":29371,"Ġinel":29372,"ĠNoreste":29373,"Ġpelis":29374,"Ġguay":29375,"Ġdireccion":29376,"Ġone":29377,"Ġriñones":29378,"ĠAus":29379,"Ġpesadas":29380,"ĠAND":29381,"peto":29382,"iedo":29383,"Ġsensualidad":29384,"Ġincrementos":29385,"dinámica":29386,"Ġporos":29387,"Ġelo":29388,"laneda":29389,"ĠIntervención":29390,"ο":29391,"Informe":29392,"Ġdesahu":29393,"Ġpremiados":29394,"ahuila":29395,"Ġgolpeado":29396,"Ġesposas":29397,"Ġ.-":29398,"ĠPeters":29399,"Ġconducto":29400,"Ġamarillos":29401,"Ġlong":29402,"Ġencantará":29403,"Ġancestral":29404,"Ġcomete":29405,"Ġacarre":29406,"AV":29407,"oms":29408,"Ġrepel":29409,"ambla":29410,"ĠLord":29411,"Ġgrand":29412,"cules":29413,"Ġfumadores":29414,"ĠBayern":29415,"ĠCris":29416,"Ġsirio":29417,"Ġocéanos":29418,"Ġequilibrar":29419,"lisis":29420,"ĠEth":29421,"Ġmanic":29422,"Ġdoscientos":29423,"Ġgalardonado":29424,"Ġporteño":29425,"Ġnociones":29426,"quiz":29427,"ĠMob":29428,"ĠNotas":29429,"ĠAgrade":29430,"ĠSat":29431,"Ġcelo":29432,"Ġevalúa":29433,"ĠArizona":29434,"Ġpuros":29435,"Ġagotamiento":29436,"UV":29437,"FR":29438,"ĠPAC":29439,"Ġvaqueros":29440,"ĠCabello":29441,"working":29442,"peros":29443,"yon":29444,"Ġnon":29445,"Ġinna":29446,"BAS":29447,"Ġdefensivo":29448,"Ġcorrespondan":29449,"Ġsolicitantes":29450,"Ġballet":29451,"Ġamarillas":29452,"CESO":29453,"Ġpronósticos":29454,"ĠJOS":29455,"Ġembra":29456,"Ġcomparable":29457,"Ġestructurado":29458,"Ġcondujo":29459,"Ġlujoso":29460,"Ġgeográficas":29461,"Ġmediterráneo":29462,"ĠSarah":29463,"endadas":29464,"ĠYA":29465,"Ġcertificaciones":29466,"Ġubicó":29467,"geci":29468,"ymp":29469,"Ġhits":29470,"quiere":29471,"Ġrectangular":29472,"ĠGeorgia":29473,"Aparte":29474,"ĠVisión":29475,"ĠAcce":29476,"Ġencarn":29477,"Ġcobrado":29478,"Ġdesequilibrio":29479,"pac":29480,"ĠRevis":29481,"ĠGun":29482,"tese":29483,"Ġfax":29484,"icina":29485,"Ġdiagrama":29486,"Ġmariposas":29487,"Sea":29488,"ĠTib":29489,"Ġdominicana":29490,"Ġrubros":29491,"Ġmapuche":29492,"ĠVigilancia":29493,"Ġimplicado":29494,"Ġpoético":29495,"Ġtenta":29496,"Ġmejorada":29497,"Ġganados":29498,"ĠcardÃŃaca":29499,"Ġratificó":29500,"Ġimpulsando":29501,"Seguimos":29502,"Cab":29503,"Ġredund":29504,"ETA":29505,"Ġfotocopia":29506,"ĠLamentablemente":29507,"ĠComando":29508,"Ġplatillos":29509,"Ġpanes":29510,"Ġagroalim":29511,"ĠTerapia":29512,"Ġcazador":29513,"Ġsuspiro":29514,"Ġcubriendo":29515,"Ġtonalidades":29516,"Ġagobi":29517,"Ġsendas":29518,"ĠDecora":29519,"Ġmemorable":29520,"Ġchispa":29521,"Ġenriquecimiento":29522,"ures":29523,"Ġsentirnos":29524,"itano":29525,"Ġotorgada":29526,"Ġgeográfico":29527,"Ġvernos":29528,"Ġemisoras":29529,"ĠPIN":29530,"Åį":29531,"Ġflechas":29532,"clerosis":29533,"Ġcongén":29534,"ĠVaya":29535,"Ġverlas":29536,"Ġpenins":29537,"ĠFarmac":29538,"Ġplantaciones":29539,"ĠMilan":29540,"ĠcreÃŃan":29541,"icks":29542,"ĠSurf":29543,"Habrá":29544,"zosa":29545,"Ġaud":29546,"ĠExplorer":29547,"Ġconsiderará":29548,"Ġirrad":29549,"four":29550,"Ġnarcotra":29551,"Ġpillar":29552,"ARES":29553,"Ġmantenerlo":29554,"Ġinterruptor":29555,"eds":29556,"mediatamente":29557,"ĠEnglish":29558,"ERG":29559,"Ġcigarrillos":29560,"juelas":29561,"ĠPinto":29562,"bada":29563,"Ġpil":29564,"Ġfav":29565,"Ġmontos":29566,"BOR":29567,"Ġprós":29568,"Ġdignos":29569,"Ġrevan":29570,"étrico":29571,"Ġcorrelación":29572,"Ġsentar":29573,"Ġestablecieron":29574,"Ġpajar":29575,"Ġacabas":29576,"Ġbook":29577,"Ġenfocados":29578,"Ġilimitado":29579,"Ġdisfruto":29580,"Ġproductoras":29581,"Ġelementales":29582,"ĠCNN":29583,"Ġdispersión":29584,"Ġpublicaron":29585,"Ġmudanza":29586,"Ġtacones":29587,"Ġrepasar":29588,"Ġgenuino":29589,"iev":29590,"Ġresi":29591,"Ġuni":29592,"Ġunilateral":29593,"Ġcansados":29594,"ĠCAT":29595,"cosas":29596,"Ġvotaron":29597,"Ġsurre":29598,"ĠOficiales":29599,"ĠJurÃŃdica":29600,"Ġdisfunción":29601,"ĠsanguÃŃnea":29602,"Ġasimilar":29603,"Ġsusceptible":29604,"ĠScience":29605,"landesa":29606,"Presentación":29607,"cibles":29608,"Ġcumplirá":29609,"ĠPraga":29610,"Ġcavidad":29611,"bec":29612,"Ġamueblado":29613,"Ġbecause":29614,"ĠPodrá":29615,"eather":29616,"ĠProblemas":29617,"auto":29618,"Ġintroduciendo":29619,"ĠCriminal":29620,"Sim":29621,"head":29622,"ĠVieja":29623,"lanco":29624,"down":29625,"Ġvincular":29626,"ĠIDE":29627,"ĠVeamos":29628,"Termin":29629,"Ġrodado":29630,"Ġlejanos":29631,"Ġseré":29632,"Ġnitrógeno":29633,"Ġadoptó":29634,"Ġcotidianos":29635,"ĠiPod":29636,"Ġapropiación":29637,"Ġquitarse":29638,"Ġdescansa":29639,"ĠFujim":29640,"Apartamento":29641,"tificados":29642,"Ġdesestabil":29643,"Ġsensacional":29644,"Facebook":29645,"Ġlegalización":29646,"lf":29647,"ĠPienso":29648,"Ġclor":29649,"muchas":29650,"ĠPrue":29651,"Ġeficazmente":29652,"ĠpondrÃŃa":29653,"Ġoperando":29654,"Ġshock":29655,"Ġsucu":29656,"itarismo":29657,"Ġcelebrarán":29658,"Ġconciliar":29659,"hombre":29660,"ĠArsenal":29661,"Ġdevor":29662,"Ġemplazamiento":29663,"Ġancl":29664,"ogue":29665,"ĠKer":29666,"ĠDesn":29667,"ĠFunciones":29668,"Ġperjudicar":29669,"ĠProme":29670,"Ġmotocicletas":29671,"Ġtrabajen":29672,"herine":29673,"ĠInformes":29674,"ĠSUV":29675,"ĠCero":29676,"ĠDallas":29677,"Ġmodifican":29678,"Ġpañales":29679,"ĠCarles":29680,"Ġderivan":29681,"ump":29682,"Inf":29683,"Ġfabuloso":29684,"Ġprofetas":29685,"Ġponerla":29686,"ĠSquare":29687,"ĠComunitat":29688,"Ġdistribuidas":29689,"ĠDirectivo":29690,"Ġabstracto":29691,"Ġlino":29692,"trato":29693,"Ġblas":29694,"ĠSÃŃndrome":29695,"Ġmágicas":29696,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":29697,"ĠEf":29698,"ĠVela":29699,"Ġviajado":29700,"Ġacumulan":29701,"álida":29702,"ĠpedagogÃŃa":29703,"Ġalti":29704,"Ġexigido":29705,"Ġenteramente":29706,"Ġrond":29707,"Ġmariscos":29708,"Ġdelegada":29709,"erios":29710,"Ġcancion":29711,"Ur":29712,"ĠAmo":29713,"amilia":29714,"Ampl":29715,"tÃŃfice":29716,"Ġóxido":29717,"Ġirritación":29718,"ĠinequÃŃ":29719,"ĠKur":29720,"ĠcarpinterÃŃa":29721,"Ġprag":29722,"Ġopuestos":29723,"ĠWarner":29724,"Ġpedagógica":29725,"Ġentrañable":29726,"Ġchampú":29727,"sul":29728,"Ġarterias":29729,"Ġdecidan":29730,"ĠBenedicto":29731,"comunicación":29732,"Ġconcesionario":29733,"Mos":29734,"ĠanatomÃŃa":29735,"Ġanhelo":29736,"Ġhipoc":29737,"ĠPAT":29738,"Ġrepercusiones":29739,"Ġandaluces":29740,"ĠTLC":29741,"comple":29742,"Ġopen":29743,"ĠSagrado":29744,"Ġrejuven":29745,"ĠGarrido":29746,"Ġdemar":29747,"Ġchorro":29748,"ĠLP":29749,"Ġdentista":29750,"ĠLig":29751,"Ġdisfrutaron":29752,"Hubo":29753,"tires":29754,"Ġdesist":29755,"Ġdeterminantes":29756,"Ġbancada":29757,"incido":29758,"ĠEras":29759,"ĠSeis":29760,"Ġkey":29761,"ĠHear":29762,"Ġcoach":29763,"Ġfreelance":29764,"Ġadjudica":29765,"Ġmaduración":29766,"Ġacreedor":29767,"ĠCoro":29768,"ĠKi":29769,"ĠContratación":29770,"rÃŃamos":29771,"ĠAve":29772,"Ġagradecemos":29773,"Ġmuestro":29774,"Ġformativos":29775,"Ġescaparate":29776,"./":29777,"Ġ1947":29778,"hibió":29779,"Ġbucal":29780,"Ġpuños":29781,"Ġcerdos":29782,"Ġrepresentativa":29783,"dl":29784,"ĠRendi":29785,"Ġfallado":29786,"Ġrepleta":29787,"psic":29788,"Ãģn":29789,"Ġdiagnosticar":29790,"sticamente":29791,"Ġdeberia":29792,"Ġlanzará":29793,"contramos":29794,"Ġconsolida":29795,"irmar":29796,"ĠToni":29797,"Ġinacep":29798,"Ġentor":29799,"ticismo":29800,"ĠParques":29801,"Ġenviadas":29802,"Ġgaranticen":29803,"ĠNieves":29804,"ĠHad":29805,"nombre":29806,"Conocer":29807,"Ġseñaladas":29808,"Ġcriado":29809,"amia":29810,"ĠPoint":29811,"Ġfotografiar":29812,"ĠConcejalÃŃa":29813,"Ġdesil":29814,"Ġefectuará":29815,"ĠVotos":29816,"Ġprotegerse":29817,"ĠAutos":29818,"Ġblues":29819,"INS":29820,"Ġbeneficiado":29821,"Ġrepetido":29822,"ĠCabeza":29823,"Ġguia":29824,"Ġfiltrado":29825,"Ġacercaba":29826,"Ġenclave":29827,"ÃŃbulo":29828,"Ġmayúsculas":29829,"ĠIna":29830,"orestación":29831,"ĠKh":29832,"Ġasesorar":29833,"Atención":29834,"Ġpolos":29835,"ĠNecesitamos":29836,"Ġsobremesa":29837,">":44060,"ĠDID":44061,"Pasamos":44062,"ĠTemuco":44063,"ĠDrag":44064,"ĠPata":44065,"ĠUrdan":44066,"Ġmona":44067,"ĠCIS":44068,"ĠFama":44069,"cadena":44070,"Ġusuarias":44071,"ĠSOLU":44072,"ĠAluminio":44073,"ĠIndicadores":44074,"Card":44075,"drada":44076,"ĠDependencia":44077,"abank":44078,"ĠPROCESO":44079,"ofer":44080,"Ġ301":44081,"ĠEslovenia":44082,"ñé":44083,"conserv":44084,"ĠInclus":44085,"Ġasedio":44086,"Ġplanean":44087,"Ġ!!!!":44088,"ciclo":44089,"Ġ222":44090,"ĠÃŃnf":44091,"ĠOriol":44092,"étricas":44093,"Ġnoté":44094,"Ġmoralmente":44095,"Ġinstalacion":44096,"Ġfluvial":44097,"Ġcofre":44098,"Ġtuits":44099,"ĠFormas":44100,"Ġdemocratización":44101,"Ġinseparable":44102,"vear":44103,"ganeso":44104,"ĠSeúl":44105,"ĠKane":44106,"ĠNacimiento":44107,"Ġincluimos":44108,"ĠBaham":44109,"Ġprefieras":44110,"Ġencajan":44111,"ĠCd":44112,"Ġignorando":44113,"ĠBotánico":44114,"todavÃŃa":44115,"Ġescribas":44116,"Ġcontarles":44117,"Ġmostraremos":44118,"Ġmilenaria":44119,"ĠEtiopÃŃa":44120,"fat":44121,"ĠlogÃŃsticos":44122,"Ġdespreciable":44123,"Ġadministrados":44124,"Ġextremistas":44125,"ĠCastellana":44126,"ĠOBJETIVO":44127,"igua":44128,"ĠDH":44129,"Ġactuaron":44130,"ĠFinancial":44131,"Ġdibujado":44132,"ĠBerme":44133,"IVO":44134,"Ġpormenor":44135,"bero":44136,"Ġinep":44137,"Ġpensador":44138,"Ġradiadores":44139,"ĠDetalle":44140,"Ġtirador":44141,"ĠEstudiante":44142,"ĠGaudÃŃ":44143,"Ġincursion":44144,"ĠForn":44145,"ĠBoda":44146,"Ġadopte":44147,"ĠmandÃŃbulas":44148,"erias":44149,"IGA":44150,"ĠPortuaria":44151,"Ġfetiche":44152,"Porno":44153,"brazo":44154,"Ġagrupan":44155,"ĠSIEMPRE":44156,"usimos":44157,"ĠCastil":44158,"Ġsustentar":44159,"Ġmetamor":44160,"Ġculos":44161,"Ġétnicos":44162,"Vie":44163,"deria":44164,"Ġpruebe":44165,"ĠProveedores":44166,"pet":44167,"ĠRedonda":44168,"Ġosteoporosis":44169,"ĠZambrano":44170,"MÃī":44171,"ĠAdver":44172,"ĠPeñal":44173,"Ġastr":44174,"Cursos":44175,"Ġtrabajarán":44176,"ĠTupper":44177,"Buscando":44178,"Ġsumergirse":44179,"Ġsucias":44180,"ĠRama":44181,"Ġjinete":44182,"ĠBarajas":44183,"ĠJugar":44184,"ĠBarceló":44185,"Ġhé":44186,"Ġsintaxis":44187,"ĠcentÃŃmetro":44188,"Ġrecalcar":44189,"bacteri":44190,"adur":44191,"ĠEnju":44192,"ĠCasillas":44193,"Ġoligo":44194,"Ġmostrarte":44195,"omware":44196,"Ġrecurrido":44197,"Ġpenúltima":44198,"Ġpatógenos":44199,"Ġpreex":44200,"Ġcancela":44201,"Ġcaracterizar":44202,"]:":44203,"oneta":44204,"guos":44205,"Ġbater":44206,"Ġautocar":44207,"ĠSudán":44208,"dfunding":44209,"Ġexcus":44210,"Ġevidencian":44211,",..":44212,"sho":44213,"Ġvolcar":44214,"Ġcontarte":44215,"Ġbenéf":44216,"ĠRecibir":44217,"depor":44218,"ĠSES":44219,"herán":44220,"ĠCosme":44221,"ĠMención":44222,"Ġbachiller":44223,"й":44224,"ĠLI":44225,"Ġdictadas":44226,"Ġdestellos":44227,"Ġayudaran":44228,"ĠUrquiza":44229,"ĠJueces":44230,"ERTA":44231,"ILLO":44232,"Ġ=)":44233,"Ġtúnica":44234,"Ġadhesiva":44235,"letes":44236,"Ġpolim":44237,"Ġtortillas":44238,"ĠBusque":44239,"Ġninja":44240,"Ġvolcánica":44241,"Libre":44242,"zone":44243,"alud":44244,"ĠMeza":44245,"Ġ(?)":44246,"ificas":44247,"ĠTrastornos":44248,"Ġbancarrota":44249,"ĠSAM":44250,"Ġtrafico":44251,"Ġalcanzada":44252,"ĠRegalo":44253,"ĠGreat":44254,"Ġpatriarcal":44255,"voy":44256,"rué":44257,"Ġimpru":44258,"ĠPozuelo":44259,"Ġpreparador":44260,"Ġpatrull":44261,"Ġesquiv":44262,"Cierto":44263,"yD":44264,"Ġentu":44265,"Ġhostilidad":44266,"ĠStein":44267,"mónica":44268,"enar":44269,"Ġvalorando":44270,"ampagne":44271,"ĠMachine":44272,"Ġnavarro":44273,",(":44274,"úblicas":44275,"Ġsaf":44276,"ĠAplica":44277,"Ġdespertador":44278,"Prepar":44279,"Ġrecopilado":44280,"negro":44281,"ĠPresencia":44282,"OLÃĵG":44283,"Ġsobresalen":44284,"ĠAquino":44285,"ĠBLAN":44286,"Ġinterferencias":44287,"ĠEstaban":44288,"portar":44289,"Ġsalado":44290,"Ġdescensos":44291,"ĠTextil":44292,"Ġdecidiera":44293,"Ġencontrándose":44294,"Ġrestringida":44295,"ĠPhar":44296,"QuerÃŃa":44297,"uterÃŃa":44298,"ĠtÃŃas":44299,"Ġrogamos":44300,"Ġsiniestra":44301,"ĠPERSONAS":44302,"Ġcarcajada":44303,"posito":44304,"ĠComentario":44305,"ĠRosen":44306,"ĠStation":44307,"ĠLGTB":44308,"Ġdañino":44309,"Aprovecha":44310,"Ġcaracterizó":44311,"Ġcuchilla":44312,"Gol":44313,"Sabe":44314,"ĠPBI":44315,"Ġdesco":44316,"Ġregenera":44317,"Ġobservo":44318,"Ġreinterpre":44319,"elf":44320,"cuidado":44321,"ĠGuipúzcoa":44322,"Ġutilizarlas":44323,"Ġincapaci":44324,"Ġencarcelados":44325,"Ġabsorbente":44326,"dato":44327,"Ġpactar":44328,"Ġsembrado":44329,"Ġcorrespondió":44330,"ĠCódigos":44331,"ĠSÃį":44332,"ĠReno":44333,"Ġpasividad":44334,"ĠPRESENTACIÃĵN":44335,"Ġcontraproduc":44336,"Ġplantado":44337,"Ġ163":44338,"hanna":44339,"Ġimpartirá":44340,"ĠCamagüey":44341,"oto":44342,"Ġgloriosa":44343,"jitas":44344,"greb":44345,"Ġenseres":44346,"ĠMilitares":44347,"éntanos":44348,"Ġcaminan":44349,"ĠWIFI":44350,"Ġconciencias":44351,"ĠQuedan":44352,"Ġprecisado":44353,"Ġharinas":44354,"ĠneumonÃŃa":44355,"Ġafortunada":44356,"Ġescénico":44357,"Ġunisex":44358,"ĠNariño":44359,"Ġedificar":44360,"ĠRebeca":44361,"Ġestomago":44362,"Ġcuidarse":44363,"ĠCOMERCIAL":44364,"ĠZoo":44365,"ĠBaterÃŃa":44366,"ĠEstudió":44367,"Ġestiramiento":44368,"ĠEdimburgo":44369,"Ġvoceros":44370,"Ġchill":44371,"Ġexponiendo":44372,"textos":44373,"ĠEcheverrÃŃa":44374,"Emb":44375,"ĠantÃŃ":44376,"ĠJosh":44377,"Ġmencionas":44378,"Ġdisputan":44379,"ĠSustentable":44380,"quirir":44381,"putaciones":44382,"Ġgoteo":44383,"Ġimplicaba":44384,"Ġpavimentación":44385,"hub":44386,"orial":44387,"ĠNuevamente":44388,"Ġganadera":44389,"ĠArquitecto":44390,"bomb":44391,"Ġllevaran":44392,"Ġdistracciones":44393,"ĠquerÃŃas":44394,"ĠEliminar":44395,"Windows":44396,"Ġobreras":44397,"ĠCuentan":44398,"Ġviñetas":44399,"Ġeréctil":44400,"ĠFisher":44401,"AI":44402,"raza":44403,"ĠHielo":44404,"naldo":44405,"Ġsuspense":44406,"Añadió":44407,"Ġdescuidar":44408,"ĠFuncionamiento":44409,"ĠEUA":44410,"Recu":44411,"cario":44412,"tach":44413,"ĠBID":44414,"Entiendo":44415,"Ġfragancias":44416,"Ġinconscientemente":44417,"Cocina":44418,"deja":44419,"Ġóm":44420,"ĠSerge":44421,"ĠONCE":44422,"ĠLennon":44423,"ĠEducativos":44424,"farro":44425,"wh":44426,"ĠCues":44427,"Ġcomod":44428,"ĠActivo":44429,"ĠCeleste":44430,"ĠBlood":44431,"Bos":44432,"actamente":44433,"ĠCurios":44434,"Ġpodre":44435,"Ġdiferenciado":44436,"Ġdañadas":44437,"Ġfluctuaciones":44438,"ĠNace":44439,"Ġcánceres":44440,"Ġreconocerlo":44441,"230":44442,"fino":44443,"Cuidado":44444,"Ġhipertens":44445,"ĠBachiller":44446,"aleja":44447,"Ġaprenderá":44448,"Ġsantafes":44449,"Ġpóster":44450,"Ġexcluyente":44451,"RG":44452,"ĠVam":44453,"GAE":44454,"Gafas":44455,"hero":44456,"Ġcinismo":44457,"programa":44458,"ffff":44459,"Ġchapu":44460,"Ġparadójicamente":44461,"ĠGAN":44462,"igamos":44463,"gart":44464,"ĠNepal":44465,"Ġquisiéramos":44466,"ĠJefes":44467,"Ġpenúltimo":44468,"ĠCoño":44469,"Ġpredominantemente":44470,"ĠGPU":44471,"Blue":44472,"Ġesquizofrenia":44473,"eales":44474,"Ġbillar":44475,"ĠamnistÃŃa":44476,"Recordó":44477,"Agua":44478,"ĠReto":44479,"Ġcurro":44480,"Ġinstalarlo":44481,"Ġmoviles":44482,"ĠCarreño":44483,"Ġpuzzle":44484,"Ġaccionamiento":44485,"Ġrefrán":44486,"ĠDominicano":44487,"Ġcobrará":44488,"Ġallanamiento":44489,"Cic":44490,"ÛĮ":44491,"Ġlamentado":44492,"ĠreÃŃrse":44493,"ĠTransex":44494,"Ġnovatos":44495,"num":44496,"Ġhabiéndose":44497,"Ġseñoritas":44498,"orig":44499,"ĠenvÃŃen":44500,"iaron":44501,"ĠAsturi":44502,"Ġsupedi":44503,"ciarse":44504,"Ġcofra":44505,"ĠGavi":44506,"Ġresúmenes":44507,"ĠCamar":44508,"Ġsatisfactoriamente":44509,"ĠZoom":44510,"Ġimaginamos":44511,"Ġcisterna":44512,"olores":44513,"ésamo":44514,"Ġamén":44515,"ĠestablecÃŃa":44516,"Ġencargaron":44517,"ĠJamie":44518,"Lab":44519,"Ġdefina":44520,"Ġtalones":44521,"Ġ164":44522,"Ġmamas":44523,"Ġgrúas":44524,"Ġinalter":44525,"ĠErick":44526,"Ġmulticultural":44527,"Ġentrarán":44528,"ĠCorintios":44529,"Len":44530,"tasuna":44531,"Ġañada":44532,"Ġм":44533,"ĠMecan":44534,"Ġgitanos":44535,"ĠTwin":44536,"sour":44537,"Ġtomaban":44538,"Ġandino":44539,"Administra":44540,"Ġevacuar":44541,"Ejemplo":44542,"pode":44543,"Ġprime":44544,"Ġcesado":44545,"Ġpsicoterapia":44546,"Ġfilosóficas":44547,"ĠmÃŃticos":44548,"Ġcaudales":44549,"ĠMaci":44550,"Ġobservados":44551,"Ġpreocupamos":44552,"ĠAsesora":44553,"Ġfulmin":44554,"ĠcentÃŃgrados":44555,"Ġcofundador":44556,"Ġadven":44557,"ĠExchange":44558,"Ġmencionamos":44559,"Ġfieltro":44560,"ĠROS":44561,"ĠUNO":44562,"Ġfelizmente":44563,"Videos":44564,"Ġastrónomos":44565,"jin":44566,"ĠNS":44567,"Ġanimas":44568,"ĠVIVI":44569,"Ġconsagrada":44570,"ĠBike":44571,"ĠHU":44572,"ĠcaÃŃan":44573,"INAS":44574,"Ġtrekking":44575,"Ġsimultáneo":44576,"ĠRaymond":44577,"ĠLimited":44578,"ĠsupremacÃŃa":44579,"Cel":44580,"ĠLily":44581,"ĠMago":44582,"Ġtaquillas":44583,"ĠtambiÃĥ":44584,"ĠInaugu":44585,"Ġemplearse":44586,"ĠCrystal":44587,"ĠScan":44588,"ĠDoctora":44589,"dulidad":44590,"Ġrecabados":44591,"turistas":44592,"ĠFr":44593,"Ġcontaros":44594,"Ġdiseñando":44595,"Ġfábula":44596,"Ġsevillana":44597,"âĢĿ[":44598,"mitido":44599,"Ġruedo":44600,"IZAR":44601,"molino":44602,"ĠautocrÃŃtica":44603,"Ġio":44604,"ófer":44605,"ĠSpielberg":44606,"Ġâľħ":44607,"Basta":44608,"trepo":44609,"Ġcontingencias":44610,"Ġmodales":44611,"nadie":44612,"nillo":44613,"Ġinson":44614,"Ġproxima":44615,"Ġmarqués":44616,"Ġintentas":44617,"Ġfinanciada":44618,"Ġbrutales":44619,"ĠPÃļBLICA":44620,"CEN":44621,"Ġmudarse":44622,"erosas":44623,"Ġtecnicas":44624,"Ġdenominó":44625,"Ġunan":44626,"ĠDorada":44627,"tizamos":44628,"Ġremotas":44629,"Ġresucitado":44630,"ĠECONOM":44631,"Ġdisolv":44632,"Ġsaludó":44633,"Ġtérmicos":44634,"Ubicación":44635,"Ġpich":44636,"Ġmacer":44637,"Pack":44638,"ĠSIL":44639,"ĠElvis":44640,"Ġbatu":44641,"Ġviña":44642,"Ġprevar":44643,"Ġinj":44644,"Ġ212":44645,"ĠTorra":44646,"ĠViajar":44647,"embran":44648,"Ġswing":44649,"{\"":44650,"Ġcalentadores":44651,"Ġsospechosa":44652,"Ġllevarlas":44653,"ĠAMB":44654,"Detalles":44655,"couver":44656,"Ġconvertirnos":44657,"acencia":44658,"ĠAmén":44659,"ĠCubano":44660,"hman":44661,"Ġhuertos":44662,"ĠTAB":44663,"Ġplantearon":44664,"Comisión":44665,"Aprovechando":44666,"Oye":44667,"Ġou":44668,"ONG":44669,"Aca":44670,"paÃŃs":44671,"ĠMediación":44672,"plataforma":44673,"Ġromperse":44674,"elección":44675,"Ġcity":44676,"ĠRealizamos":44677,"VOCA":44678,"Ġparalelamente":44679,"ĠLaboratorios":44680,"dependientemente":44681,"hun":44682,"135":44683,"ĠMickey":44684,"Ġmigratorios":44685,"plastia":44686,"WW":44687,"Ġcuñada":44688,"ĠMontoro":44689,"Ġcallejeros":44690,"Ġlevanté":44691,"ĠMarcus":44692,"Ġgolosinas":44693,"cigalpa":44694,"Ġtóxica":44695,"Ġdesfal":44696,"blico":44697,"ebe":44698,"onazo":44699,"Ġfomentan":44700,"ĠMotoGP":44701,"Ġeti":44702,"Ġdolar":44703,"Ġconsentir":44704,"alizarán":44705,"Ġcoló":44706,"ĠSalle":44707,"Ġmostrada":44708,"Ġmartirio":44709,"Ġvaticin":44710,"Ġpriista":44711,"ĠObjeto":44712,"Ġtraumas":44713,"ĠZelaya":44714,"Ġdetenimiento":44715,"Ġenteramos":44716,"Ġsegmentación":44717,"fuente":44718,"Ġpalpable":44719,"ĠEspiritu":44720,"Gust":44721,"ĠOm":44722,"ĠRelatos":44723,"wers":44724,"Ġvaria":44725,"Ġrefuerzan":44726,"ĠMezquita":44727,"Ġinterrogatorio":44728,"Ġdeudores":44729,"Ġtitu":44730,"Ġintros":44731,"Ġcomillas":44732,"Ġoperacional":44733,"ĠMacÃŃas":44734,"Ġespontáneamente":44735,"Ġpackaging":44736,"ĠSilla":44737,"Ġopuso":44738,"ĠHow":44739,"Ġinhibidores":44740,"ä¸Ń":44741,"Tienda":44742,"jad":44743,"incha":44744,"ĠACE":44745,"Ġtoall":44746,"Ġteam":44747,"ĠvendÃŃan":44748,"ĠJUR":44749,"quilibrio":44750,"Ġoleaje":44751,"Dem":44752,"ativa":44753,"Ġexceda":44754,"ĠPlasencia":44755,"Ġacueducto":44756,"Ġarbit":44757,"Ġquisimos":44758,"Ġparábola":44759,"Ġtranseúntes":44760,"ĠVAR":44761,"ĠcaÃŃ":44762,"ĠReformas":44763,"Ġmonja":44764,"Compañ":44765,"Ġempeora":44766,"Ġlaptop":44767,"Ġrepentino":44768,"Ġenojado":44769,"Ġcactus":44770,"rimo":44771,"ĠAltas":44772,"ĠDebate":44773,"Ġafinar":44774,"omedi":44775,"ĠperderÃŃa":44776,"Ġdorso":44777,"Ġdurado":44778,"Ġjejejeje":44779,"ĠBebé":44780,"Ġempleabilidad":44781,"ĠBaile":44782,"Ġdesperfectos":44783,"ĠPublimetro":44784,"Ġinfiltración":44785,"Sir":44786,"Ġabrig":44787,"ĠColmen":44788,"Ġenemiga":44789,"Ġtabaquismo":44790,"Vivir":44791,"ĠTlal":44792,"ĠSite":44793,"Ġacontece":44794,"Ġmudar":44795,"Ġvacuno":44796,"Ġinspirador":44797,"Escucha":44798,"hire":44799,"ĠCuch":44800,"Portu":44801,"ĠLucio":44802,"Ġotorgando":44803,"Ġintroducirse":44804,"Ġheroica":44805,"Ġviñedo":44806,"ĠMaule":44807,"Ġprospecto":44808,"ĠJaguar":44809,"Ġresaltan":44810,"Ġnegociado":44811,"Ġconstata":44812,"Ġrompieron":44813,"ĠEloy":44814,"ĠMozilla":44815,"ĠCit":44816,"cheb":44817,"Ġsuso":44818,"Ġgenéricos":44819,"ĠAlman":44820,"Ġcuantificar":44821,"Ġconstituidas":44822,"Anuncios":44823,"lesa":44824,"Ġactualizan":44825,"ERVA":44826,"Ġigualitario":44827,"ĠIntenta":44828,"undi":44829,"General":44830,"Ġmunición":44831,"Ġzarago":44832,"ópolis":44833,"Ġpropiciado":44834,"Ġdecen":44835,"ĠEscrito":44836,"Ġmargin":44837,"ĠSeguidamente":44838,"fuera":44839,"Ġsismos":44840,"Ġmires":44841,"ocÃŃ":44842,"ocracia":44843,"Ġigualado":44844,"ĠvolvÃŃan":44845,"Ġrobando":44846,"ĠUnicaja":44847,"ĠUtilizamos":44848,"peza":44849,"rough":44850,"ĠSabor":44851,"ĠBÃģS":44852,"Ġconteniendo":44853,"Permite":44854,"ĠFabra":44855,"Ġvagab":44856,"Ġecléc":44857,"ĠDial":44858,"ĠBEL":44859,"Ġasper":44860,"ĠVu":44861,"Hal":44862,"feb":44863,"Ġactúen":44864,"ĠÃĺ":44865,"Descarga":44866,"Ġcolocarlo":44867,"Ġarrogante":44868,"ĠVitamina":44869,"ffee":44870,"Ġcitan":44871,"ĠPiura":44872,"Ġofensa":44873,"Ġvisiblemente":44874,"Sac":44875,"Ġaristas":44876,"Ġdoncel":44877,"ĠContacta":44878,"Ġprimogén":44879,"ĠCraig":44880,"deber":44881,"ĠExport":44882,"Ġagudi":44883,"ĠSocialismo":44884,"Camiseta":44885,"ĠJurÃŃdicas":44886,"Ġcontrapartida":44887,"Ġretiraron":44888,"Ġresplande":44889,"ĠmorfologÃŃa":44890,"Ll":44891,"ilum":44892,"mat":44893,"Ġestacional":44894,"ĠOIT":44895,"iteatro":44896,"Ġmirarlo":44897,"Ġdiagramas":44898,"sasuna":44899,"diosas":44900,"gea":44901,"Ġlares":44902,"Ġhabitado":44903,"Ġvividas":44904,"Ġvaciar":44905,"Ġdiscuten":44906,"olito":44907,"Ġveáis":44908,"ĠSanitarios":44909,"Ġinvertidos":44910,"Ġarriesgada":44911,"Ġdinamizar":44912,"Ġmeteorológicos":44913,"Ġimprevisto":44914,"ĠOreg":44915,"Ġespinal":44916,"bots":44917,"Ġpeligrosidad":44918,"Ġrecreativa":44919,"Ġcontextu":44920,"Ġinfalible":44921,"sexo":44922,"ponemos":44923,"ĠReden":44924,"Ġconsagró":44925,"ĠIndividual":44926,"ĠGigantes":44927,"VM":44928,"óndi":44929,"ĠStop":44930,"Ġgratuidad":44931,"Ġtriunfa":44932,"Ġafricanas":44933,"Ġreconocible":44934,"Ġimaginan":44935,"Ġfrijoles":44936,"Ġescaparates":44937,"ĠUBA":44938,"Ġrecorrieron":44939,"ĠLip":44940,"Ġganada":44941,"Ġfrunci":44942,"ĠmaletÃŃn":44943,"ĠVIR":44944,"Ġcomputadores":44945,"ĠGarantÃŃas":44946,"Ġsuspensiones":44947,"acales":44948,"Ġasentado":44949,"Ġdestinan":44950,"Ġtrio":44951,"Ġcotidianidad":44952,"Ġsúbita":44953,"ĠWarren":44954,"Ġescogida":44955,"alcaba":44956,"Ġreinici":44957,"Ġcongreg":44958,"ĠRápido":44959,"âĺħ":44960,"vante":44961,"ĠEscan":44962,"Ġdista":44963,"Ġ2050":44964,"ĠComunal":44965,"ĠBrothers":44966,"Ġmetáforas":44967,"Ġpresentara":44968,"ĠJung":44969,"Ġinsecti":44970,"Ġexcedentes":44971,"Ġmúsicas":44972,"ĠâĿ¤":44973,"ĠCertificados":44974,"Ġabstinencia":44975,"ĠHOTEL":44976,"Ġfortunas":44977,"ĠEvel":44978,"ĠIquique":44979,"Ġhack":44980,"ĠKurt":44981,"oka":44982,"Ġprovistos":44983,"ĠCarpin":44984,"ĠClaire":44985,"ĠViviendas":44986,"Ġdestrozado":44987,"ĠBroadway":44988,"Ġvolcado":44989,"ĠSEAT":44990,"Ġmayúscula":44991,"Ġnichos":44992,"posterÃŃa":44993,"tirar":44994,"ĠChocolate":44995,"corporación":44996,"ĠCLUB":44997,"ĠBayer":44998,"figurar":44999,"ĠGráfica":45000,"Elige":45001,"ocados":45002,"Ġdesconozco":45003,"Ġacostumbrar":45004,"ĠCarrión":45005,"Ġmust":45006,"Ġambiciosos":45007,"ĠFactory":45008,"ĠRepublicano":45009,"Ġayudarla":45010,"Ġatacados":45011,"ĠUNIVERSIT":45012,"ĠAlpha":45013,"neth":45014,"Ġabandonando":45015,"ĠGuadalquivir":45016,"Ġdesfavorable":45017,"Ġfitosan":45018,"TRAN":45019,"Ġguerrillero":45020,"ĠCircun":45021,"Ġfarmacéuticas":45022,"Ġcualitativa":45023,"ĠMarin":45024,"Ġitinerante":45025,"Adidas":45026,"SES":45027,"tarlos":45028,"urrec":45029,"ĠIngredientes":45030,"Ġ512":45031,"Ġimita":45032,"Ġpersiguiendo":45033,"ĠPixel":45034,"pais":45035,"jetas":45036,"Ġcanina":45037,"Ġascendencia":45038,"NDICE":45039,"Ġmareas":45040,"huas":45041,"ĠTB":45042,"Ġvallado":45043,"Ġarriendo":45044,"pain":45045,"Ġmagnifica":45046,"Ġfrustraciones":45047,"Fui":45048,"Ġcontu":45049,"ĠSOLICI":45050,"Zaragoza":45051,"ĠHR":45052,"Ġprioritaria":45053,"Ġmazo":45054,"posici":45055,"Ġagrarias":45056,"Ġservirle":45057,"pacho":45058,"riet":45059,"ĠFunes":45060,"Ġ166":45061,"ĠGaga":45062,"Ġvagones":45063,"ĠHomero":45064,"Ġdevotos":45065,"Ġdesta":45066,"Ġsagradas":45067,"ĠResidencial":45068,"Ġajustando":45069,"gola":45070,"ÃŃferas":45071,"Ġtransiciones":45072,"Ġ159":45073,"Ġ255":45074,"ĠBloomberg":45075,"Ġacogerse":45076,"Ġequivoca":45077,"ĠUtilizando":45078,"ĠFINAL":45079,"anor":45080,"Ġqui":45081,"Ġ177":45082,"Ġacepten":45083,"Ġcolaboradoras":45084,"Ġinmediatez":45085,"Ġcamaradas":45086,"Ġdesembocadura":45087,"calle":45088,"Ġmultis":45089,"Ġencruci":45090,"Ġtecno":45091,"asterios":45092,"Ġtermitas":45093,"Sha":45094,"Ġpervers":45095,"ámonos":45096,"Ġfacilitó":45097,"Ġaportaron":45098,"ĠSecretariado":45099,"Ġexcesivos":45100,"entren":45101,"Ġtag":45102,"Ġrecrim":45103,"ĠPosición":45104,"Ġdetectadas":45105,"ĠAstor":45106,"Ġclandestina":45107,"Ġreutilizar":45108,"ñán":45109,"exiones":45110,"Ġdeplor":45111,"Ġintentarán":45112,"Ġdecisivos":45113,"Ġbobina":45114,"ĠcacerÃŃa":45115,"Ġalfabeto":45116,"elina":45117,"ĠEddie":45118,"ĠMurphy":45119,"Ġicon":45120,"Cádiz":45121,"rÃĥ":45122,"Ġ1906":45123,"ĠAnalizar":45124,"Ġacerqué":45125,"Ġsufran":45126,"ĠTela":45127,"Ġinterpretará":45128,"Ġaveces":45129,"Ġburlas":45130,"Ġgatillo":45131,"Ġexpedida":45132,"´,":45133,"Ġfijamos":45134,"Ġocasionó":45135,"Ġerróneamente":45136,"Ġensambl":45137,"ÃĵR":45138,"Ġfelinos":45139,"ĠExperiencias":45140,"Ġmarginales":45141,"Ġcoloquio":45142,"ĠConsultar":45143,"entaba":45144,"Ġestel":45145,"ptim":45146,"oluble":45147,"Ġbuscarla":45148,"ĠPlano":45149,"Ġcomprendió":45150,"ĠorgÃŃa":45151,"ĠPatrio":45152,"Ġchocó":45153,"ĠGRADO":45154,"upe":45155,"ĠSainz":45156,"Ġarmónico":45157,"Ġ178":45158,"Ġrecuperan":45159,"IDEOS":45160,"ĠGrados":45161,"puta":45162,"Ġmojada":45163,"Ġmodificadas":45164,"ĠMilton":45165,"ĠVillalobos":45166,"Ġengranaje":45167,"ĠZARAGOZA":45168,"Cultura":45169,"ĠVW":45170,"Ġ206":45171,"ĠQueens":45172,"ĠSti":45173,"Ġvertidos":45174,"ĠCuaresma":45175,"ĠInspir":45176,"Ġconcertar":45177,"ĠApre":45178,"Ġprobamos":45179,"Ġgrieta":45180,"ĠADSL":45181,"иÑı":45182,"persona":45183,"oa":45184,"Ġsaltan":45185,"Ġcambiario":45186,"Ġradiaciones":45187,"ĠBeauty":45188,"ĠItaliana":45189,"ĠElectrodom":45190,"ekwondo":45191,"conocer":45192,"Ġculinarias":45193,"Ġlistón":45194,"ĠLaurent":45195,"Ġsintoma":45196,"ignidad":45197,"Ġañadida":45198,"ĠFinanciación":45199,"Ġómnibus":45200,"Eran":45201,"dación":45202,"Ġpornos":45203,"ĠAlgún":45204,"ĠArtista":45205,"Ġaparcamientos":45206,"Ġdisfrutas":45207,"Ġbiodegrad":45208,"ĠConselleria":45209,"ondr":45210,"tist":45211,"ĠFAN":45212,"Ġminucioso":45213,"hiro":45214,"Ġignoran":45215,"Ġmarginación":45216,"ĠodontologÃŃa":45217,"ĠFerreira":45218,"Ġpegas":45219,"Ġnormativos":45220,"ĠKarina":45221,"ĠJOSÃī":45222,"ĠIMPORTANTE":45223,"Ġarrogancia":45224,"Ġcuánta":45225,"ĠSombras":45226,"dier":45227,"Ġleucemia":45228,"Ġwall":45229,"Ġreventar":45230,"Ġdisfrutarás":45231,"Ġexporta":45232,"Ġindulto":45233,"ĠCóm":45234,"Ġsiti":45235,"empren":45236,"velt":45237,"Ġreglamentario":45238,"Ġrespiratorios":45239,"Ġtractores":45240,"Ġagropecuaria":45241,"Ġsubterráneos":45242,"Hub":45243,"Mt":45244,"ĠDora":45245,"Ġevitarse":45246,"Ġeducados":45247,"tropÃŃa":45248,"IK":45249,"Ġcráter":45250,"pil":45251,"ĠBrito":45252,"Ġqueridas":45253,"ĠFisioterapia":45254,"ĠEspecialistas":45255,"Ġacumuladas":45256,"ĠUshuaia":45257,"ĠBowl":45258,"Ġdebieran":45259,"Ġenviarlo":45260,"wy":45261,"ĠDEPOR":45262,"ĠencontrarÃŃa":45263,"Ġmodest":45264,"Ġanunciadas":45265,"Ġferrocarriles":45266,"Ġsupra":45267,"wid":45268,"Ġregu":45269,"Ġdiana":45270,"ĠTerreno":45271,"ĠTenÃŃamos":45272,"PLAN":45273,"ĠEdo":45274,"ĠFrac":45275,"Ġhumos":45276,"ParÃŃs":45277,"Ġrenunciado":45278,"face":45279,"rologÃŃa":45280,"ĠPide":45281,"Ġprint":45282,"bago":45283,"Ġroedores":45284,"ĠPoten":45285,"ĠGerman":45286,"Ġcigarro":45287,"ĠDucati":45288,"ĠDeje":45289,"Ġentrara":45290,"Ġpublicaba":45291,"Ġbesote":45292,"Ġpañuelos":45293,"Domingo":45294,"Ġatemor":45295,"Ġ245":45296,"Ġintroduzca":45297,"ĠAbi":45298,"Ġinteresen":45299,"109":45300,"Ġdisputados":45301,"rd":45302,"Ġnidos":45303,"Ġhuyeron":45304,"Ġsinago":45305,"Ġcoja":45306,"Ġproblemático":45307,"wel":45308,"ibio":45309,"énicas":45310,"Ġdudoso":45311,"Ġhoteleros":45312,"Ġbrújula":45313,"Ġnoviazgo":45314,"ĠAcreditación":45315,"?»":45316,"gama":45317,"Ġnue":45318,"ин":45319,"ĠxDD":45320,"Ġdesistimiento":45321,"Ġlongevidad":45322,"ĠSampaoli":45323,"isha":45324,"ĠMG":45325,"ĠSuger":45326,"Ġbailarinas":45327,"Ġirrelevante":45328,"Ġquerrás":45329,"Ġestacionamientos":45330,"Ġidiosinc":45331,"Ġpipa":45332,"ĠPolÃŃgono":45333,"Mateo":45334,"Ġahondar":45335,"Nivel":45336,"realmente":45337,"data":45338,"ĠAngulo":45339,"ÃģF":45340,"ĠCocinas":45341,"ĠEpide":45342,"ĠRecre":45343,"Ġenmarcada":45344,"Ġaltibajos":45345,"Ġstory":45346,"Ġcosillas":45347,"ĠPlazas":45348,"Ġconceden":45349,"Ġatacada":45350,"Ġsaharaui":45351,"Ġpartidaria":45352,"Ġcementerios":45353,"Ġremitente":45354,"ĠDejamos":45355,"Ġbastidor":45356,"ologo":45357,"Personas":45358,"ICIA":45359,"ĠArtem":45360,"ĠDormitorio":45361,"inson":45362,"ĠKant":45363,"Ġagregue":45364,"Ġintestinales":45365,"Ġdesvelado":45366,"ĠEnsayo":45367,"ficaz":45368,"Ġinstalador":45369,"ĠAnatomÃŃa":45370,"Ġinterrumpe":45371,"Ġinvasores":45372,"ĠFX":45373,"ĠCálculo":45374,"Ġadoc":45375,"Ġreapertura":45376,"Ġinclemencias":45377,"ĠFocus":45378,"Ġapl":45379,"Ġveracruz":45380,"Ġinterpuso":45381,"Ġviolado":45382,"Ġarrastrado":45383,"habÃŃa":45384,"ĠSpencer":45385,"Ecuador":45386,"deña":45387,"ÃŃacos":45388,"ucos":45389,"ĠTep":45390,"Ġdeforma":45391,"ĠCatas":45392,"güen":45393,"ĠfutbolÃŃstico":45394,"ĠINGENIER":45395,"alba":45396,"ĠJM":45397,"Ġlentejuelas":45398,"Ġbinario":45399,"ĠFarm":45400,"emelo":45401,"Ġcatalizador":45402,"Ġaledañas":45403,"ĠHISTORIA":45404,"VEL":45405,"ajira":45406,"yección":45407,"ORACIÃĵN":45408,"Ġenganchado":45409,"Ġgenerosos":45410,"ĠпÑĢ":45411,"Ġbúl":45412,"ĠAngola":45413,"Ġrán":45414,"Unión":45415,"Ġsilenci":45416,"Ġland":45417,"Ġimpot":45418,"ĠNot":45419,"Ġsabeis":45420,"Ġinglesas":45421,"ĠBarranco":45422,"imán":45423,"ĠProb":45424,"Ġconsiderarán":45425,"Ġfocal":45426,"Definitivamente":45427,"Ġhumedales":45428,"ĠPart":45429,"Ġconfesiones":45430,"ĠMachu":45431,"Ġcompruebe":45432,"VSA":45433,"espal":45434,"Ġfati":45435,"Ġnórdico":45436,"isterÃŃa":45437,"ĠOber":45438,"bióticos":45439,"Ase":45440,"Base":45441,"lú":45442,"Ġbajen":45443,"Ġbiopsia":45444,"ades":45445,"Ġedema":45446,"ĠTrá":45447,"ĠExcur":45448,"cinos":45449,"Ġpatriotismo":45450,"Ġlucidez":45451,"Aplicación":45452,"Calidad":45453,"ĠREN":45454,"ĠIndio":45455,"Ġpolideportivo":45456,"Ġconfiamos":45457,"ÃŃdico":45458,"Ġrectores":45459,"Ġacuar":45460,"Ġlimpiando":45461,"Ġcrudos":45462,"Ġrellenando":45463,"Pay":45464,"Tea":45465,"tsky":45466,"ĠfreÃŃr":45467,"Ġhidrata":45468,"Ġobsoleto":45469,"Ġespárragos":45470,"ĠDerma":45471,"SIÃĵN":45472,"ĠReuniones":45473,"Ġnomás":45474,"erón":45475,"hey":45476,"Ġcrónicos":45477,"ĠPotro":45478,"ĠHabrÃŃa":45479,"Ġcometidas":45480,"orema":45481,"Ġincumplimientos":45482,"Ġdesplazan":45483,"Ġaloja":45484,"cles":45485,"ĠPura":45486,"ĠMEX":45487,"ĠFicción":45488,"ĠHeras":45489,"utanas":45490,"ĠsubÃŃ":45491,"Ġ172":45492,"Ġlargu":45493,"Ġquebrar":45494,"Ġleerte":45495,"Ġflotantes":45496,"Ġalicante":45497,"ĠFilar":45498,"obe":45499,"Ġrubor":45500,"ĠEscritores":45501,"Clases":45502,"Ġamonton":45503,"GRES":45504,"issan":45505,"ĠTransmisión":45506,"ĠAirbnb":45507,"ĠhÃŃdricos":45508,"ĠDate":45509,"anasonic":45510,"Ġperipe":45511,"empres":45512,"Ġsufridos":45513,"ĠApóstoles":45514,"Ġmultifunción":45515,"ĠCabos":45516,"Gonzalo":45517,"Ġsumerge":45518,"ĠAi":45519,"Ġhacin":45520,"ĠNUNCA":45521,"creación":45522,"sss":45523,"Ġrondar":45524,"quena":45525,"ALO":45526,"990":45527,"ĠNazareno":45528,"ĠPilates":45529,"Ġequitativo":45530,"Ġlisos":45531,"ĠHaro":45532,"Ġvendan":45533,"Ġterraten":45534,"Ġpijama":45535,"üller":45536,"omenclatura":45537,"ĠBier":45538,"Ġderrocar":45539,"Ġuniformidad":45540,"Ġordenanzas":45541,"Ġcolumnista":45542,"buenos":45543,"Ġesforzar":45544,"ĠQuesada":45545,"Ġporteros":45546,"Operación":45547,"Ġcache":45548,"ĠDad":45549,"ĠSupervisión":45550,"Ġmicroscopio":45551,"revolucion":45552,"ĠPellegr":45553,"ĠRN":45554,"uere":45555,"Ġconscientemente":45556,"Ġpartidista":45557,"Ġdonado":45558,"Ġmovemos":45559,"ĠMorris":45560,"Ġpadecimientos":45561,"Ġejecutó":45562,"mosis":45563,"cao":45564,"Ġcoincida":45565,"âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦":45566,"aris":45567,"ĠVisto":45568,"talaya":45569,"Ġmitin":45570,"Ġbagaje":45571,"Ġ325":45572,"Ġderivación":45573,"ĠObligatoria":45574,"aldas":45575,"Ġmatri":45576,"Ġmarket":45577,"Ġpregunten":45578,"ĠArnold":45579,"dibles":45580,"ĠLTE":45581,"Ġvisitada":45582,"Ġconsiderarlo":45583,"ĠTurner":45584,"Ġirrever":45585,"regor":45586,"Ġdeterminen":45587,"Ġsimplificación":45588,"ĠTáchira":45589,"dará":45590,"hana":45591,"Ġ����":45592,"espe":45593,"Ġasustada":45594,"Ġdesdo":45595,"ĠKhan":45596,"filos":45597,"Ġelevador":45598,"Ġgalardonados":45599,"TAMENTO":45600,"ĠIntellig":45601,"Ġpagarán":45602,"ĠLeonard":45603,"Ġtrascendió":45604,"Ġzen":45605,"Ġofertar":45606,"ĠSteel":45607,"ĠAPRO":45608,"ĠContinente":45609,"gala":45610,"Ġusufruc":45611,"JAR":45612,"Ġunimos":45613,"ĠBug":45614,"ĠHaremos":45615,"Ġcomunicador":45616,"BIERNO":45617,"Cub":45618,"Ġperre":45619,"ĠElija":45620,"ICAR":45621,"ÃįF":45622,"ĠSeccional":45623,"ĠGanar":45624,"ĠDeberá":45625,"algunas":45626,"CIF":45627,"Ġgasa":45628,"ĠCanario":45629,"Ġguardas":45630,"ĠShim":45631,"ĠRomanos":45632,"ĠSabina":45633,"réd":45634,"idamos":45635,"Ġexigimos":45636,"ITAS":45637,"Ġadelantos":45638,"ĠRecién":45639,"Ġinmersa":45640,"Ġbufanda":45641,"ĠCienfuegos":45642,"Ġdesprenderse":45643,"ĠFEM":45644,"Ġoptaron":45645,"Ġtroy":45646,"ĠFerias":45647,"Ġtriangular":45648,"bea":45649,"garra":45650,"Ġpegando":45651,"ĠPoemas":45652,"Ġpromovió":45653,"Ġproporcionalidad":45654,"Ġgarajes":45655,"Ġextravagante":45656,"ĠFide":45657,"ĠHac":45658,"Ġfuéramos":45659,"Ġproclamar":45660,"ĠCAPÃįTULO":45661,"Ġucraniano":45662,"ĠPene":45663,"paros":45664,"ĠPopulares":45665,"ULTAD":45666,"Ġdesentra":45667,"^^":45668,"Ġapple":45669,"ingres":45670,"avidas":45671,"trónica":45672,"Ġobservancia":45673,"Ġdinosaurio":45674,"podrÃŃa":45675,"Ġdescargue":45676,"Ġmache":45677,"Ġespiritualmente":45678,"Ġdetergente":45679,"Ġovarios":45680,"ĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀĀ":45681,"aditas":45682,"Ġindicativo":45683,"ĠCarlota":45684,"Ġexfol":45685,"Ġdosificación":45686,"ĠArgu":45687,"Ġobtendrán":45688,"Ġdesmontable":45689,"116":45690,"Ġsustentan":45691,"Ġpeculiaridad":45692,"Ġdestrozar":45693,")(":45694,"ĠconfÃŃo":45695,"ĠProven":45696,"Ġblanquia":45697,"KET":45698,"ĠSOM":45699,"Ġ316":45700,"portamiento":45701,"tress":45702,"Ġseveridad":45703,"Ġconmemorativa":45704,"ĠBooks":45705,"map":45706,"visores":45707,"Ġvarita":45708,"ĠProfessional":45709,"Ġlongitudes":45710,"Ġspi":45711,"loa":45712,"Ġ\"...":45713,"Ġocurriera":45714,"Ġacristal":45715,"ĠTT":45716,"ĠManzana":45717,"Ġarañazos":45718,"balo":45719,"Ġdeceso":45720,"mod":45721,"ĠFénix":45722,"Ġponiente":45723,"âĢĶ¿":45724,"Ġincesto":45725,"bul":45726,"ĠPilo":45727,"ĠSna":45728,"ĠSola":45729,"ĠMarti":45730,"Ġbaraj":45731,"Ġdenunciante":45732,"Ġdescubrirás":45733,"omática":45734,"ĠEme":45735,"Ġchist":45736,"Ġfriki":45737,"Ġsuperhéroe":45738,"boro":45739,"ĠHappy":45740,"Ġfrialdad":45741,"ĠAAA":45742,"ÃŃntesis":45743,"Ġagota":45744,"Ġbeisbol":45745,"Ġmilenios":45746,"Jim":45747,"Pac":45748,"Ġ162":45749,"ampton":45750,"ĠCEIP":45751,"Ġomiso":45752,"ĠHomenaje":45753,"Ġvitrina":45754,"Ġvictima":45755,"Ġfracasar":45756,"ĠPAIS":45757,"ĠPicchu":45758,"fam":45759,"ĠRox":45760,"Ġchorros":45761,"Ġaprendieron":45762,"550":45763,"recuer":45764,"ĠPuno":45765,"ĠMud":45766,"Ġapalan":45767,"Ġvalorización":45768,"Ġpredecible":45769,"Ġapoderarse":45770,"Ġastronautas":45771,"SON":45772,"Ġmonólogo":45773,"Ġpudieras":45774,"Ġaccedido":45775,"Ġofensivas":45776,"Ġesforzamos":45777,"ĠSoraya":45778,"ĠCúcuta":45779,"ĠSuela":45780,"Ġsubirá":45781,"Ġlarvas":45782,"Ġevolutiva":45783,"Ġdesartic":45784,"ĠDIC":45785,"Ġregidores":45786,"ethe":45787,"Ġconocerlos":45788,"ĠClip":45789,"Ġtemido":45790,"Ġincertidumbres":45791,"ĠAdecu":45792,"ĠMÃŃnimo":45793,"fly":45794,"г":45795,"ĠDónde":45796,"ĠPato":45797,"Ġemprendedoras":45798,"Ġinquis":45799,"ĠLavado":45800,"Ġgénesis":45801,"Ġanota":45802,"ĠConsultor":45803,"Lucas":45804,"kie":45805,"Ġperece":45806,"Ġcapilares":45807,"Ġgolfo":45808,"Ġbragas":45809,"Ġcánta":45810,"Ġentere":45811,"Ġplátanos":45812,"ĠAlternativa":45813,"ERT":45814,"Ġsancionados":45815,"Media":45816,"ÃŃmiles":45817,"Ġadopten":45818,"Ġtrayectorias":45819,"Ġpercance":45820,"Ġhabréis":45821,"obra":45822,"Ġcoincidido":45823,"Ġvistió":45824,"Ġautomovilistico":45825,"ĠPadrón":45826,"Ġmoviéndose":45827,"Ġaliciente":45828,"cisa":45829,"ervicio":45830,"Ġpandillas":45831,"Ġtalentoso":45832,"Ġiluminados":45833,"Ġpresupuestarias":45834,"Ġespeluzn":45835,"Ġdespos":45836,"ĠpaÃĥ":45837,"dry":45838,"Ġprincipiante":45839,"Ġcastiga":45840,"ĠBárcenas":45841,"ĠLech":45842,"ĠIlustre":45843,"Ġalternando":45844,"Ġpartimos":45845,"ĠBarbie":45846,"ĠDeberÃŃa":45847,"Ġintraven":45848,"Ġingra":45849,"Ġgótica":45850,"Ġmosquito":45851,"iéndome":45852,"Ġpoliticos":45853,"ĠOlimpia":45854,"Ġmalagueño":45855,"ĠAgüero":45856,"Evaluación":45857,"Ġinfame":45858,"park":45859,"ĠReport":45860,"úlveda":45861,"ICET":45862,"Ġllevarme":45863,"ĠinformaciÃĥ":45864,"ĠPowerPoint":45865,"Ġanochecer":45866,"Luz":45867,"Ġestampar":45868,"Ġlevantada":45869,"Ġasistan":45870,"ĠStaff":45871,"Ġarrestados":45872,"Ġrevolucionar":45873,"mono":45874,"sign":45875,"ĠDior":45876,"Ġascienden":45877,"ĠFranja":45878,"tting":45879,"Ġejecute":45880,"Ġaceituna":45881,"Ġdesplome":45882,"Pen":45883,"Ġoyen":45884,"ĠAX":45885,"ĠCorriente":45886,"Ġlegisladora":45887,"Ġseme":45888,"Ġsuscripciones":45889,"Ġcertero":45890,"Ġpié":45891,"Ġconstituyendo":45892,"Ġreglamentarias":45893,"TecnologÃŃa":45894,"Ġdiapositivas":45895,"Twitter":45896,"ĠMID":45897,"active":45898,"ranos":45899,"ĠCree":45900,"ĠBurton":45901,"Ġalmidón":45902,"Diez":45903,"ĠEI":45904,"ĠBinarias":45905,"Ġapri":45906,"dern":45907,"Ġmajestuoso":45908,"ĠRurales":45909,"Ġsolapa":45910,"partes":45911,"ĠNoble":45912,"Ġmasivamente":45913,"Ġplanificada":45914,"Ġcosechar":45915,"ĠLauren":45916,"Ġcuide":45917,"ĠWang":45918,"Ġmerecemos":45919,"Ġoportunos":45920,"Ġeróticas":45921,"ĠMensajero":45922,".¡":45923,"onismo":45924,"Ġrifle":45925,"ĠMitsubishi":45926,"ĠGate":45927,"Ġ¬":45928,"Ġurl":45929,"Ġerr":45930,"Ġdisfrazado":45931,"ĠMalaga":45932,"ĠDAN":45933,"ĠBÃŃo":45934,"Ġfood":45935,"Ġindicamos":45936,"pensión":45937,"rap":45938,"Ġ370":45939,"Ġlipo":45940,"ĠDiferentes":45941,"ĠNueve":45942,"ĠWells":45943,"Ġpantanos":45944,"Ġinvolucrarse":45945,"Ġviajamos":45946,"Volviendo":45947,"ĠVuelos":45948,"ĠIndica":45949,"Ġsubesti":45950,"Ġpodrias":45951,"Serie":45952,"Ġcomentaristas":45953,"Ġabusivo":45954,"ĠKick":45955,"Ġbarbilla":45956,"Ninguna":45957,"Ġinhibición":45958,"Ġespátula":45959,"Ġhábitats":45960,"ĠFaust":45961,"ĠDIGITAL":45962,"innova":45963,"itza":45964,"Ġantin":45965,"Ġbrusco":45966,"Ġsimultan":45967,"ĠBorn":45968,"Ġpagaba":45969,"ĠbiotecnologÃŃa":45970,"Ġsociólogo":45971,"ĠShopping":45972,"enovelas":45973,"ĠEusebio":45974,"Sue":45975,"busto":45976,"ĠAlbor":45977,"Ġculpas":45978,"Ġgenialidad":45979,"Ġtail":45980,"ĠHumala":45981,"Ġretrasado":45982,"Ġconstructoras":45983,"ĠMier":45984,"icienta":45985,"Ġmaliciosos":45986,"body":45987,"Ġsalvando":45988,"Ġdistribuciones":45989,"upon":45990,"ionalidad":45991,"duzco":45992,"lamo":45993,"Ġincluirse":45994,"ĠQuintan":45995,"Ġtrompeta":45996,"Ġarrecifes":45997,"ingen":45998,"Ġdesna":45999,"Ġagrid":46000,"ĠBoard":46001,"ĠMINISTERIO":46002,"å¹":46003,"etz":46004,"ĠXim":46005,"Ġportavoces":46006,"Ġdivir":46007,"Podéis":46008,"Ġtranscurridos":46009,"ĠConsumidores":46010,"Ġcuatrimestre":46011,"ĠTLCAN":46012,"Ġconyugal":46013,"eline":46014,"ONU":46015,"Ġcriollos":46016,"Ġtransportan":46017,"grupos":46018,"Ġmorib":46019,"Ġestructuración":46020,"Ġfollan":46021,"ĠregalÃŃas":46022,"Ġfrena":46023,"tónico":46024,"ĠPRIMERA":46025,"descub":46026,"ĠJue":46027,"Ġsenté":46028,"Ġjustici":46029,"Ġintroducidas":46030,"Ġdescendente":46031,"Ġevidenciar":46032,"Ġabstracta":46033,"Ġsinergia":46034,"DAS":46035,"Ġagas":46036,"chados":46037,"ĠorquÃŃ":46038,"Ġamigables":46039,"Ġpasarla":46040,"Ġdebilit":46041,"Ġfolklore":46042,"Ado":46043,"sand":46044,"Ġparalizado":46045,"ĠFast":46046,"ĠCuadernos":46047,"ĠDomicilio":46048,"Siete":46049,"ĠPik":46050,"ĠMóstoles":46051,"Ġ275":46052,"Ġequivalencia":46053,"ĠCoches":46054,"Esco":46055,"ĠServi":46056,"letazo":46057,"ĠHolguÃŃn":46058,"ĠImagina":46059,"ĠMemorias":46060,"Ġinformo":46061,"Ġdeslin":46062,"Ġayudantes":46063,"Ġformuladas":46064,"criminación":46065,"ĠReflexiones":46066,"HER":46067,"ĠSócrates":46068,"Ġanac":46069,"ĠChaque":46070,"Ġcentradas":46071,"ĠProstitu":46072,"APA":46073,"ĠArbitraje":46074,"Ġsumarán":46075,"ĠBritánico":46076,"fób":46077,"ĠSalsa":46078,"Ġmolestan":46079,"ĠCIDH":46080,"ĠRestrepo":46081,"Ġreservando":46082,"incluido":46083,"Ġcognitivos":46084,"Ġdesenfren":46085,"BF":46086,"Ġbucear":46087,"ĠMezcla":46088,"PES":46089,"égano":46090,"ĠNerv":46091,"Ġirlandesa":46092,"Ġescribirnos":46093,"Ġepid":46094,"Actividad":46095,"ĠÄ":46096,"exp":46097,"Ġprometer":46098,"ĠRecibe":46099,"Ġasfixia":46100,"ĠdarÃŃan":46101,"Ġenfure":46102,"Ġcolegial":46103,"ĠTablas":46104,"Ġirremediablemente":46105,"amanos":46106,"Ġsumergido":46107,"ĠDesafortunadamente":46108,"Ġacupuntura":46109,"Ġuranio":46110,"Ġintri":46111,"ĠQuieres":46112,"Ġlucharon":46113,"Ġborre":46114,"ĠFlorence":46115,"ĠEmpezamos":46116,"ĠAsociado":46117,"Ġpatrullas":46118,"Ġseccion":46119,"ĠSof":46120,"Ġperteneció":46121,"Ġconfirme":46122,"ĠJaramillo":46123,"ĠCastaño":46124,"ĠMinutos":46125,"Ġferiado":46126,"Ġvibrador":46127,"Serán":46128,"Ġcolosal":46129,"Hos":46130,"Ġko":46131,"ĠBolonia":46132,"ĠAfter":46133,"Ġfolclore":46134,"Ġdesviaciones":46135,"ĠSAC":46136,"ĠMejorar":46137,"chero":46138,"Ġcómica":46139,"ĠAdv":46140,"Ġatroz":46141,"ĠCIENCIAS":46142,"Ġ(*)":46143,"versibles":46144,"Ġgangl":46145,"Ġlegiti":46146,"Ġhumanismo":46147,"Ġlubricantes":46148,"indicaciones":46149,"Ġpresionado":46150,"Ġrepresentaban":46151,"Ġcocinado":46152,"Ġestreme":46153,"Ġdesperdicios":46154,"ĠInicialmente":46155,"ĠMixta":46156,"DEC":46157,"omes":46158,"Ġrecuadro":46159,"ĠPeñas":46160,"ĠExtrac":46161,"Ïĥ":46162,"odé":46163,"ĠScioli":46164,"Ġincalcul":46165,"ĠAmaya":46166,"ĠCruceros":46167,"Ġbocetos":46168,"ĠMUD":46169,"ĠConvers":46170,"Ġapoyará":46171,"Ġelimine":46172,"Ġincongru":46173,"Ġpsicomo":46174,"ĠSANTA":46175,"Ġsuspendidos":46176,"Ġescénica":46177,"ĠHospitales":46178,"ĠAGUA":46179,"Ġ167":46180,"Ġpermanecieron":46181,"Ġholandeses":46182,"ĠFusión":46183,"ĠEnsen":46184,"Ġjungla":46185,"Ġtimón":46186,"Ġalucina":46187,"Ġexag":46188,"observ":46189,"Ġwestern":46190,"Ġtapado":46191,"ĠValentina":46192,"Ġalbahaca":46193,"Adap":46194,"Ġdella":46195,"eppe":46196,"ĠAmelia":46197,"Ġprotestantes":46198,"ĠCórdova":46199,"revolución":46200,"Ġsobrellevar":46201,"ĠcompartÃŃa":46202,"ĠCasanova":46203,"Ġimperante":46204,"Ġdescargarse":46205,"Ġmezclada":46206,"Ġencerrada":46207,"ĠUNICEF":46208,"Ġantica":46209,"cea":46210,"Ġmaris":46211,"Ġ925":46212,"Ġdesatas":46213,"ðŁĮ":46214,"Ġarribaron":46215,"ĠEscar":46216,"Ġchec":46217,"ĠKiss":46218,"ĠMacBook":46219,"esar":46220,"ĠAcor":46221,"Ġmenaje":46222,"ĠKla":46223,"Ġurna":46224,"ĠvestÃŃa":46225,"Ġlomb":46226,"ĠEnvi":46227,"Ġ202":46228,"Ġfranque":46229,"Ġintendentes":46230,"Ġmodifique":46231,"ĠShadow":46232,"Ġlegislaciones":46233,"ĠFraga":46234,"Ġpederas":46235,"ideas":46236,"ĠArévalo":46237,"ignon":46238,"tróleos":46239,"ĠJoyerÃŃa":46240,"Ġlate":46241,"Ġtril":46242,"entaron":46243,"ĠPERO":46244,"pard":46245,"Ġmarfil":46246,"monio":46247,"Ġcomplicar":46248,"Ġgeoloc":46249,"Ġporcentual":46250,"Sos":46251,"_.":46252,"ĠNest":46253,"ĠIca":46254,"Ġhabria":46255,"Ġescuchen":46256,"Ġtertulia":46257,"Ġhúngaro":46258,"Ġbaúl":46259,"ĠXxx":46260,"Ġcolectivamente":46261,"works":46262,"Ġinvirtió":46263,"sword":46264,"Ġincorporadas":46265,"Ġperegrino":46266,"ĠPhilippe":46267,"Wa":46268,"ĠHoff":46269,"Ġgata":46270,"ĠMercadona":46271,"iseos":46272,"ĠExamen":46273,"Ġnutricionista":46274,"Ġpapeletas":46275,"ĠepÃŃgraf":46276,"Luc":46277,"Å«":46278,"×ķ":46279,"aray":46280,"ĠMarea":46281,"Ġjaulas":46282,"Ġhomenajes":46283,"Ġconej":46284,"ĠCun":46285,"ĠGoku":46286,"rasia":46287,"Ġcarcin":46288,"ĠGuitarra":46289,"Ġcursado":46290,"ĠYugoslavia":46291,"Ġbim":46292,"Ġpersa":46293,"teriza":46294,"etica":46295,"Ġminibar":46296,"Ġhumorista":46297,"bucks":46298,"hecho":46299,"ĠPAD":46300,"bags":46301,"Ġbusqué":46302,"ĠPared":46303,"Ġencantadores":46304,"ĠPequeñas":46305,"Ġenvejecer":46306,"Uruguay":46307,"Ġgym":46308,"ĠPec":46309,"Ġllamativas":46310,"Ġafic":46311,"ĠcartografÃŃa":46312,"Ġmalversación":46313,"Ġresistirse":46314,"Ġartilug":46315,"tÃŃo":46316,"abia":46317,"Ġalz":46318,"ĠXS":46319,"Ġexpresados":46320,"Ġpadecido":46321,"Ġchequeo":46322,"ĠMilagro":46323,"teurs":46324,"ellón":46325,"nesota":46326,"Ġadhiere":46327,"Ġteóricamente":46328,"Ġluminosas":46329,"tÃŃsima":46330,"ĠBord":46331,"clusión":46332,"Ġlectivo":46333,"ĠLegión":46334,"Ġheterosexuales":46335,"ĠJeremy":46336,"stock":46337,"ĠTCP":46338,"Ġlipos":46339,"deraciones":46340,"Ġarregla":46341,"bike":46342,"ĠArreg":46343,"ĠCourt":46344,"Ġ203":46345,"ĠActas":46346,"ĠAction":46347,"ĠperiodÃŃsticos":46348,"Ġcuantitativa":46349,"âĨĴ":46350,"echea":46351,"Ġxeno":46352,"Ġajard":46353,"iadora":46354,"Ġcuela":46355,"ĠDort":46356,"Ġsabore":46357,"ĠMurió":46358,"Ġvidri":46359,"Ġchancadoras":46360,"Ġlegalizar":46361,"ĠTeherán":46362,"ĠJairo":46363,"ĠStart":46364,"ĠRepresenta":46365,"ĠcalabacÃŃn":46366,"λ":46367,"Ġaleta":46368,"Ġgaz":46369,"ĠBasic":46370,"ĠMcK":46371,"Ġreorden":46372,"Ġsordo":46373,"Ġreportados":46374,"ĠMath":46375,"Ġfascinado":46376,"quizás":46377,"Ġtrazabilidad":46378,"mberg":46379,"legal":46380,"Ġconservas":46381,"Ġdibujando":46382,"ométrica":46383,"ĠAsocia":46384,"Ġteñido":46385,"Ġner":46386,"Ġregion":46387,"ĠPrimeros":46388,"Ġpartos":46389,"itri":46390,"Ġoscure":46391,"Ġcuidador":46392,"ĠLlantas":46393,"Ġmanillar":46394,"Ġeviten":46395,"ILIA":46396,"Ġacercarme":46397,"Ġomni":46398,"Ġdesesperados":46399,"Ġmurcia":46400,"ĠPeñarol":46401,"trava":46402,"ĠPÃŃ":46403,"ĠIf":46404,"Ġnaci":46405,"ubio":46406,"Ġmorenas":46407,"Ġprocedido":46408,"ĠProvinciales":46409,"Ġsonro":46410,"Ġ290":46411,"ĠErik":46412,"kal":46413,"ĠSiga":46414,"Ġreferencial":46415,"Ġfrustrante":46416,"Ġdispersos":46417,"Ġmanutención":46418,"amino":46419,"Ġpaterna":46420,"Ġhabernos":46421,"Ġheladera":46422,"Ġforce":46423,"ĠCaballo":46424,"POSICIÃĵN":46425,"Ġlienzos":46426,"005":46427,"ĠMadison":46428,"Ġexpedi":46429,"Ġretiros":46430,"Utiliza":46431,"ĠFlora":46432,"seco":46433,"Ġchófer":46434,"cury":46435,"ĠEstudiantil":46436,"ĠSubdirección":46437,"ĠBuf":46438,"Ġtoreros":46439,"Ġprotagonizaron":46440,"Ġconversando":46441,"Ġsecuestrada":46442,"Bea":46443,"ĠEro":46444,"Ġgér":46445,"ĠFortuna":46446,"Ġinveros":46447,"ĠHegel":46448,"ĠFalla":46449,"Ġgrin":46450,"sono":46451,"Ġaprendimos":46452,"Ġalmacenado":46453,"Ġurgentemente":46454,"Ġmisteriosos":46455,"ĠDennis":46456,"ĠLimpia":46457,"Ġmascarillas":46458,"Ġyogurt":46459,"utanasia":46460,"CF":46461,"Time":46462,"Ġao":46463,"Ġpuebl":46464,"Ġmalvados":46465,"ĠasesorÃŃas":46466,"Ġcomprarla":46467,"Ġmonedero":46468,"Ġrestaurant":46469,"Ġaconsejan":46470,"Ġmentiroso":46471,"Ġcosechado":46472,"Ġlife":46473,"ĠInsu":46474,"ĠsabÃŃas":46475,"Ġrabi":46476,"ĠCorrupción":46477,"ĠASIGNA":46478,"ĠWarriors":46479,"celos":46480,"tiendas":46481,"ĠPrestamos":46482,"Ġpatentado":46483,"Ġsidra":46484,"Ġserigra":46485,"ĠasÃĥ":46486,"inegro":46487,"Ġobjetivas":46488,"Ġfotom":46489,"ipes":46490,"Ġsacramento":46491,"Ġregresión":46492,"ĠCaban":46493,"Ġresorte":46494,"jov":46495,"ĠVALENCIA":46496,"Ġpromulgación":46497,"Ġacoj":46498,"ĠTaj":46499,"ĠPerdón":46500,"ĠLuque":46501,"Ġbalonmano":46502,"Ġesclava":46503,"iniciar":46504,"deno":46505,"ĠAndres":46506,"ĠVancouver":46507,"Ġbrindaron":46508,"Ġalinea":46509,"Ġcordiales":46510,"Espacio":46511,"ĠMoney":46512,"Ġexiliados":46513,"Ġscrip":46514,"107":46515,"ĠPoniente":46516,"Ġmástil":46517,"ĠENTR":46518,"aproximadamente":46519,"Ġestimulantes":46520,"Ġdesiertos":46521,"ĠAlexandra":46522,"ĠNATURAL":46523,"ĠÃįNDICE":46524,"Ġabordará":46525,"ĠTiz":46526,"Ġlibrarse":46527,"Ġamorosas":46528,"ĠBenavente":46529,"ĠinfografÃŃa":46530,"Ġskate":46531,"!:":46532,"currió":46533,"Ġofendido":46534,"Ġcelulosa":46535,"Ġsobrio":46536,"Ġtransmitiendo":46537,"Ġmatriculación":46538,"ĠJosefa":46539,"ĠMUNICIPAL":46540,"Ġsabréis":46541,"Ġcontratan":46542,"Ġmontados":46543,"RIO":46544,"Ġdivierte":46545,"ĠRecomendaciones":46546,"ĠAdolescencia":46547,"ĠACTIVIDADES":46548,"Ġrencontre":46549,"uestre":46550,"Ġpopa":46551,"Escri":46552,"Ġadministradora":46553,"Ġmagnifico":46554,"Ġrapidos":46555,"Ġgamas":46556,"Ġmetidos":46557,"construcción":46558,"cinia":46559,"Ġexploradores":46560,"Próx":46561,"Doble":46562,"Ġhomologado":46563,"deles":46564,"ĠJhon":46565,"comm":46566,"ĠdefendÃŃa":46567,"Ġderogación":46568,"ĠAlejandrÃŃa":46569,"Ciertamente":46570,"Ġcumb":46571,"Ġcuenco":46572,"ĠPasamos":46573,"Ġaumenten":46574,"Actualización":46575,"ĠTIPO":46576,"reses":46577,"Ġreconf":46578,"ĠOlive":46579,"ĠBegoña":46580,"Marco":46581,"Ġreiterada":46582,"Ġmártir":46583,"chebuena":46584,"rata":46585,"lem":46586,"tógrafo":46587,"Ġcontara":46588,"ĠIndian":46589,"sc":46590,"ortes":46591,"ĠAlerta":46592,"128":46593,"ĠElectorales":46594,"Ġprevalecer":46595,"ĠONGs":46596,"ĠmembresÃŃa":46597,"ĠDiseñado":46598,"Molino":46599,"Ġvet":46600,"Ġperenne":46601,"ĠAldea":46602,"ĠRegina":46603,"Ġtributación":46604,"Ġempujó":46605,"Ġexpositor":46606,"Ġyihadistas":46607,"nac":46608,"Ġexim":46609,"pán":46610,"Ġee":46611,"ĠSG":46612,"ĠElda":46613,"Ġsinu":46614,"Ġempezo":46615,"wser":46616,"acaso":46617,"Colección":46618,"ĠCuervo":46619,"Ġincómodos":46620,"ĠEstrecho":46621,"mebol":46622,"Ġép":46623,"Ġcoincidimos":46624,"ofón":46625,"ĠDiagonal":46626,"ĠOil":46627,"exe":46628,"Ġnegaba":46629,"Niños":46630,"ĠMonsanto":46631,"Jn":46632,"Ġazoteas":46633,"Ġreeleg":46634,"JUE":46635,"Ġsnow":46636,"Ġcayera":46637,"Ġsonando":46638,"Ġexpol":46639,"Ġpelvis":46640,"Ġ207":46641,"Ġliderados":46642,"árquico":46643,"Ġsedimentos":46644,"PLA":46645,"ĠMiedo":46646,"ĠLama":46647,"Ġtire":46648,"Ġpintando":46649,"ĠbrujerÃŃa":46650,"género":46651,"ĠErika":46652,"ĠMing":46653,"Ġvisas":46654,"Accesorios":46655,"Cree":46656,"ĠNBC":46657,"igrantes":46658,"cuentros":46659,"Ġbañarse":46660,"Ġingenuo":46661,"ĠResponder":46662,"ĠCompatible":46663,"ĠPensar":46664,"Ġsubordinados":46665,"ĠGus":46666,"Ġelegibles":46667,"ĠSong":46668,"Ġdelegar":46669,"Ġtuviste":46670,"ennials":46671,"Ġcuadr":46672,"olÃĥ":46673,"asegu":46674,"Ġasumimos":46675,"Ġdeclaratoria":46676,"ĠStones":46677,"Ġ950":46678,"Ġliberan":46679,"ĠLucena":46680,"dv":46681,"Ġinstau":46682,"Ġmagistrales":46683,"Ġenalte":46684,"ĠNiza":46685,"Ġespej":46686,"Ġcuaj":46687,"Ġobviar":46688,"ĠCortázar":46689,"tla":46690,"trera":46691,"âĢľâĢ¦":46692,"Ġnazismo":46693,"Ġalmer":46694,"stitución":46695,"ĠEmpleos":46696,"Ġperdáis":46697,"cope":46698,"Ġrincon":46699,"ĠBoliviana":46700,"Var":46701,"Ġestructurar":46702,"Ġchubas":46703,"amis":46704,"ĠCut":46705,"ĠAmazonÃŃa":46706,"Ġjustificó":46707,"Ġeucalip":46708,"Ġvisites":46709,"Ġtambale":46710,"Ġimplementó":46711,"Ġcrediticia":46712,"Online":46713,"ĠSimposio":46714,"Gro":46715,"Ġarnés":46716,"Ġprescrip":46717,"Ġentrego":46718,"ĠPrimo":46719,"ĠLenguas":46720,"Ġati":46721,"amigo":46722,"âĢĥ":46723,"Ġprofer":46724,"ĠFore":46725,"Ġsuperflu":46726,"Ġfolios":46727,"ĠGn":46728,"Ġpolis":46729,"Ġtrasmitir":46730,"Ġestrechar":46731,"ĠLedesma":46732,"Ġfavorablemente":46733,"dalas":46734,"Proce":46735,"ĠAlmuerzo":46736,"Ġcaracoles":46737,"Ġportando":46738,"itolio":46739,"tanol":46740,"Ġestadunidense":46741,"Ġintensificar":46742,"Ġpabell":46743,"ĠDepósito":46744,"Ġgasolineras":46745,"ĠImplementación":46746,"Ġerupciones":46747,"tezas":46748,"ĠAxel":46749,"Escrito":46750,"terapeutas":46751,"Ġcriada":46752,"Ġhumanitarias":46753,"ĠExperimental":46754,"RodrÃŃguez":46755,"ĠQaeda":46756,"tentes":46757,"ĠEscuchar":46758,"Ġlideres":46759,"Ġautóctonas":46760,"ĠmorÃŃa":46761,"Ġaccedan":46762,"Ġdeslumbrante":46763,"Ġtoráci":46764,"Ġverguenza":46765,"Ġinmensas":46766,"Ġenseñe":46767,"Ġrecón":46768,"Administración":46769,"pores":46770,"too":46771,"Ġempece":46772,"ANAS":46773,"Ġconsultante":46774,"ĠConsulting":46775,"Ġvagón":46776,"fantas":46777,"Ġzombis":46778,"Nuevamente":46779,"ĠFrie":46780,"ĠextraÃŃdos":46781,"Ġodisea":46782,"Ġfit":46783,"Ġmelón":46784,"ĠCarp":46785,"Ġregistre":46786,"Ġinstrumentales":46787,"tÃŃb":46788,"ĠEducation":46789,"llos":46790,"Ġpesimismo":46791,"Ġfiliación":46792,"Ġdeclarando":46793,"Ġbullicio":46794,"?;":46795,"EZA":46796,"Ġarg":46797,"ésimas":46798,"Ġmetida":46799,"ĠCostas":46800,"ĠmarroquÃŃes":46801,"cron":46802,"aduc":46803,"Ġproyectiles":46804,"Ġlio":46805,"ĠsimetrÃŃa":46806,"Ġsintom":46807,"Ġcabre":46808,"ÃģTICA":46809,"guren":46810,"orah":46811,"ĠOslo":46812,"Ġdividió":46813,"Ġelectrodoméstico":46814,"UI":46815,"Ġbió":46816,"Dejar":46817,"Ġleerlos":46818,"Higgins":46819,"tun":46820,"ĠOle":46821,"Ġcerezas":46822,"ĠbolÃŃgrafo":46823,"Ġsemáforos":46824,"Ġplebiscito":46825,"rance":46826,"compe":46827,"Ġbasarse":46828,"tania":46829,"Ġcolorida":46830,"Ġrefleje":46831,"Ġtiernas":46832,"copias":46833,"Cristina":46834,"ĠBritánica":46835,"Ġsubcampeón":46836,"Ġsandwich":46837,"chile":46838,"ĠMartina":46839,"Ġalertar":46840,"Ġirresponsabilidad":46841,"Ġafeitado":46842,"Set":46843,"fila":46844,"Ġ(.":46845,"âĢ¦-":46846,"Ġóse":46847,"ĠPio":46848,"ĠMÃĥ":46849,"ĠFierro":46850,"thia":46851,"ĠEscucha":46852,"aire":46853,"ĠMarac":46854,"Ġlidi":46855,"Ġcomprada":46856,"ĠESCUELA":46857,"Ġlloraba":46858,"XXX":46859,"ĠRenovables":46860,"Ġmanantial":46861,"Iz":46862,"ĠLX":46863,"Ġsobremanera":46864,"âĢ¦âĢĿ,":46865,"eyra":46866,"Ġdelictivo":46867,"ĠAssist":46868,"480":46869,"Ġft":46870,"ibaba":46871,"imperial":46872,"licé":46873,"ĠMigraciones":46874,"ĠBeethoven":46875,"ĠChinch":46876,"Ġinsatisfacción":46877,"Ġdelin":46878,"Ġaprendes":46879,"Ġrenacer":46880,"Ġindependentismo":46881,"Ġvegetariana":46882,"ĠCome":46883,"ĠFernandez":46884,"ĠCatamarca":46885,"Ġcentralizada":46886,"ĠSolidario":46887,"Ġparos":46888,"Ġdebidos":46889,"Ġobjetivamente":46890,"Ġesperma":46891,"Ġ1890":46892,"ĠGogh":46893,"Divers":46894,"Ġincis":46895,"ĠPorte":46896,"Ġmorosidad":46897,"Ġpagarle":46898,"Ġderiven":46899,"Ġcolaterales":46900,"Ġsolvente":46901,"\"-":46902,"Ġdesmar":46903,"ĠRut":46904,"ĠanÃĥ":46905,"Ġlimit":46906,"Ġaltares":46907,"ĠISSN":46908,"González":46909,"udez":46910,"Ġate":46911,"Ġfacción":46912,"Ġabordaron":46913,"ĠConnect":46914,"Ġgremiales":46915,"chia":46916,"Ġacompañarán":46917,"ĠTania":46918,"Ġmediocres":46919,"OMBIA":46920,"iris":46921,"Ġalzada":46922,"tadamente":46923,"digital":46924,"ĠTechnologies":46925,"Ġtala":46926,"Ġobvi":46927,"ĠSanitario":46928,"ĠCruise":46929,"Ġalérgicas":46930,"FRE":46931,"ĠCrónicas":46932,"eber":46933,"inoco":46934,"Ġregirán":46935,"Ġbrigadas":46936,"Ġcontracciones":46937,"Ġporfavor":46938,"ĠPele":46939,"ĠTP":46940,"Ġentreg":46941,"Ġrespetados":46942,"ĠLente":46943,"portu":46944,"Ġdispongo":46945,"ĠVengadores":46946,"Ġgestionando":46947,"Ġembajadas":46948,"Ġrevocaciones":46949,"Ġavaricia":46950,"padre":46951,"api":46952,"ĠBanderas":46953,"Cort":46954,"Ġexhum":46955,"Ġdesguace":46956,"ulin":46957,"etricia":46958,"ĠBarba":46959,"Ġ179":46960,"Ġrefugiado":46961,"Ġoxig":46962,"ĠEspectáculos":46963,"TERS":46964,"úplex":46965,"Estudiantes":46966,"Ġconstató":46967,"Ġ204":46968,"ĠCeballos":46969,"villo":46970,"Ġhectárea":46971,"Ġengañosa":46972,"Ġpizar":46973,"Ġjustifique":46974,"Ġradiales":46975,"Ġhablarle":46976,"Ġdrástica":46977,"elles":46978,"ĠFich":46979,"ĠMeyer":46980,"Ġinsuf":46981,"ĠObst":46982,"ĠDecisión":46983,"Londres":46984,"Ġanul":46985,"ĠPatron":46986,"1981":46987,"ilates":46988,"ĠOficio":46989,"Ġimaginarse":46990,"Emple":46991,"ĠEnamor":46992,"ambiental":46993,"Ġfronterizos":46994,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":46995,"Ġmudó":46996,"ĠUF":46997,"Ġpascua":46998,"Ġorador":46999,"ĠGuitar":47000,"TUD":47001,"ĠhÃŃbrida":47002,"tap":47003,"Ġobjeciones":47004,"ĠBiodiversidad":47005,"Ġpurga":47006,"ndo":47007,"cagua":47008,"Ġcarnavales":47009,"Ġflexión":47010,"Ġsoportado":47011,"Ġalineados":47012,"Ġpinceles":47013,"Ġenorgullece":47014,"Hospital":47015,"trana":47016,"Ġadorar":47017,"tiner":47018,"Ãģrea":47019,"ĠPARTE":47020,"ĠFav":47021,"ĠAlvear":47022,"ĠColoma":47023,"Ġderrotados":47024,"Ġrespaldada":47025,"Ġovario":47026,"Ġengranajes":47027,"chua":47028,"ĠTrauma":47029,"noviembre":47030,"ĠTudela":47031,"ĠBosques":47032,"Ġcalifican":47033,"ĠTODAS":47034,"ĠBowie":47035,"ĠprofecÃŃas":47036,"Ġpanda":47037,"ĠInfierno":47038,"Ġvisitadas":47039,"Profesor":47040,"Interesante":47041,"Ġpegan":47042,"Ġampliaciones":47043,"Ġatrocidades":47044,"ĠESTUDIOS":47045,"Ġrealeza":47046,"Ġvisitarla":47047,"Agentes":47048,"Ġahumado":47049,"tándola":47050,"conocimiento":47051,"Ġ1909":47052,"ĠPetit":47053,"Ġcambiarla":47054,"ĠMusica":47055,"Ġcortejo":47056,"Ġbrutalidad":47057,"ĠAragonés":47058,"Ġmetes":47059,"guard":47060,"Ġarrepiento":47061,"Ġhacker":47062,"ĠPasó":47063,"Ġconformarse":47064,"Ġdañan":47065,"Ġtransmisor":47066,"Ġnbsp":47067,"rand":47068,"ĠartÃĥ":47069,"Ġredistribución":47070,"Ġbay":47071,"ĠWiki":47072,"ificadora":47073,"Ġmorbosa":47074,"Adri":47075,"mash":47076,"uyan":47077,"Ġ173":47078,"Ġgordos":47079,"Ġconcientización":47080,"ĠPró":47081,"Pad":47082,"reña":47083,"caros":47084,"Ġradiofrecuencia":47085,"ĠFundador":47086,"Ġbendita":47087,"ĠPoe":47088,"Ġalejó":47089,"Ġanimes":47090,"Ġestrato":47091,"dóñez":47092,"ĠTak":47093,"ĠÃļnicamente":47094,"inapa":47095,"nota":47096,"Ġcentramos":47097,"Ġencendió":47098,"ĠocurrirÃŃa":47099,"ĠRefugio":47100,"Bron":47101,"ciA":47102,"baja":47103,"Ġdelimitación":47104,"ĠIncreÃŃble":47105,"zonas":47106,"Ġteta":47107,"ĠAdrian":47108,"txe":47109,"Ġráfagas":47110,"Ġinsolv":47111,"Ġbohem":47112,"Ġempezaban":47113,"Ġepilepsia":47114,"iaba":47115,"Ġbasuras":47116,"ANG":47117,"Ġpreciosidad":47118,"Ġanticipadas":47119,"ĠAbogacÃŃa":47120,"ĠAvanzado":47121,"Ġredujeron":47122,"ĠSinceramente":47123,"ĠbiografÃŃas":47124,"Ġatravesó":47125,"Ġconcesionaria":47126,"ĠDifusión":47127,"Ġsancionador":47128,"Ġdron":47129,"Rey":47130,"Ġcasamiento":47131,"Ġhand":47132,"ingitis":47133,"compar":47134,"Ġentregarle":47135,"Ġsepulcro":47136,"saludos":47137,"Ġdico":47138,"Ġhead":47139,"Ġinfecciosas":47140,"ĠPARTICI":47141,"Ġpolietileno":47142,"Ademas":47143,"administ":47144,"Ġinfortun":47145,"Ġopio":47146,"ating":47147,"onadas":47148,"ñados":47149,"ĠTX":47150,"ĠÂŃ":47151,"ĠArra":47152,"Ġagudas":47153,"orales":47154,"mile":47155,"ĠdecÃŃr":47156,"Ġgestionada":47157,"azul":47158,"ĠEcológica":47159,"Ġvariando":47160,"Ġautentica":47161,"Ġreversible":47162,"ioni":47163,"Ġorinar":47164,"Ġpensemos":47165,"Ġarrojado":47166,"Ġbiodi":47167,"ĠIncorpor":47168,"Ġamazon":47169,"Ġdisputada":47170,"ĠOpus":47171,"Ġplomero":47172,"Ġjubilaciones":47173,"cuánto":47174,"ĠPenitenciario":47175,"ĠGill":47176,"ĠcrecÃŃa":47177,"ĠMariscal":47178,"Ġexaltación":47179,"ĠSISTEMAS":47180,"Ġestribillo":47181,"Ġdesvincul":47182,"cuyo":47183,"bledon":47184,"Ġ184":47185,"Ġbondados":47186,"Ġsalvamento":47187,"ĠSchwarz":47188,"Ġlúdicas":47189,"oriasis":47190,"Ġnasales":47191,"Ġamedr":47192,"Fon":47193,"Ġvierte":47194,"ángulos":47195,"Ġcomparan":47196,"ĠConclusiones":47197,"Ġpalmarés":47198,"Ġbastos":47199,"ĠDisplay":47200,"ballo":47201,"Ġfideos":47202,"Ġacantilado":47203,"Ġanalizada":47204,"Ġpregrado":47205,"Ġultimamente":47206,"Ġapuntarse":47207,"ĠHuila":47208,"Ġplanetario":47209,"Ġbranding":47210,"ĠDoce":47211,"Ġespas":47212,"Ġollas":47213,"Ġexplotó":47214,"Ġadornar":47215,"Ġidiotas":47216,"Genial":47217,"Viernes":47218,"Ġhen":47219,"ĠPagos":47220,"Ġautocara":47221,"Ġexigirá":47222,"ĠBenal":47223,"ĠEMPRESAS":47224,"ĠEmpezó":47225,"PJ":47226,"anya":47227,"Ġmatinal":47228,"Ġcabellera":47229,"ĠLoco":47230,"Ġsoberanos":47231,"ĠDESCRIPCIÃĵN":47232,"Ġrehus":47233,"Ġautodidacta":47234,"Conjunto":47235,"Ġajustables":47236,"Ġingenioso":47237,"د":47238,"Ġrepo":47239,"Ġlastimar":47240,"ĠIntercambio":47241,"Ġpreparo":47242,"Ġcallejeras":47243,"remlin":47244,"Oferta":47245,"ĠAraucanÃŃa":47246,"Ġapreciada":47247,"Ġsubsistir":47248,"Ġadictivo":47249,"ĠIncorpora":47250,"Ġresaca":47251,"quiales":47252,"Ġcriolla":47253,"Ġintencion":47254,"Ġprofesoras":47255,"ĠSepúlveda":47256,"Ġchupando":47257,"ĠMain":47258,"Ġcelebridad":47259,"Ġmaterialismo":47260,"ĠIker":47261,"ĠLuiz":47262,"Ġdominando":47263,"ĠStark":47264,"ĠBalears":47265,"Amar":47266,"Ġdejéis":47267,"Ġpensionados":47268,"Ġobsesionado":47269,"lés":47270,"ĠOst":47271,"çĶ":47272,"Ġmonitorizar":47273,"Ġdesprendimiento":47274,"ĠDéj":47275,"Ġdevastador":47276,"Ġmotriz":47277,"Ġpulgas":47278,"navaca":47279,"Ġconectó":47280,"Ġcomprenda":47281,"capaci":47282,"initis":47283,"Ġsaturadas":47284,"ĠPROSTITU":47285,"Mesa":47286,"Ġcoar":47287,"ĠDese":47288,"Power":47289,"Ġsarcas":47290,"Ġentremez":47291,"ĠBaix":47292,"ĠREF":47293,"ĠHoliday":47294,"Ġresaltando":47295,"ĠJordán":47296,"Ġgentiles":47297,"Bene":47298,"hand":47299,"Ġsms":47300,"ambo":47301,"ĠEfra":47302,"ĠPorfi":47303,"ĠlÃŃpidos":47304,"Ġvocablo":47305,"Ġintrom":47306,"Ġdudan":47307,"Ġacabara":47308,"inerfe":47309,"Km":47310,"Ġdemandó":47311,"Ġinvadido":47312,"Ġtraumatismo":47313,"gicas":47314,"Ġtriat":47315,"Ġtoreo":47316,"Ġhablaros":47317,"Ġdisfrutarla":47318,"ĠSensor":47319,"itualmente":47320,"Ġ304":47321,"Ġcolofón":47322,"Ġtextual":47323,"opin":47324,"Ġentrevistar":47325,"amoto":47326,"Investigadores":47327,"Duración":47328,"Ġmuuu":47329,"Ġcuestionarios":47330,"Ġenseñas":47331,"ULA":47332,"Ġlegión":47333,"Ġincursiones":47334,"ĠRover":47335,"168":47336,"ULL":47337,"Ġlocutor":47338,"Ġarrancará":47339,"ĠAlain":47340,"ĠEslovaquia":47341,"SEM":47342,"ĠClÃŃnicas":47343,"Ġrecargo":47344,"Ġhondureños":47345,"rÃŃn":47346,"Ġinduce":47347,"ĠFren":47348,"ÃŃtanos":47349,"YE":47350,"ĠTari":47351,"Ġforrado":47352,"Ġdescubiertas":47353,"ĠSecreto":47354,"Ġafiliadas":47355,"Ġgriegas":47356,"ĠHolocausto":47357,"Ġwhat":47358,"ĠRespuestas":47359,"ĠESPEC":47360,"ĠDeluxe":47361,"Ġexpandirse":47362,"Ġaburre":47363,"ĠIndependientemente":47364,"Ġbocadillo":47365,"ĠGOL":47366,"ĠTelegram":47367,"Ġgarante":47368,"Ġdiestra":47369,"ĠREGIS":47370,"210":47371,"Ġradicado":47372,"Ġimaginarios":47373,"ĠTauro":47374,"ĠGuardar":47375,"ĠAcuario":47376,"Ġredirig":47377,"Ġmelanc":47378,"uerzos":47379,"Ġrodeaba":47380,"Ġimpulsores":47381,"Ġperdiera":47382,"lap":47383,"Ġcumplimos":47384,"Ġengaña":47385,"ĠHipólito":47386,"Ġnun":47387,"ĠCayo":47388,"ĠSweet":47389,"Ġllegase":47390,"Ġrecaer":47391,"invierno":47392,"rt":47393,"ĠJor":47394,"Ġsentarme":47395,"Ġmillonarias":47396,"ĠAtocha":47397,"itec":47398,"óleo":47399,"ĠDres":47400,"Ġchula":47401,"Ġarrancado":47402,"ĠGolpe":47403,"Ġconcluyen":47404,"ĠBarbara":47405,"ĠCorpor":47406,"Ġcorrespondido":47407,"ĠGeneralidad":47408,"Ġradares":47409,"Ġmolido":47410,"Ġremates":47411,"Encuentro":47412,"Ġesgrim":47413,"Ġgérmenes":47414,"RERA":47415,"ófago":47416,"ĠNarra":47417,"Ġtez":47418,"ĠEspera":47419,"Ġreconozcan":47420,"Ġchiringu":47421,"ĠRia":47422,"portaciones":47423,"Ġ1907":47424,"Ġpensábamos":47425,"Japón":47426,"ÃŃquese":47427,"cule":47428,"Ġcorra":47429,"Ġatreves":47430,"ĠBird":47431,"ĠAsesoramiento":47432,"1531556":47433,"Ġculturalmente":47434,"ropileno":47435,"Ġpesimista":47436,"Ġamados":47437,"ĠSee":47438,"ĠAnillos":47439,"ĠChim":47440,"Ġimportadores":47441,"Sigo":47442,"étricos":47443,"técnico":47444,"Ġcist":47445,"Ġaunar":47446,"Ġsofisticadas":47447,"ĠOcupacional":47448,"norte":47449,"Ġaprieta":47450,"ĠrespondÃŃ":47451,"Ġfetal":47452,"Ġahorrado":47453,"timex":47454,"ĠCED":47455,"chando":47456,"ĠYORK":47457,"ĠDeuda":47458,"ĠQuis":47459,"ĠFOTOS":47460,"AK":47461,"Ġasol":47462,"ĠWind":47463,"Ġescritorios":47464,"positiva":47465,"Ġelevando":47466,"Ġcomunicacion":47467,"ĠPython":47468,"ĠRRHH":47469,"ĠLituania":47470,"Ġhaceros":47471,"Ġshop":47472,"Ġalfar":47473,"Ġpedagógicos":47474,"Ġcapitanes":47475,"Murcia":47476,"entará":47477,"mine":47478,"Ġmáxime":47479,"ĠServidor":47480,"Ġsacerdocio":47481,"Ġperimetral":47482,"Gl":47483,"bona":47484,"Ġconsigas":47485,"Ġembru":47486,"ĠKaw":47487,"Ġautomatizados":47488,"ĠFat":47489,"ĠFERN":47490,"!!,":47491,"eps":47492,"ármelo":47493,"Ġdolorosos":47494,"ĠÃīxito":47495,"Ġvelero":47496,"cv":47497,"zmÃŃn":47498,"ĠSáhara":47499,"Ġcobardes":47500,"Ġterci":47501,"Ġrefiriendo":47502,"Ġjugarse":47503,"ог":47504,"ĠAmplia":47505,"Ġaplaudir":47506,"ĠJurisdicción":47507,"ĠFECHA":47508,"cocina":47509,"etón":47510,"Ġwiki":47511,"ĠPiedad":47512,"ĠNy":47513,"Ġcremoso":47514,"eton":47515,"Ġaleatorio":47516,"ðŁĩ":47517,"Ġhidratada":47518,"Ġlujosos":47519,"Ġsoplo":47520,"Ġrif":47521,"Ġinvertirá":47522,"ĠCatherine":47523,"Ġarqueólogo":47524,"Ġrequirió":47525,"Ġlicenciados":47526,"Ġdecidirse":47527,"Ġnubosidad":47528,"Ġheredera":47529,"Ġtracks":47530,"fio":47531,"quebran":47532,"Ġcontrajo":47533,"Ġrelatar":47534,"Ġincrementará":47535,"Ġgitana":47536,"ĠINTEGR":47537,"ĠBing":47538,"ĠFAB":47539,"Ġtalib":47540,"ĠXalapa":47541,"Ġofertados":47542,"Ġdevueltos":47543,"Parque":47544,"odle":47545,"Ġaberturas":47546,"ĠWoody":47547,"frán":47548,"Ġacercarte":47549,"Usa":47550,"rium":47551,"ĠAnillo":47552,"ĠDiamante":47553,"Ġapoyarse":47554,"ICULO":47555,"estés":47556,"poli":47557,"ĠRubalcaba":47558,"Ġhipócrita":47559,"Ġconcluirá":47560,"Hom":47561,"Ġsudo":47562,"Ġestudiadas":47563,"ĠNaturalmente":47564,"Ġigualó":47565,"Ġsostenimiento":47566,"ĠAduana":47567,"Ġentrañables":47568,"SEC":47569,"Ġpararse":47570,"Ġcuarent":47571,"Ġconstruirse":47572,"Ġusaremos":47573,"Ġhablara":47574,"Ġrepartiendo":47575,"ICIDAD":47576,"Ġdoblado":47577,"ĠLác":47578,"Ġjinetes":47579,"Ġregad":47580,"Ġpolig":47581,"ĠCOMPR":47582,"Ġinevitables":47583,"ĠDeterminar":47584,"Intentamos":47585,"ranes":47586,"ĠHech":47587,"ĠYer":47588,"ubridad":47589,"Ġespeso":47590,"ĠincluÃŃan":47591,"Ġidentificador":47592,"Ġrespaldan":47593,"Ġhomogéneo":47594,"Ġasteroide":47595,"Ġstyle":47596,"Ġengal":47597,"...":47598,"Ġcorrieron":47599,"Preciosa":47600,"Ġinesperadas":47601,"Ġcacerola":47602,"ĠAdvanced":47603,"Ġquebra":47604,"ĠUz":47605,"ĠGourmet":47606,"ĠPortland":47607,"Ġavecin":47608,"ĠAfil":47609,"ĠEspada":47610,"Ġmatarlo":47611,"Ġneutros":47612,"ĠAquello":47613,"Ġyuca":47614,"Ġconcom":47615,"Ġcorres":47616,"Ġmoradores":47617,"Ġmigrante":47618,"ĠPiña":47619,"ĠDISEÃijO":47620,"ĠPavón":47621,"ĠFortaleza":47622,"tuno":47623,"ĠOsasuna":47624,"ĠBebidas":47625,"ĠFrancesc":47626,"Ġencapuch":47627,"Ġperdedor":47628,"Ġcalculan":47629,"ĠMargaret":47630,"ĠNOS":47631,"Ġcotil":47632,"Ġ1300":47633,"ĠEducativas":47634,"Ġautóctona":47635,"Ġimpermeabilizar":47636,"Ġcomuniones":47637,"Ġfaltaron":47638,"ĠLook":47639,"Ġempezarán":47640,"eee":47641,"ĠIPv":47642,"ĠChildren":47643,"Ġelijan":47644,"Ġcomputar":47645,"Ġaflu":47646,"Ġentron":47647,"Ġdespist":47648,"free":47649,"ĠTacón":47650,"Ġsicarios":47651,"Ġadiner":47652,"ĠMonzón":47653,"Ġcompartimentos":47654,"ĠEpidemi":47655,"Ġtendras":47656,"Ġmaria":47657,"ĠPrefectura":47658,"Ġarmó":47659,"ĠHelen":47660,"eléctrico":47661,"Ġestara":47662,"Ġdictados":47663,"Ġdocumentada":47664,"ĠFES":47665,"Ġareas":47666,"Ġocurran":47667,"Ġatenu":47668,"ĠBurdeos":47669,"roma":47670,"ĠTW":47671,"Ġmagnitudes":47672,"Ġduraderas":47673,"razy":47674,"ĠIlde":47675,"Ġguardó":47676,"ĠnÃŃquel":47677,"Ġempanadas":47678,"Ġveré":47679,"Ġimplementadas":47680,"Ġendocr":47681,"Punto":47682,"game":47683,"Ġabunda":47684,"ĠMaur":47685,"ONZ":47686,"Ġresfriado":47687,"Ġflecos":47688,"Ġproactiva":47689,"Conoces":47690,"Ġprueban":47691,"Ġprocedi":47692,"Ġsuicidas":47693,"Ġespontaneidad":47694,"Ġ182":47695,"Ġasesinó":47696,"inski":47697,"Ġjerez":47698,"Ġphoto":47699,"Ġsumen":47700,"Ġble":47701,"Ġconociera":47702,"Ġcambiaba":47703,"Ġcontaminados":47704,"Ġcuestionan":47705,"ĠBrent":47706,"Ġconstructivas":47707,"Ġcoctel":47708,"280":47709,"Ġ1400":47710,"ĠAbas":47711,"Ġproponga":47712,"ĠNúmeros":47713,"ĠPeliculas":47714,"Ġalbe":47715,"Ġimpag":47716,"bau":47717,"Ġagradecerle":47718,"ĠFitz":47719,"ĠEscon":47720,"ĠTejido":47721,"Ġagravio":47722,"ĠfactorÃŃa":47723,"ĠfisiologÃŃa":47724,"Ġfurgonetas":47725,"Ġposmoder":47726,"Ġpetar":47727,"Ġintencional":47728,"850":47729,"jona":47730,"turando":47731,"ĠDuc":47732,"Ġbastará":47733,"Ġpintan":47734,"Ġadaptándose":47735,"ilantro":47736,"ĠApart":47737,"gard":47738,"pite":47739,"ĠSaga":47740,"ĠDIARIO":47741,"Ġprestada":47742,"stasis":47743,"Ġcontradice":47744,"ĠLici":47745,"ERIC":47746,"ĠParo":47747,"Ġalmirante":47748,"Ġsuperinten":47749,"Ġsorprendieron":47750,"Ġrecordé":47751,"Ġprotectoras":47752,"Ġaltruista":47753,"Seb":47754,"Ġreconversión":47755,"Ġprovech":47756,"Ġtriatlón":47757,"Ġhumanidades":47758,"ĠVivimos":47759,"Ġhidratar":47760,"Ġimperialistas":47761,"Ġtenerlas":47762,"Ġfaltando":47763,"ĠZub":47764,"ĠClásicos":47765,"Ġapaci":47766,"Ġjardinero":47767,"Fondo":47768,"ĠPola":47769,"Ġverificado":47770,"ĠConfianza":47771,"ĠEspiritual":47772,"Jornada":47773,"Ġsaltado":47774,"Ġfallan":47775,"Ġeconomia":47776,"Ġsangrienta":47777,"Ġbarcelonés":47778,"Ġtentaciones":47779,"Ġdecidas":47780,"Ġdecididamente":47781,"ĠEscolares":47782,"Ġexprimir":47783,"Ġmeseta":47784,"Ġatendemos":47785,"Ġtaco":47786,"Ġentraña":47787,"ĠBustos":47788,"Ġprecario":47789,"ndice":47790,"Ġexpo":47791,"Ġgustara":47792,"Ġvitrinas":47793,"Ġajusten":47794,"ĠCSIC":47795,"Ġauspici":47796,"ĠatreverÃŃa":47797,"Ġpsiquiátrico":47798,"1979":47799,"ĠPascal":47800,"goglio":47801,"Ġsuavizar":47802,"ĠDidáctica":47803,"Ġbálsamo":47804,"ĠLena":47805,"inela":47806,"ĠArk":47807,"Ġxd":47808,"ĠHerramienta":47809,"Ġirreal":47810,"Editorial":47811,"Ġenrojecimiento":47812,"Ġsaba":47813,"Ġperrita":47814,"Ġyate":47815,"Ġjuegas":47816,"Ġpartner":47817,"Ġsostuvieron":47818,"ĠConsuelo":47819,"Ġexplotado":47820,"económico":47821,"ĠautomovilÃŃstico":47822,"Ġemular":47823,"Ġrecorrerá":47824,"ön":47825,"ĠValentino":47826,"ĠMasculino":47827,"HN":47828,"Ġrecibirlo":47829,"Declaración":47830,"ĠRobledo":47831,"Ġderroche":47832,"ĠArtÃŃstica":47833,"ĠIniciación":47834,"Capacidad":47835,"ĠBecerra":47836,"crea":47837,"Ġacabé":47838,"Ġcaerse":47839,"Ġsch":47840,"gregar":47841,"Ġ174":47842,"ĠAbrir":47843,"Ġreparado":47844,"Ġreformada":47845,"ĠNormativa":47846,"Ġresidir":47847,"VÃŃctor":47848,"ĠcaserÃŃo":47849,"Ġpicor":47850,"ĠFax":47851,"Ġasintió":47852,"ĠAlmacenamiento":47853,"Ġpuber":47854,"ISS":47855,"°.":47856,"Ġserial":47857,"ĠWho":47858,"Ġatentar":47859,"Ġobservada":47860,"ĠTiempos":47861,"tiendan":47862,"Ġcapitulos":47863,"Ġjugoso":47864,"Ġvaron":47865,"Ġshorts":47866,"ĠolÃŃmpicos":47867,"Ġcolgada":47868,"ĠChester":47869,"Ġjuristas":47870,"ĠKaf":47871,"ĠInfanta":47872,"ĠVIVO":47873,"ĠCervera":47874,"osevelt":47875,"ĠExtraordinario":47876,"Big":47877,"ĠAfec":47878,"Ġguiso":47879,"âĢľÂ¡":47880,"Ġorgasmos":47881,"Ġsubsidiaria":47882,"Añadir":47883,"Tierra":47884,"ĠSpecial":47885,"ĠTric":47886,"Ġmaridos":47887,"Ġgang":47888,"Ġentreno":47889,"Ġlegi":47890,"Hermosa":47891,"Ġbruscamente":47892,"Sp":47893,"Ġactive":47894,"Ġ1880":47895,"Ġdilatación":47896,"Ġentabl":47897,"Ġcomul":47898,"Ġvaciado":47899,"ĠMandela":47900,"IDER":47901,"Ġpsoriasis":47902,"upé":47903,"Ġacuarela":47904,"Cy":47905,"Sistemas":47906,"ideros":47907,"sio":47908,"adÃŃsima":47909,"ĠBeca":47910,"Ġmeterle":47911,"California":47912,"Ġrojiblanco":47913,"ĠDuro":47914,"ĠJau":47915,"Ġcaida":47916,"Ġrió":47917,"Ġembel":47918,"Ġefeméri":47919,"Ġveraniego":47920,"ĠRenovación":47921,"ĠEUROPE":47922,"Ġsable":47923,"iews":47924,"arato":47925,"alizante":47926,"ĠCapriles":47927,"Ġreciprocidad":47928,"Bat":47929,"ĠFay":47930,"Ġcandel":47931,"amoros":47932,"Ġaceptarlo":47933,"ĠFinanciamiento":47934,"Ġinterlocutores":47935,"ĠChaves":47936,"ĠInfinity":47937,"ĠKno":47938,"ĠALIM":47939,"libro":47940,"ĠhomeopatÃŃa":47941,"Ġingenuidad":47942,"strac":47943,"Ġculata":47944,"Ġespiar":47945,"ĠLuka":47946,"Ġadministrada":47947,"ĠAcabo":47948,"Autoridades":47949,"Ġmaciza":47950,"Ġasfál":47951,"tanes":47952,"Ġcontaminante":47953,"iffel":47954,"Ġbudista":47955,"ĠAarón":47956,"Ġiva":47957,"ĠFem":47958,"Ġcanceros":47959,"Ġdisputaron":47960,"ométrico":47961,"Ġdiecinueve":47962,"Ġflanque":47963,"ĠCargo":47964,"ĠStran":47965,"Ġinvoca":47966,"Ġfug":47967,"ĠManizales":47968,"ĠBak":47969,"Ġdevuelva":47970,"Ġindemnizar":47971,"Israel":47972,"Drive":47973,"Ġtempo":47974,"Ġhostigamiento":47975,"Ġabasto":47976,"ecita":47977,"QUIER":47978,"Ġsimulacro":47979,"ĠEnergÃŃas":47980,"CB":47981,"Frases":47982,"Ä«":47983,"Ġfusiones":47984,"Ġnecesitó":47985,"ĠBali":47986,"Ġmoleste":47987,"Guillermo":47988,"ĠAntequera":47989,"ktop":47990,"vaya":47991,"tubre":47992,"actualmente":47993,"ĠGros":47994,"Ġuds":47995,"Ġ1870":47996,"ĠSnapdragon":47997,"Ġbudismo":47998,"AZ":47999,"Ġextrapol":48000,"Ġdomiciliario":48001,"Sábado":48002,"\"]":48003,"ompié":48004,"ĠEPA":48005,"Ġalzas":48006,"Ġperfeccion":48007,"ĠMAX":48008,"ĠinvestigaciÃĥ":48009,"ĠRoberts":48010,"Ġdiafragma":48011,"ĠBreak":48012,"Ġmonoc":48013,"TOP":48014,"ÃģM":48015,"Ġfundacional":48016,"ĠMaravillas":48017,"ĠReproduc":48018,"ĠCorto":48019,"Ġderribo":48020,"Ġempleó":48021,"Ġsalvarse":48022,"Ġposteriori":48023,"ĠHispania":48024,"Ġconfluyen":48025,"dp":48026,"ove":48027,"rn":48028,"uñ":48029,"parente":48030,"Ġfirmando":48031,"ĠFacultades":48032,"Ġintenten":48033,"ĠSectorial":48034,"Ġmenciono":48035,"ĠEmprendedor":48036,"ĠNathan":48037,"Ġcocodrilo":48038,"Ġpesquisas":48039,"Ġking":48040,"Ġsacarla":48041,"Ġplanteaba":48042,"ĠGremio":48043,"ĠAuditor":48044,"Ġrapida":48045,"ĠIntentar":48046,"graphy":48047,"153155":48048,"RM":48049,"ĠÑĢ":48050,"Ġtat":48051,"Ġcommun":48052,"Ġsueñan":48053,"Ġdesliza":48054,"burgh":48055,"Ġroza":48056,"ĠKremlin":48057,"tambien":48058,"ĠCampana":48059,"Ġespermatozoides":48060,"ĠValero":48061,"Ġdisciplinario":48062,"Publicación":48063,"Ġmanzanilla":48064,"ĠPsiquiatrÃŃa":48065,"Ġperversa":48066,"ĠDG":48067,"ĠGama":48068,"ĠOEM":48069,"Ġoprim":48070,"Ġinsal":48071,"Ġsignifique":48072,"Ġsocializar":48073,"intamente":48074,"Ġterna":48075,"Ġantise":48076,"Ġmostrados":48077,"ĠPrior":48078,"ĠMySQL":48079,"ĠHostal":48080,"Ġmuched":48081,"Ġsacra":48082,"Ġ265":48083,"Ġtraducen":48084,"Ġtradujo":48085,"Ġcónsul":48086,"Ġmanejable":48087,"Ġatemporal":48088,"Äį":48089,"Ġhp":48090,"Ġsiria":48091,"ĠRights":48092,"loro":48093,"Ġestupendamente":48094,"ĠCayetano":48095,"Ġmétrica":48096,"hiper":48097,"ĠRaza":48098,"Ġmultiplicidad":48099,"Ġestéis":48100,"Ġmediterrán":48101,"Ġmarques":48102,"Ġcandado":48103,"joso":48104,"ĠAmena":48105,"ĠApache":48106,"Ġvideoconferencia":48107,"ĠMeses":48108,"ĠPresidentes":48109,"Ġface":48110,"ĠMt":48111,"Ġllé":48112,"Ġmarginados":48113,"Ġinfluyó":48114,"ĠmÃłs":48115,"ĠFajardo":48116,"ĠDedic":48117,"ĠSeco":48118,"Ġalbergan":48119,"ĠRodamientos":48120,"Ġpubliqué":48121,"ĠLérida":48122,"ĠEJECU":48123,"Ġfly":48124,"Ġextro":48125,"Ġbanners":48126,"timore":48127,"Ġavel":48128,"Ġomitir":48129,"Ġ187":48130,"ĠTemporal":48131,"Ġpresupuestal":48132,"ĠHermosillo":48133,"ĠFootball":48134,"ĠHidra":48135,"Ġimportó":48136,"ĠACAD":48137,"Ġcachondas":48138,"Castel":48139,"Ġfraudulenta":48140,"tary":48141,"quest":48142,"ĠAyudas":48143,"Ġandamos":48144,"Tenga":48145,"Ġdeposita":48146,"Ġmagistrada":48147,"Ġxenóf":48148,"ĠSty":48149,"ĠSans":48150,"Ġopinas":48151,"Ġusuaria":48152,"Ġpublicarse":48153,"ĠStro":48154,"Ġingresados":48155,"Ġcostosas":48156,"Negro":48157,"Ġenunciados":48158,"Open":48159,"Ġ430":48160,"Ġhumec":48161,"Ġcontendrá":48162,"Ġlimitando":48163,"ĠFoster":48164,"Ġvitae":48165,"ĠDortmund":48166,"ĠoÃŃa":48167,"Ġcomimos":48168,"Ġmedica":48169,"ĠIdea":48170,"Ġseveramente":48171,"Lec":48172,"ĠUPS":48173,"ĠSanders":48174,"ĠTamayo":48175,"ĠRuso":48176,"ĠBestia":48177,"Ġpasaportes":48178,"Ġdiferenciada":48179,"Ġbrasileñas":48180,"Ġbilletera":48181,"ĠAco":48182,"Ġtrail":48183,"Ġvacil":48184,"Ġapostamos":48185,"ĠTorrejón":48186,"Ġemisores":48187,"ĠCamboya":48188,"Next":48189,"ĠDIP":48190,"ĠTard":48191,"ĠYunes":48192,"mace":48193,"ĠCY":48194,"ĠNub":48195,"ĠcabrÃŃa":48196,"ĠMinnesota":48197,"114":48198,"Ġkarma":48199,"Ġparabrisas":48200,"Ġridicul":48201,"ĠCela":48202,"Ġmake":48203,"Ġespana":48204,"Ġtomarla":48205,"Ġmoderadas":48206,"ĠImposible":48207,"Ġtasación":48208,"Ġtenacidad":48209,"ueña":48210,"pod":48211,"Ġaplicaron":48212,"PUESTA":48213,"gow":48214,"Ġdivinos":48215,"ĠTrevi":48216,"ĠNIVEL":48217,"ĠEstaremos":48218,"veh":48219,"ĠKath":48220,"Ġprotagonizan":48221,"Ġotorgadas":48222,"Ġreinv":48223,"Ġinfeliz":48224,"name":48225,"ĠUCR":48226,"recia":48227,"ĠBÃŃbl":48228,"Ġiniciarán":48229,"CHOS":48230,"Ġtransportaba":48231,"Ġcoronado":48232,"Ġinseguro":48233,"Ġdiscernimiento":48234,"Ġzodiaco":48235,"clima":48236,"ĠAzu":48237,"Ġplanetaria":48238,"Ġnecesitarán":48239,"Ġestrepitos":48240,"ĠRadical":48241,"ĠNinja":48242,"ĠcomunÃŃcate":48243,"guage":48244,"Ġcursor":48245,"ACO":48246,"ĠFuture":48247,"Ġgasoil":48248,"meda":48249,"Ġcoronó":48250,"ĠjurÃŃdicamente":48251,"ĠHosting":48252,"ĠBrand":48253,"amonte":48254,"ĠimplÃŃcito":48255,"ĠefÃŃmero":48256,"Ġgolazo":48257,"ĠSever":48258,"ESO":48259,"Ġreúnan":48260,"tiful":48261,"Ġincorporamos":48262,"siendo":48263,"turador":48264,"Ġ188":48265,"ĠFabricantes":48266,"Ġreanudación":48267,"falo":48268,"tién":48269,"ĠEnte":48270,"Ġcalas":48271,"ĠtomarÃŃa":48272,"Ġ183":48273,"Ġasfixi":48274,"árselas":48275,"Ġmanganeso":48276,"TIZ":48277,"ĠFlorencio":48278,"ĠFloyd":48279,"Ġsintetizar":48280,"danos":48281,"ĠICO":48282,"ĠConseguir":48283,"Ġrecitales":48284,"ĠpelÃŃn":48285,"Ġdiablos":48286,"Ġelogio":48287,"Ġcarpintero":48288,"Ġ1903":48289,"ĠEmis":48290,"ĠPropio":48291,"Ġdiplomado":48292,"Ġcuantitativo":48293,"ĠâĪĴ":48294,"Ġesclerosis":48295,"Ġreclusos":48296,"Busco":48297,"âĢĶâĢĶâĢĶâĢĶ":48298,"Ġprominente":48299,"urgia":48300,"ĠDEFIN":48301,"ĠZin":48302,"Alerta":48303,"INOS":48304,"Ġ&#":48305,"imetrÃŃa":48306,"Ġpromueva":48307,"Ġdificultan":48308,"Ġsentimentales":48309,"ĠDesastres":48310,"anme":48311,"ĠMÃģ":48312,"ĠOsw":48313,"ĠActual":48314,"Ġdramáticos":48315,"Ġvill":48316,"ĠextraÃŃble":48317,"mendar":48318,"Ġpinche":48319,"Ġ217":48320,"Ġdescribiendo":48321,"Ġencerrar":48322,"Ġconstructivos":48323,"Ġgue":48324,"Ġexo":48325,"bide":48326,"Ġinformaremos":48327,"ĠAnita":48328,"ĠHeavy":48329,"antÃŃas":48330,"Ġcontrincante":48331,"Ġtul":48332,"Ġtweets":48333,"ĠVogue":48334,"Ġkin":48335,"abela":48336,"ĠWeber":48337,"ĠHebre":48338,"ĠPSP":48339,"Ġvertedero":48340,"ĠRECUR":48341,"ĠridÃŃcula":48342,"jico":48343,"sat":48344,"ä¹":48345,"ĠRegreso":48346,"care":48347,"viol":48348,"Ġviolada":48349,"Ġconsumimos":48350,"ĠRubia":48351,"rigoyen":48352,"ĠAltamira":48353,"ictos":48354,"Ġobtienes":48355,"Ġtumblr":48356,"Ġansiosa":48357,"icencio":48358,"ĠINSTITUTO":48359,"âĿ¤":48360,"Ġvaquero":48361,"Ġdestacables":48362,"ivery":48363,"Recono":48364,"Ġsensato":48365,"Ġpopulista":48366,"selec":48367,"quÃŃmico":48368,"ketch":48369,"Ġrecuperada":48370,"ĠHostel":48371,"ĠWimbledon":48372,"amex":48373,"Ġcomió":48374,"ĠprÃĥ":48375,"Ġtomarte":48376,"Ġsupimos":48377,"Necesita":48378,"Ġapó":48379,"taller":48380,"Ġregresaba":48381,"Ġocupamos":48382,"Ġpracticada":48383,"Ġvirtu":48384,"Ġpostula":48385,"Ġimpecables":48386,"TURAS":48387,"ĠCrimen":48388,"ĠOportunidad":48389,"Ġhistorietas":48390,"Ġnatalidad":48391,"Ġcastañas":48392,"ĠShip":48393,"Ġdesmo":48394,"ogia":48395,"Ġmereció":48396,"Ġ171":48397,"putnik":48398,"ĠBeau":48399,"Ġfotografia":48400,"Ġasas":48401,"Ġreplicas":48402,"continental":48403,"aum":48404,"Ġexplicará":48405,"Ġreclutar":48406,"Ġpulsaciones":48407,"Ġenlaza":48408,"Ġinorg":48409,"ĠOrel":48410,"drÃŃo":48411,"ĠConcello":48412,"etina":48413,"Ġagredido":48414,"ĠCircu":48415,"Ġpresupuestarios":48416,"lazo":48417,"Ġrevisados":48418,"IPOS":48419,"Ġbrom":48420,"Ġarmonizar":48421,"Ġsuicidarse":48422,"Ġstart":48423,"Ġinmensidad":48424,"Ġsobras":48425,"Ġaprie":48426,"Ġ315":48427,"ĠAnterior":48428,"Ġformadores":48429,"Ġconquistadores":48430,"ĠmetafÃŃs":48431,"ĠDemasiado":48432,"ĠاÙĦ":48433,"Lista":48434,"omus":48435,"Ġdj":48436,"ĠRibe":48437,"Ġrepetidos":48438,"Ġempujando":48439,"Ġmarxistas":48440,"learning":48441,"técnicos":48442,"plácito":48443,"onne":48444,"jase":48445,".âĢ¢":48446,"Psic":48447,"resul":48448,"Ġandas":48449,"Ġmimos":48450,"ĠCombate":48451,"Ġcomprometieron":48452,"Ġlagrimas":48453,"âĢħ":48454,"haciendo":48455,"ĠNEGO":48456,"Ġcordobesa":48457,"queños":48458,"Ġportaba":48459,"ĠPista":48460,"ĠRIES":48461,"Ġtraficantes":48462,"áctanos":48463,"Ġemitiendo":48464,"Ġarribar":48465,"ĠZúñiga":48466,"ĠArellano":48467,"Ġbungalo":48468,"Ġprover":48469,"Ġimpidan":48470,"Ġmalaria":48471,"ĠCuento":48472,"RACIÃĵN":48473,"Ġ216":48474,"Ġlanzamos":48475,"Acá":48476,"Ġcaribeño":48477,"Ġ1902":48478,"Ġcristalina":48479,"Ġcatólicas":48480,"ĠiranÃŃes":48481,"119":48482,"uba":48483,"rasa":48484,"Ġinfruc":48485,"ĠPASO":48486,"vinos":48487,"Ġgastando":48488,"ĠRovira":48489,"ĠGarci":48490,"Ġlevantarme":48491,"erado":48492,"Ġhada":48493,"ĠPAP":48494,"ĠInvers":48495,"ordan":48496,"Ġquemada":48497,"Ġak":48498,"andÃŃa":48499,"Ġbruscos":48500,"Ġdesodor":48501,"Ġraiz":48502,"asaki":48503,"ĠRichter":48504,"Ġhidráulicos":48505,"Ġvistoso":48506,"Ġdelimitar":48507,"ĠEdificios":48508,"Ġreactivos":48509,"Ġinexistentes":48510,"Ġcomprometemos":48511,"Ġenfatizar":48512,"Pronto":48513,"ĠOrdóñez":48514,"Ġtape":48515,"Ġalarde":48516,"Ġadicta":48517,"Ġhonradez":48518,"Ġselfies":48519,"Ġcet":48520,"Ġpalomitas":48521,"ĠTax":48522,"CONS":48523,"Ġmt":48524,"igón":48525,"Ġarts":48526,"explo":48527,"Ġfactibilidad":48528,"Ġcompensaciones":48529,"pton":48530,"araz":48531,"Ġmuscul":48532,"ĠDirecta":48533,"Ġmetano":48534,"Ġplaticar":48535,"Ġincorpore":48536,"Ġsobren":48537,"Ġmemorizar":48538,"Ġamur":48539,"ORDEN":48540,"Ġonly":48541,"areas":48542,"Ġprocesiones":48543,"Ġimpidieron":48544,"Ġpedan":48545,"Ġexigieron":48546,"ĠTermina":48547,"Ġhipotético":48548,"ĠTomé":48549,"ĠÃŃtem":48550,"Ġaclamado":48551,"American":48552,"Ġparecerá":48553,"Ġcontamina":48554,"Ġbigote":48555,"Ġvocacional":48556,"Acción":48557,"usiera":48558,"Ġmantén":48559,"Ġimpliquen":48560,"ĠEstaciones":48561,"Ġtrasto":48562,"Ġviolando":48563,"ĠESPN":48564,"Ġexceptuando":48565,"ĠFuncionarios":48566,"aros":48567,"amin":48568,"Ġgustas":48569,"Ġdivinas":48570,"ĠBlanc":48571,"ĠFN":48572,"Ġmerezca":48573,"ulouse":48574,"Ġinterpretarse":48575,"Ġcomentarista":48576,"ĠCUAL":48577,"ĠlejanÃŃa":48578,"Ġaledaños":48579,"yéndose":48580,"tativo":48581,"Ġposto":48582,"Ġexpresiva":48583,"Ġ802":48584,"Ġburgueses":48585,"ĠapatÃŃa":48586,"Ġsolemnidad":48587,"Mau":48588,"Ġvieran":48589,"Ġsegui":48590,"Ġalterada":48591,"Ġvinculan":48592,"ÃŃgenos":48593,"ĠcronologÃŃa":48594,"ĠLluÃŃs":48595,"Ġanorexia":48596,"Ġdecididos":48597,"Ġalegria":48598,"Ġesterilización":48599,"Rem":48600,"ĠPé":48601,"Ġasador":48602,"ĠLinks":48603,"ĠASE":48604,"Elabor":48605,"ĠCastle":48606,"Ġanimando":48607,"113":48608,"ECH":48609,"ĠCAPA":48610,"uka":48611,"ĠLane":48612,"partito":48613,"carias":48614,"Ġlux":48615,"Ġaceptará":48616,"ĠEnsenada":48617,"ĠSach":48618,"ĠPenales":48619,"Estimados":48620,"Pi":48621,"Ġpanza":48622,"Ġlatidos":48623,"ĠStand":48624,"Ġside":48625,"ĠDuty":48626,"ĠempÃŃrica":48627,"uelvan":48628,"Ġasistirá":48629,"ĠHago":48630,"Ġcomenzaban":48631,"Ġposeemos":48632,"Ġdesfavorecidos":48633,"ĠEscorial":48634,"Edición":48635,"Ġadvent":48636,"Consejos":48637,"ĠAntigüedad":48638,"ĠDrake":48639,"ĠEpic":48640,"ágen":48641,"ĠItz":48642,"carcel":48643,"Ġdotadas":48644,"Ġestandarte":48645,"Ġderrama":48646,"Ġroot":48647,"Proceso":48648,"Ġpreestable":48649,"Ġimprovisado":48650,"ĠSustitu":48651,"ĠRebelde":48652,"edding":48653,"âĤ¬/":48654,"ĠAgregó":48655,"ĠAqua":48656,"Ġsufragar":48657,"Ġchimeneas":48658,"CG":48659,"Ġcontornos":48660,"ĠMarcial":48661,"Ġatón":48662,"Ġsép":48663,"ĠError":48664,"ĠCull":48665,"tares":48666,"marketing":48667,"Ġconsumida":48668,"Ġpárpado":48669,"Ġobsesion":48670,"FUN":48671,"KK":48672,"ĠLLE":48673,"ĠPasos":48674,"Ġflorecer":48675,"serie":48676,"Ġtolerante":48677,"Ġlif":48678,"ĠLez":48679,"ĠpolÃĥ":48680,"telli":48681,"ĠProfun":48682,"Leon":48683,"Ġaseos":48684,"iceleste":48685,"ĠHACER":48686,"Ġdame":48687,"Ello":48688,"Ġmisas":48689,"Ġsentamos":48690,"Ġintegren":48691,"It":48692,"Ġsirenas":48693,"ĠFlow":48694,"Ġcoloridas":48695,"Ġlibreto":48696,"Ġreservadas":48697,"ĠxDDD":48698,"Ġescanear":48699,"trich":48700,"Ġprimitivos":48701,"ĠNacido":48702,"ĠSuf":48703,"Ġ1898":48704,"gonos":48705,"ĠImpuls":48706,"Ġacontecer":48707,"Ġmazmor":48708,"ĠATENCIÃĵN":48709,"pien":48710,"Ġmisionera":48711,"Ġcamarones":48712,"ĠMérito":48713,"Ġfelino":48714,"Ġadornado":48715,"Ġgrandiosa":48716,"Ġsemántica":48717,"ĠCumpleaños":48718,"quinos":48719,"ĠMake":48720,"Ġconstruimos":48721,"Ġradioterapia":48722,"Ġblasf":48723,"SK":48724,"Ġsudadera":48725,"ĠAres":48726,"ĠguarderÃŃas":48727,"ĠDocencia":48728,"Motor":48729,"Pantal":48730,"ĠNOTICIAS":48731,"lima":48732,"elones":48733,"Ġnacidas":48734,"Ġsuban":48735,"Ġdisfrutéis":48736,"tiny":48737,"Ġmaternal":48738,"!!!.":48739,"ĠRevesti":48740,"Ġentrevistó":48741,"ĠCiro":48742,"irman":48743,"Ġmonasterios":48744,"Ġquirúrgicos":48745,"ĠCinta":48746,"Ġamenazando":48747,"Ġdestruidas":48748,"Ġmovernos":48749,"ĠBlade":48750,"Ġlargometrajes":48751,"ĠAfi":48752,"Ġdesinf":48753,"usta":48754,"Ġfibromialgia":48755,"Ġpregún":48756,"Ġtransbor":48757,"arrama":48758,"Ġabrevia":48759,"Ġalimentador":48760,"ĠLanka":48761,"Ġduela":48762,"ceda":48763,"Ġsimulaciones":48764,"friends":48765,"Ġnavarra":48766,"Ġespecificidad":48767,"UDA":48768,"riza":48769,"ĠEDI":48770,"Ġcristian":48771,"RIP":48772,"bitat":48773,"Ġrotativo":48774,"ĠTRES":48775,"Ġtraba":48776,"015":48777,"Ġcursa":48778,"ĠJesu":48779,"Ġpreferencial":48780,"Ġdetenga":48781,"Haciendo":48782,"ĠARTE":48783,"ĠImagin":48784,"Raúl":48785,"Ġuterino":48786,"Ġstr":48787,"Ġreojo":48788,"ĠLiu":48789,"Ġfavorezcan":48790,"Ġretratar":48791,"Ġdepositados":48792,"Ġenseñaros":48793,"Ġbarroca":48794,"ĠDisfrutar":48795,"Ġconnotaciones":48796,"inistas":48797,"ĠMocas":48798,"Ġsostenidos":48799,"Ġnutritiva":48800,"Ġlomos":48801,"ĠMarl":48802,"entismo":48803,"Ġelfos":48804,"Ġpasea":48805,"Ġrealizarla":48806,"Ġ211":48807,"Ġligamentos":48808,"ĠEncuentre":48809,"Ġantibiótico":48810,"principalmente":48811,"Ġofrecernos":48812,"Ġenemigas":48813,"Ġtranscurrió":48814,"он":48815,"ĠBlasco":48816,"ĠPróximo":48817,"Ġhoci":48818,"Ġdesecho":48819,"idae":48820,"ĠâĢľ,":48821,"ĠMatrimonio":48822,"Ġenfadado":48823,"Aviso":48824,"DIC":48825,"ĠDiar":48826,"Ġcuestionada":48827,"Ġaterrador":48828,"ĠCOMPLE":48829,"Ġadd":48830,"ĠDelhi":48831,"ĠRepresentación":48832,"Ġmillonaria":48833,"Ġdiluci":48834,"ĠReed":48835,"hacia":48836,"Ġpedirles":48837,"ĠPlur":48838,"Ġprecandidato":48839,"atales":48840,"ĠCartu":48841,"Ġviolencias":48842,"Ġcoronación":48843,"ĠInteligente":48844,"Ġconsolidarse":48845,"Ġerróneo":48846,"Ġdiscrepancia":48847,"ĠPCI":48848,"Ġdesórdenes":48849,"tasar":48850,"Ġbolchevi":48851,"oring":48852,"Ġmiento":48853,"ĠCell":48854,"quistas":48855,"Ġcorros":48856,"Grandes":48857,"ĠHidrocarburos":48858,"Ġpoliti":48859,"Ġ193":48860,"Ġhaberes":48861,"Ġdeteriorado":48862,"ectomÃŃa":48863,"Ġexman":48864,"Ġmobile":48865,"tham":48866,"ĠANTON":48867,"ĠDeclara":48868,"Ġcronológico":48869,"zia":48870,"ĠBD":48871,"Ġluis":48872,"Ġpesquera":48873,"Ġrutin":48874,"ĠAndreas":48875,"Ġarrojan":48876,"Ġchorrito":48877,"Hu":48878,"Ġcepillos":48879,"República":48880,"κ":48881,"Ġcontrapres":48882,"ĠCartel":48883,"Ġhow":48884,"Ġencargue":48885,"ĠTeres":48886,"264":48887,"Ġasistirán":48888,"Ġhipn":48889,"Ġruidoso":48890,"leños":48891,"tags":48892,"ĠTower":48893,"ĠDioses":48894,"Ġemita":48895,"Ġdevuelven":48896,"Ġacatar":48897,"Ġdesemboca":48898,"Ġperiférica":48899,"ĠHudson":48900,"Ġapio":48901,"Ġtelevi":48902,"Ġprovocaba":48903,"transmis":48904,"Ġinaugurará":48905,"Ġglosario":48906,"erata":48907,"Ġroturas":48908,"Ġmoro":48909,"ĠCream":48910,"ĠCreed":48911,"Ġabrazó":48912,"Ġentretenidos":48913,"Ġincub":48914,"Ġavalada":48915,"Ġbisab":48916,"Ġmultidisciplinario":48917,"Ġalde":48918,"Ġcollage":48919,"ugna":48920,"ĠlucÃŃa":48921,"Ġreincorpor":48922,"ĠHimno":48923,"Listado":48924,"Ġtraidores":48925,"Ġinvit":48926,"ĠArri":48927,"Ġmosto":48928,"Ġignorado":48929,"Ġcomunicativa":48930,"ĠBrujas":48931,"Ġreclusión":48932,"ĠlegÃŃtimas":48933,"ĠPolarizados":48934,"Ġepider":48935,"fices":48936,"Ġbeneplácito":48937,"155":48938,"Ġmodulo":48939,"ĠGUÃįA":48940,"ĠFortalecimiento":48941,"Ġdels":48942,"Ġalme":48943,"ayor":48944,"ĠDenver":48945,"Ġplegar":48946,"Ġcompartimento":48947,"Ġmarcial":48948,"Ġpeones":48949,"ceps":48950,"Ġdispondrán":48951,"enton":48952,"ĠCondes":48953,"ĠArna":48954,"Ġrepresenten":48955,"Suc":48956,"serÃŃa":48957,"uerpo":48958,"Ġ191":48959,"Ġtransitan":48960,"creto":48961,"Ġculinario":48962,"Ġgaleria":48963,"ĠCepeda":48964,"Ġclandestino":48965,"Ġlargamente":48966,"ĠPitt":48967,"zel":48968,"ĠUVA":48969,"ĠLost":48970,"Ġatom":48971,"ĠEjido":48972,"Ġcorrupta":48973,"ĠValls":48974,"Ġatorn":48975,"Ġgps":48976,"urus":48977,"ĠRepar":48978,"Ġdesempeñarse":48979,"ĠGordo":48980,"Ġmultilateral":48981,"idando":48982,"Ġarroll":48983,"ĠTortu":48984,"Ġimpresionar":48985,"Consulte":48986,"Ġremunerado":48987,"zine":48988,"Ġconcurren":48989,"Ġaplastar":48990,"1977":48991,"ĠComodoro":48992,"Ġrecomendaron":48993,"Ġevaluó":48994,"ĠRango":48995,"Ġfuneraria":48996,"Ġdescansando":48997,"petegui":48998,"ĠZul":48999,"tizadores":49000,"Ġtelefónicos":49001,"Ġnicaragüenses":49002,"Ġanalgésicos":49003,"Ġimbécil":49004,"Caso":49005,"mam":49006,"patÃŃas":49007,"Ġvaina":49008,"TED":49009,"Ġadulter":49010,"Ġrumano":49011,"Ġgrs":49012,"ĠAparece":49013,"Ġsatelital":49014,"ponga":49015,"Ġacertadas":49016,"Ġpines":49017,"zania":49018,"Ġpelean":49019,"sentido":49020,"anés":49021,"Ġinterpuesta":49022,"ĠSaneamiento":49023,"Ġimitando":49024,"Ġsacudir":49025,"LU":49026,"ancas":49027,"anne":49028,"ĠCiti":49029,"Ġsoca":49030,"úcleo":49031,"Ġestilismo":49032,"Ġinfieles":49033,"power":49034,"Ġpropuse":49035,"ĠBalne":49036,"JERCI":49037,"ĠParticipar":49038,"fÃŃsico":49039,"OEA":49040,"Stu":49041,"vita":49042,"Ġvicis":49043,"Ġvacio":49044,"Ġnormalizar":49045,"ĠTrato":49046,"Ġabrirlo":49047,"ĠDivi":49048,"Ġdevolverle":49049,"ĠDiscovery":49050,"dn":49051,"ĠBrea":49052,"ĠAnime":49053,"Ġdescuidado":49054,"Ġconvirtiera":49055,"Ġchoferes":49056,"Ġecommerce":49057,"EDADES":49058,"Ġfrancotir":49059,"Ġdesagües":49060,"Básicamente":49061,"Sport":49062,"aser":49063,"ĠMoc":49064,"ĠQuique":49065,"Ġreaccionan":49066,"679":49067,"Ġreglamentariamente":49068,"Ġproa":49069,"Energ":49070,"new":49071,"Ġestipula":49072,"Ġcotizan":49073,"Ġpabellones":49074,"pital":49075,"ĠLanda":49076,"till":49077,"Notas":49078,"ĠClaude":49079,"Ġmediocridad":49080,"Ġbufete":49081,"PIO":49082,"Ġnecesitando":49083,"ĠDescan":49084,"MuchÃŃsimas":49085,"Ġinvasiva":49086,"ĠEmbal":49087,"Ġbenéfico":49088,"Ġflotas":49089,"edición":49090,"Ġsaharauis":49091,"actual":49092,"ĠBON":49093,"Ġ§":49094,"omaquia":49095,"Ġdiner":49096,"ĠPatrimon":49097,"Fol":49098,"ĠIgua":49099,"Ġvaga":49100,"Ġafectaron":49101,"Ġbesitos":49102,"ĠCaval":49103,"Ġcórner":49104,"iable":49105,"cuáles":49106,"ĠComic":49107,"ĠcontenÃŃan":49108,"Ġesférico":49109,"Ġpunteros":49110,"Ġescaño":49111,"Ġindividualismo":49112,"ĠGOBIERNO":49113,"ĠSeo":49114,"Ġrepasa":49115,"ĠZárate":49116,"Ġcuarteles":49117,"ĠARM":49118,"Ġtapizado":49119,"ĠPocas":49120,"Ġcolump":49121,"Selecciona":49122,"Ġpiojos":49123,"ĠSeñores":49124,"Ġadoran":49125,"ĠMAG":49126,"polo":49127,"Ġdejándolo":49128,"Ġsubur":49129,"ĠSchmid":49130,"import":49131,"Ġcangrejo":49132,"Ġvaloramos":49133,"ĠMayer":49134,"Podrán":49135,"fán":49136,"ĠICA":49137,"ĠIFE":49138,"immer":49139,"Ġmilicias":49140,"ĠAmen":49141,"endly":49142,"Ġsimpáticos":49143,"Desarrollar":49144,"ĠParroquial":49145,"Ġmiserables":49146,"Ġolvidadas":49147,"Ġmendo":49148,"ĠPanasonic":49149,"ĠJuanjo":49150,"mediante":49151,"Ġindefinidamente":49152,"ĠGard":49153,"Ġcrearse":49154,"Ġcontratante":49155,"Ġdetectores":49156,"Ġbisexuales":49157,"Ġencantaron":49158,"Ġalienta":49159,"ĠAMA":49160,"Ġantag":49161,"ĠNm":49162,"uerga":49163,"meta":49164,"lictos":49165,"estructura":49166,"Ġacudiendo":49167,"Ġacorral":49168,"ĠErdo":49169,"Mov":49170,"ĠGomera":49171,"fermedad":49172,"Ġlegislar":49173,"show":49174,"ĠMica":49175,"Ġdestacaba":49176,"LEY":49177,"TERA":49178,"Ġdesechables":49179,"cencias":49180,"Ġtweet":49181,"Ġgemelo":49182,"mping":49183,"tashop":49184,"ĠSey":49185,"Ġcastigados":49186,"Ġseductor":49187,"loc":49188,"Ġaprenderán":49189,"QM":49190,"db":49191,"larios":49192,"Ġexigible":49193,"ĠBerta":49194,"Ġrevelando":49195,"Ġguatemalteco":49196,"Ġinnata":49197,"nol":49198,"icón":49199,"raf":49200,"ĠPG":49201,"ĠGI":49202,"Ġmerecedor":49203,"Ġsubal":49204,"ĠPersonalidad":49205,"Entrega":49206,"Ġlavados":49207,"Ġingestión":49208,"Ġcilantro":49209,"endose":49210,"Ġaxi":49211,"Ġtocados":49212,"ajeros":49213,"Ġcerramos":49214,"Ġproblem":49215,"Ġtirano":49216,"Disposición":49217,"Ġcruzaron":49218,"Ġrazonar":49219,"Ġfiscalidad":49220,"ĠASIGNATURA":49221,"ĠList":49222,"Ġexótica":49223,"Ġrespondo":49224,"Ġmanteniéndose":49225,"Ġtiradores":49226,"éptico":49227,"PIB":49228,"Ġadaptarnos":49229,"ĠlingüÃŃsticos":49230,"ĠAntoine":49231,"Tabla":49232,"ĠBP":49233,"Ġpartituras":49234,"Ġnupcial":49235,"ending":49236,"Ġfisica":49237,"Escuch":49238,"Ġboicot":49239,"Ġdona":49240,"illot":49241,"Ġmanejaba":49242,"Ġastucia":49243,"Ġaburridos":49244,"Ġmeridional":49245,"Rese":49246,"ĠAdem":49247,"ĠRB":49248,"pela":49249,"Ġexclamó":49250,"ĠForense":49251,"Ġlicuadora":49252,"Num":49253,"Ġquil":49254,"ĠAllan":49255,"Ġrizado":49256,"ĠGibson":49257,"ĠCéspedes":49258,"ulto":49259,"122":49260,"estrella":49261,"ĠEXTRA":49262,"Ġidóneos":49263,"Ġtangibles":49264,"Jug":49265,"Ġperdedores":49266,"Ġinferioridad":49267,"tzinapa":49268,"ãĥ³":49269,"ĠTacna":49270,"ĠclÃŃmax":49271,"UERDO":49272,"Ġhipertensiva":49273,"Pocos":49274,"Ġdegeneración":49275,"Ġexprese":49276,"Ġacompañaban":49277,"Ġrecubierto":49278,"Ġevalúan":49279,"Ġping":49280,"ĠOasis":49281,"Ġprotestan":49282,"Ġveraniega":49283,"equipo":49284,"Ġdiame":49285,"ĠdebÃŃamos":49286,"ĠRescate":49287,"Ġsumido":49288,"Ġvisitaremos":49289,"ĠFausto":49290,"Ġreverencia":49291,"Ġjarra":49292,"Ġsigla":49293,"tello":49294,"Ġenseñaba":49295,"ĠSergi":49296,"kens":49297,"Ġsoya":49298,"ĠcarecÃŃa":49299,"Ġmilici":49300,"ĠPoly":49301,"DIA":49302,"Ġtinerfe":49303,"Ġdisi":49304,"Ġauda":49305,"imagenes":49306,"Ġlogras":49307,"burn":49308,"ĠVentajas":49309,"Ġafeitar":49310,"Ġanecdó":49311,"ĠNon":49312,"Ġvelcro":49313,"ĠtestÃŃculos":49314,"Ġst":49315,"Ġpremedi":49316,"lard":49317,"Ġceloso":49318,"ĠArtesanÃŃa":49319,"ĠLoyola":49320,"jord":49321,"Ġsmo":49322,"uczynski":49323,"ĠGallery":49324,"conven":49325,"cendente":49326,"Ġsalvavidas":49327,"Ġabsorben":49328,"sori":49329,"ĠUsando":49330,"Ġganchillo":49331,"unde":49332,"ĠunÃŃa":49333,"ĠEiffel":49334,"Ġsuscita":49335,"Ġ181":49336,"ĠRecurso":49337,"ĠHice":49338,"1976":49339,"ĠDispositivos":49340,"Ġpreguntarme":49341,"ĠhÃŃdrico":49342,"Ġdesintegración":49343,"åIJ":49344,"Ġalpin":49345,"ĠJES":49346,"ĠKro":49347,"Ġpanf":49348,"Ġrevelada":49349,"Ġpayasos":49350,"ĠRGPD":49351,"rige":49352,"ĠBed":49353,"Ġtrap":49354,"ĠRealización":49355,"Ġparticipaba":49356,"ĠFilarmónica":49357,"Ġunila":49358,"note":49359,"Ġrozando":49360,"Ġtomillo":49361,"Ġacepción":49362,"ĠINCLU":49363,"Ġapetecible":49364,"Ġvecindad":49365,"junio":49366,"Ġhabitáculo":49367,"ĠCuyo":49368,"Ġmareo":49369,"Ġacariciar":49370,"Ġjajajajaja":49371,"ĠExtraordinaria":49372,"eadas":49373,"Ġgemas":49374,"erosa":49375,"Ġexistieron":49376,"estaciones":49377,"Ġ221":49378,"ĠMenem":49379,"ĠAsesores":49380,"Ġmiocardio":49381,"ĠAQUI":49382,"ĠDevelopment":49383,"Ġestorn":49384,"ĠEVA":49385,"Ġtransitor":49386,"Ġinsensa":49387,"ĠMercury":49388,"Ġreintegro":49389,"Ġprecede":49390,"Ġabuelita":49391,"Ġorégano":49392,"Ġcabos":49393,"gler":49394,"eradores":49395,"Ġinquebran":49396,"ĠVirg":49397,"PEG":49398,"Ġdesmantelamiento":49399,"ĠCabra":49400,"jejeje":49401,"Dif":49402,"Ġcometas":49403,"neider":49404,"ĠCamisetas":49405,"Ġandam":49406,"Ġcuelgan":49407,"ĠTroya":49408,"ĠPunk":49409,"ĠMúltiples":49410,"ludio":49411,"ĠanalÃŃticos":49412,"éntate":49413,"élulas":49414,"ĠCABA":49415,"primero":49416,"girl":49417,"Ġbitácora":49418,"ĠPina":49419,"Ġibas":49420,"Ġpeo":49421,"Ġrefinada":49422,"Ġdesaho":49423,"Ġconsolidados":49424,"ĠANC":49425,"Ġdeshon":49426,"coreana":49427,"AFP":49428,"Ġplayoffs":49429,"1973":49430,"Ġmonetarias":49431,"ĠFinancieras":49432,"Ġmovies":49433,"lub":49434,"Ġaos":49435,"ĠTul":49436,"ĠseguÃŃs":49437,"Ġocaso":49438,"Ġlactantes":49439,"ĠBeso":49440,"ĠSimpl":49441,"Ġescucharla":49442,"Ġbelgas":49443,"Ġconcedidas":49444,"Ġindividualizada":49445,"Ġrecogerá":49446,"ĠPeriodista":49447,"ĠVenezolano":49448,"Ġbrócoli":49449,"Ġindistintamente":49450,"Fácil":49451,"RP":49452,"ĠSche":49453,"Ġmat":49454,"Ġejerza":49455,"imenez":49456,"Ġinfernal":49457,"Ġrescata":49458,"luen":49459,"Ġcapuch":49460,"Ġmoderadores":49461,"Consigue":49462,"adis":49463,"Ġalican":49464,"Ġimpas":49465,"Ġfracasó":49466,"RÃŃo":49467,"Ġautoritarismo":49468,"Ġsindicalistas":49469,"Ġministeriales":49470,"Ġrezo":49471,"âĢ¦âĢ¦.":49472,"cense":49473,"ĠViews":49474,"Ġrotundamente":49475,"Ġamenazante":49476,"Ġtesorero":49477,"abes":49478,"úster":49479,"Toledo":49480,"ĠJair":49481,"Ġolvidaba":49482,"Ġsuministrado":49483,"Ġpreservativo":49484,"ĠOlimpiadas":49485,"Blanco":49486,"wiki":49487,"Ġprovi":49488,"tuall":49489,"cuma":49490,"Ġapad":49491,"Ġpasaran":49492,"Ġinclinada":49493,"ĠChrom":49494,"ĠCardo":49495,"340":49496,"Ġlep":49497,"Ġapareci":49498,"tinencia":49499,"Ġtenerte":49500,"Ġhaberlos":49501,"ĠCantos":49502,"Ġoperados":49503,"Ġmachistas":49504,"aldi":49505,"Ġgeno":49506,"ĠOso":49507,"ĠEnf":49508,"Ġcanino":49509,"Ġsacerdotal":49510,"Ġmandaba":49511,"Ġlentas":49512,"Ġapéndice":49513,"Ġganara":49514,"Ġdeberian":49515,"Ġanalógica":49516,"kota":49517,"Ġcártel":49518,"ĠElectronics":49519,"Ġserotonina":49520,"espaldas":49521,"Lunes":49522,"Ġbalear":49523,"ĠVoluntariado":49524,"Ġniger":49525,"ĠReporte":49526,"telier":49527,"ĠRoosevelt":49528,"Ġpróspero":49529,"Ġpatos":49530,"Ġguir":49531,"ĠObispos":49532,"Ġregresando":49533,"Ġecharse":49534,"ĠmonotonÃŃa":49535,"Llevamos":49536,"ASTA":49537,"Ġreanudar":49538,"Ġarrepentido":49539,"Ġiii":49540,"ĠConciencia":49541,"Ġ520":49542,"Ġregistral":49543,"Ġaplastante":49544,"Brin":49545,"fits":49546,"Ġeutanasia":49547,"iosis":49548,"Ġ-¡":49549,"ĠLearning":49550,"Ġuniversalidad":49551,"Ġviniera":49552,"Ġocasionando":49553,"Ġrediseño":49554,"Ġpaulatina":49555,"Ġbuey":49556,"£":49557,"ĠCus":49558,"ĠSuena":49559,"ĠHÃŃ":49560,"ĠCau":49561,"Back":49562,"Ùĩ":49563,"ervas":49564,"ĠCampa":49565,"Ġcaravanas":49566,"dominios":49567,"Ġvibrantes":49568,"ĠSueños":49569,"Ġdesesperanza":49570,"ĠLEÃĵN":49571,"ĠCARLOS":49572,"Ġvistiendo":49573,"lamientos":49574,"Ġodian":49575,"Ġatienda":49576,"quedad":49577,"ĠTÃŃtulos":49578,"ĠRing":49579,"Inte":49580,"ĠPete":49581,"Ġconducida":49582,"ĠMarisol":49583,"Out":49584,"Ġdedicas":49585,"ĠfÃŃl":49586,"Ġrevueltas":49587,"ĠDifer":49588,"REND":49589,"runa":49590,"Ġfurioso":49591,"ĠSag":49592,"Ġvestidas":49593,"Ġrinden":49594,"Robert":49595,"ĠRunner":49596,"ttenham":49597,"Hombres":49598,"ief":49599,"ĠOtor":49600,"call":49601,"ĠEurovisión":49602,"Ġ214":49603,"Ġimponga":49604,"Ġimponentes":49605,"Ġtamiz":49606,"ĠTat":49607,"Ġrudi":49608,"Ġdesplazó":49609,"Ġimpredecible":49610,"Mex":49611,"lip":49612,"ĠVS":49613,"Ġquinteto":49614,"Ġrecreativo":49615,"dep":49616,"tuosamente":49617,"guenos":49618,"Ġacampar":49619,"Ġ440":49620,"Ġ218":49621,"cker":49622,"Ġdirija":49623,"Ġdragon":49624,"Ġinstaurar":49625,"Ġvillan":49626,"ĠLIC":49627,"Ġdejaste":49628,"Ġconectando":49629,"Zapatillas":49630,"ĠRegÃŃstrese":49631,"entantes":49632,"Ġunificado":49633,"Porqué":49634,"ĠHumor":49635,"ĠRobot":49636,"Ġmisteriosas":49637,"ĠCreativa":49638,"Ġcucarachas":49639,"informa":49640,"Ġalist":49641,"mitió":49642,"Ġraton":49643,"Ġcapitalina":49644,"Ġorganizativo":49645,"ĠÃļN":49646,"Ġgavio":49647,"jis":49648,"ĠEnci":49649,"Ġmesita":49650,"Ġpermitidas":49651,"ĠVialidad":49652,"ĠLlegar":49653,"tere":49654,"ĠEngels":49655,"Ġpubs":49656,"Ġmenosc":49657,"Ġpermito":49658,"ĠDiseñador":49659,"Ġginecólogo":49660,"ĠPaj":49661,"dadero":49662,"sons":49663,"Ġcordoba":49664,"ĠFrecuencia":49665,"Ġmanifieste":49666,"Ġrendirse":49667,"Ġhimnos":49668,"Ġsuscitado":49669,"Ġtribun":49670,"Ġdesfas":49671,"iciÃĥ":49672,"ĠMotril":49673,"Ġacondicionador":49674,"ĠJefferson":49675,"Ġgadgets":49676,"RU":49677,"Ġconstruirá":49678,"Ġcomercialmente":49679,"ĠHablando":49680,"Ġadquirieron":49681,"Ġbravo":49682,"ográficos":49683,"ĠStanford":49684,"Ġeclesiástica":49685,"Ġacarrear":49686,")\",":49687,"330":49688,"Vuelve":49689,"§":49690,"Ф":49691,"Ġpesaba":49692,"Ġvoló":49693,"Ġcurry":49694,"ĠSource":49695,"260":49696,"ÆĴ":49697,"Ġretoques":49698,"juela":49699,"onial":49700,"Ġquejó":49701,"Ġapretando":49702,"Ġpreguntarte":49703,"Ġdesmaquil":49704,"ĠCardio":49705,"Ġefectúe":49706,"Ġcontactado":49707,"Ġrepresentaron":49708,"Ġfondant":49709,"Ġcomprobando":49710,"ĠMale":49711,"Ġdespa":49712,"Ġquereis":49713,"ĠManrique":49714,"ĠejercÃŃa":49715,"ĠCriterios":49716,"gramar":49717,"ĠcostarÃŃa":49718,"ĠCamps":49719,"Ġfragu":49720,"ĠBaeza":49721,"Ġoperada":49722,"ĠEcuator":49723,"Ġsorprendernos":49724,"Ġdespojo":49725,"ĠArenal":49726,"criptible":49727,"ĠMisterio":49728,"ĠNiñez":49729,"Ġmigas":49730,"Ġfideicomiso":49731,"Ġpita":49732,"inara":49733,"ĠAru":49734,"ĠSuroeste":49735,"Ġcereza":49736,"1978":49737,"Ġbrokers":49738,"ĠDESDE":49739,"Ġdemagogia":49740,"piso":49741,"Ġmator":49742,"Ġelegirá":49743,"Ġinconcl":49744,"ĠconsejerÃŃa":49745,"Ġentraban":49746,"Ġcongelada":49747,"Ġdemuestren":49748,"biana":49749,"Ġ1810":49750,"Ġranuras":49751,"Ġconfundirse":49752,"Ġidiosincrasia":49753,"aditos":49754,"viados":49755,"Ġinversion":49756,"Ġoptimiza":49757,"Ġlocuras":49758,"ĠEstará":49759,"Ġbatiendo":49760,"Ġpsicópata":49761,"ĠHoyos":49762,"Ġexpedir":49763,"ĠSesiones":49764,"cama":49765,"Ġsystem":49766,"ĠOw":49767,"ĠKhal":49768,"Ġbarrido":49769,"Ġagregada":49770,"ĠDenunci":49771,"ĠCornejo":49772,"Ġagridulce":49773,"licéridos":49774,"Ġlax":49775,"ĠSis":49776,"img":49777,"Expres":49778,"ĠKeiko":49779,"Ġhidráulicas":49780,"Ġpresumiblemente":49781,"Ġtic":49782,"Ġconsuma":49783,"Ġcomplej":49784,"Ġsancionada":49785,"Ġrealicé":49786,"Ġincorporen":49787,"Ġtranquilizar":49788,"Ġurbanizaciones":49789,"Ġsensiblemente":49790,"ĠCouncil":49791,"Ġcoeficientes":49792,"Comenzó":49793,"Jen":49794,"Ġmerchandising":49795,"Ġdiscriminar":49796,"Ġconsolidó":49797,"ĠMEDIA":49798,"ĠEzeiza":49799,"').":49800,"Ġesófago":49801,"éter":49802,"Ġcabrón":49803,"ĠSilicon":49804,"Post":49805,"ĠCuadros":49806,"ĠmetÃŃa":49807,"plemento":49808,"Medidas":49809,"Ġabortar":49810,"Ġmolestas":49811,"ĠQUI":49812,"ĠEquidad":49813,"Sand":49814,"utadas":49815,"Ġsimula":49816,"Ġconcurrido":49817,"Ġautomovilismo":49818,"Tec":49819,"ĠNombres":49820,"ĠEnzo":49821,"ĠMontiel":49822,"Ġovación":49823,"lahoma":49824,"Ġpatriotas":49825,"Ġcomas":49826,"teno":49827,"luza":49828,"Ġreflexivo":49829,"Ġpercibimos":49830,"Ġdiferenciarse":49831,"Ġtransgénero":49832,"ĠHarley":49833,"rible":49834,"Ġcompases":49835,"ĠDesgraciadamente":49836,"Ġviajo":49837,"Ġtablón":49838,"Versión":49839,"Ġóvulos":49840,"bacter":49841,"ĠPirámi":49842,"Ġdoler":49843,"Ġentusiasmado":49844,"Ġcontrarreloj":49845,"ĠNAV":49846,"Ġtransmitidos":49847,"ponsor":49848,"Sexo":49849,"ĠPerÃŃodo":49850,"ĠPacientes":49851,"Ġcontaminada":49852,"Ġdirijo":49853,"Sitio":49854,"ĠSalon":49855,"Ġconsultarse":49856,"Leg":49857,"Ġensayar":49858,"ĠPeriodo":49859,"Ġgemela":49860,"ĠMandatario":49861,"monÃŃa":49862,"Ġagrava":49863,"Ġviciosa":49864,"Ġfingir":49865,"Ġquerrán":49866,"Ġexpresivo":49867,"Ġrespetada":49868,"Ġconversó":49869,"Ġluzca":49870,"Exp":49871,"Ġatribuyó":49872,"ĠtesorerÃŃa":49873,"Acerca":49874,"ĠFija":49875,"ĠFibra":49876,"Ġinalámbricas":49877,"dimensionales":49878,"Ġencrucijada":49879,"Ina":49880,"ezmann":49881,"Ġestetica":49882,"Ġroad":49883,"1975":49884,"Ġprolongados":49885,"ĠINVESTIGACIÃĵN":49886,"ĠWhat":49887,"Ġcompete":49888,"ĠTejada":49889,"ĠCAF":49890,"Ġstra":49891,"ĠGhost":49892,"Ġmediáticos":49893,"Ġservida":49894,"Ġincorporará":49895,"Ġparadis":49896,"Ġhundió":49897,"Ġestilista":49898,"Ġdispersa":49899,"Ġparalizar":49900,"Ġinestim":49901,"ĠElev":49902,"Ġplaus":49903,"dicto":49904,"Ġdistrital":49905,"Ġgaseos":49906,"Felipe":49907,"ĠAdaptación":49908,"ĠLlevamos":49909,"Ġindiferentes":49910,"ĠManzano":49911,"Ġpermanezcan":49912,"ĠVenga":49913,"Ġgalas":49914,"ĠrepetÃŃa":49915,"Ġbrindarles":49916,"Ġmedirse":49917,"Ġrebajado":49918,"IVERSIDAD":49919,"Ġtransfiere":49920,"Ġoigo":49921,"sona":49922,"ĠtutorÃŃa":49923,"ENDO":49924,"Ġ213":49925,"Anti":49926,"175":49927,"Ġaportada":49928,"Ġabatido":49929,"Fernández":49930,"ĠIldefonso":49931,"bora":49932,"ĠCNA":49933,"cribo":49934,"Ġpeatonales":49935,"GUEZ":49936,"Ġdesab":49937,"Ġplanifica":49938,"Ġzig":49939,"ĠSalcedo":49940,"Chat":49941,"Reglamento":49942,"ĠVoluntarios":49943,"ĠpsiquiatrÃŃa":49944,"idoro":49945,"ĠDame":49946,"ĠWhe":49947,"corriente":49948,"Ġvividos":49949,"Registro":49950,"Ġadhesivos":49951,"ĠbellÃŃsima":49952,"Ġarraigada":49953,"ĠSello":49954,"Ġcutáneas":49955,"ĠPeregr":49956,"ĠInstitucionales":49957,"ĠESPA":49958,"éuticos":49959,"Ġperfila":49960,"Key":49961,"ĠNord":49962,"Ġincumb":49963,"Ġestereotipo":49964,"ĠBangla":49965,"Ġnaufragio":49966,"ĠAutopista":49967,"Ġiceberg":49968,"gang":49969,"ómulo":49970,"Ġrecurrió":49971,"ĠafectarÃŃa":49972,"Ġcuadrilla":49973,"ĠNorberto":49974,"Ġpubliquen":49975,"ÃģLISIS":49976,"nicas":49977,"Ġmueca":49978,"ĠAct":49979,"ĠCapitolio":49980,"Ġgirl":49981,"ĠJaponés":49982,"Ġvirginidad":49983,"Ġmantra":49984,"Ġamorosos":49985,"dalenas":49986,"Ġderbi":49987,"Ġdespertando":49988,"Ġdiscretos":49989,"ĠManifiesto":49990,"RERO":49991,"fab":49992,"Ġist":49993,"ĠRho":49994,"ĠInvestigador":49995,"Ġperiférico":49996,"Pasa":49997,"erse":49998,"ĠTán":49999,"cesana":50000,"écnico":50001,"Ġtelenovelas":50002,"ĠMeridi":50003,"Ġenfrentados":50004,"ĠDHL":50005,"»:":50006,"Ġprerroga":50007,"diosa":50008,"ĠTall":50009,"Ġanulado":50010,"tenango":50011,"Ġahuy":50012,"ĠProblema":50013,"ĠAdwords":50014,"Ġincredulidad":50015,"Ġdance":50016,"Ġhomil":50017,"Ġaguarda":50018,"ĠEsparta":50019,"ĠJULIO":50020,"Gente":50021,"fate":50022,"Ġcolgó":50023,"Ġeditados":50024,"ĠLodge":50025,"Ġrecobrar":50026,"amblaje":50027,"Ġescoba":50028,"Ġprecedido":50029,"ĠCalatrava":50030,"ĠriquÃŃsimo":50031,"ĠSUPERIOR":50032,"!?":50033,"uris":50034,"Ġmotel":50035,"Ġcopiloto":50036,"ĠMoss":50037,"Ġacomoda":50038,"Ġescrup":50039,"Regres":50040,"ĠAntecedentes":50041,"ĠTeodoro":50042,"Coo":50043,"gunto":50044,"Ġemocionar":50045,"Ġexplotados":50046,"Ġsumergida":50047,"ĠGeographic":50048,"Ġestamentos":50049,"ĠDECRE":50050,"Ġtalle":50051,"Ġkernel":50052,"Ġacostumbran":50053,"Ġapropiarse":50054,"ĠTemple":50055,"Ġexageración":50056,"tiroidismo":50057,"ĠDesafÃŃo":50058,"QUISITOS":50059,"insa":50060,"Ġfinlandés":50061,"Ġpermitirnos":50062,"ĠRefugiados":50063,"ĠScho":50064,"ĠHiros":50065,"Ġreflejadas":50066,"úbilo":50067,"Ġbbw":50068,"Prostitutas":50069,"Ġatados":50070,"zares":50071,"Ġprocesada":50072,"Page":50073,"Ġdegener":50074,"Ġotom":50075,"Ġraja":50076,"Ġminuciosa":50077,"globina":50078,"ĠElba":50079,"Ġinclinar":50080,"Ġafter":50081,"ĠNahuel":50082,"orning":50083,"Ġsiluetas":50084,"Ġmaravillosamente":50085,"Ġjudicialmente":50086,"nier":50087,"ĠConfi":50088,"Ġcalambres":50089,"ĠJuli":50090,"Ġrefugiarse":50091,"ĠSED":50092,"Ġperform":50093,"turada":50094,"Ġguinda":50095,"////":50096,"ĠConsultivo":50097,"tentri":50098,"eléctrica":50099,"Semana":50100,"campo":50101,"ÃŁ":50102,"ĠOT":50103,"elementos":50104,"Conec":50105,"Ġbandolera":50106,"Ġenérgico":50107,"Ġtransnacional":50108,"Ġplagada":50109,"Ġhumilla":50110,"Ġimplicó":50111,"ĠVisite":50112,"Ġautentico":50113,"ponente":50114,"gaste":50115,"Ġremoviendo":50116,"Ġsociocultural":50117,"Ġinteractu":50118,"Ġsinceras":50119,"ĠAuxiliares":50120,"Ġtajante":50121,"udado":50122,"Ġasegurador":50123,"Ġrealzar":50124,"Ġborda":50125,"hech":50126,"itter":50127,"Ġanteojos":50128,"Ġsaciar":50129,"ĠVerás":50130,"Ġtx":50131,"ĠChicos":50132,"Ġcertificadas":50133,"ĠEterno":50134,"ĠAves":50135,"ĠNube":50136,"Ġcertámenes":50137,"ĠAnastas":50138,"Coinci":50139,"ĠAngelina":50140,"Ġsalvadoreño":50141,"Ġbinomio":50142,"Ġléxico":50143,"Ġvicisitudes":50144,"Ġcerdas":50145,"ĠmasonerÃŃa":50146,"Ġquedándose":50147,"ĠAdjunto":50148,"ĠMelgar":50149,"ĠINVERS":50150,"Ġprestamo":50151,"War":50152,"cott":50153,"Ġcreerlo":50154,"Ġtransferido":50155,"ĠOlimpiada":50156,"ĠPearl":50157,"Ġfort":50158,"Ġvotan":50159,"118":50160,"Ġsatisfacen":50161,"Ġrománico":50162,"antha":50163,"ĠCintur":50164,"ĠIru":50165,"ĠTovar":50166,"bow":50167,"ĠEstadounidense":50168,"Ġenfermas":50169,"Ġprocedieron":50170,"Ġconsumismo":50171,"Poder":50172,"Ġautóctonos":50173,"Roma":50174,"ĠfÃŃn":50175,"Ġmetó":50176,"007":50177,"Ġlibrado":50178,"ĠChad":50179,"Ġband":50180,"ĠalcaldÃŃas":50181,"Ġjamones":50182,"Ġpersuadir":50183,"Ġdelib":50184,"ĠNÃļ":50185,"ĠConmebol":50186,"Ġnazar":50187,"Ġindias":50188,"Ġimaginé":50189,"Isabel":50190,"Ġhomofobia":50191,"Ġtequila":50192,"Ġautorice":50193,"Ġtroquel":50194,"Ġevangélica":50195,"Ġdesilusión":50196,"Ġparaguaya":50197,"ulfo":50198,"ĠArcángel":50199,"Ġfalacia":50200,"Ġpaisanos":50201,"ĠAparicio":50202,"ĠCIVIL":50203,"ĠSz":50204,"Ġfortalecido":50205,"Ġsarc":50206,"Ġcaótico":50207,"ĠRuz":50208,"Ġimpartió":50209,"Ġconcluya":50210,"farmacia":50211,"Ġcrochet":50212,"ĠÃģrtico":50213,"Ġmanagement":50214,"GINA":50215,"Ġvengarse":50216,"Ġfeminidad":50217,"Ġexi":50218,"Ġcopro":50219,"endra":50220,"Ġseces":50221,"acre":50222,"Ġteoria":50223,"ARTICULO":50224,"Ġimpaciencia":50225,"Ġincuestionable":50226,"Ġcarru":50227,"Algún":50228,"ĠâĤ¬/":50229,"DOC":50230,"Ġliviana":50231,"fores":50232,"Ġedicion":50233,"Noche":50234,"ĠGalilea":50235,"ĠACN":50236,"ой":50237,"Ġadmiradores":50238,"vist":50239,"åľ":50240,"Ġpach":50241,"Ġduelen":50242,"Ġsufridas":50243,"Ġdesenvolverse":50244,"Vigencia":50245,"Ġoprimidos":50246,"Ġpelliz":50247,"Ġlanzo":50248,"Ġresolverlo":50249,"Ġmadridista":50250,"Ġsuscribirse":50251,"Ġexponencialmente":50252,"Ġtanga":50253,"Ġcanarias":50254,"Ġplaquetas":50255,"ĠCaf":50256,"ĠBuñ":50257,"ĠPatrona":50258,"Ġtrascendido":50259,"ĠPRODUCTOS":50260,"Ġdesenvolvimiento":50261,"ná":50262,"Ġjet":50263,"reau":50264} diff --git a/data_tooling/cc_pseudo_crawl/README.md b/data_tooling/cc_pseudo_crawl/README.md new file mode 100644 index 0000000..8cc4953 --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/README.md @@ -0,0 +1,89 @@ +# Extracting Content from Common Crawl for Curated List of Sites + +aka. "pseudo-crawls" + +- tools to extract content from Common Crawl for curated list of sites +- metrics about planned and ongoing pseudo-crawls to understand their coverage (size, languages, content types, etc.) + +## Preliminary Steps + +- create AWS account in order to use [Athena](https://aws.amazon.com/athena/) to perform the lookups +- in Athena, create database `ccindex` and table `ccindex`, see https://commoncrawl.org/2018/03/index-to-warc-files-and-urls-in-columnar-format/ +- create the database `bigscience` which holds the joined data and more + ```sql + CREATE DATABASE bigscience; + ``` + +## Looking Up URLs per Site List + +For every site list + +1. create a seed table which includes the join column (host or domain name, SURT URL). See [cleanup-seeds](./sourcing_sheet_seeds/cleanup-seeds.ipynb) for an example of this and the following step. + +2. export the table to a file, ideally in a columnar format (Parquet or ORC) + +3. upload the seed file to S3 + ``` + aws s3 cp seeds.gz.parquet s3://bucket/path/seeds/ + ``` + Note: the S3 path must point to a bucket with write permissions granted. The path needs to be adjusted also in follwing commands. + +3. import the seed table into Athena + ```sql + CREATE EXTERNAL TABLE IF NOT EXISTS bigscience.seeds ( + `id` int, + `title` string, + `link` string, + `language` string, + `url_path_prefix` string, + `url_host_name` string, + `url_host_registered_domain` string, + `url_surtkey` string) + ROW FORMAT SERDE 'org.apache.hadoop.hive.ql.io.parquet.serde.ParquetHiveSerDe' + WITH SERDEPROPERTIES ( + 'serialization.format' = '1' + ) LOCATION 's3://bucket/path/seeds/' + TBLPROPERTIES ('has_encrypted_data'='false'); + ``` + +4. join the seeds table crawl by crawl with Common Crawl's index, creating a temporary table which is later used as one partition of the result table + ``` + python3 cc_lookup.py s3://bucket/path seeds "CC-MAIN-2021" + ``` + This will run the join for all crawls of the year 2021 and put the join data into `s3://bucket/path/cc`. + +5. finally, create a table holding the result data in order to get further metrics or prepare the content export + ```sql + CREATE EXTERNAL TABLE IF NOT EXISTS bigscience.cc ( + id INT, + title STRING, + link STRING, + language STRING, + url_surtkey_prefix STRING, + url_surtkey STRING, + url_host_tld STRING, + url_host_registered_domain STRING, + url_host_name STRING, + url STRING, + fetch_status SMALLINT, + fetch_time TIMESTAMP, + warc_filename STRING, + warc_record_offset INT, + warc_record_length INT, + fetch_redirect STRING, + content_mime_detected STRING, + content_languages STRING) + PARTITIONED BY ( + crawl STRING, + subset STRING) + STORED AS parquet + LOCATION 's3://bucket/path/cc/' + TBLPROPERTIES ( + 'has_encrypted_data'='false', + 'parquet.compression'='GZIP'); + ``` + +6. load the partitions of the join table + ```sql + MSCK REPAIR TABLE bigscience.cc; + ``` diff --git a/data_tooling/cc_pseudo_crawl/cc_lookup.py b/data_tooling/cc_pseudo_crawl/cc_lookup.py new file mode 100644 index 0000000..72abdd4 --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/cc_lookup.py @@ -0,0 +1,189 @@ +#!/usr/bin/python3 + +# iterate over monthly crawls and store +# the joined data as a partition of the result table + +import logging +import re +import sys + +from pyathena import connect + +logging.basicConfig( + level="INFO", format="%(asctime)s %(levelname)s %(name)s: %(message)s" +) + +join_template = """ +CREATE TABLE {db}._tmp_overlap +WITH (external_location = '{s3_location}/crawl={crawl}/', + partitioned_by = ARRAY['subset'], + format = 'PARQUET', + parquet_compression = 'GZIP') +AS SELECT + {tid}.id AS id, + {tid}.title AS title, + {tid}.link AS link, + {tid}.language AS language, + {tid}.url_surtkey AS url_surtkey_prefix, + cc.url_surtkey AS url_surtkey, + cc.url_host_tld AS url_host_tld, + cc.url_host_registered_domain AS url_host_registered_domain, + cc.url_host_name AS url_host_name, + cc.url AS url, + cc.fetch_status AS fetch_status, + cc.fetch_time AS fetch_time, + cc.warc_filename AS warc_filename, + cc.warc_record_offset AS warc_record_offset, + cc.warc_record_length AS warc_record_length, + cc.fetch_redirect AS fetch_redirect, + cc.content_mime_detected AS content_mime_detected, + cc.content_languages AS content_languages, + cc.subset AS subset +FROM ccindex.ccindex AS cc + RIGHT OUTER JOIN {db}.{seed_table} AS {tid} + ON cc.url_host_registered_domain = {tid}.url_host_registered_domain + AND strpos(cc.url_surtkey, {tid}.url_surtkey) = 1 +WHERE cc.crawl = '{crawl}' +""" + +drop_tmp_table = "DROP TABLE `{db}._tmp_overlap`;" + +# list of crawls +# Note: in order to get a list of released crawls: +# - query Athena +# SHOW PARTITIONS ccindex +# - see +# https://commoncrawl.s3.amazonaws.com/crawl-data/index.html +crawls = [ + "CC-MAIN-2013-20", + "CC-MAIN-2013-48", + # + "CC-MAIN-2014-10", + "CC-MAIN-2014-15", + "CC-MAIN-2014-23", + "CC-MAIN-2014-35", + "CC-MAIN-2014-41", + "CC-MAIN-2014-42", + "CC-MAIN-2014-49", + "CC-MAIN-2014-52", + # + "CC-MAIN-2015-06", + "CC-MAIN-2015-11", + "CC-MAIN-2015-14", + "CC-MAIN-2015-18", + "CC-MAIN-2015-22", + "CC-MAIN-2015-27", + "CC-MAIN-2015-32", + "CC-MAIN-2015-35", + "CC-MAIN-2015-40", + "CC-MAIN-2015-48", + # + "CC-MAIN-2016-07", + "CC-MAIN-2016-18", + "CC-MAIN-2016-22", + "CC-MAIN-2016-26", + "CC-MAIN-2016-30", + "CC-MAIN-2016-36", + "CC-MAIN-2016-40", + "CC-MAIN-2016-44", + "CC-MAIN-2016-50", + # + "CC-MAIN-2017-04", + "CC-MAIN-2017-09", + "CC-MAIN-2017-13", + "CC-MAIN-2017-17", + "CC-MAIN-2017-22", + "CC-MAIN-2017-26", + "CC-MAIN-2017-30", + "CC-MAIN-2017-34", + "CC-MAIN-2017-39", + "CC-MAIN-2017-43", + "CC-MAIN-2017-47", + "CC-MAIN-2017-51", + # + "CC-MAIN-2018-05", + "CC-MAIN-2018-09", + "CC-MAIN-2018-13", + "CC-MAIN-2018-17", + "CC-MAIN-2018-22", + "CC-MAIN-2018-26", + "CC-MAIN-2018-30", + "CC-MAIN-2018-34", + "CC-MAIN-2018-39", + "CC-MAIN-2018-43", + "CC-MAIN-2018-47", + "CC-MAIN-2018-51", + # + "CC-MAIN-2019-04", + "CC-MAIN-2019-09", + "CC-MAIN-2019-13", + "CC-MAIN-2019-18", + "CC-MAIN-2019-22", + "CC-MAIN-2019-26", + "CC-MAIN-2019-30", + "CC-MAIN-2019-35", + "CC-MAIN-2019-39", + "CC-MAIN-2019-43", + "CC-MAIN-2019-47", + "CC-MAIN-2019-51", + # + "CC-MAIN-2020-05", + "CC-MAIN-2020-10", + "CC-MAIN-2020-16", + "CC-MAIN-2020-24", + "CC-MAIN-2020-29", + "CC-MAIN-2020-34", + "CC-MAIN-2020-40", + "CC-MAIN-2020-45", + "CC-MAIN-2020-50", + # + "CC-MAIN-2021-04", + "CC-MAIN-2021-10", + "CC-MAIN-2021-17", + "CC-MAIN-2021-21", + "CC-MAIN-2021-25", + "CC-MAIN-2021-31", + "CC-MAIN-2021-39", + "CC-MAIN-2021-43", + "CC-MAIN-2021-49", + # +] + + +s3_location = sys.argv[1] +s3_location = s3_location.rstrip("/") # no trailing slash! + +seed_table = sys.argv[2] + +crawl_selector = re.compile(sys.argv[3], re.IGNORECASE) + + +crawls = filter(lambda c: crawl_selector.match(c), crawls) + + +cursor = connect( + s3_staging_dir="{}/staging".format(s3_location), region_name="us-east-1" +).cursor() + +for crawl in crawls: + query = join_template.format( + crawl=crawl, + s3_location="{}/cc".format(s3_location), + db="bigscience", + seed_table=seed_table, + tid="bs", + ) + logging.info("Athena query: %s", query) + + cursor.execute(query) + logging.info("Athena query ID %s: %s", cursor.query_id, cursor.result_set.state) + logging.info( + " data_scanned_in_bytes: %d", cursor.result_set.data_scanned_in_bytes + ) + logging.info( + " total_execution_time_in_millis: %d", + cursor.result_set.total_execution_time_in_millis, + ) + + cursor.execute(drop_tmp_table.format(db="bigscience")) + logging.info("Drop temporary table: %s", cursor.result_set.state) diff --git a/data_tooling/cc_pseudo_crawl/requirements.txt b/data_tooling/cc_pseudo_crawl/requirements.txt new file mode 100644 index 0000000..f756ba6 --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/requirements.txt @@ -0,0 +1,3 @@ +pyathena +surt +tldextract diff --git a/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/README.md b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/README.md new file mode 100644 index 0000000..5ce066f --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/README.md @@ -0,0 +1,11 @@ +# Pseudo-Crawl Data Sourcing Candidate Seeds Spreadsheet + +Source: https://docs.google.com/spreadsheets/d/1DNLAGz--qvLh-0qQ7pMPGiNeUMgp-fRgn-8mbLagC7U/edit#gid=513216703 (timestamp 2021-11-28, reverted edits by anonymous user on record 16 - diariovasco.com), exported as [candidate_websites_for_crawling.csv](./candidate_websites_for_crawling.csv) + +Steps: + +1. run [cleanup-seeds](./cleanup-seeds.ipynb) to prepare a clean seed list + +2. do the lookups / table join, see [general instructions](../README.md) using the crawl selector `CC-MAIN-202[01]` to restrict the join for the last 2 years + +3. prepare [coverage metrics](./cc-metrics.ipynb) diff --git a/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/candidate_websites_for_crawling.csv b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/candidate_websites_for_crawling.csv new file mode 100644 index 0000000..5a78910 --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/candidate_websites_for_crawling.csv @@ -0,0 +1,462 @@ +#,"Dataset title","Domain Name / link +(if highlighted in red, it's a duplicate! So don't add it...)","License +(default is UNKNOWN)","Release (Issue date) ",Glottocode,"Language(s) (or family)","Dialect/accent (if known)",Subject,Format,"Collection Style (Manual Curation vs Crowdsourced(web)) ?","What it is / why we want it (5-25 words)","Volume (estimates)","Contains Personal Information? (-1=unlikely, 0=neutral, 1=likely)",Owner,"Usage and relation to other datasets " +12,"Fundacion Cajasol",https://fundacioncajasol.com/,unknown,"multiple releases",stan1288,es,Spain,"General News","text (web)",manual,,unknown,unknown,"Fundacion Cajasol", +13,"Asamblea Nacional del Ecuador",http://www.confirmado.net/,unknown,"multiple releases",,es,Ecuador,"General News","text (web)",manual,,unknown,unknown,"Asamblea Nacional del Ecuador", +14,"el periodico de Tlaxcala",https://elperiodicodetlaxcala.com/,unknown,"multiple releases",,es,Mexico,"General News","text (web)",manual,,unknown,unknown,"el periodico de Tlaxcala", +15,mispeces,https://www.mispeces.com/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,mispeces, +16,DiarioVasco,https://www.diariovasco.com/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,DiarioVasco, +17,pambianconews,https://www.pambianconews.com/,unknown,"multiple releases",,es,Argentina,"General News","text (web)",manual,,unknown,unknown,pambianconews, +18,"Diario El Venezolano",http://elvenezolanonews.com/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,"Diario El Venezolano", +19,"Diario de Ibiza",https://www.diariodeibiza.es/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,"Diario de Ibiza", +20,"Clarín - Argentina",http://www.clarin.com/,unknown,"multiple releases",,es,Argentina,"General News","text (web)",manual,,unknown,unknown,"Clarín - Argentina", +21,"El Periódico de Aragón. Noticias de Aragón, Zaragoza, Huesca y Teruel.",https://www.elperiodicodearagon.com/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,"El Periódico de Aragón. Noticias de Aragón, Zaragoza, Huesca y Teruel.", +22,"club influencers",https://www.clubinfluencers.com/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,"club influencers", +23,"elc onfidencial digital",https://www.elconfidencialdigital.com/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,"elc onfidencial digital", +24,tiempo,http://www.tiempo.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,tiempo, +25,"kitco mining news",https://www.kitco.com/mining/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"kitco mining news", +26,"portada de la web del ministerio de cultura y deporte",http://www.culturaydeporte.gob.es/portada.html,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"portada de la web del ministerio de cultura y deporte", +27,"gestores de residuos",https://gestoresderesiduos.org/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"gestores de residuos", +28,fayerwayer,http://www.fayerwayer.com/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,fayerwayer, +29,agricultura,http://www.revistaagricultura.com/portada,unknown,"multiple releases",,es,spain,agriculture,"text (web)",manual,,unknown,unknown,agricultura, +30,radiocable,http://www.radiocable.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,radiocable, +31,"la jornada",http://www.lajornadanet.com/,unknown,"multiple releases",,es,nicaragua,"general news","text (web)",manual,,unknown,unknown,"la jornada", +32,"periódico el expresso de puerto rico",http://www.elexpresso.com/,unknown,"multiple releases",,es,"porto rico","general news","text (web)",manual,,unknown,unknown,"periódico el expresso de puerto rico", +33,pld,https://prd.org.do/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,pld, +34,"los andes",https://www.losandes.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"los andes", +35,tiempo,https://www.tiempo.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,tiempo, +36,"el morrocotudo",http://www.elmorrocotudo.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"el morrocotudo", +37,"tv perú canal 7",http://www.tvperu.gob.pe/informa,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"tv perú canal 7", +38,energia-imdea,https://www.energia.imdea.org/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,energia-imdea, +39,urgente24,https://www.urgente24.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,urgente24, +40,"corte electoral",https://www.corteelectoral.gub.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"corte electoral", +41,"observatorio de la política china",https://politica-china.org,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"1, According to the “Provisions of the Supreme People's Court on the People's Court's Publication of Judgment Documents online” (最高人民法院关于人民法院在互联网公布裁判文书的规定), the online publication of judgment documents should be based on the principle of openness, with non-publicity as an exception. Judicial documents involving national security, juvenile delinquency, divorce proceedings, support or guardianship of minor children, etc., shall not be made public. In +public judgment documents, information concerning personal privacy, +trade secrets, etc., other than the names of the parties, shall also be +deleted from the document.", +42,"icefi - instituto centroamericano de estudios fiscales",http://icefi.org/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,"icefi - instituto centroamericano de estudios fiscales", +43,"baja california sur - gobierno del estado",http://www.bcs.gob.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"baja california sur - gobierno del estado", +44,ladiaria,https://ladiaria.com.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,ladiaria, +45,cepal,http://www.lacuarta.com/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,cepal, +46,"uno santafe",https://www.unosantafe.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"uno santafe", +47,"banco central del ecuador",http://www.bce.fin.ec/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"banco central del ecuador", +48,"banco central de bolivia",http://www.bcb.gob.bo/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"banco central de bolivia", +49,"diario de toluca, estado de méxico",http://diarioportal.com,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"diario de toluca, estado de méxico", +50,gva-es,https://www.gva.es/va/inicio/presentacion,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,gva-es, +51,noroeste,https://www.noroeste.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,noroeste, +52,"el mundo de cordoba",http://www.elmundodecordoba.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"el mundo de cordoba", +53,"diario expreso de guayaquil",https://www.expreso.ec/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"diario expreso de guayaquil", +54,sonora,http://www.sonora.com.gt/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,sonora, +55,"libertad digital",http://www.libertaddigital.es,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"libertad digital", +56,"el universo",https://www.eluniverso.com/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"el universo", +57,"prensa presidencial",http://www.minci.gob.ve,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"prensa presidencial", +58,levante-emv,https://www.levante-emv.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,levante-emv, +59,minam,http://www.minam.gob.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,minam, +60,economia3,https://economia3.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,economia3, +61,"la nacion - chile",http://lanacion.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"la nacion - chile", +62,"la pagina",https://www.lapagina.com.sv/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"la pagina", +63,"la nacion (argentina)",http://www.lanacion.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"la nacion (argentina)", +64,cosave,http://www.cosave.org/pagina/bienvenidos-al-comite-de-sanidad-vegetal-cosave,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,cosave, +65,"el nuevo herald",https://www.elnuevoherald.com/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,"el nuevo herald", +66,"diario el expreso",https://www.diarioelexpreso.com.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"diario el expreso", +67,"elpais - costa rica",http://www.elpais.cr,unknown,"multiple releases",,es,cr,"general news","text (web)",manual,,unknown,unknown,"elpais - costa rica", +68,"ciemat - centro de investigaciones energéticas, medioambientales y tecnológicas",http://www.ciemat.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"ciemat - centro de investigaciones energéticas, medioambientales y tecnológicas", +69,"el orbe",https://elorbe.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el orbe", +70,"cuba encuentro",http://www.cubaencuentro.com/,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,"cuba encuentro", +71,"radio televisión española",http://www.rtve.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"radio televisión española", +72,"elcano royal insitute (real istituto elcano)",http://www.realinstitutoelcano.org/wps/portal/rielcano_es,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"elcano royal insitute (real istituto elcano)", +73,"notihua tul copuerto escondido",https://notihuatulcopuertoescondido.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"notihua tul copuerto escondido", +74,"rpc tv",http://www.rpctv.com/,unknown,"multiple releases",,es,panama,"general news","text (web)",manual,,unknown,unknown,"rpc tv", +75,"ministerio de educación",https://educacion.gob.ec/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"ministerio de educación", +76,repretel,https://www.repretel.com/,unknown,"multiple releases",,es,cr,"general news","text (web)",manual,,unknown,unknown,repretel, +77,elmon,https://elmon.cat/monplaneta/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,elmon, +78,"listín diario digital",http://www.listindiario.com/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"listín diario digital", +79,"la opinión de murcia",http://www.laopiniondemurcia.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la opinión de murcia", +80,lawyerpress,http://lawyerpress.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,lawyerpress, +81,"diario el cordillerano",http://www.elcordillerano.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"diario el cordillerano", +82,"pro y contra",http://proycontra.com.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"pro y contra", +83,"vietnamplus (spanish)",http://es.vietnamplus.vn/,unknown,"multiple releases",,es,vietnam,"general news","text (web)",manual,,unknown,unknown,"vietnamplus (spanish)", +84,"centro de documentacion e informacion bolivia",https://cedib.org,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"centro de documentacion e informacion bolivia", +85,"sarriguren web",https://sarrigurenweb.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"sarriguren web", +86,motorpasion,https://www.motorpasion.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,motorpasion, +87,"noticias de la ciencia",https://noticiasdelaciencia.com/,unknown,"multiple releases",,es,spain,science,"text (web)",manual,,unknown,unknown,"noticias de la ciencia", +88,"aplatanaonews - todo está en el contenido!",https://aplatanaonews.com/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"aplatanaonews - todo está en el contenido!", +89,"subrayado hd",http://www.subrayado.com.uy/site/home.aspx,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"subrayado hd", +90,peru',http://peru.com/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,peru', +91,diario26,http://www.diario26.com/general.html,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,diario26, +92,"diario de navarra",http://www.diariodenavarra.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"diario de navarra", +93,"canal antigua",https://canalantigua.tv/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,"canal antigua", +94,"real instituto elcano",http://www.realinstitutoelcano.org/wps/portal/rielcano_es,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"real instituto elcano", +95,"el mañana - tamaulipas",http://www.elmanana.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el mañana - tamaulipas", +96,"abc digital - paraguay",http://www.abc.com.py/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"abc digital - paraguay", +97,ielektro,https://ielektro.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,ielektro, +98,"vtv uruguay",http://www.vtv.com.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"vtv uruguay", +99,"periódico correo",http://www.periodicocorreo.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"periódico correo", +100,aporrea,http://www.aporrea.org/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,aporrea, +101,ahora,http://www.ahora.cu/,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,ahora, +102,"el ojo digital",http://www.elojodigital.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"el ojo digital", +103,"el mostrador",http://www.elmostrador.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"el mostrador", +104,"food and agriculture organization of the united nations (spanish)",http://www.fao.org/home/es/,unknown,"multiple releases",,es,italy,"general news","text (web)",manual,,unknown,unknown,"food and agriculture organization of the united nations (spanish)", +105,"arpa emc - spanish",https://arpaemc.com/noticias/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"arpa emc - spanish", +106,maldita,https://maldita.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,maldita, +107,"puerto canarias",https://puertocanarias.com/index.php/es,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"puerto canarias", +108,planv,https://www.planv.com.ec/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,planv, +109,"diario del alto aragon",https://www.diariodelaltoaragon.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,"diario del alto aragon", +110,"onemi: ministerio del interior y seguridad pública",http://www.onemi.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"onemi: ministerio del interior y seguridad pública", +111,"cinco de septiembre",http://www.5septiembre.cu/?lang=es,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,"cinco de septiembre", +112,maillotmag,https://www.maillotmag.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,maillotmag, +113,"abc.es - sevilla - andalucía",http://www.abc.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"abc.es - sevilla - andalucía", +114,"observatorio de violencia",https://observatoriodeviolencia.org.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"observatorio de violencia", +115,24ora,https://espanol.24ora.com/,unknown,"multiple releases",,es,aruba,"general news","text (web)",manual,,unknown,unknown,24ora, +116,"la tribuna",http://www.latribuna.hn/,unknown,"multiple releases",,es,honduras,"general news","text (web)",manual,,unknown,unknown,"la tribuna", +117,"radio corporación",https://radio-corporacion.com/,unknown,"multiple releases",,es,nicaragua,"general news","text (web)",manual,,unknown,unknown,"radio corporación", +118,"el heraldo",http://www.elheraldo.hn/,unknown,"multiple releases",,es,honduras,"general news","text (web)",manual,,unknown,unknown,"el heraldo", +119,horapunta,https://www.horapunta.com/tecnopunta,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,horapunta, +120,"guate vision",http://www.guatevision.com/envivo/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,"guate vision", +121,"upi -spanish",https://espanol.upi.com/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,"upi -spanish", +122,"el diario de lujan",http://www.diariodelujan.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"el diario de lujan", +123,espacioteca,https://espacioteca.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,espacioteca, +124,"quedate a ver",https://www.vtv.gob.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"quedate a ver", +125,"las noticias de tu localidad, comarca, barrio",https://www.noticiasde.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"las noticias de tu localidad, comarca, barrio", +126,canarias7,https://www.canarias7.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,canarias7, +127,ezanime,https://www.ezanime.net/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,ezanime, +128,noticias,http://noticias.perfil.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,noticias, +129,"global vision consulting ltd. - spanish",https://gvconsulting.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"global vision consulting ltd. - spanish", +130,"andalucia informacion",https://www.elperiodicomediterraneo.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"andalucia informacion", +131,"vanguardia de sevilla",http://www.vanguardiadesevilla.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"vanguardia de sevilla", +132,iresiduo,https://iresiduo.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,iresiduo, +133,ntn24,http://ntn24.com/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,ntn24, +134,"el correo del orinoco",https://www.elcorreodelorinoco.com/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"el correo del orinoco", +135,"noticias ambientales",https://noticiasambientales.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"noticias ambientales", +136,"valencia plaza - noticias, información y opinión sobre la sociedad, economía, cultura y deportes de la comunitat valenciana - valencia plaza",https://valenciaplaza.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"valencia plaza - noticias, información y opinión sobre la sociedad, economía, cultura y deportes de la comunitat valenciana - valencia plaza", +137,"el medico interactivo",https://elmedicointeractivo.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el medico interactivo", +138,tdworld,https://www.tdworld.com/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,tdworld, +139,"energy news",https://www.energynews.es/,unknown,"multiple releases",,es,spain,environnement,"text (web)",manual,,unknown,unknown,"energy news", +140,"television nacional chilena",http://www.tvn.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"television nacional chilena", +141,"barriga verde",http://www.barrigaverde.net/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"barriga verde", +142,corresponsables,http://www.corresponsables.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,corresponsables, +143,riesed,http://www.riesed.org/index.php/riesed,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,riesed, +144,"diario abierto",https://www.diarioabierto.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"diario abierto", +145,"primicias digital",http://www.primicias.com.do/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"primicias digital", +146,perfil,http://www.perfil.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,perfil, +147,"tribunal supremo electoral",http://tse.oep.org.bo/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"tribunal supremo electoral", +148,"diario occidente",http://www.occidente.co/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"diario occidente", +149,"imer - instituto mexicano de la radio",http://www.imer.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"imer - instituto mexicano de la radio", +150,"guardia civil",http://www.guardiacivil.es/es/index.html,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"guardia civil", +151,infolibre,http://www.infolibre.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,infolibre, +152,"presidencia de la república oriental del uruguay",https://www.presidencia.gub.uy//,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"presidencia de la república oriental del uruguay", +153,"financial food",https://financialfood.es/,unknown,"multiple releases",,es,spain,medical,"text (web)",manual,,unknown,unknown,"financial food", +154,"el informador",https://www.elinformador.com.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"el informador", +155,"senado de la nación argentina",http://www.senado.gov.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"senado de la nación argentina", +156,"presidencia de el salvador",https://www.presidencia.gob.sv/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"presidencia de el salvador", +157,"el sol de mexico",https://www.elsoldemexico.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el sol de mexico", +158,"diario de león",https://www.diariodeleon.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"diario de león", +159,postcrescent,http://www.postcrescent.com/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,postcrescent, +160,"presidencia paraguay",https://www.presidencia.gov.py/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"presidencia paraguay", +161,elmercuriodigital,http://www.elmercuriodigital.net/search/label/primera?max-results=7,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,elmercuriodigital, +162,aeh2,http://www.aeh2.org/index.php,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,aeh2, +163,"presidencia de la república del perú",https://www.gob.pe/presidencia/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"presidencia de la república del perú", +164,"el pais rurales",https://rurales.elpais.com.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"el pais rurales", +165,ticbeat,https://www.ticbeat.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,ticbeat, +166,montevideo,http://www.montevideo.com.uy,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,montevideo, +167,ambientum,https://www.ambientum.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,ambientum, +168,csic,http://www.csic.es,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,csic, +169,"el carabobeño",https://www.el-carabobeno.com,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"el carabobeño", +170,fororecursoshumanos,https://www.fororecursoshumanos.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,fororecursoshumanos, +171,"asamblea nacional",http://www.asamblea.gob.pa/,unknown,"multiple releases",,es,panama,"general news","text (web)",manual,,unknown,unknown,"asamblea nacional", +172,"río negro",http://www.rionegro.com.ar/diario/inicio.aspx,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"río negro", +173,"asamblea nacional de nicaragua",http://www.asamblea.gob.ni/,unknown,"multiple releases",,es,nicaragua,"general news","text (web)",manual,,unknown,unknown,"asamblea nacional de nicaragua", +174,"tribunal contencioso electoral del ecuador",http://www.tce.gob.ec/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"tribunal contencioso electoral del ecuador", +175,"reuters (latin america)",http://lta.reuters.com/,unknown,"multiple releases",,es,"united kingdom","general news","text (web)",manual,,unknown,unknown,"reuters (latin america)", +176,telemetro,http://www.telemetro.com/endirecto/,unknown,"multiple releases",,es,panama,"general news","text (web)",manual,,unknown,unknown,telemetro, +177,"cnn mexican edition",http://mexico.cnn.com,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"cnn mexican edition", +178,"partido colorado",https://partidocolorado.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"partido colorado", +179,"diario de morelos",http://www.diariodemorelos.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"diario de morelos", +180,elcomercio,http://www.elcomercio.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,elcomercio, +181,"noticias sin",https://noticiassin.com/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"noticias sin", +182,"correo del sur",http://correodelsur.com/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"correo del sur", +183,"fmbolivia tv",http://www.fmbolivia.tv/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"fmbolivia tv", +184,"tc televisión",https://www.tctelevision.com/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"tc televisión", +185,"el ágora",https://www.elagoradiario.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el ágora", +186,vicepresidencia,http://www.vicepresidencia.gob.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,vicepresidencia, +187,elfac,https://www.elfac.org/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,elfac, +188,"el periodico venezolano",https://elperiodicovenezolano.com/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"el periodico venezolano", +189,"el economista",https://www.eleconomista.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el economista", +190,"mexico institute",http://mexicoinstitute.wordpress.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"mexico institute", +191,"de peru",http://www.deperu.com/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"de peru", +192,"noticias ahora",https://www.noticias-ahora.com/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"noticias ahora", +193,"el diario montanes",http://www.eldiariomontanes.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el diario montanes", +194,bolpress,https://www.bolpress.com/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,bolpress, +195,"futuro verde",http://futuroverde.org/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"futuro verde", +196,"cuarto poder",http://www.cuartopoder.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"cuarto poder", +197,diariodeavila,https://www.diariodeavila.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,diariodeavila, +198,"el economista [spain]",http://www.eleconomista.es/,unknown,"multiple releases",,es,spain,"financial news","text (web)",manual,,unknown,unknown,"el economista [spain]", +199,leonoticias,https://www.leonoticias.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,leonoticias, +200,caretas,https://www.caretas.com.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,caretas, +201,"politicos peru",http://www.politicosperu.com/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"politicos peru", +202,"diario de huelva",https://www.diariodehuelva.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"diario de huelva", +203,qué!,https://www.que.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,qué!, +204,anabad,https://www.anabad.org/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,anabad, +205,"hoy bolivia",http://hoybolivia.com/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"hoy bolivia", +206,"ministerio de desarrollo minero ecológico",http://desarrollominero.gob.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"ministerio de desarrollo minero ecológico", +207,"el impulso",http://elimpulso.com/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"el impulso", +208,"news millenium",https://www.newsmillenium.com/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"news millenium", +209,"misiones online",http://misionesonline.net/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"misiones online", +210,noticiaspress,http://www.noticiaspress.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,noticiaspress, +211,"el comercio",http://www.elcomercio.com/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"el comercio", +212,"el diario",https://www.eldiario.net/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"el diario", +213,hola,https://www.hola.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,hola, +214,"el luchador",https://elluchador.info/web/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"el luchador", +215,"la informacion",https://www.lainformacion.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la informacion", +216,"agronews castilla y león",https://www.agronewscastillayleon.com/,unknown,"multiple releases",,es,spain,agriculture,"text (web)",manual,,unknown,unknown,"agronews castilla y león", +217,diariodeburgos,https://www.diariodeburgos.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,diariodeburgos, +218,"la segunda",http://www.lasegunda.com/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"la segunda", +219,aguasresiduales,http://www.aguasresiduales.info/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,aguasresiduales, +220,vanguardia,http://www.vanguardia.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,vanguardia, +221,notiulti,https://www.notiulti.com,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,notiulti, +222,"sahara press service (spanish)",http://www.spsrasd.info/news/es,unknown,"multiple releases",,es,"west sahara","general news","text (web)",manual,,unknown,unknown,"sahara press service (spanish)", +223,"el tambor",http://www.eltambor.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,"el tambor", +224,"ministerio del poder popular para relaciones exteriores",http://mppre.gob.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"ministerio del poder popular para relaciones exteriores", +225,"hoydigital - diario en la republica dominicana",http://www.hoy.com.do/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"hoydigital - diario en la republica dominicana", +226,olé,http://www.ole.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,olé, +227,"vietnam pictorial (spanish)",http://vietnam.vnanet.vn/spanish/,unknown,"multiple releases",,es,vietnam,"general news","text (web)",manual,,unknown,unknown,"vietnam pictorial (spanish)", +228,"gaceta medica",http://www.gacetamedica.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"gaceta medica", +229,"diario expansión",https://www.expansion.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"diario expansión", +230,"radio fides",http://radiofides.com/es/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"radio fides", +231,"nuevo ojo",http://ojo.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"nuevo ojo", +232,"todo noticias",https://tn.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"todo noticias", +233,dinero,http://www.dinero.com/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,dinero, +234,conred,https://conred.gob.gt/emergencia/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,conred, +235,energetica21,http://energetica21.com/,unknown,"multiple releases",,es,spain,science,"text (web)",manual,,unknown,unknown,energetica21, +236,"tribunal supremo electoral",http://www.oep.org.bo/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"tribunal supremo electoral", +237,"el cronista",http://www.cronista.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"el cronista", +238,"sana - syrian arab news agency (spanish)",http://www.sana.sy/es/,unknown,"multiple releases",,es,syria,"general news","text (web)",manual,,unknown,unknown,"sana - syrian arab news agency (spanish)", +239,"pv magazine latam",https://www.pv-magazine-latam.com/,unknown,"multiple releases",,es,usa,science,"text (web)",manual,,unknown,unknown,"pv magazine latam", +240,"el mirón de soria",https://elmirondesoria.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el mirón de soria", +241,"oea - organización de los estados americanos",http://www.oas.org/en/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,"oea - organización de los estados americanos", +242,miteco,https://www.miteco.gob.es/,unknown,"multiple releases",,es,spain,environnement,"text (web)",manual,,unknown,unknown,miteco, +243,"diario el siglo",http://elsiglo.com.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"diario el siglo", +244,"diario financiero",http://www.df.cl,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"diario financiero", +245,"noticias de navarra",http://www.noticiasdenavarra.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"noticias de navarra", +246,"nuevo día santa cruz",http://www.eldiarionuevodia.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"nuevo día santa cruz", +247,"artículo 66",https://www.articulo66.com/,unknown,"multiple releases",,es,nicaragua,"general news","text (web)",manual,,unknown,unknown,"artículo 66", +248,telesur,http://www.telesurtv.net/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,telesur, +249,"telecinco - spanish tv news",https://www.telecinco.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"telecinco - spanish tv news", +250,"radio cooperativa",http://www.cooperativa.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"radio cooperativa", +251,"el peruano",https://elperuano.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"el peruano", +252,"ultima hora",http://www.ultimahora.com/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"ultima hora", +253,"el debate",http://www.debate.com.mx/index.html,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el debate", +254,"el diario",http://diario.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el diario", +255,"el comercio perú",https://elcomercio.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"el comercio perú", +256,"la provincia",http://www.laprovincia.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la provincia", +257,"diari de tarragona",https://www.diaridetarragona.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"diari de tarragona", +258,"minuto a minuto",http://minutoaminuto.com.ve/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"minuto a minuto", +259,"diario co latino",http://www.diariocolatino.com/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"diario co latino", +260,agrodiario,https://www.agrodiario.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,agrodiario, +261,"economía - finanzas",http://www.economiafinanzas.com/,unknown,"multiple releases",,es,spain,"financial news","text (web)",manual,,unknown,unknown,"economía - finanzas", +262,"radio televisión a la carta",http://www.rtve.es/alacarta/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"radio televisión a la carta", +263,"la sexta tv",https://www.lasexta.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la sexta tv", +264,"correo del caroní",http://www.correodelcaroni.com/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"correo del caroní", +265,"invasor, ciego de ávila, cuba",http://www.invasor.cu/es/,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,"invasor, ciego de ávila, cuba", +266,diagonales,https://diagonales.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,diagonales, +267,"el periódico",http://www.elperiodico.com/es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el periódico", +268,diphuelva,http://www.diphuelva.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,diphuelva, +269,eapc,https://eapc.blog.gencat.cat/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,eapc, +270,riceg,http://www.riceg.org/index.php/riceg/index,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,riceg, +271,proexport,http://www.proexport.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,proexport, +272,"radio cáritas 680 am",http://www.caritas.com.py/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"radio cáritas 680 am", +273,"noticiero venevisión",http://www.noticierovenevision.net/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"noticiero venevisión", +274,"puerto bahía de algeciras",https://www.apba.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"puerto bahía de algeciras", +275,conadeh,https://conadeh.hn/,unknown,"multiple releases",,es,honduras,"general news","text (web)",manual,,unknown,unknown,conadeh, +276,"diario y radio uchile",http://radio.uchile.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"diario y radio uchile", +277,"entorno inteligente",http://www.entornointeligente.com/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"entorno inteligente", +278,"tecno aqua",https://www.tecnoaqua.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"tecno aqua", +279,"amnesty international - spanish",http://www.amnesty.org/es/,unknown,"multiple releases",,es,"united kingdom",ngo,"text (web)",manual,,unknown,unknown,"amnesty international - spanish", +280,"salamanca rtv al día",https://salamancartvaldia.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,"salamanca rtv al día", +281,cmdsport,https://www.cmdsport.com/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,cmdsport, +282,"ieee - instituto español de estudios estratégicos",http://www.ieee.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"ieee - instituto español de estudios estratégicos", +283,"la prensa grafica",http://www.laprensagrafica.com/inicio,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"la prensa grafica", +284,notimérica,https://www.notimerica.com/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,notimérica, +285,"el vacanudo",http://www.elvacanudo.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"el vacanudo", +286,"la nación - costa rica",https://www.nacion.com/,unknown,"multiple releases",,es,cr,"general news","text (web)",manual,,unknown,unknown,"la nación - costa rica", +287,cibercuba,https://www.cibercuba.com/,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,cibercuba, +288,marca,https://www.marca.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,marca, +289,"al momento",http://www.almomento.net,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"al momento", +290,"portal del campo",https://portaldelcampo.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"portal del campo", +291,"diario región",https://www.diarioregion.com,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"diario región", +292,"verdad abierta",https://verdadabierta.com/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"verdad abierta", +293,"sercano - servicio centroamericano de noticias",http://www.sercano.com/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,"sercano - servicio centroamericano de noticias", +294,"la opinión",http://www.laopinion.com.co/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"la opinión", +295,"el observatodo",http://www.elobservatodo.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"el observatodo", +296,"majadahonda magazin",https://majadahondamagazin.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,"majadahonda magazin", +297,univision,http://www.univision.com/noticias,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,univision, +298,larioja,https://www.larioja.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,larioja, +299,"la nueva españa",https://www.lne.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la nueva españa", +300,"el diario de yucatán",http://www.yucatan.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el diario de yucatán", +301,"la tribuna de albacete. noticias de albacete y provincia",https://www.latribunadealbacete.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la tribuna de albacete. noticias de albacete y provincia", +302,cippec,https://www.cippec.org/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,cippec, +303,electricas,https://www.electricas.net/,unknown,"multiple releases",,es,spain,technology,"text (web)",manual,,unknown,unknown,electricas, +304,"revista semana",https://www.semana.com/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"revista semana", +305,eysmunicipales,https://www.eysmunicipales.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,eysmunicipales, +306,"ecoavant - environment news",https://www.ecoavant.com/,unknown,"multiple releases",,es,spain,environnement,"text (web)",manual,,unknown,unknown,"ecoavant - environment news", +307,"europa press",https://www.europapress.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"europa press", +308,redr,http://www.redr.es/es/portal.do,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,redr, +309,"la silla rota",http://lasillarota.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"la silla rota", +310,"el nuevo siglo",https://www.elnuevosiglo.com.co/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"el nuevo siglo", +311,nómada,https://nomada.gt/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,nómada, +312,"junta central electoral",http://jce.gob.do/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"junta central electoral", +313,"la prensa",http://laprensa.peru.com/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"la prensa", +314,reac,https://reac.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,reac, +315,"la silla vacía",http://lasillavacia.com/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"la silla vacía", +316,"la jornada",http://www.jornada.unam.mx/ultimas,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"la jornada", +317,"correo peru",http://diariocorreo.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"correo peru", +318,"diario voces",http://diariovoces.com.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"diario voces", +319,elfrontal,https://www.elfrontal.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,elfrontal, +320,"página 7",http://www.paginasiete.bo/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"página 7", +321,decisive2020,https://www.decisive2020.eu/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,decisive2020, +322,"pnud bolivia",http://www.bo.undp.org/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"pnud bolivia", +323,"yahoo! finanza - spanish",https://es.finance.yahoo.com/,unknown,"multiple releases",,es,spain,"financial news","text (web)",manual,,unknown,unknown,"yahoo! finanza - spanish", +324,gestión,http://gestion.pe/,unknown,"multiple releases",,es,peru,"financial news","text (web)",manual,,unknown,unknown,gestión, +325,"la prensa - honduras",http://www.laprensa.hn/,unknown,"multiple releases",,es,honduras,"general news","text (web)",manual,,unknown,unknown,"la prensa - honduras", +326,"la opinión de tenerife",http://www.laopinion.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la opinión de tenerife", +327,"tribunal superior de justicia electoral",http://tsje.gov.py/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"tribunal superior de justicia electoral", +328,"isd - iniciativa social para la democracia",http://www.isd.org.sv/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"isd - iniciativa social para la democracia", +329,"informa tico",http://www.informa-tico.com/,unknown,"multiple releases",,es,cr,"general news","text (web)",manual,,unknown,unknown,"informa tico", +330,"primera edicion web",http://www.primeraedicion.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"primera edicion web", +331,"el asombrario",https://elasombrario.com/,unknown,"multiple releases",,es,spain,agriculture,"text (web)",manual,,unknown,unknown,"el asombrario", +332,"el correo digital",http://www.elcorreodigital.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el correo digital", +333,"el mundo (spain)",http://www.elmundo.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el mundo (spain)", +334,vhio,https://www.vhio.net/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,vhio, +335,"diario el pueblo",http://www.diarioelpueblo.com.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"diario el pueblo", +336,"migration ngo - asociación comisión católica espanola de migración",https://www.accem.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"migration ngo - asociación comisión católica espanola de migración", +337,"la opiñon",http://www.laopinon.cl/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"la opiñon", +338,"red uno",https://www.reduno.com.bo/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"red uno", +339,"acta sanitaria",https://www.actasanitaria.com/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,"acta sanitaria", +340,"corte de cuentas",https://www.cortedecuentas.gob.sv/index.php/es/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"corte de cuentas", +341,"coin telegraph - en espagnol",https://es.cointelegraph.com/,unknown,"multiple releases",,es,usa,"financial news","text (web)",manual,,unknown,unknown,"coin telegraph - en espagnol", +342,"istituto national electoral",http://www.ine.mx/portal/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"istituto national electoral", +343,"instituto de estudios peruanos",http://www.iep.org.pe,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"instituto de estudios peruanos", +344,"diario norte",http://www.diarionorte.com.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"diario norte", +345,"afp - agence france presse (spanish)",https://www.afp.com/es,unknown,"multiple releases",,es,france,"general news","text (web)",manual,,unknown,unknown,"afp - agence france presse (spanish)", +346,"el universal estado de méxico",https://www.eluniversal.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el universal estado de méxico", +347,"universidad tecnológica nacional - facultad bahía blanca",https://www.frbb.utn.edu.ar/frbb/index.php,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"universidad tecnológica nacional - facultad bahía blanca", +348,"portal 180",http://www.180.com.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,"portal 180", +349,"el tiempo - colombia",https://www.eltiempo.com,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"el tiempo - colombia", +350,institucional,http://www.ideam.gov.co/web/sala-de-prensa,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,institucional, +351,ideal,http://www.ideal.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,ideal, +352,burgosconecta,https://www.burgosconecta.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,burgosconecta, +353,telenoche,https://www.telenoche.com.uy/,unknown,"multiple releases",,es,uruguay,"general news","text (web)",manual,,unknown,unknown,telenoche, +354,"la gaceta",http://www.lagaceta.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"la gaceta", +355,"diario digital república dominicana",http://www.diariodigitalrd.com/,unknown,"multiple releases",,es,"domenican republic","general news","text (web)",manual,,unknown,unknown,"diario digital república dominicana", +356,tribuna,https://tribuna.ucm.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,tribuna, +357,"ntr zacatecas",http://ntrzacatecas.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"ntr zacatecas", +358,"la verdad de murcia",https://www.laverdad.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la verdad de murcia", +359,efeverde,https://www.efeverde.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,efeverde, +360,"monumental am 1080",http://www.monumental.com.py/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"monumental am 1080", +361,"diputados argentina",https://www.hcdn.gob.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"diputados argentina", +362,"el país retina: transformación digital y tecnología",https://retina.elpais.com/,unknown,"multiple releases",,es,spain,technology,"text (web)",manual,,unknown,unknown,"el país retina: transformación digital y tecnología", +363,fiscalia,http://www.fiscalia.gob.sv/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,fiscalia, +364,"crónica uno - periodismo de interés público desde venezuela",https://cronica.uno/,unknown,"multiple releases",,es,venezuela,"general news","text (web)",manual,,unknown,unknown,"crónica uno - periodismo de interés público desde venezuela", +365,"la region",http://www.laregion.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la region", +366,"iaea - international atomic energy agency- spanish",https://www.iaea.org/es/news,unknown,"multiple releases",,es,austria,ngo,"text (web)",manual,,unknown,unknown,"iaea - international atomic energy agency- spanish", +367,"el correo de andalucía",https://elcorreoweb.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el correo de andalucía", +368,jornada,https://jornadanet.com/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,jornada, +369,"ministerio hacienda",http://www.hacienda.gov.py/web-hacienda/index.php,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"ministerio hacienda", +370,"redacción médica",https://www.redaccionmedica.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"redacción médica", +371,"instituto nacional de estadística",https://www.ine.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"instituto nacional de estadística", +372,intereconomia,https://intereconomia.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,intereconomia, +373,"faro de vigo",http://www.farodevigo.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"faro de vigo", +374,"tal cual digital",https://www.talcualdigital.com,unknown,"multiple releases",,es,nicaragua,"general news","text (web)",manual,,unknown,unknown,"tal cual digital", +375,"tvpy - televisión del paraguay",http://www.television.com.py/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"tvpy - televisión del paraguay", +376,"diario el popular argentina",http://www.elpopular.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"diario el popular argentina", +377,"la politica online",http://www.lapoliticaonline.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"la politica online", +378,"tv cubana",http://www.tvcubana.icrt.cu/,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,"tv cubana", +379,p2p,https://p2pmodels.eu/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,p2p, +380,"tandil diario",http://www.tandildiario.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"tandil diario", +381,"comentarios en cuartopoder",https://www.cuartopoder.es/,unknown,"multiple releases",,es,spain,"european news","text (web)",manual,,unknown,unknown,"comentarios en cuartopoder", +382,gkillcity,https://gk.city/,unknown,"multiple releases",,es,usa,"general news","text (web)",manual,,unknown,unknown,gkillcity, +383,"el faradio",https://www.elfaradio.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el faradio", +384,"policia nacional",https://www.policia.es/_es/index.php,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"policia nacional", +385,"consejo nacional para la igualdad de pueblos y nacionalidades",http://www.pueblosynacionalidades.gob.ec/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"consejo nacional para la igualdad de pueblos y nacionalidades", +386,"prensa libre",http://www.prensalibre.com/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,"prensa libre", +387,freshplaza,http://www.freshplaza.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,freshplaza, +388,"cambio de michoacán",http://www.cambiodemichoacan.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"cambio de michoacán", +389,"cronica del quindio",https://www.cronicadelquindio.com/,unknown,"multiple releases",,es,colombia,"general news","text (web)",manual,,unknown,unknown,"cronica del quindio", +390,"los tiempos",http://www.lostiempos.com/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"los tiempos", +391,opciones,http://www.opciones.cu/,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,opciones, +392,muypymes,http://www.muypymes.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,muypymes, +393,"el salvador noticias",https://www.elsalvador.com/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"el salvador noticias", +394,"la defensoría de los habitantes",http://www.dhr.go.cr/,unknown,"multiple releases",,es,cr,"general news","text (web)",manual,,unknown,unknown,"la defensoría de los habitantes", +395,"wind energy and the electric vehicle",http://www.evwind.es/,unknown,"multiple releases",,es,spain,science,"text (web)",manual,,unknown,unknown,"wind energy and the electric vehicle", +396,"el diario",https://www.eldiario.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"el diario", +397,"confederación de sociedades científicas de españa (cosce)",https://www.cosce.org/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"confederación de sociedades científicas de españa (cosce)", +398,diario-eco,https://www.diario.eco/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,diario-eco, +399,decisive2020,https://www.upo.es/upotec,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,decisive2020, +400,cilma,https://www.cilma.cat/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,cilma, +401,"el periodico de mexico",http://www.elperiodicodemexico.com/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,"el periodico de mexico", +402,"diario de centro américa",https://dca.gob.gt/noticias-guatemala-diario-centro-america/,unknown,"multiple releases",,es,gt,"general news","text (web)",manual,,unknown,unknown,"diario de centro américa", +403,"la voz digital - cadiz",http://www.lavozdigital.es/cadiz/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la voz digital - cadiz", +404,télam,http://www.telam.com.ar/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,télam, +405,emol,http://www.emol.com/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,emol, +406,"america economia",https://www.americaeconomia.com/,unknown,"multiple releases",,es,cl,"general news","text (web)",manual,,unknown,unknown,"america economia", +407,latina,http://www.latina.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,latina, +408,periodismo,http://www.periodismo.com/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,periodismo, +409,proceso,https://www.proceso.com.mx/,unknown,"multiple releases",,es,mexico,"general news","text (web)",manual,,unknown,unknown,proceso, +410,"mystery planet",https://mysteryplanet.com.ar/site/,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,"mystery planet", +411,noalamina,https://noalamina.org,unknown,"multiple releases",,es,argentina,"general news","text (web)",manual,,unknown,unknown,noalamina, +412,"global green growth institute",http://gggi.org/,unknown,"multiple releases",,es,"south korea","general news","text (web)",manual,,unknown,unknown,"global green growth institute", +413,"renewable energy magazine",http://www.renewableenergymagazine.com/,unknown,"multiple releases",,es,spain,science,"text (web)",manual,,unknown,unknown,"renewable energy magazine", +414,"corte suprema de justicia",http://www.csj.gob.sv/idioma.html,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"corte suprema de justicia", +415,"cámara de diputados - paraguay",http://www.diputados.gov.py/ww5/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,"cámara de diputados - paraguay", +416,idival,https://www.idival.org/es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,idival, +417,"radio la primerísima",http://www.radiolaprimerisima.com,unknown,"multiple releases",,es,nicaragua,"general news","text (web)",manual,,unknown,unknown,"radio la primerísima", +418,"voz america",http://www.voanoticias.com/,unknown,"multiple releases",,es,"el salvador","general news","text (web)",manual,,unknown,unknown,"voz america", +419,tupolitica,https://www.tupolitica.com/,unknown,"multiple releases",,es,panama,"general news","text (web)",manual,,unknown,unknown,tupolitica, +420,retema,http://www.retema.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,retema, +421,"cambio politico",https://cambiopolitico.com/,unknown,"multiple releases",,es,cr,"general news","text (web)",manual,,unknown,unknown,"cambio politico", +422,formulatv,http://www.formulatv.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,formulatv, +423,bohemia,http://www.bohemia.cu/,unknown,"multiple releases",,es,cuba,"general news","text (web)",manual,,unknown,unknown,bohemia, +424,"la vanguardia",https://www.lavanguardia.com/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"la vanguardia", +425,cronica,http://www.cronica.com.py/,unknown,"multiple releases",,es,paraguay,"general news","text (web)",manual,,unknown,unknown,cronica, +426,esmartcity,https://www.esmartcity.es/,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,esmartcity, +427,"opinion (bolivia)",http://www.opinion.com.bo/,unknown,"multiple releases",,es,bolivia,"general news","text (web)",manual,,unknown,unknown,"opinion (bolivia)", +428,"oficina nacional de procesos electorales",http://www.onpe.gob.pe/,unknown,"multiple releases",,es,peru,"general news","text (web)",manual,,unknown,unknown,"oficina nacional de procesos electorales", +429,"cadenaser-tv news",https://cadenaser.com,unknown,"multiple releases",,es,spain,"general news","text (web)",manual,,unknown,unknown,"cadenaser-tv news", +430,"el diario de ecuador",https://www.eldiario.ec/,unknown,"multiple releases",,es,ecuador,"general news","text (web)",manual,,unknown,unknown,"el diario de ecuador", +431,"El Periódico Extremadura",https://www.elperiodicoextremadura.com/,unknown,"multiple releases",,es,Spain,"General News","text (web)",manual,,unknown,unknown,"El Periódico Extremadura", +470,"HardwareZone Forums",https://forums.hardwarezone.com.sg/,unknown,"multiple releases?",,en,singapore,"forum, tech",text,"web crawling","local forum, conversational data",Unknown,1,, +471,"Singapore Music Forum",https://www.soft.com.sg/,unknown,"multiple releases?",,en,singapore,"forum, music",text,"web crawling","local forum, conversational data",Unknown,1,, +472,Seedly,https://seedly.sg/community,unknown,"multiple releases?",,en,singapore,"forum, finance",text,"web crawling","local forum, conversational data",Unknown,1,, +473,sgTalk,https://sgtalk.org/mybb/index.php,unknown,"multiple releases?",,en,singapore,"forum, multi",text,"web crawling","local forum, conversational data",Unknown,1,, +474,Salary.sg,https://forums.salary.sg/,unknown,"multiple releases?",,en,singapore,"forum, career",text,"web crawling","local forum, conversational data",Unknown,1,, +475,"Car Forum",https://www.mycarforum.com/forums/,unknown,"multiple releases?",,en,singapore,"forum, cars",text,"web crawling","local forum, conversational data",Unknown,1,, +476,r/singapore,reddit.com/r/singapore,unknown,"multiple releases?",,en,singapore,"forum, multi",text,"web crawling","local forum, conversational data",Unknown,1,, +477,"Parenting in Singapore",https://www.kiasuparents.com/kiasu/forum/index.php,unknown,"multiple releases?",,en,singapore,"forum, parenting/family",text,"web crawling","local forum, conversational data",Unknown,1,, +478,"Photography Forum",https://www.clubsnap.com/forums/,unknown,"multiple releases?",,en,singapore,"forum, photography",text,"web crawling","local forum, conversational data",Unknown,1,, +479,"Home decor",https://www.renotalk.com/forum/,unknown,"multiple releases?",,en,singapore,"forum, renovation",text,"web crawling","local forum, conversational data",Unknown,1,, +480,"Personal blog",https://www.jeraldinephneah.com/,unknown,"multiple releases?",,en,singapore,"blog, multi",text,"web crawling","local blog, casual prose",Unknown,1,, +481,"Personal blog",https://techielobang.com/blog/,unknown,"multiple releases?",,en,singapore,"blog, tech",text,"web crawling","local blog, casual prose",Unknown,1,, +482,"Personal blog",https://www.misstamchiak.com/,unknown,"multiple releases?",,en,singapore,"blog, food",text,"web crawling","local blog, casual prose",Unknown,1,, +483,"Personal blog",https://alvinology.com/,unknown,"multiple releases?",,en,singapore,"blog, multi",text,"web crawling","local blog, casual prose",Unknown,1,, +484,"Personal blog",https://sethlui.com/,unknown,"multiple releases?",,en,singapore,"blog, food",text,"web crawling","local blog, casual prose",Unknown,1,, +485,"Curated blog",https://blog.moneysmart.sg/,unknown,"multiple releases?",,en,singapore,"blog, finance",text,"web crawling","local blog, casual prose",Unknown,1,, +486,"Curated blog",https://blog.seedly.sg/,unknown,"multiple releases?",,en,singapore,"blog, finance",text,"web crawling","local blog, casual prose",Unknown,1,, +487,"Curated blog",https://thesmartlocal.com/,unknown,"multiple releases?",,en,singapore,"blog, multi",text,"web crawling","local blog, casual prose",Unknown,1,, +488,"Curated blog",https://dailyvanity.sg/,unknown,"multiple releases?",,en,singapore,"blog, beauty",text,"web crawling","local blog, casual prose",Unknown,1,, +489,"Personal blog",https://www.cheekiemonkie.net/,unknown,"multiple releases?",,en,singapore,"blog, parenting/family",text,"web crawling","local blog, casual prose",Unknown,1,, +490,"Personal blog",https://www.luxuryhaven.co,unknown,"multiple releases?",,en,singapore,"blog, multi",text,"web crawling","local blog, casual prose",Unknown,1,, +491,"Personal blog",https://www.thewackyduo.com/,unknown,"multiple releases?",,en,singapore,"blog, multi",text,"web crawling","local blog, casual prose",Unknown,1,, +492,"Personal blog",https://www.vivawoman.net/,unknown,"multiple releases?",,en,singapore,"blog, beauty",text,"web crawling","local blog, casual prose",Unknown,1,, +493,"Personal blog",https://lesterchan.net/,unknown,"multiple releases?",,en,singapore,"blog, tech",text,"web crawling","local blog, casual prose",Unknown,1,, +494,"Personal blog",https://theoccasionaltraveller.com/,unknown,"multiple releases?",,en,singapore,"blog, travel",text,"web crawling","local blog, casual prose",Unknown,1,, +495,"Personal blog",http://www.passportchop.com/,unknown,"multiple releases?",,en,singapore,"blog, travel",text,"web crawling","local blog, casual prose",Unknown,1,, +496,"Curated blog",https://www.hpility.sg/,unknown,"multiple releases?",,en,singapore,"blog, multi",text,"web crawling","local blog, casual prose",Unknown,1,, +497,"News outlet",https://www.straitstimes.com/,unknown,"multiple releases?",,en,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +498,"News outlet",https://www.channelnewsasia.com/,unknown,"multiple releases?",,en,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +499,"News outlet",https://www.today.com/news/,unknown,"multiple releases?",,en,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +500,"News outlet",https://www.asiaone.com/singapore,unknown,"multiple releases?",,en,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +501,"News outlet",https://theindependent.sg/,unknown,"multiple releases?",,en,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +502,"News outlet",https://www.ricemedia.co/,unknown,"multiple releases?",,en,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +503,"News outlet",https://www.zaobao.com.sg/,unknown,"multiple releases?",,zh,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +504,"News outlet",https://www.wanbao.com.sg/,unknown,"multiple releases?",,zh,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, +505,"News outlet",https://www.shinmin.sg/,unknown,"multiple releases?",,zh,singapore,news,text,"web crawling","news website, formal prose",Unknown,0,, diff --git a/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cc-metrics.csv b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cc-metrics.csv new file mode 100644 index 0000000..7bc17d3 --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cc-metrics.csv @@ -0,0 +1,430 @@ +"id","title","link","language","captures_total","urls_uniq_estimate","warc_size_in_bytes","content_languages","content_types","captures_per_year","captures_per_crawl" +"162","aeh2","http://www.aeh2.org","es","3039","1233","80847151","{""eng"":7,""eng,spa"":307,""spa"":767,""spa,cat"":1,""spa,eng"":1936,""spa,eng,deu"":2}","{""application/pdf"":19,""application/xhtml+xml"":1929,""text/html"":1091}","{""2020"":1762,""2021"":1277}","{""CC-MAIN-2020-05"":195,""CC-MAIN-2020-10"":128,""CC-MAIN-2020-16"":186,""CC-MAIN-2020-24"":243,""CC-MAIN-2020-29"":346,""CC-MAIN-2020-34"":178,""CC-MAIN-2020-40"":197,""CC-MAIN-2020-45"":158,""CC-MAIN-2020-50"":131,""CC-MAIN-2021-04"":170,""CC-MAIN-2021-10"":55,""CC-MAIN-2021-17"":217,""CC-MAIN-2021-21"":37,""CC-MAIN-2021-25"":155,""CC-MAIN-2021-31"":87,""CC-MAIN-2021-39"":305,""CC-MAIN-2021-43"":59,""CC-MAIN-2021-49"":192}" +"198","el economista [spain]","http://www.eleconomista.es/","es","438106","224102","12713758424","{""cat"":45,""eng"":179,""eng,fra,spa"":562,""eng,ind,spa"":1,""eng,spa"":2743,""eng,spa,dan"":1,""eng,spa,deu"":1,""eng,spa,fra"":575,""eng,spa,jpn"":1,""eng,spa,kor"":430,""eng,spa,pol"":1,""fas,spa,eng"":1,""lat,spa"":2,""oci"":50,""spa"":405255,""spa,cat"":3924,""spa,cat,eng"":65,""spa,cat,eus"":40,""spa,cat,fra"":1,""spa,cat,grn"":2,""spa,cat,ita"":1,""spa,cat,tuk"":1,""spa,cat,war"":2,""spa,dan"":114,""spa,dan,eng"":1,""spa,deu"":43,""spa,deu,eng"":2,""spa,div"":1,""spa,eng"":22680,""spa,eng,cat"":65,""spa,eng,ces"":1,""spa,eng,dan"":1,""spa,eng,deu"":2,""spa,eng,eus"":3,""spa,eng,grn"":13,""spa,eng,hat"":1,""spa,eng,ile"":1,""spa,eng,ina"":3,""spa,eng,ita"":4,""spa,eng,kor"":2,""spa,est"":1,""spa,eus"":124,""spa,eus,eng"":3,""spa,fin"":2,""spa,fra"":65,""spa,fra,dan"":3,""spa,fra,eng"":2,""spa,fra,fin"":1,""spa,grn"":39,""spa,hat"":1,""spa,ile"":5,""spa,ina"":125,""spa,ina,cat"":3,""spa,ina,ita"":3,""spa,ind"":2,""spa,isl"":2,""spa,ita"":56,""spa,ita,eng"":2,""spa,kor"":6,""spa,lat"":55,""spa,msa"":4,""spa,nld"":12,""spa,nld,fra"":1,""spa,nno"":123,""spa,nor"":1,""spa,oci"":4,""spa,ron"":1,""spa,slk"":1,""spa,swe"":1,""spa,tuk"":20,""spa,tuk,cat"":1,""spa,war"":6,""spa,war,eng"":1,""spa,zho"":1}","{""application/font-woff"":1,""application/pdf"":1,""application/rss+xml"":158,""application/xhtml+xml"":1505,""text/html"":436413,""text/plain"":28}","{""2020"":194215,""2021"":243891}","{""CC-MAIN-2020-05"":23904,""CC-MAIN-2020-10"":18527,""CC-MAIN-2020-16"":18725,""CC-MAIN-2020-24"":18041,""CC-MAIN-2020-29"":19636,""CC-MAIN-2020-34"":21959,""CC-MAIN-2020-40"":21077,""CC-MAIN-2020-45"":26363,""CC-MAIN-2020-50"":25983,""CC-MAIN-2021-04"":25655,""CC-MAIN-2021-10"":25632,""CC-MAIN-2021-17"":25962,""CC-MAIN-2021-21"":26566,""CC-MAIN-2021-25"":25488,""CC-MAIN-2021-31"":28471,""CC-MAIN-2021-39"":28437,""CC-MAIN-2021-43"":28975,""CC-MAIN-2021-49"":28705}" +"296","majadahonda magazin","https://majadahondamagazin.es/","es","18211","10608","533454607","{""eng,spa"":8,""fra,spa"":1,""spa"":17371,""spa,cat"":34,""spa,cat,eng"":3,""spa,cat,eus"":2,""spa,cos"":2,""spa,dan"":3,""spa,deu"":2,""spa,eng"":583,""spa,eng,deu"":1,""spa,eng,fra"":2,""spa,eng,vie"":1,""spa,eus"":8,""spa,fra"":9,""spa,fra,eng"":1,""spa,fra,ita"":1,""spa,fra,ron"":1,""spa,grn"":2,""spa,ina"":1,""spa,ina,eng"":1,""spa,ind"":2,""spa,ita"":51,""spa,ita,eng"":1,""spa,lat"":1,""spa,pol"":1,""spa,ron"":1,""spa,tur"":1,""spa,war"":1,""spa,zho"":1}","{""application/pdf"":22,""application/rss+xml"":1,""application/xhtml+xml"":5,""image/jpeg"":84,""image/png"":7,""text/html"":18092}","{""2020"":15638,""2021"":2573}","{""CC-MAIN-2020-05"":2168,""CC-MAIN-2020-10"":2006,""CC-MAIN-2020-16"":1148,""CC-MAIN-2020-24"":2812,""CC-MAIN-2020-29"":2282,""CC-MAIN-2020-34"":2194,""CC-MAIN-2020-40"":1708,""CC-MAIN-2020-45"":917,""CC-MAIN-2020-50"":403,""CC-MAIN-2021-04"":610,""CC-MAIN-2021-10"":398,""CC-MAIN-2021-17"":366,""CC-MAIN-2021-21"":361,""CC-MAIN-2021-25"":215,""CC-MAIN-2021-31"":276,""CC-MAIN-2021-39"":138,""CC-MAIN-2021-43"":121,""CC-MAIN-2021-49"":88}" +"192","noticias ahora","https://www.noticias-ahora.com/","es","106632","73046","2634752488","{""deu,bod,nno"":1,""eng"":5,""eng,spa"":157,""spa"":67011,""spa,aar"":1,""spa,afr"":6,""spa,ara"":1,""spa,cat"":12,""spa,cat,eng"":2,""spa,dan"":23,""spa,dan,eng"":11,""spa,deu"":3,""spa,deu,eng"":2,""spa,eng"":39189,""spa,eng,ara"":2,""spa,eng,cat"":7,""spa,eng,dan"":11,""spa,eng,epo"":1,""spa,eng,eus"":1,""spa,eng,fas"":1,""spa,eng,fra"":4,""spa,eng,grn"":13,""spa,eng,ina"":4,""spa,eng,ind"":1,""spa,eng,ita"":5,""spa,eng,jpn"":2,""spa,eng,kha"":1,""spa,eng,lit"":2,""spa,eng,msa"":1,""spa,eng,nno"":1,""spa,eng,rus"":5,""spa,eng,sco"":1,""spa,eng,som"":1,""spa,eng,sqi"":1,""spa,eng,tur"":2,""spa,eng,war"":1,""spa,eng,zho"":2,""spa,epo"":1,""spa,fra"":13,""spa,fra,eng"":2,""spa,grn"":39,""spa,grn,eng"":16,""spa,heb"":1,""spa,ile"":1,""spa,ina"":1,""spa,ind"":4,""spa,ind,eng"":3,""spa,ita"":5,""spa,ita,eng"":1,""spa,jpn"":4,""spa,jpn,eng"":1,""spa,lit"":1,""spa,msa"":1,""spa,nld,eng"":1,""spa,nno"":1,""spa,nno,eng"":1,""spa,pol"":1,""spa,roh"":1,""spa,ron"":2,""spa,rus"":3,""spa,sco,eng"":1,""spa,slk"":1,""spa,sqi"":2,""spa,tur"":2,""spa,war"":25,""spa,war,eng"":2,""spa,zho"":1}","{""text/html"":106632}","{""2020"":55385,""2021"":51247}","{""CC-MAIN-2020-05"":5035,""CC-MAIN-2020-10"":4972,""CC-MAIN-2020-16"":4668,""CC-MAIN-2020-24"":5691,""CC-MAIN-2020-29"":6289,""CC-MAIN-2020-34"":4272,""CC-MAIN-2020-40"":8697,""CC-MAIN-2020-45"":7820,""CC-MAIN-2020-50"":7941,""CC-MAIN-2021-04"":7998,""CC-MAIN-2021-10"":5400,""CC-MAIN-2021-17"":5398,""CC-MAIN-2021-21"":5400,""CC-MAIN-2021-25"":4498,""CC-MAIN-2021-31"":3867,""CC-MAIN-2021-39"":3896,""CC-MAIN-2021-43"":7396,""CC-MAIN-2021-49"":7394}" +"30","radiocable","http://www.radiocable.com/","es","93152","19256","1092879146","{""cat"":6,""eng"":137,""eng,glg"":8,""eng,glg,oci"":1,""eng,ile"":1,""eng,spa"":682,""eng,spa,cat"":9,""eng,spa,ina"":1,""eng,spa,oci"":4,""ile"":2,""spa"":71634,""spa,cat"":172,""spa,cat,eng"":9,""spa,cat,nld"":1,""spa,dan"":7,""spa,deu"":71,""spa,deu,dan"":8,""spa,deu,eng"":22,""spa,deu,fra"":2,""spa,eng"":19111,""spa,eng,cat"":48,""spa,eng,deu"":191,""spa,eng,fra"":396,""spa,eng,grn"":3,""spa,eng,ile"":4,""spa,eng,ita"":87,""spa,eng,oci"":2,""spa,eng,war"":3,""spa,eus"":6,""spa,fas"":1,""spa,fra"":302,""spa,fra,cat"":3,""spa,fra,eng"":30,""spa,fra,ita"":1,""spa,ile"":10,""spa,ina"":6,""spa,ina,eng"":8,""spa,ita"":17,""spa,ita,eng"":4,""spa,ita,fra"":20,""spa,nld"":16,""spa,oci"":12,""spa,pol"":5,""spa,tuk"":4,""spa,war"":8}","{""application/rss+xml"":9,""application/xhtml+xml"":1649,""text/html"":91494}","{""2020"":45590,""2021"":47562}","{""CC-MAIN-2020-05"":3779,""CC-MAIN-2020-10"":4998,""CC-MAIN-2020-16"":6282,""CC-MAIN-2020-24"":7808,""CC-MAIN-2020-29"":5426,""CC-MAIN-2020-34"":2661,""CC-MAIN-2020-40"":8367,""CC-MAIN-2020-45"":4586,""CC-MAIN-2020-50"":1683,""CC-MAIN-2021-04"":6807,""CC-MAIN-2021-10"":6483,""CC-MAIN-2021-17"":3325,""CC-MAIN-2021-21"":7039,""CC-MAIN-2021-25"":3735,""CC-MAIN-2021-31"":5846,""CC-MAIN-2021-39"":5291,""CC-MAIN-2021-43"":5211,""CC-MAIN-2021-49"":3825}" +"380","tandil diario","http://www.tandildiario.com/","es","1073","531","10097213","{""spa"":854,""spa,eng"":191,""spa,war"":2}","{""application/rss+xml"":26,""application/xhtml+xml"":1047}","{""2020"":660,""2021"":413}","{""CC-MAIN-2020-05"":78,""CC-MAIN-2020-10"":87,""CC-MAIN-2020-16"":46,""CC-MAIN-2020-24"":183,""CC-MAIN-2020-29"":67,""CC-MAIN-2020-34"":75,""CC-MAIN-2020-40"":46,""CC-MAIN-2020-45"":28,""CC-MAIN-2020-50"":50,""CC-MAIN-2021-04"":64,""CC-MAIN-2021-10"":28,""CC-MAIN-2021-17"":43,""CC-MAIN-2021-21"":53,""CC-MAIN-2021-25"":27,""CC-MAIN-2021-31"":46,""CC-MAIN-2021-39"":41,""CC-MAIN-2021-43"":64,""CC-MAIN-2021-49"":47}" +"66","diario el expreso","https://www.diarioelexpreso.com.ve/","es","2181","809","15392908","{""spa"":2154,""spa,cat"":2,""spa,eng"":25}","{""application/xhtml+xml"":2181}","{""2020"":133,""2021"":2048}","{""CC-MAIN-2020-45"":37,""CC-MAIN-2020-50"":96,""CC-MAIN-2021-04"":80,""CC-MAIN-2021-10"":30,""CC-MAIN-2021-17"":47,""CC-MAIN-2021-21"":114,""CC-MAIN-2021-25"":108,""CC-MAIN-2021-31"":461,""CC-MAIN-2021-39"":402,""CC-MAIN-2021-43"":484,""CC-MAIN-2021-49"":322}" +"92","diario de navarra","http://www.diariodenavarra.es/","es","282377","215176","6312425363","{""eng"":7,""eng,spa"":11,""eus,spa"":6,""spa"":277874,""spa,aar"":1,""spa,ara"":1,""spa,bos"":3,""spa,cat"":975,""spa,cat,eng"":5,""spa,cat,ile"":1,""spa,cat,ina"":1,""spa,dan"":67,""spa,dan,eng"":1,""spa,dan,ile"":1,""spa,dan,ita"":1,""spa,deu"":7,""spa,eng"":2118,""spa,eng,cat"":2,""spa,eng,ces"":1,""spa,eng,dan"":2,""spa,eng,deu"":3,""spa,eng,fin"":1,""spa,eng,fra"":1,""spa,eng,ita"":4,""spa,eng,nld"":1,""spa,est"":1,""spa,eus"":1052,""spa,eus,cat"":2,""spa,eus,ita"":1,""spa,fra"":40,""spa,fry"":1,""spa,grn"":18,""spa,hrv"":1,""spa,hun"":1,""spa,ile"":10,""spa,ina"":9,""spa,ind"":8,""spa,ita"":27,""spa,ita,eng"":1,""spa,ita,nld"":1,""spa,jpn"":1,""spa,lat"":14,""spa,lit"":2,""spa,mlg"":1,""spa,msa"":5,""spa,nld"":5,""spa,nno"":1,""spa,nor"":4,""spa,oci"":8,""spa,pol"":5,""spa,roh"":1,""spa,ron"":1,""spa,srp"":2,""spa,swe"":1,""spa,ton"":1,""spa,tur"":1,""spa,vol"":1,""spa,war"":4}","{""application/pdf"":47,""application/rss+xml"":1,""application/xhtml+xml"":257972,""text/html"":24356,""text/plain"":1}","{""2020"":151144,""2021"":131233}","{""CC-MAIN-2020-05"":19767,""CC-MAIN-2020-10"":22227,""CC-MAIN-2020-16"":19019,""CC-MAIN-2020-24"":18186,""CC-MAIN-2020-29"":8618,""CC-MAIN-2020-34"":9384,""CC-MAIN-2020-40"":10047,""CC-MAIN-2020-45"":22319,""CC-MAIN-2020-50"":21577,""CC-MAIN-2021-04"":22487,""CC-MAIN-2021-10"":23973,""CC-MAIN-2021-17"":23606,""CC-MAIN-2021-21"":23353,""CC-MAIN-2021-25"":8374,""CC-MAIN-2021-31"":7346,""CC-MAIN-2021-39"":7254,""CC-MAIN-2021-43"":7774,""CC-MAIN-2021-49"":7066}" +"244","diario financiero","http://www.df.cl/","es","92885","54773","2785968639","{""eng"":23,""ita"":2,""spa"":56742,""spa,cat"":1,""spa,dan"":3,""spa,eng"":35718,""spa,eng,ina"":4,""spa,eng,lat"":6,""spa,eng,roh"":1,""spa,eng,war"":12,""spa,epo"":1,""spa,fra"":2,""spa,grn"":3,""spa,ina"":3,""spa,lat"":28,""spa,oci"":5,""spa,war"":17,""spa,war,eng"":1,""war"":2}","{""application/pdf"":184,""application/rss+xml"":12,""application/x-ms-owner"":9,""application/xhtml+xml"":4,""text/html"":92675,""text/plain"":1}","{""2020"":61124,""2021"":31761}","{""CC-MAIN-2020-05"":6895,""CC-MAIN-2020-10"":6420,""CC-MAIN-2020-16"":4904,""CC-MAIN-2020-24"":8384,""CC-MAIN-2020-29"":7793,""CC-MAIN-2020-34"":8417,""CC-MAIN-2020-40"":7894,""CC-MAIN-2020-45"":5848,""CC-MAIN-2020-50"":4569,""CC-MAIN-2021-04"":4769,""CC-MAIN-2021-10"":3721,""CC-MAIN-2021-17"":2625,""CC-MAIN-2021-21"":3073,""CC-MAIN-2021-25"":2847,""CC-MAIN-2021-31"":2796,""CC-MAIN-2021-39"":4819,""CC-MAIN-2021-43"":3643,""CC-MAIN-2021-49"":3468}" +"270","riceg","http://www.riceg.org/","es","299","118","7039231","{""eng"":12,""eng,ita,spa"":1,""eng,spa"":2,""spa"":118,""spa,eng"":148,""spa,eng,ita"":6}","{""application/pdf"":12,""text/html"":287}","{""2020"":108,""2021"":191}","{""CC-MAIN-2020-05"":1,""CC-MAIN-2020-10"":1,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-29"":35,""CC-MAIN-2020-34"":10,""CC-MAIN-2020-40"":30,""CC-MAIN-2020-45"":8,""CC-MAIN-2020-50"":22,""CC-MAIN-2021-04"":19,""CC-MAIN-2021-10"":8,""CC-MAIN-2021-17"":27,""CC-MAIN-2021-21"":9,""CC-MAIN-2021-25"":20,""CC-MAIN-2021-31"":19,""CC-MAIN-2021-39"":70,""CC-MAIN-2021-43"":18,""CC-MAIN-2021-49"":1}" +"186","vicepresidencia","http://www.vicepresidencia.gob.ve/","es","2466","1951","51607772","{""eng,spa"":4,""spa"":2426,""spa,eng"":23,""spa,fra"":3,""spa,fra,eng"":1,""spa,grn"":4,""spa,msa"":1,""spa,war"":2}","{""application/pdf"":2,""text/html"":2464}","{""2020"":2079,""2021"":387}","{""CC-MAIN-2020-05"":223,""CC-MAIN-2020-10"":512,""CC-MAIN-2020-16"":214,""CC-MAIN-2020-24"":340,""CC-MAIN-2020-29"":212,""CC-MAIN-2020-34"":167,""CC-MAIN-2020-40"":334,""CC-MAIN-2020-45"":31,""CC-MAIN-2020-50"":46,""CC-MAIN-2021-04"":16,""CC-MAIN-2021-10"":44,""CC-MAIN-2021-17"":36,""CC-MAIN-2021-21"":56,""CC-MAIN-2021-25"":15,""CC-MAIN-2021-31"":12,""CC-MAIN-2021-39"":27,""CC-MAIN-2021-43"":95,""CC-MAIN-2021-49"":86}" +"484","Personal blog","https://sethlui.com/","en","31656","22098","685973424","{""eng"":31016,""eng,cat"":1,""eng,dan"":37,""eng,deu"":1,""eng,fra"":3,""eng,gla"":4,""eng,ind"":11,""eng,ita"":1,""eng,jpn"":25,""eng,kor"":4,""eng,msa"":238,""eng,oci"":2,""eng,tha"":9,""eng,vie"":4,""eng,war"":2,""eng,zho"":275,""eng,zho,jpn"":8}","{""application/rss+xml"":2,""image/gif"":1,""image/jpeg"":9,""text/html"":31644}","{""2020"":7654,""2021"":24002}","{""CC-MAIN-2020-05"":722,""CC-MAIN-2020-10"":681,""CC-MAIN-2020-16"":410,""CC-MAIN-2020-24"":2016,""CC-MAIN-2020-29"":1131,""CC-MAIN-2020-34"":887,""CC-MAIN-2020-40"":813,""CC-MAIN-2020-45"":423,""CC-MAIN-2020-50"":571,""CC-MAIN-2021-04"":474,""CC-MAIN-2021-10"":354,""CC-MAIN-2021-17"":3497,""CC-MAIN-2021-21"":2745,""CC-MAIN-2021-25"":3338,""CC-MAIN-2021-31"":3039,""CC-MAIN-2021-39"":3013,""CC-MAIN-2021-43"":3836,""CC-MAIN-2021-49"":3706}" +"429","cadenaser-tv news","https://cadenaser.com/","es","459565","393750","10415889965","{""cat,spa"":2582,""cat,spa,eng"":232,""cat,spa,est"":5,""cat,spa,oci"":2,""eng,spa"":3,""eng,spa,cat"":4,""eus,spa"":1,""eus,spa,cat"":4,""glg"":108,""glg,cat"":278,""glg,cat,eng"":3,""spa"":90314,""spa,ara"":1,""spa,ara,cat"":1,""spa,bos"":1,""spa,cat"":357045,""spa,cat,ara"":5,""spa,cat,bos"":2,""spa,cat,ces"":1,""spa,cat,cos"":1,""spa,cat,cym"":1,""spa,cat,dan"":29,""spa,cat,deu"":22,""spa,cat,ell"":2,""spa,cat,eng"":2158,""spa,cat,est"":19,""spa,cat,eus"":426,""spa,cat,fra"":78,""spa,cat,grn"":23,""spa,cat,heb"":2,""spa,cat,hrv"":3,""spa,cat,ile"":4,""spa,cat,ina"":9,""spa,cat,ind"":6,""spa,cat,isl"":4,""spa,cat,ita"":36,""spa,cat,jpn"":15,""spa,cat,kha"":1,""spa,cat,lat"":1,""spa,cat,lit"":3,""spa,cat,mfe"":1,""spa,cat,msa"":1,""spa,cat,nld"":12,""spa,cat,nno"":6,""spa,cat,nor"":2,""spa,cat,oci"":10,""spa,cat,pol"":2,""spa,cat,ron"":1,""spa,cat,rus"":13,""spa,cat,sco"":3,""spa,cat,srp"":3,""spa,cat,swe"":1,""spa,cat,tur"":8,""spa,cat,war"":34,""spa,cat,zho"":2,""spa,dan"":10,""spa,dan,cat"":2,""spa,deu"":2,""spa,deu,cat"":1,""spa,eng"":4417,""spa,eng,cat"":403,""spa,eng,est"":9,""spa,eng,eus"":6,""spa,eng,fra"":2,""spa,eng,ita"":1,""spa,eng,zho"":2,""spa,est"":686,""spa,est,cat"":4,""spa,eus"":213,""spa,eus,cat"":78,""spa,eus,eng"":5,""spa,fra"":24,""spa,fra,cat"":4,""spa,grn"":11,""spa,grn,cat"":3,""spa,ina"":4,""spa,ind"":4,""spa,isl"":3,""spa,ita"":14,""spa,ita,cat"":1,""spa,jpn"":4,""spa,lat"":11,""spa,lin"":1,""spa,mlt"":1,""spa,msa"":2,""spa,oci"":6,""spa,oci,cat"":1,""spa,pol"":1,""spa,rus"":4,""spa,srp"":2,""spa,tha,deu"":1,""spa,tur"":3,""spa,tur,cat"":1,""spa,tur,eng"":1,""spa,war"":4,""spa,war,cat"":1}","{""application/pdf"":74,""application/rss+xml"":2,""application/xhtml+xml"":61,""text/html"":459428}","{""2020"":209975,""2021"":249590}","{""CC-MAIN-2020-05"":24840,""CC-MAIN-2020-10"":24371,""CC-MAIN-2020-16"":21502,""CC-MAIN-2020-24"":21245,""CC-MAIN-2020-29"":20042,""CC-MAIN-2020-34"":22006,""CC-MAIN-2020-40"":22661,""CC-MAIN-2020-45"":26630,""CC-MAIN-2020-50"":26678,""CC-MAIN-2021-04"":26611,""CC-MAIN-2021-10"":27982,""CC-MAIN-2021-17"":27866,""CC-MAIN-2021-21"":28167,""CC-MAIN-2021-25"":27896,""CC-MAIN-2021-31"":27975,""CC-MAIN-2021-39"":27760,""CC-MAIN-2021-43"":27654,""CC-MAIN-2021-49"":27679}" +"413","renewable energy magazine","http://www.renewableenergymagazine.com/","es","14489","7328","186745203","{""eng"":10625,""eng,ara"":1,""eng,ces"":5,""eng,deu"":1,""eng,fas,spa"":2,""eng,fra"":2,""eng,glg"":1,""eng,ind,ces"":1,""eng,isl"":1,""eng,kor"":19,""eng,lav"":1,""eng,lav,ces"":1,""eng,nld"":1,""eng,nld,slk"":1,""eng,nno"":1,""eng,pol"":3,""eng,ron"":5,""eng,rus"":2,""eng,spa"":3580,""eng,spa,hun"":1,""eng,spa,ind"":1,""eng,spa,kor"":1,""eng,spa,lat"":1,""eng,spa,nno"":2,""eng,spa,pol"":1,""eng,swe"":3,""eng,tha"":1,""eng,tur"":1,""ind,eng"":4,""lav,eng"":1,""spa"":3,""spa,eng"":179,""spa,eng,deu"":10,""spa,eng,fra"":3,""spa,eng,lat"":2}","{""application/rss+xml"":6,""text/html"":14483}","{""2020"":7635,""2021"":6854}","{""CC-MAIN-2020-05"":1193,""CC-MAIN-2020-10"":1143,""CC-MAIN-2020-16"":516,""CC-MAIN-2020-24"":859,""CC-MAIN-2020-29"":975,""CC-MAIN-2020-34"":926,""CC-MAIN-2020-40"":1053,""CC-MAIN-2020-45"":478,""CC-MAIN-2020-50"":492,""CC-MAIN-2021-04"":1211,""CC-MAIN-2021-10"":631,""CC-MAIN-2021-17"":670,""CC-MAIN-2021-21"":539,""CC-MAIN-2021-25"":468,""CC-MAIN-2021-31"":412,""CC-MAIN-2021-39"":860,""CC-MAIN-2021-43"":858,""CC-MAIN-2021-49"":1205}" +"202","diario de huelva","https://www.diariodehuelva.es/","es","15388","10653","340357175","{""eng,spa"":13,""spa"":15127,""spa,cat"":10,""spa,eng"":219,""spa,eng,lat"":4,""spa,fra"":2,""spa,lat"":3,""spa,lat,eng"":1,""spa,ron"":1,""spa,war"":1}","{""application/rss+xml"":7,""text/html"":15381}","{""2020"":11109,""2021"":4279}","{""CC-MAIN-2020-05"":1574,""CC-MAIN-2020-10"":1570,""CC-MAIN-2020-16"":785,""CC-MAIN-2020-24"":1731,""CC-MAIN-2020-29"":1801,""CC-MAIN-2020-34"":1400,""CC-MAIN-2020-40"":1482,""CC-MAIN-2020-45"":335,""CC-MAIN-2020-50"":431,""CC-MAIN-2021-04"":477,""CC-MAIN-2021-10"":250,""CC-MAIN-2021-17"":293,""CC-MAIN-2021-21"":374,""CC-MAIN-2021-25"":1022,""CC-MAIN-2021-31"":513,""CC-MAIN-2021-39"":358,""CC-MAIN-2021-43"":343,""CC-MAIN-2021-49"":649}" +"348","portal 180","http://www.180.com.uy/","es","8157","5332","71342717","{""eng"":1,""spa"":7932,""spa,cat"":3,""spa,eng"":167,""spa,fra"":8,""spa,grn"":9,""spa,ita"":1,""spa,kor"":36}","{""text/html"":8157}","{""2020"":5441,""2021"":2716}","{""CC-MAIN-2020-05"":421,""CC-MAIN-2020-10"":847,""CC-MAIN-2020-16"":676,""CC-MAIN-2020-24"":974,""CC-MAIN-2020-29"":910,""CC-MAIN-2020-34"":519,""CC-MAIN-2020-40"":331,""CC-MAIN-2020-45"":343,""CC-MAIN-2020-50"":420,""CC-MAIN-2021-04"":428,""CC-MAIN-2021-10"":303,""CC-MAIN-2021-17"":380,""CC-MAIN-2021-21"":275,""CC-MAIN-2021-25"":251,""CC-MAIN-2021-31"":181,""CC-MAIN-2021-39"":326,""CC-MAIN-2021-43"":236,""CC-MAIN-2021-49"":336}" +"98","vtv uruguay","http://www.vtv.com.uy/","es","23","20","28765","{""eng"":23}","{""text/html"":23}","{""2021"":23}","{""CC-MAIN-2021-21"":6,""CC-MAIN-2021-25"":3,""CC-MAIN-2021-43"":4,""CC-MAIN-2021-49"":10}" +"396","el diario","https://www.eldiario.es/","es","458464","380373","11787233230","{""cat"":6,""cat,spa"":1817,""cat,spa,eng"":13,""cat,spa,grn"":4,""cat,spa,ita"":1,""cat,spa,oci"":2,""eng,spa"":24,""eng,spa,cat"":1,""eus"":1,""eus,spa"":9,""spa"":421936,""spa,amh"":2,""spa,ara"":9,""spa,ara,eng"":1,""spa,ara,urd"":1,""spa,cat"":24207,""spa,cat,dan"":1,""spa,cat,eng"":135,""spa,cat,eus"":12,""spa,cat,fra"":6,""spa,cat,grn"":8,""spa,cat,ile"":2,""spa,cat,ita"":1,""spa,cat,oci"":9,""spa,dan"":44,""spa,dan,cat"":1,""spa,deu"":26,""spa,deu,eng"":2,""spa,ell"":7,""spa,eng"":6830,""spa,eng,ara"":3,""spa,eng,cat"":119,""spa,eng,deu"":4,""spa,eng,fra"":17,""spa,eng,heb"":1,""spa,eng,ita"":3,""spa,eng,jpn"":1,""spa,eng,nld"":1,""spa,eng,slv"":1,""spa,eng,tur"":3,""spa,eng,zho"":1,""spa,eus"":914,""spa,eus,cat"":9,""spa,eus,eng"":7,""spa,eus,grn"":1,""spa,fas"":1,""spa,fra"":180,""spa,fra,ara"":1,""spa,fra,cat"":4,""spa,fra,eng"":5,""spa,grn"":106,""spa,grn,cat"":1,""spa,grn,eng"":1,""spa,haw"":1,""spa,heb"":3,""spa,hin"":1,""spa,ile"":2,""spa,ina"":7,""spa,ind"":9,""spa,ita"":74,""spa,ita,cat"":1,""spa,ita,deu"":1,""spa,ita,eng"":1,""spa,jpn"":7,""spa,lat"":10,""spa,lat,cat"":1,""spa,mfe"":1,""spa,mya,eng"":1,""spa,nld"":6,""spa,nno"":1,""spa,nor"":1,""spa,oci"":3,""spa,pol"":5,""spa,rus"":9,""spa,rus,eng"":1,""spa,swa"":1,""spa,swe"":2,""spa,swe,cat"":1,""spa,tha"":1,""spa,tso"":1,""spa,tur"":6,""spa,ukr"":6,""spa,war"":18,""spa,war,cat"":1,""spa,war,dan"":2,""spa,zho"":2}","{""application/json"":721,""application/pdf"":2,""application/rss+xml"":362,""application/vnd.apple.pages"":1,""application/xhtml+xml"":97121,""image/jpeg"":2,""text/html"":360255}","{""2020"":212478,""2021"":245986}","{""CC-MAIN-2020-05"":28571,""CC-MAIN-2020-10"":25188,""CC-MAIN-2020-16"":20410,""CC-MAIN-2020-24"":20431,""CC-MAIN-2020-29"":20283,""CC-MAIN-2020-34"":21988,""CC-MAIN-2020-40"":19815,""CC-MAIN-2020-45"":27224,""CC-MAIN-2020-50"":28568,""CC-MAIN-2021-04"":26176,""CC-MAIN-2021-10"":27807,""CC-MAIN-2021-17"":25240,""CC-MAIN-2021-21"":26997,""CC-MAIN-2021-25"":29189,""CC-MAIN-2021-31"":28304,""CC-MAIN-2021-39"":27471,""CC-MAIN-2021-43"":27388,""CC-MAIN-2021-49"":27414}" +"399","decisive2020","https://www.upo.es/upotec","es","348","268","4369346","{""spa"":305,""spa,eng"":33,""spa,grn"":1}","{""application/pdf"":9,""text/html"":339}","{""2020"":326,""2021"":22}","{""CC-MAIN-2020-05"":54,""CC-MAIN-2020-10"":5,""CC-MAIN-2020-16"":4,""CC-MAIN-2020-24"":12,""CC-MAIN-2020-29"":162,""CC-MAIN-2020-34"":22,""CC-MAIN-2020-40"":34,""CC-MAIN-2020-45"":26,""CC-MAIN-2020-50"":7,""CC-MAIN-2021-17"":11,""CC-MAIN-2021-21"":1,""CC-MAIN-2021-25"":2,""CC-MAIN-2021-39"":1,""CC-MAIN-2021-43"":1,""CC-MAIN-2021-49"":6}" +"482","Personal blog","https://www.misstamchiak.com/","en","252","194","5649874","{""eng"":241,""eng,msa"":1,""eng,tha"":1,""eng,zho"":3}","{""application/rss+xml"":6,""text/html"":246}","{""2020"":181,""2021"":71}","{""CC-MAIN-2020-05"":43,""CC-MAIN-2020-10"":47,""CC-MAIN-2020-16"":28,""CC-MAIN-2020-24"":9,""CC-MAIN-2020-29"":7,""CC-MAIN-2020-34"":11,""CC-MAIN-2020-40"":16,""CC-MAIN-2020-45"":15,""CC-MAIN-2020-50"":5,""CC-MAIN-2021-04"":6,""CC-MAIN-2021-10"":2,""CC-MAIN-2021-17"":12,""CC-MAIN-2021-21"":2,""CC-MAIN-2021-25"":8,""CC-MAIN-2021-31"":8,""CC-MAIN-2021-39"":18,""CC-MAIN-2021-43"":12,""CC-MAIN-2021-49"":3}" +"394","la defensoría de los habitantes","http://www.dhr.go.cr/","es","1362","545","187120304","{""eng"":6,""eng,spa"":3,""grn"":1,""spa"":882,""spa,eng"":13,""spa,eng,ile"":2,""spa,fra"":1,""spa,grn"":3,""spa,ile"":123,""spa,war"":13,""spa,war,ile"":2}","{""application/pdf"":300,""text/html"":1062}","{""2020"":851,""2021"":511}","{""CC-MAIN-2020-05"":130,""CC-MAIN-2020-10"":236,""CC-MAIN-2020-16"":135,""CC-MAIN-2020-24"":176,""CC-MAIN-2020-29"":47,""CC-MAIN-2020-34"":21,""CC-MAIN-2020-40"":49,""CC-MAIN-2020-45"":14,""CC-MAIN-2020-50"":43,""CC-MAIN-2021-04"":18,""CC-MAIN-2021-17"":57,""CC-MAIN-2021-21"":3,""CC-MAIN-2021-25"":8,""CC-MAIN-2021-31"":51,""CC-MAIN-2021-39"":300,""CC-MAIN-2021-43"":59,""CC-MAIN-2021-49"":15}" +"209","misiones online","http://misionesonline.net/","es","81568","57597","2340469233","{""eng,spa"":57,""spa"":76872,""spa,afr"":1,""spa,bis"":1,""spa,cat"":25,""spa,cat,eng"":2,""spa,cos"":3,""spa,dan"":9,""spa,dan,eng"":2,""spa,eng"":4185,""spa,eng,dan"":1,""spa,eng,grn"":2,""spa,eng,ita"":5,""spa,eng,oci"":20,""spa,eng,rus"":2,""spa,eng,ukr"":2,""spa,eus"":2,""spa,grn"":61,""spa,grn,eng"":7,""spa,grn,oci"":1,""spa,hau"":1,""spa,ile"":6,""spa,ina"":6,""spa,ind"":5,""spa,ita"":17,""spa,lat"":5,""spa,ltz"":2,""spa,msa"":1,""spa,nld"":2,""spa,nno"":1,""spa,oci"":237,""spa,oci,eng"":3,""spa,pol"":1,""spa,ron"":1,""spa,run"":1,""spa,rus"":2,""spa,rus,eng"":1,""spa,srp"":1,""spa,war"":14}","{""text/html"":81568}","{""2020"":46455,""2021"":35113}","{""CC-MAIN-2020-05"":5542,""CC-MAIN-2020-10"":7106,""CC-MAIN-2020-16"":6068,""CC-MAIN-2020-24"":7161,""CC-MAIN-2020-29"":4294,""CC-MAIN-2020-34"":4904,""CC-MAIN-2020-40"":5933,""CC-MAIN-2020-45"":2178,""CC-MAIN-2020-50"":3269,""CC-MAIN-2021-04"":5024,""CC-MAIN-2021-10"":3130,""CC-MAIN-2021-17"":4357,""CC-MAIN-2021-21"":3585,""CC-MAIN-2021-25"":2745,""CC-MAIN-2021-31"":4514,""CC-MAIN-2021-39"":3629,""CC-MAIN-2021-43"":3678,""CC-MAIN-2021-49"":4451}" +"132","iresiduo","https://iresiduo.com/","es","33285","16629","539173657","{""spa"":32571,""spa,ara"":13,""spa,cat"":137,""spa,cat,eng"":1,""spa,eng"":503,""spa,eng,ita"":1,""spa,eus"":54,""spa,fra,eng"":1,""spa,grn"":1,""spa,ita"":1,""spa,slv"":1}","{""application/pdf"":1,""text/html"":33284}","{""2020"":19679,""2021"":13606}","{""CC-MAIN-2020-05"":1829,""CC-MAIN-2020-10"":3370,""CC-MAIN-2020-16"":2962,""CC-MAIN-2020-24"":1531,""CC-MAIN-2020-29"":2341,""CC-MAIN-2020-34"":937,""CC-MAIN-2020-40"":3252,""CC-MAIN-2020-45"":1856,""CC-MAIN-2020-50"":1601,""CC-MAIN-2021-04"":2075,""CC-MAIN-2021-10"":1263,""CC-MAIN-2021-17"":1260,""CC-MAIN-2021-21"":784,""CC-MAIN-2021-25"":1229,""CC-MAIN-2021-31"":3398,""CC-MAIN-2021-39"":1931,""CC-MAIN-2021-43"":986,""CC-MAIN-2021-49"":680}" +"340","corte de cuentas","https://www.cortedecuentas.gob.sv/index.php/es/","es","25","17","203507","{""spa"":6,""spa,eng"":19}","{""application/xhtml+xml"":25}","{""2020"":18,""2021"":7}","{""CC-MAIN-2020-16"":1,""CC-MAIN-2020-29"":15,""CC-MAIN-2020-45"":1,""CC-MAIN-2020-50"":1,""CC-MAIN-2021-04"":2,""CC-MAIN-2021-17"":1,""CC-MAIN-2021-25"":2,""CC-MAIN-2021-39"":2}" +"208","news millenium","https://www.newsmillenium.com/","es","2830","1873","51976304","{""eng"":296,""eng,spa"":142,""spa"":9,""spa,eng"":2381,""spa,eng,lat"":2}","{""application/xhtml+xml"":2,""text/html"":2828}","{""2020"":1652,""2021"":1178}","{""CC-MAIN-2020-05"":290,""CC-MAIN-2020-10"":165,""CC-MAIN-2020-16"":128,""CC-MAIN-2020-24"":149,""CC-MAIN-2020-29"":142,""CC-MAIN-2020-34"":152,""CC-MAIN-2020-40"":205,""CC-MAIN-2020-45"":296,""CC-MAIN-2020-50"":125,""CC-MAIN-2021-04"":178,""CC-MAIN-2021-10"":183,""CC-MAIN-2021-17"":142,""CC-MAIN-2021-21"":82,""CC-MAIN-2021-25"":120,""CC-MAIN-2021-31"":112,""CC-MAIN-2021-39"":98,""CC-MAIN-2021-43"":140,""CC-MAIN-2021-49"":123}" +"258","minuto a minuto","http://minutoaminuto.com.ve/","es","342","48","8012950","{""spa"":23,""spa,eng"":306}","{""application/atom+xml"":13,""application/xhtml+xml"":329}","{""2020"":202,""2021"":140}","{""CC-MAIN-2020-05"":34,""CC-MAIN-2020-10"":4,""CC-MAIN-2020-16"":37,""CC-MAIN-2020-24"":8,""CC-MAIN-2020-29"":36,""CC-MAIN-2020-34"":9,""CC-MAIN-2020-40"":36,""CC-MAIN-2020-45"":4,""CC-MAIN-2020-50"":34,""CC-MAIN-2021-04"":5,""CC-MAIN-2021-17"":40,""CC-MAIN-2021-21"":2,""CC-MAIN-2021-25"":39,""CC-MAIN-2021-31"":2,""CC-MAIN-2021-39"":35,""CC-MAIN-2021-43"":3,""CC-MAIN-2021-49"":14}" +"216","agronews castilla y león","https://www.agronewscastillayleon.com/","es","34511","21664","610778199","{""eng"":1,""spa"":20772,""spa,cat"":60,""spa,cat,eng"":20,""spa,dan"":2,""spa,deu"":2,""spa,eng"":12706,""spa,eng,cat"":2,""spa,eng,eus"":1,""spa,eng,ita"":1,""spa,eus"":2,""spa,fra"":2,""spa,grn"":1,""spa,ina"":3,""spa,ind"":3,""spa,ind,eng"":1,""spa,ita"":1,""spa,ita,eng"":1}","{""application/pdf"":103,""application/rss+xml"":827,""application/xhtml+xml"":33580,""text/html"":1}","{""2020"":18213,""2021"":16298}","{""CC-MAIN-2020-05"":1390,""CC-MAIN-2020-10"":1889,""CC-MAIN-2020-16"":2856,""CC-MAIN-2020-24"":1641,""CC-MAIN-2020-29"":2712,""CC-MAIN-2020-34"":1851,""CC-MAIN-2020-40"":2528,""CC-MAIN-2020-45"":2328,""CC-MAIN-2020-50"":1018,""CC-MAIN-2021-04"":963,""CC-MAIN-2021-10"":600,""CC-MAIN-2021-17"":2035,""CC-MAIN-2021-21"":2626,""CC-MAIN-2021-25"":2538,""CC-MAIN-2021-31"":2290,""CC-MAIN-2021-39"":1600,""CC-MAIN-2021-43"":1480,""CC-MAIN-2021-49"":2166}" +"142","corresponsables","http://www.corresponsables.com/","es","14488","7614","331355366","{""cat"":6,""cat,spa"":1,""eng"":1,""eng,spa"":4,""spa"":13350,""spa,cat"":179,""spa,dan"":1,""spa,deu"":1,""spa,eng"":895,""spa,eng,cat"":4,""spa,eus"":1,""spa,fra"":5,""spa,grn"":4,""spa,ita"":1}","{""application/pdf"":35,""application/xhtml+xml"":67,""text/html"":14386}","{""2020"":8352,""2021"":6136}","{""CC-MAIN-2020-05"":1455,""CC-MAIN-2020-10"":772,""CC-MAIN-2020-16"":809,""CC-MAIN-2020-24"":723,""CC-MAIN-2020-29"":1247,""CC-MAIN-2020-34"":842,""CC-MAIN-2020-40"":1462,""CC-MAIN-2020-45"":584,""CC-MAIN-2020-50"":458,""CC-MAIN-2021-04"":975,""CC-MAIN-2021-10"":678,""CC-MAIN-2021-17"":695,""CC-MAIN-2021-21"":725,""CC-MAIN-2021-25"":717,""CC-MAIN-2021-31"":537,""CC-MAIN-2021-39"":368,""CC-MAIN-2021-43"":930,""CC-MAIN-2021-49"":511}" +"314","reac","https://reac.es/","es","994","179","24927444","{""spa"":979,""spa,eng"":7}","{""application/pdf"":1,""image/jpeg"":4,""image/png"":3,""text/html"":986}","{""2020"":443,""2021"":551}","{""CC-MAIN-2020-05"":75,""CC-MAIN-2020-10"":12,""CC-MAIN-2020-16"":82,""CC-MAIN-2020-24"":9,""CC-MAIN-2020-29"":91,""CC-MAIN-2020-34"":6,""CC-MAIN-2020-40"":94,""CC-MAIN-2020-45"":15,""CC-MAIN-2020-50"":59,""CC-MAIN-2021-04"":65,""CC-MAIN-2021-10"":63,""CC-MAIN-2021-17"":68,""CC-MAIN-2021-21"":65,""CC-MAIN-2021-25"":8,""CC-MAIN-2021-31"":122,""CC-MAIN-2021-39"":14,""CC-MAIN-2021-43"":137,""CC-MAIN-2021-49"":9}" +"152","presidencia de la república oriental del uruguay","https://www.presidencia.gub.uy/","es","37899","14557","443074919","{""eng"":641,""eng,spa"":157,""grn,eng"":1,""spa"":27910,""spa,eng"":9121,""spa,eng,fin"":2,""spa,eng,grn"":1,""spa,grn"":4,""spa,grn,eng"":4,""spa,ile"":2,""spa,ita"":2}","{""application/pdf"":5,""application/rss+xml"":24,""application/vnd.oasis.opendocument.text"":2,""text/html"":37868}","{""2020"":31408,""2021"":6491}","{""CC-MAIN-2020-05"":4717,""CC-MAIN-2020-10"":4963,""CC-MAIN-2020-16"":2133,""CC-MAIN-2020-24"":3694,""CC-MAIN-2020-29"":4912,""CC-MAIN-2020-34"":3433,""CC-MAIN-2020-40"":3703,""CC-MAIN-2020-45"":2249,""CC-MAIN-2020-50"":1604,""CC-MAIN-2021-04"":1429,""CC-MAIN-2021-10"":1268,""CC-MAIN-2021-17"":1008,""CC-MAIN-2021-21"":1423,""CC-MAIN-2021-25"":1363}" +"405","emol","http://www.emol.com/","es","170088","126486","4667270359","{""dan,spa"":2,""dan,spa,eng"":1,""eng"":12,""eng,spa"":514,""glg"":7,""lat,spa"":1,""por"":4,""spa"":160292,""spa,cat"":33,""spa,ceb"":1,""spa,cos"":3,""spa,dan"":78,""spa,dan,eng"":1,""spa,deu"":3,""spa,eng"":8178,""spa,eng,dan"":4,""spa,eng,fra"":1,""spa,eng,grn"":4,""spa,eng,isl"":1,""spa,eng,ltz"":9,""spa,eus"":1,""spa,eus,slv"":2,""spa,fin"":1,""spa,fra"":17,""spa,grn"":72,""spa,grn,ltz"":1,""spa,hrv"":5,""spa,ile"":1,""spa,ina"":6,""spa,ina,dan"":2,""spa,ind"":2,""spa,isl"":2,""spa,ita"":21,""spa,lat"":3,""spa,lat,eng"":2,""spa,ltz"":629,""spa,ltz,cat"":2,""spa,ltz,dan"":3,""spa,ltz,eng"":51,""spa,ltz,grn"":4,""spa,mlg"":1,""spa,msa"":9,""spa,nld"":3,""spa,nno"":1,""spa,nno,eng"":2,""spa,oci"":1,""spa,pol"":1,""spa,san"":1,""spa,slk"":1,""spa,som"":3,""spa,srp"":6,""spa,war"":38,""spa,wol"":4,""war,spa"":1,""war,spa,dan"":1}","{""application/pdf"":6,""application/xhtml+xml"":16877,""text/html"":153205}","{""2020"":130684,""2021"":39404}","{""CC-MAIN-2020-05"":11127,""CC-MAIN-2020-10"":13420,""CC-MAIN-2020-16"":19011,""CC-MAIN-2020-24"":26814,""CC-MAIN-2020-29"":17884,""CC-MAIN-2020-34"":22434,""CC-MAIN-2020-40"":11998,""CC-MAIN-2020-45"":2481,""CC-MAIN-2020-50"":5515,""CC-MAIN-2021-04"":3882,""CC-MAIN-2021-10"":3838,""CC-MAIN-2021-17"":4691,""CC-MAIN-2021-21"":4522,""CC-MAIN-2021-25"":5010,""CC-MAIN-2021-31"":4817,""CC-MAIN-2021-39"":4995,""CC-MAIN-2021-43"":4087,""CC-MAIN-2021-49"":3562}" +"300","el diario de yucatán","http://www.yucatan.com.mx/","es","66750","50260","2017065664","{""eng,spa"":44,""rus,spa"":1,""spa"":60874,""spa,ara"":10,""spa,bre"":1,""spa,cat"":16,""spa,cat,eng"":1,""spa,dan"":26,""spa,dan,eng"":1,""spa,deu"":13,""spa,eng"":5463,""spa,eng,ara"":5,""spa,eng,ces"":2,""spa,eng,dan"":1,""spa,eng,ell"":1,""spa,eng,fra"":11,""spa,eng,heb"":1,""spa,eng,hin"":2,""spa,eng,ind"":3,""spa,eng,isl"":1,""spa,eng,ita"":2,""spa,eng,jpn"":3,""spa,eng,kin"":1,""spa,eng,kor"":2,""spa,eng,nld"":3,""spa,eng,nor"":1,""spa,eng,pol"":2,""spa,eng,tha"":1,""spa,eng,urd"":2,""spa,eng,vol"":1,""spa,eng,zho"":2,""spa,fas"":2,""spa,fra"":38,""spa,fra,eng"":8,""spa,fra,heb"":2,""spa,grn"":28,""spa,grn,eng"":1,""spa,heb"":3,""spa,hin"":1,""spa,hin,eng"":1,""spa,hun"":1,""spa,ile"":1,""spa,ina"":12,""spa,ind"":8,""spa,ind,eng"":2,""spa,ita"":17,""spa,jpn"":6,""spa,jpn,eng"":1,""spa,kor"":8,""spa,kor,eng"":1,""spa,kor,ind"":1,""spa,lat"":34,""spa,lat,eng"":2,""spa,msa"":3,""spa,nld"":1,""spa,nld,eng"":1,""spa,nno"":1,""spa,oci"":1,""spa,pol"":5,""spa,pol,eng"":3,""spa,rus"":8,""spa,rus,eng"":1,""spa,sco,eng"":1,""spa,srp"":1,""spa,swe"":2,""spa,tha,eng"":1,""spa,tur"":8,""spa,tur,eng"":4,""spa,tur,fra"":2,""spa,tur,war"":2,""spa,ukr"":3,""spa,ukr,eng"":1,""spa,urd"":3,""spa,vie"":3,""spa,war"":11,""spa,zho"":1}","{""application/rss+xml"":5,""text/html"":66744,""text/x-php"":1}","{""2020"":28154,""2021"":38596}","{""CC-MAIN-2020-05"":3292,""CC-MAIN-2020-10"":3098,""CC-MAIN-2020-16"":2070,""CC-MAIN-2020-24"":2513,""CC-MAIN-2020-29"":4521,""CC-MAIN-2020-34"":3792,""CC-MAIN-2020-40"":3844,""CC-MAIN-2020-45"":2902,""CC-MAIN-2020-50"":2122,""CC-MAIN-2021-04"":3341,""CC-MAIN-2021-10"":3825,""CC-MAIN-2021-17"":3006,""CC-MAIN-2021-21"":4667,""CC-MAIN-2021-25"":3270,""CC-MAIN-2021-31"":4551,""CC-MAIN-2021-39"":5150,""CC-MAIN-2021-43"":5898,""CC-MAIN-2021-49"":4888}" +"56","el universo","https://www.eluniverso.com/","es","46380","39939","2399228136","{""eng,spa"":2,""spa"":43978,""spa,ara"":2,""spa,cat"":33,""spa,ces"":1,""spa,cos"":1,""spa,dan"":78,""spa,deu"":1,""spa,eng"":2135,""spa,eng,dan"":2,""spa,eng,fra"":1,""spa,eng,grn"":2,""spa,eng,ita"":3,""spa,eus"":1,""spa,fra"":5,""spa,fra,eng"":1,""spa,grn"":73,""spa,hun"":1,""spa,ina"":1,""spa,ind"":3,""spa,ita"":7,""spa,ita,eng"":2,""spa,jpn,eng"":1,""spa,kor"":1,""spa,lat"":1,""spa,msa"":1,""spa,nld"":3,""spa,nor,fra"":1,""spa,que"":30,""spa,rus"":1,""spa,tur"":3,""spa,war"":3,""spa,zho"":1}","{""image/jpeg"":1,""text/html"":46379}","{""2021"":46380}","{""CC-MAIN-2021-10"":2432,""CC-MAIN-2021-17"":5067,""CC-MAIN-2021-21"":4618,""CC-MAIN-2021-25"":5465,""CC-MAIN-2021-31"":4772,""CC-MAIN-2021-39"":8228,""CC-MAIN-2021-43"":7543,""CC-MAIN-2021-49"":8255}" +"303","electricas","https://www.electricas.net/","es","4677","2027","98066679","{""eng"":9,""spa"":667,""spa,cat"":3,""spa,cat,eng"":14,""spa,deu"":1,""spa,eng"":3962,""spa,eng,cat"":7,""spa,eng,deu"":4,""spa,eng,fra"":2,""spa,lat,eng"":8}","{""text/html"":4677}","{""2020"":3040,""2021"":1637}","{""CC-MAIN-2020-05"":200,""CC-MAIN-2020-10"":137,""CC-MAIN-2020-16"":124,""CC-MAIN-2020-24"":669,""CC-MAIN-2020-29"":457,""CC-MAIN-2020-34"":263,""CC-MAIN-2020-40"":675,""CC-MAIN-2020-45"":272,""CC-MAIN-2020-50"":243,""CC-MAIN-2021-04"":118,""CC-MAIN-2021-10"":151,""CC-MAIN-2021-17"":115,""CC-MAIN-2021-21"":105,""CC-MAIN-2021-25"":399,""CC-MAIN-2021-31"":155,""CC-MAIN-2021-39"":324,""CC-MAIN-2021-43"":207,""CC-MAIN-2021-49"":63}" +"421","cambio politico","https://cambiopolitico.com/","es","6494","4845","172762601","{""eng"":3,""eng,spa"":13,""spa"":4981,""spa,cat"":2,""spa,dan"":1,""spa,deu"":1,""spa,eng"":1334,""spa,eng,fra"":2,""spa,eng,grn"":5,""spa,eng,lat"":1,""spa,eng,rus"":2,""spa,eus"":1,""spa,fra"":6,""spa,fra,eng"":1,""spa,grn"":29,""spa,grn,eng"":2,""spa,ita"":1,""spa,lat"":2,""spa,rus"":1,""spa,tur"":24,""spa,tur,cat"":1}","{""application/pdf"":1,""application/rss+xml"":71,""application/xhtml+xml"":119,""text/html"":6303}","{""2020"":4434,""2021"":2060}","{""CC-MAIN-2020-05"":587,""CC-MAIN-2020-10"":566,""CC-MAIN-2020-16"":440,""CC-MAIN-2020-24"":378,""CC-MAIN-2020-29"":651,""CC-MAIN-2020-34"":595,""CC-MAIN-2020-40"":562,""CC-MAIN-2020-45"":383,""CC-MAIN-2020-50"":272,""CC-MAIN-2021-04"":299,""CC-MAIN-2021-10"":278,""CC-MAIN-2021-17"":440,""CC-MAIN-2021-21"":276,""CC-MAIN-2021-25"":134,""CC-MAIN-2021-31"":111,""CC-MAIN-2021-39"":125,""CC-MAIN-2021-43"":215,""CC-MAIN-2021-49"":182}" +"185","el ágora","https://www.elagoradiario.com/","es","24023","10114","502143983","{""eng,spa"":281,""spa"":22472,""spa,cat"":87,""spa,dan"":1,""spa,deu"":3,""spa,eng"":1131,""spa,eus"":2,""spa,fra"":2,""spa,grn"":3,""spa,ind"":1,""spa,ita"":2,""spa,ita,eng"":2,""spa,nld"":5,""spa,nor"":1,""spa,war"":1}","{""application/pdf"":26,""application/rss+xml"":2,""image/jpeg"":1,""text/html"":23994}","{""2020"":8010,""2021"":16013}","{""CC-MAIN-2020-05"":237,""CC-MAIN-2020-10"":183,""CC-MAIN-2020-16"":559,""CC-MAIN-2020-24"":711,""CC-MAIN-2020-29"":1391,""CC-MAIN-2020-34"":844,""CC-MAIN-2020-40"":949,""CC-MAIN-2020-45"":1483,""CC-MAIN-2020-50"":1653,""CC-MAIN-2021-04"":1372,""CC-MAIN-2021-10"":1140,""CC-MAIN-2021-17"":1428,""CC-MAIN-2021-21"":2398,""CC-MAIN-2021-25"":1439,""CC-MAIN-2021-31"":995,""CC-MAIN-2021-39"":2689,""CC-MAIN-2021-43"":3559,""CC-MAIN-2021-49"":993}" +"472","Seedly","https://seedly.sg/community","en","686","338","41297569","{""eng"":686}","{""text/html"":686}","{""2020"":135,""2021"":551}","{""CC-MAIN-2020-05"":1,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-29"":1,""CC-MAIN-2020-34"":1,""CC-MAIN-2020-40"":69,""CC-MAIN-2020-45"":35,""CC-MAIN-2020-50"":27,""CC-MAIN-2021-04"":115,""CC-MAIN-2021-10"":103,""CC-MAIN-2021-17"":44,""CC-MAIN-2021-21"":36,""CC-MAIN-2021-25"":56,""CC-MAIN-2021-31"":69,""CC-MAIN-2021-39"":49,""CC-MAIN-2021-43"":47,""CC-MAIN-2021-49"":32}" +"141","barriga verde","http://www.barrigaverde.net/","es","7794","3942","46067421","{""eng"":729,""spa"":6849,""spa,cat"":6,""spa,dan"":1,""spa,eng"":149,""spa,grn"":13,""spa,lit"":11,""spa,que"":1,""spa,ron"":2,""spa,war"":25}","{""application/xhtml+xml"":7065,""text/html"":729}","{""2020"":5162,""2021"":2632}","{""CC-MAIN-2020-05"":557,""CC-MAIN-2020-10"":265,""CC-MAIN-2020-16"":469,""CC-MAIN-2020-24"":931,""CC-MAIN-2020-29"":701,""CC-MAIN-2020-34"":887,""CC-MAIN-2020-40"":554,""CC-MAIN-2020-45"":469,""CC-MAIN-2020-50"":329,""CC-MAIN-2021-04"":426,""CC-MAIN-2021-10"":293,""CC-MAIN-2021-17"":219,""CC-MAIN-2021-21"":636,""CC-MAIN-2021-25"":258,""CC-MAIN-2021-31"":296,""CC-MAIN-2021-39"":185,""CC-MAIN-2021-43"":231,""CC-MAIN-2021-49"":88}" +"150","guardia civil","http://www.guardiacivil.es","es","2279","1490","139480037","{""cat"":2,""cat,spa"":28,""cat,spa,eng"":2,""eng,spa"":28,""eus,spa"":29,""glg"":55,""glg,eng"":7,""spa"":1199,""spa,cat"":94,""spa,cat,deu"":2,""spa,cat,eng"":8,""spa,deu"":2,""spa,eng"":516,""spa,eng,cat"":3,""spa,eng,dan"":1,""spa,eng,deu"":2,""spa,eng,eus"":1,""spa,eus"":88,""spa,eus,eng"":6,""spa,ind,eng"":1}","{""application/pdf"":202,""text/html"":2076,""text/plain"":1}","{""2020"":588,""2021"":1691}","{""CC-MAIN-2020-05"":161,""CC-MAIN-2020-10"":5,""CC-MAIN-2020-16"":41,""CC-MAIN-2020-24"":7,""CC-MAIN-2020-29"":9,""CC-MAIN-2020-34"":30,""CC-MAIN-2020-40"":24,""CC-MAIN-2020-45"":120,""CC-MAIN-2020-50"":191,""CC-MAIN-2021-04"":220,""CC-MAIN-2021-10"":172,""CC-MAIN-2021-17"":207,""CC-MAIN-2021-21"":186,""CC-MAIN-2021-25"":216,""CC-MAIN-2021-31"":96,""CC-MAIN-2021-39"":99,""CC-MAIN-2021-43"":250,""CC-MAIN-2021-49"":245}" +"25","kitco mining news","https://www.kitco.com/mining/","es","32","5","648056","{""eng"":32}","{""application/xhtml+xml"":32}","{""2020"":18,""2021"":14}","{""CC-MAIN-2020-05"":2,""CC-MAIN-2020-10"":3,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-24"":3,""CC-MAIN-2020-29"":1,""CC-MAIN-2020-34"":1,""CC-MAIN-2020-40"":2,""CC-MAIN-2020-45"":4,""CC-MAIN-2020-50"":1,""CC-MAIN-2021-04"":2,""CC-MAIN-2021-17"":2,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-31"":3,""CC-MAIN-2021-39"":2,""CC-MAIN-2021-43"":3,""CC-MAIN-2021-49"":1}" +"84","centro de documentacion e informacion bolivia","https://cedib.org/","es","6315","3660","243749264","{""eng,spa"":22,""fra,spa"":2,""spa"":5694,""spa,cat"":2,""spa,dan"":14,""spa,eng"":252,""spa,eng,fra"":1,""spa,eng,grn"":1,""spa,fra"":2,""spa,grn"":15,""spa,que"":1,""spa,war"":3}","{""application/pdf"":303,""application/rss+xml"":2,""application/xhtml+xml"":901,""text/html"":5109}","{""2020"":4772,""2021"":1543}","{""CC-MAIN-2020-05"":570,""CC-MAIN-2020-10"":202,""CC-MAIN-2020-16"":242,""CC-MAIN-2020-24"":180,""CC-MAIN-2020-29"":429,""CC-MAIN-2020-34"":389,""CC-MAIN-2020-40"":1024,""CC-MAIN-2020-45"":943,""CC-MAIN-2020-50"":793,""CC-MAIN-2021-04"":454,""CC-MAIN-2021-10"":60,""CC-MAIN-2021-17"":152,""CC-MAIN-2021-21"":97,""CC-MAIN-2021-25"":178,""CC-MAIN-2021-31"":159,""CC-MAIN-2021-39"":199,""CC-MAIN-2021-43"":163,""CC-MAIN-2021-49"":81}" +"478","Photography Forum","https://www.clubsnap.com/forums/","en","1162","378","21761922","{""eng"":1151,""eng,zho"":1}","{""application/rss+xml"":10,""text/html"":1152}","{""2020"":860,""2021"":302}","{""CC-MAIN-2020-05"":164,""CC-MAIN-2020-10"":67,""CC-MAIN-2020-16"":160,""CC-MAIN-2020-24"":53,""CC-MAIN-2020-29"":163,""CC-MAIN-2020-34"":51,""CC-MAIN-2020-40"":34,""CC-MAIN-2020-45"":3,""CC-MAIN-2020-50"":165,""CC-MAIN-2021-04"":8,""CC-MAIN-2021-10"":24,""CC-MAIN-2021-17"":60,""CC-MAIN-2021-21"":26,""CC-MAIN-2021-25"":18,""CC-MAIN-2021-31"":50,""CC-MAIN-2021-39"":89,""CC-MAIN-2021-43"":1,""CC-MAIN-2021-49"":26}" +"12","Fundacion Cajasol","https://fundacioncajasol.com/","es","285","245","26594860","{""spa"":230,""spa,eng"":6}","{""application/pdf"":31,""image/jpeg"":6,""text/calendar"":12,""text/html"":236}","{""2020"":219,""2021"":66}","{""CC-MAIN-2020-40"":97,""CC-MAIN-2020-45"":44,""CC-MAIN-2020-50"":78,""CC-MAIN-2021-04"":3,""CC-MAIN-2021-10"":15,""CC-MAIN-2021-43"":1,""CC-MAIN-2021-49"":47}" +"191","de peru","http://www.deperu.com/","es","379677","352351","4187176411","{""cat,spa"":3,""dan,spa"":4,""deu,spa"":3,""eng"":1,""eng,spa"":384,""eng,spa,cos"":1,""eng,spa,fra"":9,""eng,spa,war"":1,""fra"":1,""fra,spa"":16,""fra,spa,eng"":7,""grn,spa"":1,""grn,spa,eng"":1,""ina,spa"":1,""ita,spa"":3,""ita,spa,eng"":1,""msa,spa"":6,""pol,spa"":2,""ron,spa"":2,""slk,spa"":1,""spa"":347176,""spa,aar"":2,""spa,afr"":3,""spa,aym"":67,""spa,bos"":5,""spa,bos,eng"":1,""spa,bre"":6,""spa,cat"":137,""spa,cat,eng"":5,""spa,ces"":15,""spa,cos"":14,""spa,cos,eng"":1,""spa,dan"":122,""spa,dan,eng"":2,""spa,dan,fra"":1,""spa,dan,lat"":1,""spa,deu"":57,""spa,deu,eng"":2,""spa,deu,war"":1,""spa,ell"":4,""spa,eng"":20215,""spa,eng,afr"":1,""spa,eng,bos"":1,""spa,eng,cat"":6,""spa,eng,ces"":1,""spa,eng,dan"":4,""spa,eng,deu"":1,""spa,eng,fra"":470,""spa,eng,grn"":6,""spa,eng,hun"":1,""spa,eng,ina"":1,""spa,eng,ind"":2,""spa,eng,ita"":6,""spa,eng,jav"":1,""spa,eng,lat"":5,""spa,eng,msa"":7,""spa,eng,nau"":1,""spa,eng,nld"":10,""spa,eng,pol"":2,""spa,eng,sco"":1,""spa,eng,swe"":1,""spa,eng,tur"":18,""spa,eng,war"":145,""spa,epo"":4,""spa,epo,eng"":1,""spa,eus"":5,""spa,eus,eng"":1,""spa,fin"":2,""spa,fra"":2947,""spa,fra,dan"":1,""spa,fra,eng"":542,""spa,fra,grn"":4,""spa,fra,oci"":1,""spa,fra,war"":21,""spa,glv"":11,""spa,grn"":314,""spa,grn,eng"":13,""spa,grn,fra"":5,""spa,grn,war"":1,""spa,hat"":1,""spa,hrv"":2,""spa,hun"":8,""spa,hun,eng"":2,""spa,ile"":10,""spa,ina"":25,""spa,ina,eng"":2,""spa,ina,lat"":1,""spa,ind"":30,""spa,ind,eng"":1,""spa,isl"":2,""spa,ita"":163,""spa,ita,eng"":2,""spa,ita,war"":3,""spa,jav"":1,""spa,kha"":3,""spa,kin"":1,""spa,kor"":14,""spa,lat"":33,""spa,mfe"":2,""spa,mlg"":1,""spa,mri"":2,""spa,msa"":36,""spa,msa,eng"":2,""spa,nau"":13,""spa,nld"":121,""spa,nld,eng"":6,""spa,nld,war"":1,""spa,nno"":14,""spa,nno,eng"":1,""spa,nor"":5,""spa,nor,war"":1,""spa,oci"":22,""spa,oci,war"":1,""spa,pol"":28,""spa,que"":68,""spa,roh"":1,""spa,ron"":27,""spa,ron,eng"":3,""spa,ron,nau"":1,""spa,run"":1,""spa,rus"":1,""spa,san"":103,""spa,sco"":21,""spa,sco,fra"":1,""spa,slk"":5,""spa,slv"":1,""spa,smo"":2,""spa,sna"":2,""spa,som"":1,""spa,srp"":5,""spa,swe"":5,""spa,tat"":1,""spa,tur"":85,""spa,tur,eng"":1,""spa,uzb"":5,""spa,vol"":2,""spa,war"":5796,""spa,war,bre"":1,""spa,war,eng"":41,""spa,war,fra"":10,""spa,war,grn"":1,""spa,war,ind"":1,""spa,war,nld"":1,""spa,war,oci"":1,""spa,war,que"":2,""spa,war,ron"":1,""spa,wol"":1,""uzb,spa"":1,""war,spa"":42}","{""application/rss+xml"":9,""application/xhtml+xml"":78,""image/png"":1,""text/html"":379589}","{""2020"":173280,""2021"":206397}","{""CC-MAIN-2020-05"":18884,""CC-MAIN-2020-10"":21051,""CC-MAIN-2020-16"":18912,""CC-MAIN-2020-24"":18171,""CC-MAIN-2020-29"":18632,""CC-MAIN-2020-34"":17404,""CC-MAIN-2020-40"":17538,""CC-MAIN-2020-45"":21146,""CC-MAIN-2020-50"":21542,""CC-MAIN-2021-04"":21897,""CC-MAIN-2021-10"":22747,""CC-MAIN-2021-17"":22955,""CC-MAIN-2021-21"":22842,""CC-MAIN-2021-25"":23165,""CC-MAIN-2021-31"":22625,""CC-MAIN-2021-39"":22705,""CC-MAIN-2021-43"":22753,""CC-MAIN-2021-49"":24708}" +"250","radio cooperativa","http://www.cooperativa.cl/","es","110645","73489","2086311095","{""eng"":3,""eng,spa"":9,""eng,spa,nld"":4,""spa"":63794,""spa,amh,nld"":2,""spa,ara,eng"":3,""spa,ara,nld"":1,""spa,aym"":1,""spa,cat"":10,""spa,dan"":54,""spa,dan,nld"":9,""spa,deu"":5,""spa,deu,nld"":2,""spa,eng"":2121,""spa,eng,ara"":2,""spa,eng,cat"":1,""spa,eng,dan"":3,""spa,eng,fra"":1,""spa,eng,grn"":1,""spa,eng,heb"":2,""spa,eng,jpn"":4,""spa,eng,nld"":553,""spa,eng,rus"":3,""spa,eus"":1,""spa,fas"":3,""spa,fas,eng"":3,""spa,fas,nld"":3,""spa,fra"":33,""spa,fra,eng"":7,""spa,fra,nld"":8,""spa,fra,tur"":1,""spa,grn"":46,""spa,grn,eng"":1,""spa,grn,nld"":13,""spa,heb"":4,""spa,heb,eng"":2,""spa,ina"":3,""spa,ind"":3,""spa,ind,eng"":1,""spa,ind,nld"":2,""spa,isl,nld"":2,""spa,ita"":15,""spa,ita,eng"":1,""spa,ita,nld"":2,""spa,jpn"":4,""spa,jpn,eng"":4,""spa,lat"":14,""spa,lat,nld"":5,""spa,msa"":2,""spa,nld"":41950,""spa,nld,cat"":3,""spa,nld,dan"":14,""spa,nld,eng"":790,""spa,nld,fas"":1,""spa,nld,fra"":14,""spa,nld,grn"":12,""spa,nld,hrv"":1,""spa,nld,ina"":1,""spa,nld,ita"":8,""spa,nld,jpn"":3,""spa,nld,kor"":1,""spa,nld,rus"":3,""spa,nld,urd"":1,""spa,nld,war"":1,""spa,que"":2,""spa,rus"":9,""spa,rus,eng"":1,""spa,rus,nld"":4,""spa,sco,nld"":1,""spa,slk,eng"":1,""spa,tur"":1,""spa,ukr"":2,""spa,war"":14,""spa,war,nld"":2,""spa,zho"":2}","{""application/pdf"":89,""application/rss+xml"":348,""application/xhtml+xml"":14,""text/html"":110193,""text/plain"":1}","{""2020"":64003,""2021"":46642}","{""CC-MAIN-2020-05"":7208,""CC-MAIN-2020-10"":7789,""CC-MAIN-2020-16"":6798,""CC-MAIN-2020-24"":7736,""CC-MAIN-2020-29"":8344,""CC-MAIN-2020-34"":8430,""CC-MAIN-2020-40"":7157,""CC-MAIN-2020-45"":5377,""CC-MAIN-2020-50"":5164,""CC-MAIN-2021-04"":6476,""CC-MAIN-2021-10"":4670,""CC-MAIN-2021-17"":4007,""CC-MAIN-2021-21"":4738,""CC-MAIN-2021-25"":4617,""CC-MAIN-2021-31"":4272,""CC-MAIN-2021-39"":6500,""CC-MAIN-2021-43"":5158,""CC-MAIN-2021-49"":6204}" +"256","la provincia","http://www.laprovincia.es/","es","189347","159747","5700360720","{""cat,spa"":5,""dan,spa"":5,""eng,spa"":15,""spa"":129642,""spa,ara"":3,""spa,ara,cat"":1,""spa,cat"":34451,""spa,cat,bos"":1,""spa,cat,dan"":3,""spa,cat,eng"":385,""spa,cat,est"":1,""spa,cat,eus"":1,""spa,cat,fra"":2,""spa,cat,grn"":2,""spa,cat,isl"":1,""spa,cat,ita"":1,""spa,cat,tur"":2,""spa,cat,zha"":1,""spa,cos"":2,""spa,dan"":119,""spa,dan,cat"":4,""spa,dan,eng"":4,""spa,deu"":6,""spa,deu,eng"":3,""spa,eng"":23575,""spa,eng,cat"":616,""spa,eng,dan"":4,""spa,eng,deu"":1,""spa,eng,ina"":1,""spa,eng,ita"":2,""spa,eng,nld"":1,""spa,epo"":1,""spa,eus"":17,""spa,eus,cat"":1,""spa,eus,eng"":3,""spa,fra"":23,""spa,fra,cat"":4,""spa,fra,eng"":2,""spa,gle"":1,""spa,grn"":10,""spa,grn,cat"":1,""spa,heb"":1,""spa,hrv"":1,""spa,ile"":1,""spa,ina"":7,""spa,ind"":5,""spa,ind,cat"":1,""spa,isl"":1,""spa,ita"":17,""spa,ita,cat"":5,""spa,ita,eng"":1,""spa,lat"":3,""spa,lat,eng"":1,""spa,lit,cat"":1,""spa,msa"":2,""spa,nno"":1,""spa,oci"":4,""spa,pol"":5,""spa,pol,cat"":1,""spa,pol,eng"":1,""spa,rus"":2,""spa,rus,cat"":1,""spa,sco"":1,""spa,slk"":1,""spa,srp"":3,""spa,srp,cat"":1,""spa,tur"":4,""spa,war"":5}","{""application/rss+xml"":340,""application/xhtml+xml"":71,""text/html"":188936}","{""2020"":13314,""2021"":176033}","{""CC-MAIN-2020-05"":38,""CC-MAIN-2020-10"":22,""CC-MAIN-2020-16"":32,""CC-MAIN-2020-24"":36,""CC-MAIN-2020-29"":21,""CC-MAIN-2020-34"":47,""CC-MAIN-2020-40"":4528,""CC-MAIN-2020-45"":4202,""CC-MAIN-2020-50"":4388,""CC-MAIN-2021-04"":4907,""CC-MAIN-2021-10"":4183,""CC-MAIN-2021-17"":23503,""CC-MAIN-2021-21"":23408,""CC-MAIN-2021-25"":24553,""CC-MAIN-2021-31"":24602,""CC-MAIN-2021-39"":24161,""CC-MAIN-2021-43"":23480,""CC-MAIN-2021-49"":23236}" +"393","el salvador noticias","https://www.elsalvador.com/","es","51268","33047","1534075085","{""eng,spa"":1,""spa"":49037,""spa,ara"":4,""spa,cat"":55,""spa,cat,eng"":3,""spa,dan"":11,""spa,deu"":3,""spa,deu,eng"":1,""spa,eng"":1867,""spa,eng,cat"":1,""spa,eng,dan"":1,""spa,eng,fra"":1,""spa,eng,grn"":2,""spa,eng,ita"":3,""spa,eng,jpn"":2,""spa,eng,swe"":1,""spa,fra"":6,""spa,fra,eng"":1,""spa,grn"":149,""spa,grn,eng"":2,""spa,hat"":1,""spa,hun"":1,""spa,ile"":1,""spa,ina"":2,""spa,ind"":2,""spa,isl"":13,""spa,isl,eng"":3,""spa,ita"":13,""spa,ita,eng"":1,""spa,jpn"":3,""spa,kor"":49,""spa,nld"":8,""spa,nor"":1,""spa,rus"":2,""spa,sco"":1,""spa,som"":1,""spa,swa"":1,""spa,tha,eng"":2,""spa,war"":3,""spa,zho"":1}","{""application/xhtml+xml"":4,""text/html"":51264}","{""2020"":28896,""2021"":22372}","{""CC-MAIN-2020-05"":2157,""CC-MAIN-2020-10"":1990,""CC-MAIN-2020-16"":2175,""CC-MAIN-2020-24"":3105,""CC-MAIN-2020-29"":4022,""CC-MAIN-2020-34"":5112,""CC-MAIN-2020-40"":4392,""CC-MAIN-2020-45"":3968,""CC-MAIN-2020-50"":1975,""CC-MAIN-2021-04"":3424,""CC-MAIN-2021-10"":2242,""CC-MAIN-2021-17"":2010,""CC-MAIN-2021-21"":1562,""CC-MAIN-2021-25"":1604,""CC-MAIN-2021-31"":1839,""CC-MAIN-2021-39"":3022,""CC-MAIN-2021-43"":3149,""CC-MAIN-2021-49"":3520}" +"335","diario el pueblo","http://www.diarioelpueblo.com.uy/","es","40597","32688","412961027","{""eng"":4,""eng,spa"":2,""spa"":38414,""spa,cat"":41,""spa,cat,ind"":12,""spa,cos"":1,""spa,dan"":11,""spa,dan,ind"":1,""spa,deu"":1,""spa,eng"":983,""spa,eng,cat"":1,""spa,eng,deu"":1,""spa,eng,grn"":2,""spa,eng,ind"":1,""spa,eng,lat"":1,""spa,eus"":1,""spa,fra"":2,""spa,grn"":71,""spa,grn,eng"":1,""spa,hrv"":1,""spa,ina"":16,""spa,ina,ind"":1,""spa,ind"":997,""spa,ita"":17,""spa,ita,ina"":1,""spa,ita,ind"":1,""spa,lat"":5,""spa,msa"":1,""spa,oci"":1,""spa,slk"":1,""spa,war"":2}","{""application/rss+xml"":2,""application/xhtml+xml"":32961,""text/html"":7634}","{""2020"":37942,""2021"":2655}","{""CC-MAIN-2020-05"":4987,""CC-MAIN-2020-10"":6928,""CC-MAIN-2020-16"":4213,""CC-MAIN-2020-24"":6818,""CC-MAIN-2020-29"":5785,""CC-MAIN-2020-34"":5256,""CC-MAIN-2020-40"":3955,""CC-MAIN-2021-21"":172,""CC-MAIN-2021-25"":252,""CC-MAIN-2021-31"":907,""CC-MAIN-2021-39"":543,""CC-MAIN-2021-43"":378,""CC-MAIN-2021-49"":403}" +"46","uno santafe","https://www.unosantafe.com.ar/","es","74635","58300","1619946002","{""eng,spa"":1,""spa"":73240,""spa,afr"":4,""spa,ara"":1,""spa,cat"":119,""spa,cat,eng"":3,""spa,cos"":1,""spa,dan"":11,""spa,dan,eng"":1,""spa,deu"":11,""spa,ell"":1,""spa,eng"":910,""spa,eng,gle"":1,""spa,eng,ita"":1,""spa,eng,war"":1,""spa,fra"":13,""spa,fry"":1,""spa,grn"":45,""spa,hrv,eng"":1,""spa,ina"":10,""spa,ind"":1,""spa,ita"":152,""spa,ita,eng"":1,""spa,lat"":7,""spa,nau"":2,""spa,nld"":12,""spa,nor,cat"":1,""spa,roh"":2,""spa,rus,eng"":1,""spa,slv"":1,""spa,smo"":1,""spa,srp"":1,""spa,ton"":1,""spa,tur"":7,""spa,war"":21,""spa,war,eng"":1}","{""application/xhtml+xml"":74586,""text/html"":49}","{""2020"":28919,""2021"":45716}","{""CC-MAIN-2020-05"":3774,""CC-MAIN-2020-10"":2982,""CC-MAIN-2020-16"":3110,""CC-MAIN-2020-24"":3354,""CC-MAIN-2020-29"":4267,""CC-MAIN-2020-34"":3382,""CC-MAIN-2020-40"":3242,""CC-MAIN-2020-45"":2151,""CC-MAIN-2020-50"":2657,""CC-MAIN-2021-04"":1832,""CC-MAIN-2021-10"":3756,""CC-MAIN-2021-17"":6180,""CC-MAIN-2021-21"":5731,""CC-MAIN-2021-25"":6297,""CC-MAIN-2021-31"":4767,""CC-MAIN-2021-39"":5945,""CC-MAIN-2021-43"":5413,""CC-MAIN-2021-49"":5795}" +"234","conred","https://conred.gob.gt/emergencia/","es","6","1","103054","{""spa"":6}","{""text/html"":6}","{""2021"":6}","{""CC-MAIN-2021-04"":1,""CC-MAIN-2021-17"":1,""CC-MAIN-2021-21"":2,""CC-MAIN-2021-31"":1,""CC-MAIN-2021-43"":1}" +"71","radio televisión española","http://www.rtve.es/","es","381210","322584","9269801028","{""cat"":24,""cat,eng"":1,""cat,spa"":15310,""cat,spa,dan"":1,""cat,spa,eng"":1283,""cat,spa,fra"":1,""cat,spa,grn"":1,""cat,spa,ina"":1,""cat,spa,oci"":9,""eng"":68,""eng,spa"":851,""eng,spa,cat"":6,""eng,spa,dan"":1,""eng,spa,grn"":4,""eng,spa,ita"":1,""eng,spa,war"":2,""fra,spa"":19,""fra,spa,eng"":31,""rus,spa"":2,""spa"":307750,""spa,ara"":4,""spa,bel,rus"":3,""spa,bos"":4,""spa,bul,eng"":2,""spa,cat"":7769,""spa,cat,cos"":10,""spa,cat,dan"":8,""spa,cat,deu"":1,""spa,cat,eng"":258,""spa,cat,eus"":3,""spa,cat,fra"":2,""spa,cat,grn"":2,""spa,cat,ina"":4,""spa,cat,nno"":8,""spa,cat,oci"":4,""spa,ces"":1,""spa,cos"":46,""spa,cos,cat"":3,""spa,dan"":493,""spa,dan,cat"":3,""spa,dan,eng"":11,""spa,dan,ita"":3,""spa,dan,msa"":2,""spa,deu"":116,""spa,deu,cat"":2,""spa,deu,dan"":1,""spa,deu,eng"":1,""spa,deu,fra"":1,""spa,deu,ita"":1,""spa,deu,lat"":2,""spa,deu,tur"":1,""spa,ell"":3,""spa,ell,eng"":1,""spa,eng"":43255,""spa,eng,amh"":4,""spa,eng,aze"":4,""spa,eng,bos"":3,""spa,eng,cat"":210,""spa,eng,dan"":43,""spa,eng,deu"":35,""spa,eng,ell"":1,""spa,eng,eus"":6,""spa,eng,fra"":62,""spa,eng,grn"":12,""spa,eng,hrv"":6,""spa,eng,hun"":2,""spa,eng,ile"":10,""spa,eng,ina"":5,""spa,eng,ind"":3,""spa,eng,isl"":5,""spa,eng,ita"":27,""spa,eng,lat"":9,""spa,eng,mlt"":1,""spa,eng,nld"":3,""spa,eng,nno"":1,""spa,eng,oci"":1,""spa,eng,roh"":1,""spa,eng,ron"":4,""spa,eng,run"":1,""spa,eng,rus"":1,""spa,eng,srp"":1,""spa,eng,swe"":2,""spa,eng,tur"":2,""spa,est"":4,""spa,est,grn"":1,""spa,eus"":305,""spa,eus,cat"":2,""spa,eus,eng"":3,""spa,fas,deu"":1,""spa,fij"":7,""spa,fra"":345,""spa,fra,cat"":1,""spa,fra,cos"":1,""spa,fra,dan"":1,""spa,fra,deu"":7,""spa,fra,eng"":44,""spa,fra,ita"":1,""spa,fra,lat"":1,""spa,fra,oci"":2,""spa,grn"":210,""spa,grn,dan"":2,""spa,grn,eng"":5,""spa,grn,lat"":6,""spa,haw"":2,""spa,heb"":2,""spa,hrv"":6,""spa,hrv,deu"":1,""spa,hrv,eng"":3,""spa,hun"":4,""spa,hye"":1,""spa,hye,eng"":1,""spa,ile"":37,""spa,ina"":308,""spa,ina,cat"":2,""spa,ind"":75,""spa,ind,cat"":1,""spa,isl"":7,""spa,ita"":250,""spa,ita,eng"":6,""spa,ita,grn"":1,""spa,ita,lat"":3,""spa,jpn"":5,""spa,kaz,eng"":1,""spa,kor"":5,""spa,lat"":95,""spa,lat,deu"":1,""spa,lat,eng"":1,""spa,lat,grn"":1,""spa,lin"":2,""spa,lit"":1,""spa,ltz"":3,""spa,mkd,eng"":1,""spa,mlg"":1,""spa,msa"":18,""spa,msa,dan"":4,""spa,msa,eng"":1,""spa,nld"":9,""spa,nld,eng"":3,""spa,nno"":2,""spa,nor"":5,""spa,oci"":84,""spa,oci,cat"":6,""spa,pol"":5,""spa,pol,eng"":3,""spa,ron"":7,""spa,run"":2,""spa,rus"":84,""spa,rus,eng"":3,""spa,rus,srp"":2,""spa,sco"":8,""spa,slk"":25,""spa,slv"":2,""spa,slv,slk"":1,""spa,som"":1,""spa,sqi"":8,""spa,sqi,eng"":3,""spa,srp"":15,""spa,srp,eng"":1,""spa,swa"":4,""spa,swe"":3,""spa,tsn"":2,""spa,tur"":18,""spa,ukr,eng"":3,""spa,war"":13,""spa,yor"":3,""spa,zho"":2}","{""application/pdf"":3,""application/rss+xml"":987,""application/xhtml+xml"":197065,""application/xml"":1,""text/html"":183153,""text/plain"":1}","{""2020"":163367,""2021"":217843}","{""CC-MAIN-2020-05"":17659,""CC-MAIN-2020-10"":18153,""CC-MAIN-2020-16"":15479,""CC-MAIN-2020-24"":14924,""CC-MAIN-2020-29"":15518,""CC-MAIN-2020-34"":19736,""CC-MAIN-2020-40"":16929,""CC-MAIN-2020-45"":22955,""CC-MAIN-2020-50"":22014,""CC-MAIN-2021-04"":20043,""CC-MAIN-2021-10"":19387,""CC-MAIN-2021-17"":20757,""CC-MAIN-2021-21"":23559,""CC-MAIN-2021-25"":22374,""CC-MAIN-2021-31"":21180,""CC-MAIN-2021-39"":31750,""CC-MAIN-2021-43"":32765,""CC-MAIN-2021-49"":26028}" +"232","todo noticias","https://tn.com.ar/","es","236522","185251","12020165532","{""eng,spa"":142,""eng,spa,dan"":1,""spa"":226094,""spa,aar"":1,""spa,afr"":1,""spa,ara"":14,""spa,ara,fra"":1,""spa,bos"":1,""spa,bre"":1,""spa,cat"":89,""spa,cos"":14,""spa,dan"":49,""spa,dan,eng"":1,""spa,dan,jpn"":1,""spa,deu"":38,""spa,deu,eng"":2,""spa,ell"":1,""spa,eng"":9263,""spa,eng,ara"":4,""spa,eng,ben"":1,""spa,eng,bos"":1,""spa,eng,cat"":2,""spa,eng,dan"":9,""spa,eng,deu"":4,""spa,eng,fas"":3,""spa,eng,fra"":15,""spa,eng,heb"":1,""spa,eng,isl"":1,""spa,eng,ita"":14,""spa,eng,jpn"":8,""spa,eng,kor"":2,""spa,eng,mar"":1,""spa,eng,nld"":5,""spa,eng,rus"":17,""spa,eng,srp"":1,""spa,eng,swe"":2,""spa,eng,tur"":1,""spa,est"":1,""spa,eus"":6,""spa,eus,ita"":2,""spa,fas"":3,""spa,fas,eng"":2,""spa,fin"":3,""spa,fra"":110,""spa,fra,eng"":7,""spa,fra,ita"":2,""spa,fra,swa"":1,""spa,grn"":58,""spa,heb"":6,""spa,hrv"":5,""spa,hun"":1,""spa,ina"":14,""spa,ind"":13,""spa,isl"":2,""spa,ita"":201,""spa,ita,eng"":11,""spa,jpn"":30,""spa,jpn,eng"":6,""spa,kin"":3,""spa,kor"":7,""spa,lat"":10,""spa,lav,eng"":1,""spa,msa"":6,""spa,msa,eng"":2,""spa,nau"":1,""spa,nld"":33,""spa,nld,eng"":2,""spa,nor"":4,""spa,oci"":7,""spa,pol"":4,""spa,roh"":6,""spa,ron"":2,""spa,rus"":51,""spa,rus,eng"":10,""spa,rus,fas"":1,""spa,san"":3,""spa,srp"":3,""spa,srp,eng"":1,""spa,ssw"":3,""spa,swe"":3,""spa,swe,eng"":1,""spa,tha"":1,""spa,tha,eng"":3,""spa,tuk"":2,""spa,tur"":28,""spa,tur,eng"":4,""spa,ukr"":2,""spa,ukr,eng"":3,""spa,war"":9,""spa,zho"":2}","{""application/rss+xml"":8,""application/xhtml+xml"":1,""application/xml"":2,""text/html"":236511}","{""2020"":128173,""2021"":108349}","{""CC-MAIN-2020-05"":19907,""CC-MAIN-2020-10"":10132,""CC-MAIN-2020-16"":9052,""CC-MAIN-2020-24"":9275,""CC-MAIN-2020-29"":10425,""CC-MAIN-2020-34"":10780,""CC-MAIN-2020-40"":11005,""CC-MAIN-2020-45"":24103,""CC-MAIN-2020-50"":23494,""CC-MAIN-2021-04"":21948,""CC-MAIN-2021-10"":12330,""CC-MAIN-2021-17"":7852,""CC-MAIN-2021-21"":8793,""CC-MAIN-2021-25"":14399,""CC-MAIN-2021-31"":8896,""CC-MAIN-2021-39"":11272,""CC-MAIN-2021-43"":11507,""CC-MAIN-2021-49"":11352}" +"117","radio corporación","https://radio-corporacion.com/","es","61786","31386","927287786","{""eng"":6,""eng,spa"":45,""eng,spa,cat"":1,""eng,spa,deu"":2,""spa"":42728,""spa,ara"":1,""spa,ara,grn"":1,""spa,cat"":32,""spa,cat,eng"":1,""spa,cat,grn"":7,""spa,dan"":16,""spa,dan,grn"":8,""spa,deu"":6,""spa,deu,eng"":1,""spa,deu,grn"":1,""spa,eng"":1633,""spa,eng,fra"":6,""spa,eng,grn"":237,""spa,eng,kha"":1,""spa,fra"":10,""spa,fra,eng"":1,""spa,fra,grn"":2,""spa,grn"":16848,""spa,grn,cat"":7,""spa,grn,eng"":113,""spa,grn,lat"":1,""spa,grn,nld"":1,""spa,heb"":1,""spa,ina"":2,""spa,ind"":2,""spa,ita"":4,""spa,ita,eng"":2,""spa,ita,grn"":1,""spa,kha"":1,""spa,lat"":1,""spa,nld"":7,""spa,nld,grn"":1,""spa,oci"":1,""spa,rus"":3,""spa,rus,grn"":1,""spa,tur"":2,""spa,tur,grn"":1,""spa,urd"":1,""spa,urd,grn"":1,""spa,war"":5,""spa,war,grn"":3,""spa,zho"":1}","{""application/xhtml+xml"":1,""audio/mpeg"":1,""image/jpeg"":24,""image/png"":4,""text/html"":61756}","{""2020"":34678,""2021"":27108}","{""CC-MAIN-2020-05"":3538,""CC-MAIN-2020-10"":2545,""CC-MAIN-2020-16"":2765,""CC-MAIN-2020-24"":3314,""CC-MAIN-2020-29"":3985,""CC-MAIN-2020-34"":2276,""CC-MAIN-2020-40"":2202,""CC-MAIN-2020-45"":6933,""CC-MAIN-2020-50"":7120,""CC-MAIN-2021-04"":7194,""CC-MAIN-2021-10"":6779,""CC-MAIN-2021-17"":4628,""CC-MAIN-2021-21"":1675,""CC-MAIN-2021-25"":2115,""CC-MAIN-2021-31"":1698,""CC-MAIN-2021-39"":1399,""CC-MAIN-2021-43"":880,""CC-MAIN-2021-49"":740}" +"417","radio la primerísima","http://www.radiolaprimerisima.com/","es","89844","69472","1004258538","{""eng"":21,""eng,spa"":8,""spa"":41020,""spa,cat"":60,""spa,cat,eng"":6,""spa,dan"":9,""spa,dan,eng"":10,""spa,dan,grn"":1,""spa,deu"":2,""spa,eng"":43148,""spa,eng,cat"":3,""spa,eng,dan"":1,""spa,eng,grn"":350,""spa,eng,ita"":1,""spa,eng,que"":1,""spa,eng,war"":2,""spa,fra"":1,""spa,fra,eng"":1,""spa,grn"":3816,""spa,grn,cat"":1,""spa,grn,eng"":1178,""spa,grn,fin"":1,""spa,grn,kor"":32,""spa,grn,ltz"":1,""spa,grn,war"":6,""spa,hat,eng"":1,""spa,ina"":2,""spa,ina,eng"":1,""spa,ind"":2,""spa,ind,eng"":1,""spa,ita"":2,""spa,kor"":6,""spa,kor,grn"":3,""spa,lat"":1,""spa,que"":1,""spa,war"":12,""spa,war,eng"":10}","{""application/pdf"":120,""application/x-ms-asx"":1,""application/xhtml+xml"":1,""text/html"":89721,""text/plain"":1}","{""2020"":85885,""2021"":3959}","{""CC-MAIN-2020-05"":17539,""CC-MAIN-2020-10"":18921,""CC-MAIN-2020-16"":15423,""CC-MAIN-2020-24"":14702,""CC-MAIN-2020-29"":6579,""CC-MAIN-2020-34"":6849,""CC-MAIN-2020-40"":5275,""CC-MAIN-2020-45"":278,""CC-MAIN-2020-50"":319,""CC-MAIN-2021-04"":379,""CC-MAIN-2021-10"":316,""CC-MAIN-2021-17"":320,""CC-MAIN-2021-21"":779,""CC-MAIN-2021-25"":677,""CC-MAIN-2021-31"":342,""CC-MAIN-2021-39"":387,""CC-MAIN-2021-43"":376,""CC-MAIN-2021-49"":383}" +"397","confederación de sociedades científicas de españa (cosce)","https://www.cosce.org/","es","115","83","28212085","{""spa"":9}","{""application/pdf"":106,""text/html"":9}","{""2020"":37,""2021"":78}","{""CC-MAIN-2020-10"":2,""CC-MAIN-2020-16"":6,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-34"":1,""CC-MAIN-2020-40"":13,""CC-MAIN-2020-45"":12,""CC-MAIN-2020-50"":2,""CC-MAIN-2021-04"":14,""CC-MAIN-2021-10"":5,""CC-MAIN-2021-17"":11,""CC-MAIN-2021-21"":11,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-31"":1,""CC-MAIN-2021-39"":8,""CC-MAIN-2021-43"":9,""CC-MAIN-2021-49"":18}" +"154","el informador","https://www.elinformador.com.ve/","es","5687","5657","9500232","{""eng"":5687}","{""text/html"":5687}","{""2020"":5687}","{""CC-MAIN-2020-05"":1249,""CC-MAIN-2020-10"":1131,""CC-MAIN-2020-16"":363,""CC-MAIN-2020-24"":1403,""CC-MAIN-2020-29"":894,""CC-MAIN-2020-34"":647}" +"504","News outlet","https://www.wanbao.com.sg/","zh","495","81","9757229","{""eng,zho"":13,""zho,eng"":454,""zho,eng,jpn"":15,""zho,eng,war"":12}","{""application/rss+xml"":1,""text/html"":494}","{""2020"":294,""2021"":201}","{""CC-MAIN-2020-05"":24,""CC-MAIN-2020-10"":64,""CC-MAIN-2020-16"":72,""CC-MAIN-2020-24"":25,""CC-MAIN-2020-29"":24,""CC-MAIN-2020-34"":25,""CC-MAIN-2020-40"":18,""CC-MAIN-2020-45"":26,""CC-MAIN-2020-50"":16,""CC-MAIN-2021-04"":29,""CC-MAIN-2021-10"":13,""CC-MAIN-2021-17"":31,""CC-MAIN-2021-21"":22,""CC-MAIN-2021-25"":30,""CC-MAIN-2021-31"":15,""CC-MAIN-2021-39"":25,""CC-MAIN-2021-43"":14,""CC-MAIN-2021-49"":22}" +"139","energy news","https://www.energynews.es/","es","25561","14140","620915161","{""eng"":813,""eng,spa"":192,""spa"":22096,""spa,cat"":52,""spa,dan"":8,""spa,deu"":12,""spa,eng"":2361,""spa,eng,ita"":2,""spa,ind"":2,""spa,ita"":4,""spa,kha"":1}","{""application/pdf"":2,""application/rss+xml"":15,""text/html"":25544}","{""2020"":9773,""2021"":15788}","{""CC-MAIN-2020-05"":949,""CC-MAIN-2020-10"":1400,""CC-MAIN-2020-16"":558,""CC-MAIN-2020-24"":1484,""CC-MAIN-2020-29"":1268,""CC-MAIN-2020-34"":1263,""CC-MAIN-2020-40"":1195,""CC-MAIN-2020-45"":917,""CC-MAIN-2020-50"":739,""CC-MAIN-2021-04"":1214,""CC-MAIN-2021-10"":1099,""CC-MAIN-2021-17"":989,""CC-MAIN-2021-21"":557,""CC-MAIN-2021-25"":1271,""CC-MAIN-2021-31"":2098,""CC-MAIN-2021-39"":2002,""CC-MAIN-2021-43"":3095,""CC-MAIN-2021-49"":3463}" +"415","cámara de diputados - paraguay","http://www.diputados.gov.py/ww5/","es","2524","1590","171563685","{""eng"":315,""spa"":1872,""spa,eng"":78,""spa,grn"":29,""spa,war"":4}","{""application/pdf"":221,""application/xhtml+xml"":315,""image/jpeg"":5,""text/html"":1983}","{""2020"":2146,""2021"":378}","{""CC-MAIN-2020-05"":431,""CC-MAIN-2020-10"":253,""CC-MAIN-2020-16"":202,""CC-MAIN-2020-24"":160,""CC-MAIN-2020-29"":257,""CC-MAIN-2020-34"":307,""CC-MAIN-2020-40"":240,""CC-MAIN-2020-45"":236,""CC-MAIN-2020-50"":60,""CC-MAIN-2021-04"":307,""CC-MAIN-2021-10"":71}" +"103","el mostrador","http://www.elmostrador.cl/","es","239103","181978","6147848375","{""eng"":4,""eng,spa"":115,""spa"":232675,""spa,cat"":35,""spa,dan"":69,""spa,deu"":4,""spa,eng"":3459,""spa,eng,ara"":1,""spa,eng,grn"":1,""spa,eng,jpn"":2,""spa,eng,zho"":1,""spa,eus"":2,""spa,fas"":1,""spa,fra"":12,""spa,grn"":38,""spa,hat"":2,""spa,hrv"":1,""spa,ind"":2,""spa,isl"":1,""spa,ita"":14,""spa,jpn"":2,""spa,lat"":3,""spa,pol"":3,""spa,roh"":1,""spa,som"":1,""spa,srp"":1,""spa,war"":18}","{""application/pdf"":2,""application/rss+xml"":39,""application/xhtml+xml"":480,""image/jpeg"":1,""text/html"":238580,""text/x-fortran"":1}","{""2020"":110286,""2021"":128817}","{""CC-MAIN-2020-05"":14011,""CC-MAIN-2020-10"":8933,""CC-MAIN-2020-16"":8171,""CC-MAIN-2020-24"":8019,""CC-MAIN-2020-29"":8435,""CC-MAIN-2020-34"":8569,""CC-MAIN-2020-40"":10388,""CC-MAIN-2020-45"":22966,""CC-MAIN-2020-50"":20794,""CC-MAIN-2021-04"":21912,""CC-MAIN-2021-10"":21667,""CC-MAIN-2021-17"":19652,""CC-MAIN-2021-21"":5626,""CC-MAIN-2021-25"":5661,""CC-MAIN-2021-31"":3052,""CC-MAIN-2021-39"":7928,""CC-MAIN-2021-43"":23196,""CC-MAIN-2021-49"":20123}" +"389","cronica del quindio","https://www.cronicadelquindio.com/","es","57489","39440","576797535","{""eng"":16,""spa"":56788,""spa,cat"":13,""spa,dan"":12,""spa,eng"":525,""spa,eng,fra"":3,""spa,fra"":2,""spa,fra,eng"":2,""spa,grn"":8,""spa,ina"":1,""spa,ind"":1,""spa,ita"":1,""spa,lat"":1,""spa,ron"":4,""spa,tur"":1,""spa,war"":2}","{""application/pdf"":11,""text/html"":57478}","{""2020"":26881,""2021"":30608}","{""CC-MAIN-2020-05"":2915,""CC-MAIN-2020-10"":2319,""CC-MAIN-2020-16"":1911,""CC-MAIN-2020-24"":4445,""CC-MAIN-2020-29"":4789,""CC-MAIN-2020-34"":4088,""CC-MAIN-2020-40"":3082,""CC-MAIN-2020-45"":1585,""CC-MAIN-2020-50"":1747,""CC-MAIN-2021-04"":2248,""CC-MAIN-2021-10"":1369,""CC-MAIN-2021-17"":2284,""CC-MAIN-2021-21"":1471,""CC-MAIN-2021-25"":3759,""CC-MAIN-2021-31"":2819,""CC-MAIN-2021-39"":5463,""CC-MAIN-2021-43"":6218,""CC-MAIN-2021-49"":4977}" +"159","postcrescent","http://www.postcrescent.com/","es","166658","76366","7139630466","{""deu"":1,""eng"":165871,""eng,aar"":15,""eng,afr"":3,""eng,bis"":1,""eng,cos"":4,""eng,dan"":73,""eng,dan,nld"":1,""eng,deu"":35,""eng,eus"":1,""eng,fra"":4,""eng,fry"":1,""eng,glg"":2,""eng,glv"":2,""eng,hmn"":1,""eng,ile"":6,""eng,ina"":13,""eng,ind"":1,""eng,ita"":4,""eng,lat"":2,""eng,ltz"":10,""eng,mfe"":1,""eng,msa"":1,""eng,nld"":74,""eng,nld,dan"":1,""eng,nld,ile"":2,""eng,nno"":2,""eng,nor"":17,""eng,nor,nld"":1,""eng,pol"":14,""eng,por"":2,""eng,roh"":2,""eng,ron"":1,""eng,sco"":24,""eng,smo"":1,""eng,spa"":2,""eng,srp"":1,""eng,srp,nld"":1,""eng,war"":146,""eng,wol"":14,""eng,xho"":3,""nor"":1,""por"":1,""wol"":2}","{""text/html"":166658}","{""2020"":76326,""2021"":90332}","{""CC-MAIN-2020-05"":14725,""CC-MAIN-2020-10"":2491,""CC-MAIN-2020-16"":1559,""CC-MAIN-2020-24"":2072,""CC-MAIN-2020-29"":16111,""CC-MAIN-2020-34"":19510,""CC-MAIN-2020-40"":17251,""CC-MAIN-2020-45"":1090,""CC-MAIN-2020-50"":1517,""CC-MAIN-2021-04"":2544,""CC-MAIN-2021-10"":23340,""CC-MAIN-2021-17"":24056,""CC-MAIN-2021-21"":23783,""CC-MAIN-2021-25"":3091,""CC-MAIN-2021-31"":5331,""CC-MAIN-2021-39"":2868,""CC-MAIN-2021-43"":3642,""CC-MAIN-2021-49"":1677}" +"485","Curated blog","https://blog.moneysmart.sg/","en","24538","5054","1220679870","{""eng"":24478,""eng,dan"":15,""eng,ind"":2,""eng,jpn,rus"":3,""eng,kha"":8,""eng,msa"":26,""eng,rus"":4}","{""application/rss+xml"":2,""text/html"":24536}","{""2020"":8846,""2021"":15692}","{""CC-MAIN-2020-05"":355,""CC-MAIN-2020-10"":1004,""CC-MAIN-2020-16"":579,""CC-MAIN-2020-24"":304,""CC-MAIN-2020-29"":1140,""CC-MAIN-2020-34"":728,""CC-MAIN-2020-40"":2534,""CC-MAIN-2020-45"":1168,""CC-MAIN-2020-50"":1034,""CC-MAIN-2021-04"":2626,""CC-MAIN-2021-10"":1189,""CC-MAIN-2021-17"":2599,""CC-MAIN-2021-21"":1247,""CC-MAIN-2021-25"":361,""CC-MAIN-2021-31"":3294,""CC-MAIN-2021-39"":664,""CC-MAIN-2021-43"":3115,""CC-MAIN-2021-49"":597}" +"118","el heraldo","http://www.elheraldo.hn/","es","98793","67205","3074822241","{""eng"":1,""eng,spa"":6,""fra,spa"":3,""lat,spa"":5,""spa"":96296,""spa,cat"":47,""spa,cat,grn"":1,""spa,dan"":28,""spa,eng"":1766,""spa,eng,cat"":2,""spa,eng,grn"":4,""spa,eng,kor"":2,""spa,eus"":10,""spa,fas"":1,""spa,fra"":10,""spa,grn"":259,""spa,hat,eng"":1,""spa,ina"":1,""spa,ind"":3,""spa,ita"":10,""spa,kor"":2,""spa,lat"":6,""spa,nld"":1,""spa,oci"":5,""spa,pol,swe"":2,""spa,rus"":2,""spa,slv"":1,""spa,slv,eng"":2,""spa,ssw"":4,""spa,ukr"":1,""spa,war"":50}","{""application/pdf"":36,""application/rss+xml"":68,""image/jpeg"":150,""text/html"":98539}","{""2020"":49069,""2021"":49724}","{""CC-MAIN-2020-05"":5343,""CC-MAIN-2020-10"":5606,""CC-MAIN-2020-16"":4129,""CC-MAIN-2020-24"":5158,""CC-MAIN-2020-29"":6622,""CC-MAIN-2020-34"":6476,""CC-MAIN-2020-40"":7287,""CC-MAIN-2020-45"":4778,""CC-MAIN-2020-50"":3670,""CC-MAIN-2021-04"":4671,""CC-MAIN-2021-10"":5444,""CC-MAIN-2021-17"":5021,""CC-MAIN-2021-21"":3524,""CC-MAIN-2021-25"":4151,""CC-MAIN-2021-31"":4373,""CC-MAIN-2021-39"":5840,""CC-MAIN-2021-43"":8925,""CC-MAIN-2021-49"":7775}" +"377","la politica online","http://www.lapoliticaonline.com/","es","15034","9787","680437215","{""eng"":357,""eng,spa"":372,""spa"":13372,""spa,cat"":7,""spa,cos"":1,""spa,dan"":5,""spa,eng"":886,""spa,eng,fra"":1,""spa,fra"":6,""spa,grn"":1,""spa,ina"":3,""spa,ind"":1,""spa,ita"":1,""spa,lat"":1,""spa,lug"":2,""spa,oci"":2,""spa,war"":3}","{""application/pdf"":9,""application/rss+xml"":3,""text/html"":15022}","{""2020"":11457,""2021"":3577}","{""CC-MAIN-2020-05"":1382,""CC-MAIN-2020-10"":1213,""CC-MAIN-2020-16"":570,""CC-MAIN-2020-24"":1578,""CC-MAIN-2020-29"":1546,""CC-MAIN-2020-34"":1407,""CC-MAIN-2020-40"":1582,""CC-MAIN-2020-45"":1123,""CC-MAIN-2020-50"":1056,""CC-MAIN-2021-04"":1263,""CC-MAIN-2021-10"":1021,""CC-MAIN-2021-17"":834,""CC-MAIN-2021-39"":165,""CC-MAIN-2021-43"":52,""CC-MAIN-2021-49"":242}" +"414","corte suprema de justicia","http://www.csj.gob.sv","es","834","786","96404777","{""spa"":622,""spa,eng"":48,""spa,grn"":3}","{""application/pdf"":140,""application/xhtml+xml"":53,""text/html"":641}","{""2020"":112,""2021"":722}","{""CC-MAIN-2020-05"":14,""CC-MAIN-2020-10"":2,""CC-MAIN-2020-16"":41,""CC-MAIN-2020-24"":2,""CC-MAIN-2020-29"":3,""CC-MAIN-2020-34"":3,""CC-MAIN-2020-40"":36,""CC-MAIN-2020-45"":11,""CC-MAIN-2021-04"":31,""CC-MAIN-2021-10"":8,""CC-MAIN-2021-17"":6,""CC-MAIN-2021-21"":38,""CC-MAIN-2021-25"":8,""CC-MAIN-2021-43"":51,""CC-MAIN-2021-49"":580}" +"428","oficina nacional de procesos electorales","http://www.onpe.gob.pe/","es","1754","1021","294048660","{""eng"":1,""spa"":973,""spa,dan"":1,""spa,eng"":26,""spa,ina"":4,""spa,que"":2,""spa,sun"":2,""spa,war"":7}","{""application/pdf"":734,""application/xhtml+xml"":28,""text/html"":988,""text/plain"":4}","{""2020"":525,""2021"":1229}","{""CC-MAIN-2020-16"":57,""CC-MAIN-2020-24"":105,""CC-MAIN-2020-29"":128,""CC-MAIN-2020-34"":79,""CC-MAIN-2020-40"":113,""CC-MAIN-2020-45"":11,""CC-MAIN-2020-50"":32,""CC-MAIN-2021-04"":290,""CC-MAIN-2021-10"":138,""CC-MAIN-2021-17"":275,""CC-MAIN-2021-21"":124,""CC-MAIN-2021-25"":37,""CC-MAIN-2021-31"":61,""CC-MAIN-2021-39"":90,""CC-MAIN-2021-43"":122,""CC-MAIN-2021-49"":92}" +"326","la opinión de tenerife","http://www.laopinion.es/","es","5","1","7763","{""spa"":5}","{""text/html"":5}","{""2020"":4,""2021"":1}","{""CC-MAIN-2020-10"":1,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-34"":2,""CC-MAIN-2021-17"":1}" +"188","el periodico venezolano","https://elperiodicovenezolano.com/","es","17312","5747","306212308","{""eng"":8,""fra,spa"":10,""spa"":14133,""spa,cat"":4,""spa,dan"":5,""spa,dan,eng"":3,""spa,eng"":3138,""spa,eng,dan"":1,""spa,eng,grn"":1,""spa,fra"":1,""spa,grn"":5,""spa,grn,eng"":1,""spa,ita"":1,""spa,ron"":1}","{""text/html"":17312}","{""2020"":9262,""2021"":8050}","{""CC-MAIN-2020-05"":133,""CC-MAIN-2020-10"":122,""CC-MAIN-2020-16"":99,""CC-MAIN-2020-24"":1373,""CC-MAIN-2020-29"":1816,""CC-MAIN-2020-34"":1101,""CC-MAIN-2020-40"":2792,""CC-MAIN-2020-45"":1436,""CC-MAIN-2020-50"":390,""CC-MAIN-2021-04"":1467,""CC-MAIN-2021-10"":353,""CC-MAIN-2021-17"":1333,""CC-MAIN-2021-21"":159,""CC-MAIN-2021-25"":37,""CC-MAIN-2021-31"":654,""CC-MAIN-2021-39"":2083,""CC-MAIN-2021-43"":1843,""CC-MAIN-2021-49"":121}" +"501","News outlet","https://theindependent.sg/","en","146508","50468","2895948986","{""eng"":144721,""eng,ara"":1,""eng,ben"":3,""eng,dan"":7,""eng,fra"":14,""eng,heb"":2,""eng,ind"":43,""eng,jpn"":43,""eng,jpn,tha"":5,""eng,kor"":67,""eng,lat"":3,""eng,msa"":1215,""eng,msa,dan"":1,""eng,mya"":4,""eng,por"":1,""eng,rus,msa"":5,""eng,spa"":7,""eng,tam"":4,""eng,tam,msa"":3,""eng,tam,zho"":3,""eng,tgl"":5,""eng,tha"":12,""eng,vie"":7,""eng,war"":2,""eng,zho"":281,""eng,zho,msa"":1,""msa,eng"":2,""spa,eng"":16,""zho,eng"":9}","{""application/rss+xml"":3,""image/jpeg"":16,""image/png"":2,""text/html"":146487}","{""2020"":37782,""2021"":108726}","{""CC-MAIN-2020-05"":2673,""CC-MAIN-2020-10"":2290,""CC-MAIN-2020-16"":2408,""CC-MAIN-2020-24"":3014,""CC-MAIN-2020-29"":3128,""CC-MAIN-2020-34"":2801,""CC-MAIN-2020-40"":9946,""CC-MAIN-2020-45"":4567,""CC-MAIN-2020-50"":6955,""CC-MAIN-2021-04"":8324,""CC-MAIN-2021-10"":31466,""CC-MAIN-2021-17"":10624,""CC-MAIN-2021-21"":19944,""CC-MAIN-2021-25"":8106,""CC-MAIN-2021-31"":7344,""CC-MAIN-2021-39"":7638,""CC-MAIN-2021-43"":7635,""CC-MAIN-2021-49"":7645}" +"430","el diario de ecuador","https://www.eldiario.ec/","es","305516","95119","3886907599","{""eng"":6,""eng,spa"":532,""spa"":299588,""spa,afr"":1,""spa,cat"":281,""spa,cat,eng"":1,""spa,cos"":4,""spa,dan"":232,""spa,dan,eng"":1,""spa,deu"":5,""spa,deu,eng"":1,""spa,eng"":4361,""spa,eng,cat"":1,""spa,eng,dan"":1,""spa,eng,deu"":1,""spa,eng,grn"":1,""spa,eng,pol"":1,""spa,eng,que"":1,""spa,fao"":1,""spa,fra"":7,""spa,fra,eng"":1,""spa,fry"":3,""spa,grn"":269,""spa,ile"":4,""spa,ina"":18,""spa,ind"":4,""spa,isl"":2,""spa,ita"":27,""spa,lat"":19,""spa,msa"":6,""spa,nld"":20,""spa,oci"":3,""spa,pol"":2,""spa,que"":63,""spa,sco"":1,""spa,srp"":4,""spa,tur"":2,""spa,war"":34}","{""application/pdf"":7,""application/xhtml+xml"":1,""text/html"":305508}","{""2020"":146157,""2021"":159359}","{""CC-MAIN-2020-05"":15030,""CC-MAIN-2020-10"":16906,""CC-MAIN-2020-16"":13939,""CC-MAIN-2020-24"":13782,""CC-MAIN-2020-29"":14454,""CC-MAIN-2020-34"":15438,""CC-MAIN-2020-40"":17702,""CC-MAIN-2020-45"":19551,""CC-MAIN-2020-50"":19355,""CC-MAIN-2021-04"":20208,""CC-MAIN-2021-10"":20479,""CC-MAIN-2021-17"":20307,""CC-MAIN-2021-21"":20371,""CC-MAIN-2021-25"":22207,""CC-MAIN-2021-31"":21550,""CC-MAIN-2021-39"":22042,""CC-MAIN-2021-43"":6000,""CC-MAIN-2021-49"":6195}" +"251","el peruano","https://elperuano.pe/","es","7796","5555","127739722","{""eng"":3,""grn"":3,""spa"":7697,""spa,dan"":3,""spa,dan,eng"":1,""spa,eng"":53,""spa,grn"":1,""spa,ind"":2,""spa,que"":4}","{""application/pdf"":2,""application/xhtml+xml"":127,""text/html"":7667}","{""2020"":6848,""2021"":948}","{""CC-MAIN-2020-05"":388,""CC-MAIN-2020-10"":983,""CC-MAIN-2020-16"":944,""CC-MAIN-2020-24"":1097,""CC-MAIN-2020-29"":1617,""CC-MAIN-2020-34"":716,""CC-MAIN-2020-40"":683,""CC-MAIN-2020-45"":359,""CC-MAIN-2020-50"":61,""CC-MAIN-2021-04"":64,""CC-MAIN-2021-10"":86,""CC-MAIN-2021-17"":18,""CC-MAIN-2021-21"":100,""CC-MAIN-2021-25"":86,""CC-MAIN-2021-31"":73,""CC-MAIN-2021-39"":125,""CC-MAIN-2021-43"":204,""CC-MAIN-2021-49"":192}" +"215","la informacion","https://www.lainformacion.com/","es","403449","326839","5662708824","{""eng,spa"":10,""glg"":2,""glg,ina"":1,""jpn,spa,eng"":3,""lat,spa"":4,""rus,spa"":1,""spa"":384616,""spa,afr"":1,""spa,afr,eng"":1,""spa,ara"":11,""spa,ara,eng"":1,""spa,aze"":1,""spa,bos"":11,""spa,cat"":4420,""spa,cat,bis"":1,""spa,cat,cos"":4,""spa,cat,eng"":49,""spa,cat,eus"":1,""spa,cat,fra"":1,""spa,cat,war"":2,""spa,ces"":1,""spa,cos"":211,""spa,cos,eng"":2,""spa,cym"":1,""spa,dan"":368,""spa,dan,cos"":1,""spa,dan,eng"":7,""spa,dan,grn"":1,""spa,dan,ile"":1,""spa,dan,ita"":1,""spa,dan,slk"":2,""spa,deu"":57,""spa,deu,eng"":7,""spa,deu,ita"":1,""spa,ell"":2,""spa,eng"":11016,""spa,eng,ara"":3,""spa,eng,bos"":1,""spa,eng,cat"":32,""spa,eng,dan"":7,""spa,eng,deu"":7,""spa,eng,eus"":7,""spa,eng,fin"":3,""spa,eng,fra"":17,""spa,eng,grn"":2,""spa,eng,hau"":1,""spa,eng,heb"":2,""spa,eng,hrv"":1,""spa,eng,ile"":1,""spa,eng,ind"":3,""spa,eng,ita"":8,""spa,eng,lat"":4,""spa,eng,msa"":1,""spa,eng,ron"":2,""spa,eng,rus"":2,""spa,eng,srp"":1,""spa,eng,tur"":1,""spa,eng,war"":2,""spa,eus"":390,""spa,eus,cat"":4,""spa,eus,eng"":5,""spa,fin"":2,""spa,fin,eng"":2,""spa,fra"":204,""spa,fra,cat"":1,""spa,fra,deu"":1,""spa,fra,eng"":7,""spa,grn"":615,""spa,grn,dan"":1,""spa,grn,eng"":3,""spa,hau"":1,""spa,hrv"":15,""spa,hrv,cat"":1,""spa,hrv,dan"":1,""spa,hun"":1,""spa,ile"":68,""spa,ile,cat"":2,""spa,ile,eng"":3,""spa,ile,jav"":1,""spa,ile,lat"":1,""spa,ile,srp"":3,""spa,ina"":38,""spa,ind"":33,""spa,isl"":3,""spa,ita"":358,""spa,ita,cat"":1,""spa,ita,dan"":2,""spa,ita,deu"":1,""spa,ita,eng"":5,""spa,ita,eus"":1,""spa,ita,fra"":1,""spa,ita,ina"":1,""spa,ita,lat"":1,""spa,ita,war"":1,""spa,jav"":3,""spa,jpn"":4,""spa,kor"":1,""spa,lat"":91,""spa,lat,eng"":1,""spa,lat,ile"":2,""spa,lit"":4,""spa,lit,hrv"":1,""spa,mlg"":1,""spa,mlt"":5,""spa,mlt,ita"":1,""spa,msa"":46,""spa,nld"":111,""spa,nld,eng"":1,""spa,nno"":1,""spa,nor"":19,""spa,nor,eng"":2,""spa,nor,slv"":1,""spa,oci"":21,""spa,pol"":18,""spa,ron"":29,""spa,rus"":8,""spa,rus,cat"":1,""spa,rus,eng"":8,""spa,san"":2,""spa,sco"":1,""spa,slk"":4,""spa,slk,eng"":3,""spa,slk,ron"":3,""spa,slv"":1,""spa,sna"":1,""spa,som"":2,""spa,srp"":70,""spa,srp,ces"":1,""spa,srp,nor"":2,""spa,swa"":3,""spa,swe"":5,""spa,tat"":3,""spa,tha"":1,""spa,tur"":144,""spa,urd"":1,""spa,uzb"":2,""spa,vol"":1,""spa,war"":32,""spa,zho"":3}","{""application/atom+xml"":21,""application/octet-stream"":1,""application/pdf"":19,""application/rss+xml"":34,""text/html"":403374}","{""2020"":158892,""2021"":244557}","{""CC-MAIN-2020-05"":10708,""CC-MAIN-2020-10"":8799,""CC-MAIN-2020-16"":12319,""CC-MAIN-2020-24"":10738,""CC-MAIN-2020-29"":20173,""CC-MAIN-2020-34"":23714,""CC-MAIN-2020-40"":23508,""CC-MAIN-2020-45"":24704,""CC-MAIN-2020-50"":24229,""CC-MAIN-2021-04"":24796,""CC-MAIN-2021-10"":27181,""CC-MAIN-2021-17"":27134,""CC-MAIN-2021-21"":27289,""CC-MAIN-2021-25"":27062,""CC-MAIN-2021-31"":26808,""CC-MAIN-2021-39"":27181,""CC-MAIN-2021-43"":28540,""CC-MAIN-2021-49"":28566}" +"54","sonora","http://www.sonora.com.gt/","es","13126","8786","189048806","{""eng"":1,""eng,spa"":6,""eng,spa,cat"":1,""spa"":12616,""spa,cat"":3,""spa,dan"":2,""spa,dan,ron"":2,""spa,eng"":451,""spa,eng,grn"":1,""spa,eng,rus"":1,""spa,eus"":1,""spa,fra"":1,""spa,grn"":25,""spa,hin"":3,""spa,ile"":1,""spa,ind"":2,""spa,ita"":4,""spa,jav"":1,""spa,jpn"":2,""spa,war"":2}","{""text/html"":13126}","{""2020"":9041,""2021"":4085}","{""CC-MAIN-2020-05"":1321,""CC-MAIN-2020-10"":938,""CC-MAIN-2020-16"":626,""CC-MAIN-2020-24"":1074,""CC-MAIN-2020-29"":1467,""CC-MAIN-2020-34"":1140,""CC-MAIN-2020-40"":973,""CC-MAIN-2020-45"":978,""CC-MAIN-2020-50"":524,""CC-MAIN-2021-04"":576,""CC-MAIN-2021-10"":342,""CC-MAIN-2021-17"":489,""CC-MAIN-2021-21"":367,""CC-MAIN-2021-25"":119,""CC-MAIN-2021-31"":1018,""CC-MAIN-2021-39"":604,""CC-MAIN-2021-43"":432,""CC-MAIN-2021-49"":138}" +"285","el vacanudo","http://www.elvacanudo.cl/","es","23772","15467","280233710","{""eng"":2,""eng,spa"":4,""lat,spa"":5,""spa"":22241,""spa,cat"":3,""spa,crs"":1,""spa,dan"":6,""spa,eng"":639,""spa,eng,dan"":1,""spa,eng,grn"":1,""spa,eng,ind"":1,""spa,eng,kha"":1,""spa,eng,war"":1,""spa,grn"":8,""spa,grn,eng"":1,""spa,hun"":11,""spa,ind"":4,""spa,ita"":2,""spa,kha"":17,""spa,kha,eng"":1,""spa,lat"":5,""spa,lat,eng"":1,""spa,nno"":2,""spa,oci"":4,""spa,roh"":7,""spa,ron"":13,""spa,sco"":1,""spa,sco,war"":1,""spa,swa"":1,""spa,war"":323,""spa,war,eng"":1}","{""application/pdf"":1,""application/rss+xml"":462,""application/xhtml+xml"":23307,""text/html"":2}","{""2020"":14005,""2021"":9767}","{""CC-MAIN-2020-05"":2070,""CC-MAIN-2020-10"":1224,""CC-MAIN-2020-16"":1214,""CC-MAIN-2020-24"":1072,""CC-MAIN-2020-29"":1838,""CC-MAIN-2020-34"":1644,""CC-MAIN-2020-40"":1986,""CC-MAIN-2020-45"":1299,""CC-MAIN-2020-50"":1658,""CC-MAIN-2021-04"":2191,""CC-MAIN-2021-10"":1763,""CC-MAIN-2021-17"":773,""CC-MAIN-2021-21"":712,""CC-MAIN-2021-25"":824,""CC-MAIN-2021-31"":716,""CC-MAIN-2021-39"":1014,""CC-MAIN-2021-43"":895,""CC-MAIN-2021-49"":879}" +"473","sgTalk","https://sgtalk.org","en","4861","3742","70858176","{""eng"":3888,""eng,ara"":2,""eng,jpn"":2,""eng,nor"":1,""eng,zho"":951,""eng,zho,lat"":1,""eng,zho,msa"":1,""jpn,eng"":1,""zho,eng"":13}","{""application/xhtml+xml"":4846,""application/xml"":1,""text/html"":14}","{""2020"":3616,""2021"":1245}","{""CC-MAIN-2020-05"":454,""CC-MAIN-2020-10"":489,""CC-MAIN-2020-16"":363,""CC-MAIN-2020-24"":614,""CC-MAIN-2020-29"":515,""CC-MAIN-2020-34"":364,""CC-MAIN-2020-40"":262,""CC-MAIN-2020-45"":307,""CC-MAIN-2020-50"":248,""CC-MAIN-2021-04"":301,""CC-MAIN-2021-10"":238,""CC-MAIN-2021-17"":328,""CC-MAIN-2021-21"":267,""CC-MAIN-2021-25"":103,""CC-MAIN-2021-31"":1,""CC-MAIN-2021-43"":1,""CC-MAIN-2021-49"":6}" +"391","opciones","http://www.opciones.cu/","es","4217","2295","35590830","{""spa"":4170,""spa,eng"":18,""spa,grn"":5,""spa,mfe"":1,""spa,msa"":2}","{""application/pdf"":2,""application/rss+xml"":10,""text/html"":4205}","{""2020"":2971,""2021"":1246}","{""CC-MAIN-2020-05"":440,""CC-MAIN-2020-10"":244,""CC-MAIN-2020-16"":225,""CC-MAIN-2020-24"":463,""CC-MAIN-2020-29"":510,""CC-MAIN-2020-34"":332,""CC-MAIN-2020-40"":316,""CC-MAIN-2020-45"":170,""CC-MAIN-2020-50"":271,""CC-MAIN-2021-04"":274,""CC-MAIN-2021-10"":203,""CC-MAIN-2021-17"":120,""CC-MAIN-2021-21"":103,""CC-MAIN-2021-25"":42,""CC-MAIN-2021-31"":33,""CC-MAIN-2021-39"":291,""CC-MAIN-2021-43"":120,""CC-MAIN-2021-49"":60}" +"111","cinco de septiembre","http://www.5septiembre.cu/","es","75393","45620","1456893994","{""eng,spa"":100,""spa"":74155,""spa,ara"":2,""spa,cat"":12,""spa,dan"":18,""spa,eng"":838,""spa,eng,ara"":1,""spa,eng,fra"":1,""spa,eng,grn"":1,""spa,fra"":11,""spa,gle"":3,""spa,grn"":153,""spa,ita"":9,""spa,lat"":28,""spa,msa"":2,""spa,oci"":4,""spa,tur"":1}","{""application/pdf"":54,""text/html"":75339}","{""2020"":48783,""2021"":26610}","{""CC-MAIN-2020-05"":9761,""CC-MAIN-2020-10"":3575,""CC-MAIN-2020-16"":4095,""CC-MAIN-2020-24"":6045,""CC-MAIN-2020-29"":6418,""CC-MAIN-2020-34"":6483,""CC-MAIN-2020-40"":4478,""CC-MAIN-2020-45"":4201,""CC-MAIN-2020-50"":3727,""CC-MAIN-2021-04"":5456,""CC-MAIN-2021-10"":2496,""CC-MAIN-2021-17"":3142,""CC-MAIN-2021-21"":525,""CC-MAIN-2021-25"":400,""CC-MAIN-2021-31"":376,""CC-MAIN-2021-39"":1252,""CC-MAIN-2021-43"":6420,""CC-MAIN-2021-49"":6543}" +"361","diputados argentina","https://www.hcdn.gob.ar/","es","35729","18699","1432614031","{""eng"":2,""eng,spa"":6,""ina"":48,""ita"":2,""spa"":28447,""spa,cat"":1,""spa,dan"":6,""spa,eng"":3176,""spa,eng,fra"":2,""spa,eng,ita"":1,""spa,fra"":1,""spa,grn"":8,""spa,hrv"":1,""spa,ina"":111,""spa,ita"":6,""spa,lat"":4,""spa,oci"":211,""spa,oci,eng"":1,""spa,war"":33}","{""application/octet-stream"":7,""application/pdf"":3137,""application/xhtml+xml"":2,""image/gif"":1,""text/html"":32582}","{""2020"":20728,""2021"":15001}","{""CC-MAIN-2020-05"":2303,""CC-MAIN-2020-10"":1230,""CC-MAIN-2020-16"":3446,""CC-MAIN-2020-24"":1751,""CC-MAIN-2020-29"":4102,""CC-MAIN-2020-34"":2365,""CC-MAIN-2020-40"":3307,""CC-MAIN-2020-45"":846,""CC-MAIN-2020-50"":1378,""CC-MAIN-2021-04"":1649,""CC-MAIN-2021-10"":2883,""CC-MAIN-2021-17"":1733,""CC-MAIN-2021-21"":2450,""CC-MAIN-2021-25"":768,""CC-MAIN-2021-31"":1510,""CC-MAIN-2021-39"":1550,""CC-MAIN-2021-43"":1220,""CC-MAIN-2021-49"":1238}" +"476","r/singapore","https://www.reddit.com/r/singapore/","en","99","78","3433966","{""eng"":99}","{""application/xhtml+xml"":5,""text/html"":94}","{""2020"":44,""2021"":55}","{""CC-MAIN-2020-05"":3,""CC-MAIN-2020-10"":8,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-24"":9,""CC-MAIN-2020-29"":11,""CC-MAIN-2020-34"":5,""CC-MAIN-2020-40"":2,""CC-MAIN-2020-45"":4,""CC-MAIN-2020-50"":1,""CC-MAIN-2021-04"":3,""CC-MAIN-2021-10"":5,""CC-MAIN-2021-17"":4,""CC-MAIN-2021-21"":10,""CC-MAIN-2021-25"":11,""CC-MAIN-2021-31"":4,""CC-MAIN-2021-39"":4,""CC-MAIN-2021-43"":5,""CC-MAIN-2021-49"":9}" +"404","télam","http://www.telam.com.ar/","es","103006","72557","843708636","{""cat"":2,""eng,spa"":1,""oci"":8,""spa"":98737,""spa,ara"":9,""spa,ara,aar"":1,""spa,bos"":1,""spa,cat"":126,""spa,cat,eng"":1,""spa,cat,fra"":1,""spa,ces"":1,""spa,cos"":7,""spa,dan"":86,""spa,deu"":27,""spa,deu,fra"":1,""spa,deu,ita"":1,""spa,deu,tur"":2,""spa,eng"":3039,""spa,eng,ara"":2,""spa,eng,cat"":1,""spa,eng,dan"":3,""spa,eng,deu"":1,""spa,eng,est"":1,""spa,eng,fra"":6,""spa,eng,grn"":1,""spa,eng,heb"":1,""spa,eng,hin"":1,""spa,eng,ind"":1,""spa,eng,ita"":6,""spa,eng,jpn"":3,""spa,eng,nld"":3,""spa,eng,pus"":2,""spa,eng,tur"":3,""spa,eus"":1,""spa,fas"":3,""spa,fra"":137,""spa,fra,eng"":7,""spa,fra,ita"":1,""spa,grn"":170,""spa,heb"":19,""spa,heb,eng"":1,""spa,ile"":1,""spa,ina"":14,""spa,ind"":13,""spa,ita"":135,""spa,ita,eng"":2,""spa,ita,fra"":1,""spa,ita,war"":1,""spa,jpn"":2,""spa,jpn,eng"":2,""spa,lat"":2,""spa,mlg"":1,""spa,msa"":1,""spa,mya,eng"":1,""spa,nld"":7,""spa,nya"":1,""spa,oci"":13,""spa,pol"":1,""spa,pol,eng"":1,""spa,roh"":1,""spa,ron"":1,""spa,rus"":3,""spa,rus,eng"":2,""spa,slk"":1,""spa,slk,roh"":1,""spa,sna,ita"":1,""spa,swe"":2,""spa,tha,eng"":1,""spa,tur"":16,""spa,ukr"":2,""spa,war"":8}","{""application/pdf"":79,""application/rss+xml"":133,""application/x-tika-ooxml"":13,""application/xhtml+xml"":1,""text/html"":102780}","{""2020"":56984,""2021"":46022}","{""CC-MAIN-2020-05"":3562,""CC-MAIN-2020-10"":11555,""CC-MAIN-2020-16"":9212,""CC-MAIN-2020-24"":12439,""CC-MAIN-2020-29"":4198,""CC-MAIN-2020-34"":5109,""CC-MAIN-2020-40"":5251,""CC-MAIN-2020-45"":3018,""CC-MAIN-2020-50"":2640,""CC-MAIN-2021-04"":3071,""CC-MAIN-2021-10"":3598,""CC-MAIN-2021-17"":6624,""CC-MAIN-2021-21"":7179,""CC-MAIN-2021-25"":6019,""CC-MAIN-2021-31"":5943,""CC-MAIN-2021-39"":9284,""CC-MAIN-2021-43"":1905,""CC-MAIN-2021-49"":2399}" +"172","río negro","http://www.rionegro.com.ar","es","117756","94010","2586202940","{""eng"":7,""eng,spa"":17,""spa"":116411,""spa,ara"":1,""spa,cat"":23,""spa,cos"":4,""spa,dan"":11,""spa,dan,eng"":2,""spa,deu"":1,""spa,deu,fra"":1,""spa,eng"":1079,""spa,eng,ara"":1,""spa,eng,cat"":2,""spa,eng,ita"":2,""spa,eng,ltz"":1,""spa,eng,ron"":1,""spa,eus"":1,""spa,fra"":8,""spa,grn"":13,""spa,hun"":1,""spa,ile"":3,""spa,ina"":14,""spa,ind"":15,""spa,isl"":1,""spa,ita"":44,""spa,ita,jav"":1,""spa,lat"":6,""spa,ltz"":6,""spa,mfe"":1,""spa,msa"":1,""spa,oci"":6,""spa,pol"":1,""spa,rus"":1,""spa,tgl"":2,""spa,tur"":1,""spa,war"":13}","{""application/json"":1,""application/pdf"":5,""application/xhtml+xml"":572,""image/jpeg"":3,""text/html"":117175}","{""2020"":63437,""2021"":54319}","{""CC-MAIN-2020-05"":6391,""CC-MAIN-2020-10"":9243,""CC-MAIN-2020-16"":6012,""CC-MAIN-2020-24"":8217,""CC-MAIN-2020-29"":6165,""CC-MAIN-2020-34"":6149,""CC-MAIN-2020-40"":7979,""CC-MAIN-2020-45"":6699,""CC-MAIN-2020-50"":6582,""CC-MAIN-2021-04"":7085,""CC-MAIN-2021-10"":6030,""CC-MAIN-2021-17"":6544,""CC-MAIN-2021-21"":6016,""CC-MAIN-2021-25"":5814,""CC-MAIN-2021-31"":5668,""CC-MAIN-2021-39"":5552,""CC-MAIN-2021-43"":6165,""CC-MAIN-2021-49"":5445}" +"474","Salary.sg","https://forums.salary.sg/","en","83740","52639","946789452","{""dan"":1,""eng"":83384,""eng,gla"":7,""eng,ind"":4,""eng,jpn"":1,""eng,lat"":54,""eng,msa"":38,""eng,nld"":19,""eng,rus"":3,""eng,slk"":2,""eng,tha"":15,""eng,vie"":79,""eng,vie,zho"":9,""eng,war"":6,""eng,zho"":78,""vie,eng"":25,""vie,eng,zho"":1}","{""application/xhtml+xml"":83720,""text/html"":20}","{""2020"":47500,""2021"":36240}","{""CC-MAIN-2020-05"":4975,""CC-MAIN-2020-10"":3228,""CC-MAIN-2020-16"":8326,""CC-MAIN-2020-24"":6279,""CC-MAIN-2020-29"":4839,""CC-MAIN-2020-34"":3691,""CC-MAIN-2020-40"":3334,""CC-MAIN-2020-45"":3999,""CC-MAIN-2020-50"":8829,""CC-MAIN-2021-04"":6938,""CC-MAIN-2021-10"":1502,""CC-MAIN-2021-17"":1763,""CC-MAIN-2021-21"":2176,""CC-MAIN-2021-25"":1676,""CC-MAIN-2021-31"":4627,""CC-MAIN-2021-39"":8680,""CC-MAIN-2021-43"":4641,""CC-MAIN-2021-49"":4237}" +"281","cmdsport","https://www.cmdsport.com/","es","57001","24512","1939606227","{""cat,spa,eng"":1,""eng,spa"":22,""spa"":17045,""spa,cat"":426,""spa,cat,eng"":255,""spa,cat,oci"":3,""spa,eng"":38447,""spa,eng,cat"":647,""spa,eng,cos"":3,""spa,eng,dan"":5,""spa,eng,eus"":6,""spa,eng,fra"":8,""spa,eng,ina"":3,""spa,eng,ind"":1,""spa,eng,oci"":12,""spa,eng,pol"":1,""spa,eng,war"":12,""spa,eus"":2,""spa,fra"":1,""spa,fra,eng"":1,""spa,ind"":2,""spa,lat,eng"":51,""spa,nor"":1,""spa,oci"":4,""spa,oci,cat"":3,""spa,oci,eng"":1,""spa,pol"":1,""spa,war"":2,""spa,war,eng"":6}","{""application/pdf"":26,""application/rss+xml"":3,""text/html"":56972}","{""2020"":28307,""2021"":28694}","{""CC-MAIN-2020-05"":2999,""CC-MAIN-2020-10"":2816,""CC-MAIN-2020-16"":2845,""CC-MAIN-2020-24"":3674,""CC-MAIN-2020-29"":4913,""CC-MAIN-2020-34"":2371,""CC-MAIN-2020-40"":3968,""CC-MAIN-2020-45"":2249,""CC-MAIN-2020-50"":2472,""CC-MAIN-2021-04"":3067,""CC-MAIN-2021-10"":3487,""CC-MAIN-2021-17"":3424,""CC-MAIN-2021-21"":2794,""CC-MAIN-2021-25"":1589,""CC-MAIN-2021-31"":4079,""CC-MAIN-2021-39"":2452,""CC-MAIN-2021-43"":5192,""CC-MAIN-2021-49"":2610}" +"178","partido colorado","https://partidocolorado.uy/","es","8","7","9882","{""eng"":8}","{""text/html"":8}","{""2021"":8}","{""CC-MAIN-2021-21"":1,""CC-MAIN-2021-25"":2,""CC-MAIN-2021-49"":5}" +"387","freshplaza","http://www.freshplaza.es/","es","15511","12101","327392621","{""eng,spa"":9,""spa"":4453,""spa,cat"":6,""spa,cat,eng"":4,""spa,deu"":5,""spa,deu,eng"":4,""spa,eng"":10939,""spa,eng,cat"":8,""spa,eng,dan"":3,""spa,eng,deu"":5,""spa,eng,fra"":2,""spa,eng,ita"":20,""spa,eng,lat"":1,""spa,eng,nld"":4,""spa,eng,pol"":2,""spa,eng,srp"":1,""spa,eng,tur"":1,""spa,fra"":1,""spa,ita"":10,""spa,ita,eng"":2,""spa,nld"":5,""spa,nld,eng"":1,""spa,nld,fra"":2,""spa,war"":1}","{""application/rss+xml"":9,""text/html"":15502}","{""2020"":10141,""2021"":5370}","{""CC-MAIN-2020-05"":1087,""CC-MAIN-2020-10"":1012,""CC-MAIN-2020-16"":925,""CC-MAIN-2020-24"":2423,""CC-MAIN-2020-29"":1489,""CC-MAIN-2020-34"":1157,""CC-MAIN-2020-40"":779,""CC-MAIN-2020-45"":671,""CC-MAIN-2020-50"":598,""CC-MAIN-2021-04"":648,""CC-MAIN-2021-10"":482,""CC-MAIN-2021-17"":542,""CC-MAIN-2021-21"":773,""CC-MAIN-2021-25"":717,""CC-MAIN-2021-31"":697,""CC-MAIN-2021-39"":520,""CC-MAIN-2021-43"":581,""CC-MAIN-2021-49"":410}" +"91","diario26","http://www.diario26.com","es","111647","86270","1735963120","{""eng,spa"":1,""spa"":103164,""spa,cat"":64,""spa,cos"":2,""spa,dan"":27,""spa,deu"":1,""spa,eng"":6601,""spa,eng,ile"":2,""spa,eng,ina"":1,""spa,eng,ita"":3,""spa,eus"":1,""spa,fra"":14,""spa,grn"":29,""spa,heb"":1,""spa,ile"":1,""spa,ina"":35,""spa,ind"":4,""spa,ita"":39,""spa,ita,eng"":2,""spa,jpn"":1,""spa,ltz"":1,""spa,nld"":2,""spa,roh"":1,""spa,rus"":3,""spa,war"":2}","{""application/rss+xml"":8,""text/html"":111639}","{""2020"":63297,""2021"":48350}","{""CC-MAIN-2020-05"":5015,""CC-MAIN-2020-10"":7019,""CC-MAIN-2020-16"":4702,""CC-MAIN-2020-24"":6920,""CC-MAIN-2020-29"":9150,""CC-MAIN-2020-34"":9277,""CC-MAIN-2020-40"":8691,""CC-MAIN-2020-45"":6748,""CC-MAIN-2020-50"":5775,""CC-MAIN-2021-04"":7710,""CC-MAIN-2021-10"":5100,""CC-MAIN-2021-17"":6304,""CC-MAIN-2021-21"":6256,""CC-MAIN-2021-25"":4217,""CC-MAIN-2021-31"":5183,""CC-MAIN-2021-39"":3821,""CC-MAIN-2021-43"":5028,""CC-MAIN-2021-49"":4731}" +"164","el pais rurales","https://rurales.elpais.com.uy/","es","76812","18564","968224905","{""eng"":37,""eng,spa"":35,""lat,eng,spa"":2,""lat,spa"":2,""spa"":64141,""spa,cat"":4,""spa,crs"":3,""spa,crs,eng"":1,""spa,dan"":5,""spa,deu"":3,""spa,eng"":12291,""spa,eng,deu"":2,""spa,eng,grn"":16,""spa,eng,ita"":2,""spa,eng,nno"":1,""spa,eng,war"":1,""spa,grn"":174,""spa,grn,eng"":9,""spa,ile"":2,""spa,ina"":1,""spa,ind"":2,""spa,ita"":19,""spa,ita,eng"":2,""spa,jav"":4,""spa,lat"":3,""spa,nno"":5,""spa,oci"":1,""spa,war"":33,""spa,war,eng"":1}","{""application/pdf"":10,""application/xhtml+xml"":75672,""text/html"":1130}","{""2020"":31608,""2021"":45204}","{""CC-MAIN-2020-05"":1989,""CC-MAIN-2020-10"":7379,""CC-MAIN-2020-16"":2731,""CC-MAIN-2020-24"":2534,""CC-MAIN-2020-29"":927,""CC-MAIN-2020-34"":1343,""CC-MAIN-2020-40"":1174,""CC-MAIN-2020-45"":9917,""CC-MAIN-2020-50"":3614,""CC-MAIN-2021-04"":10647,""CC-MAIN-2021-10"":3733,""CC-MAIN-2021-17"":10760,""CC-MAIN-2021-21"":3409,""CC-MAIN-2021-25"":2437,""CC-MAIN-2021-31"":13096,""CC-MAIN-2021-39"":244,""CC-MAIN-2021-43"":278,""CC-MAIN-2021-49"":600}" +"90","peru'","http://peru.com/","es","214979","182280","4796685465","{""eng"":141,""eng,spa"":90,""spa"":197267,""spa,afr"":2,""spa,ara"":10,""spa,ara,eng"":3,""spa,ara,fra"":3,""spa,bos"":7,""spa,bre"":2,""spa,cat"":351,""spa,cat,eng"":1,""spa,ceb"":6,""spa,ces"":1,""spa,cym"":5,""spa,dan"":4176,""spa,dan,eng"":26,""spa,dan,fra"":1,""spa,dan,ina"":1,""spa,dan,ita"":2,""spa,dan,que"":1,""spa,dan,war"":1,""spa,deu"":29,""spa,ell"":6,""spa,eng"":12269,""spa,eng,ara"":1,""spa,eng,cat"":6,""spa,eng,ces"":1,""spa,eng,dan"":34,""spa,eng,deu"":3,""spa,eng,fra"":2,""spa,eng,grn"":4,""spa,eng,hrv"":1,""spa,eng,ina"":1,""spa,eng,ind"":3,""spa,eng,ita"":5,""spa,eng,jpn"":5,""spa,eng,kor"":2,""spa,eng,lat"":1,""spa,eng,msa"":4,""spa,eng,rus"":8,""spa,epo"":1,""spa,eus"":5,""spa,fin"":1,""spa,fra"":15,""spa,fra,eng"":2,""spa,fra,ita"":1,""spa,fra,lat"":1,""spa,grn"":85,""spa,grn,eng"":2,""spa,hrv"":10,""spa,ile"":4,""spa,ina"":20,""spa,ina,dan"":1,""spa,ind"":26,""spa,isl"":15,""spa,ita"":40,""spa,jpn"":7,""spa,jpn,eng"":1,""spa,kor"":2,""spa,lat"":11,""spa,lat,eng"":2,""spa,msa"":16,""spa,nep,eng"":1,""spa,nld"":9,""spa,nld,eng"":1,""spa,nno"":5,""spa,nor"":2,""spa,oci"":6,""spa,pol"":13,""spa,pus"":2,""spa,que"":8,""spa,rus"":12,""spa,rus,eng"":4,""spa,sco"":5,""spa,srp"":6,""spa,swe"":2,""spa,tat"":2,""spa,tur"":4,""spa,tur,eng"":2,""spa,war"":53,""spa,war,eng"":1}","{""application/rss+xml"":6,""application/x-shockwave-flash"":9,""application/xhtml+xml"":1391,""text/html"":213573}","{""2020"":134430,""2021"":80549}","{""CC-MAIN-2020-05"":3307,""CC-MAIN-2020-10"":22530,""CC-MAIN-2020-16"":18298,""CC-MAIN-2020-24"":15248,""CC-MAIN-2020-29"":17031,""CC-MAIN-2020-34"":19621,""CC-MAIN-2020-40"":19888,""CC-MAIN-2020-45"":9295,""CC-MAIN-2020-50"":9212,""CC-MAIN-2021-04"":7626,""CC-MAIN-2021-10"":14934,""CC-MAIN-2021-17"":12676,""CC-MAIN-2021-21"":23855,""CC-MAIN-2021-25"":4780,""CC-MAIN-2021-31"":5400,""CC-MAIN-2021-39"":4792,""CC-MAIN-2021-43"":3186,""CC-MAIN-2021-49"":3300}" +"351","ideal","http://www.ideal.es/","es","6295","3690","159147803","{""spa"":6081,""spa,cat"":3,""spa,cat,eng"":2,""spa,eng"":109,""spa,nno"":21,""spa,slk"":1}","{""application/atom+xml"":36,""application/rss+xml"":42,""text/html"":6217}","{""2020"":4982,""2021"":1313}","{""CC-MAIN-2020-05"":1501,""CC-MAIN-2020-10"":247,""CC-MAIN-2020-16"":349,""CC-MAIN-2020-24"":686,""CC-MAIN-2020-29"":280,""CC-MAIN-2020-34"":556,""CC-MAIN-2020-40"":433,""CC-MAIN-2020-45"":679,""CC-MAIN-2020-50"":251,""CC-MAIN-2021-04"":219,""CC-MAIN-2021-10"":378,""CC-MAIN-2021-17"":459,""CC-MAIN-2021-21"":257}" +"392","muypymes","http://www.muypymes.com/","es","161450","48948","3413937976","{""eng"":2,""eng,spa"":13,""eng,spa,ind"":1,""eng,spa,kor"":6,""spa"":50509,""spa,ara"":26,""spa,cat"":37,""spa,cat,eng"":1,""spa,ces"":1,""spa,ces,tha"":1,""spa,dan"":10,""spa,deu"":1,""spa,deu,eng"":1,""spa,eng"":103768,""spa,eng,ara"":136,""spa,eng,cat"":76,""spa,eng,ces"":4,""spa,eng,dan"":10,""spa,eng,deu"":35,""spa,eng,fas"":53,""spa,eng,fra"":14,""spa,eng,grn"":3,""spa,eng,hin"":1,""spa,eng,ind"":28,""spa,eng,ita"":5,""spa,eng,jpn"":4,""spa,eng,kha"":1,""spa,eng,kor"":2288,""spa,eng,lat"":8,""spa,eng,msa"":427,""spa,eng,nld"":2,""spa,eng,oci"":1,""spa,eng,pol"":402,""spa,eng,rus"":98,""spa,eng,swe"":2,""spa,eng,tha"":2094,""spa,eng,tur"":34,""spa,eng,vie"":210,""spa,eng,war"":1,""spa,eng,zho"":2,""spa,fas,tha"":1,""spa,fra"":2,""spa,fra,eng"":5,""spa,ind"":5,""spa,ind,eng"":3,""spa,ita"":1,""spa,kor"":138,""spa,kor,eng"":13,""spa,kor,tha"":1,""spa,kor,vie"":1,""spa,lat"":3,""spa,msa"":2,""spa,msa,kor"":1,""spa,msa,vie"":1,""spa,pol"":3,""spa,rus"":275,""spa,rus,eng"":71,""spa,rus,tha"":1,""spa,tha"":31,""spa,tha,ara"":1,""spa,tha,eng"":169,""spa,tur"":1,""spa,vie"":2,""spa,vie,eng"":1,""spa,war"":9,""spa,war,eng"":1}","{""application/pdf"":8,""application/rss+xml"":12,""image/gif"":3,""image/jpeg"":324,""image/png"":45,""text/html"":161058}","{""2020"":75345,""2021"":86105}","{""CC-MAIN-2020-05"":6996,""CC-MAIN-2020-10"":6666,""CC-MAIN-2020-16"":6303,""CC-MAIN-2020-24"":5292,""CC-MAIN-2020-29"":7796,""CC-MAIN-2020-34"":4250,""CC-MAIN-2020-40"":8806,""CC-MAIN-2020-45"":21882,""CC-MAIN-2020-50"":7354,""CC-MAIN-2021-04"":22194,""CC-MAIN-2021-10"":8083,""CC-MAIN-2021-17"":8341,""CC-MAIN-2021-21"":8301,""CC-MAIN-2021-25"":8402,""CC-MAIN-2021-31"":7477,""CC-MAIN-2021-39"":7668,""CC-MAIN-2021-43"":7823,""CC-MAIN-2021-49"":7816}" +"89","subrayado hd","http://www.subrayado.com.uy","es","55646","48353","957193695","{""eng"":14,""eng,spa"":5,""spa"":53541,""spa,cat"":7,""spa,cat,eng"":1,""spa,cat,eus"":1,""spa,cos"":1,""spa,cym"":1,""spa,dan"":22,""spa,deu"":2,""spa,eng"":802,""spa,eng,dan"":1,""spa,eng,fra"":1,""spa,fra"":8,""spa,fra,grn"":2,""spa,grn"":129,""spa,grn,eng"":2,""spa,hun"":1,""spa,ile"":3,""spa,ina"":11,""spa,ind"":1,""spa,ita"":17,""spa,ita,cos"":1,""spa,lat"":11,""spa,msa"":2,""spa,nld"":4,""spa,nor"":1,""spa,oci"":1,""spa,rus,srp"":2,""spa,srp"":2}","{""application/xhtml+xml"":54573,""text/html"":1073}","{""2020"":18152,""2021"":37494}","{""CC-MAIN-2020-05"":2480,""CC-MAIN-2020-10"":2633,""CC-MAIN-2020-16"":1642,""CC-MAIN-2020-24"":2847,""CC-MAIN-2020-29"":2795,""CC-MAIN-2020-34"":2405,""CC-MAIN-2020-40"":1698,""CC-MAIN-2020-45"":1081,""CC-MAIN-2020-50"":571,""CC-MAIN-2021-04"":1040,""CC-MAIN-2021-10"":893,""CC-MAIN-2021-17"":7229,""CC-MAIN-2021-21"":5278,""CC-MAIN-2021-25"":5115,""CC-MAIN-2021-31"":4936,""CC-MAIN-2021-39"":3637,""CC-MAIN-2021-43"":3194,""CC-MAIN-2021-49"":6172}" +"19","Diario de Ibiza","https://www.diariodeibiza.es/","es","21861","18280","652327717","{""cat,spa"":87,""cat,spa,fra"":1,""eng,spa"":6,""ind,spa"":1,""spa"":15261,""spa,cat"":4805,""spa,cat,dan"":1,""spa,cat,eng"":40,""spa,cat,fra"":1,""spa,cat,ina"":1,""spa,cat,lat"":1,""spa,cat,oci"":3,""spa,dan"":4,""spa,dan,cat"":1,""spa,deu"":1,""spa,eng"":1574,""spa,eng,cat"":52,""spa,eng,dan"":1,""spa,eng,eus"":1,""spa,eus"":3,""spa,eus,cat"":1,""spa,fra"":2,""spa,grn"":1,""spa,ile"":1,""spa,ita"":2,""spa,ita,cat"":1,""spa,lat"":1,""spa,oci"":2,""spa,srp"":1}","{""application/rss+xml"":3,""application/xhtml+xml"":22,""text/html"":21836}","{""2020"":79,""2021"":21782}","{""CC-MAIN-2020-05"":13,""CC-MAIN-2020-10"":8,""CC-MAIN-2020-16"":18,""CC-MAIN-2020-24"":19,""CC-MAIN-2020-29"":3,""CC-MAIN-2020-34"":5,""CC-MAIN-2020-40"":2,""CC-MAIN-2020-45"":5,""CC-MAIN-2020-50"":6,""CC-MAIN-2021-04"":4,""CC-MAIN-2021-10"":1617,""CC-MAIN-2021-17"":2701,""CC-MAIN-2021-21"":3278,""CC-MAIN-2021-25"":2097,""CC-MAIN-2021-31"":2287,""CC-MAIN-2021-39"":2750,""CC-MAIN-2021-43"":3197,""CC-MAIN-2021-49"":3851}" +"229","diario expansión","https://www.expansion.com/","es","440607","368091","9082948636","{""cat,spa"":361,""cat,spa,eng"":24,""cat,spa,ina"":2,""cat,spa,oci"":1,""eng"":5,""eng,spa"":18,""eng,spa,cat"":1,""glg"":1,""lat,spa"":11,""por"":2,""slk"":1,""spa"":411937,""spa,aar"":344,""spa,aar,cat"":2,""spa,aar,eng"":1,""spa,afr"":3,""spa,afr,ina"":1,""spa,bre"":1,""spa,cat"":7620,""spa,cat,aar"":1,""spa,cat,cos"":1,""spa,cat,dan"":7,""spa,cat,deu"":2,""spa,cat,eng"":80,""spa,cat,epo"":1,""spa,cat,eus"":49,""spa,cat,fra"":7,""spa,cat,ile"":1,""spa,cat,ina"":129,""spa,cat,ita"":4,""spa,cat,lat"":2,""spa,cat,nno"":1,""spa,cat,nor"":2,""spa,cat,oci"":95,""spa,cat,pol"":3,""spa,cat,ron"":17,""spa,cat,slv"":7,""spa,cat,smo"":1,""spa,cat,war"":1,""spa,cos"":1,""spa,crs"":1,""spa,dan"":81,""spa,dan,afr"":1,""spa,dan,cat"":2,""spa,dan,deu"":1,""spa,dan,eng"":1,""spa,dan,ina"":3,""spa,dan,lat"":1,""spa,deu"":131,""spa,deu,cat"":4,""spa,deu,eng"":1,""spa,deu,fra"":1,""spa,eng"":14528,""spa,eng,cat"":101,""spa,eng,cos"":1,""spa,eng,dan"":5,""spa,eng,eus"":3,""spa,eng,fra"":6,""spa,eng,grn"":2,""spa,eng,ina"":5,""spa,eng,ita"":2,""spa,eng,lat"":5,""spa,eng,oci"":24,""spa,eng,ron"":2,""spa,eng,slv"":2,""spa,epo"":1,""spa,eus"":571,""spa,eus,cat"":3,""spa,eus,deu"":6,""spa,eus,eng"":5,""spa,eus,ina"":5,""spa,eus,nno"":1,""spa,eus,oci"":2,""spa,eus,war"":1,""spa,fij"":3,""spa,fin"":1,""spa,fra"":77,""spa,fra,deu"":1,""spa,fra,eng"":1,""spa,fra,ina"":4,""spa,fra,oci"":9,""spa,fra,san"":1,""spa,fra,swe"":1,""spa,fry"":3,""spa,gle"":2,""spa,gle,deu"":1,""spa,gle,eng"":1,""spa,grn"":18,""spa,hrv"":2,""spa,hun"":2,""spa,ile"":18,""spa,ina"":1357,""spa,ina,cat"":40,""spa,ina,cos"":1,""spa,ina,dan"":3,""spa,ina,deu"":22,""spa,ina,eng"":11,""spa,ina,epo"":1,""spa,ina,eus"":16,""spa,ina,fra"":12,""spa,ina,hun"":2,""spa,ina,ita"":9,""spa,ina,lat"":2,""spa,ina,lin"":1,""spa,ina,nor"":1,""spa,ina,nya"":1,""spa,ina,oci"":41,""spa,ina,pol"":1,""spa,ina,ron"":2,""spa,ina,slv"":15,""spa,ina,war"":3,""spa,ind"":5,""spa,ita"":36,""spa,ita,deu"":1,""spa,ita,ina"":1,""spa,jav"":2,""spa,kha,ina"":1,""spa,kor"":1,""spa,lat"":15,""spa,lat,eus"":2,""spa,lat,ina"":1,""spa,lin"":8,""spa,ltz"":2,""spa,lug"":1,""spa,lug,ina"":1,""spa,msa"":3,""spa,nld"":8,""spa,nno"":7,""spa,nor"":3,""spa,nya"":1,""spa,oci"":2112,""spa,oci,cat"":41,""spa,oci,dan"":8,""spa,oci,deu"":5,""spa,oci,eng"":22,""spa,oci,eus"":4,""spa,oci,fra"":3,""spa,oci,ina"":25,""spa,oci,pol"":1,""spa,oci,slv"":12,""spa,oci,war"":1,""spa,pol"":19,""spa,pol,eng"":1,""spa,roh"":1,""spa,ron"":58,""spa,ron,cat"":2,""spa,ron,oci"":2,""spa,san,ina"":1,""spa,slv"":69,""spa,slv,dan"":1,""spa,slv,eng"":1,""spa,slv,ina"":12,""spa,slv,nor"":4,""spa,slv,oci"":2,""spa,smo"":65,""spa,smo,oci"":1,""spa,srp"":1,""spa,swa"":2,""spa,tsn"":4,""spa,tuk"":1,""spa,tur"":4,""spa,tur,ita"":1,""spa,war"":32,""spa,war,cat"":1,""spa,war,eus"":1}","{""application/rss+xml"":2,""application/xhtml+xml"":132898,""image/gif"":2,""text/html"":307705}","{""2020"":202974,""2021"":237633}","{""CC-MAIN-2020-05"":24087,""CC-MAIN-2020-10"":24106,""CC-MAIN-2020-16"":20871,""CC-MAIN-2020-24"":20710,""CC-MAIN-2020-29"":19376,""CC-MAIN-2020-34"":21048,""CC-MAIN-2020-40"":20640,""CC-MAIN-2020-45"":26074,""CC-MAIN-2020-50"":26062,""CC-MAIN-2021-04"":25790,""CC-MAIN-2021-10"":25187,""CC-MAIN-2021-17"":24517,""CC-MAIN-2021-21"":25482,""CC-MAIN-2021-25"":27313,""CC-MAIN-2021-31"":26802,""CC-MAIN-2021-39"":27513,""CC-MAIN-2021-43"":27265,""CC-MAIN-2021-49"":27764}" +"22","club influencers","https://www.clubinfluencers.com/","es","22333","6813","672763250","{""eng"":30,""eng,lat,spa"":5,""eng,spa"":213,""eng,spa,fry"":1,""eng,spa,lat"":12,""eng,spa,mlt"":11,""lat,eng,spa"":5,""lat,spa,eng"":12,""spa"":2680,""spa,eng"":19309,""spa,eng,ara"":3,""spa,eng,cat"":1,""spa,eng,eus"":1,""spa,eng,fra"":5,""spa,eng,ina"":1,""spa,eng,lat"":2,""spa,eng,oci"":1,""spa,ina"":1,""spa,ina,eng"":1}","{""application/pdf"":1,""application/xhtml+xml"":77,""image/jpeg"":32,""image/png"":6,""text/html"":22217}","{""2020"":2489,""2021"":19844}","{""CC-MAIN-2020-05"":222,""CC-MAIN-2020-10"":133,""CC-MAIN-2020-16"":193,""CC-MAIN-2020-24"":242,""CC-MAIN-2020-29"":179,""CC-MAIN-2020-34"":137,""CC-MAIN-2020-40"":148,""CC-MAIN-2020-45"":771,""CC-MAIN-2020-50"":464,""CC-MAIN-2021-04"":706,""CC-MAIN-2021-10"":2569,""CC-MAIN-2021-17"":771,""CC-MAIN-2021-21"":2426,""CC-MAIN-2021-25"":1809,""CC-MAIN-2021-31"":3372,""CC-MAIN-2021-39"":2420,""CC-MAIN-2021-43"":4870,""CC-MAIN-2021-49"":901}" +"323","yahoo! finanza - spanish","https://es.finance.yahoo.com/","es","63042","46132","8317308621","{""eng"":2,""eng,spa"":1048,""eng,spa,dan"":2,""eng,spa,fra"":1,""eng,spa,heb"":1,""eng,spa,ind"":1,""eng,spa,isl"":1,""fra,spa"":1,""fra,spa,eng"":1,""spa"":51636,""spa,cat"":53,""spa,cat,eng"":2,""spa,dan"":8,""spa,dan,eng"":1,""spa,deu"":7,""spa,eng"":10075,""spa,eng,ara"":1,""spa,eng,cat"":5,""spa,eng,dan"":6,""spa,eng,deu"":2,""spa,eng,fra"":2,""spa,eng,grn"":7,""spa,eng,isl"":1,""spa,eng,ita"":1,""spa,eng,jpn"":1,""spa,eng,lat"":1,""spa,eng,tur"":1,""spa,fra"":81,""spa,fra,eng"":10,""spa,grn"":19,""spa,ind"":1,""spa,ind,eng"":1,""spa,isl"":1,""spa,ita"":2,""spa,jpn,eng"":1,""spa,lat"":22,""spa,lat,eng"":3,""spa,msa"":5,""spa,nld"":2,""spa,roh,eng"":1,""spa,rus"":1,""spa,slk"":1,""spa,slk,eng"":1,""spa,swe"":1,""spa,vol"":1,""spa,war"":2,""spa,wol"":1,""spa,wol,eng"":1}","{""text/html"":63042}","{""2020"":33784,""2021"":29258}","{""CC-MAIN-2020-05"":1219,""CC-MAIN-2020-10"":4562,""CC-MAIN-2020-16"":4021,""CC-MAIN-2020-24"":5303,""CC-MAIN-2020-29"":3723,""CC-MAIN-2020-34"":4376,""CC-MAIN-2020-40"":4120,""CC-MAIN-2020-45"":2576,""CC-MAIN-2020-50"":3884,""CC-MAIN-2021-04"":4558,""CC-MAIN-2021-10"":2160,""CC-MAIN-2021-17"":1372,""CC-MAIN-2021-21"":1678,""CC-MAIN-2021-25"":4000,""CC-MAIN-2021-31"":2314,""CC-MAIN-2021-39"":3669,""CC-MAIN-2021-43"":4214,""CC-MAIN-2021-49"":5293}" +"203","qué!","https://www.que.es/","es","224003","191839","8127978103","{""cat,spa"":4886,""cat,spa,eng"":2236,""cat,spa,fra"":5,""cat,spa,oci"":8,""cat,spa,swe"":1,""eng"":9,""eng,spa"":33,""eng,spa,cat"":1,""eng,spa,ita"":1,""ita,spa"":1,""spa"":159399,""spa,ara,eng"":1,""spa,bos"":4,""spa,bos,deu"":2,""spa,cat"":12421,""spa,cat,dan"":4,""spa,cat,eng"":7376,""spa,cat,eus"":3,""spa,cat,fra"":6,""spa,cat,grn"":5,""spa,cat,ina"":1,""spa,cat,ita"":4,""spa,cat,jpn"":1,""spa,cat,lit"":1,""spa,cat,nld"":2,""spa,cat,nor"":2,""spa,cat,oci"":31,""spa,cat,rus"":2,""spa,cat,tha"":1,""spa,cat,war"":1,""spa,cym"":2,""spa,dan"":38,""spa,dan,eng"":6,""spa,deu"":19,""spa,deu,eng"":3,""spa,eng"":35588,""spa,eng,afr"":1,""spa,eng,ara"":1,""spa,eng,cat"":1005,""spa,eng,dan"":3,""spa,eng,deu"":4,""spa,eng,eus"":5,""spa,eng,fra"":7,""spa,eng,grn"":1,""spa,eng,ina"":1,""spa,eng,ita"":9,""spa,eng,jpn"":1,""spa,eng,kor"":1,""spa,eng,lin"":1,""spa,eng,nld"":2,""spa,eng,rus"":2,""spa,eng,sco"":1,""spa,eng,swe"":1,""spa,eng,tha"":4,""spa,eng,tur"":1,""spa,eng,war"":1,""spa,epo"":1,""spa,eus"":124,""spa,eus,eng"":5,""spa,fas,eng"":1,""spa,fra"":50,""spa,fra,cat"":1,""spa,fra,eng"":10,""spa,grn"":30,""spa,grn,cat"":1,""spa,grn,eng"":6,""spa,heb"":3,""spa,heb,eng"":1,""spa,hrv"":1,""spa,hun"":1,""spa,ile"":7,""spa,ile,eng"":1,""spa,ina"":1,""spa,ind"":12,""spa,ind,cat"":1,""spa,ita"":88,""spa,ita,cat"":3,""spa,ita,dan"":1,""spa,ita,eng"":15,""spa,jpn"":10,""spa,jpn,cat"":1,""spa,jpn,dan"":2,""spa,jpn,eng"":3,""spa,lat"":6,""spa,lat,cat"":1,""spa,lin"":1,""spa,lit"":1,""spa,msa"":1,""spa,nld"":16,""spa,nld,eng"":2,""spa,nno"":2,""spa,nor"":10,""spa,nor,eng"":2,""spa,oci"":1,""spa,oci,cat"":3,""spa,oci,eng"":1,""spa,pol"":2,""spa,ron"":5,""spa,rus"":8,""spa,rus,eng"":7,""spa,san"":1,""spa,slv"":1,""spa,srp"":11,""spa,ssw"":1,""spa,swa,eng"":2,""spa,swe"":5,""spa,swe,eng"":2,""spa,tuk"":1,""spa,tur"":12,""spa,uzb"":1,""spa,war"":18,""spa,zho"":2}","{""image/gif"":1,""image/jpeg"":92,""image/png"":7,""text/html"":223903}","{""2020"":123893,""2021"":100110}","{""CC-MAIN-2020-05"":7850,""CC-MAIN-2020-10"":9161,""CC-MAIN-2020-16"":6323,""CC-MAIN-2020-24"":8857,""CC-MAIN-2020-29"":16864,""CC-MAIN-2020-34"":16182,""CC-MAIN-2020-40"":18818,""CC-MAIN-2020-45"":23252,""CC-MAIN-2020-50"":16586,""CC-MAIN-2021-04"":10398,""CC-MAIN-2021-10"":8069,""CC-MAIN-2021-17"":6782,""CC-MAIN-2021-21"":7205,""CC-MAIN-2021-25"":7022,""CC-MAIN-2021-31"":6890,""CC-MAIN-2021-39"":6990,""CC-MAIN-2021-43"":23514,""CC-MAIN-2021-49"":23240}" +"431","El Periódico Extremadura","https://www.elperiodicoextremadura.com/","es","130379","109023","3007175716","{""cat,spa"":1,""eng,spa"":6,""spa"":109320,""spa,ara"":2,""spa,ara,eng"":1,""spa,cat"":12698,""spa,cat,aar"":1,""spa,cat,eng"":268,""spa,cat,eus"":1,""spa,cat,ind"":1,""spa,cat,ita"":1,""spa,cat,lat"":1,""spa,cat,lit"":1,""spa,cat,war"":1,""spa,dan"":16,""spa,dan,cat"":1,""spa,dan,eng"":1,""spa,deu"":4,""spa,eng"":7399,""spa,eng,ara"":1,""spa,eng,cat"":263,""spa,eng,fas"":1,""spa,eng,fra"":2,""spa,eng,ina"":2,""spa,eng,ind"":1,""spa,eng,isl"":1,""spa,eng,ita"":3,""spa,eng,nld"":4,""spa,eus"":14,""spa,eus,cat"":1,""spa,fra"":26,""spa,fra,cat"":2,""spa,fra,eng"":4,""spa,grn"":19,""spa,grn,cat"":1,""spa,heb"":2,""spa,heb,eng"":1,""spa,ile"":1,""spa,ina"":25,""spa,ind"":5,""spa,isl,eng"":1,""spa,ita"":21,""spa,ita,cat"":3,""spa,ita,eng"":1,""spa,jpn"":6,""spa,jpn,cat"":1,""spa,lat"":2,""spa,nld"":2,""spa,nno"":4,""spa,nno,eng"":2,""spa,nor"":1,""spa,oci"":2,""spa,pol"":1,""spa,pol,eng"":1,""spa,rus"":4,""spa,rus,cat"":1,""spa,rus,eng"":1,""spa,slv"":1,""spa,srp"":1,""spa,swe"":1,""spa,war"":1}","{""application/rss+xml"":216,""application/xhtml+xml"":164,""text/html"":129999}","{""2020"":49189,""2021"":81190}","{""CC-MAIN-2020-05"":2408,""CC-MAIN-2020-10"":3710,""CC-MAIN-2020-16"":5234,""CC-MAIN-2020-24"":2983,""CC-MAIN-2020-29"":2759,""CC-MAIN-2020-34"":2572,""CC-MAIN-2020-40"":20514,""CC-MAIN-2020-45"":4531,""CC-MAIN-2020-50"":4478,""CC-MAIN-2021-04"":22428,""CC-MAIN-2021-10"":7817,""CC-MAIN-2021-17"":7475,""CC-MAIN-2021-21"":7725,""CC-MAIN-2021-25"":7785,""CC-MAIN-2021-31"":6972,""CC-MAIN-2021-39"":6844,""CC-MAIN-2021-43"":6985,""CC-MAIN-2021-49"":7159}" +"119","horapunta","https://www.horapunta.com/tecnopunta","es","34","12","543411","{""spa"":24,""spa,eng"":10}","{""application/xhtml+xml"":7,""text/html"":27}","{""2020"":26,""2021"":8}","{""CC-MAIN-2020-05"":5,""CC-MAIN-2020-16"":2,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-29"":1,""CC-MAIN-2020-34"":4,""CC-MAIN-2020-40"":12,""CC-MAIN-2020-50"":1,""CC-MAIN-2021-10"":1,""CC-MAIN-2021-21"":1,""CC-MAIN-2021-31"":1,""CC-MAIN-2021-43"":1,""CC-MAIN-2021-49"":4}" +"395","wind energy and the electric vehicle","http://www.evwind.es/","es","191992","43483","2889310090","{""deu,eng"":6,""deu,spa,eng"":1,""eng"":125354,""eng,cat"":28,""eng,dan"":39,""eng,deu"":26,""eng,fin"":4,""eng,fra"":10,""eng,fra,spa"":4,""eng,grn"":6,""eng,hau"":4,""eng,ita"":12,""eng,ita,spa"":4,""eng,kin"":1,""eng,lat"":3,""eng,msa"":4,""eng,san"":7,""eng,spa"":23095,""eng,spa,cat"":4,""eng,spa,dan"":3,""eng,spa,deu"":7,""eng,spa,fra"":4,""eng,spa,grn"":12,""eng,spa,lat"":7,""eng,spa,nld"":5,""eng,spa,san"":1,""eng,tur"":3,""eng,war"":5,""ita,eng,spa"":4,""ita,spa,eng"":1,""spa,cat,eng"":6,""spa,eng"":43285,""spa,eng,cat"":4,""spa,eng,dan"":1,""spa,eng,deu"":3,""spa,eng,fra"":4,""spa,eng,grn"":1,""spa,eng,ind"":4,""spa,eng,ita"":6,""spa,fra,eng"":4}","{""application/rss+xml"":8,""application/x-httpd-php"":1,""text/html"":191983}","{""2020"":58431,""2021"":133561}","{""CC-MAIN-2020-05"":3015,""CC-MAIN-2020-10"":3032,""CC-MAIN-2020-16"":1582,""CC-MAIN-2020-24"":7186,""CC-MAIN-2020-29"":4870,""CC-MAIN-2020-34"":1984,""CC-MAIN-2020-40"":18735,""CC-MAIN-2020-45"":9136,""CC-MAIN-2020-50"":8891,""CC-MAIN-2021-04"":4167,""CC-MAIN-2021-10"":22565,""CC-MAIN-2021-17"":11680,""CC-MAIN-2021-21"":14286,""CC-MAIN-2021-25"":14986,""CC-MAIN-2021-31"":23512,""CC-MAIN-2021-39"":17329,""CC-MAIN-2021-43"":20379,""CC-MAIN-2021-49"":4657}" +"151","infolibre","http://www.infolibre.es/","es","368444","151922","8730917058","{""cat,spa"":5,""eng"":16,""eng,spa"":19,""eus,spa"":2,""spa"":359543,""spa,ara"":10,""spa,bos"":11,""spa,cat"":4390,""spa,cat,eng"":22,""spa,ces"":1,""spa,dan"":31,""spa,deu"":41,""spa,deu,eng"":2,""spa,ell"":7,""spa,eng"":3683,""spa,eng,ara"":1,""spa,eng,cat"":25,""spa,eng,dan"":3,""spa,eng,ell"":4,""spa,eng,fra"":21,""spa,eng,heb"":1,""spa,eng,ita"":3,""spa,eng,tur"":3,""spa,eus"":100,""spa,eus,cat"":2,""spa,fas"":3,""spa,fas,eng"":3,""spa,fin"":8,""spa,fra"":157,""spa,fra,cat"":5,""spa,fra,eng"":9,""spa,grn"":33,""spa,grn,war"":3,""spa,heb"":7,""spa,heb,eng"":4,""spa,hun,fra"":4,""spa,ina"":3,""spa,ind"":14,""spa,ita"":90,""spa,ita,eng"":1,""spa,lat"":6,""spa,nld"":12,""spa,nor"":1,""spa,oci"":1,""spa,pol"":8,""spa,rus"":10,""spa,swe"":1,""spa,tur"":15,""spa,tur,eng"":5,""spa,war"":3}","{""application/pdf"":3,""application/rss+xml"":5,""application/xhtml+xml"":349203,""text/html"":19233}","{""2020"":157068,""2021"":211376}","{""CC-MAIN-2020-05"":7975,""CC-MAIN-2020-10"":15557,""CC-MAIN-2020-16"":16531,""CC-MAIN-2020-24"":16259,""CC-MAIN-2020-29"":17406,""CC-MAIN-2020-34"":16842,""CC-MAIN-2020-40"":19666,""CC-MAIN-2020-45"":23265,""CC-MAIN-2020-50"":23567,""CC-MAIN-2021-04"":24154,""CC-MAIN-2021-10"":23878,""CC-MAIN-2021-17"":23681,""CC-MAIN-2021-21"":23375,""CC-MAIN-2021-25"":24720,""CC-MAIN-2021-31"":24977,""CC-MAIN-2021-39"":24914,""CC-MAIN-2021-43"":22761,""CC-MAIN-2021-49"":18916}" +"181","noticias sin","https://noticiassin.com/","es","319400","253202","9622293969","{""eng"":6,""eng,spa"":117,""eng,spa,fra"":2,""spa"":197139,""spa,ara"":1,""spa,cat"":17,""spa,cat,eng"":1,""spa,dan"":194,""spa,dan,eng"":3,""spa,deu"":3,""spa,deu,ita"":1,""spa,eng"":121355,""spa,eng,ara"":2,""spa,eng,cat"":27,""spa,eng,dan"":59,""spa,eng,deu"":7,""spa,eng,fra"":8,""spa,eng,grn"":110,""spa,eng,hat"":1,""spa,eng,hun"":1,""spa,eng,ile"":1,""spa,eng,ina"":2,""spa,eng,ind"":2,""spa,eng,ita"":16,""spa,eng,lat"":3,""spa,eng,msa"":3,""spa,eng,nld"":1,""spa,eng,oci"":1,""spa,eng,pol"":1,""spa,eng,rus"":2,""spa,eng,san"":1,""spa,eng,tha"":1,""spa,eng,war"":18,""spa,eng,zho"":1,""spa,epo"":1,""spa,fra"":18,""spa,fra,eng"":7,""spa,grn"":190,""spa,grn,eng"":5,""spa,hat"":1,""spa,hat,eng"":1,""spa,hrv"":1,""spa,hun"":1,""spa,ina"":1,""spa,ind"":2,""spa,ita"":3,""spa,ita,deu"":2,""spa,jpn"":2,""spa,jpn,eng"":1,""spa,lat"":3,""spa,lit"":1,""spa,msa"":2,""spa,nld"":1,""spa,nor"":1,""spa,rus"":8,""spa,rus,eng"":1,""spa,srp"":1,""spa,swe,pol"":1,""spa,tur"":2,""spa,war"":18,""spa,war,eng"":1}","{""application/pdf"":10,""application/rss+xml"":5,""image/png"":1,""text/html"":319384}","{""2020"":152819,""2021"":166581}","{""CC-MAIN-2020-05"":17871,""CC-MAIN-2020-10"":18946,""CC-MAIN-2020-16"":12903,""CC-MAIN-2020-24"":16411,""CC-MAIN-2020-29"":15644,""CC-MAIN-2020-34"":15073,""CC-MAIN-2020-40"":14804,""CC-MAIN-2020-45"":20678,""CC-MAIN-2020-50"":20489,""CC-MAIN-2021-04"":20872,""CC-MAIN-2021-10"":22162,""CC-MAIN-2021-17"":20951,""CC-MAIN-2021-21"":21943,""CC-MAIN-2021-25"":21387,""CC-MAIN-2021-31"":21982,""CC-MAIN-2021-39"":21837,""CC-MAIN-2021-43"":7814,""CC-MAIN-2021-49"":7633}" +"235","energetica21","http://energetica21.com/","es","8297","4523","125353104","{""eng"":1397,""eng,spa"":21,""spa"":5645,""spa,cat"":33,""spa,dan"":2,""spa,eng"":1130,""spa,eng,cat"":4,""spa,eng,dan"":2,""spa,eng,deu"":1,""spa,ind"":3}","{""application/pdf"":47,""application/rss+xml"":12,""application/xhtml+xml"":138,""text/html"":8100}","{""2020"":3385,""2021"":4912}","{""CC-MAIN-2020-05"":367,""CC-MAIN-2020-10"":171,""CC-MAIN-2020-16"":342,""CC-MAIN-2020-24"":778,""CC-MAIN-2020-29"":635,""CC-MAIN-2020-34"":331,""CC-MAIN-2020-40"":245,""CC-MAIN-2020-45"":230,""CC-MAIN-2020-50"":286,""CC-MAIN-2021-04"":594,""CC-MAIN-2021-10"":647,""CC-MAIN-2021-17"":721,""CC-MAIN-2021-21"":698,""CC-MAIN-2021-25"":367,""CC-MAIN-2021-31"":384,""CC-MAIN-2021-39"":637,""CC-MAIN-2021-43"":610,""CC-MAIN-2021-49"":254}" +"145","primicias digital","http://www.primicias.com.do/","es","14585","10204","288189964","{""spa"":9092,""spa,cat"":1,""spa,dan"":2,""spa,deu"":1,""spa,eng"":5415,""spa,eng,cat"":1,""spa,eng,lat"":15,""spa,eng,ron"":2,""spa,eng,war"":1,""spa,fra"":1,""spa,grn"":1,""spa,ina"":1,""spa,jav"":1,""spa,lat"":25,""spa,lat,eng"":14,""spa,ron"":1,""spa,war"":11}","{""application/xhtml+xml"":718,""text/html"":13867}","{""2020"":9160,""2021"":5425}","{""CC-MAIN-2020-05"":769,""CC-MAIN-2020-10"":1116,""CC-MAIN-2020-16"":1070,""CC-MAIN-2020-24"":913,""CC-MAIN-2020-29"":1191,""CC-MAIN-2020-34"":1065,""CC-MAIN-2020-40"":1346,""CC-MAIN-2020-45"":693,""CC-MAIN-2020-50"":997,""CC-MAIN-2021-04"":1157,""CC-MAIN-2021-10"":1195,""CC-MAIN-2021-17"":732,""CC-MAIN-2021-21"":1224,""CC-MAIN-2021-25"":1117}" +"287","cibercuba","https://www.cibercuba.com/","es","300696","94612","8717703179","{""eng"":2,""eng,spa"":29,""spa"":292887,""spa,cat"":204,""spa,cat,eng"":2,""spa,cos"":2,""spa,dan"":123,""spa,dan,grn"":1,""spa,dan,pol"":1,""spa,deu"":7,""spa,eng"":6522,""spa,eng,cat"":1,""spa,eng,dan"":1,""spa,eng,grn"":4,""spa,eng,ina"":1,""spa,eng,msa"":2,""spa,epo"":2,""spa,eus"":3,""spa,fij"":1,""spa,fra"":16,""spa,grn"":401,""spa,grn,eng"":2,""spa,grn,msa"":1,""spa,ina"":8,""spa,ind"":6,""spa,isl"":1,""spa,ita"":18,""spa,ita,eng"":2,""spa,kin"":1,""spa,lat"":35,""spa,lat,eng"":2,""spa,lat,msa"":1,""spa,mlt"":1,""spa,msa"":281,""spa,msa,eng"":1,""spa,msa,lat"":1,""spa,nld"":5,""spa,oci"":2,""spa,pol"":6,""spa,ron"":2,""spa,som"":6,""spa,ssw"":4,""spa,swa"":4,""spa,tur,hrv"":1,""spa,vie"":2,""spa,war"":22,""spa,xho"":22,""spa,xho,dan"":1,""spa,yor"":1}","{""application/pdf"":24,""application/rss+xml"":2,""text/html"":300670}","{""2020"":101066,""2021"":199630}","{""CC-MAIN-2020-05"":5623,""CC-MAIN-2020-10"":4515,""CC-MAIN-2020-16"":4788,""CC-MAIN-2020-24"":5891,""CC-MAIN-2020-29"":7585,""CC-MAIN-2020-34"":5687,""CC-MAIN-2020-40"":10250,""CC-MAIN-2020-45"":30570,""CC-MAIN-2020-50"":26157,""CC-MAIN-2021-04"":30003,""CC-MAIN-2021-10"":22597,""CC-MAIN-2021-17"":22911,""CC-MAIN-2021-21"":22086,""CC-MAIN-2021-25"":26465,""CC-MAIN-2021-31"":30220,""CC-MAIN-2021-39"":30758,""CC-MAIN-2021-43"":7308,""CC-MAIN-2021-49"":7282}" +"381","comentarios en cuartopoder","https://www.cuartopoder.es/","es","191363","64109","4336737175","{""cat"":8,""eng"":61,""eng,spa"":22286,""eng,spa,cat"":1,""eus"":2,""lat,eng,spa"":2,""lat,spa,eng"":1,""spa"":27774,""spa,ara"":1,""spa,ara,eng"":3,""spa,cat"":173,""spa,cat,eng"":292,""spa,cat,eus"":3,""spa,cat,ita"":2,""spa,ces"":2,""spa,dan"":1,""spa,dan,eng"":6,""spa,deu"":5,""spa,deu,eng"":10,""spa,eng"":135519,""spa,eng,ara"":2,""spa,eng,cat"":649,""spa,eng,ces"":20,""spa,eng,dan"":15,""spa,eng,deu"":5,""spa,eng,ell"":1,""spa,eng,eus"":20,""spa,eng,fra"":21,""spa,eng,grn"":10,""spa,eng,ina"":18,""spa,eng,ita"":1,""spa,eng,lat"":4,""spa,eng,nld"":3,""spa,eng,oci"":4,""spa,eng,pol"":2,""spa,eng,tur"":4,""spa,eng,war"":7,""spa,eus"":3,""spa,eus,cat"":5,""spa,eus,eng"":8,""spa,fra"":3,""spa,fra,eng"":7,""spa,grn"":2,""spa,grn,eng"":3,""spa,ina"":5,""spa,ita"":9,""spa,ita,eng"":9,""spa,lat"":1,""spa,lat,eng"":1,""spa,nld"":3,""spa,nld,eng"":7,""spa,tur"":1,""spa,tur,eng"":1,""spa,war,eng"":1,""spa,zho"":6,""spa,zho,eng"":3,""spa,zho,jpn"":7}","{""application/pdf"":409,""application/rss+xml"":3513,""application/xhtml+xml"":10762,""audio/mp4"":2,""image/jpeg"":2,""text/html"":176671,""video/mp4"":4}","{""2020"":77875,""2021"":113488}","{""CC-MAIN-2020-05"":12694,""CC-MAIN-2020-10"":9747,""CC-MAIN-2020-16"":5871,""CC-MAIN-2020-24"":10622,""CC-MAIN-2020-29"":12475,""CC-MAIN-2020-34"":11800,""CC-MAIN-2020-40"":7553,""CC-MAIN-2020-45"":4789,""CC-MAIN-2020-50"":2324,""CC-MAIN-2021-04"":21670,""CC-MAIN-2021-10"":10212,""CC-MAIN-2021-17"":20367,""CC-MAIN-2021-21"":10351,""CC-MAIN-2021-25"":3523,""CC-MAIN-2021-31"":21908,""CC-MAIN-2021-39"":14966,""CC-MAIN-2021-43"":5744,""CC-MAIN-2021-49"":4747}" +"165","ticbeat","https://www.ticbeat.com/","es","151274","52997","2519564081","{""eng"":11851,""eng,jpn,spa"":2,""eng,spa"":92,""spa"":83434,""spa,cat"":90,""spa,cat,eng"":7,""spa,dan"":9,""spa,eng"":55535,""spa,eng,cat"":36,""spa,eng,dan"":18,""spa,eng,deu"":3,""spa,eng,eus"":5,""spa,eng,fra"":6,""spa,eng,ind"":3,""spa,eng,ita"":4,""spa,eng,jpn"":3,""spa,eng,nld"":42,""spa,eng,nor"":4,""spa,eng,rus"":4,""spa,eng,sco"":4,""spa,eng,som"":1,""spa,eng,tha"":8,""spa,epo,ina"":1,""spa,eus"":7,""spa,fra"":8,""spa,grn"":1,""spa,ina"":4,""spa,ind"":13,""spa,ita,eng"":2,""spa,jpn"":9,""spa,jpn,eng"":1,""spa,nld"":3,""spa,nor"":1,""spa,rus"":9,""spa,rus,eng"":2,""spa,som"":31,""spa,som,eng"":2,""spa,tha,eng"":5,""spa,zho,eng"":4}","{""application/rss+xml"":10,""application/xhtml+xml"":11850,""text/html"":139414}","{""2020"":84031,""2021"":67243}","{""CC-MAIN-2020-05"":9125,""CC-MAIN-2020-10"":5879,""CC-MAIN-2020-16"":4027,""CC-MAIN-2020-24"":6114,""CC-MAIN-2020-29"":7530,""CC-MAIN-2020-34"":7007,""CC-MAIN-2020-40"":16456,""CC-MAIN-2020-45"":14835,""CC-MAIN-2020-50"":13058,""CC-MAIN-2021-04"":19000,""CC-MAIN-2021-10"":14405,""CC-MAIN-2021-17"":14833,""CC-MAIN-2021-21"":13310,""CC-MAIN-2021-25"":5650,""CC-MAIN-2021-31"":28,""CC-MAIN-2021-39"":8,""CC-MAIN-2021-43"":2,""CC-MAIN-2021-49"":7}" +"356","tribuna","https://tribuna.ucm.es/","es","15782","8351","1887107742","{""eng,spa"":1,""eng,spa,ara"":1,""spa"":12985,""spa,ara,eng"":1,""spa,dan"":2,""spa,eng"":279,""spa,eng,ara"":1,""spa,eng,ind"":2,""spa,eus"":1,""spa,fas"":8,""spa,fas,eng"":3,""spa,fra"":1,""spa,grn"":4,""spa,ina"":1,""spa,ind,eng"":3,""spa,ita"":1,""spa,lat"":4}","{""application/pdf"":209,""application/rss+xml"":7,""image/jpeg"":2259,""image/png"":6,""text/html"":13301}","{""2020"":11515,""2021"":4267}","{""CC-MAIN-2020-05"":1309,""CC-MAIN-2020-10"":1327,""CC-MAIN-2020-16"":651,""CC-MAIN-2020-24"":2083,""CC-MAIN-2020-29"":1671,""CC-MAIN-2020-34"":1902,""CC-MAIN-2020-40"":2279,""CC-MAIN-2020-50"":293,""CC-MAIN-2021-04"":334,""CC-MAIN-2021-10"":496,""CC-MAIN-2021-17"":531,""CC-MAIN-2021-21"":386,""CC-MAIN-2021-25"":351,""CC-MAIN-2021-31"":217,""CC-MAIN-2021-39"":833,""CC-MAIN-2021-43"":707,""CC-MAIN-2021-49"":412}" +"309","la silla rota","http://lasillarota.com/","es","61408","44719","1004638492","{""eng,spa"":292,""spa"":57203,""spa,cat"":32,""spa,cat,eng"":1,""spa,dan"":13,""spa,deu"":3,""spa,eng"":3748,""spa,eng,cat"":3,""spa,eng,dan"":1,""spa,eng,deu"":2,""spa,eng,fra"":3,""spa,eng,ita"":1,""spa,eng,tur"":2,""spa,fin"":1,""spa,fra"":17,""spa,fra,eng"":2,""spa,grn"":30,""spa,ina"":4,""spa,ind"":2,""spa,ita"":7,""spa,lat"":5,""spa,nld"":3,""spa,sco"":1,""spa,smo"":1,""spa,tuk"":1,""spa,tur"":1,""spa,war"":20}","{""text/html"":61402,""text/plain"":6}","{""2020"":30468,""2021"":30940}","{""CC-MAIN-2020-05"":3018,""CC-MAIN-2020-10"":4375,""CC-MAIN-2020-16"":2762,""CC-MAIN-2020-24"":4501,""CC-MAIN-2020-29"":4441,""CC-MAIN-2020-34"":4340,""CC-MAIN-2020-40"":3190,""CC-MAIN-2020-45"":1924,""CC-MAIN-2020-50"":1917,""CC-MAIN-2021-04"":3054,""CC-MAIN-2021-10"":1536,""CC-MAIN-2021-17"":2071,""CC-MAIN-2021-21"":4250,""CC-MAIN-2021-25"":3696,""CC-MAIN-2021-31"":2425,""CC-MAIN-2021-39"":5114,""CC-MAIN-2021-43"":4159,""CC-MAIN-2021-49"":4635}" +"307","europa press","https://www.europapress.es/","es","492017","448479","15435990919","{""cat,spa"":2548,""cat,spa,eng"":103,""cat,spa,grn"":1,""cat,spa,oci"":1,""eng"":947,""eng,spa"":377,""eng,spa,deu"":1,""eng,spa,ina"":1,""eng,spa,pol"":2,""eus,spa"":480,""eus,spa,cat"":1,""eus,spa,eng"":11,""glg"":384,""glg,cat"":1,""glg,eng"":6,""glg,eus"":1,""spa"":435838,""spa,afr"":1,""spa,bos"":3,""spa,bre"":1,""spa,cat"":22201,""spa,cat,dan"":1,""spa,cat,deu"":1,""spa,cat,eng"":751,""spa,cat,eus"":3,""spa,cat,fra"":7,""spa,cat,grn"":3,""spa,cat,ita"":6,""spa,cat,lat"":2,""spa,cat,nor"":1,""spa,cat,oci"":4,""spa,cat,pol"":1,""spa,ces"":1,""spa,cos"":1,""spa,dan"":118,""spa,dan,cat"":1,""spa,dan,eng"":5,""spa,dan,grn"":1,""spa,dan,ita"":1,""spa,deu"":29,""spa,deu,eng"":1,""spa,eng"":23700,""spa,eng,cat"":250,""spa,eng,dan"":9,""spa,eng,deu"":6,""spa,eng,eus"":6,""spa,eng,fin"":2,""spa,eng,fra"":8,""spa,eng,grn"":1,""spa,eng,ind"":4,""spa,eng,ita"":9,""spa,eng,kor"":1,""spa,eng,lat"":1,""spa,eng,oci"":1,""spa,eng,pol"":1,""spa,eng,war"":1,""spa,epo"":1,""spa,eus"":728,""spa,eus,eng"":12,""spa,fij"":1,""spa,fin"":3,""spa,fra"":79,""spa,fra,eng"":6,""spa,grn"":114,""spa,grn,cat"":1,""spa,grn,eng"":1,""spa,hau"":1,""spa,heb"":1,""spa,hrv"":1,""spa,hun"":1,""spa,ile"":13,""spa,ile,eus"":1,""spa,ile,fra"":1,""spa,ile,lat"":1,""spa,ina"":5,""spa,ina,eng"":1,""spa,ind"":32,""spa,ind,eng"":1,""spa,ipk"":1,""spa,isl"":2,""spa,ita"":162,""spa,ita,eng"":7,""spa,jpn,eng"":1,""spa,kha"":2,""spa,lat"":10,""spa,lit"":8,""spa,mfe"":1,""spa,mlt"":1,""spa,msa"":9,""spa,msa,eng"":1,""spa,nld"":5,""spa,nld,eng"":1,""spa,nno"":3,""spa,nor"":4,""spa,oci"":19,""spa,oci,cat"":2,""spa,oci,eng"":1,""spa,oci,eus"":1,""spa,oci,fra"":1,""spa,pol"":9,""spa,pol,eng"":1,""spa,ron"":3,""spa,run"":1,""spa,rus"":1,""spa,rus,eng"":1,""spa,san"":1,""spa,sco"":1,""spa,sco,eng"":1,""spa,slk"":2,""spa,sqi"":3,""spa,srp"":12,""spa,swa"":3,""spa,tur"":8,""spa,uzb"":1,""spa,vol"":1,""spa,war"":52,""spa,war,eus"":1}","{""application/octet-stream"":40,""application/rss+xml"":477,""application/xhtml+xml"":25,""text/html"":489190,""text/plain"":2285}","{""2020"":204451,""2021"":287566}","{""CC-MAIN-2020-05"":23867,""CC-MAIN-2020-10"":20755,""CC-MAIN-2020-16"":20144,""CC-MAIN-2020-24"":17671,""CC-MAIN-2020-29"":22224,""CC-MAIN-2020-34"":23373,""CC-MAIN-2020-40"":23489,""CC-MAIN-2020-45"":26718,""CC-MAIN-2020-50"":26210,""CC-MAIN-2021-04"":26467,""CC-MAIN-2021-10"":26391,""CC-MAIN-2021-17"":50509,""CC-MAIN-2021-21"":47305,""CC-MAIN-2021-25"":28033,""CC-MAIN-2021-31"":25376,""CC-MAIN-2021-39"":26902,""CC-MAIN-2021-43"":28138,""CC-MAIN-2021-49"":28445}" +"292","verdad abierta","https://verdadabierta.com/","es","7838","3685","323230735","{""eng"":10,""eng,spa"":22,""msa"":1,""spa"":6856,""spa,eng"":738,""spa,lat"":3,""spa,lat,eng"":2,""spa,roh"":7,""spa,war"":2}","{""application/pdf"":176,""application/x-tika-msoffice"":2,""application/x-tika-ooxml"":5,""application/xhtml+xml"":50,""text/html"":7605}","{""2020"":2294,""2021"":5544}","{""CC-MAIN-2020-05"":3,""CC-MAIN-2020-10"":1,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-24"":286,""CC-MAIN-2020-29"":348,""CC-MAIN-2020-34"":438,""CC-MAIN-2020-40"":445,""CC-MAIN-2020-45"":439,""CC-MAIN-2020-50"":333,""CC-MAIN-2021-04"":652,""CC-MAIN-2021-10"":379,""CC-MAIN-2021-17"":442,""CC-MAIN-2021-21"":491,""CC-MAIN-2021-25"":343,""CC-MAIN-2021-31"":394,""CC-MAIN-2021-39"":646,""CC-MAIN-2021-43"":1139,""CC-MAIN-2021-49"":1058}" +"190","mexico institute","http://mexicoinstitute.wordpress.com/","es","2070","1742","45563081","{""eng"":2036,""eng,spa"":32,""spa,eng"":2}","{""text/html"":2070}","{""2020"":219,""2021"":1851}","{""CC-MAIN-2020-05"":57,""CC-MAIN-2020-10"":19,""CC-MAIN-2020-16"":3,""CC-MAIN-2020-24"":7,""CC-MAIN-2020-29"":4,""CC-MAIN-2020-34"":5,""CC-MAIN-2020-40"":51,""CC-MAIN-2020-45"":39,""CC-MAIN-2020-50"":34,""CC-MAIN-2021-04"":38,""CC-MAIN-2021-10"":46,""CC-MAIN-2021-17"":13,""CC-MAIN-2021-21"":31,""CC-MAIN-2021-25"":17,""CC-MAIN-2021-31"":114,""CC-MAIN-2021-39"":548,""CC-MAIN-2021-43"":799,""CC-MAIN-2021-49"":245}" +"279","amnesty international - spanish","http://www.amnesty.org/es/","es","41235","27273","1772982767","{""eng,spa"":161,""eng,spa,ara"":20,""eng,spa,fra"":5,""eng,spa,tur"":8,""fra,spa"":3,""fra,spa,eng"":1,""spa"":32135,""spa,ara"":742,""spa,ara,fas"":1,""spa,ara,fra"":3,""spa,ara,khm"":1,""spa,aze"":1,""spa,dan"":6,""spa,ell"":1,""spa,eng"":6307,""spa,eng,ara"":113,""spa,eng,dan"":4,""spa,eng,deu"":1,""spa,eng,fra"":13,""spa,eng,grn"":4,""spa,eng,khm"":265,""spa,eng,msa"":1,""spa,eng,srp"":4,""spa,eng,tur"":1,""spa,eng,zho"":3,""spa,fao"":1,""spa,fas"":14,""spa,fas,khm"":2,""spa,fra"":197,""spa,fra,ara"":1,""spa,fra,eng"":11,""spa,fra,khm"":10,""spa,grn"":356,""spa,grn,ara"":1,""spa,ina"":1,""spa,ind"":4,""spa,isl"":1,""spa,ita"":3,""spa,khm"":334,""spa,kur"":4,""spa,msa"":18,""spa,oci"":1,""spa,pol"":5,""spa,rus"":12,""spa,rus,eng"":1,""spa,som"":1,""spa,sqi"":4,""spa,sqi,srp"":4,""spa,srp"":6,""spa,tha,khm"":1,""spa,tur"":13,""spa,vie"":4,""spa,vol"":3,""spa,war"":4,""spa,zho"":4}","{""application/octet-stream"":3,""application/pdf"":405,""application/rss+xml"":1,""image/jpeg"":1,""text/html"":40825}","{""2020"":22289,""2021"":18946}","{""CC-MAIN-2020-05"":2562,""CC-MAIN-2020-10"":2696,""CC-MAIN-2020-16"":2186,""CC-MAIN-2020-24"":2810,""CC-MAIN-2020-29"":2814,""CC-MAIN-2020-34"":3091,""CC-MAIN-2020-40"":2671,""CC-MAIN-2020-45"":1857,""CC-MAIN-2020-50"":1602,""CC-MAIN-2021-04"":2475,""CC-MAIN-2021-10"":1667,""CC-MAIN-2021-17"":2127,""CC-MAIN-2021-21"":2036,""CC-MAIN-2021-25"":2111,""CC-MAIN-2021-31"":1601,""CC-MAIN-2021-39"":1037,""CC-MAIN-2021-43"":2392,""CC-MAIN-2021-49"":3500}" +"64","cosave","http://www.cosave.org/","es","667","235","64006847","{""spa"":499,""spa,dan"":18,""spa,eng"":11,""spa,grn"":7,""spa,jav"":1}","{""application/pdf"":130,""application/rss+xml"":1,""application/xhtml+xml"":527,""text/html"":9}","{""2020"":308,""2021"":359}","{""CC-MAIN-2020-05"":54,""CC-MAIN-2020-10"":31,""CC-MAIN-2020-16"":51,""CC-MAIN-2020-24"":32,""CC-MAIN-2020-29"":36,""CC-MAIN-2020-34"":18,""CC-MAIN-2020-40"":35,""CC-MAIN-2020-45"":18,""CC-MAIN-2020-50"":33,""CC-MAIN-2021-04"":18,""CC-MAIN-2021-10"":57,""CC-MAIN-2021-17"":62,""CC-MAIN-2021-21"":1,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-31"":51,""CC-MAIN-2021-39"":52,""CC-MAIN-2021-43"":40,""CC-MAIN-2021-49"":77}" +"390","los tiempos","http://www.lostiempos.com/","es","124365","96336","2211328008","{""eng"":10,""eng,spa"":11,""spa"":100962,""spa,ara"":3,""spa,cat"":19,""spa,dan"":171,""spa,deu"":15,""spa,eng"":22920,""spa,eng,cat"":9,""spa,eng,dan"":75,""spa,eng,deu"":1,""spa,eng,grn"":34,""spa,eng,ile"":1,""spa,eng,ina"":5,""spa,eng,msa"":2,""spa,eng,que"":5,""spa,fra"":6,""spa,grn"":63,""spa,grn,eng"":3,""spa,ina"":1,""spa,ita"":2,""spa,lat"":1,""spa,que"":15,""spa,tur"":1,""spa,war"":2,""spa,zho"":3}","{""application/pdf"":16,""application/rss+xml"":9,""text/html"":124340}","{""2020"":60717,""2021"":63648}","{""CC-MAIN-2020-05"":19095,""CC-MAIN-2020-10"":3075,""CC-MAIN-2020-16"":2245,""CC-MAIN-2020-24"":3410,""CC-MAIN-2020-29"":4984,""CC-MAIN-2020-34"":7514,""CC-MAIN-2020-40"":5873,""CC-MAIN-2020-45"":7282,""CC-MAIN-2020-50"":7239,""CC-MAIN-2021-04"":7004,""CC-MAIN-2021-10"":7659,""CC-MAIN-2021-17"":5869,""CC-MAIN-2021-21"":7437,""CC-MAIN-2021-25"":6145,""CC-MAIN-2021-31"":6792,""CC-MAIN-2021-39"":6534,""CC-MAIN-2021-43"":8351,""CC-MAIN-2021-49"":7857}" +"367","el correo de andalucía","https://elcorreoweb.es/","es","96873","54842","1668918503","{""eng,spa"":7,""spa"":94420,""spa,cat"":344,""spa,cat,eng"":1,""spa,cat,eus"":1,""spa,cat,ton"":1,""spa,ces"":1,""spa,cos,ita"":1,""spa,dan"":22,""spa,dan,eng"":1,""spa,deu"":9,""spa,deu,fra"":1,""spa,eng"":1754,""spa,eng,cat"":2,""spa,eng,dan"":1,""spa,eus"":32,""spa,eus,cat"":1,""spa,eus,eng"":1,""spa,fra"":17,""spa,fra,ita"":1,""spa,fra,mlg"":1,""spa,grn"":17,""spa,grn,eng"":2,""spa,hun"":1,""spa,ina"":5,""spa,ind"":2,""spa,ita"":20,""spa,ita,eng"":1,""spa,jpn"":1,""spa,lat"":8,""spa,mri"":1,""spa,msa"":1,""spa,nld"":7,""spa,nor"":2,""spa,oci"":2,""spa,pol"":7,""spa,ron"":1,""spa,rus,eng"":1,""spa,slk"":1,""spa,slv"":2,""spa,smo"":2,""spa,srp"":7,""spa,tuk"":1,""spa,tur"":1,""spa,war"":50}","{""application/pdf"":6,""application/rss+xml"":68,""text/html"":96799}","{""2020"":47553,""2021"":49320}","{""CC-MAIN-2020-05"":4212,""CC-MAIN-2020-10"":2954,""CC-MAIN-2020-16"":1702,""CC-MAIN-2020-24"":4829,""CC-MAIN-2020-29"":5707,""CC-MAIN-2020-34"":6076,""CC-MAIN-2020-40"":9269,""CC-MAIN-2020-45"":6996,""CC-MAIN-2020-50"":5808,""CC-MAIN-2021-04"":6106,""CC-MAIN-2021-10"":3854,""CC-MAIN-2021-17"":7051,""CC-MAIN-2021-21"":4720,""CC-MAIN-2021-25"":3932,""CC-MAIN-2021-31"":4850,""CC-MAIN-2021-39"":6279,""CC-MAIN-2021-43"":7042,""CC-MAIN-2021-49"":5486}" +"131","vanguardia de sevilla","http://www.vanguardiadesevilla.com/","es","57465","31310","342884832","{""eng"":11,""eng,spa"":15,""spa"":56655,""spa,cat"":39,""spa,dan"":2,""spa,eng"":503,""spa,fra"":1,""spa,grn"":6,""spa,grn,eng"":1,""spa,ita"":3,""spa,tuk"":2,""spa,war"":18}","{""text/html"":57465}","{""2020"":18903,""2021"":38562}","{""CC-MAIN-2020-05"":1244,""CC-MAIN-2020-10"":1527,""CC-MAIN-2020-16"":1862,""CC-MAIN-2020-24"":1367,""CC-MAIN-2020-29"":1651,""CC-MAIN-2020-34"":1355,""CC-MAIN-2020-40"":1310,""CC-MAIN-2020-45"":4662,""CC-MAIN-2020-50"":3925,""CC-MAIN-2021-04"":4808,""CC-MAIN-2021-10"":3950,""CC-MAIN-2021-17"":3341,""CC-MAIN-2021-21"":4718,""CC-MAIN-2021-25"":5315,""CC-MAIN-2021-31"":3335,""CC-MAIN-2021-39"":4783,""CC-MAIN-2021-43"":4236,""CC-MAIN-2021-49"":4076}" +"195","futuro verde","http://futuroverde.org/","es","27074","4878","563993283","{""eng,spa"":2,""spa"":26430,""spa,cat"":15,""spa,deu"":6,""spa,eng"":312,""spa,eng,jpn"":3,""spa,eng,rus"":6,""spa,fra"":21,""spa,grn"":202,""spa,heb"":4,""spa,ita"":19,""spa,nld"":7,""spa,nor"":7,""spa,pol"":5,""spa,rus"":19,""spa,war"":10}","{""text/html"":27074}","{""2020"":11137,""2021"":15937}","{""CC-MAIN-2020-05"":341,""CC-MAIN-2020-10"":377,""CC-MAIN-2020-16"":248,""CC-MAIN-2020-24"":685,""CC-MAIN-2020-29"":630,""CC-MAIN-2020-34"":302,""CC-MAIN-2020-40"":3158,""CC-MAIN-2020-45"":3159,""CC-MAIN-2020-50"":2237,""CC-MAIN-2021-04"":2856,""CC-MAIN-2021-10"":1908,""CC-MAIN-2021-17"":1973,""CC-MAIN-2021-21"":1290,""CC-MAIN-2021-25"":985,""CC-MAIN-2021-31"":1875,""CC-MAIN-2021-39"":1055,""CC-MAIN-2021-43"":1937,""CC-MAIN-2021-49"":2058}" +"306","ecoavant - environment news","https://www.ecoavant.com/","es","6569","3675","170438959","{""eng,spa"":1,""spa"":5895,""spa,cat"":60,""spa,cat,eng"":3,""spa,cat,fra"":1,""spa,dan"":1,""spa,eng"":591,""spa,eng,cat"":3,""spa,eus"":1,""spa,grn"":1}","{""application/pdf"":1,""application/rss+xml"":11,""text/html"":6557}","{""2020"":2374,""2021"":4195}","{""CC-MAIN-2020-05"":149,""CC-MAIN-2020-10"":229,""CC-MAIN-2020-16"":182,""CC-MAIN-2020-24"":205,""CC-MAIN-2020-29"":177,""CC-MAIN-2020-34"":529,""CC-MAIN-2020-40"":508,""CC-MAIN-2020-45"":209,""CC-MAIN-2020-50"":186,""CC-MAIN-2021-04"":269,""CC-MAIN-2021-10"":159,""CC-MAIN-2021-17"":239,""CC-MAIN-2021-21"":440,""CC-MAIN-2021-25"":910,""CC-MAIN-2021-31"":310,""CC-MAIN-2021-39"":952,""CC-MAIN-2021-43"":559,""CC-MAIN-2021-49"":357}" +"481","Personal blog","https://techielobang.com/blog/","en","25453","13301","435677029","{""eng"":24500,""eng,dan"":14,""eng,dan,msa"":1,""eng,kha"":6,""eng,lat"":4,""eng,msa"":908,""eng,tur"":1,""eng,zho"":19}","{""text/html"":25453}","{""2020"":15270,""2021"":10183}","{""CC-MAIN-2020-05"":826,""CC-MAIN-2020-10"":355,""CC-MAIN-2020-16"":1648,""CC-MAIN-2020-24"":351,""CC-MAIN-2020-29"":945,""CC-MAIN-2020-34"":2772,""CC-MAIN-2020-40"":3106,""CC-MAIN-2020-45"":3264,""CC-MAIN-2020-50"":2003,""CC-MAIN-2021-04"":2378,""CC-MAIN-2021-10"":721,""CC-MAIN-2021-17"":2402,""CC-MAIN-2021-21"":873,""CC-MAIN-2021-25"":573,""CC-MAIN-2021-31"":712,""CC-MAIN-2021-39"":865,""CC-MAIN-2021-43"":864,""CC-MAIN-2021-49"":795}" +"260","agrodiario","https://www.agrodiario.com/","es","31860","15433","573527741","{""eng"":8,""spa"":29331,""spa,cat"":31,""spa,eng"":2292,""spa,eng,cat"":4,""spa,eus"":1,""spa,fra"":1,""spa,grn"":1,""spa,ind"":3,""spa,lat"":1,""spa,msa"":1,""spa,nld"":2}","{""application/pdf"":6,""application/rss+xml"":1,""application/xml"":1,""image/jpeg"":176,""text/html"":31676}","{""2020"":16083,""2021"":15777}","{""CC-MAIN-2020-05"":811,""CC-MAIN-2020-10"":654,""CC-MAIN-2020-16"":578,""CC-MAIN-2020-24"":1262,""CC-MAIN-2020-29"":1596,""CC-MAIN-2020-34"":998,""CC-MAIN-2020-40"":4488,""CC-MAIN-2020-45"":2622,""CC-MAIN-2020-50"":3074,""CC-MAIN-2021-04"":2859,""CC-MAIN-2021-10"":1294,""CC-MAIN-2021-17"":1666,""CC-MAIN-2021-21"":1659,""CC-MAIN-2021-25"":1468,""CC-MAIN-2021-31"":2441,""CC-MAIN-2021-39"":2018,""CC-MAIN-2021-43"":1566,""CC-MAIN-2021-49"":806}" +"236","tribunal supremo electoral","http://www.oep.org.bo/","es","13332","6902","1518272126","{""eng"":208,""eng,spa"":8,""spa"":8627,""spa,aym"":3,""spa,eng"":1609,""spa,eng,aym"":2,""spa,eng,grn"":1,""spa,eng,que"":3,""spa,eng,war"":1,""spa,grn"":25,""spa,grn,eng"":8,""spa,ind"":5,""spa,lat"":2,""spa,que"":2,""spa,que,aym"":8,""spa,que,grn"":3,""spa,war"":12,""spa,war,grn"":1}","{""application/pdf"":2804,""application/xhtml+xml"":2,""text/html"":10526}","{""2020"":5032,""2021"":8300}","{""CC-MAIN-2020-05"":136,""CC-MAIN-2020-10"":59,""CC-MAIN-2020-16"":158,""CC-MAIN-2020-24"":136,""CC-MAIN-2020-29"":135,""CC-MAIN-2020-34"":140,""CC-MAIN-2020-40"":2919,""CC-MAIN-2020-45"":492,""CC-MAIN-2020-50"":857,""CC-MAIN-2021-04"":2472,""CC-MAIN-2021-10"":190,""CC-MAIN-2021-17"":173,""CC-MAIN-2021-21"":1229,""CC-MAIN-2021-25"":973,""CC-MAIN-2021-31"":793,""CC-MAIN-2021-39"":229,""CC-MAIN-2021-43"":429,""CC-MAIN-2021-49"":1812}" +"39","urgente24","https://www.urgente24.com/","es","52401","39399","900196039","{""eng"":11,""spa"":26605,""spa,cat"":4,""spa,cos"":1,""spa,dan"":6,""spa,dan,eng"":1,""spa,deu"":1,""spa,eng"":24917,""spa,eng,ara"":2,""spa,eng,bos"":1,""spa,eng,cat"":2,""spa,eng,deu"":3,""spa,eng,fra"":3,""spa,eng,ina"":1,""spa,eng,ita"":3,""spa,eng,kin"":1,""spa,eng,nld"":1,""spa,eng,rus"":1,""spa,eng,tur"":1,""spa,eng,ukr"":1,""spa,fas,eng"":1,""spa,fra"":6,""spa,grn"":11,""spa,grn,eng"":3,""spa,heb"":1,""spa,heb,eng"":1,""spa,hun"":1,""spa,ina"":4,""spa,ind"":2,""spa,ita"":9,""spa,ita,eng"":3,""spa,lat"":2,""spa,msa"":1,""spa,nld"":1,""spa,pus"":1,""spa,rus"":2,""spa,rus,eng"":1,""spa,tur"":1,""spa,ukr,rus"":1}","{""application/rss+xml"":783,""application/xhtml+xml"":8441,""text/html"":43177}","{""2020"":42442,""2021"":9959}","{""CC-MAIN-2020-05"":4342,""CC-MAIN-2020-10"":4512,""CC-MAIN-2020-16"":5306,""CC-MAIN-2020-24"":4242,""CC-MAIN-2020-29"":5135,""CC-MAIN-2020-34"":5163,""CC-MAIN-2020-40"":4922,""CC-MAIN-2020-45"":4748,""CC-MAIN-2020-50"":4072,""CC-MAIN-2021-04"":786,""CC-MAIN-2021-10"":720,""CC-MAIN-2021-31"":366,""CC-MAIN-2021-39"":1042,""CC-MAIN-2021-43"":1563,""CC-MAIN-2021-49"":5482}" +"13","Asamblea Nacional del Ecuador","http://www.confirmado.net/","es","37269","21738","672291807","{""eng"":830,""eng,spa"":42,""lat,spa,eng"":5,""spa"":32197,""spa,bos"":4,""spa,cat"":17,""spa,cat,eng"":1,""spa,dan"":27,""spa,dan,deu"":1,""spa,dan,eng"":1,""spa,deu"":6,""spa,deu,ces"":2,""spa,eng"":4046,""spa,eng,dan"":4,""spa,eng,fra"":1,""spa,eng,grn"":2,""spa,fra"":4,""spa,grn"":26,""spa,grn,eng"":1,""spa,ina"":3,""spa,ita"":18,""spa,lat,eng"":2,""spa,mlg"":1,""spa,que"":3,""spa,war,eng"":1}","{""application/pdf"":21,""audio/mp4"":3,""text/html"":37245}","{""2020"":30708,""2021"":6561}","{""CC-MAIN-2020-05"":3215,""CC-MAIN-2020-10"":3169,""CC-MAIN-2020-16"":2879,""CC-MAIN-2020-24"":5103,""CC-MAIN-2020-29"":4325,""CC-MAIN-2020-34"":2866,""CC-MAIN-2020-40"":5721,""CC-MAIN-2020-45"":2041,""CC-MAIN-2020-50"":1389,""CC-MAIN-2021-04"":1198,""CC-MAIN-2021-10"":1265,""CC-MAIN-2021-17"":1429,""CC-MAIN-2021-21"":510,""CC-MAIN-2021-25"":786,""CC-MAIN-2021-31"":625,""CC-MAIN-2021-39"":395,""CC-MAIN-2021-43"":248,""CC-MAIN-2021-49"":105}" +"420","retema","http://www.retema.es/","es","61615","24547","970709741","{""eng,spa"":5,""spa"":57043,""spa,cat"":567,""spa,cat,eng"":22,""spa,cat,ile"":1,""spa,dan"":3,""spa,deu"":5,""spa,deu,ita"":1,""spa,eng"":3829,""spa,eng,cat"":20,""spa,eng,eus"":1,""spa,eng,fra"":3,""spa,eng,ita"":2,""spa,eng,nno"":1,""spa,eus"":62,""spa,eus,eng"":2,""spa,fra"":21,""spa,fra,eng"":1,""spa,grn"":8,""spa,ita"":5,""spa,ita,eng"":1,""spa,msa"":1,""spa,nld"":3,""spa,nno"":1,""spa,oci"":2,""spa,swa"":1,""spa,war"":2}","{""application/pdf"":2,""text/html"":61613}","{""2020"":31358,""2021"":30257}","{""CC-MAIN-2020-05"":4426,""CC-MAIN-2020-10"":2247,""CC-MAIN-2020-16"":3931,""CC-MAIN-2020-24"":2943,""CC-MAIN-2020-29"":4615,""CC-MAIN-2020-34"":3281,""CC-MAIN-2020-40"":3028,""CC-MAIN-2020-45"":3621,""CC-MAIN-2020-50"":3266,""CC-MAIN-2021-04"":4413,""CC-MAIN-2021-10"":2202,""CC-MAIN-2021-17"":5263,""CC-MAIN-2021-21"":2841,""CC-MAIN-2021-25"":3571,""CC-MAIN-2021-31"":2380,""CC-MAIN-2021-39"":5260,""CC-MAIN-2021-43"":2404,""CC-MAIN-2021-49"":1923}" +"272","radio cáritas 680 am","http://www.caritas.com.py/","es","4681","4197","66689735","{""eng"":6,""eng,spa"":17,""eng,spa,dan"":2,""spa"":1928,""spa,cat"":1,""spa,dan"":2,""spa,dan,eng"":1,""spa,eng"":2671,""spa,eng,dan"":3,""spa,eng,grn"":15,""spa,eng,lat"":1,""spa,eus"":1,""spa,grn"":6,""spa,grn,eng"":24,""spa,lat"":1,""spa,lat,eng"":1}","{""application/xhtml+xml"":5,""text/html"":4676}","{""2020"":656,""2021"":4025}","{""CC-MAIN-2020-05"":1,""CC-MAIN-2020-16"":107,""CC-MAIN-2020-24"":92,""CC-MAIN-2020-29"":101,""CC-MAIN-2020-34"":39,""CC-MAIN-2020-40"":111,""CC-MAIN-2020-45"":60,""CC-MAIN-2020-50"":145,""CC-MAIN-2021-04"":113,""CC-MAIN-2021-10"":1461,""CC-MAIN-2021-17"":1220,""CC-MAIN-2021-21"":8,""CC-MAIN-2021-25"":20,""CC-MAIN-2021-31"":13,""CC-MAIN-2021-39"":283,""CC-MAIN-2021-43"":364,""CC-MAIN-2021-49"":543}" +"136","valencia plaza - noticias, información y opinión sobre la sociedad, economía, cultura y deportes de la comunitat valenciana - valencia plaza","https://valenciaplaza.com/","es","212675","107943","2334111726","{""cat"":1,""cat,spa"":7679,""cat,spa,deu"":1,""cat,spa,eng"":329,""cat,spa,fra"":15,""cat,spa,isl"":1,""cat,spa,ita"":8,""cat,spa,lat"":3,""cat,spa,oci"":62,""eng"":1,""lat"":1,""spa"":182681,""spa,bos"":1,""spa,cat"":15095,""spa,cat,dan"":1,""spa,cat,deu"":1,""spa,cat,eng"":265,""spa,cat,fra"":13,""spa,cat,ina"":1,""spa,cat,ind"":1,""spa,cat,isl"":1,""spa,cat,ita"":1,""spa,cat,oci"":14,""spa,cos"":1,""spa,dan"":26,""spa,dan,eng"":1,""spa,deu"":11,""spa,deu,cat"":1,""spa,deu,eng"":1,""spa,eng"":5959,""spa,eng,cat"":153,""spa,eng,dan"":1,""spa,eng,eus"":1,""spa,eng,fra"":7,""spa,eng,grn"":1,""spa,eng,ind"":1,""spa,eng,ita"":2,""spa,eus"":10,""spa,fra"":53,""spa,fra,cat"":1,""spa,fra,eng"":1,""spa,grn"":16,""spa,grn,cat"":2,""spa,ile"":1,""spa,ina"":1,""spa,ind"":4,""spa,ind,cat"":1,""spa,ita"":29,""spa,ita,cat"":1,""spa,lat"":5,""spa,msa"":3,""spa,nld"":1,""spa,oci"":42,""spa,oci,cat"":7,""spa,oci,ita"":1,""spa,ron"":1,""spa,sco"":2,""spa,tur"":2,""spa,war"":28}","{""application/pdf"":100,""application/xhtml+xml"":1,""image/png"":1,""text/html"":212573}","{""2020"":95835,""2021"":116840}","{""CC-MAIN-2020-05"":12855,""CC-MAIN-2020-10"":6850,""CC-MAIN-2020-16"":7070,""CC-MAIN-2020-24"":6730,""CC-MAIN-2020-29"":14891,""CC-MAIN-2020-34"":13291,""CC-MAIN-2020-40"":13004,""CC-MAIN-2020-45"":12405,""CC-MAIN-2020-50"":8739,""CC-MAIN-2021-04"":9239,""CC-MAIN-2021-10"":13543,""CC-MAIN-2021-17"":9640,""CC-MAIN-2021-21"":7645,""CC-MAIN-2021-25"":10728,""CC-MAIN-2021-31"":8303,""CC-MAIN-2021-39"":19039,""CC-MAIN-2021-43"":18699,""CC-MAIN-2021-49"":20004}" +"140","television nacional chilena","http://www.tvn.cl/","es","12963","10848","230733845","{""eng"":9,""eng,spa"":1,""spa"":9128,""spa,bos"":2,""spa,bos,cat"":1,""spa,bos,eng"":1,""spa,cat"":166,""spa,cat,eng"":45,""spa,dan"":4,""spa,eng"":3406,""spa,eng,bos"":1,""spa,eng,cat"":22,""spa,eng,dan"":2,""spa,eng,ina"":2,""spa,eng,pol"":1,""spa,eng,rus"":3,""spa,eng,sna"":2,""spa,eng,tur"":1,""spa,epo"":1,""spa,fra"":1,""spa,gla"":1,""spa,ina"":9,""spa,ina,eng"":7,""spa,ita"":1,""spa,kor"":1,""spa,kor,eng"":1,""spa,pol,eng"":1,""spa,rus"":3,""spa,rus,eng"":1,""spa,sna"":1,""spa,tur"":20,""spa,tur,eng"":9,""spa,war"":1}","{""application/pdf"":4,""application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"":3,""image/jpeg"":45,""image/png"":52,""text/html"":12858,""text/plain"":1}","{""2020"":8986,""2021"":3977}","{""CC-MAIN-2020-05"":1005,""CC-MAIN-2020-10"":1064,""CC-MAIN-2020-16"":915,""CC-MAIN-2020-24"":1485,""CC-MAIN-2020-29"":1871,""CC-MAIN-2020-34"":914,""CC-MAIN-2020-40"":700,""CC-MAIN-2020-45"":638,""CC-MAIN-2020-50"":394,""CC-MAIN-2021-04"":809,""CC-MAIN-2021-10"":414,""CC-MAIN-2021-17"":439,""CC-MAIN-2021-21"":270,""CC-MAIN-2021-25"":325,""CC-MAIN-2021-31"":315,""CC-MAIN-2021-39"":343,""CC-MAIN-2021-43"":607,""CC-MAIN-2021-49"":455}" +"241","oea - organización de los estados americanos","http://www.oas.org/en/","es","22106","11295","2254898046","{""eng"":15652,""eng,dan"":1,""eng,fra"":900,""eng,fra,grn"":3,""eng,fra,por"":2,""eng,fra,spa"":4,""eng,glg"":1,""eng,grn"":102,""eng,grn,fra"":7,""eng,grn,spa"":2,""eng,ina"":2,""eng,lat"":1,""eng,nld"":3,""eng,por"":11,""eng,spa"":963,""eng,spa,fra"":52,""eng,spa,grn"":33,""fra,eng"":19,""por,eng"":4,""spa"":23,""spa,eng"":199,""spa,eng,fra"":4,""spa,eng,grn"":11,""spa,fra"":6,""spa,grn"":1,""spa,grn,fra"":1}","{""application/pdf"":4085,""application/rss+xml"":6,""application/vnd.openxmlformats-officedocument.presentationml.slideshow"":4,""application/xhtml+xml"":17565,""text/html"":446}","{""2020"":7807,""2021"":14299}","{""CC-MAIN-2020-05"":725,""CC-MAIN-2020-10"":609,""CC-MAIN-2020-16"":924,""CC-MAIN-2020-24"":998,""CC-MAIN-2020-29"":781,""CC-MAIN-2020-34"":1094,""CC-MAIN-2020-40"":1133,""CC-MAIN-2020-45"":843,""CC-MAIN-2020-50"":700,""CC-MAIN-2021-04"":762,""CC-MAIN-2021-10"":647,""CC-MAIN-2021-17"":682,""CC-MAIN-2021-21"":1942,""CC-MAIN-2021-25"":1530,""CC-MAIN-2021-31"":1045,""CC-MAIN-2021-39"":2260,""CC-MAIN-2021-43"":2824,""CC-MAIN-2021-49"":2607}" +"59","minam","http://www.minam.gob.pe/","es","3396","1838","487591944","{""eng"":14,""eng,spa"":1,""spa"":2577,""spa,eng"":17,""spa,fra"":1,""spa,que"":34,""spa,war"":1}","{""application/pdf"":751,""application/xhtml+xml"":167,""text/html"":2478}","{""2020"":1343,""2021"":2053}","{""CC-MAIN-2020-05"":175,""CC-MAIN-2020-10"":112,""CC-MAIN-2020-16"":115,""CC-MAIN-2020-24"":155,""CC-MAIN-2020-29"":162,""CC-MAIN-2020-34"":57,""CC-MAIN-2020-40"":80,""CC-MAIN-2020-45"":179,""CC-MAIN-2020-50"":308,""CC-MAIN-2021-04"":323,""CC-MAIN-2021-10"":294,""CC-MAIN-2021-17"":59,""CC-MAIN-2021-21"":144,""CC-MAIN-2021-25"":259,""CC-MAIN-2021-31"":127,""CC-MAIN-2021-39"":67,""CC-MAIN-2021-43"":275,""CC-MAIN-2021-49"":505}" +"334","vhio","https://www.vhio.net/","es","6281","4007","117649108","{""cat"":43,""cat,eng"":524,""cat,eng,dan"":1,""cat,eng,glg"":2,""cat,eng,ina"":1,""cat,eng,kor"":229,""cat,eng,spa"":15,""cat,glg,eng"":1,""cat,spa"":7,""cat,spa,eng"":22,""eng"":763,""eng,cat"":890,""eng,cat,deu"":1,""eng,cat,fra"":1,""eng,cat,glg"":409,""eng,cat,ina"":5,""eng,cat,kor"":1,""eng,cat,nld"":2,""eng,cat,por"":5,""eng,cat,spa"":29,""eng,dan,cat"":2,""eng,dan,glg"":1,""eng,deu,cat"":5,""eng,glg"":58,""eng,glg,cat"":84,""eng,glg,kor"":13,""eng,ina"":1,""eng,kor"":1336,""eng,kor,cat"":58,""eng,kor,ell"":2,""eng,kor,glg"":177,""eng,kor,mal"":1,""eng,kor,ori"":1,""eng,lat,deu"":1,""eng,nor,cat"":1,""eng,por,cat"":1,""eng,rus"":1,""eng,spa"":390,""eng,spa,cat"":216,""eng,spa,fra"":2,""eng,spa,nld"":4,""spa"":3,""spa,cat"":41,""spa,cat,eng"":31,""spa,eng"":339,""spa,eng,cat"":498,""spa,eng,dan"":1,""spa,eng,ina"":1,""spa,eng,ita"":1,""spa,eng,kor"":28,""spa,ina"":7}","{""application/pdf"":13,""application/rss+xml"":5,""text/calendar"":2,""text/html"":6256,""text/plain"":5}","{""2020"":2034,""2021"":4247}","{""CC-MAIN-2020-05"":385,""CC-MAIN-2020-10"":167,""CC-MAIN-2020-16"":230,""CC-MAIN-2020-24"":137,""CC-MAIN-2020-29"":343,""CC-MAIN-2020-34"":141,""CC-MAIN-2020-40"":252,""CC-MAIN-2020-45"":212,""CC-MAIN-2020-50"":167,""CC-MAIN-2021-04"":312,""CC-MAIN-2021-10"":165,""CC-MAIN-2021-17"":155,""CC-MAIN-2021-21"":606,""CC-MAIN-2021-25"":1046,""CC-MAIN-2021-31"":378,""CC-MAIN-2021-39"":454,""CC-MAIN-2021-43"":391,""CC-MAIN-2021-49"":740}" +"353","telenoche","https://www.telenoche.com.uy/","es","7298","4517","45478958","{""eng,spa"":8,""spa"":3841,""spa,cat"":4,""spa,cat,eng"":2,""spa,dan"":9,""spa,eng"":3408,""spa,eng,bos"":1,""spa,eng,grn"":2,""spa,fra"":3,""spa,fra,eng"":1,""spa,grn"":6,""spa,ita"":1,""spa,jpn"":5,""spa,nld"":1,""spa,tuk"":4,""spa,tur"":2}","{""text/html"":7298}","{""2020"":4396,""2021"":2902}","{""CC-MAIN-2020-05"":436,""CC-MAIN-2020-10"":511,""CC-MAIN-2020-16"":449,""CC-MAIN-2020-24"":645,""CC-MAIN-2020-29"":580,""CC-MAIN-2020-34"":628,""CC-MAIN-2020-40"":588,""CC-MAIN-2020-45"":290,""CC-MAIN-2020-50"":269,""CC-MAIN-2021-04"":388,""CC-MAIN-2021-10"":253,""CC-MAIN-2021-17"":312,""CC-MAIN-2021-21"":281,""CC-MAIN-2021-25"":281,""CC-MAIN-2021-31"":208,""CC-MAIN-2021-39"":307,""CC-MAIN-2021-43"":521,""CC-MAIN-2021-49"":351}" +"187","elfac","https://www.elfac.org/","es","2044","688","37654433","{""eng"":1929,""eng,fra"":3,""eng,hun"":10,""eng,hun,lav"":2,""eng,hun,slk"":12,""eng,ita"":2,""eng,lav"":14,""eng,pol"":10,""eng,por"":6,""eng,slk"":3,""eng,war"":8}","{""application/pdf"":7,""text/calendar"":38,""text/html"":1999}","{""2020"":1044,""2021"":1000}","{""CC-MAIN-2020-05"":115,""CC-MAIN-2020-10"":127,""CC-MAIN-2020-16"":138,""CC-MAIN-2020-24"":136,""CC-MAIN-2020-29"":85,""CC-MAIN-2020-34"":116,""CC-MAIN-2020-40"":126,""CC-MAIN-2020-45"":140,""CC-MAIN-2020-50"":61,""CC-MAIN-2021-04"":140,""CC-MAIN-2021-10"":60,""CC-MAIN-2021-17"":101,""CC-MAIN-2021-21"":63,""CC-MAIN-2021-25"":56,""CC-MAIN-2021-31"":113,""CC-MAIN-2021-39"":266,""CC-MAIN-2021-43"":133,""CC-MAIN-2021-49"":68}" +"148","diario occidente","http://www.occidente.co/","es","9231","6668","217078128","{""eng"":10,""eng,spa"":1,""spa"":8962,""spa,eng"":244,""spa,grn"":1,""spa,ind"":2}","{""application/pdf"":2,""application/xml"":9,""text/html"":9220}","{""2020"":5451,""2021"":3780}","{""CC-MAIN-2020-05"":469,""CC-MAIN-2020-10"":447,""CC-MAIN-2020-16"":274,""CC-MAIN-2020-24"":586,""CC-MAIN-2020-29"":985,""CC-MAIN-2020-34"":900,""CC-MAIN-2020-40"":555,""CC-MAIN-2020-45"":616,""CC-MAIN-2020-50"":619,""CC-MAIN-2021-04"":662,""CC-MAIN-2021-10"":608,""CC-MAIN-2021-17"":394,""CC-MAIN-2021-21"":490,""CC-MAIN-2021-25"":288,""CC-MAIN-2021-31"":269,""CC-MAIN-2021-39"":282,""CC-MAIN-2021-43"":292,""CC-MAIN-2021-49"":495}" +"156","presidencia de el salvador","https://www.presidencia.gob.sv/","es","4224","2529","93263146","{""eng,spa"":1,""spa"":4096,""spa,eng"":30,""spa,eng,fra"":7,""spa,fra"":1,""spa,grn"":1}","{""application/pdf"":87,""image/png"":1,""text/html"":4136}","{""2020"":793,""2021"":3431}","{""CC-MAIN-2020-05"":27,""CC-MAIN-2020-10"":13,""CC-MAIN-2020-16"":36,""CC-MAIN-2020-24"":43,""CC-MAIN-2020-29"":57,""CC-MAIN-2020-34"":29,""CC-MAIN-2020-40"":65,""CC-MAIN-2020-45"":97,""CC-MAIN-2020-50"":426,""CC-MAIN-2021-04"":336,""CC-MAIN-2021-10"":160,""CC-MAIN-2021-17"":185,""CC-MAIN-2021-21"":837,""CC-MAIN-2021-25"":629,""CC-MAIN-2021-31"":210,""CC-MAIN-2021-39"":214,""CC-MAIN-2021-43"":198,""CC-MAIN-2021-49"":662}" +"341","coin telegraph - en espagnol","https://es.cointelegraph.com/","es","311251","73795","32845198734","{""eng"":3,""eng,spa"":97,""spa"":264256,""spa,cat"":61,""spa,cat,eng"":2,""spa,dan"":168,""spa,dan,eng"":20,""spa,deu"":35,""spa,eng"":45568,""spa,eng,cat"":3,""spa,eng,dan"":13,""spa,eng,fra"":1,""spa,eng,grn"":2,""spa,eng,ind"":3,""spa,eng,jpn"":2,""spa,eng,msa"":2,""spa,eng,oci"":23,""spa,eng,war"":6,""spa,eng,zho"":468,""spa,fas"":13,""spa,fra"":16,""spa,fra,eng"":4,""spa,grn"":27,""spa,ina"":3,""spa,ina,eng"":1,""spa,ind"":11,""spa,isl"":7,""spa,ita"":15,""spa,jpn"":16,""spa,jpn,eng"":8,""spa,kor"":14,""spa,lat"":3,""spa,msa"":19,""spa,msa,eng"":1,""spa,nld"":3,""spa,nld,eng"":2,""spa,oci"":96,""spa,oci,eng"":8,""spa,pol"":4,""spa,pol,eng"":4,""spa,srp"":3,""spa,tur"":1,""spa,war"":175,""spa,war,eng"":6,""spa,zho"":33,""spa,zho,kor"":1}","{""application/rss+xml"":24,""text/html"":311227}","{""2020"":107897,""2021"":203354}","{""CC-MAIN-2020-05"":12501,""CC-MAIN-2020-10"":5573,""CC-MAIN-2020-16"":12121,""CC-MAIN-2020-24"":6142,""CC-MAIN-2020-29"":14802,""CC-MAIN-2020-34"":10689,""CC-MAIN-2020-40"":16535,""CC-MAIN-2020-45"":17008,""CC-MAIN-2020-50"":12526,""CC-MAIN-2021-04"":24533,""CC-MAIN-2021-10"":17719,""CC-MAIN-2021-17"":28773,""CC-MAIN-2021-21"":15404,""CC-MAIN-2021-25"":14021,""CC-MAIN-2021-31"":28645,""CC-MAIN-2021-39"":28419,""CC-MAIN-2021-43"":30037,""CC-MAIN-2021-49"":15803}" +"333","el mundo (spain)","http://www.elmundo.es/","es","499242","409850","13946919763","{""cat"":5,""cat,spa"":466,""cat,spa,deu"":1,""cat,spa,eng"":17,""cat,spa,oci"":2,""dan"":2,""dan,spa,cos"":1,""eng"":81,""eng,spa"":106,""eng,spa,cat"":1,""eus"":1,""eus,spa"":16,""fra,spa"":4,""ile,spa,ina"":1,""ina"":1,""ita"":18,""ita,spa,nor"":1,""lat,spa"":1,""nld,spa,eng"":1,""oci"":2,""spa"":466395,""spa,afr"":1,""spa,bis"":1,""spa,bos"":7,""spa,cat"":7047,""spa,cat,dan"":4,""spa,cat,deu"":4,""spa,cat,eng"":188,""spa,cat,eus"":8,""spa,cat,fra"":2,""spa,cat,ina"":3,""spa,cat,ita"":1,""spa,cat,nld"":1,""spa,cat,oci"":1,""spa,cat,war"":1,""spa,cos"":13,""spa,cym"":3,""spa,dan"":627,""spa,dan,bos"":2,""spa,dan,eng"":6,""spa,dan,fra"":13,""spa,dan,isl"":2,""spa,dan,ita"":1,""spa,dan,nld"":1,""spa,deu"":452,""spa,deu,eng"":2,""spa,deu,fra"":2,""spa,eng"":21378,""spa,eng,cat"":83,""spa,eng,cos"":2,""spa,eng,dan"":144,""spa,eng,deu"":34,""spa,eng,eus"":3,""spa,eng,fra"":27,""spa,eng,fry"":1,""spa,eng,ina"":1,""spa,eng,isl"":1,""spa,eng,ita"":45,""spa,eng,lat"":2,""spa,eng,nld"":1,""spa,eng,nno"":1,""spa,eng,sco"":2,""spa,eng,tur"":1,""spa,epo"":1,""spa,eus"":423,""spa,eus,deu"":1,""spa,eus,eng"":5,""spa,eus,fra"":2,""spa,fin"":1,""spa,fra"":199,""spa,fra,dan"":46,""spa,fra,eng"":6,""spa,fra,ltz"":1,""spa,gla"":1,""spa,grn"":239,""spa,grn,eng"":3,""spa,grn,ita"":3,""spa,hat"":2,""spa,hrv"":17,""spa,hun"":4,""spa,ile"":19,""spa,ina"":29,""spa,ina,eng"":1,""spa,ind"":11,""spa,ind,eng"":1,""spa,isl"":1,""spa,ita"":291,""spa,ita,cat"":2,""spa,ita,cos"":1,""spa,ita,dan"":1,""spa,ita,eng"":4,""spa,ita,slv"":1,""spa,jav"":2,""spa,lat"":31,""spa,lat,eng"":2,""spa,lit"":5,""spa,mri"":1,""spa,msa"":5,""spa,nld"":28,""spa,nno"":12,""spa,nor"":12,""spa,nor,lat"":1,""spa,oci"":25,""spa,pol"":7,""spa,ron"":11,""spa,ron,ina"":1,""spa,san"":1,""spa,sco"":4,""spa,slk"":3,""spa,slv"":2,""spa,smo"":1,""spa,srp"":23,""spa,ssw"":3,""spa,swe"":6,""spa,tat"":1,""spa,tur"":8,""spa,war"":18,""spa,wol"":3,""spa,zul"":1,""war"":4}","{""application/json"":3,""application/rss+xml"":7,""application/xhtml+xml"":114639,""image/gif"":2,""image/png"":2,""text/html"":384587,""video/x-ms-asf"":2}","{""2020"":235654,""2021"":263588}","{""CC-MAIN-2020-05"":32370,""CC-MAIN-2020-10"":28882,""CC-MAIN-2020-16"":22854,""CC-MAIN-2020-24"":22037,""CC-MAIN-2020-29"":24434,""CC-MAIN-2020-34"":25963,""CC-MAIN-2020-40"":21471,""CC-MAIN-2020-45"":28854,""CC-MAIN-2020-50"":28789,""CC-MAIN-2021-04"":27647,""CC-MAIN-2021-10"":27939,""CC-MAIN-2021-17"":28010,""CC-MAIN-2021-21"":28148,""CC-MAIN-2021-25"":30532,""CC-MAIN-2021-31"":30533,""CC-MAIN-2021-39"":30654,""CC-MAIN-2021-43"":30126,""CC-MAIN-2021-49"":29999}" +"226","olé","http://www.ole.com.ar/","es","312242","235619","8870953930","{""eng"":53,""eng,spa"":62,""ina,spa"":1,""spa"":296866,""spa,afr"":126,""spa,afr,eng"":1,""spa,afr,srp"":1,""spa,ara"":18,""spa,ara,eng"":3,""spa,bos"":1,""spa,bos,cat"":1,""spa,bre"":10,""spa,cat"":961,""spa,cat,eng"":15,""spa,cat,ita"":1,""spa,ces"":3,""spa,cos"":66,""spa,cos,eng"":1,""spa,cos,grn"":1,""spa,cos,ita"":1,""spa,dan"":32,""spa,dan,ita"":1,""spa,deu"":68,""spa,deu,eng"":8,""spa,deu,fra"":1,""spa,ell"":4,""spa,ell,eng"":1,""spa,eng"":12753,""spa,eng,afr"":1,""spa,eng,ara"":1,""spa,eng,bre"":1,""spa,eng,cat"":59,""spa,eng,cos"":2,""spa,eng,dan"":6,""spa,eng,deu"":6,""spa,eng,fas"":1,""spa,eng,fra"":4,""spa,eng,grn"":1,""spa,eng,hrv"":3,""spa,eng,hun"":3,""spa,eng,ind"":4,""spa,eng,ita"":24,""spa,eng,nld"":2,""spa,eng,sco"":1,""spa,eng,srp"":5,""spa,eng,tur"":2,""spa,epo"":14,""spa,eus"":1,""spa,fao"":1,""spa,fas"":1,""spa,fas,eng"":5,""spa,fra"":99,""spa,fra,deu"":1,""spa,fra,ell"":1,""spa,fry"":1,""spa,grn"":138,""spa,hrv"":2,""spa,hrv,eng"":2,""spa,hun"":11,""spa,hun,eng"":1,""spa,ile"":2,""spa,ile,cat"":2,""spa,ile,nor"":1,""spa,ina"":91,""spa,ind"":74,""spa,ita"":313,""spa,ita,cat"":1,""spa,ita,dan"":1,""spa,ita,eng"":23,""spa,ita,war"":6,""spa,jpn"":6,""spa,mri"":1,""spa,msa"":4,""spa,nld"":18,""spa,nld,dan"":1,""spa,nld,eng"":1,""spa,nld,fra"":1,""spa,nld,ita"":1,""spa,nor"":3,""spa,oci"":13,""spa,pol"":3,""spa,ron"":2,""spa,rus"":8,""spa,rus,srp"":1,""spa,san"":1,""spa,sco"":8,""spa,slk"":18,""spa,smo"":2,""spa,srp"":85,""spa,srp,cat"":3,""spa,ssw"":2,""spa,swe"":8,""spa,ton"":5,""spa,tur"":10,""spa,tur,eng"":2,""spa,war"":4,""spa,zho"":1}","{""application/pdf"":2,""application/rss+xml"":6,""application/xhtml+xml"":2,""text/html"":312232}","{""2020"":151308,""2021"":160934}","{""CC-MAIN-2020-05"":19291,""CC-MAIN-2020-10"":21245,""CC-MAIN-2020-16"":12191,""CC-MAIN-2020-24"":17141,""CC-MAIN-2020-29"":9971,""CC-MAIN-2020-34"":10398,""CC-MAIN-2020-40"":9298,""CC-MAIN-2020-45"":27409,""CC-MAIN-2020-50"":24364,""CC-MAIN-2021-04"":24652,""CC-MAIN-2021-10"":26648,""CC-MAIN-2021-17"":27346,""CC-MAIN-2021-21"":26260,""CC-MAIN-2021-25"":8968,""CC-MAIN-2021-31"":7621,""CC-MAIN-2021-39"":7675,""CC-MAIN-2021-43"":17788,""CC-MAIN-2021-49"":13976}" +"62","la pagina","https://www.lapagina.com.sv/","es","61696","40407","2007305172","{""eng"":9,""eng,spa"":98,""spa"":53729,""spa,ara"":8,""spa,cat"":17,""spa,cat,fra"":1,""spa,ces"":1,""spa,dan"":15,""spa,dan,eng"":1,""spa,deu"":3,""spa,deu,eng"":1,""spa,eng"":7573,""spa,eng,ara"":3,""spa,eng,cat"":1,""spa,eng,deu"":2,""spa,eng,fra"":5,""spa,eng,grn"":6,""spa,eng,ita"":1,""spa,eng,jpn"":1,""spa,eng,kor"":2,""spa,eng,mkd"":1,""spa,eng,rus"":1,""spa,eng,srp"":1,""spa,eng,tgl"":1,""spa,eng,tur"":2,""spa,fra"":26,""spa,fra,eng"":2,""spa,grn"":86,""spa,grn,eng"":6,""spa,heb"":1,""spa,hin"":1,""spa,ind"":5,""spa,ind,eng"":1,""spa,isl"":1,""spa,ita"":20,""spa,jpn"":10,""spa,kha"":2,""spa,kor"":3,""spa,kor,eng"":1,""spa,lin"":1,""spa,ltz"":1,""spa,mar"":2,""spa,msa"":3,""spa,nld"":3,""spa,pol"":3,""spa,rus"":20,""spa,rus,eng"":1,""spa,srp"":1,""spa,tgl"":1,""spa,tur"":8,""spa,war"":1,""spa,zho,eng"":1}","{""application/pdf"":2,""text/html"":61694}","{""2020"":27245,""2021"":34451}","{""CC-MAIN-2020-05"":1340,""CC-MAIN-2020-10"":1117,""CC-MAIN-2020-16"":1330,""CC-MAIN-2020-24"":2437,""CC-MAIN-2020-29"":2850,""CC-MAIN-2020-34"":1855,""CC-MAIN-2020-40"":6629,""CC-MAIN-2020-45"":3174,""CC-MAIN-2020-50"":6513,""CC-MAIN-2021-04"":3097,""CC-MAIN-2021-10"":4279,""CC-MAIN-2021-17"":6357,""CC-MAIN-2021-21"":3129,""CC-MAIN-2021-25"":3101,""CC-MAIN-2021-31"":1721,""CC-MAIN-2021-39"":3777,""CC-MAIN-2021-43"":3860,""CC-MAIN-2021-49"":5130}" +"60","economia3","https://economia3.com/","es","66865","43003","2249815979","{""eng,spa"":34,""spa"":60145,""spa,cat"":1708,""spa,cat,eng"":67,""spa,cat,grn"":2,""spa,cat,ita"":3,""spa,cat,oci"":4,""spa,dan"":7,""spa,deu"":1,""spa,eng"":4571,""spa,eng,cat"":45,""spa,eng,ita"":9,""spa,eus"":14,""spa,fra"":8,""spa,fra,cat"":1,""spa,grn"":24,""spa,ina"":1,""spa,ind"":1,""spa,ita"":23,""spa,lat"":30,""spa,mfe"":1,""spa,nld"":1,""spa,oci"":6,""spa,war"":25,""spa,war,cat"":1,""spa,war,eng"":1}","{""application/pdf"":10,""application/rss+xml"":10,""application/xhtml+xml"":4,""image/jpeg"":112,""text/html"":66729}","{""2020"":47896,""2021"":18969}","{""CC-MAIN-2020-05"":6042,""CC-MAIN-2020-10"":6082,""CC-MAIN-2020-16"":5262,""CC-MAIN-2020-24"":6971,""CC-MAIN-2020-29"":6716,""CC-MAIN-2020-34"":5934,""CC-MAIN-2020-40"":3890,""CC-MAIN-2020-45"":3152,""CC-MAIN-2020-50"":3847,""CC-MAIN-2021-04"":2149,""CC-MAIN-2021-10"":2020,""CC-MAIN-2021-17"":1651,""CC-MAIN-2021-21"":1144,""CC-MAIN-2021-25"":1601,""CC-MAIN-2021-31"":1878,""CC-MAIN-2021-39"":2264,""CC-MAIN-2021-43"":2628,""CC-MAIN-2021-49"":3634}" +"182","correo del sur","http://correodelsur.com/","es","99180","62348","1528754472","{""dan,spa"":1,""eng,spa"":3,""grn,spa"":3,""spa"":95457,""spa,cat"":293,""spa,cat,eng"":2,""spa,dan"":101,""spa,dan,war"":1,""spa,deu,eng"":4,""spa,deu,fra"":1,""spa,ell"":1,""spa,eng"":2690,""spa,eng,cat"":2,""spa,eng,deu"":1,""spa,eng,grn"":2,""spa,eng,ina"":3,""spa,eng,ind"":1,""spa,eng,war"":1,""spa,eus"":2,""spa,fra"":23,""spa,fra,eng"":1,""spa,grn"":281,""spa,grn,cat"":1,""spa,grn,dan"":2,""spa,grn,eng"":6,""spa,ile"":50,""spa,ina"":33,""spa,ina,eng"":1,""spa,ind"":25,""spa,ind,war"":1,""spa,ita"":7,""spa,lat"":24,""spa,mfe"":3,""spa,mfe,ita"":1,""spa,nno"":1,""spa,oci"":10,""spa,que"":13,""spa,roh"":2,""spa,slk"":1,""spa,srp"":1,""spa,tat"":1,""spa,war"":122,""spa,war,eng"":1}","{""text/html"":99180}","{""2020"":50936,""2021"":48244}","{""CC-MAIN-2020-05"":4264,""CC-MAIN-2020-10"":5534,""CC-MAIN-2020-16"":4078,""CC-MAIN-2020-24"":5674,""CC-MAIN-2020-29"":6373,""CC-MAIN-2020-34"":6901,""CC-MAIN-2020-40"":7749,""CC-MAIN-2020-45"":5334,""CC-MAIN-2020-50"":5029,""CC-MAIN-2021-04"":7200,""CC-MAIN-2021-10"":4811,""CC-MAIN-2021-17"":5546,""CC-MAIN-2021-21"":5152,""CC-MAIN-2021-25"":5535,""CC-MAIN-2021-31"":5355,""CC-MAIN-2021-39"":4961,""CC-MAIN-2021-43"":5154,""CC-MAIN-2021-49"":4530}" +"180","elcomercio","http://www.elcomercio.es/","es","3778","1959","88036922","{""spa"":3559,""spa,cat"":71,""spa,cat,ina"":4,""spa,cat,slk"":1,""spa,eng"":121,""spa,eng,cat"":1,""spa,eus"":2,""spa,fra,eng"":1,""spa,ina"":1}","{""application/atom+xml"":3,""application/rss+xml"":14,""application/xhtml+xml"":1,""text/html"":3760}","{""2020"":3227,""2021"":551}","{""CC-MAIN-2020-05"":871,""CC-MAIN-2020-10"":165,""CC-MAIN-2020-16"":247,""CC-MAIN-2020-24"":149,""CC-MAIN-2020-29"":497,""CC-MAIN-2020-34"":221,""CC-MAIN-2020-40"":189,""CC-MAIN-2020-45"":612,""CC-MAIN-2020-50"":276,""CC-MAIN-2021-04"":322,""CC-MAIN-2021-10"":50,""CC-MAIN-2021-17"":133,""CC-MAIN-2021-21"":46}" +"50","gva-es","https://www.gva.es/","es","20186","12578","714963916","{""cat"":10862,""cat,eng"":286,""cat,eng,oci"":1,""cat,eng,spa"":76,""cat,eus"":14,""cat,eus,eng"":1,""cat,fra"":1,""cat,oci"":45,""cat,spa"":414,""cat,spa,eng"":15,""eng"":483,""eng,cat"":11,""eng,cat,spa"":13,""eng,spa"":467,""eng,spa,cat"":28,""eng,spa,war"":1,""spa"":4822,""spa,cat"":357,""spa,cat,eng"":3,""spa,eng"":237,""spa,eng,cat"":33,""spa,war"":9}","{""application/pdf"":1094,""application/vnd.oasis.opendocument.spreadsheet"":23,""application/vnd.oasis.opendocument.text"":20,""image/jpeg"":11,""text/html"":19038}","{""2020"":11044,""2021"":9142}","{""CC-MAIN-2020-05"":2050,""CC-MAIN-2020-10"":950,""CC-MAIN-2020-16"":792,""CC-MAIN-2020-24"":1434,""CC-MAIN-2020-29"":1510,""CC-MAIN-2020-34"":1399,""CC-MAIN-2020-40"":1165,""CC-MAIN-2020-45"":792,""CC-MAIN-2020-50"":952,""CC-MAIN-2021-04"":1653,""CC-MAIN-2021-10"":871,""CC-MAIN-2021-17"":986,""CC-MAIN-2021-21"":915,""CC-MAIN-2021-25"":1029,""CC-MAIN-2021-31"":1172,""CC-MAIN-2021-39"":976,""CC-MAIN-2021-43"":808,""CC-MAIN-2021-49"":732}" +"212","el diario","https://www.eldiario.net/","es","106710","55272","1288896584","{""eng"":3,""spa"":100301,""spa,aym"":9,""spa,cat"":12,""spa,dan"":78,""spa,dan,eng"":1,""spa,eng"":4124,""spa,eng,afr"":2,""spa,eng,dan"":12,""spa,eng,grn"":3,""spa,eng,lin"":2,""spa,eus"":2,""spa,fra"":11,""spa,grn"":184,""spa,grn,war"":1,""spa,ile"":18,""spa,ina"":17,""spa,ind"":28,""spa,ita"":6,""spa,lat"":9,""spa,lin"":49,""spa,msa"":1,""spa,oci"":8,""spa,que"":13,""spa,war"":10}","{""application/pdf"":526,""application/xhtml+xml"":1,""text/html"":106183}","{""2020"":63062,""2021"":43648}","{""CC-MAIN-2020-05"":2741,""CC-MAIN-2020-10"":6357,""CC-MAIN-2020-16"":7987,""CC-MAIN-2020-24"":7763,""CC-MAIN-2020-29"":7440,""CC-MAIN-2020-34"":7079,""CC-MAIN-2020-40"":6079,""CC-MAIN-2020-45"":8341,""CC-MAIN-2020-50"":9275,""CC-MAIN-2021-04"":10188,""CC-MAIN-2021-10"":7442,""CC-MAIN-2021-17"":2817,""CC-MAIN-2021-21"":3890,""CC-MAIN-2021-25"":6211,""CC-MAIN-2021-31"":5018,""CC-MAIN-2021-39"":5402,""CC-MAIN-2021-43"":2614,""CC-MAIN-2021-49"":66}" +"213","hola","https://www.hola.com/","es","204057","164715","6917588149","{""eng"":14703,""eng,ara"":1,""eng,dan"":9,""eng,fra"":3,""eng,fra,spa"":1,""eng,glg"":14,""eng,jpn"":1,""eng,lat"":2,""eng,nld"":1,""eng,por"":9,""eng,spa"":6236,""eng,spa,afr"":4,""eng,spa,cat"":2,""eng,spa,dan"":20,""eng,spa,fra"":1,""eng,spa,nld"":2,""eng,swe"":4,""eng,tur"":3,""spa"":155128,""spa,afr"":85,""spa,ara"":6,""spa,ara,eng"":1,""spa,cat"":414,""spa,cat,eng"":10,""spa,cos"":7,""spa,cym"":3,""spa,dan"":104,""spa,dan,afr"":1,""spa,dan,eng"":51,""spa,dan,fra"":1,""spa,deu"":3,""spa,ell"":1,""spa,ell,eng"":1,""spa,eng"":26071,""spa,eng,ara"":14,""spa,eng,cat"":12,""spa,eng,cos"":2,""spa,eng,dan"":62,""spa,eng,fra"":6,""spa,eng,gla"":1,""spa,eng,hau"":2,""spa,eng,ina"":2,""spa,eng,ita"":4,""spa,eng,lat"":1,""spa,eng,nno"":1,""spa,eng,rus"":2,""spa,eng,sco"":2,""spa,eng,ssw"":1,""spa,eng,swe"":6,""spa,eng,tur"":1,""spa,epo"":1,""spa,eus"":61,""spa,eus,eng"":4,""spa,fao"":1,""spa,fra"":39,""spa,fra,eng"":2,""spa,gla"":6,""spa,grn"":6,""spa,ina"":64,""spa,ina,eng"":2,""spa,ind"":21,""spa,ita"":86,""spa,lat"":2,""spa,msa"":2,""spa,nau"":18,""spa,nld"":49,""spa,nld,eng"":1,""spa,nno"":2,""spa,nor"":2,""spa,oci"":8,""spa,rus,eng"":1,""spa,sco"":4,""spa,slk"":3,""spa,sun"":2,""spa,swe"":25,""spa,tur"":2,""spa,war"":4}","{""application/pdf"":60,""application/rss+xml"":25,""application/xhtml+xml"":791,""application/xml"":5,""text/html"":203176}","{""2020"":7212,""2021"":196845}","{""CC-MAIN-2020-05"":777,""CC-MAIN-2020-10"":258,""CC-MAIN-2020-16"":281,""CC-MAIN-2020-24"":535,""CC-MAIN-2020-29"":1244,""CC-MAIN-2020-34"":1061,""CC-MAIN-2020-40"":682,""CC-MAIN-2020-45"":1887,""CC-MAIN-2020-50"":487,""CC-MAIN-2021-04"":1086,""CC-MAIN-2021-10"":13592,""CC-MAIN-2021-17"":21974,""CC-MAIN-2021-21"":24557,""CC-MAIN-2021-25"":20514,""CC-MAIN-2021-31"":26779,""CC-MAIN-2021-39"":26690,""CC-MAIN-2021-43"":38482,""CC-MAIN-2021-49"":23171}" +"78","listín diario digital","http://www.listindiario.com/","es","143879","105641","3066257869","{""eng"":3,""eng,spa"":5,""glg"":3,""spa"":139468,""spa,cat"":56,""spa,dan"":194,""spa,dan,eng"":2,""spa,deu"":1,""spa,eng"":3825,""spa,eng,cos"":2,""spa,eng,fra"":1,""spa,eng,grn"":1,""spa,eng,hat"":2,""spa,eng,ita"":4,""spa,eng,war"":1,""spa,eus"":1,""spa,fra"":23,""spa,fra,eng"":1,""spa,fra,ita"":1,""spa,grn"":119,""spa,hat"":10,""spa,hat,eng"":2,""spa,ile"":1,""spa,ina"":7,""spa,ind"":9,""spa,ita"":11,""spa,ita,eng"":1,""spa,lat"":32,""spa,lat,cat"":1,""spa,lat,eng"":1,""spa,que"":2,""spa,tuk"":1,""spa,war"":41,""spa,war,eng"":1}","{""application/pdf"":1,""application/rss+xml"":17,""application/xml"":1,""text/html"":143859,""text/plain"":1}","{""2020"":72880,""2021"":70999}","{""CC-MAIN-2020-05"":11686,""CC-MAIN-2020-10"":7531,""CC-MAIN-2020-16"":6925,""CC-MAIN-2020-24"":6743,""CC-MAIN-2020-29"":10436,""CC-MAIN-2020-34"":9727,""CC-MAIN-2020-40"":8439,""CC-MAIN-2020-45"":4780,""CC-MAIN-2020-50"":6613,""CC-MAIN-2021-04"":7971,""CC-MAIN-2021-10"":6542,""CC-MAIN-2021-17"":8105,""CC-MAIN-2021-21"":6680,""CC-MAIN-2021-25"":6860,""CC-MAIN-2021-31"":7854,""CC-MAIN-2021-39"":14168,""CC-MAIN-2021-43"":6562,""CC-MAIN-2021-49"":6257}" +"268","diphuelva","http://www.diphuelva.es/","es","18639","10049","785468280","{""eng"":14,""spa"":15570,""spa,cat"":21,""spa,cat,eng"":6,""spa,dan"":1,""spa,eng"":1807,""spa,eng,cat"":3,""spa,eng,ind"":1,""spa,eng,war"":1,""spa,grn"":6,""spa,lat"":1,""spa,oci"":1,""spa,war"":1}","{""application/pdf"":1191,""application/vnd.oasis.opendocument.text"":8,""image/jpeg"":6,""text/html"":17434}","{""2020"":5943,""2021"":12696}","{""CC-MAIN-2020-05"":478,""CC-MAIN-2020-10"":597,""CC-MAIN-2020-16"":748,""CC-MAIN-2020-24"":821,""CC-MAIN-2020-29"":956,""CC-MAIN-2020-34"":636,""CC-MAIN-2020-40"":722,""CC-MAIN-2020-45"":124,""CC-MAIN-2020-50"":861,""CC-MAIN-2021-04"":2183,""CC-MAIN-2021-10"":1303,""CC-MAIN-2021-17"":604,""CC-MAIN-2021-21"":73,""CC-MAIN-2021-25"":3890,""CC-MAIN-2021-31"":644,""CC-MAIN-2021-39"":891,""CC-MAIN-2021-43"":1437,""CC-MAIN-2021-49"":1671}" +"382","gkillcity","https://gk.city/","es","14605","10552","1597091773","{""cat"":3,""cos"":1,""dan"":15,""deu"":1,""eng"":153,""eng,spa"":18,""epo"":1,""fra"":3,""grn"":10,""ile"":1,""ina"":3,""ind"":3,""kin"":1,""lat"":5,""mfe"":1,""mlg"":1,""nno"":1,""nor"":1,""que"":3,""sco"":1,""spa"":10261,""spa,dan"":1,""spa,dan,eng"":3,""spa,eng"":2251,""spa,eng,dan"":1,""spa,eng,fra"":1,""spa,eng,grn"":1,""spa,eng,oci"":2,""spa,lat"":1,""spa,lat,eng"":5}","{""application/pdf"":1,""application/rss+xml"":1,""image/jpeg"":10,""text/html"":14593}","{""2020"":2910,""2021"":11695}","{""CC-MAIN-2020-05"":213,""CC-MAIN-2020-10"":224,""CC-MAIN-2020-16"":452,""CC-MAIN-2020-24"":223,""CC-MAIN-2020-29"":376,""CC-MAIN-2020-34"":401,""CC-MAIN-2020-40"":381,""CC-MAIN-2020-45"":386,""CC-MAIN-2020-50"":254,""CC-MAIN-2021-04"":404,""CC-MAIN-2021-10"":196,""CC-MAIN-2021-17"":92,""CC-MAIN-2021-21"":49,""CC-MAIN-2021-25"":55,""CC-MAIN-2021-31"":48,""CC-MAIN-2021-39"":6707,""CC-MAIN-2021-43"":1560,""CC-MAIN-2021-49"":2584}" +"479","Home decor","https://www.renotalk.com/forum/","en","95782","56623","2190632472","{""dan,eng"":3,""eng"":94405,""eng,ara"":1,""eng,dan"":75,""eng,gla"":11,""eng,ind"":3,""eng,jav"":2,""eng,jpn"":4,""eng,msa"":28,""eng,msa,zho"":2,""eng,nld"":15,""eng,rus,lit"":3,""eng,spa"":2,""eng,srp"":1,""eng,vie"":18,""eng,zho"":196,""zho,eng"":2}","{""application/rss+xml"":175,""image/gif"":5,""image/jpeg"":793,""image/png"":35,""text/html"":94774}","{""2020"":61964,""2021"":33818}","{""CC-MAIN-2020-05"":4235,""CC-MAIN-2020-10"":9888,""CC-MAIN-2020-16"":8823,""CC-MAIN-2020-24"":7664,""CC-MAIN-2020-29"":3488,""CC-MAIN-2020-34"":4191,""CC-MAIN-2020-40"":4058,""CC-MAIN-2020-45"":8605,""CC-MAIN-2020-50"":11012,""CC-MAIN-2021-04"":14660,""CC-MAIN-2021-10"":2300,""CC-MAIN-2021-17"":3607,""CC-MAIN-2021-21"":3925,""CC-MAIN-2021-25"":2727,""CC-MAIN-2021-31"":3636,""CC-MAIN-2021-39"":2423,""CC-MAIN-2021-43"":175,""CC-MAIN-2021-49"":365}" +"384","policia nacional","https://www.policia.es","es","6658","4737","262115246","{""cat"":262,""cat,dan,spa"":1,""cat,eng"":372,""cat,eng,deu"":8,""cat,eng,fra"":2,""cat,eng,oci"":8,""cat,eng,spa"":10,""cat,fra"":13,""cat,fra,eng"":5,""cat,oci"":3,""cat,oci,eng"":1,""cat,spa"":163,""cat,spa,eng"":83,""deu,cat,eng"":2,""deu,cat,spa"":12,""deu,eus,eng"":1,""deu,eus,spa"":5,""deu,glg"":4,""deu,glg,eng"":3,""deu,spa"":11,""deu,spa,eng"":4,""eng"":6,""eng,cat"":11,""eng,cat,spa"":4,""eng,eus"":5,""eng,eus,spa"":1,""eng,glg"":8,""eng,spa"":24,""eus"":77,""eus,eng"":200,""eus,eng,ita"":5,""eus,spa"":56,""eus,spa,eng"":35,""fra,cat"":8,""fra,cat,spa"":4,""fra,eus"":4,""fra,eus,eng"":1,""fra,glg"":4,""fra,glg,eng"":2,""fra,spa"":13,""fra,spa,eng"":3,""glg"":188,""glg,eng"":252,""glg,fra"":6,""glg,ita"":5,""ita,cat,eng"":2,""ita,cat,spa"":2,""ita,eus,eng"":2,""ita,glg,eng"":2,""ita,spa"":5,""ita,spa,eng"":3,""spa"":3068,""spa,cat"":105,""spa,cat,eng"":109,""spa,deu"":17,""spa,deu,eng"":4,""spa,eng"":703,""spa,eng,deu"":4,""spa,eus"":48,""spa,eus,eng"":38,""spa,fra"":9,""spa,ita"":4,""spa,ita,eng"":2,""spa,war"":5}","{""application/pdf"":428,""application/pkix-cert"":1,""application/rss+xml"":11,""application/x-x509-cert; format=der"":2,""application/x-x509-cert; format=pem"":3,""application/xhtml+xml"":2509,""text/html"":3702,""text/plain"":2}","{""2020"":2749,""2021"":3909}","{""CC-MAIN-2020-05"":308,""CC-MAIN-2020-10"":177,""CC-MAIN-2020-16"":309,""CC-MAIN-2020-24"":258,""CC-MAIN-2020-29"":186,""CC-MAIN-2020-34"":316,""CC-MAIN-2020-40"":556,""CC-MAIN-2020-45"":254,""CC-MAIN-2020-50"":385,""CC-MAIN-2021-04"":287,""CC-MAIN-2021-10"":436,""CC-MAIN-2021-17"":804,""CC-MAIN-2021-21"":765,""CC-MAIN-2021-25"":594,""CC-MAIN-2021-31"":276,""CC-MAIN-2021-39"":230,""CC-MAIN-2021-43"":161,""CC-MAIN-2021-49"":356}" +"104","food and agriculture organization of the united nations (spanish)","http://www.fao.org/home/es/","es","29","4","625320","{""spa,eng"":29}","{""application/xhtml+xml"":27,""text/html"":2}","{""2020"":16,""2021"":13}","{""CC-MAIN-2020-05"":3,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-29"":3,""CC-MAIN-2020-34"":2,""CC-MAIN-2020-40"":1,""CC-MAIN-2020-45"":4,""CC-MAIN-2020-50"":2,""CC-MAIN-2021-10"":1,""CC-MAIN-2021-17"":4,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-39"":5,""CC-MAIN-2021-43"":2}" +"245","noticias de navarra","http://www.noticiasdenavarra.com/","es","250336","177328","7226661569","{""dan,spa"":1,""eng"":14,""eng,spa"":2,""eus,spa"":2359,""eus,spa,cat"":1,""eus,spa,eng"":38,""eus,spa,fra"":1,""spa"":212889,""spa,afr"":1,""spa,bos"":4,""spa,cat"":2725,""spa,cat,dan"":1,""spa,cat,eng"":15,""spa,cat,eus"":100,""spa,cat,grn"":1,""spa,cos"":4,""spa,dan"":97,""spa,dan,aar"":1,""spa,dan,eus"":2,""spa,dan,ile"":1,""spa,deu"":7,""spa,deu,ita"":1,""spa,eng"":4219,""spa,eng,cat"":20,""spa,eng,dan"":1,""spa,eng,epo"":1,""spa,eng,eus"":341,""spa,eng,fra"":6,""spa,eng,lat"":1,""spa,eng,lin"":1,""spa,eng,nld"":3,""spa,eng,nno"":1,""spa,eng,oci"":1,""spa,eng,ron"":1,""spa,eus"":26029,""spa,eus,bos"":1,""spa,eus,cat"":103,""spa,eus,cos"":1,""spa,eus,dan"":10,""spa,eus,deu"":2,""spa,eus,eng"":135,""spa,eus,fra"":5,""spa,eus,grn"":5,""spa,eus,ina"":1,""spa,eus,ind"":2,""spa,eus,ita"":5,""spa,eus,lat"":1,""spa,eus,mlt"":1,""spa,eus,nld"":1,""spa,eus,oci"":2,""spa,eus,pol"":1,""spa,eus,srp"":1,""spa,eus,swa"":5,""spa,eus,tuk"":1,""spa,eus,war"":1,""spa,fra"":97,""spa,fra,dan"":1,""spa,fra,eng"":1,""spa,fra,eus"":3,""spa,fry"":1,""spa,gle"":2,""spa,grn"":57,""spa,grn,eus"":2,""spa,hrv"":1,""spa,hun"":2,""spa,hun,eng"":1,""spa,ile"":4,""spa,ile,eus"":1,""spa,ile,fra"":1,""spa,ina"":36,""spa,ina,eus"":3,""spa,ind"":21,""spa,isl"":2,""spa,ita"":67,""spa,ita,eng"":1,""spa,ita,eus"":4,""spa,ita,fra"":1,""spa,jav"":1,""spa,lat"":29,""spa,lat,eng"":1,""spa,lat,eus"":2,""spa,lit"":1,""spa,msa"":1,""spa,nau"":1,""spa,nld"":8,""spa,nld,eus"":2,""spa,nno"":3,""spa,nor"":9,""spa,oci"":40,""spa,oci,eus"":3,""spa,pol"":4,""spa,roh"":1,""spa,ron"":6,""spa,sco"":2,""spa,slk"":1,""spa,sna"":1,""spa,srp"":3,""spa,srp,eus"":1,""spa,swa"":5,""spa,swa,eus"":2,""spa,swe"":1,""spa,tgl"":1,""spa,tuk"":1,""spa,tuk,pol"":1,""spa,tur"":17,""spa,vol"":1,""spa,war"":16,""spa,war,eng"":1}","{""application/pdf"":36,""application/rss+xml"":642,""application/xhtml+xml"":1210,""application/xml"":4,""text/html"":248444}","{""2020"":81896,""2021"":168440}","{""CC-MAIN-2020-05"":631,""CC-MAIN-2020-10"":2067,""CC-MAIN-2020-16"":2630,""CC-MAIN-2020-24"":4280,""CC-MAIN-2020-29"":5843,""CC-MAIN-2020-34"":5892,""CC-MAIN-2020-40"":18876,""CC-MAIN-2020-45"":20690,""CC-MAIN-2020-50"":20987,""CC-MAIN-2021-04"":22134,""CC-MAIN-2021-10"":22470,""CC-MAIN-2021-17"":22073,""CC-MAIN-2021-21"":22756,""CC-MAIN-2021-25"":21808,""CC-MAIN-2021-31"":21329,""CC-MAIN-2021-39"":21632,""CC-MAIN-2021-43"":7261,""CC-MAIN-2021-49"":6977}" +"337","la opiñon","http://www.laopinon.cl/","es","22461","15269","270645857","{""eng"":2,""eng,spa"":10,""spa"":20841,""spa,cat"":7,""spa,dan"":3,""spa,deu"":1,""spa,eng"":1138,""spa,eng,cat"":1,""spa,eng,grn"":1,""spa,eng,ind"":2,""spa,eng,kha"":2,""spa,eng,smo"":1,""spa,grn"":8,""spa,ile"":1,""spa,ina"":7,""spa,ind"":2,""spa,isl"":1,""spa,ita"":1,""spa,kha"":17,""spa,kor"":1,""spa,lat"":1,""spa,sco"":1,""spa,war"":9}","{""application/rss+xml"":403,""application/xhtml+xml"":22056,""text/html"":2}","{""2020"":13783,""2021"":8678}","{""CC-MAIN-2020-05"":2048,""CC-MAIN-2020-10"":997,""CC-MAIN-2020-16"":1102,""CC-MAIN-2020-24"":1369,""CC-MAIN-2020-29"":1459,""CC-MAIN-2020-34"":1524,""CC-MAIN-2020-40"":1885,""CC-MAIN-2020-45"":1625,""CC-MAIN-2020-50"":1774,""CC-MAIN-2021-04"":2073,""CC-MAIN-2021-10"":1415,""CC-MAIN-2021-17"":798,""CC-MAIN-2021-21"":739,""CC-MAIN-2021-25"":650,""CC-MAIN-2021-31"":778,""CC-MAIN-2021-39"":694,""CC-MAIN-2021-43"":751,""CC-MAIN-2021-49"":780}" +"246","nuevo día santa cruz","http://www.eldiarionuevodia.com.ar/","es","112383","83408","1181876630","{""eng,spa"":2,""spa"":111774,""spa,aar"":1,""spa,cat"":5,""spa,ces"":1,""spa,dan"":13,""spa,dan,ron"":1,""spa,deu"":1,""spa,eng"":466,""spa,eng,nld"":2,""spa,fra"":2,""spa,grn"":13,""spa,ile"":1,""spa,ina"":7,""spa,ind"":2,""spa,ita"":8,""spa,kha"":1,""spa,lat"":2,""spa,nld"":3,""spa,nld,eng"":1,""spa,vol"":1,""spa,war"":10}","{""application/atom+xml"":34,""application/xhtml+xml"":68,""text/html"":112281}","{""2020"":64337,""2021"":48046}","{""CC-MAIN-2020-05"":4980,""CC-MAIN-2020-10"":7892,""CC-MAIN-2020-16"":6805,""CC-MAIN-2020-24"":6975,""CC-MAIN-2020-29"":8496,""CC-MAIN-2020-34"":8896,""CC-MAIN-2020-40"":8717,""CC-MAIN-2020-45"":5780,""CC-MAIN-2020-50"":5796,""CC-MAIN-2021-04"":5841,""CC-MAIN-2021-10"":6513,""CC-MAIN-2021-17"":6565,""CC-MAIN-2021-21"":6486,""CC-MAIN-2021-25"":2987,""CC-MAIN-2021-31"":5284,""CC-MAIN-2021-39"":4864,""CC-MAIN-2021-43"":4734,""CC-MAIN-2021-49"":4772}" +"495","Personal blog","http://www.passportchop.com/","en","14699","4948","247112905","{""eng"":14143,""eng,ces"":60,""eng,dan"":21,""eng,dan,jpn"":7,""eng,ell"":1,""eng,fra"":10,""eng,hun"":8,""eng,ind"":4,""eng,jpn"":24,""eng,jpn,zho"":9,""eng,msa"":47,""eng,pol"":4,""eng,tha"":22,""eng,vie"":7,""eng,zho"":306,""eng,zho,jpn"":26}","{""application/xhtml+xml"":2,""text/html"":14697}","{""2020"":6280,""2021"":8419}","{""CC-MAIN-2020-05"":1005,""CC-MAIN-2020-10"":395,""CC-MAIN-2020-16"":665,""CC-MAIN-2020-24"":693,""CC-MAIN-2020-29"":1283,""CC-MAIN-2020-34"":1299,""CC-MAIN-2020-40"":940,""CC-MAIN-2021-04"":1508,""CC-MAIN-2021-10"":628,""CC-MAIN-2021-17"":1000,""CC-MAIN-2021-21"":735,""CC-MAIN-2021-25"":697,""CC-MAIN-2021-31"":1592,""CC-MAIN-2021-39"":941,""CC-MAIN-2021-43"":850,""CC-MAIN-2021-49"":468}" +"88","aplatanaonews - todo está en el contenido!","https://aplatanaonews.com/","es","9","8","8292","{""eng"":1}","{""text/html"":9}","{""2021"":9}","{""CC-MAIN-2021-39"":3,""CC-MAIN-2021-43"":4,""CC-MAIN-2021-49"":2}" +"371","instituto nacional de estadística","https://www.ine.es/","es","220065","129824","3781602570","{""cat"":12,""cat,eng"":68,""cat,eng,oci"":1,""cat,spa"":142,""cat,spa,eng"":4,""cat,spa,oci"":1,""eng"":43867,""eng,aar"":2,""eng,cat"":163,""eng,cat,spa"":49,""eng,ceb"":1,""eng,cym,cat"":1,""eng,eus"":50,""eng,fij"":4,""eng,fra"":7,""eng,fra,spa"":3,""eng,grn"":9,""eng,grn,cat"":1,""eng,ina"":3,""eng,lat"":2,""eng,nno"":6,""eng,oci"":3,""eng,smo"":5,""eng,sot"":1,""eng,spa"":27697,""eng,spa,cat"":388,""eng,spa,eus"":3,""eng,spa,fra"":1,""eng,spa,grn"":10,""eng,spa,msa"":2,""eng,spa,nno"":1,""eng,spa,smo"":1,""eng,spa,war"":1,""eng,war"":1,""eng,wol"":2,""spa"":102359,""spa,cat"":1706,""spa,cat,eng"":17,""spa,cat,eus"":34,""spa,cat,grn"":7,""spa,cat,ina"":1,""spa,cat,jav"":2,""spa,cat,oci"":9,""spa,cat,tur"":9,""spa,eng"":12173,""spa,eng,cat"":32,""spa,eng,eus"":1,""spa,eng,fra"":4,""spa,eng,grn"":7,""spa,eng,msa"":1,""spa,eng,war"":6,""spa,eus"":119,""spa,eus,cat"":1,""spa,fra"":6,""spa,fry"":6,""spa,grn"":157,""spa,grn,cat"":8,""spa,grn,war"":4,""spa,ile"":1,""spa,ind"":8,""spa,jav"":7,""spa,jav,grn"":2,""spa,msa"":1,""spa,nno"":22,""spa,oci"":6,""spa,oci,cat"":4,""spa,war"":8,""spa,war,cat"":2,""spa,war,eng"":3,""spa,war,grn"":1}","{""application/pdf"":6590,""application/rss+xml"":5,""application/vnd.ms-excel"":33,""application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"":27,""application/x-stata-do"":6,""application/x-tika-ooxml"":99,""application/xhtml+xml"":8043,""application/xml"":1,""image/jpeg"":1,""text/html"":183199,""text/plain"":22061}","{""2020"":111601,""2021"":108464}","{""CC-MAIN-2020-05"":13008,""CC-MAIN-2020-10"":9314,""CC-MAIN-2020-16"":5789,""CC-MAIN-2020-24"":9282,""CC-MAIN-2020-29"":14605,""CC-MAIN-2020-34"":20284,""CC-MAIN-2020-40"":18944,""CC-MAIN-2020-45"":13234,""CC-MAIN-2020-50"":7141,""CC-MAIN-2021-04"":10669,""CC-MAIN-2021-10"":9482,""CC-MAIN-2021-17"":6982,""CC-MAIN-2021-21"":10627,""CC-MAIN-2021-25"":11679,""CC-MAIN-2021-31"":6764,""CC-MAIN-2021-39"":11091,""CC-MAIN-2021-43"":17905,""CC-MAIN-2021-49"":23265}" +"273","noticiero venevisión","http://www.noticierovenevision.net/","es","16127","12067","284464187","{""eng"":27,""spa"":7396,""spa,cat"":22,""spa,cat,eng"":2,""spa,dan"":4,""spa,dan,eng"":2,""spa,dan,grn"":4,""spa,eng"":8443,""spa,eng,cat"":6,""spa,eng,dan"":4,""spa,eng,fra"":1,""spa,eng,grn"":21,""spa,eng,ind"":1,""spa,eng,ita"":1,""spa,eng,mfe"":1,""spa,eng,srp"":1,""spa,fra"":1,""spa,grn"":51,""spa,grn,eng"":9,""spa,ind"":1,""spa,ita"":1,""spa,lat,eng"":1,""spa,war"":2,""spa,war,eng"":1}","{""text/html"":16127}","{""2020"":10797,""2021"":5330}","{""CC-MAIN-2020-05"":1491,""CC-MAIN-2020-10"":1544,""CC-MAIN-2020-16"":1174,""CC-MAIN-2020-24"":1724,""CC-MAIN-2020-29"":1427,""CC-MAIN-2020-34"":1193,""CC-MAIN-2020-40"":1124,""CC-MAIN-2020-45"":670,""CC-MAIN-2020-50"":450,""CC-MAIN-2021-04"":791,""CC-MAIN-2021-10"":866,""CC-MAIN-2021-17"":1078,""CC-MAIN-2021-21"":534,""CC-MAIN-2021-25"":301,""CC-MAIN-2021-31"":296,""CC-MAIN-2021-39"":365,""CC-MAIN-2021-43"":394,""CC-MAIN-2021-49"":705}" +"276","diario y radio uchile","http://radio.uchile.cl/","es","109703","62264","1811542816","{""eng"":2,""eng,lat,spa"":4,""eng,spa"":86,""eng,spa,lat"":3,""lat,eng,spa"":3,""spa"":107139,""spa,cat"":9,""spa,dan"":56,""spa,deu"":16,""spa,deu,eng"":1,""spa,eng"":2201,""spa,fra"":37,""spa,fra,eng"":2,""spa,grn"":62,""spa,hrv"":3,""spa,ina"":1,""spa,ind"":1,""spa,ita"":14,""spa,lat"":1,""spa,nno"":1,""spa,som"":1,""spa,srp"":6,""spa,war"":10}","{""application/pdf"":37,""application/vnd.oasis.opendocument.text"":2,""application/xhtml+xml"":51,""audio/mpeg"":5,""text/html"":109608}","{""2020"":49775,""2021"":59928}","{""CC-MAIN-2020-05"":3703,""CC-MAIN-2020-10"":4873,""CC-MAIN-2020-16"":5242,""CC-MAIN-2020-24"":5939,""CC-MAIN-2020-29"":5455,""CC-MAIN-2020-34"":9415,""CC-MAIN-2020-40"":5339,""CC-MAIN-2020-45"":4339,""CC-MAIN-2020-50"":5470,""CC-MAIN-2021-04"":7628,""CC-MAIN-2021-10"":5424,""CC-MAIN-2021-17"":3391,""CC-MAIN-2021-21"":4832,""CC-MAIN-2021-25"":4051,""CC-MAIN-2021-31"":4991,""CC-MAIN-2021-39"":8115,""CC-MAIN-2021-43"":10711,""CC-MAIN-2021-49"":10785}" +"112","maillotmag","https://www.maillotmag.com/","es","7473","3136","124262089","{""eng"":3,""eng,spa"":7,""spa"":6128,""spa,bos"":5,""spa,bos,eng"":3,""spa,cat"":3,""spa,cat,bos"":2,""spa,dan"":3,""spa,eng"":1062,""spa,eng,dan"":1,""spa,ita"":2}","{""application/rss+xml"":254,""text/html"":7219}","{""2020"":3526,""2021"":3947}","{""CC-MAIN-2020-05"":324,""CC-MAIN-2020-10"":336,""CC-MAIN-2020-16"":501,""CC-MAIN-2020-24"":379,""CC-MAIN-2020-29"":419,""CC-MAIN-2020-34"":405,""CC-MAIN-2020-40"":446,""CC-MAIN-2020-45"":435,""CC-MAIN-2020-50"":281,""CC-MAIN-2021-04"":308,""CC-MAIN-2021-10"":220,""CC-MAIN-2021-17"":254,""CC-MAIN-2021-21"":575,""CC-MAIN-2021-25"":385,""CC-MAIN-2021-31"":256,""CC-MAIN-2021-39"":195,""CC-MAIN-2021-43"":941,""CC-MAIN-2021-49"":813}" +"505","News outlet","https://www.shinmin.sg/","zh","308","75","4136392","{""zho,eng"":302,""zho,eng,jpn"":6}","{""text/html"":308}","{""2020"":175,""2021"":133}","{""CC-MAIN-2020-05"":13,""CC-MAIN-2020-10"":35,""CC-MAIN-2020-16"":16,""CC-MAIN-2020-24"":10,""CC-MAIN-2020-29"":14,""CC-MAIN-2020-34"":9,""CC-MAIN-2020-40"":22,""CC-MAIN-2020-45"":46,""CC-MAIN-2020-50"":10,""CC-MAIN-2021-04"":4,""CC-MAIN-2021-10"":5,""CC-MAIN-2021-17"":14,""CC-MAIN-2021-21"":16,""CC-MAIN-2021-25"":11,""CC-MAIN-2021-31"":15,""CC-MAIN-2021-39"":29,""CC-MAIN-2021-43"":26,""CC-MAIN-2021-49"":13}" +"73","notihua tul copuerto escondido","https://notihuatulcopuertoescondido.com/","es","1104","1060","13331787","{""eng"":1083,""eng,ara"":1,""eng,glg"":1,""eng,hin"":1,""eng,ind"":1,""eng,rus"":1,""eng,spa"":12}","{""application/rss+xml"":2,""application/xhtml+xml"":1,""application/xml"":1,""text/html"":1100}","{""2020"":1086,""2021"":18}","{""CC-MAIN-2020-05"":4,""CC-MAIN-2020-10"":7,""CC-MAIN-2020-34"":11,""CC-MAIN-2020-40"":19,""CC-MAIN-2020-45"":1042,""CC-MAIN-2020-50"":3,""CC-MAIN-2021-21"":3,""CC-MAIN-2021-31"":1,""CC-MAIN-2021-43"":10,""CC-MAIN-2021-49"":4}" +"100","aporrea","http://www.aporrea.org/","es","352474","203011","4444388769","{""eng"":8,""eng,spa"":6,""glg"":9,""ind,spa"":3,""ita,spa"":1,""spa"":348901,""spa,ara,deu"":2,""spa,aym"":1,""spa,cat"":37,""spa,dan"":22,""spa,ell"":4,""spa,eng"":3052,""spa,eng,cat"":1,""spa,eng,deu"":3,""spa,eng,fra"":18,""spa,eng,nld"":1,""spa,fra"":84,""spa,fra,eng"":6,""spa,grn"":128,""spa,hat"":11,""spa,ina"":10,""spa,ind"":8,""spa,ita"":12,""spa,ita,fra"":1,""spa,lat"":20,""spa,nld"":16,""spa,oci"":7,""spa,oci,eng"":1,""spa,orm"":5,""spa,pol,eng"":3,""spa,que"":2,""spa,swa"":26,""spa,war"":8,""spa,yor"":2,""spa,zho,iku"":3}","{""application/pdf"":40,""application/rss+xml"":4,""text/html"":352430}","{""2020"":169841,""2021"":182633}","{""CC-MAIN-2020-05"":17987,""CC-MAIN-2020-10"":18501,""CC-MAIN-2020-16"":16075,""CC-MAIN-2020-24"":16595,""CC-MAIN-2020-29"":16582,""CC-MAIN-2020-34"":17855,""CC-MAIN-2020-40"":20290,""CC-MAIN-2020-45"":22546,""CC-MAIN-2020-50"":23410,""CC-MAIN-2021-04"":16183,""CC-MAIN-2021-10"":14159,""CC-MAIN-2021-17"":23712,""CC-MAIN-2021-21"":22178,""CC-MAIN-2021-25"":22918,""CC-MAIN-2021-31"":16615,""CC-MAIN-2021-39"":23290,""CC-MAIN-2021-43"":21137,""CC-MAIN-2021-49"":22441}" +"354","la gaceta","http://www.lagaceta.com.ar/","es","381192","122477","6490810116","{""eng"":230,""eng,spa"":8,""eng,spa,ita"":4,""fra,spa"":6,""spa"":373754,""spa,aar"":1,""spa,afr"":1,""spa,bos,dan"":3,""spa,cat"":207,""spa,cat,eng"":3,""spa,cat,ind"":1,""spa,cos"":12,""spa,crs"":2,""spa,dan"":76,""spa,dan,eng"":1,""spa,deu"":20,""spa,ell"":5,""spa,eng"":6027,""spa,eng,ara"":7,""spa,eng,cat"":1,""spa,eng,deu"":1,""spa,eng,fra"":8,""spa,eng,ita"":16,""spa,eng,msa"":1,""spa,fra"":42,""spa,fry"":1,""spa,grn"":194,""spa,ile"":18,""spa,ina"":41,""spa,ind"":16,""spa,isl"":7,""spa,ita"":180,""spa,jpn"":6,""spa,lat"":34,""spa,lin"":1,""spa,mlt"":1,""spa,nno"":205,""spa,nno,eng"":1,""spa,nor"":1,""spa,oci"":2,""spa,ron"":3,""spa,rus"":17,""spa,rus,eng"":2,""spa,rus,srp"":8,""spa,war"":10}","{""application/xhtml+xml"":2,""text/html"":381190}","{""2020"":179871,""2021"":201321}","{""CC-MAIN-2020-05"":20994,""CC-MAIN-2020-10"":17948,""CC-MAIN-2020-16"":17930,""CC-MAIN-2020-24"":18355,""CC-MAIN-2020-29"":17706,""CC-MAIN-2020-34"":18456,""CC-MAIN-2020-40"":20924,""CC-MAIN-2020-45"":24373,""CC-MAIN-2020-50"":23185,""CC-MAIN-2021-04"":24533,""CC-MAIN-2021-10"":22346,""CC-MAIN-2021-17"":22739,""CC-MAIN-2021-21"":22820,""CC-MAIN-2021-25"":16556,""CC-MAIN-2021-31"":24918,""CC-MAIN-2021-39"":25157,""CC-MAIN-2021-43"":24218,""CC-MAIN-2021-49"":18034}" +"254","el diario","http://diario.mx/","es","119371","84212","1823785223","{""eng,spa"":7,""spa"":114167,""spa,cat"":5,""spa,dan"":17,""spa,deu"":2,""spa,eng"":5025,""spa,eng,grn"":4,""spa,eng,lat"":2,""spa,eng,war"":1,""spa,fra"":1,""spa,grn"":22,""spa,grn,eng"":1,""spa,hat"":1,""spa,ina"":27,""spa,ind"":7,""spa,ita"":9,""spa,lat"":4,""spa,msa"":1,""spa,sco"":1,""spa,war"":49,""spa,war,eng"":1,""spa,xho"":3}","{""application/xhtml+xml"":22,""text/html"":119348,""text/plain"":1}","{""2020"":52559,""2021"":66812}","{""CC-MAIN-2020-05"":3034,""CC-MAIN-2020-10"":4966,""CC-MAIN-2020-16"":3839,""CC-MAIN-2020-24"":6192,""CC-MAIN-2020-29"":7319,""CC-MAIN-2020-34"":5833,""CC-MAIN-2020-40"":7337,""CC-MAIN-2020-45"":7073,""CC-MAIN-2020-50"":6966,""CC-MAIN-2021-04"":8046,""CC-MAIN-2021-10"":6703,""CC-MAIN-2021-17"":7283,""CC-MAIN-2021-21"":7490,""CC-MAIN-2021-25"":7726,""CC-MAIN-2021-31"":7208,""CC-MAIN-2021-39"":7036,""CC-MAIN-2021-43"":7528,""CC-MAIN-2021-49"":7792}" +"366","iaea - international atomic energy agency- spanish","https://www.iaea.org/es/news","es","449","399","8495959","{""eng,spa"":4,""spa"":357,""spa,eng"":87,""spa,eng,rus"":1}","{""application/xhtml+xml"":449}","{""2020"":192,""2021"":257}","{""CC-MAIN-2020-05"":5,""CC-MAIN-2020-10"":18,""CC-MAIN-2020-24"":7,""CC-MAIN-2020-29"":10,""CC-MAIN-2020-34"":24,""CC-MAIN-2020-40"":55,""CC-MAIN-2020-45"":38,""CC-MAIN-2020-50"":35,""CC-MAIN-2021-04"":19,""CC-MAIN-2021-10"":7,""CC-MAIN-2021-17"":18,""CC-MAIN-2021-21"":7,""CC-MAIN-2021-25"":19,""CC-MAIN-2021-31"":28,""CC-MAIN-2021-39"":40,""CC-MAIN-2021-43"":74,""CC-MAIN-2021-49"":45}" +"206","ministerio de desarrollo minero ecológico","http://desarrollominero.gob.ve/","es","2585","1319","99861031","{""eng,lat,spa"":1,""eng,spa,lat"":1,""lat,spa,eng"":1,""spa"":2440,""spa,aar"":3,""spa,eng"":11,""spa,fra"":1,""spa,lat,eng"":1}","{""application/pdf"":22,""application/rss+xml"":9,""image/jpeg"":94,""text/html"":2460}","{""2020"":1295,""2021"":1290}","{""CC-MAIN-2020-05"":175,""CC-MAIN-2020-10"":250,""CC-MAIN-2020-16"":202,""CC-MAIN-2020-24"":142,""CC-MAIN-2020-29"":191,""CC-MAIN-2020-34"":77,""CC-MAIN-2020-40"":157,""CC-MAIN-2020-45"":51,""CC-MAIN-2020-50"":50,""CC-MAIN-2021-04"":42,""CC-MAIN-2021-10"":67,""CC-MAIN-2021-17"":54,""CC-MAIN-2021-21"":27,""CC-MAIN-2021-25"":10,""CC-MAIN-2021-31"":334,""CC-MAIN-2021-39"":232,""CC-MAIN-2021-43"":485,""CC-MAIN-2021-49"":39}" +"316","la jornada","http://www.jornada.unam.mx/ultimas","es","1","1","45869","{""spa"":1}","{""application/xhtml+xml"":1}","{""2020"":1}","{""CC-MAIN-2020-10"":1}" +"471","Singapore Music Forum","https://www.soft.com.sg/","en","56781","53523","576137325","{""eng"":55162,""eng,dan"":18,""eng,ind"":66,""eng,ita"":7,""eng,jpn"":64,""eng,jpn,zho"":4,""eng,kor"":157,""eng,kor,zho"":6,""eng,msa"":15,""eng,nld"":9,""eng,por,tur"":1,""eng,spa"":1,""eng,tgl"":3,""eng,tha"":1,""eng,vie"":1,""eng,zho"":583,""eng,zho,kor"":1,""msa,eng"":1,""vie,eng"":7,""zho,eng"":1}","{""application/rss+xml"":673,""application/xhtml+xml"":56108}","{""2020"":31897,""2021"":24884}","{""CC-MAIN-2020-05"":3597,""CC-MAIN-2020-10"":4297,""CC-MAIN-2020-16"":3038,""CC-MAIN-2020-24"":5501,""CC-MAIN-2020-29"":3967,""CC-MAIN-2020-34"":2478,""CC-MAIN-2020-40"":2577,""CC-MAIN-2020-45"":3200,""CC-MAIN-2020-50"":3242,""CC-MAIN-2021-04"":3554,""CC-MAIN-2021-10"":3243,""CC-MAIN-2021-17"":3259,""CC-MAIN-2021-21"":3203,""CC-MAIN-2021-25"":2949,""CC-MAIN-2021-31"":3069,""CC-MAIN-2021-39"":3028,""CC-MAIN-2021-43"":1268,""CC-MAIN-2021-49"":1311}" +"317","correo peru","http://diariocorreo.pe/","es","161862","127584","3844396396","{""eng,spa"":11,""que,spa"":5,""spa"":155548,""spa,ara"":3,""spa,ara,deu"":1,""spa,ara,eng"":2,""spa,bre"":1,""spa,cat"":34,""spa,dan"":1793,""spa,dan,eng"":13,""spa,dan,grn"":1,""spa,deu"":9,""spa,deu,eng"":1,""spa,eng"":4105,""spa,eng,cat"":1,""spa,eng,dan"":12,""spa,eng,deu"":1,""spa,eng,fra"":3,""spa,eng,grn"":2,""spa,eng,ita"":1,""spa,eng,nld"":1,""spa,eng,tha"":1,""spa,eus"":2,""spa,fas"":1,""spa,fra"":23,""spa,fra,eng"":1,""spa,fra,ita"":2,""spa,grn"":49,""spa,ile"":2,""spa,ina"":5,""spa,ind"":2,""spa,ind,eng"":1,""spa,ita"":11,""spa,ita,deu"":2,""spa,jpn"":3,""spa,jpn,eng"":2,""spa,kor"":2,""spa,lat"":6,""spa,nld"":5,""spa,pol"":3,""spa,pol,eng"":1,""spa,que"":30,""spa,ron"":1,""spa,rus"":1,""spa,srp"":1,""spa,swa"":1,""spa,swe"":1,""spa,tgl"":1,""spa,tur"":8,""spa,war"":138,""spa,war,eng"":2}","{""application/rss+xml"":2,""text/html"":161860}","{""2020"":99625,""2021"":62237}","{""CC-MAIN-2020-05"":6887,""CC-MAIN-2020-10"":19689,""CC-MAIN-2020-16"":16527,""CC-MAIN-2020-24"":16264,""CC-MAIN-2020-29"":8227,""CC-MAIN-2020-34"":8684,""CC-MAIN-2020-40"":8719,""CC-MAIN-2020-45"":7207,""CC-MAIN-2020-50"":7421,""CC-MAIN-2021-04"":7641,""CC-MAIN-2021-10"":7826,""CC-MAIN-2021-17"":7631,""CC-MAIN-2021-21"":7385,""CC-MAIN-2021-25"":6871,""CC-MAIN-2021-31"":6188,""CC-MAIN-2021-39"":6211,""CC-MAIN-2021-43"":5699,""CC-MAIN-2021-49"":6785}" +"299","la nueva españa","https://www.lne.es/","es","289751","230072","8830331446","{""cat,spa"":11,""deu,spa"":1,""eng"":2,""eng,spa"":20,""eus,spa"":1,""ita,spa"":1,""nld,spa"":2,""spa"":215080,""spa,ara"":1,""spa,ara,eng"":1,""spa,bos"":1,""spa,cat"":43799,""spa,cat,cos"":1,""spa,cat,dan"":7,""spa,cat,deu"":1,""spa,cat,eng"":146,""spa,cat,eus"":2,""spa,cat,fra"":1,""spa,cat,ina"":7,""spa,cat,ita"":2,""spa,cat,pol"":1,""spa,cat,sqi"":1,""spa,cat,tat"":1,""spa,cat,tur"":1,""spa,cos"":2,""spa,dan"":65,""spa,dan,cat"":3,""spa,dan,cos"":2,""spa,dan,eng"":1,""spa,deu"":16,""spa,deu,cat"":1,""spa,deu,dan"":1,""spa,deu,eng"":1,""spa,eng"":28697,""spa,eng,ara"":1,""spa,eng,cat"":987,""spa,eng,dan"":5,""spa,eng,deu"":3,""spa,eng,eus"":3,""spa,eng,fra"":7,""spa,eng,lat"":2,""spa,eng,ron"":2,""spa,eng,rus"":1,""spa,eng,sna"":1,""spa,eng,srp"":2,""spa,eus"":45,""spa,eus,cat"":5,""spa,eus,eng"":1,""spa,fao"":3,""spa,fij"":2,""spa,fra"":44,""spa,fra,cat"":5,""spa,fra,eng"":4,""spa,grn"":24,""spa,grn,eng"":2,""spa,hat"":1,""spa,hrv"":10,""spa,hrv,isl"":1,""spa,hun"":1,""spa,ile"":2,""spa,ina"":77,""spa,ina,cat"":10,""spa,ina,eng"":1,""spa,ina,lat"":2,""spa,ind"":5,""spa,isl"":14,""spa,ita"":59,""spa,ita,cat"":5,""spa,ita,eng"":3,""spa,lat"":19,""spa,lat,eng"":1,""spa,lin"":2,""spa,lit"":3,""spa,lit,cat"":1,""spa,nld"":4,""spa,nld,cat"":1,""spa,nld,eng"":1,""spa,nno"":2,""spa,nno,cat"":1,""spa,oci"":13,""spa,pol"":9,""spa,pol,eng"":2,""spa,ron"":6,""spa,ron,cat"":2,""spa,sco"":15,""spa,smo"":1,""spa,som"":1,""spa,srp"":17,""spa,swe"":11,""spa,tat"":2,""spa,tur"":16,""spa,tur,cat"":1,""spa,tur,ina"":1,""spa,uzb"":1,""spa,vol"":1,""spa,war"":6,""spa,war,cat"":1,""spa,wol"":1,""spa,wol,cat"":1,""tur,spa"":1}","{""application/rss+xml"":170,""application/xhtml+xml"":1317,""application/xml"":197,""text/html"":288067}","{""2020"":140371,""2021"":149380}","{""CC-MAIN-2020-05"":18668,""CC-MAIN-2020-10"":19164,""CC-MAIN-2020-16"":14164,""CC-MAIN-2020-24"":15322,""CC-MAIN-2020-29"":8844,""CC-MAIN-2020-34"":10134,""CC-MAIN-2020-40"":9801,""CC-MAIN-2020-45"":22355,""CC-MAIN-2020-50"":21919,""CC-MAIN-2021-04"":18669,""CC-MAIN-2021-10"":10592,""CC-MAIN-2021-17"":12796,""CC-MAIN-2021-21"":24239,""CC-MAIN-2021-25"":21814,""CC-MAIN-2021-31"":21672,""CC-MAIN-2021-39"":24042,""CC-MAIN-2021-43"":8176,""CC-MAIN-2021-49"":7380}" +"219","aguasresiduales","http://www.aguasresiduales.info/","es","76553","25963","1749783743","{""eng"":1,""spa"":75621,""spa,cat"":209,""spa,cat,eng"":1,""spa,eng"":660,""spa,eng,cat"":1,""spa,eus"":10,""spa,grn"":2,""spa,lat"":1}","{""application/pdf"":47,""application/xhtml+xml"":1,""text/html"":76505}","{""2020"":38770,""2021"":37783}","{""CC-MAIN-2020-05"":4467,""CC-MAIN-2020-10"":4707,""CC-MAIN-2020-16"":4737,""CC-MAIN-2020-24"":4705,""CC-MAIN-2020-29"":4639,""CC-MAIN-2020-34"":4669,""CC-MAIN-2020-40"":4799,""CC-MAIN-2020-45"":3403,""CC-MAIN-2020-50"":2644,""CC-MAIN-2021-04"":4122,""CC-MAIN-2021-10"":2917,""CC-MAIN-2021-17"":3391,""CC-MAIN-2021-21"":3512,""CC-MAIN-2021-25"":5902,""CC-MAIN-2021-31"":5386,""CC-MAIN-2021-39"":5394,""CC-MAIN-2021-43"":3575,""CC-MAIN-2021-49"":3584}" +"311","nómada","https://nomada.gt/","es","36099","8340","1144232616","{""deu,spa"":5,""eng"":79,""eng,spa"":185,""spa"":34855,""spa,cat"":12,""spa,ces,eng"":4,""spa,deu"":6,""spa,eng"":816,""spa,fra"":9,""spa,grn"":91,""spa,grn,eng"":6,""spa,msa"":4,""spa,war"":5}","{""application/pdf"":21,""application/xhtml+xml"":233,""image/png"":1,""text/html"":35844}","{""2020"":13842,""2021"":22257}","{""CC-MAIN-2020-05"":825,""CC-MAIN-2020-10"":1055,""CC-MAIN-2020-16"":855,""CC-MAIN-2020-24"":886,""CC-MAIN-2020-29"":1093,""CC-MAIN-2020-34"":1058,""CC-MAIN-2020-40"":4266,""CC-MAIN-2020-45"":2183,""CC-MAIN-2020-50"":1621,""CC-MAIN-2021-04"":3749,""CC-MAIN-2021-10"":1923,""CC-MAIN-2021-17"":3243,""CC-MAIN-2021-21"":2013,""CC-MAIN-2021-25"":1238,""CC-MAIN-2021-31"":4310,""CC-MAIN-2021-39"":1713,""CC-MAIN-2021-43"":2199,""CC-MAIN-2021-49"":1869}" +"385","consejo nacional para la igualdad de pueblos y nacionalidades","http://www.pueblosynacionalidades.gob.ec/","es","65","53","6937881","{""spa"":56}","{""application/pdf"":9,""text/html"":56}","{""2020"":32,""2021"":33}","{""CC-MAIN-2020-05"":1,""CC-MAIN-2020-10"":1,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-24"":28,""CC-MAIN-2020-40"":1,""CC-MAIN-2021-04"":1,""CC-MAIN-2021-10"":1,""CC-MAIN-2021-17"":1,""CC-MAIN-2021-31"":1,""CC-MAIN-2021-39"":8,""CC-MAIN-2021-43"":20,""CC-MAIN-2021-49"":1}" +"48","banco central de bolivia","http://www.bcb.gob.bo/","es","6673","4932","1120279003","{""eng,spa"":3,""spa"":3025,""spa,eng"":254}","{""application/pdf"":3310,""application/rss+xml"":13,""application/vnd.ms-excel"":21,""application/vnd.oasis.opendocument.spreadsheet"":20,""application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"":2,""application/x-tika-msoffice"":2,""application/xhtml+xml"":48,""application/zip"":23,""text/html"":3234}","{""2020"":1628,""2021"":5045}","{""CC-MAIN-2020-05"":178,""CC-MAIN-2020-10"":135,""CC-MAIN-2020-16"":190,""CC-MAIN-2020-24"":207,""CC-MAIN-2020-29"":286,""CC-MAIN-2020-34"":65,""CC-MAIN-2020-40"":224,""CC-MAIN-2020-45"":115,""CC-MAIN-2020-50"":228,""CC-MAIN-2021-04"":276,""CC-MAIN-2021-10"":270,""CC-MAIN-2021-17"":255,""CC-MAIN-2021-21"":216,""CC-MAIN-2021-25"":64,""CC-MAIN-2021-31"":187,""CC-MAIN-2021-39"":1533,""CC-MAIN-2021-43"":1738,""CC-MAIN-2021-49"":506}" +"370","redacción médica","https://www.redaccionmedica.com/","es","141611","77456","2408820369","{""eng"":649,""glg"":13,""glg,cat"":1,""spa"":112440,""spa,cat"":554,""spa,cat,eng"":94,""spa,cat,eus"":1,""spa,dan"":6,""spa,deu"":2,""spa,deu,eng"":2,""spa,eng"":27589,""spa,eng,cat"":76,""spa,eng,dan"":1,""spa,eng,deu"":2,""spa,eng,eus"":6,""spa,eng,fra"":1,""spa,eng,grn"":1,""spa,eng,ind"":2,""spa,eng,ita"":3,""spa,eng,lat"":1,""spa,eng,war"":1,""spa,eus"":64,""spa,eus,eng"":7,""spa,fin"":2,""spa,fra"":10,""spa,fra,deu"":3,""spa,fra,eng"":5,""spa,grn"":5,""spa,ind"":5,""spa,ind,eng"":1,""spa,ita"":11,""spa,ita,eng"":2,""spa,lat"":4,""spa,oci"":2,""spa,rus,eng"":2,""spa,war"":7}","{""application/pdf"":13,""application/xhtml+xml"":140704,""text/html"":894}","{""2020"":70731,""2021"":70880}","{""CC-MAIN-2020-05"":5971,""CC-MAIN-2020-10"":7871,""CC-MAIN-2020-16"":7662,""CC-MAIN-2020-24"":7815,""CC-MAIN-2020-29"":8494,""CC-MAIN-2020-34"":8786,""CC-MAIN-2020-40"":8680,""CC-MAIN-2020-45"":7888,""CC-MAIN-2020-50"":7564,""CC-MAIN-2021-04"":7707,""CC-MAIN-2021-10"":8617,""CC-MAIN-2021-17"":8551,""CC-MAIN-2021-21"":8560,""CC-MAIN-2021-25"":7995,""CC-MAIN-2021-31"":7246,""CC-MAIN-2021-39"":7145,""CC-MAIN-2021-43"":7552,""CC-MAIN-2021-49"":7507}" +"97","ielektro","https://ielektro.es/","es","6560","4331","137990711","{""eng,spa"":1,""spa"":6063,""spa,cat"":33,""spa,cat,eng"":1,""spa,eng"":420,""spa,eng,deu"":1,""spa,eng,fra"":1,""spa,eus"":1,""spa,fra"":35,""spa,fra,eng"":2,""spa,ind,cat"":1,""spa,nno"":1}","{""text/html"":6560}","{""2020"":4876,""2021"":1684}","{""CC-MAIN-2020-05"":558,""CC-MAIN-2020-10"":216,""CC-MAIN-2020-16"":170,""CC-MAIN-2020-24"":551,""CC-MAIN-2020-29"":1234,""CC-MAIN-2020-34"":732,""CC-MAIN-2020-40"":526,""CC-MAIN-2020-45"":609,""CC-MAIN-2020-50"":280,""CC-MAIN-2021-04"":242,""CC-MAIN-2021-10"":162,""CC-MAIN-2021-17"":145,""CC-MAIN-2021-21"":135,""CC-MAIN-2021-25"":212,""CC-MAIN-2021-31"":176,""CC-MAIN-2021-39"":211,""CC-MAIN-2021-43"":217,""CC-MAIN-2021-49"":184}" +"137","el medico interactivo","https://elmedicointeractivo.com/","es","66468","26280","1215730065","{""eng,spa"":16,""ind,spa"":1,""ind,spa,eng"":8,""msa,spa"":1,""spa"":17565,""spa,cat"":27,""spa,eng"":44154,""spa,eng,cat"":43,""spa,eng,eus"":6,""spa,eng,ina"":1,""spa,eng,ind"":3731,""spa,eng,ita"":1,""spa,eng,lat"":2,""spa,eus"":4,""spa,fra"":1,""spa,grn"":2,""spa,ind"":14,""spa,ind,eng"":4,""spa,lat"":1,""spa,msa"":1}","{""application/pdf"":111,""image/jpeg"":718,""image/png"":56,""text/html"":65583}","{""2020"":30777,""2021"":35691}","{""CC-MAIN-2020-05"":504,""CC-MAIN-2020-10"":778,""CC-MAIN-2020-16"":5425,""CC-MAIN-2020-24"":4745,""CC-MAIN-2020-29"":5259,""CC-MAIN-2020-34"":2959,""CC-MAIN-2020-40"":4780,""CC-MAIN-2020-45"":3736,""CC-MAIN-2020-50"":2591,""CC-MAIN-2021-04"":6713,""CC-MAIN-2021-10"":2066,""CC-MAIN-2021-17"":3850,""CC-MAIN-2021-21"":3001,""CC-MAIN-2021-25"":2494,""CC-MAIN-2021-31"":5700,""CC-MAIN-2021-39"":4082,""CC-MAIN-2021-43"":4552,""CC-MAIN-2021-49"":3233}" +"27","gestores de residuos","https://gestoresderesiduos.org/","es","17934","8340","152937285","{""cat,spa"":4,""spa"":16212,""spa,cat"":956,""spa,cat,eng"":2,""spa,cat,ina"":11,""spa,dan"":3,""spa,deu"":2,""spa,eng"":258,""spa,eng,fin"":2,""spa,eus"":458,""spa,fra"":3,""spa,fry"":2,""spa,grn"":2,""spa,ind"":1,""spa,ita"":7,""spa,lat"":3,""spa,oci"":8}","{""text/html"":17934}","{""2020"":9746,""2021"":8188}","{""CC-MAIN-2020-05"":1264,""CC-MAIN-2020-10"":1202,""CC-MAIN-2020-16"":893,""CC-MAIN-2020-24"":1121,""CC-MAIN-2020-29"":1087,""CC-MAIN-2020-34"":1029,""CC-MAIN-2020-40"":1394,""CC-MAIN-2020-45"":870,""CC-MAIN-2020-50"":886,""CC-MAIN-2021-04"":577,""CC-MAIN-2021-10"":306,""CC-MAIN-2021-17"":1194,""CC-MAIN-2021-21"":651,""CC-MAIN-2021-25"":717,""CC-MAIN-2021-31"":628,""CC-MAIN-2021-39"":652,""CC-MAIN-2021-43"":2370,""CC-MAIN-2021-49"":1093}" +"498","News outlet","https://www.channelnewsasia.com/","en","237196","157259","9771402258","{""deu"":1,""eng"":234905,""eng,ara"":3,""eng,cat"":2,""eng,dan"":198,""eng,deu"":6,""eng,fin"":2,""eng,fra"":3,""eng,fry"":11,""eng,grn"":4,""eng,hrv"":1,""eng,ile"":1,""eng,ind"":121,""eng,ita"":13,""eng,jpn"":12,""eng,kha"":2,""eng,khm"":2,""eng,kor"":63,""eng,lat"":1,""eng,msa"":1520,""eng,mya"":3,""eng,nld"":3,""eng,nno"":7,""eng,nor"":1,""eng,por"":40,""eng,por,msa"":1,""eng,sin"":2,""eng,slk"":4,""eng,spa"":7,""eng,srp"":1,""eng,tha"":17,""eng,ton"":1,""eng,ukr"":4,""eng,uzb"":1,""eng,vie"":3,""eng,vie,jpn"":2,""eng,war"":5,""eng,zho"":45,""ind,eng"":54,""msa,eng"":26}","{""application/pdf"":1,""application/rss+xml"":66,""application/xml"":5,""text/html"":237124}","{""2020"":116193,""2021"":121003}","{""CC-MAIN-2020-05"":14578,""CC-MAIN-2020-10"":11305,""CC-MAIN-2020-16"":9963,""CC-MAIN-2020-24"":14765,""CC-MAIN-2020-29"":17003,""CC-MAIN-2020-34"":15186,""CC-MAIN-2020-40"":14707,""CC-MAIN-2020-45"":10897,""CC-MAIN-2020-50"":7789,""CC-MAIN-2021-04"":10811,""CC-MAIN-2021-10"":8559,""CC-MAIN-2021-17"":9014,""CC-MAIN-2021-21"":8317,""CC-MAIN-2021-25"":8627,""CC-MAIN-2021-31"":9905,""CC-MAIN-2021-39"":28103,""CC-MAIN-2021-43"":16192,""CC-MAIN-2021-49"":21475}" +"69","el orbe","https://elorbe.com/","es","54455","35678","1228119552","{""eng"":7,""eng,spa"":1,""fra,spa"":1,""spa"":49763,""spa,cat"":21,""spa,crs"":1,""spa,dan"":15,""spa,dan,ile"":1,""spa,eng"":4529,""spa,eng,cat"":1,""spa,eng,eus"":1,""spa,eng,fra"":4,""spa,eng,grn"":2,""spa,eng,ile"":1,""spa,eng,ina"":1,""spa,epo"":1,""spa,eus"":3,""spa,fij"":1,""spa,fra"":5,""spa,grn"":32,""spa,ile"":9,""spa,ina"":26,""spa,ina,eng"":1,""spa,ind"":2,""spa,ita"":1,""spa,lav"":1,""spa,nno"":2,""spa,roh"":1,""spa,sco"":1,""spa,slk"":2,""spa,war"":18}","{""text/html"":54455}","{""2020"":11844,""2021"":42611}","{""CC-MAIN-2020-05"":465,""CC-MAIN-2020-10"":602,""CC-MAIN-2020-16"":526,""CC-MAIN-2020-24"":991,""CC-MAIN-2020-29"":763,""CC-MAIN-2020-34"":924,""CC-MAIN-2020-40"":810,""CC-MAIN-2020-45"":425,""CC-MAIN-2020-50"":6338,""CC-MAIN-2021-04"":6393,""CC-MAIN-2021-10"":5392,""CC-MAIN-2021-17"":540,""CC-MAIN-2021-21"":5632,""CC-MAIN-2021-25"":5951,""CC-MAIN-2021-31"":5304,""CC-MAIN-2021-39"":5371,""CC-MAIN-2021-43"":3240,""CC-MAIN-2021-49"":4788}" +"83","vietnamplus (spanish)","http://es.vietnamplus.vn/","es","191163","120489","2002621050","{""spa"":185269,""spa,cat"":353,""spa,cat,eng"":7,""spa,cat,vie"":10,""spa,cat,war"":2,""spa,ceb"":1,""spa,ces"":2,""spa,dan"":260,""spa,dan,eng"":2,""spa,dan,vie"":2,""spa,deu"":8,""spa,eng"":2220,""spa,eng,cat"":1,""spa,eng,dan"":1,""spa,eng,ind"":1,""spa,eng,msa"":1,""spa,eng,vie"":20,""spa,eng,war"":2,""spa,fra"":11,""spa,grn"":26,""spa,grn,vie"":1,""spa,haw"":1,""spa,ina"":2,""spa,ind"":52,""spa,ind,cat"":1,""spa,ind,dan"":1,""spa,ind,eng"":1,""spa,isl"":1,""spa,jav"":1,""spa,kha"":1,""spa,lat"":6,""spa,mlg"":1,""spa,msa"":369,""spa,msa,eng"":2,""spa,msa,vie"":3,""spa,nno"":1,""spa,nno,eng"":1,""spa,oci"":4,""spa,pol"":1,""spa,ron"":2,""spa,san"":12,""spa,smo"":1,""spa,srp"":1,""spa,swa"":2,""spa,tuk"":25,""spa,vie"":2041,""spa,vie,cat"":3,""spa,vie,dan"":1,""spa,vie,eng"":13,""spa,vie,haw"":1,""spa,war"":398,""spa,war,eng"":2,""spa,war,vie"":7,""vie,spa"":2}","{""application/rss+xml"":3,""application/xhtml+xml"":191160}","{""2020"":127088,""2021"":64075}","{""CC-MAIN-2020-05"":6009,""CC-MAIN-2020-10"":388,""CC-MAIN-2020-16"":1236,""CC-MAIN-2020-24"":2311,""CC-MAIN-2020-29"":22991,""CC-MAIN-2020-34"":20396,""CC-MAIN-2020-40"":20927,""CC-MAIN-2020-45"":25990,""CC-MAIN-2020-50"":26840,""CC-MAIN-2021-04"":25140,""CC-MAIN-2021-10"":1874,""CC-MAIN-2021-17"":1847,""CC-MAIN-2021-21"":295,""CC-MAIN-2021-25"":1075,""CC-MAIN-2021-31"":1350,""CC-MAIN-2021-39"":1397,""CC-MAIN-2021-43"":18491,""CC-MAIN-2021-49"":12606}" +"298","larioja","https://www.larioja.com/","es","10437","5173","257495250","{""cat,spa"":2580,""cat,spa,oci"":211,""spa"":7639,""spa,cat"":4,""spa,eng"":3}","{""application/xhtml+xml"":2,""text/html"":10435}","{""2020"":7900,""2021"":2537}","{""CC-MAIN-2020-05"":1111,""CC-MAIN-2020-10"":924,""CC-MAIN-2020-16"":1437,""CC-MAIN-2020-24"":293,""CC-MAIN-2020-29"":1412,""CC-MAIN-2020-34"":565,""CC-MAIN-2020-40"":624,""CC-MAIN-2020-45"":512,""CC-MAIN-2020-50"":1022,""CC-MAIN-2021-04"":1231,""CC-MAIN-2021-10"":565,""CC-MAIN-2021-17"":648,""CC-MAIN-2021-21"":93}" +"163","presidencia de la república del perú","https://www.gob.pe/presidencia/","es","46","2","1510133","{""spa"":46}","{""text/html"":46}","{""2020"":26,""2021"":20}","{""CC-MAIN-2020-05"":3,""CC-MAIN-2020-10"":3,""CC-MAIN-2020-16"":3,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-29"":3,""CC-MAIN-2020-34"":7,""CC-MAIN-2020-40"":1,""CC-MAIN-2020-45"":2,""CC-MAIN-2020-50"":3,""CC-MAIN-2021-04"":2,""CC-MAIN-2021-10"":2,""CC-MAIN-2021-21"":3,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-31"":3,""CC-MAIN-2021-39"":2,""CC-MAIN-2021-43"":3,""CC-MAIN-2021-49"":4}" +"173","asamblea nacional de nicaragua","http://www.asamblea.gob.ni/","es","14","11","955865","{""eng"":10,""spa,grn"":3}","{""application/pdf"":1,""text/html"":13}","{""2020"":7,""2021"":7}","{""CC-MAIN-2020-10"":3,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-29"":1,""CC-MAIN-2020-45"":2,""CC-MAIN-2021-04"":1,""CC-MAIN-2021-17"":1,""CC-MAIN-2021-21"":1,""CC-MAIN-2021-39"":2,""CC-MAIN-2021-43"":1,""CC-MAIN-2021-49"":1}" +"372","intereconomia","https://intereconomia.com/","es","35238","32967","712451148","{""eng"":12581,""eng,spa"":23,""spa"":21141,""spa,cat"":89,""spa,cat,eng"":6,""spa,dan"":1,""spa,deu"":1,""spa,eng"":1325,""spa,eng,cat"":4,""spa,eng,fra"":2,""spa,fra"":4,""spa,grn"":6,""spa,ita"":1,""spa,lat"":1,""spa,nld"":1,""spa,oci,eng"":1,""spa,oci,eus"":1,""spa,pol"":1,""spa,roh"":1,""spa,rus"":1,""spa,rus,eng"":1,""spa,swe"":1,""spa,ukr"":1}","{""image/jpeg"":24,""image/png"":18,""text/calendar"":2,""text/html"":35194}","{""2020"":4840,""2021"":30398}","{""CC-MAIN-2020-05"":648,""CC-MAIN-2020-10"":430,""CC-MAIN-2020-16"":661,""CC-MAIN-2020-24"":597,""CC-MAIN-2020-29"":401,""CC-MAIN-2020-34"":466,""CC-MAIN-2020-40"":484,""CC-MAIN-2020-45"":699,""CC-MAIN-2020-50"":454,""CC-MAIN-2021-04"":770,""CC-MAIN-2021-10"":379,""CC-MAIN-2021-17"":837,""CC-MAIN-2021-21"":719,""CC-MAIN-2021-25"":614,""CC-MAIN-2021-31"":538,""CC-MAIN-2021-39"":870,""CC-MAIN-2021-43"":23380,""CC-MAIN-2021-49"":2291}" +"79","la opinión de murcia","http://www.laopiniondemurcia.es/","es","228418","178837","7165587207","{""bis,spa"":2,""cat,spa"":32,""deu,spa"":1,""eng,spa"":28,""fin,spa"":1,""fra,spa"":4,""grn,spa"":4,""ina"":2,""ind,spa"":5,""ita,spa"":1,""lat,spa"":4,""nld,spa"":2,""oci,spa"":6,""roh,spa"":2,""spa"":184550,""spa,ara,cat"":1,""spa,ara,eng"":1,""spa,bis"":2,""spa,bos"":13,""spa,cat"":20649,""spa,cat,cos"":1,""spa,cat,dan"":3,""spa,cat,deu"":1,""spa,cat,eng"":159,""spa,cat,eus"":2,""spa,cat,fra"":1,""spa,cat,ile"":1,""spa,cat,ina"":10,""spa,cat,ita"":1,""spa,cat,sqi"":5,""spa,cat,swe"":1,""spa,cos"":5,""spa,crs"":2,""spa,dan"":129,""spa,dan,cat"":3,""spa,dan,eng"":4,""spa,deu"":5,""spa,ell"":1,""spa,eng"":20955,""spa,eng,ara"":2,""spa,eng,aze"":1,""spa,eng,cat"":587,""spa,eng,dan"":9,""spa,eng,deu"":5,""spa,eng,fra"":1,""spa,eng,hrv"":1,""spa,eng,ita"":6,""spa,eng,lav"":1,""spa,eng,lit"":1,""spa,eng,nld"":2,""spa,eng,pol"":4,""spa,eng,ron"":1,""spa,eng,rus"":2,""spa,eng,srp"":1,""spa,eng,swe"":1,""spa,epo"":1,""spa,eus"":94,""spa,eus,cat"":1,""spa,eus,eng"":4,""spa,fao"":7,""spa,fij"":1,""spa,fra"":60,""spa,fra,cat"":4,""spa,fra,eng"":6,""spa,fry"":1,""spa,grn"":17,""spa,hat"":2,""spa,heb,eng"":1,""spa,hrv"":14,""spa,ibo"":1,""spa,ile"":6,""spa,ina"":85,""spa,ina,cat"":7,""spa,ina,eng"":1,""spa,ina,ita"":1,""spa,ind"":14,""spa,isl"":29,""spa,ita"":54,""spa,ita,cat"":8,""spa,ita,dan"":1,""spa,ita,eng"":5,""spa,jpn"":1,""spa,kha"":1,""spa,kor"":1,""spa,lat"":22,""spa,lat,eng"":1,""spa,lav"":5,""spa,lin"":1,""spa,lit"":1,""spa,mlg"":1,""spa,msa"":5,""spa,msa,cat"":2,""spa,nld"":10,""spa,nno"":1,""spa,nor"":1,""spa,oci"":49,""spa,pol"":39,""spa,pol,eng"":1,""spa,que"":1,""spa,roh"":1,""spa,ron"":30,""spa,sco"":7,""spa,smo"":2,""spa,srp"":74,""spa,ssw"":1,""spa,swe"":2,""spa,tat"":5,""spa,tur"":12,""spa,tur,eng"":1,""spa,uzb"":2,""spa,war"":30,""spa,war,ind"":3,""tur,spa"":1}","{""application/pdf"":7,""application/rss+xml"":357,""application/xhtml+xml"":1129,""application/xml"":57,""text/html"":226868}","{""2020"":109380,""2021"":119038}","{""CC-MAIN-2020-05"":6850,""CC-MAIN-2020-10"":10287,""CC-MAIN-2020-16"":6225,""CC-MAIN-2020-24"":9415,""CC-MAIN-2020-29"":10648,""CC-MAIN-2020-34"":9370,""CC-MAIN-2020-40"":17789,""CC-MAIN-2020-45"":18907,""CC-MAIN-2020-50"":19889,""CC-MAIN-2021-04"":18369,""CC-MAIN-2021-10"":18797,""CC-MAIN-2021-17"":19563,""CC-MAIN-2021-21"":24442,""CC-MAIN-2021-25"":8005,""CC-MAIN-2021-31"":6962,""CC-MAIN-2021-39"":7655,""CC-MAIN-2021-43"":7660,""CC-MAIN-2021-49"":7585}" +"113","abc.es - sevilla - andalucía","http://www.abc.es/","es","5622","5082","111317233","{""cat,spa"":94,""eng,spa"":1,""spa"":4976,""spa,cat"":87,""spa,cat,eng"":3,""spa,cat,eus"":1,""spa,eng"":395,""spa,eus"":3,""spa,fra"":1,""spa,grn"":4,""spa,ita"":1,""spa,nno"":14,""spa,war"":1,""spa,war,eng"":1,""spa,wol"":2}","{""application/pdf"":16,""application/rss+xml"":16,""application/xhtml+xml"":1343,""text/html"":4247}","{""2020"":5091,""2021"":531}","{""CC-MAIN-2020-05"":2837,""CC-MAIN-2020-10"":779,""CC-MAIN-2020-16"":181,""CC-MAIN-2020-24"":370,""CC-MAIN-2020-29"":226,""CC-MAIN-2020-34"":131,""CC-MAIN-2020-40"":156,""CC-MAIN-2020-45"":164,""CC-MAIN-2020-50"":247,""CC-MAIN-2021-04"":170,""CC-MAIN-2021-10"":227,""CC-MAIN-2021-17"":92,""CC-MAIN-2021-21"":42}" +"174","tribunal contencioso electoral del ecuador","http://www.tce.gob.ec/","es","832","298","25209308","{""eng"":88,""spa"":615,""spa,eng"":102}","{""application/pdf"":24,""application/xhtml+xml"":4,""text/html"":804}","{""2020"":502,""2021"":330}","{""CC-MAIN-2020-05"":46,""CC-MAIN-2020-10"":34,""CC-MAIN-2020-16"":44,""CC-MAIN-2020-24"":40,""CC-MAIN-2020-29"":104,""CC-MAIN-2020-34"":48,""CC-MAIN-2020-40"":123,""CC-MAIN-2020-45"":36,""CC-MAIN-2020-50"":27,""CC-MAIN-2021-04"":48,""CC-MAIN-2021-10"":121,""CC-MAIN-2021-17"":40,""CC-MAIN-2021-21"":11,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-31"":23,""CC-MAIN-2021-39"":37,""CC-MAIN-2021-43"":10,""CC-MAIN-2021-49"":39}" +"288","marca","https://www.marca.com/","es","462727","342533","11340875659","{""cat"":4,""cat,spa"":8,""cat,spa,eng"":2,""dan,eng,spa"":1,""dan,spa"":8,""dan,spa,hau"":3,""dan,spa,isl"":1,""eng"":752,""eng,cat"":4,""eng,cat,spa"":6,""eng,dan"":2,""eng,dan,spa"":3,""eng,deu,spa"":3,""eng,fra,cat"":1,""eng,fra,spa"":3,""eng,glg"":3,""eng,glg,cat"":1,""eng,ita"":1,""eng,ita,fra"":1,""eng,ita,spa"":3,""eng,por"":8,""eng,spa"":26796,""eng,spa,cat"":193,""eng,spa,dan"":45,""eng,spa,deu"":5,""eng,spa,eus"":3,""eng,spa,fra"":16,""eng,spa,fry"":1,""eng,spa,hrv"":1,""eng,spa,ina"":3,""eng,spa,isl"":3,""eng,spa,ita"":17,""eng,spa,lat"":1,""eng,spa,nld"":4,""eng,spa,nor"":2,""eng,spa,smo"":1,""eng,tur,spa"":1,""eus,spa"":1,""fra,spa"":3,""glg"":52,""glg,cat"":4,""hrv"":1,""ita"":6,""ita,spa"":22,""jav"":1,""lat,spa"":1,""nld"":4,""nld,spa"":27,""nso"":2,""por"":39,""por,eng"":1,""por,glg"":5,""ron,spa"":6,""spa"":389693,""spa,aar"":2,""spa,aar,eng"":1,""spa,afr"":4,""spa,afr,nld"":1,""spa,bos"":26,""spa,bos,fao"":2,""spa,bos,isl"":1,""spa,bos,srp"":2,""spa,bre"":2,""spa,bre,fra"":2,""spa,cat"":9505,""spa,cat,dan"":15,""spa,cat,deu"":3,""spa,cat,eng"":386,""spa,cat,eus"":4,""spa,cat,oci"":1,""spa,cat,pol"":2,""spa,cat,ron"":2,""spa,cat,srp"":1,""spa,cat,war"":1,""spa,ces"":3,""spa,cos"":20,""spa,cos,eus"":1,""spa,cym"":4,""spa,dan"":797,""spa,dan,bos"":5,""spa,dan,cat"":5,""spa,dan,eng"":19,""spa,dan,grn"":1,""spa,dan,ile"":1,""spa,dan,isl"":2,""spa,dan,ita"":6,""spa,dan,nld"":7,""spa,dan,tat"":1,""spa,deu"":112,""spa,deu,dan"":1,""spa,deu,srp"":3,""spa,eng"":29215,""spa,eng,bos"":1,""spa,eng,cat"":526,""spa,eng,cym"":2,""spa,eng,dan"":22,""spa,eng,deu"":4,""spa,eng,eus"":13,""spa,eng,fra"":16,""spa,eng,grn"":4,""spa,eng,heb"":1,""spa,eng,hrv"":2,""spa,eng,ile"":1,""spa,eng,ina"":5,""spa,eng,isl"":1,""spa,eng,ita"":22,""spa,eng,jav"":1,""spa,eng,lat"":2,""spa,eng,nld"":4,""spa,eng,oci"":3,""spa,eng,pol"":2,""spa,eng,slk"":2,""spa,eng,srp"":7,""spa,eng,swe"":1,""spa,eng,tur"":5,""spa,eng,war"":1,""spa,epo"":2,""spa,eus"":731,""spa,eus,cat"":11,""spa,eus,dan"":5,""spa,eus,eng"":9,""spa,eus,smo"":3,""spa,fao"":1,""spa,fin"":2,""spa,fra"":263,""spa,fra,eng"":1,""spa,fry"":1,""spa,fry,lat"":1,""spa,gla"":2,""spa,gle"":1,""spa,glg"":2,""spa,grn"":57,""spa,grn,deu"":1,""spa,grn,eng"":3,""spa,haw"":1,""spa,hrv"":53,""spa,hrv,eng"":1,""spa,hun"":2,""spa,ile"":97,""spa,ile,cat"":2,""spa,ile,dan"":1,""spa,ile,deu"":2,""spa,ile,eng"":1,""spa,ile,eus"":1,""spa,ile,ron"":1,""spa,ile,srp"":3,""spa,ina"":187,""spa,ina,ita"":2,""spa,ind"":119,""spa,ind,cat"":1,""spa,ind,eng"":1,""spa,isl"":9,""spa,isl,ita"":4,""spa,isl,nld"":1,""spa,isl,srp"":3,""spa,isl,swe"":2,""spa,ita"":449,""spa,ita,cat"":2,""spa,ita,cos"":1,""spa,ita,dan"":5,""spa,ita,eng"":3,""spa,ita,fra"":1,""spa,ita,ile"":1,""spa,ita,ina"":2,""spa,ita,war"":2,""spa,jav"":5,""spa,lat"":18,""spa,lat,ile"":1,""spa,lav"":3,""spa,lin"":2,""spa,lit"":45,""spa,lit,pol"":2,""spa,lug"":2,""spa,mlt"":1,""spa,mri"":1,""spa,msa"":6,""spa,nld"":141,""spa,nld,dan"":1,""spa,nld,eng"":16,""spa,nld,fra"":2,""spa,nld,ile"":1,""spa,nld,ita"":1,""spa,nno"":4,""spa,nor"":44,""spa,nor,cat"":1,""spa,nor,eus"":1,""spa,nor,hun"":1,""spa,nor,ile"":2,""spa,nor,ita"":1,""spa,nya"":1,""spa,oci"":79,""spa,oci,cat"":2,""spa,oci,eng"":1,""spa,oci,srp"":1,""spa,orm"":2,""spa,pol"":32,""spa,pol,cat"":5,""spa,pol,eng"":1,""spa,pol,hrv"":1,""spa,pol,ron"":1,""spa,roh"":1,""spa,ron"":106,""spa,ron,dan"":2,""spa,ron,eng"":2,""spa,ron,ina"":1,""spa,ron,isl"":1,""spa,ron,ita"":1,""spa,san"":2,""spa,sco"":2,""spa,sco,ron"":1,""spa,slk"":12,""spa,slv"":11,""spa,slv,eng"":1,""spa,smo"":8,""spa,som"":3,""spa,som,eng"":1,""spa,sqi"":3,""spa,sqi,swe"":1,""spa,srp"":92,""spa,srp,eng"":1,""spa,srp,pol"":2,""spa,srp,ron"":1,""spa,srp,san"":1,""spa,sun"":1,""spa,swe"":94,""spa,swe,deu"":1,""spa,tat"":9,""spa,tat,deu"":2,""spa,ton"":1,""spa,ton,ron"":3,""spa,tsn"":3,""spa,tur"":99,""spa,tur,dan"":2,""spa,uzb"":6,""spa,vie"":1,""spa,vol"":1,""spa,war"":28,""spa,wol"":1,""tur,spa"":23}","{""application/octet-stream"":1,""application/rss+xml"":9,""application/xhtml+xml"":230325,""application/xml"":8,""image/png"":2,""text/html"":232382}","{""2020"":224706,""2021"":238021}","{""CC-MAIN-2020-05"":31033,""CC-MAIN-2020-10"":26328,""CC-MAIN-2020-16"":21676,""CC-MAIN-2020-24"":21216,""CC-MAIN-2020-29"":21027,""CC-MAIN-2020-34"":23686,""CC-MAIN-2020-40"":22325,""CC-MAIN-2020-45"":28753,""CC-MAIN-2020-50"":28662,""CC-MAIN-2021-04"":28263,""CC-MAIN-2021-10"":24765,""CC-MAIN-2021-17"":25275,""CC-MAIN-2021-21"":25708,""CC-MAIN-2021-25"":28547,""CC-MAIN-2021-31"":26742,""CC-MAIN-2021-39"":27651,""CC-MAIN-2021-43"":25079,""CC-MAIN-2021-49"":25991}" +"357","ntr zacatecas","http://ntrzacatecas.com/","es","33315","23202","308830677","{""eng,spa"":182,""spa"":32631,""spa,cat"":2,""spa,eng"":472,""spa,grn"":6,""spa,ind"":9,""spa,ita"":1,""spa,war"":12}","{""text/html"":33315}","{""2020"":15938,""2021"":17377}","{""CC-MAIN-2020-05"":1568,""CC-MAIN-2020-10"":1386,""CC-MAIN-2020-16"":1356,""CC-MAIN-2020-24"":3706,""CC-MAIN-2020-29"":2358,""CC-MAIN-2020-34"":2122,""CC-MAIN-2020-40"":1725,""CC-MAIN-2020-45"":812,""CC-MAIN-2020-50"":905,""CC-MAIN-2021-04"":2245,""CC-MAIN-2021-10"":771,""CC-MAIN-2021-17"":918,""CC-MAIN-2021-21"":1294,""CC-MAIN-2021-25"":2065,""CC-MAIN-2021-31"":934,""CC-MAIN-2021-39"":3286,""CC-MAIN-2021-43"":2862,""CC-MAIN-2021-49"":3002}" +"26","portada de la web del ministerio de cultura y deporte","http://www.culturaydeporte.gob.es","es","121431","46331","3736183342","{""cat"":76,""cat,eng"":1,""cat,eng,spa"":19,""cat,fra,spa"":4,""cat,spa"":12943,""cat,spa,eng"":140,""cat,spa,eus"":1,""cat,spa,fra"":9,""cat,spa,grn"":2,""cat,spa,ile"":1,""cat,spa,ina"":1,""cat,spa,lat"":2,""cat,spa,oci"":1,""eng"":213,""eng,cat,spa"":6,""eng,eus,spa"":3,""eng,fra,spa"":1,""eng,glg"":3,""eng,spa"":11816,""eng,spa,cat"":46,""eng,spa,cym"":1,""eng,spa,dan"":1,""eng,spa,deu"":10,""eng,spa,eus"":12,""eng,spa,fra"":38,""eng,spa,grn"":4,""eng,spa,ina"":14,""eng,spa,ita"":7,""eng,spa,lat"":2,""eng,spa,oci"":1,""eng,spa,pol"":1,""eus"":45,""eus,eng,spa"":12,""eus,fra,spa"":2,""eus,spa"":6311,""eus,spa,cat"":16,""eus,spa,eng"":80,""eus,spa,fra"":5,""eus,spa,grn"":1,""eus,spa,ina"":1,""eus,spa,ita"":1,""eus,spa,lat"":1,""fra,eng,spa"":3,""fra,spa"":537,""fra,spa,cat"":5,""fra,spa,eng"":178,""fra,spa,lat"":3,""glg"":7013,""glg,cat"":23,""glg,eng"":112,""glg,eng,deu"":2,""glg,eng,eus"":2,""glg,eng,fra"":4,""glg,fra"":1,""glg,fra,eng"":1,""glg,ina"":2,""glg,ita,fra"":6,""glg,lat"":2,""glg,por"":13,""ita,spa"":113,""ita,spa,cat"":6,""ita,spa,eng"":1,""ita,spa,lat"":2,""por"":117,""por,cat"":2,""por,glg"":9,""por,lat"":1,""por,oci"":1,""spa"":54985,""spa,bos"":8,""spa,cat"":7616,""spa,cat,dan"":1,""spa,cat,eng"":289,""spa,cat,eus"":18,""spa,cat,fra"":18,""spa,cat,fry"":1,""spa,cat,grn"":3,""spa,cat,ind"":1,""spa,cat,ita"":14,""spa,cat,lat"":13,""spa,cat,war"":2,""spa,ces"":6,""spa,dan"":7,""spa,deu"":15,""spa,deu,cat"":1,""spa,eng"":7868,""spa,eng,cat"":123,""spa,eng,deu"":9,""spa,eng,eus"":36,""spa,eng,fra"":87,""spa,eng,grn"":5,""spa,eng,ina"":40,""spa,eng,ita"":16,""spa,eng,rus"":1,""spa,eng,san"":1,""spa,eng,tur"":3,""spa,est"":6,""spa,eus"":3270,""spa,eus,cat"":39,""spa,eus,eng"":130,""spa,eus,fra"":12,""spa,eus,grn"":3,""spa,eus,lat"":4,""spa,eus,war"":3,""spa,fin"":7,""spa,fra"":264,""spa,fra,cat"":6,""spa,fra,deu"":1,""spa,fra,eng"":22,""spa,fra,eus"":1,""spa,fra,grn"":1,""spa,fra,ita"":2,""spa,grn"":8,""spa,hin"":4,""spa,hrv"":4,""spa,hun"":6,""spa,ina"":535,""spa,ind"":4,""spa,ita"":28,""spa,ita,cat"":4,""spa,ita,fra"":6,""spa,lat"":89,""spa,lat,cat"":2,""spa,lat,eng"":2,""spa,lav"":6,""spa,lit"":7,""spa,mal"":6,""spa,msa"":6,""spa,nld"":6,""spa,nno"":3,""spa,nor"":3,""spa,oci,cat"":3,""spa,pol"":8,""spa,ron"":6,""spa,san"":1,""spa,slk"":6,""spa,slv"":6,""spa,srp"":1,""spa,swe"":6,""spa,tur"":6}","{""application/pdf"":5659,""application/vnd.openxmlformats-officedocument.wordprocessingml.template"":2,""application/x-stata-do"":9,""application/xhtml+xml"":32,""application/zip"":2,""image/jpeg"":4,""text/html"":115723}","{""2020"":59799,""2021"":61632}","{""CC-MAIN-2020-05"":5918,""CC-MAIN-2020-10"":8097,""CC-MAIN-2020-16"":8649,""CC-MAIN-2020-24"":8475,""CC-MAIN-2020-29"":8646,""CC-MAIN-2020-34"":7357,""CC-MAIN-2020-40"":4474,""CC-MAIN-2020-45"":4549,""CC-MAIN-2020-50"":3634,""CC-MAIN-2021-04"":6322,""CC-MAIN-2021-10"":9329,""CC-MAIN-2021-17"":12252,""CC-MAIN-2021-21"":12944,""CC-MAIN-2021-25"":2089,""CC-MAIN-2021-31"":6576,""CC-MAIN-2021-39"":3698,""CC-MAIN-2021-43"":5942,""CC-MAIN-2021-49"":2480}" +"227","vietnam pictorial (spanish)","http://vietnam.vnanet.vn/spanish/","es","39838","19139","343189593","{""spa"":39133,""spa,cat"":7,""spa,ces"":1,""spa,dan"":48,""spa,eng"":250,""spa,eng,vie"":1,""spa,fra"":4,""spa,grn"":12,""spa,haw"":2,""spa,ind"":4,""spa,msa"":13,""spa,ron"":4,""spa,san"":3,""spa,tuk"":3,""spa,vie"":265,""spa,vie,eng"":2,""spa,vie,grn"":1,""spa,vie,khm"":1,""spa,vie,war"":1,""spa,war"":64,""vie,spa"":18,""vie,spa,eng"":1}","{""application/xhtml+xml"":39838}","{""2020"":20805,""2021"":19033}","{""CC-MAIN-2020-05"":2335,""CC-MAIN-2020-10"":1756,""CC-MAIN-2020-16"":2398,""CC-MAIN-2020-24"":1793,""CC-MAIN-2020-29"":1602,""CC-MAIN-2020-34"":1667,""CC-MAIN-2020-40"":1134,""CC-MAIN-2020-45"":3559,""CC-MAIN-2020-50"":4561,""CC-MAIN-2021-04"":2951,""CC-MAIN-2021-10"":1911,""CC-MAIN-2021-17"":2363,""CC-MAIN-2021-21"":2762,""CC-MAIN-2021-25"":2229,""CC-MAIN-2021-31"":1821,""CC-MAIN-2021-39"":1464,""CC-MAIN-2021-43"":1825,""CC-MAIN-2021-49"":1707}" +"360","monumental am 1080","http://www.monumental.com.py/","es","4473","3097","82871462","{""spa"":4077,""spa,eng"":349,""spa,eng,grn"":4,""spa,eng,ind"":1,""spa,grn"":36,""spa,grn,eng"":2,""spa,ind"":1,""spa,war"":3}","{""text/html"":4473}","{""2020"":3676,""2021"":797}","{""CC-MAIN-2020-05"":643,""CC-MAIN-2020-10"":567,""CC-MAIN-2020-16"":326,""CC-MAIN-2020-24"":599,""CC-MAIN-2020-29"":429,""CC-MAIN-2020-34"":344,""CC-MAIN-2020-40"":359,""CC-MAIN-2020-45"":241,""CC-MAIN-2020-50"":168,""CC-MAIN-2021-04"":170,""CC-MAIN-2021-10"":81,""CC-MAIN-2021-17"":75,""CC-MAIN-2021-21"":116,""CC-MAIN-2021-25"":92,""CC-MAIN-2021-31"":74,""CC-MAIN-2021-39"":67,""CC-MAIN-2021-43"":69,""CC-MAIN-2021-49"":53}" +"38","energia-imdea","https://www.energia.imdea.org/","es","3346","1193","47521497","{""eng"":666,""eng,dan"":1,""eng,glg"":3,""eng,lat"":2,""eng,spa"":205,""spa"":1609,""spa,deu"":1,""spa,eng"":775,""spa,eng,deu"":14,""spa,eng,fra"":5,""spa,eng,ita"":4,""spa,fra"":4,""spa,fra,ces"":1,""spa,fra,eng"":2}","{""application/pdf"":47,""application/rss+xml"":7,""text/html"":3292}","{""2020"":1807,""2021"":1539}","{""CC-MAIN-2020-05"":519,""CC-MAIN-2020-10"":52,""CC-MAIN-2020-16"":359,""CC-MAIN-2020-24"":125,""CC-MAIN-2020-29"":113,""CC-MAIN-2020-34"":128,""CC-MAIN-2020-40"":137,""CC-MAIN-2020-45"":119,""CC-MAIN-2020-50"":255,""CC-MAIN-2021-04"":110,""CC-MAIN-2021-10"":219,""CC-MAIN-2021-17"":298,""CC-MAIN-2021-21"":205,""CC-MAIN-2021-25"":216,""CC-MAIN-2021-31"":96,""CC-MAIN-2021-39"":40,""CC-MAIN-2021-43"":239,""CC-MAIN-2021-49"":116}" +"274","puerto bahía de algeciras","https://www.apba.es/","es","5913","2518","222516413","{""eng"":386,""eng,spa"":970,""eng,tur"":1,""fra"":239,""fra,eng"":44,""fra,eng,spa"":9,""fra,spa"":920,""fra,spa,cat"":1,""fra,spa,eng"":65,""spa"":2377,""spa,eng"":277,""spa,fra"":200,""spa,fra,eng"":10,""spa,tur"":1}","{""application/pdf"":413,""text/html"":5500}","{""2020"":4595,""2021"":1318}","{""CC-MAIN-2020-05"":169,""CC-MAIN-2020-10"":364,""CC-MAIN-2020-16"":651,""CC-MAIN-2020-24"":389,""CC-MAIN-2020-29"":549,""CC-MAIN-2020-34"":587,""CC-MAIN-2020-40"":714,""CC-MAIN-2020-45"":620,""CC-MAIN-2020-50"":552,""CC-MAIN-2021-04"":341,""CC-MAIN-2021-10"":73,""CC-MAIN-2021-17"":91,""CC-MAIN-2021-21"":119,""CC-MAIN-2021-25"":76,""CC-MAIN-2021-31"":133,""CC-MAIN-2021-39"":158,""CC-MAIN-2021-43"":170,""CC-MAIN-2021-49"":157}" +"321","decisive2020","https://www.decisive2020.eu/","es","455","130","36320025","{""cat,eng"":1,""eng"":385,""eng,fra"":2,""eng,fra,ita"":11,""eng,ita,fra"":9,""fra,eng"":6,""ita,eng"":4,""spa,eng"":1}","{""application/pdf"":35,""application/vnd.openxmlformats-officedocument.presentationml.slideshow"":1,""application/xhtml+xml"":4,""text/html"":415}","{""2020"":184,""2021"":271}","{""CC-MAIN-2020-05"":36,""CC-MAIN-2020-10"":31,""CC-MAIN-2020-16"":23,""CC-MAIN-2020-24"":17,""CC-MAIN-2020-29"":16,""CC-MAIN-2020-34"":18,""CC-MAIN-2020-40"":24,""CC-MAIN-2020-45"":2,""CC-MAIN-2020-50"":17,""CC-MAIN-2021-04"":28,""CC-MAIN-2021-10"":3,""CC-MAIN-2021-17"":23,""CC-MAIN-2021-21"":25,""CC-MAIN-2021-25"":25,""CC-MAIN-2021-31"":34,""CC-MAIN-2021-39"":87,""CC-MAIN-2021-43"":12,""CC-MAIN-2021-49"":34}" +"225","hoydigital - diario en la republica dominicana","http://www.hoy.com.do/","es","75513","71887","1548767332","{""dan,spa"":2,""eng"":16,""eng,spa"":787,""grn,spa"":1,""spa"":69591,""spa,cat"":16,""spa,cos"":1,""spa,dan"":42,""spa,dan,eng"":4,""spa,deu"":5,""spa,eng"":4673,""spa,eng,cat"":1,""spa,eng,dan"":6,""spa,eng,deu"":1,""spa,eng,grn"":2,""spa,eng,hat"":1,""spa,eng,pol"":1,""spa,eng,war"":2,""spa,fra"":10,""spa,grn"":102,""spa,grn,eng"":3,""spa,hat"":3,""spa,hun"":1,""spa,ina"":2,""spa,ina,eng"":1,""spa,ind"":5,""spa,ita"":7,""spa,lat"":6,""spa,oci"":2,""spa,oci,eng"":1,""spa,ron"":3,""spa,rus"":1,""spa,sco"":1,""spa,war"":41}","{""application/pdf"":18,""application/rss+xml"":1,""application/xhtml+xml"":158,""image/bmp"":1,""image/jpeg"":143,""image/png"":7,""image/webp"":1,""text/html"":75184}","{""2020"":45687,""2021"":29826}","{""CC-MAIN-2020-05"":20579,""CC-MAIN-2020-10"":8971,""CC-MAIN-2020-16"":8951,""CC-MAIN-2020-24"":7186,""CC-MAIN-2021-17"":18,""CC-MAIN-2021-21"":1717,""CC-MAIN-2021-25"":2015,""CC-MAIN-2021-31"":1763,""CC-MAIN-2021-39"":5419,""CC-MAIN-2021-43"":7875,""CC-MAIN-2021-49"":11019}" +"31","la jornada","http://www.lajornadanet.com/","es","20517","12248","379334478","{""eng"":40,""eng,spa"":28,""ita,spa"":1,""ita,spa,eng"":1,""spa"":6337,""spa,ara,eng"":1,""spa,ara,fas"":1,""spa,cat"":1,""spa,dan"":5,""spa,dan,eng"":1,""spa,deu,eng"":1,""spa,eng"":9525,""spa,eng,ara"":1,""spa,eng,dan"":3,""spa,eng,epo"":2,""spa,eng,fas"":2,""spa,eng,fra"":3,""spa,eng,grn"":683,""spa,eng,heb"":1,""spa,eng,jpn"":1,""spa,eng,pol"":2,""spa,eng,rus"":2,""spa,eng,war"":1,""spa,epo,eng"":1,""spa,fra,eng"":5,""spa,grn"":441,""spa,grn,eng"":3347,""spa,grn,fra"":1,""spa,lat"":1,""spa,lit"":1,""spa,nld,eng"":1,""spa,rus"":1,""spa,rus,eng"":5,""spa,srp,eng"":2,""spa,tha,eng"":1,""spa,tur,eng"":2,""spa,war"":4}","{""application/rss+xml"":2,""application/xhtml+xml"":3668,""application/xml"":3,""text/html"":16844}","{""2020"":9548,""2021"":10969}","{""CC-MAIN-2020-05"":510,""CC-MAIN-2020-10"":1778,""CC-MAIN-2020-16"":1547,""CC-MAIN-2020-24"":806,""CC-MAIN-2020-29"":1129,""CC-MAIN-2020-34"":533,""CC-MAIN-2020-40"":1471,""CC-MAIN-2020-45"":1241,""CC-MAIN-2020-50"":533,""CC-MAIN-2021-04"":607,""CC-MAIN-2021-10"":1351,""CC-MAIN-2021-17"":2102,""CC-MAIN-2021-21"":793,""CC-MAIN-2021-25"":1037,""CC-MAIN-2021-31"":1995,""CC-MAIN-2021-39"":853,""CC-MAIN-2021-43"":1020,""CC-MAIN-2021-49"":1211}" +"475","Car Forum","https://www.mycarforum.com/forums/","en","8986","5928","289162974","{""eng"":8923,""eng,dan"":2,""eng,jpn"":1,""eng,msa"":7,""eng,pol"":1,""eng,rus"":1,""eng,zho"":51}","{""text/html"":8986}","{""2020"":5421,""2021"":3565}","{""CC-MAIN-2020-05"":1342,""CC-MAIN-2020-10"":436,""CC-MAIN-2020-16"":236,""CC-MAIN-2020-24"":835,""CC-MAIN-2020-29"":758,""CC-MAIN-2020-34"":594,""CC-MAIN-2020-40"":289,""CC-MAIN-2020-45"":437,""CC-MAIN-2020-50"":494,""CC-MAIN-2021-04"":658,""CC-MAIN-2021-10"":161,""CC-MAIN-2021-17"":230,""CC-MAIN-2021-21"":232,""CC-MAIN-2021-25"":882,""CC-MAIN-2021-31"":516,""CC-MAIN-2021-39"":381,""CC-MAIN-2021-43"":229,""CC-MAIN-2021-49"":276}" +"427","opinion (bolivia)","http://www.opinion.com.bo/","es","49991","40238","878808025","{""eng"":7,""eng,spa"":1,""spa"":48817,""spa,ara"":1,""spa,cat"":25,""spa,dan"":38,""spa,eng"":598,""spa,eng,ina"":1,""spa,fra"":4,""spa,grn"":42,""spa,ina"":375,""spa,ita"":2,""spa,msa"":1,""spa,oci"":1,""spa,que"":20,""spa,que,eng"":5,""spa,que,ina"":7,""spa,roh"":1,""spa,war"":12}","{""application/pdf"":2,""application/rss+xml"":31,""application/xhtml+xml"":1535,""text/html"":48423}","{""2020"":18978,""2021"":31013}","{""CC-MAIN-2020-05"":1696,""CC-MAIN-2020-10"":1771,""CC-MAIN-2020-16"":1283,""CC-MAIN-2020-24"":2353,""CC-MAIN-2020-29"":2151,""CC-MAIN-2020-34"":2281,""CC-MAIN-2020-40"":2608,""CC-MAIN-2020-45"":2997,""CC-MAIN-2020-50"":1838,""CC-MAIN-2021-04"":2354,""CC-MAIN-2021-10"":1496,""CC-MAIN-2021-17"":2140,""CC-MAIN-2021-21"":2265,""CC-MAIN-2021-25"":2490,""CC-MAIN-2021-31"":1462,""CC-MAIN-2021-39"":4958,""CC-MAIN-2021-43"":6971,""CC-MAIN-2021-49"":6877}" +"425","cronica","http://www.cronica.com.py/","es","30611","16545","542745959","{""eng,spa"":1,""spa"":12631,""spa,dan"":1,""spa,eng"":17752,""spa,eng,ara"":1,""spa,eng,cat"":1,""spa,eng,grn"":19,""spa,eng,war"":1,""spa,fra,eng"":1,""spa,grn"":81,""spa,grn,eng"":118,""spa,grn,nno"":1,""spa,ind"":1,""spa,ind,eng"":1,""spa,war"":1}","{""text/html"":30611}","{""2020"":23989,""2021"":6622}","{""CC-MAIN-2020-05"":3117,""CC-MAIN-2020-10"":2112,""CC-MAIN-2020-16"":1726,""CC-MAIN-2020-24"":4326,""CC-MAIN-2020-29"":3049,""CC-MAIN-2020-34"":2016,""CC-MAIN-2020-40"":2632,""CC-MAIN-2020-45"":3250,""CC-MAIN-2020-50"":1761,""CC-MAIN-2021-04"":1282,""CC-MAIN-2021-10"":1090,""CC-MAIN-2021-17"":2079,""CC-MAIN-2021-21"":202,""CC-MAIN-2021-25"":185,""CC-MAIN-2021-31"":222,""CC-MAIN-2021-39"":423,""CC-MAIN-2021-43"":813,""CC-MAIN-2021-49"":326}" +"96","abc digital - paraguay","http://www.abc.com.py/","es","57738","46936","1614739596","{""eng"":1,""grn,spa"":6,""grn,spa,eng"":7,""spa"":36703,""spa,cat"":11,""spa,dan"":12,""spa,dan,eng"":5,""spa,deu"":1,""spa,deu,eng"":1,""spa,eng"":19980,""spa,eng,aze"":1,""spa,eng,dan"":1,""spa,eng,fra"":1,""spa,eng,grn"":148,""spa,eng,ita"":6,""spa,eng,lat"":1,""spa,eng,nld"":1,""spa,eng,roh"":1,""spa,eus"":2,""spa,fra"":10,""spa,fra,eng"":4,""spa,fry"":1,""spa,grn"":570,""spa,grn,eng"":222,""spa,hun"":2,""spa,ina"":1,""spa,ind"":1,""spa,ita"":12,""spa,ita,eng"":4,""spa,lat"":2,""spa,lat,eng"":1,""spa,nld,eng"":1,""spa,nno"":2,""spa,war"":5,""spa,war,eng"":1,""spa,war,grn"":1}","{""application/rss+xml"":6,""text/html"":57732}","{""2020"":27931,""2021"":29807}","{""CC-MAIN-2020-05"":3093,""CC-MAIN-2020-10"":3579,""CC-MAIN-2020-16"":2111,""CC-MAIN-2020-24"":4023,""CC-MAIN-2020-29"":4850,""CC-MAIN-2020-34"":3052,""CC-MAIN-2020-40"":2753,""CC-MAIN-2020-45"":2394,""CC-MAIN-2020-50"":2076,""CC-MAIN-2021-04"":2496,""CC-MAIN-2021-10"":2394,""CC-MAIN-2021-17"":2895,""CC-MAIN-2021-21"":2626,""CC-MAIN-2021-25"":1863,""CC-MAIN-2021-31"":3937,""CC-MAIN-2021-39"":4993,""CC-MAIN-2021-43"":4560,""CC-MAIN-2021-49"":4043}" +"286","la nación - costa rica","https://www.nacion.com/","es","115677","77028","3396641581","{""eng"":9,""eng,spa"":61,""glg"":1,""spa"":40150,""spa,cat"":8,""spa,cat,eng"":2,""spa,dan"":13,""spa,dan,eng"":9,""spa,deu"":1,""spa,deu,eng"":1,""spa,eng"":74756,""spa,eng,cat"":19,""spa,eng,dan"":30,""spa,eng,deu"":5,""spa,eng,eus"":1,""spa,eng,fra"":20,""spa,eng,grn"":214,""spa,eng,heb"":2,""spa,eng,ind"":1,""spa,eng,ita"":19,""spa,eng,lat"":1,""spa,eng,msa"":1,""spa,eng,oci"":1,""spa,eng,rus"":3,""spa,eng,sin"":1,""spa,eng,tha"":1,""spa,eng,war"":4,""spa,fra"":3,""spa,fra,eng"":1,""spa,grn"":161,""spa,grn,eng"":27,""spa,heb,eng"":1,""spa,ina"":3,""spa,ind"":3,""spa,ita"":9,""spa,ita,eng"":2,""spa,jpn"":1,""spa,lat"":1,""spa,msa"":1,""spa,oci"":2,""spa,rus"":2,""spa,rus,eng"":1,""spa,war"":4,""spa,war,eng"":1,""spa,zho"":1}","{""application/json"":4,""application/pdf"":36,""application/rss+xml"":2,""application/x-directory"":1,""application/xhtml+xml"":186,""text/html"":115447,""text/plain"":1}","{""2020"":70727,""2021"":44950}","{""CC-MAIN-2020-05"":7923,""CC-MAIN-2020-10"":9257,""CC-MAIN-2020-16"":6004,""CC-MAIN-2020-24"":10076,""CC-MAIN-2020-29"":13086,""CC-MAIN-2020-34"":7091,""CC-MAIN-2020-40"":7456,""CC-MAIN-2020-45"":4989,""CC-MAIN-2020-50"":4845,""CC-MAIN-2021-04"":5719,""CC-MAIN-2021-10"":2649,""CC-MAIN-2021-17"":2432,""CC-MAIN-2021-21"":2593,""CC-MAIN-2021-25"":3493,""CC-MAIN-2021-31"":5500,""CC-MAIN-2021-39"":5489,""CC-MAIN-2021-43"":8035,""CC-MAIN-2021-49"":9040}" +"289","al momento","http://www.almomento.net/","es","21324","16173","466478908","{""eng,spa"":126,""spa"":20513,""spa,cat"":4,""spa,dan"":6,""spa,eng"":590,""spa,eng,fra"":1,""spa,fra"":9,""spa,grn"":34,""spa,hat"":3,""spa,ina"":1,""spa,ita"":1,""spa,nld,eng"":1,""spa,war"":9}","{""application/rss+xml"":14,""image/jpeg"":9,""text/html"":21301}","{""2020"":14155,""2021"":7169}","{""CC-MAIN-2020-05"":1546,""CC-MAIN-2020-10"":1791,""CC-MAIN-2020-16"":1974,""CC-MAIN-2020-24"":1990,""CC-MAIN-2020-29"":2163,""CC-MAIN-2020-34"":1765,""CC-MAIN-2020-40"":1354,""CC-MAIN-2020-45"":854,""CC-MAIN-2020-50"":718,""CC-MAIN-2021-04"":841,""CC-MAIN-2021-10"":522,""CC-MAIN-2021-17"":466,""CC-MAIN-2021-21"":507,""CC-MAIN-2021-25"":779,""CC-MAIN-2021-31"":588,""CC-MAIN-2021-39"":905,""CC-MAIN-2021-43"":1351,""CC-MAIN-2021-49"":1210}" +"199","leonoticias","https://www.leonoticias.com/","es","25217","19579","513949753","{""cat,spa"":582,""cat,spa,oci"":52,""eus,spa"":11,""spa"":23420,""spa,cat"":645,""spa,cat,tur"":22,""spa,eng"":17,""spa,eus"":225,""spa,gle"":21,""spa,ina"":5,""spa,nno"":202,""spa,oci"":1,""spa,tur"":14}","{""text/html"":25217}","{""2020"":19513,""2021"":5704}","{""CC-MAIN-2020-05"":7111,""CC-MAIN-2020-10"":135,""CC-MAIN-2020-16"":1508,""CC-MAIN-2020-24"":263,""CC-MAIN-2020-29"":2866,""CC-MAIN-2020-34"":2856,""CC-MAIN-2020-40"":2278,""CC-MAIN-2020-45"":1002,""CC-MAIN-2020-50"":1494,""CC-MAIN-2021-04"":2283,""CC-MAIN-2021-10"":1880,""CC-MAIN-2021-17"":1129,""CC-MAIN-2021-21"":412}" +"271","proexport","http://www.proexport.es/","es","8565","1751","715131731","{""eng,spa"":8,""spa"":2010,""spa,cat"":1,""spa,deu"":4,""spa,eng"":5809,""spa,eng,deu"":1,""spa,eng,ita"":4,""spa,ita,eng"":2,""spa,ita,fra"":1,""spa,war"":5}","{""application/pdf"":66,""image/jpeg"":563,""image/png"":89,""text/html"":7845,""video/mp4"":2}","{""2020"":4074,""2021"":4491}","{""CC-MAIN-2020-05"":594,""CC-MAIN-2020-10"":180,""CC-MAIN-2020-16"":255,""CC-MAIN-2020-24"":916,""CC-MAIN-2020-29"":317,""CC-MAIN-2020-34"":298,""CC-MAIN-2020-40"":870,""CC-MAIN-2020-45"":483,""CC-MAIN-2020-50"":161,""CC-MAIN-2021-04"":908,""CC-MAIN-2021-10"":158,""CC-MAIN-2021-17"":815,""CC-MAIN-2021-21"":158,""CC-MAIN-2021-25"":172,""CC-MAIN-2021-31"":1016,""CC-MAIN-2021-39"":257,""CC-MAIN-2021-43"":879,""CC-MAIN-2021-49"":128}" +"365","la region","http://www.laregion.es/","es","62981","44972","1282352654","{""eng"":7,""eng,spa"":43,""spa"":41794,""spa,cat"":131,""spa,cat,eng"":23,""spa,dan"":4,""spa,deu"":1,""spa,eng"":18205,""spa,eng,cat"":14,""spa,eng,dan"":1,""spa,eng,grn"":2,""spa,eng,ina"":45,""spa,eng,slk"":1,""spa,eus"":3,""spa,fra"":11,""spa,fra,eng"":1,""spa,grn"":445,""spa,grn,eng"":4,""spa,grn,ina"":391,""spa,grn,lin"":1,""spa,ina"":1042,""spa,ina,eng"":7,""spa,ina,grn"":133,""spa,ind"":1,""spa,ita"":2,""spa,lin"":3,""spa,lin,ina"":3,""spa,nno"":4,""spa,nor"":1,""spa,oci"":3,""spa,slk"":2,""spa,slk,eng"":1,""spa,som"":1,""spa,swe"":2}","{""application/pdf"":25,""application/rss+xml"":613,""application/xhtml+xml"":2692,""text/html"":59651}","{""2020"":46938,""2021"":16043}","{""CC-MAIN-2020-05"":5204,""CC-MAIN-2020-10"":4689,""CC-MAIN-2020-16"":4727,""CC-MAIN-2020-24"":5050,""CC-MAIN-2020-29"":7260,""CC-MAIN-2020-34"":4935,""CC-MAIN-2020-40"":4979,""CC-MAIN-2020-45"":5013,""CC-MAIN-2020-50"":5081,""CC-MAIN-2021-04"":6280,""CC-MAIN-2021-10"":4549,""CC-MAIN-2021-17"":5213,""CC-MAIN-2021-25"":1}" +"331","el asombrario","https://elasombrario.com/","es","46336","27853","829820024","{""eng"":1,""eng,spa"":22,""spa"":45010,""spa,cat"":26,""spa,cos"":1,""spa,dan"":20,""spa,deu"":4,""spa,eng"":1222,""spa,eng,dan"":1,""spa,eng,fra"":3,""spa,fra"":12,""spa,ind"":1,""spa,lat"":2,""spa,nld"":1,""spa,pol"":1,""spa,war"":5}","{""application/rss+xml"":4,""text/html"":46332}","{""2020"":39165,""2021"":7171}","{""CC-MAIN-2020-05"":1335,""CC-MAIN-2020-10"":896,""CC-MAIN-2020-16"":819,""CC-MAIN-2020-24"":3015,""CC-MAIN-2020-29"":1550,""CC-MAIN-2020-34"":1447,""CC-MAIN-2020-40"":17830,""CC-MAIN-2020-45"":7120,""CC-MAIN-2020-50"":5153,""CC-MAIN-2021-04"":7171}" +"18","Diario El Venezolano","http://elvenezolanonews.com/","es","15359","11595","457486051","{""eng"":53,""eng,spa"":3,""spa"":6000,""spa,cat"":1,""spa,dan"":1,""spa,eng"":9288,""spa,eng,cat"":1,""spa,eng,deu"":1,""spa,eng,fra"":1,""spa,eng,lat"":1,""spa,fra"":1,""spa,grn"":3,""spa,ind"":1,""spa,lat"":3,""spa,lat,eng"":1}","{""text/html"":15359}","{""2020"":5956,""2021"":9403}","{""CC-MAIN-2020-05"":878,""CC-MAIN-2020-10"":543,""CC-MAIN-2020-16"":341,""CC-MAIN-2020-24"":703,""CC-MAIN-2020-29"":632,""CC-MAIN-2020-34"":790,""CC-MAIN-2020-40"":822,""CC-MAIN-2020-45"":811,""CC-MAIN-2020-50"":436,""CC-MAIN-2021-04"":491,""CC-MAIN-2021-10"":243,""CC-MAIN-2021-17"":282,""CC-MAIN-2021-21"":350,""CC-MAIN-2021-25"":254,""CC-MAIN-2021-31"":315,""CC-MAIN-2021-39"":5386,""CC-MAIN-2021-43"":1298,""CC-MAIN-2021-49"":784}" +"262","radio televisión a la carta","http://www.rtve.es/alacarta/","es","192317","168800","5852931095","{""cat,spa"":10912,""cat,spa,eng"":1102,""cat,spa,fra"":1,""cat,spa,ina"":1,""cat,spa,oci"":4,""eng,spa"":283,""fra,spa"":17,""fra,spa,eng"":31,""spa"":147883,""spa,cat"":3668,""spa,cat,cos"":10,""spa,cat,dan"":4,""spa,cat,deu"":1,""spa,cat,eng"":136,""spa,cat,fra"":2,""spa,cat,ina"":4,""spa,cat,oci"":2,""spa,cos"":40,""spa,cos,cat"":3,""spa,dan"":137,""spa,dan,cat"":1,""spa,dan,eng"":1,""spa,dan,ita"":2,""spa,dan,msa"":2,""spa,deu"":82,""spa,deu,cat"":2,""spa,deu,ita"":1,""spa,deu,lat"":1,""spa,eng"":26588,""spa,eng,cat"":110,""spa,eng,dan"":10,""spa,eng,deu"":24,""spa,eng,eus"":3,""spa,eng,fra"":7,""spa,eng,grn"":2,""spa,eng,hrv"":4,""spa,eng,ile"":10,""spa,eng,ina"":3,""spa,eng,ind"":1,""spa,eng,ita"":10,""spa,eng,lat"":4,""spa,eng,nld"":2,""spa,eng,oci"":1,""spa,eng,roh"":1,""spa,eng,ron"":3,""spa,eng,run"":1,""spa,eng,tur"":1,""spa,est"":2,""spa,est,grn"":1,""spa,eus"":54,""spa,eus,cat"":1,""spa,eus,eng"":1,""spa,fij"":7,""spa,fra"":213,""spa,fra,cat"":1,""spa,fra,deu"":3,""spa,fra,eng"":33,""spa,fra,ita"":1,""spa,grn"":94,""spa,grn,eng"":1,""spa,hrv,deu"":1,""spa,hun"":1,""spa,ile"":34,""spa,ina"":300,""spa,ina,cat"":2,""spa,ind"":60,""spa,isl"":2,""spa,ita"":153,""spa,ita,lat"":3,""spa,lat"":57,""spa,lat,eng"":1,""spa,lat,grn"":1,""spa,ltz"":3,""spa,msa"":15,""spa,msa,dan"":4,""spa,msa,eng"":1,""spa,nld"":5,""spa,oci"":21,""spa,oci,cat"":1,""spa,pol"":1,""spa,ron"":3,""spa,run"":2,""spa,rus"":81,""spa,rus,eng"":2,""spa,rus,srp"":2,""spa,sco"":1,""spa,som"":1,""spa,sqi"":1,""spa,srp"":8,""spa,swa"":2,""spa,tsn"":2,""spa,tur"":12,""spa,war"":1,""spa,yor"":3}","{""application/xhtml+xml"":191470,""text/html"":847}","{""2020"":119141,""2021"":73176}","{""CC-MAIN-2020-05"":12963,""CC-MAIN-2020-10"":12860,""CC-MAIN-2020-16"":11426,""CC-MAIN-2020-24"":10263,""CC-MAIN-2020-29"":10990,""CC-MAIN-2020-34"":14400,""CC-MAIN-2020-40"":12632,""CC-MAIN-2020-45"":16937,""CC-MAIN-2020-50"":16670,""CC-MAIN-2021-04"":14315,""CC-MAIN-2021-10"":12936,""CC-MAIN-2021-17"":14889,""CC-MAIN-2021-21"":15393,""CC-MAIN-2021-25"":15544,""CC-MAIN-2021-31"":68,""CC-MAIN-2021-39"":14,""CC-MAIN-2021-43"":2,""CC-MAIN-2021-49"":15}" +"105","arpa emc - spanish","https://arpaemc.com/noticias/","es","18","5","216512","{""eng,spa"":1,""spa"":1,""spa,eng"":16}","{""text/html"":18}","{""2020"":9,""2021"":9}","{""CC-MAIN-2020-24"":2,""CC-MAIN-2020-29"":1,""CC-MAIN-2020-34"":3,""CC-MAIN-2020-40"":1,""CC-MAIN-2020-45"":2,""CC-MAIN-2021-04"":1,""CC-MAIN-2021-10"":2,""CC-MAIN-2021-17"":2,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-39"":1,""CC-MAIN-2021-43"":2}" +"41","observatorio de la política china","https://politica-china.org/","es","34448","9808","948577958","{""eng,spa"":84,""eng,spa,fra"":1,""fra,spa,eng"":1,""spa"":22802,""spa,cat"":3,""spa,dan"":4,""spa,dan,eng"":1,""spa,eng"":10943,""spa,eng,fra"":30,""spa,eng,war"":1,""spa,eng,zho"":30,""spa,eus"":2,""spa,fra"":27,""spa,fra,eng"":17,""spa,grn"":1,""spa,oci"":5,""spa,smo"":3,""spa,tuk"":1,""spa,war"":13,""spa,war,eng"":7,""spa,zho"":1,""spa,zho,eng"":1}","{""application/pdf"":438,""application/rss+xml"":11,""application/x-tika-ooxml"":5,""image/jpeg"":1,""image/png"":1,""text/html"":33992}","{""2020"":4617,""2021"":29831}","{""CC-MAIN-2020-05"":713,""CC-MAIN-2020-10"":817,""CC-MAIN-2020-16"":207,""CC-MAIN-2020-24"":774,""CC-MAIN-2020-29"":588,""CC-MAIN-2020-34"":811,""CC-MAIN-2020-40"":378,""CC-MAIN-2020-45"":127,""CC-MAIN-2020-50"":202,""CC-MAIN-2021-04"":4309,""CC-MAIN-2021-10"":3873,""CC-MAIN-2021-17"":4323,""CC-MAIN-2021-21"":1917,""CC-MAIN-2021-25"":1384,""CC-MAIN-2021-31"":6042,""CC-MAIN-2021-39"":1763,""CC-MAIN-2021-43"":4259,""CC-MAIN-2021-49"":1961}" +"122","el diario de lujan","http://www.diariodelujan.com/","es","15219","13060","272717462","{""spa"":7204,""spa,cat,eng"":1,""spa,dan"":3,""spa,eng"":7777,""spa,eng,ita"":1,""spa,grn"":1,""spa,grn,eng"":1,""spa,ina,eng"":1,""spa,ita"":1,""spa,lat"":1,""spa,war"":2,""spa,war,eng"":2}","{""application/rss+xml"":224,""text/html"":14995}","{""2020"":3276,""2021"":11943}","{""CC-MAIN-2020-05"":347,""CC-MAIN-2020-10"":353,""CC-MAIN-2020-16"":229,""CC-MAIN-2020-24"":850,""CC-MAIN-2020-29"":608,""CC-MAIN-2020-34"":312,""CC-MAIN-2020-40"":243,""CC-MAIN-2020-45"":129,""CC-MAIN-2020-50"":205,""CC-MAIN-2021-04"":254,""CC-MAIN-2021-10"":275,""CC-MAIN-2021-17"":3536,""CC-MAIN-2021-21"":3262,""CC-MAIN-2021-25"":1447,""CC-MAIN-2021-31"":811,""CC-MAIN-2021-39"":1018,""CC-MAIN-2021-43"":655,""CC-MAIN-2021-49"":685}" +"290","portal del campo","https://portaldelcampo.cl/","es","6028","3053","89882643","{""eng"":372,""eng,spa"":16,""spa"":5369,""spa,dan"":3,""spa,eng"":214,""spa,ile"":3,""spa,ind"":3,""spa,lat"":22,""spa,nld"":2,""spa,oci"":8,""spa,oci,eng"":1,""spa,war"":10}","{""application/xhtml+xml"":1,""text/html"":6026,""text/plain"":1}","{""2020"":3752,""2021"":2276}","{""CC-MAIN-2020-05"":471,""CC-MAIN-2020-10"":211,""CC-MAIN-2020-16"":494,""CC-MAIN-2020-24"":236,""CC-MAIN-2020-29"":325,""CC-MAIN-2020-34"":217,""CC-MAIN-2020-40"":794,""CC-MAIN-2020-45"":397,""CC-MAIN-2020-50"":607,""CC-MAIN-2021-04"":622,""CC-MAIN-2021-10"":346,""CC-MAIN-2021-17"":320,""CC-MAIN-2021-21"":171,""CC-MAIN-2021-25"":168,""CC-MAIN-2021-31"":203,""CC-MAIN-2021-39"":150,""CC-MAIN-2021-43"":197,""CC-MAIN-2021-49"":99}" +"294","la opinión","http://www.laopinion.com.co/","es","84441","68252","2020538062","{""spa"":79204,""spa,ara"":2,""spa,cat"":5,""spa,dan"":22,""spa,dan,eng"":1,""spa,deu"":2,""spa,eng"":5105,""spa,eng,dan"":1,""spa,fra"":6,""spa,grn"":18,""spa,grn,eng"":2,""spa,heb"":1,""spa,ile"":1,""spa,ina"":1,""spa,isl"":3,""spa,ita"":3,""spa,lat"":5,""spa,nld"":1,""spa,nor"":3,""spa,pol"":2,""spa,pol,ita"":1,""spa,rus"":1,""spa,rus,eng"":1,""spa,tur"":1,""spa,war"":17}","{""application/pdf"":32,""text/html"":84409}","{""2020"":38678,""2021"":45763}","{""CC-MAIN-2020-05"":2957,""CC-MAIN-2020-10"":4034,""CC-MAIN-2020-16"":3334,""CC-MAIN-2020-24"":5725,""CC-MAIN-2020-29"":8828,""CC-MAIN-2020-34"":5106,""CC-MAIN-2020-40"":4336,""CC-MAIN-2020-45"":2521,""CC-MAIN-2020-50"":1837,""CC-MAIN-2021-04"":1769,""CC-MAIN-2021-10"":1142,""CC-MAIN-2021-17"":1091,""CC-MAIN-2021-21"":1081,""CC-MAIN-2021-25"":1097,""CC-MAIN-2021-31"":1935,""CC-MAIN-2021-39"":23224,""CC-MAIN-2021-43"":7258,""CC-MAIN-2021-49"":7166}" +"264","correo del caroní","http://www.correodelcaroni.com/","es","39611","26313","2195467874","{""eng"":5,""eng,spa"":4,""lat,spa"":1,""spa"":38175,""spa,cat"":7,""spa,cat,eng"":1,""spa,dan"":14,""spa,deu"":2,""spa,eng"":1034,""spa,fra"":1,""spa,grn"":46,""spa,ile"":6,""spa,ina"":1,""spa,ita"":2,""spa,lat"":2}","{""application/pdf"":17,""image/jpeg"":17,""image/png"":2,""text/html"":39575}","{""2020"":6758,""2021"":32853}","{""CC-MAIN-2020-05"":13,""CC-MAIN-2020-10"":396,""CC-MAIN-2020-16"":905,""CC-MAIN-2020-24"":562,""CC-MAIN-2020-29"":734,""CC-MAIN-2020-34"":1526,""CC-MAIN-2020-40"":1257,""CC-MAIN-2020-45"":836,""CC-MAIN-2020-50"":529,""CC-MAIN-2021-04"":1053,""CC-MAIN-2021-10"":100,""CC-MAIN-2021-17"":5086,""CC-MAIN-2021-21"":4764,""CC-MAIN-2021-25"":3755,""CC-MAIN-2021-31"":6251,""CC-MAIN-2021-39"":4070,""CC-MAIN-2021-43"":5157,""CC-MAIN-2021-49"":2617}" +"155","senado de la nación argentina","http://www.senado.gov.ar/","es","4122","2944","106074547","{""eng"":59,""spa"":3812,""spa,eng"":19,""spa,grn"":9,""spa,ina"":6,""spa,ita"":1,""spa,sco"":4}","{""application/pdf"":193,""application/x-tika-msoffice"":2,""application/xhtml+xml"":3849,""text/html"":70,""text/plain"":8}","{""2020"":4122}","{""CC-MAIN-2020-05"":811,""CC-MAIN-2020-10"":891,""CC-MAIN-2020-16"":1609,""CC-MAIN-2020-24"":811}" +"347","universidad tecnológica nacional - facultad bahía blanca","https://www.frbb.utn.edu.ar","es","1282","596","58903024","{""eng,spa"":22,""spa"":957,""spa,cat"":7,""spa,eng"":103,""spa,ita,eng"":2,""spa,lat"":1}","{""application/pdf"":171,""application/xhtml+xml"":1026,""text/html"":85}","{""2020"":885,""2021"":397}","{""CC-MAIN-2020-05"":25,""CC-MAIN-2020-10"":127,""CC-MAIN-2020-16"":195,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-29"":156,""CC-MAIN-2020-34"":236,""CC-MAIN-2020-40"":65,""CC-MAIN-2020-45"":11,""CC-MAIN-2020-50"":69,""CC-MAIN-2021-04"":8,""CC-MAIN-2021-10"":33,""CC-MAIN-2021-17"":12,""CC-MAIN-2021-21"":34,""CC-MAIN-2021-25"":114,""CC-MAIN-2021-31"":56,""CC-MAIN-2021-39"":138,""CC-MAIN-2021-43"":1,""CC-MAIN-2021-49"":1}" +"20","Clarín - Argentina","http://www.clarin.com/","es","459515","362548","17848341794","{""eng"":1065,""eng,spa"":29,""spa"":438260,""spa,aar"":2,""spa,afr"":4,""spa,ara"":17,""spa,ara,eng"":2,""spa,bre"":7,""spa,cat"":228,""spa,cos"":2,""spa,dan"":244,""spa,dan,eng"":1,""spa,deu"":11,""spa,ell"":1,""spa,eng"":18670,""spa,eng,bos"":1,""spa,eng,bre"":1,""spa,eng,cat"":59,""spa,eng,dan"":12,""spa,eng,deu"":2,""spa,eng,epo"":1,""spa,eng,fin"":1,""spa,eng,fra"":7,""spa,eng,grn"":4,""spa,eng,hrv"":1,""spa,eng,ina"":2,""spa,eng,ind"":9,""spa,eng,ita"":8,""spa,eng,jpn"":2,""spa,eng,ron"":4,""spa,eng,rus"":3,""spa,eng,smo"":1,""spa,eng,tur"":2,""spa,eng,zho"":2,""spa,epo"":1,""spa,epo,eng"":3,""spa,eus"":3,""spa,fao"":2,""spa,fas"":10,""spa,fra"":80,""spa,fra,eng"":3,""spa,fra,ita"":1,""spa,grn"":133,""spa,hrv"":3,""spa,ile,jav"":1,""spa,ina"":34,""spa,ind"":16,""spa,isl"":3,""spa,ita"":122,""spa,ita,eng"":5,""spa,jpn"":12,""spa,jpn,eng"":2,""spa,kor"":1,""spa,kor,eng"":1,""spa,lat"":17,""spa,msa"":6,""spa,nld"":5,""spa,nno"":1,""spa,nor"":9,""spa,oci"":13,""spa,pol,eng"":1,""spa,roh"":2,""spa,ron"":1,""spa,rus"":19,""spa,rus,eng"":3,""spa,san"":1,""spa,sco"":1,""spa,som"":2,""spa,srp"":4,""spa,swa"":1,""spa,swe"":1,""spa,tur"":3,""spa,uzb"":1,""spa,war"":8}","{""application/pdf"":24,""application/rss+xml"":59,""application/xhtml+xml"":236,""image/jpeg"":1,""text/html"":459195}","{""2020"":203937,""2021"":255578}","{""CC-MAIN-2020-05"":26823,""CC-MAIN-2020-10"":21935,""CC-MAIN-2020-16"":18101,""CC-MAIN-2020-24"":19597,""CC-MAIN-2020-29"":19283,""CC-MAIN-2020-34"":22106,""CC-MAIN-2020-40"":24009,""CC-MAIN-2020-45"":25723,""CC-MAIN-2020-50"":26360,""CC-MAIN-2021-04"":25636,""CC-MAIN-2021-10"":30051,""CC-MAIN-2021-17"":31487,""CC-MAIN-2021-21"":32174,""CC-MAIN-2021-25"":29518,""CC-MAIN-2021-31"":27637,""CC-MAIN-2021-39"":29903,""CC-MAIN-2021-43"":25891,""CC-MAIN-2021-49"":23281}" +"345","afp - agence france presse (spanish)","https://www.afp.com/es","es","1849","639","23517806","{""fra,spa"":1,""por"":3,""spa"":1328,""spa,cat"":1,""spa,dan"":3,""spa,eng"":485,""spa,eng,fra"":1,""spa,fra"":5,""spa,grn"":10,""spa,war"":1}","{""application/rss+xml"":9,""text/html"":1840}","{""2020"":1111,""2021"":738}","{""CC-MAIN-2020-05"":186,""CC-MAIN-2020-10"":86,""CC-MAIN-2020-16"":111,""CC-MAIN-2020-24"":251,""CC-MAIN-2020-29"":145,""CC-MAIN-2020-34"":96,""CC-MAIN-2020-40"":106,""CC-MAIN-2020-45"":31,""CC-MAIN-2020-50"":99,""CC-MAIN-2021-04"":69,""CC-MAIN-2021-10"":45,""CC-MAIN-2021-17"":130,""CC-MAIN-2021-21"":103,""CC-MAIN-2021-25"":26,""CC-MAIN-2021-31"":52,""CC-MAIN-2021-39"":133,""CC-MAIN-2021-43"":73,""CC-MAIN-2021-49"":107}" +"168","csic","http://www.csic.es/","es","33733","17374","961042518","{""eng"":3943,""eng,oci"":5,""eng,oci,spa"":1,""eng,spa"":4369,""eng,spa,cat"":4,""eng,spa,oci"":2,""spa"":20627,""spa,cat"":18,""spa,deu"":2,""spa,eng"":4287,""spa,eng,cat"":2,""spa,eng,fra"":1,""spa,eng,ina"":1,""spa,eng,oci"":9,""spa,eus"":2,""spa,fra"":5,""spa,lat"":1,""spa,oci"":11}","{""application/pdf"":438,""application/rss+xml"":5,""text/html"":33290}","{""2020"":26962,""2021"":6771}","{""CC-MAIN-2020-05"":2135,""CC-MAIN-2020-10"":3641,""CC-MAIN-2020-16"":2009,""CC-MAIN-2020-24"":5449,""CC-MAIN-2020-29"":3561,""CC-MAIN-2020-34"":3019,""CC-MAIN-2020-40"":3939,""CC-MAIN-2020-45"":2377,""CC-MAIN-2020-50"":832,""CC-MAIN-2021-04"":2135,""CC-MAIN-2021-10"":349,""CC-MAIN-2021-17"":982,""CC-MAIN-2021-21"":428,""CC-MAIN-2021-25"":729,""CC-MAIN-2021-31"":512,""CC-MAIN-2021-39"":360,""CC-MAIN-2021-43"":601,""CC-MAIN-2021-49"":675}" +"494","Personal blog","https://theoccasionaltraveller.com/","en","3997","839","128304135","{""eng"":3838,""eng,ces"":2,""eng,dan"":43,""eng,dan,spa"":1,""eng,ind"":1,""eng,jpn"":11,""eng,kor"":16,""eng,spa"":1,""eng,spa,war"":2,""eng,zho"":70}","{""application/pdf"":10,""application/rss+xml"":2,""application/xhtml+xml"":4,""text/html"":3981}","{""2020"":2030,""2021"":1967}","{""CC-MAIN-2020-05"":448,""CC-MAIN-2020-10"":191,""CC-MAIN-2020-16"":299,""CC-MAIN-2020-24"":82,""CC-MAIN-2020-29"":445,""CC-MAIN-2020-34"":174,""CC-MAIN-2020-40"":243,""CC-MAIN-2020-45"":33,""CC-MAIN-2020-50"":115,""CC-MAIN-2021-04"":136,""CC-MAIN-2021-10"":309,""CC-MAIN-2021-17"":205,""CC-MAIN-2021-21"":150,""CC-MAIN-2021-25"":135,""CC-MAIN-2021-31"":207,""CC-MAIN-2021-39"":159,""CC-MAIN-2021-43"":495,""CC-MAIN-2021-49"":171}" +"110","onemi: ministerio del interior y seguridad pública","http://www.onemi.cl/","es","2","2","12559","{""spa"":1}","{""text/html"":2}","{""2020"":1,""2021"":1}","{""CC-MAIN-2020-34"":1,""CC-MAIN-2021-17"":1}" +"325","la prensa - honduras","http://www.laprensa.hn/","es","129525","94224","3544794286","{""eng"":8,""eng,spa"":8,""spa"":120144,""spa,ara"":2,""spa,cat"":93,""spa,cat,eng"":2,""spa,dan"":53,""spa,dan,eng"":2,""spa,dan,grn"":1,""spa,deu,nld"":1,""spa,eng"":8437,""spa,eng,cat"":7,""spa,eng,dan"":1,""spa,eng,deu"":1,""spa,eng,eus"":1,""spa,eng,fra"":3,""spa,eng,grn"":12,""spa,eng,ita"":1,""spa,eng,rus"":3,""spa,eng,war"":1,""spa,epo"":1,""spa,eus"":6,""spa,fra"":5,""spa,grn"":296,""spa,grn,eng"":8,""spa,ina"":1,""spa,ind"":2,""spa,ita"":23,""spa,ita,eng"":1,""spa,lat"":67,""spa,lat,eng"":3,""spa,msa"":1,""spa,nor"":2,""spa,oci"":1,""spa,rus"":1,""spa,swe"":1,""spa,war"":19,""spa,war,eng"":1}","{""application/pdf"":5,""application/rss+xml"":53,""application/xhtml+xml"":447,""image/jpeg"":246,""text/html"":128774}","{""2020"":69565,""2021"":59960}","{""CC-MAIN-2020-05"":6357,""CC-MAIN-2020-10"":7230,""CC-MAIN-2020-16"":4674,""CC-MAIN-2020-24"":9999,""CC-MAIN-2020-29"":8056,""CC-MAIN-2020-34"":8871,""CC-MAIN-2020-40"":9085,""CC-MAIN-2020-45"":6636,""CC-MAIN-2020-50"":8657,""CC-MAIN-2021-04"":8259,""CC-MAIN-2021-10"":5401,""CC-MAIN-2021-17"":6253,""CC-MAIN-2021-21"":5811,""CC-MAIN-2021-25"":6399,""CC-MAIN-2021-31"":6800,""CC-MAIN-2021-39"":8229,""CC-MAIN-2021-43"":4669,""CC-MAIN-2021-49"":8139}" +"130","andalucia informacion","https://www.elperiodicomediterraneo.com/","es","183197","164124","4796641406","{""cat,spa"":500,""cat,spa,eng"":10,""cat,spa,fra"":1,""eng,spa"":1,""eng,spa,cat"":3,""eus,spa,cat"":1,""ina,spa,cat"":1,""oci,spa"":1,""oci,spa,cat"":1,""spa"":53092,""spa,ara,cat"":4,""spa,ara,eng"":1,""spa,cat"":105967,""spa,cat,aka"":1,""spa,cat,bos"":1,""spa,cat,cos"":1,""spa,cat,dan"":12,""spa,cat,deu"":6,""spa,cat,eng"":3595,""spa,cat,eus"":10,""spa,cat,fra"":9,""spa,cat,grn"":10,""spa,cat,ina"":3,""spa,cat,ind"":3,""spa,cat,isl"":1,""spa,cat,ita"":7,""spa,cat,jpn"":2,""spa,cat,lat"":3,""spa,cat,msa"":1,""spa,cat,nld"":5,""spa,cat,oci"":10,""spa,cat,pol"":4,""spa,cat,rus"":3,""spa,cat,swe"":1,""spa,cat,tur"":3,""spa,cat,war"":3,""spa,dan"":13,""spa,dan,cat"":1,""spa,dan,eng"":1,""spa,dan,ina"":1,""spa,deu"":1,""spa,deu,cat"":2,""spa,deu,eng"":1,""spa,eng"":17651,""spa,eng,ara"":2,""spa,eng,cat"":2120,""spa,eng,dan"":1,""spa,eng,eus"":4,""spa,eng,ita"":3,""spa,eng,nld"":1,""spa,eng,oci"":2,""spa,eng,ron"":1,""spa,eng,rus"":1,""spa,eus"":7,""spa,eus,cat"":7,""spa,eus,eng"":2,""spa,fra"":17,""spa,fra,cat"":8,""spa,fra,eng"":1,""spa,grn"":3,""spa,grn,cat"":5,""spa,grn,eng"":1,""spa,heb"":1,""spa,heb,cat"":2,""spa,heb,eng"":1,""spa,hrv"":1,""spa,ina"":2,""spa,ina,cat"":4,""spa,ind"":2,""spa,ind,cat"":2,""spa,isl"":1,""spa,isl,cat"":1,""spa,ita"":13,""spa,ita,cat"":3,""spa,ita,eng"":1,""spa,jpn,cat"":1,""spa,lat,eng"":1,""spa,nld"":1,""spa,oci"":6,""spa,oci,cat"":1,""spa,pol"":1,""spa,pol,eng"":1,""spa,ron"":1,""spa,rus"":2,""spa,rus,eng"":3,""spa,srp"":1,""spa,swa"":1,""spa,tsn,cat"":1,""spa,tur,cat"":2,""spa,war"":2}","{""application/xhtml+xml"":205,""text/html"":182992}","{""2020"":29391,""2021"":153806}","{""CC-MAIN-2020-05"":2093,""CC-MAIN-2020-10"":4553,""CC-MAIN-2020-16"":990,""CC-MAIN-2020-24"":2338,""CC-MAIN-2020-29"":2355,""CC-MAIN-2020-34"":3219,""CC-MAIN-2020-40"":4890,""CC-MAIN-2020-45"":5077,""CC-MAIN-2020-50"":3876,""CC-MAIN-2021-04"":23463,""CC-MAIN-2021-10"":5227,""CC-MAIN-2021-17"":3452,""CC-MAIN-2021-21"":21524,""CC-MAIN-2021-25"":23033,""CC-MAIN-2021-31"":23419,""CC-MAIN-2021-39"":23311,""CC-MAIN-2021-43"":20260,""CC-MAIN-2021-49"":10117}" +"422","formulatv","http://www.formulatv.com/","es","205486","152145","2299503124","{""cat"":5,""cat,spa"":1,""deu,spa"":2,""eng"":61,""eng,spa"":428,""eng,spa,dan"":2,""fra,spa"":3,""glg"":15,""por"":3,""spa"":177127,""spa,aze"":4,""spa,bis"":3,""spa,bos"":2,""spa,cat"":432,""spa,cat,eng"":36,""spa,cat,eus"":261,""spa,cat,war"":1,""spa,ceb"":1,""spa,cos"":18,""spa,cos,eng"":1,""spa,crs"":1,""spa,cym"":2,""spa,dan"":46,""spa,dan,deu"":1,""spa,dan,eng"":2,""spa,dan,oci"":1,""spa,deu"":18,""spa,eng"":26312,""spa,eng,cat"":10,""spa,eng,cos"":1,""spa,eng,dan"":10,""spa,eng,deu"":3,""spa,eng,eus"":1,""spa,eng,fra"":5,""spa,eng,gla"":3,""spa,eng,grn"":1,""spa,eng,haw"":1,""spa,eng,ina"":8,""spa,eng,isl"":1,""spa,eng,ita"":4,""spa,eng,lit"":2,""spa,eng,nld"":2,""spa,eng,oci"":2,""spa,eng,pol"":2,""spa,eng,srp"":4,""spa,eng,ssw"":2,""spa,eng,tur"":1,""spa,eng,war"":1,""spa,est"":1,""spa,eus"":27,""spa,fij"":1,""spa,fin"":5,""spa,fra"":60,""spa,fra,deu"":2,""spa,fra,eng"":3,""spa,fra,nor"":1,""spa,gla"":1,""spa,gle"":1,""spa,grn"":10,""spa,hau"":3,""spa,haw"":19,""spa,haw,eng"":1,""spa,hrv"":2,""spa,ile"":1,""spa,ina"":34,""spa,ina,eng"":3,""spa,ina,ita"":1,""spa,ind"":8,""spa,ind,eng"":2,""spa,isl"":22,""spa,ita"":31,""spa,ita,eng"":1,""spa,jav"":1,""spa,lat"":10,""spa,ltz"":3,""spa,mlt"":1,""spa,msa"":2,""spa,nau"":2,""spa,nld"":2,""spa,nor"":3,""spa,oci"":7,""spa,pol"":7,""spa,pol,eng"":1,""spa,ron"":5,""spa,ron,eng"":1,""spa,san"":1,""spa,sco"":17,""spa,sco,dan"":1,""spa,slv"":1,""spa,sot"":2,""spa,sot,eng"":1,""spa,sqi"":5,""spa,srp"":4,""spa,ssw"":5,""spa,swe"":22,""spa,swe,eng"":2,""spa,tur"":30,""spa,vol"":1,""spa,war"":14,""spa,wol,eng"":1}","{""application/rss+xml"":1,""image/jpeg"":1,""text/html"":205479,""text/vtt"":5}","{""2020"":92504,""2021"":112982}","{""CC-MAIN-2020-05"":7257,""CC-MAIN-2020-10"":8511,""CC-MAIN-2020-16"":6262,""CC-MAIN-2020-24"":8366,""CC-MAIN-2020-29"":8582,""CC-MAIN-2020-34"":8837,""CC-MAIN-2020-40"":9001,""CC-MAIN-2020-45"":16733,""CC-MAIN-2020-50"":18955,""CC-MAIN-2021-04"":19879,""CC-MAIN-2021-10"":6926,""CC-MAIN-2021-17"":7640,""CC-MAIN-2021-21"":7611,""CC-MAIN-2021-25"":8827,""CC-MAIN-2021-31"":8325,""CC-MAIN-2021-39"":8151,""CC-MAIN-2021-43"":22845,""CC-MAIN-2021-49"":22778}" +"373","faro de vigo","http://www.farodevigo.es/","es","284640","234061","8403205004","{""cat,spa"":6,""deu,spa"":1,""eng,spa"":13,""eng,spa,nld"":1,""ita,spa"":1,""lit,spa"":1,""nld,spa"":2,""spa"":186960,""spa,ara"":2,""spa,ara,eng"":2,""spa,cat"":59681,""spa,cat,cos"":2,""spa,cat,dan"":4,""spa,cat,deu"":3,""spa,cat,eng"":864,""spa,cat,eus"":4,""spa,cat,fra"":1,""spa,cat,grn"":2,""spa,cat,hrv"":1,""spa,cat,ina"":5,""spa,cat,ind"":2,""spa,cat,ita"":4,""spa,cat,oci"":1,""spa,cat,pol"":1,""spa,cat,ron"":1,""spa,cat,srp"":1,""spa,cat,tur"":1,""spa,cat,war"":1,""spa,ces"":1,""spa,cos"":15,""spa,dan"":94,""spa,dan,cat"":9,""spa,dan,eng"":1,""spa,deu"":7,""spa,eng"":34272,""spa,eng,ara"":1,""spa,eng,cat"":1695,""spa,eng,dan"":4,""spa,eng,deu"":5,""spa,eng,eus"":3,""spa,eng,fra"":2,""spa,eng,ina"":1,""spa,eng,isl"":1,""spa,eng,ita"":1,""spa,eng,lit"":2,""spa,eng,nld"":1,""spa,eng,oci"":2,""spa,eng,pol"":3,""spa,eng,run"":1,""spa,eng,rus"":1,""spa,eng,srp"":3,""spa,eng,tur"":5,""spa,eus"":60,""spa,eus,cat"":5,""spa,eus,eng"":5,""spa,fao"":13,""spa,fij"":1,""spa,fra"":27,""spa,fra,cat"":4,""spa,fra,eng"":1,""spa,grn"":12,""spa,grn,cat"":1,""spa,hat"":2,""spa,heb,eng"":1,""spa,hrv"":9,""spa,ile"":4,""spa,ina"":37,""spa,ina,cat"":4,""spa,ind"":7,""spa,isl"":89,""spa,isl,cat"":3,""spa,isl,eng"":1,""spa,ita"":74,""spa,ita,cat"":6,""spa,ita,cos"":1,""spa,ita,eng"":4,""spa,jpn"":2,""spa,lat"":9,""spa,lat,cat"":1,""spa,lat,eng"":1,""spa,lav,cat"":1,""spa,lit"":1,""spa,lit,cat"":1,""spa,nld"":3,""spa,nld,eng"":1,""spa,nno"":2,""spa,nor"":2,""spa,oci"":38,""spa,oci,cat"":1,""spa,oci,eng"":1,""spa,pol"":16,""spa,pol,cat"":1,""spa,pol,eng"":1,""spa,roh"":1,""spa,ron"":15,""spa,ron,cat"":1,""spa,ron,eng"":2,""spa,rus,cat"":1,""spa,rus,eng"":1,""spa,san"":1,""spa,sco"":19,""spa,smo"":1,""spa,sqi"":1,""spa,srp"":35,""spa,swe"":1,""spa,tur"":3,""spa,tur,cat"":1,""spa,tur,lit"":2,""spa,war"":7,""tur,spa"":2}","{""application/pdf"":3,""application/rss+xml"":373,""application/xhtml+xml"":1194,""application/xml"":15,""text/html"":283055}","{""2020"":110681,""2021"":173959}","{""CC-MAIN-2020-05"":9492,""CC-MAIN-2020-10"":11825,""CC-MAIN-2020-16"":11799,""CC-MAIN-2020-24"":15019,""CC-MAIN-2020-29"":8323,""CC-MAIN-2020-34"":8129,""CC-MAIN-2020-40"":7819,""CC-MAIN-2020-45"":23449,""CC-MAIN-2020-50"":14826,""CC-MAIN-2021-04"":12836,""CC-MAIN-2021-10"":7193,""CC-MAIN-2021-17"":9037,""CC-MAIN-2021-21"":24796,""CC-MAIN-2021-25"":23661,""CC-MAIN-2021-31"":22869,""CC-MAIN-2021-39"":23168,""CC-MAIN-2021-43"":25421,""CC-MAIN-2021-49"":24978}" +"310","el nuevo siglo","https://www.elnuevosiglo.com.co/","es","22742","13416","254495879","{""eng,spa"":3,""spa"":17554,""spa,cat"":1,""spa,dan"":1,""spa,eng"":4977,""spa,eng,grn"":1,""spa,grn"":11,""spa,ina"":1,""spa,ind"":1,""spa,lat"":1,""spa,tur"":1,""spa,war"":2}","{""application/pdf"":74,""application/rss+xml"":114,""text/html"":22554}","{""2020"":17010,""2021"":5732}","{""CC-MAIN-2020-05"":2923,""CC-MAIN-2020-10"":2932,""CC-MAIN-2020-16"":1459,""CC-MAIN-2020-24"":2058,""CC-MAIN-2020-29"":2147,""CC-MAIN-2020-34"":1872,""CC-MAIN-2020-40"":1807,""CC-MAIN-2020-45"":990,""CC-MAIN-2020-50"":822,""CC-MAIN-2021-04"":622,""CC-MAIN-2021-10"":772,""CC-MAIN-2021-17"":543,""CC-MAIN-2021-21"":559,""CC-MAIN-2021-25"":752,""CC-MAIN-2021-31"":321,""CC-MAIN-2021-39"":608,""CC-MAIN-2021-43"":741,""CC-MAIN-2021-49"":814}" +"407","latina","http://www.latina.pe/","es","10939","8997","162552347","{""eng"":7,""spa"":10290,""spa,ara"":1,""spa,cat"":3,""spa,dan"":153,""spa,dan,eng"":1,""spa,deu"":2,""spa,eng"":445,""spa,eng,bos"":1,""spa,eng,cat"":1,""spa,eng,dan"":1,""spa,eng,fas"":1,""spa,eng,fra"":1,""spa,eus"":3,""spa,fra"":5,""spa,grn"":2,""spa,ind"":1,""spa,ita"":2,""spa,jpn"":1,""spa,jpn,eng"":1,""spa,nld"":1,""spa,oci,eng"":1,""spa,que"":2,""spa,rus"":4,""spa,swe"":1,""spa,tur"":4,""spa,war"":1}","{""text/html"":10939}","{""2020"":5343,""2021"":5596}","{""CC-MAIN-2020-05"":1087,""CC-MAIN-2020-10"":615,""CC-MAIN-2020-16"":193,""CC-MAIN-2020-24"":609,""CC-MAIN-2020-29"":1023,""CC-MAIN-2020-34"":568,""CC-MAIN-2020-40"":534,""CC-MAIN-2020-45"":225,""CC-MAIN-2020-50"":489,""CC-MAIN-2021-04"":321,""CC-MAIN-2021-10"":269,""CC-MAIN-2021-17"":316,""CC-MAIN-2021-21"":491,""CC-MAIN-2021-25"":815,""CC-MAIN-2021-31"":457,""CC-MAIN-2021-39"":457,""CC-MAIN-2021-43"":1611,""CC-MAIN-2021-49"":859}" +"386","prensa libre","http://www.prensalibre.com/","es","131079","73526","3088408139","{""eng"":19,""eng,spa"":88,""spa"":112541,""spa,ara"":6,""spa,cat"":115,""spa,cat,eng"":12,""spa,dan"":27,""spa,dan,eng"":3,""spa,deu"":11,""spa,deu,eng"":2,""spa,ell,eng"":1,""spa,eng"":17414,""spa,eng,afr"":1,""spa,eng,bul"":1,""spa,eng,cat"":6,""spa,eng,dan"":3,""spa,eng,deu"":2,""spa,eng,fra"":14,""spa,eng,grn"":14,""spa,eng,ita"":11,""spa,eng,jpn"":4,""spa,eng,kor"":1,""spa,eng,nor"":1,""spa,eng,rus"":3,""spa,eng,srp"":1,""spa,eng,tur"":5,""spa,eng,ukr"":2,""spa,eng,urd"":1,""spa,eng,war"":2,""spa,eus"":4,""spa,fas"":2,""spa,fas,eng"":3,""spa,fra"":63,""spa,fra,cos"":1,""spa,fra,eng"":7,""spa,grn"":285,""spa,grn,eng"":22,""spa,hat"":1,""spa,heb"":2,""spa,hrv"":2,""spa,ina"":4,""spa,ina,fra"":1,""spa,ind"":6,""spa,ind,eng"":1,""spa,ita"":54,""spa,ita,cat"":1,""spa,ita,eng"":1,""spa,ita,pol"":1,""spa,jav,ile"":1,""spa,jpn"":4,""spa,jpn,eng"":1,""spa,kor,eng"":1,""spa,lat"":1,""spa,lin"":1,""spa,msa"":3,""spa,nld"":4,""spa,nno"":1,""spa,nor"":2,""spa,nya"":1,""spa,pol"":4,""spa,pol,eng"":1,""spa,rus"":5,""spa,rus,eng"":7,""spa,sco"":2,""spa,srp"":1,""spa,ssw"":1,""spa,swe"":1,""spa,swe,eng"":1,""spa,tur"":4,""spa,urd"":1,""spa,war"":25,""spa,zho"":3}","{""application/pdf"":64,""application/rss+xml"":5,""application/xml"":86,""image/jpeg"":4,""text/calendar"":72,""text/html"":130848}","{""2020"":78193,""2021"":52886}","{""CC-MAIN-2020-05"":10564,""CC-MAIN-2020-10"":7448,""CC-MAIN-2020-16"":11642,""CC-MAIN-2020-24"":9158,""CC-MAIN-2020-29"":9822,""CC-MAIN-2020-34"":7589,""CC-MAIN-2020-40"":7925,""CC-MAIN-2020-45"":6593,""CC-MAIN-2020-50"":7452,""CC-MAIN-2021-04"":7297,""CC-MAIN-2021-10"":7184,""CC-MAIN-2021-17"":7203,""CC-MAIN-2021-21"":4709,""CC-MAIN-2021-25"":4366,""CC-MAIN-2021-31"":3988,""CC-MAIN-2021-39"":4335,""CC-MAIN-2021-43"":4061,""CC-MAIN-2021-49"":9743}" +"21","El Periódico de Aragón. Noticias de Aragón, Zaragoza, Huesca y Teruel.","https://www.elperiodicodearagon.com/","es","106237","91555","2604586794","{""cat,spa"":1,""eng"":3,""eng,spa"":2,""spa"":79561,""spa,ara"":1,""spa,ara,cat"":1,""spa,bos,eng"":1,""spa,cat"":15044,""spa,cat,dan"":3,""spa,cat,eng"":466,""spa,cat,eus"":1,""spa,cat,fra"":1,""spa,cat,grn"":2,""spa,cat,nld"":2,""spa,dan"":11,""spa,dan,cat"":3,""spa,dan,eng"":3,""spa,deu"":2,""spa,deu,cat"":1,""spa,ell"":1,""spa,eng"":10424,""spa,eng,ara"":1,""spa,eng,cat"":584,""spa,eng,dan"":2,""spa,eng,eus"":1,""spa,eng,fra"":2,""spa,eng,isl"":1,""spa,eng,ita"":4,""spa,eng,lat"":1,""spa,eng,msa"":1,""spa,eng,nld"":3,""spa,eng,war"":1,""spa,eus"":13,""spa,eus,cat"":2,""spa,fra"":26,""spa,fra,cat"":1,""spa,fra,eng"":5,""spa,grn"":8,""spa,grn,cat"":2,""spa,grn,eng"":1,""spa,heb,eng"":1,""spa,ina"":1,""spa,ind"":2,""spa,ita"":10,""spa,ita,cat"":2,""spa,ita,dan"":1,""spa,jpn"":2,""spa,jpn,cat"":1,""spa,lat"":7,""spa,nno"":1,""spa,nor"":1,""spa,oci"":3,""spa,pol"":1,""spa,ron"":2,""spa,rus"":3,""spa,sot"":1,""spa,srp"":1,""spa,tur,eng"":1,""spa,vol"":1,""spa,war"":1}","{""application/xhtml+xml"":3,""text/html"":106234}","{""2020"":37969,""2021"":68268}","{""CC-MAIN-2020-05"":5862,""CC-MAIN-2020-10"":2408,""CC-MAIN-2020-16"":1862,""CC-MAIN-2020-24"":3108,""CC-MAIN-2020-29"":5387,""CC-MAIN-2020-34"":11827,""CC-MAIN-2020-40"":4536,""CC-MAIN-2020-45"":1263,""CC-MAIN-2020-50"":1716,""CC-MAIN-2021-04"":2520,""CC-MAIN-2021-10"":2799,""CC-MAIN-2021-17"":6967,""CC-MAIN-2021-21"":22382,""CC-MAIN-2021-25"":7312,""CC-MAIN-2021-31"":7023,""CC-MAIN-2021-39"":6020,""CC-MAIN-2021-43"":6396,""CC-MAIN-2021-49"":6849}" +"379","p2p","https://p2pmodels.eu/","es","723","169","10722519","{""eng"":720,""eng,spa"":1}","{""application/pdf"":2,""text/html"":721}","{""2020"":266,""2021"":457}","{""CC-MAIN-2020-05"":28,""CC-MAIN-2020-10"":36,""CC-MAIN-2020-16"":39,""CC-MAIN-2020-24"":22,""CC-MAIN-2020-29"":35,""CC-MAIN-2020-34"":15,""CC-MAIN-2020-40"":32,""CC-MAIN-2020-45"":20,""CC-MAIN-2020-50"":39,""CC-MAIN-2021-04"":54,""CC-MAIN-2021-10"":37,""CC-MAIN-2021-17"":55,""CC-MAIN-2021-21"":31,""CC-MAIN-2021-25"":76,""CC-MAIN-2021-31"":34,""CC-MAIN-2021-39"":75,""CC-MAIN-2021-43"":67,""CC-MAIN-2021-49"":28}" +"82","pro y contra","http://proycontra.com.pe/","es","136","136","2263806","{""spa"":15,""spa,eng"":121}","{""text/html"":136}","{""2021"":136}","{""CC-MAIN-2021-49"":136}" +"346","el universal estado de méxico","https://www.eluniversal.com.mx/","es","432487","354333","8580222720","{""eng"":5,""eng,spa"":7362,""eng,spa,ara"":3,""eng,spa,dan"":2,""eng,spa,deu"":5,""eng,spa,ell"":2,""eng,spa,fra"":9,""eng,spa,grn"":1,""eng,spa,heb"":3,""eng,spa,ind"":1,""eng,spa,ita"":3,""eng,spa,jpn"":3,""eng,spa,rus"":1,""eng,spa,ukr"":1,""lat,spa"":1,""spa"":384441,""spa,ara"":8,""spa,ara,eng"":6,""spa,bos"":3,""spa,bre"":2,""spa,cat"":102,""spa,cat,eng"":5,""spa,cos"":3,""spa,dan"":111,""spa,dan,eng"":10,""spa,deu"":22,""spa,deu,eng"":3,""spa,ell"":2,""spa,eng"":39433,""spa,eng,ara"":4,""spa,eng,bos"":1,""spa,eng,cat"":11,""spa,eng,dan"":4,""spa,eng,deu"":5,""spa,eng,ell"":4,""spa,eng,fas"":1,""spa,eng,fra"":27,""spa,eng,grn"":9,""spa,eng,hrv"":1,""spa,eng,ina"":1,""spa,eng,ind"":3,""spa,eng,isl"":2,""spa,eng,ita"":8,""spa,eng,jpn"":2,""spa,eng,kor"":1,""spa,eng,lat"":1,""spa,eng,nld"":1,""spa,eng,rus"":5,""spa,eng,sco"":1,""spa,eng,slk"":1,""spa,eng,srp"":1,""spa,eng,swe"":1,""spa,eng,tur"":2,""spa,eng,ukr"":1,""spa,eng,war"":2,""spa,eus"":2,""spa,fas"":3,""spa,fra"":104,""spa,fra,dan"":1,""spa,fra,eng"":12,""spa,fra,ita"":1,""spa,grn"":199,""spa,grn,eng"":13,""spa,hat,eng"":1,""spa,heb"":2,""spa,hrv"":3,""spa,hun"":2,""spa,ile"":3,""spa,ina"":9,""spa,ind"":17,""spa,isl"":1,""spa,isl,eng"":1,""spa,isl,ita"":1,""spa,ita"":110,""spa,ita,eng"":7,""spa,ita,fra"":4,""spa,jpn"":10,""spa,jpn,dan"":1,""spa,jpn,eng"":7,""spa,kha"":1,""spa,kor"":2,""spa,kor,eng"":1,""spa,lat"":15,""spa,lat,eng"":2,""spa,lit"":2,""spa,mfe"":1,""spa,msa"":5,""spa,nau"":1,""spa,nld"":20,""spa,nld,eng"":1,""spa,nno"":3,""spa,pol"":5,""spa,que"":2,""spa,roh"":1,""spa,rus"":26,""spa,rus,eng"":4,""spa,sco"":5,""spa,sco,eng"":1,""spa,slk"":3,""spa,sot"":3,""spa,swa"":1,""spa,swe"":1,""spa,swe,eng"":2,""spa,tgl"":2,""spa,tha"":1,""spa,tur"":8,""spa,war"":57,""spa,war,eng"":1,""spa,zho"":2}","{""application/pdf"":43,""application/rss+xml"":57,""application/xhtml+xml"":424788,""application/xml"":2,""text/html"":7595,""text/plain"":2}","{""2020"":185445,""2021"":247042}","{""CC-MAIN-2020-05"":24279,""CC-MAIN-2020-10"":18035,""CC-MAIN-2020-16"":16393,""CC-MAIN-2020-24"":18663,""CC-MAIN-2020-29"":16868,""CC-MAIN-2020-34"":21313,""CC-MAIN-2020-40"":19371,""CC-MAIN-2020-45"":24752,""CC-MAIN-2020-50"":25771,""CC-MAIN-2021-04"":24808,""CC-MAIN-2021-10"":28713,""CC-MAIN-2021-17"":29221,""CC-MAIN-2021-21"":26548,""CC-MAIN-2021-25"":24037,""CC-MAIN-2021-31"":29092,""CC-MAIN-2021-39"":30242,""CC-MAIN-2021-43"":27128,""CC-MAIN-2021-49"":27253}" +"349","el tiempo - colombia","https://www.eltiempo.com/","es","433269","329780","14209009994","{""eng"":3,""eng,spa"":17,""fra,spa"":6,""fra,spa,eng"":1,""por"":10,""spa"":425754,""spa,ara"":15,""spa,aym"":2,""spa,bre"":2,""spa,cat"":151,""spa,cat,eng"":3,""spa,dan"":134,""spa,dan,ita"":1,""spa,deu"":26,""spa,deu,eng"":1,""spa,ell"":2,""spa,eng"":6141,""spa,eng,ara"":3,""spa,eng,bos"":1,""spa,eng,cat"":1,""spa,eng,deu"":3,""spa,eng,fas"":1,""spa,eng,fra"":6,""spa,eng,hin"":1,""spa,eng,isl"":1,""spa,eng,ita"":8,""spa,eng,jpn"":1,""spa,eng,rus"":1,""spa,eng,tur"":2,""spa,eng,vie"":1,""spa,est"":1,""spa,eus"":1,""spa,eus,ita"":2,""spa,fas"":1,""spa,fas,eng"":1,""spa,fin"":1,""spa,fra"":87,""spa,fra,deu"":1,""spa,fra,eng"":5,""spa,fra,oci"":1,""spa,fry"":7,""spa,grn"":171,""spa,hat"":1,""spa,heb"":2,""spa,hin"":3,""spa,ile"":2,""spa,ina"":38,""spa,ind"":15,""spa,ind,eng"":1,""spa,isl"":2,""spa,ita"":83,""spa,ita,eng"":2,""spa,jpn"":12,""spa,jpn,eng"":3,""spa,kor"":5,""spa,kor,eng"":1,""spa,lat"":18,""spa,mlt"":1,""spa,msa"":4,""spa,nld"":13,""spa,nor"":1,""spa,oci"":3,""spa,orm"":1,""spa,pol"":1,""spa,que"":1,""spa,ron"":2,""spa,rus"":19,""spa,rus,eng"":1,""spa,som"":18,""spa,srp"":2,""spa,sun"":1,""spa,swa"":1,""spa,tel"":1,""spa,tgl"":1,""spa,tha"":1,""spa,tur"":22,""spa,tur,eng"":2,""spa,vie"":1,""spa,war"":26,""spa,zho"":1}","{""application/pdf"":181,""application/rss+xml"":132,""application/xhtml+xml"":228,""text/html"":432728}","{""2020"":198513,""2021"":234756}","{""CC-MAIN-2020-05"":24737,""CC-MAIN-2020-10"":21733,""CC-MAIN-2020-16"":20833,""CC-MAIN-2020-24"":19894,""CC-MAIN-2020-29"":18035,""CC-MAIN-2020-34"":19657,""CC-MAIN-2020-40"":20092,""CC-MAIN-2020-45"":26674,""CC-MAIN-2020-50"":26858,""CC-MAIN-2021-04"":25424,""CC-MAIN-2021-10"":26580,""CC-MAIN-2021-17"":25749,""CC-MAIN-2021-21"":25964,""CC-MAIN-2021-25"":27455,""CC-MAIN-2021-31"":25881,""CC-MAIN-2021-39"":25214,""CC-MAIN-2021-43"":26118,""CC-MAIN-2021-49"":26371}" +"99","periódico correo","http://www.periodicocorreo.com.mx/","es","82457","53831","2498147105","{""eng"":10,""eng,spa"":1224,""lat,spa,eng"":14,""spa"":54040,""spa,cat"":5,""spa,dan"":2,""spa,eng"":27027,""spa,eng,cat"":7,""spa,eng,fra"":2,""spa,eng,grn"":2,""spa,eng,hin"":1,""spa,eng,ind"":2,""spa,eng,ita"":2,""spa,eng,tur"":3,""spa,eng,war"":1,""spa,eng,zho"":1,""spa,fra"":4,""spa,fra,eng"":3,""spa,grn"":3,""spa,ind"":1,""spa,ind,eng"":1,""spa,ita"":9,""spa,lat"":1,""spa,lat,eng"":1,""spa,msa,eng"":1,""spa,rus"":4,""spa,rus,eng"":3,""spa,tur"":2,""spa,tur,eng"":1,""spa,urd,eng"":1,""spa,vie"":1,""spa,war"":6,""spa,zho,eng"":1}","{""application/pdf"":7,""application/rss+xml"":1,""image/jpeg"":62,""text/html"":82387}","{""2020"":24297,""2021"":58160}","{""CC-MAIN-2020-05"":457,""CC-MAIN-2020-10"":1152,""CC-MAIN-2020-16"":1233,""CC-MAIN-2020-24"":1969,""CC-MAIN-2020-29"":2492,""CC-MAIN-2020-34"":3238,""CC-MAIN-2020-40"":6170,""CC-MAIN-2020-45"":3806,""CC-MAIN-2020-50"":3780,""CC-MAIN-2021-04"":5258,""CC-MAIN-2021-10"":6610,""CC-MAIN-2021-17"":8306,""CC-MAIN-2021-21"":4605,""CC-MAIN-2021-25"":7714,""CC-MAIN-2021-31"":7147,""CC-MAIN-2021-39"":7086,""CC-MAIN-2021-43"":5691,""CC-MAIN-2021-49"":5743}" +"153","financial food","https://financialfood.es/","es","86555","43125","1865625403","{""eng"":260,""eng,spa"":19,""spa"":83296,""spa,cat"":331,""spa,cat,eng"":5,""spa,dan"":11,""spa,deu"":6,""spa,eng"":2432,""spa,eng,cat"":1,""spa,eng,deu"":1,""spa,eus"":16,""spa,fra"":21,""spa,grn"":1,""spa,ina"":2,""spa,ind"":4,""spa,ita"":10,""spa,lat"":2,""spa,oci"":1,""spa,roh"":1,""spa,sco"":1,""spa,war"":1}","{""application/pdf"":132,""application/xhtml+xml"":274,""text/html"":86149}","{""2020"":43095,""2021"":43460}","{""CC-MAIN-2020-05"":4462,""CC-MAIN-2020-10"":4746,""CC-MAIN-2020-16"":4648,""CC-MAIN-2020-24"":4749,""CC-MAIN-2020-29"":4624,""CC-MAIN-2020-34"":4612,""CC-MAIN-2020-40"":4947,""CC-MAIN-2020-45"":5150,""CC-MAIN-2020-50"":5157,""CC-MAIN-2021-04"":5194,""CC-MAIN-2021-10"":4292,""CC-MAIN-2021-17"":4265,""CC-MAIN-2021-21"":3544,""CC-MAIN-2021-25"":5105,""CC-MAIN-2021-31"":4697,""CC-MAIN-2021-39"":5779,""CC-MAIN-2021-43"":5381,""CC-MAIN-2021-49"":5203}" +"358","la verdad de murcia","https://www.laverdad.es/","es","67273","61547","943308994","{""cat,spa"":4,""cat,spa,eng"":4,""cat,spa,oci"":1,""spa"":66760,""spa,cat"":352,""spa,dan"":3,""spa,eng"":106,""spa,eng,cat"":26,""spa,eus"":3,""spa,eus,eng"":1}","{""application/atom+xml"":4,""application/pdf"":3,""application/rss+xml"":5,""application/xhtml+xml"":65661,""text/html"":1599,""text/plain"":1}","{""2020"":48822,""2021"":18451}","{""CC-MAIN-2020-05"":5063,""CC-MAIN-2020-10"":2833,""CC-MAIN-2020-16"":8836,""CC-MAIN-2020-24"":3648,""CC-MAIN-2020-29"":2825,""CC-MAIN-2020-34"":10311,""CC-MAIN-2020-40"":6921,""CC-MAIN-2020-45"":2618,""CC-MAIN-2020-50"":5767,""CC-MAIN-2021-04"":3565,""CC-MAIN-2021-10"":8968,""CC-MAIN-2021-17"":1718,""CC-MAIN-2021-21"":4200}" +"115","24ora","https://espanol.24ora.com/","es","474","413","23235001","{""cat"":1,""eng"":1,""grn"":1,""spa"":106,""spa,eng"":334,""spa,eng,afr"":1,""spa,eng,nor"":1}","{""text/html"":474}","{""2020"":305,""2021"":169}","{""CC-MAIN-2020-05"":92,""CC-MAIN-2020-10"":101,""CC-MAIN-2020-16"":8,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-29"":21,""CC-MAIN-2020-34"":9,""CC-MAIN-2020-40"":44,""CC-MAIN-2020-45"":15,""CC-MAIN-2020-50"":14,""CC-MAIN-2021-04"":14,""CC-MAIN-2021-10"":155}" +"327","tribunal superior de justicia electoral","http://tsje.gov.py/","es","2725","1724","419075276","{""eng"":422,""grn,spa"":1,""spa"":1648,""spa,eng"":27,""spa,eng,grn"":1,""spa,grn"":103,""spa,grn,eng"":4,""spa,grn,war"":2,""spa,ind"":3,""spa,war"":2}","{""application/json"":4,""application/pdf"":503,""application/xhtml+xml"":9,""text/html"":2207,""text/plain"":2}","{""2020"":1254,""2021"":1471}","{""CC-MAIN-2020-05"":50,""CC-MAIN-2020-10"":122,""CC-MAIN-2020-16"":160,""CC-MAIN-2020-24"":201,""CC-MAIN-2020-29"":91,""CC-MAIN-2020-34"":158,""CC-MAIN-2020-40"":341,""CC-MAIN-2020-45"":71,""CC-MAIN-2020-50"":60,""CC-MAIN-2021-04"":445,""CC-MAIN-2021-10"":170,""CC-MAIN-2021-17"":292,""CC-MAIN-2021-21"":269,""CC-MAIN-2021-25"":100,""CC-MAIN-2021-31"":119,""CC-MAIN-2021-39"":56,""CC-MAIN-2021-43"":10,""CC-MAIN-2021-49"":10}" +"138","tdworld","https://www.tdworld.com/","es","10742","8289","80556227","{""eng"":9911}","{""text/html"":10742}","{""2020"":8503,""2021"":2239}","{""CC-MAIN-2020-05"":1610,""CC-MAIN-2020-10"":1099,""CC-MAIN-2020-16"":221,""CC-MAIN-2020-24"":1483,""CC-MAIN-2020-29"":2307,""CC-MAIN-2020-34"":1143,""CC-MAIN-2020-40"":257,""CC-MAIN-2020-45"":265,""CC-MAIN-2020-50"":118,""CC-MAIN-2021-04"":258,""CC-MAIN-2021-10"":209,""CC-MAIN-2021-17"":366,""CC-MAIN-2021-21"":208,""CC-MAIN-2021-25"":150,""CC-MAIN-2021-31"":228,""CC-MAIN-2021-39"":322,""CC-MAIN-2021-43"":274,""CC-MAIN-2021-49"":224}" +"243","diario el siglo","http://elsiglo.com.ve/","es","65388","52560","1086591004","{""eng"":6,""eng,spa"":15,""spa"":63110,""spa,cat"":16,""spa,cat,eng"":1,""spa,cat,grn"":1,""spa,dan"":24,""spa,deu"":1,""spa,ell"":1,""spa,eng"":2031,""spa,eng,cat"":2,""spa,eng,dan"":4,""spa,eng,fra"":1,""spa,eng,grn"":1,""spa,eng,ind"":1,""spa,eng,ita"":5,""spa,eng,lat"":1,""spa,eng,war"":1,""spa,fra"":5,""spa,fra,eng"":2,""spa,fra,isl"":1,""spa,grn"":68,""spa,grn,eng"":1,""spa,ina,nor"":1,""spa,ind"":4,""spa,isl,eng"":1,""spa,isl,srp"":1,""spa,ita"":6,""spa,jpn"":5,""spa,kor"":48,""spa,lat"":4,""spa,msa"":4,""spa,que"":1,""spa,rus"":3,""spa,war"":10,""spa,zho,kor"":1}","{""text/html"":65388}","{""2020"":25162,""2021"":40226}","{""CC-MAIN-2020-05"":1808,""CC-MAIN-2020-10"":1275,""CC-MAIN-2020-16"":1012,""CC-MAIN-2020-24"":2840,""CC-MAIN-2020-29"":2000,""CC-MAIN-2020-34"":2067,""CC-MAIN-2020-40"":8454,""CC-MAIN-2020-45"":2185,""CC-MAIN-2020-50"":3521,""CC-MAIN-2021-04"":5382,""CC-MAIN-2021-10"":3865,""CC-MAIN-2021-17"":3298,""CC-MAIN-2021-21"":3535,""CC-MAIN-2021-25"":4419,""CC-MAIN-2021-31"":6449,""CC-MAIN-2021-39"":4158,""CC-MAIN-2021-43"":4854,""CC-MAIN-2021-49"":4266}" +"158","diario de león","https://www.diariodeleon.es/","es","96788","74891","1776772405","{""eng"":7,""eng,spa"":3,""spa"":95171,""spa,cat"":424,""spa,cat,ina"":2,""spa,cat,oci"":1,""spa,dan"":3,""spa,deu"":2,""spa,eng"":482,""spa,eng,pol"":1,""spa,eus"":7,""spa,fra"":11,""spa,grn"":5,""spa,haw"":1,""spa,ina"":163,""spa,ina,cat"":3,""spa,ita"":4,""spa,lat"":12,""spa,nld"":1,""spa,nor"":1,""spa,oci"":4,""spa,pol"":1,""spa,slv"":1,""spa,sot,eng"":1}","{""application/pdf"":37,""application/rss+xml"":440,""application/xhtml+xml"":2412,""text/html"":93899}","{""2020"":40755,""2021"":56033}","{""CC-MAIN-2020-05"":3404,""CC-MAIN-2020-10"":4797,""CC-MAIN-2020-16"":2570,""CC-MAIN-2020-24"":3679,""CC-MAIN-2020-29"":4588,""CC-MAIN-2020-34"":5518,""CC-MAIN-2020-40"":5918,""CC-MAIN-2020-45"":5860,""CC-MAIN-2020-50"":4421,""CC-MAIN-2021-04"":5555,""CC-MAIN-2021-10"":4955,""CC-MAIN-2021-17"":6191,""CC-MAIN-2021-21"":3639,""CC-MAIN-2021-25"":3367,""CC-MAIN-2021-31"":2388,""CC-MAIN-2021-39"":19223,""CC-MAIN-2021-43"":6592,""CC-MAIN-2021-49"":4123}" +"228","gaceta medica","http://www.gacetamedica.com/","es","31089","18775","1143825053","{""cat,spa"":6,""cat,spa,eng"":17,""eng"":4,""eng,spa"":810,""spa"":2450,""spa,cat"":130,""spa,cat,eng"":73,""spa,eng"":27460,""spa,eng,cat"":103,""spa,eng,ita"":4,""spa,lat"":3,""spa,lat,eng"":1}","{""application/pdf"":27,""application/xhtml+xml"":17,""text/html"":31045}","{""2020"":20191,""2021"":10898}","{""CC-MAIN-2020-05"":2714,""CC-MAIN-2020-10"":4366,""CC-MAIN-2020-16"":1831,""CC-MAIN-2020-24"":1893,""CC-MAIN-2020-29"":3188,""CC-MAIN-2020-34"":2421,""CC-MAIN-2020-40"":1530,""CC-MAIN-2020-45"":1146,""CC-MAIN-2020-50"":1102,""CC-MAIN-2021-04"":1361,""CC-MAIN-2021-10"":1336,""CC-MAIN-2021-17"":1369,""CC-MAIN-2021-21"":1319,""CC-MAIN-2021-25"":733,""CC-MAIN-2021-31"":590,""CC-MAIN-2021-39"":1305,""CC-MAIN-2021-43"":1061,""CC-MAIN-2021-49"":1824}" +"266","diagonales","https://diagonales.com/","es","11026","7211","136414061","{""spa"":10881,""spa,dan"":1,""spa,eng"":55,""spa,ina"":11,""spa,ita"":2,""spa,ita,grn"":1,""spa,war"":1}","{""application/rss+xml"":74,""text/html"":10952}","{""2020"":7285,""2021"":3741}","{""CC-MAIN-2020-05"":856,""CC-MAIN-2020-10"":1083,""CC-MAIN-2020-16"":617,""CC-MAIN-2020-24"":1171,""CC-MAIN-2020-29"":990,""CC-MAIN-2020-34"":921,""CC-MAIN-2020-40"":822,""CC-MAIN-2020-45"":407,""CC-MAIN-2020-50"":418,""CC-MAIN-2021-04"":463,""CC-MAIN-2021-10"":515,""CC-MAIN-2021-17"":501,""CC-MAIN-2021-21"":246,""CC-MAIN-2021-25"":246,""CC-MAIN-2021-31"":254,""CC-MAIN-2021-39"":274,""CC-MAIN-2021-43"":782,""CC-MAIN-2021-49"":460}" +"218","la segunda","http://www.lasegunda.com/","es","5393","3643","57521671","{""spa"":4471,""spa,cat"":1,""spa,dan"":3,""spa,dan,eng"":1,""spa,eng"":68,""spa,grn"":2,""spa,ita"":2}","{""application/xhtml+xml"":5347,""text/html"":46}","{""2020"":4562,""2021"":831}","{""CC-MAIN-2020-05"":814,""CC-MAIN-2020-10"":670,""CC-MAIN-2020-16"":371,""CC-MAIN-2020-24"":721,""CC-MAIN-2020-29"":898,""CC-MAIN-2020-34"":371,""CC-MAIN-2020-40"":394,""CC-MAIN-2020-45"":223,""CC-MAIN-2020-50"":100,""CC-MAIN-2021-04"":94,""CC-MAIN-2021-10"":61,""CC-MAIN-2021-17"":110,""CC-MAIN-2021-21"":6,""CC-MAIN-2021-25"":33,""CC-MAIN-2021-31"":21,""CC-MAIN-2021-39"":174,""CC-MAIN-2021-43"":169,""CC-MAIN-2021-49"":163}" +"480","Personal blog","https://www.jeraldinephneah.com/","en","735","137","23053237","{""eng"":728}","{""application/rss+xml"":3,""text/html"":732}","{""2020"":441,""2021"":294}","{""CC-MAIN-2020-05"":51,""CC-MAIN-2020-10"":58,""CC-MAIN-2020-16"":56,""CC-MAIN-2020-24"":87,""CC-MAIN-2020-29"":47,""CC-MAIN-2020-34"":25,""CC-MAIN-2020-40"":53,""CC-MAIN-2020-45"":23,""CC-MAIN-2020-50"":41,""CC-MAIN-2021-04"":32,""CC-MAIN-2021-10"":28,""CC-MAIN-2021-17"":32,""CC-MAIN-2021-21"":41,""CC-MAIN-2021-25"":27,""CC-MAIN-2021-31"":36,""CC-MAIN-2021-39"":72,""CC-MAIN-2021-43"":15,""CC-MAIN-2021-49"":11}" +"223","el tambor","http://www.eltambor.es/","es","67564","34658","1761517788","{""eng,spa"":1,""spa"":46608,""spa,ara"":5,""spa,cat"":68,""spa,cat,eng"":9,""spa,deu"":3,""spa,eng"":19989,""spa,eng,cat"":16,""spa,eng,deu"":1,""spa,eng,heb"":1,""spa,eng,ina"":2,""spa,eng,lat"":6,""spa,eng,ron"":1,""spa,eus"":1,""spa,fra"":4,""spa,grn"":3,""spa,ina"":1,""spa,ina,eng"":2,""spa,ita"":2,""spa,ita,eng"":1,""spa,lat"":4,""spa,lat,eng"":12,""spa,nld"":1,""spa,pol"":1,""spa,ron"":1,""spa,tuk"":1}","{""image/gif"":55,""image/jpeg"":719,""image/png"":46,""text/html"":66744}","{""2020"":30925,""2021"":36639}","{""CC-MAIN-2020-05"":3034,""CC-MAIN-2020-10"":3484,""CC-MAIN-2020-16"":2343,""CC-MAIN-2020-24"":3520,""CC-MAIN-2020-29"":4235,""CC-MAIN-2020-34"":2873,""CC-MAIN-2020-40"":4391,""CC-MAIN-2020-45"":3748,""CC-MAIN-2020-50"":3297,""CC-MAIN-2021-04"":4735,""CC-MAIN-2021-10"":4400,""CC-MAIN-2021-17"":4478,""CC-MAIN-2021-21"":2647,""CC-MAIN-2021-25"":5213,""CC-MAIN-2021-31"":3499,""CC-MAIN-2021-39"":3994,""CC-MAIN-2021-43"":4289,""CC-MAIN-2021-49"":3384}" +"477","Parenting in Singapore","https://www.kiasuparents.com/kiasu","en","67278","32347","1643522191","{""eng"":66046,""eng,ara"":3,""eng,dan"":14,""eng,deu"":17,""eng,deu,zho"":1,""eng,ell"":11,""eng,fin"":1,""eng,fra"":6,""eng,hin"":1,""eng,ind"":11,""eng,ita"":1,""eng,jav"":15,""eng,jpn"":31,""eng,jpn,zho"":1,""eng,kor"":1,""eng,lat"":5,""eng,msa"":2,""eng,nld"":1,""eng,pol,bul"":1,""eng,spa"":2,""eng,tam"":20,""eng,tha"":1,""eng,zho"":972,""eng,zho,jpn"":13,""eng,zho,msa"":1,""fra,eng"":3,""ind,eng"":2,""msa,eng"":7,""vie,eng"":1,""zho"":16,""zho,eng"":70}","{""text/html"":67278}","{""2020"":28608,""2021"":38670}","{""CC-MAIN-2020-05"":2244,""CC-MAIN-2020-10"":2436,""CC-MAIN-2020-16"":2276,""CC-MAIN-2020-24"":3769,""CC-MAIN-2020-29"":3565,""CC-MAIN-2020-34"":1871,""CC-MAIN-2020-40"":5900,""CC-MAIN-2020-45"":3017,""CC-MAIN-2020-50"":3530,""CC-MAIN-2021-04"":5097,""CC-MAIN-2021-10"":3341,""CC-MAIN-2021-17"":5285,""CC-MAIN-2021-21"":3118,""CC-MAIN-2021-25"":4259,""CC-MAIN-2021-31"":4698,""CC-MAIN-2021-39"":4685,""CC-MAIN-2021-43"":4107,""CC-MAIN-2021-49"":4080}" +"106","maldita","https://maldita.es/","es","20238","12389","339270994","{""eng"":12,""eng,spa"":33,""spa"":18233,""spa,ara"":1,""spa,cat"":124,""spa,cat,eng"":7,""spa,cat,eus"":1,""spa,deu"":16,""spa,deu,eng"":1,""spa,deu,eus"":2,""spa,eng"":1456,""spa,eng,cat"":5,""spa,eng,deu"":3,""spa,eng,eus"":25,""spa,eng,fin"":2,""spa,eng,fra"":2,""spa,eng,ita"":1,""spa,eng,pus"":1,""spa,eng,rus"":3,""spa,eus"":218,""spa,fas"":1,""spa,fra"":29,""spa,fra,eng"":2,""spa,grn"":1,""spa,grn,eng"":1,""spa,ita"":7,""spa,ita,eus"":3,""spa,nld"":9,""spa,rus"":1,""spa,rus,eng"":2,""spa,tur"":1,""spa,war"":1}","{""application/pdf"":32,""application/rss+xml"":1,""image/jpeg"":1,""text/html"":20204}","{""2020"":10474,""2021"":9764}","{""CC-MAIN-2020-05"":666,""CC-MAIN-2020-10"":1818,""CC-MAIN-2020-16"":468,""CC-MAIN-2020-24"":1293,""CC-MAIN-2020-29"":1567,""CC-MAIN-2020-34"":987,""CC-MAIN-2020-40"":1616,""CC-MAIN-2020-45"":1438,""CC-MAIN-2020-50"":621,""CC-MAIN-2021-04"":1389,""CC-MAIN-2021-10"":1300,""CC-MAIN-2021-17"":921,""CC-MAIN-2021-21"":753,""CC-MAIN-2021-25"":663,""CC-MAIN-2021-31"":589,""CC-MAIN-2021-39"":1537,""CC-MAIN-2021-43"":1348,""CC-MAIN-2021-49"":1264}" +"61","la nacion - chile","http://lanacion.cl/","es","46637","34183","1205964679","{""eng"":871,""eng,spa"":987,""eng,spa,kor"":1,""fin,eng"":1,""fra"":11,""ina"":1,""ina,eng"":1,""mfe,eng"":1,""oci"":1,""spa"":7235,""spa,cat"":1,""spa,ces"":2,""spa,dan"":5,""spa,dan,eng"":5,""spa,deu,eng"":1,""spa,eng"":37377,""spa,eng,cat"":2,""spa,eng,dan"":17,""spa,eng,deu"":2,""spa,eng,fra"":3,""spa,eng,grn"":8,""spa,eng,ina"":12,""spa,eng,ita"":1,""spa,eng,jpn"":1,""spa,eng,kor"":61,""spa,eng,ron"":1,""spa,eng,rus"":2,""spa,eng,tur"":1,""spa,eng,war"":2,""spa,fra,eng"":1,""spa,grn"":4,""spa,ina"":3,""spa,ina,eng"":2,""spa,ita"":1,""spa,jpn,eng"":1,""spa,rus,eng"":1,""spa,war"":1,""spa,war,eng"":2,""war,eng"":1}","{""application/pdf"":1,""application/xhtml+xml"":13,""text/html"":46623}","{""2020"":32075,""2021"":14562}","{""CC-MAIN-2020-05"":9223,""CC-MAIN-2020-10"":5021,""CC-MAIN-2020-16"":5935,""CC-MAIN-2020-24"":2998,""CC-MAIN-2020-29"":1268,""CC-MAIN-2020-34"":1628,""CC-MAIN-2020-40"":2370,""CC-MAIN-2020-45"":2157,""CC-MAIN-2020-50"":1475,""CC-MAIN-2021-04"":1782,""CC-MAIN-2021-10"":2135,""CC-MAIN-2021-17"":2908,""CC-MAIN-2021-21"":129,""CC-MAIN-2021-25"":163,""CC-MAIN-2021-31"":85,""CC-MAIN-2021-39"":760,""CC-MAIN-2021-43"":2545,""CC-MAIN-2021-49"":4055}" +"313","la prensa","http://laprensa.peru.com/","es","69216","44710","1174996656","{""eng,spa"":248,""eng,spa,cos"":1,""spa"":51332,""spa,cat"":15,""spa,dan"":278,""spa,dan,eng"":3,""spa,deu"":8,""spa,deu,fra"":2,""spa,deu,ita"":4,""spa,eng"":16999,""spa,eng,cat"":1,""spa,eng,dan"":8,""spa,eng,deu"":14,""spa,eng,fra"":6,""spa,eng,ina"":1,""spa,eng,ita"":47,""spa,eng,jpn"":3,""spa,eng,lat"":1,""spa,eng,rus"":2,""spa,eng,ukr"":4,""spa,eus"":2,""spa,fas,eng"":1,""spa,fra"":11,""spa,fra,deu"":1,""spa,grn"":18,""spa,hrv"":3,""spa,ile"":1,""spa,ina"":3,""spa,ind"":3,""spa,isl"":2,""spa,ita"":17,""spa,ita,deu"":7,""spa,jpn"":35,""spa,jpn,eng"":1,""spa,kha"":3,""spa,kor"":5,""spa,lat,eng"":1,""spa,msa"":4,""spa,nld"":8,""spa,nor"":1,""spa,oci"":2,""spa,que"":6,""spa,rus"":16,""spa,sco"":1,""spa,tur"":41,""spa,tur,eng"":1,""spa,war"":6}","{""application/octet-stream"":14,""text/html"":69202}","{""2020"":50552,""2021"":18664}","{""CC-MAIN-2020-05"":1714,""CC-MAIN-2020-10"":8618,""CC-MAIN-2020-16"":5890,""CC-MAIN-2020-24"":6395,""CC-MAIN-2020-29"":7533,""CC-MAIN-2020-34"":9798,""CC-MAIN-2020-40"":8764,""CC-MAIN-2020-45"":927,""CC-MAIN-2020-50"":913,""CC-MAIN-2021-04"":927,""CC-MAIN-2021-10"":3130,""CC-MAIN-2021-17"":3872,""CC-MAIN-2021-21"":5379,""CC-MAIN-2021-25"":762,""CC-MAIN-2021-31"":459,""CC-MAIN-2021-39"":1483,""CC-MAIN-2021-43"":1606,""CC-MAIN-2021-49"":1046}" +"497","News outlet","https://www.straitstimes.com/","en","580806","423401","22705382276","{""eng"":574438,""eng,ara"":9,""eng,ben"":1,""eng,cat"":2,""eng,ces"":1,""eng,dan"":334,""eng,deu"":13,""eng,ell"":2,""eng,fas"":2,""eng,fra"":23,""eng,grn"":2,""eng,guj"":1,""eng,hau"":1,""eng,heb"":2,""eng,hin"":1,""eng,ind"":80,""eng,isl"":1,""eng,ita"":13,""eng,jav"":2,""eng,jpn"":38,""eng,jpn,dan"":3,""eng,jpn,zho"":1,""eng,kha"":1,""eng,khm"":1,""eng,kor"":14,""eng,kor,fra"":1,""eng,lat"":5,""eng,msa"":2303,""eng,msa,dan"":1,""eng,nld"":12,""eng,nld,msa"":1,""eng,nno"":1,""eng,pol"":1,""eng,por"":33,""eng,ron"":1,""eng,rus"":10,""eng,rus,kor"":1,""eng,sco"":1,""eng,spa"":23,""eng,srp"":2,""eng,tgl"":3,""eng,tha"":23,""eng,tur"":8,""eng,uzb"":1,""eng,vie"":1,""eng,war"":1,""eng,zho"":106,""tha,eng"":1,""zho,eng"":1}","{""application/pdf"":291,""application/rss+xml"":125,""application/xml"":10,""image/jpeg"":1,""text/html"":580379}","{""2020"":277490,""2021"":303316}","{""CC-MAIN-2020-05"":32519,""CC-MAIN-2020-10"":27205,""CC-MAIN-2020-16"":24428,""CC-MAIN-2020-24"":24082,""CC-MAIN-2020-29"":30113,""CC-MAIN-2020-34"":35245,""CC-MAIN-2020-40"":27236,""CC-MAIN-2020-45"":38505,""CC-MAIN-2020-50"":38157,""CC-MAIN-2021-04"":34787,""CC-MAIN-2021-10"":36846,""CC-MAIN-2021-17"":33865,""CC-MAIN-2021-21"":34987,""CC-MAIN-2021-25"":35008,""CC-MAIN-2021-31"":27747,""CC-MAIN-2021-39"":35463,""CC-MAIN-2021-43"":32293,""CC-MAIN-2021-49"":32320}" +"493","Personal blog","https://lesterchan.net/","en","63407","13293","1074745613","{""eng"":63161,""eng,cat"":1,""eng,ces"":8,""eng,dan"":56,""eng,deu"":2,""eng,ita"":13,""eng,jpn"":8,""eng,kor"":3,""eng,lat"":9,""eng,msa"":48,""eng,nld"":2,""eng,nno"":7,""eng,por"":4,""eng,roh"":6,""eng,sco"":7,""eng,swa"":9,""eng,tur"":30,""eng,zho"":13,""eng,zho,jpn"":10}","{""application/pdf"":2,""application/x-tika-ooxml"":2,""application/xhtml+xml"":225,""application/xml"":4,""application/zip"":2,""text/html"":63172}","{""2020"":36177,""2021"":27230}","{""CC-MAIN-2020-05"":6549,""CC-MAIN-2020-10"":3045,""CC-MAIN-2020-16"":5877,""CC-MAIN-2020-24"":3319,""CC-MAIN-2020-29"":5004,""CC-MAIN-2020-34"":1667,""CC-MAIN-2020-40"":5361,""CC-MAIN-2020-45"":1548,""CC-MAIN-2020-50"":3807,""CC-MAIN-2021-04"":3032,""CC-MAIN-2021-10"":3901,""CC-MAIN-2021-17"":3090,""CC-MAIN-2021-21"":2625,""CC-MAIN-2021-25"":1631,""CC-MAIN-2021-31"":5025,""CC-MAIN-2021-39"":2393,""CC-MAIN-2021-43"":4335,""CC-MAIN-2021-49"":1198}" +"81","diario el cordillerano","http://www.elcordillerano.com.ar/","es","16505","10969","269896752","{""eng"":11,""lat,spa"":9,""spa"":16174,""spa,eng"":240,""spa,fra"":1,""spa,grn"":10,""spa,ina"":2,""spa,ita"":3,""spa,lat"":1,""spa,roh"":1}","{""application/pdf"":4,""application/rss+xml"":49,""text/html"":16452}","{""2020"":8809,""2021"":7696}","{""CC-MAIN-2020-05"":1374,""CC-MAIN-2020-10"":1287,""CC-MAIN-2020-16"":742,""CC-MAIN-2020-24"":891,""CC-MAIN-2020-29"":1730,""CC-MAIN-2020-34"":1008,""CC-MAIN-2020-40"":1098,""CC-MAIN-2020-45"":283,""CC-MAIN-2020-50"":396,""CC-MAIN-2021-04"":340,""CC-MAIN-2021-10"":218,""CC-MAIN-2021-17"":774,""CC-MAIN-2021-21"":807,""CC-MAIN-2021-25"":964,""CC-MAIN-2021-31"":683,""CC-MAIN-2021-39"":1430,""CC-MAIN-2021-43"":1490,""CC-MAIN-2021-49"":990}" +"412","global green growth institute","http://gggi.org/","es","33107","8238","1064587772","{""eng"":27003,""eng,deu"":5,""eng,fra"":2165,""eng,fra,grn"":466,""eng,fra,kin"":3,""eng,fra,kor"":91,""eng,fra,mon"":1,""eng,fra,spa"":4,""eng,fra,vie"":2,""eng,grn"":630,""eng,grn,kor"":1,""eng,ind"":18,""eng,kin"":50,""eng,kin,spa"":2,""eng,kor"":337,""eng,kor,grn"":202,""eng,mon"":246,""eng,mon,spa"":2,""eng,rus"":33,""eng,rus,spa"":1,""eng,rus,vie"":27,""eng,spa"":811,""eng,spa,fra"":18,""eng,spa,grn"":6,""eng,spa,ind"":1,""eng,spa,kin"":1,""eng,vie"":126,""eng,vie,fra"":14,""eng,vie,spa"":3,""fra,eng"":2,""kor,eng"":1,""rus,eng"":2,""vie,eng"":7,""vie,eng,spa"":1}","{""application/pdf"":825,""text/html"":32282}","{""2020"":10280,""2021"":22827}","{""CC-MAIN-2020-05"":1025,""CC-MAIN-2020-10"":438,""CC-MAIN-2020-16"":408,""CC-MAIN-2020-24"":416,""CC-MAIN-2020-29"":717,""CC-MAIN-2020-34"":1185,""CC-MAIN-2020-40"":3361,""CC-MAIN-2020-45"":1530,""CC-MAIN-2020-50"":1200,""CC-MAIN-2021-04"":3736,""CC-MAIN-2021-10"":1301,""CC-MAIN-2021-17"":3911,""CC-MAIN-2021-21"":786,""CC-MAIN-2021-25"":976,""CC-MAIN-2021-31"":4714,""CC-MAIN-2021-39"":1518,""CC-MAIN-2021-43"":4194,""CC-MAIN-2021-49"":1691}" +"176","telemetro","http://www.telemetro.com/endirecto/","es","20","1","290729","{""spa"":15,""spa,eng"":4,""spa,grn"":1}","{""text/html"":20}","{""2020"":14,""2021"":6}","{""CC-MAIN-2020-05"":2,""CC-MAIN-2020-10"":1,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-29"":1,""CC-MAIN-2020-40"":2,""CC-MAIN-2020-45"":6,""CC-MAIN-2021-04"":2,""CC-MAIN-2021-10"":2,""CC-MAIN-2021-17"":1,""CC-MAIN-2021-31"":1}" +"401","el periodico de mexico","http://www.elperiodicodemexico.com/","es","88673","66967","764938244","{""eng"":15,""eng,spa"":1,""spa"":87340,""spa,cat"":15,""spa,dan"":41,""spa,deu"":5,""spa,ell"":4,""spa,eng"":1038,""spa,fra"":9,""spa,grn"":152,""spa,grn,eng"":1,""spa,ind"":4,""spa,ita"":10,""spa,lat"":25,""spa,lat,ell"":2,""spa,lat,fra"":1,""spa,tuk"":1,""spa,war"":8}","{""application/pdf"":1,""text/html"":88672}","{""2020"":46555,""2021"":42118}","{""CC-MAIN-2020-05"":5007,""CC-MAIN-2020-10"":5087,""CC-MAIN-2020-16"":4732,""CC-MAIN-2020-24"":6945,""CC-MAIN-2020-29"":6381,""CC-MAIN-2020-34"":6592,""CC-MAIN-2020-40"":4769,""CC-MAIN-2020-45"":3513,""CC-MAIN-2020-50"":3529,""CC-MAIN-2021-04"":3735,""CC-MAIN-2021-10"":3420,""CC-MAIN-2021-17"":4800,""CC-MAIN-2021-21"":4584,""CC-MAIN-2021-25"":4628,""CC-MAIN-2021-31"":4871,""CC-MAIN-2021-39"":4752,""CC-MAIN-2021-43"":5811,""CC-MAIN-2021-49"":5517}" +"284","notimérica","https://www.notimerica.com/","es","231825","172939","5874247593","{""deu,spa"":1,""eng"":196,""eng,deu,spa"":1,""eng,fra,spa"":1,""eng,pol,spa"":1,""eng,spa"":963,""eng,spa,dan"":5,""eng,spa,deu"":5,""eng,spa,fra"":1,""eng,spa,grn"":4,""eng,spa,ina"":1,""eng,spa,pol"":3,""fra,ita,spa"":1,""ita,spa,eng"":1,""spa"":197058,""spa,cat"":744,""spa,cat,eng"":29,""spa,cat,grn"":5,""spa,cat,ita"":1,""spa,cos"":7,""spa,cos,eng"":1,""spa,dan"":377,""spa,dan,eng"":13,""spa,dan,grn"":2,""spa,deu"":19,""spa,deu,eng"":7,""spa,eng"":27893,""spa,eng,cat"":49,""spa,eng,cos"":2,""spa,eng,dan"":28,""spa,eng,deu"":43,""spa,eng,eus"":2,""spa,eng,fin"":3,""spa,eng,fra"":4,""spa,eng,grn"":114,""spa,eng,hun"":1,""spa,eng,ile"":1,""spa,eng,ina"":4,""spa,eng,ipk"":1,""spa,eng,isl"":1,""spa,eng,ita"":9,""spa,eng,kha"":1,""spa,eng,msa"":1,""spa,eng,oci"":1,""spa,eng,pol"":6,""spa,eng,run"":1,""spa,eng,slk"":2,""spa,eng,tur"":2,""spa,eng,war"":17,""spa,eus"":13,""spa,fij"":2,""spa,fin"":1,""spa,fra"":25,""spa,fra,ita"":1,""spa,fry,eng"":1,""spa,grn"":3634,""spa,grn,cat"":4,""spa,grn,dan"":2,""spa,grn,eng"":257,""spa,grn,kha"":1,""spa,grn,lat"":3,""spa,hau,eng"":1,""spa,hun"":1,""spa,ile"":8,""spa,ina"":8,""spa,ina,eng"":2,""spa,ind"":15,""spa,ipk"":1,""spa,ita"":68,""spa,ita,eng"":2,""spa,jav"":2,""spa,lat"":15,""spa,lit"":1,""spa,msa"":9,""spa,msa,eng"":2,""spa,nld"":4,""spa,nld,eng"":1,""spa,nno"":2,""spa,oci"":8,""spa,oci,cat"":1,""spa,oci,eng"":1,""spa,pol"":5,""spa,roh"":1,""spa,ron"":1,""spa,san"":1,""spa,slk"":1,""spa,slk,eng"":1,""spa,slv"":2,""spa,smo"":2,""spa,srp"":1,""spa,swa"":6,""spa,tsn"":1,""spa,tur"":4,""spa,vie"":1,""spa,war"":44}","{""application/gzip"":3,""text/html"":231803,""text/plain"":19}","{""2020"":111483,""2021"":120342}","{""CC-MAIN-2020-05"":2541,""CC-MAIN-2020-10"":17383,""CC-MAIN-2020-16"":15582,""CC-MAIN-2020-24"":15292,""CC-MAIN-2020-29"":4677,""CC-MAIN-2020-34"":5410,""CC-MAIN-2020-40"":7512,""CC-MAIN-2020-45"":21820,""CC-MAIN-2020-50"":21266,""CC-MAIN-2021-04"":21624,""CC-MAIN-2021-10"":15763,""CC-MAIN-2021-17"":22570,""CC-MAIN-2021-21"":22309,""CC-MAIN-2021-25"":8237,""CC-MAIN-2021-31"":7734,""CC-MAIN-2021-39"":7265,""CC-MAIN-2021-43"":7418,""CC-MAIN-2021-49"":7422}" +"343","instituto de estudios peruanos","http://www.iep.org.pe/","es","4021","2360","141796481","{""deu,spa"":3,""eng"":3,""eng,spa"":13,""fra,spa"":10,""jpn,spa"":9,""que,spa"":9,""spa"":3543,""spa,dan"":11,""spa,deu"":1,""spa,eng"":253,""spa,eng,dan"":1,""spa,fra"":2,""spa,grn"":1,""spa,oci"":6}","{""application/octet-stream"":10,""application/pdf"":129,""application/x-dbf"":5,""application/xhtml+xml"":2,""image/jpeg"":12,""text/html"":3863}","{""2020"":2846,""2021"":1175}","{""CC-MAIN-2020-05"":422,""CC-MAIN-2020-10"":215,""CC-MAIN-2020-16"":202,""CC-MAIN-2020-24"":598,""CC-MAIN-2020-29"":512,""CC-MAIN-2020-34"":509,""CC-MAIN-2020-40"":220,""CC-MAIN-2020-45"":71,""CC-MAIN-2020-50"":97,""CC-MAIN-2021-04"":146,""CC-MAIN-2021-10"":79,""CC-MAIN-2021-17"":107,""CC-MAIN-2021-21"":98,""CC-MAIN-2021-25"":104,""CC-MAIN-2021-31"":100,""CC-MAIN-2021-39"":171,""CC-MAIN-2021-43"":153,""CC-MAIN-2021-49"":217}" +"108","planv","https://www.planv.com.ec/","es","21822","8691","405885825","{""eng,spa"":61,""spa"":19149,""spa,dan"":7,""spa,dan,eng"":1,""spa,eng"":2387,""spa,eng,dan"":1,""spa,eng,grn"":2,""spa,fra"":1,""spa,grn"":47,""spa,grn,eng"":11,""spa,ina"":1,""spa,lat"":4,""spa,que"":2,""spa,war"":1,""spa,war,eng"":1}","{""application/pdf"":146,""application/xhtml+xml"":1,""text/html"":21675}","{""2020"":13021,""2021"":8801}","{""CC-MAIN-2020-05"":1528,""CC-MAIN-2020-10"":942,""CC-MAIN-2020-16"":1474,""CC-MAIN-2020-24"":1897,""CC-MAIN-2020-29"":2078,""CC-MAIN-2020-34"":1233,""CC-MAIN-2020-40"":1459,""CC-MAIN-2020-45"":1504,""CC-MAIN-2020-50"":906,""CC-MAIN-2021-04"":1014,""CC-MAIN-2021-10"":1306,""CC-MAIN-2021-17"":1125,""CC-MAIN-2021-21"":634,""CC-MAIN-2021-25"":430,""CC-MAIN-2021-31"":570,""CC-MAIN-2021-39"":1573,""CC-MAIN-2021-43"":1492,""CC-MAIN-2021-49"":657}" +"257","diari de tarragona","https://www.diaridetarragona.com/","es","186663","61678","2352132735","{""cat"":3,""cat,spa"":44162,""cat,spa,cos"":2,""cat,spa,crs"":8,""cat,spa,deu"":2,""cat,spa,eng"":1225,""cat,spa,eus"":3,""cat,spa,fra"":12,""cat,spa,grn"":1,""cat,spa,ina"":6,""cat,spa,ita"":6,""cat,spa,lat"":9,""cat,spa,nld"":1,""cat,spa,oci"":116,""cat,spa,ron"":2,""spa"":36219,""spa,bos,eng"":1,""spa,cat"":102018,""spa,cat,crs"":5,""spa,cat,dan"":5,""spa,cat,deu"":11,""spa,cat,eng"":1311,""spa,cat,eus"":2,""spa,cat,fin"":1,""spa,cat,fra"":23,""spa,cat,grn"":2,""spa,cat,ina"":5,""spa,cat,ind"":3,""spa,cat,ita"":15,""spa,cat,lat"":7,""spa,cat,oci"":13,""spa,cat,pol"":1,""spa,cat,roh"":1,""spa,cat,slk"":3,""spa,crs"":1,""spa,dan"":1,""spa,dan,cat"":5,""spa,deu"":15,""spa,deu,cat"":14,""spa,deu,eng"":1,""spa,eng"":810,""spa,eng,cat"":336,""spa,eng,fra"":153,""spa,eus"":2,""spa,eus,cat"":1,""spa,fra"":12,""spa,fra,cat"":4,""spa,fra,eng"":66,""spa,grn"":5,""spa,ind"":4,""spa,ind,cat"":2,""spa,ita"":6,""spa,lat"":1,""spa,lat,cat"":1,""spa,oci"":3,""spa,roh"":2,""spa,roh,cat"":2,""spa,slk,eng"":1,""spa,zho"":1}","{""application/pdf"":8,""text/html"":186655}","{""2020"":86005,""2021"":100658}","{""CC-MAIN-2020-05"":18112,""CC-MAIN-2020-10"":9190,""CC-MAIN-2020-16"":7746,""CC-MAIN-2020-24"":5969,""CC-MAIN-2020-29"":9127,""CC-MAIN-2020-34"":9250,""CC-MAIN-2020-40"":10023,""CC-MAIN-2020-45"":7772,""CC-MAIN-2020-50"":8816,""CC-MAIN-2021-04"":9286,""CC-MAIN-2021-10"":20607,""CC-MAIN-2021-17"":9993,""CC-MAIN-2021-21"":3976,""CC-MAIN-2021-25"":13697,""CC-MAIN-2021-31"":12967,""CC-MAIN-2021-39"":21746,""CC-MAIN-2021-43"":3980,""CC-MAIN-2021-49"":4406}" +"233","dinero","http://www.dinero.com/","es","88894","44963","2297675553","{""eng,spa"":2,""spa"":86433,""spa,cat"":7,""spa,dan"":3,""spa,eng"":2413,""spa,eng,grn"":1,""spa,grn"":26,""spa,ina"":1,""spa,ind"":4,""spa,ita"":1,""spa,war"":2}","{""application/octet-stream"":1,""text/html"":88893}","{""2020"":88894}","{""CC-MAIN-2020-05"":7697,""CC-MAIN-2020-10"":17106,""CC-MAIN-2020-16"":14106,""CC-MAIN-2020-24"":9142,""CC-MAIN-2020-29"":9606,""CC-MAIN-2020-34"":8416,""CC-MAIN-2020-40"":7104,""CC-MAIN-2020-45"":6658,""CC-MAIN-2020-50"":9059}" +"378","tv cubana","http://www.tvcubana.icrt.cu/","es","1589","1078","35439945","{""spa"":1394,""spa,eng"":184,""spa,msa"":1}","{""application/pdf"":8,""application/rss+xml"":1,""application/vnd.android.package-archive"":1,""application/xhtml+xml"":304,""text/html"":1275}","{""2020"":633,""2021"":956}","{""CC-MAIN-2020-05"":147,""CC-MAIN-2020-10"":35,""CC-MAIN-2020-16"":123,""CC-MAIN-2020-24"":104,""CC-MAIN-2020-29"":27,""CC-MAIN-2020-34"":73,""CC-MAIN-2020-40"":98,""CC-MAIN-2020-45"":10,""CC-MAIN-2020-50"":16,""CC-MAIN-2021-04"":39,""CC-MAIN-2021-10"":93,""CC-MAIN-2021-17"":14,""CC-MAIN-2021-21"":167,""CC-MAIN-2021-25"":229,""CC-MAIN-2021-31"":158,""CC-MAIN-2021-39"":165,""CC-MAIN-2021-43"":29,""CC-MAIN-2021-49"":62}" +"263","la sexta tv","https://www.lasexta.com/","es","418361","269873","8510003867","{""eng"":15,""eng,spa"":12,""fas,spa,eng"":1,""spa"":405877,""spa,ara"":1,""spa,cat"":3692,""spa,cat,dan"":1,""spa,cat,eng"":11,""spa,cat,eus"":1,""spa,cat,nld"":1,""spa,ces"":4,""spa,cym"":3,""spa,dan"":67,""spa,dan,eng"":1,""spa,deu"":17,""spa,eng"":5002,""spa,eng,cat"":13,""spa,eng,dan"":2,""spa,eng,fra"":2,""spa,eng,ita"":3,""spa,eus"":201,""spa,fra"":81,""spa,fra,cat"":1,""spa,fra,sco"":1,""spa,grn"":35,""spa,heb"":1,""spa,hrv"":3,""spa,ile"":1,""spa,ina"":18,""spa,ina,cat"":1,""spa,ind"":9,""spa,isl"":1,""spa,ita"":56,""spa,ita,cat"":1,""spa,jpn"":7,""spa,jpn,dan"":3,""spa,kal"":1,""spa,kha"":4,""spa,lat"":54,""spa,lit"":2,""spa,mri"":2,""spa,msa"":11,""spa,nld"":11,""spa,nld,vol"":1,""spa,nno"":1,""spa,nor"":2,""spa,oci"":18,""spa,oci,cat"":1,""spa,pol"":3,""spa,rus"":3,""spa,rus,ara"":2,""spa,rus,eng"":2,""spa,sco"":5,""spa,slk"":3,""spa,smo"":1,""spa,swe"":6,""spa,tur"":10,""spa,ukr"":1,""spa,uzb"":1,""spa,war"":33,""spa,zho"":2}","{""application/pdf"":40,""application/xhtml+xml"":3,""application/xml"":4,""text/html"":418314}","{""2020"":185901,""2021"":232460}","{""CC-MAIN-2020-05"":21429,""CC-MAIN-2020-10"":20430,""CC-MAIN-2020-16"":18542,""CC-MAIN-2020-24"":17616,""CC-MAIN-2020-29"":17655,""CC-MAIN-2020-34"":19497,""CC-MAIN-2020-40"":20088,""CC-MAIN-2020-45"":25256,""CC-MAIN-2020-50"":25388,""CC-MAIN-2021-04"":25675,""CC-MAIN-2021-10"":24017,""CC-MAIN-2021-17"":25080,""CC-MAIN-2021-21"":24636,""CC-MAIN-2021-25"":26531,""CC-MAIN-2021-31"":26545,""CC-MAIN-2021-39"":26851,""CC-MAIN-2021-43"":26611,""CC-MAIN-2021-49"":26514}" +"28","fayerwayer","http://www.fayerwayer.com/","es","421116","201772","9890876975","{""eng"":42,""eng,spa"":912,""eng,spa,dan"":6,""eng,spa,ina"":1,""eng,spa,ita"":1,""eng,spa,kor"":3,""eng,spa,zho"":3,""spa"":295818,""spa,afr"":3,""spa,ara"":8,""spa,ara,eng"":1,""spa,bis"":2,""spa,cat"":16,""spa,cat,eng"":1,""spa,ces"":11,""spa,ces,dan"":3,""spa,ces,eng"":2,""spa,cos"":1,""spa,dan"":199,""spa,dan,eng"":13,""spa,dan,jpn"":3,""spa,deu"":89,""spa,deu,eng"":3,""spa,deu,zho"":2,""spa,eng"":122530,""spa,eng,ara"":7,""spa,eng,bre"":1,""spa,eng,cat"":5,""spa,eng,dan"":79,""spa,eng,deu"":34,""spa,eng,ell"":2,""spa,eng,fas"":4,""spa,eng,fra"":18,""spa,eng,glv"":1,""spa,eng,grn"":23,""spa,eng,hin"":2,""spa,eng,hun"":1,""spa,eng,ina"":2,""spa,eng,ind"":18,""spa,eng,isl"":2,""spa,eng,ita"":4,""spa,eng,jpn"":78,""spa,eng,kha"":1,""spa,eng,kor"":2,""spa,eng,lat"":35,""spa,eng,ltz"":1,""spa,eng,msa"":2,""spa,eng,nld"":5,""spa,eng,pol"":6,""spa,eng,rus"":8,""spa,eng,sco"":3,""spa,eng,slk"":2,""spa,eng,swe"":2,""spa,eng,tha"":2,""spa,eng,tur"":26,""spa,eng,ukr"":2,""spa,eng,vie"":3,""spa,eng,war"":1,""spa,eng,zho"":33,""spa,epo"":5,""spa,fas"":3,""spa,fas,eng"":1,""spa,fin"":5,""spa,fra"":57,""spa,fra,ara"":1,""spa,fra,eng"":4,""spa,grn"":81,""spa,grn,eng"":8,""spa,heb"":1,""spa,hun"":1,""spa,ile"":1,""spa,ina"":7,""spa,ind"":19,""spa,ind,eng"":2,""spa,ind,jpn"":1,""spa,isl"":2,""spa,ita"":11,""spa,ita,eng"":1,""spa,jpn"":239,""spa,jpn,dan"":7,""spa,jpn,deu"":1,""spa,jpn,eng"":15,""spa,kha"":14,""spa,kha,eng"":2,""spa,kor"":17,""spa,kor,dan"":2,""spa,lat"":63,""spa,lat,eng"":4,""spa,lin"":1,""spa,ltz"":1,""spa,msa"":4,""spa,nld"":19,""spa,nld,eng"":2,""spa,nld,fra"":1,""spa,nno"":5,""spa,oci"":2,""spa,oci,eng"":2,""spa,pol"":9,""spa,rus"":40,""spa,rus,eng"":9,""spa,sco"":2,""spa,slk"":6,""spa,srp"":3,""spa,swe"":6,""spa,tam"":2,""spa,tha"":5,""spa,tur"":90,""spa,tur,deu"":2,""spa,tur,eng"":2,""spa,ukr"":3,""spa,ven"":4,""spa,vie"":3,""spa,vol"":2,""spa,war"":3,""spa,zho"":161,""spa,zho,eng"":1,""spa,zho,jpn"":1}","{""text/html"":421115,""text/plain"":1}","{""2020"":224776,""2021"":196340}","{""CC-MAIN-2020-05"":27472,""CC-MAIN-2020-10"":25992,""CC-MAIN-2020-16"":22563,""CC-MAIN-2020-24"":21220,""CC-MAIN-2020-29"":21809,""CC-MAIN-2020-34"":23704,""CC-MAIN-2020-40"":22847,""CC-MAIN-2020-45"":29464,""CC-MAIN-2020-50"":29705,""CC-MAIN-2021-04"":29333,""CC-MAIN-2021-10"":12749,""CC-MAIN-2021-17"":19021,""CC-MAIN-2021-21"":27319,""CC-MAIN-2021-25"":27569,""CC-MAIN-2021-31"":27691,""CC-MAIN-2021-39"":27341,""CC-MAIN-2021-43"":15601,""CC-MAIN-2021-49"":9716}" +"312","junta central electoral","http://jce.gob.do/","es","12003","6323","732117921","{""eng"":15,""eng,spa"":23,""spa"":7447,""spa,eng"":3152,""spa,eng,ind"":1,""spa,eng,oci"":1,""spa,eng,war"":1,""spa,fra"":1,""spa,grn"":1,""spa,ina"":1,""spa,oci"":2,""spa,war"":7}","{""application/msword"":1,""application/pdf"":787,""application/rss+xml"":495,""application/vnd.ms-excel"":5,""application/vnd.openxmlformats-officedocument.presentationml.presentation"":3,""application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"":11,""application/x-tika-ooxml"":6,""application/zip"":3,""image/jpeg"":30,""text/html"":10662}","{""2020"":7381,""2021"":4622}","{""CC-MAIN-2020-05"":1025,""CC-MAIN-2020-10"":972,""CC-MAIN-2020-16"":925,""CC-MAIN-2020-24"":844,""CC-MAIN-2020-29"":1317,""CC-MAIN-2020-34"":643,""CC-MAIN-2020-40"":1042,""CC-MAIN-2020-45"":399,""CC-MAIN-2020-50"":214,""CC-MAIN-2021-04"":412,""CC-MAIN-2021-10"":287,""CC-MAIN-2021-17"":402,""CC-MAIN-2021-21"":169,""CC-MAIN-2021-25"":240,""CC-MAIN-2021-31"":302,""CC-MAIN-2021-39"":503,""CC-MAIN-2021-43"":741,""CC-MAIN-2021-49"":1566}" +"214","el luchador","https://elluchador.info/web/","es","6865","5669","167071391","{""eng,spa"":1,""spa"":2725,""spa,cat"":2,""spa,dan"":4,""spa,dan,eng"":1,""spa,eng"":4108,""spa,eng,cat"":1,""spa,eng,dan"":4,""spa,eng,war"":1,""spa,fra"":1,""spa,grn"":8,""spa,lat"":4,""spa,lat,eng"":4,""spa,nor"":1}","{""text/html"":6865}","{""2020"":586,""2021"":6279}","{""CC-MAIN-2020-40"":156,""CC-MAIN-2020-45"":230,""CC-MAIN-2020-50"":200,""CC-MAIN-2021-04"":276,""CC-MAIN-2021-10"":247,""CC-MAIN-2021-17"":628,""CC-MAIN-2021-21"":1101,""CC-MAIN-2021-25"":910,""CC-MAIN-2021-31"":962,""CC-MAIN-2021-39"":503,""CC-MAIN-2021-43"":1211,""CC-MAIN-2021-49"":441}" +"315","la silla vacía","http://lasillavacia.com/","es","74098","46643","1709683833","{""eng"":21,""eng,por"":6,""eng,spa"":57,""eng,spa,ind"":1,""fas,spa"":3,""ind,spa"":5,""ind,spa,eng"":1,""lat,spa,eng"":1,""spa"":65201,""spa,ara"":4,""spa,ara,eng"":2,""spa,cat"":1,""spa,eng"":3063,""spa,eng,deu"":2,""spa,eng,fra"":2,""spa,eng,ina"":141,""spa,eng,ind"":1,""spa,eng,ita"":1,""spa,fra"":7,""spa,fra,eng"":2,""spa,grn"":11,""spa,ina"":5422,""spa,ind"":57,""spa,ind,eng"":3,""spa,ita,eng"":1,""spa,lat"":5,""spa,msa"":1,""spa,tha"":5,""spa,vie"":36,""spa,vie,eng"":3,""vie,spa,eng"":2}","{""application/pdf"":17,""application/rss+xml"":8,""application/xhtml+xml"":326,""text/html"":73747}","{""2020"":46331,""2021"":27767}","{""CC-MAIN-2020-05"":5060,""CC-MAIN-2020-10"":6716,""CC-MAIN-2020-16"":4600,""CC-MAIN-2020-24"":6001,""CC-MAIN-2020-29"":6110,""CC-MAIN-2020-34"":5351,""CC-MAIN-2020-40"":4910,""CC-MAIN-2020-45"":5031,""CC-MAIN-2020-50"":2552,""CC-MAIN-2021-04"":3241,""CC-MAIN-2021-10"":5725,""CC-MAIN-2021-17"":5274,""CC-MAIN-2021-21"":4794,""CC-MAIN-2021-25"":1361,""CC-MAIN-2021-31"":1306,""CC-MAIN-2021-39"":2348,""CC-MAIN-2021-43"":2449,""CC-MAIN-2021-49"":1269}" +"329","informa tico","http://www.informa-tico.com/","es","28339","13654","315561467","{""eng,spa"":5,""lat,spa"":3,""spa"":26386,""spa,cat"":6,""spa,dan"":5,""spa,eng"":498,""spa,eng,fra"":78,""spa,eng,grn"":9,""spa,eng,rus"":2,""spa,fra"":21,""spa,fra,eng"":25,""spa,fra,grn"":2,""spa,grn"":274,""spa,grn,eng"":9,""spa,lat"":10,""spa,nld"":1,""spa,war"":18}","{""application/rss+xml"":986,""text/html"":27353}","{""2020"":18372,""2021"":9967}","{""CC-MAIN-2020-05"":2073,""CC-MAIN-2020-10"":1772,""CC-MAIN-2020-16"":2256,""CC-MAIN-2020-24"":2226,""CC-MAIN-2020-29"":2276,""CC-MAIN-2020-34"":2117,""CC-MAIN-2020-40"":1858,""CC-MAIN-2020-45"":2214,""CC-MAIN-2020-50"":1580,""CC-MAIN-2021-04"":1036,""CC-MAIN-2021-10"":620,""CC-MAIN-2021-17"":814,""CC-MAIN-2021-21"":1153,""CC-MAIN-2021-25"":181,""CC-MAIN-2021-31"":423,""CC-MAIN-2021-39"":1718,""CC-MAIN-2021-43"":1966,""CC-MAIN-2021-49"":2056}" +"68","ciemat - centro de investigaciones energéticas, medioambientales y tecnológicas","http://www.ciemat.es/","es","46779","45572","469719835","{""eng"":230,""eng,spa"":772,""spa"":13481,""spa,cat"":37,""spa,cat,eng"":306,""spa,deu"":3,""spa,eng"":28640,""spa,eng,cat"":581,""spa,eng,deu"":1,""spa,eng,fra"":3,""spa,eng,grn"":1,""spa,eng,ina"":5,""spa,eng,ita"":2,""spa,fra"":4,""spa,ita"":1,""spa,oci"":1}","{""application/msword"":2,""application/pdf"":218,""application/xhtml+xml"":164,""text/html"":46395}","{""2020"":2944,""2021"":43835}","{""CC-MAIN-2020-05"":188,""CC-MAIN-2020-10"":333,""CC-MAIN-2020-16"":868,""CC-MAIN-2020-24"":444,""CC-MAIN-2020-29"":318,""CC-MAIN-2020-34"":230,""CC-MAIN-2020-40"":219,""CC-MAIN-2020-45"":201,""CC-MAIN-2020-50"":143,""CC-MAIN-2021-04"":169,""CC-MAIN-2021-10"":130,""CC-MAIN-2021-17"":458,""CC-MAIN-2021-21"":905,""CC-MAIN-2021-25"":1635,""CC-MAIN-2021-31"":2444,""CC-MAIN-2021-39"":23514,""CC-MAIN-2021-43"":7202,""CC-MAIN-2021-49"":7378}" +"295","el observatodo","http://www.elobservatodo.cl/","es","25817","18273","320788391","{""eng"":4,""eng,spa"":6,""spa"":24356,""spa,cat"":4,""spa,cos"":8,""spa,dan"":2,""spa,eng"":887,""spa,eng,cat"":3,""spa,fra"":2,""spa,grn"":14,""spa,ina"":3,""spa,ind"":1,""spa,kha"":9,""spa,lat"":3,""spa,mlg"":1,""spa,nld"":1,""spa,ron"":2,""spa,sco"":3,""spa,smo"":1,""spa,swe"":1,""spa,war"":21}","{""application/pdf"":1,""application/rss+xml"":484,""application/xhtml+xml"":25328,""text/html"":4}","{""2020"":13540,""2021"":12277}","{""CC-MAIN-2020-05"":582,""CC-MAIN-2020-10"":1110,""CC-MAIN-2020-16"":1217,""CC-MAIN-2020-24"":1342,""CC-MAIN-2020-29"":1434,""CC-MAIN-2020-34"":1737,""CC-MAIN-2020-40"":1800,""CC-MAIN-2020-45"":2092,""CC-MAIN-2020-50"":2226,""CC-MAIN-2021-04"":2693,""CC-MAIN-2021-10"":2224,""CC-MAIN-2021-17"":1213,""CC-MAIN-2021-21"":1281,""CC-MAIN-2021-25"":1125,""CC-MAIN-2021-31"":1036,""CC-MAIN-2021-39"":1066,""CC-MAIN-2021-43"":909,""CC-MAIN-2021-49"":730}" +"45","cepal","http://www.lacuarta.com/","es","20940","16558","361313516","{""spa"":17689,""spa,ara"":1,""spa,cat"":2,""spa,dan"":2,""spa,deu"":1,""spa,eng"":3177,""spa,eng,cat"":1,""spa,eng,fra"":2,""spa,eng,kor"":9,""spa,eng,sco"":1,""spa,fra"":1,""spa,grn"":1,""spa,ita"":2,""spa,ita,eng"":1,""spa,jpn"":3,""spa,kor"":41,""spa,kor,eng"":2,""spa,tur"":1}","{""application/pdf"":3,""text/html"":20937}","{""2020"":8383,""2021"":12557}","{""CC-MAIN-2020-05"":3,""CC-MAIN-2020-10"":11,""CC-MAIN-2020-16"":6,""CC-MAIN-2020-24"":426,""CC-MAIN-2020-29"":800,""CC-MAIN-2020-34"":1263,""CC-MAIN-2020-40"":1940,""CC-MAIN-2020-45"":2411,""CC-MAIN-2020-50"":1523,""CC-MAIN-2021-04"":1760,""CC-MAIN-2021-10"":1432,""CC-MAIN-2021-17"":1252,""CC-MAIN-2021-21"":1391,""CC-MAIN-2021-25"":986,""CC-MAIN-2021-31"":870,""CC-MAIN-2021-39"":923,""CC-MAIN-2021-43"":1499,""CC-MAIN-2021-49"":2444}" +"40","corte electoral","https://www.corteelectoral.gub.uy/","es","2404","946","198177965","{""ina"":1,""spa"":1749,""spa,cat"":1,""spa,eng"":13,""spa,roh"":8}","{""application/pdf"":560,""application/vnd.ms-excel"":9,""application/x-tika-msoffice"":5,""application/x-tika-ooxml"":14,""application/zip"":27,""image/jpeg"":4,""text/html"":1785}","{""2020"":1282,""2021"":1122}","{""CC-MAIN-2020-05"":153,""CC-MAIN-2020-10"":8,""CC-MAIN-2020-16"":139,""CC-MAIN-2020-24"":552,""CC-MAIN-2020-29"":143,""CC-MAIN-2020-34"":58,""CC-MAIN-2020-40"":89,""CC-MAIN-2020-45"":86,""CC-MAIN-2020-50"":54,""CC-MAIN-2021-04"":237,""CC-MAIN-2021-10"":40,""CC-MAIN-2021-17"":171,""CC-MAIN-2021-21"":93,""CC-MAIN-2021-25"":3,""CC-MAIN-2021-31"":200,""CC-MAIN-2021-39"":124,""CC-MAIN-2021-43"":211,""CC-MAIN-2021-49"":43}" +"305","eysmunicipales","https://www.eysmunicipales.es/","es","7255","4817","64173721","{""eng"":3,""spa"":6645,""spa,cat"":85,""spa,cat,eng"":1,""spa,dan"":3,""spa,eng"":494,""spa,eng,cat"":1,""spa,eus"":15,""spa,ile"":1,""spa,war"":4}","{""application/pdf"":3,""text/html"":7252}","{""2020"":4434,""2021"":2821}","{""CC-MAIN-2020-05"":367,""CC-MAIN-2020-10"":647,""CC-MAIN-2020-16"":479,""CC-MAIN-2020-24"":1226,""CC-MAIN-2020-29"":650,""CC-MAIN-2020-34"":401,""CC-MAIN-2020-40"":313,""CC-MAIN-2020-45"":175,""CC-MAIN-2020-50"":176,""CC-MAIN-2021-04"":214,""CC-MAIN-2021-10"":191,""CC-MAIN-2021-17"":243,""CC-MAIN-2021-21"":149,""CC-MAIN-2021-25"":654,""CC-MAIN-2021-31"":363,""CC-MAIN-2021-39"":231,""CC-MAIN-2021-43"":472,""CC-MAIN-2021-49"":304}" +"487","Curated blog","https://thesmartlocal.com/","en","53005","27436","1440361696","{""eng"":50735,""eng,dan"":155,""eng,dan,jpn"":8,""eng,dan,kor"":1,""eng,ind"":136,""eng,jpn"":115,""eng,jpn,dan"":12,""eng,kor"":181,""eng,kor,jpn"":3,""eng,msa"":926,""eng,msa,tam"":1,""eng,msa,zho"":1,""eng,rus"":1,""eng,tgl"":49,""eng,tha"":458,""eng,vie"":129,""eng,war"":5,""eng,zho"":48,""eng,zho,msa"":1}","{""application/rss+xml"":3,""image/jpeg"":32,""image/png"":5,""text/html"":52965}","{""2020"":17822,""2021"":35183}","{""CC-MAIN-2020-05"":1033,""CC-MAIN-2020-10"":1568,""CC-MAIN-2020-16"":1815,""CC-MAIN-2020-24"":1117,""CC-MAIN-2020-29"":2426,""CC-MAIN-2020-34"":1939,""CC-MAIN-2020-40"":3161,""CC-MAIN-2020-45"":2614,""CC-MAIN-2020-50"":2149,""CC-MAIN-2021-04"":2876,""CC-MAIN-2021-10"":5161,""CC-MAIN-2021-17"":4574,""CC-MAIN-2021-21"":2672,""CC-MAIN-2021-25"":2796,""CC-MAIN-2021-31"":2769,""CC-MAIN-2021-39"":4681,""CC-MAIN-2021-43"":5705,""CC-MAIN-2021-49"":3949}" +"418","voz america","http://www.voanoticias.com/","es","58075","49446","1050957379","{""eng"":503,""eng,grn"":2,""eng,spa"":166,""eng,spa,grn"":2,""eng,spa,kin"":2,""spa"":21908,""spa,ara"":1,""spa,cat"":1,""spa,dan"":18,""spa,dan,eng"":1,""spa,dan,kin"":1,""spa,deu,eng"":1,""spa,eng"":13455,""spa,eng,cat"":1,""spa,eng,dan"":1,""spa,eng,deu"":1,""spa,eng,fra"":3,""spa,eng,grn"":157,""spa,eng,ina"":1,""spa,eng,ind"":1,""spa,eng,kin"":12159,""spa,eng,lat"":3,""spa,eng,orm"":2,""spa,eng,pus"":26,""spa,eng,tur"":1,""spa,fra"":5,""spa,grn"":439,""spa,grn,eng"":54,""spa,grn,kin"":43,""spa,grn,lat"":1,""spa,hat"":1,""spa,kin"":2577,""spa,kin,grn"":1,""spa,kin,orm"":6,""spa,kin,pus"":6138,""spa,lat"":2,""spa,oci"":2,""spa,pus"":315,""spa,rus"":1,""spa,sco"":2,""spa,som"":1,""spa,swe"":1,""spa,war"":3}","{""application/rss+xml"":60,""text/html"":58015}","{""2020"":53163,""2021"":4912}","{""CC-MAIN-2020-05"":5671,""CC-MAIN-2020-10"":4959,""CC-MAIN-2020-16"":6074,""CC-MAIN-2020-24"":8357,""CC-MAIN-2020-29"":8806,""CC-MAIN-2020-34"":8936,""CC-MAIN-2020-40"":6426,""CC-MAIN-2020-45"":2945,""CC-MAIN-2020-50"":989,""CC-MAIN-2021-04"":1434,""CC-MAIN-2021-10"":3478}" +"278","tecno aqua","https://www.tecnoaqua.es/","es","26020","11339","431249936","{""eng,spa"":27,""spa"":14252,""spa,cat"":632,""spa,cat,eng"":63,""spa,cat,grn"":1,""spa,deu"":2,""spa,deu,eng"":3,""spa,eng"":10126,""spa,eng,cat"":718,""spa,eng,dan"":1,""spa,eng,deu"":17,""spa,eng,fas"":3,""spa,eng,fra"":3,""spa,eng,grn"":1,""spa,eng,hin"":4,""spa,eng,ind"":4,""spa,eng,nld"":4,""spa,eng,zho"":17,""spa,eus"":2,""spa,eus,eng"":2,""spa,fra"":10,""spa,fra,eng"":3,""spa,grn"":3,""spa,grn,eng"":2,""spa,ina,eng"":2,""spa,ind"":15,""spa,ita"":1,""spa,ita,eng"":4,""spa,nld"":5,""spa,oci"":5,""spa,swe"":2,""spa,ukr"":1}","{""application/pdf"":71,""application/rss+xml"":14,""text/html"":25935}","{""2020"":11741,""2021"":14279}","{""CC-MAIN-2020-05"":1225,""CC-MAIN-2020-10"":1530,""CC-MAIN-2020-16"":1076,""CC-MAIN-2020-24"":1747,""CC-MAIN-2020-29"":1336,""CC-MAIN-2020-34"":1732,""CC-MAIN-2020-40"":1533,""CC-MAIN-2020-45"":748,""CC-MAIN-2020-50"":814,""CC-MAIN-2021-04"":734,""CC-MAIN-2021-10"":1362,""CC-MAIN-2021-17"":1092,""CC-MAIN-2021-21"":3887,""CC-MAIN-2021-25"":2054,""CC-MAIN-2021-31"":1147,""CC-MAIN-2021-39"":1211,""CC-MAIN-2021-43"":943,""CC-MAIN-2021-49"":1849}" +"17","pambianconews","https://www.pambianconews.com/","es","52455","36125","1020967194","{""eng"":1,""eng,ita"":108,""fra,ita,eng"":4,""ita"":770,""ita,cos"":1,""ita,dan"":2,""ita,dan,eng"":1,""ita,eng"":51296,""ita,eng,bre"":1,""ita,eng,cat"":1,""ita,eng,cos"":24,""ita,eng,dan"":98,""ita,eng,deu"":3,""ita,eng,fra"":108,""ita,eng,ind"":1,""ita,eng,lat"":1,""ita,eng,msa"":5,""ita,eng,nld"":2,""ita,eng,por"":5,""ita,eng,tur"":4,""ita,eng,vol"":1,""ita,eng,war"":2,""ita,fra"":2,""ita,fra,eng"":4}","{""application/pdf"":7,""application/xhtml+xml"":1,""text/html"":52447}","{""2020"":23905,""2021"":28550}","{""CC-MAIN-2020-05"":701,""CC-MAIN-2020-10"":1305,""CC-MAIN-2020-16"":819,""CC-MAIN-2020-24"":1091,""CC-MAIN-2020-29"":1840,""CC-MAIN-2020-34"":1238,""CC-MAIN-2020-40"":465,""CC-MAIN-2020-45"":817,""CC-MAIN-2020-50"":15629,""CC-MAIN-2021-04"":11778,""CC-MAIN-2021-10"":6747,""CC-MAIN-2021-17"":1573,""CC-MAIN-2021-21"":2049,""CC-MAIN-2021-25"":1870,""CC-MAIN-2021-31"":1820,""CC-MAIN-2021-39"":844,""CC-MAIN-2021-43"":1110,""CC-MAIN-2021-49"":759}" +"253","el debate","http://www.debate.com.mx","es","174169","144626","3258349386","{""eng,spa"":5,""grn,spa"":1,""spa"":164915,""spa,aar"":1,""spa,ara"":18,""spa,aym"":1,""spa,bul,eng"":1,""spa,cat"":89,""spa,cat,eng"":2,""spa,ces"":2,""spa,cos"":2,""spa,dan"":42,""spa,dan,eng"":1,""spa,dan,grn"":1,""spa,deu"":35,""spa,deu,eng"":1,""spa,ell"":2,""spa,eng"":7974,""spa,eng,ara"":2,""spa,eng,cat"":3,""spa,eng,dan"":2,""spa,eng,deu"":4,""spa,eng,fra"":5,""spa,eng,grn"":15,""spa,eng,ind"":1,""spa,eng,ita"":6,""spa,eng,jpn"":1,""spa,eng,kor"":38,""spa,eng,pol"":1,""spa,eng,rus"":3,""spa,eng,tur"":2,""spa,eng,war"":1,""spa,eng,zho"":3,""spa,fas"":7,""spa,fas,eng"":1,""spa,fin"":1,""spa,fra"":104,""spa,fra,eng"":8,""spa,fra,grn"":1,""spa,fra,nld"":1,""spa,fry"":1,""spa,grn"":347,""spa,grn,eng"":3,""spa,hat"":2,""spa,heb"":3,""spa,hin"":1,""spa,hin,eng"":2,""spa,hrv,eng"":1,""spa,hun"":1,""spa,ile"":1,""spa,ina"":4,""spa,ind"":13,""spa,isl,fra"":1,""spa,ita"":81,""spa,ita,eng"":5,""spa,ita,rus"":1,""spa,jpn"":26,""spa,jpn,dan"":1,""spa,jpn,eng"":4,""spa,kor"":79,""spa,kor,eng"":19,""spa,kor,jpn"":3,""spa,kor,msa"":1,""spa,lat"":125,""spa,lat,eng"":1,""spa,msa"":2,""spa,nld"":13,""spa,nld,eng"":1,""spa,nno"":1,""spa,oci"":2,""spa,pol"":4,""spa,ron"":3,""spa,rus"":24,""spa,rus,eng"":5,""spa,san"":1,""spa,sco"":1,""spa,som"":2,""spa,sqi"":2,""spa,ssw"":1,""spa,swa"":5,""spa,swe"":1,""spa,tgl"":1,""spa,tha"":2,""spa,tha,eng"":1,""spa,tha,war"":1,""spa,tur"":10,""spa,tur,eng"":6,""spa,ukr"":1,""spa,urd"":1,""spa,vol"":3,""spa,war"":30,""spa,wol"":1,""spa,zho"":5}","{""application/rss+xml"":6,""image/jpeg"":1,""text/html"":174161,""text/plain"":1}","{""2020"":108053,""2021"":66116}","{""CC-MAIN-2020-05"":6992,""CC-MAIN-2020-10"":9397,""CC-MAIN-2020-16"":8526,""CC-MAIN-2020-24"":8832,""CC-MAIN-2020-29"":18586,""CC-MAIN-2020-34"":19042,""CC-MAIN-2020-40"":20758,""CC-MAIN-2020-45"":7297,""CC-MAIN-2020-50"":8623,""CC-MAIN-2021-04"":9390,""CC-MAIN-2021-10"":6183,""CC-MAIN-2021-17"":7127,""CC-MAIN-2021-21"":8328,""CC-MAIN-2021-25"":7049,""CC-MAIN-2021-31"":7402,""CC-MAIN-2021-39"":7197,""CC-MAIN-2021-43"":7192,""CC-MAIN-2021-49"":6248}" +"492","Personal blog","https://www.vivawoman.net/","en","33186","15337","848814489","{""eng"":32945,""eng,dan"":1,""eng,deu"":19,""eng,fin"":7,""eng,ind"":73,""eng,ita"":1,""eng,jpn"":4,""eng,lat"":69,""eng,nld"":7,""eng,spa"":8,""eng,spa,nor"":7,""eng,swe"":31,""eng,tgl"":4}","{""application/rss+xml"":10,""application/xhtml+xml"":8,""text/html"":33168}","{""2020"":27162,""2021"":6024}","{""CC-MAIN-2020-05"":4031,""CC-MAIN-2020-10"":3343,""CC-MAIN-2020-16"":3679,""CC-MAIN-2020-24"":4297,""CC-MAIN-2020-29"":4618,""CC-MAIN-2020-34"":1801,""CC-MAIN-2020-40"":2788,""CC-MAIN-2020-45"":2039,""CC-MAIN-2020-50"":566,""CC-MAIN-2021-04"":1588,""CC-MAIN-2021-10"":453,""CC-MAIN-2021-17"":901,""CC-MAIN-2021-21"":649,""CC-MAIN-2021-25"":589,""CC-MAIN-2021-31"":1159,""CC-MAIN-2021-39"":685}" +"116","la tribuna","http://www.latribuna.hn/","es","164101","125449","4074280773","{""eng"":1,""eng,spa"":17,""spa"":156304,""spa,ara"":10,""spa,ara,eng"":2,""spa,cat"":44,""spa,cat,eng"":2,""spa,ces"":1,""spa,dan"":120,""spa,dan,eng"":1,""spa,dan,grn"":3,""spa,eng"":6690,""spa,eng,cat"":6,""spa,eng,dan"":4,""spa,eng,fas"":1,""spa,eng,fra"":1,""spa,eng,grn"":12,""spa,eng,ind"":1,""spa,eng,ita"":4,""spa,eng,nor"":1,""spa,eng,rus"":1,""spa,fas"":2,""spa,fra"":8,""spa,fra,hat"":1,""spa,grn"":765,""spa,grn,dan"":12,""spa,grn,eng"":20,""spa,grn,msa"":1,""spa,hat"":1,""spa,heb"":1,""spa,ina"":3,""spa,ind"":6,""spa,ind,eng"":1,""spa,ita"":12,""spa,jpn"":1,""spa,lat"":7,""spa,lit"":1,""spa,msa"":2,""spa,nor"":1,""spa,ron"":2,""spa,rus"":5,""spa,som"":1,""spa,ukr"":1,""spa,ukr,eng"":1,""spa,vie"":1,""spa,war"":14,""spa,war,cat"":1}","{""application/rss+xml"":2,""application/xhtml+xml"":40,""text/html"":164059}","{""2020"":107622,""2021"":56479}","{""CC-MAIN-2020-05"":7872,""CC-MAIN-2020-10"":9002,""CC-MAIN-2020-16"":8789,""CC-MAIN-2020-24"":8634,""CC-MAIN-2020-29"":17057,""CC-MAIN-2020-34"":19140,""CC-MAIN-2020-40"":21412,""CC-MAIN-2020-45"":7800,""CC-MAIN-2020-50"":7916,""CC-MAIN-2021-04"":9019,""CC-MAIN-2021-10"":1530,""CC-MAIN-2021-17"":840,""CC-MAIN-2021-21"":7283,""CC-MAIN-2021-25"":8364,""CC-MAIN-2021-31"":7475,""CC-MAIN-2021-39"":7326,""CC-MAIN-2021-43"":7419,""CC-MAIN-2021-49"":7223}" +"362","el país retina: transformación digital y tecnología","https://retina.elpais.com/","es","21818","8814","278217107","{""eng,spa"":22,""spa"":18251,""spa,cat"":7,""spa,cat,eng"":2,""spa,dan"":2,""spa,eng"":3486,""spa,fra"":4,""spa,fra,eng"":4,""spa,grn"":1,""spa,ina"":3,""spa,lat"":1}","{""application/pdf"":1,""application/rss+xml"":31,""text/html"":21786}","{""2020"":17276,""2021"":4542}","{""CC-MAIN-2020-05"":2329,""CC-MAIN-2020-10"":1131,""CC-MAIN-2020-16"":2298,""CC-MAIN-2020-24"":2418,""CC-MAIN-2020-29"":2778,""CC-MAIN-2020-34"":1932,""CC-MAIN-2020-40"":1614,""CC-MAIN-2020-45"":2021,""CC-MAIN-2020-50"":755,""CC-MAIN-2021-04"":1768,""CC-MAIN-2021-10"":1065,""CC-MAIN-2021-17"":208,""CC-MAIN-2021-21"":276,""CC-MAIN-2021-25"":411,""CC-MAIN-2021-31"":158,""CC-MAIN-2021-39"":189,""CC-MAIN-2021-43"":229,""CC-MAIN-2021-49"":238}" +"95","el mañana - tamaulipas","http://www.elmanana.com/","es","60020","50085","3161456903","{""eng"":3,""eng,spa"":5,""spa"":32043,""spa,cat"":2,""spa,cat,eng"":1,""spa,dan"":4,""spa,dan,eng"":2,""spa,eng"":27783,""spa,eng,dan"":3,""spa,eng,fra"":1,""spa,eng,grn"":2,""spa,eng,ind"":1,""spa,eng,ita"":1,""spa,eng,war"":7,""spa,eus,eng"":1,""spa,fra"":1,""spa,fra,eng"":1,""spa,grn"":2,""spa,grn,eng"":1,""spa,ina"":2,""spa,ind,eng"":1,""spa,ita"":4,""spa,ita,eng"":1,""spa,war"":20,""spa,war,eng"":3}","{""application/xhtml+xml"":31561,""text/html"":28459}","{""2020"":31237,""2021"":28783}","{""CC-MAIN-2020-05"":5643,""CC-MAIN-2020-10"":5547,""CC-MAIN-2020-16"":2362,""CC-MAIN-2020-24"":3867,""CC-MAIN-2020-29"":4885,""CC-MAIN-2020-34"":3775,""CC-MAIN-2020-40"":3001,""CC-MAIN-2020-45"":1465,""CC-MAIN-2020-50"":692,""CC-MAIN-2021-04"":1512,""CC-MAIN-2021-10"":1344,""CC-MAIN-2021-17"":614,""CC-MAIN-2021-21"":865,""CC-MAIN-2021-25"":2334,""CC-MAIN-2021-31"":3911,""CC-MAIN-2021-39"":3964,""CC-MAIN-2021-43"":7172,""CC-MAIN-2021-49"":7067}" +"36","el morrocotudo","http://www.elmorrocotudo.cl/","es","19951","14071","248461154","{""eng"":2,""eng,spa"":7,""spa"":18588,""spa,cat"":8,""spa,ces"":3,""spa,dan"":3,""spa,eng"":872,""spa,eng,cat"":1,""spa,eng,jav"":1,""spa,eng,kha"":2,""spa,eus"":1,""spa,grn"":40,""spa,ile"":8,""spa,ile,eng"":1,""spa,ind"":2,""spa,ita"":2,""spa,kha"":26,""spa,kha,eng"":2,""spa,lat"":4,""spa,lin"":1,""spa,nld"":1,""spa,nno"":2,""spa,ron"":1,""spa,sco"":1,""spa,war"":3}","{""application/pdf"":5,""application/rss+xml"":364,""application/xhtml+xml"":19580,""text/html"":2}","{""2020"":11838,""2021"":8113}","{""CC-MAIN-2020-05"":754,""CC-MAIN-2020-10"":842,""CC-MAIN-2020-16"":1084,""CC-MAIN-2020-24"":1285,""CC-MAIN-2020-29"":902,""CC-MAIN-2020-34"":1354,""CC-MAIN-2020-40"":1960,""CC-MAIN-2020-45"":1755,""CC-MAIN-2020-50"":1902,""CC-MAIN-2021-04"":2285,""CC-MAIN-2021-10"":1934,""CC-MAIN-2021-17"":755,""CC-MAIN-2021-21"":590,""CC-MAIN-2021-25"":610,""CC-MAIN-2021-31"":513,""CC-MAIN-2021-39"":470,""CC-MAIN-2021-43"":432,""CC-MAIN-2021-49"":524}" +"230","radio fides","http://radiofides.com/es/","es","46991","23722","892375857","{""eng"":2071,""eng,spa"":106,""spa"":3243,""spa,cat"":2,""spa,cat,eng"":5,""spa,dan"":3,""spa,dan,eng"":16,""spa,eng"":41486,""spa,eng,cat"":5,""spa,eng,dan"":14,""spa,eng,grn"":10,""spa,eng,ina"":1,""spa,eng,ind"":2,""spa,eng,lat"":2,""spa,eng,war"":3,""spa,grn"":3,""spa,grn,eng"":7,""spa,ita,eng"":1,""spa,lat"":2,""spa,lat,eng"":1,""spa,war"":1,""spa,war,eng"":4}","{""application/rss+xml"":3,""text/html"":46988}","{""2020"":30752,""2021"":16239}","{""CC-MAIN-2020-05"":3818,""CC-MAIN-2020-10"":2508,""CC-MAIN-2020-16"":3908,""CC-MAIN-2020-24"":3634,""CC-MAIN-2020-29"":5533,""CC-MAIN-2020-34"":1721,""CC-MAIN-2020-40"":3234,""CC-MAIN-2020-45"":3381,""CC-MAIN-2020-50"":3015,""CC-MAIN-2021-04"":3749,""CC-MAIN-2021-10"":3547,""CC-MAIN-2021-17"":3985,""CC-MAIN-2021-21"":2887,""CC-MAIN-2021-25"":2071}" +"383","el faradio","https://www.elfaradio.com/","es","89667","52811","3979088655","{""eng,spa"":156,""eng,spa,fra"":2,""eng,spa,ind"":1,""spa"":86404,""spa,cat"":43,""spa,cat,eng"":1,""spa,dan"":2,""spa,dan,fra"":1,""spa,deu"":4,""spa,ell"":3,""spa,eng"":2979,""spa,eng,cat"":1,""spa,eng,deu"":1,""spa,eng,fin"":2,""spa,eng,pol"":1,""spa,eng,ron"":2,""spa,eng,swe"":1,""spa,eus"":7,""spa,fra"":9,""spa,fra,eng"":3,""spa,grn"":18,""spa,ind"":1,""spa,ita"":9,""spa,lat"":2,""spa,oci"":5,""spa,war"":3}","{""application/pdf"":6,""text/html"":89661}","{""2020"":35707,""2021"":53960}","{""CC-MAIN-2020-05"":2865,""CC-MAIN-2020-10"":2414,""CC-MAIN-2020-16"":1946,""CC-MAIN-2020-24"":2296,""CC-MAIN-2020-29"":4256,""CC-MAIN-2020-34"":2360,""CC-MAIN-2020-40"":6771,""CC-MAIN-2020-45"":6519,""CC-MAIN-2020-50"":6280,""CC-MAIN-2021-04"":6173,""CC-MAIN-2021-10"":6421,""CC-MAIN-2021-17"":6495,""CC-MAIN-2021-21"":6601,""CC-MAIN-2021-25"":6095,""CC-MAIN-2021-31"":5387,""CC-MAIN-2021-39"":5389,""CC-MAIN-2021-43"":5786,""CC-MAIN-2021-49"":5613}" +"252","ultima hora","http://www.ultimahora.com/","es","95306","63512","2038355948","{""eng"":33,""eng,spa"":7,""spa"":91113,""spa,ara"":2,""spa,cat"":40,""spa,cat,grn"":1,""spa,cos"":1,""spa,dan"":34,""spa,dan,grn"":4,""spa,deu"":4,""spa,eng"":2082,""spa,eng,ara"":1,""spa,eng,cat"":1,""spa,eng,fra"":5,""spa,eng,grn"":4,""spa,eng,ina"":1,""spa,eng,vie"":2,""spa,eus"":1,""spa,fas,eng"":1,""spa,fra"":5,""spa,fra,eng"":2,""spa,grn"":1221,""spa,grn,cat"":1,""spa,grn,eng"":7,""spa,hun"":1,""spa,ile"":1,""spa,ina"":13,""spa,ind"":3,""spa,ita"":22,""spa,ita,cat"":1,""spa,ita,grn"":2,""spa,lat"":11,""spa,lat,grn"":1,""spa,lin"":1,""spa,nld"":1,""spa,nor"":1,""spa,oci"":2,""spa,que"":2,""spa,rus"":8,""spa,rus,eng"":2,""spa,san"":1,""spa,tha"":1,""spa,tur"":1,""spa,tur,grn"":1,""spa,war"":38,""spa,war,grn"":1,""spa,zho"":1}","{""application/xhtml+xml"":94636,""text/html"":670}","{""2020"":67245,""2021"":28061}","{""CC-MAIN-2020-05"":5860,""CC-MAIN-2020-10"":7512,""CC-MAIN-2020-16"":7143,""CC-MAIN-2020-24"":7295,""CC-MAIN-2020-29"":10299,""CC-MAIN-2020-34"":10257,""CC-MAIN-2020-40"":9271,""CC-MAIN-2020-45"":5187,""CC-MAIN-2020-50"":4421,""CC-MAIN-2021-04"":4768,""CC-MAIN-2021-10"":3430,""CC-MAIN-2021-17"":4033,""CC-MAIN-2021-21"":2385,""CC-MAIN-2021-25"":1732,""CC-MAIN-2021-31"":1865,""CC-MAIN-2021-39"":1745,""CC-MAIN-2021-43"":3949,""CC-MAIN-2021-49"":4154}" +"242","miteco","https://www.miteco.gob.es/","es","64016","37094","7109548145","{""cat"":15,""cat,eng,spa"":6,""cat,eus,spa"":2,""cat,glg"":1,""cat,spa"":4061,""cat,spa,eng"":92,""cat,spa,eus"":2,""cat,spa,oci"":4,""eng"":108,""eng,cat,spa"":5,""eng,eus,spa"":1,""eng,fra,spa"":1,""eng,glg"":1,""eng,spa"":1751,""eng,spa,cat"":151,""eng,spa,grn"":2,""eus"":1,""eus,cat,spa"":4,""eus,eng,spa"":1,""eus,spa"":1658,""eus,spa,cat"":119,""eus,spa,eng"":55,""eus,spa,grn"":3,""fra"":2,""fra,spa"":771,""fra,spa,cat"":17,""fra,spa,eng"":33,""fra,spa,eus"":1,""glg"":1716,""glg,cat"":137,""glg,cat,eng"":2,""glg,eng"":46,""glg,eng,cat"":1,""glg,eng,eus"":1,""glg,eng,fra"":1,""glg,eus"":3,""glg,lat"":1,""glg,ron"":1,""spa"":26371,""spa,cat"":7090,""spa,cat,eng"":192,""spa,cat,eus"":3,""spa,cat,fra"":4,""spa,cat,grn"":1,""spa,cat,ind"":1,""spa,cat,lat"":4,""spa,cat,oci"":19,""spa,cat,ron"":1,""spa,cat,war"":1,""spa,dan"":3,""spa,eng"":3544,""spa,eng,cat"":149,""spa,eng,dan"":1,""spa,eng,deu"":1,""spa,eng,eus"":2,""spa,eng,fra"":2,""spa,eng,fry"":1,""spa,eng,grn"":3,""spa,eng,ind"":2,""spa,eng,lat"":2,""spa,eng,oci"":1,""spa,epo"":1,""spa,eus"":2167,""spa,eus,cat"":149,""spa,eus,eng"":87,""spa,eus,grn"":2,""spa,eus,ind"":4,""spa,eus,lat"":1,""spa,eus,oci"":1,""spa,fra"":1305,""spa,fra,cat"":43,""spa,fra,eng"":65,""spa,fra,eus"":1,""spa,fra,grn"":1,""spa,fra,ind"":2,""spa,grn"":9,""spa,ile"":1,""spa,ina"":1,""spa,ind"":3,""spa,lat"":19,""spa,oci"":2,""spa,ron"":1,""spa,war"":9,""zho"":6}","{""application/pdf"":11891,""application/rss+xml"":13,""application/vnd.google-earth.kmz"":51,""application/vnd.oasis.opendocument.spreadsheet"":2,""application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"":1,""application/xhtml+xml"":51669,""application/xml"":1,""text/html"":386,""text/plain"":2}","{""2020"":23836,""2021"":40180}","{""CC-MAIN-2020-05"":1232,""CC-MAIN-2020-10"":1410,""CC-MAIN-2020-16"":1520,""CC-MAIN-2020-24"":2293,""CC-MAIN-2020-29"":2769,""CC-MAIN-2020-34"":3019,""CC-MAIN-2020-40"":4102,""CC-MAIN-2020-45"":2856,""CC-MAIN-2020-50"":4635,""CC-MAIN-2021-04"":4678,""CC-MAIN-2021-10"":5101,""CC-MAIN-2021-17"":4523,""CC-MAIN-2021-21"":3547,""CC-MAIN-2021-25"":3015,""CC-MAIN-2021-31"":2991,""CC-MAIN-2021-39"":5869,""CC-MAIN-2021-43"":5638,""CC-MAIN-2021-49"":4818}" +"93","canal antigua","https://canalantigua.tv/","es","18078","12568","377483648","{""eng"":10,""eng,spa"":31,""fas,spa,eng"":1,""lat,spa,eng"":4,""spa"":13215,""spa,cat"":9,""spa,cat,eng"":1,""spa,dan"":3,""spa,deu"":7,""spa,deu,eng"":1,""spa,eng"":4526,""spa,eng,dan"":2,""spa,eng,deu"":1,""spa,eng,fra"":2,""spa,eng,grn"":1,""spa,eng,ita"":1,""spa,eng,lat"":13,""spa,eng,nld"":6,""spa,eng,rus"":1,""spa,eng,war"":1,""spa,eng,zho"":1,""spa,fra"":12,""spa,fra,eng"":1,""spa,fra,nld"":1,""spa,grn"":32,""spa,heb"":1,""spa,ind"":1,""spa,ita"":3,""spa,ita,eng"":1,""spa,lat"":21,""spa,lat,eng"":81,""spa,nld,eng"":1,""spa,nor"":2,""spa,pol"":1,""spa,rus,eng"":1,""spa,war"":2,""spa,war,eng"":1}","{""application/pdf"":5,""application/xhtml+xml"":1,""image/jpeg"":45,""image/png"":23,""text/html"":18004}","{""2020"":8181,""2021"":9897}","{""CC-MAIN-2020-05"":3714,""CC-MAIN-2020-10"":392,""CC-MAIN-2020-16"":816,""CC-MAIN-2020-24"":334,""CC-MAIN-2020-29"":541,""CC-MAIN-2020-34"":352,""CC-MAIN-2020-40"":458,""CC-MAIN-2020-45"":699,""CC-MAIN-2020-50"":875,""CC-MAIN-2021-04"":1101,""CC-MAIN-2021-10"":1003,""CC-MAIN-2021-17"":898,""CC-MAIN-2021-21"":864,""CC-MAIN-2021-25"":788,""CC-MAIN-2021-31"":780,""CC-MAIN-2021-39"":1707,""CC-MAIN-2021-43"":1409,""CC-MAIN-2021-49"":1347}" +"374","tal cual digital","https://www.talcualdigital.com/","es","57563","32134","1097264333","{""eng"":16,""eng,spa"":13,""spa"":56352,""spa,cat"":7,""spa,dan"":51,""spa,eng"":953,""spa,eng,deu"":1,""spa,eng,hat"":1,""spa,eng,war"":1,""spa,fra"":6,""spa,fra,eng"":5,""spa,grn"":68,""spa,grn,eng"":1,""spa,ile"":5,""spa,ile,eng"":1,""spa,ind"":4,""spa,ind,eng"":1,""spa,isl"":1,""spa,ita"":8,""spa,lat"":11,""spa,tur"":6,""spa,war"":42,""spa,war,eng"":2,""spa,zho"":3}","{""application/pdf"":4,""text/html"":57559}","{""2020"":29085,""2021"":28478}","{""CC-MAIN-2020-05"":3947,""CC-MAIN-2020-10"":2792,""CC-MAIN-2020-16"":1533,""CC-MAIN-2020-24"":2668,""CC-MAIN-2020-29"":4202,""CC-MAIN-2020-34"":3974,""CC-MAIN-2020-40"":4532,""CC-MAIN-2020-45"":3625,""CC-MAIN-2020-50"":1812,""CC-MAIN-2021-04"":2042,""CC-MAIN-2021-10"":1338,""CC-MAIN-2021-17"":1946,""CC-MAIN-2021-21"":2266,""CC-MAIN-2021-25"":3218,""CC-MAIN-2021-31"":3447,""CC-MAIN-2021-39"":5154,""CC-MAIN-2021-43"":5204,""CC-MAIN-2021-49"":3863}" +"125","las noticias de tu localidad, comarca, barrio","https://www.noticiasde.es/","es","85187","61287","3935448765","{""cat,spa"":843,""cat,spa,eng"":600,""cat,spa,ita"":1,""cat,spa,oci"":9,""cat,spa,war"":1,""eng"":1,""eng,spa"":9,""lat,spa,cat"":1,""spa"":23105,""spa,bre"":1,""spa,cat"":33888,""spa,cat,dan"":10,""spa,cat,deu"":1,""spa,cat,eng"":9185,""spa,cat,eus"":15,""spa,cat,fra"":5,""spa,cat,grn"":9,""spa,cat,ind"":1,""spa,cat,ita"":2,""spa,cat,lat"":1,""spa,cat,nld"":1,""spa,cat,oci"":6,""spa,cat,ron"":1,""spa,cat,war"":21,""spa,dan"":1,""spa,dan,cat"":6,""spa,deu"":1,""spa,eng"":10934,""spa,eng,aar"":1,""spa,eng,cat"":6422,""spa,eng,eus"":3,""spa,eng,fra"":2,""spa,eng,grn"":1,""spa,eng,ind"":1,""spa,eng,lat"":1,""spa,eng,war"":5,""spa,epo"":2,""spa,eus"":8,""spa,eus,cat"":13,""spa,eus,eng"":2,""spa,fra"":3,""spa,fra,cat"":1,""spa,fra,eng"":1,""spa,grn"":4,""spa,grn,cat"":7,""spa,ile"":1,""spa,ina"":1,""spa,ina,cat"":1,""spa,ind"":3,""spa,ind,cat"":1,""spa,ita"":2,""spa,lat"":1,""spa,lat,cat"":1,""spa,nno"":1,""spa,oci"":3,""spa,oci,cat"":1,""spa,oci,eng"":1,""spa,war"":23,""spa,war,cat"":6,""spa,war,eng"":1}","{""application/rss+xml"":4,""text/html"":85183}","{""2020"":39114,""2021"":46073}","{""CC-MAIN-2020-05"":4052,""CC-MAIN-2020-10"":2611,""CC-MAIN-2020-16"":1980,""CC-MAIN-2020-24"":3855,""CC-MAIN-2020-29"":4251,""CC-MAIN-2020-34"":3151,""CC-MAIN-2020-40"":4979,""CC-MAIN-2020-45"":7085,""CC-MAIN-2020-50"":7150,""CC-MAIN-2021-04"":7166,""CC-MAIN-2021-10"":6488,""CC-MAIN-2021-17"":6511,""CC-MAIN-2021-21"":6436,""CC-MAIN-2021-25"":6215,""CC-MAIN-2021-31"":4920,""CC-MAIN-2021-39"":3234,""CC-MAIN-2021-43"":3484,""CC-MAIN-2021-49"":1619}" +"86","motorpasion","https://www.motorpasion.com/","es","227916","134453","4772979859","{""cat"":6,""cos"":14,""dan"":4,""deu"":1,""eng"":1279,""eng,spa"":1,""fra"":8,""glg"":4,""hau"":2,""ile"":1,""ita"":9,""lat"":104,""msa"":1,""nld"":1,""por"":1,""spa"":176709,""spa,afr"":1,""spa,ara"":4,""spa,cat"":152,""spa,cat,eng"":7,""spa,cat,eus"":2,""spa,ces"":5,""spa,cos"":38,""spa,cos,eng"":2,""spa,dan"":102,""spa,dan,eng"":3,""spa,deu"":52,""spa,deu,eng"":2,""spa,eng"":44695,""spa,eng,cat"":11,""spa,eng,ces"":1,""spa,eng,cos"":1,""spa,eng,dan"":3,""spa,eng,deu"":4,""spa,eng,fra"":12,""spa,eng,fry"":1,""spa,eng,ita"":1,""spa,eng,jpn"":5,""spa,eng,lat"":1,""spa,eng,nld"":5,""spa,eng,nor"":1,""spa,eng,pol"":1,""spa,eng,rus"":2,""spa,eng,tur"":2,""spa,eng,war"":15,""spa,eus"":7,""spa,fra"":69,""spa,fra,eng"":5,""spa,fra,ita"":1,""spa,fra,lug"":5,""spa,ina"":10,""spa,ind"":3,""spa,ita"":38,""spa,ita,eng"":1,""spa,jpn"":12,""spa,jpn,eng"":5,""spa,lat"":16,""spa,lat,eng"":3,""spa,lug"":3,""spa,msa"":1,""spa,nld"":24,""spa,nld,eng"":4,""spa,nor"":10,""spa,nor,eng"":4,""spa,oci"":1,""spa,pol"":1,""spa,roh"":1,""spa,rus"":2,""spa,srp"":1,""spa,swe"":2,""spa,tur"":4,""spa,uzb"":1,""spa,war"":15,""war"":13}","{""application/rss+xml"":3,""application/xhtml+xml"":43,""application/xml"":43,""text/html"":227827}","{""2020"":76792,""2021"":151124}","{""CC-MAIN-2020-05"":7015,""CC-MAIN-2020-10"":9415,""CC-MAIN-2020-16"":8888,""CC-MAIN-2020-24"":8974,""CC-MAIN-2020-29"":10026,""CC-MAIN-2020-34"":10065,""CC-MAIN-2020-40"":5921,""CC-MAIN-2020-45"":9170,""CC-MAIN-2020-50"":7318,""CC-MAIN-2021-04"":9513,""CC-MAIN-2021-10"":8988,""CC-MAIN-2021-17"":9205,""CC-MAIN-2021-21"":9061,""CC-MAIN-2021-25"":21782,""CC-MAIN-2021-31"":24320,""CC-MAIN-2021-39"":24408,""CC-MAIN-2021-43"":21822,""CC-MAIN-2021-49"":22025}" +"51","noroeste","https://www.noroeste.com.mx/","es","75234","55481","1847099180","{""eng"":100,""eng,spa"":2,""spa"":73472,""spa,ara,eng"":3,""spa,bos"":1,""spa,cat"":26,""spa,cos"":2,""spa,dan"":16,""spa,eng"":1313,""spa,eng,cat"":1,""spa,eng,fra"":1,""spa,eng,ita"":2,""spa,eng,srp"":2,""spa,eus"":1,""spa,fra"":3,""spa,grn"":9,""spa,ina"":213,""spa,ind"":4,""spa,ita"":12,""spa,jpn"":1,""spa,nld"":2,""spa,oci"":2,""spa,rus,srp"":1,""spa,san"":2,""spa,sco"":1,""spa,slk"":1,""spa,ukr,eng"":3,""spa,war"":6}","{""application/pdf"":14,""application/rss+xml"":10,""application/xhtml+xml"":106,""text/html"":75104}","{""2020"":56200,""2021"":19034}","{""CC-MAIN-2020-05"":5904,""CC-MAIN-2020-10"":6536,""CC-MAIN-2020-16"":5601,""CC-MAIN-2020-24"":6891,""CC-MAIN-2020-29"":9793,""CC-MAIN-2020-34"":6437,""CC-MAIN-2020-40"":9484,""CC-MAIN-2020-45"":1937,""CC-MAIN-2020-50"":3617,""CC-MAIN-2021-04"":4304,""CC-MAIN-2021-10"":2841,""CC-MAIN-2021-17"":1133,""CC-MAIN-2021-21"":1500,""CC-MAIN-2021-25"":1029,""CC-MAIN-2021-31"":1729,""CC-MAIN-2021-39"":2205,""CC-MAIN-2021-43"":2209,""CC-MAIN-2021-49"":2084}" +"388","cambio de michoacán","http://www.cambiodemichoacan.com.mx/","es","12292","8930","139802403","{""spa"":12244,""spa,cat"":2,""spa,dan"":1,""spa,eng"":40,""spa,war"":2}","{""text/html"":12292}","{""2020"":12292}","{""CC-MAIN-2020-05"":6910,""CC-MAIN-2020-10"":5382}" +"400","cilma","https://www.cilma.cat/","es","1076","682","58514675","{""cat"":927,""cat,eng"":82,""cat,fra"":1,""cat,fra,eng"":1,""cat,fra,por"":4,""cat,spa"":4,""eng,por"":1}","{""application/epub+zip"":1,""application/pdf"":54,""text/calendar"":1,""text/html"":1020}","{""2020"":522,""2021"":554}","{""CC-MAIN-2020-24"":1,""CC-MAIN-2020-29"":97,""CC-MAIN-2020-34"":118,""CC-MAIN-2020-40"":93,""CC-MAIN-2020-45"":92,""CC-MAIN-2020-50"":121,""CC-MAIN-2021-04"":158,""CC-MAIN-2021-10"":148,""CC-MAIN-2021-17"":114,""CC-MAIN-2021-21"":32,""CC-MAIN-2021-25"":2,""CC-MAIN-2021-31"":7,""CC-MAIN-2021-39"":4,""CC-MAIN-2021-43"":9,""CC-MAIN-2021-49"":80}" +"297","univision","http://www.univision.com/noticias","es","53484","46149","4880758228","{""eng"":60,""eng,spa"":1353,""spa"":13103,""spa,cat"":1,""spa,cat,eng"":1,""spa,dan"":12,""spa,dan,eng"":4,""spa,eng"":38797,""spa,eng,cat"":3,""spa,eng,dan"":17,""spa,eng,deu"":3,""spa,eng,fra"":3,""spa,eng,grn"":37,""spa,eng,hrv"":1,""spa,eng,ind"":2,""spa,eng,ita"":1,""spa,eng,jpn"":1,""spa,eng,lat"":3,""spa,eng,msa"":1,""spa,eng,tha"":1,""spa,eng,war"":15,""spa,fra,eng"":1,""spa,grn"":25,""spa,grn,eng"":12,""spa,ind"":1,""spa,lat"":1,""spa,nld"":1,""spa,nno,eng"":1,""spa,vie,eng"":1,""spa,war"":14,""spa,war,eng"":2}","{""text/html"":53484}","{""2020"":19416,""2021"":34068}","{""CC-MAIN-2020-05"":2863,""CC-MAIN-2020-10"":2938,""CC-MAIN-2020-16"":1483,""CC-MAIN-2020-24"":2303,""CC-MAIN-2020-29"":906,""CC-MAIN-2020-34"":1927,""CC-MAIN-2020-40"":1778,""CC-MAIN-2020-45"":2006,""CC-MAIN-2020-50"":3212,""CC-MAIN-2021-04"":3137,""CC-MAIN-2021-10"":1309,""CC-MAIN-2021-17"":8946,""CC-MAIN-2021-21"":3675,""CC-MAIN-2021-25"":3508,""CC-MAIN-2021-31"":2109,""CC-MAIN-2021-39"":3988,""CC-MAIN-2021-43"":3578,""CC-MAIN-2021-49"":3818}" +"330","primera edicion web","http://www.primeraedicion.com.ar/","es","48234","28538","863673705","{""eng"":18,""eng,spa"":39,""spa"":47590,""spa,cat"":9,""spa,dan"":2,""spa,deu"":2,""spa,eng"":319,""spa,eng,grn"":7,""spa,fra"":9,""spa,grn"":26,""spa,hin"":3,""spa,ile"":1,""spa,ind"":6,""spa,ita"":5,""spa,jpn"":5,""spa,lat"":4,""spa,lit"":1,""spa,nau"":1,""spa,pol"":1,""spa,war"":8}","{""application/pdf"":55,""application/rss+xml"":1,""image/jpeg"":121,""image/png"":1,""text/html"":48056}","{""2020"":24162,""2021"":24072}","{""CC-MAIN-2020-05"":1665,""CC-MAIN-2020-10"":2811,""CC-MAIN-2020-16"":2433,""CC-MAIN-2020-24"":3138,""CC-MAIN-2020-29"":3314,""CC-MAIN-2020-34"":2720,""CC-MAIN-2020-40"":3206,""CC-MAIN-2020-45"":2706,""CC-MAIN-2020-50"":2169,""CC-MAIN-2021-04"":2987,""CC-MAIN-2021-10"":1466,""CC-MAIN-2021-17"":2394,""CC-MAIN-2021-21"":3724,""CC-MAIN-2021-25"":2742,""CC-MAIN-2021-31"":1865,""CC-MAIN-2021-39"":2581,""CC-MAIN-2021-43"":3156,""CC-MAIN-2021-49"":3157}" +"37","tv perú canal 7","http://www.tvperu.gob.pe/informa","es","3769","2065","58415522","{""spa"":3545,""spa,dan"":209,""spa,dan,que"":1,""spa,eng"":7,""spa,que"":3,""spa,war"":4}","{""text/html"":3769}","{""2020"":1039,""2021"":2730}","{""CC-MAIN-2020-05"":91,""CC-MAIN-2020-10"":63,""CC-MAIN-2020-16"":190,""CC-MAIN-2020-24"":87,""CC-MAIN-2020-29"":146,""CC-MAIN-2020-34"":95,""CC-MAIN-2020-40"":119,""CC-MAIN-2020-45"":146,""CC-MAIN-2020-50"":102,""CC-MAIN-2021-04"":195,""CC-MAIN-2021-10"":181,""CC-MAIN-2021-17"":291,""CC-MAIN-2021-21"":320,""CC-MAIN-2021-25"":296,""CC-MAIN-2021-31"":426,""CC-MAIN-2021-39"":285,""CC-MAIN-2021-43"":409,""CC-MAIN-2021-49"":327}" +"14","el periodico de Tlaxcala","https://elperiodicodetlaxcala.com/","es","2095","1759","28525538","{""eng"":2,""spa"":833,""spa,dan"":2,""spa,dan,eng"":2,""spa,eng"":1247,""spa,eng,tsn"":1,""spa,grn,eng"":1,""spa,ind,eng"":1,""spa,tsn"":4,""spa,war,eng"":2}","{""text/html"":2095}","{""2020"":748,""2021"":1347}","{""CC-MAIN-2020-10"":70,""CC-MAIN-2020-16"":87,""CC-MAIN-2020-24"":88,""CC-MAIN-2020-29"":68,""CC-MAIN-2020-34"":119,""CC-MAIN-2020-40"":85,""CC-MAIN-2020-45"":128,""CC-MAIN-2020-50"":103,""CC-MAIN-2021-04"":153,""CC-MAIN-2021-10"":224,""CC-MAIN-2021-17"":90,""CC-MAIN-2021-21"":112,""CC-MAIN-2021-25"":70,""CC-MAIN-2021-31"":186,""CC-MAIN-2021-39"":151,""CC-MAIN-2021-43"":184,""CC-MAIN-2021-49"":177}" +"207","el impulso","http://elimpulso.com/","es","132747","98377","5012061811","{""eng"":7,""eng,spa"":4,""spa"":116258,""spa,cat"":14,""spa,dan"":29,""spa,dan,eng"":2,""spa,deu"":3,""spa,eng"":16293,""spa,eng,cat"":1,""spa,eng,dan"":8,""spa,eng,deu"":1,""spa,eng,fra"":1,""spa,eng,grn"":2,""spa,eng,ind"":1,""spa,eng,lat"":6,""spa,eng,msa"":1,""spa,epo"":1,""spa,eus"":1,""spa,fra"":6,""spa,grn"":41,""spa,grn,eng"":2,""spa,hat"":1,""spa,ile"":1,""spa,ina"":3,""spa,ina,eng"":1,""spa,ind"":2,""spa,ita"":3,""spa,ita,eng"":1,""spa,jpn"":1,""spa,lat"":33,""spa,mar,eng"":1,""spa,msa"":3,""spa,nld"":3,""spa,nno"":1,""spa,oci"":2,""spa,rus"":1,""spa,slk"":1,""spa,tur"":2,""spa,war"":3}","{""application/rss+xml"":1,""text/html"":132746}","{""2020"":67189,""2021"":65558}","{""CC-MAIN-2020-05"":5811,""CC-MAIN-2020-10"":5933,""CC-MAIN-2020-16"":5068,""CC-MAIN-2020-24"":7747,""CC-MAIN-2020-29"":10074,""CC-MAIN-2020-34"":6124,""CC-MAIN-2020-40"":10231,""CC-MAIN-2020-45"":8117,""CC-MAIN-2020-50"":8084,""CC-MAIN-2021-04"":8191,""CC-MAIN-2021-10"":7099,""CC-MAIN-2021-17"":7063,""CC-MAIN-2021-21"":7197,""CC-MAIN-2021-25"":7355,""CC-MAIN-2021-31"":6989,""CC-MAIN-2021-39"":6907,""CC-MAIN-2021-43"":7470,""CC-MAIN-2021-49"":7287}" +"146","perfil","http://www.perfil.com/","es","230579","133937","6053344476","{""eng"":4,""eng,spa"":15,""spa"":35624,""spa,ara,eng"":2,""spa,cos"":1,""spa,dan"":8,""spa,dan,eng"":25,""spa,eng"":194568,""spa,eng,aar"":1,""spa,eng,ara"":1,""spa,eng,cat"":13,""spa,eng,dan"":26,""spa,eng,fas"":4,""spa,eng,fra"":19,""spa,eng,grn"":29,""spa,eng,hat"":2,""spa,eng,heb"":1,""spa,eng,ile"":1,""spa,eng,ina"":49,""spa,eng,ind"":4,""spa,eng,ita"":23,""spa,eng,jpn"":4,""spa,eng,lat"":3,""spa,eng,msa"":2,""spa,eng,nld"":1,""spa,eng,oci"":16,""spa,eng,ron"":1,""spa,eng,swe"":1,""spa,eng,tur"":4,""spa,eng,vie"":1,""spa,eng,war"":6,""spa,fra"":4,""spa,fra,eng"":3,""spa,grn"":12,""spa,grn,eng"":14,""spa,ina"":20,""spa,ina,eng"":3,""spa,ind,eng"":2,""spa,ita"":12,""spa,ita,eng"":5,""spa,jpn,eng"":1,""spa,msa,eng"":1,""spa,rus"":1,""spa,tha"":1,""spa,tur,eng"":1,""spa,vie"":1}","{""application/pdf"":1,""application/rss+xml"":34,""application/xml"":4,""text/html"":230540}","{""2020"":91872,""2021"":138707}","{""CC-MAIN-2020-05"":20779,""CC-MAIN-2020-10"":22815,""CC-MAIN-2020-16"":17702,""CC-MAIN-2020-24"":17844,""CC-MAIN-2020-29"":3552,""CC-MAIN-2020-34"":2918,""CC-MAIN-2020-40"":2261,""CC-MAIN-2020-45"":2007,""CC-MAIN-2020-50"":1994,""CC-MAIN-2021-04"":2284,""CC-MAIN-2021-10"":24023,""CC-MAIN-2021-17"":21431,""CC-MAIN-2021-21"":22659,""CC-MAIN-2021-25"":16794,""CC-MAIN-2021-31"":19990,""CC-MAIN-2021-39"":23626,""CC-MAIN-2021-43"":4744,""CC-MAIN-2021-49"":3156}" +"74","rpc tv","http://www.rpctv.com/","es","45646","36111","719378777","{""eng"":2,""eng,spa"":8,""por"":3,""spa"":41998,""spa,cat"":210,""spa,cat,eng"":2,""spa,cat,grn"":1,""spa,ceb"":1,""spa,cos"":2,""spa,dan"":24,""spa,dan,jpn"":1,""spa,deu"":10,""spa,eng"":2965,""spa,eng,cat"":4,""spa,eng,dan"":1,""spa,eng,deu"":1,""spa,eng,grn"":14,""spa,eng,ina"":1,""spa,eus"":3,""spa,fra"":12,""spa,fra,eng"":1,""spa,grn"":181,""spa,grn,eng"":1,""spa,hrv"":1,""spa,ile"":7,""spa,ina"":7,""spa,ina,eng"":1,""spa,isl"":3,""spa,ita"":50,""spa,lat"":2,""spa,msa"":1,""spa,nld"":3,""spa,nno"":1,""spa,nor"":5,""spa,pol"":3,""spa,roh"":1,""spa,ron"":3,""spa,sco"":1,""spa,srp"":5,""spa,swe"":1,""spa,tsn"":1,""spa,tur"":1,""spa,war"":1}","{""application/json"":27,""application/pdf"":1,""application/rss+xml"":67,""text/html"":45551}","{""2020"":16939,""2021"":28707}","{""CC-MAIN-2020-05"":1526,""CC-MAIN-2020-10"":1852,""CC-MAIN-2020-16"":1854,""CC-MAIN-2020-24"":1858,""CC-MAIN-2020-29"":2793,""CC-MAIN-2020-34"":1085,""CC-MAIN-2020-40"":3805,""CC-MAIN-2020-45"":1427,""CC-MAIN-2020-50"":739,""CC-MAIN-2021-04"":1394,""CC-MAIN-2021-10"":692,""CC-MAIN-2021-17"":1116,""CC-MAIN-2021-21"":60,""CC-MAIN-2021-25"":4140,""CC-MAIN-2021-31"":2230,""CC-MAIN-2021-39"":5960,""CC-MAIN-2021-43"":6388,""CC-MAIN-2021-49"":6727}" +"426","esmartcity","https://www.esmartcity.es/","es","11470","4450","142649717","{""eng"":3,""eng,spa"":1,""spa"":9894,""spa,cat"":36,""spa,cat,fra"":1,""spa,dan"":4,""spa,eng"":1504,""spa,eng,cat"":1,""spa,eng,deu"":1,""spa,eng,eus"":1,""spa,eus"":5,""spa,fra"":4,""spa,roh"":1,""spa,war"":2}","{""application/rss+xml"":4,""text/html"":11466}","{""2020"":5983,""2021"":5487}","{""CC-MAIN-2020-05"":924,""CC-MAIN-2020-10"":522,""CC-MAIN-2020-16"":676,""CC-MAIN-2020-24"":566,""CC-MAIN-2020-29"":670,""CC-MAIN-2020-34"":647,""CC-MAIN-2020-40"":1026,""CC-MAIN-2020-45"":442,""CC-MAIN-2020-50"":510,""CC-MAIN-2021-04"":682,""CC-MAIN-2021-10"":566,""CC-MAIN-2021-17"":458,""CC-MAIN-2021-21"":229,""CC-MAIN-2021-25"":468,""CC-MAIN-2021-31"":890,""CC-MAIN-2021-39"":837,""CC-MAIN-2021-43"":489,""CC-MAIN-2021-49"":868}" +"210","noticiaspress","http://www.noticiaspress.es/","es","13038","10364","146520874","{""eng"":3,""eng,spa"":25,""spa"":8773,""spa,cat"":5,""spa,cat,eng"":2,""spa,eng"":4081,""spa,eng,cat"":2,""spa,eng,dan"":1,""spa,eng,eus"":28,""spa,eng,grn"":1,""spa,eng,ita"":1,""spa,eng,mkd"":1,""spa,eng,war"":1,""spa,eus"":16,""spa,eus,eng"":5,""spa,grn"":1,""spa,war"":2}","{""application/rss+xml"":9,""text/html"":13029}","{""2020"":5419,""2021"":7619}","{""CC-MAIN-2020-05"":591,""CC-MAIN-2020-10"":563,""CC-MAIN-2020-16"":466,""CC-MAIN-2020-24"":977,""CC-MAIN-2020-29"":1165,""CC-MAIN-2020-34"":599,""CC-MAIN-2020-40"":412,""CC-MAIN-2020-45"":81,""CC-MAIN-2020-50"":565,""CC-MAIN-2021-04"":423,""CC-MAIN-2021-10"":549,""CC-MAIN-2021-17"":661,""CC-MAIN-2021-21"":34,""CC-MAIN-2021-25"":1916,""CC-MAIN-2021-31"":272,""CC-MAIN-2021-39"":1407,""CC-MAIN-2021-43"":1086,""CC-MAIN-2021-49"":1271}" +"102","el ojo digital","http://www.elojodigital.com/","es","59410","23837","520498818","{""eng"":2,""eng,spa"":196,""eng,spa,grn"":1,""spa"":53311,""spa,cat"":2,""spa,cos"":1,""spa,dan"":14,""spa,dan,eng"":1,""spa,deu"":6,""spa,eng"":5516,""spa,eng,grn"":8,""spa,eng,ind"":1,""spa,grn"":298,""spa,grn,eng"":17,""spa,ina"":5,""spa,ita"":5,""spa,lat"":2,""spa,lit"":1,""spa,msa"":3,""spa,tur"":5,""spa,war"":4}","{""application/pdf"":7,""application/rss+xml"":4,""text/html"":59399}","{""2020"":32492,""2021"":26918}","{""CC-MAIN-2020-05"":4069,""CC-MAIN-2020-10"":3680,""CC-MAIN-2020-16"":4040,""CC-MAIN-2020-24"":4339,""CC-MAIN-2020-29"":4956,""CC-MAIN-2020-34"":2544,""CC-MAIN-2020-40"":2970,""CC-MAIN-2020-45"":2751,""CC-MAIN-2020-50"":3143,""CC-MAIN-2021-04"":2905,""CC-MAIN-2021-10"":2489,""CC-MAIN-2021-17"":3019,""CC-MAIN-2021-21"":3309,""CC-MAIN-2021-25"":2690,""CC-MAIN-2021-31"":3906,""CC-MAIN-2021-39"":2979,""CC-MAIN-2021-43"":3430,""CC-MAIN-2021-49"":2191}" +"133","ntn24","http://ntn24.com/","es","74857","70125","831851122","{""eng,spa"":2,""eng,spa,grn"":1,""grn,spa"":2,""spa"":17554,""spa,aar"":1,""spa,cat"":6,""spa,cat,grn"":5,""spa,dan"":20,""spa,dan,eng"":1,""spa,dan,grn"":16,""spa,eng"":810,""spa,eng,dan"":1,""spa,eng,grn"":122,""spa,eng,pol"":1,""spa,eus"":1,""spa,fra"":4,""spa,fra,grn"":4,""spa,grn"":55657,""spa,grn,cat"":2,""spa,grn,dan"":7,""spa,grn,deu"":1,""spa,grn,eng"":187,""spa,grn,fra"":1,""spa,grn,ile"":1,""spa,grn,ina"":1,""spa,grn,ita"":1,""spa,grn,sco"":1,""spa,grn,war"":1,""spa,ina"":5,""spa,ita"":3,""spa,ita,grn"":2,""spa,jpn,grn"":1,""spa,lat"":1,""spa,nld,eng"":1,""spa,oci"":1,""spa,oci,grn"":1,""spa,rus"":1}","{""application/json"":430,""text/html"":74427}","{""2020"":16680,""2021"":58177}","{""CC-MAIN-2020-05"":1952,""CC-MAIN-2020-10"":1303,""CC-MAIN-2020-16"":920,""CC-MAIN-2020-24"":1523,""CC-MAIN-2020-29"":2005,""CC-MAIN-2020-34"":1920,""CC-MAIN-2020-40"":1704,""CC-MAIN-2020-45"":2097,""CC-MAIN-2020-50"":3256,""CC-MAIN-2021-04"":3598,""CC-MAIN-2021-10"":4856,""CC-MAIN-2021-17"":7177,""CC-MAIN-2021-21"":6077,""CC-MAIN-2021-25"":7239,""CC-MAIN-2021-31"":7111,""CC-MAIN-2021-39"":7402,""CC-MAIN-2021-43"":7453,""CC-MAIN-2021-49"":7264}" +"170","fororecursoshumanos","https://www.fororecursoshumanos.com/","es","17993","12897","293108562","{""eng,spa"":43,""spa"":14711,""spa,cat"":17,""spa,cat,eng"":1,""spa,dan"":1,""spa,eng"":3209,""spa,eng,cat"":1,""spa,fra"":1}","{""application/pdf"":6,""application/rss+xml"":3,""application/xhtml+xml"":344,""text/html"":17640}","{""2020"":14966,""2021"":3027}","{""CC-MAIN-2020-05"":2771,""CC-MAIN-2020-10"":3382,""CC-MAIN-2020-16"":1114,""CC-MAIN-2020-24"":833,""CC-MAIN-2020-29"":3395,""CC-MAIN-2020-34"":2216,""CC-MAIN-2020-40"":709,""CC-MAIN-2020-45"":283,""CC-MAIN-2020-50"":263,""CC-MAIN-2021-04"":397,""CC-MAIN-2021-10"":138,""CC-MAIN-2021-17"":175,""CC-MAIN-2021-21"":116,""CC-MAIN-2021-25"":449,""CC-MAIN-2021-31"":491,""CC-MAIN-2021-39"":287,""CC-MAIN-2021-43"":528,""CC-MAIN-2021-49"":446}" +"416","idival","https://www.idival.org/es/","es","3399","1285","98990597","{""eng,spa"":25,""spa"":2931,""spa,cat"":3,""spa,cat,eng"":1,""spa,eng"":293,""spa,eng,ina"":1,""spa,fra"":2}","{""application/pdf"":132,""application/xml"":11,""text/html"":3256}","{""2020"":2260,""2021"":1139}","{""CC-MAIN-2020-05"":263,""CC-MAIN-2020-10"":433,""CC-MAIN-2020-16"":233,""CC-MAIN-2020-24"":104,""CC-MAIN-2020-29"":220,""CC-MAIN-2020-34"":338,""CC-MAIN-2020-40"":353,""CC-MAIN-2020-45"":113,""CC-MAIN-2020-50"":203,""CC-MAIN-2021-04"":134,""CC-MAIN-2021-10"":100,""CC-MAIN-2021-17"":79,""CC-MAIN-2021-21"":154,""CC-MAIN-2021-25"":191,""CC-MAIN-2021-31"":85,""CC-MAIN-2021-39"":176,""CC-MAIN-2021-43"":104,""CC-MAIN-2021-49"":116}" +"63","la nacion (argentina)","http://www.lanacion.com.ar/","es","496848","382897","20352476991","{""eng"":42,""eng,spa"":78,""lat,spa"":1,""spa"":464332,""spa,afr"":6,""spa,ara"":5,""spa,bos,eng"":1,""spa,cat"":125,""spa,cat,eng"":3,""spa,ceb"":1,""spa,ceb,fra"":1,""spa,ces,eng"":1,""spa,cos"":26,""spa,cos,ina"":1,""spa,cos,ita"":1,""spa,cos,roh"":1,""spa,dan"":188,""spa,dan,eng"":7,""spa,deu"":38,""spa,deu,dan"":1,""spa,deu,eng"":8,""spa,deu,fra"":1,""spa,eng"":30847,""spa,eng,ara"":1,""spa,eng,bos"":1,""spa,eng,cat"":3,""spa,eng,ceb"":3,""spa,eng,dan"":15,""spa,eng,deu"":7,""spa,eng,eus"":1,""spa,eng,fra"":30,""spa,eng,grn"":2,""spa,eng,hrv"":1,""spa,eng,ina"":1,""spa,eng,ind"":2,""spa,eng,isl"":1,""spa,eng,ita"":16,""spa,eng,lat"":1,""spa,eng,lit"":3,""spa,eng,msa"":3,""spa,eng,nld"":3,""spa,eng,rus"":1,""spa,eng,som"":4,""spa,eng,srp"":2,""spa,eng,ssw"":1,""spa,eng,swe"":5,""spa,eng,tur"":2,""spa,eng,vie"":1,""spa,eus"":6,""spa,eus,eng"":2,""spa,fij"":1,""spa,fin"":3,""spa,fra"":219,""spa,fra,deu"":1,""spa,fra,eng"":27,""spa,fra,nld"":1,""spa,gle"":1,""spa,grn"":174,""spa,grn,eng"":3,""spa,heb"":2,""spa,hin,eng"":1,""spa,hrv"":1,""spa,hun"":5,""spa,ina"":32,""spa,ind"":21,""spa,ind,eng"":1,""spa,isl"":4,""spa,ita"":316,""spa,ita,eng"":18,""spa,jav"":1,""spa,jpn"":1,""spa,kin"":3,""spa,lat"":19,""spa,lin"":1,""spa,lin,eng"":1,""spa,lit"":1,""spa,ltz"":1,""spa,msa"":10,""spa,nld"":23,""spa,nld,deu"":1,""spa,nld,eng"":7,""spa,nld,fra"":3,""spa,nno"":2,""spa,nor"":3,""spa,oci"":21,""spa,oci,eng"":1,""spa,pol"":9,""spa,pol,eng"":1,""spa,roh"":5,""spa,ron,srp"":1,""spa,rus"":1,""spa,san"":2,""spa,sco"":3,""spa,som"":3,""spa,sqi"":2,""spa,srp"":5,""spa,ssw"":2,""spa,swa"":1,""spa,swe"":6,""spa,ton"":2,""spa,tur"":27,""spa,uzb"":1,""spa,vol"":1,""spa,war"":8}","{""application/rss+xml"":2,""text/html"":496843,""text/plain"":3}","{""2020"":218658,""2021"":278190}","{""CC-MAIN-2020-05"":29451,""CC-MAIN-2020-10"":23953,""CC-MAIN-2020-16"":20940,""CC-MAIN-2020-24"":20204,""CC-MAIN-2020-29"":21616,""CC-MAIN-2020-34"":23835,""CC-MAIN-2020-40"":22035,""CC-MAIN-2020-45"":28260,""CC-MAIN-2020-50"":28364,""CC-MAIN-2021-04"":28625,""CC-MAIN-2021-10"":40166,""CC-MAIN-2021-17"":29486,""CC-MAIN-2021-21"":30903,""CC-MAIN-2021-25"":30701,""CC-MAIN-2021-31"":30369,""CC-MAIN-2021-39"":29314,""CC-MAIN-2021-43"":29744,""CC-MAIN-2021-49"":28882}" +"23","elc onfidencial digital","https://www.elconfidencialdigital.com/","es","94301","65684","1840269883","{""eng"":8,""eng,spa"":8,""eng,spa,deu"":1,""glg"":1,""spa"":66939,""spa,ara"":1,""spa,ara,eng"":1,""spa,cat"":881,""spa,cat,eng"":134,""spa,cat,grn"":1,""spa,cos"":1,""spa,dan"":11,""spa,dan,eng"":2,""spa,deu"":1,""spa,eng"":25932,""spa,eng,cat"":89,""spa,eng,dan"":3,""spa,eng,eus"":5,""spa,eng,fra"":4,""spa,eng,grn"":2,""spa,eng,ina"":18,""spa,eng,nld"":2,""spa,eng,nor"":1,""spa,eng,sco"":2,""spa,eng,war"":1,""spa,eus"":43,""spa,eus,cat"":1,""spa,eus,eng"":1,""spa,fra"":7,""spa,grn"":2,""spa,ina"":47,""spa,ina,cat"":1,""spa,ina,eng"":3,""spa,ind"":3,""spa,ita"":2,""spa,lat"":3,""spa,lat,ina"":1,""spa,lav"":1,""spa,nor"":1,""spa,oci"":11,""spa,oci,cat"":1,""spa,oci,eng"":1,""spa,pus"":1,""spa,sco"":1,""spa,swe"":1,""spa,war"":4}","{""application/pdf"":24,""application/rss+xml"":92,""application/xhtml+xml"":3943,""text/html"":90242}","{""2020"":58930,""2021"":35371}","{""CC-MAIN-2020-05"":6812,""CC-MAIN-2020-10"":6942,""CC-MAIN-2020-16"":6344,""CC-MAIN-2020-24"":7592,""CC-MAIN-2020-29"":5528,""CC-MAIN-2020-34"":6049,""CC-MAIN-2020-40"":5473,""CC-MAIN-2020-45"":6725,""CC-MAIN-2020-50"":7465,""CC-MAIN-2021-04"":8769,""CC-MAIN-2021-10"":1565,""CC-MAIN-2021-17"":2608,""CC-MAIN-2021-21"":3852,""CC-MAIN-2021-25"":3911,""CC-MAIN-2021-31"":4522,""CC-MAIN-2021-39"":3982,""CC-MAIN-2021-43"":3025,""CC-MAIN-2021-49"":3137}" +"424","la vanguardia","https://www.lavanguardia.com/","es","441852","277612","10186730572","{""cat"":12,""cat,spa"":5608,""cat,spa,eng"":220,""cat,spa,eus"":1,""cat,spa,fra"":5,""cat,spa,ita"":1,""cat,spa,lat"":5,""cat,spa,oci"":18,""cat,spa,pol"":1,""cat,spa,sco"":1,""deu,spa"":3,""deu,spa,eng"":1,""eng"":2,""eng,spa"":31,""eng,spa,cat"":2,""eus,spa"":4,""fra,spa"":13,""fra,spa,eng"":1,""glg"":43,""glg,cat"":2,""ita,spa"":1,""spa"":378998,""spa,aym"":1,""spa,aym,grn"":3,""spa,bos"":1,""spa,cat"":35708,""spa,cat,cos"":2,""spa,cat,dan"":11,""spa,cat,deu"":3,""spa,cat,eng"":744,""spa,cat,eus"":6,""spa,cat,fra"":12,""spa,cat,grn"":6,""spa,cat,ita"":2,""spa,cat,lat"":4,""spa,cat,nld"":1,""spa,cat,oci"":23,""spa,cat,pol"":1,""spa,ceb"":1,""spa,ces"":2,""spa,cos"":6,""spa,crs"":1,""spa,crs,cat"":1,""spa,cym"":1,""spa,dan"":183,""spa,dan,cat"":3,""spa,dan,eng"":3,""spa,dan,nld"":1,""spa,dan,ron"":1,""spa,dan,srp"":1,""spa,dan,tur"":1,""spa,deu"":55,""spa,deu,eng"":5,""spa,deu,ita"":1,""spa,eng"":18188,""spa,eng,cat"":544,""spa,eng,dan"":10,""spa,eng,deu"":4,""spa,eng,ell"":1,""spa,eng,epo"":1,""spa,eng,eus"":1,""spa,eng,fra"":12,""spa,eng,grn"":2,""spa,eng,hun"":1,""spa,eng,ita"":10,""spa,eng,jpn"":1,""spa,eng,nld"":2,""spa,eng,san"":1,""spa,eng,srp"":1,""spa,eng,war"":3,""spa,epo"":6,""spa,epo,cat"":1,""spa,epo,tur"":1,""spa,eus"":352,""spa,eus,cat"":3,""spa,eus,eng"":4,""spa,fij"":1,""spa,fin"":1,""spa,fra"":147,""spa,fra,eng"":3,""spa,fra,ita"":1,""spa,fra,tur"":1,""spa,fry"":1,""spa,fry,lat"":3,""spa,gle"":1,""spa,glv"":1,""spa,grn"":96,""spa,grn,cat"":2,""spa,grn,eng"":1,""spa,haw"":1,""spa,hrv"":4,""spa,hun"":5,""spa,ile"":10,""spa,ina"":12,""spa,ina,nor"":1,""spa,ind"":14,""spa,ind,cat"":1,""spa,ind,eng"":1,""spa,isl"":13,""spa,isl,ron"":2,""spa,ita"":211,""spa,ita,cat"":6,""spa,ita,eng"":3,""spa,jpn"":4,""spa,jpn,dan"":1,""spa,lat"":44,""spa,lat,cat"":3,""spa,lat,eng"":1,""spa,mfe"":1,""spa,msa"":16,""spa,msa,eng"":1,""spa,nld"":21,""spa,nld,eng"":2,""spa,nno"":5,""spa,nor,fra"":1,""spa,nor,srp"":1,""spa,oci"":61,""spa,oci,cat"":10,""spa,oci,eng"":2,""spa,oci,fra"":1,""spa,pol"":6,""spa,pol,ita"":1,""spa,ron"":5,""spa,ron,slk"":1,""spa,rus"":2,""spa,san"":2,""spa,sco"":7,""spa,slk"":7,""spa,slk,ron"":1,""spa,srp"":6,""spa,srp,cat"":1,""spa,srp,dan"":2,""spa,srp,tur"":1,""spa,swa"":1,""spa,tur"":9,""spa,tur,dan"":1,""spa,vol"":1,""spa,war"":37,""spa,war,cat"":2,""spa,zho"":1}","{""application/font-woff"":7,""application/octet-stream"":5,""application/rss+xml"":2,""application/xhtml+xml"":2286,""application/xml"":35,""image/jpeg"":55,""image/png"":1,""text/html"":439461}","{""2020"":203523,""2021"":238329}","{""CC-MAIN-2020-05"":25697,""CC-MAIN-2020-10"":22368,""CC-MAIN-2020-16"":21601,""CC-MAIN-2020-24"":16534,""CC-MAIN-2020-29"":18701,""CC-MAIN-2020-34"":21305,""CC-MAIN-2020-40"":17764,""CC-MAIN-2020-45"":29844,""CC-MAIN-2020-50"":29709,""CC-MAIN-2021-04"":28515,""CC-MAIN-2021-10"":20329,""CC-MAIN-2021-17"":29529,""CC-MAIN-2021-21"":25424,""CC-MAIN-2021-25"":21944,""CC-MAIN-2021-31"":23559,""CC-MAIN-2021-39"":29148,""CC-MAIN-2021-43"":29170,""CC-MAIN-2021-49"":30711}" +"16","DiarioVasco","https://www.diariovasco.com/","es","13505","10467","279324786","{""cat,spa"":2022,""cat,spa,eus"":183,""cat,spa,oci"":45,""eus,spa"":1,""spa"":5552,""spa,cat"":27,""spa,cat,eus"":114,""spa,eng,eus"":4,""spa,eus"":5420,""spa,eus,cat"":32,""spa,eus,eng"":3,""spa,eus,ile"":1,""spa,gle"":33,""spa,grn"":18,""spa,ile,eus"":1,""spa,lit,eus"":1,""spa,nno"":14,""spa,oci,eus"":1}","{""application/atom+xml"":19,""application/rss+xml"":14,""application/xhtml+xml"":2,""text/html"":13470}","{""2020"":8754,""2021"":4751}","{""CC-MAIN-2020-05"":3157,""CC-MAIN-2020-10"":712,""CC-MAIN-2020-16"":1638,""CC-MAIN-2020-24"":410,""CC-MAIN-2020-29"":723,""CC-MAIN-2020-34"":631,""CC-MAIN-2020-40"":647,""CC-MAIN-2020-45"":281,""CC-MAIN-2020-50"":555,""CC-MAIN-2021-04"":1318,""CC-MAIN-2021-10"":905,""CC-MAIN-2021-17"":1325,""CC-MAIN-2021-21"":1203}" +"43","baja california sur - gobierno del estado","http://www.bcs.gob.mx/","es","544","262","26313322","{""spa"":397,""spa,eng"":53}","{""application/pdf"":35,""text/html"":509}","{""2020"":375,""2021"":169}","{""CC-MAIN-2020-05"":63,""CC-MAIN-2020-10"":51,""CC-MAIN-2020-16"":41,""CC-MAIN-2020-24"":72,""CC-MAIN-2020-29"":24,""CC-MAIN-2020-34"":34,""CC-MAIN-2020-40"":32,""CC-MAIN-2020-45"":37,""CC-MAIN-2020-50"":21,""CC-MAIN-2021-04"":26,""CC-MAIN-2021-10"":20,""CC-MAIN-2021-17"":17,""CC-MAIN-2021-21"":14,""CC-MAIN-2021-25"":16,""CC-MAIN-2021-31"":30,""CC-MAIN-2021-39"":17,""CC-MAIN-2021-43"":28,""CC-MAIN-2021-49"":1}" +"58","levante-emv","https://www.levante-emv.com/","es","296102","228006","9026936896","{""cat"":1,""cat,spa"":1654,""cat,spa,eng"":41,""cat,spa,ita"":1,""cat,spa,lat"":1,""cat,spa,oci"":12,""deu,spa,cat"":1,""eng,spa"":20,""glg"":14,""ita,spa"":1,""ita,spa,cat"":2,""lat,spa"":9,""lat,spa,cat"":1,""nld,spa"":2,""nor,spa"":1,""por,glg"":3,""spa"":150500,""spa,afr,eng"":1,""spa,ara"":1,""spa,ara,cat"":1,""spa,bos"":3,""spa,cat"":106349,""spa,cat,ces"":2,""spa,cat,cos"":1,""spa,cat,dan"":47,""spa,cat,eng"":6073,""spa,cat,eus"":8,""spa,cat,fra"":15,""spa,cat,grn"":4,""spa,cat,hun"":2,""spa,cat,ile"":3,""spa,cat,ina"":8,""spa,cat,ind"":2,""spa,cat,ita"":11,""spa,cat,lat"":8,""spa,cat,lit"":1,""spa,cat,msa"":1,""spa,cat,nor"":1,""spa,cat,oci"":47,""spa,cat,roh"":1,""spa,cat,ron"":3,""spa,cat,sna"":1,""spa,cat,srp"":1,""spa,cat,swe"":1,""spa,cat,tat"":1,""spa,cat,tur"":3,""spa,cat,war"":7,""spa,ces,cat"":1,""spa,cos"":7,""spa,dan"":115,""spa,dan,cat"":14,""spa,dan,eng"":11,""spa,deu"":6,""spa,deu,cat"":2,""spa,eng"":27292,""spa,eng,ara"":3,""spa,eng,cat"":2467,""spa,eng,dan"":9,""spa,eng,deu"":3,""spa,eng,eus"":2,""spa,eng,fra"":3,""spa,eng,fry"":1,""spa,eng,grn"":1,""spa,eng,ita"":3,""spa,eng,lat"":1,""spa,eng,nld"":4,""spa,eng,oci"":1,""spa,eng,pol"":4,""spa,eng,ron"":1,""spa,eng,srp"":4,""spa,eng,swe"":1,""spa,eng,tur"":2,""spa,eus"":42,""spa,eus,cat"":6,""spa,eus,eng"":3,""spa,fao"":6,""spa,fin"":1,""spa,fra"":34,""spa,fra,cat"":9,""spa,fra,eng"":2,""spa,glg"":5,""spa,grn"":15,""spa,grn,cat"":5,""spa,grn,eng"":2,""spa,hat,cat"":2,""spa,hrv"":15,""spa,hrv,cat"":3,""spa,ile"":81,""spa,ile,cat"":17,""spa,ina"":76,""spa,ina,cat"":15,""spa,ina,ile"":1,""spa,ind"":4,""spa,ind,cat"":2,""spa,isl"":25,""spa,isl,cat"":1,""spa,ita"":57,""spa,ita,cat"":11,""spa,ita,cos"":1,""spa,ita,dan"":1,""spa,ita,eng"":3,""spa,jpn,eng"":1,""spa,lat"":41,""spa,lat,cat"":10,""spa,lat,eng"":4,""spa,lit,cat"":1,""spa,nld"":9,""spa,nld,eng"":1,""spa,nno"":3,""spa,nor"":1,""spa,oci"":18,""spa,pol"":76,""spa,pol,cat"":2,""spa,ron"":14,""spa,rus"":2,""spa,san"":1,""spa,sco"":7,""spa,slv"":1,""spa,sot"":2,""spa,srp"":32,""spa,srp,eng"":1,""spa,swe"":2,""spa,tat"":1,""spa,tur"":1,""spa,tur,eng"":1,""spa,uzb"":1,""spa,vol"":1,""spa,war"":30,""spa,war,eng"":1,""tur,spa"":3}","{""application/pdf"":10,""application/rss+xml"":513,""application/xhtml+xml"":1202,""application/xml"":21,""text/html"":294356}","{""2020"":124107,""2021"":171995}","{""CC-MAIN-2020-05"":14624,""CC-MAIN-2020-10"":9906,""CC-MAIN-2020-16"":9427,""CC-MAIN-2020-24"":9191,""CC-MAIN-2020-29"":16522,""CC-MAIN-2020-34"":14735,""CC-MAIN-2020-40"":18172,""CC-MAIN-2020-45"":19146,""CC-MAIN-2020-50"":12384,""CC-MAIN-2021-04"":12835,""CC-MAIN-2021-10"":8696,""CC-MAIN-2021-17"":9049,""CC-MAIN-2021-21"":23564,""CC-MAIN-2021-25"":24179,""CC-MAIN-2021-31"":22221,""CC-MAIN-2021-39"":23359,""CC-MAIN-2021-43"":24121,""CC-MAIN-2021-49"":23971}" +"408","periodismo","http://www.periodismo.com/","es","80647","52466","2893164806","{""eng"":7,""eng,spa"":29,""lat,spa"":1,""lat,spa,eng"":2,""spa"":61028,""spa,ara"":3,""spa,bos"":2,""spa,cat"":5,""spa,cos"":1,""spa,cym"":2,""spa,dan"":15,""spa,dan,eng"":4,""spa,dan,jpn"":1,""spa,deu"":1,""spa,eng"":19078,""spa,eng,cat"":1,""spa,eng,dan"":1,""spa,eng,fra"":4,""spa,eng,ina"":74,""spa,eng,ita"":2,""spa,eng,jpn"":3,""spa,eng,lat"":6,""spa,eng,rus"":1,""spa,fra"":1,""spa,grn"":13,""spa,ina"":213,""spa,ina,eng"":48,""spa,ind"":1,""spa,ita"":8,""spa,jpn"":33,""spa,jpn,deu"":1,""spa,jpn,eng"":5,""spa,lat"":1,""spa,lat,eng"":19,""spa,lin"":1,""spa,msa"":1,""spa,msa,eng"":1,""spa,nld"":1,""spa,nor"":1,""spa,oci"":5,""spa,oci,eng"":1,""spa,rus,eng"":3,""spa,war"":3,""spa,war,eng"":1,""spa,zho"":1}","{""application/rss+xml"":11,""image/jpeg"":2,""text/html"":80634}","{""2020"":30666,""2021"":49981}","{""CC-MAIN-2020-05"":3506,""CC-MAIN-2020-10"":1774,""CC-MAIN-2020-16"":2107,""CC-MAIN-2020-24"":3668,""CC-MAIN-2020-29"":4785,""CC-MAIN-2020-34"":3537,""CC-MAIN-2020-40"":1649,""CC-MAIN-2020-45"":7075,""CC-MAIN-2020-50"":2565,""CC-MAIN-2021-04"":1536,""CC-MAIN-2021-10"":6681,""CC-MAIN-2021-17"":6736,""CC-MAIN-2021-21"":6779,""CC-MAIN-2021-25"":3322,""CC-MAIN-2021-31"":5808,""CC-MAIN-2021-39"":5982,""CC-MAIN-2021-43"":6557,""CC-MAIN-2021-49"":6580}" +"80","lawyerpress","http://lawyerpress.com/","es","20988","11818","581881688","{""cat,spa"":1,""eng"":34,""eng,spa"":133,""eng,spa,cat"":3,""glg"":1,""glg,eng"":3,""spa"":8104,""spa,cat"":253,""spa,cat,eng"":34,""spa,cat,grn"":3,""spa,deu"":1,""spa,eng"":11857,""spa,eng,cat"":397,""spa,eng,fra"":1,""spa,eng,grn"":13,""spa,eng,ina"":1,""spa,eng,lat"":2,""spa,fra"":3,""spa,grn"":27,""spa,grn,eng"":1,""spa,ind"":2,""spa,ita"":5,""spa,lat"":2,""spa,lat,eng"":1,""spa,nld"":1}","{""application/pdf"":11,""application/rss+xml"":5,""text/calendar"":82,""text/html"":20890}","{""2020"":12783,""2021"":8205}","{""CC-MAIN-2020-05"":1750,""CC-MAIN-2020-10"":2054,""CC-MAIN-2020-16"":1573,""CC-MAIN-2020-24"":1722,""CC-MAIN-2020-29"":2142,""CC-MAIN-2020-34"":1381,""CC-MAIN-2020-40"":1164,""CC-MAIN-2020-45"":537,""CC-MAIN-2020-50"":460,""CC-MAIN-2021-04"":530,""CC-MAIN-2021-10"":814,""CC-MAIN-2021-17"":690,""CC-MAIN-2021-21"":1004,""CC-MAIN-2021-25"":1525,""CC-MAIN-2021-31"":599,""CC-MAIN-2021-39"":956,""CC-MAIN-2021-43"":1143,""CC-MAIN-2021-49"":944}" +"247","artículo 66","https://www.articulo66.com/","es","16467","10568","1344838069","{""eng"":11,""eng,spa"":2,""eng,spa,grn"":1,""spa"":8859,""spa,cat"":3,""spa,cat,eng"":1,""spa,eng"":2602,""spa,eng,fra"":2,""spa,eng,grn"":432,""spa,fra"":1,""spa,fra,eng"":1,""spa,grn"":3752,""spa,grn,cat"":1,""spa,grn,dan"":3,""spa,grn,eng"":696,""spa,grn,war"":1,""spa,ile"":1,""spa,ina"":1,""spa,ita,eng"":1,""spa,ron"":1,""spa,ron,eng"":1,""spa,vie,eng"":1,""spa,war"":10,""spa,war,eng"":1,""spa,war,grn"":4}","{""application/pdf"":30,""application/xhtml+xml"":13,""image/jpeg"":48,""text/html"":16376}","{""2020"":5590,""2021"":10877}","{""CC-MAIN-2020-05"":179,""CC-MAIN-2020-10"":277,""CC-MAIN-2020-16"":1220,""CC-MAIN-2020-24"":422,""CC-MAIN-2020-29"":568,""CC-MAIN-2020-34"":639,""CC-MAIN-2020-40"":929,""CC-MAIN-2020-45"":706,""CC-MAIN-2020-50"":650,""CC-MAIN-2021-04"":846,""CC-MAIN-2021-10"":746,""CC-MAIN-2021-17"":1017,""CC-MAIN-2021-21"":927,""CC-MAIN-2021-25"":420,""CC-MAIN-2021-31"":321,""CC-MAIN-2021-39"":1553,""CC-MAIN-2021-43"":3064,""CC-MAIN-2021-49"":1983}" +"75","ministerio de educación","https://educacion.gob.ec/","es","15392","9996","3617740358","{""eng,spa"":12,""spa"":7198,""spa,eng"":928,""spa,eng,kin"":1,""spa,eng,oci"":1,""spa,grn"":1,""spa,ind"":1,""spa,kin"":2,""spa,nld"":1,""spa,que"":12,""spa,que,eng"":2,""spa,war"":13}","{""application/msword"":18,""application/pdf"":6910,""application/rss+xml"":1,""application/vnd.ms-excel"":19,""application/vnd.openxmlformats-officedocument.presentationml.slideshow"":4,""application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"":58,""application/vnd.openxmlformats-officedocument.wordprocessingml.document"":4,""application/x-rar-compressed; version=4"":1,""application/zip"":174,""image/jpeg"":2,""text/html"":8201}","{""2020"":3915,""2021"":11477}","{""CC-MAIN-2020-16"":653,""CC-MAIN-2020-24"":1771,""CC-MAIN-2020-29"":167,""CC-MAIN-2020-34"":273,""CC-MAIN-2020-40"":652,""CC-MAIN-2020-45"":229,""CC-MAIN-2020-50"":170,""CC-MAIN-2021-04"":680,""CC-MAIN-2021-10"":249,""CC-MAIN-2021-17"":1824,""CC-MAIN-2021-21"":399,""CC-MAIN-2021-25"":178,""CC-MAIN-2021-31"":190,""CC-MAIN-2021-39"":5406,""CC-MAIN-2021-43"":1763,""CC-MAIN-2021-49"":788}" +"500","News outlet","https://www.asiaone.com/singapore","en","24375","20584","403095742","{""eng"":24149,""eng,ben"":1,""eng,bis"":1,""eng,dan"":6,""eng,jpn"":1,""eng,msa"":77,""eng,por"":3,""eng,tha"":1,""eng,vie"":2,""eng,zho"":30,""msa,eng"":44,""zho,eng"":60}","{""text/html"":24375}","{""2020"":13396,""2021"":10979}","{""CC-MAIN-2020-05"":1322,""CC-MAIN-2020-10"":1187,""CC-MAIN-2020-16"":995,""CC-MAIN-2020-24"":1376,""CC-MAIN-2020-29"":1734,""CC-MAIN-2020-34"":1486,""CC-MAIN-2020-40"":1169,""CC-MAIN-2020-45"":2208,""CC-MAIN-2020-50"":1919,""CC-MAIN-2021-04"":1718,""CC-MAIN-2021-10"":1862,""CC-MAIN-2021-17"":2042,""CC-MAIN-2021-21"":1709,""CC-MAIN-2021-25"":804,""CC-MAIN-2021-31"":656,""CC-MAIN-2021-39"":559,""CC-MAIN-2021-43"":706,""CC-MAIN-2021-49"":923}" +"53","diario expreso de guayaquil","https://www.expreso.ec/","es","143816","70734","1471563400","{""spa"":138632,""spa,ara"":13,""spa,cat"":95,""spa,cat,eng"":2,""spa,cos"":1,""spa,dan"":72,""spa,dan,ces"":1,""spa,dan,eng"":1,""spa,deu"":24,""spa,deu,eng"":1,""spa,eng"":4593,""spa,eng,ara"":2,""spa,eng,cat"":6,""spa,eng,dan"":3,""spa,eng,deu"":2,""spa,eng,fra"":13,""spa,eng,grn"":2,""spa,eng,ita"":4,""spa,eng,jpn"":1,""spa,eng,kor"":3,""spa,eng,sco"":1,""spa,eng,slv"":2,""spa,eng,tur"":2,""spa,eng,war"":1,""spa,eus"":2,""spa,fas"":2,""spa,fas,eng"":3,""spa,fra"":41,""spa,fra,eng"":7,""spa,grn"":63,""spa,grn,eng"":2,""spa,iku"":1,""spa,ina"":3,""spa,ind"":12,""spa,ind,eng"":3,""spa,ita"":58,""spa,jpn"":2,""spa,jpn,eng"":2,""spa,kor"":11,""spa,kor,eng"":1,""spa,lat"":1,""spa,nld"":14,""spa,nor"":2,""spa,oci"":3,""spa,pol"":1,""spa,que"":21,""spa,que,eng"":1,""spa,rus"":15,""spa,rus,cat"":1,""spa,rus,eng"":4,""spa,san"":1,""spa,srp"":3,""spa,tgl"":1,""spa,tur"":12,""spa,vie"":2,""spa,war"":10}","{""application/pdf"":31,""text/html"":143785}","{""2020"":45420,""2021"":98396}","{""CC-MAIN-2020-05"":188,""CC-MAIN-2020-10"":155,""CC-MAIN-2020-16"":4926,""CC-MAIN-2020-24"":5944,""CC-MAIN-2020-29"":5652,""CC-MAIN-2020-34"":5686,""CC-MAIN-2020-40"":8960,""CC-MAIN-2020-45"":6235,""CC-MAIN-2020-50"":7674,""CC-MAIN-2021-04"":7396,""CC-MAIN-2021-10"":5206,""CC-MAIN-2021-17"":8214,""CC-MAIN-2021-21"":8276,""CC-MAIN-2021-25"":8083,""CC-MAIN-2021-31"":7284,""CC-MAIN-2021-39"":7346,""CC-MAIN-2021-43"":23473,""CC-MAIN-2021-49"":23118}" +"240","el mirón de soria","https://elmirondesoria.es/","es","19372","14211","208000926","{""spa"":17823,""spa,cat"":23,""spa,cat,eng"":1,""spa,ces"":3,""spa,dan"":2,""spa,deu"":2,""spa,eng"":1490,""spa,eng,deu"":2,""spa,eus"":3,""spa,fra"":7,""spa,fra,eng"":1,""spa,grn"":2,""spa,ile"":1,""spa,ina"":1,""spa,ita"":1,""spa,ita,cat"":1,""spa,ita,fra"":1,""spa,lat"":2}","{""application/atom+xml"":2,""application/pdf"":2,""application/rss+xml"":2,""text/html"":19366}","{""2020"":11717,""2021"":7655}","{""CC-MAIN-2020-05"":852,""CC-MAIN-2020-10"":1809,""CC-MAIN-2020-16"":1535,""CC-MAIN-2020-24"":1302,""CC-MAIN-2020-29"":2115,""CC-MAIN-2020-34"":1452,""CC-MAIN-2020-40"":1017,""CC-MAIN-2020-45"":639,""CC-MAIN-2020-50"":996,""CC-MAIN-2021-04"":941,""CC-MAIN-2021-10"":415,""CC-MAIN-2021-17"":1014,""CC-MAIN-2021-21"":1686,""CC-MAIN-2021-25"":711,""CC-MAIN-2021-31"":556,""CC-MAIN-2021-39"":519,""CC-MAIN-2021-43"":824,""CC-MAIN-2021-49"":989}" +"128","noticias","http://noticias.perfil.com/","es","30601","19108","537602536","{""eng"":2,""spa"":23966,""spa,cat"":2,""spa,dan"":2068,""spa,deu"":1,""spa,eng"":4471,""spa,eng,dan"":55,""spa,eng,fra"":2,""spa,eng,ita"":1,""spa,fra"":2,""spa,fra,dan"":2,""spa,grn"":4,""spa,grn,eng"":1,""spa,ind"":1,""spa,ita"":6,""spa,ita,dan"":1}","{""application/rss+xml"":10,""application/xml"":6,""text/html"":30585}","{""2020"":12175,""2021"":18426}","{""CC-MAIN-2020-05"":3655,""CC-MAIN-2020-10"":2178,""CC-MAIN-2020-16"":1526,""CC-MAIN-2020-24"":2385,""CC-MAIN-2020-29"":591,""CC-MAIN-2020-34"":497,""CC-MAIN-2020-40"":471,""CC-MAIN-2020-45"":417,""CC-MAIN-2020-50"":455,""CC-MAIN-2021-04"":477,""CC-MAIN-2021-10"":2328,""CC-MAIN-2021-17"":1446,""CC-MAIN-2021-21"":2614,""CC-MAIN-2021-25"":2061,""CC-MAIN-2021-31"":3111,""CC-MAIN-2021-39"":5589,""CC-MAIN-2021-43"":303,""CC-MAIN-2021-49"":497}" +"486","Curated blog","https://blog.seedly.sg/","en","12111","2576","1038738603","{""eng"":11801,""eng,dan"":7,""eng,msa"":10,""eng,zho"":28,""eng,zho,jpn"":3,""zho,eng"":2}","{""application/rss+xml"":10,""image/png"":5,""text/html"":12096}","{""2020"":7564,""2021"":4547}","{""CC-MAIN-2020-05"":1590,""CC-MAIN-2020-10"":563,""CC-MAIN-2020-16"":525,""CC-MAIN-2020-24"":482,""CC-MAIN-2020-29"":939,""CC-MAIN-2020-34"":1021,""CC-MAIN-2020-40"":1409,""CC-MAIN-2020-45"":675,""CC-MAIN-2020-50"":360,""CC-MAIN-2021-04"":663,""CC-MAIN-2021-10"":352,""CC-MAIN-2021-17"":967,""CC-MAIN-2021-21"":357,""CC-MAIN-2021-25"":528,""CC-MAIN-2021-31"":391,""CC-MAIN-2021-39"":332,""CC-MAIN-2021-43"":501,""CC-MAIN-2021-49"":456}" +"496","Curated blog","https://www.hpility.sg/","en","33260","12618","1251078640","{""eng"":32682,""eng,dan"":114,""eng,jpn"":12,""eng,kha"":1,""eng,kor"":4,""eng,msa"":40,""eng,por"":2,""eng,sco"":2,""eng,tha"":3,""eng,zho"":394,""eng,zho,hau"":2,""zho,eng"":3}","{""application/rss+xml"":1,""text/html"":33259}","{""2020"":12814,""2021"":20446}","{""CC-MAIN-2020-05"":604,""CC-MAIN-2020-10"":838,""CC-MAIN-2020-16"":628,""CC-MAIN-2020-24"":299,""CC-MAIN-2020-29"":824,""CC-MAIN-2020-34"":515,""CC-MAIN-2020-40"":3545,""CC-MAIN-2020-45"":2866,""CC-MAIN-2020-50"":2695,""CC-MAIN-2021-04"":2487,""CC-MAIN-2021-10"":3252,""CC-MAIN-2021-17"":3337,""CC-MAIN-2021-21"":2777,""CC-MAIN-2021-25"":1779,""CC-MAIN-2021-31"":1910,""CC-MAIN-2021-39"":1911,""CC-MAIN-2021-43"":1334,""CC-MAIN-2021-49"":1659}" +"255","el comercio perú","https://elcomercio.pe/","es","489875","361216","16227224839","{""eng"":3,""eng,spa"":93,""eng,spa,cat"":2,""que,spa"":1,""rus,spa"":1,""spa"":459170,""spa,aar,roh"":1,""spa,afr"":1,""spa,ara"":40,""spa,ara,eng"":4,""spa,bos"":4,""spa,bre"":14,""spa,cat"":491,""spa,cat,deu"":2,""spa,cat,eng"":18,""spa,cat,fra"":2,""spa,ceb"":1,""spa,ces"":2,""spa,cos"":7,""spa,dan"":4494,""spa,dan,eng"":23,""spa,dan,grn"":2,""spa,dan,msa"":1,""spa,dan,war"":4,""spa,deu"":157,""spa,deu,cat"":1,""spa,deu,eng"":5,""spa,ell"":1,""spa,eng"":23479,""spa,eng,ara"":2,""spa,eng,bos"":1,""spa,eng,cat"":32,""spa,eng,cos"":1,""spa,eng,dan"":30,""spa,eng,deu"":12,""spa,eng,fas"":3,""spa,eng,fra"":14,""spa,eng,grn"":17,""spa,eng,hat"":1,""spa,eng,heb"":1,""spa,eng,ind"":3,""spa,eng,ita"":13,""spa,eng,jpn"":18,""spa,eng,kor"":9,""spa,eng,nld"":2,""spa,eng,pol"":2,""spa,eng,que"":1,""spa,eng,rus"":5,""spa,eng,slk"":4,""spa,eng,swe"":5,""spa,eng,tgl"":1,""spa,eng,tur"":11,""spa,eng,war"":2,""spa,eng,zho"":2,""spa,epo"":10,""spa,est"":1,""spa,eus"":11,""spa,fao"":1,""spa,fas"":7,""spa,fas,eng"":1,""spa,fin"":2,""spa,fra"":191,""spa,fra,eng"":9,""spa,fra,ita"":1,""spa,grn"":431,""spa,grn,dan"":1,""spa,grn,eng"":4,""spa,grn,nld"":1,""spa,hat"":1,""spa,heb"":5,""spa,hrv"":6,""spa,hun"":1,""spa,hun,eng"":1,""spa,ile"":3,""spa,ina"":29,""spa,ind"":16,""spa,ind,grn"":1,""spa,isl"":20,""spa,isl,dan"":1,""spa,isl,eng"":1,""spa,isl,hun"":1,""spa,ita"":263,""spa,ita,cos"":2,""spa,ita,eng"":4,""spa,jav"":2,""spa,jpn"":56,""spa,jpn,dan"":1,""spa,jpn,eng"":10,""spa,kha"":3,""spa,kor"":17,""spa,kor,eng"":3,""spa,lat"":3,""spa,lin"":1,""spa,lit"":1,""spa,mlg"":1,""spa,msa"":17,""spa,msa,jpn"":1,""spa,nep"":2,""spa,nld"":44,""spa,nld,eng"":1,""spa,nno"":2,""spa,nor"":4,""spa,nya"":4,""spa,oci"":8,""spa,oci,bre"":1,""spa,oci,epo"":1,""spa,pol"":13,""spa,que"":24,""spa,que,aym"":1,""spa,que,nld"":1,""spa,que,tgl"":1,""spa,roh"":7,""spa,ron"":2,""spa,rus"":35,""spa,rus,dan"":1,""spa,rus,eng"":6,""spa,rus,jpn"":1,""spa,rus,srp"":2,""spa,san"":5,""spa,san,eng"":1,""spa,sco"":4,""spa,slk"":6,""spa,smo"":1,""spa,som"":5,""spa,sot"":1,""spa,srp"":15,""spa,srp,grn"":1,""spa,sun"":1,""spa,swe"":13,""spa,tgl"":3,""spa,tha"":4,""spa,tha,eng"":1,""spa,ton"":1,""spa,tso"":1,""spa,tuk"":33,""spa,tur"":37,""spa,tur,eng"":1,""spa,tur,fra"":1,""spa,ukr"":2,""spa,vie"":2,""spa,vol"":1,""spa,war"":196,""spa,war,dan"":1,""spa,xho"":3,""spa,zho"":3}","{""application/xhtml+xml"":4,""image/jpeg"":1,""text/html"":489869,""text/plain"":1}","{""2020"":229643,""2021"":260232}","{""CC-MAIN-2020-05"":22913,""CC-MAIN-2020-10"":31675,""CC-MAIN-2020-16"":21414,""CC-MAIN-2020-24"":24024,""CC-MAIN-2020-29"":21156,""CC-MAIN-2020-34"":23463,""CC-MAIN-2020-40"":25355,""CC-MAIN-2020-45"":27839,""CC-MAIN-2020-50"":31804,""CC-MAIN-2021-04"":29670,""CC-MAIN-2021-10"":29379,""CC-MAIN-2021-17"":25323,""CC-MAIN-2021-21"":26015,""CC-MAIN-2021-25"":30595,""CC-MAIN-2021-31"":26914,""CC-MAIN-2021-39"":32221,""CC-MAIN-2021-43"":30135,""CC-MAIN-2021-49"":29980}" +"126","canarias7","https://www.canarias7.es/","es","40133","33020","1034407478","{""cat,spa"":6,""eng,spa"":4,""eng,spa,lat"":1,""spa"":39269,""spa,cat"":139,""spa,cat,eng"":1,""spa,ces"":1,""spa,dan"":22,""spa,dan,eus"":1,""spa,eng"":593,""spa,eng,cat"":1,""spa,eng,eus"":1,""spa,epo"":1,""spa,eus"":2,""spa,fij"":3,""spa,fra"":1,""spa,fry,eng"":1,""spa,grn"":5,""spa,haw"":1,""spa,ile"":12,""spa,ina"":1,""spa,ind"":4,""spa,ita"":2,""spa,lat"":4,""spa,oci"":7,""spa,pol"":1,""spa,ron"":1,""spa,rus,cat"":1,""spa,war"":2}","{""application/rss+xml"":31,""text/html"":40102}","{""2020"":34567,""2021"":5566}","{""CC-MAIN-2020-05"":7220,""CC-MAIN-2020-10"":6436,""CC-MAIN-2020-16"":4241,""CC-MAIN-2020-24"":7710,""CC-MAIN-2020-29"":8949,""CC-MAIN-2020-34"":5,""CC-MAIN-2020-40"":1,""CC-MAIN-2020-45"":5,""CC-MAIN-2021-04"":2,""CC-MAIN-2021-17"":6,""CC-MAIN-2021-21"":8,""CC-MAIN-2021-25"":9,""CC-MAIN-2021-31"":24,""CC-MAIN-2021-39"":9,""CC-MAIN-2021-43"":1426,""CC-MAIN-2021-49"":4082}" +"261","economía - finanzas","http://www.economiafinanzas.com/","es","20947","9554","560789128","{""afr"":3,""afr,eng"":1,""amh"":27,""ara"":3,""aze"":15,""aze,eng"":1,""bel"":4,""ben"":24,""ben,eng"":1,""bos"":39,""bos,spa"":1,""bul"":19,""bul,srp"":2,""cat"":71,""cat,eng"":4,""cat,por"":1,""ceb"":3,""ces"":166,""ces,eng"":229,""ces,glg"":1,""ces,mlt"":1,""cos"":3,""cos,ita"":18,""cym"":3,""dan"":16,""dan,eng"":10,""deu"":37,""deu,eng"":7,""ell"":3,""eng"":47,""eng,dan"":2,""eng,fra"":1,""eng,fry"":1,""eng,gle"":1,""eng,glg"":2,""eng,isl"":1,""eng,lat"":14,""eng,por"":1,""eng,slv"":1,""eng,spa"":5,""eng,tur"":9,""eng,zul"":2,""epo"":21,""epo,eng"":10,""est"":211,""est,eng"":50,""est,eng,glg"":1,""eus"":3,""fas"":19,""fin"":3,""fra"":12,""fra,eng"":21,""fry"":52,""fry,eng"":13,""fry,nor"":1,""gla"":2,""gla,eng"":1,""gle"":14,""gle,eng"":8,""glg"":163,""glg,eng"":89,""guj"":3,""hat"":83,""hat,crs"":1,""hat,eng"":10,""hau"":51,""hau,eng"":20,""haw"":3,""haw,eng"":1,""heb"":3,""hin"":50,""hin,eng"":1,""hin,spa"":1,""hmn"":261,""hmn,eng"":43,""hmn,eng,glg"":1,""hmn,glg"":1,""hrv"":25,""hrv,eng"":4,""hrv,spa"":2,""hun"":1,""hun,eng"":2,""hye"":4,""ibo"":4,""ind"":248,""ind,eng"":182,""ind,eng,glg"":1,""ind,mlt"":1,""isl"":29,""isl,eng"":19,""isl,eng,spa"":1,""ita"":3,""ita,eng"":1,""jav"":1,""jav,ind"":2,""jpn"":3,""kan"":185,""kan,eng"":1,""kat"":3,""kaz"":24,""kaz,eng"":1,""kaz,spa"":1,""khm"":347,""khm,eng"":7,""khm,spa"":1,""kir"":3,""kor"":299,""kor,eng"":2,""kor,glg"":1,""kor,ind"":1,""kor,por"":1,""kor,spa"":3,""lao"":3,""lat"":58,""lat,eng"":117,""lat,eng,spa"":1,""lat,spa"":1,""lav"":4,""lit"":22,""lit,eng"":1,""lit,spa"":1,""ltz"":2,""ltz,dan"":1,""mal"":4,""mar"":61,""mkd,srp"":3,""mlg"":1,""mlg,eng"":2,""mlt"":2,""mlt,eng"":1,""mon"":3,""mri"":80,""mri,eng"":7,""mri,spa"":1,""msa"":3,""msa,eng"":1,""mya"":88,""nep"":105,""nld"":454,""nld,afr"":3,""nld,eng"":103,""nld,spa"":1,""nor"":297,""nor,eng"":162,""nor,spa"":1,""nya"":246,""nya,eng"":121,""nya,eng,glg"":1,""nya,glg"":1,""pan"":15,""pol"":4,""por"":15,""por,eng"":20,""pus"":4,""ron"":296,""ron,eng"":5,""ron,glg"":1,""ron,spa"":1,""rus"":35,""rus,eng"":1,""rus,srp"":1,""sin"":17,""sin,spa"":1,""slk"":3,""slk,eng"":1,""slv"":372,""slv,cat"":1,""slv,eng"":1,""slv,glg"":2,""smo"":2,""smo,eng"":2,""sna"":430,""sna,eng"":41,""sna,eng,glg"":1,""sna,spa"":1,""snd"":167,""snd,eng"":4,""snd,spa"":2,""snd,urd"":1,""som"":49,""som,eng"":24,""sot"":4,""spa"":11206,""spa,cat"":1,""spa,eng"":914,""spa,eng,mlt"":1,""spa,kan"":1,""spa,mlt"":1,""sqi"":3,""sqi,eng"":1,""srp"":38,""srp,spa"":1,""sun"":19,""sun,eng,jav"":1,""sun,ind"":4,""sun,ind,spa"":1,""swa"":3,""swa,eng"":1,""swe"":2,""swe,eng"":1,""tam"":4,""tel"":284,""tel,eng"":8,""tel,spa"":1,""tgk"":255,""tgk,eng"":5,""tgk,spa"":2,""tgl"":76,""tgl,eng"":11,""tgl,war"":1,""tha"":2,""tha,eng"":1,""tur"":88,""tur,eng"":35,""ukr"":4,""urd"":3,""uzb"":31,""uzb,eng"":13,""uzb,spa"":1,""vie"":12,""vie,eng"":7,""xho"":84,""xho,eng"":184,""yid"":3,""yor"":94,""yor,eng"":35,""zho"":101,""zho,deu"":1,""zho,eng"":2,""zho,spa"":1,""zul"":81,""zul,eng"":305,""zul,eng,ssw"":1}","{""application/pdf"":1,""application/rss+xml"":29,""image/jpeg"":20,""text/html"":20897}","{""2020"":5575,""2021"":15372}","{""CC-MAIN-2020-05"":739,""CC-MAIN-2020-10"":229,""CC-MAIN-2020-16"":514,""CC-MAIN-2020-24"":924,""CC-MAIN-2020-29"":537,""CC-MAIN-2020-34"":238,""CC-MAIN-2020-40"":1323,""CC-MAIN-2020-45"":253,""CC-MAIN-2020-50"":818,""CC-MAIN-2021-04"":769,""CC-MAIN-2021-10"":824,""CC-MAIN-2021-17"":809,""CC-MAIN-2021-21"":882,""CC-MAIN-2021-25"":1157,""CC-MAIN-2021-31"":2195,""CC-MAIN-2021-39"":2763,""CC-MAIN-2021-43"":4213,""CC-MAIN-2021-49"":1760}" +"224","ministerio del poder popular para relaciones exteriores","http://mppre.gob.ve/","es","24032","13818","464331161","{""eng"":5785,""eng,fra"":9,""eng,fra,spa"":2,""eng,grn"":3,""eng,spa"":968,""eng,spa,fra"":2,""eng,spa,grn"":2,""fra,eng,spa"":3,""fra,spa"":2,""fra,spa,eng"":1,""spa"":15181,""spa,cat"":10,""spa,cos"":1,""spa,dan"":4,""spa,deu"":5,""spa,eng"":1488,""spa,eng,dan"":2,""spa,eng,deu"":1,""spa,eng,fra"":1,""spa,eng,grn"":4,""spa,eng,kor"":12,""spa,eng,tur"":1,""spa,eus"":3,""spa,fra"":8,""spa,fra,eng"":9,""spa,fra,grn"":1,""spa,grn"":112,""spa,hun"":7,""spa,ita"":2,""spa,ita,ron"":1,""spa,kor"":3,""spa,msa"":3,""spa,ron"":1,""spa,rus"":1,""spa,tur"":1,""spa,vie"":1,""spa,war"":1}","{""application/pdf"":209,""image/jpeg"":182,""text/html"":23641}","{""2020"":20549,""2021"":3483}","{""CC-MAIN-2020-05"":1717,""CC-MAIN-2020-10"":1485,""CC-MAIN-2020-16"":3211,""CC-MAIN-2020-24"":4060,""CC-MAIN-2020-29"":3663,""CC-MAIN-2020-34"":1571,""CC-MAIN-2020-40"":3193,""CC-MAIN-2020-45"":953,""CC-MAIN-2020-50"":696,""CC-MAIN-2021-04"":542,""CC-MAIN-2021-10"":385,""CC-MAIN-2021-17"":196,""CC-MAIN-2021-21"":17,""CC-MAIN-2021-25"":66,""CC-MAIN-2021-31"":51,""CC-MAIN-2021-39"":130,""CC-MAIN-2021-43"":841,""CC-MAIN-2021-49"":1255}" +"239","pv magazine latam","https://www.pv-magazine-latam.com/","es","31095","9896","727812531","{""eng,spa"":7,""spa"":784,""spa,cat"":4,""spa,cat,eng"":2,""spa,deu"":2,""spa,deu,eng"":1,""spa,eng"":30196,""spa,eng,cat"":2,""spa,eng,dan"":22,""spa,eng,deu"":7,""spa,eng,grn"":40,""spa,eng,lat"":7,""spa,eng,war"":3,""spa,grn,eng"":10,""spa,lat,eng"":5,""spa,oci"":3}","{""text/html"":31095}","{""2020"":10436,""2021"":20659}","{""CC-MAIN-2020-05"":387,""CC-MAIN-2020-10"":612,""CC-MAIN-2020-16"":798,""CC-MAIN-2020-24"":738,""CC-MAIN-2020-29"":477,""CC-MAIN-2020-34"":371,""CC-MAIN-2020-40"":4023,""CC-MAIN-2020-45"":1128,""CC-MAIN-2020-50"":1902,""CC-MAIN-2021-04"":3107,""CC-MAIN-2021-10"":2712,""CC-MAIN-2021-17"":1458,""CC-MAIN-2021-21"":3884,""CC-MAIN-2021-25"":1610,""CC-MAIN-2021-31"":546,""CC-MAIN-2021-39"":3683,""CC-MAIN-2021-43"":1787,""CC-MAIN-2021-49"":1872}" +"406","america economia","https://www.americaeconomia.com/","es","147922","103489","1817475022","{""eng"":4,""spa"":28443,""spa,cat"":6,""spa,cat,eng"":4,""spa,dan"":61,""spa,dan,eng"":60,""spa,eng"":117859,""spa,eng,cat"":9,""spa,eng,dan"":193,""spa,eng,deu"":1,""spa,eng,fra"":2,""spa,eng,grn"":819,""spa,eng,ina"":3,""spa,eng,ind"":4,""spa,eng,ita"":2,""spa,eng,lat"":3,""spa,eng,msa"":4,""spa,eng,nld"":7,""spa,eng,san"":1,""spa,eng,war"":1,""spa,fra"":2,""spa,fra,eng"":1,""spa,grn"":258,""spa,grn,eng"":169,""spa,ind"":2,""spa,lat"":1,""spa,msa"":1}","{""application/rss+xml"":2,""application/xhtml+xml"":1,""text/html"":147919}","{""2020"":128891,""2021"":19031}","{""CC-MAIN-2020-05"":16750,""CC-MAIN-2020-10"":21234,""CC-MAIN-2020-16"":8066,""CC-MAIN-2020-24"":16311,""CC-MAIN-2020-29"":16948,""CC-MAIN-2020-34"":19040,""CC-MAIN-2020-40"":17752,""CC-MAIN-2020-45"":9687,""CC-MAIN-2020-50"":3103,""CC-MAIN-2021-04"":5424,""CC-MAIN-2021-10"":844,""CC-MAIN-2021-17"":444,""CC-MAIN-2021-21"":1612,""CC-MAIN-2021-25"":1581,""CC-MAIN-2021-31"":1393,""CC-MAIN-2021-39"":2411,""CC-MAIN-2021-43"":2591,""CC-MAIN-2021-49"":2731}" +"109","diario del alto aragon","https://www.diariodelaltoaragon.es/","es","130779","89405","3097360637","{""cat,spa"":3,""eng,spa"":1,""fra,spa"":3,""spa"":129358,""spa,aka"":3,""spa,cat"":466,""spa,cat,eng"":5,""spa,cat,fra"":1,""spa,cat,oci"":1,""spa,dan"":11,""spa,deu"":2,""spa,eng"":669,""spa,eng,cat"":4,""spa,eng,eus"":1,""spa,eng,fra"":1,""spa,eng,lat"":1,""spa,eus"":22,""spa,fra"":49,""spa,fra,eng"":2,""spa,fry"":3,""spa,grn"":33,""spa,hun"":2,""spa,ile"":1,""spa,ina"":5,""spa,ind"":13,""spa,ita"":8,""spa,lat"":21,""spa,lat,eng"":1,""spa,nno"":1,""spa,oci"":18,""spa,oci,fra"":1,""spa,ron"":2,""spa,smo"":1,""spa,swe"":1,""spa,tuk"":2,""spa,war"":4}","{""application/octet-stream"":3,""application/pdf"":16,""application/rss+xml"":33,""application/xhtml+xml"":53359,""image/jpeg"":1,""text/html"":77367}","{""2020"":46595,""2021"":84184}","{""CC-MAIN-2020-05"":4629,""CC-MAIN-2020-10"":4814,""CC-MAIN-2020-16"":2382,""CC-MAIN-2020-24"":6918,""CC-MAIN-2020-29"":5449,""CC-MAIN-2020-34"":7303,""CC-MAIN-2020-40"":7272,""CC-MAIN-2020-45"":4267,""CC-MAIN-2020-50"":3561,""CC-MAIN-2021-04"":6571,""CC-MAIN-2021-10"":259,""CC-MAIN-2021-17"":21611,""CC-MAIN-2021-21"":9949,""CC-MAIN-2021-25"":9593,""CC-MAIN-2021-31"":16996,""CC-MAIN-2021-39"":12749,""CC-MAIN-2021-43"":2457,""CC-MAIN-2021-49"":3999}" +"318","diario voces","http://diariovoces.com.pe/","es","9228","6655","116983670","{""eng"":182,""eng,spa"":11,""spa"":8895,""spa,dan"":20,""spa,eng"":39,""spa,fra,fij"":1,""spa,ind"":2,""spa,lat"":1,""spa,nld"":1,""spa,que"":3,""spa,war"":72}","{""application/pdf"":1,""application/xhtml+xml"":29,""text/html"":9198}","{""2020"":4243,""2021"":4985}","{""CC-MAIN-2020-05"":675,""CC-MAIN-2020-10"":431,""CC-MAIN-2020-16"":295,""CC-MAIN-2020-24"":571,""CC-MAIN-2020-29"":420,""CC-MAIN-2020-34"":535,""CC-MAIN-2020-40"":448,""CC-MAIN-2020-45"":293,""CC-MAIN-2020-50"":575,""CC-MAIN-2021-04"":365,""CC-MAIN-2021-10"":105,""CC-MAIN-2021-17"":127,""CC-MAIN-2021-21"":254,""CC-MAIN-2021-25"":329,""CC-MAIN-2021-31"":552,""CC-MAIN-2021-39"":889,""CC-MAIN-2021-43"":1057,""CC-MAIN-2021-49"":1307}" +"338","red uno","https://www.reduno.com.bo/","es","12371","10038","263924128","{""rus,spa"":1,""spa"":11969,""spa,cat"":1,""spa,dan"":5,""spa,dan,eng"":1,""spa,deu"":2,""spa,ell,eng"":1,""spa,eng"":373,""spa,eng,fra"":1,""spa,eng,oci"":1,""spa,eng,tur"":1,""spa,fra"":1,""spa,grn"":4,""spa,ina"":2,""spa,ind"":1,""spa,ita"":2,""spa,rus"":1,""spa,rus,eng"":1,""spa,war"":3}","{""text/html"":12371}","{""2020"":7921,""2021"":4450}","{""CC-MAIN-2020-05"":870,""CC-MAIN-2020-10"":803,""CC-MAIN-2020-16"":348,""CC-MAIN-2020-24"":959,""CC-MAIN-2020-29"":1908,""CC-MAIN-2020-34"":929,""CC-MAIN-2020-40"":882,""CC-MAIN-2020-45"":483,""CC-MAIN-2020-50"":739,""CC-MAIN-2021-04"":727,""CC-MAIN-2021-10"":426,""CC-MAIN-2021-17"":357,""CC-MAIN-2021-21"":375,""CC-MAIN-2021-25"":754,""CC-MAIN-2021-31"":481,""CC-MAIN-2021-39"":423,""CC-MAIN-2021-43"":202,""CC-MAIN-2021-49"":705}" +"143","riesed","http://www.riesed.org/","es","1524","850","31659270","{""eng"":174,""eng,glg"":6,""eng,spa"":91,""glg"":21,""glg,eng"":12,""spa"":650,""spa,cat"":3,""spa,deu"":2,""spa,eng"":268,""spa,eng,cat"":2,""spa,eng,deu"":5,""spa,eng,ita"":5,""spa,fra,cat"":2,""spa,fra,eng"":1}","{""application/pdf"":46,""application/x-bibtex-text-file"":51,""text/html"":1370,""text/plain"":57}","{""2020"":1059,""2021"":465}","{""CC-MAIN-2020-05"":46,""CC-MAIN-2020-10"":279,""CC-MAIN-2020-16"":236,""CC-MAIN-2020-24"":224,""CC-MAIN-2020-29"":88,""CC-MAIN-2020-34"":78,""CC-MAIN-2020-40"":43,""CC-MAIN-2020-45"":27,""CC-MAIN-2020-50"":38,""CC-MAIN-2021-04"":35,""CC-MAIN-2021-10"":114,""CC-MAIN-2021-17"":49,""CC-MAIN-2021-21"":54,""CC-MAIN-2021-25"":12,""CC-MAIN-2021-31"":6,""CC-MAIN-2021-39"":42,""CC-MAIN-2021-43"":107,""CC-MAIN-2021-49"":46}" +"194","bolpress","https://www.bolpress.com/","es","20040","5257","327690161","{""eng"":1,""eng,spa"":14,""spa"":19249,""spa,aym"":1,""spa,dan"":62,""spa,dan,eng"":1,""spa,deu"":15,""spa,eng"":627,""spa,eng,fra"":1,""spa,epo"":1,""spa,fra"":13,""spa,grn"":43,""spa,grn,eng"":2,""spa,ind"":1,""spa,ita"":1,""spa,lat"":2}","{""application/pdf"":4,""application/rss+xml"":2,""application/xhtml+xml"":17,""text/html"":20017}","{""2020"":6386,""2021"":13654}","{""CC-MAIN-2020-05"":907,""CC-MAIN-2020-10"":665,""CC-MAIN-2020-16"":855,""CC-MAIN-2020-24"":1198,""CC-MAIN-2020-29"":686,""CC-MAIN-2020-34"":818,""CC-MAIN-2020-40"":468,""CC-MAIN-2020-45"":525,""CC-MAIN-2020-50"":264,""CC-MAIN-2021-04"":2298,""CC-MAIN-2021-10"":305,""CC-MAIN-2021-17"":2724,""CC-MAIN-2021-21"":815,""CC-MAIN-2021-25"":371,""CC-MAIN-2021-31"":2705,""CC-MAIN-2021-39"":1449,""CC-MAIN-2021-43"":2568,""CC-MAIN-2021-49"":419}" +"409","proceso","https://www.proceso.com.mx/","es","346733","296296","4867479996","{""eng"":1,""eng,spa"":433,""spa"":338240,""spa,ara"":4,""spa,cat"":68,""spa,cat,eng"":1,""spa,dan"":185,""spa,dan,eng"":3,""spa,dan,oci"":1,""spa,deu"":17,""spa,ell"":1,""spa,eng"":7049,""spa,eng,cat"":2,""spa,eng,dan"":4,""spa,eng,fas"":1,""spa,eng,fra"":3,""spa,eng,grn"":2,""spa,eng,jpn"":1,""spa,eng,san"":1,""spa,fas"":1,""spa,fra"":51,""spa,fra,eng"":3,""spa,grn"":108,""spa,grn,eng"":3,""spa,heb"":3,""spa,ina"":4,""spa,ind"":11,""spa,ita"":89,""spa,ita,eng"":2,""spa,jpn"":1,""spa,jpn,eng"":1,""spa,lat"":3,""spa,lat,eng"":2,""spa,nld"":5,""spa,nld,deu"":1,""spa,oci"":1,""spa,pol"":3,""spa,rus"":1,""spa,srp"":2,""spa,swe"":1,""spa,tur"":4,""spa,war"":71,""spa,wol"":3,""spa,zho"":2}","{""application/atom+xml"":336,""application/octet-stream"":1,""application/rss+xml"":1,""text/html"":346393,""text/plain"":2}","{""2020"":109152,""2021"":237581}","{""CC-MAIN-2020-05"":6092,""CC-MAIN-2020-10"":10630,""CC-MAIN-2020-16"":8389,""CC-MAIN-2020-24"":9916,""CC-MAIN-2020-29"":11699,""CC-MAIN-2020-34"":11862,""CC-MAIN-2020-40"":12088,""CC-MAIN-2020-45"":11080,""CC-MAIN-2020-50"":27396,""CC-MAIN-2021-04"":27466,""CC-MAIN-2021-10"":26854,""CC-MAIN-2021-17"":26530,""CC-MAIN-2021-21"":26440,""CC-MAIN-2021-25"":26684,""CC-MAIN-2021-31"":26533,""CC-MAIN-2021-39"":25250,""CC-MAIN-2021-43"":26166,""CC-MAIN-2021-49"":25658}" +"161","elmercuriodigital","http://www.elmercuriodigital.net/","es","15578","8767","503372920","{""eng,spa"":4,""spa"":15036,""spa,ara"":1,""spa,cat"":73,""spa,cat,eus"":1,""spa,ces"":1,""spa,dan"":5,""spa,deu"":2,""spa,eng"":366,""spa,eng,grn"":1,""spa,eng,rus"":1,""spa,eus"":1,""spa,fas"":1,""spa,fra"":13,""spa,grn"":26,""spa,hat"":2,""spa,ind"":1,""spa,lat"":1,""spa,lin"":1,""spa,msa"":1,""spa,que"":2,""spa,ron"":4,""spa,rus"":2,""spa,slk"":1,""spa,war"":1}","{""application/atom+xml"":29,""application/rss+xml"":1,""application/xhtml+xml"":15548}","{""2020"":7216,""2021"":8362}","{""CC-MAIN-2020-05"":942,""CC-MAIN-2020-10"":695,""CC-MAIN-2020-16"":462,""CC-MAIN-2020-24"":1480,""CC-MAIN-2020-29"":1005,""CC-MAIN-2020-34"":1504,""CC-MAIN-2020-40"":421,""CC-MAIN-2020-45"":379,""CC-MAIN-2020-50"":328,""CC-MAIN-2021-04"":473,""CC-MAIN-2021-10"":218,""CC-MAIN-2021-17"":260,""CC-MAIN-2021-21"":465,""CC-MAIN-2021-25"":352,""CC-MAIN-2021-31"":1805,""CC-MAIN-2021-39"":2949,""CC-MAIN-2021-43"":1236,""CC-MAIN-2021-49"":604}" +"175","reuters (latin america)","http://lta.reuters.com/","es","88011","76278","3653402084","{""cat"":74,""cat,oci"":3,""dan"":3,""eng"":2999,""eng,cat"":19,""eng,fra"":1,""eng,ina"":1,""eng,ind"":2,""eng,lat"":1,""eng,oci"":16,""eng,roh"":1,""eng,spa"":18901,""eng,spa,cat"":4,""eng,spa,dan"":18,""eng,spa,deu"":1,""eng,spa,grn"":4,""eng,spa,ina"":1,""eng,spa,ita"":4,""eng,spa,msa"":51,""eng,spa,oci"":15,""eng,spa,sco"":1,""eng,spa,war"":1,""fra"":1,""ina"":2,""ita"":4,""jpn,eng"":3,""oci"":94,""oci,cat"":1,""spa"":3171,""spa,cat"":63,""spa,dan"":3,""spa,dan,eng"":2,""spa,eng"":58038,""spa,eng,afr"":1,""spa,eng,bos"":2,""spa,eng,cat"":32,""spa,eng,dan"":73,""spa,eng,deu"":1,""spa,eng,eus"":2,""spa,eng,fin"":2,""spa,eng,grn"":76,""spa,eng,ita"":2,""spa,eng,jav"":1,""spa,eng,mlg"":1,""spa,eng,msa"":5,""spa,eng,nor"":2,""spa,eng,oci"":13,""spa,eng,pol"":1,""spa,eng,war"":6,""spa,fra"":1,""spa,ile"":1,""spa,ind"":2,""spa,isl"":1,""spa,ita"":2,""spa,msa"":1,""spa,oci"":77,""spa,oci,ita"":1,""spa,pol"":1,""spa,war"":2,""war"":2}","{""image/png"":5,""text/html"":88006}","{""2020"":88008,""2021"":3}","{""CC-MAIN-2020-05"":5502,""CC-MAIN-2020-10"":10079,""CC-MAIN-2020-16"":7683,""CC-MAIN-2020-24"":14582,""CC-MAIN-2020-29"":13958,""CC-MAIN-2020-34"":11317,""CC-MAIN-2020-40"":8190,""CC-MAIN-2020-45"":8178,""CC-MAIN-2020-50"":8519,""CC-MAIN-2021-25"":1,""CC-MAIN-2021-39"":1,""CC-MAIN-2021-43"":1}" +"121","upi -spanish","https://espanol.upi.com/","es","831","477","4717209","{""eng"":31,""eng,spa"":2,""spa"":624,""spa,eng"":174}","{""text/html"":831}","{""2020"":764,""2021"":67}","{""CC-MAIN-2020-05"":104,""CC-MAIN-2020-10"":140,""CC-MAIN-2020-16"":99,""CC-MAIN-2020-24"":260,""CC-MAIN-2020-29"":89,""CC-MAIN-2020-34"":45,""CC-MAIN-2020-40"":20,""CC-MAIN-2020-45"":4,""CC-MAIN-2020-50"":3,""CC-MAIN-2021-04"":4,""CC-MAIN-2021-10"":6,""CC-MAIN-2021-17"":4,""CC-MAIN-2021-21"":8,""CC-MAIN-2021-25"":5,""CC-MAIN-2021-31"":7,""CC-MAIN-2021-39"":12,""CC-MAIN-2021-43"":9,""CC-MAIN-2021-49"":12}" +"269","eapc","https://eapc.blog.gencat.cat/","es","7579","2548","175855801","{""cat"":1273,""cat,eng"":4265,""cat,eng,fra"":2,""cat,eng,spa"":188,""cat,fra"":3,""cat,oci"":6,""cat,oci,eng"":1,""cat,spa"":868,""cat,spa,eng"":416,""cat,spa,fra"":4,""eng,cat"":183,""eng,cat,fra"":1,""eng,cat,spa"":4,""fra,cat"":4,""fra,cat,eng"":16,""oci,cat"":12,""oci,cat,eng"":27,""spa,cat"":138,""spa,cat,eng"":166}","{""application/pdf"":1,""application/rss+xml"":1,""text/html"":7577}","{""2020"":3768,""2021"":3811}","{""CC-MAIN-2020-05"":191,""CC-MAIN-2020-10"":752,""CC-MAIN-2020-16"":631,""CC-MAIN-2020-24"":242,""CC-MAIN-2020-29"":392,""CC-MAIN-2020-34"":650,""CC-MAIN-2020-40"":387,""CC-MAIN-2020-45"":287,""CC-MAIN-2020-50"":236,""CC-MAIN-2021-04"":337,""CC-MAIN-2021-10"":344,""CC-MAIN-2021-17"":331,""CC-MAIN-2021-21"":335,""CC-MAIN-2021-25"":294,""CC-MAIN-2021-31"":446,""CC-MAIN-2021-39"":286,""CC-MAIN-2021-43"":519,""CC-MAIN-2021-49"":919}" +"491","Personal blog","https://www.thewackyduo.com/","en","18677","4122","1179076177","{""eng"":18205,""eng,dan"":46,""eng,ind"":6,""eng,jpn"":7,""eng,msa"":23,""eng,zho"":26}","{""application/atom+xml"":364,""application/xhtml+xml"":18313}","{""2020"":7522,""2021"":11155}","{""CC-MAIN-2020-05"":647,""CC-MAIN-2020-10"":496,""CC-MAIN-2020-16"":506,""CC-MAIN-2020-24"":801,""CC-MAIN-2020-29"":1061,""CC-MAIN-2020-34"":1030,""CC-MAIN-2020-40"":1470,""CC-MAIN-2020-45"":941,""CC-MAIN-2020-50"":570,""CC-MAIN-2021-04"":1778,""CC-MAIN-2021-10"":1068,""CC-MAIN-2021-17"":1701,""CC-MAIN-2021-21"":814,""CC-MAIN-2021-25"":397,""CC-MAIN-2021-31"":2197,""CC-MAIN-2021-39"":745,""CC-MAIN-2021-43"":2193,""CC-MAIN-2021-49"":262}" +"503","News outlet","https://www.zaobao.com.sg/","zh","338015","285642","14277246483","{""eng,zho"":12,""zho"":323878,""zho,ces"":8,""zho,ces,eng"":1,""zho,dan"":11,""zho,deu"":2,""zho,eng"":13862,""zho,eng,dan"":5,""zho,eng,fra"":2,""zho,eng,ind"":1,""zho,eng,jpn"":4,""zho,eng,kor"":7,""zho,eng,msa"":1,""zho,fra"":5,""zho,grn"":1,""zho,hrv"":5,""zho,ind"":2,""zho,ind,eng"":2,""zho,ita"":1,""zho,jpn"":98,""zho,jpn,eng"":3,""zho,kin"":3,""zho,kor"":19,""zho,kor,eng"":7,""zho,kor,sun"":1,""zho,mri"":2,""zho,msa"":37,""zho,msa,eng"":1,""zho,nld"":1,""zho,nno"":2,""zho,por"":1,""zho,ron"":1,""zho,slk"":1,""zho,srp"":6,""zho,swe"":2,""zho,vie"":2,""zho,zul"":1}","{""application/pdf"":1,""application/rss+xml"":1,""application/xhtml+xml"":146,""application/zip"":3,""text/html"":337864}","{""2020"":160321,""2021"":177694}","{""CC-MAIN-2020-05"":8078,""CC-MAIN-2020-10"":27476,""CC-MAIN-2020-16"":21027,""CC-MAIN-2020-24"":22514,""CC-MAIN-2020-29"":18171,""CC-MAIN-2020-34"":23402,""CC-MAIN-2020-40"":19633,""CC-MAIN-2020-45"":9924,""CC-MAIN-2020-50"":10096,""CC-MAIN-2021-04"":19597,""CC-MAIN-2021-10"":27761,""CC-MAIN-2021-17"":19730,""CC-MAIN-2021-21"":22510,""CC-MAIN-2021-25"":23891,""CC-MAIN-2021-31"":22973,""CC-MAIN-2021-39"":24381,""CC-MAIN-2021-43"":8559,""CC-MAIN-2021-49"":8292}" +"339","acta sanitaria","https://www.actasanitaria.com/","es","195582","56398","3696776838","{""cat,spa,eng"":39,""eng"":15,""eng,fra"":3,""eng,spa"":4113,""eng,spa,cat"":26,""eng,spa,deu"":81,""eng,spa,fra"":6,""fra,eng,spa"":1,""fra,spa,eng"":7,""spa,cat"":1,""spa,cat,eng"":1427,""spa,eng"":183767,""spa,eng,cat"":5034,""spa,eng,deu"":76,""spa,eng,eus"":123,""spa,eng,fra"":178,""spa,eng,grn"":212,""spa,eng,ind"":2,""spa,eng,ita"":8,""spa,eng,mfe"":42,""spa,eng,nor"":57,""spa,eng,oci"":12,""spa,eng,pol"":1,""spa,eng,war"":4,""spa,nor,eng"":26}","{""application/pdf"":319,""application/vnd.ms-powerpoint"":1,""image/jpeg"":1,""text/html"":195261}","{""2020"":116351,""2021"":79231}","{""CC-MAIN-2020-05"":17927,""CC-MAIN-2020-10"":7866,""CC-MAIN-2020-16"":7957,""CC-MAIN-2020-24"":7134,""CC-MAIN-2020-29"":11412,""CC-MAIN-2020-34"":16723,""CC-MAIN-2020-40"":16468,""CC-MAIN-2020-45"":20190,""CC-MAIN-2020-50"":10674,""CC-MAIN-2021-04"":16239,""CC-MAIN-2021-10"":14967,""CC-MAIN-2021-17"":14316,""CC-MAIN-2021-21"":11390,""CC-MAIN-2021-25"":2680,""CC-MAIN-2021-31"":6312,""CC-MAIN-2021-39"":3382,""CC-MAIN-2021-43"":6175,""CC-MAIN-2021-49"":3770}" +"35","tiempo","https://www.tiempo.com/","es","210464","111756","17482955256","{""cat,spa"":15,""ces,spa"":1,""cos,spa,ita"":1,""dan,spa,eng"":3,""deu,spa"":3,""eng"":47,""eng,spa"":49,""eng,spa,fra"":1,""eng,spa,hrv"":1,""eng,spa,war"":1,""eus"":7,""fra"":1,""fra,spa"":11,""fra,spa,eng"":5,""ita,spa"":2,""nld,spa"":4,""pol,spa"":1,""ron,spa"":1,""spa"":181424,""spa,bos"":45,""spa,bre"":33,""spa,cat"":5016,""spa,cat,eng"":31,""spa,cat,nno"":7,""spa,cat,oci"":10,""spa,cat,slk"":1,""spa,cat,smo"":1,""spa,ces"":905,""spa,ces,eng"":11,""spa,cos"":57,""spa,cos,eng"":2,""spa,cos,ita"":1,""spa,cym"":4,""spa,dan"":87,""spa,dan,eng"":4,""spa,deu"":770,""spa,deu,eng"":16,""spa,deu,war"":3,""spa,ell"":15,""spa,eng"":6478,""spa,eng,ara"":3,""spa,eng,bos"":2,""spa,eng,bre"":1,""spa,eng,cat"":11,""spa,eng,ces"":9,""spa,eng,cos"":5,""spa,eng,dan"":8,""spa,eng,deu"":16,""spa,eng,eus"":2,""spa,eng,fra"":100,""spa,eng,grn"":3,""spa,eng,haw"":1,""spa,eng,hrv"":7,""spa,eng,ina"":1,""spa,eng,ita"":37,""spa,eng,jpn"":2,""spa,eng,nld"":2,""spa,eng,oci"":3,""spa,eng,ron"":6,""spa,eng,slk"":1,""spa,eng,srp"":16,""spa,eng,vol"":1,""spa,eng,war"":1,""spa,eng,zho"":1,""spa,epo"":4,""spa,eus"":467,""spa,eus,eng"":7,""spa,eus,nno"":5,""spa,fin"":130,""spa,fin,eng"":1,""spa,fra"":3207,""spa,fra,eng"":46,""spa,fra,gla"":1,""spa,fra,nno"":1,""spa,fra,nor"":2,""spa,fra,oci"":2,""spa,fra,war"":2,""spa,gle"":1,""spa,grn"":65,""spa,grn,eng"":1,""spa,grn,epo"":1,""spa,haw"":2,""spa,hrv"":808,""spa,hrv,eng"":18,""spa,hrv,nno"":22,""spa,hrv,war"":2,""spa,hun"":4,""spa,ile"":1,""spa,ina"":2,""spa,ind"":6,""spa,ind,sun"":1,""spa,isl"":17,""spa,ita"":1794,""spa,ita,cos"":3,""spa,ita,eng"":43,""spa,ita,fra"":1,""spa,ita,nno"":9,""spa,ita,slk"":11,""spa,ita,war"":1,""spa,jpn"":1,""spa,kha"":2,""spa,kha,eng"":1,""spa,lat"":3,""spa,lav"":1,""spa,lit"":1,""spa,mlg"":1,""spa,msa"":79,""spa,msa,eng"":1,""spa,nld"":2136,""spa,nld,eng"":18,""spa,nld,nno"":4,""spa,nld,slk"":9,""spa,nno"":311,""spa,nno,eng"":8,""spa,nno,hrv"":4,""spa,nno,ita"":1,""spa,nno,srp"":1,""spa,nor"":9,""spa,nor,fra"":2,""spa,oci"":69,""spa,pol"":623,""spa,pol,eng"":13,""spa,pol,slk"":9,""spa,pol,war"":1,""spa,que"":1,""spa,roh"":2,""spa,ron"":3574,""spa,ron,eng"":54,""spa,rus"":52,""spa,rus,eng"":6,""spa,san"":2,""spa,slk"":286,""spa,slk,eng"":1,""spa,slk,nld"":3,""spa,slv"":3,""spa,slv,srp"":1,""spa,smo"":1,""spa,srp"":798,""spa,srp,eng"":10,""spa,srp,nno"":2,""spa,srp,slk"":2,""spa,swe"":3,""spa,swe,eng"":1,""spa,ton"":1,""spa,tur"":33,""spa,tur,eng"":3,""spa,uzb"":1,""spa,vie"":5,""spa,vol"":2,""spa,vol,nld"":1,""spa,war"":262,""spa,war,deu"":7,""spa,war,eng"":6,""spa,war,fra"":1,""spa,war,ita"":7}","{""application/javascript"":2,""application/pdf"":12,""application/rss+xml"":7,""text/html"":210443}","{""2020"":96436,""2021"":114028}","{""CC-MAIN-2020-05"":8015,""CC-MAIN-2020-10"":16300,""CC-MAIN-2020-16"":15297,""CC-MAIN-2020-24"":15759,""CC-MAIN-2020-29"":10251,""CC-MAIN-2020-34"":8676,""CC-MAIN-2020-40"":7265,""CC-MAIN-2020-45"":7927,""CC-MAIN-2020-50"":6946,""CC-MAIN-2021-04"":9313,""CC-MAIN-2021-10"":8230,""CC-MAIN-2021-17"":11628,""CC-MAIN-2021-21"":9831,""CC-MAIN-2021-25"":8629,""CC-MAIN-2021-31"":10745,""CC-MAIN-2021-39"":15903,""CC-MAIN-2021-43"":20858,""CC-MAIN-2021-49"":18891}" +"280","salamanca rtv al día","https://salamancartvaldia.es/","es","142300","62962","3583942027","{""cat"":1,""eng,spa"":3,""hrv,spa"":2,""nld,spa"":1,""oci"":1,""spa"":140476,""spa,bos"":2,""spa,bul,ita"":2,""spa,cat"":356,""spa,cat,ita"":2,""spa,dan"":11,""spa,deu"":3,""spa,eng"":511,""spa,eng,dan"":1,""spa,eng,war"":1,""spa,eus"":5,""spa,fra"":24,""spa,grn"":12,""spa,hin,que"":2,""spa,hrv"":8,""spa,hun,est"":2,""spa,ibo"":2,""spa,ina"":29,""spa,ind"":6,""spa,ita"":31,""spa,ita,lat"":1,""spa,lat"":28,""spa,mfe"":3,""spa,mlg,heb"":2,""spa,msa"":1,""spa,msa,tur"":1,""spa,oci"":12,""spa,pol"":4,""spa,que"":1,""spa,roh"":1,""spa,ron"":4,""spa,sco"":1,""spa,sqi"":2,""spa,tur,fra"":2,""spa,war"":150,""spa,war,cat"":2,""spa,war,eng"":1,""spa,zho"":3}","{""application/pdf"":455,""application/rss+xml"":14,""application/rtf"":1,""application/x-tika-msoffice"":9,""application/x-tika-ooxml"":7,""audio/mpeg"":1,""image/jpeg"":3,""text/html"":141810}","{""2020"":83901,""2021"":58399}","{""CC-MAIN-2020-05"":6981,""CC-MAIN-2020-10"":15833,""CC-MAIN-2020-16"":5525,""CC-MAIN-2020-24"":6468,""CC-MAIN-2020-29"":10686,""CC-MAIN-2020-34"":14786,""CC-MAIN-2020-40"":9340,""CC-MAIN-2020-45"":7294,""CC-MAIN-2020-50"":6988,""CC-MAIN-2021-04"":7126,""CC-MAIN-2021-10"":7406,""CC-MAIN-2021-17"":7727,""CC-MAIN-2021-21"":6474,""CC-MAIN-2021-25"":5188,""CC-MAIN-2021-31"":7333,""CC-MAIN-2021-39"":4538,""CC-MAIN-2021-43"":8057,""CC-MAIN-2021-49"":4550}" +"419","tupolitica","https://www.tupolitica.com/","es","40780","12664","778948285","{""eng,spa"":7,""spa"":36999,""spa,eng"":3656,""spa,eng,cat"":1,""spa,eng,grn"":1,""spa,eng,war"":1,""spa,grn"":13,""spa,ina"":3,""spa,ind"":3,""spa,ita"":1,""spa,lat"":5,""spa,war"":34}","{""application/pdf"":52,""application/vnd.ms-excel"":1,""text/html"":40727}","{""2020"":16175,""2021"":24605}","{""CC-MAIN-2020-05"":586,""CC-MAIN-2020-10"":588,""CC-MAIN-2020-16"":752,""CC-MAIN-2020-24"":260,""CC-MAIN-2020-29"":613,""CC-MAIN-2020-34"":534,""CC-MAIN-2020-40"":5399,""CC-MAIN-2020-45"":3856,""CC-MAIN-2020-50"":3587,""CC-MAIN-2021-04"":1804,""CC-MAIN-2021-10"":3579,""CC-MAIN-2021-17"":2546,""CC-MAIN-2021-21"":2481,""CC-MAIN-2021-25"":3020,""CC-MAIN-2021-31"":3004,""CC-MAIN-2021-39"":2951,""CC-MAIN-2021-43"":3295,""CC-MAIN-2021-49"":1925}" +"129","global vision consulting ltd. - spanish","https://gvconsulting.com/","es","109","38","586709","{""cat"":29,""eng"":29,""spa"":51}","{""text/html"":109}","{""2020"":21,""2021"":88}","{""CC-MAIN-2020-05"":4,""CC-MAIN-2020-10"":1,""CC-MAIN-2020-16"":3,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-29"":2,""CC-MAIN-2020-34"":1,""CC-MAIN-2020-40"":4,""CC-MAIN-2020-45"":1,""CC-MAIN-2020-50"":4,""CC-MAIN-2021-04"":1,""CC-MAIN-2021-10"":3,""CC-MAIN-2021-17"":11,""CC-MAIN-2021-21"":28,""CC-MAIN-2021-25"":14,""CC-MAIN-2021-31"":26,""CC-MAIN-2021-39"":1,""CC-MAIN-2021-43"":2,""CC-MAIN-2021-49"":2}" +"220","vanguardia","http://www.vanguardia.com.mx/","es","156170","137942","3357764186","{""eng,spa"":15,""rus,spa"":1,""spa"":146734,""spa,ara"":3,""spa,ara,eng"":1,""spa,cat"":33,""spa,cat,eng"":1,""spa,ces,eng"":1,""spa,dan"":41,""spa,dan,eng"":2,""spa,dan,fra"":1,""spa,dan,nld"":1,""spa,deu"":15,""spa,deu,eng"":3,""spa,deu,fra"":1,""spa,eng"":8600,""spa,eng,bos"":2,""spa,eng,cat"":3,""spa,eng,dan"":3,""spa,eng,deu"":4,""spa,eng,fra"":12,""spa,eng,heb"":1,""spa,eng,ita"":4,""spa,eng,jpn"":5,""spa,eng,lat"":1,""spa,eng,nld"":1,""spa,eng,nor"":2,""spa,eng,rus"":2,""spa,eng,swe"":1,""spa,eus"":5,""spa,fas"":1,""spa,fas,eng"":1,""spa,fra"":48,""spa,fra,eng"":7,""spa,fra,eus"":1,""spa,grn"":35,""spa,hrv"":1,""spa,ina"":16,""spa,ind"":9,""spa,isl"":2,""spa,ita"":55,""spa,ita,eng"":6,""spa,jav"":1,""spa,jpn"":4,""spa,jpn,ara"":1,""spa,jpn,eng"":1,""spa,kaz,rus"":1,""spa,kor,eng"":4,""spa,lat"":8,""spa,lat,eng"":1,""spa,mlg"":1,""spa,msa"":3,""spa,nld"":12,""spa,nor"":2,""spa,pol"":2,""spa,ron"":2,""spa,rus"":3,""spa,rus,eng"":2,""spa,slk"":1,""spa,smo"":1,""spa,srp"":4,""spa,swe"":2,""spa,tha"":1,""spa,tur"":10,""spa,ukr"":1,""spa,war"":16}","{""application/octet-stream"":16,""application/pdf"":200,""application/rss+xml"":6,""text/html"":155948}","{""2020"":80983,""2021"":75187}","{""CC-MAIN-2020-05"":8087,""CC-MAIN-2020-10"":9513,""CC-MAIN-2020-16"":6960,""CC-MAIN-2020-24"":8979,""CC-MAIN-2020-29"":9088,""CC-MAIN-2020-34"":9398,""CC-MAIN-2020-40"":10336,""CC-MAIN-2020-45"":9488,""CC-MAIN-2020-50"":9134,""CC-MAIN-2021-04"":9515,""CC-MAIN-2021-10"":9043,""CC-MAIN-2021-17"":9116,""CC-MAIN-2021-21"":8953,""CC-MAIN-2021-25"":9131,""CC-MAIN-2021-31"":8123,""CC-MAIN-2021-39"":6656,""CC-MAIN-2021-43"":7479,""CC-MAIN-2021-49"":7171}" +"15","mispeces","https://www.mispeces.com/","es","2629","1982","30104760","{""eng,spa"":2,""glg"":3,""spa"":1774,""spa,cat"":9,""spa,dan,eng"":1,""spa,eng"":822,""spa,eng,cat"":1,""spa,eng,dan"":7,""spa,eng,fra"":1,""spa,eng,lat"":1,""spa,fra,eng"":1,""spa,ita"":2,""spa,lat"":2,""spa,oci"":1}","{""application/pdf"":2,""application/xhtml+xml"":534,""text/html"":2093}","{""2020"":1305,""2021"":1324}","{""CC-MAIN-2020-05"":232,""CC-MAIN-2020-10"":181,""CC-MAIN-2020-16"":120,""CC-MAIN-2020-24"":13,""CC-MAIN-2020-29"":172,""CC-MAIN-2020-34"":112,""CC-MAIN-2020-40"":163,""CC-MAIN-2020-45"":86,""CC-MAIN-2020-50"":226,""CC-MAIN-2021-04"":151,""CC-MAIN-2021-10"":141,""CC-MAIN-2021-17"":177,""CC-MAIN-2021-21"":88,""CC-MAIN-2021-25"":122,""CC-MAIN-2021-31"":155,""CC-MAIN-2021-39"":171,""CC-MAIN-2021-43"":41,""CC-MAIN-2021-49"":278}" +"166","montevideo","http://www.montevideo.com.uy/","es","23984","16160","324398432","{""eng"":6,""eng,spa"":1,""spa"":23375,""spa,cat"":3,""spa,cos"":1,""spa,dan"":2,""spa,eng"":447,""spa,eng,fry"":1,""spa,eng,grn"":5,""spa,fin"":1,""spa,fra"":1,""spa,fry"":4,""spa,grn"":27,""spa,ita"":2,""spa,lat"":1,""spa,nld"":1}","{""application/pdf"":2,""application/rss+xml"":25,""application/x-shockwave-flash"":5,""application/xhtml+xml"":62,""text/html"":23890}","{""2020"":9561,""2021"":14423}","{""CC-MAIN-2020-05"":1078,""CC-MAIN-2020-10"":909,""CC-MAIN-2020-16"":587,""CC-MAIN-2020-24"":1767,""CC-MAIN-2020-29"":1556,""CC-MAIN-2020-34"":1095,""CC-MAIN-2020-40"":945,""CC-MAIN-2020-45"":606,""CC-MAIN-2020-50"":1018,""CC-MAIN-2021-04"":1257,""CC-MAIN-2021-10"":736,""CC-MAIN-2021-17"":1129,""CC-MAIN-2021-21"":2335,""CC-MAIN-2021-25"":1642,""CC-MAIN-2021-31"":1381,""CC-MAIN-2021-39"":1661,""CC-MAIN-2021-43"":2425,""CC-MAIN-2021-49"":1857}" +"364","crónica uno - periodismo de interés público desde venezuela","https://cronica.uno/","es","12909","8944","458711970","{""eng"":1,""eng,spa"":9,""spa"":9151,""spa,cat"":4,""spa,eng"":3713,""spa,eng,grn"":2,""spa,eng,slv"":2,""spa,eng,war"":3,""spa,grn"":3,""spa,ile"":1,""spa,slv"":1,""spa,war"":2}","{""text/html"":12909}","{""2020"":5754,""2021"":7155}","{""CC-MAIN-2020-05"":252,""CC-MAIN-2020-10"":559,""CC-MAIN-2020-16"":314,""CC-MAIN-2020-24"":833,""CC-MAIN-2020-29"":1096,""CC-MAIN-2020-34"":1222,""CC-MAIN-2020-40"":776,""CC-MAIN-2020-45"":592,""CC-MAIN-2020-50"":110,""CC-MAIN-2021-04"":844,""CC-MAIN-2021-10"":386,""CC-MAIN-2021-17"":615,""CC-MAIN-2021-21"":665,""CC-MAIN-2021-25"":416,""CC-MAIN-2021-31"":595,""CC-MAIN-2021-39"":578,""CC-MAIN-2021-43"":987,""CC-MAIN-2021-49"":2069}" +"135","noticias ambientales","https://noticiasambientales.com/","es","36526","14958","800099965","{""eng"":12,""eng,spa"":1,""spa"":35866,""spa,cat"":37,""spa,dan"":6,""spa,eng"":508,""spa,fra"":3,""spa,grn"":61,""spa,ind"":3,""spa,jpn"":2,""spa,lat"":1,""spa,msa"":1,""spa,que"":2,""spa,rus"":10,""spa,rus,eng"":1,""spa,rus,srp"":6,""spa,swe"":3,""spa,vol"":1,""spa,war"":1,""spa,zho"":1}","{""text/html"":36526}","{""2020"":10421,""2021"":26105}","{""CC-MAIN-2020-05"":752,""CC-MAIN-2020-10"":643,""CC-MAIN-2020-16"":536,""CC-MAIN-2020-24"":740,""CC-MAIN-2020-29"":954,""CC-MAIN-2020-34"":623,""CC-MAIN-2020-40"":2019,""CC-MAIN-2020-45"":2183,""CC-MAIN-2020-50"":1971,""CC-MAIN-2021-04"":3263,""CC-MAIN-2021-10"":2687,""CC-MAIN-2021-17"":4316,""CC-MAIN-2021-21"":2307,""CC-MAIN-2021-25"":2414,""CC-MAIN-2021-31"":3048,""CC-MAIN-2021-39"":2877,""CC-MAIN-2021-43"":3072,""CC-MAIN-2021-49"":2121}" +"85","sarriguren web","https://sarrigurenweb.com/","es","2227","1307","45224211","{""eng"":1,""eng,spa"":1,""spa"":2159,""spa,cat"":1,""spa,eng"":13,""spa,eus"":40,""spa,oci"":2}","{""image/jpeg"":10,""text/html"":2217}","{""2020"":1149,""2021"":1078}","{""CC-MAIN-2020-05"":109,""CC-MAIN-2020-10"":132,""CC-MAIN-2020-16"":100,""CC-MAIN-2020-24"":228,""CC-MAIN-2020-29"":177,""CC-MAIN-2020-34"":165,""CC-MAIN-2020-40"":108,""CC-MAIN-2020-45"":5,""CC-MAIN-2020-50"":125,""CC-MAIN-2021-04"":82,""CC-MAIN-2021-10"":103,""CC-MAIN-2021-17"":65,""CC-MAIN-2021-21"":89,""CC-MAIN-2021-25"":79,""CC-MAIN-2021-31"":158,""CC-MAIN-2021-39"":413,""CC-MAIN-2021-43"":60,""CC-MAIN-2021-49"":29}" +"107","puerto canarias","https://puertocanarias.com/index.php/es","es","1312","933","13497757","{""spa"":850,""spa,eng"":456,""spa,fra,eng"":3,""spa,grn,eng"":2}","{""application/rss+xml"":1,""text/html"":1311}","{""2020"":1061,""2021"":251}","{""CC-MAIN-2020-05"":42,""CC-MAIN-2020-10"":44,""CC-MAIN-2020-16"":65,""CC-MAIN-2020-24"":30,""CC-MAIN-2020-29"":46,""CC-MAIN-2020-34"":699,""CC-MAIN-2020-40"":23,""CC-MAIN-2020-45"":30,""CC-MAIN-2020-50"":82,""CC-MAIN-2021-04"":37,""CC-MAIN-2021-10"":7,""CC-MAIN-2021-17"":12,""CC-MAIN-2021-25"":54,""CC-MAIN-2021-31"":12,""CC-MAIN-2021-39"":52,""CC-MAIN-2021-43"":67,""CC-MAIN-2021-49"":10}" +"293","sercano - servicio centroamericano de noticias","http://www.sercano.com/","es","11110","5232","220290176","{""eng"":10,""spa"":642,""spa,cat,eng"":15,""spa,dan,eng"":1,""spa,eng"":9777,""spa,eng,cat"":1,""spa,eng,dan"":2,""spa,eng,grn"":235,""spa,eng,heb"":1,""spa,eng,ita"":3,""spa,eng,lat"":6,""spa,fra,eng"":4,""spa,grn"":59,""spa,grn,eng"":352,""spa,lat,eng"":1,""spa,rus,eng"":1}","{""text/html"":11110}","{""2020"":6552,""2021"":4558}","{""CC-MAIN-2020-05"":674,""CC-MAIN-2020-10"":747,""CC-MAIN-2020-16"":654,""CC-MAIN-2020-24"":669,""CC-MAIN-2020-29"":722,""CC-MAIN-2020-34"":1129,""CC-MAIN-2020-40"":848,""CC-MAIN-2020-45"":835,""CC-MAIN-2020-50"":274,""CC-MAIN-2021-04"":355,""CC-MAIN-2021-10"":361,""CC-MAIN-2021-17"":344,""CC-MAIN-2021-21"":1011,""CC-MAIN-2021-25"":484,""CC-MAIN-2021-31"":360,""CC-MAIN-2021-39"":1435,""CC-MAIN-2021-43"":132,""CC-MAIN-2021-49"":76}" +"33","pld","https://prd.org.do/","es","146","73","2415859","{""spa"":139,""spa,eng"":1}","{""application/pdf"":2,""application/rss+xml"":4,""application/xhtml+xml"":3,""text/html"":137}","{""2020"":146}","{""CC-MAIN-2020-05"":20,""CC-MAIN-2020-10"":15,""CC-MAIN-2020-16"":26,""CC-MAIN-2020-24"":21,""CC-MAIN-2020-29"":33,""CC-MAIN-2020-34"":18,""CC-MAIN-2020-40"":13}" +"237","el cronista","http://www.cronista.com/","es","263548","149864","10056040565","{""eng,spa"":11,""glg"":8,""spa"":207645,""spa,cat"":34,""spa,cat,deu"":1,""spa,cat,eng"":3,""spa,cos"":4,""spa,dan"":53,""spa,dan,eng"":1,""spa,dan,ita"":1,""spa,deu"":12,""spa,deu,eng"":8,""spa,eng"":55338,""spa,eng,cat"":11,""spa,eng,ces"":4,""spa,eng,dan"":5,""spa,eng,deu"":1,""spa,eng,fin"":6,""spa,eng,fra"":24,""spa,eng,grn"":16,""spa,eng,ina"":1,""spa,eng,ind"":3,""spa,eng,ita"":11,""spa,eng,mfe"":3,""spa,eng,nld"":2,""spa,eng,roh"":1,""spa,eng,som"":1,""spa,eng,swe"":1,""spa,eng,tuk"":1,""spa,eng,war"":2,""spa,epo"":1,""spa,fra"":31,""spa,fra,eng"":3,""spa,grn"":64,""spa,grn,eng"":2,""spa,hin"":1,""spa,hun"":2,""spa,ile"":1,""spa,ina"":19,""spa,ind"":7,""spa,ita"":60,""spa,ita,eng"":2,""spa,jpn,eng"":2,""spa,lat"":7,""spa,mfe"":6,""spa,nld"":5,""spa,nld,eng"":1,""spa,nno"":6,""spa,nor"":1,""spa,oci"":4,""spa,roh"":3,""spa,rus"":3,""spa,rus,eng"":1,""spa,san"":4,""spa,san,eng"":1,""spa,som"":1,""spa,srp"":1,""spa,swa"":5,""spa,tha"":1,""spa,vol"":1,""spa,war"":7}","{""application/pdf"":79,""application/xhtml+xml"":9,""image/jpeg"":1,""text/html"":263459}","{""2020"":139928,""2021"":123620}","{""CC-MAIN-2020-05"":18257,""CC-MAIN-2020-10"":7835,""CC-MAIN-2020-16"":8553,""CC-MAIN-2020-24"":7610,""CC-MAIN-2020-29"":16452,""CC-MAIN-2020-34"":17106,""CC-MAIN-2020-40"":18809,""CC-MAIN-2020-45"":22512,""CC-MAIN-2020-50"":22794,""CC-MAIN-2021-04"":21448,""CC-MAIN-2021-10"":14895,""CC-MAIN-2021-17"":12933,""CC-MAIN-2021-21"":12516,""CC-MAIN-2021-25"":8553,""CC-MAIN-2021-31"":7034,""CC-MAIN-2021-39"":13065,""CC-MAIN-2021-43"":16895,""CC-MAIN-2021-49"":16281}" +"324","gestión","http://gestion.pe/","es","145091","104038","4429035065","{""eng,spa"":33,""spa"":138306,""spa,cat"":16,""spa,dan"":1887,""spa,dan,eng"":18,""spa,deu"":3,""spa,eng"":4648,""spa,eng,dan"":11,""spa,eng,ina"":8,""spa,eng,roh"":5,""spa,eng,war"":1,""spa,epo"":2,""spa,fra"":8,""spa,grn"":75,""spa,grn,eng"":2,""spa,ita"":7,""spa,ita,dan"":2,""spa,ita,eng"":1,""spa,jpn"":1,""spa,jpn,eng"":2,""spa,lat"":2,""spa,msa"":1,""spa,nld"":2,""spa,pol"":3,""spa,sco"":1,""spa,som"":2,""spa,tgl"":1,""spa,war"":42}","{""image/jpeg"":1,""text/html"":145090}","{""2020"":63214,""2021"":81877}","{""CC-MAIN-2020-05"":4995,""CC-MAIN-2020-10"":8225,""CC-MAIN-2020-16"":5868,""CC-MAIN-2020-24"":6405,""CC-MAIN-2020-29"":7303,""CC-MAIN-2020-34"":7945,""CC-MAIN-2020-40"":7809,""CC-MAIN-2020-45"":7144,""CC-MAIN-2020-50"":7520,""CC-MAIN-2021-04"":7815,""CC-MAIN-2021-10"":5972,""CC-MAIN-2021-17"":6537,""CC-MAIN-2021-21"":5759,""CC-MAIN-2021-25"":5821,""CC-MAIN-2021-31"":6536,""CC-MAIN-2021-39"":6563,""CC-MAIN-2021-43"":15437,""CC-MAIN-2021-49"":21437}" +"499","News outlet","https://www.today.com/news/","en","46657","27851","2181549876","{""eng"":46614,""eng,cym"":2,""eng,dan"":5,""eng,fra"":13,""eng,hin"":1,""eng,hin,ita"":5,""eng,ina"":1,""eng,ita"":3,""eng,jpn"":1,""eng,por"":3,""eng,spa"":9}","{""text/html"":46657}","{""2020"":11890,""2021"":34767}","{""CC-MAIN-2020-05"":1405,""CC-MAIN-2020-10"":748,""CC-MAIN-2020-16"":758,""CC-MAIN-2020-24"":1177,""CC-MAIN-2020-29"":1167,""CC-MAIN-2020-34"":1153,""CC-MAIN-2020-40"":766,""CC-MAIN-2020-45"":2411,""CC-MAIN-2020-50"":2305,""CC-MAIN-2021-04"":2944,""CC-MAIN-2021-10"":6109,""CC-MAIN-2021-17"":2403,""CC-MAIN-2021-21"":3356,""CC-MAIN-2021-25"":3474,""CC-MAIN-2021-31"":4014,""CC-MAIN-2021-39"":2487,""CC-MAIN-2021-43"":4401,""CC-MAIN-2021-49"":5579}" +"184","tc televisión","https://www.tctelevision.com/","es","61071","38736","614999829","{""eng"":8,""eng,spa"":12,""grn,spa"":3,""rus,spa"":4,""spa"":54337,""spa,ara"":7,""spa,ara,eng"":2,""spa,cat"":13,""spa,cat,eng"":1,""spa,ces"":1,""spa,dan"":13,""spa,dan,eng"":1,""spa,deu"":3,""spa,deu,eng"":1,""spa,ell,eng"":1,""spa,eng"":6439,""spa,eng,ara"":2,""spa,eng,cat"":3,""spa,eng,div"":2,""spa,eng,fas"":1,""spa,eng,fra"":2,""spa,eng,ind"":1,""spa,eng,ita"":2,""spa,eng,jpn"":1,""spa,eng,msa"":5,""spa,eng,nld"":2,""spa,eng,rus"":3,""spa,eng,tur"":4,""spa,est"":1,""spa,fas,eng"":4,""spa,fra"":20,""spa,fra,cos"":1,""spa,fra,eng"":3,""spa,grn"":14,""spa,ind"":10,""spa,ind,dan"":1,""spa,ind,eng"":3,""spa,isl"":2,""spa,ita"":22,""spa,ita,eng"":1,""spa,jpn"":18,""spa,jpn,eng"":7,""spa,kor"":4,""spa,msa"":1,""spa,nld"":7,""spa,nld,eng"":1,""spa,nno"":3,""spa,nor"":3,""spa,pol"":2,""spa,pol,eng"":1,""spa,que"":4,""spa,rus"":41,""spa,rus,eng"":1,""spa,rus,tuk"":1,""spa,rus,ukr"":1,""spa,sqi"":3,""spa,tgl"":1,""spa,tha"":1,""spa,tha,eng"":1,""spa,tsn"":1,""spa,tur"":8,""spa,vie"":2,""spa,zho"":3}","{""text/html"":61071}","{""2020"":37162,""2021"":23909}","{""CC-MAIN-2020-05"":3278,""CC-MAIN-2020-10"":3650,""CC-MAIN-2020-16"":5051,""CC-MAIN-2020-24"":4504,""CC-MAIN-2020-29"":5565,""CC-MAIN-2020-34"":3558,""CC-MAIN-2020-40"":4118,""CC-MAIN-2020-45"":4003,""CC-MAIN-2020-50"":3435,""CC-MAIN-2021-04"":5100,""CC-MAIN-2021-10"":1554,""CC-MAIN-2021-17"":2541,""CC-MAIN-2021-21"":2361,""CC-MAIN-2021-25"":2103,""CC-MAIN-2021-31"":3221,""CC-MAIN-2021-39"":2031,""CC-MAIN-2021-43"":3004,""CC-MAIN-2021-49"":1994}" +"124","quedate a ver","https://www.vtv.gob.ve/","es","10984","10663","590028341","{""eng,spa"":4,""spa"":8227,""spa,cat"":2,""spa,dan"":5,""spa,dan,eng"":2,""spa,deu"":2,""spa,eng"":2690,""spa,eng,dan"":1,""spa,eng,grn"":3,""spa,grn"":19,""spa,grn,eng"":4,""spa,ita"":1,""spa,ita,eng"":1,""spa,kor"":3,""spa,mlg"":1,""spa,nld"":1,""spa,war"":7}","{""application/pdf"":7,""image/jpeg"":4,""text/html"":10973}","{""2021"":10984}","{""CC-MAIN-2021-04"":43,""CC-MAIN-2021-10"":55,""CC-MAIN-2021-17"":83,""CC-MAIN-2021-21"":7,""CC-MAIN-2021-25"":50,""CC-MAIN-2021-31"":173,""CC-MAIN-2021-39"":225,""CC-MAIN-2021-43"":4529,""CC-MAIN-2021-49"":5819}" +"134","el correo del orinoco","https://www.elcorreodelorinoco.com/","es","41726","15313","741339218","{""eng"":12,""eng,spa"":1,""spa"":17381,""spa,cat"":10,""spa,cat,eng"":5,""spa,dan"":3,""spa,deu"":1,""spa,eng"":24143,""spa,eng,cat"":6,""spa,eng,dan"":1,""spa,eng,grn"":28,""spa,eng,ind"":3,""spa,eng,ita"":4,""spa,eng,jav"":3,""spa,eng,slk"":1,""spa,eng,zul"":1,""spa,eus"":1,""spa,grn"":40,""spa,grn,eng"":20,""spa,ind,eng"":1,""spa,ita"":3,""spa,jav"":2,""spa,lat"":1}","{""application/pdf"":1,""image/jpeg"":54,""text/html"":41671}","{""2020"":20748,""2021"":20978}","{""CC-MAIN-2020-05"":2804,""CC-MAIN-2020-10"":1964,""CC-MAIN-2020-16"":3221,""CC-MAIN-2020-24"":2270,""CC-MAIN-2020-29"":3979,""CC-MAIN-2020-34"":1230,""CC-MAIN-2020-40"":1699,""CC-MAIN-2020-45"":2306,""CC-MAIN-2020-50"":1275,""CC-MAIN-2021-04"":3626,""CC-MAIN-2021-10"":1554,""CC-MAIN-2021-17"":3202,""CC-MAIN-2021-21"":2128,""CC-MAIN-2021-25"":2088,""CC-MAIN-2021-31"":2690,""CC-MAIN-2021-39"":1900,""CC-MAIN-2021-43"":2310,""CC-MAIN-2021-49"":1480}" +"291","diario región","https://www.diarioregion.com/","es","776","148","10122521","{""spa"":422,""spa,eng"":353}","{""image/jpeg"":1,""text/html"":775}","{""2020"":410,""2021"":366}","{""CC-MAIN-2020-05"":51,""CC-MAIN-2020-10"":31,""CC-MAIN-2020-16"":69,""CC-MAIN-2020-24"":59,""CC-MAIN-2020-29"":43,""CC-MAIN-2020-34"":42,""CC-MAIN-2020-40"":43,""CC-MAIN-2020-45"":26,""CC-MAIN-2020-50"":46,""CC-MAIN-2021-04"":50,""CC-MAIN-2021-10"":30,""CC-MAIN-2021-17"":35,""CC-MAIN-2021-21"":34,""CC-MAIN-2021-25"":40,""CC-MAIN-2021-31"":51,""CC-MAIN-2021-39"":47,""CC-MAIN-2021-43"":37,""CC-MAIN-2021-49"":42}" +"179","diario de morelos","http://www.diariodemorelos.com/","es","32409","24271","666991620","{""eng"":57,""eng,spa"":4,""lat,spa,eng"":1,""spa"":27468,""spa,ara"":1,""spa,cat"":3,""spa,dan"":1,""spa,dan,nld"":2,""spa,eng"":4732,""spa,eng,grn"":1,""spa,eng,jpn"":3,""spa,eus"":1,""spa,fra"":8,""spa,grn"":5,""spa,ile"":2,""spa,ind"":3,""spa,ind,eng"":1,""spa,jpn"":1,""spa,kha"":1,""spa,lat,eng"":1,""spa,nld"":1,""spa,rus"":2,""spa,rus,srp"":1,""spa,sco"":1,""spa,tsn"":1,""spa,war"":3,""spa,zho,eng"":1}","{""application/xhtml+xml"":31,""text/html"":32378}","{""2020"":20714,""2021"":11695}","{""CC-MAIN-2020-05"":2345,""CC-MAIN-2020-10"":2614,""CC-MAIN-2020-16"":2089,""CC-MAIN-2020-24"":3313,""CC-MAIN-2020-29"":3589,""CC-MAIN-2020-34"":2623,""CC-MAIN-2020-40"":1794,""CC-MAIN-2020-45"":1116,""CC-MAIN-2020-50"":1231,""CC-MAIN-2021-04"":1413,""CC-MAIN-2021-10"":1678,""CC-MAIN-2021-17"":1196,""CC-MAIN-2021-21"":1228,""CC-MAIN-2021-25"":838,""CC-MAIN-2021-31"":704,""CC-MAIN-2021-39"":1182,""CC-MAIN-2021-43"":1728,""CC-MAIN-2021-49"":1728}" +"277","entorno inteligente","http://www.entornointeligente.com/","es","126942","89896","2877624480","{""cat"":3,""cat,spa,eng"":4,""eng"":18,""eng,ita,spa"":5,""eng,nld"":2,""eng,nld,spa"":1,""eng,spa"":7060,""eng,spa,cat"":6,""eng,spa,dan"":11,""eng,spa,deu"":1,""eng,spa,grn"":3,""eng,spa,ind"":1,""eng,spa,ita"":110,""eng,spa,msa"":12,""eng,spa,nld"":90,""eng,spa,rus"":1,""eng,spa,tur"":2,""eng,spa,vie"":2,""eng,spa,yor"":1,""fra"":1,""ita,eng,spa"":5,""ita,spa"":77,""ita,spa,cos"":3,""ita,spa,dan"":1,""ita,spa,eng"":120,""ita,spa,ile"":10,""ita,spa,ron"":1,""nld"":2,""nld,eng,spa"":4,""nld,spa"":41,""nld,spa,afr"":2,""nld,spa,eng"":54,""spa"":48525,""spa,ara"":2,""spa,ara,fra"":1,""spa,aze"":1,""spa,cat"":216,""spa,cat,eng"":13,""spa,cat,ita"":1,""spa,cat,nld"":2,""spa,cat,oci"":1,""spa,cos,eng"":1,""spa,dan"":172,""spa,dan,cat"":4,""spa,dan,eng"":25,""spa,dan,ita"":4,""spa,deu"":2,""spa,eng"":63682,""spa,eng,afr"":3,""spa,eng,cat"":172,""spa,eng,cos"":3,""spa,eng,dan"":132,""spa,eng,deu"":2,""spa,eng,eus"":5,""spa,eng,fra"":14,""spa,eng,grn"":55,""spa,eng,hau"":3,""spa,eng,hin"":2,""spa,eng,ina"":4,""spa,eng,ind"":4,""spa,eng,ita"":1267,""spa,eng,jpn"":1,""spa,eng,lat"":3,""spa,eng,msa"":10,""spa,eng,nld"":785,""spa,eng,nor"":1,""spa,eng,oci"":20,""spa,eng,que"":1,""spa,eng,ron"":6,""spa,eng,rus"":3,""spa,eng,swe"":2,""spa,eng,tur"":2,""spa,eng,vie"":48,""spa,eng,war"":5,""spa,eng,zho"":1,""spa,eus,eng"":3,""spa,fao"":1,""spa,fin"":2,""spa,fra"":13,""spa,fra,eng"":1,""spa,fra,ita"":1,""spa,grn"":63,""spa,grn,eng"":8,""spa,hin"":1,""spa,ina"":15,""spa,ina,eng"":1,""spa,ind"":8,""spa,ind,eng"":1,""spa,isl"":1,""spa,ita"":2044,""spa,ita,cat"":2,""spa,ita,ces"":1,""spa,ita,cos"":7,""spa,ita,dan"":9,""spa,ita,eng"":491,""spa,ita,ile"":22,""spa,ita,nld"":24,""spa,ita,oci"":5,""spa,ita,vie"":3,""spa,ita,war"":1,""spa,jpn"":1,""spa,jpn,eng"":2,""spa,lat"":3,""spa,lit"":1,""spa,msa"":2,""spa,nld"":783,""spa,nld,afr"":2,""spa,nld,dan"":5,""spa,nld,eng"":186,""spa,nld,grn"":1,""spa,nld,ita"":20,""spa,oci"":145,""spa,oci,cat"":8,""spa,oci,eng"":2,""spa,ron"":4,""spa,rus"":3,""spa,rus,eng"":1,""spa,slk"":1,""spa,sqi"":1,""spa,tha"":1,""spa,tha,ell"":1,""spa,tur"":4,""spa,ukr"":2,""spa,ukr,eng"":1,""spa,vie"":48,""spa,vie,cos"":1,""spa,vie,eng"":5,""spa,vie,ita"":6,""spa,vie,nld"":1,""spa,vie,oci"":2,""spa,war"":14,""spa,zho"":1,""vie,spa"":4,""vie,spa,eng"":1}","{""text/html"":126942}","{""2020"":66051,""2021"":60891}","{""CC-MAIN-2020-05"":6468,""CC-MAIN-2020-10"":7351,""CC-MAIN-2020-16"":4677,""CC-MAIN-2020-24"":7747,""CC-MAIN-2020-29"":8388,""CC-MAIN-2020-34"":8905,""CC-MAIN-2020-40"":7326,""CC-MAIN-2020-45"":6730,""CC-MAIN-2020-50"":8459,""CC-MAIN-2021-04"":7612,""CC-MAIN-2021-10"":7845,""CC-MAIN-2021-17"":7252,""CC-MAIN-2021-21"":7555,""CC-MAIN-2021-25"":6751,""CC-MAIN-2021-31"":7368,""CC-MAIN-2021-39"":4596,""CC-MAIN-2021-43"":6922,""CC-MAIN-2021-49"":4990}" +"193","el diario montanes","http://www.eldiariomontanes.es/","es","397","298","11531084","{""spa"":379,""spa,cat"":4,""spa,eng"":3}","{""application/atom+xml"":5,""application/rss+xml"":6,""application/xhtml+xml"":1,""text/html"":385}","{""2020"":324,""2021"":73}","{""CC-MAIN-2020-05"":131,""CC-MAIN-2020-10"":40,""CC-MAIN-2020-16"":57,""CC-MAIN-2020-24"":19,""CC-MAIN-2020-29"":19,""CC-MAIN-2020-34"":13,""CC-MAIN-2020-40"":21,""CC-MAIN-2020-45"":15,""CC-MAIN-2020-50"":9,""CC-MAIN-2021-04"":12,""CC-MAIN-2021-10"":4,""CC-MAIN-2021-17"":12,""CC-MAIN-2021-21"":45}" +"470","HardwareZone Forums","https://forums.hardwarezone.com.sg/","en","277236","158236","4470130384","{""dan"":3,""dan,eng"":1,""dan,eng,jpn"":1,""eng"":265383,""eng,cat"":1,""eng,ces"":2,""eng,dan"":882,""eng,dan,ell"":13,""eng,dan,jpn"":14,""eng,dan,zho"":63,""eng,deu"":4,""eng,ell"":128,""eng,ell,kor"":6,""eng,ell,zho"":4,""eng,fra"":1,""eng,hin"":7,""eng,iku"":2,""eng,isl"":1,""eng,jav"":1,""eng,jpn"":1081,""eng,jpn,dan"":3,""eng,jpn,kor"":32,""eng,jpn,zho"":15,""eng,kan"":13,""eng,kat"":14,""eng,kat,jpn"":4,""eng,kha"":2,""eng,kor"":853,""eng,kor,dan"":1,""eng,kor,ell"":12,""eng,kor,jpn"":152,""eng,kor,tam"":1,""eng,kor,zho"":88,""eng,lat"":1,""eng,mar"":1,""eng,mri"":1,""eng,msa"":190,""eng,msa,zho"":1,""eng,nep"":1,""eng,nld"":43,""eng,nld,kor"":1,""eng,nor,spa"":8,""eng,por"":1,""eng,san"":3,""eng,slk"":2,""eng,spa"":7,""eng,spa,nor"":1,""eng,tur"":6,""eng,vie"":16,""eng,zho"":7475,""eng,zho,afr"":1,""eng,zho,dan"":18,""eng,zho,ell"":8,""eng,zho,jpn"":53,""eng,zho,kan"":1,""eng,zho,kin"":2,""eng,zho,kor"":417,""eng,zho,spa"":2,""eng,zho,xho"":3,""jpn,eng"":1,""jpn,eng,kor"":3,""jpn,kor,eng"":2,""kor,eng"":3,""kor,eng,jpn"":6,""kor,jpn,eng"":1,""zho,eng"":10}","{""application/rss+xml"":135,""application/xhtml+xml"":97231,""text/html"":179870}","{""2020"":169478,""2021"":107758}","{""CC-MAIN-2020-05"":18031,""CC-MAIN-2020-10"":20204,""CC-MAIN-2020-16"":17258,""CC-MAIN-2020-24"":15797,""CC-MAIN-2020-29"":17971,""CC-MAIN-2020-34"":17860,""CC-MAIN-2020-40"":18997,""CC-MAIN-2020-45"":21900,""CC-MAIN-2020-50"":21460,""CC-MAIN-2021-04"":22736,""CC-MAIN-2021-10"":22229,""CC-MAIN-2021-17"":14137,""CC-MAIN-2021-21"":7880,""CC-MAIN-2021-25"":8287,""CC-MAIN-2021-31"":10570,""CC-MAIN-2021-39"":14323,""CC-MAIN-2021-43"":1565,""CC-MAIN-2021-49"":6031}" +"304","revista semana","https://www.semana.com/","es","217762","109860","5225850788","{""afr"":1,""cat"":8,""dan"":14,""eng"":526,""eng,spa"":22,""eus"":1,""fra"":1,""grn"":55,""hau"":1,""ile"":1,""ina"":10,""ind"":12,""ita"":3,""jav"":1,""kin"":1,""lat"":3,""lav"":1,""msa"":2,""nld"":1,""nno"":1,""oci"":2,""roh"":1,""smo"":1,""som"":1,""spa"":210082,""spa,cat"":9,""spa,cos"":1,""spa,dan"":46,""spa,deu"":2,""spa,eng"":2158,""spa,eng,fra"":2,""spa,eus"":1,""spa,fra"":12,""spa,fra,eng"":2,""spa,grn"":53,""spa,grn,dan"":1,""spa,ina"":8,""spa,ind"":6,""spa,ita"":11,""spa,msa"":1,""spa,sco"":1,""spa,tur"":2,""spa,war"":3,""tuk"":1,""war"":3}","{""application/octet-stream"":1,""application/xhtml+xml"":1,""image/jpeg"":1,""text/html"":217759}","{""2020"":140846,""2021"":76916}","{""CC-MAIN-2020-05"":17025,""CC-MAIN-2020-10"":13923,""CC-MAIN-2020-16"":13218,""CC-MAIN-2020-24"":13546,""CC-MAIN-2020-29"":14302,""CC-MAIN-2020-34"":17382,""CC-MAIN-2020-40"":19530,""CC-MAIN-2020-45"":23345,""CC-MAIN-2020-50"":8575,""CC-MAIN-2021-04"":14586,""CC-MAIN-2021-10"":4311,""CC-MAIN-2021-17"":4198,""CC-MAIN-2021-21"":4474,""CC-MAIN-2021-25"":5017,""CC-MAIN-2021-31"":17947,""CC-MAIN-2021-39"":14170,""CC-MAIN-2021-43"":5219,""CC-MAIN-2021-49"":6994}" +"398","diario-eco","https://www.diario.eco/","es","2934","1424","69623804","{""eng,spa"":3,""spa"":74,""spa,cat"":1,""spa,cat,eng"":14,""spa,cat,eus"":2,""spa,eng"":2785,""spa,eng,cat"":24,""spa,eng,deu"":1,""spa,eng,fin"":1,""spa,eng,fra"":12,""spa,eng,nor"":1}","{""application/pdf"":6,""application/rss+xml"":10,""text/html"":2918}","{""2020"":1811,""2021"":1123}","{""CC-MAIN-2020-05"":268,""CC-MAIN-2020-10"":137,""CC-MAIN-2020-16"":89,""CC-MAIN-2020-24"":117,""CC-MAIN-2020-29"":376,""CC-MAIN-2020-34"":294,""CC-MAIN-2020-40"":289,""CC-MAIN-2020-45"":182,""CC-MAIN-2020-50"":59,""CC-MAIN-2021-04"":256,""CC-MAIN-2021-10"":32,""CC-MAIN-2021-17"":215,""CC-MAIN-2021-21"":19,""CC-MAIN-2021-25"":54,""CC-MAIN-2021-31"":80,""CC-MAIN-2021-39"":94,""CC-MAIN-2021-43"":203,""CC-MAIN-2021-49"":170}" +"72","elcano royal insitute (real istituto elcano)","http://www.realinstitutoelcano.org/","es","14471","8853","633509838","{""ara,spa"":2,""ara,spa,eng"":2,""eng"":3418,""eng,ara"":3,""eng,deu"":7,""eng,fra"":6,""eng,glg"":1,""eng,ita"":1,""eng,jpn"":3,""eng,rus"":5,""eng,spa"":349,""eng,spa,fra"":1,""fra,spa,ara"":3,""fra,spa,eng"":7,""jpn,eng"":1,""por,eng"":7,""spa"":1143,""spa,ara"":6,""spa,ara,eng"":11,""spa,cat"":6,""spa,deu,eng"":1,""spa,eng"":8109,""spa,eng,ara"":26,""spa,eng,cat"":4,""spa,eng,dan"":11,""spa,eng,deu"":2,""spa,eng,fra"":80,""spa,eng,ina"":2,""spa,eng,ita"":13,""spa,eng,ron"":6,""spa,eng,rus"":1,""spa,fra"":13,""spa,grn"":1,""spa,grn,fra"":2,""spa,ita"":1,""spa,ita,eng"":3}","{""application/atom+xml"":68,""application/octet-stream"":6,""application/pdf"":1043,""application/xhtml+xml"":13122,""text/html"":223,""text/plain"":9}","{""2020"":6523,""2021"":7948}","{""CC-MAIN-2020-05"":648,""CC-MAIN-2020-10"":719,""CC-MAIN-2020-16"":855,""CC-MAIN-2020-24"":679,""CC-MAIN-2020-29"":534,""CC-MAIN-2020-34"":801,""CC-MAIN-2020-40"":547,""CC-MAIN-2020-45"":948,""CC-MAIN-2020-50"":792,""CC-MAIN-2021-04"":607,""CC-MAIN-2021-10"":707,""CC-MAIN-2021-17"":1610,""CC-MAIN-2021-21"":279,""CC-MAIN-2021-25"":11,""CC-MAIN-2021-31"":7,""CC-MAIN-2021-39"":1131,""CC-MAIN-2021-43"":2031,""CC-MAIN-2021-49"":1565}" +"352","burgosconecta","https://www.burgosconecta.es/","es","14594","9260","296339508","{""cat,spa"":490,""eus,spa"":1,""spa"":13565,""spa,cat"":408,""spa,eus"":88,""spa,grn"":41,""spa,nno"":1}","{""text/html"":14594}","{""2020"":12990,""2021"":1604}","{""CC-MAIN-2020-05"":1774,""CC-MAIN-2020-10"":834,""CC-MAIN-2020-16"":2575,""CC-MAIN-2020-24"":667,""CC-MAIN-2020-29"":3040,""CC-MAIN-2020-34"":1654,""CC-MAIN-2020-40"":1334,""CC-MAIN-2020-45"":257,""CC-MAIN-2020-50"":855,""CC-MAIN-2021-04"":962,""CC-MAIN-2021-10"":210,""CC-MAIN-2021-17"":310,""CC-MAIN-2021-21"":122}" +"423","bohemia","http://www.bohemia.cu/","es","90140","48941","2225679248","{""eng,spa"":13,""spa"":10952,""spa,ara"":1,""spa,ara,eng"":4,""spa,cat"":7,""spa,dan"":11,""spa,dan,eng"":7,""spa,eng"":76026,""spa,eng,ara"":1,""spa,eng,bos"":1,""spa,eng,cat"":14,""spa,eng,dan"":31,""spa,eng,fra"":4,""spa,eng,grn"":146,""spa,eng,hat"":2,""spa,eng,ile"":1,""spa,eng,ina"":1,""spa,eng,ind"":7,""spa,eng,isl"":1,""spa,eng,ita"":11,""spa,eng,jpn"":3,""spa,eng,kha"":2,""spa,eng,kor"":1,""spa,eng,lat"":7,""spa,eng,msa"":17,""spa,eng,pol"":1,""spa,eng,rus"":8,""spa,eng,tur"":6,""spa,eng,vol"":1,""spa,eng,war"":1,""spa,eng,zho"":2,""spa,fra"":2,""spa,fra,eng"":4,""spa,grn"":18,""spa,grn,eng"":67,""spa,hin,eng"":1,""spa,ind"":1,""spa,ind,eng"":3,""spa,isl"":1,""spa,ita"":6,""spa,ita,eng"":2,""spa,jpn,eng"":1,""spa,lat"":1,""spa,msa"":5,""spa,oci"":1,""spa,rus"":1,""spa,rus,eng"":10,""spa,tur,eng"":2,""spa,ukr,eng"":2,""spa,war,eng"":2}","{""application/pdf"":764,""application/rss+xml"":1922,""application/xhtml+xml"":87325,""image/jpeg"":28,""text/html"":101}","{""2020"":37979,""2021"":52161}","{""CC-MAIN-2020-05"":2707,""CC-MAIN-2020-10"":3284,""CC-MAIN-2020-16"":2093,""CC-MAIN-2020-24"":496,""CC-MAIN-2020-29"":5092,""CC-MAIN-2020-34"":51,""CC-MAIN-2020-40"":10263,""CC-MAIN-2020-45"":7066,""CC-MAIN-2020-50"":6927,""CC-MAIN-2021-04"":7031,""CC-MAIN-2021-10"":6429,""CC-MAIN-2021-17"":6636,""CC-MAIN-2021-21"":6548,""CC-MAIN-2021-25"":5071,""CC-MAIN-2021-31"":3004,""CC-MAIN-2021-39"":6659,""CC-MAIN-2021-43"":5224,""CC-MAIN-2021-49"":5559}" +"403","la voz digital - cadiz","http://www.lavozdigital.es/cadiz/","es","3288","1180","99774680","{""eng,spa"":2,""spa"":3256,""spa,cat"":5,""spa,eng"":25}","{""application/xhtml+xml"":16,""text/html"":3272}","{""2020"":2007,""2021"":1281}","{""CC-MAIN-2020-05"":57,""CC-MAIN-2020-10"":19,""CC-MAIN-2020-16"":18,""CC-MAIN-2020-24"":14,""CC-MAIN-2020-29"":820,""CC-MAIN-2020-34"":103,""CC-MAIN-2020-40"":517,""CC-MAIN-2020-45"":315,""CC-MAIN-2020-50"":144,""CC-MAIN-2021-04"":105,""CC-MAIN-2021-10"":53,""CC-MAIN-2021-17"":993,""CC-MAIN-2021-21"":130}" +"29","agricultura","http://www.revistaagricultura.com/portada","es","40","1","459616","{""spa"":40}","{""text/html"":40}","{""2020"":25,""2021"":15}","{""CC-MAIN-2020-05"":3,""CC-MAIN-2020-10"":1,""CC-MAIN-2020-16"":1,""CC-MAIN-2020-24"":1,""CC-MAIN-2020-34"":2,""CC-MAIN-2020-40"":1,""CC-MAIN-2020-45"":9,""CC-MAIN-2020-50"":7,""CC-MAIN-2021-04"":5,""CC-MAIN-2021-10"":2,""CC-MAIN-2021-17"":2,""CC-MAIN-2021-31"":1,""CC-MAIN-2021-39"":2,""CC-MAIN-2021-43"":2,""CC-MAIN-2021-49"":1}" +"167","ambientum","https://www.ambientum.com/","es","213335","58859","6651481032","{""spa"":52802,""spa,cat"":262,""spa,cat,eng"":327,""spa,cat,ina"":1,""spa,dan"":2,""spa,dan,eng"":1,""spa,deu"":2,""spa,eng"":159558,""spa,eng,cat"":197,""spa,eng,dan"":1,""spa,eng,eus"":5,""spa,eng,fra"":17,""spa,eng,grn"":12,""spa,eng,ina"":4,""spa,eng,ind"":16,""spa,eng,lat"":3,""spa,eng,oci"":3,""spa,eng,ron"":1,""spa,eng,war"":2,""spa,eus"":9,""spa,eus,eng"":3,""spa,fra"":28,""spa,fra,eng"":14,""spa,grn"":5,""spa,grn,eng"":1,""spa,ina"":2,""spa,ina,eng"":1,""spa,ind"":4,""spa,ita"":4,""spa,lat,eng"":34,""spa,nno"":2,""spa,oci"":2,""spa,oci,eng"":1,""spa,war"":4,""spa,war,eng"":1}","{""application/pdf"":4,""application/xhtml+xml"":1,""text/html"":213330}","{""2020"":59786,""2021"":153549}","{""CC-MAIN-2020-05"":407,""CC-MAIN-2020-10"":3401,""CC-MAIN-2020-16"":5,""CC-MAIN-2020-24"":5049,""CC-MAIN-2020-29"":4163,""CC-MAIN-2020-34"":3863,""CC-MAIN-2020-40"":8755,""CC-MAIN-2020-45"":11696,""CC-MAIN-2020-50"":22447,""CC-MAIN-2021-04"":22700,""CC-MAIN-2021-10"":19857,""CC-MAIN-2021-17"":20444,""CC-MAIN-2021-21"":16682,""CC-MAIN-2021-25"":18928,""CC-MAIN-2021-31"":21055,""CC-MAIN-2021-39"":21928,""CC-MAIN-2021-43"":5999,""CC-MAIN-2021-49"":5956}" +"320","página 7","http://www.paginasiete.bo/","es","158228","133434","1991996080","{""aym,spa"":2,""ina,spa"":1,""spa"":156455,""spa,ara"":1,""spa,aym"":10,""spa,cat"":29,""spa,dan"":118,""spa,dan,eng"":1,""spa,deu"":7,""spa,eng"":1164,""spa,eng,dan"":3,""spa,eng,deu"":1,""spa,eus"":2,""spa,fra"":4,""spa,fra,dan"":1,""spa,grn"":69,""spa,ina"":6,""spa,ind"":2,""spa,ita"":10,""spa,jpn"":1,""spa,lat"":2,""spa,ltz"":2,""spa,msa"":1,""spa,nld,eng"":1,""spa,que"":9,""spa,roh"":1,""spa,ron"":1,""spa,tur"":1,""spa,war"":12}","{""application/atom+xml"":39,""application/pdf"":46,""text/html"":158143}","{""2020"":81200,""2021"":77028}","{""CC-MAIN-2020-05"":7854,""CC-MAIN-2020-10"":9250,""CC-MAIN-2020-16"":8906,""CC-MAIN-2020-24"":8675,""CC-MAIN-2020-29"":9036,""CC-MAIN-2020-34"":9350,""CC-MAIN-2020-40"":9138,""CC-MAIN-2020-45"":9525,""CC-MAIN-2020-50"":9466,""CC-MAIN-2021-04"":9479,""CC-MAIN-2021-10"":8473,""CC-MAIN-2021-17"":9231,""CC-MAIN-2021-21"":9088,""CC-MAIN-2021-25"":8648,""CC-MAIN-2021-31"":7657,""CC-MAIN-2021-39"":7617,""CC-MAIN-2021-43"":8310,""CC-MAIN-2021-49"":8525}" +"363","fiscalia","http://www.fiscalia.gob.sv/","es","2396","1613","25151944","{""eng"":32,""spa"":2275,""spa,eng"":63}","{""application/pdf"":25,""application/xhtml+xml"":34,""text/html"":2337}","{""2020"":2257,""2021"":139}","{""CC-MAIN-2020-05"":358,""CC-MAIN-2020-10"":295,""CC-MAIN-2020-16"":134,""CC-MAIN-2020-24"":558,""CC-MAIN-2020-29"":195,""CC-MAIN-2020-34"":354,""CC-MAIN-2020-40"":225,""CC-MAIN-2020-45"":93,""CC-MAIN-2020-50"":45,""CC-MAIN-2021-04"":34,""CC-MAIN-2021-10"":1,""CC-MAIN-2021-17"":33,""CC-MAIN-2021-21"":15,""CC-MAIN-2021-25"":11,""CC-MAIN-2021-31"":26,""CC-MAIN-2021-49"":19}" +"319","elfrontal","https://www.elfrontal.com/","es","1592","1381","18552118","{""spa"":1512,""spa,cat"":4,""spa,dan"":1,""spa,deu"":1,""spa,ell"":2,""spa,eng"":63,""spa,fra"":2,""spa,oci,eng"":1}","{""application/rss+xml"":6,""text/html"":1586}","{""2020"":403,""2021"":1189}","{""CC-MAIN-2020-45"":191,""CC-MAIN-2020-50"":212,""CC-MAIN-2021-04"":215,""CC-MAIN-2021-10"":208,""CC-MAIN-2021-17"":234,""CC-MAIN-2021-21"":82,""CC-MAIN-2021-25"":125,""CC-MAIN-2021-31"":139,""CC-MAIN-2021-39"":18,""CC-MAIN-2021-43"":111,""CC-MAIN-2021-49"":57}" +"376","diario el popular argentina","http://www.elpopular.com.ar/","es","104752","49421","1528054487","{""eng"":17,""spa"":104448,""spa,cat"":4,""spa,cos"":3,""spa,dan"":9,""spa,eng"":201,""spa,fra"":2,""spa,grn"":4,""spa,hat"":7,""spa,ina"":8,""spa,ita"":15,""spa,war"":4}","{""application/atom+xml"":2,""application/pdf"":1,""text/html"":104749}","{""2020"":49677,""2021"":55075}","{""CC-MAIN-2020-05"":4950,""CC-MAIN-2020-10"":5446,""CC-MAIN-2020-16"":3749,""CC-MAIN-2020-24"":5029,""CC-MAIN-2020-29"":5347,""CC-MAIN-2020-34"":3934,""CC-MAIN-2020-40"":5511,""CC-MAIN-2020-45"":11638,""CC-MAIN-2020-50"":4073,""CC-MAIN-2021-04"":7254,""CC-MAIN-2021-10"":4419,""CC-MAIN-2021-17"":6740,""CC-MAIN-2021-21"":7914,""CC-MAIN-2021-25"":3498,""CC-MAIN-2021-31"":4112,""CC-MAIN-2021-39"":4546,""CC-MAIN-2021-43"":4665,""CC-MAIN-2021-49"":11927}" +"259","diario co latino","http://www.diariocolatino.com/","es","36191","25677","689439225","{""eng"":9,""eng,fra,spa"":12,""eng,kor,spa"":7,""eng,rus,spa"":1,""eng,spa"":102,""eng,spa,deu"":2,""eng,spa,grn"":1,""eng,spa,ind"":2,""eng,spa,kor"":18,""eng,spa,pol"":1,""eng,spa,rus"":4,""eng,spa,vie"":3,""lat,spa"":1,""rus,spa,srp"":1,""spa"":28372,""spa,cat"":17,""spa,cat,ind"":3,""spa,dan"":5,""spa,dan,grn"":1,""spa,deu"":2,""spa,deu,eng"":1,""spa,deu,ind"":1,""spa,eng"":1884,""spa,eng,deu"":2,""spa,eng,grn"":11,""spa,eng,ind"":213,""spa,eng,kor"":1,""spa,eng,ron"":4,""spa,eng,rus"":7,""spa,eng,vie"":1,""spa,fra"":6,""spa,grn"":208,""spa,grn,eng"":1,""spa,grn,ind"":22,""spa,ind"":4837,""spa,ind,cat"":3,""spa,ind,dan"":1,""spa,ind,eng"":83,""spa,ind,grn"":40,""spa,ind,lat"":1,""spa,ind,vie"":1,""spa,ita"":6,""spa,ita,eng"":2,""spa,jpn"":1,""spa,lat"":37,""spa,lat,ind"":10,""spa,ron"":1,""spa,rus,eng"":2,""spa,rus,grn"":1,""spa,rus,ind"":2,""spa,tur,ind"":1,""spa,vie"":1,""spa,vie,eng"":3}","{""application/pdf"":7,""application/rss+xml"":216,""application/xhtml+xml"":9,""text/html"":35959}","{""2020"":25848,""2021"":10343}","{""CC-MAIN-2020-05"":2615,""CC-MAIN-2020-10"":3291,""CC-MAIN-2020-16"":1630,""CC-MAIN-2020-24"":5132,""CC-MAIN-2020-29"":4946,""CC-MAIN-2020-34"":3666,""CC-MAIN-2020-40"":2280,""CC-MAIN-2020-45"":1428,""CC-MAIN-2020-50"":860,""CC-MAIN-2021-04"":1360,""CC-MAIN-2021-10"":536,""CC-MAIN-2021-17"":520,""CC-MAIN-2021-21"":916,""CC-MAIN-2021-25"":1541,""CC-MAIN-2021-31"":747,""CC-MAIN-2021-39"":2428,""CC-MAIN-2021-43"":1038,""CC-MAIN-2021-49"":1257}" +"238","sana - syrian arab news agency (spanish)","http://www.sana.sy/es/","es","14990","7662","211672355","{""eng,spa"":9,""spa"":13974,""spa,ara"":1,""spa,cat"":1,""spa,eng"":890,""spa,por"":2,""spa,war"":3}","{""application/rss+xml"":97,""image/jpeg"":13,""text/html"":14880}","{""2020"":6494,""2021"":8496}","{""CC-MAIN-2020-05"":678,""CC-MAIN-2020-10"":605,""CC-MAIN-2020-16"":660,""CC-MAIN-2020-24"":596,""CC-MAIN-2020-29"":414,""CC-MAIN-2020-34"":769,""CC-MAIN-2020-40"":993,""CC-MAIN-2020-45"":940,""CC-MAIN-2020-50"":839,""CC-MAIN-2021-04"":788,""CC-MAIN-2021-10"":849,""CC-MAIN-2021-17"":991,""CC-MAIN-2021-21"":668,""CC-MAIN-2021-25"":640,""CC-MAIN-2021-31"":634,""CC-MAIN-2021-39"":723,""CC-MAIN-2021-43"":1349,""CC-MAIN-2021-49"":1854}" +"322","pnud bolivia","http://www.bo.undp.org/","es","724","300","6766217","{""eng,spa"":3,""spa"":632,""spa,eng"":4,""spa,eng,grn"":2,""spa,grn"":83}","{""text/html"":724}","{""2020"":527,""2021"":197}","{""CC-MAIN-2020-05"":164,""CC-MAIN-2020-10"":43,""CC-MAIN-2020-16"":108,""CC-MAIN-2020-24"":27,""CC-MAIN-2020-29"":31,""CC-MAIN-2020-34"":58,""CC-MAIN-2020-40"":76,""CC-MAIN-2020-45"":8,""CC-MAIN-2020-50"":12,""CC-MAIN-2021-04"":11,""CC-MAIN-2021-10"":10,""CC-MAIN-2021-17"":49,""CC-MAIN-2021-21"":62,""CC-MAIN-2021-25"":9,""CC-MAIN-2021-31"":12,""CC-MAIN-2021-39"":12,""CC-MAIN-2021-43"":13,""CC-MAIN-2021-49"":19}" +"359","efeverde","https://www.efeverde.com/","es","141290","44997","7838605909","{""cat,spa"":19,""eng,spa"":123,""eng,spa,rus"":6,""spa"":119101,""spa,bos"":1,""spa,cat"":694,""spa,cat,eng"":8,""spa,cat,rus"":86,""spa,ces"":1,""spa,dan"":34,""spa,dan,rus"":8,""spa,deu"":5,""spa,eng"":3339,""spa,eng,cat"":6,""spa,eng,dan"":1,""spa,eng,deu"":1,""spa,eng,fra"":1,""spa,eng,grn"":5,""spa,eng,ind"":1,""spa,eng,rus"":143,""spa,eus"":11,""spa,fra"":22,""spa,fra,rus"":3,""spa,grn"":406,""spa,grn,eng"":4,""spa,grn,msa"":1,""spa,grn,rus"":72,""spa,ile"":4,""spa,ina"":3,""spa,ind"":9,""spa,ind,rus"":4,""spa,ita"":2,""spa,lat"":6,""spa,msa"":3,""spa,nno"":1,""spa,nno,rus"":1,""spa,nya"":1,""spa,oci"":6,""spa,oci,rus"":1,""spa,pol"":3,""spa,rus"":16965,""spa,rus,cat"":8,""spa,rus,dan"":2,""spa,rus,deu"":4,""spa,rus,eng"":41,""spa,rus,eus"":1,""spa,rus,grn"":19,""spa,rus,oci"":1,""spa,ton"":1,""spa,vol"":3,""spa,war"":18,""spa,war,cat"":1,""spa,war,rus"":3}","{""application/pdf"":74,""application/xhtml+xml"":2,""text/html"":141214}","{""2020"":56168,""2021"":85122}","{""CC-MAIN-2020-05"":5392,""CC-MAIN-2020-10"":5000,""CC-MAIN-2020-16"":3791,""CC-MAIN-2020-24"":5409,""CC-MAIN-2020-29"":4953,""CC-MAIN-2020-34"":4519,""CC-MAIN-2020-40"":9799,""CC-MAIN-2020-45"":8501,""CC-MAIN-2020-50"":8804,""CC-MAIN-2021-04"":8500,""CC-MAIN-2021-10"":20066,""CC-MAIN-2021-17"":10836,""CC-MAIN-2021-21"":10944,""CC-MAIN-2021-25"":7663,""CC-MAIN-2021-31"":6677,""CC-MAIN-2021-39"":6796,""CC-MAIN-2021-43"":6797,""CC-MAIN-2021-49"":6843}" +"197","diariodeavila","https://www.diariodeavila.es/","es","98957","69783","1806110691","{""spa"":96227,""spa,cat"":1584,""spa,cat,eng"":1,""spa,dan"":11,""spa,deu"":1,""spa,eng"":1014,""spa,eng,cat"":4,""spa,eng,jav"":3,""spa,eus"":9,""spa,fra"":7,""spa,fry"":3,""spa,fry,lat"":1,""spa,grn"":9,""spa,ile,oci"":5,""spa,ina"":4,""spa,ind"":5,""spa,ita"":3,""spa,jav,eng"":3,""spa,lat"":24,""spa,oci"":7,""spa,oci,ile"":2,""spa,pol"":1,""spa,sna"":8,""spa,tuk"":4,""spa,war"":12}","{""application/rss+xml"":5,""text/html"":98952}","{""2020"":66334,""2021"":32623}","{""CC-MAIN-2020-05"":11979,""CC-MAIN-2020-10"":7197,""CC-MAIN-2020-16"":8042,""CC-MAIN-2020-24"":13328,""CC-MAIN-2020-29"":8557,""CC-MAIN-2020-34"":7259,""CC-MAIN-2020-40"":5786,""CC-MAIN-2020-45"":1828,""CC-MAIN-2020-50"":2358,""CC-MAIN-2021-04"":5029,""CC-MAIN-2021-10"":3587,""CC-MAIN-2021-17"":3196,""CC-MAIN-2021-21"":3588,""CC-MAIN-2021-25"":3518,""CC-MAIN-2021-31"":3907,""CC-MAIN-2021-39"":3495,""CC-MAIN-2021-43"":3279,""CC-MAIN-2021-49"":3024}" +"488","Curated blog","https://dailyvanity.sg/","en","55113","26670","2427270269","{""eng"":54617,""eng,ara"":1,""eng,dan"":87,""eng,deu"":5,""eng,fas"":2,""eng,fra"":17,""eng,fra,por"":1,""eng,hau"":1,""eng,haw"":2,""eng,iku"":7,""eng,ina"":3,""eng,ind"":7,""eng,ita"":6,""eng,jpn"":49,""eng,jpn,ara"":1,""eng,jpn,kor"":7,""eng,jpn,pol"":1,""eng,jpn,zho"":7,""eng,kor"":147,""eng,kor,ind"":5,""eng,kor,ita"":3,""eng,kor,jpn"":14,""eng,kor,por"":2,""eng,kor,tha"":1,""eng,kor,zho"":2,""eng,msa"":14,""eng,nld"":2,""eng,nno"":1,""eng,pol"":6,""eng,por"":7,""eng,rus"":3,""eng,sco"":1,""eng,spa"":5,""eng,spa,fra"":2,""eng,spa,ita"":1,""eng,tha"":9,""eng,tha,dan"":1,""eng,tha,ind"":5,""eng,tha,jpn"":1,""eng,tha,kor"":1,""eng,ukr"":1,""eng,vie,tha"":2,""eng,zho"":45,""eng,zho,kor"":1,""eng,zho,rus"":2,""jpn,eng"":3,""kor,eng"":4}","{""application/rss+xml"":1,""text/html"":55112}","{""2020"":9340,""2021"":45773}","{""CC-MAIN-2020-05"":317,""CC-MAIN-2020-10"":766,""CC-MAIN-2020-16"":747,""CC-MAIN-2020-24"":1455,""CC-MAIN-2020-29"":1680,""CC-MAIN-2020-34"":1078,""CC-MAIN-2020-40"":1269,""CC-MAIN-2020-45"":1459,""CC-MAIN-2020-50"":569,""CC-MAIN-2021-04"":1085,""CC-MAIN-2021-10"":430,""CC-MAIN-2021-17"":6517,""CC-MAIN-2021-21"":6969,""CC-MAIN-2021-25"":7631,""CC-MAIN-2021-31"":8012,""CC-MAIN-2021-39"":8109,""CC-MAIN-2021-43"":4865,""CC-MAIN-2021-49"":2155}" +"123","espacioteca","https://espacioteca.com/","es","14552","9625","301503988","{""cat,spa"":1,""eng"":1,""eng,spa"":1241,""spa"":11819,""spa,cat"":5,""spa,dan"":2,""spa,ell"":1,""spa,eng"":1443,""spa,eng,war"":2,""spa,eus"":7,""spa,grn"":8,""spa,ina"":1,""spa,war"":1,""spa,xho"":2}","{""application/pdf"":2,""application/rss+xml"":2,""image/jpeg"":13,""image/png"":1,""text/html"":14534}","{""2020"":4388,""2021"":10164}","{""CC-MAIN-2020-05"":64,""CC-MAIN-2020-10"":255,""CC-MAIN-2020-16"":75,""CC-MAIN-2020-24"":339,""CC-MAIN-2020-29"":234,""CC-MAIN-2020-34"":434,""CC-MAIN-2020-40"":1104,""CC-MAIN-2020-45"":916,""CC-MAIN-2020-50"":967,""CC-MAIN-2021-04"":1534,""CC-MAIN-2021-10"":1584,""CC-MAIN-2021-17"":946,""CC-MAIN-2021-21"":1094,""CC-MAIN-2021-25"":1553,""CC-MAIN-2021-31"":1557,""CC-MAIN-2021-39"":1033,""CC-MAIN-2021-43"":638,""CC-MAIN-2021-49"":225}" +"283","la prensa grafica","http://www.laprensagrafica.com/inicio","es","1","1","12698","{""spa"":1}","{""text/html"":1}","{""2020"":1}","{""CC-MAIN-2020-45"":1}" +"231","nuevo ojo","http://ojo.pe/","es","105235","75994","2692308221","{""spa"":99961,""spa,ara"":5,""spa,bre"":7,""spa,cat"":8,""spa,dan"":2352,""spa,dan,eng"":13,""spa,dan,que"":1,""spa,deu"":1,""spa,deu,eng"":1,""spa,eng"":2622,""spa,eng,dan"":49,""spa,eng,deu"":1,""spa,eng,fra"":3,""spa,eng,ita"":1,""spa,eng,rus"":2,""spa,eng,war"":1,""spa,epo"":1,""spa,eus"":5,""spa,fin"":1,""spa,fra"":8,""spa,fra,eng"":1,""spa,grn"":15,""spa,ile"":1,""spa,ina"":27,""spa,ina,nor"":1,""spa,ind"":6,""spa,isl"":1,""spa,ita"":27,""spa,ita,eng"":2,""spa,jpn"":6,""spa,jpn,eng"":1,""spa,kor"":2,""spa,lat"":2,""spa,msa"":2,""spa,msa,eng"":1,""spa,nld"":2,""spa,nno"":1,""spa,pol"":1,""spa,que"":16,""spa,que,dan"":1,""spa,rus"":9,""spa,rus,dan"":1,""spa,sco"":4,""spa,swe"":2,""spa,tgl"":1,""spa,tur"":15,""spa,ukr"":3,""spa,war"":38,""spa,zho"":2}","{""application/rss+xml"":1,""text/html"":105234}","{""2020"":55507,""2021"":49728}","{""CC-MAIN-2020-05"":4855,""CC-MAIN-2020-10"":7692,""CC-MAIN-2020-16"":6336,""CC-MAIN-2020-24"":6855,""CC-MAIN-2020-29"":9018,""CC-MAIN-2020-34"":7019,""CC-MAIN-2020-40"":5797,""CC-MAIN-2020-45"":3940,""CC-MAIN-2020-50"":3995,""CC-MAIN-2021-04"":5687,""CC-MAIN-2021-10"":4824,""CC-MAIN-2021-17"":4601,""CC-MAIN-2021-21"":5023,""CC-MAIN-2021-25"":6649,""CC-MAIN-2021-31"":7688,""CC-MAIN-2021-39"":6779,""CC-MAIN-2021-43"":4429,""CC-MAIN-2021-49"":4048}" +"57","prensa presidencial","http://www.minci.gob.ve/","es","3950","2667","115902944","{""eng,spa"":4,""spa"":3767,""spa,dan"":1,""spa,eng"":92,""spa,grn"":5,""spa,ita"":1,""spa,war"":1}","{""application/epub+zip"":9,""application/pdf"":62,""application/rss+xml"":8,""text/html"":3871}","{""2020"":2648,""2021"":1302}","{""CC-MAIN-2020-05"":237,""CC-MAIN-2020-10"":275,""CC-MAIN-2020-16"":264,""CC-MAIN-2020-24"":370,""CC-MAIN-2020-29"":319,""CC-MAIN-2020-34"":274,""CC-MAIN-2020-40"":572,""CC-MAIN-2020-45"":236,""CC-MAIN-2020-50"":101,""CC-MAIN-2021-04"":303,""CC-MAIN-2021-10"":37,""CC-MAIN-2021-17"":152,""CC-MAIN-2021-21"":32,""CC-MAIN-2021-25"":11,""CC-MAIN-2021-31"":10,""CC-MAIN-2021-39"":483,""CC-MAIN-2021-43"":5,""CC-MAIN-2021-49"":269}" +"157","el sol de mexico","https://www.elsoldemexico.com.mx/","es","235052","105493","3187916829","{""cat"":2,""deu"":4,""eng"":431,""eng,spa"":70,""eng,spa,nld"":3,""fry"":1,""grn"":3,""grn,spa"":1,""ile"":2,""ina"":3,""ita"":3,""jpn,spa"":1,""por"":4,""rus"":1,""rus,eng,spa"":1,""rus,spa,chr"":1,""sco"":1,""spa"":203551,""spa,ara"":32,""spa,ara,deu"":1,""spa,ara,eng"":4,""spa,cat"":115,""spa,cat,eng"":2,""spa,cos"":1,""spa,dan"":104,""spa,dan,eng"":8,""spa,deu"":26,""spa,deu,eng"":2,""spa,deu,tur"":3,""spa,ell"":1,""spa,ell,eng"":1,""spa,eng"":28245,""spa,eng,ara"":8,""spa,eng,cat"":36,""spa,eng,dan"":15,""spa,eng,deu"":7,""spa,eng,fas"":10,""spa,eng,fra"":40,""spa,eng,grn"":9,""spa,eng,heb"":3,""spa,eng,ile"":2,""spa,eng,ina"":3,""spa,eng,ind"":2,""spa,eng,ita"":16,""spa,eng,jpn"":63,""spa,eng,kor"":1,""spa,eng,ltz"":1,""spa,eng,mlg"":1,""spa,eng,mri"":3,""spa,eng,nld"":7,""spa,eng,rus"":8,""spa,eng,swa"":1,""spa,eng,swe"":2,""spa,eng,tgl"":1,""spa,eng,tha"":4,""spa,eng,tur"":18,""spa,eng,war"":3,""spa,eng,zho"":6,""spa,eus"":2,""spa,fas"":1,""spa,fas,eng"":3,""spa,fra"":92,""spa,fra,eng"":20,""spa,fra,tha"":1,""spa,grn"":238,""spa,grn,eng"":12,""spa,heb,eng"":3,""spa,ile"":1,""spa,ina"":4,""spa,ina,nor"":1,""spa,ind"":29,""spa,ita"":87,""spa,ita,cat"":1,""spa,ita,cos"":1,""spa,ita,eng"":15,""spa,jpn"":33,""spa,jpn,dan"":4,""spa,jpn,eng"":10,""spa,kor"":11,""spa,kor,eng"":2,""spa,lat"":6,""spa,nld"":5,""spa,nor"":1,""spa,oci"":3,""spa,pol,eng"":4,""spa,roh"":4,""spa,ron,eng"":2,""spa,rus"":31,""spa,rus,chr"":2,""spa,rus,eng"":14,""spa,rus,fra"":3,""spa,sna"":2,""spa,swa"":3,""spa,swa,eng"":2,""spa,swe,eng"":4,""spa,tgl"":7,""spa,tgl,eng"":3,""spa,tha"":1,""spa,tuk"":1,""spa,tur"":11,""spa,tur,eng"":4,""spa,ukr"":4,""spa,war"":61,""spa,war,eng"":6,""spa,xho"":1,""spa,xho,eng"":5,""spa,zho"":1,""spa,zho,eng"":3,""tur"":1}","{""application/rss+xml"":133,""application/xhtml+xml"":40149,""image/jpeg"":23,""image/png"":1,""text/html"":194746}","{""2020"":97860,""2021"":137192}","{""CC-MAIN-2020-05"":7957,""CC-MAIN-2020-10"":8085,""CC-MAIN-2020-16"":7490,""CC-MAIN-2020-24"":8768,""CC-MAIN-2020-29"":12766,""CC-MAIN-2020-34"":16617,""CC-MAIN-2020-40"":13533,""CC-MAIN-2020-45"":11559,""CC-MAIN-2020-50"":11085,""CC-MAIN-2021-04"":14216,""CC-MAIN-2021-10"":10900,""CC-MAIN-2021-17"":12063,""CC-MAIN-2021-21"":12978,""CC-MAIN-2021-25"":12079,""CC-MAIN-2021-31"":12024,""CC-MAIN-2021-39"":18216,""CC-MAIN-2021-43"":23326,""CC-MAIN-2021-49"":21390}" +"221","notiulti","https://www.notiulti.com/","es","28913","23165","671530970","{""cat,spa,eng"":1,""deu,eng,fra"":1,""deu,eng,spa"":1,""deu,spa,eng"":2,""eng"":79,""eng,dan,spa"":1,""eng,deu,spa"":1,""eng,por"":1,""eng,rus,spa"":1,""eng,spa"":6008,""eng,spa,cat"":4,""eng,spa,dan"":19,""eng,spa,deu"":5,""eng,spa,ell"":1,""eng,spa,fra"":38,""eng,spa,grn"":1,""eng,spa,ind"":4,""eng,spa,jpn"":1,""eng,spa,kor"":2,""eng,spa,lav"":2,""eng,spa,mri"":1,""eng,spa,msa"":1,""eng,spa,nep"":1,""eng,spa,nld"":3,""eng,spa,nno"":1,""eng,spa,oci"":2,""eng,spa,rus"":7,""eng,spa,slk"":1,""eng,spa,tha"":1,""eng,spa,tur"":2,""eng,spa,vie"":1,""eng,spa,war"":5,""eng,war"":1,""fra,eng,spa"":7,""fra,spa,eng"":1,""ita,eng,spa"":2,""lat,eng,spa"":1,""rus,eng,spa"":1,""spa"":2367,""spa,cat"":3,""spa,ces"":2,""spa,cos"":1,""spa,deu"":5,""spa,deu,eng"":2,""spa,eng"":19697,""spa,eng,aar"":1,""spa,eng,afr"":1,""spa,eng,bul"":1,""spa,eng,cat"":39,""spa,eng,ces"":4,""spa,eng,cos"":1,""spa,eng,dan"":18,""spa,eng,deu"":28,""spa,eng,eus"":1,""spa,eng,fra"":299,""spa,eng,grn"":2,""spa,eng,hau"":1,""spa,eng,ind"":29,""spa,eng,ita"":4,""spa,eng,jpn"":2,""spa,eng,kha"":2,""spa,eng,kor"":3,""spa,eng,lav"":14,""spa,eng,mal"":1,""spa,eng,mri"":1,""spa,eng,msa"":3,""spa,eng,nld"":5,""spa,eng,nor"":1,""spa,eng,oci"":4,""spa,eng,ron"":1,""spa,eng,rus"":1,""spa,eng,san"":2,""spa,eng,slk"":4,""spa,eng,som"":1,""spa,eng,swa"":1,""spa,eng,tur"":5,""spa,eng,vol"":1,""spa,eng,war"":55,""spa,eng,zho"":1,""spa,eng,zul"":1,""spa,fra"":59,""spa,fra,eng"":2,""spa,ina"":2,""spa,ind"":3,""spa,ita"":1,""spa,jpn,eng"":7,""spa,kor"":2,""spa,lav"":5,""spa,tur"":1,""spa,war"":4}","{""application/xhtml+xml"":1,""text/html"":28912}","{""2020"":12274,""2021"":16639}","{""CC-MAIN-2020-05"":844,""CC-MAIN-2020-10"":739,""CC-MAIN-2020-16"":276,""CC-MAIN-2020-24"":684,""CC-MAIN-2020-29"":1071,""CC-MAIN-2020-34"":1997,""CC-MAIN-2020-40"":1632,""CC-MAIN-2020-45"":2925,""CC-MAIN-2020-50"":2106,""CC-MAIN-2021-04"":1619,""CC-MAIN-2021-10"":1758,""CC-MAIN-2021-17"":970,""CC-MAIN-2021-21"":727,""CC-MAIN-2021-25"":1344,""CC-MAIN-2021-31"":2083,""CC-MAIN-2021-39"":1812,""CC-MAIN-2021-43"":1412,""CC-MAIN-2021-49"":4914}" +"200","caretas","https://www.caretas.com.pe/","es","2293","1605","62455703","{""eng,spa"":1,""spa"":2132,""spa,cat"":1,""spa,dan"":20,""spa,eng"":133,""spa,eng,deu"":1,""spa,eng,fra"":2,""spa,fra"":2,""spa,jpn"":1}","{""text/html"":2293}","{""2020"":2293}","{""CC-MAIN-2020-10"":274,""CC-MAIN-2020-16"":296,""CC-MAIN-2020-24"":731,""CC-MAIN-2020-29"":500,""CC-MAIN-2020-34"":492}" +"489","Personal blog","https://www.cheekiemonkie.net/","en","39771","9545","988855242","{""eng"":36084,""eng,msa"":68,""eng,zho"":38}","{""application/atom+xml"":3580,""application/rss+xml"":1,""application/xhtml+xml"":36190}","{""2020"":22482,""2021"":17289}","{""CC-MAIN-2020-05"":3367,""CC-MAIN-2020-10"":2511,""CC-MAIN-2020-16"":2547,""CC-MAIN-2020-24"":2915,""CC-MAIN-2020-29"":3337,""CC-MAIN-2020-34"":1591,""CC-MAIN-2020-40"":3129,""CC-MAIN-2020-45"":1947,""CC-MAIN-2020-50"":1138,""CC-MAIN-2021-04"":3097,""CC-MAIN-2021-10"":1196,""CC-MAIN-2021-17"":2757,""CC-MAIN-2021-21"":1017,""CC-MAIN-2021-25"":1461,""CC-MAIN-2021-31"":2694,""CC-MAIN-2021-39"":1223,""CC-MAIN-2021-43"":2849,""CC-MAIN-2021-49"":995}" +"67","elpais - costa rica","http://www.elpais.cr/","es","230569","136918","3576327225","{""eng,spa"":11,""eng,spa,fra"":2,""spa"":217912,""spa,ara"":4,""spa,aze,ita"":2,""spa,bos"":1,""spa,cat"":319,""spa,cat,eng"":193,""spa,cat,grn"":1,""spa,cat,ile"":2,""spa,cos"":2,""spa,dan"":346,""spa,dan,eng"":6,""spa,deu"":41,""spa,ell"":4,""spa,eng"":8805,""spa,eng,cat"":7,""spa,eng,dan"":4,""spa,eng,deu"":7,""spa,eng,fas"":1,""spa,eng,fra"":65,""spa,eng,grn"":26,""spa,eng,hin"":2,""spa,eng,ita"":6,""spa,eng,msa"":1,""spa,eng,oci"":1,""spa,eng,rus"":4,""spa,eng,slk"":1,""spa,eng,tur"":3,""spa,eng,zho"":1,""spa,fas"":5,""spa,fas,ara"":1,""spa,fas,eng"":2,""spa,fra"":81,""spa,fra,eng"":19,""spa,grn"":2334,""spa,grn,dan"":1,""spa,grn,eng"":32,""spa,grn,fra"":1,""spa,grn,lat"":1,""spa,hau"":1,""spa,heb"":6,""spa,hrv"":3,""spa,hun"":2,""spa,ile"":2,""spa,ile,ita"":1,""spa,ina"":4,""spa,ina,dan"":3,""spa,ind"":8,""spa,isl"":10,""spa,ita"":115,""spa,ita,cos"":1,""spa,ita,eng"":3,""spa,jav,ile"":1,""spa,jpn"":3,""spa,lat"":16,""spa,lat,deu"":2,""spa,mlg"":1,""spa,msa"":15,""spa,nep"":1,""spa,nld"":1,""spa,nor"":3,""spa,oci"":2,""spa,pol"":11,""spa,que"":1,""spa,ron"":1,""spa,rus"":22,""spa,rus,eng"":1,""spa,rus,srp"":4,""spa,san"":1,""spa,sco"":2,""spa,som"":2,""spa,srp"":7,""spa,tur"":9,""spa,uzb"":1,""spa,war"":36}","{""application/rss+xml"":10,""text/html"":230559}","{""2020"":113000,""2021"":117569}","{""CC-MAIN-2020-05"":17737,""CC-MAIN-2020-10"":7798,""CC-MAIN-2020-16"":5106,""CC-MAIN-2020-24"":6904,""CC-MAIN-2020-29"":15643,""CC-MAIN-2020-34"":16507,""CC-MAIN-2020-40"":18378,""CC-MAIN-2020-45"":14167,""CC-MAIN-2020-50"":10760,""CC-MAIN-2021-04"":22445,""CC-MAIN-2021-10"":20661,""CC-MAIN-2021-17"":20735,""CC-MAIN-2021-21"":20561,""CC-MAIN-2021-25"":6781,""CC-MAIN-2021-31"":5916,""CC-MAIN-2021-39"":5939,""CC-MAIN-2021-43"":7241,""CC-MAIN-2021-49"":7290}" +"77","elmon","https://elmon.cat/monplaneta/","es","3170","2201","44679076","{""cat"":3022,""cat,eng"":112,""cat,eng,rus"":3,""cat,fra"":3,""cat,oci"":7,""cat,spa"":3,""eng"":20}","{""text/html"":3170}","{""2020"":2884,""2021"":286}","{""CC-MAIN-2020-05"":243,""CC-MAIN-2020-10"":388,""CC-MAIN-2020-16"":275,""CC-MAIN-2020-24"":540,""CC-MAIN-2020-29"":555,""CC-MAIN-2020-34"":364,""CC-MAIN-2020-40"":273,""CC-MAIN-2020-45"":92,""CC-MAIN-2020-50"":154,""CC-MAIN-2021-04"":134,""CC-MAIN-2021-10"":137,""CC-MAIN-2021-17"":9,""CC-MAIN-2021-25"":4,""CC-MAIN-2021-39"":1,""CC-MAIN-2021-43"":1}" +"47","banco central del ecuador","http://www.bce.fin.ec/","es","1434","606","44675317","{""eng"":86,""lat,eng"":3,""spa"":1239,""spa,eng"":39,""spa,grn"":7}","{""application/pdf"":60,""application/xhtml+xml"":480,""text/html"":894}","{""2020"":758,""2021"":676}","{""CC-MAIN-2020-05"":126,""CC-MAIN-2020-10"":67,""CC-MAIN-2020-16"":89,""CC-MAIN-2020-24"":55,""CC-MAIN-2020-29"":110,""CC-MAIN-2020-34"":37,""CC-MAIN-2020-40"":94,""CC-MAIN-2020-45"":72,""CC-MAIN-2020-50"":108,""CC-MAIN-2021-04"":89,""CC-MAIN-2021-10"":75,""CC-MAIN-2021-17"":77,""CC-MAIN-2021-21"":64,""CC-MAIN-2021-25"":66,""CC-MAIN-2021-31"":73,""CC-MAIN-2021-39"":80,""CC-MAIN-2021-43"":101,""CC-MAIN-2021-49"":51}" +"189","el economista","https://www.eleconomista.com.mx/","es","353450","189576","6243681229","{""eng"":3,""eng,spa"":91,""spa"":343669,""spa,ara"":1,""spa,bis"":3,""spa,bre"":2,""spa,cat"":106,""spa,cos"":2,""spa,dan"":488,""spa,dan,eng"":8,""spa,dan,ile"":1,""spa,deu"":6,""spa,eng"":8608,""spa,eng,dan"":12,""spa,eng,fra"":2,""spa,eng,nld"":1,""spa,eus"":4,""spa,fra"":33,""spa,grn"":146,""spa,hau"":1,""spa,ile"":1,""spa,ina"":14,""spa,ind"":12,""spa,ind,eng"":1,""spa,isl"":1,""spa,ita"":25,""spa,ita,cat"":1,""spa,jpn"":3,""spa,lat"":9,""spa,msa"":9,""spa,nld"":3,""spa,nld,grn"":2,""spa,nno"":2,""spa,nor"":4,""spa,ron"":2,""spa,rus"":4,""spa,slk"":1,""spa,smo"":1,""spa,srp"":10,""spa,srp,ile"":1,""spa,swe"":3,""spa,war"":87,""spa,war,eng"":1}","{""application/octet-stream"":2,""application/pdf"":12,""application/rss+xml"":4,""application/x-directory"":1,""application/xhtml+xml"":11,""text/html"":353420}","{""2020"":197671,""2021"":155779}","{""CC-MAIN-2020-05"":23368,""CC-MAIN-2020-10"":22295,""CC-MAIN-2020-16"":20163,""CC-MAIN-2020-24"":19765,""CC-MAIN-2020-29"":19517,""CC-MAIN-2020-34"":20343,""CC-MAIN-2020-40"":22305,""CC-MAIN-2020-45"":24882,""CC-MAIN-2020-50"":25033,""CC-MAIN-2021-04"":24843,""CC-MAIN-2021-10"":9962,""CC-MAIN-2021-17"":9867,""CC-MAIN-2021-21"":9751,""CC-MAIN-2021-25"":26548,""CC-MAIN-2021-31"":27404,""CC-MAIN-2021-39"":29299,""CC-MAIN-2021-43"":9190,""CC-MAIN-2021-49"":8915}" +"410","mystery planet","https://mysteryplanet.com.ar/site/","es","48235","14023","1179342826","{""eng,spa"":40,""spa"":41695,""spa,ara"":3,""spa,cat"":11,""spa,cat,eng"":1,""spa,dan"":97,""spa,deu"":3,""spa,eng"":6243,""spa,eng,ara"":12,""spa,eng,dan"":6,""spa,eng,fra"":9,""spa,eng,heb"":1,""spa,eng,ita"":1,""spa,eng,jpn"":8,""spa,eng,rus"":3,""spa,eng,sqi"":5,""spa,eng,swe"":5,""spa,eng,tur"":5,""spa,eng,zho"":6,""spa,fra"":19,""spa,fra,eng"":1,""spa,grn"":3,""spa,heb"":3,""spa,ind"":5,""spa,ita"":4,""spa,jpn"":11,""spa,jpn,eng"":1,""spa,lat"":2,""spa,msa"":1,""spa,oci"":3,""spa,rus"":9,""spa,rus,eng"":2,""spa,san"":2,""spa,sqi"":7}","{""application/pdf"":7,""application/xhtml+xml"":48186,""image/png"":1,""text/html"":41}","{""2020"":25139,""2021"":23096}","{""CC-MAIN-2020-05"":2823,""CC-MAIN-2020-10"":2163,""CC-MAIN-2020-16"":3012,""CC-MAIN-2020-24"":2939,""CC-MAIN-2020-29"":2499,""CC-MAIN-2020-34"":3237,""CC-MAIN-2020-40"":3574,""CC-MAIN-2020-45"":2750,""CC-MAIN-2020-50"":2142,""CC-MAIN-2021-04"":3026,""CC-MAIN-2021-10"":2684,""CC-MAIN-2021-17"":3092,""CC-MAIN-2021-21"":3204,""CC-MAIN-2021-25"":1714,""CC-MAIN-2021-31"":1745,""CC-MAIN-2021-39"":3489,""CC-MAIN-2021-43"":2732,""CC-MAIN-2021-49"":1410}" +"217","diariodeburgos","https://www.diariodeburgos.es/","es","121602","86009","2185842612","{""ina,spa"":86,""spa"":119653,""spa,cat"":310,""spa,cat,eng"":8,""spa,dan"":25,""spa,eng"":1184,""spa,eng,cat"":1,""spa,eng,deu"":13,""spa,eng,roh"":1,""spa,epo"":4,""spa,eus"":12,""spa,fra"":9,""spa,grn"":7,""spa,ile"":9,""spa,ina"":88,""spa,ind"":1,""spa,ita"":12,""spa,kin"":1,""spa,lat"":11,""spa,lat,eng"":3,""spa,lat,xho"":5,""spa,lin"":65,""spa,nno"":6,""spa,oci"":1,""spa,roh"":31,""spa,tur"":1,""spa,vol"":2,""spa,war"":17,""spa,xho"":6}","{""application/rss+xml"":10,""application/xhtml+xml"":1,""application/xml"":1,""text/html"":121590}","{""2020"":77635,""2021"":43967}","{""CC-MAIN-2020-05"":9898,""CC-MAIN-2020-10"":11569,""CC-MAIN-2020-16"":8448,""CC-MAIN-2020-24"":14143,""CC-MAIN-2020-29"":9314,""CC-MAIN-2020-34"":9251,""CC-MAIN-2020-40"":9311,""CC-MAIN-2020-45"":3274,""CC-MAIN-2020-50"":2427,""CC-MAIN-2021-04"":6818,""CC-MAIN-2021-10"":3605,""CC-MAIN-2021-17"":2108,""CC-MAIN-2021-21"":4144,""CC-MAIN-2021-25"":4807,""CC-MAIN-2021-31"":3036,""CC-MAIN-2021-39"":6967,""CC-MAIN-2021-43"":5423,""CC-MAIN-2021-49"":7059}" +"350","institucional","http://www.ideam.gov.co/","es","18331","11373","1207884072","{""eng"":1,""spa"":4968,""spa,cat"":5,""spa,cat,eng"":8,""spa,deu"":2,""spa,deu,eng"":2,""spa,eng"":11541,""spa,eng,cat"":1,""spa,eng,nld"":2,""spa,eng,xho"":1,""spa,nld,eng"":1,""spa,oci,eng"":4,""spa,vie,eng"":1,""spa,xho"":6,""spa,xho,eng"":11,""spa,zho"":2,""vie,spa"":2}","{""application/msword"":2,""application/pdf"":1494,""application/vnd.ms-excel"":98,""application/vnd.openxmlformats-officedocument.presentationml.presentation"":14,""application/vnd.openxmlformats-officedocument.presentationml.slideshow"":2,""application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"":55,""application/vnd.openxmlformats-officedocument.wordprocessingml.document"":29,""application/x-tika-ooxml"":54,""application/xhtml+xml"":2,""image/jpeg"":12,""image/png"":8,""image/tiff"":1,""text/html"":16558,""video/webm"":2}","{""2020"":12786,""2021"":5545}","{""CC-MAIN-2020-05"":508,""CC-MAIN-2020-10"":2387,""CC-MAIN-2020-16"":3530,""CC-MAIN-2020-24"":1192,""CC-MAIN-2020-29"":1978,""CC-MAIN-2020-34"":1143,""CC-MAIN-2020-40"":1250,""CC-MAIN-2020-45"":456,""CC-MAIN-2020-50"":342,""CC-MAIN-2021-04"":1063,""CC-MAIN-2021-10"":542,""CC-MAIN-2021-17"":339,""CC-MAIN-2021-21"":7,""CC-MAIN-2021-25"":25,""CC-MAIN-2021-31"":244,""CC-MAIN-2021-39"":236,""CC-MAIN-2021-43"":448,""CC-MAIN-2021-49"":2641}" +"275","conadeh","https://conadeh.hn/","es","1429","1099","39749825","{""eng"":1,""eng,fra,tur"":1,""eng,spa"":20,""eng,spa,fas"":6,""eng,tur"":3,""eng,tur,fra"":1,""spa"":1138,""spa,eng"":221,""spa,eng,lat"":4,""spa,grn"":2,""spa,lat"":4,""spa,lat,eng"":4}","{""application/pdf"":24,""text/html"":1405}","{""2020"":1,""2021"":1428}","{""CC-MAIN-2020-05"":1,""CC-MAIN-2021-04"":104,""CC-MAIN-2021-10"":14,""CC-MAIN-2021-17"":104,""CC-MAIN-2021-21"":98,""CC-MAIN-2021-25"":57,""CC-MAIN-2021-31"":798,""CC-MAIN-2021-39"":46,""CC-MAIN-2021-43"":158,""CC-MAIN-2021-49"":49}" +"211","el comercio","http://www.elcomercio.com/","es","426859","315820","10409564572","{""eng"":14,""eng,spa"":3,""rus,spa"":1,""spa"":279553,""spa,ara"":17,""spa,ara,eng"":4,""spa,bos"":1,""spa,cat"":2058,""spa,cat,eng"":22,""spa,cat,grn"":1,""spa,cos"":2,""spa,dan"":380,""spa,dan,cat"":3,""spa,dan,eng"":133,""spa,dan,grn"":1,""spa,deu"":23,""spa,deu,cat"":1,""spa,deu,eng"":1,""spa,deu,hun"":1,""spa,ell"":2,""spa,ell,eng"":1,""spa,eng"":142606,""spa,eng,ara"":9,""spa,eng,bul"":1,""spa,eng,cat"":267,""spa,eng,ces"":1,""spa,eng,cos"":1,""spa,eng,dan"":154,""spa,eng,deu"":10,""spa,eng,ell"":1,""spa,eng,epo"":1,""spa,eng,fas"":2,""spa,eng,fra"":32,""spa,eng,gla"":3,""spa,eng,grn"":94,""spa,eng,hun"":1,""spa,eng,ile"":1,""spa,eng,ina"":8,""spa,eng,ind"":8,""spa,eng,ita"":32,""spa,eng,jpn"":8,""spa,eng,kor"":3,""spa,eng,lat"":7,""spa,eng,msa"":8,""spa,eng,nld"":2,""spa,eng,oci"":1,""spa,eng,pol"":2,""spa,eng,que"":11,""spa,eng,ron"":2,""spa,eng,rus"":7,""spa,eng,srp"":1,""spa,eng,swa"":2,""spa,eng,swe"":1,""spa,eng,tur"":11,""spa,eng,urd"":1,""spa,eng,war"":16,""spa,eng,zho"":3,""spa,eus"":3,""spa,fra"":109,""spa,fra,cat"":1,""spa,fra,eng"":11,""spa,fra,nld"":1,""spa,fry"":1,""spa,glg"":2,""spa,grn"":294,""spa,grn,cat"":3,""spa,grn,eng"":46,""spa,heb"":2,""spa,hrv"":3,""spa,hun"":1,""spa,ile"":3,""spa,ina"":50,""spa,ind"":10,""spa,ind,eng"":1,""spa,ita"":99,""spa,ita,cat"":1,""spa,ita,cos"":1,""spa,ita,deu"":1,""spa,ita,eng"":5,""spa,jpn"":4,""spa,jpn,eng"":1,""spa,kor"":4,""spa,lat"":7,""spa,mlt,ita"":1,""spa,msa"":8,""spa,nld"":8,""spa,nld,dan"":1,""spa,nld,eng"":2,""spa,nor"":2,""spa,oci"":9,""spa,pol"":7,""spa,pol,eng"":2,""spa,que"":41,""spa,ron"":2,""spa,rus"":25,""spa,rus,eng"":7,""spa,sco"":2,""spa,srp"":7,""spa,ssw"":2,""spa,swa"":3,""spa,swe"":6,""spa,tha"":3,""spa,tur"":25,""spa,tur,eng"":6,""spa,war"":29,""spa,zho"":3}","{""application/pdf"":62,""application/rss+xml"":12,""text/html"":426785}","{""2020"":198702,""2021"":228157}","{""CC-MAIN-2020-05"":24252,""CC-MAIN-2020-10"":23088,""CC-MAIN-2020-16"":19338,""CC-MAIN-2020-24"":19532,""CC-MAIN-2020-29"":20808,""CC-MAIN-2020-34"":21315,""CC-MAIN-2020-40"":21460,""CC-MAIN-2020-45"":24587,""CC-MAIN-2020-50"":24322,""CC-MAIN-2021-04"":24706,""CC-MAIN-2021-10"":24981,""CC-MAIN-2021-17"":25459,""CC-MAIN-2021-21"":20492,""CC-MAIN-2021-25"":26600,""CC-MAIN-2021-31"":26471,""CC-MAIN-2021-39"":26444,""CC-MAIN-2021-43"":26539,""CC-MAIN-2021-49"":26465}" +"34","los andes","https://www.losandes.com.ar/","es","80832","57979","6765874245","{""spa"":77278,""spa,ara"":3,""spa,cat"":9,""spa,cat,eng"":1,""spa,cos"":3,""spa,dan"":7,""spa,deu"":4,""spa,ell"":1,""spa,eng"":3402,""spa,eng,fra"":2,""spa,eng,ita"":1,""spa,epo"":2,""spa,fra"":16,""spa,grn"":17,""spa,hat"":1,""spa,heb"":2,""spa,ina"":4,""spa,isl"":1,""spa,ita"":33,""spa,jpn"":5,""spa,kor"":1,""spa,lat"":3,""spa,nld"":2,""spa,nor"":1,""spa,oci"":2,""spa,rus"":3,""spa,tur"":9,""spa,ukr"":1,""spa,war"":18}","{""text/html"":80832}","{""2020"":30704,""2021"":50128}","{""CC-MAIN-2020-05"":2842,""CC-MAIN-2020-10"":3934,""CC-MAIN-2020-16"":2951,""CC-MAIN-2020-24"":2326,""CC-MAIN-2020-29"":2607,""CC-MAIN-2020-34"":4228,""CC-MAIN-2020-40"":4798,""CC-MAIN-2020-45"":3173,""CC-MAIN-2020-50"":3845,""CC-MAIN-2021-04"":4990,""CC-MAIN-2021-10"":4205,""CC-MAIN-2021-17"":3450,""CC-MAIN-2021-21"":4010,""CC-MAIN-2021-25"":4593,""CC-MAIN-2021-31"":4327,""CC-MAIN-2021-39"":8422,""CC-MAIN-2021-43"":8239,""CC-MAIN-2021-49"":7892}" +"308","redr","http://www.redr.es","es","18638","12762","169783677","{""bul,spa"":1,""ces,spa,eng"":1,""dan,eng,spa"":1,""deu,spa"":1,""ell,spa"":1,""eng"":28,""eng,spa"":4,""est"":1,""fra,eng,spa"":1,""hrv,bos"":1,""hun,spa,eng"":1,""ita,spa"":1,""lav,spa"":1,""lit,spa,eng"":1,""nld,spa,afr"":1,""pol,spa"":7,""ron,spa,eng"":1,""slk"":2,""slv,spa,eng"":1,""spa"":18233,""spa,cat"":105,""spa,eng"":191,""spa,eus"":10,""spa,grn"":2,""spa,oci"":2,""spa,war"":2,""swe,spa"":2}","{""application/pdf"":24,""application/rss+xml"":6,""application/xhtml+xml"":18568,""application/xml"":1,""text/html"":39}","{""2020"":10550,""2021"":8088}","{""CC-MAIN-2020-05"":1980,""CC-MAIN-2020-10"":914,""CC-MAIN-2020-16"":1086,""CC-MAIN-2020-24"":1415,""CC-MAIN-2020-29"":2034,""CC-MAIN-2020-34"":1433,""CC-MAIN-2020-40"":1042,""CC-MAIN-2020-45"":289,""CC-MAIN-2020-50"":357,""CC-MAIN-2021-04"":800,""CC-MAIN-2021-10"":341,""CC-MAIN-2021-17"":725,""CC-MAIN-2021-21"":32,""CC-MAIN-2021-25"":76,""CC-MAIN-2021-31"":119,""CC-MAIN-2021-39"":358,""CC-MAIN-2021-43"":972,""CC-MAIN-2021-49"":4665}" +"402","diario de centro américa","https://dca.gob.gt/","es","11940","8264","251442293","{""eng"":9,""eng,spa"":7,""spa"":11331,""spa,cat"":5,""spa,dan"":4,""spa,dan,eng"":1,""spa,eng"":516,""spa,eng,dan"":1,""spa,eng,fra"":3,""spa,fra"":7,""spa,grn"":35,""spa,ita"":1,""spa,nld"":2,""spa,rus,eng"":2,""spa,war"":9}","{""application/json"":2,""application/pdf"":1,""application/rss+xml"":2,""application/vnd.google-earth.kml+xml"":2,""text/html"":11933}","{""2020"":6884,""2021"":5056}","{""CC-MAIN-2020-05"":483,""CC-MAIN-2020-10"":851,""CC-MAIN-2020-16"":839,""CC-MAIN-2020-24"":891,""CC-MAIN-2020-29"":983,""CC-MAIN-2020-34"":676,""CC-MAIN-2020-40"":1090,""CC-MAIN-2020-45"":733,""CC-MAIN-2020-50"":338,""CC-MAIN-2021-04"":257,""CC-MAIN-2021-10"":379,""CC-MAIN-2021-17"":497,""CC-MAIN-2021-21"":376,""CC-MAIN-2021-25"":390,""CC-MAIN-2021-31"":287,""CC-MAIN-2021-39"":718,""CC-MAIN-2021-43"":924,""CC-MAIN-2021-49"":1228}" +"282","ieee - instituto español de estudios estratégicos","http://www.ieee.es/","es","13260","9945","1213247512","{""eng"":823,""eng,grn"":1,""eng,spa"":522,""eng,spa,cat"":2,""spa"":9319,""spa,cat"":1,""spa,dan"":1,""spa,eng"":796,""spa,eng,fra"":9,""spa,fra"":8,""spa,grn"":3,""spa,lat"":3,""spa,uzb"":1}","{""application/epub+zip"":54,""application/pdf"":1711,""application/rss+xml"":5,""application/xhtml+xml"":11475,""text/html"":15}","{""2020"":3977,""2021"":9283}","{""CC-MAIN-2020-05"":24,""CC-MAIN-2020-10"":1416,""CC-MAIN-2020-16"":432,""CC-MAIN-2020-24"":48,""CC-MAIN-2020-29"":40,""CC-MAIN-2020-34"":160,""CC-MAIN-2020-40"":887,""CC-MAIN-2020-45"":836,""CC-MAIN-2020-50"":134,""CC-MAIN-2021-04"":262,""CC-MAIN-2021-10"":91,""CC-MAIN-2021-17"":942,""CC-MAIN-2021-21"":747,""CC-MAIN-2021-25"":2,""CC-MAIN-2021-39"":131,""CC-MAIN-2021-43"":2914,""CC-MAIN-2021-49"":4194}" +"127","ezanime","https://www.ezanime.net/","es","13963","13650","318552427","{""eng"":8,""eng,spa"":31,""eng,spa,ell"":1,""lat,eng,spa"":1,""lat,spa"":1,""lat,spa,eng"":1,""nld,spa,eng"":1,""spa"":9897,""spa,ben"":1,""spa,bos"":1,""spa,cat"":8,""spa,dan"":5,""spa,dan,eng"":2,""spa,deu"":2,""spa,eng"":3949,""spa,eng,dan"":2,""spa,eng,lat"":2,""spa,eng,swe"":3,""spa,eus"":1,""spa,fra"":15,""spa,grn"":2,""spa,grn,eng"":2,""spa,hin"":5,""spa,ind"":3,""spa,ita,eng"":1,""spa,jpn"":5,""spa,jpn,eng"":1,""spa,lat"":1,""spa,nor"":3,""spa,san"":1,""spa,ssw"":1,""spa,swe"":1,""spa,war"":5}","{""text/html"":13963}","{""2020"":5868,""2021"":8095}","{""CC-MAIN-2020-16"":80,""CC-MAIN-2020-24"":261,""CC-MAIN-2020-29"":984,""CC-MAIN-2020-34"":1228,""CC-MAIN-2020-40"":1471,""CC-MAIN-2020-45"":22,""CC-MAIN-2020-50"":1822,""CC-MAIN-2021-04"":15,""CC-MAIN-2021-10"":2749,""CC-MAIN-2021-17"":4824,""CC-MAIN-2021-21"":73,""CC-MAIN-2021-25"":17,""CC-MAIN-2021-31"":47,""CC-MAIN-2021-39"":66,""CC-MAIN-2021-43"":127,""CC-MAIN-2021-49"":177}" +"196","cuarto poder","http://www.cuartopoder.mx/","es","14806","12901","135666728","{""spa"":3501,""spa,cat,eng"":2,""spa,eng"":11287,""spa,eng,dan"":1,""spa,eng,grn"":1,""spa,eng,war"":1,""spa,grn"":2,""spa,grn,eng"":1,""spa,ind"":1,""spa,ita,eng"":1,""spa,war"":6,""spa,war,eng"":1}","{""application/xml"":1,""text/html"":14805}","{""2020"":9032,""2021"":5774}","{""CC-MAIN-2020-05"":632,""CC-MAIN-2020-10"":1470,""CC-MAIN-2020-16"":585,""CC-MAIN-2020-24"":1525,""CC-MAIN-2020-29"":1347,""CC-MAIN-2020-34"":1077,""CC-MAIN-2020-40"":1054,""CC-MAIN-2020-45"":640,""CC-MAIN-2020-50"":702,""CC-MAIN-2021-04"":1098,""CC-MAIN-2021-10"":612,""CC-MAIN-2021-17"":726,""CC-MAIN-2021-21"":582,""CC-MAIN-2021-25"":622,""CC-MAIN-2021-31"":350,""CC-MAIN-2021-39"":350,""CC-MAIN-2021-43"":871,""CC-MAIN-2021-49"":563}" +"144","diario abierto","https://www.diarioabierto.es/","es","10542","7235","157198750","{""eng"":10,""eng,spa"":6,""spa"":9102,""spa,cat"":49,""spa,cat,eng"":1,""spa,dan"":1,""spa,eng"":1321,""spa,eng,cat"":7,""spa,eng,dan"":1,""spa,eng,deu"":1,""spa,eng,ita"":1,""spa,eus"":1,""spa,fra"":2,""spa,grn"":2,""spa,lat"":1,""spa,msa"":1,""spa,war"":1}","{""application/pdf"":14,""application/rss+xml"":20,""application/xhtml+xml"":12,""text/html"":10496}","{""2020"":6407,""2021"":4135}","{""CC-MAIN-2020-05"":770,""CC-MAIN-2020-10"":1048,""CC-MAIN-2020-16"":606,""CC-MAIN-2020-24"":918,""CC-MAIN-2020-29"":986,""CC-MAIN-2020-34"":816,""CC-MAIN-2020-40"":671,""CC-MAIN-2020-45"":262,""CC-MAIN-2020-50"":330,""CC-MAIN-2021-04"":675,""CC-MAIN-2021-10"":354,""CC-MAIN-2021-17"":313,""CC-MAIN-2021-21"":540,""CC-MAIN-2021-25"":384,""CC-MAIN-2021-31"":402,""CC-MAIN-2021-39"":799,""CC-MAIN-2021-43"":397,""CC-MAIN-2021-49"":271}" +"248","telesur","http://www.telesurtv.net/","es","473500","191598","11696881142","{""eng"":47,""eng,grn"":199,""eng,spa"":281,""glg"":2,""grn"":12,""lat,spa"":1,""spa"":425589,""spa,amh"":1,""spa,ara"":437,""spa,ara,eng"":53,""spa,ara,fas"":3,""spa,ara,fra"":5,""spa,ara,heb"":2,""spa,ara,msa"":3,""spa,aze"":6,""spa,aze,eng"":2,""spa,bel"":3,""spa,ben"":4,""spa,cat"":1228,""spa,cat,eng"":48,""spa,ces"":22,""spa,ces,eng"":1,""spa,crs"":1,""spa,dan"":974,""spa,dan,cat"":1,""spa,dan,deu"":2,""spa,dan,eng"":18,""spa,dan,grn"":2,""spa,dan,rus"":3,""spa,deu"":232,""spa,deu,dan"":1,""spa,deu,eng"":11,""spa,deu,fra"":6,""spa,deu,ita"":2,""spa,deu,nld"":1,""spa,deu,war"":1,""spa,ell"":72,""spa,ell,eng"":6,""spa,eng"":31997,""spa,eng,aar"":1,""spa,eng,amh"":1,""spa,eng,ara"":50,""spa,eng,aze"":5,""spa,eng,bos"":1,""spa,eng,cat"":35,""spa,eng,dan"":17,""spa,eng,deu"":24,""spa,eng,ell"":1,""spa,eng,fas"":14,""spa,eng,fin"":2,""spa,eng,fra"":141,""spa,eng,grn"":30,""spa,eng,hat"":2,""spa,eng,heb"":12,""spa,eng,hin"":14,""spa,eng,ina"":2,""spa,eng,ind"":6,""spa,eng,isl"":1,""spa,eng,ita"":25,""spa,eng,jpn"":6,""spa,eng,kin"":1,""spa,eng,kor"":4,""spa,eng,lit"":1,""spa,eng,mar"":2,""spa,eng,msa"":3,""spa,eng,mya"":15,""spa,eng,nld"":2,""spa,eng,nor"":2,""spa,eng,pol"":1,""spa,eng,ron"":1,""spa,eng,rus"":34,""spa,eng,som"":7,""spa,eng,sqi"":3,""spa,eng,srp"":1,""spa,eng,tha"":1,""spa,eng,tur"":23,""spa,eng,urd"":3,""spa,eng,war"":4,""spa,eng,zul"":2,""spa,est"":5,""spa,eus"":26,""spa,eus,eng"":1,""spa,fas"":112,""spa,fas,ara"":4,""spa,fas,eng"":21,""spa,fas,pus"":1,""spa,fas,uzb"":3,""spa,fin"":7,""spa,fra"":1681,""spa,fra,deu"":2,""spa,fra,eng"":140,""spa,fra,hat"":8,""spa,fra,nld"":1,""spa,fra,roh"":1,""spa,fra,run"":1,""spa,fra,ukr"":3,""spa,fra,war"":2,""spa,gla"":1,""spa,gle"":3,""spa,grn"":2754,""spa,grn,eng"":78,""spa,grn,ina"":1,""spa,grn,rus"":1,""spa,hat"":60,""spa,hat,eng"":2,""spa,hat,fra"":15,""spa,heb"":83,""spa,heb,eng"":9,""spa,hin"":38,""spa,hin,eng"":16,""spa,hrv"":5,""spa,hrv,eng"":1,""spa,hun"":3,""spa,hye"":9,""spa,hye,rus"":1,""spa,ile"":5,""spa,ina"":609,""spa,ina,dan"":1,""spa,ind"":105,""spa,ind,eng"":19,""spa,ita"":381,""spa,ita,eng"":23,""spa,ita,fra"":6,""spa,ita,war"":1,""spa,jpn"":59,""spa,jpn,dan"":4,""spa,jpn,eng"":8,""spa,kaz"":9,""spa,kin"":1,""spa,kor"":12,""spa,kor,eng"":3,""spa,lat"":24,""spa,mal"":3,""spa,mar"":1,""spa,mfe"":2,""spa,mkd"":6,""spa,mkd,srp"":1,""spa,mlg"":3,""spa,mon"":6,""spa,msa"":69,""spa,mya"":3,""spa,mya,eng"":5,""spa,nep"":7,""spa,nld"":55,""spa,nld,eng"":3,""spa,nno"":2,""spa,nor"":12,""spa,oci"":14,""spa,oci,cat"":1,""spa,pol"":32,""spa,pol,hin"":3,""spa,pus"":19,""spa,pus,eng"":5,""spa,pus,fas"":1,""spa,que"":13,""spa,roh"":1,""spa,ron"":2,""spa,ron,eng"":1,""spa,run"":4,""spa,rus"":423,""spa,rus,eng"":33,""spa,rus,ita"":2,""spa,rus,srp"":7,""spa,san"":2,""spa,sin"":2,""spa,slk"":3,""spa,slv"":15,""spa,slv,eng"":1,""spa,som"":13,""spa,som,eng"":1,""spa,sqi"":3,""spa,srp"":8,""spa,srp,grn"":1,""spa,swa"":7,""spa,swe"":19,""spa,tel"":4,""spa,tgl"":3,""spa,tha"":6,""spa,tha,eng"":2,""spa,tuk"":3,""spa,tur"":189,""spa,tur,ell"":1,""spa,tur,eng"":16,""spa,tur,fra"":1,""spa,tur,ita"":1,""spa,tur,rus"":4,""spa,ukr"":15,""spa,ukr,fra"":1,""spa,urd"":16,""spa,uzb"":2,""spa,vie"":5,""spa,vol"":3,""spa,war"":35,""spa,war,eng"":1,""spa,war,rus"":1,""spa,zho"":22,""spa,zho,eng"":3,""tur,spa"":1}","{""application/pdf"":14,""application/rss+xml"":19,""application/xhtml+xml"":1,""image/jpeg"":17,""text/html"":473446,""text/plain"":1,""text/x-uuencode"":2}","{""2020"":230873,""2021"":242627}","{""CC-MAIN-2020-05"":29652,""CC-MAIN-2020-10"":23828,""CC-MAIN-2020-16"":23845,""CC-MAIN-2020-24"":23402,""CC-MAIN-2020-29"":23427,""CC-MAIN-2020-34"":26964,""CC-MAIN-2020-40"":25751,""CC-MAIN-2020-45"":27337,""CC-MAIN-2020-50"":26667,""CC-MAIN-2021-04"":28025,""CC-MAIN-2021-10"":26523,""CC-MAIN-2021-17"":25251,""CC-MAIN-2021-21"":25927,""CC-MAIN-2021-25"":26851,""CC-MAIN-2021-31"":26088,""CC-MAIN-2021-39"":28017,""CC-MAIN-2021-43"":27924,""CC-MAIN-2021-49"":28021}" +"32","periódico el expresso de puerto rico","http://www.elexpresso.com/","es","34449","24636","749013220","{""eng,spa"":1,""spa"":30748,""spa,bos"":1,""spa,cat"":189,""spa,cat,eng"":1,""spa,cat,eus"":1,""spa,dan"":23,""spa,dan,eng"":1,""spa,eng"":2802,""spa,eng,cat"":1,""spa,eng,grn"":8,""spa,eus"":1,""spa,fra"":1,""spa,grn"":55,""spa,grn,eng"":5,""spa,ina"":1,""spa,ind"":47,""spa,ita"":1,""spa,msa"":1,""spa,oci"":4,""spa,war"":7}","{""application/pdf"":2,""text/html"":34447}","{""2020"":22562,""2021"":11887}","{""CC-MAIN-2020-05"":2182,""CC-MAIN-2020-10"":2467,""CC-MAIN-2020-16"":1835,""CC-MAIN-2020-24"":2382,""CC-MAIN-2020-29"":2959,""CC-MAIN-2020-34"":2600,""CC-MAIN-2020-40"":3338,""CC-MAIN-2020-45"":2628,""CC-MAIN-2020-50"":2171,""CC-MAIN-2021-04"":2425,""CC-MAIN-2021-10"":2014,""CC-MAIN-2021-17"":1502,""CC-MAIN-2021-21"":171,""CC-MAIN-2021-25"":58,""CC-MAIN-2021-31"":1086,""CC-MAIN-2021-39"":905,""CC-MAIN-2021-43"":1841,""CC-MAIN-2021-49"":1885}" +"483","Personal blog","https://alvinology.com/","en","18964","8187","414992570","{""eng"":17621,""eng,dan"":72,""eng,dan,jpn"":8,""eng,dan,kor"":1,""eng,deu"":9,""eng,fra"":7,""eng,hin"":2,""eng,ind"":20,""eng,jpn"":38,""eng,jpn,dan"":1,""eng,jpn,kor"":2,""eng,jpn,zho"":3,""eng,kha"":1,""eng,kor"":563,""eng,kor,zho"":6,""eng,mar"":2,""eng,msa"":54,""eng,msa,kor"":1,""eng,por"":3,""eng,rus"":3,""eng,sco"":3,""eng,spa"":5,""eng,tam"":7,""eng,tam,msa"":1,""eng,tgl"":3,""eng,tha"":3,""eng,vie"":3,""eng,zho"":464,""eng,zho,dan"":1,""eng,zho,jpn"":7,""eng,zho,kor"":26,""eng,zho,msa"":5,""rus,eng"":2,""zho,eng"":13}","{""application/rss+xml"":1,""image/jpeg"":3,""text/html"":18960}","{""2020"":11226,""2021"":7738}","{""CC-MAIN-2020-05"":1798,""CC-MAIN-2020-10"":1005,""CC-MAIN-2020-16"":400,""CC-MAIN-2020-24"":1230,""CC-MAIN-2020-29"":1415,""CC-MAIN-2020-34"":1535,""CC-MAIN-2020-40"":1496,""CC-MAIN-2020-45"":1241,""CC-MAIN-2020-50"":1106,""CC-MAIN-2021-04"":1315,""CC-MAIN-2021-10"":623,""CC-MAIN-2021-17"":1098,""CC-MAIN-2021-21"":1099,""CC-MAIN-2021-25"":474,""CC-MAIN-2021-31"":1049,""CC-MAIN-2021-39"":1088,""CC-MAIN-2021-43"":607,""CC-MAIN-2021-49"":385}" +"267","el periódico","http://www.elperiodico.com/es/","es","380729","237920","7551018417","{""cat"":26,""cat,oci"":1,""cat,spa"":60,""cat,spa,eng"":2,""eng"":4,""eng,spa"":20,""eng,spa,cat"":7,""fra,spa,cat"":2,""ind"":1,""oci,spa,cat"":1,""por"":2,""spa"":165997,""spa,afr"":3,""spa,ara"":9,""spa,ara,cat"":11,""spa,ara,eng"":5,""spa,bos"":1,""spa,cat"":161369,""spa,cat,ara"":4,""spa,cat,dan"":45,""spa,cat,deu"":12,""spa,cat,eng"":18552,""spa,cat,eus"":34,""spa,cat,fra"":73,""spa,cat,fry"":1,""spa,cat,grn"":19,""spa,cat,heb"":3,""spa,cat,hun"":1,""spa,cat,ile"":3,""spa,cat,ina"":7,""spa,cat,ind"":4,""spa,cat,isl"":2,""spa,cat,ita"":28,""spa,cat,jpn"":5,""spa,cat,kal"":1,""spa,cat,lat"":5,""spa,cat,nld"":2,""spa,cat,nor"":1,""spa,cat,oci"":26,""spa,cat,pus"":1,""spa,cat,ron"":1,""spa,cat,rus"":1,""spa,cat,sco"":1,""spa,cat,srp"":2,""spa,cat,swa"":1,""spa,cat,tur"":5,""spa,cat,war"":14,""spa,cos"":2,""spa,cos,eng"":1,""spa,dan"":58,""spa,dan,cat"":16,""spa,dan,eng"":2,""spa,dan,isl"":1,""spa,dan,pol"":1,""spa,deu"":22,""spa,deu,cat"":2,""spa,deu,eng"":1,""spa,ell,cat"":2,""spa,eng"":22160,""spa,eng,afr"":1,""spa,eng,ara"":7,""spa,eng,cat"":11022,""spa,eng,ces"":2,""spa,eng,cos"":1,""spa,eng,dan"":4,""spa,eng,deu"":6,""spa,eng,eus"":2,""spa,eng,fra"":35,""spa,eng,heb"":1,""spa,eng,ind"":1,""spa,eng,isl"":1,""spa,eng,ita"":11,""spa,eng,jpn"":1,""spa,eng,kor"":4,""spa,eng,mri"":1,""spa,eng,msa"":1,""spa,eng,nld"":2,""spa,eng,oci"":2,""spa,eng,pol"":2,""spa,eng,rus"":2,""spa,eng,sco"":1,""spa,eng,ssw"":2,""spa,eng,swe"":3,""spa,eng,tha"":4,""spa,eng,tur"":1,""spa,eng,zho"":2,""spa,eus"":52,""spa,eus,cat"":7,""spa,eus,eng"":1,""spa,fas"":1,""spa,fas,eng"":1,""spa,fin"":2,""spa,fra"":139,""spa,fra,cat"":41,""spa,fra,eng"":28,""spa,gla,cat"":1,""spa,grn"":54,""spa,grn,cat"":14,""spa,grn,eng"":4,""spa,heb"":7,""spa,heb,cat"":8,""spa,heb,eng"":2,""spa,hrv,cat"":1,""spa,ile"":3,""spa,ina"":7,""spa,ina,cat"":2,""spa,ina,eng"":1,""spa,ind"":6,""spa,ind,cat"":2,""spa,ind,eng"":2,""spa,isl"":7,""spa,isl,cat"":1,""spa,ita"":65,""spa,ita,cat"":12,""spa,ita,eng"":12,""spa,jpn"":3,""spa,jpn,cat"":3,""spa,jpn,eng"":4,""spa,kor"":5,""spa,lat"":13,""spa,lat,cat"":4,""spa,lit"":1,""spa,lug"":1,""spa,msa"":4,""spa,nld"":15,""spa,nld,eng"":5,""spa,nno"":1,""spa,nor"":3,""spa,oci"":8,""spa,oci,cat"":1,""spa,pol"":2,""spa,pol,cat"":1,""spa,roh"":1,""spa,ron,eng"":1,""spa,rus"":1,""spa,rus,cat"":1,""spa,rus,eng"":4,""spa,smo"":1,""spa,smo,cat"":1,""spa,som"":2,""spa,ssw"":14,""spa,ssw,cat"":1,""spa,ssw,eng"":4,""spa,swe"":2,""spa,tha,eng"":1,""spa,ton"":1,""spa,tur"":16,""spa,tur,cat"":5,""spa,tur,eng"":2,""spa,war"":7,""spa,war,eng"":1,""spa,zho"":1}","{""application/json"":2,""application/octet-stream"":2,""application/pdf"":34,""application/rss+xml"":265,""application/xhtml+xml"":1484,""text/html"":378941,""text/plain"":1}","{""2020"":175484,""2021"":205245}","{""CC-MAIN-2020-05"":23652,""CC-MAIN-2020-10"":19737,""CC-MAIN-2020-16"":19427,""CC-MAIN-2020-24"":18354,""CC-MAIN-2020-29"":18687,""CC-MAIN-2020-34"":20982,""CC-MAIN-2020-40"":21529,""CC-MAIN-2020-45"":18718,""CC-MAIN-2020-50"":14398,""CC-MAIN-2021-04"":23684,""CC-MAIN-2021-10"":19804,""CC-MAIN-2021-17"":16595,""CC-MAIN-2021-21"":16206,""CC-MAIN-2021-25"":13863,""CC-MAIN-2021-31"":27066,""CC-MAIN-2021-39"":28601,""CC-MAIN-2021-43"":30030,""CC-MAIN-2021-49"":29396}" +"70","cuba encuentro","http://www.cubaencuentro.com/","es","49595","24197","497027785","{""eng,spa"":16,""spa"":43330,""spa,cat"":26,""spa,dan"":10,""spa,deu"":4,""spa,eng"":5747,""spa,eng,ces"":1,""spa,eng,deu"":1,""spa,eng,fra"":1,""spa,eng,grn"":2,""spa,eng,lat"":2,""spa,eng,msa"":1,""spa,eng,rus"":2,""spa,fra"":23,""spa,fra,eng"":2,""spa,grn"":76,""spa,grn,eng"":4,""spa,ile"":2,""spa,ina"":83,""spa,ind"":2,""spa,lat"":7,""spa,msa"":50,""spa,msa,eng"":7,""spa,oci"":3,""spa,rus"":2,""spa,sqi"":1,""spa,zho"":1}","{""application/pdf"":177,""application/rss+xml"":12,""text/html"":49406}","{""2020"":29504,""2021"":20091}","{""CC-MAIN-2020-05"":3788,""CC-MAIN-2020-10"":3385,""CC-MAIN-2020-16"":3622,""CC-MAIN-2020-24"":4566,""CC-MAIN-2020-29"":4898,""CC-MAIN-2020-34"":2504,""CC-MAIN-2020-40"":2947,""CC-MAIN-2020-45"":1437,""CC-MAIN-2020-50"":2357,""CC-MAIN-2021-04"":1671,""CC-MAIN-2021-10"":1029,""CC-MAIN-2021-17"":773,""CC-MAIN-2021-21"":1348,""CC-MAIN-2021-25"":1308,""CC-MAIN-2021-31"":1764,""CC-MAIN-2021-39"":3565,""CC-MAIN-2021-43"":5644,""CC-MAIN-2021-49"":2989}" +"249","telecinco - spanish tv news","https://www.telecinco.es/","es","395987","305427","18864042239","{""eng"":3,""eng,spa"":3,""rus,spa,eng"":1,""spa"":330916,""spa,aar,eng"":1,""spa,ara"":9,""spa,ara,eng"":2,""spa,cat"":1648,""spa,cat,deu"":1,""spa,cat,eng"":204,""spa,cat,fra"":2,""spa,ces,eng"":1,""spa,cos"":1,""spa,dan"":68,""spa,dan,eng"":3,""spa,deu"":30,""spa,deu,eng"":6,""spa,deu,swe"":1,""spa,ell"":1,""spa,eng"":62159,""spa,eng,ara"":7,""spa,eng,cat"":118,""spa,eng,dan"":6,""spa,eng,deu"":2,""spa,eng,eus"":10,""spa,eng,fra"":21,""spa,eng,grn"":2,""spa,eng,iku"":1,""spa,eng,ind"":1,""spa,eng,ipk"":1,""spa,eng,ita"":3,""spa,eng,jpn"":2,""spa,eng,kor"":4,""spa,eng,mri"":1,""spa,eng,nld"":3,""spa,eng,pol"":1,""spa,eng,rus"":11,""spa,eng,swe"":2,""spa,eng,tha"":3,""spa,eng,war"":3,""spa,eng,zho"":1,""spa,eus"":82,""spa,eus,eng"":7,""spa,fas"":2,""spa,fas,eng"":3,""spa,fin"":4,""spa,fra"":181,""spa,fra,cat"":3,""spa,fra,deu"":1,""spa,fra,eng"":18,""spa,grn"":35,""spa,grn,eng"":3,""spa,heb"":6,""spa,hrv"":3,""spa,iku"":2,""spa,ile"":1,""spa,ina"":4,""spa,ind"":11,""spa,ind,eng"":3,""spa,ita"":84,""spa,ita,dan"":2,""spa,ita,eng"":13,""spa,ita,fra"":3,""spa,jpn"":21,""spa,jpn,dan"":1,""spa,jpn,eng"":9,""spa,jpn,kor"":1,""spa,kor"":2,""spa,lat"":7,""spa,ltz,eng"":1,""spa,msa"":7,""spa,nld"":17,""spa,nld,eng"":1,""spa,nor"":3,""spa,pol"":5,""spa,pol,eng"":2,""spa,ron"":4,""spa,rus"":67,""spa,rus,eng"":20,""spa,rus,srp"":2,""spa,san"":1,""spa,srp"":6,""spa,ssw"":1,""spa,swe"":6,""spa,tam"":3,""spa,tha"":2,""spa,tur"":15,""spa,tur,eng"":3,""spa,war"":14,""spa,zho"":13,""spa,zho,eng"":3}","{""application/rss+xml"":9,""text/html"":395977,""text/plain"":1}","{""2020"":183888,""2021"":212099}","{""CC-MAIN-2020-05"":25410,""CC-MAIN-2020-10"":19875,""CC-MAIN-2020-16"":16426,""CC-MAIN-2020-24"":17988,""CC-MAIN-2020-29"":18647,""CC-MAIN-2020-34"":20825,""CC-MAIN-2020-40"":19703,""CC-MAIN-2020-45"":21906,""CC-MAIN-2020-50"":23108,""CC-MAIN-2021-04"":24314,""CC-MAIN-2021-10"":22730,""CC-MAIN-2021-17"":22377,""CC-MAIN-2021-21"":22636,""CC-MAIN-2021-25"":25074,""CC-MAIN-2021-31"":23856,""CC-MAIN-2021-39"":23246,""CC-MAIN-2021-43"":23740,""CC-MAIN-2021-49"":24126}" +"149","imer - instituto mexicano de la radio","http://www.imer.mx/","es","48253","19488","844236475","{""eng"":1,""eng,spa"":101,""eng,spa,ind"":3,""spa"":32535,""spa,deu"":2,""spa,eng"":15435,""spa,eng,deu"":2,""spa,eng,ile"":3,""spa,eng,ind"":3,""spa,eng,ita"":1,""spa,eng,lat"":3,""spa,eng,oci"":1,""spa,eng,pol"":1,""spa,eng,vie"":1,""spa,fra"":15,""spa,isl"":1,""spa,ita"":5,""spa,lat"":10,""spa,lat,eng"":2,""spa,ron,eng"":2,""spa,rus"":2}","{""application/pdf"":82,""application/xhtml+xml"":1,""image/jpeg"":1,""text/html"":48128,""text/x-php"":41}","{""2020"":35058,""2021"":13195}","{""CC-MAIN-2020-05"":8055,""CC-MAIN-2020-10"":3698,""CC-MAIN-2020-16"":4633,""CC-MAIN-2020-24"":2633,""CC-MAIN-2020-29"":3834,""CC-MAIN-2020-34"":5188,""CC-MAIN-2020-40"":1728,""CC-MAIN-2020-45"":3401,""CC-MAIN-2020-50"":1888,""CC-MAIN-2021-04"":2659,""CC-MAIN-2021-10"":1332,""CC-MAIN-2021-17"":2159,""CC-MAIN-2021-21"":1471,""CC-MAIN-2021-25"":1385,""CC-MAIN-2021-31"":801,""CC-MAIN-2021-39"":1043,""CC-MAIN-2021-43"":1466,""CC-MAIN-2021-49"":879}" +"205","hoy bolivia","http://hoybolivia.com/","es","28200","21214","251549809","{""eng"":6,""eng,spa"":117,""spa"":27390,""spa,ara"":1,""spa,cat"":13,""spa,dan"":22,""spa,eng"":562,""spa,fra"":1,""spa,grn"":54,""spa,ina"":1,""spa,ind"":8,""spa,oci"":1,""spa,pol"":11,""spa,tur"":2,""spa,war"":1}","{""application/rss+xml"":9,""application/xhtml+xml"":27985,""text/html"":206}","{""2020"":23598,""2021"":4602}","{""CC-MAIN-2020-05"":4004,""CC-MAIN-2020-10"":3715,""CC-MAIN-2020-16"":3046,""CC-MAIN-2020-24"":2978,""CC-MAIN-2020-29"":3696,""CC-MAIN-2020-34"":2660,""CC-MAIN-2020-40"":2484,""CC-MAIN-2020-45"":652,""CC-MAIN-2020-50"":363,""CC-MAIN-2021-04"":677,""CC-MAIN-2021-10"":347,""CC-MAIN-2021-17"":467,""CC-MAIN-2021-21"":586,""CC-MAIN-2021-25"":562,""CC-MAIN-2021-31"":683,""CC-MAIN-2021-39"":468,""CC-MAIN-2021-43"":374,""CC-MAIN-2021-49"":438}" +"222","sahara press service (spanish)","http://www.spsrasd.info/news/es","es","18882","5330","247842987","{""ara,spa,eng"":3,""eng,spa,ara"":1,""rus,spa"":31,""spa"":233,""spa,ara"":2704,""spa,ara,cat"":9,""spa,ara,eng"":41,""spa,ara,fra"":2,""spa,ara,grn"":12,""spa,ara,isl"":2,""spa,ara,rus"":2801,""spa,ara,swa"":2,""spa,ara,tsn"":4,""spa,cat"":6,""spa,cat,ara"":6,""spa,cat,eng"":1,""spa,cat,fra"":2,""spa,eng"":583,""spa,eng,ara"":12168,""spa,eng,cat"":6,""spa,eng,fra"":23,""spa,eng,grn"":117,""spa,eng,ita"":3,""spa,fra"":23,""spa,fra,ara"":3,""spa,fra,cat"":2,""spa,fra,eng"":8,""spa,grn"":3,""spa,grn,ara"":34,""spa,grn,eng"":1,""spa,ita,ara"":1,""spa,swa,ara"":1}","{""application/rss+xml"":46,""application/xhtml+xml"":18836}","{""2020"":9046,""2021"":9836}","{""CC-MAIN-2020-05"":697,""CC-MAIN-2020-10"":1115,""CC-MAIN-2020-16"":1107,""CC-MAIN-2020-24"":1150,""CC-MAIN-2020-29"":1168,""CC-MAIN-2020-34"":1035,""CC-MAIN-2020-40"":1088,""CC-MAIN-2020-45"":823,""CC-MAIN-2020-50"":863,""CC-MAIN-2021-04"":1238,""CC-MAIN-2021-10"":1271,""CC-MAIN-2021-17"":882,""CC-MAIN-2021-21"":1162,""CC-MAIN-2021-25"":984,""CC-MAIN-2021-31"":546,""CC-MAIN-2021-39"":1172,""CC-MAIN-2021-43"":1286,""CC-MAIN-2021-49"":1295}" +"24","tiempo","http://www.tiempo.com.mx/","es","8481","6886","102929859","{""spa"":7936,""spa,cat"":1,""spa,ces"":1,""spa,ces,eng"":1,""spa,cos"":1,""spa,eng"":422,""spa,eng,dan"":1,""spa,eng,ita"":1,""spa,eng,kor"":2,""spa,eng,msa"":1,""spa,eng,swe"":1,""spa,eng,zho"":2,""spa,fra"":3,""spa,grn"":1,""spa,heb"":2,""spa,ita"":1,""spa,jpn"":1,""spa,nld"":3,""spa,nor"":1,""spa,rus"":7,""spa,rus,eng"":1,""spa,tur"":1,""spa,war"":3}","{""text/html"":8481}","{""2020"":6272,""2021"":2209}","{""CC-MAIN-2020-05"":643,""CC-MAIN-2020-10"":524,""CC-MAIN-2020-16"":383,""CC-MAIN-2020-24"":1975,""CC-MAIN-2020-29"":941,""CC-MAIN-2020-34"":592,""CC-MAIN-2020-40"":583,""CC-MAIN-2020-45"":248,""CC-MAIN-2020-50"":383,""CC-MAIN-2021-04"":447,""CC-MAIN-2021-10"":566,""CC-MAIN-2021-17"":330,""CC-MAIN-2021-21"":136,""CC-MAIN-2021-25"":24,""CC-MAIN-2021-31"":31,""CC-MAIN-2021-39"":293,""CC-MAIN-2021-43"":281,""CC-MAIN-2021-49"":101}" +"42","icefi - instituto centroamericano de estudios fiscales","http://icefi.org/","es","1607","1019","112541165","{""eng,spa"":2,""spa"":1162,""spa,deu"":2,""spa,deu,eng"":5,""spa,eng"":219,""spa,eng,grn"":10,""spa,grn"":20,""spa,grn,eng"":9}","{""application/epub+zip"":5,""application/pdf"":122,""application/x-mobipocket-ebook"":5,""text/html"":1475}","{""2021"":1607}","{""CC-MAIN-2021-10"":164,""CC-MAIN-2021-17"":553,""CC-MAIN-2021-21"":191,""CC-MAIN-2021-25"":292,""CC-MAIN-2021-31"":314,""CC-MAIN-2021-39"":93}" +"336","migration ngo - asociación comisión católica espanola de migración","https://www.accem.es/","es","15829","5968","587948301","{""eng"":13,""eng,spa"":2650,""eng,spa,cat"":6,""eng,spa,roh"":3,""spa"":470,""spa,cat"":3,""spa,cat,eng"":14,""spa,eng"":11996,""spa,eng,bos"":1,""spa,eng,cat"":80,""spa,eng,dan"":1,""spa,eng,eus"":1,""spa,eng,ita"":1,""spa,roh"":1}","{""application/pdf"":303,""application/xhtml+xml"":972,""image/jpeg"":20,""image/png"":50,""text/calendar"":216,""text/html"":14268}","{""2020"":7883,""2021"":7946}","{""CC-MAIN-2020-05"":788,""CC-MAIN-2020-10"":346,""CC-MAIN-2020-16"":701,""CC-MAIN-2020-24"":1093,""CC-MAIN-2020-29"":705,""CC-MAIN-2020-34"":416,""CC-MAIN-2020-40"":2486,""CC-MAIN-2020-45"":931,""CC-MAIN-2020-50"":417,""CC-MAIN-2021-04"":546,""CC-MAIN-2021-10"":463,""CC-MAIN-2021-17"":505,""CC-MAIN-2021-21"":755,""CC-MAIN-2021-25"":430,""CC-MAIN-2021-31"":520,""CC-MAIN-2021-39"":2509,""CC-MAIN-2021-43"":1442,""CC-MAIN-2021-49"":776}" +"44","ladiaria","https://ladiaria.com.uy/","es","109973","81252","2068713054","{""eng"":7,""spa"":106796,""spa,bis"":2,""spa,cat"":28,""spa,ces"":5,""spa,ces,eng"":4,""spa,cos"":2,""spa,dan"":19,""spa,deu"":1,""spa,deu,eng"":1,""spa,eng"":2941,""spa,eng,grn"":1,""spa,eng,ita"":3,""spa,fra"":10,""spa,grn"":76,""spa,grn,eng"":1,""spa,hat"":1,""spa,ile"":1,""spa,ina"":1,""spa,ind"":2,""spa,isl"":2,""spa,ita"":23,""spa,ita,eng"":2,""spa,lat"":2,""spa,nya"":1,""spa,oci"":1,""spa,que"":1,""spa,uzb"":1}","{""application/pdf"":35,""application/rss+xml"":2,""image/jpeg"":1,""text/html"":109935}","{""2020"":43141,""2021"":66832}","{""CC-MAIN-2020-05"":4374,""CC-MAIN-2020-10"":5943,""CC-MAIN-2020-16"":4067,""CC-MAIN-2020-24"":5934,""CC-MAIN-2020-29"":7158,""CC-MAIN-2020-34"":5160,""CC-MAIN-2020-40"":5180,""CC-MAIN-2020-45"":3130,""CC-MAIN-2020-50"":2195,""CC-MAIN-2021-04"":3845,""CC-MAIN-2021-10"":2688,""CC-MAIN-2021-17"":2628,""CC-MAIN-2021-21"":2503,""CC-MAIN-2021-25"":2324,""CC-MAIN-2021-31"":2003,""CC-MAIN-2021-39"":4571,""CC-MAIN-2021-43"":23266,""CC-MAIN-2021-49"":23004}" +"169","el carabobeño","https://www.el-carabobeno.com/","es","124681","76179","6882994622","{""eng"":1,""eng,spa"":19,""spa"":121586,""spa,bos"":1,""spa,cat"":53,""spa,cos"":1,""spa,dan"":177,""spa,dan,fra"":1,""spa,deu"":4,""spa,ell"":1,""spa,eng"":2594,""spa,eng,dan"":1,""spa,eng,ita"":1,""spa,eng,war"":1,""spa,fra"":7,""spa,grn"":170,""spa,grn,eng"":2,""spa,hrv"":6,""spa,hun"":1,""spa,ina"":3,""spa,isl"":2,""spa,ita"":24,""spa,ita,eng"":1,""spa,jpn"":2,""spa,lat"":1,""spa,mlt"":2,""spa,nld"":1,""spa,pol"":3,""spa,ron"":1,""spa,rus"":5,""spa,swe"":1,""spa,war"":5}","{""application/pdf"":2,""application/rss+xml"":1,""text/html"":124678}","{""2020"":52916,""2021"":71765}","{""CC-MAIN-2020-05"":6933,""CC-MAIN-2020-10"":6573,""CC-MAIN-2020-16"":3970,""CC-MAIN-2020-24"":3880,""CC-MAIN-2020-29"":4503,""CC-MAIN-2020-34"":3063,""CC-MAIN-2020-40"":8326,""CC-MAIN-2020-45"":7537,""CC-MAIN-2020-50"":8131,""CC-MAIN-2021-04"":8051,""CC-MAIN-2021-10"":8233,""CC-MAIN-2021-17"":8539,""CC-MAIN-2021-21"":8575,""CC-MAIN-2021-25"":8170,""CC-MAIN-2021-31"":7827,""CC-MAIN-2021-39"":7816,""CC-MAIN-2021-43"":7275,""CC-MAIN-2021-49"":7279}" +"502","News outlet","https://www.ricemedia.co/","en","25066","10066","431318173","{""eng"":24952,""eng,lat"":1,""eng,msa"":4,""eng,tha"":93,""eng,zho"":9,""tha"":1,""tha,eng"":2}","{""application/xhtml+xml"":298,""text/html"":24768}","{""2020"":4780,""2021"":20286}","{""CC-MAIN-2020-05"":521,""CC-MAIN-2020-10"":369,""CC-MAIN-2020-16"":325,""CC-MAIN-2020-24"":517,""CC-MAIN-2020-29"":763,""CC-MAIN-2020-34"":979,""CC-MAIN-2020-40"":732,""CC-MAIN-2020-45"":300,""CC-MAIN-2020-50"":274,""CC-MAIN-2021-04"":512,""CC-MAIN-2021-10"":201,""CC-MAIN-2021-17"":346,""CC-MAIN-2021-21"":498,""CC-MAIN-2021-25"":175,""CC-MAIN-2021-31"":7193,""CC-MAIN-2021-39"":3111,""CC-MAIN-2021-43"":6005,""CC-MAIN-2021-49"":2245}" +"301","la tribuna de albacete. noticias de albacete y provincia","https://www.latribunadealbacete.es/","es","82753","60362","1562398807","{""spa"":81710,""spa,cat"":256,""spa,dan"":13,""spa,dan,eng"":1,""spa,eng"":716,""spa,eng,cat"":2,""spa,eng,dan"":1,""spa,eus"":8,""spa,fra"":4,""spa,grn"":3,""spa,ile"":1,""spa,ind"":1,""spa,ita"":4,""spa,lat"":1,""spa,roh"":3,""spa,roh,eng"":2,""spa,vol"":1,""spa,war"":13}","{""application/rss+xml"":8,""text/html"":82745}","{""2020"":52638,""2021"":30115}","{""CC-MAIN-2020-05"":11183,""CC-MAIN-2020-10"":7567,""CC-MAIN-2020-16"":3353,""CC-MAIN-2020-24"":6784,""CC-MAIN-2020-29"":5802,""CC-MAIN-2020-34"":5866,""CC-MAIN-2020-40"":6829,""CC-MAIN-2020-45"":1924,""CC-MAIN-2020-50"":3330,""CC-MAIN-2021-04"":2447,""CC-MAIN-2021-10"":3431,""CC-MAIN-2021-17"":3392,""CC-MAIN-2021-21"":3306,""CC-MAIN-2021-25"":3756,""CC-MAIN-2021-31"":3309,""CC-MAIN-2021-39"":3592,""CC-MAIN-2021-43"":3451,""CC-MAIN-2021-49"":3431}" +"302","cippec","https://www.cippec.org/","es","14944","4063","391159241","{""eng"":1,""eng,spa"":227,""spa"":12349,""spa,dan"":2,""spa,eng"":1932,""spa,eng,cat"":1,""spa,eng,jpn"":2,""spa,grn"":2,""spa,oci"":4,""spa,war"":3,""spa,war,eng"":2}","{""application/pdf"":417,""application/xhtml+xml"":2,""text/html"":14525}","{""2020"":7783,""2021"":7161}","{""CC-MAIN-2020-05"":1279,""CC-MAIN-2020-10"":583,""CC-MAIN-2020-16"":911,""CC-MAIN-2020-24"":843,""CC-MAIN-2020-29"":948,""CC-MAIN-2020-34"":855,""CC-MAIN-2020-40"":699,""CC-MAIN-2020-45"":441,""CC-MAIN-2020-50"":1224,""CC-MAIN-2021-04"":964,""CC-MAIN-2021-10"":963,""CC-MAIN-2021-17"":1016,""CC-MAIN-2021-21"":750,""CC-MAIN-2021-25"":463,""CC-MAIN-2021-31"":598,""CC-MAIN-2021-39"":434,""CC-MAIN-2021-43"":609,""CC-MAIN-2021-49"":1364}" +"76","repretel","https://www.repretel.com/","es","52667","40638","846878707","{""eng,spa"":2,""spa"":48642,""spa,ara"":3,""spa,ara,deu"":2,""spa,cat"":15,""spa,ces"":1,""spa,dan"":11,""spa,dan,grn"":3,""spa,deu"":6,""spa,eng"":1642,""spa,eng,fra"":1,""spa,eng,grn"":15,""spa,eng,hat"":1,""spa,eng,nld"":1,""spa,eng,zho"":2,""spa,fas"":1,""spa,fin,swe"":1,""spa,fra"":21,""spa,fra,eng"":2,""spa,grn"":2177,""spa,grn,eng"":14,""spa,grn,kor"":1,""spa,heb"":1,""spa,ind"":2,""spa,ita"":17,""spa,kor"":51,""spa,kor,eng"":2,""spa,kor,grn"":3,""spa,nld"":5,""spa,rus"":4,""spa,tha"":1,""spa,tur"":2,""spa,war"":6,""spa,war,eng"":1}","{""application/pdf"":3,""image/png"":5,""text/html"":52659}","{""2020"":43713,""2021"":8954}","{""CC-MAIN-2020-05"":4998,""CC-MAIN-2020-10"":6861,""CC-MAIN-2020-16"":6871,""CC-MAIN-2020-24"":6925,""CC-MAIN-2020-29"":6573,""CC-MAIN-2020-34"":6416,""CC-MAIN-2020-40"":3371,""CC-MAIN-2020-45"":1162,""CC-MAIN-2020-50"":536,""CC-MAIN-2021-04"":1154,""CC-MAIN-2021-10"":443,""CC-MAIN-2021-17"":562,""CC-MAIN-2021-21"":1341,""CC-MAIN-2021-25"":624,""CC-MAIN-2021-31"":512,""CC-MAIN-2021-39"":1339,""CC-MAIN-2021-43"":883,""CC-MAIN-2021-49"":2096}" diff --git a/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cc-metrics.ipynb b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cc-metrics.ipynb new file mode 100644 index 0000000..0680c04 --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cc-metrics.ipynb @@ -0,0 +1,810 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "attractive-vampire", + "metadata": {}, + "source": [ + "# Coverage Metrics\n", + "\n", + "Having followed the [general instructions](../README.md) to join the seed list with Common Crawl's index, the following query aggregates metrics per site:\n", + "\n", + "```sql\n", + "SELECT id,\n", + " title,\n", + " link,\n", + " language,\n", + " COUNT(*) AS captures_total,\n", + " cardinality(approx_set(url_surtkey)) AS urls_uniq_estimate,\n", + " SUM(warc_record_length) AS warc_size_in_bytes,\n", + " CAST(histogram(content_languages) AS JSON) AS content_languages,\n", + " CAST(histogram(content_mime_detected) AS JSON) AS content_type,\n", + " CAST(histogram(substr(crawl, 9, 4)) AS JSON) AS captures_per_year,\n", + " CAST(histogram(crawl) AS JSON) AS captures_per_crawl\n", + "FROM bigscience.cc\n", + "WHERE subset = 'warc'\n", + "GROUP BY id, title, link, language\n", + "```\n", + "\n", + "The result is exported as CSV - [cc-metrics.csv](./cc-metrics.csv)." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "wireless-stewart", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtitlelinklanguagecaptures_totalurls_uniq_estimatewarc_size_in_bytescontent_languagescontent_typescaptures_per_yearcaptures_per_crawl
0162aeh2http://www.aeh2.orges3039123380847151{\"eng\":7,\"eng,spa\":307,\"spa\":767,\"spa,cat\":1,\"...{\"application/pdf\":19,\"application/xhtml+xml\":...{\"2020\":1762,\"2021\":1277}{\"CC-MAIN-2020-05\":195,\"CC-MAIN-2020-10\":128,\"...
1198el economista [spain]http://www.eleconomista.es/es43810622410212713758424{\"cat\":45,\"eng\":179,\"eng,fra,spa\":562,\"eng,ind...{\"application/font-woff\":1,\"application/pdf\":1...{\"2020\":194215,\"2021\":243891}{\"CC-MAIN-2020-05\":23904,\"CC-MAIN-2020-10\":185...
2296majadahonda magazinhttps://majadahondamagazin.es/es1821110608533454607{\"eng,spa\":8,\"fra,spa\":1,\"spa\":17371,\"spa,cat\"...{\"application/pdf\":22,\"application/rss+xml\":1,...{\"2020\":15638,\"2021\":2573}{\"CC-MAIN-2020-05\":2168,\"CC-MAIN-2020-10\":2006...
3192noticias ahorahttps://www.noticias-ahora.com/es106632730462634752488{\"deu,bod,nno\":1,\"eng\":5,\"eng,spa\":157,\"spa\":6...{\"text/html\":106632}{\"2020\":55385,\"2021\":51247}{\"CC-MAIN-2020-05\":5035,\"CC-MAIN-2020-10\":4972...
430radiocablehttp://www.radiocable.com/es93152192561092879146{\"cat\":6,\"eng\":137,\"eng,glg\":8,\"eng,glg,oci\":1...{\"application/rss+xml\":9,\"application/xhtml+xm...{\"2020\":45590,\"2021\":47562}{\"CC-MAIN-2020-05\":3779,\"CC-MAIN-2020-10\":4998...
\n", + "
" + ], + "text/plain": [ + " id title link language \\\n", + "0 162 aeh2 http://www.aeh2.org es \n", + "1 198 el economista [spain] http://www.eleconomista.es/ es \n", + "2 296 majadahonda magazin https://majadahondamagazin.es/ es \n", + "3 192 noticias ahora https://www.noticias-ahora.com/ es \n", + "4 30 radiocable http://www.radiocable.com/ es \n", + "\n", + " captures_total urls_uniq_estimate warc_size_in_bytes \\\n", + "0 3039 1233 80847151 \n", + "1 438106 224102 12713758424 \n", + "2 18211 10608 533454607 \n", + "3 106632 73046 2634752488 \n", + "4 93152 19256 1092879146 \n", + "\n", + " content_languages \\\n", + "0 {\"eng\":7,\"eng,spa\":307,\"spa\":767,\"spa,cat\":1,\"... \n", + "1 {\"cat\":45,\"eng\":179,\"eng,fra,spa\":562,\"eng,ind... \n", + "2 {\"eng,spa\":8,\"fra,spa\":1,\"spa\":17371,\"spa,cat\"... \n", + "3 {\"deu,bod,nno\":1,\"eng\":5,\"eng,spa\":157,\"spa\":6... \n", + "4 {\"cat\":6,\"eng\":137,\"eng,glg\":8,\"eng,glg,oci\":1... \n", + "\n", + " content_types \\\n", + "0 {\"application/pdf\":19,\"application/xhtml+xml\":... \n", + "1 {\"application/font-woff\":1,\"application/pdf\":1... \n", + "2 {\"application/pdf\":22,\"application/rss+xml\":1,... \n", + "3 {\"text/html\":106632} \n", + "4 {\"application/rss+xml\":9,\"application/xhtml+xm... \n", + "\n", + " captures_per_year \\\n", + "0 {\"2020\":1762,\"2021\":1277} \n", + "1 {\"2020\":194215,\"2021\":243891} \n", + "2 {\"2020\":15638,\"2021\":2573} \n", + "3 {\"2020\":55385,\"2021\":51247} \n", + "4 {\"2020\":45590,\"2021\":47562} \n", + "\n", + " captures_per_crawl \n", + "0 {\"CC-MAIN-2020-05\":195,\"CC-MAIN-2020-10\":128,\"... \n", + "1 {\"CC-MAIN-2020-05\":23904,\"CC-MAIN-2020-10\":185... \n", + "2 {\"CC-MAIN-2020-05\":2168,\"CC-MAIN-2020-10\":2006... \n", + "3 {\"CC-MAIN-2020-05\":5035,\"CC-MAIN-2020-10\":4972... \n", + "4 {\"CC-MAIN-2020-05\":3779,\"CC-MAIN-2020-10\":4998... " + ] + }, + "execution_count": 1, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import pandas as pd\n", + "\n", + "df = pd.read_csv('cc-metrics.csv')\n", + "\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "numerical-official", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtitlelinklanguagecaptures_totalurls_uniq_estimatewarc_size_in_bytescontent_languagescontent_typescaptures_per_yearcaptures_per_crawl
253497News outlethttps://www.straitstimes.com/en58080642340122705382276{\"eng\":574438,\"eng,ara\":9,\"eng,ben\":1,\"eng,cat...{\"application/pdf\":291,\"application/rss+xml\":1...{\"2020\":277490,\"2021\":303316}{\"CC-MAIN-2020-05\":32519,\"CC-MAIN-2020-10\":272...
136333el mundo (spain)http://www.elmundo.es/es49924240985013946919763{\"cat\":5,\"cat,spa\":466,\"cat,spa,deu\":1,\"cat,sp...{\"application/json\":3,\"application/rss+xml\":7,...{\"2020\":235654,\"2021\":263588}{\"CC-MAIN-2020-05\":32370,\"CC-MAIN-2020-10\":288...
31063la nacion (argentina)http://www.lanacion.com.ar/es49684838289720352476991{\"eng\":42,\"eng,spa\":78,\"lat,spa\":1,\"spa\":46433...{\"application/rss+xml\":2,\"text/html\":496843,\"t...{\"2020\":218658,\"2021\":278190}{\"CC-MAIN-2020-05\":29451,\"CC-MAIN-2020-10\":239...
109307europa presshttps://www.europapress.es/es49201744847915435990919{\"cat,spa\":2548,\"cat,spa,eng\":103,\"cat,spa,grn...{\"application/octet-stream\":40,\"application/rs...{\"2020\":204451,\"2021\":287566}{\"CC-MAIN-2020-05\":23867,\"CC-MAIN-2020-10\":207...
326255el comercio perúhttps://elcomercio.pe/es48987536121616227224839{\"eng\":3,\"eng,spa\":93,\"eng,spa,cat\":2,\"que,spa...{\"application/xhtml+xml\":4,\"image/jpeg\":1,\"tex...{\"2020\":229643,\"2021\":260232}{\"CC-MAIN-2020-05\":22913,\"CC-MAIN-2020-10\":316...
\n", + "
" + ], + "text/plain": [ + " id title link language \\\n", + "253 497 News outlet https://www.straitstimes.com/ en \n", + "136 333 el mundo (spain) http://www.elmundo.es/ es \n", + "310 63 la nacion (argentina) http://www.lanacion.com.ar/ es \n", + "109 307 europa press https://www.europapress.es/ es \n", + "326 255 el comercio perú https://elcomercio.pe/ es \n", + "\n", + " captures_total urls_uniq_estimate warc_size_in_bytes \\\n", + "253 580806 423401 22705382276 \n", + "136 499242 409850 13946919763 \n", + "310 496848 382897 20352476991 \n", + "109 492017 448479 15435990919 \n", + "326 489875 361216 16227224839 \n", + "\n", + " content_languages \\\n", + "253 {\"eng\":574438,\"eng,ara\":9,\"eng,ben\":1,\"eng,cat... \n", + "136 {\"cat\":5,\"cat,spa\":466,\"cat,spa,deu\":1,\"cat,sp... \n", + "310 {\"eng\":42,\"eng,spa\":78,\"lat,spa\":1,\"spa\":46433... \n", + "109 {\"cat,spa\":2548,\"cat,spa,eng\":103,\"cat,spa,grn... \n", + "326 {\"eng\":3,\"eng,spa\":93,\"eng,spa,cat\":2,\"que,spa... \n", + "\n", + " content_types \\\n", + "253 {\"application/pdf\":291,\"application/rss+xml\":1... \n", + "136 {\"application/json\":3,\"application/rss+xml\":7,... \n", + "310 {\"application/rss+xml\":2,\"text/html\":496843,\"t... \n", + "109 {\"application/octet-stream\":40,\"application/rs... \n", + "326 {\"application/xhtml+xml\":4,\"image/jpeg\":1,\"tex... \n", + "\n", + " captures_per_year \\\n", + "253 {\"2020\":277490,\"2021\":303316} \n", + "136 {\"2020\":235654,\"2021\":263588} \n", + "310 {\"2020\":218658,\"2021\":278190} \n", + "109 {\"2020\":204451,\"2021\":287566} \n", + "326 {\"2020\":229643,\"2021\":260232} \n", + "\n", + " captures_per_crawl \n", + "253 {\"CC-MAIN-2020-05\":32519,\"CC-MAIN-2020-10\":272... \n", + "136 {\"CC-MAIN-2020-05\":32370,\"CC-MAIN-2020-10\":288... \n", + "310 {\"CC-MAIN-2020-05\":29451,\"CC-MAIN-2020-10\":239... \n", + "109 {\"CC-MAIN-2020-05\":23867,\"CC-MAIN-2020-10\":207... \n", + "326 {\"CC-MAIN-2020-05\":22913,\"CC-MAIN-2020-10\":316... " + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# top sites by captures\n", + "df.sort_values('captures_total', ascending=False).head()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "eligible-subsection", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtitlelinklanguagecaptures_totalurls_uniq_estimatewarc_size_in_bytescontent_languagescontent_typescaptures_per_yearcaptures_per_crawl
167316la jornadahttp://www.jornada.unam.mx/ultimases1145869{\"spa\":1}{\"application/xhtml+xml\":1}{\"2020\":1}{\"CC-MAIN-2020-10\":1}
388283la prensa graficahttp://www.laprensagrafica.com/inicioes1112698{\"spa\":1}{\"text/html\":1}{\"2020\":1}{\"CC-MAIN-2020-45\":1}
223110onemi: ministerio del interior y seguridad púb...http://www.onemi.cl/es2212559{\"spa\":1}{\"text/html\":2}{\"2020\":1,\"2021\":1}{\"CC-MAIN-2020-34\":1,\"CC-MAIN-2021-17\":1}
67326la opinión de tenerifehttp://www.laopinion.es/es517763{\"spa\":5}{\"text/html\":5}{\"2020\":4,\"2021\":1}{\"CC-MAIN-2020-10\":1,\"CC-MAIN-2020-16\":1,\"CC-M...
49234conredhttps://conred.gob.gt/emergencia/es61103054{\"spa\":6}{\"text/html\":6}{\"2021\":6}{\"CC-MAIN-2021-04\":1,\"CC-MAIN-2021-17\":1,\"CC-M...
\n", + "
" + ], + "text/plain": [ + " id title \\\n", + "167 316 la jornada \n", + "388 283 la prensa grafica \n", + "223 110 onemi: ministerio del interior y seguridad púb... \n", + "67 326 la opinión de tenerife \n", + "49 234 conred \n", + "\n", + " link language captures_total \\\n", + "167 http://www.jornada.unam.mx/ultimas es 1 \n", + "388 http://www.laprensagrafica.com/inicio es 1 \n", + "223 http://www.onemi.cl/ es 2 \n", + "67 http://www.laopinion.es/ es 5 \n", + "49 https://conred.gob.gt/emergencia/ es 6 \n", + "\n", + " urls_uniq_estimate warc_size_in_bytes content_languages \\\n", + "167 1 45869 {\"spa\":1} \n", + "388 1 12698 {\"spa\":1} \n", + "223 2 12559 {\"spa\":1} \n", + "67 1 7763 {\"spa\":5} \n", + "49 1 103054 {\"spa\":6} \n", + "\n", + " content_types captures_per_year \\\n", + "167 {\"application/xhtml+xml\":1} {\"2020\":1} \n", + "388 {\"text/html\":1} {\"2020\":1} \n", + "223 {\"text/html\":2} {\"2020\":1,\"2021\":1} \n", + "67 {\"text/html\":5} {\"2020\":4,\"2021\":1} \n", + "49 {\"text/html\":6} {\"2021\":6} \n", + "\n", + " captures_per_crawl \n", + "167 {\"CC-MAIN-2020-10\":1} \n", + "388 {\"CC-MAIN-2020-45\":1} \n", + "223 {\"CC-MAIN-2020-34\":1,\"CC-MAIN-2021-17\":1} \n", + "67 {\"CC-MAIN-2020-10\":1,\"CC-MAIN-2020-16\":1,\"CC-M... \n", + "49 {\"CC-MAIN-2021-04\":1,\"CC-MAIN-2021-17\":1,\"CC-M... " + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# sites with few captures\n", + "df.sort_values('captures_total', ascending=True).head()" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "demonstrated-memorabilia", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "1.5254639124050977" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# ratio of URL-level duplicates (same URL captured multiple times)\n", + "df['captures_total'].sum() / df['urls_uniq_estimate'].sum()" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "effective-heating", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "880.5133517915383" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# total size of WARC captures (in GiB)\n", + "df['warc_size_in_bytes'].sum() / 2**30" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "awful-behalf", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[('spa', 25916905),\n", + " ('spa,eng', 4126880),\n", + " ('eng', 2534447),\n", + " ('spa,cat', 1275211),\n", + " ('zho', 324001),\n", + " ('eng,spa', 205587),\n", + " ('cat,spa', 124009),\n", + " ('spa,grn', 110074),\n", + " ('spa,cat,eng', 58611),\n", + " ('ita,eng', 51301)]" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# distribution of content languages (detected by CLD2)\n", + "\n", + "import json\n", + "\n", + "from collections import Counter\n", + "\n", + "cl = df['content_languages'].apply(json.loads)\n", + "\n", + "def count_dict(counter, counts):\n", + " for k in counts:\n", + " counter[k] += counts[k]\n", + "\n", + "language_counts = Counter()\n", + "cl.apply(lambda c: count_dict(language_counts, c))\n", + "language_counts.most_common(10)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "contained-armenia", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[('spa', 31859638),\n", + " ('eng', 2784731),\n", + " ('zho', 339086),\n", + " ('cat', 156437),\n", + " ('ita', 52791),\n", + " ('eus', 11682),\n", + " ('glg', 10859),\n", + " ('fra', 3233),\n", + " ('nld', 713),\n", + " ('ind', 532)]" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# distribution of content languages, primary language only\n", + "\n", + "def keep_primary_language_only(counts):\n", + " res = Counter()\n", + " for lang in counts:\n", + " res[lang[0:3]] += counts[lang]\n", + " return res\n", + "\n", + "cl = cl.apply(keep_primary_language_only)\n", + "\n", + "primary_language_counts = Counter()\n", + "cl.apply(lambda c: count_dict(primary_language_counts, c))\n", + "primary_language_counts.most_common(10)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "british-surfing", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
01
0text/html31535762
1application/xhtml+xml3744758
2application/pdf68266
3text/plain24513
4application/rss+xml20988
5image/jpeg7541
6application/atom+xml4555
7application/json1194
8application/xml541
9image/png501
\n", + "
" + ], + "text/plain": [ + " 0 1\n", + "0 text/html 31535762\n", + "1 application/xhtml+xml 3744758\n", + "2 application/pdf 68266\n", + "3 text/plain 24513\n", + "4 application/rss+xml 20988\n", + "5 image/jpeg 7541\n", + "6 application/atom+xml 4555\n", + "7 application/json 1194\n", + "8 application/xml 541\n", + "9 image/png 501" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# content types (MIME types detected by Tika)\n", + "\n", + "ct = df['content_types'].apply(json.loads)\n", + "\n", + "mime_counts = Counter()\n", + "ct.apply(lambda c: count_dict(mime_counts, c))\n", + "pd.DataFrame.from_records(mime_counts.most_common(10))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "piano-custom", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.7" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cleanup-seeds.ipynb b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cleanup-seeds.ipynb new file mode 100644 index 0000000..3ae9d1e --- /dev/null +++ b/data_tooling/cc_pseudo_crawl/sourcing_sheet_seeds/cleanup-seeds.ipynb @@ -0,0 +1,1225 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "professional-crime", + "metadata": {}, + "source": [ + "# Seed List Cleanup\n", + "\n", + "Prepare a clean list of seeds (candidates for pseudo-crawls)\n", + "- add columns required to get page locations and metrics from Common Crawl\n", + "- remove duplicated seeds\n", + "- normalize URLs" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "indian-aquarium", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
#Dataset titleDomain Name / link\\n(if highlighted in red, it's a duplicate! So don't add it...)License\\n(default is UNKNOWN)Release (Issue date)GlottocodeLanguage(s) (or family)Dialect/accent (if known)SubjectFormatCollection Style (Manual Curation vs Crowdsourced(web)) ?What it is / why we want it (5-25 words)Volume (estimates)Contains Personal Information? (-1=unlikely, 0=neutral, 1=likely)OwnerUsage and relation to other datasets
012Fundacion Cajasolhttps://fundacioncajasol.com/unknownmultiple releasesstan1288esSpainGeneral Newstext (web)manualNaNunknownunknownFundacion CajasolNaN
113Asamblea Nacional del Ecuadorhttp://www.confirmado.net/unknownmultiple releasesNaNesEcuadorGeneral Newstext (web)manualNaNunknownunknownAsamblea Nacional del EcuadorNaN
214el periodico de Tlaxcalahttps://elperiodicodetlaxcala.com/unknownmultiple releasesNaNesMexicoGeneral Newstext (web)manualNaNunknownunknownel periodico de TlaxcalaNaN
315mispeceshttps://www.mispeces.com/unknownmultiple releasesNaNesSpainGeneral Newstext (web)manualNaNunknownunknownmispecesNaN
416DiarioVascohttps://www.diariovasco.com/unknownmultiple releasesNaNesSpainGeneral Newstext (web)manualNaNunknownunknownDiarioVascoNaN
\n", + "
" + ], + "text/plain": [ + " # Dataset title \\\n", + "0 12 Fundacion Cajasol \n", + "1 13 Asamblea Nacional del Ecuador \n", + "2 14 el periodico de Tlaxcala \n", + "3 15 mispeces \n", + "4 16 DiarioVasco \n", + "\n", + " Domain Name / link\\n(if highlighted in red, it's a duplicate! So don't add it...) \\\n", + "0 https://fundacioncajasol.com/ \n", + "1 http://www.confirmado.net/ \n", + "2 https://elperiodicodetlaxcala.com/ \n", + "3 https://www.mispeces.com/ \n", + "4 https://www.diariovasco.com/ \n", + "\n", + " License\\n(default is UNKNOWN) Release (Issue date) Glottocode \\\n", + "0 unknown multiple releases stan1288 \n", + "1 unknown multiple releases NaN \n", + "2 unknown multiple releases NaN \n", + "3 unknown multiple releases NaN \n", + "4 unknown multiple releases NaN \n", + "\n", + " Language(s) (or family) Dialect/accent (if known) Subject Format \\\n", + "0 es Spain General News text (web) \n", + "1 es Ecuador General News text (web) \n", + "2 es Mexico General News text (web) \n", + "3 es Spain General News text (web) \n", + "4 es Spain General News text (web) \n", + "\n", + " Collection Style (Manual Curation vs Crowdsourced(web)) ? \\\n", + "0 manual \n", + "1 manual \n", + "2 manual \n", + "3 manual \n", + "4 manual \n", + "\n", + " What it is / why we want it (5-25 words) Volume (estimates) \\\n", + "0 NaN unknown \n", + "1 NaN unknown \n", + "2 NaN unknown \n", + "3 NaN unknown \n", + "4 NaN unknown \n", + "\n", + " Contains Personal Information? (-1=unlikely, 0=neutral, 1=likely) \\\n", + "0 unknown \n", + "1 unknown \n", + "2 unknown \n", + "3 unknown \n", + "4 unknown \n", + "\n", + " Owner Usage and relation to other datasets \n", + "0 Fundacion Cajasol NaN \n", + "1 Asamblea Nacional del Ecuador NaN \n", + "2 el periodico de Tlaxcala NaN \n", + "3 mispeces NaN \n", + "4 DiarioVasco NaN " + ] + }, + "execution_count": 1, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import pandas as pd\n", + "\n", + "df = pd.read_csv('candidate_websites_for_crawling.csv')\n", + "\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "retired-template", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtitlelinklanguage
012Fundacion Cajasolhttps://fundacioncajasol.com/es
113Asamblea Nacional del Ecuadorhttp://www.confirmado.net/es
214el periodico de Tlaxcalahttps://elperiodicodetlaxcala.com/es
315mispeceshttps://www.mispeces.com/es
416DiarioVascohttps://www.diariovasco.com/es
\n", + "
" + ], + "text/plain": [ + " id title link \\\n", + "0 12 Fundacion Cajasol https://fundacioncajasol.com/ \n", + "1 13 Asamblea Nacional del Ecuador http://www.confirmado.net/ \n", + "2 14 el periodico de Tlaxcala https://elperiodicodetlaxcala.com/ \n", + "3 15 mispeces https://www.mispeces.com/ \n", + "4 16 DiarioVasco https://www.diariovasco.com/ \n", + "\n", + " language \n", + "0 es \n", + "1 es \n", + "2 es \n", + "3 es \n", + "4 es " + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# select mandatory columns and assign simple and SQL-compatible column names\n", + "df = df.iloc[:, [0,1,2,6]]\n", + "df.columns = ['id', 'title', 'link', 'language']\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "floppy-connection", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(456, 4)" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "least-religious", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
url_path_prefix
/391
13
/es/6
/wps/portal/rielcano_es2
/forums/2
/web/1
/es1
/singapore1
/informa1
/forum/1
/es/news1
/mining/1
/community1
/news/es1
/pagina/bienvenidos-al-comite-de-sanidad-vegetal-cosave1
/ultimas1
/index.php/es1
/spanish/1
/kiasu1
/tecnopunta1
/search/label/primera1
/r/singapore/1
/blog/1
/site/1
/presidencia/1
/index.php/riesed1
/index.php/es/1
/upotec1
/emergencia/1
/portada1
/home/es/1
/endirecto/1
/noticias-guatemala-diario-centro-america/1
/en/1
/cadiz/1
/news/1
/monplaneta/1
/web/sala-de-prensa1
/noticias/1
/envivo/1
/inicio1
/va/inicio/presentacion1
/index.php/riceg/index1
/portal/1
/noticias1
/ww5/1
/alacarta/1
\n", + "
" + ], + "text/plain": [ + " url_path_prefix\n", + "/ 391\n", + " 13\n", + "/es/ 6\n", + "/wps/portal/rielcano_es 2\n", + "/forums/ 2\n", + "/web/ 1\n", + "/es 1\n", + "/singapore 1\n", + "/informa 1\n", + "/forum/ 1\n", + "/es/news 1\n", + "/mining/ 1\n", + "/community 1\n", + "/news/es 1\n", + "/pagina/bienvenidos-al-comite-de-sanidad-vegeta... 1\n", + "/ultimas 1\n", + "/index.php/es 1\n", + "/spanish/ 1\n", + "/kiasu 1\n", + "/tecnopunta 1\n", + "/search/label/primera 1\n", + "/r/singapore/ 1\n", + "/blog/ 1\n", + "/site/ 1\n", + "/presidencia/ 1\n", + "/index.php/riesed 1\n", + "/index.php/es/ 1\n", + "/upotec 1\n", + "/emergencia/ 1\n", + "/portada 1\n", + "/home/es/ 1\n", + "/endirecto/ 1\n", + "/noticias-guatemala-diario-centro-america/ 1\n", + "/en/ 1\n", + "/cadiz/ 1\n", + "/news/ 1\n", + "/monplaneta/ 1\n", + "/web/sala-de-prensa 1\n", + "/noticias/ 1\n", + "/envivo/ 1\n", + "/inicio 1\n", + "/va/inicio/presentacion 1\n", + "/index.php/riceg/index 1\n", + "/portal/ 1\n", + "/noticias 1\n", + "/ww5/ 1\n", + "/alacarta/ 1" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# normalize URLs and look for obsolete path prefixes\n", + "from urllib.parse import urlparse\n", + "\n", + "def normalize_url(url):\n", + " if url == 'reddit.com/r/singapore':\n", + " url = 'https://www.reddit.com/r/singapore/'\n", + " u = urlparse(url)\n", + " path = u.path\n", + " path = path.replace('//', '/')\n", + " # normalize empty path (root path)\n", + " if path == '':\n", + " path = '/'\n", + " # remove trailing file name\n", + " if path[-1] != '/' and '.' in path.split('/')[-1]:\n", + " path = '/'.join(path.split('/')[:-2])\n", + " return '%s://%s%s' % (u.scheme, u.netloc, path)\n", + "\n", + "def get_path_prefix(url):\n", + " return urlparse(url).path\n", + "\n", + "df['link'] = df['link'].apply(normalize_url)\n", + "df['url_path_prefix'] = df['link'].apply(get_path_prefix)\n", + "\n", + "df['url_path_prefix'].value_counts().to_frame()" + ] + }, + { + "cell_type": "markdown", + "id": "hungry-fever", + "metadata": {}, + "source": [ + "Some path prefixes seem to be mandatory\n", + "- language selectors: `/es/`, `/spanish/`\n", + "- location selectors: `/r/singapore/` (reddit.com)\n", + "\n", + "Others only point to the homepage and would limit the recall to just this page:\n", + "- `/search/label/inicio`, `/pagina/bienvenidos-al-comite-de-sanidad-vegetal-cosave`\n", + "\n", + "For now: we keep only prefixes up to 16 characters. However, clean curated URL prefixes might improve the data set in future runs." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "super-happiness", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
url_path_prefix
/400
13
/es/6
/forums/2
/web/1
/presidencia/1
/es1
/informa1
/forum/1
/mining/1
/news/es1
/site/1
/blog/1
/spanish/1
/index.php/es1
/kiasu1
/tecnopunta1
/inicio1
/r/singapore/1
/ultimas1
/portal/1
/index.php/es/1
/ww5/1
/emergencia/1
/portada1
/home/es/1
/es/news1
/endirecto/1
/singapore1
/community1
/cadiz/1
/news/1
/upotec1
/monplaneta/1
/noticias/1
/envivo/1
/en/1
/noticias1
/alacarta/1
\n", + "
" + ], + "text/plain": [ + " url_path_prefix\n", + "/ 400\n", + " 13\n", + "/es/ 6\n", + "/forums/ 2\n", + "/web/ 1\n", + "/presidencia/ 1\n", + "/es 1\n", + "/informa 1\n", + "/forum/ 1\n", + "/mining/ 1\n", + "/news/es 1\n", + "/site/ 1\n", + "/blog/ 1\n", + "/spanish/ 1\n", + "/index.php/es 1\n", + "/kiasu 1\n", + "/tecnopunta 1\n", + "/inicio 1\n", + "/r/singapore/ 1\n", + "/ultimas 1\n", + "/portal/ 1\n", + "/index.php/es/ 1\n", + "/ww5/ 1\n", + "/emergencia/ 1\n", + "/portada 1\n", + "/home/es/ 1\n", + "/es/news 1\n", + "/endirecto/ 1\n", + "/singapore 1\n", + "/community 1\n", + "/cadiz/ 1\n", + "/news/ 1\n", + "/upotec 1\n", + "/monplaneta/ 1\n", + "/noticias/ 1\n", + "/envivo/ 1\n", + "/en/ 1\n", + "/noticias 1\n", + "/alacarta/ 1" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "def normalize_path_prefix(url):\n", + " u = urlparse(url)\n", + " path = u.path\n", + " if len(path) > 16:\n", + " path = '/'\n", + " return '%s://%s%s' % (u.scheme, u.netloc, path)\n", + "\n", + "df['link'] = df['link'].apply(normalize_path_prefix)\n", + "df['url_path_prefix'] = df['link'].apply(get_path_prefix)\n", + "\n", + "df['url_path_prefix'].value_counts().to_frame()" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "monetary-final", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtitlelinklanguageurl_path_prefixurl_host_nameurl_host_registered_domainurl_surtkey
012Fundacion Cajasolhttps://fundacioncajasol.com/es/fundacioncajasol.comfundacioncajasol.comcom,fundacioncajasol)/
113Asamblea Nacional del Ecuadorhttp://www.confirmado.net/es/www.confirmado.netconfirmado.netnet,confirmado)/
214el periodico de Tlaxcalahttps://elperiodicodetlaxcala.com/es/elperiodicodetlaxcala.comelperiodicodetlaxcala.comcom,elperiodicodetlaxcala)/
315mispeceshttps://www.mispeces.com/es/www.mispeces.commispeces.comcom,mispeces)/
416DiarioVascohttps://www.diariovasco.com/es/www.diariovasco.comdiariovasco.comcom,diariovasco)/
\n", + "
" + ], + "text/plain": [ + " id title link \\\n", + "0 12 Fundacion Cajasol https://fundacioncajasol.com/ \n", + "1 13 Asamblea Nacional del Ecuador http://www.confirmado.net/ \n", + "2 14 el periodico de Tlaxcala https://elperiodicodetlaxcala.com/ \n", + "3 15 mispeces https://www.mispeces.com/ \n", + "4 16 DiarioVasco https://www.diariovasco.com/ \n", + "\n", + " language url_path_prefix url_host_name \\\n", + "0 es / fundacioncajasol.com \n", + "1 es / www.confirmado.net \n", + "2 es / elperiodicodetlaxcala.com \n", + "3 es / www.mispeces.com \n", + "4 es / www.diariovasco.com \n", + "\n", + " url_host_registered_domain url_surtkey \n", + "0 fundacioncajasol.com com,fundacioncajasol)/ \n", + "1 confirmado.net net,confirmado)/ \n", + "2 elperiodicodetlaxcala.com com,elperiodicodetlaxcala)/ \n", + "3 mispeces.com com,mispeces)/ \n", + "4 diariovasco.com com,diariovasco)/ " + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# add columns required to get the counts from Common Crawl\n", + "\n", + "import surt\n", + "import tldextract\n", + "\n", + "def get_host(url):\n", + " return urlparse(url).netloc.lower().lstrip('.')\n", + "\n", + "def get_surtkey(url):\n", + " return surt.surt(url)\n", + "\n", + "def get_registered_domain(host):\n", + " return tldextract.extract(host).registered_domain\n", + "\n", + "\n", + "df['url_host_name'] = df['link'].apply(get_host)\n", + "df['url_host_registered_domain'] = df['url_host_name'].apply(get_registered_domain)\n", + "df['url_surtkey'] = df['link'].apply(get_surtkey)\n", + "\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "happy-aspect", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtitlelinklanguageurl_path_prefixurl_host_nameurl_host_registered_domainurl_surtkey
6072elcano royal insitute (real istituto elcano)http://www.realinstitutoelcano.org/es/www.realinstitutoelcano.orgrealinstitutoelcano.orgorg,realinstitutoelcano)/
8294real instituto elcanohttp://www.realinstitutoelcano.org/es/www.realinstitutoelcano.orgrealinstitutoelcano.orgorg,realinstitutoelcano)/
\n", + "
" + ], + "text/plain": [ + " id title \\\n", + "60 72 elcano royal insitute (real istituto elcano) \n", + "82 94 real instituto elcano \n", + "\n", + " link language url_path_prefix \\\n", + "60 http://www.realinstitutoelcano.org/ es / \n", + "82 http://www.realinstitutoelcano.org/ es / \n", + "\n", + " url_host_name url_host_registered_domain \\\n", + "60 www.realinstitutoelcano.org realinstitutoelcano.org \n", + "82 www.realinstitutoelcano.org realinstitutoelcano.org \n", + "\n", + " url_surtkey \n", + "60 org,realinstitutoelcano)/ \n", + "82 org,realinstitutoelcano)/ " + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# look for duplicates\n", + "df[df.duplicated(subset=['url_surtkey'], keep=False)]" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "sudden-terror", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(455, 8)" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# deduplicate\n", + "df.drop_duplicates(subset=['url_surtkey'], inplace=True)\n", + "df.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "atomic-portuguese", + "metadata": {}, + "outputs": [], + "source": [ + "# export the clean seed list\n", + "df.to_csv('seeds.csv', index=False)\n", + "df.to_parquet('seeds.gz.parquet', compression='gzip', index=False)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.7" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/data_tooling/datastore/README.md b/data_tooling/datastore/README.md new file mode 100644 index 0000000..cd8c36b --- /dev/null +++ b/data_tooling/datastore/README.md @@ -0,0 +1,15 @@ +# Extensions to Huggingface's datasets + +Creates a datastore that interconnects to sqlite and memmap backends. + +## Run + +* Run the python script + +``` +cd data_tooling +pip install -r requirements.txt +python datastore/tests/test.py +``` + +## TODO list diff --git a/data_tooling/datastore/__init__.py b/data_tooling/datastore/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/datastore/connectors/__init__.py b/data_tooling/datastore/connectors/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/datastore/connectors/memmap.py b/data_tooling/datastore/connectors/memmap.py new file mode 100644 index 0000000..9b4dbf2 --- /dev/null +++ b/data_tooling/datastore/connectors/memmap.py @@ -0,0 +1,25 @@ +import os + +import numpy as np + +################################################################################################################################# +# Code for utilities related Dask distributed arrays and np.memmap based array access + + +def np_mmap(path, dtype, shape, orig_path=None, fs=None): + if os.path.exists(path): + return np.memmap( + filename=path, + mode="r+", + dtype=np.dtype(dtype), + shape=tuple(shape), + offset=offset, + ) + else: + return np.memmap( + filename=path, + mode="w+", + dtype=np.dtype(dtype), + shape=tuple(shape), + offset=offset, + ) diff --git a/data_tooling/datastore/connectors/sql.py b/data_tooling/datastore/connectors/sql.py new file mode 100644 index 0000000..83e6978 --- /dev/null +++ b/data_tooling/datastore/connectors/sql.py @@ -0,0 +1,1035 @@ +# Copyright 2021, Ontocord, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +""" Utilities to access dataset's SqlAlchemy sql utilities""" + +import os +import sys +from functools import lru_cache + +import dataset +from dataset.types import Types +from dataset.util import ( + QUERY_STEP, + DatasetException, + ResultIter, + convert_row, + normalize_table_name, + row_type, +) +from sqlalchemy import create_engine +from sqlalchemy.engine.reflection import Inspector +from sqlalchemy.exc import ResourceClosedError +from sqlalchemy.pool import StaticPool +from sqlalchemy.schema import MetaData +from sqlalchemy.sql import text +from sqlalchemy.util import safe_reraise + +sys.path.append( + os.path.abspath( + os.path.join( + os.path.dirname(__file__), os.path.pardir, os.path.pardir, os.path.pardir + ) + ) +) + + +###################################################################################### +# SqlAlchemy/Dataset based classes for interconnect with SQL, and in particular sqlite3 +### A note about naming: dataset and datasets are not the same libraries. + + +def multi_iter_result_proxy(rps, step=None, batch_fns=None, row_types=row_type): + """Iterate over the ResultProxyExt.""" + for batch_fn, row_type, rp in zip(batch_fns, row_types, rps): + if step is None: + chunk = rp.fetchall() + else: + chunk = rp.fetchmany(size=step) + if batch_fn is not None: + chunk = batch_fn(chunk) + if not chunk: + next + if row_type is None: + for row in chunk: + yield row + else: + for row in chunk: + yield convert_row(row_type, row) + + +class ResultIterExt: + """Similar to dataset.ResultIter except thre are several + result_proxies, and they are actually results that are lazy + executed. Optionally, the results can be treated as a sql table via .to_sql() + """ + + def __init__(self, result_proxy, step=None, row_type=row_type, batch_fn=None): + self.persisted = None + if type(result_proxy) is not list: + result_proxy = [result_proxy] + self.result_proxy = result_proxy + if type(row_type) is not list: + self.row_type = [row_type] * len(self.result_proxy) + else: + self.row_type = row_type + if type(batch_fn) is not list: + self.batch_fn = [batch_fn] * len(self.result_proxy) + else: + self.batch_fn = batch_fn + self.step = step + try: + self.keys = list(self.result_proxy[0].keys()) + # self.keys.append('rank') + # print (self.keys) + self._iter = multi_iter_result_proxy( + self.result_proxy, + step=self.step, + batch_fns=self.batch_fn, + row_types=self.row_type, + ) + except ResourceClosedError: + self.keys = [] + self._iter = iter([]) + + def to_sql(self, primary_id="id", primary_type=None, primary_increment=None): + if self.persisted is not None: + return self.persisted + self.persisted = TableExt( + DatabaseExt("sqlite://"), + str(self), + primary_id=primary_id, + primary_type=primary_type, + primary_increment=primary_increment, + auto_create=True, + ) + self.persisted.insert_many(self) + self._iter = multi_iter_result_proxy( + self.persisted.db.executable.execute(self.persisted.table.select()), + row_types=self.row_type, + ) + return self.persisted + + # extending while iterating will cause undefined behaviour + def extend(self, result_iter): + self.result_proxy.extend(result_iter.result_proxy) + self.batch_fn.extend(result_iter.batch_fn) + self.row_type.extend(result_iter.row_type) + if self.persisted: + self.persisted.insert_many(result_iter) + self._iter = multi_iter_result_proxy( + self.persisted.db.executable.execute(self.persisted.table.select()), + row_types=self.row_type, + ) + else: + try: + self._iter = multi_iter_result_proxy( + self.result_proxy, + step=self.step, + batch_fns=self.batch_fn, + row_types=self.row_type, + ) + except ResourceClosedError: + self.keys = [] + self._iter = iter([]) + + def __next__(self): + try: + return next(self._iter) + except StopIteration: + self.close() + raise + + next = __next__ + + def __iter__(self): + return self + + def close(self): + for rp in self.result_proxy: + rp.close() + + +class TableSharded(dataset.Table): + PRIMARY_DEFAULT = "id" + + """ Extends dataset.Table's functionality to work with + Datastore(s) and to add sqlite full-text-search (FTS). Can be a + view into several sharded tables in one or more databases. Sharded + by the row primary id. + + We can treat sqlite databases in a special way because they are + file based, and we lazy load those from a network or shared fs, + etc. + """ + + def __init__( + self, + database=None, + table_name=None, + primary_id=None, + primary_type=None, + primary_increment=None, + auto_create=False, + shard_defs=None, + start_row=None, + end_row=None, + fs=None, + ): + super().__init__( + database, + table_name, + primary_id=primary_id, + primary_type=primary_type, + primary_increment=primary_increment, + auto_create=auto_create, + ) + assert shards is not None or database is not None + self.auto_create = auto_create + self.start_row = start_row + self.start_row = end_row + if shard_dres: + shard_defs.sort(key=lambda a: a["start_row"]) + else: + shard_defs = [] + self.shard_defs = shard_defs + self._shards = [None] * len( + shard_defs + ) # TODO - use LRU cache so we can clear out db connecitons that are old or stale + if fs is None: + fs = os + self.fs = fs + if cache_dir is None: + cache_dir = get_temporary_cache_files_directory() + self.cache_dir = cache_dir + auto_create = False + super(PersistedRowShards).__init(shard_defs, fs) + # TODO: automatically fill in external_fts_columns and has_fts_trigger in the _sync* methods. + self.external_fts_columns = {} + self.has_fts_trigger = False + + def cache_shard_file(self, idx, f): + shard_def = self.shard_defs[idx] + fs = self.fs + dataset_path = self.cache_dir + if is_remote_filesystem(fs): + f_dataset_path = extract_path_from_uri(f) + data_path = Path(dataset_path, f_dataset_path) + fs.download(f_dataset_path, data_path.as_posix(), recursive=True) + next(wait_until_files_loaded(f)) + return f + + @lru_cache(100) + def shards(self, idx): + shard = self._shard_by_idx(idx) + shard.start_row = self.shard_defs["start_row"] + shard.end_row = self.shard_defs["end_row"] + return shard + + def _shard_by_idx(self, idx): + shard_def = self.shard_defs[idx] + if shard_def["database_kwargs"] and "url" in shard_def["database_kwargs"]: + url = shard_def["database_kwargs"]["url"] + if url.startswith("sqlite:///"): + new_path = "sqlite:///" + self.cache_shard_file( + idx, url.replace("sqlite:///", "") + ) + shard_def = copy.deepcopy(shard_def) + shard_def["database_kwargs"]["url"] = url + elif shard_def["database_args"]: + url = shard_def["database_args"] + if url.startswith("sqlite:///"): + new_path = "sqlite:///" + self.cache_shard_file( + idx, url.replace("sqlite:///", "") + ) + shard_def = copy.deepcopy(shard_def) + shard_def["database_args"] = [url] + return TableSharded( + database=DatabaseExt( + *shard_def["database_args"], **shard_def["database_kwargs"] + ), + table_name=self.name, + primary_id=self._primary_id, + primary_type=self._primary_type, + primary_increment=self._primary_increment, + auto_create=self.auto_create, + start_row=shard_def["start_row"], + end_row=shard_def["end_row"], + ) + + def _sync_all_shards(self): + if self.shards_defs: + for idx, shard_def, shard in enumerate(self.shard_defs): + self.shards(idx) + + @property + def exists(self): + """Check to see if the table currently exists in the database.""" + if self.shards: + self._sync_all_shards() + for shard in self.shards: + if shard.exits: + return True + return False + else: + return super().exits + + @property + def table(self): + """Get a reference to the table, which may be reflected or created.""" + if self.shards_defs: + return self.shards(0).table + else: + return super().table + + @property + def columns(self): + """Get a listing of all columns that exist in the table.""" + if self.shards_defs: + return self.shards(0).columns + else: + return super().columns + + def has_column(self, column): + """Check if a column with the given name exists on this table.""" + if self.shards_defs: + return self.shards(0).has_column(column) + else: + return super().has_column(column) + + def create_column(self, name, type, **kwargs): + """Create a new column ``name`` of a specified type. + :: + + table.create_column('created_at', db.types.datetime) + + `type` corresponds to an SQLAlchemy type as described by + `dataset.db.Types`. Additional keyword arguments are passed + to the constructor of `Column`, so that default values, and + options like `nullable` and `unique` can be set. + :: + + table.create_column('key', unique=True, nullable=False) + table.create_column('food', default='banana') + """ + if self.shards_defs: + for idx in range(len(self.shards_defs)): + shard = self.shards(idx) + shard.create_column(name, type, **kwargs) + else: + super().create_column(name, type, **kwargs) + + def create_column_by_example(self, name, value): + """ + Explicitly create a new column ``name`` with a type that is appropriate + to store the given example ``value``. The type is guessed in the same + way as for the insert method with ``ensure=True``. + :: + + table.create_column_by_example('length', 4.2) + + If a column of the same name already exists, no action is taken, even + if it is not of the type we would have created. + """ + if self.shards_defs: + for idx in range(len(self.shards_defs)): + shard = self.shards(idx) + shard.create_column_by_example(name, value) + else: + super().create_column_by_example(name, value) + + def drop_column(self, name): + """ + Drop the column ``name``. + :: + + table.drop_column('created_at') + + """ + if self.shards_defs: + for idx in range(len(self.shards_defs)): + shard = self.shards(idx) + shard.drop_column(column) + else: + super().drop_column(column) + + def drop(self): + """Drop the table from the database. + + Deletes both the schema and all the contents within it. + """ + if self.shards_defs: + for idx in range(len(self.shards_defs)): + shard = self.shards(idx) + shard.drop() + else: + super().drop() + + def has_index(self, columns): + """Check if an index exists to cover the given ``columns``.""" + if self.shards_defs: + for idx in range(len(self.shards_defs)): + shard = self.shards(idx) + if shard.has_index(columns): + return True + return False + else: + return super().has_index(columns) + + def create_index(self, columns, name=None, **kw): + """Create an index to speed up queries on a table. + + If no ``name`` is given a random name is created. + :: + + table.create_index(['name', 'country']) + """ + if self.shards_defs: + for idx in range(len(self.shards_defs)): + shard = self.shards(idx) + shard.create_index(columns, name, **kw) + else: + super().create_index(columns, name, **kw) + + def find(self, *_clauses, **kwargs): + """Perform a search on the table similar to + dataset.Table.find, except: optionally gets a result only for + specific columns by passing in _columns keyword. And + optionally perform full-text-search (BM25) on via a Sqlite3 + table. + + :arg _fts_query: + :arg _fts_step: + :arg _columns: + + Simply pass keyword arguments as ``filter``. + :: + results = table.find(country='France') + results = table.find(country='France', year=1980) + Using ``_limit``:: + # just return the first 10 rows + results = table.find(country='France', _limit=10) + You can sort the results by single or multiple columns. Append a minus + sign to the column name for descending order:: + # sort results by a column 'year' + results = table.find(country='France', order_by='year') + # return all rows sorted by multiple columns (descending by year) + results = table.find(order_by=['country', '-year']) + To perform complex queries with advanced filters or to perform + aggregation, use :py:meth:`db.query() ` + instead. + """ + + if not self.exists: + return iter([]) + + if self.shards: + self._sync_all_shards() + if "_count" in kwargs: + return sum( + shard + for shard in sellf.find( + *copy.deepcopy(_clauses), **copy.deepcopy(kwargs) + ) + ) + if self._primary_id in kwargs: + # do the case where we have specific id ranges. we pass in the queries by row id. + ids = kwars[self._primary_id]["in"] + ids.sort() + ret = None + shards_defs = self.shards_defs + shard_idx = 0 + curr_ids = [] + for idx, _id in enumerate(ids): + if not shard_defs: + break + if len(shards_defs) == 1: + curr_ids = ids[idx:] + break + if ( + _id >= shards_defs[0]["start_row"] + and _id <= shards_defs[0]["end_row"] + ): + curr_ids.append(_id) + elif _id > shards_defs[0]["end_row"]: + if curr_ids: + kwargs_shard = copy.deepcopy(kwargs) + kwargs_shard[self._primary_id] = {"in": curr_ids} + if not ret: + ret = self.shards(shard_idx).find( + *copy.deepcopy(_clauses), **kwargs_shard + ) + else: + ret.extend( + self.shards(shard_idx).find( + *copy.deepcopy(_clauses), **kwargs_shard + ) + ) + shards_defs = shards_defs[1:] + shard_idx += 1 + curr_ids = [_id] + if curr_ids: + kwargs_shard = copy.deepcopy(kwargs) + kwargs_shard[self._primary_id] = {"in": curr_ids} + if not ret: + ret = self.shards(shard_idx).find( + *copy.deepcopy(_clauses), **kwargs_shard + ) + else: + ret.extend( + self.shards(shard_idx).find( + *copy.deepcopy(_clauses), **kwargs_shard + ) + ) + return ret + else: + ret = [] + for idx in range(len(self.shards_defs)): + shard = self.shards(idx) + if not ret: + ret = shard.find( + *copy.deepcopy(_clauses), **copy.deepcopy(kwargs) + ) + else: + ret.extend( + shard.find( + *copy.deepcopy(_clauses), **copy.deepcopy(kwargs) + ) + ) + return ret + + _fts_query = kwargs.pop("_fts_query", None) + _count = kwargs.pop("_count", None) + _fts_step = kwargs.pop("_fts_step", QUERY_STEP) + _columns = kwargs.pop("_columns", None) + _distinct = kwargs.pop("_distinct", None) + _limit = kwargs.pop("_limit", None) + _offset = kwargs.pop("_offset", 0) + order_by = kwargs.pop("order_by", None) + _streamed = kwargs.pop("_streamed", False) + _step = kwargs.pop("_step", QUERY_STEP) + + assert ( + _count is None or _columns is None + ), "can only get the count when not selecting by columns" + + if _fts_query and _step < _fts_step: + _step = _fts_step + if _step is False or _step == 0: + _step = None + if type(_columns) is str: + _columns = [_columns] + fts_results = [] + if _fts_query is None: + _fts_query = [] + id2rank = {} + return_id2rank_only = False + for column, q in _fts_query: + if column in self.external_fts_columns: + db, fts_table_name = self.external_fts_columns[column] + else: + # if the table being searched is an fts_idx (ends with + # _fts_idx), assume there are other tables for each of + # the columns being search in the format of + # _colummn_fts_idx + if self.name.endswith(f"_fts_idx"): + if self.name.endswith(f"_{column}_fts_idx"): + db, fts_table_name = self.db, self.name + else: + db, fts_table_name = ( + self.db, + "_".join(self.name.replace("_fts_idx", "").split("_")[:-1]) + + f"_{column}_fts_idx", + ) + return_id2rank_only = True + else: + db, fts_table_name = self.db, f"{self.name}_{column}_fts_idx" + # TODO: check if sqlite3 + q = q.replace("'", "'") + if _limit is not None: + # using _limit is a hack. we want a big enough result + # from fts so that subsequent query will narrow down to a + # good result at _limit, but we don't want all results + # which could be huge. we can set the fts_max_limit as a + # parameter to the table or db level. + if kwargs: + new_limit = _limit * 10 + else: + new_limit = _limit + else: + new_limit = 1000000 + args2 = "" + if self._primary_id in kwargs: + kwargs2 = {"rowid": kwargs[self._primary_id]} + args2 = self._args_to_clause(kwargs2).replace("WHERE", "AND") + + fts_results = db.executable.execute( + f"""SELECT rank, rowid + FROM {fts_table_name} + WHERE {column} MATCH '{q}' {args2} + ORDER BY rank + LIMIT {new_limit}""" + ).fetchall() + if not fts_results: + return [] + for a in fts_results: + id2rank[a[1]] = min(a[0], id2rank.get(a[1], 1000)) + + # we do an optimization here by just returning the id and/or rank, if there are no queries except for the id and/or rank + if id2rank and ( + ( + _columns + and ((self._primary_id,) == tuple(columns)) + or ((self._primary_id, "rank") == tuple(_columns)) + ) + or return_id2rank_only + ): + ret = list(id2rank.items()) + ret.sort(key=lambda a: a[0]) + if _columns and len(_columns) == 1: + return [a[1] for a in ret] + else: + return [{self._primary_id: a[1], "rank": a[0]} for a in ret] + if return_id2rank_only: + return [] + order_by = self._args_to_order_by(order_by) + conn = self.db.executable + + if _streamed: + conn = self.db.engine.connect() + conn = conn.execution_options(stream_results=True) + + # if the fts_results are quite large let's issue several queries by fts_step, and return an iterator with a lazy execution. + batch_fn = None + results = [] + row_type_fn = self.db.row_type + if id2rank: + fts_results = list(id2rank.items()) + fts_results.sort(key=lambda a: a[0]) + len_fts_results = len(fts_results) + total_cnt = 0 + for rng in range(0, len_fts_results, _fts_step): + max_rng = min(len_fts_results, rng + _fts_step) + kwargs[self._primary_id] = { + "in": [int(a[1]) for a in fts_results[rng:max_rng]] + } + args = self._args_to_clause(kwargs, clauses=_clauses) + + if _columns is None: + if _count: + query = select([func.count()], whereclause=args) + query = query.select_from( + self.table, limit=_limit, offset=_offset + ) + else: + query = self.table.select( + whereclause=args, limit=_limit, offset=_offset + ) + else: + query = self.table.select( + whereclause=args, limit=_limit, offset=_offset + ).with_only_columns([self.table.c[col] for col in _columns]) + if len(order_by): + query = query.order_by(*order_by) + if _count: + total_cnt += conn.execute(query).fetchone()[0] + else: + results.append(conn.execute(query)) + + if len(order_by): + + def row_type_fn(row): + row = convert_row(self.db.row_type, row) + row["rank"] = id2rank[row[self._primary_id]] + return row + + else: + # we will need to reorder the results based on the rank of the fts_results. + def batch_fn(batch): + batch2 = [] + for row in batch: + row = convert_row(self.db.row_type, row) + row["rank"] = id2rank[row[self._primary_id]] + batch2.append(row) + batch2.sort(key=lambda a: a["rank"]) + return batch2 + + row_type_fn = None + if _count: + return total_cnt + else: + args = self._args_to_clause(kwargs, clauses=_clauses) + if _columns is None: + query = self.table.select( + whereclause=args, distinct=_distinct, limit=_limit, offset=_offset + ) + else: + query = self.table.select( + whereclause=args, distinct=_distinct, limit=_limit, offset=_offset + ).with_only_columns([self.table.c[col] for col in _columns]) + + if len(order_by): + query = query.order_by(*order_by) + if _count: + return conn.execute(query).fetchone()[0] + results = [conn.execute(query)] + return ResultIterExt( + results, row_type=row_type_fn, step=_step, batch_fn=batch_fn + ) + + def count(self, *_clauses, **kwargs): + """Return the count of results for the given filter set.""" + if not self.exists: + return 0 + kwargs["_count"] = True + return self.find(*_clauses, **kwargs) + + def __len__(self): + """Return the number of rows in the table.""" + return self.count() + + def distinct(self, *args, **_filter): + if not self.exists: + return iter([]) + columns = [] + clauses = [] + for column in args: + if isinstance(column, ClauseElement): + clauses.append(column) + else: + if not self.has_column(column): + raise DatasetException("No such column: %s" % column) + columns.append(column) + if not len(columns): + return iter([]) + _filter["_columns"] = columns + _filter["_distinct"] = True + return self.filter(*clauses, **_filter) + + def apply_to_shards(self, rows, fn, fn_kwargs): + rows.sort() + ret = None + shards = self.shards + curr_rows = [] + for idx, _id in enumerate(rows): + if len(shards) == 1: + curr_rows = rows[idx:] + break + if _id >= shard[0].start_row and _id <= shard[0].end_row: + curr_rows.append(_id) + elif _id > shard[0].end_row: + if curr_rows: + kwargs_shard = copy.deepcopy(kwargs) + kwargs_shard[self._primary_id] = {"in": curr_rows} + if not ret: + ret = shard.find(*copy.deepcopy(_clauses), **kwargs_shard) + else: + ret.extend(shard.find(*copy.deepcopy(_clauses), **kwargs_shard)) + shards = shards[1:] + curr_rows = [_id] + if curr_rows: + kwargs_shard = copy.deepcopy(kwargs) + kwargs_shard[self._primary_id] = {"in": curr_rows} + if not ret: + ret = shard.find(*copy.deepcopy(_clauses), **kwargs_shard) + else: + ret.extend(shard.find(*copy.deepcopy(_clauses), **kwargs_shard)) + return ret + else: + ret = [] + for shard in self.shards: + if not ret: + ret = shard.find(*copy.deepcopy(_clauses), **copy.deepcopy(kwargs)) + else: + ret.extend( + shard.find(*copy.deepcopy(_clauses), **copy.deepcopy(kwargs)) + ) + return ret + + def update(self, row, keys, ensure=None, types=None, return_count=False): + if self.shards: + self._sync_all_shards() + row = self._sync_columns(row, ensure, types=types) + if [_ for column in row.keys() if column in self.external_fts_columns]: + args, row = self._keys_to_args(row, keys) + old = list(self.find(**args)) + else: + old = None + ret = super().update( + row, keys=keys, ensure=ensure, types=types, return_count=return_count + ) + if old: + for key in row.keys(): + self.update_fts(column=key, old_data=old, new_data=row, mode="update") + return ret + + def update_many(self, rows, keys, chunk_size=1000, ensure=None, types=None): + rows = self._sync_columns(rows, ensure=ensure, types=types) + if [_ for column in rows[0].keys() if column in self.external_fts_columns]: + args, row = self._keys_to_args(rows, keys) # this probably won't work + old = list(self.find(**args)) + else: + old = None + ret = super().update_many( + rows, keys=keys, chunk_size=chunk_size, ensure=ensure, types=types + ) + if old: + for key in rows[0].keys(): + self.update_fts(column=key, old_data=old, new_data=rows, mode="update") + return ret + + def delete(self, *clauses, **filters): + if self.external_fts_columns: + old = list(self.find(*clauses, **filters)) + if old: + for key in old[0].keys(): + self.update_fts(column=key, old_data=old, mode="delete") + return super().delete(*clauses, **filters) + + def insert(self, row, ensure=None, types=None): + """Add a ``row`` dict by inserting it into the table. + If ``ensure`` is set, any of the keys of the row are not + table columns, they will be created automatically. + During column creation, ``types`` will be checked for a key + matching the name of a column to be created, and the given + SQLAlchemy column type will be used. Otherwise, the type is + guessed from the row value, defaulting to a simple unicode + field. + :: + data = dict(title='I am a banana!') + table.insert(data) + Returns the inserted row's primary key. + """ + # either sqlalachemy or the underlying sqlite database starts auto-numbering at 1. we want to auto-number starting at 0 + # we shold probably check the count of the row, but this would require a round trip + # to the db on each insert, so we'll make the assumption of lazy creation + if ( + not self.exists or not self.has_column(self._primary_id) + ) and self._primary_type in (Types.integer, Types.bigint): + row[self._primary_id] = 0 + ret = super().insert(row, ensure=ensure, types=types) + for key in row.keys(): + self.update_fts(column=key, new_data=row, mode="insert") + return ret + + def insert_many(self, rows, chunk_size=1000, ensure=None, types=None): + """Add many rows at a time. + This is significantly faster than adding them one by one. Per default + the rows are processed in chunks of 1000 per commit, unless you specify + a different ``chunk_size``. + See :py:meth:`insert() ` for details on + the other parameters. + :: + rows = [dict(name='Dolly')] * 10000 + table.insert_many(rows) + """ + + row = copy.copy(rows[0]) + rows[0] = row + if ( + (not self.exists or not self.has_column(self._primary_id)) + and self._primary_type in (Types.integer, Types.bigint) + and self._primary_id not in row + ): + row[self._primary_id] = 0 + ret = super().insert_many( + rows, chunk_size=chunk_size, ensure=ensure, types=types + ) + for key in row.keys(): + self.update_fts(column=key, new_data=rows, mode="insert") + return ret + + # create a sqlite fts index for a column in this table + def create_fts_index_column(self, column, stemmer="unicode61", db=None): # porter + if db is None: + db = self.db + if not db.is_sqlite: + raise RuntimeError("the db for the fts index must be sqlite") + table_name = self.name + if not self.has_column(column): + self.create_column_by_example(column, "**") + fts_table_name = f"{table_name}_{column}_fts_idx" + db.create_fts_index( + fts_table_name, stemmer=stemmer, column=column, table_name=table_name + ) + self.external_fts_columns[column] = (db, fts_table_name) + + # sqlite3 fts manual updates. we create TableSharded level updates when we don't have actual triggers in the sqlite3 database. + def update_fts(self, column, new_data=None, old_data=None, mode="insert"): + if column != self._primary_id and column in self.external_fts_columns: + db, fts_table_name = self.external_fts_columns[column] + db.update_fts( + fts_table_name, + column=column, + new_data=new_data, + old_data=old_data, + mode=mode, + primary_id=self._primary_id, + ) + + +class DatabaseExt(dataset.Database): + """A DatabaseExt textends dataset.Database and represents a SQL database with multiple tables of type TableSharded.""" + + def __init__(self, *args, **kwargs): + """Configure and connect to the database.""" + super().__init__(*args, **kwargs) + + def create_fts_index( + self, fts_table_name, stemmer, column, table_name=None, primary_id="id" + ): + if not self.is_sqlite: + raise RuntimeError("cannot create sqlite fts index in non sqlite table") + if fts_table_name not in self.tables: + if table_name: + self.executable.execute( + f"CREATE VIRTUAL TABLE {fts_table_name} USING fts5({column}, tokenize='{stemmer}', content='{table_name}', content_rowid='{primary_id}');" + ) + table = self.create_table(fts_table_name, primary_id="rowid") + table.has_fts_trigger = True + self.executable.execute( + f"CREATE TRIGGER {table_name}_{column}_ai AFTER INSERT ON {table_name} BEGIN INSERT INTO {fts_table_name} (rowid, {column}) VALUES (new.{primary_id}, new.{column}); END;" + ) + self.executable.execute( + f"CREATE TRIGGER {table_name}_{column}_ad AFTER DELETE ON {table_name} BEGIN INSERT INTO {fts_table_name} ({fts_table_name}, rowid, {column}) VALUES('delete', old.{primary_id}, old.{column}); END;" + ) + self.executable.execute( + f"CREATE TRIGGER {table_name}_{column}_au AFTER UPDATE OF {column} ON {table_name} BEGIN INSERT INTO {fts_table_name} ({fts_table_name}, rowid, {column}) VALUES('delete', old.{primary_id}, old.{column}); INSERT INTO {table_name}_{column}_fts_idx(rowid, {column}) VALUES (new.{primary_id}, new.{column}); END;" + ) + else: + self.executable.execute( + f"CREATE VIRTUAL TABLE {fts_table_name} USING fts5({column}, content='');" + ) + table = self.create_table(fts_table_name, primary_id="rowid") + table.has_fts_trigger = False + + else: + # do we want to warn? + print(f"warning: {fts_table_name} already in database") + return + + # update the sqlite3 fts index + def update_fts( + self, + fts_table_name, + column, + new_data=None, + old_data=None, + mode="insert", + primary_id="id", + ): + if not self.is_sqlite: + raise RuntimeError("applying an fts update to a db that is not sqlite") + if old_data is None and mode != "insert": + raise RuntimeError( + f"need to provide old data in order to update or delete the fts" + ) + if fts_table_name not in self.tables: + raise RuntimeError(f"there is no fts index column for {column}") + fts_table = self[fts_table_name] + if not hasattr(fts_table, "has_fts_trigger") or not fts_table.has_fts_trigger: + return + if (new_data and type(new_data) is not list) or ( + old_data and type(old_data) is not list + ): + if mode in ("update", "delete"): + fts_table.insert( + { + fts_table_name: "delete", + "rowid": old_data[primary_id], + column: old_data[column], + } + ) + if mode in ("update", "insert"): + fts_table.insert( + {"rowid": new_data[primary_id], column: new_data[column]} + ) + else: + if mode in ("update", "delete"): + old_data = copy.deepcopy(old_data) + for data in old_data: + data["rowid"] = data[primary_id] + data[fts_table_name] = "delete" + del data[primary_id] + for key in list(data.keys()): + if key not in (fts_table_name, "rowid", column): + del data[key] + fts_table.insert_many(old_data) + if mode in ("update", "insert"): + new_data = copy.deepcopy(new_data) + for data in new_data: + data["rowid"] = data[primary_id] + del data[primary_id] + for key in list(data.keys()): + if key not in ("rowid", column): + del data[key] + fts_table.insert_many(new_data) + + def create_table( + self, table_name, primary_id=None, primary_type=None, primary_increment=None + ): + """Create a new table. + Either loads a table or creates it if it doesn't exist yet. You can + define the name and type of the primary key field, if a new table is to + be created. The default is to create an auto-incrementing integer, + ``id``. You can also set the primary key to be a string or big integer. + The caller will be responsible for the uniqueness of ``primary_id`` if + it is defined as a text type. You can disable auto-increment behaviour + for numeric primary keys by setting `primary_increment` to `False`. + Returns a :py:class:`Table ` instance. + :: + table = db.create_table('population') + # custom id and type + table2 = db.create_table('population2', 'age') + table3 = db.create_table('population3', + primary_id='city', + primary_type=db.types.text) + # custom length of String + table4 = db.create_table('population4', + primary_id='city', + primary_type=db.types.string(25)) + # no primary key + table5 = db.create_table('population5', + primary_id=False) + """ + assert not isinstance( + primary_type, str + ), "Text-based primary_type support is dropped, use db.types." + table_name = normalize_table_name(table_name) + with self.lock: + if table_name not in self._tables: + self._tables[table_name] = TableSharded( + self, + table_name, + primary_id=primary_id, + primary_type=primary_type, + primary_increment=primary_increment, + auto_create=True, + ) + return self._tables.get(table_name) + + def load_table(self, table_name): + """Load a table. + This will fail if the tables does not already exist in the database. If + the table exists, its columns will be reflected and are available on + the :py:class:`Table ` object. + Returns a :py:class:`Table ` instance. + :: + table = db.load_table('population') + """ + table_name = normalize_table_name(table_name) + with self.lock: + if table_name not in self._tables: + self._tables[table_name] = TableSharded(self, table_name) + return self._tables.get(table_name) diff --git a/data_tooling/datastore/datastore_base.py b/data_tooling/datastore/datastore_base.py new file mode 100644 index 0000000..3b083fa --- /dev/null +++ b/data_tooling/datastore/datastore_base.py @@ -0,0 +1,1976 @@ +# Copyright 2021, Ontocord, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +""" A datastore based on Huggingface's datasets that connects to sqlite and memmap""" + +import atexit +import copy +import itertools +import json +import os +import shutil +import sys +import tempfile +from collections.abc import Iterable +from dataclasses import asdict, field +from functools import partial +from pathlib import Path, PurePath +from typing import Callable, Dict, List, Optional, Union + +import dataset +import fsspec.compression +import numpy as np +import pandas as pd +import pyarrow as pa +import requests +import six +from dataset.types import Types +from dataset.util import ( + QUERY_STEP, + DatasetException, + ResultIter, + convert_row, + normalize_table_name, + row_type, +) +from datasets import Dataset, config, utils +from datasets.arrow_dataset import transmit_format +from datasets.arrow_writer import ArrowWriter, OptimizedTypedSequence +from datasets.dataset_dict import DatasetDict +from datasets.features import ( + Features, + PandasArrayExtensionArray, + PandasArrayExtensionDtype, + Value, + cast_to_python_objects, + pandas_types_mapper, +) +from datasets.filesystems import extract_path_from_uri, is_remote_filesystem +from datasets.fingerprint import ( + fingerprint_transform, + generate_fingerprint, + generate_random_fingerprint, + get_temporary_cache_files_directory, + is_caching_enabled, + update_fingerprint, +) +from datasets.info import DatasetInfo +from datasets.search import BaseIndex, BatchedSearchResults, SearchResults +from datasets.splits import NamedSplit +from datasets.table import InMemoryTable, concat_tables +from datasets.tasks import TaskTemplate +from datasets.utils import logging, map_nested +from datasets.utils.typing import PathLike +from pandas import DataFrame, read_csv +from six.moves.urllib.parse import parse_qs, urlparse +from sqlalchemy import create_engine +from sqlalchemy.engine.reflection import Inspector +from sqlalchemy.exc import ResourceClosedError +from sqlalchemy.pool import StaticPool +from sqlalchemy.schema import MetaData +from sqlalchemy.sql import text +from sqlalchemy.util import safe_reraise +from torch import nn + +sys.path.append( + os.path.abspath( + os.path.join(os.path.dirname(__file__), os.path.pardir, os.path.pardir) + ) +) + + +from data_tooling.datastore.connectors.memmap import * +from data_tooling.datastore.connectors.sql import * +from data_tooling.datastore.utils import * + +###################################################################################### +# Extensions to Huggingface's datasets to create a datastore that +# interconnects to sqlite and memmap +# +# We want to have mutliple types of storage that ideally can be +# transported as a file transfer with an arrow dataset (perhaps a tar +# file?). So if we have .arrow, we may have +# fts_.db (for full text indexing sqlite database) and +# .db (sqlite database), and .mmap (mmap file +# reprsenting a tensor) + +# NOTE: datasets uses the terms 'features' and 'columns' interchangably. + + +class Datastore(Dataset): + """ + A class that wraps a Huggingface arrow based Dataset to provide + support for features bound to memmap and sqlalchemy via the + package datastore. + + Also permits full text indexing and searching (via .filter or + .search) into a sqlite database for any text feature in a + datastore. + """ + + def __repr__(self): + ret = FeaturesWithViews(self._info.features) + ret.views_map = {} if not hasattr(self, "views_map") else self.views_map + return f"Datastore({{\n features: {ret},\n num_rows: {self.num_rows}\n}})" + + @classmethod + def from_dataset( + cls, + dataset, + template_datastore=None, + views_map=None, + primary_id=None, + id2idx_identity=None, + ): + self = cls( + arrow_table=dataset._data, + indices_table=dataset._indices, + info=dataset.info.copy(), + split=dataset.split, + fingerprint=dataset._fingerprint, + ) + if template_datastore is None: + template_datastore = dataset + self.mmap_access_cnt = 0 + + if hasattr(dataset, "id2idx_identity"): + self.id2idx_identity = dataset.id2idx_identity + elif id2idx_identity is not None: + self.id2idx_identity = id2idx_identity + elif hasattr(template_datastore, "id2idx_identity"): + self.id2idx_identity = template_datastore.id2idx_identity + else: + self.id2idx_identity = True + + if hasattr(dataset, "_primary_id"): + self._primary_id = dataset._primary_id + elif primary_id is not None: + self._primary_id = primary_id + elif hasattr(template_datastore, "_primary_id"): + self._primary_id = template_datastore._primary_id + else: + self._primary_id = "id" + + if hasattr(dataset, "views_map"): + self.views_map = copy.deepcopy(dataset.views_map) + elif views_map is not None: + self.views_map = copy.deepcopy(views_map) + elif hasattr(template_datastore, "views_map"): + self.views_map = copy.deepcopy(template_datastore.views_map) + else: + self.views_map = {} + + return self + + def _get_mmap(self, path, dtype, shape): + shape[0] = max(shape[0], len(self)) + # what happens when the datastore shrinks?? + ret = np_mmap(path, dtype, shape) + if not hasattr(self, "mmap_access_cnt"): + self.mmap_access_cnt = 0 + if ( + self.mmap_access_cnt % 100 == 0 + ): # let's flush intermittently just in case the OS needs to synch. + ret.flush() + self.mmap_access_cnt = 0 + self.mmap_access_cnt += 1 + return ret + + # we use class variables to cache sql connections because we don't + # want it serialized in this instance. TODO: this might take up + # too much memory, so we might use an LRU cache instead. + db_table = {} + + def _get_db_table(self, feature): + if feature in self.views_map and self.views_map[feature]["type"] == "sql": + table_name, connection_url = val["table_name"], val["connection_uri"] + if (table_name, connection_uri) in Datastore.db_table: + table = Datastore.db_table[(table_name, connection_uri)] + else: + if connection_uri in Datastore.db_connection: + db = Datastore.db_connection[connection_uri] + else: + Datastore.db_connection[connection_uri] = db = DatabaseExt( + connection_uri + ) + Datastore.db_table[(table_name, connection_uri)] = table = db[ + table_name + ] + return table + else: + raise RuntimeError(f"{feature} is not a sql type") + + @staticmethod + def _add_idx( + batch, + indices, + primary_id, + ): + batch[primary_id] = indices # will this be shuffled if we are in shuffled mode? + return batch + + @staticmethod + def _move_to_mmap_col(batch, src_feature, primary_id, path, dtype, shape): + ret = np_mmap(path, dtype, shape) + ret[batch[primary_id]] = batch[src_feature] + + @classmethod + def from_mmap( + cls, + feature_view, + shape, + path=None, + dtype="float32", + dtype_str_len=100, + primary_id="id", + batch_size=1000, + num_proc=4, + ): + return cls.from_dict({}).add_mmap( + feature_view=feature_view, + shape=shape, + path=path, + dtype=dtype, + dtype_str_len=dtype_str_len, + primary_id=primary_id, + batch_size=batch_size, + num_proc=num_proc, + ) + + def move_to_mmap( + self, + src_feature, + dst_feature_view=None, + shape=None, + path=None, + dtype="float32", + dtype_str_len=100, + primary_id="id", + batch_size=1000, + num_proc=4, + ): + """ "move data from the src_feature to a memmap file that is viewed via dst_feature_view""" + if dst_feature_view in (src_feature, None): + self = self.rename_column(src_feature, "__tmp__" + src_feature) + dst_feature_view = src_feature + src_feature = "__tmp__" + src_feature + if shape is None: + item = self[0][src_feature] + if type(item) == np.ndarray: + shape = item.shape + dtype = item.dtype + elif type(item) == "str": + dtype = "unicode" + shape = [-1, max(len(item), dtype_str_len)] + elif type(item) == "int": + dtype = "int32" + shape = [-1, 1] + elif type(item) == "float": + dtype = "float32" + shape = [-1, 1] + else: + raise RuntimeError( + f"could not infer shape and dtype for example {item}" + ) + shape[0] = max(shape[0], len(self)) + self.add_mmap( + feature_view=dst_feature_view, + shape=shape, + path=path, + dtype=dtype, + primary_id=primary_id, + batch_size=batch_size, + num_proc=num_proc, + ) + val = self.views_map[dst_feature_view] + self.map( + Datastore._move_to_mmap_col, + batch_size=batch_size, + batched=True, + num_proc=num_proc, + fn_kwargs={ + "src_feature": src_feature, + "primary_id": primary_id, + "path": val["path"], + "dtype": val["dtype"], + "shape": shape, + }, + ) + self = self.remove_columns(src_feature) + return self + + def add_mmap( + self, + feature_view, + shape, + path=None, + dtype="float32", + dtype_str_len=100, + primary_id="id", + batch_size=1000, + num_proc=4, + ): + """ "mapping a feature/columun to a memmap array accessed by row""" + if not hasattr(self, "views_map"): + self.views_map = {} + if hasattr(self, "_primary_id") and self._primary_id != primary_id: + raise RuntimeError(f"attempting to reset the index to {primary_id}") + else: + self._primary_id = _primary_id + if not self.cache_files: + dataset_path = get_temporary_cache_files_directory() + else: + dataset_path = os.path.dirname(self.cache_files[0]["filename"]) + if path is None: + path = os.path.abspath(os.path.join(dataset_path, feature_view + ".mmap")) + shape = list(shape) + shape[0] = max(shape[0], len(self)) + if primary_id not in self.features: + if len(self) == 0 and shape[0] > 0: + self = Datastore.from_dataset( + Dataset.from_dict({primary_id: range(shape[0])}), self + ) + ids = {a: 1 for a in range(len(self))} + self.id2idx_identity = True + else: + self = self.map( + Datastore._add_idx, + with_indices=True, + batch_size=batch_size, + batched=True, + num_proc=num_proc, + fn_kwargs={"primary_id": primary_id}, + ) + ids = {a: 1 for a in range(len(self))} + self.id2idx_identity = True + else: + ids = {a: 1 for a in self[primary_id]} + missing_ids = [] + for id in range(shape[0]): + if id not in ids: + missing_ids.append(id) + if missing_ids: + self = self.add_batch({primary_id: missing_ids}) + if not hasattr(self, "id2idx_identity"): + self.id2idx_identity = True + if self.id2idx_identity: + contiguous, start, end = is_contiguous(missing_ids) + self.id2idx_identity = start == len(self) and contiguous + else: + self.id2idx_identity = False + if not isinstance(dtype, str): + dtype = np.dtype(dtype).name + + self.views_map[feature_view] = { + "type": "mmap", + "path": path, + "dtype": dtype, + "shape": shape, + } + return self + + def move_to_sql( + self, + src_feature_to_dst_views_map, + table_name=None, + connection_uri=None, + primary_id="id", + batch_size=1000, + num_proc=4, + fts_connection_uri=None, + ): + if table_name is None: + # print (self.info.builder_name, self.info.config_name) + table_name = f"_{self._fingerprint}_{self.info.builder_name}_{self.info.config_name}_{self.split}" + if not connection_uri: + connection_uri = "sqlite:///" + self.cache_files[0]["filename"].replace( + ".arrow", ".db" + ) + table = Datastore._get_db_table(self, table_name, connection_uri) + if type(src_feature_to_dst_views_map) is list: + src_feature_to_dst_views_map = dict(src_feature_to_dst_views_map) + elif type(src_feature_to_dst_views_map) is str: + src_feature_to_dst_views_map = { + src_feature_to_dst_views_map: src_feature_to_dst_views_map + } + feature_view = [] + for src_feature, dst_feature_view in list(src_feature_to_dst_views_map.items()): + if src_feature == dst_feature_view: + self = self.rename_column(src_feature, "__tmp__" + src_feature) + src_feature_to_dst_views_map["__tmp__" + src_feature] = dst_feature_view + del src_feature_to_dst_views_map[src_feature] + src_feature = "__tmp__" + src_feature + value = self[0][src_feature] + if type(value) is str: # we don't want to save as json type just in case + value = "**" + dtype = table.db.types.guess(value) + feature_view.append((dst_feature_view, dtype)) + self.add_sql( + feature_view=feature_view, + table_name=table_name, + connection_uri=connection_uri, + primary_id=primary_id, + batch_size=batch_size, + num_proc=num_proc, + fts_connection_uri=fts_connection_uri, + ) + self = self.map( + Datastore.upsert_sql_from_batch, + batch_size=batch_size, + batched=True, + num_proc=1 if connection_uri == "sqlite://" else num_proc, + fn_kwargs={ + "views_map": self.views_map, + "primary_id": primary_id, + "src_feature_to_dst_views_map": src_feature_to_dst_views_map, + }, + ) + self = self.remove_columns(src_feature) + return self + + @classmethod + def from_sql( + cls, + feature_view, + table_name, + connection_uri, + dtype="str", + primary_id="id", + batch_size=1000, + num_proc=4, + fts_connection_uri=None, + ): + return cls.from_dict({}).add_sql( + feature_view=feature_view, + table_name=table_name, + connection_uri=connection_uri, + dtype=dtype, + primary_id=primary_id, + batch_size=batch_size, + num_proc=num_proc, + fts_connection_uri=fts_connection_uri, + ) + + def add_sql( + self, + feature_view=None, + table_name=None, + connection_uri=None, + dtype="str", + primary_id="id", + batch_size=1000, + num_proc=4, + ): + """ + mapping one or more columns/features to a sql + database. creates a sqlalchmey/dataset dynamically with + primary_id as the primary key. + + TODO: remember to strip passwords from any + connection_uri. passwords should be passed as vargs and added + to the conneciton url dynamically passwords should not be + perisisted. + + NOTE: this dataset will not automatically change if the + database changes, and vice versa. periodically call this + method again to sync the two or create callbacks/triggers in + your code. + """ + if not hasattr(self, "views_map"): + self.views_map = {} + if hasattr(self, "_primary_id") and self._primary_id != primary_id: + raise RuntimeError(f"attempting to reset the index to {primary_id}") + else: + self._primary_id = primary_id + if table_name is None: + # print (self.info.builder_name, self.info.config_name) + table_name = f"_{self._fingerprint}_{self.info.builder_name}_{self.info.config_name}_{self.split}" + # print (table_name) + if not connection_uri: + connection_uri = "sqlite:///" + self.cache_files[0]["filename"].replace( + ".arrow", ".db" + ) + if not fts_connection_uri: + if connection_uri.starts("sqlite:"): + fts_connection_uri = connection_uri + else: + fts_connection_uri = "sqlite:///" + self.cache_files[0][ + "filename" + ].replace(".arrow", ".db") + if type(feature_view) is str: + feature_view = [(feature_view, dtype)] + if type(feature_view) is dict: + feature_view = list(feature_view.items()) + table = self._get_db_table(table_name, connection_uri) + if not feature_view and table.columns: + feature_view = table.columns + elif not feature_view: + raise RuntimeError( + f"No feature_view(s) and no column definition for table view {table_name}" + ) + table_ids = table.find(_columns=primary_id) + if primary_id not in self.features: + if len(self) == 0 and table_ids: + self = Datastore.from_dataset( + Dataset.from_dict( + {primary_id: range(max(id[primary_id] for id in table_ids))} + ), + self, + ) + ids = {a: 1 for a in range(len(self))} + self.id2idx_identity = True + else: + self = self.map( + Datastore._add_idx, + with_indices=True, + batch_size=batch_size, + batched=True, + num_proc=num_proc, + fn_kwargs={"id": primary_id}, + ) + ids = {a: 1 for a in range(len(self))} + self.id2idx_identity = True + else: + ids = {a: 1 for a in self[primary_id]} + missing_ids = [] + for id in table_ids: + if id[primary_id] not in ids: + missing_ids.append(id[primary_id]) + if missing_ids: + self = self.add_batch({primary_id: missing_ids}) + if not hasattr(self, "id2idx_identity"): + self.id2idx_identity = True + if self.id2idx_identity: + contiguous, start, end = is_contiguous(missing_ids) + self.id2idx_identity = start == len(self) and contiguous + else: + self.id2idx_identity = False + for col in feature_view: + if type(col) is tuple: + col, dtype = col + else: + dtype = None + if col == primary_id: + continue + if col not in table.columns: + if type(dtype) is str: + if "int" in dtype: + value = 0 + elif "float" in dtype: + value = 0.0 + else: + value = "**" + dtype = table.db.types.guess(value) + if dtype is not None: + table.create_column(col, dtype) + fts_table_name = f"_{self._fingerprint}_{self.info.builder_name}_{self.info.config_name}_{self.split}_{col}_fts_idx" + self.views_map[col] = { + "type": "sql", + "connection_uri": connection_uri, + "table_name": table_name, + "fts_connection_uri": fts_connection_uri, + "fts_table_name": fts_table_name, + } + return self + + def add_fts( + self, + feature_view, + fts_table_name=None, + fts_connection_uri=None, + primary_id="id", + batch_size=1000, + num_proc=4, + ): + if type(feature_view) is str: + feature_view = [ + feature_view, + ] + for col in feature_view: + fts_table_name = f"_{self._fingerprint}_{self.info.builder_name}_{self.info.config_name}_{self.split}_{col}_fts_idx" + self.views_map[col] = { + "type": "fts_only", + "connection_uri": fts_connection_uri, + "table_name": fts_table_name, + "fts_connection_uri": fts_connection_uri, + "fts_table_name": fts_table_name, + } + + @transmit_format + @fingerprint_transform( + inplace=False, ignore_kwargs=["load_from_cache_file", "cache_file_name"] + ) + def filter( + self, + function: Optional[Callable] = None, + with_indices=False, + input_columns: Optional[Union[str, List[str]]] = None, + batch_size: Optional[int] = 1000, + remove_columns: Optional[List[str]] = None, + keep_in_memory: bool = False, + load_from_cache_file: bool = True, + cache_file_name: Optional[str] = None, + writer_batch_size: Optional[int] = 1000, + fn_kwargs: Optional[dict] = None, + sql_query: Optional[dict] = None, + fts_query: Optional[dict] = None, + num_proc: Optional[int] = None, + suffix_template: str = "_{rank:05d}_of_{num_proc:05d}", + new_fingerprint: Optional[str] = None, + ) -> "Datastore": + """ + the same as datasets.filter except we add sql_query and + fts_query. sql_query applies a sql query to features/columns + that are mapped to sql which could be faster than doing a normal + "filter" function. the sql_query parameters are the same as the + "find" method from dataset.Table. For example: + dataset.filter(sql_query={'lang':'ru'}) will return those items + in the dataset that has the language 'ru'. + """ + if not hasattr(self, "views_map"): + self.views_map = {} + ret = self + if sql_query or fts_query: + if not sql_query: + sql_query = {} + if not fts_query: + fts_query = {} + ids2rank = {} + found_table = None + sql_query2 = {} + fts_query2 = {} + for feature_view, query in sql_query.items(): + val = self.views_map.get(feature_view) + if not val or val["type"] != "sql": + raise RuntimeError( + f"{feature_view} is not a sql or fts view and can not be filtered as such" + ) + if val["type"] == "sql": + connection_uri, table_name = ( + val["fts_connection_uri"], + val["fts_table"], + ) + sql_query2[(connection_uri, table_name)] = sql_query2.get( + (connection_uri, table_name), [] + ) + [query] + for feature_view, query in fts_query.items(): + val = self.views_map.get(feature_view) + if not val or val["type"] not in ("sql", "fts_only"): + raise RuntimeError( + f"{feature_view} is not a sql, or fts view and can not be filtered as such" + ) + if val["type"] == "sql" and "fts_connection_uri" in view: + connection_uri, table_name = ( + val["connection_uri"], + val["table_name"], + ) + fts_query2[(connection_uri, table_name)] = sql_query2.get( + (connection_uri, table_name), [] + ) + [query] + elif val["type"] == "fts_only": + connection_uri, table_name = ( + val["connection_uri"], + val["table_name"], + ) + fts_query2[(connection_uri, table_name)] = sql_query2.get( + (connection_uri, table_name), [] + ) + [query] + + for key, query in sql_query2.items(): + (connection_uri, table_name) = key + if key in fts_query2: + query["_fts_query"] = fts_query2[key] + del fts_query2[key] + query["_columns"] = [self._primary_id] + table = self._get_db_table(table_name, connection_uri) + for val in table.find(*[], **query): + ids2rank[val[self._primary_id]] = min( + ids2rank.get( + val[self._primary_id], + (100000 + val[self._primary_id]) + if "rank" not in val + else val["rank"], + ), + (100000 + val[self._primary_id]) + if "rank" not in val + else val["rank"], + ) + + for key, query in fts_query2.items(): + (connection_uri, table_name) = key + query2 = {} + query2["_fts_query"] = query + query2["_columns"] = [self._primary_id] + table = self._get_db_table(table_name, connection_uri) + for val in table.find(*[], **query2): + ids2rank[val[self._primary_id]] = min( + ids2rank.get( + val[self._primary_id], + (100000 + val[self._primary_id]) + if "rank" not in val + else val["rank"], + ), + (100000 + val[self._primary_id]) + if "rank" not in val + else val["rank"], + ) + + if ids2rank: + ids = list(ids2rank.keys()) + ids.sort(key=lambda a: ids2rank[a]) + if hasattr(self, "id2idx_identity") and self.id2idx_identity: + ret = self.select(ids) + ret.id2idx_identity = False + else: + if function: + function = lambda example: example["id"] in ids and function( + example + ) + else: + function = lambda example: example["id"] in ids + if function is None and remove_columns is None: + return ret + + # just copy the filter function here, but use Datastore's map function. + if len(self.list_indexes()) > 0: + raise DatasetTransformationNotAllowedError( + "Using `.filter` on a dataset with attached indexes is not allowed. You can first run `.drop_index() to remove your index and then re-add it.`" + ) + + if function is None: + function = lambda x: True # noqa: E731 + + if isinstance(input_columns, str): + input_columns = [input_columns] + + if input_columns is not None: + for input_column in input_columns: + if input_column not in self._data.column_names: + raise ValueError( + "Input column {} not in the dataset. Current columns in the dataset: {}".format( + input_column, self._data.column_names + ) + ) + + if fn_kwargs is None: + fn_kwargs = {} + fn_kwargs["input_columns"] = input_columns + + # return map function + return ret.map( + partial( + get_indices_from_mask_function, + function=function, + with_indices=with_indices, + ), + batched=True, + with_indices=with_indices, + features=self.features, + batch_size=batch_size, + remove_columns=remove_columns, + keep_in_memory=keep_in_memory, + load_from_cache_file=load_from_cache_file, + cache_file_name=cache_file_name, + writer_batch_size=writer_batch_size, + fn_kwargs=fn_kwargs, + num_proc=num_proc, + suffix_template=suffix_template, + new_fingerprint=new_fingerprint, + ) + + # note that while the primary_id corresponds to an item in an + # external storage, accessing an arrow dataset by datataset[index] + # will not be guranteed to get the corresponding id. a[0] will + # return the first item in the current subset of the dataset. but + # a[0] does not necessarily return {'id':0, ...} instead, a[0] + # might return {'id': 10, 'mmap_embed': }. To get dataset items by 'id', + # use either filter or check the property id2idx_identity to + # determine if the id corresponds to the index of the table. + def _getitem( + self, + key: Union[int, slice, str], # should this be list as well?? + format_type=None, + format_columns=None, + output_all_columns=False, + format_kwargs=None, + ) -> Union[Dict, List]: + if not hasattr(self, "views_map"): + self.views_map = {} + # assumine we do error checking re format_columns and output_all_columns at a higher level?? + format_columns = copy.copy(format_columns) + # this is the case where we are not getting any views. + if (not self.views_map) or (type(key) is str and key not in self.views_map): + return super()._getitem( + key, + format_type=format_type, + format_columns=format_columns, + output_all_columns=output_all_columns, + format_kwargs=format_kwargs, + ) + + # this is the case where there are more than one columns, some of which might + # be an arrow column and at least one view. For the view, we need to also get the "id". + + # let's prepare the parameters to get just the arrow portion of the dataset + orig_key = key + if type(key) is str: + if not format_columns: + format_columns = [key] + else: + format_columns.append(key) + if key in self.views_map: + key = self.primary_id + missing = [] + if format_columns: + for c in copy.copy(format_columns): + if c in self.views_map: + missing.append(c) + format_columns.remove(c) + if self.primary_id not in format_columns: + format_columns.append(self.primary_id) + else: + missing.append(self.primary_id) + + # let's get the data that is in the arrow portion first, including the id + outputs = super()._getitem( + key, + format_type=format_type, + format_columns=format_columns, + output_all_columns=output_all_columns, + format_kwargs=format_kwargs, + ) + + # this is the case where we are only getting view data, so the only arrow data returned is the 'id'. + # so we need the id column identified so we can index into the view data source. + if type(outputs) in (np.array, list): + outputs = {"id": outputs} + + # do some cleanup. + if ( + type(orig_key) is str + and format_columns + and self.primary_id in format_columns + ): + format_columns.remove(self.primary_id) + if format_columns is not None: + format_columns.extend(missing) + # now get the views and combine views and arrow portion + return self._format_views( + outputs, + format_columns=format_columns, + format_type=format_type, + output_all_columns=output_all_columns, + format_kwargs=format_kwargs, + ) + + def _format_views( + self, + outputs_or_keys, + format_type=None, + format_columns=None, + output_all_columns=False, + format_kwargs=None, + ): + def getitems( + self, + outputs, + keys, + contiguous, + start, + end, + format_columns, + output_all_columns, + mmap_by_items, + ): + if not format_columns: + items = list(self.views_map.items()) + else: + items = [ + (column, self.views_map[column]) + for column in format_columns + if column in self.views_map + ] + sql_results = {} + for feature, val in items: + if val["type"] == "mmap": + mmap_array = self._get_mmap(val["path"], val["dtype"], val["shape"]) + if mmap_by_items: + if contiguous: + outputs[feature] = [ + mmap_array[i] for i in range(start, end) + ] + else: + outputs[feature] = [mmap_array[i] for i in keys] + else: + if contiguous: + outputs[feature] = mmap_array[start:end] + else: + outputs[feature] = mmap_array[keys] + elif val["type"] == "sql": + sql_results[ + (val["table_name"], val["connection_uri"]) + ] = sql_results.get( + (val["table_name"], val["connection_uri"]), [] + ) + [ + feature + ] + for table_connection, features in sql_results.items(): + table_name, connection_uri = table_connection + table = self._get_db_table(table_name, connection_uri) + if contiguous: + for row in table.find( + **{ + table._primary_id: {"between": (start, end)}, + "_columns": features + ["id"], + } + ): + for feature in features: + outputs[feature] = outputs.get(feature, []) + [row[feature]] + elif type(keys) is int: + row = table.find_one( + **{table._primary_id: keys, "_columns": features + ["id"]} + ) + if row: + for feature in features: + outputs[feature] = row[feature] + else: + for row in table.find( + **{ + table._primary_id: {"in": keys}, + "_columns": features + ["id"], + } + ): + for feature in features: + outputs[feature] = outputs.get(feature, []) + [row[feature]] + + return outputs + + format_kwargs = format_kwargs if format_kwargs is not None else {} + format_columns = format_columns if format_columns is not None else [] + start = end = 0 + contiguous = False + if format_type in ("custom", "torch", "tensorflow", None) and type( + outputs_or_keys + ) not in (da.DataFrame, pd.DataFrame): + transform = format_kwargs.get("transform") + if isinstance(outputs_or_keys, str): + keys = outputs_or_keys + outputs = {} + contiguous = True + elif isinstance(outputs_or_keys, slice): + keys = outputs_or_keys + outputs = {} + contiguous = True + elif isinstance(outputs_or_keys, dict): + keys = outputs_or_keys[self.primary_id] + outputs = outputs_or_keys + else: + keys = outputs_or_keys + outputs = {} + if not contiguous: + if isinstance(keys, int): + contiguous = False + else: + contiguous, start, end = is_contiguous(keys) + else: + if isinstance(keys, slice): + start = 0 if keys.start is None else keys.start + end = len(self) if keys.stop is None else keys.stop + else: + start = keys[0] + end = keys[-1] + 1 + outputs = getitems( + self, + outputs, + keys, + contiguous, + start, + end, + format_columns, + output_all_columns, + mmap_by_items=False, + ) + if transform is not None: + outputs = transform(outputs) + if ( + self.primary_id in outputs + and format_columns + and self.primary_id not in format_columns + ): + del outputs[self.primary_id] + # is this right. will custom ever return a dict type if there is only one column, or do we + # default to returning the only column. + if len(outputs) == 1: + outputs = list(outputs.values())[0] + if format_type == "torch": + import torch + + return torch.tensor(outputs, **format_kwargs) + elif format_type == "tensorflow": + import tensorflow + + return tensorflow.ragged.constant(outputs, **format_kwargs) + else: + return outputs + elif format_type in ("dask", "pandas") or type(outputs_or_keys) in ( + da.DataFrame, + pd.DataFrame, + ): + # do we do transforms for this case?? + df = pd + if format_type in ("dask",) or type(outputs_or_keys) in (da.DataFrame,): + df = dd + if isinstance(outputs_or_keys, str): + start = 0 + end = len(self) + keys = outputs_or_keys + outputs = None + contiguous = True + elif isinstance(outputs_or_keys, slice): + start = 0 if outputs_or_keys.start is None else outputs_or_keys.start + end = ( + len(self) if outputs_or_keys.stop is None else outputs_or_keys.stop + ) + keys = outputs_or_keys + outputs = None + contiguous = True + elif isinstance(outputs_or_keys, dict) or isinstance( + outputs_or_keys, df.DataFrame + ): + outputs = outputs_or_keys + outputs = df.DataFrame(outputs) + keys = outputs_or_keys[self.primary_id] + contiguous, start, end = is_contiguous(keys) + else: + raise RuntimeError("got unknown outputs or keys type") + if outputs is None: + outputs = df.DataFrame() + outputs = getitems( + self, + outputs, + keys, + contiguous, + start, + end, + format_columns, + output_all_columns, + mmap_by_items=True, + ) + if ( + self.primary_id in outputs + and format_columns + and self.primary_id not in format_columns + ): + outputs.drop(self.primary_id, axis=1) + if len(format_columns) == 1: + outputs = outputs[format_columns[0]] + return outputs + raise RuntimeError("got unknown outputs or keys type") + + @staticmethod + def upsert_sql_from_batch( + batch, views_map, primary_id, src_feature_to_dst_views_map + ): + sql_results = {} + for src_feature, dst_feature in ( + src_feature_to_dst_views_map.items() + if src_feature_to_dst_views_map is not None + else zip(batch.keys(), batch.keys()) + ): + if views_map.get(dst_feature): + val = views_map[dst_feature] + if val["type"] == "sql": + sql_results[ + (val["table_name"], val["connection_uri"]) + ] = sql_results.get( + (val["table_name"], val["connection_uri"]), [] + ) + [ + (src_feature, dst_feature) + ] + for key, features in sql_results.items(): + table_name, connection_uri = key + db = DatabaseExt(connection_uri) + with db: + table = db[table_name] + batch2 = [] + for i in range(len(batch[primary_id])): + batch2.append( + { + feature[1]: batch[feature[0]][i] + for feature in features + [(primary_id, primary_id)] + } + ) + try: + table.insert_many(batch2) + except: + batch2 = [] + for i in range(len(batch[primary_id])): + batch2.append( + { + feature[1]: batch[feature[0]][i] + for feature in features + [(primary_id, primary_id)] + } + ) + table.update_many(batch2, [primary_id]) + batch2 = None + + PERSIST_IN_ARROW = 0 + STATIC_VIEWS = 1 + UPDATE_VIEWS = 2 + + @staticmethod + def map_fn_with_indices_and_handle_views( + batch, indices, map_fn, fn_kwargs, handle_views, views_map, primary_id + ): + ret = map_fn(batch, indices, **fn_kwargs) + if ret is not None and views_map: + if views_map and primary_id not in ret: + raise RuntimeError( + f"Datstore returned from map must have an {primary_id} column to link to views." + ) + if handle_views != DataStore.PERSIST_IN_ARROW: + for key in views_map: + if handle_views == Datastore.UPDATE_VIEWS: + if val["type"] == "mmap": + mmap_array = np_mmap( + val["path"], val["dtype"], val["shape"] + ) + mmap_array[batch[primary_id]] = batch[feature] + elif handle_views == Datastore.STATIC_VIEWS: + if key in ret: + del ret[key] + if handle_views == 2: + Datastore.upsert_sql_from_batch(ret, views_map, primary_id, None) + return ret + + @staticmethod + def map_fn_and_handle_views( + batch, map_fn, fn_kwargs, handle_views, views_map, primary_id + ): + ret = map_fn(batch, **fn_kwargs) + if ret is not None and views_map: + if views_map and primary_id not in ret: + raise RuntimeError( + f"Datstore returned from map must have an {primary_id} column to link to views." + ) + if handle_views != Datastore.PERSIST_IN_ARROW: + for key in views_map: + if handle_views == Datastore.UPDATE_VIEWS: + if val["type"] == "mmap": + mmap_array = np_mmap( + val["path"], val["dtype"], val["shape"] + ) + mmap_array[batch[primary_id]] = batch[feature] + elif handle_views == Datatsore.STATIC_VIEWS: + if key in ret: + del ret[key] + if handle_views == 2: + Datastore.upsert_sql_from_batch(ret, views_map, primary_id, None) + return ret + + #:arg handle_views: tells us how to handle views. + # PERSIST_IN_ARROW - all data returned will be persisted to arrow storage and not views. this will detach all views. + # STATIC_VIEWS - keep the views attached to external storage without change. *default* + # UPDATE_VIEWS - update views based on what is returned by the map function. this will create a side-effect. + # Updating views might create an unepxected side-effect on caching. Use caching with cuation when editing views. + def map( + self, + function: Optional[Callable] = None, + with_indices: bool = False, + input_columns: Optional[Union[str, List[str]]] = None, + batched: bool = False, + batch_size: Optional[int] = 1000, + drop_last_batch: bool = False, + remove_columns: Optional[Union[str, List[str]]] = None, + keep_in_memory: bool = False, + load_from_cache_file: bool = None, + cache_file_name: Optional[str] = None, + writer_batch_size: Optional[int] = 1000, + features: Optional[Features] = None, + disable_nullable: bool = False, + fn_kwargs: Optional[dict] = None, + num_proc: Optional[int] = None, + suffix_template: str = "_{rank:05d}_of_{num_proc:05d}", + new_fingerprint: Optional[str] = None, + desc: Optional[str] = None, + # add_memmap_views=None, + # add_sql_views=None, + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + views_map = copy.deepcopy(self.views_map) + for column in remove_columns if remove_columns is not None else []: + if column in views_map: + del views_map[column] + if handle_views != Datastore.PERSIST_IN_ARROW: + fn_kwargs = { + "fn_kwargs": fn_kwargs, + "views_map": views_map, + "map_fn": function, + "handle_views": handle_views, + "primary_id": self.primary_id, + } + if with_indices: + function = Datastore.map_fn_with_indices_and_handle_views + else: + function = Datastore.map_fn_and_handle_views + if shared_dir is None: + shared_dir = self.shared_dir + ret = super().map( + function=function, + with_indices=with_indices, + input_columns=input_columns, + batched=batched, + batch_size=batch_size, + drop_last_batch=drop_last_batch, + remove_columns=remove_columns, + keep_in_memory=keep_in_memory, + load_from_cache_file=load_from_cache_file, + cache_file_name=cache_file_name, + writer_batch_size=writer_batch_size, + features=features, + disable_nullable=disable_nullable, + fn_kwargs=fn_kwargs, + num_proc=num_proc, + suffix_template=suffix_template, + new_fingerprint=new_fingerprint, + desc=desc, + ) + for column in remove_columns if remove_columns is not None else []: + if column in self.views_map and column in ret: + print( + f"warning: the map function returned a column {column} which is the same as a detached view. this column will be persisted to arrow." + ) + return ret + + @transmit_format + @fingerprint_transform(inplace=False) + def add_column( + self, name: str, column: Union[list, np.array], new_fingerprint: str + ): + if not hasattr(self, "views_map"): + self.views_map = {} + if name in self.views_map: + raise RuntimeError(f"column {name} is alredy a view") + ret = super().add_column( + name=name, column=column, new_fingerprint=new_fingerprint + ) + return Datastore.from_dataset(ret, self) + + def class_encode_column(self, column: str) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + if column in self.views_map: + raise NotImplementedError() + ret = super().class_encode_column(column) + return Datastore.from_dataset(ret, self) + + @fingerprint_transform(inplace=False) + def flatten(self, new_fingerprint, max_depth=16) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + ret = super().flatten(new_fingerprint, max_depth) + return Datastore.from_dataset(ret, self) + + def cast( + self, + features: Features, + batch_size: Optional[int] = 10_000, + keep_in_memory: bool = False, + load_from_cache_file: bool = True, + cache_file_name: Optional[str] = None, + writer_batch_size: Optional[int] = 10_000, + num_proc: Optional[int] = None, + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + for feature in self.views_map: + if feature not in features: + continue + raise RuntimeError(f"cannot cast a view {feature}") + ret = super().cast( + features=features, + batch_size=batch_size, + keep_in_memory=keep_in_memory, + load_from_cache_file=load_from_cache_file, + cache_file_name=cache_file_name, + writer_batch_size=writer_batch_size, + num_proc=num_proc, + ) + return Datastore.from_dataset(ret, self) + + # renaming a column view mapped to a sql database will not change the name in the database. + @fingerprint_transform(inplace=False) + def rename_column( + self, original_column_name: str, new_column_name: str, new_fingerprint + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + views_map = copy.deepcopy(self.views_map) + if original_column_name in views_map: + val = views_map[original_column_name] + del views_map[original_column_name] + views_map[new_column_name] = val + return Datastore.from_dataset(self, self, views_map=views_map) + ret = super().rename_column( + original_column_name=original_column_name, + new_column_name=new_column_name, + new_fingerprint=new_fingerprint, + ) + return Datastore.from_dataset(ret, self, views_map=views_map) + + # renaming a column view mapped to a sql database will not change the name in the database. + @fingerprint_transform(inplace=False) + def rename_columns( + self, column_mapping: Dict[str, str], new_fingerprint + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + views_map = copy.deepcopy(self.views_map) + for original_column_name, new_column_name in list(column_mapping.items()): + val = views_map[original_column_name] + del views_map[original_column_name] + views_map[new_column_name] = val + del column_mapping[original_column_name] + if not column_mapping: + return Datastore.from_dataset(self, self, views_map=views_map) + ret = super().rename_column( + column_mapping=column_mapping, new_fingerprint=new_fingerprint + ) + return Datastore.from_dataset(ret, self, views_map=views_map) + + def prepare_for_task(self, task: Union[str, TaskTemplate]) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + ret = super().prepare_for_task(task) + return Datastore.from_dataset(ret, self) + + @transmit_format + @fingerprint_transform(inplace=False, ignore_kwargs=["cache_file_name"]) + def flatten_indices( + self, + keep_in_memory: bool = False, + cache_file_name: Optional[str] = None, + writer_batch_size: Optional[int] = 1000, + features: Optional[Features] = None, + disable_nullable: bool = True, + new_fingerprint: Optional[str] = None, + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + ret = super().flatten_indices( + keep_in_memory=keep_in_memory, + cache_file_name=cache_file_name, + writer_batch_size=writer_batch_size, + features=features, + disable_nullable=disable_nullable, + new_fingerprint=new_fingerprint, + ) + return Datastore.from_dataset(ret, self) + + @transmit_format + @fingerprint_transform( + inplace=False, ignore_kwargs=["load_from_cache_file", "indices_cache_file_name"] + ) + def sort( + self, + column: str, + reverse: bool = False, + kind: str = None, + keep_in_memory: bool = False, + load_from_cache_file: bool = True, + indices_cache_file_name: Optional[str] = None, + writer_batch_size: Optional[int] = 1000, + new_fingerprint: Optional[str] = None, + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + if column in self.views_map: + raise NotImplementedError() + ret = super().sort( + column=column, + reverse=reverse, + kind=kind, + keep_in_memory=keep_in_memory, + load_from_cache_file=load_from_cache_file, + indices_cache_file_name=indices_cache_file_name, + writer_batch_size=writer_batch_size, + new_fingerprint=new_fingerprint, + ) + return Datastore.from_dataset(ret, self) + + @transmit_format + @fingerprint_transform( + inplace=False, + randomized_function=True, + ignore_kwargs=["load_from_cache_file", "indices_cache_file_name"], + ) + def shuffle( + self, + seed: Optional[int] = None, + generator: Optional[np.random.Generator] = None, + keep_in_memory: bool = False, + load_from_cache_file: bool = True, + indices_cache_file_name: Optional[str] = None, + writer_batch_size: Optional[int] = 1000, + new_fingerprint: Optional[str] = None, + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + ret = super().shuffle( + seed=seed, + generator=generator, + keep_in_memory=keep_in_memory, + load_from_cache_file=load_from_cache_file, + indices_cache_file_name=indices_cache_file_name, + writer_batch_size=writer_batch_size, + new_fingerprint=new_fingerprint, + ) + return Datastore.from_dataset(ret, self) + + @transmit_format + @fingerprint_transform( + inplace=False, + randomized_function=True, + fingerprint_names=["train_new_fingerprint", "test_new_fingerprint"], + ignore_kwargs=[ + "load_from_cache_file", + "train_indices_cache_file_name", + "test_indices_cache_file_name", + ], + ) + def train_test_split( + self, + test_size: Union[float, int, None] = None, + train_size: Union[float, int, None] = None, + shuffle: bool = True, + seed: Optional[int] = None, + generator: Optional[np.random.Generator] = None, + keep_in_memory: bool = False, + load_from_cache_file: bool = True, + train_indices_cache_file_name: Optional[str] = None, + test_indices_cache_file_name: Optional[str] = None, + writer_batch_size: Optional[int] = 1000, + train_new_fingerprint: Optional[str] = None, + test_new_fingerprint: Optional[str] = None, + ) -> "DatasetDict": + if not hasattr(self, "views_map"): + self.views_map = {} + ret = super.train_test_split( + test_size=test_size, + train_size=train_size, + shuffle=shuffle, + seed=seed, + generator=generator, + keep_in_memory=keep_in_memory, + load_from_cache_file=load_from_cache_file, + train_indices_cache_file_name=train_indices_cache_file_name, + test_indices_cache_file_name=test_indices_cache_file_name, + writer_batch_size=writer_batch_size, + train_new_fingerprint=train_new_fingerprint, + test_new_fingerprint=test_new_fingerprint, + ) + for key in list(ret.keys()): + ret[key] = Datastore.from_dataset(ret, self) + return ret + + @transmit_format + @fingerprint_transform(inplace=False) + def add_item(self, item: dict, new_fingerprint: str): + if not hasattr(self, "views_map"): + self.views_map = {} + ret = super().add_item(item=item, new_fingerprint=new_fingerprint) + return Datastore.from_dataset(ret, self) + + @transmit_format + @fingerprint_transform(inplace=False) + def add_batch(self, batch, new_fingerprint: str): + """Add batch to Dataset. + + Args: + batch (Datastore of same schema or dict): batch data to be added. + + Returns: + :class:`Datastore` + """ + if not hasattr(self, "views_map"): + self.views_map = {} + # take care of the case where views_map needs to be merged and the batch's indices are + # offsetted + if type(batch) is dict: + keys = list(batch.keys()) + len_batch = len(batch[keys[0]]) + features = list(self.features) + for feature in self.features: + if feature not in keys: + batch[feature] = [None] * len_batch + item_table = InMemoryTable.from_pydict(batch) + # Cast batch + schema = pa.schema(self.features.type) + item_table = item_table.cast(schema) + # Concatenate tables + table = concat_tables([self._data, item_table]) + if self._indices is None: + indices_table = None + else: + print(item_table._data) + item_indices_array = pa.array( + list( + range(len(self._data), len(self._data) + len(item_table._data)) + ), + type=pa.uint64(), + ) + item_indices_table = InMemoryTable.from_arrays( + [item_indices_array], names=["indices"] + ) + indices_table = concat_tables([self._indices, item_indices_table]) + ret = Dataset( + table, + info=self.info.copy(), + split=self.split, + indices_table=indices_table, + fingerprint=new_fingerprint, + ) + return Datastore.from_dataset(ret, self) + + def align_labels_with_mapping( + self, label2id: Dict, label_column: str + ) -> "Datastore": + if not hasattr(self, "views_map"): + self.views_map = {} + ret = super().align_labels_with_mapping( + label2id=label2id, label_column=label_column + ) + return Datastore.from_dataset(ret, self) + + @staticmethod + def from_csv( + path_or_paths: Union[PathLike, List[PathLike]], + split: Optional[NamedSplit] = None, + features: Optional[Features] = None, + cache_dir: str = None, + keep_in_memory: bool = False, + **kwargs, + ): + """Create Datastore from CSV file(s). + Args: + path_or_paths (path-like or list of path-like): Path(s) of the CSV file(s). + split (:class:`NamedSplit`, optional): Split name to be assigned to the dataset. + features (:class:`Features`, optional): Dataset features. + cache_dir (:obj:`str`, optional, default ``"~/.cache/huggingface/datasets"``): Directory to cache data. + keep_in_memory (:obj:`bool`, default ``False``): Whether to copy the data in-memory. + **kwargs: Keyword arguments to be passed to :meth:`pandas.read_csv`. + Returns: + :class:`Datastore` + """ + # Dynamic import to avoid circular dependency + from .io.csv import CsvDatasetReader + + return Datastore.from_dataset( + CsvDatasetReader( + path_or_paths, + split=split, + features=features, + cache_dir=cache_dir, + keep_in_memory=keep_in_memory, + **kwargs, + ).read() + ) + + @staticmethod + def from_json( + path_or_paths: Union[PathLike, List[PathLike]], + split: Optional[NamedSplit] = None, + features: Optional[Features] = None, + cache_dir: str = None, + keep_in_memory: bool = False, + field: Optional[str] = None, + **kwargs, + ): + """Create Datastore from JSON or JSON Lines file(s). + Args: + path_or_paths (path-like or list of path-like): Path(s) of the JSON or JSON Lines file(s). + split (:class:`NamedSplit`, optional): Split name to be assigned to the dataset. + features (:class:`Features`, optional): Dataset features. + cache_dir (:obj:`str`, optional, default ``"~/.cache/huggingface/datasets"``): Directory to cache data. + keep_in_memory (:obj:`bool`, default ``False``): Whether to copy the data in-memory. + field (:obj:`str`, optional): Field name of the JSON file where the dataset is contained in. + **kwargs: Keyword arguments to be passed to :class:`JsonConfig`. + Returns: + :class:`Datastore` + """ + # Dynamic import to avoid circular dependency + from .io.json import JsonDatasetReader + + return Datastore.from_dataset( + JsonDatasetReader( + path_or_paths, + split=split, + features=features, + cache_dir=cache_dir, + keep_in_memory=keep_in_memory, + field=field, + **kwargs, + ).read() + ) + + @staticmethod + def from_parquet( + path_or_paths: Union[PathLike, List[PathLike]], + split: Optional[NamedSplit] = None, + features: Optional[Features] = None, + cache_dir: str = None, + keep_in_memory: bool = False, + columns: Optional[List[str]] = None, + **kwargs, + ): + """Create Datastore from Parquet file(s). + Args: + path_or_paths (path-like or list of path-like): Path(s) of the Parquet file(s). + split (:class:`NamedSplit`, optional): Split name to be assigned to the dataset. + features (:class:`Features`, optional): Dataset features. + cache_dir (:obj:`str`, optional, default ``"~/.cache/huggingface/datasets"``): Directory to cache data. + keep_in_memory (:obj:`bool`, default ``False``): Whether to copy the data in-memory. + columns (:obj:`List[str]`, optional): If not None, only these columns will be read from the file. + A column name may be a prefix of a nested field, e.g. 'a' will select + 'a.b', 'a.c', and 'a.d.e'. + **kwargs: Keyword arguments to be passed to :class:`ParquetConfig`. + Returns: + :class:`Datastore` + """ + # Dynamic import to avoid circular dependency + from dataset.io.parquet import ParquetDatasetReader + + return Datastore.from_dataset( + ParquetDatasetReader( + path_or_paths, + split=split, + features=features, + cache_dir=cache_dir, + keep_in_memory=keep_in_memory, + columns=columns, + **kwargs, + ).read() + ) + + @staticmethod + def from_text( + path_or_paths: Union[PathLike, List[PathLike]], + split: Optional[NamedSplit] = None, + features: Optional[Features] = None, + cache_dir: str = None, + keep_in_memory: bool = False, + **kwargs, + ): + """Create Datastore from text file(s). + Args: + path_or_paths (path-like or list of path-like): Path(s) of the text file(s). + split (:class:`NamedSplit`, optional): Split name to be assigned to the dataset. + features (:class:`Features`, optional): Dataset features. + cache_dir (:obj:`str`, optional, default ``"~/.cache/huggingface/datasets"``): Directory to cache data. + keep_in_memory (:obj:`bool`, default ``False``): Whether to copy the data in-memory. + **kwargs: Keyword arguments to be passed to :class:`TextConfig`. + Returns: + :class:`Datastore` + """ + # Dynamic import to avoid circular dependency + from .io.text import TextDatasetReader + + return Datastore.from_dataset( + TextDatasetReader( + path_or_paths, + split=split, + features=features, + cache_dir=cache_dir, + keep_in_memory=keep_in_memory, + **kwargs, + ).read() + ) + + def save_to_disk(self, dataset_path: str, fs=None, move_files=False): + # move_files means delete the old files as we create the new files in dataset_path. + """ + Saves a dataset to a dataset directory, or in a filesystem using either :class:`~filesystems.S3FileSystem` or + any implementation of ``fsspec.spec.AbstractFileSystem``. + Note regarding sliced datasets: + If you sliced the dataset in some way (using shard, train_test_split or select for example), then an indices mapping + is added to avoid having to rewrite a new arrow Table (save time + disk/memory usage). + It maps the indices used by __getitem__ to the right rows of the arrow Table. + By default save_to_disk does save the full dataset table + the mapping. + If you want to only save the shard of the dataset instead of the original arrow file and the indices, + then you have to call :func:`datasets.Dataset.flatten_indices` before saving. + This will create a new arrow table by using the right rows of the original table. + Args: + dataset_path (:obj:`str`): Path (e.g. `dataset/train`) or remote URI (e.g. `s3://my-bucket/dataset/train`) + of the dataset directory where the dataset will be saved to. + fs (:class:`~filesystems.S3FileSystem`, ``fsspec.spec.AbstractFileSystem``, optional, defaults ``None``): + Instance of the remote filesystem used to download the files from. + """ + assert ( + not self.list_indexes() + ), "please remove all the indexes using `dataset.drop_index` before saving a dataset" + + if is_remote_filesystem(fs): + dataset_path = extract_path_from_uri(dataset_path) + else: + fs = fsspec.filesystem("file") + cache_files_paths = [ + Path(cache_filename["filename"]) for cache_filename in self.cache_files + ] + # Check that the dataset doesn't overwrite iself. It can cause a permission error on Windows and a segfault on linux. + if Path(dataset_path, config.DATASET_ARROW_FILENAME) in cache_files_paths: + raise PermissionError( + f"Tried to overwrite {Path(dataset_path, config.DATASET_ARROW_FILENAME)} but a dataset can't overwrite itself." + ) + if Path(dataset_path, config.DATASET_INDICES_FILENAME) in cache_files_paths: + raise PermissionError( + f"Tried to overwrite {Path(dataset_path, config.DATASET_INDICES_FILENAME)} but a dataset can't overwrite itself." + ) + # Save views data, dataset + indices + state + info + fs.makedirs(dataset_path, exist_ok=True) + views_map_copy = copy.deepcopy(self.views_map) + for key, value in list(self.views_map.items()): + # Copy or move file to destination directory + if "connection_uri" in value: + if "sqlite:///" in value["connection_uri"]: + src = value["connection_uri"].replace("sqlite:///", "") + if value["connection_uri"] in Datastore.db_connection: + db = Datastore.db_connection[value["connection_uri"]] + db.close() + del Datastore.db_connection[value["connection_uri"]] + db = None + for key in list(Datastore.db_table.keys()): + if key[1] == value["connection_uri"]: + del Datastore.db_table[key] + value["connection_uri"] = "sqlite:///" + Path(src).name + else: + continue + else: + src = value["path"] + value["path"] = Path(src).name + filename = Path(src).name + dest = os.path.join(dataset_path, filename) + + # if the src is not the same as dest, we want to move or copy + if src != dest and os.path.exists(src): + if move_files: + shutil.move(src, dest) + else: + shutil.copy(src, dest) + + # Get json serializable state + state = { + key: self.__dict__[key] + for key in [ + "_fingerprint", + "_format_columns", + "_format_kwargs", + "_format_type", + "_indexes", + "_output_all_columns", + "views_map", + "id2idx_identity", + "_primary_id", + ] + } + self.views_map = views_map_copy + split = self.__dict__["_split"] + state["_split"] = str(split) if split is not None else split + + state["_data_files"] = [{"filename": config.DATASET_ARROW_FILENAME}] + state["_indices_data_files"] = ( + [{"filename": config.DATASET_INDICES_FILENAME}] + if self._indices is not None + else None + ) + for k in state["_format_kwargs"].keys(): + try: + json.dumps(state["_format_kwargs"][k]) + except TypeError as e: + raise TypeError( + str(e) + + f"\nThe format kwargs must be JSON serializable, but key '{k}' isn't." + ) + + # Get json serializable dataset info + dataset_info = asdict(self._info) + + with fs.open( + Path(dataset_path, config.DATASET_ARROW_FILENAME).as_posix(), "wb" + ) as dataset_file: + with ArrowWriter(stream=dataset_file) as writer: + writer.write_table(self._data) + writer.finalize() + + if self._indices is not None: + with fs.open( + Path(dataset_path, config.DATASET_INDICES_FILENAME).as_posix(), "wb" + ) as indices_file: + with ArrowWriter(stream=indices_file) as writer: + writer.write_table(self._indices) + writer.finalize() + if move_files: + orig_dataset_path = os.path.dirname(self.cache_files[0]["filename"]) + arrow_file = Path( + orig_dataset_path, config.DATASET_ARROW_FILENAME + ).as_posix() + if os.path.exists(arrow_file): + os.unlink(arrow_file) + indices_file = Path( + orig_dataset_path, config.DATASET_INDICES_FILENAME + ).as_posix() + if os.path.exists(indices_file): + os.unlink(indices_file) + json_file = Path( + orig_dataset_path, config.DATASET_STATE_JSON_FILENAME + ).as_posix() + if os.path.exists(json_file): + os.unlink(json_file) + info_file = Path(orig_dataset_path, config.DATASET_INFO_FILENAME).as_posix() + if os.path.exists(info_file): + os.unlink(info_file) + license_file = Path(orig_dataset_path, config.LICENSE_FILENAME).as_posix() + if os.path.exists(license_file): + os.unlink(license_file) + for cache_filename in self.cache_files: + if os.path.exists(cache_filename["filename"]): + os.unlink(cache_filename["filename"]) + with fs.open( + Path(dataset_path, config.DATASET_STATE_JSON_FILENAME).as_posix(), + "w", + encoding="utf-8", + ) as state_file: + json.dump(state, state_file, indent=2, sort_keys=True) + with fs.open( + Path(dataset_path, config.DATASET_INFO_FILENAME).as_posix(), + "w", + encoding="utf-8", + ) as dataset_info_file: + # Sort only the first level of keys, or we might shuffle fields of nested features if we use sort_keys=True + sorted_keys_dataset_info = { + key: dataset_info[key] for key in sorted(dataset_info) + } + json.dump(sorted_keys_dataset_info, dataset_info_file, indent=2) + + logger.info("Dataset saved in {}".format(dataset_path)) + if move_files: + return Datastore.load_from_disk( + dataset_path, + fs=fs, + ) + else: + return self + + @staticmethod + def load_from_disk( + dataset_path: str, fs=None, keep_in_memory: Optional[bool] = None + ) -> "Datastore": + ret = Dataset.load_from_disk( + dataset_path=dataset_path, fs=fs, keep_in_memory=keep_in_memory + ) + with open( + Path(dataset_path, config.DATASET_STATE_JSON_FILENAME).as_posix(), + "r", + encoding="utf-8", + ) as state_file: + state = json.load(state_file) + ret.views_map = state.get("views_map") + ret.id2idx_identity = state.get("id2idx_identity") + fs = fsspec.filesystem("file") if fs is None else fs + for key, value in list(ret.views_map.items()): + if "connection_uri" in value: + if "sqlite:///" in value["connection_uri"]: + src = Path(value["connection_uri"].replace("sqlite:///", "")).name + else: + continue + else: + src = Path(value["path"]).name + if is_remote_filesystem(fs): + data_path = os.path.join(dataset_path, src) + src_dataset_path = extract_path_from_uri(data_path) + tmp_dir = tempfile.TemporaryDirectory() + data_path = Path(tmp_dir.name, src_dataset_path) + fs.download(src_dataset_path, data_path.as_posix(), recursive=True) + else: + data_path = os.path.abspath(os.path.join(dataset_path, src)) + if "connection_uri" in value: + ret.views_map[key]["connection_uri"] = "sqlite:///" + data_path + else: + ret.views_map[key]["path"] = data_path + return Datastore.from_dataset(ret) + + +class FeaturesWithViews(Features): + """an extension of Features that allows printing of the views' name as well""" + + def copy(self): + ret = FeaturesWithViews(super().copy()) + if hasattr(self, "views_map"): + ret.views_map = copy.deepcopy(self.views_map) + return ret + + def __repr__(self): + ret = "{" + "\n\t\t".join( + [f"'{a[0]}': {a[1]}" for a in self.items() if a[0] not in self.views_map] + ) + if self.views_map: + ret = ( + ret + + "\n\t\t" + + "\n\t\t".join( + f"'{a[0]}': View({a[1]})" for a in self.views_map.items() + ) + ) + ret += "\n}" + return ret + + +class Sqlite3FTSIndex(BaseIndex): + """Sqlite3 FTS Index class for indexing""" + + def __init__(self, table: TableSharded = None, column: Optional[str] = None): + self.table = table + self.column = column + + def search(self, query, k: int = 10) -> SearchResults: + hits = list(self.table.find(_fts_query=[(self.column, query)], _limit=k)) + return SearchResults( + [hit["rank"] for hit in hits], [int(hit["rowid"]) for hit in hits] + ) # this should be a generator or we feed in a row_type of a signle SearchResult + + def search_batch(self, queries, k: int = 10) -> BatchedSearchResults: + """Find the nearest examples indices to the query. + Args: + queries (`Union[List[str], np.ndarray]`): The queries as a list of strings if `column` is a text index or as a numpy array if `column` is a vector index. + k (`int`): The number of examples to retrieve per query. + Ouput: + total_scores (`List[List[float]`): The retrieval scores of the retrieved examples per query. + total_indices (`List[List[int]]`): The indices of the retrieved examples per query. + """ + total_scores, total_indices = [], [] + for query in queries: + scores, indices = self.search(query, k) + total_scores.append(scores) + total_indices.append(indices) + return BatchedSearchResults(total_scores, total_indices) + + def save(self, file: Union[str, PurePath]): + """Serialize the index on disk""" + raise NotImplementedError + + @classmethod + def load(cls, file: Union[str, PurePath]) -> "BaseIndex": + """Deserialize the index from disk""" + raise NotImplementedError diff --git a/data_tooling/datastore/tests/__init__.py b/data_tooling/datastore/tests/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/datastore/tests/test.py b/data_tooling/datastore/tests/test.py new file mode 100644 index 0000000..bf003b0 --- /dev/null +++ b/data_tooling/datastore/tests/test.py @@ -0,0 +1,169 @@ +import os +import sys + +import aiohttp +import fsspec +import numpy as np +import requests +from datasets import load_dataset + +sys.path.append( + os.path.abspath( + os.path.join( + os.path.dirname(__file__), os.path.pardir, os.path.pardir, os.path.pardir + ) + ) +) + +from data_tooling.datastore.datastore_base import * + +if __name__ == "__main__": + + args = sys.argv[1:] + if not args: + exit() + + if "-test_sql_basic" in args: + db = DatabaseExt("sqlite://") + table = db["user"] + assert table.exists == False + assert table.has_column("id") == False + assert table.insert(dict(name="John Doe", age=37)) == 0 + assert table.exists == True + assert table.has_column("id") == True + assert table.insert(dict(name="Jane Doe", age=20)) == 1 + jane = table.find_one(name="Jane Doe") + assert jane["id"] == 1 + + db = DatabaseExt("sqlite://") + table = db["user"] + rows = [dict(name="Dolly")] * 10 + table.insert_many(rows) + assert list(table.find(id={"in": range(0, 2)}))[-1]["id"] == 1 + + if "-test_memmap" in args: + datastore = Datastore.from_mmap( + "embed", + [1000, 512, 512], + ) + print(datastore) + datastore = Datastore.from_dataset( + load_dataset("oscar", "unshuffled_deduplicated_sw")["train"] + ) + datastore = datastore.add_mmap( + "embed", + [-1, 512, 512], + ) + datastore = datastore.add_mmap("token", [-1, 512], dtype=np.int32) + assert (datastore["embed"][0].shape) == (512, 512) + datastore["embed"][0][0] = 0.0 + assert np.mean(datastore["embed"][0][0]) == 0 + datastore["embed"][0][0] = 1.0 + assert np.mean(datastore["embed"][0][0]) == 1.0 + assert set(datastore[0].keys()) == {"id", "text", "embed", "token"} + assert len(datastore["text"]) == 24803 + assert len(datastore[0:10]["text"]) == 10 + assert (datastore[0:10]["token"].shape) == (10, 512) + print(datastore) + + if "-test_move_to_sql" in args: + data = load_dataset("oscar", "unshuffled_deduplicated_yo")["train"] + datastore = Datastore.from_dataset(data) + Datastore.db_connection = {} + Datastore.db_table = {} + datastore = datastore.move_to_sql("text") + + if "-test_sqlite_fs" in args: + db = DatabaseExt("sqlite:///test.db") + books_table = db["books"] + books_table.create_fts_index_column("text", stemmer="unicode61") + for t in """In Which We Are Introduced to Winnie the Pooh and Some Bees and the Stories Begin +Winnie-the-Pooh is out of honey, so he and Christopher Robin attempt to trick some bees out of theirs, with disastrous results. +In Which Pooh Goes Visiting and Gets into a Tight Place +Pooh visits Rabbit, but eats so much while in Rabbit's house that he gets stuck in Rabbit's door on the way out. +In Which Pooh and Piglet Go Hunting and Nearly Catch a Woozle +Pooh and Piglet track increasing numbers of footsteps round and round a spinney of trees. +In Which Eeyore Loses a Tail and Pooh Finds One +Pooh sets out to find Eeyore's missing tail, and notices something interesting about Owl's bell-pull. +In Which Piglet Meets a Heffalump +Piglet and Pooh try to trap a Heffalump, but wind up trapping the wrong sort of creature. +In Which Eeyore has a Birthday and Gets Two Presents +Pooh feels bad that no one has gotten Eeyore anything for his birthday, so he and Piglet try their best to get him presents. +In Which Kanga and Baby Roo Come to the Forest and Piglet has a Bath +Rabbit convinces Pooh and Piglet to try to kidnap newcomer Baby Roo to convince newcomer Kanga to leave the forest. +In Which Christopher Robin Leads an Expotition to the North Pole +Christopher Robin and all of the animals in the forest go on a quest to find the North Pole in the Hundred Acre Wood. +In Which Piglet is Entirely Surrounded by Water +Piglet is trapped in his home by a flood, so he sends a message out in a bottle in hope of rescue. +In Which Christopher Robin Gives Pooh a Party and We Say Goodbye +Christopher Robin gives Pooh a party for helping to rescue Piglet during the flood. +The central character in the series is Harry Potter, a boy who lives in the fictional town of Little Whinging, Surrey with his aunt, uncle, and cousin – the Dursleys – and discovers at the age of eleven that he is a wizard, though he lives in the ordinary world of non-magical people known as Muggles.[8] The wizarding world exists parallel to the Muggle world, albeit hidden and in secrecy. His magical ability is inborn, and children with such abilities are invited to attend exclusive magic schools that teach the necessary skills to succeed in the wizarding world.[9] + +Harry becomes a student at Hogwarts School of Witchcraft and Wizardry, a wizarding academy in Scotland, and it is here where most of the events in the series take place. As Harry develops through his adolescence, he learns to overcome the problems that face him: magical, social, and emotional, including ordinary teenage challenges such as friendships, infatuation, romantic relationships, schoolwork and exams, anxiety, depression, stress, and the greater test of preparing himself for the confrontation that lies ahead in wizarding Britain's increasingly-violent second wizarding war.[10] + +Each novel chronicles one year in Harry's life[11] during the period from 1991 to 1998.[12] The books also contain many flashbacks, which are frequently experienced by Harry viewing the memories of other characters in a device called a Pensieve. + +The environment Rowling created is intimately connected to reality. The British magical community of the Harry Potter books is inspired by 1990s British culture, European folklore, classical mythology and alchemy, incorporating objects and wildlife such as magic wands, magic plants, potions, spells, flying broomsticks, centaurs and other magical creatures, and the Philosopher's Stone, beside others invented by Rowling. While the fantasy land of Narnia is an alternate universe and the Lord of the Rings' Middle-earth a mythic past, the wizarding world of Harry Potter exists parallel to the real world and contains magical versions of the ordinary elements of everyday life, with the action mostly set in Scotland (Hogwarts), the West Country, Devon, London, and Surrey in southeast England.[13] The world only accessible to wizards and magical beings comprises a fragmented collection of overlooked hidden streets, ancient pubs, lonely country manors, and secluded castles invisible to the Muggle population.[9] + +Early years +When the first novel of the series, Harry Potter and the Philosopher's Stone, opens, it is apparent that some significant event has taken place in the wizarding world – an event so very remarkable that even Muggles (non-magical people) notice signs of it. The full background to this event and Harry Potter's past is revealed gradually throughout the series. After the introductory chapter, the book leaps forward to a time shortly before Harry Potter's eleventh birthday, and it is at this point that his magical background begins to be revealed. + +Despite Harry's aunt and uncle's desperate prevention of Harry learning about his abilities,[14] their efforts are in vain. Harry meets a half-giant, Rubeus Hagrid, who is also his first contact with the wizarding world. Hagrid reveals himself to be the Keeper of Keys and Grounds at Hogwarts as well as some of Harry's history.[14] Harry learns that, as a baby, he witnessed his parents' murder by the power-obsessed dark wizard Lord Voldemort (more commonly known by the magical community as You-Know-Who or He-Who-Must-Not-Be-Named, and by Albus Dumbledore as Tom Marvolo Riddle) who subsequently attempted to kill him as well.[14] Instead, the unexpected happened: Harry survived with only a lightning-shaped scar on his forehead as a memento of the attack, and Voldemort disappeared soon afterwards, gravely weakened by his own rebounding curse. + +As its inadvertent saviour from Voldemort's reign of terror, Harry has become a living legend in the wizarding world. However, at the orders of the venerable and well-known wizard Albus Dumbledore, the orphaned Harry had been placed in the home of his unpleasant Muggle relatives, the Dursleys, who have kept him safe but treated him poorly, including confining him to a cupboard without meals and treating him as their servant. Hagrid then officially invites Harry to attend Hogwarts School of Witchcraft and Wizardry, a famous magic school in Scotland that educates young teenagers on their magical development for seven years, from age eleven to seventeen. + +With Hagrid's help, Harry prepares for and undertakes his first year of study at Hogwarts. As Harry begins to explore the magical world, the reader is introduced to many of the primary locations used throughout the series. Harry meets most of the main characters and gains his two closest friends: Ron Weasley, a fun-loving member of an ancient, large, happy, but poor wizarding family, and Hermione Granger, a gifted, bright, and hardworking witch of non-magical parentage.[14][15] Harry also encounters the school's potions master, Severus Snape, who displays a conspicuously deep and abiding dislike for him, the rich brat Draco Malfoy whom he quickly makes enemies with, and the Defence Against the Dark Arts teacher, Quirinus Quirrell, who later turns out to be allied with Lord Voldemort. He also discovers a talent of flying on broomsticks and is recruited for his house's Quidditch team, a sport in the wizarding world where players fly on broomsticks. The first book concludes with Harry's second confrontation with Lord Voldemort, who, in his quest to regain a body, yearns to gain the power of the Philosopher's Stone, a substance that bestows everlasting life and turns any metal into pure gold.[14] + +The series continues with Harry Potter and the Chamber of Secrets, describing Harry's second year at Hogwarts. He and his friends investigate a 50-year-old mystery that appears uncannily related to recent sinister events at the school. Ron's younger sister, Ginny Weasley, enrols in her first year at Hogwarts, and finds an old notebook in her belongings which turns out to be the diary of a previous student, Tom Marvolo Riddle, written during World War II. He is later revealed to be Voldemort's younger self, who is bent on ridding the school of "mudbloods", a derogatory term describing wizards and witches of non-magical parentage. The memory of Tom Riddle resides inside of the diary and when Ginny begins to confide in the diary, Voldemort is able to possess her. + +Through the diary, Ginny acts on Voldemort's orders and unconsciously opens the "Chamber of Secrets", unleashing an ancient monster, later revealed to be a basilisk, which begins attacking students at Hogwarts. It kills those who make direct eye contact with it and petrifies those who look at it indirectly. The book also introduces a new Defence Against the Dark Arts teacher, Gilderoy Lockhart, a highly cheerful, self-conceited wizard with a pretentious facade, later turning out to be a fraud. Harry discovers that prejudice exists in the Wizarding World through delving into the school's history, and learns that Voldemort's reign of terror was often directed at wizards and witches who were descended from Muggles. + +Harry also learns that his ability to speak the snake language Parseltongue is rare and often associated with the Dark Arts. When Hermione is attacked and petrified, Harry and Ron finally piece together the puzzles and unlock the Chamber of Secrets, with Harry destroying the diary for good and saving Ginny, and, as they learn later, also destroying a part of Voldemort's soul. The end of the book reveals Lucius Malfoy, Draco's father and rival of Ron and Ginny's father, to be the culprit who slipped the book into Ginny's belongings. + +The third novel, Harry Potter and the Prisoner of Azkaban, follows Harry in his third year of magical education. It is the only book in the series which does not feature Lord Voldemort in any form, only being mentioned. Instead, Harry must deal with the knowledge that he has been targeted by Sirius Black, his father's best friend, and, according to the Wizarding World, an escaped mass murderer who assisted in the murder of Harry's parents. As Harry struggles with his reaction to the dementors – dark creatures with the power to devour a human soul and feed on despair – which are ostensibly protecting the school, he reaches out to Remus Lupin, a Defence Against the Dark Arts teacher who is eventually revealed to be a werewolf. Lupin teaches Harry defensive measures which are well above the level of magic generally executed by people his age. Harry comes to know that both Lupin and Black were best friends of his father and that Black was framed by their fourth friend, Peter Pettigrew, who had been hiding as Ron's pet rat, Scabbers.[16] In this book, a recurring theme throughout the series is emphasised – in every book there is a new Defence Against the Dark Arts teacher, none of whom lasts more than one school year. + +Voldemort returns +"The Elephant House", a small, painted red café where Rowling wrote a few chapters of Harry Potter and the Philosopher's Stone +The Elephant House was one of the cafés in Edinburgh where Rowling wrote the first part of Harry Potter. + +The former 1st floor Nicholson's Cafe now renamed Spoon in Edinburgh where J. K. Rowling wrote the first few chapters of Harry Potter and the Philosopher’s Stone. + +The J. K. Rowling plaque on the corner of the former Nicholson's Cafe (now renamed Spoon) at 6A Nicolson St, Edinburgh. +During Harry's fourth year of school (detailed in Harry Potter and the Goblet of Fire), Harry is unwillingly entered as a participant in the Triwizard Tournament, a dangerous yet exciting contest where three "champions", one from each participating school, must compete with each other in three tasks in order to win the Triwizard Cup. This year, Harry must compete against a witch and a wizard "champion" from overseas schools Beauxbatons and Durmstrang, as well as another Hogwarts student, causing Harry's friends to distance themselves from him.[17] + +Harry is guided through the tournament by their new Defence Against the Dark Arts professor, Alastor "Mad-Eye" Moody, who turns out to be an impostor – one of Voldemort's supporters named Barty Crouch, Jr. in disguise, who secretly entered Harry's name into the tournament. The point at which the mystery is unravelled marks the series' shift from foreboding and uncertainty into open conflict. Voldemort's plan to have Crouch use the tournament to bring Harry to Voldemort succeeds. Although Harry manages to escape, Cedric Diggory, the other Hogwarts champion in the tournament, is killed by Peter Pettigrew and Voldemort re-enters the Wizarding World with a physical body. + +In the fifth book, Harry Potter and the Order of the Phoenix, Harry must confront the newly resurfaced Voldemort. In response to Voldemort's reappearance, Dumbledore re-activates the Order of the Phoenix, a secret society which works from Sirius Black's dark family home to defeat Voldemort's minions and protect Voldemort's targets, especially Harry. Despite Harry's description of Voldemort's recent activities, the Ministry of Magic and many others in the magical world refuse to believe that Voldemort has returned. In an attempt to counter and eventually discredit Dumbledore, who along with Harry is the most prominent voice in the Wizarding World attempting to warn of Voldemort's return, the Ministry appoints Dolores Umbridge as the High Inquisitor of Hogwarts and the new Defence Against the Dark Arts teacher. She transforms the school into a dictatorial regime and refuses to allow the students to learn ways to defend themselves against dark magic.[18] + +Hermione and Ron form "Dumbledore's Army", a secret study group in which Harry agrees to teach his classmates the higher-level skills of Defence Against the Dark Arts that he has learned from his previous encounters with Dark wizards. Through those lessons, Harry begins to develop a crush on the popular and attractive Cho Chang. Juggling schoolwork, Umbridge's incessant and persistent efforts to land him in trouble and the defensive lessons, Harry begins to lose sleep as he constantly receives disturbing dreams about a dark corridor in the Ministry of Magic, followed by a burning desire to learn more. An important prophecy concerning Harry and Lord Voldemort is then revealed,[19] and Harry discovers that he and Voldemort have a painful connection, allowing Harry to view some of Voldemort's actions telepathically. In the novel's climax, Harry is tricked into seeing Sirius tortured and races to the Ministry of Magic. He and his friends face off against Voldemort's followers (nicknamed Death Eaters) at the Ministry of Magic. Although the timely arrival of members of the Order of the Phoenix saves the teenagers' lives, Sirius Black is killed in the conflict. + +In the sixth book, Harry Potter and the Half-Blood Prince, Voldemort begins waging open warfare. Harry and his friends are relatively protected from that danger at Hogwarts. They are subject to all the difficulties of adolescence – Harry eventually begins dating Ginny, Ron establishes a strong infatuation with fellow Hogwarts student Lavender Brown, and Hermione starts to develop romantic feelings towards Ron. Near the beginning of the novel, lacking his own book, Harry is given an old potions textbook filled with many annotations and recommendations signed by a mysterious writer titled; "the Half-Blood Prince". This book is a source of scholastic success and great recognition from their new potions master, Horace Slughorn, but because of the potency of the spells that are written in it, becomes a source of concern. + +With war drawing near, Harry takes private lessons with Dumbledore, who shows him various memories concerning the early life of Voldemort in a device called a Pensieve. These reveal that in order to preserve his life, Voldemort has split his soul into pieces, used to create a series of Horcruxes – evil enchanted items hidden in various locations, one of which was the diary destroyed in the second book.[20] Draco, who has joined with the Death Eaters, attempts to attack Dumbledore upon his return from collecting a Horcrux, and the book culminates in the killing of Dumbledore by Professor Snape, the titular Half-Blood Prince. + +Harry Potter and the Deathly Hallows, the last original novel in the series, begins directly after the events of the sixth book. Lord Voldemort has completed his ascension to power and gained control of the Ministry of Magic. Harry, Ron and Hermione drop out of school so that they can find and destroy Voldemort's remaining Horcruxes. To ensure their own safety as well as that of their family and friends, they are forced to isolate themselves. A ghoul pretends to be Ron ill with a contagious disease, Harry and the Dursleys separate, and Hermione wipes her parents' memories and sends them abroad. + +As the trio searches for the Horcruxes, they learn details about an ancient prophecy of the Deathly Hallows, three legendary items that when united under one Keeper, would supposedly allow that person to be the Master of Death. Harry discovers his handy Invisibility Cloak to be one of those items, and Voldemort to be searching for another: the Elder Wand, the most powerful wand in history. At the end of the book, Harry and his friends learn about Dumbledore's past, as well as Snape's true motives – he had worked on Dumbledore's behalf since the murder of Harry's mother. Eventually, Snape is killed by Voldemort out of paranoia. + +The book culminates in the Battle of Hogwarts. Harry, Ron and Hermione, in conjunction with members of the Order of the Phoenix and many of the teachers and students, defend Hogwarts from Voldemort, his Death Eaters, and various dangerous magical creatures. Several major characters are killed in the first wave of the battle, including Remus Lupin and Fred Weasley, Ron's older brother. After learning that he himself is a Horcrux, Harry surrenders himself to Voldemort in the Forbidden Forest, who casts a killing curse (Avada Kedavra) at him. The defenders of Hogwarts do not surrender after learning of Harry's presumed death and continue to fight on. Harry awakens and faces Voldemort, whose Horcruxes have all been destroyed. In the final battle, Voldemort's killing curse rebounds off Harry's defensive spell (Expelliarmus), killing Voldemort. + +An epilogue "Nineteen Years Later"[21] describes the lives of the surviving characters and the effects of Voldemort's death on the Wizarding World. In the epilogue, Harry and Ginny are married with three children, and Ron and Hermione are married with two children.[22] +""".split( + "\n" + ): + if t.strip(): + books_table.insert({"text": t}) + print(list(books_table.find(id={"in": (3, 4)}))) + print(list(books_table.find())) + print("Bottle*", list(books_table.find(_fts_query=[("text", "Bottle*")]))) + print("robin", list(books_table.find(_fts_query=[("text", "robin")]))) + print("Home", list(books_table.find(_fts_query=[("text", "Home")]))) + print("notic*", list(books_table.find(_fts_query=[("text", "notic*")]))) + print( + "sign* AND notic*", + list(books_table.find(_fts_query=[("text", "sign* AND notic*")])), + ) + print( + "sign AND notic*", + list(books_table.find(_fts_query=[("text", "sign AND notic*")])), + ) diff --git a/data_tooling/datastore/utils.py b/data_tooling/datastore/utils.py new file mode 100644 index 0000000..86b29f8 --- /dev/null +++ b/data_tooling/datastore/utils.py @@ -0,0 +1,114 @@ +# Copyright 2021, Ontocord, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +""" Common utilities for datastorage""" +import os +import sys + +from datasets.utils import logging +from filelock import FileLock, UnixFileLock + +sys.path.append( + os.path.abspath( + os.path.join( + os.path.dirname(__file__), os.path.pardir, os.path.pardir, os.path.pardir + ) + ) +) + +logger = logging.get_logger(__name__) +#################################################################################################### +# some utils + +# if an array is contiguous, return True, and the start and end+1 range usable in 'range(start, end)' +def is_contiguous(arr): + start = None + prev = None + contiguous = True + for i in arr: + if start is None: + start = i + if prev is None or i == prev + 1: + prev = i + continue + contiguous = False + break + return contiguous, start, i + 1 + + +# This is used for seeing if files from a remote drive have finished loading. Files could be in flight while we try to retreive them. +def wait_until_files_loaded(flist, max_tries=120, fs=None): # wait 2 hrs max + if fs is None: + fs = os + if isinstance(flist, str): + flist = [[flist, 0]] + else: + flist = [[f, 0] for f in flist] + for j in range(len(flist) * max_tries): + num_done = 0 + for i, val in enumerate(flist): + if val is None: + num_done += 1 + continue + (f, incr) = val + if incr > max_tries: + raise RuntimeError("Timed out while trying to wait for file " + str(f)) + size1 = fs.stat(f).st_size + time.sleep(min(600, 1 + incr)) + incr += 1 + if fs.stat(f).st_size == size1: + flist[i] = None + num_done += 1 + yield f + else: + flist[i] = [f, incr] + if num_done == len(flist): + return + return + + +class DummyLock: + def __enter__(self): + return self + + def __exit__(self, exc_type, exc_val, exc_tb): + pass + + +# FileLock does not really work for gdrive or other types of shared +# drives (ftp). So we create a SharedFileLock instead, which is not +# guranteed to lock a file, but the best we have. This is because if +# two nodes are trying to write to the same file, gdrive will for +# example create a file.txt and a file(1).txt as the other file being +# written to. +class SharedFileLock(UnixFileLock): + def __init__(self, lock_file, timeout=-1, locks=None): + super().__init__(lock_file, timeout) + self.locks = locks + self.locked = False + + def __enter__(self): + if self.locks is not None and self._lock_file not in self.locks: + self.locks[self._lock_file] = 1 + self.acquire() + self.locked = True + return self + + def __exit__(self, exc_type, exc_val, exc_tb): + if self.locked: + self.release() + if self.locks is not None and self._lock_file in self.locks: + del self.locks[self._lock_file] + self.locked = False + return None diff --git a/data_tooling/index_search/README.md b/data_tooling/index_search/README.md new file mode 100644 index 0000000..f52d479 --- /dev/null +++ b/data_tooling/index_search/README.md @@ -0,0 +1,43 @@ +# Elasticsearch index search experiments + +Early tests to build upon HuggingFace datasets to improving indexing/Search capabilities. + +## Pre-requisites + +Elasticsearch is launched in cluster through docker so go install Docker if not already done: https://docs.docker.com/get-docker/ + +The example is based on a forked version of dataset and some additional dependencies. Use `requirements.txt` to install all the necessary stuff. A conda en + +## Run + +* Go into the `index_search` folder and start Elasticsearch cluster + +``` +cd ./index_search +docker compose up +``` + +* Run the python script + +``` +python datasets_index_search.py +``` + +Note that it will start a ray instance which might require some ports to be open for local communication. + +## TODO list + +Improve datasets indexing capabilities +- [x] test switch to ngram indexing +- [x] add hash for each rows +- [x] parallel processing using ray and dataset shards + - [x] enable re-connection to existing index in ES + - [x] enable continuing indexing process + - [x] ensure no duplicate with mmh3 hash +- [x] instantiate datasets from elasticsearch query +- [x] clear cache when instantiating with new query +- [ ] validate dataset info are propagated +- [ ] check scalability +- ~~allow export of search results in arrow for datasets or jsonl for export => specialized filter operation?~~ +- [ ] secure elasticsearch cluster: free read, protected write +- [x] allow update on the dataset to be reflected with index update diff --git a/data_tooling/index_search/datasets_ES_builder.py b/data_tooling/index_search/datasets_ES_builder.py new file mode 100644 index 0000000..47f7239 --- /dev/null +++ b/data_tooling/index_search/datasets_ES_builder.py @@ -0,0 +1,48 @@ +import simplejson as json +from datasets.packaged_modules.elasticsearch.elasticsearch import ElasticsearchBuilder + +ca_file = "/Users/gdupont/src/github.com/bigscience-workshop/data-tooling/index_search/ca.cert" +with open( + "/Users/gdupont/src/github.com/bigscience-workshop/data-tooling/index_search/credentials.json" +) as f: + credentials = json.load(f) + + the_host = credentials["connection"]["https"]["hosts"][0]["hostname"] + the_port = credentials["connection"]["https"]["hosts"][0]["port"] + + username = credentials["connection"]["https"]["authentication"]["username"] + psw = credentials["connection"]["https"]["authentication"]["password"] + +index_name = "oscar_unshuffled_deduplicated" +oscar_lang_code = "nn" + +elasticsearch_builder = ElasticsearchBuilder( + host=the_host, + port=the_port, + es_username=username, + es_psw=psw, + ca_file=ca_file, + es_index_name=index_name, + es_index_config=None, + query="mykje arbeid og slit", +) + +# elasticsearch_builder = ElasticsearchBuilder( +# host="localhost", +# port="9200", +# es_index_name="oscar_unshuffled_deduplicated", +# es_index_config=es_index_config, +# query='"mykje arbeid og slit"' +# ) + +elasticsearch_builder.download_and_prepare() + +oscar_dataset_filtered = elasticsearch_builder.as_dataset() +print(oscar_dataset_filtered.keys()) + +first_split = next(iter(oscar_dataset_filtered)) + +for i in range(0, 5): + print( + f"- [#{oscar_dataset_filtered[first_split]['id'][i]}] {oscar_dataset_filtered[first_split]['text'][i]}" + ) diff --git a/data_tooling/index_search/datasets_ES_index.py b/data_tooling/index_search/datasets_ES_index.py new file mode 100644 index 0000000..86737bc --- /dev/null +++ b/data_tooling/index_search/datasets_ES_index.py @@ -0,0 +1,95 @@ +import ray +import simplejson as json +from datasets import load_dataset + +# ray config on 4 parallel processing +nb_shard = 4 +ray.init(num_cpus=nb_shard) + +# elasticsearch credentials dev server on IBM cloud +with open("./credentials.json") as f: + credentials = json.load(f) + + the_host = credentials["connection"]["https"]["hosts"][0]["hostname"] + the_port = credentials["connection"]["https"]["hosts"][0]["port"] + + username = credentials["connection"]["https"]["authentication"]["username"] + psw = credentials["connection"]["https"]["authentication"]["password"] + +ca_file = "./ca.cert" + +oscar_lang_code = "nn" +es_index_config = { + "settings": { + "number_of_shards": 1, + "analysis": { + "analyzer": {"ngram_analyzer": {"tokenizer": "ngram_tokenizer"}}, + "tokenizer": { + "ngram_tokenizer": { + "type": "ngram", + "min_gram": 3, + "max_gram": 8, + "token_chars": ["letter", "digit"], + } + }, + }, + }, + "mappings": { + "properties": { + "text": { + "type": "text", + "fields": {"hash": {"type": "murmur3"}}, + "analyzer": "ngram_analyzer", + "similarity": "BM25", + } + } + }, +} + +index = "oscar_unshuffled_deduplicated" + + +# @ray.remote +def index_shard(dataset_shard): + dataset_shard.add_elasticsearch_index( + column="text", + index_name=index, + host=the_host, + port=the_port, + es_username=username, + es_psw=psw, + ca_file=ca_file, + es_index_name=index, + es_index_config=es_index_config, + ) + + +my_dataset = load_dataset( + "oscar", f"unshuffled_deduplicated_{oscar_lang_code}", split="train" +) + +# single thread indexing +index_shard(my_dataset) + +# parallel indexing +# dataset_shards = [my_dataset.shard(nb_shard, i) for i in range(nb_shard)] +# futures = [index_shard.remote(dataset_shard) for dataset_shard in dataset_shards] +# ray.get(futures) + +my_dataset.load_elasticsearch_index( + index_name=index, + host=the_host, + port=the_port, + es_username=username, + es_psw=psw, + ca_file=ca_file, + es_index_name=index, + es_index_config=es_index_config, +) + +K = 10 +scores, retrieved = my_dataset.get_nearest_examples(index, "mykje arbeid og slit", k=K) + +for i in range(0, min(K, len(retrieved))): + print(f"({i + 1})") + print(f'\t@{scores[i]:.2f} - {retrieved["id"][i]} => {retrieved["text"][i]} \n') diff --git a/data_tooling/index_search/datasets_ES_search.py b/data_tooling/index_search/datasets_ES_search.py new file mode 100644 index 0000000..8f3531d --- /dev/null +++ b/data_tooling/index_search/datasets_ES_search.py @@ -0,0 +1,42 @@ +import simplejson as json +from datasets import load_dataset + +ca_file = "./ca.cert" + +with open("./credentials.json") as f: + credentials = json.load(f) + + the_host = credentials["connection"]["https"]["hosts"][0]["hostname"] + the_port = credentials["connection"]["https"]["hosts"][0]["port"] + + username = credentials["connection"]["https"]["authentication"]["username"] + psw = credentials["connection"]["https"]["authentication"]["password"] + +index_name = "oscar_unshuffled_deduplicated" +oscar_lang_code = "nn" + +my_dataset = load_dataset( + "oscar", f"unshuffled_deduplicated_{oscar_lang_code}", split="train" +) + +my_dataset.load_elasticsearch_index( + index_name=index_name, + host=the_host, + port=the_port, + es_username=username, + es_psw=psw, + ca_file=ca_file, + es_index_name=index_name, + es_index_config=None, +) + +print(my_dataset) + +K = 10 +scores, retrieved = my_dataset.get_nearest_examples( + index_name, "mykje arbeid og slit", k=K +) + +for i in range(0, min(K, len(retrieved))): + print(f"({i + 1})") + print(f'\t@{scores[i]:.2f} - {retrieved["id"][i]} => {retrieved["text"][i]} \n') diff --git a/data_tooling/index_search/datasets_remote_ES_IBMcloud.py b/data_tooling/index_search/datasets_remote_ES_IBMcloud.py new file mode 100644 index 0000000..85b1980 --- /dev/null +++ b/data_tooling/index_search/datasets_remote_ES_IBMcloud.py @@ -0,0 +1,37 @@ +import base64 +import ssl + +import simplejson as json +from elasticsearch import Elasticsearch + +with open("./credentials.json") as f: + credentials = json.load(f) + + host = credentials["connection"]["https"]["hosts"][0]["hostname"] + port = credentials["connection"]["https"]["hosts"][0]["port"] + + es_username = credentials["connection"]["https"]["authentication"]["username"] + es_psw = credentials["connection"]["https"]["authentication"]["password"] + + ca_cert = base64.b64decode( + credentials["connection"]["https"]["certificate"]["certificate_base64"] + ) + # context = ssl.create_default_context() + # context.verify_mode = ssl.CERT_REQUIRED + # context.load_verify_locations(cadata=ca_cert) + +context = ssl.create_default_context(cafile="./ca.cert") + +server_url = ( + ("https" if context is not None else "http") + "://" + host + ":" + str(port) +) + +es = Elasticsearch([server_url], http_auth=(es_username, es_psw), ssl_context=context) + +print(f"ES info {json.dumps(es.info(), indent=4 * ' ')}") + +# index_get_response = es.indices.get(index='oscar_unshuffled_deduplicated') +# print(json.dumps(index_get_response, indent=4 * ' ')) + +delete_response = es.indices.delete(index="oscar_unshuffled_deduplicated") +print(json.dumps(delete_response, indent=4 * " ")) diff --git a/data_tooling/index_search/docker-compose.yml b/data_tooling/index_search/docker-compose.yml new file mode 100644 index 0000000..a4bc14a --- /dev/null +++ b/data_tooling/index_search/docker-compose.yml @@ -0,0 +1,83 @@ +version: '2.2' +services: + es01: + image: docker.elastic.co/elasticsearch/elasticsearch:7.13.2 + container_name: es01 + environment: + - node.name=es01 + - cluster.name=es-docker-cluster + - discovery.seed_hosts=es02,es03 + - cluster.initial_master_nodes=es01,es02,es03 + - bootstrap.memory_lock=true + - "ES_JAVA_OPTS=-Xms512m -Xmx512m" + ulimits: + memlock: + soft: -1 + hard: -1 + volumes: + - data01:/usr/share/elasticsearch/data + ports: + - 9200:9200 + networks: + - elastic + + es02: + image: docker.elastic.co/elasticsearch/elasticsearch:7.13.2 + container_name: es02 + environment: + - node.name=es02 + - cluster.name=es-docker-cluster + - discovery.seed_hosts=es01,es03 + - cluster.initial_master_nodes=es01,es02,es03 + - bootstrap.memory_lock=true + - "ES_JAVA_OPTS=-Xms512m -Xmx512m" + ulimits: + memlock: + soft: -1 + hard: -1 + volumes: + - data02:/usr/share/elasticsearch/data + networks: + - elastic + + es03: + image: docker.elastic.co/elasticsearch/elasticsearch:7.13.2 + container_name: es03 + environment: + - node.name=es03 + - cluster.name=es-docker-cluster + - discovery.seed_hosts=es01,es02 + - cluster.initial_master_nodes=es01,es02,es03 + - bootstrap.memory_lock=true + - "ES_JAVA_OPTS=-Xms512m -Xmx512m" + ulimits: + memlock: + soft: -1 + hard: -1 + volumes: + - data03:/usr/share/elasticsearch/data + networks: + - elastic + + kib01: + image: docker.elastic.co/kibana/kibana:7.13.2 + container_name: kib01 + ports: + - 5601:5601 + environment: + ELASTICSEARCH_URL: http://es01:9200 + ELASTICSEARCH_HOSTS: '["http://es01:9200","http://es02:9200","http://es03:9200"]' + networks: + - elastic + +volumes: + data01: + driver: local + data02: + driver: local + data03: + driver: local + +networks: + elastic: + driver: bridge diff --git a/data_tooling/index_search/requirements.txt b/data_tooling/index_search/requirements.txt new file mode 100644 index 0000000..0b348a4 --- /dev/null +++ b/data_tooling/index_search/requirements.txt @@ -0,0 +1,5 @@ +git+https://github.com/ggdupont/datasets@bigscience_datatooling#egg=datasets +elasticsearch==7.10.1 +iso-639==0.4.5 +ray~=1.4.1 +simplejson diff --git a/data_tooling/kenlm_training/.gitignore b/data_tooling/kenlm_training/.gitignore new file mode 100644 index 0000000..3f20ee3 --- /dev/null +++ b/data_tooling/kenlm_training/.gitignore @@ -0,0 +1,27 @@ +# Dataset +/data +/test_data/ +/test_data2/ +/output/ + +# Binary files +/bin/ + +# Third party code +/third_party/ + +# Generic to python +__pycache__/ +*.pyc +.mypy_cache/ + +/scratch/ +/notebooks/ + +/build/ +/cc_net.egg-info/ +/config/ +/dist/ +/pip-wheel-metadata/ + +/.DS_Store diff --git a/data_tooling/kenlm_training/LICENSE b/data_tooling/kenlm_training/LICENSE new file mode 100644 index 0000000..b96dcb0 --- /dev/null +++ b/data_tooling/kenlm_training/LICENSE @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) Facebook, Inc. and its affiliates. + +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. diff --git a/data_tooling/kenlm_training/Makefile b/data_tooling/kenlm_training/Makefile new file mode 100644 index 0000000..a88d956 --- /dev/null +++ b/data_tooling/kenlm_training/Makefile @@ -0,0 +1,240 @@ +# Makefile to install CC-Net and train the LMs. +# `make` or `make help` to get some help. + +# Arguments: +lang?=en +process?=8 +servers?=0 + +# List of languages for LM. +langs?=af,ar,az,be,bg,bn,ca,cs,da,de,el,en,es,et,fa,fi,fr,gu,he,hi,hr,hu,hy,id,\ +is,it,ja,ka,kk,km,kn,ko,lt,lv,mk,ml,mn,mr,my,ne,nl,no,pl,pt,ro,ru,uk,zh + +# Experiment config +NDOC_FOR_LM=1_000_000 +NDOC_FOR_SENTPIECE=400000 +VOCAB_SIZE=65536 + +# Static resources, scripts, ... +KENLM=./bin/lmplz +KENLM_BUILD_BINARY=./bin/build_binary +SPM_TRAIN=./bin/spm_train +SPM_ENCODE=./bin/spm_encode + +# DISTRIBUTE will run locally, or on slurm if "servers" is set. +DISTRIBUTE=xargs -L1 -P $(process) +ifneq ($(servers), 0) + DISTRIBUTE=xargs -L1 -P $(servers) srun -t 240 --mem 5000 +endif + +# PRIVATE +_SEGMENT=2019-09/CC-MAIN-20190215183319-20190215205319-00000 + +help: + # Show help + grep -i -A1 '^[a-z0-9_]*:' Makefile + +# Deletes output files on error (useful when piping output) +SHELL=/bin/bash +.SHELLFLAGS = -o pipefail -c +.DELETE_ON_ERROR: + +install: bin/lid.bin $(KENLM) $(SPM_TRAIN) + # Installs dependencies. + @if [ -f "data" ]; then\ + echo "Please create/simlink a 'data' directory.";\ + fi + @if ! python -c "from cc_net import __main__" 2> /dev/null; then\ + pip install . ;\ + fi + echo " --> All dependencies looks good !" + +dl_lm: + # Download a pretrained language model + mkdir -p data/lm_sp + wget -c -P data/lm_sp http://dl.fbaipublicfiles.com/cc_net/lm/$(lang).arpa.bin + wget -c -P data/lm_sp http://dl.fbaipublicfiles.com/cc_net/lm/$(lang).sp.model + +lm: data/lm_sp/$(lang).sp.model data/lm_sp/$(lang).arpa.bin + # Computes a 5-gram LM for the given language -> make lang=it lm + # Restricted to the first NDOC_FOR_LM documents + +sp: data/lm_sp/$(lang).sp.model + # Train a sentence piece model on Wikipedia -> make lang=it sp + +get_lang = $(firstword $(subst ., ,$1)) + +all_lms: + # Train a list of language models -> make process=10 langs=en,it,fr all_lms + # Defaults to the LMs trained in the paper. + echo "$(langs)" \ + | tr -s ', ' '\n' | awk '{print "data/lm_sp/" $$0 ".arpa.bin"}' \ + | $(DISTRIBUTE) make + +dl_all_lms: + # Download all pretrained language models + echo "$(langs)" \ + | tr -s ', ' '\n' | awk '{print "lang=" $$0 " dl_lm"}' \ + | $(DISTRIBUTE) make + +%.arpa.bin: %.arpa + # Compress a learned LM to a binary format. + $(KENLM_BUILD_BINARY) $< $@ + +%.vocab.txt: %.txt + # Extracts the vocabulary of a corpus. + # Restricted to the first NDOC_FOR_LM documents and VOCAB_SIZE top words. + cat $< | tr ' ' '\n' | sort | uniq -c | sort -rn > $@.tmp_sort + head -$(VOCAB_SIZE) $@.tmp_sort | sed "s/^ *//" | cut -d' ' -f2 > $@ + rm $@.tmp* + echo Extracted `wc -l $@` words + +#5 +data/lm_sp/%.arpa: data/cirrus/sp/%.opening.txt + mkdir -p $(@D) + $(KENLM) -o 5 -S 8G -T /tmp --vocab_estimate $(VOCAB_SIZE) --discount_fallback \ + < $< > $@ + +#3 +data/lm_sp/%.sp.model: data/cirrus/txt/%.opening.txt + mkdir -p $(@D) + $(SPM_TRAIN) --input=$< \ + --vocab_size=$(VOCAB_SIZE) --hard_vocab_limit \ + --character_coverage=0.9995 \ + --model_type=unigram \ + --model_prefix=$(basename $@) \ + || echo "WARNING: Corpus is too small, will train smaller model" && \ + $(SPM_TRAIN) --input=$< \ + --vocab_size=40000 \ + --character_coverage=0.9995 \ + --model_type=unigram \ + --model_prefix=$(basename $@) + + echo "Trained SentencePiece model with `wc -l $(basename $@).vocab` pieces" + +#4 +data/cirrus/sp/%.opening.txt: data/cirrus/gz/%.json.gz data/lm_sp/%.sp.model + $(SPM_ENCODE) \ + --model=$(word 2,$^) \ + --output_format=piece \ + < <(python get_wiki_cirrus.py opening --file $< --n_docs $(NDOC_FOR_LM)) \ + > $@ + +#2 +data/cirrus/txt/%.opening.txt: data/cirrus/gz/%.json.gz + python get_wiki_cirrus.py opening \ + --n_docs $(NDOC_FOR_LM) \ + --file $< --output $@ + +#1 +data/cirrus/gz/%.json.gz: + mkdir $(@D) + python get_wiki_cirrus.py dl --lang $(call get_lang,$(@F)) --output_dir $(@D) + +clean: + # Remove intemediary files, dataset, third_party sources + # We don't need the vocab files nor the text version of the LM. + rm -r data/cirrus + rm -r data/lm_sp/*.arpa data/lm_sp/*.vocab + rm -r third_party + +# Installation +bin/lid.bin: + # DL languages id from Fasttext releases. + mkdir -p $(@D) + wget https://dl.fbaipublicfiles.com/fasttext/supervised-models/lid.176.bin -O $@ + +third_party/kenlm: + # Download kenlm sources: https://kheafield.com/code/kenlm/" + mkdir -p $(@D) + wget --no-check-certificate -O - https://kheafield.com/code/kenlm.tar.gz | tar -xz -C $(@D) + +bin/lmplz: third_party/kenlm + # Compiles kenlm binaries + mkdir -p $(@D) + mkdir -p $ int: + return np.frombuffer(b[:HASH_SIZE], dtype=HASH_TYPE, count=1, offset=0).item(0) + + +def str_hash(s: str) -> int: + h = hashlib.sha1(bytes(s, encoding="utf-8")) + return _b2i(h.digest()) + + +log = logging.getLogger(__name__).info + + +def run_par(processes): + # This is different from multiprocessing.map since it allows for kwargs. + processes = list(processes) + if len(processes) == 1 or DISABLE_MULTI_PROCESSING: + for f, args, kwargs in processes: + f(*args, **kwargs) + return + + log(f"Starting {len(processes)} subprocess") + processes = [ + multiprocessing.Process(target=f, args=a, kwargs=kw) for (f, a, kw) in processes + ] + for p in processes: + p.start() + for p in processes: + p.join() + failed = 0 + for p in processes: + if p.exitcode != 0: + log(f"Process failed with code {p.exitcode}: {p}") + failed += 1 + assert failed == 0, f"{failed} processes failed..." + + +def split_file(file, n_splits): + for i in range(n_splits): + yield jsonql.SplitFile(file, i, n_splits) + + +def merge(hashes_1, hashes_2, output): + if isinstance(hashes_1, str): + h1 = FlatHashSet() + h1.load(hashes_1) + else: + h1 = hashes_1 + + if isinstance(hashes_2, str): + h2 = FlatHashSet() + h2.load(hashes_2) + else: + h2 = hashes_2 + + h2_np = np.fromiter(h2.keys(), dtype=FlatHashSet.dtype, count=len(h2)) + dup = h1.__contains__(h2_np) + + # Dups between h1 and h2 will be set to 1, keys unique to h2 are copied to + # h1 with their value. + h1[h2_np] = dup + if output: + h1.dump(output) + return h1 + + +def merge_shard(hash_files, output): + h = FlatHashSet() + h.load(hash_files[0]) + for hash_file in hash_files[1:]: + h = merge(h, hash_file, output=None) + print(f"Merged {hash_file}. We now have {len(h)} hashes.") + + h.dump(output) + print(f"Saved {len(h)} hashes to {output}.") + + +def _dump_sentence_hashes(source: Path, output: Path, field: str): + treated = 0 + started = time.time() + with open(output, "wb") as o: + for doc in jsonql.read_jsons(source): + content = doc.get(field) + if not content: + continue + h = compute_hashes(content) + if h is None: + continue + h.tofile(o) + treated += 1 + if treated % 100_000 == 0: + delay = time.time() - started + log( + f"Computed {treated} documents hashes in {delay / 3600:.2f}h ({treated / delay} doc / s)" + ) + + +def _remove_duplicate_hashes(duplicates, source, output): + batch_size = 100_000 + n_lines, n_lines_kept = 0, 0 + with open(source, "rb") as f, open(output, "wb") as o: + log(f"Opening {source} with mode rb") + log(f"Opening {output} with mode wb") + while True: + hashes = np.fromfile(f, dtype=HASH_TYPE, count=batch_size) + if hashes.size == 0: + break + + keep = duplicates[hashes] < 1 + kept = keep.sum() + hashes *= keep + hashes.tofile(o) + + n_lines += hashes.size + n_lines_kept += kept + + removed = n_lines - n_lines_kept + selectivity = n_lines_kept / n_lines if n_lines else 0 + log(f"Removed {removed} duplicate hashes with selectivity: {selectivity:3.1%}") + + +def remove_duplicates_sharded( + files: List[Path], + outputs: List[Path], + hashes_dir: FilesOrDir, + field: str, + group_hashes: int = 1, + tmp_dir: Path = None, + min_len: int = 0, +): + """Remove duplicates in several passes, when all hashes don't fit in RAM. + + Note: The current implementation is not doing a 'perfect' deduplication. + If a hash appear exactly once in each shard of hashes it won't be detected + as a duplicate. This can be fixed if hashes are fully dedup beforehand. + """ + assert len(files) == len(outputs) + + if isinstance(hashes_dir, list): + hashes_files = hashes_dir + else: + hashes_files = sorted( + h for h in Path(hashes_dir).iterdir() if h.suffix == ".bin" + ) + + assert len(hashes_files) > 0, f"no hashes files found in: {hashes_dir}" + + if len(hashes_files) <= group_hashes: + log(f"All hashes can be done in one pass, using DuplicatesRemover on {files}") + rm_dups = DuplicatesRemover(field, hashes_files) + rm_dups._prepare() + run_par( + (jsonql.run_pipes, (rm_dups,), dict(file=f, output=o)) + for f, o in zip(files, outputs) + ) + return + + log(f"Starting deduplicate_sharded on {files}.") + tmp_directory = tempfile.TemporaryDirectory(dir=str(tmp_dir) if tmp_dir else None) + + def tmp_files(i): + return [ + Path(tmp_directory.name) / (f.name.split(".")[0] + f".{i}.bin") + for f in files + ] + + last = tmp_files(0) + run_par((_dump_sentence_hashes, (f, tmp, field), {}) for f, tmp in zip(files, last)) + + if isinstance(hashes_dir, list): + hashes_files = hashes_dir + else: + hashes_files = sorted( + h for h in Path(hashes_dir).iterdir() if h.suffix == ".bin" + ) + for i, group in enumerate(jsonql.grouper(hashes_files, group_hashes)): + hashes = FlatHashSet() + for h in group: + hashes.load(h) + log(f"Loaded {h}, up to {len(hashes)} hashes ({mem_footprint_gb()}GB)") + + intermediates = tmp_files(i + 1) + # Remove hashes in parallel. Since modern OS have "copy-on-write" and + # `hashes` is read-only, we will only have one version of it in RAM. + run_par( + (_remove_duplicate_hashes, (hashes, f, tmp), {}) + for f, tmp in zip(last, intermediates) + ) + # Force hashes to be freed, before we start allocating a new one. + del hashes + gc.collect() + + for tmp in last: + os.remove(tmp) + last = intermediates + + def finalize(source, dedup_hashes, min_len): + n_chars, n_chars_kept = 0, 0 + with open(dedup_hashes, "rb") as hashes: + for doc in jsonql.read_jsons(source): + content = doc.get(field) + if not content or len(content) < min_len: + continue + sentences = content.split("\n") + doc_hashes = np.fromfile(hashes, dtype=HASH_TYPE, count=len(sentences)) + chars, kept_chars = finalize_doc(doc, field, doc_hashes) + n_chars += chars + n_chars_kept += kept_chars + yield doc + selectivity = n_chars_kept / n_chars if n_chars else 0 + log(f"Kept {n_chars_kept} chars out of {n_chars} ({selectivity:.1%}).") + + dedup_hashes = last + run_par( + [ + ( + jsonql.run_pipe, + (finalize,), + dict(kwargs=dict(dedup_hashes=h, min_len=min_len), file=f, output=o), + ) + for h, f, o in zip(dedup_hashes, files, outputs) + ] + ) + + tmp_directory.cleanup() + + +def compute_hashes(content) -> Optional[np.ndarray]: + if not content: + return None + lines = content.split("\n") + # save hashes as bytes but reinterpret them as uint64. + hashes = np.fromiter( + ( + hashlib.sha1(bytes(normalize_for_dedup(l), encoding="utf-8")).digest()[ + :HASH_SIZE + ] + for l in lines + ), + dtype=np.dtype((bytes, HASH_SIZE)), + count=len(lines), + ) + return np.ndarray(dtype=HASH_TYPE, buffer=hashes.data, shape=hashes.shape) + + +def finalize_doc(doc, field, hashes=None): + content = doc.get(field) + lines = content.split("\n") + n_chars = len(content) + if "original_nlines" not in doc: + doc["original_nlines"] = doc.get("nlines", len(lines)) + if "original_length" not in doc: + doc["original_length"] = doc.get("length", n_chars) + if hashes is None: + hashes = doc.pop(field + "_hash") + + # Remove duplicates inside doc + seen: Set[int] = set() + original_line_ids = doc.get("line_ids", range(len(hashes))) + line_ids = [] + new_lines = [] + for l, line, h in zip(original_line_ids, lines, hashes): + if h not in seen and h != 0: + line_ids.append(l) + new_lines.append(line) + seen.add(h) + + doc[field] = "\n".join(new_lines) + doc["nlines"] = len(line_ids) + n_chars_kept = len(doc[field]) + doc["length"] = n_chars_kept + doc["line_ids"] = line_ids + return n_chars, n_chars_kept + + +class HashesCollector(jsonql.Transformer): + """ + Collect all hashes found of lines found in the `field` of the source documents. + """ + + parallelisable = False + + def __init__( + self, field: str, output: Path = None, hashes: AbstractDedupHashSet = None + ): + super().__init__() + self.n_lines = 0 + self.field = field + self.output = output + self.hashes = FlatHashSet() if hashes is None else hashes + self.num_hashes_end = 0 + self.num_hashes_start = len(self.hashes) + + def summary(self) -> List[str]: + summ = super().summary() + h = self.num_hashes_end if self.hashes is None else len(self.hashes) + h = (h - self.num_hashes_start) // 1000 + max_mem = mem_footprint_gb() + n = self.n_lines // 1000 + summ.append( + f"Found {h:_}k unique hashes over {n:_}k lines. Using {max_mem:.1f}GB of RAM." + ) + return summ + + def do(self, doc: dict) -> None: + doc_hashes = compute_hashes(doc.get(self.field)) + if doc_hashes is None: + return + self.hashes.add(doc_hashes) + self.n_lines += doc_hashes.size + + def close(self): + if self.output and self.hashes: + self.hashes.dump(self.output) + self.log(f"Saved {len(self.hashes)} hashes to {self.output}") + # Save the number of hashes. + self.num_hashes_end = len(self.hashes) + # Free up mem even if the transformer is kept somewhere else. + self.hashes = None # type: ignore + + +class DuplicatesRemover(jsonql.Transformer): + """DuplicatesRemover""" + + # The hashes can't be pickled so they will have to be read back from disk. + warn_when_pickling = True + + def __init__(self, field: str, hashes_files: List[Path], collect: bool = False): + """ + Remove duplicates + """ + super().__init__() + self.field = field + self.collect = collect + + self.hashes_files = hashes_files + self.duplicates: Optional[AbstractDedupHashSet] = None + + self.n_lines, self.n_lines_kept = 0, 0 + self.n_chars, self.n_chars_kept = 0, 0 + + def _prepare(self): + if self.duplicates is not None: + return + self.duplicates = FlatHashSet() + + start = time.time() + for h in self.hashes_files: + shard_start = time.time() + self.duplicates.load(str(h)) + delay = time.time() - shard_start + self.log( + f"Loaded hashes from {h} ({mem_footprint_gb():.3f}GB total, took {delay / 60:.1}m)" + ) + + delay = time.time() - start + self.log( + f"Loaded {len(self.duplicates):_d} hashes from {len(self.hashes_files)} files. ({mem_footprint_gb():.1f}GB total, took {delay / 60:.1}m)" + ) + + def do(self, doc: dict) -> Optional[dict]: + content = doc.get(self.field) + if not content: + return None + doc_hashes = compute_hashes(content) + + assert self.duplicates is not None + seen = ( + self.duplicates.add(doc_hashes) + if self.collect + else self.duplicates[doc_hashes] + ) + keep = seen < True + kept = keep.sum() + if kept == 0: + return None + doc_hashes = doc_hashes * keep + self.n_lines += keep.size + self.n_lines_kept += kept + chars, kept_chars = finalize_doc(doc, self.field, hashes=doc_hashes) + self.n_chars += chars + self.n_chars_kept += kept_chars + return doc + + def summary(self) -> List[str]: + summ = super().summary() + end_time = time.time() + n_lines_kept, n_lines, n_docs = self.n_lines_kept, self.n_lines, self.processed + speed = n_docs / (end_time - self.start_time) + summ.append( + f"Processed {self.n_lines} lines in {n_docs} docs. [{speed:.1f} doc/s]" + ) + selectivity = self.n_lines_kept / self.n_lines if n_lines else 0 + summ.append(f"Kept {n_lines_kept} lines out of {n_lines} ({selectivity:.1%}).") + + n_chars_kept, n_chars = self.n_chars_kept, self.n_chars + selectivity = n_chars_kept / n_chars if n_chars else 0 + summ.append(f"Kept {n_chars_kept} chars out of {n_chars} ({selectivity:.1%}).") + return summ + + +def deduplicate( + file: jsonql.ReadableFileLike, field: str = "raw_content" +) -> Iterable[dict]: + """Remove duplicates of the given file (but keep the first occurence).""" + dup_remover = DuplicatesRemover(field, [], collect=True) + return dup_remover.map(jsonql.read_jsons(file)) + + +def deduplicate_two_pass( + file: jsonql.FileDescriptor, field: str = "raw_content" +) -> Iterable[dict]: + """Remove duplicates of the given file (even removing the first occurence). + + This is what is done in the paper, and in mine.py + """ + try: + if isinstance(file, Path): + hash_file: Path = file.with_suffix(".bin") + else: + hash_file = jsonql._tmp(Path("hashes.bin")) + jsonql.run_pipes( + jsonql.JsonReader(), HashesCollector(field, output=hash_file), file=file + ) + dup_remover = DuplicatesRemover(field, [hash_file]) + return dup_remover.map(jsonql.read_jsons(file)) + finally: + if hash_file.exists(): + hash_file.unlink() diff --git a/data_tooling/kenlm_training/cc_net/execution.py b/data_tooling/kenlm_training/cc_net/execution.py new file mode 100644 index 0000000..6ab09a5 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/execution.py @@ -0,0 +1,203 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import functools +import itertools +import logging +import os +import sys +import time +import warnings +from pathlib import Path +from typing import Callable, Dict, Iterable, List, Optional, Sequence, Sized + +import submitit +from typing_extensions import Protocol + + +class Executor(Protocol): + def __call__(self, function: Callable[..., str], *args: Iterable) -> None: + ... + + +class SubmititRetryOnTimeout(submitit.helpers.Checkpointable): + def __init__(self, fn: Callable): + self.fn = fn + self.__name__ = fn.__name__ + + def __call__(self, *args, **kwargs): + return self.fn(*args, **kwargs) + + +def get_executor( + name: str, + log_dir: Path, + execution: str, + timeout_hour: float = 1.0, + mem_gb: int = 1, + cpus: int = 1, + task_parallelism: int = -1, + options: dict = {}, +) -> Executor: + + execution_mode = execution.split(",")[0] + options.update( + {kv.split("=", 1)[0]: kv.split("=", 1)[1] for kv in execution.split(",")[1:]} + ) + + if execution_mode == "mp": + warnings.warn("Execution mode 'mp' is deprecated, use 'local'.") + execution_mode = "local" + + cluster = None if execution_mode == "auto" else execution_mode + # use submitit to detect which executor is available + ex = submitit.AutoExecutor(log_dir, cluster=cluster) + + if ex.cluster == "local": + # LocalExecutor doesn't respect task_parallelism + return functools.partial(custom_map_array, ex, task_parallelism) + if ex.cluster == "debug": + raise ValueError("Debug mode not supported") + + # We are on slurm + if task_parallelism == -1: + task_parallelism = 500 + + ex.update_parameters( + name=name, + timeout_min=int(timeout_hour * 60), + mem_gb=mem_gb, + cpus_per_task=cpus, + slurm_array_parallelism=task_parallelism, + **options, + ) + return functools.partial(map_array_and_wait, ex) + + +def map_array_and_wait( + ex: submitit.AutoExecutor, function: Callable[..., str], *args: Iterable +): + f_name = function.__name__ + + assert len(args) > 0, f"No arguments passed to {f_name}" + approx_length = _approx_length(*args) + + print(f"Submitting {f_name} in a job array ({approx_length} jobs)") + jobs = ex.map_array(function, *args) + if not jobs: + return + failed_jobs = [] + done = 0 + total = len(jobs) + job_array_id = jobs[0].job_id.split("_")[0] + print(f"Started {f_name} in job array {job_array_id} ({len(jobs)} jobs).") + for job in submitit.helpers.as_completed(jobs): + done += 1 + e = job.exception() + if not e: + print(f"Finished job {job.job_id} ({done} / {total}).", job.result()) + continue + + print(f"Failed job {job.job_id} ({done} / {total}):", e) + failed_jobs.append(job) + + if failed_jobs: + n_failures = 10 + message = f"{len(failed_jobs)} / {done} jobs failed while running {f_name}" + print(message) + for job in failed_jobs[:n_failures]: + print(f"Failed {job.job_id} -> {job.paths.stderr}") + if len(failed_jobs) > n_failures: + print(f"... ({len(failed_jobs) - n_failures} failed job skipped)") + raise Exception(message) + + +def _approx_length(*args: Iterable): + for a in args: + if isinstance(a, Sized): + return len(a) + return -1 + + +def custom_map_array( + ex: submitit.AutoExecutor, + parallelism: int, + function: Callable[..., Optional[str]], + *args: Iterable, +) -> None: + f_name = function.__name__ + assert len(args) > 0, f"No arguments passed to {f_name}" + + jobs_args = list(zip(*args)) + total = len(jobs_args) + if parallelism < 0: + parallelism = os.cpu_count() or 0 + assert parallelism >= 0, f"Can't run any jobs with task_parallelism={parallelism}" + print(f"Submitting {total} jobs for {f_name}, with task_parallelism={parallelism}") + enqueued = 0 + done = 0 + running_jobs: List[submitit.Job] = [] + failed_jobs: List[submitit.Job] = [] + + while done < len(jobs_args): + # Try to queue more job if we have some bandwidth. + if enqueued < total and len(running_jobs) < parallelism: + running_jobs.append(ex.submit(function, *jobs_args[enqueued])) + enqueued += 1 + continue + + # Else wait for some job to finish + if not running_jobs: + warnings.warn( + f"No more running jobs, yet we submitted only {enqueued} / {total} and finished {done} / {total}" + ) + break + + job = get_next_job(running_jobs) + running_jobs.remove(job) + done += 1 + e = job.exception() + if not e: + print(f"Finished job {job.job_id} ({done} / {total}).", job.result()) + continue + + print(f"Failed job {job.job_id} ({done} / {total}):", e) + failed_jobs.append(job) + + if failed_jobs: + n_failures = 10 + message = f"{len(failed_jobs)} / {done} jobs failed while running {f_name}" + print(message) + for job in failed_jobs[:n_failures]: + print(f"Failed {job.job_id} -> {job.paths.stderr}") + if len(failed_jobs) > n_failures: + print(f"... ({len(failed_jobs) - n_failures} failed job skipped)") + raise Exception(message) + + +def get_next_job( + jobs: Sequence[submitit.Job], poll_frequency: float = 10 +) -> submitit.Job: + """ + Waits for any of the job to finish and returns it. + + jobs: list of jobs + poll_frequency: frequency in second at which we check job status + """ + start = time.time() + waiting = False + while True: + for job in jobs: + if job.done(): + return job + if not waiting: + job_ids = [j.job_id for j in jobs[:4]] + suffix = "..." if len(jobs) > 4 else "" + print( + f"Waiting on {len(jobs)} running jobs. Job ids: {','.join(job_ids)}{suffix}" + ) + waiting = True + time.sleep(poll_frequency) diff --git a/data_tooling/kenlm_training/cc_net/flat_hash_set.py b/data_tooling/kenlm_training/cc_net/flat_hash_set.py new file mode 100644 index 0000000..f7529fe --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/flat_hash_set.py @@ -0,0 +1,247 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import sys +import time +import warnings +from typing import Iterable, Iterator, Sequence, Sized, Tuple, Type + +import numpy as np + +HASH_TYPE: Type[np.uint64] = np.uint64 + +GETPY_WARNING = False + + +class AbstractDedupHashSet(Sized, Iterable[np.uint64]): + """A dict-like that returns `True` for keys that have been added more than once. + + The API is batched and expect np.array as input. This batching grants better + perf when using the C++ implementation. + """ + + dtype: Type[np.uint64] = HASH_TYPE + + def __repr__(self): + implementation = type(self).__name__ + return f"[{implementation}, len: {len(self)}" + + def __len__(self) -> int: + ... + + def __contains__(self, values: Sequence[np.uint64]) -> np.ndarray: + ... + + def __getitem__(self, values) -> np.ndarray: + ... + + def __setitem__(self, keys, values) -> None: + ... + + def items(self) -> Iterable[Tuple[np.uint64, np.uint8]]: + ... + + def keys(self) -> Iterable[np.uint64]: + ... + + def __iter__(self) -> Iterator[np.uint64]: + return iter(self.keys()) + + def add(self, h, contains=None): + """Add the given keys. First time a key is added the value is set to 0, + then it's set to one.""" + if not isinstance(h, np.ndarray): + h = np.array(h, dtype=HASH_TYPE) + if contains is None: + contains = self.__contains__(h) + + self.__setitem__(h, contains) + return contains + + def merge(self, keys, values): + contains = self.__contains__(keys) + self.__setitem__(keys, contains | values) + + def dump(self, filename): + return self.dump_np(filename) + + def load(self, filename): + return self.load_np(filename) + + def dump_np(self, filename): + kv_type = np.dtype([("k", HASH_TYPE), ("v", np.uint8)]) + items = np.fromiter(self.items(), dtype=kv_type, count=len(self)) + with open(filename, "wb") as f: + np.save(f, items) + + def load_np(self, filename): + items = np.load(str(filename)) + keys = items["k"].copy() + values = items["v"].copy() + self.merge(keys, values) + + def dump_np2(self, filename): + keys = np.fromiter( + (k for (k, v) in self.items()), dtype=HASH_TYPE, count=len(self) + ) + with open(filename, "wb") as f: + np.save(f, keys) + + values = np.fromiter( + (v for (k, v) in self.items()), dtype=np.uint8, count=len(self) + ) + with open(str(filename) + ".val", "wb") as f: + np.save(f, values) + + def load_np2(self, filename): + keys = np.load(filename) + values = np.load(str(filename) + ".val") + self.merge(keys, values) + + +class NaiveHashSet(dict, AbstractDedupHashSet): + """Pure python implementation of AbstractDedupHashSet. + + This implementation is quite fast, since Python dict are heavily optimized. + """ + + def __init__(self, iterable=None): + super().__init__() + global GETPY_WARNING + if GETPY_WARNING: + warnings.warn( + "Module 'getpy' not found. Deduplication will take more RAM." + " Try `pip install cc_net[getpy]" + ) + GETPY_WARNING = False + + def __contains__(self, values): + """Returns `True` if the object has been added at list once.""" + contains_point = super().__contains__ + return np.fromiter( + map(contains_point, values), count=len(values), dtype=np.uint8 + ) + + def __getitem__(self, values): + """Returns `True` if the object has been added at list twice.""" + get_point = super().get + return np.fromiter( + map(lambda x: get_point(x, False), values), + count=len(values), + dtype=np.uint8, + ) + + def __setitem__(self, keys, values): + assert len(keys) == len(values) + for k, v in zip(keys, values): + dict.__setitem__(self, k, v) + + +try: + import getpy as gp # type: ignore + + class _FlatHashSet(gp.Dict, AbstractDedupHashSet): + """C++ backed implementation of AbstractDedupHashSet. + + This implementation is slightly slower than the Python one but uses + 3x less RAM. + See https://github.com/atom-moyer/getpy. + """ + + def __init__(self): + super().__init__(HASH_TYPE, np.uint8, default_value=False) + + def __contains__(self, h): + """Returns `True` if the object has been added at list once.""" + if not isinstance(h, np.ndarray): + h = np.array(h, dtype=HASH_TYPE) + c = gp.Dict.__contains__(self, h) + c.dtype = np.uint8 + return c + + def dump(self, filename): + return self.dump_gp(filename) + + def load(self, filename): + return self.load_gp(filename) + + def dump_gp(self, filename): + return gp.Dict.dump(self, str(filename)) + + def load_gp(self, filename): + """Override gp.Dict.load, to correctly merge values instead of overwriting.""" + other = gp.Dict(HASH_TYPE, np.uint8, default_value=False) + other.load(str(filename)) + n = len(other) + keys = np.fromiter( + (k for (k, v) in other.items()), dtype=HASH_TYPE, count=n + ) + values = np.fromiter( + (v for (k, v) in other.items()), dtype=np.uint8, count=n + ) + self.merge(keys, values) + + FlatHashSet: Type[AbstractDedupHashSet] = _FlatHashSet +except ImportError: + GETPY_WARNING = True + FlatHashSet = NaiveHashSet + + +def timeit(message, function, *args): + start = time.time() + function(*args) + end = time.time() + print(message, f"took {end - start:.0f}s") + + +def compare_load(*filenames): + assert filenames, "No file given" + + def load_list(): + hashes = [] + for f in filenames: + h = FlatHashSet() + h.load(f) + print(f"Loaded {h} from {f}.") + hashes.append(h) + return hashes + + def load_all(load, ext): + hashes = FlatHashSet() + for f in filenames: + load(hashes, f + ext) + + def dump_all(hashes, dump, ext): + for h, f in zip(hashes, filenames): + dump(h, f + ext) + + hashes = load_list() + dump_gp = getattr(FlatHashSet, "dump_gp") + if dump_gp is not None: + timeit("Dumping using gp.dump", dump_all, hashes, dump_gp, ".gp.test") + timeit("Dumping using dump_np", dump_all, hashes, FlatHashSet.dump_np, ".npy.test") + timeit( + "Dumping using dump_np2", dump_all, hashes, FlatHashSet.dump_np2, ".npy2.test" + ) + + load_gp = getattr(FlatHashSet, "load_gp") + if load_gp is not None: + timeit("Loading using gp.load", load_all, load_gp, ".gp.test") + timeit("Loading using load_np", load_all, FlatHashSet.load_np, ".npy.test") + timeit("Loading using load_np2", load_all, FlatHashSet.load_np2, ".npy2.test") + + # Loading 10 shards: + # [dedup] Dumping using gp.dump took 52s + # [dedup] Dumping using dump_np took 270s + # [dedup] Dumping using dump_np2 took 483s + # + # [dedup] Loading using gp.load took 654s + # [dedup] Loading using load_np took 82s + # [dedup] Loading using load_np2 took 76s + + +if __name__ == "__main__": + compare_load(*sys.argv[1:]) diff --git a/data_tooling/kenlm_training/cc_net/get_hf_dataset.py b/data_tooling/kenlm_training/cc_net/get_hf_dataset.py new file mode 100644 index 0000000..3d2a217 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/get_hf_dataset.py @@ -0,0 +1,54 @@ +from typing import Optional + +import func_argparse +from datasets import load_dataset +from tqdm import tqdm + +from cc_net import text_normalizer + + +def dl( + dataset: str, + output_file: str, + name: Optional[str] = None, + data_dir: Optional[str] = None, + data_files: Optional[str] = None, + split: Optional[str] = None, + streaming: bool = True, + accent: bool = False, + case: bool = False, + numbers: bool = True, + punct: int = 1, + max_docs: Optional[int] = None, + seed: int = 0, + buffer_size: int = 10000, +): + """Download dataset from the Hugging Face hub.""" + dataset = load_dataset( + dataset, + name=name, + data_dir=data_dir, + data_files=data_files, + split=split, + streaming=streaming, + ) + dataset_norm = dataset.map( + lambda x: text_normalizer.normalize( + x["text"], accent=accent, case=case, numbers=numbers, punct=punct + ) + ) + dataset_norm = dataset_norm.shuffle(buffer_size=buffer_size, seed=seed) + count = 0 + with open(output_file, "w") as o: + with tqdm(total=max_docs) as pbar: + for doc in dataset_norm: + count += 1 + doc = doc.rstrip("\n") + print(doc, file=o) + if max_docs and count == max_docs: + break + pbar.update(1) + + +if __name__ == "__main__": + func_argparse.main(dl) diff --git a/data_tooling/kenlm_training/cc_net/get_wiki_cirrus.py b/data_tooling/kenlm_training/cc_net/get_wiki_cirrus.py new file mode 100644 index 0000000..6be2cb0 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/get_wiki_cirrus.py @@ -0,0 +1,149 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +""" +Creates mono-lingual corpus from Wikipedia. +""" + +import functools +import re +import subprocess +import urllib.request +from pathlib import Path +from typing import Dict + +import func_argparse +from bs4 import BeautifulSoup # type: ignore + +from cc_net import jsonql, text_normalizer + +CIRRUS_URL = "https://dumps.wikimedia.org/other/cirrussearch" +CIRRUS_DUMP_RE = re.compile(r"^(.*)wiki-\d+-cirrussearch-content\.json\.gz") + + +def tmp(file: Path) -> Path: + return file.parent / ("tmp." + file.name) + + +def opening( + file: Path, + output: Path = None, + n_docs: int = 1_000_000, + accent: str = "False", + case: str = "False", + numbers: str = "True", + punct: int = 1, +): + """Will dump the tokenized opening text of the given Wikipedia. + + Args: + - file: File containing the Wikipedia dump. + - output: Output file. + - n_docs: How many docs to parse + - tokenize: whether to tokenize the text + - lang: Language code used to chose the tokenizer + """ + assert file.exists() + extracted = jsonql.run_pipes( + functools.partial( + extract_opening_text, + n_docs=n_docs, + accent=accent == "True", + case=case == "Trrue", + numbers=numbers == "True", + punct=punct, + ), + file=file, + output=tmp(output) if output else None, + ) + if output: + tmp(output).replace(output) + return extracted + + +def extract_opening_text( + source, n_docs: int = 10_000, accent=False, case=True, numbers=True, punct=1 +): + i = 0 + for doc in jsonql.read_jsons(source): + if not doc: + continue + + text = doc.get("opening_text") + if not text: + continue + + yield text_normalizer.normalize( + text, accent=accent, case=case, numbers=numbers, punct=punct + ) + i += 1 + if i >= n_docs: + break + + +def dl(lang: str, output_dir: Path, date: str = None): + """Download the cirrus extract for the given lang. + + See https://dumps.wikimedia.org/other/cirrussearch for the full list of files. + + Args: + - lang: The Wikipedia code for the language. + - output_dir: Output directory. File will be `{lang}.json.gz` + - date: Date of a specific Cirrus dump. + """ + + urls = get_cirrus_urls(date) + assert ( + lang in urls + ), f"--lang {lang} not found. Available languages are: {urls.keys()}" + + assert output_dir, "--output_dir folder needed." + output_dir.mkdir(exist_ok=True) + output = output_dir / (lang + ".json.gz") + print(f"Downloading {lang} wiki from {urls[lang]} to {output}") + wget(urls[lang], output) + + +def get_cirrus_urls(date: str = None) -> Dict[str, str]: + if date is None: + cirrus_page = BeautifulSoup( + urllib.request.urlopen(CIRRUS_URL), features="html.parser" + ) + dumps = [a.get("href").strip("/") for a in cirrus_page.findAll("a")] + dumps.remove("..") + dumps.remove("current") + # We take the oldest dump since the most recent might be incomplete. + # The page only link to the N latest dumps so the dump won't be too old. + date = min(dumps) + + cirrus_url = "/".join((CIRRUS_URL, date)) + print("Will use the Wikipedia dump from:", date, cirrus_url) + cirrus_page = BeautifulSoup( + urllib.request.urlopen(cirrus_url), features="html.parser" + ) + urls = {} + for link in cirrus_page.findAll("a"): + match = CIRRUS_DUMP_RE.match(link.get("href")) + if not match: + continue + + urls[match.group(1)] = "/".join([cirrus_url, link.get("href")]) + assert urls, f"No valid download urls found at {cirrus_url}" + return urls + + +def wget(url: str, output: Path): + subprocess.run( + ["wget", url, "-O", tmp(output), "--no-check-certificate"], check=True + ) + tmp(output).replace(output) + assert ( + output.stat().st_size > 10_000 + ), f"File {output} downloaded from {url} looks too small" + + +if __name__ == "__main__": + func_argparse.main(dl, opening) diff --git a/data_tooling/kenlm_training/cc_net/jsonql.py b/data_tooling/kenlm_training/cc_net/jsonql.py new file mode 100644 index 0000000..f57f3d7 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/jsonql.py @@ -0,0 +1,1340 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +""" +Manipulate files containing one json per line. +""" +import argparse +import collections +import contextlib +import functools +import glob +import gzip +import importlib +import inspect +import io +import itertools +import json +import logging +import multiprocessing +import os +import re +import sys +import tempfile +import time +import typing as tp +import warnings +import zlib +from pathlib import Path +from typing import ( + Callable, + Dict, + Iterable, + Iterator, + List, + Optional, + Sequence, + TextIO, + Tuple, + Union, +) + +import numpy as np +import psutil # type: ignore +import requests +from typing_extensions import Protocol + +logging.basicConfig( + level=logging.INFO, + format="%(asctime)s %(levelname)s %(process)d:%(name)s - %(message)s", + datefmt="%Y-%m-%d %H:%M", +) + +NEWLINE = " N3WL1N3 " + +FilterFn = Callable[[dict], bool] +FileDescriptor = Union[Path, List[Path], str] +WritableFileLike = Union[FileDescriptor, TextIO, "SimpleIO", None] +ReadableFileLike = Union[Iterable[str], FileDescriptor, None] + + +def io_parser(): + """Parser shared by all commands to get input/output files.""" + parser = argparse.ArgumentParser(add_help=False) + file_help = """File to read from. Can be specified several times for several files. + Be careful that bash will expand glob patterns **before** sending the args + to python. To use globs put it inside single quotes: + jsonql where --file 'data/perplexity/*.json' '{length} > 100' | head -1 + jsonql --file 'data/perplexity/*.json' where '{length} > 100' | head -1 + [Invalid] jsonql where '{length} > 100' --file data/perplexity/*.json | head -1 + [Invalid] jsonql where --file data/perplexity/*.json '{length} > 100' | head -1 + """ + parser.add_argument("-f", "--file", type=Path, action="append", help=file_help) + parser.add_argument("-o", "--output", type=Path, default="-") + parser.add_argument("--processes", type=int, default=1) + return parser + + +def get_parser(): + parser = argparse.ArgumentParser( + description="Read a set of json files and allow to query them" + ) + subparsers = parser.add_subparsers() + + def add_subparser(function, arguments): + doc = function.__doc__.split("\n")[0] + p = subparsers.add_parser(function.__name__, help=doc, parents=[io_parser()]) + p.set_defaults(command=function) + for k, v in arguments.items(): + p.add_argument(k, **v) + + add_subparser( + select, + { + "columns": dict(nargs="+", help="Extract the value of the given fields"), + "--skip_empty": dict( + action="store_true", help="Skip lines without the requested fields" + ), + "--separator": dict( + default="\t", help="Separator to use between the different columns" + ), + "--newline": dict( + default=NEWLINE, + help="Replace newlines found in the text by the given string", + ), + }, + ) + + add_subparser( + where, + { + "clauses": dict(nargs="+", help=""), + "--requires": dict( + action="append", help="Python module required by the clauses code." + ), + }, + ) + + add_subparser( + merge, + { + "columns": dict(nargs="+", help=""), + "--separator": dict( + default="\t", help="Separator to use between the different columns" + ), + "--newline": dict( + default=NEWLINE, help="Replace the given string by actual newlines" + ), + }, + ) + + add_subparser( + describe, + { + "columns": dict(nargs="*", help=""), + "--bins": dict( + default="auto", help="Number of bins for computing the histograms" + ), + "--cumulative": dict( + action="store_true", help="Compute cumulative histograms" + ), + "--weights": dict(type=str, help="Column used to weight histograms"), + }, + ) + + add_subparser(split, {"--pattern": dict(type=str)}) + add_subparser(shard, {}) + return parser + + +def _split_array(array, sep): + last = 0 + for i, x in enumerate(array): + if x != sep: + continue + yield array[last:i] + last = i + 1 + if last != len(array): + yield array[last:] + + +def main(raw_args): + parser = get_parser() + pipeline = [] + file = "-" + output = "-" + processes = 1 + + for args_group in _split_array(raw_args, "--"): + args = vars(parser.parse_args(args_group)) + command = args.pop("command") + file = args.pop("file") or file + output = args.pop("output") or output + processes = args.pop("processes") or processes + pipeline.append(as_pipe(command, args)) + + if not pipeline: + parser.print_help() + return + + run_pipes(*pipeline, file=Path(file), output=Path(output), processes=processes) + + +class Transformer: + """ + Wrapper around functions transforming documents. + + This allows `run_pipes` to automatically parallelize the pipeline. + Provides: + * Automatic logging. Logging can be changed with the `summary` method. + Loggin frequency with _log_freq (in second) or $JSONQL_LOG_FREQ env variable. + * Automatic parallelization without pickling. The transformers are shared + across processes, and the object is usually not pickled. + * Basic pickling / unpickling in case it's still needed. + By default will only pickle the arguments passed to the constructor. + * Delayed initialization. Internal state which is not pickable should be set + inside the `_prepare` function. + """ + + parallelisable: bool = True + expect_json: bool = False + warn_when_pickling: bool = False + ready: bool = False + + def __init_subclass__(cls, expect_json: bool = None): + """Detects if the subclass expects json as input.""" + spec = inspect.getfullargspec(cls.do) + if expect_json is None: + expect_json = spec.annotations.get(spec.args[1], None) == dict + + cls.expect_json = expect_json + + def __new__(cls, *args, **kwargs): + """Creates the transformer and save the arguments passed to the constructor.""" + t = super().__new__(cls) + Transformer.__init__(t, args, kwargs) + return t + + def __init__(self, state_args: tuple = None, state_kwargs: dict = None): + """ + Init the transformer counters. + + If state_args/state_kwargs are set they will override whatever was + originally passed to the subclass constructor. + """ + if state_args is not None: + self.__args = state_args + if state_kwargs is not None: + self.__kwargs = state_kwargs + + self.start_time = time.time() + self.__last_log = self.start_time + self.processed = 0 + # Log every 5 min unless specified other wise. + self._log_freq = int(os.environ.get("JSONQL_LOG_FREQ", 5 * 60)) + self.__cls = type(self) + self._logger = logging.getLogger(self.__cls.__name__) + + def __call__(self, x): + assert self.ready, f"{self} is not ready." + if x is None: + return + y = self.do(x) + self.processed += 1 + if time.time() - self.__last_log > self._log_freq: + self.log_summary() + return y + + def do(self, x): + raise NotImplementedError(f"'do' not implemented in {type(self)}") + + def summary(self) -> List[str]: + return [self.speed_summary()] + + def speed_summary(self) -> str: + delay = time.time() - self.start_time + h = delay / 3600 + s = self.processed / delay + return f"Processed {self.processed:_} documents in {h:.2}h ({s:5.1f} doc/s)." + + def log(self, message): + self._logger.info(message) + + def log_summary(self) -> None: + if not self.ready: + self.log("Not ready.") + return + summ = self.summary() or [] + for line in summ: + self.log(line) + self.__last_log = time.time() + + def map(self, source: Iterable) -> Iterator: + if self.ready: + for x in source: + yield self(x) + # since we have been prepared by caller, + # caller is also responsible for calling `close`. + return + else: + with self: + for x in source: + yield self(x) + + def __getstate__(self) -> Tuple[tuple, dict, bool]: + return (self.__args, self.__kwargs, self.expect_json) + + def __setstate__(self, state: Tuple[tuple, dict, bool]): + if self.warn_when_pickling: + warnings.warn(f"Unpickling transformer: {type(self)}. This can be slow.") + (args, kwargs, expect_json) = state + # When unpickling `__new__` isn't called so we have to doit ourselves. + Transformer.__init__(self, state_args=args, state_kwargs=kwargs) + type(self).__init__(self, *args, **kwargs) + assert self.expect_json == expect_json + # __setstate__ is called by multiprocessing right before calling + # the object so we need to initialize everything. + self.__enter__() + + def _prepare(self) -> None: + pass + + def __enter__(self) -> "Transformer": + # In multiprocessing __enter__ is always called twice, so we are idempotent. + # Because we call __enter__ when deserializing this transformer and + # also when the parent transformer is deserialized. + self.start_time = time.time() + if self.ready: + return self + self._prepare() + self.ready = True + return self + + def __exit__(self, *args) -> None: + self.close() + self.log_summary() + + def close(self) -> None: + pass + + +def as_pipe(transformer, kwargs): + if isinstance(transformer, type): + return transformer(**kwargs) + return lambda source: transformer(source, **kwargs) + + +def compose(fns: List[Transformer]) -> Transformer: + if len(fns) == 1: + return fns[0] + return MultiTransformer(fns) + + +class MultiTransformer(Transformer): + def __init__(self, transformers: List[Transformer]): + super().__init__() + self.transformers = transformers + + def __repr__(self) -> str: + pipeline = " | ".join(type(t).__name__ for t in self.transformers) + return f"<{pipeline}>" + + def do(self, x): + for t in self.transformers: + x = t(x) + return x + + def _prepare(self): + for t in self.transformers: + t.__enter__() + return self + + def __exit__(self, *args): + for t in self.transformers: + t.__exit__(*args) + + def summary(self): + return itertools.chain(*(t.summary() for t in self.transformers)) + + +class Mapper(Transformer): + def __init__(self, fn): + super().__init__() + self.fn = fn + + def do(self, x): + return self.fn(x) + + +def run_pipe( + command, + kwargs: dict = None, + file: ReadableFileLike = None, + output: WritableFileLike = None, +): + kwargs = kwargs or {} + if isinstance(kwargs, argparse.ArgumentParser): + kwargs = vars(kwargs.parse_args()) + file = file or Path(kwargs.pop("file", "-")) + output = output or Path(kwargs.pop("output", "-")) + + return run_pipes(as_pipe(command, kwargs), file=file, output=output) + + +def run_pipes( + *fns: Union[Transformer, Callable[[Iterable], Iterable]], + inputs: Iterable[dict] = None, + file: ReadableFileLike = None, + output: WritableFileLike = None, + processes: int = 1, + chunksize: int = 10_000, +): + """ + Run full document processing pipeline. + + - fns: list of functions to run over the documents. Can be: + * `Iterable -> Iterable` function + * jsonql.Transformer instance + Using transformers allow the pipeline to process documents in parallel. + - inputs: iterable to read the documents from + - file: if inputs is not given, will read documents from this file. + - output: writable file like. + - processes: number of processes to use. -1 means all CPU available. + - chunksize: chunksize for multiprocessing.Pool.imap_unordered + """ + expect_json = len(fns) and isinstance(fns[0], Transformer) and fns[0].expect_json + if expect_json and inputs is None: + fns = (JsonReader(),) + fns + transformers = [] + for t in fns: + if not isinstance(t, Transformer): + break + if not t.parallelisable: + break + transformers.append(t) + pipes = fns[len(transformers) :] + + log = logging.getLogger(__name__).info + if inputs is None: + data: Iterable = open_read(file) + else: + data = inputs + + if processes == -1: + processes = os.cpu_count() or 0 + + with contextlib.suppress(BrokenPipeError), contextlib.ExitStack() as stack: + if transformers: + log(f"preparing {transformers}") + transform = stack.enter_context(compose(transformers)) + if processes <= 1: + data = transform.map(data) + else: + p = multiprocessing.current_process() + log(f"Will start {processes} processes from {p.name}, Pid: {p.pid}") + pool = stack.enter_context( + multiprocessing.Pool( + processes=processes, + initializer=_set_global_transformer, + initargs=(transform,), + ) + ) + data = pool.imap_unordered( + _global_transformer, data, chunksize=chunksize + ) + + for fn in pipes: + if isinstance(fn, Transformer): + data = fn.map(data) + else: + data = fn(data) + + write_jsons(data, output) + + +# Allows to share transformer acroos subprocess. +# Used by `run_pipes` +_GLOBAL_TRANSFORMER: Optional[Transformer] = None + + +def _set_global_transformer(transformer: Transformer): + global _GLOBAL_TRANSFORMER + p = multiprocessing.current_process() + logging.info( + f"Started subprocess {p.name}:{p.pid} from {os.getppid()} for {transformer}" + ) + assert transformer.ready, f"{transformer} isn't ready" + _GLOBAL_TRANSFORMER = transformer + + +def _global_transformer(document: str) -> Optional[dict]: + assert _GLOBAL_TRANSFORMER is not None + return _GLOBAL_TRANSFORMER(document) + + +def lines(file: ReadableFileLike) -> Iterator[str]: + return (line.strip("\n") for line in open_read(file)) + + +def read_jsons(file: ReadableFileLike, strict=False) -> Iterator[dict]: + reader = JsonReader(strict=strict) + lines = open_read(file) + for line in lines: + if line is None: + continue + yield reader(line) + + reader.log_summary() + + +def write_jsons(source: Iterable[dict], file: WritableFileLike) -> None: + eol = os.linesep + with open_write(file) as o: + for res in source: + if res is None: + continue + if isinstance(res, dict): + json.dump(res, o, ensure_ascii=False) + o.write(eol) + continue + if isinstance(res, str): + res = res.rstrip("\n") + print(res, file=o) + + +class JsonReader(Transformer): + def __init__(self, strict: bool = False): + super().__init__() + self.ready = True + self.strict = strict + self.num_errors = 0 + + def do(self, line: str) -> Optional[dict]: + if line is None: + return None + if isinstance(line, dict): + return line + line = line.rstrip("\n") + if not line: + return None + try: + return json.loads(line) + except json.decoder.JSONDecodeError as e: + self.log_error(e) + if self.strict: + raise + return None + + def log_error(self, e: json.decoder.JSONDecodeError): + self.num_errors += 1 + if self.num_errors > 10: + return + + MAX_LEN = 80 + snippet, snippet_len = e.doc, len(e.doc) + col = e.pos + if snippet_len > MAX_LEN: + if col < MAX_LEN: + start = 0 + elif snippet_len - col < MAX_LEN: + start = snippet_len - MAX_LEN + else: + start = col - MAX_LEN // 2 + snippet = e.doc[start : start + MAX_LEN] + col = col - start + logging.warning( + "\n".join( + [ + f"Invalid json (length={len(e.doc)}) {e}", + snippet, + " " * (col - 1) + "^", + ] + ) + ) + + def summary(self): + summ = super().summary() + if self.num_errors > 0: + summ.append(f"Skipped {self.num_errors} invalid json.") + return summ + + +def compile_column(column, newline): + if callable(column): + return column + + if column == "*": + return json.dumps + + if re.match(r"[_a-z][_a-z0-9]*", column): + + def extract_col(doc): + v = doc.get(column, "") + if isinstance(v, str) and newline != "\n": + v = v.rstrip("\n").replace("\n", newline) + return v + + return extract_col + + return compile_expr(column) + + +def select(lines, columns, skip_empty=False, separator="\t", newline="\n"): + """Yields the content of the requested columns.""" + column_parsers = [compile_column(c, newline) for c in columns] + for doc in read_jsons(lines): + values = [] + empty = True + for parse_col in column_parsers: + v = parse_col(doc) + values.append(str(v) or "") + empty = empty and v is None + + if skip_empty and empty: + continue + + yield separator.join(values) + + +def compile_expr(clause: Union[str, FilterFn], requires: List[str] = None): + if not isinstance(clause, str): + return clause + + args_re = r"(?i:\{([_a-z][_a-z0-9]*)\})" + args_list = list(re.findall(args_re, clause)) + if not args_list: + # This is only a warning because you may want to have eg random sampling + # that doesn't depend on the document. + logging.warn( + f"Warning: No variable found in expression: <{clause}>\n" + "Variables should be written inside braces, eg: {language}=='en'" + ) + python_like = re.sub(args_re, r"doc.get('\1', None)", clause) + requires = requires or [] + modules = {r: importlib.import_module(r) for r in requires} + return eval(f"lambda doc: {python_like}", modules) + + +class where(Transformer): + """Filters the data using python code. + + Ex: `jsonql where 'len({text}) > 100'` + """ + + def __init__( + self, clauses: Sequence[Union[str, FilterFn]], requires: List[str] = [] + ): + super().__init__() + self.raw_clauses = clauses + self.requires = requires + self.n_selected = 0 + self.clauses: List[FilterFn] = [] + + def _prepare(self): + self.clauses = [compile_expr(c, self.requires) for c in self.raw_clauses] + + def do(self, doc: dict) -> Optional[dict]: + assert self.clauses + if not doc or not all(c(doc) for c in self.clauses): + return None + self.n_selected += 1 + return doc + + def summary(self): + n_selected, n_docs = self.n_selected, self.processed + selectivity = n_selected / n_docs if n_docs else 0 + return [f"Selected {n_selected} documents out of {n_docs} ({selectivity:5.1%})"] + + +def merge(lines, columns, separator="\t", newline=NEWLINE): + """Reads tab separated columns and output a json using the given headers. + + Headers are of form {key}[%{type}] + {type} can be one of {"f": float, "i": int, "b": bool, "s": string}. + Default type is string. + A special header "_" means interpret this column as json, and append all other + columns to it. Must appear only once and on last position. + + Ex: + `echo '1\thello' | jsonql merge n t` --> `{"n": "1", "t": "hello"}` + `echo '1\thello" | jsonql merge n%i t` --> `{"n": 1, "t": "hello"}` + `echo '1\thello\t{"f": "bar"}' | jsonql merge n%i t _` --> `{"n": 1, "t": "hello", "f": "bar"}` + """ + handle_newlines = lambda s: s.replace(newline, "\n") + type_mapping: Dict[str, Callable] = { + "f": float, + "i": int, + "b": bool, + "s": handle_newlines, + } + type_parsing = [ + type_mapping.get(f.split("%")[-1], handle_newlines) for f in columns + ] + columns = [f.split("%")[0] for f in columns] + doc_index = columns.index("_") if "_" in columns else -1 + read_json = JsonReader() + + def parse(line): + parts = line.split(separator, len(columns) - 1) + doc: Dict[str, tp.Any] = {} + for i, value in enumerate(parts): + if columns[i] == "_": + doc.update(read_json(parts[doc_index])) + else: + try: + doc[columns[i]] = type_parsing[i](value) + except ValueError: + logging.error( + f"Error when parsing column {i} of line: {line[:100]}..." + ) + return doc + + for line in lines: + yield json.dumps(parse(line)) + + +class split(Transformer): + """Split a files in several smaller files based on the value of a field.""" + + # Not parallelisable since we are writing to files. + parallelisable = False + + def __init__( + self, + pattern: Union[Path, str] = None, + split_fn: Callable[[dict], str] = None, + mkdir: bool = False, + ): + super().__init__() + assert not ( + pattern and split_fn + ), "split can't have both a pattern and a split_fn" + if split_fn is not None: + self.split_fn = split_fn + else: + assert pattern, "split need either a pattern or a split_fn" + self.split_fn = self.make_split_fn(str(pattern)) + self.mkdir = mkdir + self.o: dict = {} + + def make_split_fn(self, pattern: str) -> Callable[[dict], str]: + candidates = list(re.findall(r"(?i:\{([_a-z][_a-z0-9]*)\})", pattern)) + return lambda doc: pattern.format(**{c: doc[c] for c in candidates}) + + def do(self, doc): + filename = self.split_fn(doc) + if not filename: + return + o = self.o.get(filename, None) + if o is None: + if self.mkdir: + Path(filename).parent.mkdir(parents=True, exist_ok=True) + self.o[filename] = open_write(filename) + print(json.dumps(doc, ensure_ascii=False), file=self.o[filename], flush=True) + + def summary(self): + summ = super().summary() + summ.append(f"Found {len(self.o)} splits.") + return summ + + def close(self): + for file in self.o.values(): + file.close() + + +def histogram(values, bins, weights): + hist, bins = np.histogram(values, bins=bins) + # n_bins = len(hist) + + if weights is not None: + # Bins can't be auto-determined if weights is supplied. + # So we first compute the bins without the weights then recompute + # the histogram with the weights. + hist, bins = np.histogram(values, bins=bins, weights=weights) + # cumsum = np.cumsum(hist) + # total = cumsum[-1] + + # for i in range(n_bins - 1): + # if cumsum[i] / total > 0.9: + # useful_range = np.linspace(bins[0], bins[i + 1], n_bins) + # new_bins = np.append(useful_range, [bins[-1]]) + # return np.histogram(values, bins=new_bins, weights=weights) + + return hist, bins + + +def _parse_bins(bins): + try: + if isinstance(bins, str): + if "," in bins: + bins = [int(b) for b in bins.split(",")] + else: + bins = int(bins) + except ValueError: + pass + return bins + + +ALL_DOCUMENTS = "" +MAX_LABEL_LEN = 100 + + +def bar_chart(hist, bins): + n = sum(hist) + max_h = max(hist) + out = [] + for i, h in enumerate(hist): + h_size = 80 * h // max_h + dh_size = 80 * (h - hist[i - 1]) // max_h + if h_size == 0 or dh_size == 0: + continue + bar = "█" * h_size + out.append(f"{bins[i]:8.3f} {bar:80} ({h:5d}, {h / n:5.1%}) {bins[i+1]:8.3f}") + out.append(f"{bins[-1]:8.3f}") + return out + + +def display_stats(stats, key, weights=None, bins="auto", cumulative=False): + out = [] + documents = stats[ALL_DOCUMENTS] + count = stats.get(key, 0) + r = count / documents if documents else 0 + out.append(f"Field {key} saw {count} times ({r:5.1%})") + + length = stats.get(key + ".length", None) + avg_length = length // count if length else 0 + if length is not None: + out[-1] += f", average length is {length // count}" + + values = stats.get(key + ".val", None) + if values: + out[-1] += f", histogram is: (bins={bins})" + if weights: + if weights not in stats: + logging.warn(f"Warning: weights column {weights} not found.") + if weights + ".val" not in stats: + logging.warn( + f"Warning: weights column {weights} is not a numeric column." + ) + weights = stats.get(weights + ".val") + hist, bins = histogram(values, _parse_bins(bins), weights) + if cumulative: + hist = np.cumsum(hist) + out += bar_chart(hist, bins) + + cnt = stats.get(key + ".cnt", None) + if avg_length < MAX_LABEL_LEN and cnt and max(cnt.values()) > 1: + cnt = sorted(cnt.items(), key=lambda kv: kv[1], reverse=True) + out[-1] += ", top 100 labels:" + for label, n in cnt[:100]: + if n < 5: + continue + out.append(f"{label:25}: {n:6} ({n / count:5.1%})") + + return out + + +def describe(source, columns=None, weights=None, **kwargs): + """Compute some statistics about a dataset. + + Stats can be restricted to a subset of columns.""" + MAX_HIST_SIZE = 100_000_000 + MAX_CNT_SIZE = 1000 + stats = {ALL_DOCUMENTS: 0} + needed = columns + [weights] if columns else None + + for doc in read_jsons(source): + stats[ALL_DOCUMENTS] += 1 + for k, v in doc.items(): + if needed and k not in needed: + continue + stats[k] = get_or_set(stats, k, 0) + 1 + if isinstance(v, str): + stats[k + ".length"] = get_or_set(stats, k + ".length", 0) + len(v) + if len(v) > MAX_LABEL_LEN: # Don't treat too long string as labels + continue + cnt = get_or_set(stats, k + ".cnt", collections.defaultdict(int)) + if v in cnt or len(cnt) < MAX_CNT_SIZE: + cnt[v] += 1 + elif type(v) in (int, float): + values = get_or_set(stats, k + ".val", []) + if len(values) < MAX_HIST_SIZE: + values.append(v) + elif type(v) is list and len(v) and type(v[0]) in (int, float): + values = get_or_set(stats, k + ".val", []) + if len(values) < MAX_HIST_SIZE: + values += v + elif type(v) is dict: + cnt = get_or_set(stats, k + ".cnt", collections.defaultdict(int)) + for label in v: + if label in cnt or len(cnt) < MAX_CNT_SIZE: + cnt[label] += 1 + + documents = stats[ALL_DOCUMENTS] + yield f"Stats computed on {documents} documents:" + for k in stats: + if columns and k not in columns: + continue + if "." in k or k == ALL_DOCUMENTS: + continue + for line in display_stats(stats, k, weights=weights, **kwargs): + yield line + + +def shard(lines): + """Shard a file in several smaller ones.""" + # The creation of the shard is handle in a generic way. Do we need this ? + return lines + + +# *** Utils *** + + +def get_or_set(dictionary, key, default): + if key not in dictionary: + dictionary[key] = default + return dictionary[key] + + +class SimpleIO(Protocol): + """A subset of methods from TextIO.""" + + def close(self) -> None: + ... + + def write(self, line: str) -> int: + ... + + def __enter__(self) -> "SimpleIO": + ... + + def __exit__(self, exc_type, exc_value, traceback): + ... + + +def open_read(filename: ReadableFileLike) -> Iterable[str]: + """Open the given file, list of files or files matching the given glob and read lines. + + `filename` is None or "-" -> reads from stdin + `filename` is a Path / str -> interprets filename as a glob and open files matching it + `filename` is a list -> opens sequentially all files from the list using `open_read` + `filename` is something else -> returns the object wrapped in a `nullcontext` + This allows to pass already openened files or iterables. + + `open_read` will decompress gzip files, given they have ".gz" suffix. + """ + if filename is None: + return sys.stdin + + if isinstance(filename, list): + assert isinstance(filename[0], Path) + if len(filename) == 0: + return [] + if len(filename) > 1: + return _yield_from(filename) + filename = tp.cast(Path, filename[0]) + if isinstance(filename, str): + if filename.startswith("http://") or filename.startswith("https://"): + return open_remote_file(filename) + + filename = Path(filename) + if not isinstance(filename, Path): + # we might have received an iterable, return it unmodified. + return filename # type: ignore + + # Expand glob patterns only when reading + files = [Path(f) for f in sorted(glob.glob(str(filename)))] + if len(files) > 1: + return _yield_from(files) + if len(files) == 1: + filename = files[0] + + assert isinstance(filename, Path) + + if filename.name.endswith("]"): + return block_reader(filename) + + logging.getLogger(__name__).info(f"Opening {filename} with mode 'rt'") + if filename.suffix == ".gz": + file: TextIO = gzip.open(filename, "rt") # type: ignore + else: + file = open(filename, "rt") + + return _close_when_exhausted(file) + + +def _close_when_exhausted(file: TextIO) -> Iterable[str]: + with file: + yield from file + + +def _yield_from(files: list) -> Iterable[str]: + for file in files: + yield from open_read(file) + + +def open_write( + filename: WritableFileLike, max_size: str = "4G" +) -> tp.ContextManager[TextIO]: + """Open the given file, list of files or files matching the given glob. + + The return value is a ContextManager meant to be used inside a `with` block: + ``` + with open_write("foo.txt") as o: + ... + + Write mode: + replaces "?" from filename by numbers ranging from 0 to 9, generatings files of size `max_size`. + If filename ends with ".gz", creates a blocked gzip file with random access. + """ + if filename is None: + return contextlib.nullcontext(sys.stdout) + + if isinstance(filename, list): + if len(filename) > 1: + return MultiFile(filename, "w", max_size) + else: + filename = tp.cast(Path, filename[0]) + if isinstance(filename, str): + filename = Path(filename) + if not isinstance(filename, Path): + assert hasattr(filename, "write"), f"{filename} doesn't have a .write method." + # We return a 'TextIO' even though we only check for `.write` method, + # this works better with eg `print`. + return contextlib.nullcontext(tp.cast(TextIO, filename)) + + mode = "wt" + if "?" in filename.name: + return sharded_file(filename, mode, max_size) + + logging.getLogger(__name__).info(f"Opening {filename} with mode {mode}") + # TODO: should we use another format ? + if filename.suffix == ".gz": + return BlockedGzipWriter(Path(filename), mode, block_size="64M") + + return open(filename, "wt") + + +def parse_size(size): + unit_map = {"B": 1, "K": 1024, "M": 1024 ** 2, "G": 1024 ** 3} + unit = size[-1].upper() + assert ( + unit in unit_map + ), f"Unsupported size unit for {size}. Use one of: {unit_map.keys()}." + return int(size[:-1]) * unit_map[unit] + + +class MultiFile(SimpleIO): + def __init__(self, files: Iterable[Path], mode="w", max_size="4G"): + self.name = str(files) + self.mode = mode + self.files = iter(files) + self.max_size = parse_size(max_size) + self.current_handle: Optional[TextIO] = None + self.current_block_size = 0 + self._open_next_handle() # Opening 1st handle allows to write directly. + + def write(self, content) -> int: + # Avoid splitting newlines to a new file. + # use current_block_size since it's faster than `tell()` + if content != "\n" and self.current_block_size >= self.max_size: + self._open_next_handle() + if self.current_handle is None: + raise Exception("No more files to write to...") + + written = self.current_handle.write(content) + self.current_block_size += written + return written + + def _open_next_handle(self) -> bool: + self.close() + file = next(self.files, None) + if file is None: + return False + + self.current_handle = open_write(file).__enter__() + self.current_block_size = 0 + return True + + def __enter__(self): + return self + + def __exit__(self, *exc_info): + self.close() + + @property + def closed(self): + return self.current_handle is None + + def close(self): + if self.current_handle is None: + return + + # log("Closing", self.current_handle.name, "with mode", self.current_handle.mode) + self.current_handle.__exit__(None, None, None) + self.current_handle = None + + +# not sure it helps since connections are reseted anyway. +_session = functools.lru_cache()(requests.Session) + + +def request_get_content(url: str, n_retry: int = 3) -> bytes: + """Retrieve the binary content at url. + + Retry on connection errors. + """ + t0 = time.time() + logging.info(f"Starting download of {url}") + for i in range(1, n_retry + 1): + try: + r = _session().get(url) + r.raise_for_status() + break + except requests.exceptions.RequestException as e: + # Sleep and try again on error, unless it's a 404. + message = e.args[0] if isinstance(e.args[0], str) else "" + if i == n_retry or "Client Error" in message: + raise e + warnings.warn( + f"Swallowed error {e} while downloading {url} ({i} out of {n_retry})" + ) + time.sleep(10 * 2 ** i) + dl_time = time.time() - t0 + dl_speed = len(r.content) / dl_time / 1024 + logging.info( + f"Downloaded {url} [{r.status_code}] took {dl_time:.0f}s ({dl_speed:.1f}kB/s)" + ) + return r.content + + +def open_remote_file(url: str, cache: Path = None) -> Iterable[str]: + """Download the files at the given url to memory and opens it as a file. + Assumes that the file is small, and fetch it when this function is called. + """ + if cache and cache.exists(): + return open_read(cache) + + # TODO: open the remote file in streaming mode. + # The hard part is that we need to write the content on disk at the same time, + # to implement disk caching. + raw_bytes = request_get_content(url) + content = io.BytesIO(raw_bytes) + if url.endswith(".gz"): + f: TextIO = gzip.open(content, mode="rt") # type: ignore + else: + f = io.TextIOWrapper(content) + + if cache and not cache.exists(): + # The file might have been created while downloading/writing. + tmp_cache = _tmp(cache) + tmp_cache.write_bytes(raw_bytes) + if not cache.exists(): + tmp_cache.replace(cache) + else: + tmp_cache.unlink() + + return _close_when_exhausted(f) + + +def sharded_file(file_pattern: Path, mode: str, max_size: str = "4G") -> MultiFile: + folder, name = file_pattern.parent, file_pattern.name + assert "?" in name, f"Can't expand give file_pattern: {file_pattern}" + + n = name.count("?") + assert 0 < n < 8 + assert "?" * n in name, f"The '?' need to be adjacents in {file_pattern}" + assert "r" not in mode + files = (folder / name.replace("?" * n, f"%0{n}d" % i) for i in range(10 ** n)) + + return MultiFile(files, mode, max_size) + + +class SplitFile: + def __init__(self, filename: Path, chunk: int, n_chunks: int, mode: str = "r"): + assert mode == "r" + size = os.path.getsize(filename) + self.handle = open(filename, mode) + start = chunk * size // n_chunks + self.end: int = (chunk + 1) * size // n_chunks + + if start > 0: + self.handle.seek(start - 1) + # Skip incomplete line. This avoid crashing when reading eg the middle + # of a unicode char. `self.handle.buffer` is a binary file reader. + self.handle.buffer.readline() # type: ignore + + def __enter__(self): + return self + + def __iter__(self): + while True: + line = self.handle.readline() + if not line: + return + + yield line + if self.handle.tell() >= self.end: + return + + def readlines(self): + return list(self.__iter__()) + + def close(self): + self.handle.close() + + def __exit__(self, *args): + self.close() + + +def get_block_readers(filename: Path, n_readers, mode="t"): + index_filename = filename.parent / (filename.name + ".index") + if not index_filename.exists(): + return [gzip.open(filename, "r" + mode)] + index: List[int] = np.load(index_filename) + n_chunks = len(index) + chunk_per_reader = int(np.ceil(n_chunks / n_readers)) + n_readers = int(np.ceil(n_chunks / chunk_per_reader)) + + start = 0 + readers = [] + for i in range(n_readers): + end = index[min((i + 1) * chunk_per_reader - 1, n_chunks - 1)] + r = _blocked_gzip_reader(filename, start, end, mode) + readers.append(r) + start = end + return readers + + +def block_reader(filename: Path) -> Iterable[str]: + root, pattern = str(filename)[:-1].split("[", 1) + assert root.endswith(".gz"), "Can only read block of a .gz file for now." + + ii, nn = pattern.strip().split("/") + i, n_readers = int(ii), int(nn) + + index_filename = root + ".index" + assert os.path.exists( + index_filename + ), f"Index {index_filename} not found for {filename}" + index: List[int] = np.load(index_filename) + n_chunks = len(index) + chunk_per_reader = int(np.ceil(n_chunks / n_readers)) + n_readers = int(np.ceil(n_chunks / chunk_per_reader)) + # I'm not sure how to handle the case where there is less reader than expected. + # Currently we return empty readers. + + start = 0 + if i > 0: + start = index[min((i - 1) * chunk_per_reader, n_chunks - 1)] + end = index[min(i * chunk_per_reader, n_chunks - 1)] + return _blocked_gzip_reader(root, start, end, mode="t") + + +def _blocked_gzip_reader(filename, start, end, mode="t") -> Iterable[str]: + handle = gzip.open(filename, "r" + mode) + handle.seek(start) + try: + while handle.tell() < end: + line = handle.readline() + if not line: + break + yield line + finally: + handle.close() + + +class BlockedGzipWriter(MultiFile): + """Writes a Gzip files which can be read by block. + + Decreasing the block size may hurt compression, but provides more split points. + """ + + def __init__(self, filename: Path, mode: str, block_size: str = "256M"): + assert "w" in mode + self.filename = Path(filename) + self.index: List[int] = [] + self.zipfile: Optional[gzip.GzipFile] = None + super().__init__([], mode, block_size) + + def _open_next_handle(self) -> bool: + """Here we never actually close/open handles, + we just write the end of block sequence.""" + if not self.current_handle: + mode = self.mode + "t" + self.current_handle = tp.cast(TextIO, gzip.open(self.filename, mode)) + assert isinstance(self.current_handle.buffer, gzip.GzipFile) + self.zipfile = self.current_handle.buffer + return True + + # Use Z_FULL_FLUSH to allow random access: + # https://github.com/madler/zlib/blob/cacf7f1d4e3d44d871b605da3b647f07d718623f/zlib.h#L313 + self.current_handle.buffer.flush(zlib_mode=zlib.Z_FULL_FLUSH) # type: ignore + self.index.append(self.current_handle.tell()) + self.current_block_size = 0 + return True + + def flush(self): + assert self.current_handle is not None + self.current_handle.flush() + + def close(self): + if self.current_handle is None: + return + self.current_handle.flush() + self.index.append(self.current_handle.tell()) + self.current_handle.close() + self.current_handle = None + index = np.array(self.index, dtype=np.uint64) + with open(str(self.filename) + ".index", "wb") as o: + np.save(o, index) + + +def grouper(iterable, n): + group = [] + for x in iterable: + group.append(x) + if len(group) == n: + yield group + group = [] + if group: + yield group + + +PROCESS = psutil.Process() + + +def mem_footprint_gb(pid=None): + rss = PROCESS.memory_info().rss + return rss / 1_000_000_000 + + +def _tmp(output: Path) -> Path: + suffix = "".join(output.suffixes) + suffix = ".tmp" + suffix + prefix = output.name[: -len(suffix)] + _, tmp_path = tempfile.mkstemp(dir=output.parent, prefix=prefix, suffix=suffix) + return Path(tmp_path) + + +@functools.lru_cache() +def _tmp_dir() -> Path: + job_id = os.environ.get("SLURM_JOB_ID") + if job_id: + return Path("/scratch/slurm_tmpdir") / job_id + + checkpoint = Path("/checkpoint") / os.environ.get("USER", "") + if checkpoint.exists(): + tmp = checkpoint / "tmp" + tmp.mkdir(exist_ok=True) + return tmp + + return Path("/tmp") + + +if __name__ == "__main__": + multiprocessing.set_start_method("fork") + main(sys.argv[1:]) diff --git a/data_tooling/kenlm_training/cc_net/mine.py b/data_tooling/kenlm_training/cc_net/mine.py new file mode 100644 index 0000000..4b8df55 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/mine.py @@ -0,0 +1,648 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +""" +Main script to download a CC dump, remove duplicates, split by language and +filter the documents. + +The pipeline parameters are described in the `Config` class. +""" + +import hashlib +import json +import time +import warnings +from argparse import ArgumentParser +from collections import defaultdict +from itertools import repeat +from pathlib import Path +from typing import Any, Dict, Iterable, List, NamedTuple, Optional, Sequence, Tuple + +import func_argparse + +# Local scripts +from cc_net import dedup, execution, jsonql, minify, perplexity, process_wet_file +from cc_net import regroup as regroup_module +from cc_net import split_by_lang +from cc_net.execution import Executor + +# Constant +FILE_DIR = Path(__file__).parent +CUTOFF_CSV = FILE_DIR / "data" / "cutoff.csv" + +DEFAULT_PIPELINE = [ + "dedup", + "lid", + "keep_lang", + "sp", + "lm", + "pp_bucket", + "drop", + "split_by_lang", +] + + +class Config(NamedTuple): + """ + Mine Common Crawl with the given settings. + + config_name + dump: CC dump id + output_dir: working directory + mined_dir: name of the destination folder, full path will be {ouput_dir}/{mined_dir}/{dump_id} + execution: chose how to parallelize the execution + num_shards: number of shards to split the dump + num_segments_per_shard: allow to download a small portion of CC (eg for tests) + min_len: remove documents shorter than this (in chars) + hashes_in_mem: number of shards hashes to use for dedup + lang_whitelist: only treat those languages + lang_blacklist: ignore those languages + lang_threshold: remove docs whose top language score is lower than this + keep_bucket: keep only those perplexity bucket chose from (head, middle, tail, all) + lm_dir: folder containing LMs + lm_languages: only use LMs for the following languages + cutoff: cutoff file to use for split in head/middle/tail + mine_num_processes: number of processes to use for mining + target_size: size of finals files produce during `regroup` stage + cleanup_after_regroup: delete intermediary files after regroup + task_parallelism: max number of task to run in parallel + pipeline: restricts the mining pipeline to the given steps. Order is important ! + experiments: (HACK) enable specific experiments in the code + """ + + config_name: str = "base" + dump: str = "2017-51" + output_dir: Path = Path("data") + mined_dir: str = "mined" + execution: str = "auto" + num_shards: int = 1600 + num_segments_per_shard: int = -1 + metadata: Optional[str] = None + min_len: int = 300 + hash_in_mem: int = 50 + lang_whitelist: Sequence[str] = [] + lang_blacklist: Sequence[str] = [] + lang_threshold: float = 0.5 + keep_bucket: Sequence[str] = [] + lm_dir: Path = Path("data/lm_sp") + cutoff: Path = CUTOFF_CSV + lm_languages: Optional[Sequence[str]] = None + mine_num_processes: int = 16 + target_size: str = "4G" + cleanup_after_regroup: bool = True + task_parallelism: int = -1 + pipeline: Sequence[str] = DEFAULT_PIPELINE + experiments: Sequence[str] = [] + cache_dir: Optional[Path] = None + + def get_executor( + self, name: str, timeout_hour: int = 1, mem_gb: int = 1, cpus: int = 1 + ) -> Executor: + name = "_".join((name, self.config_name, *self.experiments)) + return execution.get_executor( + name, + self.output_dir / "logs", + self.execution, + timeout_hour=timeout_hour, + mem_gb=mem_gb, + cpus=cpus, + task_parallelism=self.task_parallelism, + ) + + def get_cc_shard(self, shard: int) -> process_wet_file.CCShardReader: + dump_cache: Optional[Path] = None + if self.cache_dir: + self.cache_dir.mkdir(exist_ok=True) + dump_cache = self.cache_dir / self.dump + dump_cache.mkdir(exist_ok=True) + + return process_wet_file.CCShardReader( + self.dump, + shard=shard, + num_shards=self.num_shards, + num_segments_per_shard=self.num_segments_per_shard, + min_len=self.min_len, + cache_dir=dump_cache, + ) + + @classmethod + def from_json(cls, json_file: Path) -> "Config": + raw_lines = json_file.read_text().splitlines() + raw_lines = [l for l in raw_lines if not l.strip().startswith("//")] + json_config = json.loads("".join(raw_lines)) + path_keys = ["cache_dir", "lm_dir", "output_dir"] + for key in path_keys: + if key in json_config: + json_config[key] = Path(json_config[key]) + return Config(**json_config) + + @property + def will_split(self) -> bool: + return "split_by_lang" in self.pipeline or "split_by_segment" in self.pipeline + + def get_lm_languages(self) -> Sequence[str]: + if self.lm_languages is not None: + return self.lm_languages + + if self.lang_whitelist: + return self.lang_whitelist + + languages = [m.name.split(".")[0] for m in self.lm_dir.glob("*.arpa.bin")] + if self.lang_blacklist: + languages = [l for l in languages if l not in self.lang_blacklist] + return languages + + def get_mined_dir(self, regroup: bool = False) -> Path: + if self.will_split and not regroup: + return self.output_dir / f"{self.mined_dir}_split" / self.dump + return self.output_dir / self.mined_dir / self.dump + + +BASE_CONFIG = Config() + +BYLANG_CONFIG = Config( + config_name="by_lang", + mined_dir="mined_by_lang", + pipeline=list(BASE_CONFIG.pipeline[:-1]) + ["split_by_lang"], +) + +REPRODUCE_CONFIG = Config( + config_name="reproduce", + dump="2019-09", + mined_dir="reproduce", + pipeline=["fetch_metadata", "keep_lang", "keep_bucket", "split_by_lang"], + metadata="https://dl.fbaipublicfiles.com/cc_net/1.0.0", + # Optional filtering: + # It won't change much the execution speed, but decreases the disk requirement. + # Restrict languages + lang_whitelist=["fr"], + # Restrict perplexity buckets + # Top languages have been split in perplexity buckets according + # to a Wikipedia trained LM. + # The buckets from low perplexity (good) to high (bad) are: + # ["head", "middle", "tail"] + # Languages without a LM have only one bucket "all". + # It won't change much the execution speed, but decreases the disk requirement. + keep_bucket=["head", "all"], + mine_num_processes=1, +) + +TEST_CONFIG = BASE_CONFIG._replace( + config_name="test", + dump="2019-09", + output_dir=Path("test_data"), + execution="local", + num_shards=4, + num_segments_per_shard=1, + hash_in_mem=2, + mine_num_processes=2, + lang_whitelist=["de", "it", "fr"], + target_size="32M", + cleanup_after_regroup=False, + cache_dir=Path("test_data/wet_cache"), +) + +PREDEF_CONFIGS = { + "base": BASE_CONFIG, + "by_lang": BYLANG_CONFIG, + "test": TEST_CONFIG, + "test_slurm": TEST_CONFIG._replace(execution="slurm,partition=dev"), + "debug": TEST_CONFIG._replace(config_name="debug", mine_num_processes=0), + "reproduce": REPRODUCE_CONFIG, + "augment": BASE_CONFIG._replace( + config_name="augment", dump="2019-13", lang_blacklist=["en"] + ), +} + + +def tmp(output: Path) -> Path: + return output.parent / (output.stem + ".tmp" + output.suffix) + + +def finalize(tmp_output: Path, output: Path) -> None: + if not tmp_output.exists(): + warnings.warn(f"Targeted tmp output {tmp_output} doesn't exists.") + return + + tmp_index = tmp_output.parent / (tmp_output.name + ".index") + tmp_output.rename(output) + + if tmp_index.exists(): + tmp_index.rename(output.parent / (output.name + ".index")) + + +def _transpose(iterable: Sequence[Tuple[Any, ...]], n=-1) -> Tuple[List, ...]: + if n < 0: + n = len(iterable[0]) + columns: tuple = tuple([] for _ in range(n)) + for row in iterable: + assert len(row) == n, f"Found tuple of len({len(row)}, expected {n}: {row}" + for i in range(n): + columns[i].append(row[i]) + + return columns + + +def hashes(conf: Config) -> List[Path]: + """Computes hashes for each shard.""" + + hashes_dir = conf.output_dir / "hashes" / conf.dump + outputs = [hashes_dir / f"{shard:04d}.bin" for shard in range(conf.num_shards)] + missing_outputs = [(shard, o) for shard, o in enumerate(outputs) if not o.exists()] + + if not missing_outputs: + return outputs + + hashes_dir.mkdir(parents=True, exist_ok=True) + # With FlatHashSet we need ~2Gb of RAM / shard, but we need to account for + # overhead due to how the dynamic allocation works. + ex = conf.get_executor(f"hashes_{conf.dump}", mem_gb=4, timeout_hour=6, cpus=2) + ex(_hashes_shard, repeat(conf), *_transpose(missing_outputs)) + + # Wait a bit so that files appears on the disk. + time.sleep(20) + assert all(o.exists() for o in outputs) + return outputs + + +def _hashes_shard(conf: Config, shard: int, output: Path): + tmp_output = tmp(output) + jsonql.run_pipes( + dedup.HashesCollector(field="raw_content", output=tmp_output), + inputs=conf.get_cc_shard(shard), + ) + finalize(tmp_output, output) + return f"Hashed {output}" + + +HASHES_IN_MEM = [0, 1, 2, 5, 10, 20, 50, 100, 200, 400] + + +def mine(conf: Config) -> List[Path]: + """Remove dups, run LID and LMs, and split by lang and quality.""" + mined_dir = conf.get_mined_dir() + if conf.will_split: + # Give a directories when splitting + outputs = [mined_dir / f"{shard:04d}" for shard in range(conf.num_shards)] + else: + # Files otherwise + outputs = [ + mined_dir / f"{shard:04d}.json.gz" for shard in range(conf.num_shards) + ] + + if "mini_again" in conf.experiments: + mined_dir = conf.output_dir / "mini_again" / conf.dump + outputs = [mined_dir / f"{shard:04d}" for shard in range(conf.num_shards)] + + # TODO: try to reduce this / make it a function of "hash_in_mem" / num_langs + mem_gb = 60 + 1 * conf.hash_in_mem + timeout_hour = 5 + if "hashes" in conf.experiments: + # HACK: used for generating paper figures + outputs = [ + conf.output_dir / f"hashes_exp/{conf.dump}_0000_dedup{h:03d}.json.gz" + for h in HASHES_IN_MEM + ] + mem_gb = int(max(HASHES_IN_MEM) * 1.2) + timeout_hour = 8 + + missing_outputs = [(shard, o) for shard, o in enumerate(outputs) if not o.exists()] + + if "mini_again" in conf.experiments: + missing_outputs = [ + (shard, o) + for shard, o in enumerate(outputs) + if shard in [5, 139] and not o.exists() + ] + + if not missing_outputs: + return outputs + + mined_dir.mkdir(parents=True, exist_ok=True) + ex = conf.get_executor( + f"mine_{conf.dump}", + mem_gb=mem_gb, + timeout_hour=timeout_hour, + cpus=conf.mine_num_processes + 1, + ) + + # Compute hashes firsts. + if "dedup" in conf.pipeline: + hashes_groups = list(jsonql.grouper(hashes(conf), conf.hash_in_mem)) + hashes_files: Iterable[List[Path]] = [ + hashes_groups[shard // conf.hash_in_mem] for shard, o in missing_outputs + ] + else: + hashes_files = repeat([]) + + ex(_mine_shard, repeat(conf), hashes_files, *_transpose(missing_outputs)) + + assert all(o.exists() for o in outputs) + return outputs + + +def _get_segment(tmp_output: Path, doc: dict) -> str: + segment: str = doc["cc_segment"].split("/")[-1] + return str(tmp_output / segment.replace(".warc.wet.gz", ".json.gz")) + + +def _mine_shard(conf: Config, hashes: List[Path], shard: int, output: Path) -> str: + assert conf.pipeline + tmp_output = tmp(output) + if "hashes" in conf.experiments: + # HACK: used for generating paper figures + hashes_in_mem = shard + hashes = hashes[: HASHES_IN_MEM[hashes_in_mem]] + shard = 0 + cc_shard = conf.get_cc_shard(shard) + + steps: Dict[str, Optional[jsonql.Transformer]] = {} + lang_id = Path("bin") / "lid.bin" + steps["lid_before_dedup"] = split_by_lang.Classifier( + model=lang_id, field="raw_content", out_field="lid_before_dedup", top=5 + ) + steps["dedup"] = dedup.DuplicatesRemover(field="raw_content", hashes_files=hashes) + + steps["lid"] = split_by_lang.Classifier( + model=lang_id, + field="raw_content", + out_field="language", + top=1, + threshold=conf.lang_threshold, + ) + steps["lid_after_dedup"] = split_by_lang.Classifier( + model=lang_id, field="raw_content", out_field="lid_after_dedup", top=5 + ) + + if conf.lang_blacklist: + steps["keep_lang"] = jsonql.where( + [lambda doc: doc.get("language") not in set(conf.lang_blacklist)] + ) + elif conf.lang_whitelist: + steps["keep_lang"] = jsonql.where( + [lambda doc: doc.get("language") in set(conf.lang_whitelist)] + ) + else: + steps["keep_lang"] = None + + tok_field = "tokenized" + steps["sp"] = perplexity.MultiSentencePiece( + {l: conf.lm_dir / f"{l}.sp.model" for l in conf.get_lm_languages()}, + field="raw_content", + output_field=tok_field, + normalize=True, + ) + steps["lm"] = perplexity.DocLM( + {l: conf.lm_dir / f"{l}.arpa.bin" for l in conf.get_lm_languages()}, + field=tok_field, + output_field="perplexity", + normalize=False, # Normalization is done before SentencePiece + # load_method=kenlm.LoadMethod.PARALLEL_READ, + ) + steps["pp_bucket"] = perplexity.PerplexityBucket(CUTOFF_CSV) + steps["drop"] = perplexity.DropKeys(tok_field) + + steps["keep_bucket"] = None + if conf.keep_bucket: + steps["keep_bucket"] = jsonql.where( + [lambda doc: doc.get("bucket", "all") in conf.keep_bucket] + ) + + if "fetch_metadata" in conf.pipeline: + # TODO: better default + assert conf.metadata is not None + steps["fetch_metadata"] = minify.MetadataFetcher( + f"{conf.metadata}/{conf.dump}/" + ) + + steps["minify"] = minify.Minifier() + + pattern = str(tmp_output / "{language}_{bucket}.json.gz") + steps["split_by_lang"] = jsonql.split(pattern=str(pattern), mkdir=True) + + steps["split_by_segment"] = jsonql.split( + split_fn=lambda doc: _get_segment(tmp_output, doc), mkdir=True + ) + + pipeline = filter(None, (steps[s] for s in conf.pipeline)) + + jsonql.run_pipes( + *pipeline, + inputs=cc_shard, + processes=conf.mine_num_processes, + chunksize=100, + # The splitter takes care of writing to files. + output=tmp_output if not conf.will_split else None, + ) + finalize(tmp_output, output) + return f"Mined {output}" + + +def regroup(conf: Config, all_dirs: List[Path]) -> Path: + """Reshards each language/quality after 'mine'.""" + regroup_dir = conf.get_mined_dir(regroup=True) + assert all_dirs + all_files = [f for d in all_dirs for f in d.glob("*.json.gz")] + if not all_files: + print(f"No .json.gz file found in {all_dirs[0]}") + + splits: Dict[str, List[Path]] = defaultdict(list) + for f in all_files: + split = f.name.split(".")[0] + splits[split].append(f) + + print(f"Identified {len(all_files)} files to regroup from {len(splits)} splits.") + inputs: List[List[Path]] = [] + outputs: List[Path] = [] + target_size = jsonql.parse_size(conf.target_size) + for split, files in splits.items(): + cuts = list(regroup_module.determine_groups(files, target_size=target_size)) + if not cuts: + continue + + pattern = f"{split}_????.json.gz" + existing_outputs = sorted(regroup_dir.glob(pattern)) + + if not conf.cleanup_after_regroup: + # We still have all the inputs so it is safe to overwrite existing outputs. + assert len(existing_outputs) <= len(cuts) + existing_outputs = [] + + if len(existing_outputs) > 0 and len(cuts) == 1: + # append to existing file if size allows it. + new_size = ( + sum(f.stat().st_size for f in cuts[0]) + + existing_outputs[-1].stat().st_size + ) + if new_size < target_size: + print(f"Will append {cuts[0]} to {existing_outputs[-1]}") + cuts[0].insert(0, existing_outputs.pop(-1)) + + n_existing = len(existing_outputs) + for i, cut in enumerate(cuts): + # avoid overwriting existing files. + j = i + n_existing + output = regroup_dir / f"{split}_{j:04}.json.gz" + inputs.append(cut) + outputs.append(output) + print( + str(regroup_dir / pattern), + "->", + len(cuts), + f"shards ({n_existing} already there).", + ) + + ex = conf.get_executor(f"regroup_{conf.dump}", mem_gb=1, timeout_hour=12, cpus=2) + ex(_regroup, repeat(conf), inputs, outputs) + + return regroup_dir + + +def _regroup(conf: Config, inputs: List[Path], output: Path) -> str: + output.parent.mkdir(parents=True, exist_ok=True) + regroup_module.fast_reshard( + inputs, output, tmp=tmp(output), rm_original=conf.cleanup_after_regroup + ) + return f"Regrouped {output}" + + +def move_segments(conf: Config, all_dirs: Sequence[Path]) -> Path: + """Reshards each language/quality after 'mine'.""" + # check that mining is over. + regroup_dir = conf.get_mined_dir(regroup=True) + assert all_dirs, "Received no dirs to move" + assert all( + d.is_dir() for d in all_dirs + ), f"move_segments was expecting dirs received files: {all_dirs[:10]}..." + + regroup_dir.parent.mkdir(exist_ok=True) + regroup_dir.mkdir(exist_ok=True) + ex = conf.get_executor(f"moveseg_{conf.dump}", mem_gb=1, timeout_hour=1, cpus=2) + + def _move_segments(subdir: Path, regroup_dir: Path) -> str: + n = 0 + for f in subdir.iterdir(): + if not f.is_file() or f.is_symlink(): + continue + n += f.name.endswith(".json.gz") + new_name = regroup_dir / f.name + target = new_name.resolve() + assert f.resolve() != target + # this make the job idempotent. + f.rename(new_name) + f.symlink_to(target) + + if n == 0: + return "" + + return f"Moved {n} .json.gz files from {subdir} to {regroup_dir}" + + ex(_move_segments, all_dirs, repeat(regroup_dir)) + print(f"Results are in {regroup_dir}") + return regroup_dir + + +def _validate_test(conf: Config, output_dir: Path, generate: bool = False): + stats: Dict[str, dict] = {} + for file in sorted(output_dir.glob("*.json.gz")): + fname = "/".join((file.parent.name, file.name)) + # The order of documents is not guaranteed inside a shard, + lines = sorted(jsonql.open_read(file)) + content = "\n".join(lines) + size = len(content) + checksum = hashlib.sha1(bytes(content, encoding="utf-8")).hexdigest() + # first_document = json.loads(lines[0]) + stats[fname] = {"size": size, "checksum": checksum} + + def dump(x): + return json.dumps(x, indent=2, ensure_ascii=False) + + print("*** Stats ***") + stats_raw = dump(stats) + stats_file = FILE_DIR / "data" / "test_stats.json" + if generate: + print("Saving stats to", stats_file) + stats_file.write_text(stats_raw) + return + + expected_stats: Dict[str, dict] = {} + if stats_file.exists(): + expected_stats = json.loads(stats_file.read_text()) + + if expected_stats == stats: + print("Everything looks good !") + return + + stats_file.with_suffix(".actual.json").write_text(stats_raw) + print("*** Expected Stats ***") + print(dump(expected_stats)) + + print("*** Diff ***") + for fname in sorted(expected_stats.keys()): + print(fname) + assert fname in expected_stats, "missing file " + fname + if expected_stats[fname]["size"] != stats[fname]["size"]: + print( + " - Expected size", + expected_stats[fname]["size"], + ", size", + stats[fname]["size"], + ) + if expected_stats[fname]["checksum"] != stats[fname]["checksum"]: + print( + " - Expected checksum", + expected_stats[fname]["checksum"], + ", checksum", + stats[fname]["checksum"], + ) + + +def get_main_parser() -> ArgumentParser: + # Generates the 'main' parser by patching a 'Config' parser + p = func_argparse.func_argparser(Config) + + # Override defaults value to None, so we know what was set by the user. + # Note that it will keep the original default values in the help message. + p.set_defaults(**{f: None for f in Config._fields}) + p.add_argument("--config", type=str, default="base") + p.set_defaults(__command=main) + return p + + +def main(config: str = "base", **config_as_dict: Any) -> None: + # Use the given 'config' as default value. + config_base = config + if config_base in PREDEF_CONFIGS: + conf = PREDEF_CONFIGS[config_base] + elif Path(config_base).exists(): + conf = Config.from_json(Path(config_base)) + else: + raise ValueError( + f"Invalid value {config_base} for --config. " + f"Choose from ({', '.join(PREDEF_CONFIGS)}) or give an existing .json file." + ) + conf = conf._replace(**{k: v for (k, v) in config_as_dict.items() if v is not None}) + + print(f"Will run cc_net.mine.main with the following config:", conf) + + all_files = mine(conf) + if conf.will_split: + assert all_files + assert all(d.is_dir() for d in all_files) + all_dirs = all_files + if "split_by_lang" in conf.pipeline: + # Only try regrouping if we split the shards. + regroup(conf, all_dirs) + elif "split_by_segment" in conf.pipeline: + # If we split by segment then regrouping is trivial, since segments appear in only one shard. + move_segments(conf, all_dirs) + + if conf.config_name == "test": + _validate_test(conf, conf.get_mined_dir(regroup=True)) + + +if __name__ == "__main__": + func_argparse.parse_and_call(get_main_parser()) diff --git a/data_tooling/kenlm_training/cc_net/minify.py b/data_tooling/kenlm_training/cc_net/minify.py new file mode 100644 index 0000000..1d5234e --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/minify.py @@ -0,0 +1,304 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import base64 +import hashlib +import itertools +import urllib.parse +from pathlib import Path +from typing import Dict, Iterable, List, Optional, Sequence, Set, Union + +import numpy as np + +from cc_net import jsonql +from cc_net.execution import get_executor +from cc_net.jsonql import mem_footprint_gb + +HASH_SIZE = 4 +HASH_TYPE = np.uint32 + +PUBLIC_FIELDS = ["url", "digest"] +COMPUTED_FIELDS = ["cc_segment", "language", "language_score", "bucket", "perplexity"] +DATA = Path(__file__).parent.parent / "data" + + +# This is similar to dedup methods but with use 32 bits hashes. +def _b2i(b: bytes) -> int: + return np.frombuffer(b[:HASH_SIZE], dtype=HASH_TYPE, count=1, offset=0).item(0) + + +def _str_hash(s: str) -> int: + h = hashlib.sha1(bytes(s, encoding="utf-8")) + return _b2i(h.digest()) + + +def get_hashes(lines: Iterable[str]) -> List[bytes]: + h = HASH_SIZE + return [hashlib.sha1(bytes(l, encoding="utf-8")).digest()[:h] for l in lines] + + +def encode_hashes(hashes: Iterable[bytes]) -> str: + return base64.b64encode(b"".join(hashes)).decode("ascii") + + +def encode_as_hashes(lines: Iterable[str]) -> str: + return encode_hashes(get_hashes(lines)) + + +def decode_hashes(compact: str) -> List[bytes]: + all_hashes = base64.b64decode(compact) + res = [] + assert len(all_hashes) % HASH_SIZE == 0 + for i in range(len(all_hashes) // HASH_SIZE): + chunk = all_hashes[i * HASH_SIZE : (i + 1) * HASH_SIZE] + res.append(chunk) + + return res + + +def encode_line_ids(line_ids: Sequence[int]) -> str: + arr = np.array(line_ids, dtype=" List[int]: + ids_bytes = bytearray(base64.b64decode(compact)) + return np.ndarray(len(ids_bytes) // 2, dtype=" int: + assert digest.startswith("sha1:") + h = base64.b32decode(digest[5:]) + return _b2i(h[:HASH_SIZE]) + + +class Minifier(jsonql.Transformer): + ready = True + + def __init__(self): + self.fields = frozenset(COMPUTED_FIELDS + PUBLIC_FIELDS) + + def do(self, doc: dict) -> Optional[dict]: + line_ids: List[int] = doc.pop("line_ids") + fields = self.fields + keys = list(doc.keys()) + for k in keys: + if k not in fields: + doc.pop(k, None) + p = doc.get("perplexity", 0) + doc["line_ids"] = encode_line_ids(line_ids) + if p: + doc["perplexity"] = round(p, 1) + s = doc.get("language_score", 0) + if s: + doc["language_score"] = round(s, 2) + return doc + + +class MetadataFetcher(jsonql.Transformer): + """Reads documents from CC snapshot and join precomputed metadata. + + CC snapshots are split in segments. Each segment is 64Mb long. + The metadata must also be stored in segments of the same size and names. + """ + + def __init__(self, folder: Union[Path, str]): + self.ready = True + self.metadata: Dict[int, dict] = {} + + self._segments: Set[str] = set() + self.read_doc = 0 + self.missed_doc = 0 + self.missed_par = 0 + self.processed_par = 0 + + if isinstance(folder, str): + # detect path passed as string + if urllib.parse.urlparse(folder).scheme == "": + folder = Path(folder) + assert folder.exists(), f"Metadata folder not found: {folder}" + + self.folder = folder + self.segment: str = "" + self.segments_read_twice = 0 + + def meta_file(self, segment: str) -> str: + file_name = segment.split("/")[-1] + assert file_name.endswith(".warc.wet.gz") or file_name.endswith(".warc.wet") + if isinstance(self.folder, str): + return urllib.parse.urljoin( + self.folder, file_name.replace(".warc.wet", ".json") + ) + meta_file = self.folder / file_name.replace(".warc.wet", ".json") + assert ( + meta_file.exists() + ), f"Couldn't find metadata file for segment {segment} at {meta_file}" + return str(meta_file) + + def fetch_metadata(self, segment: str) -> None: + meta_file = self.meta_file(segment) + k = get_doc_key + self.metadata = {} + collision = 0 + for m in jsonql.read_jsons(meta_file): + key = k(m["digest"]) + if key in self.metadata: + collision += 1 + self.metadata[key] = m + + self.log(f"Loaded {len(self.metadata)} metadatas from {meta_file}") + if collision > 0: + self._logger.warning(f"Found {collision} collisions !") + + self.segment = segment + if segment in self._segments: + self.log("Cache miss") + self.segments_read_twice += 1 + self._segments.add(segment) + + def do(self, doc: dict) -> Optional[dict]: + if self.segment != doc["cc_segment"]: + self.fetch_metadata(doc["cc_segment"]) + digest = doc["digest"] + key = get_doc_key(digest) + if key not in self.metadata: + return None + + metadata = self.metadata.pop(key) + return self.clean(metadata, doc) + + def clean(self, metadata: dict, full_doc: dict) -> Optional[dict]: + line_ids = decode_line_ids(metadata.pop("line_ids")) + lines = full_doc["raw_content"].split("\n") + cleaned = [] + for l in line_ids: + if l >= len(lines) or l < 0: + self.missed_par += 1 + continue + cleaned.append(lines[l]) + + self.processed_par += len(line_ids) + if not cleaned: + self.missed_doc += 1 + return None + + full_doc["raw_content"] = "\n".join(cleaned) + full_doc["original_nlines"] = full_doc["nlines"] + full_doc["original_length"] = full_doc["length"] + full_doc["nlines"] = len(cleaned) + full_doc["length"] = len(full_doc["raw_content"]) + for key, value in metadata.items(): + full_doc[key] = value + return full_doc + + def summary(self) -> List[str]: + summ = super().summary() + mem = mem_footprint_gb() + len_cache = len(self.metadata) + summ.append( + f"Read {self.read_doc:_}, stocking {len_cache:_} doc in {mem:.1f}g." + ) + if self.missed_doc: + r = self.missed_doc / self.processed + summ.append(f"! Missed {self.missed_doc} documents ({r:.1%}) !") + + if self.missed_par: + r = self.missed_par / self.processed + summ.append(f"! Missed {self.missed_par} paragraphs ({r:.1%}) !") + return summ + + +def _expand_files(files: List[Path]) -> List[Path]: + if len(files) == 1 and files[0].is_dir(): + folder = files[0] + files = sorted(folder.glob("*.json.gz")) + print(f"Found {len(files)} files under {folder}/*.json.gz") + assert files, "No files found" + return files + + +def minify_file(file: Path, output: Path) -> str: + """Minify the given file.""" + jsonql.run_pipes(Minifier(), file=file, output=output) + return f"Minified {output}" + + +def minify( + files: List[Path], output_dir: Path, execution: str = "mp", parallelism: int = -1 +): + """Minify all the files in the given folder.""" + files = _expand_files(files) + output_dir.mkdir(exist_ok=True) + with open(output_dir / "files.txt", "w") as o: + for f in files: + print(f.name, file=o) + outputs = [output_dir / f.name for f in files] + ex = get_executor( + "minify", + output_dir / "logs", + execution, + timeout_hour=2, + cpus=1, + task_parallelism=parallelism, + ) + ex(minify_file, files, outputs) + + +def fetch_metadata_file( + file: Union[Path, str], + metadata_dir: Union[Path, str], + output: Path, + cache_dir: Path = None, +): + unminifier = MetadataFetcher(metadata_dir) + tmp = output.with_name("tmp." + output.name) + jsonql.run_pipes(unminifier, file=file, output=tmp) + tmp.rename(output) + return f"Fetched metadata for {file}. Results at {output}." + + +def fetch_metadata( + files: List[str], + metadata_dir: Union[Path, str], + output_dir: Path, + execution: str = "mp", + parallelism: int = -1, + cache_dir: Path = None, +): + if len(files) == 1 and Path(files[0]).is_dir(): + folder = Path(files[0]) + files = [str(f) for f in sorted(folder.glob("*.json.gz"))] + print(f"Found {len(files)} files under {folder}/*.json.gz") + + assert len(files) > 0, "No files given." + output_dir.mkdir(exist_ok=True) + + outputs = [output_dir / str(f).split("/")[-1] for f in files] + if cache_dir is None: + cache_dir = output_dir / "wet_cache" + cache_dir.mkdir(exist_ok=True) + if str(cache_dir) == "none": + cache_dir = None + files = [f for f, o in zip(files, outputs) if not o.exists()] + outputs = [o for o in outputs if not o.exists()] + if not files: + return + ex = get_executor( + "unminify", + output_dir / "logs", + execution, + timeout_hour=8, + cpus=1, + task_parallelism=parallelism, + mem_gb=32, + ) + ex(fetch_metadata_file, files, outputs, itertools.repeat(cache_dir)) + + +if __name__ == "__main__": + import func_argparse + + func_argparse.main(minify_file, minify, fetch_metadata, fetch_metadata_file) diff --git a/data_tooling/kenlm_training/cc_net/perplexity.py b/data_tooling/kenlm_training/cc_net/perplexity.py new file mode 100644 index 0000000..c93d5ac --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/perplexity.py @@ -0,0 +1,356 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import argparse +import time +from pathlib import Path +from typing import Dict, List, Optional, Sequence, Tuple, Union + +import kenlm # type: ignore +import numpy as np # type: ignore +import pandas as pd # type: ignore +import sentencepiece # type: ignore + +from cc_net import jsonql, text_normalizer + +LMDescriptor = Union[Dict[str, Path], Union[Path, str]] + + +def get_args(): + parser = argparse.ArgumentParser( + description="Compute the score of each sentences of a document", + parents=[jsonql.io_parser()], + ) + parser.add_argument("--models", type=str) + + parser.add_argument("--sentences", action="store_true", default=False) + parser.add_argument( + "--languages", type=str, help="Ignore doc with another language" + ) + parser.add_argument("--field", type=str, default=None) + parser.add_argument("--newline", type=str, default="\n") + return vars(parser.parse_args()) + + +def pp(log_score, length): + return 10.0 ** (-log_score / length) + + +class SentencePiece(jsonql.Transformer): + # Sentence Pieces model have to be read back from disk. + warning_when_pickling = True + + def __init__( + self, + model: Path, + field: str, + output_field: str = "tokenized", + normalize: bool = False, + ): + super().__init__() + self.model = model + self.field = field + self.output_field = output_field + self.normalize = normalize + self.sp: sentencepiece.SentencePieceProcessor = None + + def _prepare(self): + if self.sp is not None: + return + self.sp = sentencepiece.SentencePieceProcessor() + self.sp.load(str(self.model)) + return self + + def do(self, document: dict) -> dict: + text = document[self.field] + if self.normalize: + text = text_normalizer.normalize(text) + tokenized = self.sp.encode_as_pieces(text) + document[self.output_field] = " ".join(tokenized) + return document + + +class MultiSentencePiece(jsonql.Transformer): + warning_when_pickling = True + + def __init__( + self, + models: Union[Path, Dict[str, Path]], + field: str, + output_field: str = "tokenized", + normalize: bool = False, + ): + super().__init__() + self.field = field + self.output_field = output_field + self.normalize = normalize + self._prefetch: Sequence[str] = [] + + if isinstance(models, Path): + self.models = { + m.name.split(".")[0]: m for m in models.parent.glob(models.name) + } + else: + self.models = models + self._prefetch = list(models.keys()) + self.sp: Dict[str, sentencepiece.SentencePieceProcessor] = {} + + def _prepare(self) -> None: + for lang in self._prefetch: + assert ( + self.get_sp(lang) is not None + ), f"No model found for {lang} at {self.models.get(lang)}." + + def get_sp(self, lang) -> Optional[sentencepiece.SentencePieceProcessor]: + sp = self.sp.get(lang) + if sp is not None: + return sp + if lang not in self.models: + return None + + start_load = time.time() + self.log(f"Loading {self.models[lang]}...") + sp = sentencepiece.SentencePieceProcessor() + sp.load(str(self.models[lang])) + self.sp[lang] = sp + load_time = time.time() - start_load + self.log(f"Loaded {self.models[lang]} (took {load_time / 60:.1f}min)") + return sp + + def do(self, document: dict) -> Optional[dict]: + text = document[self.field] + if self.normalize: + text = text_normalizer.normalize(text) + sp = self.get_sp(document.get("language")) + if sp is None: + return document + tokenized = sp.encode_as_pieces(text) + document[self.output_field] = " ".join(tokenized) + return document + + +class DocLM(jsonql.Transformer): + def __init__( + self, + models: Union[Path, Dict[str, Path]], + field: str, + output_field: str = "perplexity", + newline: str = "\n", + normalize: bool = True, + load_method: int = 2, + ): + super().__init__() + self.field = field + self.output_field = output_field + self.newline = newline + self.normalize = normalize + self._prefetch: Sequence[str] = [] + self.lm_config = kenlm.Config() + # This is the default settings + # POPULATE will mmap the models and populate the pages. + # Maybe that's not the best way when the models are on a network disk. + # TODO: try copying models file, try READ or PARALLEL_READ + self.lm_config.load_method = load_method + + if isinstance(models, Path): + self.models = { + m.name.split(".")[0]: m for m in models.parent.glob(models.name) + } + else: + self.models = models + self._prefetch = list(models.keys()) + self.lm: Dict[str, kenlm.Model] = {} + self.n_lines = 0 + + def _prepare(self) -> None: + for lang in self._prefetch: + assert ( + self.get_lm(lang) is not None + ), f"No model found for {lang} at {self.models.get(lang)}." + + def get_lines(self, document: dict) -> List[str]: + lang = document.get("language") + if not lang: + return [] + if lang not in self.models: + return [] + + content = document.get(self.field) + if not content: + return [] + + lines = content.split(self.newline) + self.n_lines += len(lines) + return lines + + def get_lm(self, lang: Optional[str]) -> Optional[kenlm.Model]: + if lang is None: + return None + lm = self.lm.get(lang) + if lm is not None: + return lm + model = self.models.get(lang) + if model is None: + return None + start_load = time.time() + self.log(f"Loading {self.models[lang]}...") + lm = kenlm.Model(str(model), self.lm_config) + self.lm[lang] = lm + load_time = time.time() - start_load + self.log(f"Loaded {self.models[lang]} (took {load_time / 60:.1f}min)") + + return lm + + def do(self, document: dict) -> dict: + lines = self.get_lines(document) + model = self.get_lm(document.get("language")) + if not lines or not model: + return document + + doc_log_score, doc_length = 0, 0 + for line in lines: + if self.normalize: + line = text_normalizer.normalize(line) + log_score = model.score(line) + length = len(line.split()) + 1 + doc_log_score += log_score + doc_length += length + + document[self.output_field] = round(pp(doc_log_score, doc_length), 1) + return document + + def summary(self): + delay = time.time() - self.start_time + h = delay / 3600 + s = self.n_lines / delay + + summ = super().summary() + summ.append(f"Processed {self.n_lines:_} lines in {h:.2}h ({s:.1} lines/s).") + return summ + + +class SentencesLM(DocLM): + """Returns the score of each individual paragraph.""" + + def do(self, document: dict) -> Optional[str]: # type: ignore + lines = self.get_lines(document) + model = self.get_lm(document.get("language")) + if not lines or not model: + return None + + sentences = [] + for line in lines: + if self.normalize: + line = text_normalizer.normalize(line) + log_score = model.score(line) + length = len(line.split()) + 1 + + sentences.append(f"{pp(log_score, length)}\t{line}") + + return "\n".join(sentences) + + +class PerplexityBucket(jsonql.Transformer): + def __init__( + self, cutoff_csv: Path, percentile_head: int = 30, percentile_tail: int = 60 + ): + super().__init__() + self.cutoff_csv = cutoff_csv + self.percentile_head = percentile_head + self.percentile_tail = percentile_tail + self.cutoffs: Dict[str, Tuple[float, float]] = {} + + def _prepare(self) -> None: + cutoffs = pd.read_csv(self.cutoff_csv, index_col=0) + self.cutoffs = { + l: (cutoffs[l][self.percentile_head], cutoffs[l][self.percentile_tail]) + for l in cutoffs.columns + } + + def get_bucket(self, doc: dict) -> str: + perplexity = doc.get("perplexity", -1) + lang = doc.get("language") + if lang not in self.cutoffs or perplexity < 0: + return "all" + + pp_head, pp_tail = self.cutoffs[lang] + if perplexity < pp_head: + return "head" + if perplexity < pp_tail: + return "middle" + return "tail" + + def do(self, doc: dict) -> dict: + doc["bucket"] = self.get_bucket(doc) + return doc + + +class DropKeys(jsonql.Transformer): + def __init__(self, *keys): + super().__init__() + self.keys = keys + + def do(self, document: dict) -> Optional[dict]: + if not document: + return None + + for key in self.keys: + document.pop(key, None) + return document + + +class RemoveSmall(jsonql.Transformer): + def __init__(self, field, min_len): + super().__init__() + self.field = field + self.min_len = min_len + self.removed = 0 + + def do(self, document: dict) -> Optional[dict]: + if not document: + return None + + content = document.get(self.field) + if not content or len(content) < self.min_len: + self.removed += 1 + return None + return document + + def summary(self): + r, n = self.removed, self.processed + ratio = r / n if n else 0 + return [f"Removed {r} small documents out of {n} ({ratio:.1%})"] + + +def perplexity_to_bin(file: Path, output: Path, models, tok_field: str): + pp_field = "perplexity" + lm = DocLM(models, tok_field, output_field=pp_field) + stats: List[float] = [] + max_stats = 1_000_000 + batch_size = 100_000 + i = 0 + batch = [] + with open(output, "wb") as o: + for doc in jsonql.read_jsons(file): + i += 1 + pp = lm(doc)[pp_field] + if len(stats) < max_stats: + stats.append(pp) + batch.append(pp) + if len(batch) >= batch_size: + np.array(batch, dtype=np.float32).tofile(o) + batch = [] + if len(batch) > 0: + np.array(batch, dtype=np.float32).tofile(o) + + +if __name__ == "__main__": + args = get_args() + output = Path(args["output"]) + if output.suffix == ".bin": + perplexity_to_bin(args["file"], output, args["models"], args["field"]) + else: + jsonql.run_pipe(DocLM, args) diff --git a/data_tooling/kenlm_training/cc_net/process_wet_file.py b/data_tooling/kenlm_training/cc_net/process_wet_file.py new file mode 100644 index 0000000..a870f6c --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/process_wet_file.py @@ -0,0 +1,287 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import contextlib +import functools +import logging +import re +import tempfile +import time +import urllib.request +from pathlib import Path +from typing import ContextManager, Iterable, Iterator, List, Optional, Sequence +from urllib.parse import urlparse + +import func_argparse +from bs4 import BeautifulSoup # type: ignore + +from cc_net import jsonql + +WET_URL_ROOT = "https://commoncrawl.s3.amazonaws.com" + + +logger = logging.getLogger(__name__) + + +def cc_wet_paths_url(dump_id: str) -> str: + return "/".join([WET_URL_ROOT, "crawl-data", "CC-MAIN-" + dump_id, "wet.paths.gz"]) + + +@functools.lru_cache() +def cc_segments(dump_id: str, cache_dir: Path = None) -> List[str]: + wet_paths = cc_wet_paths_url(dump_id) + cache_dir = cache_dir or jsonql._tmp_dir() + wet_paths_cache = cache_dir / f"wet_{dump_id}.paths.gz" + f = jsonql.open_remote_file(wet_paths, cache=wet_paths_cache) + return [segment.strip() for segment in f] + + +def list_dumps() -> List[str]: + home_page = BeautifulSoup( + urllib.request.urlopen("http://index.commoncrawl.org/"), features="html.parser" + ) + dumps = [a.get("href").strip("/") for a in home_page.findAll("a")] + dumps = [a[8:] for a in dumps if re.match(r"^CC-MAIN-\d\d\d\d-\d\d$", a)] + + return sorted(dumps) + + +def ls(): + for dump in list_dumps(): + print(dump, "->", cc_wet_paths_url(dump)) + + +def parse_doc(headers: List[str], doc: List[str]) -> Optional[dict]: + """Headers format is: + WARC/1.0 + WARC-Type: conversion + WARC-Target-URI: [url] + WARC-Date: [crawldate: 2019-02-15T19:15:59Z] + WARC-Record-ID: + WARC-Refers-To: + WARC-Block-Digest: sha1:S3DTWCONT2L6ORTGCY2KXEZ37LNBB7V2 + Content-Type: text/plain + Content-Length: 7743 + """ + if not headers or not doc: + return None + + try: + warc_type = headers[1].split()[1] + if warc_type != "conversion": + return None + url = headers[2].split()[1] + date = headers[3].split()[1] + digest = headers[6].split()[1] + length = int(headers[8].split()[1]) + except Exception as e: + logger.warning("Can't parse header:", e, headers, doc) + return None + + # Docs are separated by two empty lines. + last = None + if not doc[-1] and not doc[-2]: + last = -2 + title, doc = doc[0], doc[1:last] + + return { + "url": url, + "date_download": date, + "digest": digest, + "length": length, + "nlines": len(doc), + "source_domain": urlparse(url).netloc, + "title": title, + "raw_content": "\n".join(doc), + } + + +def group_by_docs(warc_lines: Iterable[str]) -> Iterable[dict]: + doc: List[str] = [] + headers, read_headers = [], True + for warc in warc_lines: + warc = warc.strip() + if read_headers: + headers.append(warc) + read_headers = warc != "" + continue + + if warc == "WARC/1.0": + # We reached the beginning of the new doc. + parsed = parse_doc(headers, doc) + if parsed is not None: + yield parsed + headers, doc, read_headers = [warc], [], True + continue + + doc.append(warc) + + # Return the last document + if doc: + parsed = parse_doc(headers, doc) + if parsed is not None: + yield parsed + + +def parse_warc_file(lines: Iterable[str], min_len: int = 1) -> Iterator[dict]: + n_doc = 0 + n_ok = 0 + for doc in group_by_docs(lines): + n_doc += 1 + if not doc or len(doc["raw_content"]) < min_len: + continue + n_ok += 1 + yield doc + if n_doc > 0: + logger.info(f"Kept {n_ok:_d} documents over {n_doc:_d} ({n_ok / n_doc:.1%}).") + else: + logger.info(f"Found no documents") + + +def dl( + dump: str, + shard: int, + num_shards: int, + output: Path = None, + num_segments_per_shard: int = 0, +): + """Download a shard of the common crawl, and export it to json. + + Arguments: + output: filename of the output file + dump: CC dump id + shard: id of the shard + num_shards: total number of shards + num_segments_per_shard: manual control of the number of segment per shard. + """ + reader = CCShardReader(dump, shard, num_shards, num_segments_per_shard) + jsonql.run_pipes(inputs=reader, output=output) + logger.info(f"Done. {output} is ready.") + + +class CCSegmentsReader(Iterable[dict]): + def __init__( + self, segments: Sequence[str], min_len: int = 0, cache_dir: Path = None + ): + self._segments = segments + self.min_len = min_len + if cache_dir is not None: + cache_dir = Path(cache_dir) + cache_dir.mkdir(exist_ok=True) + self.cache_dir = cache_dir + self.retrieved_segments = 0 + + def segment_url(self, segment: str): + return "/".join((WET_URL_ROOT, segment)) + + @property + def segments(self) -> Sequence[str]: + return self._segments + + def open_segment(self, segment: str) -> Iterable[str]: + url = self.segment_url(segment) + file: Optional[Path] = None + if self.cache_dir: + file = self.cache_dir / segment.split("/")[-1] + if not file or not file.exists(): + self.retrieved_segments += 1 + + return jsonql.open_remote_file(url, cache=file) + + def __iter__(self) -> Iterator[dict]: + n = len(self.segments) + for i, segment in enumerate(self.segments): + start = time.time() + # TODO: start downloading the next segment in the background + for doc in parse_warc_file(self.open_segment(segment), self.min_len): + doc["cc_segment"] = segment + yield doc + + if i + 1 >= n: + continue + end = time.time() + delay = (end - start) / 3600 * (n - 1 - i) + logger.info( + f"Parsed {i + 1} / {n} files. Estimated remaining time: {delay:.1f}h" + ) + + +class CCShardReader(CCSegmentsReader): + def __init__( + self, + dump: str, + shard: int, + num_shards: int = -1, + num_segments_per_shard: int = 40, + min_len: int = 300, + cache_dir: Path = None, + ): + """Downloads a shard of Common Crawl, and yields dict. + + Arguments: + dump: CC dump id + shard: id of the shard + num_shards: total number of shards + num_segments_per_shard: if set will limit the number of files by shard. + Useful for testing. + """ + super().__init__([], min_len=min_len, cache_dir=cache_dir) + self.dump = dump + self.shard = shard + assert num_shards > 0 or num_segments_per_shard > 0 + self.num_shards = num_shards + self.num_segments_per_shard = num_segments_per_shard + + @property + def segments(self) -> Sequence[str]: + # Delaying the initialization allows to delay the looking up of the WET files + if self._segments: + return self._segments + segments = cc_segments(self.dump, self.cache_dir) + n = len(segments) + if self.num_shards < 0: + self.num_shards = n // self.num_segments_per_shard + i_min = (self.shard * n) // self.num_shards + i_max = ((self.shard + 1) * n) // self.num_shards + if self.num_segments_per_shard > 0: + i_max = min(i_max, i_min + self.num_segments_per_shard) + self._segments = segments[i_min:i_max] + return self._segments + + +def _tmp(prefix: str = None, suffix: str = None, dir: Path = None) -> Path: + _, tmp_path = tempfile.mkstemp(prefix=prefix, suffix=suffix, dir=dir) + return Path(tmp_path) + + +@contextlib.contextmanager +def timer(name: str = "-"): + start = time.time() + yield None + delay = time.time() - start + print(f"{name} took {delay:.1f}s") + + +def benchmark(tmp_path: Path): + segments = [ + "crawl-data/CC-MAIN-2019-09/segments/1550249406966.99/wet/CC-MAIN-20190222220601-20190223002601-00441.warc.wet.gz" + ] + seg_file = tmp_path / "CC-MAIN-20190222220601-20190223002601-00441.warc.wet.gz" + + with timer("from network"): + list(CCSegmentsReader(segments)) + + with timer("from network, with caching"): + list(CCSegmentsReader(segments, cache_dir=tmp_path)) + assert seg_file.exists() + + with timer("from disk"): + CCSegmentsReader(segments, cache_dir=tmp_path) + seg_file.unlink() + + +if __name__ == "__main__": + func_argparse.main(ls, dl) diff --git a/data_tooling/kenlm_training/cc_net/regroup.py b/data_tooling/kenlm_training/cc_net/regroup.py new file mode 100644 index 0000000..575baee --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/regroup.py @@ -0,0 +1,122 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import logging +import subprocess +from pathlib import Path +from typing import List + +import func_argparse +import numpy as np + +from cc_net import jsonql + + +def get_index(file: Path) -> Path: + return file.parent / (file.name + ".index") + + +def _get_tmp(output: Path) -> Path: + return output.parent / (output.stem + ".tmp" + output.suffix) + + +def reshard( + inputs: List[Path], + output: Path, + tmp: Path = None, + free_original: bool = False, + rm_original: bool = False, +) -> Path: + """Read the given files and concatenate them to the output file. + + Can remove original files on completion, or just write dummy content into them to free disk. + """ + if tmp is None: + tmp = _get_tmp(output) + logging.info(f"Resharding {inputs} to {tmp}, will move later to {output}") + jsonql.run_pipes(file=inputs, output=tmp) + tmp.replace(output) + tmp_index = get_index(tmp) + if tmp_index.exists(): + tmp_index.replace(get_index(output)) + + if not (free_original or rm_original): + return output + + for _input in inputs: + if rm_original: + _input.unlink() + elif free_original: + # Overwrite the previous file. + # This frees up disk space and allows doit to properly track the success. + _input.write_text(f"Resharded into {output}") + if get_index(_input).is_file(): + get_index(_input).unlink() + + return output + + +def fast_reshard( + inputs: List[Path], + output: Path, + tmp: Path = None, + free_original: bool = False, + rm_original: bool = False, +) -> Path: + """Same as reshard but don't re-compress the output. + + This will lead to a bigger output file, especially if the shards are very small. + """ + if tmp is None: + tmp = _get_tmp(output) + with open(tmp, "wb") as o: + subprocess.run(["cat"] + [str(f) for f in inputs], stdout=o) + + tmp.replace(output) + indexes_files = [get_index(i) for i in inputs] + existing_indexes = sum(i.exists() for i in indexes_files) + assert ( + existing_indexes == len(indexes_files) or existing_indexes == 0 + ), "some indexes don't exist." + if existing_indexes > 0: + indexes = [np.load(idx) for idx in indexes_files] + for i in range(len(indexes) - 1): + indexes[i + 1] += indexes[i][-1] + with open(str(output) + ".index", "wb") as o: + np.save(o, np.concatenate(indexes)) + + if not (free_original or rm_original): + return output + + for _input in inputs: + if rm_original: + _input.unlink() + elif free_original: + # Overwrite the previous file. + # This frees up disk space and allows doit to properly track the success. + _input.write_text(f"Resharded into {output}") + if get_index(_input).is_file(): + get_index(_input).unlink() + + return output + + +def determine_groups( + inputs: List[Path], target_size: int = 4 * 1024 ** 3 +) -> List[List[Path]]: + if len(inputs) == 0: + return [] + + sample = inputs[:10] + typical_size = sum(s.stat().st_size for s in sample) / len(sample) + group_size = min(target_size // typical_size, len(inputs)) + group_size = max(group_size, 1) + + return jsonql.grouper(inputs, group_size) + + +if __name__ == "__main__": + func_argparse.single_main(reshard) diff --git a/data_tooling/kenlm_training/cc_net/split_by_lang.py b/data_tooling/kenlm_training/cc_net/split_by_lang.py new file mode 100644 index 0000000..e8c5c62 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/split_by_lang.py @@ -0,0 +1,151 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# All rights reserved. +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + + +import argparse +import collections +from pathlib import Path +from typing import Dict, Optional + +import fasttext # type: ignore + +from cc_net import jsonql + + +def get_args(): + parser = argparse.ArgumentParser( + description="Read a list of json files and split them ", + parents=[jsonql.io_parser()], + ) + parser.add_argument("--pattern", type=str) + parser.add_argument("--field", type=str, default="raw_content") + parser.add_argument("--threshold", type=float, default=0) + parser.add_argument("--model", type=str, required=True) + parser.add_argument("--out_field", type=str, default="language") + parser.add_argument("--top", type=int, default=1) + return vars(parser.parse_args()) + + +def predict(model, text: str, k: int = 1): + labels, scores = model.predict(text, k=k) + labels = [l.replace("__label__", "") for l in labels] + return labels, scores + + +def avg_predict(model, text): + # Overall gives the same results than predict(model, text.replace("\n", "")) + text = text.split("\n") + text_len = sum(len(line) for line in text) + if text_len == 0: + return None, 0 + scores = [predict(model, line) for line in text] + scores_by_label: Dict[str, float] = collections.defaultdict(float) + for (label, score), line in zip(scores, text): + scores_by_label[label] += score * len(line) + + label, score = max(scores_by_label.items(), key=lambda kv: kv[1]) + return label, score / text_len + + +class Classifier(jsonql.Transformer): + def __init__( + self, + model: Path, + field: str, + out_field: str, + threshold: float = 0, + top: int = 1, + language: str = None, + rounding: int = 2, + ): + super().__init__() + self.model = model + assert model.exists(), f"Model {model} doesn't exist." + self.field = field + self.out_field = out_field + self.threshold = threshold + self.top = top + self.language = language + self.rounding = rounding + # Fasttext model is a C object and can't be pickled + self.fasttext_model: fasttext._FastText = None + self.n_doc, self.n_accepted, self.n_ignored, self.n_disagreement = 0, 0, 0, 0 + self.cnt: Dict[str, int] = {} + + def _prepare(self): + self.log(f"Loading {self.model}") + self.fasttext_model = fasttext.load_model(str(self.model)) + + def predict(self, text): + return predict(self.fasttext_model, text.replace("\n", ""), k=self.top) + + def do(self, doc: dict) -> Optional[dict]: + text = doc.get(self.field, None) + if not text: + return None + + if self.language and doc.get("language") != self.language: + self.n_ignored += 1 + return doc + + self.n_doc += 1 + labels, scores = self.predict(text) + scores.round(self.rounding, out=scores) + for l in labels: + self.cnt[l] = self.cnt.get(l, 0) + 1 + + if self.top == 1: + existing_label = doc.get(self.out_field, None) + if existing_label and labels[0] != existing_label: + self.n_disagreement += 1 + + if all(s < self.threshold for s in scores): + return None + + self.n_accepted += 1 + if self.top == 1: + doc[self.out_field] = labels[0] + doc[self.out_field + "_score"] = scores[0] + else: + doc[self.out_field] = {l: s for l, s in zip(labels, scores)} + return doc + + def summary(self): + n_doc, n_accepted, n_disagreement, cnt, out_field = ( + self.n_doc, + self.n_accepted, + self.n_disagreement, + self.cnt, + self.out_field, + ) + summ = super().summary() + if self.threshold > 0: + ratio = n_accepted / n_doc if n_doc else 0 + summ.append(f"Kept {n_accepted} docs over {n_doc} ({ratio :.1%})") + summ.append(f"Found {len(cnt)} {out_field} labels: {cnt}") + + disagreement = n_disagreement / n_doc if n_doc else 0 + if disagreement: + summ.append(f"{out_field} disagreement is at {disagreement:.1%}.") + return summ + + def __repr__(self): + return f"Classifier({self.model})" + + +def classify_and_split(file, output, pattern, **kwargs): + classifier = Classifier(**kwargs) + splitter = jsonql.split(pattern) + jsonql.run_pipes(classifier, splitter, file=file, output=output) + + +if __name__ == "__main__": + args = get_args() + pattern = args.get("pattern") + if pattern: + classify_and_split(**args) + else: + args.pop("pattern") + jsonql.run_pipe(Classifier, args) diff --git a/data_tooling/kenlm_training/cc_net/text_normalizer.py b/data_tooling/kenlm_training/cc_net/text_normalizer.py new file mode 100644 index 0000000..0ca1349 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/text_normalizer.py @@ -0,0 +1,189 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import re +import unicodedata + +UNICODE_PUNCT = { + ",": ",", + "。": ".", + "、": ",", + "„": '"', + "”": '"', + "“": '"', + "«": '"', + "»": '"', + "1": '"', + "」": '"', + "「": '"', + "《": '"', + "》": '"', + "´": "'", + "∶": ":", + ":": ":", + "?": "?", + "!": "!", + "(": "(", + ")": ")", + ";": ";", + "–": "-", + "—": " - ", + ".": ". ", + "~": "~", + "’": "'", + "…": "...", + "━": "-", + "〈": "<", + "〉": ">", + "【": "[", + "】": "]", + "%": "%", + "►": "-", +} + +UNICODE_PUNCT_RE = re.compile(f"[{''.join(UNICODE_PUNCT.keys())}]") + + +def replace_unicode_punct(text: str) -> str: + return "".join(UNICODE_PUNCT.get(c, c) for c in text) + + +def remove_unicode_punct(text: str) -> str: + """More aggressive version of replace_unicode_punct but also faster.""" + return UNICODE_PUNCT_RE.sub("", text) + + +def strip_accents(line: str) -> str: + """Strips accents from a piece of text.""" + nfd = unicodedata.normalize("NFD", line) + output = [c for c in nfd if unicodedata.category(c) != "Mn"] + if len(output) == line: + return line + return "".join(output) + + +# Build a regex matching all control characters. +NON_PRINTING_CHARS_RE = re.compile( + f"[{''.join(map(chr, list(range(0,32)) + list(range(127,160))))}]" +) +DIGIT_RE = re.compile(r"\d") +PUNCT_OR_NON_PRINTING_CHARS_RE = re.compile( + (UNICODE_PUNCT_RE.pattern + NON_PRINTING_CHARS_RE.pattern).replace("][", "") +) + + +def remove_non_printing_char(text: str) -> str: + return NON_PRINTING_CHARS_RE.sub("", text) + + +def normalize_spacing_for_tok(text: str, language: str = "en") -> str: + res = ( + text.replace("\r", "") + # remove extra spaces + .replace("(", " (") + .replace(")", ") ") + .replace(" +", " ") + ) + res = re.sub(r"\) ([\.\!\:\?\;\,])", r"\)\1", res) + res = res.replace("( ", "(").replace(" )", ")") + res = re.sub(r"(\d) \%", r"\1\%", res) + res = res.replace(" :", ":").replace(" ;", ";") + res = res.replace("`", "'").replace("''", ' " ') + + res = ( + res.replace("„", '"') + .replace("“", '"') + .replace("”", '"') + .replace("–", "-") + .replace("—", " - ") + .replace(" +", " ") + .replace("´", "'") + .replace("([a-z])‘([a-z])", r"\1'\2/") + .replace("([a-z])’([a-z])", r"\1'\2/") + .replace("‘", '"') + .replace("‚", '"') + .replace("’", '"') + .replace("''", '"') + .replace("´´", '"') + .replace("…", "...") + # French quotes + .replace(" « ", ' "') + .replace("« ", '"') + .replace("«", '"') + .replace(" » ", '" ') + .replace(" »", '"') + .replace("»", '"') + # handle pseudo-spaces + .replace(" %", "%") + .replace("nº ", "nº ") + .replace(" :", ":") + .replace(" ºC", " ºC") + .replace(" cm", " cm") + .replace(" ?", "?") + .replace(" !", "!") + .replace(" ;", ";") + .replace(", ", ", ") + .replace(" +", " ") + .replace(".", ". ") + ) + # English "quotation," followed by comma, style + if language == "en": + res = re.sub(r"\"([,\.]+)", r"\1\"", res) + # Czech is confused + elif language == "cs" or language == "cz": + pass + # German/Spanish/French "quotation", followed by comma, style + else: + res = res.replace(',"', '",') + res = re.sub( + r"(\.+)\"(\s*[^<])", r"\"\1\2", res + ) # don't fix period at end of sentence + + if ( + language == "de" + or language == "es" + or language == "cz" + or language == "cs" + or language == "fr" + ): + res = re.sub(r"(\d) (\d)", r"\1,\2", res) + else: + res = re.sub(r"(\d) (\d)", r"\1.\2", res) + return res + + +def normalize(line: str, accent=True, case=True, numbers=True, punct=1) -> str: + line = line.strip() + if not line: + return line + if case: + line = line.lower() + if accent: + line = strip_accents(line) + if numbers: + line = DIGIT_RE.sub("0", line) + if punct == 1: + line = replace_unicode_punct(line) + elif punct == 2: + line = remove_unicode_punct(line) + line = remove_non_printing_char(line) + return line + + +def slow_normalize_for_dedup(line: str) -> str: + return normalize(line, accent=False, case=True, numbers=True, punct=2) + + +def normalize_for_dedup(line: str) -> str: + line = line.strip() + if not line: + return line + # case + line = line.lower() + # numbers + line = DIGIT_RE.sub("0", line) + line = PUNCT_OR_NON_PRINTING_CHARS_RE.sub("", line) + return line diff --git a/data_tooling/kenlm_training/cc_net/tokenizer.py b/data_tooling/kenlm_training/cc_net/tokenizer.py new file mode 100644 index 0000000..c48c8a4 --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/tokenizer.py @@ -0,0 +1,79 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import time +from typing import Dict, Optional + +import sacremoses # type: ignore + +from cc_net import jsonql, text_normalizer + + +class RobustTokenizer(jsonql.Transformer): + """Moses tokenizer with the expected preprocessing.""" + + LANG_WITHOUT_ACCENT = {"en", "my"} + + def __init__(self, lang: str): + super().__init__() + self.lang = lang + self.moses = sacremoses.MosesTokenizer(lang) + self.rm_accent = lang in self.LANG_WITHOUT_ACCENT + self.ready = True + + def do(self, text: str): + text = text_normalizer.normalize( + text, accent=self.rm_accent, case=False, numbers=False, punct=True + ) + text = text_normalizer.normalize_spacing_for_tok(text, language=self.lang) + return self.moses.tokenize(text, return_str=True, escape=False) + + +class DocTokenizer(jsonql.Transformer): + """Tokenize the text found in `output_field and store the result in `output_field`.""" + + def __init__( + self, + field: str, + output_field: str = "tokenized", + language_field: str = "language", + ): + super().__init__() + self.field = field + self.output_field = output_field + self.language_field = language_field + self.n_docs = 0 + self.tokenizers: Dict[str, RobustTokenizer] = {} + + def get_tokenizer(self, lang: str) -> Optional[RobustTokenizer]: + cache = self.tokenizers + if lang in cache: + return cache[lang] + if lang in ("th", "zh", "ja"): + # TODO find a tokenizer for those languages + return None + + cache[lang] = RobustTokenizer(lang) + return cache[lang] + + def do(self, document): + lang = document[self.language_field] + tok = self.get_tokenizer(lang) + if not tok: + return document + + self.n_docs += 1 + lines = document[self.field].split("\n") + tokenized = "\n".join(tok(l) for l in lines) + document[self.output_field] = tokenized + return document + + def summary(self): + delay = (time.time() - self.start_time) / 3600 + speed = self.n_docs / delay + return [ + f"Tokenized {self.n_docs:_} documents in {delay:.2}h ({speed:.1} doc/s)." + ] diff --git a/data_tooling/kenlm_training/cc_net/tools/__init__.py b/data_tooling/kenlm_training/cc_net/tools/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/kenlm_training/cc_net/tools/dl_cc_100.py b/data_tooling/kenlm_training/cc_net/tools/dl_cc_100.py new file mode 100644 index 0000000..ca06f0d --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/tools/dl_cc_100.py @@ -0,0 +1,206 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import contextlib +import functools +import gzip +import logging +import multiprocessing +from collections import defaultdict +from pathlib import Path +from typing import Callable, Dict, Iterator, List, NamedTuple, Optional, Tuple + +import cc_net +from cc_net import jsonql +from cc_net.process_wet_file import CCSegmentsReader + +# Set this to a directory to use as cache for intermediary files. +# This helps for debugging. +WET_CACHE = None +# WET_CACHE = Path("wet_cache") + +S3_BUCKET = "https://dl.fbaipublicfiles.com/cc100" +VERSION = "1.0.0" + +CC_100_SNAPSHOTS = [ + "2018-05", + "2018-09", + "2018-13", + "2018-17", + "2018-22", + "2018-26", + "2018-30", + "2018-34", + "2018-39", + "2018-43", + "2018-47", + "2018-51", +] + +BIG_LANGUAGES = { + "es_XX", + "fr_XX", + "de_DE", + "ja_XX", + "ru_RU", + "zh_CN", + "en_XX", + "it_IT", + "ar_AR", + "nl_XX", + "pl_PL", + "pt_XX", + "tr_TR", + "zh_TW", +} + + +class Paragraph(NamedTuple): + lang: str + text: str + lm_score: float + + +def _dl_shard(snapshot: str, shard: int) -> Iterator[Paragraph]: + """ + Download metadata from a shards. + + Sample metadata: + + { + "cc_segment": "crawl-data/CC-MAIN-2018-51/segments/1544376823009.19/wet/CC-MAIN-20181209185547-20181209211547-00000.warc.wet.gz", + "digest": "sha1:222LWNHN5FM26XGS7WJSMI6IISTVWBKJ", + "url": "http://personals.gearplay.com/ads/DRJONES.htm", + "line_ids": [10], + "languages": ["en_XX"], + "lm_scores": [-2.658], + } + """ + snapshot = snapshot.replace("-", "_") + name = f"snap_{snapshot}_batch_{shard}.json.gz" + url = "/".join([S3_BUCKET, VERSION, name]) + shard_metadata: Dict[str, Dict[str, dict]] = defaultdict(dict) + try: + cache_file: Optional[Path] = None + if WET_CACHE is not None: + cache_file = WET_CACHE / name + metadata_file = jsonql.open_remote_file(url, cache_file) + except: + logging.warning(f"Couldn't open {url}") + return + + for meta in jsonql.read_jsons(metadata_file): + shard_metadata[meta["cc_segment"]][meta["digest"]] = meta + + found_pars, missed_pars = 0, 0 + for seg, segment_metadata in shard_metadata.items(): + for doc in CCSegmentsReader([seg], cache_dir=WET_CACHE): + if doc["digest"] not in segment_metadata: + continue + + meta = segment_metadata[doc["digest"]] + full_pars = [doc["title"]] + doc["raw_content"].split("\n") + + assert len(meta["line_ids"]) == len(meta["languages"]) + assert len(meta["line_ids"]) == len(meta["lm_scores"]) + for i, lang, score in zip( + meta["line_ids"], meta["languages"], meta["lm_scores"] + ): + if snapshot != "2018-51" and lang in BIG_LANGUAGES: + # Big languages only come from "2018-51" snapshot + continue + if i >= len(full_pars): + # This is because CC100 was created by saving only urls. + # Some urls appears in different snapshot with slightly different + # versions, but we don't know which one is correct. + # Here we read both versions, but some index may end up + # being incorrect. + # This impact ~3% documents. + missed_pars += 1 + continue + + yield Paragraph(lang, full_pars[i], score) + found_pars += 1 + if missed_pars > 0: + logging.warning( + f"Missed {missed_pars} ({missed_pars / found_pars:%}) paragraphes." + ) + + +def _split_by_par( + paragraphes: Iterator[Paragraph], snapshot: str, shard: int, outdir: Path +) -> int: + outdir.mkdir(exist_ok=True) + outfiles = {} + num_pars = 0 + try: + for par in paragraphes: + # MODIFY ME: filter paragraph if needed (languages, score, ...) + if par.lang not in outfiles: + (outdir / par.lang).mkdir(exist_ok=True) + outfile = outdir / par.lang / f"snap_{snapshot}_batch_{shard}.gz" + outfiles[par.lang] = gzip.open(outfile, "wt") + + print(par.text, file=outfiles[par.lang]) + num_pars += 1 + finally: + for o in outfiles.values(): + o.close() + + logging.info(f"Extracted {num_pars:_d} paragraphs from shard {snapshot}_{shard}") + return num_pars + + +def dl_shard(snapshot: str, shard: int, outdir: Path) -> int: + return _split_by_par(_dl_shard(snapshot, shard), snapshot, shard, outdir) + + +@contextlib.contextmanager +def unordered_map(processes: int): + if processes == 0: + yield map + return + + with multiprocessing.Pool(processes) as pool: + yield pool.imap_unordered + + +def dl_snapshot(snapshot: str, outdir: Path, processes: int = 1) -> None: + _dl_shard = functools.partial(dl_shard, snapshot, outdir=outdir) + + with unordered_map(processes) as umap: + num_pars = sum(umap(_dl_shard, range(500))) + + logging.info(f"Extracted {num_pars:_d} paragraphs from snapshot {snapshot}.") + + +def dl( + snapshot: str = None, outdir: Path = Path("data_cc100"), processes: int = 1 +) -> None: + """ + Download CC100 corpus. + Will create one text file per language and CC snapshot. + + - snapshot: restrict to one snapshot. Useful for parallelization. + - outdir: output directory + - processes: number of processes to use + """ + if snapshot is None: + snapshots = CC_100_SNAPSHOTS + else: + snapshots = snapshot.split(",") + + invalids = [s for s in snapshots if s not in CC_100_SNAPSHOTS] + assert not invalids, f"Invalid snapshots {invalids}, chose from {CC_100_SNAPSHOTS}" + + for snapshot in snapshots: + dl_snapshot(snapshot, outdir, processes) + + +if __name__ == "__main__": + import func_argparse + + func_argparse.single_main(dl) diff --git a/data_tooling/kenlm_training/cc_net/tools/expand_corpus.py b/data_tooling/kenlm_training/cc_net/tools/expand_corpus.py new file mode 100644 index 0000000..44f3dce --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/tools/expand_corpus.py @@ -0,0 +1,295 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +""" +Tools to search sentences in CC similar to sentences in another corpus. +""" + +import functools +import logging +import math +import subprocess +from collections import Counter +from pathlib import Path +from typing import Iterable, List, Optional, Set, Tuple + +import func_argparse +import submitit +from kenlm import Model as KenlmModel # type: ignore +from sentence_splitter import SentenceSplitter # type: ignore +from sentencepiece import SentencePieceProcessor # type: ignore + +from cc_net import dedup, jsonql, perplexity, text_normalizer + +KENLM = Path("./bin/lmplz") +KENLM_BUILD = Path("./bin/build_binary") +VOCAB_SIZE = 2 ** 16 - 10 +PROCESSES = 16 + + +def normalize(corpus: Path, output_dir: Path) -> Path: + normalized = output_dir / (corpus.stem + ".normalized") + if normalized.exists(): + return normalized + + print("Will normalize", corpus, "to", normalized) + jsonql.run_pipes( + jsonql.Mapper(text_normalizer.normalize), + file=corpus, + output=normalized, + processes=PROCESSES, + ) + return normalized + + +# TODO use classic files directory. +def sp_model(lang: str) -> Path: + return Path(f"/checkpoint/guw/cc_clean/lm_sp/{lang}.sp.model") + + +def _dataset(dataset: Optional[Path], lang: str) -> Path: + return ( + dataset + or Path("/datasets01_101/common_crawl/020919") / f"{lang}_head_*.json.gz" + ) + + +class SentencePiece(jsonql.Transformer): + def __init__(self, model: Path): + super().__init__() + self.model = model + self.sp: SentencePieceProcessor = None # type: ignore + + def _prepare(self): + self.sp = SentencePieceProcessor() + self.sp.load(str(self.model)) + + def do(self, line: str) -> str: + return " ".join(self.sp.encode_as_pieces(line)) + + +class ExtractSentences(jsonql.Transformer): + def __init__( + self, + sp_model: Path, + lm_model: Path, + field: str = "raw_content", + threshold: float = float("+inf"), + ): + super().__init__() + self.sp_model = sp_model + self.lm_model = lm_model + self.field = field + self.threshold = threshold + self.sp: SentencePieceProcessor = None + self.lm: KenlmModel = None + self.splitter: SentenceSplitter = None + self.hashes: Set[int] = set() + + def _prepare(self): + self.sp = SentencePieceProcessor() + self.sp.load(str(self.sp_model)) + self.splitter = SentenceSplitter("en") + self.lm = KenlmModel(str(self.lm_model)) + + def do(self, document: dict) -> Optional[str]: + content: Optional[str] = document.get(self.field) + if not content: + return None + all_sentences = [ + s for l in content.split("\n") if l for s in self.splitter.split(text=l) + ] + unique_sentences = [] + for s in all_sentences: + if not s: + continue + h = dedup.str_hash(s) + if h in self.hashes: + continue + self.hashes.add(h) + unique_sentences.append(s) + + scores = [] + for sentence in unique_sentences: + normalized = text_normalizer.normalize(sentence) + pieces = self.sp.encode_as_pieces(normalized) + log_score = self.lm.score(" ".join(pieces)) + pp = -1 + if len(pieces): + pp = perplexity.pp(log_score, len(pieces)) + scores.append(pp) + + res = filter( + lambda pp_s: self.threshold > pp_s[0] > 0, zip(scores, unique_sentences) + ) + return "\n".join(f"{pp}\t{s}" for (pp, s) in res) or None + + +def tokenize(corpus: Path, output_dir: Path, lang: str) -> Path: + tokenized = output_dir / (corpus.stem + ".tokenized") + if tokenized.exists(): + return tokenized + + print("Will SentencePiece", corpus, "to", tokenized) + jsonql.run_pipes( + SentencePiece(sp_model(lang)), + file=normalize(corpus, output_dir), + output=tokenized, + processes=PROCESSES, + ) + + return tokenized + + +def train_lm( + corpus: Path, + output_dir: Path, + lang: str = "en", + vocab_size: int = VOCAB_SIZE, + ngrams: int = 5, +): + lm_text_file = output_dir / (corpus.stem + ".arpa") + lm_bin_file = output_dir / (corpus.stem + ".arpa.bin") + if lm_bin_file.exists(): + return lm_bin_file + + assert KENLM.exists(), f"{KENLM} binary to train kenlm model not found." + + normalized = normalize(corpus, output_dir) + tokenized = tokenize(normalized, output_dir, lang) + + print("Will train LM", lm_text_file, "on", tokenized) + kenlm_cmd = [ + str(KENLM), + f"--order={ngrams}", + "--memory=8G", + f"--temp_prefix={jsonql._tmp_dir()}", + f"--text={tokenized}", + f"--arpa={lm_text_file}", + f"--vocab_estimate={vocab_size}", + "--discount_fallback", + ] + subprocess.run(kenlm_cmd, check=True) + print("Will create binary model", lm_bin_file, "from", lm_text_file) + subprocess.run([str(KENLM_BUILD), str(lm_text_file), str(lm_bin_file)], check=True) + return lm_bin_file + + +def uniform_sampling_wrt_perplexity( + paragraphes: Iterable[str], + rounding: float = 100.0, + cut: float = 1000.0, + samples: int = 20, +) -> Iterable[str]: + max_samples = math.floor(cut / rounding * samples) + n = 0 + buckets = Counter([0.0]) + logging.info(f"Will sample {max_samples} sentences.") + for lines in paragraphes: + for line in lines.split("\n"): + if not line: + continue + pp = float(line[: line.find("\t")]) + pp = math.floor(pp / rounding) * rounding + if pp > cut: + continue + if buckets[pp] > samples: + continue + yield line + buckets[pp] += 1 + if buckets[pp] > samples: + logging.info(f"Bucket {pp} is full ({samples} samples, {n} total)") + n += 1 + if n > max_samples: + return + + +def sample( + corpus: Path, + output_dir: Path, + dataset: Path = None, + n: int = 10_000, + lang: str = "en", +) -> Path: + sample_file = output_dir / (corpus.stem + ".pp_sample.tsv") + if sample_file.exists(): + return sample_file + dataset = _dataset(dataset, lang) + extractor = ExtractSentences( + sp_model(lang), train_lm(corpus, output_dir), field="raw_content" + ) + sampling = functools.partial( + uniform_sampling_wrt_perplexity, rounding=100.0, cut=1000.0, samples=n // 10 + ) + + print(f"Will sample data from {dataset} to {sample_file}") + try: + jsonql.run_pipes( + extractor, sampling, file=dataset, output=sample_file, processes=PROCESSES + ) + except Exception: + sample_file.unlink() + raise + + subprocess.run(["sort", "-n", "-o", sample_file, sample_file], check=True) + subprocess.run(["head", sample_file], check=True) + return sample_file + + +def mine( + corpus: Path, + output_dir: Path, + threshold: float, + dataset: Path = None, + lang: str = "en", +) -> List[Path]: + """Search sentences in CC similar to the one in the given corpus. + + Args: + - corpus: corpus to train the LM one. Assumes one sentence per line. + - output_dir: where to store the results + - threshold: maximum perplexity to have + - dataset: glob pattern matching CC shards. + - lang: search in the files of this language + """ + dataset = _dataset(dataset, lang) + files = list(dataset.parent.glob(dataset.name)) + outputs = [output_dir / (f.stem + ".tsv") for f in files] + if all(o.exists() for o in outputs): + return outputs + + n = len(outputs) + sp = [sp_model(lang)] * n + lm = [train_lm(corpus, output_dir)] * n + thresholds = [threshold] * n + + ex = submitit.AutoExecutor(output_dir / "mining_logs") + ex.update_parameters( + name="mine", + cpus_per_task=PROCESSES, + timeout_min=60 * 24 // PROCESSES, + mem_gb=10, + ) + jobs = ex.map_array(_mine, files, outputs, sp, lm, thresholds) + print("Submited job array:", jobs[0]) + + for j in submitit.helpers.as_completed(jobs): + (i, o) = j.result() + print("Mined sentences from", i, "to", o) + + return outputs + + +def _mine( + file: Path, output: Path, sp: Path, lm: Path, threshold: float +) -> Tuple[Path, Path]: + extractor = ExtractSentences(sp, lm, field="raw_content", threshold=threshold) + jsonql.run_pipes(extractor, file=file, output=output, processes=PROCESSES) + return (file, output) + + +if __name__ == "__main__": + func_argparse.main(sample, mine) diff --git a/data_tooling/kenlm_training/cc_net/tools/make_dmoz_corpus.py b/data_tooling/kenlm_training/cc_net/tools/make_dmoz_corpus.py new file mode 100644 index 0000000..214b95e --- /dev/null +++ b/data_tooling/kenlm_training/cc_net/tools/make_dmoz_corpus.py @@ -0,0 +1,97 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +""" +This code is used to train a fastText classifier to label document with DMOZ categories. + +The data, distributed under the cc-by 3.0 license +(https://web.archive.org/web/20140605215533/http://www.dmoz.org/license.html), +can be downloaded from +https://web.archive.org/web/20140617145301/http://rdf.dmoz.org/rdf/content.rdf.u8.gz. +""" + +import urllib.request +from io import StringIO +from pathlib import Path +from typing import Dict, Set +from urllib.parse import urlparse + +import func_argparse +from lxml import etree # type: ignore + +from cc_net import jsonql + +TaggedUrls = Dict[str, Set[str]] +DMOZ_TAGS_URL = "https://web.archive.org/web/20140617145301/http://rdf.dmoz.org/rdf/content.rdf.u8.gz" + + +def add_tags(url: str, tags: Set[str], url2tags: TaggedUrls): + if url in url2tags: + url2tags[url] &= tags + else: + url2tags[url] = tags + + +def load_tags(filename: Path = None) -> TaggedUrls: + if filename is None: + with StringIO("".join(jsonql.open_remote_file(DMOZ_TAGS_URL))) as dmoz: + tree = etree.parse(dmoz) + else: + tree = etree.parse(str(filename)) + + root = tree.getroot() + url2tags: Dict[str, Set[str]] = {} + for external_page in root.iterfind("{http://dmoz.org/rdf/}ExternalPage"): + url = external_page.get("about") + domain = urlparse(url).netloc + for topic in external_page.iterfind("{http://dmoz.org/rdf/}topic"): + # print(url, topic.text) + # Tags looks like Top/Arts/Animation/Anime/Collectibles + tags = set(topic.text.split("/")[1:]) + add_tags(url, tags, url2tags) + add_tags(domain, tags, url2tags) + return url2tags + + +def dl(output: Path) -> None: + urllib.request.urlretrieve(DMOZ_TAGS_URL, output) + + +def make_corpus(file: Path, tags_file: Path = None, output: Path = None) -> None: + """ + Loads a tags file and create a training dataset using the given webpages. + + Arguments: + - file: CC shard file + - tags_file: dmoz tagging file, (like the one produced by `dl`) + - output: "" + """ + url2tags = load_tags(tags_file) + with jsonql.open_write(output) as o: + for document in jsonql.read_jsons(file): + if not document: + continue + url = document["url"] + domain = document["source_domain"] + + if url in url2tags: + tags = url2tags[url] + elif domain in url2tags: + tags = url2tags[domain] + else: + continue + + if len(tags) == 0: + continue + + fasttext_tags = ["__label__" + tag for tag in tags] + content = document["tokenized"].replace("\n", " ").lower() + if len(content) > 200: + print(" ".join(fasttext_tags), content, file=o) # type: ignore + + +if __name__ == "__main__": + func_argparse.single_main(make_corpus) diff --git a/data_tooling/kenlm_training/pyproject.toml b/data_tooling/kenlm_training/pyproject.toml new file mode 100644 index 0000000..398fa33 --- /dev/null +++ b/data_tooling/kenlm_training/pyproject.toml @@ -0,0 +1,24 @@ +[pytest] +testpaths = "tests" + +[tool.black] +line-length = 88 +target_version = ["py37"] + +[tool.isort] +multi_line_output = 3 +include_trailing_comma = true +force_grid_wrap = 0 +use_parentheses = true +line_length = 88 +known_third_party = ["func_argparse"] +skip = ["third_party", "data"] + +[mypy] +python_version = 3.7 +check_untyped_defs = true + +[mypy-numpy] +ignore_missing_imports = true +[mypy-pytest] +ignore_missing_imports = true diff --git a/data_tooling/kenlm_training/setup.py b/data_tooling/kenlm_training/setup.py new file mode 100644 index 0000000..209ff9c --- /dev/null +++ b/data_tooling/kenlm_training/setup.py @@ -0,0 +1,56 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# All rights reserved. +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +from pathlib import Path + +from setuptools import setup # type: ignore + +setup( + name="cc_net", + version="1.0.0", + packages=["cc_net"], + # metadata to display on PyPI + author="Guillaume Wenzek", + author_email="guw@fb.com", + description="Tools to download and clean Common Crawl", + keywords="common crawl dataset", + url="https://github.com/facebookresearch/cc_net", + license="CC-BY-NC-4.0", + long_description=Path("README.md").read_text(), + long_description_content_type="text/markdown", + project_urls={ + "Bug Tracker": "https://github.com/facebookresearch/cc_net/issues", + "Source Code": "https://github.com/facebookresearch/cc_net", + }, + classifiers=[ + "Development Status :: 4 - Beta", + "Programming Language :: Python :: 3.7", + ], + python_requires=">=3.7", + install_requires=[ + "beautifulsoup4>=4.7.1", + "pandas>=0.23.4", + "requests>=2.22.0", + "fasttext>=0.9.1", + "sentencepiece>=0.1.82", + "kenlm @ git+https://github.com/kpu/kenlm.git@master", + "func_argparse>=1.1.1", + "psutil>=5.6.3", + "sacremoses", + "submitit>=1.0.0", + "typing_extensions", + "datasets==1.16.1", + ], + extras_require={ + "dev": ["mypy==0.790", "pytest", "black==19.3b0", "isort==5.6.4"], + # To use scripts inside cc_net/tools + "tools": ["lxml", "sentence_splitter"], + # Memory-efficient hashset. + # This fork only compiles the kind of dict used by cc_net. + # Full version is at https://github.com/atom-moyer/getpy + "getpy": ["getpy @ git+https://github.com/gwenzek/getpy.git@v0.9.10-subset"], + }, + package_data={"cc_net": ["data/*"]}, +) diff --git a/data_tooling/kenlm_training/tests/__init__.py b/data_tooling/kenlm_training/tests/__init__.py new file mode 100644 index 0000000..dbb8e8f --- /dev/null +++ b/data_tooling/kenlm_training/tests/__init__.py @@ -0,0 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# +# diff --git a/data_tooling/kenlm_training/tests/conftest.py b/data_tooling/kenlm_training/tests/conftest.py new file mode 100644 index 0000000..a7273de --- /dev/null +++ b/data_tooling/kenlm_training/tests/conftest.py @@ -0,0 +1,19 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import pytest + + +def _request_is_disabled(self, *args, **kwargs): + raise Exception( + f"Your code tried to call 'request' with: {args}, {kwargs}. Unit test aren't allowed to reach internet." + ) + + +@pytest.fixture(autouse=True) +def no_requests(monkeypatch): + """Remove requests.sessions.Session.request for all tests.""" + monkeypatch.setattr("requests.sessions.Session.request", _request_is_disabled) diff --git a/data_tooling/kenlm_training/tests/data/sample.warc.txt b/data_tooling/kenlm_training/tests/data/sample.warc.txt new file mode 100644 index 0000000..ff77016 --- /dev/null +++ b/data_tooling/kenlm_training/tests/data/sample.warc.txt @@ -0,0 +1,64 @@ +WARC/1.0 +WARC-Type: warcinfo +WARC-Date: 2019-03-27T06:10:48Z +WARC-Filename: CC-MAIN-20190318132220-20190318153634-00064.warc.wet.gz +WARC-Record-ID: +Content-Type: application/warc-fields +Content-Length: 370 + +Software-Info: ia-web-commons.1.1.9-SNAPSHOT-20190314010907 +Extracted-Date: Wed, 27 Mar 2019 06:10:48 GMT +robots: checked via crawler-commons 0.11-SNAPSHOT (https://github.com/crawler-commons/crawler-commons) +isPartOf: CC-MAIN-2019-13 +operator: Common Crawl Admin (info@commoncrawl.org) +description: Wide crawl of the web for March 2019 +publisher: Common Crawl + +WARC/1.0 +WARC-Type: conversion +WARC-Target-URI: http://sample_english.com +WARC-Date: 2019-03-18T00:00:00Z +WARC-Record-ID: +WARC-Refers-To: +WARC-Block-Digest: sha1:XQZHW7QWIG54HVAV3KPRW6MK5ILDNCER +Content-Type: text/plain +Content-Length: 353 + +Famous Mark Twain Quotes +Don't part with your illusions. When they are gone you may still exist, but you have ceased to live. +Education: that which reveals to the wise, and conceals from the stupid, the vast limits of their knowledge. + +Facts are stubborn things, but statistics are more pliable. +Fiction is obliged to stick to possibilities. Truth isn't. + +WARC/1.0 +WARC-Type: conversion +WARC-Target-URI: http://sample_chinese.zh +WARC-Date: 2019-03-18T00:00:01Z +WARC-Record-ID: +WARC-Refers-To: +WARC-Block-Digest: sha1:Y4E6URVYGIAFNVRTPZ5S3J64RTZTP6HJ +Content-Type: text/plain +Content-Length: 109 + +馬克·吐溫名言 +不要放棄你的幻想。 當它們消失後,您可能仍然存在,但您已經不復存在。 +教育:向智者揭示並從愚蠢者中隱藏其知識的巨大局限的教育。 +事實是固執的東西,但統計數字卻比較柔和。 +小說必須堅持可能。 真理不是。 + +WARC/1.0 +WARC-Type: conversion +WARC-Target-URI: http://sample_russian.ru +WARC-Date: 2019-03-18T00:00:02Z +WARC-Record-ID: +WARC-Refers-To: +WARC-Block-Digest: sha1:RBW57C753IE4CHCOZCMS2BHMHBEGXKXL +Content-Type: text/plain +Content-Length: 355 + +Цитаты знаменитого Марка Твена +Не расставайся со своими иллюзиями. Когда они исчезнут, вы все еще можете существовать, но вы перестали жить. +Образование: то, что открывает мудрым и скрывает от глупых обширные границы их знаний. +Факты - упрямые вещи, но статистика более податлива. +Художественная литература обязана придерживаться возможностей. Правда нет. diff --git a/data_tooling/kenlm_training/tests/test_dedup.py b/data_tooling/kenlm_training/tests/test_dedup.py new file mode 100644 index 0000000..7e4c3ac --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_dedup.py @@ -0,0 +1,245 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import json +from pathlib import Path +from typing import Iterable, Sequence + +from cc_net import dedup, jsonql +from cc_net.dedup import str_hash +from cc_net.flat_hash_set import FlatHashSet + + +def text(*args: str) -> str: + return "\n".join(args) + + +def write_docs(file: Path, docs: Iterable[Sequence[str]]): + file.parent.mkdir(exist_ok=True) + with open(file, "w") as f: + for sentences in docs: + doc = dict(text=text(*sentences)) + print(json.dumps(doc), file=f) + + +def as_dict(hash_set): + if not isinstance(hash_set, dict): + hash_set = {k: v for (k, v) in hash_set.items()} + return hash_set + + +def load_hashes(file): + results = dedup.FlatHashSet() + results.load(file) + return as_dict(results) + + +LENGTHS = ["original_length", "length"] + + +def assert_documents_equal(expected, actual, ignoring={}): + expected = [{k: doc[k] for k in doc if k not in ignoring} for doc in expected] + actual = [{k: doc[k] for k in doc if k not in ignoring} for doc in expected] + assert expected == actual + + +def test_simple_dedup(tmp_path: Path) -> None: + write_docs( + tmp_path / "docs.json", + [ + ["_Hello", "_World", "I'm so original"], + ["_world", "I'm originaler", "_Hello"], + ], + ) + results = list(dedup.deduplicate(tmp_path / "docs.json", field="text")) + expected = [ + # First document is untouched + dict( + text=text("_Hello", "_World", "I'm so original"), + original_nlines=3, + nlines=3, + line_ids=[0, 1, 2], + ), + # Second documents loses several lines + dict(text="I'm originaler", original_nlines=3, nlines=1, line_ids=[1]), + ] + + assert_documents_equal(expected, results, ignoring=LENGTHS) + + +def test_dedup_with_dump(tmp_path: Path): + hashes = tmp_path / "hashes.bin" + documents = [ + dict(text=text("_Hello", "_World", "I'm so original")), + dict(text=text("_world", "I'm originaler", "_Hello")), + ] + collector = dedup.HashesCollector(field="text", output=hashes) + list(collector.map(documents)) + results = load_hashes(hashes) + expected = { + str_hash(l): l.startswith("_") + for l in ["_hello", "_world", "i'm so original", "i'm originaler"] + } + assert expected == results + + +def test_dedup_with_np_dump(tmp_path: Path): + hashes = tmp_path / "hashes.bin" + documents = [ + dict(text=text("_Hello", "_World", "I'm so original")), + dict(text=text("_world", "I'm originaler", "_Hello")), + ] + with dedup.HashesCollector(field="text", output=hashes) as d: + list(d.map(documents)) + + results = FlatHashSet() + results.load_np(hashes) + expected = { + str_hash(l) for l in ["_hello", "_world", "i'm so original", "i'm originaler"] + } + assert expected == set(results.keys()) + + +def test_dedup_from_hashes(tmp_path: Path): + documents = [ + dict(text=text("_Hello", "World", "I'm so original")), + dict(text=text("Good morning", "World", "I'm originaler")), + ] + seen = ["_hello", "i'm originaler", "world"] + hashes = [str_hash(h) for h in seen] + h = dedup.FlatHashSet() + h.add(hashes) + # Note: 'world' appears only once and won't be treated as a duplicate. + h.add(hashes[:-1]) + h.dump(tmp_path / "hashes.bin") + + results = list( + dedup.DuplicatesRemover("text", [tmp_path / "hashes.bin"]).map(documents) + ) + expected = [ + dict( + text=text("World", "I'm so original"), + original_nlines=3, + nlines=2, + line_ids=[1, 2], + ), + dict( + text=text("Good morning", "World"), + original_nlines=3, + nlines=2, + line_ids=[0, 1], + ), + ] + + assert_documents_equal(expected, results, ignoring=LENGTHS) + + +def test_dedup_fast(tmp_path: Path): + data = tmp_path / "data" + part_0 = [["Hello", "_World", "I'm so original"]] + write_docs(data / "part_0.json", part_0) + part_1 = [["Good morning", "_World", "I'm originaler"]] + write_docs(data / "part_1.json", part_1) + parts = [data / "part_0.json", data / "part_1.json"] + + res = tmp_path / "res" + res.mkdir() + h = tmp_path / "hashes.bin" + field = "text" + jsonql.run_pipes(dedup.HashesCollector(field, output=h), file=parts) + for part in parts: + jsonql.run_pipes( + dedup.DuplicatesRemover(field, [h]), file=part, output=res / part.name + ) + jsonql.run_pipes( + dedup.DuplicatesRemover(field, [h]), file=part, output=res / part.name + ) + + results_0 = list(jsonql.read_jsons(res / "part_0.json")) + expected_0 = [ + dict( + text=text("Hello", "I'm so original"), + original_nlines=3, + nlines=2, + line_ids=[0, 2], + ) + ] + assert_documents_equal(expected_0, results_0, ignoring=LENGTHS) + + results_1 = list(jsonql.read_jsons(res / "part_1.json")) + expected_1 = [ + dict( + text=text("Good morning", "I'm originaler"), + original_nlines=3, + nlines=2, + line_ids=[0, 2], + ) + ] + + assert_documents_equal(expected_1, results_1, ignoring=LENGTHS) + + words = [w for part in [part_0, part_1] for doc in part for w in doc] + expected = {str_hash(s.lower()): s.startswith("_") for s in words} + assert expected == load_hashes(h) + + +def test_remove_duplicates_sharded(tmp_path: Path): + data = tmp_path / "data" + part_0 = [["Hello", "_World", "I'm so original"]] + write_docs(data / "part_0.json", part_0) + part_1 = [["_Good morning", "_World", "I'm originaler"]] + write_docs(data / "part_1.json", part_1) + + h = tmp_path / "hashes" + h.mkdir() + h0 = FlatHashSet() + h0.add([str_hash(s.lower()) for doc in part_0 for s in doc]) + h0.add([str_hash("_world")]) + h0.dump(h / "part_0.bin") + assert { + str_hash("hello"): False, + str_hash("_world"): True, + str_hash("i'm so original"): False, + } == as_dict(h0) + + h1 = FlatHashSet() + h1.add([str_hash(s.lower()) for doc in part_1 for s in doc]) + h1.add([str_hash("_good morning")]) + h1.dump(h / "part_1.bin") + assert { + str_hash("_good morning"): True, + str_hash("_world"): False, + str_hash("i'm originaler"): False, + } == as_dict(h1) + + res = tmp_path / "res" + res.mkdir() + # dedup.DISABLE_MULTI_PROCESSING = True # Simplifies debugging + dedup.remove_duplicates_sharded( + files=[data / "part_0.json", data / "part_1.json"], + outputs=[res / "part_0.json", res / "part_1.json"], + field="text", + hashes_dir=h, + ) + + results_0 = list(jsonql.read_jsons(res / "part_0.json")) + expected_0 = [ + dict( + text=text("Hello", "I'm so original"), + original_nlines=3, + nlines=2, + line_ids=[0, 2], + ) + ] + assert_documents_equal(expected_0, results_0, ignoring=LENGTHS) + + # First pass removes "_world", second "_good morning". + results_1 = list(jsonql.read_jsons(res / "part_1.json")) + expected_1 = [ + dict(text=text("I'm originaler"), original_nlines=3, nlines=1, line_ids=[2]) + ] + + assert_documents_equal(expected_1, results_1, ignoring=LENGTHS) diff --git a/data_tooling/kenlm_training/tests/test_flat_hash_set.py b/data_tooling/kenlm_training/tests/test_flat_hash_set.py new file mode 100644 index 0000000..00287df --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_flat_hash_set.py @@ -0,0 +1,78 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import numpy as np +import pytest + +from cc_net.flat_hash_set import HASH_TYPE, FlatHashSet, NaiveHashSet + + +def as_dict(flat_hash_set) -> dict: + return {k: v for (k, v) in flat_hash_set.items()} + + +need_getpy = pytest.mark.skipif( + FlatHashSet == NaiveHashSet, reason="getpy isn't installed" +) + + +def same_behavior(test_case): + def run_case(): + naive = as_dict(test_case(FlatHashSet)) + flat = as_dict(test_case(NaiveHashSet)) + assert naive == flat + + return need_getpy(run_case) + + +@same_behavior +def test_setitem(hash_set_cls): + h = hash_set_cls() + h[np.arange(10, dtype=h.dtype)] = np.zeros(10, dtype=np.uint8) + h[np.arange(5, dtype=h.dtype)] = np.ones(5, dtype=np.uint8) + return h + + +@same_behavior +def test_add_dup(hash_set_cls): + h = hash_set_cls() + h.add(np.arange(10, dtype=h.dtype)) + h.add(np.arange(5, dtype=h.dtype)) + + expected = {i: i < 5 for i in range(10)} + assert expected == as_dict(h), f"add_dup with {hash_set_cls.__name__}" + return h + + +@need_getpy +def test_gp_dict(): + import getpy as gp # type: ignore + + h = gp.Dict(HASH_TYPE, np.uint8) + h[np.arange(10, dtype=HASH_TYPE)] = np.zeros(10, dtype=np.uint8) + h[np.arange(5, dtype=HASH_TYPE)] = np.ones(5, dtype=np.uint8) + expected = {i: i < 5 for i in range(10)} + assert expected == as_dict(h) + + +def check_reload(h, dump, load, tmp_path): + dump_path = tmp_path / dump.__name__ + dump(h, dump_path) + h2 = type(h)() + load(h2, dump_path) + assert as_dict(h) == as_dict(h2) + + +@pytest.mark.parametrize("hash_set_cls", [FlatHashSet, NaiveHashSet]) +def test_loading(tmp_path, hash_set_cls): + h = hash_set_cls() + x = np.random.randint(0, 2 ** 32, (100,), dtype=h.dtype) + h.add(x) + + check_reload(h, hash_set_cls.dump, hash_set_cls.load, tmp_path) + check_reload(h, hash_set_cls.dump_np, hash_set_cls.load_np, tmp_path) + if hasattr(hash_set_cls, "dump_gp"): + check_reload(h, hash_set_cls.dump_gp, hash_set_cls.load_gp, tmp_path) diff --git a/data_tooling/kenlm_training/tests/test_jsonql.py b/data_tooling/kenlm_training/tests/test_jsonql.py new file mode 100644 index 0000000..7d9768e --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_jsonql.py @@ -0,0 +1,312 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import io +from pathlib import Path +from typing import Sequence + +import numpy as np +import pytest + +from cc_net import jsonql + + +def bar(small_bar: str) -> str: + return small_bar.replace(" ", " " * 10).replace("█", "█" * 10) + + +def get_output(transformer, data, **kwargs): + with io.StringIO() as output: + # Convert data to a generator so that it's not interpreted as a file list. + jsonql.run_pipe(transformer, kwargs, file=(x for x in data), output=output) + return output.getvalue() + + +def test_split(tmp_path: Path): + data = [ + dict(text="Hello world", lang="en"), + dict(text="Boujour les amis", lang="fr"), + dict(text="Rock your boat", lang="en"), + ] + with jsonql.split(tmp_path / "{lang}.json") as split: + list(split.map(data)) + summary = split.summary() + assert "Found 2 splits." in summary + en_docs = list(jsonql.read_jsons(tmp_path / "en.json")) + assert [data[0], data[2]] == en_docs + + fr_docs = list(jsonql.read_jsons(tmp_path / "fr.json")) + assert [data[1]] == fr_docs + + +def test_split_bad_pattern(tmp_path: Path): + data = [dict(text="Hello world", lang="en")] + with pytest.raises(KeyError): + with jsonql.split(tmp_path / "{language}.json") as split: + list(split.map(data)) + + +def test_histogram(): + data = [0.1, 0.1, 0.1, 0.1, 0.4, 0.4, 0.9, 0.9] + hist, bins = jsonql.histogram(data, bins=8, weights=None) + np.testing.assert_almost_equal(bins, [0.1 * x for x in range(1, 10)]) + np.testing.assert_almost_equal(hist, [4, 0, 0, 2, 0, 0, 0, 2]) + + data = [0, 0.1, 0.1, 0.1, 0.1, 0.4, 0.4, 0.8, 0.8, 1] + hist, bins = jsonql.histogram(data, bins=10, weights=None) + np.testing.assert_almost_equal(bins, [0.1 * x for x in range(11)]) + np.testing.assert_almost_equal(hist, [1, 4, 0, 0, 2, 0, 0, 0, 2, 1]) + + +def test_display_stats(): + stats = { + jsonql.ALL_DOCUMENTS: 100, + "title": 80, + "title.length": 80 * 50, + "text": 100, + "text.length": 100 * 1000, + "popularity": 8, + "popularity.val": [0.1, 0.1, 0.1, 0.1, 0.4, 0.4, 0.9, 0.9], + } + + (title,) = jsonql.display_stats(stats, "title") + assert "title" in title + assert "saw 80 times" in title + assert "average length is" in title + assert "\n" not in title + + (text,) = jsonql.display_stats(stats, "text") + assert "text" in text + assert "saw 100 times" in text + assert "average length is" in text + assert "\n" not in text + + histogram = jsonql.display_stats( + stats, "popularity", bins=[x / 10 for x in range(1, 10)] + ) + assert "popularity" in histogram[0] + assert "saw 8 times" in histogram[0] + assert "histogram is" in histogram[0] + assert "0.100 " + bar("████████") in histogram[1] + assert "0.400 " + bar("████ ") in histogram[2] + assert "0.800 " + bar("████ ") in histogram[3] + + cum_histogram = jsonql.display_stats(stats, "popularity", bins=8, cumulative=True) + assert "popularity" in cum_histogram[0] + assert "saw 8 times" in cum_histogram[0] + assert "histogram is" in cum_histogram[0] + assert "0.100 " + bar("████ ") in cum_histogram[1] + assert "0.400 " + bar("██████ ") in cum_histogram[2] + assert "0.800 " + bar("████████") in cum_histogram[3] + + +def test_describe(): + def sample(pop): + return dict(title="Lorem", text="Lorem ipsum dolor sit amet.", popularity=pop) + + data = [sample(pop) for pop in [0.1, 0.1, 0.1, 0.1, 0.4, 0.4, 0.9, 0.9]] + desc = get_output( + jsonql.describe, data, columns=None, bins=[x / 10 for x in range(1, 10)] + ) + + assert "Field title saw 8 times (100.0%), average length is 5" in desc + assert "Field text saw 8 times (100.0%), average length is 27" in desc + assert "Field popularity saw 8 times (100.0%), histogram is" in desc + assert "0.100 " + bar("████████") in desc + assert "0.400 " + bar("████ ") in desc + assert "0.800 " + bar("████ ") in desc + + desc = get_output(jsonql.describe, data, columns=["text"]) + assert "Field title saw 8 times (100.0%), average length is 5" not in desc + assert "Field text saw 8 times (100.0%), average length is 27" in desc + assert "Field popularity, histogram is:" not in desc + + +def test_custom_pipe(): + def transformer(source, sep=" "): + for i, line in enumerate(source): + res = f"{i}{sep}{line}" + yield res + + data = ["hello", "world"] + assert get_output(transformer, data) == "0 hello\n1 world\n" + assert get_output(transformer, data, sep="_") == "0_hello\n1_world\n" + + +def test_open_read_write(tmp_path: Path): + def _lines(filename: Path) -> Sequence[str]: + # jsonql.lines calls open_read + return list(jsonql.lines(filename)) + + tmp = tmp_path + with jsonql.open_write(tmp / "a.txt") as o: + print("a", file=o) + assert _lines(tmp / "a.txt") == ["a"] + + jsonql.write_jsons([{"a": 1}], tmp / "a.txt") + assert _lines(tmp / "a.txt") == ['{"a": 1}'] + + with jsonql.open_write(tmp / "a.gz") as o: + print("a", file=o) + assert _lines(tmp / "a.gz") == ["a"] + + with jsonql.open_write([tmp / "a0.txt", tmp / "a1.txt"]) as o: + print("a", file=o) + assert _lines(tmp / "a0.txt") == ["a"] + assert not (tmp / "a1.txt").is_file() + + with jsonql.open_write([tmp / "b0.txt", tmp / "b1.txt"], max_size="1k") as o: + print("0" * 2000, file=o) + print("1" * 2000, file=o) + assert _lines(tmp / "b0.txt") == ["0" * 2000] + assert _lines(tmp / "b1.txt") == ["1" * 2000] + + with jsonql.open_write(tmp / "a_????.json") as o: + print("a", file=o) + assert _lines(tmp / "a_0000.json") == ["a"] + assert not (tmp / "a_0001.json").is_file() + assert _lines(tmp / "a_*.json") == ["a"] + + with jsonql.open_write(tmp / "b_??.json", max_size="1k") as o: + print("0" * 2000, file=o) + print("1" * 2000, file=o) + assert _lines(tmp / "b_00.json") == ["0" * 2000] + assert _lines(tmp / "b_01.json") == ["1" * 2000] + assert _lines(tmp / "b_*.json") == ["0" * 2000, "1" * 2000] + + +def test_split_file(tmp_path: Path): + file = tmp_path / "test.txt" + content = "Hello\nWorld\n" + + with open(file, "w") as o: + o.write(content) + + with jsonql.SplitFile(file, chunk=0, n_chunks=2) as f: + assert f.readlines() == ["Hello\n"] + + with jsonql.SplitFile(file, chunk=1, n_chunks=2) as f: + assert f.readlines() == ["World\n"] + + +def test_split_file_middle_of_line(tmp_path: Path): + file = tmp_path / "test.txt" + content = "Hello _|_\nWorld\n" + # split is here ^ + + with open(file, "w") as o: + o.write(content) + + with jsonql.SplitFile(file, chunk=0, n_chunks=2) as f: + assert f.readlines() == ["Hello _|_\n"] + + with jsonql.SplitFile(file, chunk=1, n_chunks=2) as f: + assert f.readlines() == ["World\n"] + + +def test_split_file_middle_of_char(tmp_path: Path): + file = tmp_path / "test.txt" + content = "Hello\U0001F40D\nWorld\n" + # split is here ^^ + + with open(file, "w") as o: + o.write(content) + + with jsonql.SplitFile(file, chunk=0, n_chunks=2) as f: + assert f.readlines() == ["Hello🐍\n"] + + with jsonql.SplitFile(file, chunk=1, n_chunks=2) as f: + assert f.readlines() == ["World\n"] + + +def test_blocked_gzip(tmp_path: Path): + file = tmp_path / "test.gz" + f = str(file) + # Each object is 10/11 bytes long. We have 2 of them by block. + content = ['{"xx": %d}' % i for i in range(80)] + with jsonql.BlockedGzipWriter(file, "wt", block_size="20B") as o: + for line in content: + print(line, file=o) + + jr = jsonql.JsonReader(strict=True) + expected = list(jr.map(content)) + # read as one file + assert expected == list(jsonql.read_jsons(file)) + # read first block + assert expected[:2] == list(jsonql.read_jsons(f + "[0/40]")) + # read last block + assert expected[-2:] == list(jsonql.read_jsons(f + "[39/40]")) + + readers = jsonql.get_block_readers(file, 9) + read_as_several_files = [list(jsonql.read_jsons(r)) for r in readers] + # 40 splits of 2 docs, 9 readers -> 5 splits, 10 docs per reader + assert list(jsonql.grouper(expected, 10)) == read_as_several_files + + +def test_enter_exit(capsys): + class MyTransformer(jsonql.Transformer): + def __enter__(self): + print("trans: started") + self.ready = True + return self + + def __exit__(self, *args): + print("trans: done") + + def do(self, x): + return (x, x) + + def acc(values): + print("acc: started") + res = 0 + for (x, _) in values: + res += int(x) + print("acc: done") + yield f"acc: result={res}" + + t = MyTransformer() + data = (str(x) for x in range(10)) + print("pipeline: started") + # Print to stdout. + jsonql.run_pipes(t, acc, file=data) + print("pipeline: done") + out = capsys.readouterr().out + assert ( + "\n".join( + [ + "pipeline: started", + "trans: started", + "acc: started", + "acc: done", + f"acc: result=45", + # Transformers are closed at the very end. + "trans: done", + "pipeline: done\n", + ] + ) + == out + ) + + +def test_write_to_stdout(capsys): + lines = [str(x) for x in range(10)] + jsonql.run_pipes(file=iter(lines)) + out = capsys.readouterr().out + assert out == "\n".join(lines) + "\n" + + +def test_write_to_stdout_handle_newlines(capsys): + lines = [str(x) + "\n" for x in range(10)] + jsonql.run_pipes(file=iter(lines)) + out = capsys.readouterr().out + assert out == "".join(lines) + + +def test_multiprocess(capsys): + mult = jsonql.Mapper(lambda x: f"2x = {2 * int(x)}") + jsonql.run_pipes(mult, processes=2, file=(str(x) for x in range(10))) + out = set(capsys.readouterr().out.strip("\n").split("\n")) + assert {f"2x = {2 * x}" for x in range(10)} == out diff --git a/data_tooling/kenlm_training/tests/test_minify.py b/data_tooling/kenlm_training/tests/test_minify.py new file mode 100644 index 0000000..aa135a9 --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_minify.py @@ -0,0 +1,153 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import json +from pathlib import Path + +import pytest + +import cc_net +import cc_net.minify as minify +from cc_net import jsonql, process_wet_file +from cc_net.minify import ( + HASH_SIZE, + decode_hashes, + encode_hashes, + encode_line_ids, + get_hashes, +) + + +def test_encode_decode(): + sentences = ["Hello world !", "Is everyone happy in here ?"] + hashes = get_hashes(sentences) + assert all([len(h) == HASH_SIZE for h in hashes]) + hashes_int = [minify._b2i(h) for h in hashes] + encoded = encode_hashes(hashes) + decoded = decode_hashes(encoded) + assert all([len(d) == HASH_SIZE for d in decoded]) + + decoded_int = [minify._b2i(d) for d in decoded] + + assert hashes_int == decoded_int + assert hashes == decoded + + +def test_minify(): + doc = { + "raw_content": "Hello world !\nIs everyone happy in here ?", + "language": "en", + "perplexity": 120.0, + "line_ids": [0, 4], + } + expected = {"line_ids": "AAAEAA==", "language": "en", "perplexity": 120.0} + minifier = minify.Minifier() + assert expected == minifier(doc) + + +@pytest.fixture +def http_from_disk(monkeypatch): + def read_sample_file(url: str, n_retry: int = 3) -> bytes: + expected_url = process_wet_file.WET_URL_ROOT + "/crawl-data/sample.warc.wet" + assert expected_url == url + file = Path(__file__).parent / "data" / "sample.warc.txt" + return file.read_bytes() + + monkeypatch.setattr(cc_net.jsonql, "request_get_content", read_sample_file) + + +def test_minify_and_fetch(http_from_disk, tmp_path: Path): + full_quotes = """Don't part with your illusions. When they are gone you may still exist, but you have ceased to live. +Education: that which reveals to the wise, and conceals from the stupid, the vast limits of their knowledge. +Facts are stubborn things, but statistics are more pliable. +Fiction is obliged to stick to possibilities. Truth isn't.""" + # We don't need no education. + chosen_quotes = "\n".join( + l for l in full_quotes.splitlines() if "Education" not in l + ) + + cc_doc = { + "url": "http://sample_english.com", + "date_download": "2019-03-18T00:00:00Z", + "digest": "sha1:XQZHW7QWIG54HVAV3KPRW6MK5ILDNCER", + "source_domain": "sample_english.com", + "title": "Famous Mark Twain Quotes", + "raw_content": full_quotes, + "cc_segment": "crawl-data/sample.warc.wet", + "nlines": 4, + "length": 353, + } + + ccnet_metadata = { + "language": "en", + "language_score": 0.99, + "perplexity": 151.5, + "bucket": "head", + "raw_content": chosen_quotes, + "nlines": 3, + "length": len(chosen_quotes), + "original_nlines": 4, + "original_length": 353, + "line_ids": [0, 2, 3], + } + ccnet_doc = dict(cc_doc, **ccnet_metadata) + mini = minify.Minifier()(ccnet_doc.copy()) + assert mini is not ccnet_doc + + important_fields = [ + "url", + "digest", + "cc_segment", + "language", + "language_score", + "perplexity", + "bucket", + "line_ids", + ] + expected = {k: ccnet_doc[k] for k in important_fields} + expected["line_ids"] = encode_line_ids(expected["line_ids"]) # type: ignore + assert expected == mini + + with jsonql.open_write(tmp_path / "sample.json") as o: + print(json.dumps(mini), file=o) + fetcher = minify.MetadataFetcher(tmp_path) + # line_ids is removed when unminifying + ccnet_doc.pop("line_ids") + assert ccnet_doc == fetcher(cc_doc) + + +def test_fetch(http_from_disk, tmp_path: Path): + mini_docs = [ + { + "url": "http://sample_chinese.com", + "digest": "sha1:Y4E6URVYGIAFNVRTPZ5S3J64RTZTP6HJ", + "cc_segment": "crawl-data/sample.warc.wet", + "line_ids": encode_line_ids([2]), + "bucket": "not_that_great", + }, + { + "url": "http://sample_english.com", + "digest": "sha1:XQZHW7QWIG54HVAV3KPRW6MK5ILDNCER", + "cc_segment": "crawl-data/sample.warc.wet", + "line_ids": encode_line_ids([3]), + "bucket": "top_notch", + }, + ] + with jsonql.open_write(tmp_path / "sample.json") as o: + for mini in mini_docs: + print(json.dumps(mini), file=o) + + fetcher = minify.MetadataFetcher(tmp_path) + cc = process_wet_file.CCSegmentsReader(["crawl-data/sample.warc.wet"]) + docs = [d for d in fetcher.map(cc) if d is not None] + assert cc.retrieved_segments == 1 + + # Note: documents are retrieved as they are ordered in the .warc.wet file + assert [ + "Facts are stubborn things, but statistics are more pliable.", + "事實是固執的東西,但統計數字卻比較柔和。", + ] == [d["raw_content"] for d in docs] + assert ["top_notch", "not_that_great"] == [d["bucket"] for d in docs] diff --git a/data_tooling/kenlm_training/tests/test_normalizer.py b/data_tooling/kenlm_training/tests/test_normalizer.py new file mode 100644 index 0000000..c2168e3 --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_normalizer.py @@ -0,0 +1,29 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import cc_net.text_normalizer as txt + + +def test_unicode_punct(): + weird = ",。、„”“«»1」「《》´∶:?!();–—.~’…━〈〉【】%" + replaced = ',.,""""""""""\'::?!();- - . ~\'...-<>[]%' + assert txt.replace_unicode_punct(weird) == replaced + + assert txt.remove_unicode_punct(weird) == "" + + +def test_numbers(): + weird = "023456789 | 0123456789" + normalized = "000000000 | 0000000000" + assert txt.normalize(weird, numbers=True) == normalized + assert txt.normalize(weird, numbers=False) == weird + + +def test_normalize_for_dedup(): + weird = "023´∶:\x10 | ;012 hèllo" + normalized = "000 | ;000 hèllo" + assert normalized == txt.slow_normalize_for_dedup(weird) + assert normalized == txt.normalize_for_dedup(weird) diff --git a/data_tooling/kenlm_training/tests/test_parse_wet_file.py b/data_tooling/kenlm_training/tests/test_parse_wet_file.py new file mode 100644 index 0000000..9acc6b5 --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_parse_wet_file.py @@ -0,0 +1,47 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +from pathlib import Path + +from cc_net import process_wet_file + + +def test_parsing(): + sample = Path(__file__).parent / "data" / "sample.warc.txt" + with open(sample) as f: + documents = list(process_wet_file.parse_warc_file(f)) + + expected_urls = [ + "http://sample_english.com", + "http://sample_chinese.zh", + "http://sample_russian.ru", + ] + assert expected_urls == [d["url"] for d in documents] + expected_domains = ["sample_english.com", "sample_chinese.zh", "sample_russian.ru"] + assert expected_domains == [d["source_domain"] for d in documents] + + expected_date = [ + "2019-03-18T00:00:00Z", + "2019-03-18T00:00:01Z", + "2019-03-18T00:00:02Z", + ] + assert expected_date == [d["date_download"] for d in documents] + + expected_title = [ + "Famous Mark Twain Quotes", + "馬克·吐溫名言", + "Цитаты знаменитого Марка Твена", + ] + assert expected_title == [d["title"] for d in documents] + + expected_quotes = """Don't part with your illusions. When they are gone you may still exist, but you have ceased to live. +Education: that which reveals to the wise, and conceals from the stupid, the vast limits of their knowledge. + +Facts are stubborn things, but statistics are more pliable. +Fiction is obliged to stick to possibilities. Truth isn't. +""" + + assert expected_quotes == documents[0]["raw_content"] diff --git a/data_tooling/kenlm_training/tests/test_regroup.py b/data_tooling/kenlm_training/tests/test_regroup.py new file mode 100644 index 0000000..fa722b7 --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_regroup.py @@ -0,0 +1,50 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import time + +from cc_net import jsonql, regroup + + +def check_regroup(tmp_path, regroup_fn, check_blocks_boundaries=False): + n_shards = 4 + n_docs = 20 + shards = [ + [dict(id=i, shard=s, raw_content="hello world") for i in range(n_docs)] + for s in range(n_shards) + ] + shards_files = [tmp_path / f"{s:04d}.json.gz" for s in range(n_shards)] + for shard, shard_file in zip(shards, shards_files): + jsonql.run_pipes(inputs=shard, output=shard_file) + regroup_file = tmp_path / "regroup.json.gz" + start = time.time() + regroup_fn(shards_files, regroup_file) + duration = time.time() - start + print(f"{regroup_fn.__module__}.{regroup_fn.__name__} took {duration}s") + + regrouped = list(jsonql.read_jsons(regroup_file)) + assert [doc for shard in shards for doc in shard] == regrouped + + readers = jsonql.get_block_readers(regroup_file, n_shards) + if not check_blocks_boundaries: + assert [doc for shard in shards for doc in shard] == [ + doc for reader in readers for doc in jsonql.read_jsons(reader) + ] + return + + for shard, reader in zip(shards, readers): + block = [doc for doc in jsonql.read_jsons(reader)] + assert shard == block + + +def test_regroup(tmp_path): + # With regroup boundaries will be every 256Mb. + check_regroup(tmp_path, regroup.reshard, check_blocks_boundaries=False) + + +def test_fast_regroup(tmp_path): + # With fast regroup boundaries should match the shards. + check_regroup(tmp_path, regroup.fast_reshard, check_blocks_boundaries=True) diff --git a/data_tooling/kenlm_training/tests/test_transformer.py b/data_tooling/kenlm_training/tests/test_transformer.py new file mode 100644 index 0000000..7acf1a0 --- /dev/null +++ b/data_tooling/kenlm_training/tests/test_transformer.py @@ -0,0 +1,86 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +# + +import inspect +import pickle +from pathlib import Path + +import pytest + +from cc_net import dedup, jsonql, perplexity, split_by_lang, tokenizer + + +def get_transformers(module): + return [ + v + for v in vars(module).values() + if type(v) is type + and issubclass(v, jsonql.Transformer) + and v != jsonql.Transformer + ] + + +ALL_TRANSFORMERS = ( + get_transformers(jsonql) + + get_transformers(dedup) + + get_transformers(perplexity) + + get_transformers(tokenizer) + + get_transformers(split_by_lang) +) + + +def check_transformer_is_calling_super_init(cls: type): + assert issubclass(cls, jsonql.Transformer) + # accessing __init__ is generally an error, but here we do want to inspect + # the __init__method. + code = inspect.getsource(cls.__init__) # type: ignore + code = code.replace(" ", "") + + # Check that super().__init__ is called. + assert "super().__init__()" in code + + +def test_bad_transformers_are_caught(): + class BadTransformer(jsonql.Transformer): + def __init__(self, arg): + # We aren't calling super /!\ + self.arg = arg + + with pytest.raises(AssertionError): + check_transformer_is_calling_super_init(BadTransformer) + + +@pytest.mark.parametrize("transformer", ALL_TRANSFORMERS) +def test_transformer_is_correctly_implemented(transformer): + check_transformer_is_calling_super_init(transformer) + + +@pytest.mark.skipif( + not Path("bin/lid.bin").exists(), reason="bin/lid.bin not found, run `make install`" +) +def test_can_pickle_transformer(tmp_path): + model = Path("bin/lid.bin") + if not model.exists(): + return + classifier = split_by_lang.Classifier(model, "text", "lang") + classifier.__enter__() + doc = dict(text="Hello world ! This is English btw.") + original_results = classifier(doc) + + with open(tmp_path / "transformer.pkl", "wb") as o: + pickle.dump(classifier, o) + with open(tmp_path / "transformer.pkl", "rb") as f: + classifier = pickle.load(f) + + assert original_results == classifier(doc) + + # Do it again with the unpickled object. + with open(tmp_path / "transformer.pkl", "wb") as o: + pickle.dump(classifier, o) + with open(tmp_path / "transformer.pkl", "rb") as f: + classifier = pickle.load(f) + + assert original_results == classifier(doc) diff --git a/data_tooling/kenlm_training/train_all.sh b/data_tooling/kenlm_training/train_all.sh new file mode 100644 index 0000000..6988a01 --- /dev/null +++ b/data_tooling/kenlm_training/train_all.sh @@ -0,0 +1,133 @@ +#!/bin/bash +set -e + +# Languages to train on +LANGUAGES_WIKIPEDIA=( "es" "af" "ar" "arz" "as" "bn" "fr" "sw" "eu" "ca" "zh" "en" "hi" "ur" "id" "pt" "vi" "gu" "kn" "ml" "mr" "ta" "te" "yo" ) +LANGUAGES_OSCAR=( "es" "af" "ar" "arz" "as" "bn" "fr" "sw" "eu" "ca" "zh" "en" "hi" "ur" "id" "pt" "vi" "gu" "kn" "ml" "mr" "te" ) + +NDOC_FOR_LM=1_000_000 +VOCAB_SIZE=65536 +SMALL_VOCAB_SIZE=40000 + +# Normalization parameters +REMOVE_ACCENTS=False +LOWER_CASE=False +NORMALIZE_NUMBERS=True +NORMALIZE_PUNCT=1 + +# OSCAR +NDOC_FOR_LM_OSCAR=1_000_000 + + +train_language_and_dataset () { + local lang=$1 + local dataset=$2 + if [ "$dataset" = "wikipedia" ]; then + # 1 Download Wikipedia cirrus + if [ -f "data/${dataset}/cirrus/gz/${lang}.json.gz" ]; then + echo "${lang} Wikipedia cirrus was already downloaded." + else + echo "Downloading ${lang}" + mkdir -p "data/${dataset}/cirrus/gz/" + python cc_net/get_wiki_cirrus.py dl --lang "${lang}" --output_dir "data/${dataset}/cirrus/gz" --date 20211115 + echo "Downloaded Wikipedia cirrus for ${lang}" + fi + + # 2 Extract opening text of each article + if [ -f "data/${dataset}/cirrus/gz/${lang}.opening.txt" ]; then + echo "Wikipedia openings were already extracted for ${lang}" + else + echo "Extracting ${lang}" + python cc_net/get_wiki_cirrus.py opening \ + --n_docs ${NDOC_FOR_LM} \ + --file "data/${dataset}/cirrus/gz/${lang}.json.gz" \ + --output "data/${dataset}/cirrus/gz/${lang}.opening.txt" \ + --accent ${REMOVE_ACCENTS} \ + --case ${LOWER_CASE} \ + --numbers ${NORMALIZE_NUMBERS} \ + --punct ${NORMALIZE_PUNCT} + fi + else + # 1 & 2 Download and preprocess dataset from HF hub + if [ -f "data/${dataset}/cirrus/gz/${lang}.opening.txt" ]; then + echo "Wikipedia openings were already extracted for ${lang}" + else + echo "Downloading OSCAR ${lang}" + mkdir -p "data/${dataset}/cirrus/gz/" + python cc_net/get_hf_dataset.py dl \ + --dataset "${dataset}" \ + --output_file "data/${dataset}/cirrus/gz/${lang}.opening.txt" \ + --name "unshuffled_deduplicated_${lang}" \ + --split "train" \ + --max_docs $NDOC_FOR_LM_OSCAR + fi + fi + + # 3 Train sentence piece tokenizer + if [ -f "data/${dataset}/lm_sp/${lang}.sp.model" ]; then + echo "Sentence piece tokenizer was already trained for ${lang}" + else + echo "Training sentence piece tokenizer for ${lang}" + mkdir -p "data/${dataset}/lm_sp" + ./bin/spm_train --input="data/${dataset}/cirrus/gz/${lang}.opening.txt" \ + --vocab_size=${VOCAB_SIZE} --hard_vocab_limit \ + --character_coverage=0.9995 \ + --model_type=unigram \ + --model_prefix="data/${dataset}/lm_sp/${lang}.sp" \ + || echo "WARNING: Corpus is too small, will train smaller model" && \ + ./bin/spm_train --input="data/${dataset}/cirrus/gz/${lang}.opening.txt" \ + --vocab_size=${SMALL_VOCAB_SIZE} \ + --character_coverage=0.9995 \ + --model_type=unigram \ + --model_prefix="data/${dataset}/lm_sp/${lang}.sp" + + echo "Trained SentencePiece model with $(wc -l data/"${dataset}"/lm_sp/"${lang}".sp.vocab) pieces" + fi + + # 4 Tokenize openings dataset + if [ -f "data/${dataset}/cirrus/sp/${lang}.opening.txt" ]; then + echo "Openings dataset already tokenized for ${lang}" + else + mkdir -p "data/${dataset}/cirrus/sp" + echo "Tokenizing openings dataset for ${lang}" + ./bin/spm_encode \ + --model="data/${dataset}/lm_sp/${lang}.sp.model" \ + --output_format=piece \ + "data/${dataset}/cirrus/gz/${lang}.opening.txt" > "data/${dataset}/cirrus/sp/${lang}.opening.txt" + echo "Tokenized openings dataset for ${lang}" + fi + + # 5 Train KenLM model on tokenized dataset + if [ -f "data/${dataset}/lm_sp/${lang}.arpa" ] || [ -f "data/${dataset}/lm_sp/${lang}.arpa.bin" ]; then + echo "KenLM model already trained for ${lang}" + else + echo "Training KenLM model for ${lang}" + mkdir -p tmp + ./bin/lmplz -o 5 -S 8G -T tmp --vocab_estimate ${VOCAB_SIZE} --discount_fallback \ + < "data/${dataset}/cirrus/sp/${lang}.opening.txt" > "data/${dataset}/lm_sp/${lang}.arpa" + echo "Trained KenLM model for ${lang}" + fi + + # 6 Convert KenLM model to binary + if [ -f "data/${dataset}/lm_sp/${lang}.arpa.bin" ]; then + echo "KenLM model already converted to binary for ${lang}" + else + echo "Converting KenLM model to binary for ${lang}" + ./bin/build_binary "data/${dataset}/lm_sp/${lang}.arpa" "data/${dataset}/lm_sp/${lang}.arpa.bin" + echo "Converted KenLM model to binary for ${lang}" + rm "data/${dataset}/lm_sp/${lang}.arpa" + fi + +} + + + +for lang in "${LANGUAGES_WIKIPEDIA[@]}" +do + train_language_and_dataset "$lang" wikipedia +done + +for lang in "${LANGUAGES_OSCAR[@]}" +do + train_language_and_dataset "$lang" oscar +done diff --git a/data_tooling/perplexity_lenses/README.md b/data_tooling/perplexity_lenses/README.md new file mode 100644 index 0000000..851a972 --- /dev/null +++ b/data_tooling/perplexity_lenses/README.md @@ -0,0 +1,50 @@ +--- +title: Perplexity Lenses +emoji: 🌸 +colorFrom: pink +colorTo: blue +sdk: streamlit +app_file: app.py +pinned: false +--- + +# Installation: +Requires Python >= 3.7 and < 3.10 +``` +pip install . +``` +Or with [poetry](https://python-poetry.org/) +``` +poetry install +``` + +# Web App: +The app is hosted [here](https://huggingface.co/spaces/edugp/perplexity-lenses). To run it locally: +``` +python -m streamlit run app.py +``` + +# CLI: +The CLI with no arguments defaults to running mc4 in Spanish. +For full usage: +``` +python cli.py --help +``` +Example: Running on 1000 sentences extracted from Spanish OSCAR docs specifying all arguments: +``` +python cli.py \ + --dataset oscar \ + --dataset-config unshuffled_deduplicated_es \ + --dataset-split train \ + --text-column text \ + --language es \ + --doc-type sentence \ + --sample 1000 \ + --dimensionality-reduction umap \ + --model-name distiluse-base-multilingual-cased-v1 \ + --output-file perplexity.html +``` +# Tests: +``` +python -m unittest discover -s ./tests/ -p "test_*.py" +``` diff --git a/data_tooling/perplexity_lenses/app.py b/data_tooling/perplexity_lenses/app.py new file mode 100644 index 0000000..16c3b72 --- /dev/null +++ b/data_tooling/perplexity_lenses/app.py @@ -0,0 +1,147 @@ +import logging +from functools import partial + +import streamlit as st +from embedding_lenses.data import uploaded_file_to_dataframe +from embedding_lenses.dimensionality_reduction import ( + get_tsne_embeddings, + get_umap_embeddings, +) +from embedding_lenses.embedding import load_model + +from perplexity_lenses import REGISTRY_DATASET +from perplexity_lenses.data import ( + documents_df_to_sentences_df, + hub_dataset_to_dataframe, +) +from perplexity_lenses.engine import ( + DIMENSIONALITY_REDUCTION_ALGORITHMS, + DOCUMENT_TYPES, + EMBEDDING_MODELS, + LANGUAGES, + PERPLEXITY_MODELS, + SEED, + generate_plot, +) +from perplexity_lenses.perplexity import KenlmModel +from perplexity_lenses.visualization import draw_histogram + +logging.basicConfig(level=logging.INFO) +logger = logging.getLogger(__name__) + + +st.title("Perplexity Lenses") +st.write("Visualize text embeddings in 2D using colors to represent perplexity values.") +uploaded_file = st.file_uploader("Choose an csv/tsv file...", type=["csv", "tsv"]) +st.write( + "Alternatively, select a dataset from the [hub](https://huggingface.co/datasets)" +) +col1, col2, col3 = st.columns(3) +with col1: + hub_dataset = st.text_input("Dataset name", "mc4") +with col2: + hub_dataset_config = st.text_input("Dataset configuration", "es") +with col3: + hub_dataset_split = st.text_input("Dataset split", "train") + +col4, col5 = st.columns(2) +with col4: + text_column = st.text_input("Text field name", "text") +with col5: + language = st.selectbox("Language", LANGUAGES, 12) + +col6, col7 = st.columns(2) +with col6: + doc_type = st.selectbox("Document type", DOCUMENT_TYPES, 1) +with col7: + sample = st.number_input("Maximum number of documents to use", 1, 100000, 1000) +perplexity_model = st.selectbox( + "Dataset on which the perplexity model was trained on", PERPLEXITY_MODELS, 0 +).lower() + +dimensionality_reduction = st.selectbox( + "Dimensionality Reduction algorithm", DIMENSIONALITY_REDUCTION_ALGORITHMS, 0 +) +model_name = st.selectbox("Sentence embedding model", EMBEDDING_MODELS, 0) + +advanced_options = st.checkbox( + "Advanced options (do not modify if using default KenLM models).", value=False +) +lower_case = True +remove_accents = True +normalize_numbers = True +punctuation = 1 +if advanced_options: + lower_case = st.checkbox( + "Lower case text for KenLM preprocessing (from cc_net)", value=False + ) + remove_accents = st.checkbox( + "Remove accents for KenLM preprocessing (from cc_net)", value=False + ) + normalize_numbers = st.checkbox( + "Replace numbers with zeros KenLM preprocessing (from cc_net)", value=True + ) + punctuation = st.number_input( + "Punctuation mode to use from cc_net KenLM preprocessing", 1, 2, 1 + ) + +with st.spinner(text="Loading embedding model..."): + model = load_model(model_name) +dimensionality_reduction_function = ( + partial(get_umap_embeddings, random_state=SEED) + if dimensionality_reduction == "UMAP" + else partial(get_tsne_embeddings, random_state=SEED) +) + +with st.spinner(text="Loading KenLM model..."): + kenlm_model = KenlmModel.from_pretrained( + perplexity_model, + language, + lower_case, + remove_accents, + normalize_numbers, + punctuation, + ) + +if uploaded_file or hub_dataset: + with st.spinner("Loading dataset..."): + if uploaded_file: + df = uploaded_file_to_dataframe(uploaded_file) + if doc_type == "Sentence": + df = documents_df_to_sentences_df(df, text_column, sample, seed=SEED) + df["perplexity"] = df[text_column].map(kenlm_model.get_perplexity) + else: + df = hub_dataset_to_dataframe( + hub_dataset, + hub_dataset_config, + hub_dataset_split, + sample, + text_column, + kenlm_model, + seed=SEED, + doc_type=doc_type, + ) + + # Round perplexity + df["perplexity"] = df["perplexity"].round().astype(int) + logger.info( + f"Perplexity range: {df['perplexity'].min()} - {df['perplexity'].max()}" + ) + plot, plot_registry = generate_plot( + df, + text_column, + "perplexity", + None, + dimensionality_reduction_function, + model, + seed=SEED, + context_logger=st.spinner, + hub_dataset=hub_dataset, + ) + logger.info("Displaying plots") + st.bokeh_chart(plot) + if hub_dataset == REGISTRY_DATASET: + st.bokeh_chart(plot_registry) + fig = draw_histogram(df["perplexity"].values) + st.pyplot(fig) + logger.info("Done") diff --git a/data_tooling/perplexity_lenses/cli.py b/data_tooling/perplexity_lenses/cli.py new file mode 100644 index 0000000..a889d0e --- /dev/null +++ b/data_tooling/perplexity_lenses/cli.py @@ -0,0 +1,139 @@ +import logging +from functools import partial +from typing import Optional + +import pandas as pd +import typer +from bokeh.plotting import output_file as bokeh_output_file +from bokeh.plotting import save +from embedding_lenses.dimensionality_reduction import ( + get_tsne_embeddings, + get_umap_embeddings, +) +from embedding_lenses.embedding import load_model + +from perplexity_lenses import REGISTRY_DATASET +from perplexity_lenses.data import ( + documents_df_to_sentences_df, + hub_dataset_to_dataframe, +) +from perplexity_lenses.engine import ( + DIMENSIONALITY_REDUCTION_ALGORITHMS, + DOCUMENT_TYPES, + EMBEDDING_MODELS, + LANGUAGES, + PERPLEXITY_MODELS, + SEED, + generate_plot, +) +from perplexity_lenses.perplexity import KenlmModel +from perplexity_lenses.visualization import draw_histogram + +logging.basicConfig(level=logging.INFO) +logger = logging.getLogger(__name__) + + +app = typer.Typer() + + +@app.command() +def main( + dataset: str = typer.Option( + "mc4", help="The name of the hub dataset or local csv/tsv file." + ), + dataset_config: Optional[str] = typer.Option( + "es", + help="The configuration of the hub dataset, if any. Does not apply to local csv/tsv files.", + ), + dataset_split: Optional[str] = typer.Option( + "train", help="The dataset split. Does not apply to local csv/tsv files." + ), + text_column: str = typer.Option("text", help="The text field name."), + language: str = typer.Option( + "es", help=f"The language of the text. Options: {LANGUAGES}" + ), + doc_type: str = typer.Option( + "sentence", + help=f"Whether to embed at the sentence or document level. Options: {DOCUMENT_TYPES}.", + ), + sample: int = typer.Option(1000, help="Maximum number of examples to use."), + perplexity_model: str = typer.Option( + "wikipedia", + help=f"Dataset on which the perplexity model was trained on. Options: {PERPLEXITY_MODELS}", + ), + dimensionality_reduction: str = typer.Option( + DIMENSIONALITY_REDUCTION_ALGORITHMS[0], + help=f"Whether to use UMAP or t-SNE for dimensionality reduction. Options: {DIMENSIONALITY_REDUCTION_ALGORITHMS}.", + ), + model_name: str = typer.Option( + EMBEDDING_MODELS[0], + help=f"The sentence embedding model to use. Options: {EMBEDDING_MODELS}", + ), + output_file: str = typer.Option( + "perplexity", help="The name of the output visualization files." + ), +): + """ + Perplexity Lenses: Visualize text embeddings in 2D using colors to represent perplexity values. + """ + logger.info("Loading embedding model...") + model = load_model(model_name) + dimensionality_reduction_function = ( + partial(get_umap_embeddings, random_state=SEED) + if dimensionality_reduction.lower() == "umap" + else partial(get_tsne_embeddings, random_state=SEED) + ) + logger.info("Loading KenLM model...") + kenlm_model = KenlmModel.from_pretrained( + perplexity_model.lower(), + language, + lower_case=True, + remove_accents=True, + normalize_numbers=True, + punctuation=1, + ) + logger.info("Loading dataset...") + if dataset.endswith(".csv") or dataset.endswith(".tsv"): + df = pd.read_csv(dataset, sep="\t" if dataset.endswith(".tsv") else ",") + if doc_type.lower() == "sentence": + df = documents_df_to_sentences_df(df, text_column, sample, seed=SEED) + df["perplexity"] = df[text_column].map(kenlm_model.get_perplexity) + else: + df = hub_dataset_to_dataframe( + dataset, + dataset_config, + dataset_split, + sample, + text_column, + kenlm_model, + seed=SEED, + doc_type=doc_type, + ) + # Round perplexity + df["perplexity"] = df["perplexity"].round().astype(int) + logger.info( + f"Perplexity range: {df['perplexity'].min()} - {df['perplexity'].max()}" + ) + plot, plot_registry = generate_plot( + df, + text_column, + "perplexity", + None, + dimensionality_reduction_function, + model, + seed=SEED, + hub_dataset=dataset, + ) + logger.info("Saving plots") + bokeh_output_file(f"{output_file}.html") + save(plot) + if dataset == REGISTRY_DATASET: + bokeh_output_file(f"{output_file}_registry.html") + save(plot_registry) + fig = draw_histogram(df["perplexity"].values) + fig.savefig(f"{output_file}_histogram.png") + logger.info("Done") + + +if __name__ == "__main__": + app() diff --git a/data_tooling/perplexity_lenses/perplexity_lenses/__init__.py b/data_tooling/perplexity_lenses/perplexity_lenses/__init__.py new file mode 100644 index 0000000..0920bd1 --- /dev/null +++ b/data_tooling/perplexity_lenses/perplexity_lenses/__init__.py @@ -0,0 +1,2 @@ +__version__ = "0.1.0" +REGISTRY_DATASET = "mhtoin/register_oscar" diff --git a/data_tooling/perplexity_lenses/perplexity_lenses/data.py b/data_tooling/perplexity_lenses/perplexity_lenses/data.py new file mode 100644 index 0000000..778749d --- /dev/null +++ b/data_tooling/perplexity_lenses/perplexity_lenses/data.py @@ -0,0 +1,81 @@ +from functools import partial + +import numpy as np +import pandas as pd +from datasets import load_dataset +from tqdm import tqdm + +from perplexity_lenses import REGISTRY_DATASET +from perplexity_lenses.perplexity import KenlmModel + + +def hub_dataset_to_dataframe( + path: str, + name: str, + split: str, + sample: int, + text_column: str, + model: KenlmModel, + seed: int = 0, + doc_type: str = "Whole document", +) -> pd.DataFrame: + load_dataset_fn = partial(load_dataset, path=path) + if name: + load_dataset_fn = partial(load_dataset_fn, name=name) + # Special case for the registry dataset + if path == REGISTRY_DATASET: + load_dataset_fn = partial(load_dataset_fn, data_files=f"{name}/*") + if split: + load_dataset_fn = partial(load_dataset_fn, split=split) + dataset = load_dataset_fn(streaming=True).shuffle(buffer_size=10000, seed=seed) + if doc_type.lower() == "sentence": + dataset = dataset.map( + lambda x: [ + { + text_column: sentence, + "perplexity": model.get_perplexity(sentence), + "label": x.get("labels", [])[0] + if len(x.get("labels", [])) > 0 + else "NONE", # Special case for registry dataset + } + for sentence in x[text_column].split("\n") + ] + ) + else: + dataset = dataset.map( + lambda x: { + text_column: x[text_column], + "perplexity": model.get_perplexity(x[text_column]), + "label": x.get("labels", [])[0] + if len(x.get("labels", [])) > 0 + else "NONE", # Special case for registry dataset + } + ) + instances = [] + count = 0 + for instance in tqdm(dataset, total=sample): + if isinstance(instance, list): + for sentence in instance: + instances.append(sentence) + count += 1 + if count == sample: + break + else: + instances.append(instance) + count += 1 + if count == sample: + break + return pd.DataFrame(instances) + + +def documents_df_to_sentences_df( + df: pd.DataFrame, text_column: str, sample: int, seed: int = 0 +): + df_sentences = pd.DataFrame( + { + text_column: np.array( + df[text_column].map(lambda x: x.split("\n")).values.tolist() + ).flatten() + } + ) + return df_sentences.sample(min(sample, df_sentences.shape[0]), random_state=seed) diff --git a/data_tooling/perplexity_lenses/perplexity_lenses/engine.py b/data_tooling/perplexity_lenses/perplexity_lenses/engine.py new file mode 100644 index 0000000..9e063cd --- /dev/null +++ b/data_tooling/perplexity_lenses/perplexity_lenses/engine.py @@ -0,0 +1,147 @@ +import logging +import time +from typing import Callable, Optional, Tuple, Union + +import numpy as np +import pandas as pd +import streamlit as st +from bokeh.palettes import Turbo256 +from bokeh.plotting import Figure +from embedding_lenses.embedding import embed_text +from embedding_lenses.utils import encode_labels +from embedding_lenses.visualization import draw_interactive_scatter_plot +from sentence_transformers import SentenceTransformer + +from perplexity_lenses import REGISTRY_DATASET + +logger = logging.getLogger(__name__) +EMBEDDING_MODELS = [ + "distiluse-base-multilingual-cased-v1", + "distiluse-base-multilingual-cased-v2", + "all-mpnet-base-v2", + "flax-sentence-embeddings/all_datasets_v3_mpnet-base", +] +DIMENSIONALITY_REDUCTION_ALGORITHMS = ["UMAP", "t-SNE"] +DOCUMENT_TYPES = ["Whole document", "Sentence"] +SEED = 0 +LANGUAGES = [ + "af", + "ar", + "az", + "be", + "bg", + "bn", + "ca", + "cs", + "da", + "de", + "el", + "en", + "es", + "et", + "fa", + "fi", + "fr", + "gu", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "ka", + "kk", + "km", + "kn", + "ko", + "lt", + "lv", + "mk", + "ml", + "mn", + "mr", + "my", + "ne", + "nl", + "no", + "pl", + "pt", + "ro", + "ru", + "uk", + "zh", +] +PERPLEXITY_MODELS = ["Wikipedia", "OSCAR"] + + +class ContextLogger: + def __init__(self, text: str = ""): + self.text = text + self.start_time = time.time() + + def __enter__(self): + logger.info(self.text) + + def __exit__(self, type, value, traceback): + logger.info(f"Took: {time.time() - self.start_time:.4f} seconds") + + +def generate_plot( + df: pd.DataFrame, + text_column: str, + label_column: str, + sample: Optional[int], + dimensionality_reduction_function: Callable, + model: SentenceTransformer, + seed: int = 0, + context_logger: Union[st.spinner, ContextLogger] = ContextLogger, + hub_dataset: str = "", +) -> Tuple[Figure, Optional[Figure]]: + if text_column not in df.columns: + raise ValueError( + f"The specified column name doesn't exist. Columns available: {df.columns.values}" + ) + if label_column not in df.columns: + df[label_column] = 0 + df = df.dropna(subset=[text_column, label_column]) + if sample: + df = df.sample(min(sample, df.shape[0]), random_state=seed) + with context_logger(text="Embedding text..."): + embeddings = embed_text(df[text_column].values.tolist(), model) + logger.info("Encoding labels") + encoded_labels = encode_labels(df[label_column]) + with context_logger("Reducing dimensionality..."): + embeddings_2d = dimensionality_reduction_function(embeddings) + logger.info("Generating figure") + hover_data = { + text_column: df[text_column].values, + label_column: encoded_labels.values, + } + # Round perplexity values + values = df[label_column].values.round().astype(int) + plot = draw_interactive_scatter_plot( + hover_data, + embeddings_2d[:, 0], + embeddings_2d[:, 1], + values, + ) + # Special case for the registry dataset + plot_registry = None + if hub_dataset == REGISTRY_DATASET: + encoded_labels = encode_labels(df["label"]) + hover_data = { + text_column: df[text_column].values, + "label": df["label"].values, + label_column: df[label_column].values, + } + plot_registry = draw_interactive_scatter_plot( + hover_data, + embeddings_2d[:, 0], + embeddings_2d[:, 1], + encoded_labels.values, + palette=Turbo256, + ) + return plot, plot_registry diff --git a/data_tooling/perplexity_lenses/perplexity_lenses/perplexity.py b/data_tooling/perplexity_lenses/perplexity_lenses/perplexity.py new file mode 100644 index 0000000..990f546 --- /dev/null +++ b/data_tooling/perplexity_lenses/perplexity_lenses/perplexity.py @@ -0,0 +1,188 @@ +import os +import re +import unicodedata +from typing import Dict + +import kenlm +import sentencepiece +from huggingface_hub import cached_download, hf_hub_url + +KENLM_MODEL_REPO = "edugp/kenlm" + + +class SentencePiece: + def __init__( + self, + model: str, + ): + super().__init__() + self.sp = sentencepiece.SentencePieceProcessor() + self.sp.load(str(model)) + + def do(self, text: dict) -> dict: + tokenized = self.sp.encode_as_pieces(text) + return " ".join(tokenized) + + +class KenlmModel: + digit_re: re.Pattern = re.compile(r"\d") + unicode_punct: Dict[str, str] = { + ",": ",", + "。": ".", + "、": ",", + "„": '"', + "”": '"', + "“": '"', + "«": '"', + "»": '"', + "1": '"', + "」": '"', + "「": '"', + "《": '"', + "》": '"', + "´": "'", + "∶": ":", + ":": ":", + "?": "?", + "!": "!", + "(": "(", + ")": ")", + ";": ";", + "–": "-", + "—": " - ", + ".": ". ", + "~": "~", + "’": "'", + "…": "...", + "━": "-", + "〈": "<", + "〉": ">", + "【": "[", + "】": "]", + "%": "%", + "►": "-", + } + unicode_punct_re = re.compile(f"[{''.join(unicode_punct.keys())}]") + non_printing_chars_re = re.compile( + f"[{''.join(map(chr, list(range(0,32)) + list(range(127,160))))}]" + ) + kenlm_model_dir = None + sentence_piece_model_dir = None + + def __init__( + self, + model_dataset: str, + language: str, + lower_case: bool = False, + remove_accents: bool = False, + normalize_numbers: bool = True, + punctuation: int = 1, + ): + self.download_kenlm_model(model_dataset, language) + try: + self.model = kenlm.Model(self.kenlm_model_dir) + self.tokenizer = SentencePiece(self.sentence_piece_model_dir) + except OSError: + os.remove(self.kenlm_model_dir) + if os.path.exists(self.sentence_piece_model_dir): + os.remove(self.sentence_piece_model_dir) + raise OSError( + "File was corrupt and should have been removed. Please, retry." + ) + self.accent = remove_accents + self.case = lower_case + self.numbers = normalize_numbers + self.punct = punctuation + + @classmethod + def from_pretrained( + cls, + model_dataset: str, + language: str, + lower_case: bool, + remove_accents: bool, + normalize_numbers: bool, + punctuation: int, + ): + return cls( + model_dataset, + language, + lower_case, + remove_accents, + normalize_numbers, + punctuation, + ) + + def pp(self, log_score, length): + return 10.0 ** (-log_score / length) + + def get_perplexity(self, doc: str, normalize_cc_net: bool = True): + if normalize_cc_net: + doc = self.normalize( + doc, + accent=self.accent, + case=self.case, + numbers=self.numbers, + punct=self.punct, + ) + # Tokenize (after normalizing): See https://github.com/facebookresearch/cc_net/blob/bda555bd1cf1ee2e0b925363e62a61cd46c8b60d/cc_net/mine.py#L352 for full pipeline + doc = self.tokenizer.do(doc) + doc_log_score, doc_length = 0, 0 + for line in doc.split("\n"): + log_score = self.model.score(line) + length = len(line.split()) + 1 + doc_log_score += log_score + doc_length += length + return round(self.pp(doc_log_score, doc_length), 1) + + def normalize( + self, + line: str, + accent: bool = True, + case: bool = True, + numbers: bool = True, + punct: int = 1, + ) -> str: + line = line.strip() + if not line: + return line + if case: + line = line.lower() + if accent: + line = self.strip_accents(line) + if numbers: + line = self.digit_re.sub("0", line) + if punct == 1: + line = self.replace_unicode_punct(line) + elif punct == 2: + line = self.remove_unicode_punct(line) + line = self.remove_non_printing_char(line) + return line + + def strip_accents(self, line: str) -> str: + """Strips accents from a piece of text.""" + nfd = unicodedata.normalize("NFD", line) + output = [c for c in nfd if unicodedata.category(c) != "Mn"] + if len(output) == line: + return line + return "".join(output) + + def replace_unicode_punct(self, text: str) -> str: + return "".join(self.unicode_punct.get(c, c) for c in text) + + def remove_unicode_punct(self, text: str) -> str: + """More aggressive version of replace_unicode_punct but also faster.""" + return self.unicode_punct_re.sub("", text) + + def remove_non_printing_char(self, text: str) -> str: + return self.non_printing_chars_re.sub("", text) + + def download_kenlm_model(self, model_dataset: str, language: str): + kenlm_model_url = hf_hub_url( + KENLM_MODEL_REPO, filename=f"{model_dataset}/{language}.arpa.bin" + ) + self.kenlm_model_dir = cached_download(kenlm_model_url) + sentence_piece_model_url = hf_hub_url( + KENLM_MODEL_REPO, filename=f"{model_dataset}/{language}.sp.model" + ) + self.sentence_piece_model_dir = cached_download(sentence_piece_model_url) diff --git a/data_tooling/perplexity_lenses/perplexity_lenses/visualization.py b/data_tooling/perplexity_lenses/perplexity_lenses/visualization.py new file mode 100644 index 0000000..b211040 --- /dev/null +++ b/data_tooling/perplexity_lenses/perplexity_lenses/visualization.py @@ -0,0 +1,18 @@ +import matplotlib.figure +import matplotlib.pyplot as plt +import numpy as np + + +def draw_histogram( + values: np.ndarray, + cutoff_x_axis: float = 2000.0, + title: str = "Perplexity histogram", + xlabel: str = "Perplexity", +) -> matplotlib.figure.Figure: + hist_values = values[values < cutoff_x_axis] + fig, ax = plt.subplots(figsize=(12, 9)) + ax.hist(hist_values, bins=50) + ax.set_title(title) + ax.set_xlabel(xlabel) + ax.set_ylabel("Counts") + return fig diff --git a/data_tooling/perplexity_lenses/poetry.lock b/data_tooling/perplexity_lenses/poetry.lock new file mode 100644 index 0000000..bceddbf --- /dev/null +++ b/data_tooling/perplexity_lenses/poetry.lock @@ -0,0 +1,3451 @@ +[[package]] +name = "aiohttp" +version = "3.8.1" +description = "Async http client/server framework (asyncio)" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +aiosignal = ">=1.1.2" +async-timeout = ">=4.0.0a3,<5.0" +asynctest = {version = "0.13.0", markers = "python_version < \"3.8\""} +attrs = ">=17.3.0" +charset-normalizer = ">=2.0,<3.0" +frozenlist = ">=1.1.1" +multidict = ">=4.5,<7.0" +typing-extensions = {version = ">=3.7.4", markers = "python_version < \"3.8\""} +yarl = ">=1.0,<2.0" + +[package.extras] +speedups = ["aiodns", "brotli", "cchardet"] + +[[package]] +name = "aiosignal" +version = "1.2.0" +description = "aiosignal: a list of registered asynchronous callbacks" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +frozenlist = ">=1.1.0" + +[[package]] +name = "altair" +version = "4.1.0" +description = "Altair: A declarative statistical visualization library for Python." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +entrypoints = "*" +jinja2 = "*" +jsonschema = "*" +numpy = "*" +pandas = ">=0.18" +toolz = "*" + +[package.extras] +dev = ["black", "docutils", "ipython", "flake8", "pytest", "sphinx", "m2r", "vega-datasets", "recommonmark"] + +[[package]] +name = "appnope" +version = "0.1.2" +description = "Disable App Nap on macOS >= 10.9" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "argcomplete" +version = "1.12.3" +description = "Bash tab completion for argparse" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +importlib-metadata = {version = ">=0.23,<5", markers = "python_version == \"3.7\""} + +[package.extras] +test = ["coverage", "flake8", "pexpect", "wheel"] + +[[package]] +name = "argon2-cffi" +version = "21.1.0" +description = "The secure Argon2 password hashing algorithm." +category = "main" +optional = false +python-versions = ">=3.5" + +[package.dependencies] +cffi = ">=1.0.0" + +[package.extras] +dev = ["coverage[toml] (>=5.0.2)", "hypothesis", "pytest", "sphinx", "furo", "wheel", "pre-commit"] +docs = ["sphinx", "furo"] +tests = ["coverage[toml] (>=5.0.2)", "hypothesis", "pytest"] + +[[package]] +name = "astor" +version = "0.8.1" +description = "Read/rewrite/write Python ASTs" +category = "main" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,>=2.7" + +[[package]] +name = "async-timeout" +version = "4.0.1" +description = "Timeout context manager for asyncio programs" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +typing-extensions = ">=3.6.5" + +[[package]] +name = "asynctest" +version = "0.13.0" +description = "Enhance the standard unittest package with features for testing asyncio libraries" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "atomicwrites" +version = "1.4.0" +description = "Atomic file writes." +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "attrs" +version = "21.2.0" +description = "Classes Without Boilerplate" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[package.extras] +dev = ["coverage[toml] (>=5.0.2)", "hypothesis", "pympler", "pytest (>=4.3.0)", "six", "mypy", "pytest-mypy-plugins", "zope.interface", "furo", "sphinx", "sphinx-notfound-page", "pre-commit"] +docs = ["furo", "sphinx", "zope.interface", "sphinx-notfound-page"] +tests = ["coverage[toml] (>=5.0.2)", "hypothesis", "pympler", "pytest (>=4.3.0)", "six", "mypy", "pytest-mypy-plugins", "zope.interface"] +tests_no_zope = ["coverage[toml] (>=5.0.2)", "hypothesis", "pympler", "pytest (>=4.3.0)", "six", "mypy", "pytest-mypy-plugins"] + +[[package]] +name = "backcall" +version = "0.2.0" +description = "Specifications for callback functions passed in to an API" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "backports.zoneinfo" +version = "0.2.1" +description = "Backport of the standard library zoneinfo module" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +tzdata = ["tzdata"] + +[[package]] +name = "base58" +version = "2.1.1" +description = "Base58 and Base58Check implementation." +category = "main" +optional = false +python-versions = ">=3.5" + +[package.extras] +tests = ["mypy", "PyHamcrest (>=2.0.2)", "pytest (>=4.6)", "pytest-benchmark", "pytest-cov", "pytest-flake8"] + +[[package]] +name = "black" +version = "21.11b1" +description = "The uncompromising code formatter." +category = "main" +optional = false +python-versions = ">=3.6.2" + +[package.dependencies] +click = ">=7.1.2" +mypy-extensions = ">=0.4.3" +pathspec = ">=0.9.0,<1" +platformdirs = ">=2" +regex = ">=2021.4.4" +tomli = ">=0.2.6,<2.0.0" +typed-ast = {version = ">=1.4.2", markers = "python_version < \"3.8\" and implementation_name == \"cpython\""} +typing-extensions = ">=3.10.0.0" + +[package.extras] +colorama = ["colorama (>=0.4.3)"] +d = ["aiohttp (>=3.7.4)"] +jupyter = ["ipython (>=7.8.0)", "tokenize-rt (>=3.2.0)"] +python2 = ["typed-ast (>=1.4.3)"] +uvloop = ["uvloop (>=0.15.2)"] + +[[package]] +name = "bleach" +version = "4.1.0" +description = "An easy safelist-based HTML-sanitizing tool." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +packaging = "*" +six = ">=1.9.0" +webencodings = "*" + +[[package]] +name = "blinker" +version = "1.4" +description = "Fast, simple object-to-object and broadcast signaling" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "bokeh" +version = "2.2.2" +description = "Interactive plots and applications in the browser from Python" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +Jinja2 = ">=2.7" +numpy = ">=1.11.3" +packaging = ">=16.8" +pillow = ">=7.1.0" +python-dateutil = ">=2.1" +PyYAML = ">=3.10" +tornado = ">=5.1" +typing_extensions = ">=3.7.4" + +[[package]] +name = "cachetools" +version = "4.2.4" +description = "Extensible memoizing collections and decorators" +category = "main" +optional = false +python-versions = "~=3.5" + +[[package]] +name = "certifi" +version = "2021.10.8" +description = "Python package for providing Mozilla's CA Bundle." +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "cffi" +version = "1.15.0" +description = "Foreign Function Interface for Python calling C code." +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +pycparser = "*" + +[[package]] +name = "charset-normalizer" +version = "2.0.7" +description = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet." +category = "main" +optional = false +python-versions = ">=3.5.0" + +[package.extras] +unicode_backport = ["unicodedata2"] + +[[package]] +name = "click" +version = "7.1.2" +description = "Composable command line interface toolkit" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "colorama" +version = "0.4.4" +description = "Cross-platform colored terminal text." +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "datasets" +version = "1.14.0" +description = "HuggingFace community-driven open-source library of datasets" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +aiohttp = "*" +dill = "*" +fsspec = {version = ">=2021.05.0", extras = ["http"]} +huggingface-hub = ">=0.0.19,<0.1.0" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +multiprocess = "*" +numpy = ">=1.17" +packaging = "*" +pandas = "*" +pyarrow = ">=1.0.0,<4.0.0 || >4.0.0" +requests = ">=2.19.0" +tqdm = ">=4.62.1" +xxhash = "*" + +[package.extras] +apache-beam = ["apache-beam (>=2.26.0)"] +audio = ["librosa"] +benchmarks = ["numpy (==1.18.5)", "tensorflow (==2.3.0)", "torch (==1.6.0)", "transformers (==3.0.2)"] +dev = ["absl-py", "pytest", "pytest-datadir", "pytest-xdist", "apache-beam (>=2.26.0)", "elasticsearch", "aiobotocore", "boto3", "botocore", "fsspec", "moto[server,s3] (==2.0.4)", "rarfile (>=4.0)", "s3fs (==2021.08.1)", "tensorflow (>=2.3)", "torch", "torchaudio", "transformers", "bs4", "conllu", "langdetect", "lxml", "mwparserfromhell", "nltk", "openpyxl", "py7zr", "tldextract", "zstandard", "bert-score (>=0.3.6)", "rouge-score", "sacrebleu", "scipy", "seqeval", "scikit-learn", "jiwer", "sentencepiece", "toml (>=0.10.1)", "requests-file (>=1.5.1)", "tldextract (>=3.1.0)", "texttable (>=1.6.3)", "Werkzeug (>=1.0.1)", "six (>=1.15.0,<1.16.0)", "black (==21.4b0)", "flake8 (==3.7.9)", "isort", "pyyaml (>=5.3.1)", "importlib-resources"] +docs = ["docutils (==0.16.0)", "recommonmark", "sphinx (==3.1.2)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinxext-opengraph (==0.4.1)", "sphinx-copybutton", "fsspec (<2021.9.0)", "s3fs", "sphinx-panels", "sphinx-inline-tabs", "myst-parser"] +quality = ["black (==21.4b0)", "flake8 (==3.7.9)", "isort", "pyyaml (>=5.3.1)"] +s3 = ["fsspec", "boto3", "botocore", "s3fs"] +tensorflow = ["tensorflow (>=2.2.0)"] +tensorflow_gpu = ["tensorflow-gpu (>=2.2.0)"] +tests = ["absl-py", "pytest", "pytest-datadir", "pytest-xdist", "apache-beam (>=2.26.0)", "elasticsearch", "aiobotocore", "boto3", "botocore", "fsspec", "moto[server,s3] (==2.0.4)", "rarfile (>=4.0)", "s3fs (==2021.08.1)", "tensorflow (>=2.3)", "torch", "torchaudio", "transformers", "bs4", "conllu", "langdetect", "lxml", "mwparserfromhell", "nltk", "openpyxl", "py7zr", "tldextract", "zstandard", "bert-score (>=0.3.6)", "rouge-score", "sacrebleu", "scipy", "seqeval", "scikit-learn", "jiwer", "sentencepiece", "toml (>=0.10.1)", "requests-file (>=1.5.1)", "tldextract (>=3.1.0)", "texttable (>=1.6.3)", "Werkzeug (>=1.0.1)", "six (>=1.15.0,<1.16.0)", "importlib-resources"] +torch = ["torch"] + +[[package]] +name = "debugpy" +version = "1.5.1" +description = "An implementation of the Debug Adapter Protocol for Python" +category = "main" +optional = false +python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*" + +[[package]] +name = "decorator" +version = "5.1.0" +description = "Decorators for Humans" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "defusedxml" +version = "0.7.1" +description = "XML bomb protection for Python stdlib modules" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "dill" +version = "0.3.4" +description = "serialize all of python" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*" + +[package.extras] +graph = ["objgraph (>=1.7.2)"] + +[[package]] +name = "embedding-lenses" +version = "0.9.0" +description = "" +category = "main" +optional = false +python-versions = ">=3.7,<3.10" + +[package.dependencies] +black = ">=21.10b0,<22.0" +bokeh = "2.2.2" +datasets = "1.14.0" +flake8 = ">=4.0.1,<5.0.0" +huggingface-hub = "0.0.19" +numba = ">=0.54.1,<0.55.0" +numpy = "1.20.0" +scikit-learn = "0.24.2" +sentence-transformers = "2.0.0" +streamlit = "1.1.0" +transformers = "4.11.3" +umap-learn = ">=0.5.2,<0.6.0" +watchdog = "2.1.3" + +[[package]] +name = "entrypoints" +version = "0.3" +description = "Discover and load entry points from installed packages." +category = "main" +optional = false +python-versions = ">=2.7" + +[[package]] +name = "filelock" +version = "3.4.0" +description = "A platform independent file lock." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +docs = ["furo (>=2021.8.17b43)", "sphinx (>=4.1)", "sphinx-autodoc-typehints (>=1.12)"] +testing = ["covdefaults (>=1.2.0)", "coverage (>=4)", "pytest (>=4)", "pytest-cov", "pytest-timeout (>=1.4.2)"] + +[[package]] +name = "flake8" +version = "4.0.1" +description = "the modular source code checker: pep8 pyflakes and co" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +importlib-metadata = {version = "<4.3", markers = "python_version < \"3.8\""} +mccabe = ">=0.6.0,<0.7.0" +pycodestyle = ">=2.8.0,<2.9.0" +pyflakes = ">=2.4.0,<2.5.0" + +[[package]] +name = "frozenlist" +version = "1.2.0" +description = "A list-like structure which implements collections.abc.MutableSequence" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "fsspec" +version = "2021.11.1" +description = "File-system specification" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +aiohttp = {version = "*", optional = true, markers = "extra == \"http\""} +requests = {version = "*", optional = true, markers = "extra == \"http\""} + +[package.extras] +abfs = ["adlfs"] +adl = ["adlfs"] +arrow = ["pyarrow (>=1)"] +dask = ["dask", "distributed"] +dropbox = ["dropboxdrivefs", "requests", "dropbox"] +entrypoints = ["importlib-metadata"] +fuse = ["fusepy"] +gcs = ["gcsfs"] +git = ["pygit2"] +github = ["requests"] +gs = ["gcsfs"] +gui = ["panel"] +hdfs = ["pyarrow (>=1)"] +http = ["requests", "aiohttp"] +libarchive = ["libarchive-c"] +oci = ["ocifs"] +s3 = ["s3fs"] +sftp = ["paramiko"] +smb = ["smbprotocol"] +ssh = ["paramiko"] + +[[package]] +name = "gitdb" +version = "4.0.9" +description = "Git Object Database" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +smmap = ">=3.0.1,<6" + +[[package]] +name = "gitpython" +version = "3.1.24" +description = "GitPython is a python library used to interact with Git repositories" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +gitdb = ">=4.0.1,<5" +typing-extensions = {version = ">=3.7.4.3", markers = "python_version < \"3.10\""} + +[[package]] +name = "huggingface-hub" +version = "0.0.19" +description = "Client library to download and publish models on the huggingface.co hub" +category = "main" +optional = false +python-versions = ">=3.6.0" + +[package.dependencies] +filelock = "*" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +packaging = ">=20.9" +pyyaml = "*" +requests = "*" +tqdm = "*" +typing-extensions = "*" + +[package.extras] +all = ["pytest", "datasets", "black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +dev = ["pytest", "datasets", "black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +quality = ["black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +tensorflow = ["tensorflow"] +testing = ["pytest", "datasets"] +torch = ["torch"] + +[[package]] +name = "idna" +version = "3.3" +description = "Internationalized Domain Names in Applications (IDNA)" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "importlib-metadata" +version = "4.2.0" +description = "Read metadata from Python packages" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +typing-extensions = {version = ">=3.6.4", markers = "python_version < \"3.8\""} +zipp = ">=0.5" + +[package.extras] +docs = ["sphinx", "jaraco.packaging (>=8.2)", "rst.linker (>=1.9)"] +testing = ["pytest (>=4.6)", "pytest-checkdocs (>=2.4)", "pytest-flake8", "pytest-cov", "pytest-enabler (>=1.0.1)", "packaging", "pep517", "pyfakefs", "flufl.flake8", "pytest-black (>=0.3.7)", "pytest-mypy", "importlib-resources (>=1.3)"] + +[[package]] +name = "importlib-resources" +version = "5.4.0" +description = "Read resources from Python packages" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +zipp = {version = ">=3.1.0", markers = "python_version < \"3.10\""} + +[package.extras] +docs = ["sphinx", "jaraco.packaging (>=8.2)", "rst.linker (>=1.9)"] +testing = ["pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-flake8", "pytest-cov", "pytest-enabler (>=1.0.1)", "pytest-black (>=0.3.7)", "pytest-mypy"] + +[[package]] +name = "ipykernel" +version = "6.5.1" +description = "IPython Kernel for Jupyter" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +appnope = {version = "*", markers = "platform_system == \"Darwin\""} +argcomplete = {version = ">=1.12.3", markers = "python_version < \"3.8.0\""} +debugpy = ">=1.0.0,<2.0" +importlib-metadata = {version = "<5", markers = "python_version < \"3.8.0\""} +ipython = ">=7.23.1" +jupyter-client = "<8.0" +matplotlib-inline = ">=0.1.0,<0.2.0" +tornado = ">=4.2,<7.0" +traitlets = ">=5.1.0,<6.0" + +[package.extras] +test = ["pytest (!=5.3.4)", "pytest-cov", "flaky", "nose", "ipyparallel"] + +[[package]] +name = "ipython" +version = "7.29.0" +description = "IPython: Productive Interactive Computing" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +appnope = {version = "*", markers = "sys_platform == \"darwin\""} +backcall = "*" +colorama = {version = "*", markers = "sys_platform == \"win32\""} +decorator = "*" +jedi = ">=0.16" +matplotlib-inline = "*" +pexpect = {version = ">4.3", markers = "sys_platform != \"win32\""} +pickleshare = "*" +prompt-toolkit = ">=2.0.0,<3.0.0 || >3.0.0,<3.0.1 || >3.0.1,<3.1.0" +pygments = "*" +traitlets = ">=4.2" + +[package.extras] +all = ["Sphinx (>=1.3)", "ipykernel", "ipyparallel", "ipywidgets", "nbconvert", "nbformat", "nose (>=0.10.1)", "notebook", "numpy (>=1.17)", "pygments", "qtconsole", "requests", "testpath"] +doc = ["Sphinx (>=1.3)"] +kernel = ["ipykernel"] +nbconvert = ["nbconvert"] +nbformat = ["nbformat"] +notebook = ["notebook", "ipywidgets"] +parallel = ["ipyparallel"] +qtconsole = ["qtconsole"] +test = ["nose (>=0.10.1)", "requests", "testpath", "pygments", "nbformat", "ipykernel", "numpy (>=1.17)"] + +[[package]] +name = "ipython-genutils" +version = "0.2.0" +description = "Vestigial utilities from IPython" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "ipywidgets" +version = "7.6.5" +description = "IPython HTML widgets for Jupyter" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +ipykernel = ">=4.5.1" +ipython = {version = ">=4.0.0", markers = "python_version >= \"3.3\""} +ipython-genutils = ">=0.2.0,<0.3.0" +jupyterlab-widgets = {version = ">=1.0.0", markers = "python_version >= \"3.6\""} +nbformat = ">=4.2.0" +traitlets = ">=4.3.1" +widgetsnbextension = ">=3.5.0,<3.6.0" + +[package.extras] +test = ["pytest (>=3.6.0)", "pytest-cov", "mock"] + +[[package]] +name = "jedi" +version = "0.18.1" +description = "An autocompletion tool for Python that can be used for text editors." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +parso = ">=0.8.0,<0.9.0" + +[package.extras] +qa = ["flake8 (==3.8.3)", "mypy (==0.782)"] +testing = ["Django (<3.1)", "colorama", "docopt", "pytest (<7.0.0)"] + +[[package]] +name = "jinja2" +version = "3.0.3" +description = "A very fast and expressive template engine." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +MarkupSafe = ">=2.0" + +[package.extras] +i18n = ["Babel (>=2.7)"] + +[[package]] +name = "joblib" +version = "1.1.0" +description = "Lightweight pipelining with Python functions" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "jsonschema" +version = "4.2.1" +description = "An implementation of JSON Schema validation for Python" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +attrs = ">=17.4.0" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +importlib-resources = {version = ">=1.4.0", markers = "python_version < \"3.9\""} +pyrsistent = ">=0.14.0,<0.17.0 || >0.17.0,<0.17.1 || >0.17.1,<0.17.2 || >0.17.2" + +[package.extras] +format = ["fqdn", "idna", "isoduration", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3987", "uri-template", "webcolors (>=1.11)"] +format_nongpl = ["fqdn", "idna", "isoduration", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3986-validator (>0.1.0)", "uri-template", "webcolors (>=1.11)"] + +[[package]] +name = "jupyter-client" +version = "7.1.0" +description = "Jupyter protocol implementation and client libraries" +category = "main" +optional = false +python-versions = ">=3.6.1" + +[package.dependencies] +entrypoints = "*" +jupyter-core = ">=4.6.0" +nest-asyncio = ">=1.5" +python-dateutil = ">=2.1" +pyzmq = ">=13" +tornado = ">=4.1" +traitlets = "*" + +[package.extras] +doc = ["myst-parser", "sphinx (>=1.3.6)", "sphinx-rtd-theme", "sphinxcontrib-github-alt"] +test = ["codecov", "coverage", "ipykernel", "ipython", "mock", "mypy", "pre-commit", "pytest", "pytest-asyncio", "pytest-cov", "pytest-timeout", "jedi (<0.18)"] + +[[package]] +name = "jupyter-core" +version = "4.9.1" +description = "Jupyter core package. A base package on which Jupyter projects rely." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +pywin32 = {version = ">=1.0", markers = "sys_platform == \"win32\" and platform_python_implementation != \"PyPy\""} +traitlets = "*" + +[[package]] +name = "jupyterlab-pygments" +version = "0.1.2" +description = "Pygments theme using JupyterLab CSS variables" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +pygments = ">=2.4.1,<3" + +[[package]] +name = "jupyterlab-widgets" +version = "1.0.2" +description = "A JupyterLab extension." +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "kenlm" +version = "0.0.0" +description = "" +category = "main" +optional = false +python-versions = "*" + +[package.source] +type = "url" +url = "https://github.com/kpu/kenlm/archive/master.zip" +[[package]] +name = "llvmlite" +version = "0.37.0" +description = "lightweight wrapper around basic LLVM functionality" +category = "main" +optional = false +python-versions = ">=3.7,<3.10" + +[[package]] +name = "markupsafe" +version = "2.0.1" +description = "Safely add untrusted strings to HTML/XML markup." +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "matplotlib-inline" +version = "0.1.3" +description = "Inline Matplotlib backend for Jupyter" +category = "main" +optional = false +python-versions = ">=3.5" + +[package.dependencies] +traitlets = "*" + +[[package]] +name = "mccabe" +version = "0.6.1" +description = "McCabe checker, plugin for flake8" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "mistune" +version = "0.8.4" +description = "The fastest markdown parser in pure Python" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "more-itertools" +version = "8.12.0" +description = "More routines for operating on iterables, beyond itertools" +category = "dev" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "multidict" +version = "5.2.0" +description = "multidict implementation" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "multiprocess" +version = "0.70.12.2" +description = "better multiprocessing and multithreading in python" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +dill = ">=0.3.4" + +[[package]] +name = "mypy-extensions" +version = "0.4.3" +description = "Experimental type system extensions for programs checked with the mypy typechecker." +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "nbclient" +version = "0.5.9" +description = "A client library for executing notebooks. Formerly nbconvert's ExecutePreprocessor." +category = "main" +optional = false +python-versions = ">=3.6.1" + +[package.dependencies] +jupyter-client = ">=6.1.5" +nbformat = ">=5.0" +nest-asyncio = "*" +traitlets = ">=4.2" + +[package.extras] +dev = ["codecov", "coverage", "ipython", "ipykernel", "ipywidgets", "pytest (>=4.1)", "pytest-cov (>=2.6.1)", "check-manifest", "flake8", "mypy", "tox", "xmltodict", "pip (>=18.1)", "wheel (>=0.31.0)", "setuptools (>=38.6.0)", "twine (>=1.11.0)", "black"] +sphinx = ["Sphinx (>=1.7)", "sphinx-book-theme", "mock", "moto", "myst-parser"] +test = ["codecov", "coverage", "ipython", "ipykernel", "ipywidgets", "pytest (>=4.1)", "pytest-cov (>=2.6.1)", "check-manifest", "flake8", "mypy", "tox", "xmltodict", "pip (>=18.1)", "wheel (>=0.31.0)", "setuptools (>=38.6.0)", "twine (>=1.11.0)", "black"] + +[[package]] +name = "nbconvert" +version = "6.3.0" +description = "Converting Jupyter Notebooks" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +bleach = "*" +defusedxml = "*" +entrypoints = ">=0.2.2" +jinja2 = ">=2.4" +jupyter-core = "*" +jupyterlab-pygments = "*" +mistune = ">=0.8.1,<2" +nbclient = ">=0.5.0,<0.6.0" +nbformat = ">=4.4" +pandocfilters = ">=1.4.1" +pygments = ">=2.4.1" +testpath = "*" +traitlets = ">=5.0" + +[package.extras] +all = ["pytest", "pytest-cov", "pytest-dependency", "ipykernel", "ipywidgets (>=7)", "pyppeteer (==0.2.6)", "tornado (>=4.0)", "sphinx (>=1.5.1)", "sphinx-rtd-theme", "nbsphinx (>=0.2.12)", "ipython"] +docs = ["sphinx (>=1.5.1)", "sphinx-rtd-theme", "nbsphinx (>=0.2.12)", "ipython"] +serve = ["tornado (>=4.0)"] +test = ["pytest", "pytest-cov", "pytest-dependency", "ipykernel", "ipywidgets (>=7)", "pyppeteer (==0.2.6)"] +webpdf = ["pyppeteer (==0.2.6)"] + +[[package]] +name = "nbformat" +version = "5.1.3" +description = "The Jupyter Notebook format" +category = "main" +optional = false +python-versions = ">=3.5" + +[package.dependencies] +ipython-genutils = "*" +jsonschema = ">=2.4,<2.5.0 || >2.5.0" +jupyter-core = "*" +traitlets = ">=4.1" + +[package.extras] +fast = ["fastjsonschema"] +test = ["check-manifest", "fastjsonschema", "testpath", "pytest", "pytest-cov"] + +[[package]] +name = "nest-asyncio" +version = "1.5.1" +description = "Patch asyncio to allow nested event loops" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "nltk" +version = "3.6.5" +description = "Natural Language Toolkit" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +click = "*" +joblib = "*" +regex = ">=2021.8.3" +tqdm = "*" + +[package.extras] +all = ["numpy", "python-crfsuite", "matplotlib", "twython", "requests", "scikit-learn", "gensim (<4.0.0)", "pyparsing", "scipy"] +corenlp = ["requests"] +machine_learning = ["gensim (<4.0.0)", "numpy", "python-crfsuite", "scikit-learn", "scipy"] +plot = ["matplotlib"] +tgrep = ["pyparsing"] +twitter = ["twython"] + +[[package]] +name = "notebook" +version = "6.4.6" +description = "A web-based notebook environment for interactive computing" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +argon2-cffi = "*" +ipykernel = "*" +ipython-genutils = "*" +jinja2 = "*" +jupyter-client = ">=5.3.4" +jupyter-core = ">=4.6.1" +nbconvert = "*" +nbformat = "*" +nest-asyncio = ">=1.5" +prometheus-client = "*" +pyzmq = ">=17" +Send2Trash = ">=1.8.0" +terminado = ">=0.8.3" +tornado = ">=6.1" +traitlets = ">=4.2.1" + +[package.extras] +docs = ["sphinx", "nbsphinx", "sphinxcontrib-github-alt", "sphinx-rtd-theme", "myst-parser"] +json-logging = ["json-logging"] +test = ["pytest", "coverage", "requests", "nbval", "selenium", "pytest-cov", "requests-unixsocket"] + +[[package]] +name = "numba" +version = "0.54.1" +description = "compiling Python code using LLVM" +category = "main" +optional = false +python-versions = ">=3.7,<3.10" + +[package.dependencies] +llvmlite = ">=0.37.0rc1,<0.38" +numpy = ">=1.17,<1.21" + +[[package]] +name = "numpy" +version = "1.20.0" +description = "NumPy is the fundamental package for array computing with Python." +category = "main" +optional = false +python-versions = ">=3.7" + +[[package]] +name = "packaging" +version = "21.3" +description = "Core utilities for Python packages" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +pyparsing = ">=2.0.2,<3.0.5 || >3.0.5" + +[[package]] +name = "pandas" +version = "1.1.5" +description = "Powerful data structures for data analysis, time series, and statistics" +category = "main" +optional = false +python-versions = ">=3.6.1" + +[package.dependencies] +numpy = ">=1.15.4" +python-dateutil = ">=2.7.3" +pytz = ">=2017.2" + +[package.extras] +test = ["pytest (>=4.0.2)", "pytest-xdist", "hypothesis (>=3.58)"] + +[[package]] +name = "pandocfilters" +version = "1.5.0" +description = "Utilities for writing pandoc filters in python" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "parso" +version = "0.8.2" +description = "A Python Parser" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +qa = ["flake8 (==3.8.3)", "mypy (==0.782)"] +testing = ["docopt", "pytest (<6.0.0)"] + +[[package]] +name = "pathspec" +version = "0.9.0" +description = "Utility library for gitignore style pattern matching of file paths." +category = "main" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,>=2.7" + +[[package]] +name = "pexpect" +version = "4.8.0" +description = "Pexpect allows easy control of interactive console applications." +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +ptyprocess = ">=0.5" + +[[package]] +name = "pickleshare" +version = "0.7.5" +description = "Tiny 'shelve'-like database with concurrency support" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "pillow" +version = "8.4.0" +description = "Python Imaging Library (Fork)" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "platformdirs" +version = "2.4.0" +description = "A small Python module for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +docs = ["Sphinx (>=4)", "furo (>=2021.7.5b38)", "proselint (>=0.10.2)", "sphinx-autodoc-typehints (>=1.12)"] +test = ["appdirs (==1.4.4)", "pytest (>=6)", "pytest-cov (>=2.7)", "pytest-mock (>=3.6)"] + +[[package]] +name = "pluggy" +version = "0.13.1" +description = "plugin and hook calling mechanisms for python" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[package.dependencies] +importlib-metadata = {version = ">=0.12", markers = "python_version < \"3.8\""} + +[package.extras] +dev = ["pre-commit", "tox"] + +[[package]] +name = "prometheus-client" +version = "0.12.0" +description = "Python client for the Prometheus monitoring system." +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[package.extras] +twisted = ["twisted"] + +[[package]] +name = "prompt-toolkit" +version = "3.0.22" +description = "Library for building powerful interactive command lines in Python" +category = "main" +optional = false +python-versions = ">=3.6.2" + +[package.dependencies] +wcwidth = "*" + +[[package]] +name = "protobuf" +version = "3.19.1" +description = "Protocol Buffers" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "ptyprocess" +version = "0.7.0" +description = "Run a subprocess in a pseudo terminal" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "py" +version = "1.11.0" +description = "library with cross-python path, ini-parsing, io, code, log facilities" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "pyarrow" +version = "6.0.1" +description = "Python library for Apache Arrow" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +numpy = ">=1.16.6" + +[[package]] +name = "pycodestyle" +version = "2.8.0" +description = "Python style guide checker" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "pycparser" +version = "2.21" +description = "C parser in Python" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "pydeck" +version = "0.7.1" +description = "Widget for deck.gl maps" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +ipykernel = {version = ">=5.1.2", markers = "python_version >= \"3.4\""} +ipywidgets = ">=7.0.0" +jinja2 = ">=2.10.1" +numpy = ">=1.16.4" +traitlets = ">=4.3.2" + +[package.extras] +testing = ["pytest"] + +[[package]] +name = "pyflakes" +version = "2.4.0" +description = "passive checker of Python programs" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "pygments" +version = "2.10.0" +description = "Pygments is a syntax highlighting package written in Python." +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "pynndescent" +version = "0.5.5" +description = "Nearest Neighbor Descent" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +joblib = ">=0.11" +llvmlite = ">=0.30" +numba = ">=0.51.2" +scikit-learn = ">=0.18" +scipy = ">=1.0" + +[[package]] +name = "pyparsing" +version = "3.0.6" +description = "Python parsing module" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +diagrams = ["jinja2", "railroad-diagrams"] + +[[package]] +name = "pyrsistent" +version = "0.18.0" +description = "Persistent/Functional/Immutable data structures" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "pytest" +version = "5.4.3" +description = "pytest: simple powerful testing with Python" +category = "dev" +optional = false +python-versions = ">=3.5" + +[package.dependencies] +atomicwrites = {version = ">=1.0", markers = "sys_platform == \"win32\""} +attrs = ">=17.4.0" +colorama = {version = "*", markers = "sys_platform == \"win32\""} +importlib-metadata = {version = ">=0.12", markers = "python_version < \"3.8\""} +more-itertools = ">=4.0.0" +packaging = "*" +pluggy = ">=0.12,<1.0" +py = ">=1.5.0" +wcwidth = "*" + +[package.extras] +checkqa-mypy = ["mypy (==v0.761)"] +testing = ["argcomplete", "hypothesis (>=3.56)", "mock", "nose", "requests", "xmlschema"] + +[[package]] +name = "python-dateutil" +version = "2.8.2" +description = "Extensions to the standard Python datetime module" +category = "main" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7" + +[package.dependencies] +six = ">=1.5" + +[[package]] +name = "pytz" +version = "2021.3" +description = "World timezone definitions, modern and historical" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "pytz-deprecation-shim" +version = "0.1.0.post0" +description = "Shims to make deprecation of pytz easier" +category = "main" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" + +[package.dependencies] +"backports.zoneinfo" = {version = "*", markers = "python_version >= \"3.6\" and python_version < \"3.9\""} +tzdata = {version = "*", markers = "python_version >= \"3.6\""} + +[[package]] +name = "pywin32" +version = "302" +description = "Python for Window Extensions" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "pywinpty" +version = "1.1.6" +description = "Pseudo terminal support for Windows from Python." +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "pyyaml" +version = "6.0" +description = "YAML parser and emitter for Python" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "pyzmq" +version = "22.3.0" +description = "Python bindings for 0MQ" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +cffi = {version = "*", markers = "implementation_name == \"pypy\""} +py = {version = "*", markers = "implementation_name == \"pypy\""} + +[[package]] +name = "regex" +version = "2021.11.10" +description = "Alternative regular expression module, to replace re." +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "requests" +version = "2.26.0" +description = "Python HTTP for Humans." +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*" + +[package.dependencies] +certifi = ">=2017.4.17" +charset-normalizer = {version = ">=2.0.0,<2.1.0", markers = "python_version >= \"3\""} +idna = {version = ">=2.5,<4", markers = "python_version >= \"3\""} +urllib3 = ">=1.21.1,<1.27" + +[package.extras] +socks = ["PySocks (>=1.5.6,!=1.5.7)", "win-inet-pton"] +use_chardet_on_py3 = ["chardet (>=3.0.2,<5)"] + +[[package]] +name = "sacremoses" +version = "0.0.46" +description = "SacreMoses" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +click = "*" +joblib = "*" +regex = "*" +six = "*" +tqdm = "*" + +[[package]] +name = "scikit-learn" +version = "0.24.2" +description = "A set of python modules for machine learning and data mining" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +joblib = ">=0.11" +numpy = ">=1.13.3" +scipy = ">=0.19.1" +threadpoolctl = ">=2.0.0" + +[package.extras] +benchmark = ["matplotlib (>=2.1.1)", "pandas (>=0.25.0)", "memory-profiler (>=0.57.0)"] +docs = ["matplotlib (>=2.1.1)", "scikit-image (>=0.13)", "pandas (>=0.25.0)", "seaborn (>=0.9.0)", "memory-profiler (>=0.57.0)", "sphinx (>=3.2.0)", "sphinx-gallery (>=0.7.0)", "numpydoc (>=1.0.0)", "Pillow (>=7.1.2)", "sphinx-prompt (>=1.3.0)"] +examples = ["matplotlib (>=2.1.1)", "scikit-image (>=0.13)", "pandas (>=0.25.0)", "seaborn (>=0.9.0)"] +tests = ["matplotlib (>=2.1.1)", "scikit-image (>=0.13)", "pandas (>=0.25.0)", "pytest (>=5.0.1)", "pytest-cov (>=2.9.0)", "flake8 (>=3.8.2)", "mypy (>=0.770)", "pyamg (>=4.0.0)"] + +[[package]] +name = "scipy" +version = "1.7.2" +description = "SciPy: Scientific Library for Python" +category = "main" +optional = false +python-versions = ">=3.7,<3.11" + +[package.dependencies] +numpy = ">=1.16.5,<1.23.0" + +[[package]] +name = "send2trash" +version = "1.8.0" +description = "Send file to trash natively under Mac OS X, Windows and Linux." +category = "main" +optional = false +python-versions = "*" + +[package.extras] +nativelib = ["pyobjc-framework-cocoa", "pywin32"] +objc = ["pyobjc-framework-cocoa"] +win32 = ["pywin32"] + +[[package]] +name = "sentence-transformers" +version = "2.0.0" +description = "Sentence Embeddings using BERT / RoBERTa / XLM-R" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +huggingface-hub = "*" +nltk = "*" +numpy = "*" +scikit-learn = "*" +scipy = "*" +sentencepiece = "*" +torch = ">=1.6.0" +torchvision = "*" +tqdm = "*" +transformers = ">=4.6.0,<5.0.0" + +[[package]] +name = "sentencepiece" +version = "0.1.96" +description = "SentencePiece python wrapper" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "six" +version = "1.16.0" +description = "Python 2 and 3 compatibility utilities" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*" + +[[package]] +name = "smmap" +version = "5.0.0" +description = "A pure Python implementation of a sliding window memory map manager" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "streamlit" +version = "1.1.0" +description = "The fastest way to build data apps in Python" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +altair = ">=3.2.0" +astor = "*" +attrs = "*" +base58 = "*" +blinker = "*" +cachetools = ">=4.0" +click = ">=7.0,<8.0" +gitpython = "!=3.1.19" +numpy = "*" +packaging = "*" +pandas = ">=0.21.0" +pillow = ">=6.2.0" +protobuf = ">=3.6.0,<3.11 || >3.11" +pyarrow = "*" +pydeck = ">=0.1.dev5" +python-dateutil = "*" +requests = "*" +toml = "*" +tornado = ">=5.0" +tzlocal = "*" +validators = "*" +watchdog = {version = "*", markers = "platform_system != \"Darwin\""} + +[[package]] +name = "terminado" +version = "0.12.1" +description = "Tornado websocket backend for the Xterm.js Javascript terminal emulator library." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +ptyprocess = {version = "*", markers = "os_name != \"nt\""} +pywinpty = {version = ">=1.1.0", markers = "os_name == \"nt\""} +tornado = ">=4" + +[package.extras] +test = ["pytest"] + +[[package]] +name = "testpath" +version = "0.5.0" +description = "Test utilities for code working with files and commands" +category = "main" +optional = false +python-versions = ">= 3.5" + +[package.extras] +test = ["pytest", "pathlib2"] + +[[package]] +name = "threadpoolctl" +version = "3.0.0" +description = "threadpoolctl" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "tokenizers" +version = "0.10.3" +description = "Fast and Customizable Tokenizers" +category = "main" +optional = false +python-versions = "*" + +[package.extras] +testing = ["pytest"] + +[[package]] +name = "toml" +version = "0.10.2" +description = "Python Library for Tom's Obvious, Minimal Language" +category = "main" +optional = false +python-versions = ">=2.6, !=3.0.*, !=3.1.*, !=3.2.*" + +[[package]] +name = "tomli" +version = "1.2.2" +description = "A lil' TOML parser" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "toolz" +version = "0.11.2" +description = "List processing tools and functional utilities" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "torch" +version = "1.10.0" +description = "Tensors and Dynamic neural networks in Python with strong GPU acceleration" +category = "main" +optional = false +python-versions = ">=3.6.2" + +[package.dependencies] +typing-extensions = "*" + +[[package]] +name = "torchvision" +version = "0.11.1" +description = "image and video datasets and models for torch deep learning" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +numpy = "*" +pillow = ">=5.3.0,<8.3.0 || >8.3.0" +torch = "1.10.0" + +[package.extras] +scipy = ["scipy"] + +[[package]] +name = "tornado" +version = "6.1" +description = "Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed." +category = "main" +optional = false +python-versions = ">= 3.5" + +[[package]] +name = "tqdm" +version = "4.62.3" +description = "Fast, Extensible Progress Meter" +category = "main" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,>=2.7" + +[package.dependencies] +colorama = {version = "*", markers = "platform_system == \"Windows\""} + +[package.extras] +dev = ["py-make (>=0.1.0)", "twine", "wheel"] +notebook = ["ipywidgets (>=6)"] +telegram = ["requests"] + +[[package]] +name = "traitlets" +version = "5.1.1" +description = "Traitlets Python configuration system" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.extras] +test = ["pytest"] + +[[package]] +name = "transformers" +version = "4.11.3" +description = "State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch" +category = "main" +optional = false +python-versions = ">=3.6.0" + +[package.dependencies] +filelock = "*" +huggingface-hub = ">=0.0.17" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +numpy = ">=1.17" +packaging = ">=20.0" +pyyaml = ">=5.1" +regex = "!=2019.12.17" +requests = "*" +sacremoses = "*" +tokenizers = ">=0.10.1,<0.11" +tqdm = ">=4.27" + +[package.extras] +all = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx", "torch (>=1.0)", "jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.10.1,<0.11)", "torchaudio", "soundfile", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)"] +audio = ["soundfile"] +codecarbon = ["codecarbon (==1.2.0)"] +deepspeed = ["deepspeed (>=0.5.3)"] +dev = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx", "torch (>=1.0)", "jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.10.1,<0.11)", "torchaudio", "soundfile", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (==21.4b0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "faiss-cpu", "cookiecutter (==1.7.2)", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)", "docutils (==0.16.0)", "recommonmark", "sphinx (==3.2.1)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinx-copybutton", "sphinxext-opengraph (==0.4.1)", "sphinx-intl", "scikit-learn"] +docs = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx", "torch (>=1.0)", "jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.10.1,<0.11)", "torchaudio", "soundfile", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "docutils (==0.16.0)", "recommonmark", "sphinx (==3.2.1)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinx-copybutton", "sphinxext-opengraph (==0.4.1)", "sphinx-intl"] +docs_specific = ["docutils (==0.16.0)", "recommonmark", "sphinx (==3.2.1)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinx-copybutton", "sphinxext-opengraph (==0.4.1)", "sphinx-intl"] +fairscale = ["fairscale (>0.3)"] +flax = ["jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)"] +flax-speech = ["soundfile"] +integrations = ["optuna", "ray", "sigopt"] +ja = ["fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)"] +modelcreation = ["cookiecutter (==1.7.2)"] +onnx = ["onnxconverter-common", "keras2onnx", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"] +onnxruntime = ["onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"] +optuna = ["optuna"] +quality = ["black (==21.4b0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +ray = ["ray"] +retrieval = ["faiss-cpu", "datasets"] +sagemaker = ["sagemaker (>=2.31.0)"] +sentencepiece = ["sentencepiece (>=0.1.91,!=0.1.92)", "protobuf"] +serving = ["pydantic", "uvicorn", "fastapi", "starlette"] +sigopt = ["sigopt"] +sklearn = ["scikit-learn"] +speech = ["torchaudio", "soundfile"] +testing = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (==21.4b0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "faiss-cpu", "cookiecutter (==1.7.2)"] +tf = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx"] +tf-cpu = ["tensorflow-cpu (>=2.3)", "onnxconverter-common", "keras2onnx"] +tf-speech = ["soundfile"] +timm = ["timm"] +tokenizers = ["tokenizers (>=0.10.1,<0.11)"] +torch = ["torch (>=1.0)"] +torch-speech = ["torchaudio", "soundfile"] +torchhub = ["filelock", "huggingface-hub (>=0.0.17)", "importlib-metadata", "numpy (>=1.17)", "packaging (>=20.0)", "protobuf", "regex (!=2019.12.17)", "requests", "sacremoses", "sentencepiece (>=0.1.91,!=0.1.92)", "torch (>=1.0)", "tokenizers (>=0.10.1,<0.11)", "tqdm (>=4.27)"] +vision = ["pillow"] + +[[package]] +name = "typed-ast" +version = "1.5.0" +description = "a fork of Python 2 and 3 ast modules with type comment support" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "typer" +version = "0.4.0" +description = "Typer, build great CLIs. Easy to code. Based on Python type hints." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +click = ">=7.1.1,<9.0.0" + +[package.extras] +all = ["colorama (>=0.4.3,<0.5.0)", "shellingham (>=1.3.0,<2.0.0)"] +dev = ["autoflake (>=1.3.1,<2.0.0)", "flake8 (>=3.8.3,<4.0.0)"] +doc = ["mkdocs (>=1.1.2,<2.0.0)", "mkdocs-material (>=5.4.0,<6.0.0)", "markdown-include (>=0.5.1,<0.6.0)"] +test = ["shellingham (>=1.3.0,<2.0.0)", "pytest (>=4.4.0,<5.4.0)", "pytest-cov (>=2.10.0,<3.0.0)", "coverage (>=5.2,<6.0)", "pytest-xdist (>=1.32.0,<2.0.0)", "pytest-sugar (>=0.9.4,<0.10.0)", "mypy (==0.910)", "black (>=19.10b0,<20.0b0)", "isort (>=5.0.6,<6.0.0)"] + +[[package]] +name = "typing-extensions" +version = "4.0.0" +description = "Backported and Experimental Type Hints for Python 3.6+" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "tzdata" +version = "2021.5" +description = "Provider of IANA time zone data" +category = "main" +optional = false +python-versions = ">=2" + +[[package]] +name = "tzlocal" +version = "4.1" +description = "tzinfo object for the local timezone" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +"backports.zoneinfo" = {version = "*", markers = "python_version < \"3.9\""} +pytz-deprecation-shim = "*" +tzdata = {version = "*", markers = "platform_system == \"Windows\""} + +[package.extras] +devenv = ["black", "pyroma", "pytest-cov", "zest.releaser"] +test = ["pytest-mock (>=3.3)", "pytest (>=4.3)"] + +[[package]] +name = "umap-learn" +version = "0.5.2" +description = "Uniform Manifold Approximation and Projection" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +numba = ">=0.49" +numpy = ">=1.17" +pynndescent = ">=0.5" +scikit-learn = ">=0.22" +scipy = ">=1.0" +tqdm = "*" + +[package.extras] +parametric_umap = ["tensorflow (>=2.1)", "tensorflow-probability (>=0.10)"] +plot = ["pandas", "matplotlib", "datashader", "bokeh", "holoviews", "colorcet", "seaborn", "scikit-image"] + +[[package]] +name = "urllib3" +version = "1.26.7" +description = "HTTP library with thread-safe connection pooling, file post, and more." +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, <4" + +[package.extras] +brotli = ["brotlipy (>=0.6.0)"] +secure = ["pyOpenSSL (>=0.14)", "cryptography (>=1.3.4)", "idna (>=2.0.0)", "certifi", "ipaddress"] +socks = ["PySocks (>=1.5.6,!=1.5.7,<2.0)"] + +[[package]] +name = "validators" +version = "0.18.2" +description = "Python Data Validation for Humans™." +category = "main" +optional = false +python-versions = ">=3.4" + +[package.dependencies] +decorator = ">=3.4.0" +six = ">=1.4.0" + +[package.extras] +test = ["pytest (>=2.2.3)", "flake8 (>=2.4.0)", "isort (>=4.2.2)"] + +[[package]] +name = "watchdog" +version = "2.1.3" +description = "Filesystem events monitoring" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +watchmedo = ["PyYAML (>=3.10)", "argh (>=0.24.1)"] + +[[package]] +name = "wcwidth" +version = "0.2.5" +description = "Measures the displayed width of unicode strings in a terminal" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "webencodings" +version = "0.5.1" +description = "Character encoding aliases for legacy web content" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "widgetsnbextension" +version = "3.5.2" +description = "IPython HTML widgets for Jupyter" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +notebook = ">=4.4.1" + +[[package]] +name = "xxhash" +version = "2.0.2" +description = "Python binding for xxHash" +category = "main" +optional = false +python-versions = ">=2.6, !=3.0.*, !=3.1.*, !=3.2.*" + +[[package]] +name = "yarl" +version = "1.7.2" +description = "Yet another URL library" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +idna = ">=2.0" +multidict = ">=4.0" +typing-extensions = {version = ">=3.7.4", markers = "python_version < \"3.8\""} + +[[package]] +name = "zipp" +version = "3.6.0" +description = "Backport of pathlib-compatible object wrapper for zip files" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +docs = ["sphinx", "jaraco.packaging (>=8.2)", "rst.linker (>=1.9)"] +testing = ["pytest (>=4.6)", "pytest-checkdocs (>=2.4)", "pytest-flake8", "pytest-cov", "pytest-enabler (>=1.0.1)", "jaraco.itertools", "func-timeout", "pytest-black (>=0.3.7)", "pytest-mypy"] + +[metadata] +lock-version = "1.1" +python-versions = ">=3.7,<3.10" +content-hash = "cfc5365ac5a5d0e362843ec4c01802d9df116d8647f4c90d3c3963a0cd55e0ae" + +[metadata.files] +aiohttp = [ + {file = "aiohttp-3.8.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:1ed0b6477896559f17b9eaeb6d38e07f7f9ffe40b9f0f9627ae8b9926ae260a8"}, + {file = "aiohttp-3.8.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7dadf3c307b31e0e61689cbf9e06be7a867c563d5a63ce9dca578f956609abf8"}, + {file = "aiohttp-3.8.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a79004bb58748f31ae1cbe9fa891054baaa46fb106c2dc7af9f8e3304dc30316"}, + {file = "aiohttp-3.8.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:12de6add4038df8f72fac606dff775791a60f113a725c960f2bab01d8b8e6b15"}, + {file = "aiohttp-3.8.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6f0d5f33feb5f69ddd57a4a4bd3d56c719a141080b445cbf18f238973c5c9923"}, + {file = "aiohttp-3.8.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:eaba923151d9deea315be1f3e2b31cc39a6d1d2f682f942905951f4e40200922"}, + {file = "aiohttp-3.8.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:099ebd2c37ac74cce10a3527d2b49af80243e2a4fa39e7bce41617fbc35fa3c1"}, + {file = "aiohttp-3.8.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:2e5d962cf7e1d426aa0e528a7e198658cdc8aa4fe87f781d039ad75dcd52c516"}, + {file = "aiohttp-3.8.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:fa0ffcace9b3aa34d205d8130f7873fcfefcb6a4dd3dd705b0dab69af6712642"}, + {file = "aiohttp-3.8.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:61bfc23df345d8c9716d03717c2ed5e27374e0fe6f659ea64edcd27b4b044cf7"}, + {file = "aiohttp-3.8.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:31560d268ff62143e92423ef183680b9829b1b482c011713ae941997921eebc8"}, + {file = "aiohttp-3.8.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:01d7bdb774a9acc838e6b8f1d114f45303841b89b95984cbb7d80ea41172a9e3"}, + {file = "aiohttp-3.8.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:97ef77eb6b044134c0b3a96e16abcb05ecce892965a2124c566af0fd60f717e2"}, + {file = "aiohttp-3.8.1-cp310-cp310-win32.whl", hash = "sha256:c2aef4703f1f2ddc6df17519885dbfa3514929149d3ff900b73f45998f2532fa"}, + {file = "aiohttp-3.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:713ac174a629d39b7c6a3aa757b337599798da4c1157114a314e4e391cd28e32"}, + {file = "aiohttp-3.8.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:473d93d4450880fe278696549f2e7aed8cd23708c3c1997981464475f32137db"}, + {file = "aiohttp-3.8.1-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:99b5eeae8e019e7aad8af8bb314fb908dd2e028b3cdaad87ec05095394cce632"}, + {file = "aiohttp-3.8.1-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3af642b43ce56c24d063325dd2cf20ee012d2b9ba4c3c008755a301aaea720ad"}, + {file = "aiohttp-3.8.1-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c3630c3ef435c0a7c549ba170a0633a56e92629aeed0e707fec832dee313fb7a"}, + {file = "aiohttp-3.8.1-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:4a4a4e30bf1edcad13fb0804300557aedd07a92cabc74382fdd0ba6ca2661091"}, + {file = "aiohttp-3.8.1-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:6f8b01295e26c68b3a1b90efb7a89029110d3a4139270b24fda961893216c440"}, + {file = "aiohttp-3.8.1-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:a25fa703a527158aaf10dafd956f7d42ac6d30ec80e9a70846253dd13e2f067b"}, + {file = "aiohttp-3.8.1-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:5bfde62d1d2641a1f5173b8c8c2d96ceb4854f54a44c23102e2ccc7e02f003ec"}, + {file = "aiohttp-3.8.1-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:51467000f3647d519272392f484126aa716f747859794ac9924a7aafa86cd411"}, + {file = "aiohttp-3.8.1-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:03a6d5349c9ee8f79ab3ff3694d6ce1cfc3ced1c9d36200cb8f08ba06bd3b782"}, + {file = "aiohttp-3.8.1-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:102e487eeb82afac440581e5d7f8f44560b36cf0bdd11abc51a46c1cd88914d4"}, + {file = "aiohttp-3.8.1-cp36-cp36m-win32.whl", hash = "sha256:4aed991a28ea3ce320dc8ce655875e1e00a11bdd29fe9444dd4f88c30d558602"}, + {file = "aiohttp-3.8.1-cp36-cp36m-win_amd64.whl", hash = "sha256:b0e20cddbd676ab8a64c774fefa0ad787cc506afd844de95da56060348021e96"}, + {file = "aiohttp-3.8.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:37951ad2f4a6df6506750a23f7cbabad24c73c65f23f72e95897bb2cecbae676"}, + {file = "aiohttp-3.8.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c23b1ad869653bc818e972b7a3a79852d0e494e9ab7e1a701a3decc49c20d51"}, + {file = "aiohttp-3.8.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:15b09b06dae900777833fe7fc4b4aa426556ce95847a3e8d7548e2d19e34edb8"}, + {file = "aiohttp-3.8.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:477c3ea0ba410b2b56b7efb072c36fa91b1e6fc331761798fa3f28bb224830dd"}, + {file = "aiohttp-3.8.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:2f2f69dca064926e79997f45b2f34e202b320fd3782f17a91941f7eb85502ee2"}, + {file = "aiohttp-3.8.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ef9612483cb35171d51d9173647eed5d0069eaa2ee812793a75373447d487aa4"}, + {file = "aiohttp-3.8.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:6d69f36d445c45cda7b3b26afef2fc34ef5ac0cdc75584a87ef307ee3c8c6d00"}, + {file = "aiohttp-3.8.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:55c3d1072704d27401c92339144d199d9de7b52627f724a949fc7d5fc56d8b93"}, + {file = "aiohttp-3.8.1-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:b9d00268fcb9f66fbcc7cd9fe423741d90c75ee029a1d15c09b22d23253c0a44"}, + {file = "aiohttp-3.8.1-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:07b05cd3305e8a73112103c834e91cd27ce5b4bd07850c4b4dbd1877d3f45be7"}, + {file = "aiohttp-3.8.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:c34dc4958b232ef6188c4318cb7b2c2d80521c9a56c52449f8f93ab7bc2a8a1c"}, + {file = "aiohttp-3.8.1-cp37-cp37m-win32.whl", hash = "sha256:d2f9b69293c33aaa53d923032fe227feac867f81682f002ce33ffae978f0a9a9"}, + {file = "aiohttp-3.8.1-cp37-cp37m-win_amd64.whl", hash = "sha256:6ae828d3a003f03ae31915c31fa684b9890ea44c9c989056fea96e3d12a9fa17"}, + {file = "aiohttp-3.8.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:0c7ebbbde809ff4e970824b2b6cb7e4222be6b95a296e46c03cf050878fc1785"}, + {file = "aiohttp-3.8.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:8b7ef7cbd4fec9a1e811a5de813311ed4f7ac7d93e0fda233c9b3e1428f7dd7b"}, + {file = "aiohttp-3.8.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c3d6a4d0619e09dcd61021debf7059955c2004fa29f48788a3dfaf9c9901a7cd"}, + {file = "aiohttp-3.8.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:718626a174e7e467f0558954f94af117b7d4695d48eb980146016afa4b580b2e"}, + {file = "aiohttp-3.8.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:589c72667a5febd36f1315aa6e5f56dd4aa4862df295cb51c769d16142ddd7cd"}, + {file = "aiohttp-3.8.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2ed076098b171573161eb146afcb9129b5ff63308960aeca4b676d9d3c35e700"}, + {file = "aiohttp-3.8.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:086f92daf51a032d062ec5f58af5ca6a44d082c35299c96376a41cbb33034675"}, + {file = "aiohttp-3.8.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:11691cf4dc5b94236ccc609b70fec991234e7ef8d4c02dd0c9668d1e486f5abf"}, + {file = "aiohttp-3.8.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:31d1e1c0dbf19ebccbfd62eff461518dcb1e307b195e93bba60c965a4dcf1ba0"}, + {file = "aiohttp-3.8.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:11a67c0d562e07067c4e86bffc1553f2cf5b664d6111c894671b2b8712f3aba5"}, + {file = "aiohttp-3.8.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:bb01ba6b0d3f6c68b89fce7305080145d4877ad3acaed424bae4d4ee75faa950"}, + {file = "aiohttp-3.8.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:44db35a9e15d6fe5c40d74952e803b1d96e964f683b5a78c3cc64eb177878155"}, + {file = "aiohttp-3.8.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:844a9b460871ee0a0b0b68a64890dae9c415e513db0f4a7e3cab41a0f2fedf33"}, + {file = "aiohttp-3.8.1-cp38-cp38-win32.whl", hash = "sha256:7d08744e9bae2ca9c382581f7dce1273fe3c9bae94ff572c3626e8da5b193c6a"}, + {file = "aiohttp-3.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:04d48b8ce6ab3cf2097b1855e1505181bdd05586ca275f2505514a6e274e8e75"}, + {file = "aiohttp-3.8.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:f5315a2eb0239185af1bddb1abf472d877fede3cc8d143c6cddad37678293237"}, + {file = "aiohttp-3.8.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:a996d01ca39b8dfe77440f3cd600825d05841088fd6bc0144cc6c2ec14cc5f74"}, + {file = "aiohttp-3.8.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:13487abd2f761d4be7c8ff9080de2671e53fff69711d46de703c310c4c9317ca"}, + {file = "aiohttp-3.8.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ea302f34477fda3f85560a06d9ebdc7fa41e82420e892fc50b577e35fc6a50b2"}, + {file = "aiohttp-3.8.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a2f635ce61a89c5732537a7896b6319a8fcfa23ba09bec36e1b1ac0ab31270d2"}, + {file = "aiohttp-3.8.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e999f2d0e12eea01caeecb17b653f3713d758f6dcc770417cf29ef08d3931421"}, + {file = "aiohttp-3.8.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:0770e2806a30e744b4e21c9d73b7bee18a1cfa3c47991ee2e5a65b887c49d5cf"}, + {file = "aiohttp-3.8.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:d15367ce87c8e9e09b0f989bfd72dc641bcd04ba091c68cd305312d00962addd"}, + {file = "aiohttp-3.8.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:6c7cefb4b0640703eb1069835c02486669312bf2f12b48a748e0a7756d0de33d"}, + {file = "aiohttp-3.8.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:71927042ed6365a09a98a6377501af5c9f0a4d38083652bcd2281a06a5976724"}, + {file = "aiohttp-3.8.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:28d490af82bc6b7ce53ff31337a18a10498303fe66f701ab65ef27e143c3b0ef"}, + {file = "aiohttp-3.8.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:b6613280ccedf24354406caf785db748bebbddcf31408b20c0b48cb86af76866"}, + {file = "aiohttp-3.8.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:81e3d8c34c623ca4e36c46524a3530e99c0bc95ed068fd6e9b55cb721d408fb2"}, + {file = "aiohttp-3.8.1-cp39-cp39-win32.whl", hash = "sha256:7187a76598bdb895af0adbd2fb7474d7f6025d170bc0a1130242da817ce9e7d1"}, + {file = "aiohttp-3.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:1c182cb873bc91b411e184dab7a2b664d4fea2743df0e4d57402f7f3fa644bac"}, + {file = "aiohttp-3.8.1.tar.gz", hash = "sha256:fc5471e1a54de15ef71c1bc6ebe80d4dc681ea600e68bfd1cbce40427f0b7578"}, +] +aiosignal = [ + {file = "aiosignal-1.2.0-py3-none-any.whl", hash = "sha256:26e62109036cd181df6e6ad646f91f0dcfd05fe16d0cb924138ff2ab75d64e3a"}, + {file = "aiosignal-1.2.0.tar.gz", hash = "sha256:78ed67db6c7b7ced4f98e495e572106d5c432a93e1ddd1bf475e1dc05f5b7df2"}, +] +altair = [ + {file = "altair-4.1.0-py3-none-any.whl", hash = "sha256:7748841a1bea8354173d1140bef6d3b58bea21d201f562528e9599ea384feb7f"}, + {file = "altair-4.1.0.tar.gz", hash = "sha256:3edd30d4f4bb0a37278b72578e7e60bc72045a8e6704179e2f4738e35bc12931"}, +] +appnope = [ + {file = "appnope-0.1.2-py2.py3-none-any.whl", hash = "sha256:93aa393e9d6c54c5cd570ccadd8edad61ea0c4b9ea7a01409020c9aa019eb442"}, + {file = "appnope-0.1.2.tar.gz", hash = "sha256:dd83cd4b5b460958838f6eb3000c660b1f9caf2a5b1de4264e941512f603258a"}, +] +argcomplete = [ + {file = "argcomplete-1.12.3-py2.py3-none-any.whl", hash = "sha256:291f0beca7fd49ce285d2f10e4c1c77e9460cf823eef2de54df0c0fec88b0d81"}, + {file = "argcomplete-1.12.3.tar.gz", hash = "sha256:2c7dbffd8c045ea534921e63b0be6fe65e88599990d8dc408ac8c542b72a5445"}, +] +argon2-cffi = [ + {file = "argon2-cffi-21.1.0.tar.gz", hash = "sha256:f710b61103d1a1f692ca3ecbd1373e28aa5e545ac625ba067ff2feca1b2bb870"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-macosx_10_14_x86_64.whl", hash = "sha256:217b4f0f853ccbbb5045242946ad2e162e396064575860141b71a85eb47e475a"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:fa7e7d1fc22514a32b1761fdfa1882b6baa5c36bb3ef557bdd69e6fc9ba14a41"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-win32.whl", hash = "sha256:e4d8f0ae1524b7b0372a3e574a2561cbdddb3fdb6c28b70a72868189bda19659"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-win_amd64.whl", hash = "sha256:65213a9174320a1aee03fe826596e0620783966b49eb636955958b3074e87ff9"}, + {file = "argon2_cffi-21.1.0-pp36-pypy36_pp73-macosx_10_7_x86_64.whl", hash = "sha256:245f64a203012b144b7b8c8ea6d468cb02b37caa5afee5ba4a10c80599334f6a"}, + {file = "argon2_cffi-21.1.0-pp36-pypy36_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4ad152c418f7eb640eac41ac815534e6aa61d1624530b8e7779114ecfbf327f8"}, + {file = "argon2_cffi-21.1.0-pp36-pypy36_pp73-win32.whl", hash = "sha256:bc513db2283c385ea4da31a2cd039c33380701f376f4edd12fe56db118a3b21a"}, + {file = "argon2_cffi-21.1.0-pp37-pypy37_pp73-macosx_10_7_x86_64.whl", hash = "sha256:c7a7c8cc98ac418002090e4add5bebfff1b915ea1cb459c578cd8206fef10378"}, + {file = "argon2_cffi-21.1.0-pp37-pypy37_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:165cadae5ac1e26644f5ade3bd9c18d89963be51d9ea8817bd671006d7909057"}, + {file = "argon2_cffi-21.1.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:566ffb581bbd9db5562327aee71b2eda24a1c15b23a356740abe3c011bbe0dcb"}, +] +astor = [ + {file = "astor-0.8.1-py2.py3-none-any.whl", hash = "sha256:070a54e890cefb5b3739d19f30f5a5ec840ffc9c50ffa7d23cc9fc1a38ebbfc5"}, + {file = "astor-0.8.1.tar.gz", hash = "sha256:6a6effda93f4e1ce9f618779b2dd1d9d84f1e32812c23a29b3fff6fd7f63fa5e"}, +] +async-timeout = [ + {file = "async-timeout-4.0.1.tar.gz", hash = "sha256:b930cb161a39042f9222f6efb7301399c87eeab394727ec5437924a36d6eef51"}, + {file = "async_timeout-4.0.1-py3-none-any.whl", hash = "sha256:a22c0b311af23337eb05fcf05a8b51c3ea53729d46fb5460af62bee033cec690"}, +] +asynctest = [ + {file = "asynctest-0.13.0-py3-none-any.whl", hash = "sha256:5da6118a7e6d6b54d83a8f7197769d046922a44d2a99c21382f0a6e4fadae676"}, + {file = "asynctest-0.13.0.tar.gz", hash = "sha256:c27862842d15d83e6a34eb0b2866c323880eb3a75e4485b079ea11748fd77fac"}, +] +atomicwrites = [ + {file = "atomicwrites-1.4.0-py2.py3-none-any.whl", hash = "sha256:6d1784dea7c0c8d4a5172b6c620f40b6e4cbfdf96d783691f2e1302a7b88e197"}, + {file = "atomicwrites-1.4.0.tar.gz", hash = "sha256:ae70396ad1a434f9c7046fd2dd196fc04b12f9e91ffb859164193be8b6168a7a"}, +] +attrs = [ + {file = "attrs-21.2.0-py2.py3-none-any.whl", hash = "sha256:149e90d6d8ac20db7a955ad60cf0e6881a3f20d37096140088356da6c716b0b1"}, + {file = "attrs-21.2.0.tar.gz", hash = "sha256:ef6aaac3ca6cd92904cdd0d83f629a15f18053ec84e6432106f7a4d04ae4f5fb"}, +] +backcall = [ + {file = "backcall-0.2.0-py2.py3-none-any.whl", hash = "sha256:fbbce6a29f263178a1f7915c1940bde0ec2b2a967566fe1c65c1dfb7422bd255"}, + {file = "backcall-0.2.0.tar.gz", hash = "sha256:5cbdbf27be5e7cfadb448baf0aa95508f91f2bbc6c6437cd9cd06e2a4c215e1e"}, +] +"backports.zoneinfo" = [ + {file = "backports.zoneinfo-0.2.1-cp36-cp36m-macosx_10_14_x86_64.whl", hash = "sha256:da6013fd84a690242c310d77ddb8441a559e9cb3d3d59ebac9aca1a57b2e18bc"}, + {file = "backports.zoneinfo-0.2.1-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:89a48c0d158a3cc3f654da4c2de1ceba85263fafb861b98b59040a5086259722"}, + {file = "backports.zoneinfo-0.2.1-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:1c5742112073a563c81f786e77514969acb58649bcdf6cdf0b4ed31a348d4546"}, + {file = "backports.zoneinfo-0.2.1-cp36-cp36m-win32.whl", hash = "sha256:e8236383a20872c0cdf5a62b554b27538db7fa1bbec52429d8d106effbaeca08"}, + {file = "backports.zoneinfo-0.2.1-cp36-cp36m-win_amd64.whl", hash = "sha256:8439c030a11780786a2002261569bdf362264f605dfa4d65090b64b05c9f79a7"}, + {file = "backports.zoneinfo-0.2.1-cp37-cp37m-macosx_10_14_x86_64.whl", hash = "sha256:f04e857b59d9d1ccc39ce2da1021d196e47234873820cbeaad210724b1ee28ac"}, + {file = "backports.zoneinfo-0.2.1-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:17746bd546106fa389c51dbea67c8b7c8f0d14b5526a579ca6ccf5ed72c526cf"}, + {file = "backports.zoneinfo-0.2.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:5c144945a7752ca544b4b78c8c41544cdfaf9786f25fe5ffb10e838e19a27570"}, + {file = "backports.zoneinfo-0.2.1-cp37-cp37m-win32.whl", hash = "sha256:e55b384612d93be96506932a786bbcde5a2db7a9e6a4bb4bffe8b733f5b9036b"}, + {file = "backports.zoneinfo-0.2.1-cp37-cp37m-win_amd64.whl", hash = "sha256:a76b38c52400b762e48131494ba26be363491ac4f9a04c1b7e92483d169f6582"}, + {file = "backports.zoneinfo-0.2.1-cp38-cp38-macosx_10_14_x86_64.whl", hash = "sha256:8961c0f32cd0336fb8e8ead11a1f8cd99ec07145ec2931122faaac1c8f7fd987"}, + {file = "backports.zoneinfo-0.2.1-cp38-cp38-manylinux1_i686.whl", hash = "sha256:e81b76cace8eda1fca50e345242ba977f9be6ae3945af8d46326d776b4cf78d1"}, + {file = "backports.zoneinfo-0.2.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:7b0a64cda4145548fed9efc10322770f929b944ce5cee6c0dfe0c87bf4c0c8c9"}, + {file = "backports.zoneinfo-0.2.1-cp38-cp38-win32.whl", hash = "sha256:1b13e654a55cd45672cb54ed12148cd33628f672548f373963b0bff67b217328"}, + {file = "backports.zoneinfo-0.2.1-cp38-cp38-win_amd64.whl", hash = "sha256:4a0f800587060bf8880f954dbef70de6c11bbe59c673c3d818921f042f9954a6"}, + {file = "backports.zoneinfo-0.2.1.tar.gz", hash = "sha256:fadbfe37f74051d024037f223b8e001611eac868b5c5b06144ef4d8b799862f2"}, +] +base58 = [ + {file = "base58-2.1.1-py3-none-any.whl", hash = "sha256:11a36f4d3ce51dfc1043f3218591ac4eb1ceb172919cebe05b52a5bcc8d245c2"}, + {file = "base58-2.1.1.tar.gz", hash = "sha256:c5d0cb3f5b6e81e8e35da5754388ddcc6d0d14b6c6a132cb93d69ed580a7278c"}, +] +black = [ + {file = "black-21.11b1-py3-none-any.whl", hash = "sha256:802c6c30b637b28645b7fde282ed2569c0cd777dbe493a41b6a03c1d903f99ac"}, + {file = "black-21.11b1.tar.gz", hash = "sha256:a042adbb18b3262faad5aff4e834ff186bb893f95ba3a8013f09de1e5569def2"}, +] +bleach = [ + {file = "bleach-4.1.0-py2.py3-none-any.whl", hash = "sha256:4d2651ab93271d1129ac9cbc679f524565cc8a1b791909c4a51eac4446a15994"}, + {file = "bleach-4.1.0.tar.gz", hash = "sha256:0900d8b37eba61a802ee40ac0061f8c2b5dee29c1927dd1d233e075ebf5a71da"}, +] +blinker = [ + {file = "blinker-1.4.tar.gz", hash = "sha256:471aee25f3992bd325afa3772f1063dbdbbca947a041b8b89466dc00d606f8b6"}, +] +bokeh = [ + {file = "bokeh-2.2.2.tar.gz", hash = "sha256:d3b0b29e7dc78b7aef6330cb8f0067a4689a4ba74bdf5ab58d35d863e44fd058"}, +] +cachetools = [ + {file = "cachetools-4.2.4-py3-none-any.whl", hash = "sha256:92971d3cb7d2a97efff7c7bb1657f21a8f5fb309a37530537c71b1774189f2d1"}, + {file = "cachetools-4.2.4.tar.gz", hash = "sha256:89ea6f1b638d5a73a4f9226be57ac5e4f399d22770b92355f92dcb0f7f001693"}, +] +certifi = [ + {file = "certifi-2021.10.8-py2.py3-none-any.whl", hash = "sha256:d62a0163eb4c2344ac042ab2bdf75399a71a2d8c7d47eac2e2ee91b9d6339569"}, + {file = "certifi-2021.10.8.tar.gz", hash = "sha256:78884e7c1d4b00ce3cea67b44566851c4343c120abd683433ce934a68ea58872"}, +] +cffi = [ + {file = "cffi-1.15.0-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:c2502a1a03b6312837279c8c1bd3ebedf6c12c4228ddbad40912d671ccc8a962"}, + {file = "cffi-1.15.0-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:23cfe892bd5dd8941608f93348c0737e369e51c100d03718f108bf1add7bd6d0"}, + {file = "cffi-1.15.0-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:41d45de54cd277a7878919867c0f08b0cf817605e4eb94093e7516505d3c8d14"}, + {file = "cffi-1.15.0-cp27-cp27m-win32.whl", hash = "sha256:4a306fa632e8f0928956a41fa8e1d6243c71e7eb59ffbd165fc0b41e316b2474"}, + {file = "cffi-1.15.0-cp27-cp27m-win_amd64.whl", hash = "sha256:e7022a66d9b55e93e1a845d8c9eba2a1bebd4966cd8bfc25d9cd07d515b33fa6"}, + {file = "cffi-1.15.0-cp27-cp27mu-manylinux1_i686.whl", hash = "sha256:14cd121ea63ecdae71efa69c15c5543a4b5fbcd0bbe2aad864baca0063cecf27"}, + {file = "cffi-1.15.0-cp27-cp27mu-manylinux1_x86_64.whl", hash = "sha256:d4d692a89c5cf08a8557fdeb329b82e7bf609aadfaed6c0d79f5a449a3c7c023"}, + {file = "cffi-1.15.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0104fb5ae2391d46a4cb082abdd5c69ea4eab79d8d44eaaf79f1b1fd806ee4c2"}, + {file = "cffi-1.15.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:91ec59c33514b7c7559a6acda53bbfe1b283949c34fe7440bcf917f96ac0723e"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:f5c7150ad32ba43a07c4479f40241756145a1f03b43480e058cfd862bf5041c7"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:00c878c90cb53ccfaae6b8bc18ad05d2036553e6d9d1d9dbcf323bbe83854ca3"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abb9a20a72ac4e0fdb50dae135ba5e77880518e742077ced47eb1499e29a443c"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a5263e363c27b653a90078143adb3d076c1a748ec9ecc78ea2fb916f9b861962"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f54a64f8b0c8ff0b64d18aa76675262e1700f3995182267998c31ae974fbc382"}, + {file = "cffi-1.15.0-cp310-cp310-win32.whl", hash = "sha256:c21c9e3896c23007803a875460fb786118f0cdd4434359577ea25eb556e34c55"}, + {file = "cffi-1.15.0-cp310-cp310-win_amd64.whl", hash = "sha256:5e069f72d497312b24fcc02073d70cb989045d1c91cbd53979366077959933e0"}, + {file = "cffi-1.15.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:64d4ec9f448dfe041705426000cc13e34e6e5bb13736e9fd62e34a0b0c41566e"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2756c88cbb94231c7a147402476be2c4df2f6078099a6f4a480d239a8817ae39"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3b96a311ac60a3f6be21d2572e46ce67f09abcf4d09344c49274eb9e0bf345fc"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:75e4024375654472cc27e91cbe9eaa08567f7fbdf822638be2814ce059f58032"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:59888172256cac5629e60e72e86598027aca6bf01fa2465bdb676d37636573e8"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:27c219baf94952ae9d50ec19651a687b826792055353d07648a5695413e0c605"}, + {file = "cffi-1.15.0-cp36-cp36m-win32.whl", hash = "sha256:4958391dbd6249d7ad855b9ca88fae690783a6be9e86df65865058ed81fc860e"}, + {file = "cffi-1.15.0-cp36-cp36m-win_amd64.whl", hash = "sha256:f6f824dc3bce0edab5f427efcfb1d63ee75b6fcb7282900ccaf925be84efb0fc"}, + {file = "cffi-1.15.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:06c48159c1abed75c2e721b1715c379fa3200c7784271b3c46df01383b593636"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c2051981a968d7de9dd2d7b87bcb9c939c74a34626a6e2f8181455dd49ed69e4"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:fd8a250edc26254fe5b33be00402e6d287f562b6a5b2152dec302fa15bb3e997"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:91d77d2a782be4274da750752bb1650a97bfd8f291022b379bb8e01c66b4e96b"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:45db3a33139e9c8f7c09234b5784a5e33d31fd6907800b316decad50af323ff2"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:263cc3d821c4ab2213cbe8cd8b355a7f72a8324577dc865ef98487c1aeee2bc7"}, + {file = "cffi-1.15.0-cp37-cp37m-win32.whl", hash = "sha256:17771976e82e9f94976180f76468546834d22a7cc404b17c22df2a2c81db0c66"}, + {file = "cffi-1.15.0-cp37-cp37m-win_amd64.whl", hash = "sha256:3415c89f9204ee60cd09b235810be700e993e343a408693e80ce7f6a40108029"}, + {file = "cffi-1.15.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:4238e6dab5d6a8ba812de994bbb0a79bddbdf80994e4ce802b6f6f3142fcc880"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:0808014eb713677ec1292301ea4c81ad277b6cdf2fdd90fd540af98c0b101d20"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:57e9ac9ccc3101fac9d6014fba037473e4358ef4e89f8e181f8951a2c0162024"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8b6c2ea03845c9f501ed1313e78de148cd3f6cad741a75d43a29b43da27f2e1e"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:10dffb601ccfb65262a27233ac273d552ddc4d8ae1bf93b21c94b8511bffe728"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:786902fb9ba7433aae840e0ed609f45c7bcd4e225ebb9c753aa39725bb3e6ad6"}, + {file = "cffi-1.15.0-cp38-cp38-win32.whl", hash = "sha256:da5db4e883f1ce37f55c667e5c0de439df76ac4cb55964655906306918e7363c"}, + {file = "cffi-1.15.0-cp38-cp38-win_amd64.whl", hash = "sha256:181dee03b1170ff1969489acf1c26533710231c58f95534e3edac87fff06c443"}, + {file = "cffi-1.15.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:45e8636704eacc432a206ac7345a5d3d2c62d95a507ec70d62f23cd91770482a"}, + {file = "cffi-1.15.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:31fb708d9d7c3f49a60f04cf5b119aeefe5644daba1cd2a0fe389b674fd1de37"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6dc2737a3674b3e344847c8686cf29e500584ccad76204efea14f451d4cc669a"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:74fdfdbfdc48d3f47148976f49fab3251e550a8720bebc99bf1483f5bfb5db3e"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ffaa5c925128e29efbde7301d8ecaf35c8c60ffbcd6a1ffd3a552177c8e5e796"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3f7d084648d77af029acb79a0ff49a0ad7e9d09057a9bf46596dac9514dc07df"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ef1f279350da2c586a69d32fc8733092fd32cc8ac95139a00377841f59a3f8d8"}, + {file = "cffi-1.15.0-cp39-cp39-win32.whl", hash = "sha256:2a23af14f408d53d5e6cd4e3d9a24ff9e05906ad574822a10563efcef137979a"}, + {file = "cffi-1.15.0-cp39-cp39-win_amd64.whl", hash = "sha256:3773c4d81e6e818df2efbc7dd77325ca0dcb688116050fb2b3011218eda36139"}, + {file = "cffi-1.15.0.tar.gz", hash = "sha256:920f0d66a896c2d99f0adbb391f990a84091179542c205fa53ce5787aff87954"}, +] +charset-normalizer = [ + {file = "charset-normalizer-2.0.7.tar.gz", hash = "sha256:e019de665e2bcf9c2b64e2e5aa025fa991da8720daa3c1138cadd2fd1856aed0"}, + {file = "charset_normalizer-2.0.7-py3-none-any.whl", hash = "sha256:f7af805c321bfa1ce6714c51f254e0d5bb5e5834039bc17db7ebe3a4cec9492b"}, +] +click = [ + {file = "click-7.1.2-py2.py3-none-any.whl", hash = "sha256:dacca89f4bfadd5de3d7489b7c8a566eee0d3676333fbb50030263894c38c0dc"}, + {file = "click-7.1.2.tar.gz", hash = "sha256:d2b5255c7c6349bc1bd1e59e08cd12acbbd63ce649f2588755783aa94dfb6b1a"}, +] +colorama = [ + {file = "colorama-0.4.4-py2.py3-none-any.whl", hash = "sha256:9f47eda37229f68eee03b24b9748937c7dc3868f906e8ba69fbcbdd3bc5dc3e2"}, + {file = "colorama-0.4.4.tar.gz", hash = "sha256:5941b2b48a20143d2267e95b1c2a7603ce057ee39fd88e7329b0c292aa16869b"}, +] +datasets = [ + {file = "datasets-1.14.0-py3-none-any.whl", hash = "sha256:c16f2c164486c4b33545840a002f00b63238921b961b9aec04961b02de216564"}, + {file = "datasets-1.14.0.tar.gz", hash = "sha256:102bffbccb84b647e373bc27661720f87e05ba69b1ba526f3b42b0106eda8341"}, +] +debugpy = [ + {file = "debugpy-1.5.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:70b422c63a833630c33e3f9cdbd9b6971f8c5afd452697e464339a21bbe862ba"}, + {file = "debugpy-1.5.1-cp310-cp310-win32.whl", hash = "sha256:3a457ad9c0059a21a6c7d563c1f18e924f5cf90278c722bd50ede6f56b77c7fe"}, + {file = "debugpy-1.5.1-cp310-cp310-win_amd64.whl", hash = "sha256:5d76a4fd028d8009c3faf1185b4b78ceb2273dd2499447664b03939e0368bb90"}, + {file = "debugpy-1.5.1-cp36-cp36m-macosx_10_15_x86_64.whl", hash = "sha256:16db27b4b91991442f91d73604d32080b30de655aca9ba821b1972ea8171021b"}, + {file = "debugpy-1.5.1-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:2b073ad5e8d8c488fbb6a116986858bab0c9c4558f28deb8832c7a5a27405bd6"}, + {file = "debugpy-1.5.1-cp36-cp36m-win32.whl", hash = "sha256:318f81f37341e4e054b4267d39896b73cddb3612ca13b39d7eea45af65165e1d"}, + {file = "debugpy-1.5.1-cp36-cp36m-win_amd64.whl", hash = "sha256:b5b3157372e0e0a1297a8b6b5280bcf1d35a40f436c7973771c972726d1e32d5"}, + {file = "debugpy-1.5.1-cp37-cp37m-macosx_10_15_x86_64.whl", hash = "sha256:1ec3a086e14bba6c472632025b8fe5bdfbaef2afa1ebd5c6615ce6ed8d89bc67"}, + {file = "debugpy-1.5.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:26fbe53cca45a608679094791ce587b6e2798acd1d4777a8b303b07622e85182"}, + {file = "debugpy-1.5.1-cp37-cp37m-win32.whl", hash = "sha256:d876db8c312eeb02d85611e0f696abe66a2c1515e6405943609e725d5ff36f2a"}, + {file = "debugpy-1.5.1-cp37-cp37m-win_amd64.whl", hash = "sha256:4404a62fb5332ea5c8c9132290eef50b3a0ba38cecacad5529e969a783bcbdd7"}, + {file = "debugpy-1.5.1-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:f3a3dca9104aa14fd4210edcce6d9ce2b65bd9618c0b222135a40b9d6e2a9eeb"}, + {file = "debugpy-1.5.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:b2df2c373e85871086bd55271c929670cd4e1dba63e94a08d442db830646203b"}, + {file = "debugpy-1.5.1-cp38-cp38-win32.whl", hash = "sha256:82f5f9ce93af6861a0713f804e62ab390bb12a17f113153e47fea8bbb1dfbe36"}, + {file = "debugpy-1.5.1-cp38-cp38-win_amd64.whl", hash = "sha256:17a25ce9d7714f92fc97ef00cc06269d7c2b163094990ada30156ed31d9a5030"}, + {file = "debugpy-1.5.1-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:01e98c594b3e66d529e40edf314f849cd1a21f7a013298df58cd8e263bf8e184"}, + {file = "debugpy-1.5.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f73988422b17f071ad3c4383551ace1ba5ed810cbab5f9c362783d22d40a08dc"}, + {file = "debugpy-1.5.1-cp39-cp39-win32.whl", hash = "sha256:23df67fc56d59e386c342428a7953c2c06cc226d8525b11319153e96afb65b0c"}, + {file = "debugpy-1.5.1-cp39-cp39-win_amd64.whl", hash = "sha256:a2aa64f6d2ca7ded8a7e8a4e7cae3bc71866b09876b7b05cecad231779cb9156"}, + {file = "debugpy-1.5.1-py2.py3-none-any.whl", hash = "sha256:194f95dd3e84568b5489aab5689a3a2c044e8fdc06f1890b8b4f70b6b89f2778"}, + {file = "debugpy-1.5.1.zip", hash = "sha256:d2b09e91fbd1efa4f4fda121d49af89501beda50c18ed7499712c71a4bf3452e"}, +] +decorator = [ + {file = "decorator-5.1.0-py3-none-any.whl", hash = "sha256:7b12e7c3c6ab203a29e157335e9122cb03de9ab7264b137594103fd4a683b374"}, + {file = "decorator-5.1.0.tar.gz", hash = "sha256:e59913af105b9860aa2c8d3272d9de5a56a4e608db9a2f167a8480b323d529a7"}, +] +defusedxml = [ + {file = "defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61"}, + {file = "defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69"}, +] +dill = [ + {file = "dill-0.3.4-py2.py3-none-any.whl", hash = "sha256:7e40e4a70304fd9ceab3535d36e58791d9c4a776b38ec7f7ec9afc8d3dca4d4f"}, + {file = "dill-0.3.4.zip", hash = "sha256:9f9734205146b2b353ab3fec9af0070237b6ddae78452af83d2fca84d739e675"}, +] +embedding-lenses = [ + {file = "embedding-lenses-0.9.0.tar.gz", hash = "sha256:8957c7da35bc14ef640fef7c84e81b65252dbd0b69eb9b8a36626ddd10aadab9"}, + {file = "embedding_lenses-0.9.0-py3-none-any.whl", hash = "sha256:48730f974b2c05fe3b8f287c508766015d7e951e94bd7c4f98c54558ec170fa7"}, +] +entrypoints = [ + {file = "entrypoints-0.3-py2.py3-none-any.whl", hash = "sha256:589f874b313739ad35be6e0cd7efde2a4e9b6fea91edcc34e58ecbb8dbe56d19"}, + {file = "entrypoints-0.3.tar.gz", hash = "sha256:c70dd71abe5a8c85e55e12c19bd91ccfeec11a6e99044204511f9ed547d48451"}, +] +filelock = [ + {file = "filelock-3.4.0-py3-none-any.whl", hash = "sha256:2e139a228bcf56dd8b2274a65174d005c4a6b68540ee0bdbb92c76f43f29f7e8"}, + {file = "filelock-3.4.0.tar.gz", hash = "sha256:93d512b32a23baf4cac44ffd72ccf70732aeff7b8050fcaf6d3ec406d954baf4"}, +] +flake8 = [ + {file = "flake8-4.0.1-py2.py3-none-any.whl", hash = "sha256:479b1304f72536a55948cb40a32dce8bb0ffe3501e26eaf292c7e60eb5e0428d"}, + {file = "flake8-4.0.1.tar.gz", hash = "sha256:806e034dda44114815e23c16ef92f95c91e4c71100ff52813adf7132a6ad870d"}, +] +frozenlist = [ + {file = "frozenlist-1.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:977a1438d0e0d96573fd679d291a1542097ea9f4918a8b6494b06610dfeefbf9"}, + {file = "frozenlist-1.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a8d86547a5e98d9edd47c432f7a14b0c5592624b496ae9880fb6332f34af1edc"}, + {file = "frozenlist-1.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:181754275d5d32487431a0a29add4f897968b7157204bc1eaaf0a0ce80c5ba7d"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5df31bb2b974f379d230a25943d9bf0d3bc666b4b0807394b131a28fca2b0e5f"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4766632cd8a68e4f10f156a12c9acd7b1609941525569dd3636d859d79279ed3"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:16eef427c51cb1203a7c0ab59d1b8abccaba9a4f58c4bfca6ed278fc896dc193"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:01d79515ed5aa3d699b05f6bdcf1fe9087d61d6b53882aa599a10853f0479c6c"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:28e164722ea0df0cf6d48c4d5bdf3d19e87aaa6dfb39b0ba91153f224b912020"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e63ad0beef6ece06475d29f47d1f2f29727805376e09850ebf64f90777962792"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:41de4db9b9501679cf7cddc16d07ac0f10ef7eb58c525a1c8cbff43022bddca4"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:c6a9d84ee6427b65a81fc24e6ef589cb794009f5ca4150151251c062773e7ed2"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:f5f3b2942c3b8b9bfe76b408bbaba3d3bb305ee3693e8b1d631fe0a0d4f93673"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c98d3c04701773ad60d9545cd96df94d955329efc7743fdb96422c4b669c633b"}, + {file = "frozenlist-1.2.0-cp310-cp310-win32.whl", hash = "sha256:72cfbeab7a920ea9e74b19aa0afe3b4ad9c89471e3badc985d08756efa9b813b"}, + {file = "frozenlist-1.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:11ff401951b5ac8c0701a804f503d72c048173208490c54ebb8d7bb7c07a6d00"}, + {file = "frozenlist-1.2.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:b46f997d5ed6d222a863b02cdc9c299101ee27974d9bbb2fd1b3c8441311c408"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:351686ca020d1bcd238596b1fa5c8efcbc21bffda9d0efe237aaa60348421e2a"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bfbaa08cf1452acad9cb1c1d7b89394a41e712f88df522cea1a0f296b57782a0"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b2ae2f5e9fa10805fb1c9adbfefaaecedd9e31849434be462c3960a0139ed729"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6790b8d96bbb74b7a6f4594b6f131bd23056c25f2aa5d816bd177d95245a30e3"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:41f62468af1bd4e4b42b5508a3fe8cc46a693f0cdd0ca2f443f51f207893d837"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:ec6cf345771cdb00791d271af9a0a6fbfc2b6dd44cb753f1eeaa256e21622adb"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:14a5cef795ae3e28fb504b73e797c1800e9249f950e1c964bb6bdc8d77871161"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:8b54cdd2fda15467b9b0bfa78cee2ddf6dbb4585ef23a16e14926f4b076dfae4"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:f025f1d6825725b09c0038775acab9ae94264453a696cc797ce20c0769a7b367"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:84e97f59211b5b9083a2e7a45abf91cfb441369e8bb6d1f5287382c1c526def3"}, + {file = "frozenlist-1.2.0-cp36-cp36m-win32.whl", hash = "sha256:c5328ed53fdb0a73c8a50105306a3bc013e5ca36cca714ec4f7bd31d38d8a97f"}, + {file = "frozenlist-1.2.0-cp36-cp36m-win_amd64.whl", hash = "sha256:9ade70aea559ca98f4b1b1e5650c45678052e76a8ab2f76d90f2ac64180215a2"}, + {file = "frozenlist-1.2.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a0d3ffa8772464441b52489b985d46001e2853a3b082c655ec5fad9fb6a3d618"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3457f8cf86deb6ce1ba67e120f1b0128fcba1332a180722756597253c465fc1d"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5a72eecf37eface331636951249d878750db84034927c997d47f7f78a573b72b"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:acc4614e8d1feb9f46dd829a8e771b8f5c4b1051365d02efb27a3229048ade8a"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:87521e32e18a2223311afc2492ef2d99946337da0779ddcda77b82ee7319df59"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8b4c7665a17c3a5430edb663e4ad4e1ad457614d1b2f2b7f87052e2ef4fa45ca"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:ed58803563a8c87cf4c0771366cf0ad1aa265b6b0ae54cbbb53013480c7ad74d"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:aa44c4740b4e23fcfa259e9dd52315d2b1770064cde9507457e4c4a65a04c397"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:2de5b931701257d50771a032bba4e448ff958076380b049fd36ed8738fdb375b"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:6e105013fa84623c057a4381dc8ea0361f4d682c11f3816cc80f49a1f3bc17c6"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:705c184b77565955a99dc360f359e8249580c6b7eaa4dc0227caa861ef46b27a"}, + {file = "frozenlist-1.2.0-cp37-cp37m-win32.whl", hash = "sha256:a37594ad6356e50073fe4f60aa4187b97d15329f2138124d252a5a19c8553ea4"}, + {file = "frozenlist-1.2.0-cp37-cp37m-win_amd64.whl", hash = "sha256:25b358aaa7dba5891b05968dd539f5856d69f522b6de0bf34e61f133e077c1a4"}, + {file = "frozenlist-1.2.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:af2a51c8a381d76eabb76f228f565ed4c3701441ecec101dd18be70ebd483cfd"}, + {file = "frozenlist-1.2.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:82d22f6e6f2916e837c91c860140ef9947e31194c82aaeda843d6551cec92f19"}, + {file = "frozenlist-1.2.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:1cfe6fef507f8bac40f009c85c7eddfed88c1c0d38c75e72fe10476cef94e10f"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:26f602e380a5132880fa245c92030abb0fc6ff34e0c5500600366cedc6adb06a"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4ad065b2ebd09f32511ff2be35c5dfafee6192978b5a1e9d279a5c6e121e3b03"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:bc93f5f62df3bdc1f677066327fc81f92b83644852a31c6aa9b32c2dde86ea7d"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:89fdfc84c6bf0bff2ff3170bb34ecba8a6911b260d318d377171429c4be18c73"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:47b2848e464883d0bbdcd9493c67443e5e695a84694efff0476f9059b4cb6257"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:4f52d0732e56906f8ddea4bd856192984650282424049c956857fed43697ea43"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:16ef7dd5b7d17495404a2e7a49bac1bc13d6d20c16d11f4133c757dd94c4144c"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:1cf63243bc5f5c19762943b0aa9e0d3fb3723d0c514d820a18a9b9a5ef864315"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:54a1e09ab7a69f843cd28fefd2bcaf23edb9e3a8d7680032c8968b8ac934587d"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:954b154a4533ef28bd3e83ffdf4eadf39deeda9e38fb8feaf066d6069885e034"}, + {file = "frozenlist-1.2.0-cp38-cp38-win32.whl", hash = "sha256:cb3957c39668d10e2b486acc85f94153520a23263b6401e8f59422ef65b9520d"}, + {file = "frozenlist-1.2.0-cp38-cp38-win_amd64.whl", hash = "sha256:0a7c7cce70e41bc13d7d50f0e5dd175f14a4f1837a8549b0936ed0cbe6170bf9"}, + {file = "frozenlist-1.2.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:4c457220468d734e3077580a3642b7f682f5fd9507f17ddf1029452450912cdc"}, + {file = "frozenlist-1.2.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:e74f8b4d8677ebb4015ac01fcaf05f34e8a1f22775db1f304f497f2f88fdc697"}, + {file = "frozenlist-1.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:fbd4844ff111449f3bbe20ba24fbb906b5b1c2384d0f3287c9f7da2354ce6d23"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f0081a623c886197ff8de9e635528fd7e6a387dccef432149e25c13946cb0cd0"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9b6e21e5770df2dea06cb7b6323fbc008b13c4a4e3b52cb54685276479ee7676"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:406aeb340613b4b559db78d86864485f68919b7141dec82aba24d1477fd2976f"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:878ebe074839d649a1cdb03a61077d05760624f36d196884a5cafb12290e187b"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1fef737fd1388f9b93bba8808c5f63058113c10f4e3c0763ced68431773f72f9"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:4a495c3d513573b0b3f935bfa887a85d9ae09f0627cf47cad17d0cc9b9ba5c38"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:e7d0dd3e727c70c2680f5f09a0775525229809f1a35d8552b92ff10b2b14f2c2"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:66a518731a21a55b7d3e087b430f1956a36793acc15912e2878431c7aec54210"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:94728f97ddf603d23c8c3dd5cae2644fa12d33116e69f49b1644a71bb77b89ae"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:c1e8e9033d34c2c9e186e58279879d78c94dd365068a3607af33f2bc99357a53"}, + {file = "frozenlist-1.2.0-cp39-cp39-win32.whl", hash = "sha256:83334e84a290a158c0c4cc4d22e8c7cfe0bba5b76d37f1c2509dabd22acafe15"}, + {file = "frozenlist-1.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:735f386ec522e384f511614c01d2ef9cf799f051353876b4c6fb93ef67a6d1ee"}, + {file = "frozenlist-1.2.0.tar.gz", hash = "sha256:68201be60ac56aff972dc18085800b6ee07973c49103a8aba669dee3d71079de"}, +] +fsspec = [ + {file = "fsspec-2021.11.1-py3-none-any.whl", hash = "sha256:bcb136caa37e1470dd8314a7d3917cb9b25dd9da44c10d36df556ab4ef038185"}, + {file = "fsspec-2021.11.1.tar.gz", hash = "sha256:03683e606651d5e4bd9180525d57477bd5430e5dc68d2e459835dc14cecc3dd4"}, +] +gitdb = [ + {file = "gitdb-4.0.9-py3-none-any.whl", hash = "sha256:8033ad4e853066ba6ca92050b9df2f89301b8fc8bf7e9324d412a63f8bf1a8fd"}, + {file = "gitdb-4.0.9.tar.gz", hash = "sha256:bac2fd45c0a1c9cf619e63a90d62bdc63892ef92387424b855792a6cabe789aa"}, +] +gitpython = [ + {file = "GitPython-3.1.24-py3-none-any.whl", hash = "sha256:dc0a7f2f697657acc8d7f89033e8b1ea94dd90356b2983bca89dc8d2ab3cc647"}, + {file = "GitPython-3.1.24.tar.gz", hash = "sha256:df83fdf5e684fef7c6ee2c02fc68a5ceb7e7e759d08b694088d0cacb4eba59e5"}, +] +huggingface-hub = [ + {file = "huggingface_hub-0.0.19-py3-none-any.whl", hash = "sha256:edcea87cbd709073a63fc911efa2d8fd8304f62cfe43f0bf497dec8eaac10369"}, + {file = "huggingface_hub-0.0.19.tar.gz", hash = "sha256:6ea6fff78b692fc9b05e0315c2d7d835a6f42902e472eadeceebff12babd6c06"}, +] +idna = [ + {file = "idna-3.3-py3-none-any.whl", hash = "sha256:84d9dd047ffa80596e0f246e2eab0b391788b0503584e8945f2368256d2735ff"}, + {file = "idna-3.3.tar.gz", hash = "sha256:9d643ff0a55b762d5cdb124b8eaa99c66322e2157b69160bc32796e824360e6d"}, +] +importlib-metadata = [ + {file = "importlib_metadata-4.2.0-py3-none-any.whl", hash = "sha256:057e92c15bc8d9e8109738a48db0ccb31b4d9d5cfbee5a8670879a30be66304b"}, + {file = "importlib_metadata-4.2.0.tar.gz", hash = "sha256:b7e52a1f8dec14a75ea73e0891f3060099ca1d8e6a462a4dff11c3e119ea1b31"}, +] +importlib-resources = [ + {file = "importlib_resources-5.4.0-py3-none-any.whl", hash = "sha256:33a95faed5fc19b4bc16b29a6eeae248a3fe69dd55d4d229d2b480e23eeaad45"}, + {file = "importlib_resources-5.4.0.tar.gz", hash = "sha256:d756e2f85dd4de2ba89be0b21dba2a3bbec2e871a42a3a16719258a11f87506b"}, +] +ipykernel = [ + {file = "ipykernel-6.5.1-py3-none-any.whl", hash = "sha256:ff0cb4a67326d2f903b7d7a2e63719d082434b46f00536410bd4e3ad2b98f3b7"}, + {file = "ipykernel-6.5.1.tar.gz", hash = "sha256:dd27172bccbbcfef952991e49372e4c6fd1c14eed0df05ebd5b4335cb27a81a2"}, +] +ipython = [ + {file = "ipython-7.29.0-py3-none-any.whl", hash = "sha256:a658beaf856ce46bc453366d5dc6b2ddc6c481efd3540cb28aa3943819caac9f"}, + {file = "ipython-7.29.0.tar.gz", hash = "sha256:4f69d7423a5a1972f6347ff233e38bbf4df6a150ef20fbb00c635442ac3060aa"}, +] +ipython-genutils = [ + {file = "ipython_genutils-0.2.0-py2.py3-none-any.whl", hash = "sha256:72dd37233799e619666c9f639a9da83c34013a73e8bbc79a7a6348d93c61fab8"}, + {file = "ipython_genutils-0.2.0.tar.gz", hash = "sha256:eb2e116e75ecef9d4d228fdc66af54269afa26ab4463042e33785b887c628ba8"}, +] +ipywidgets = [ + {file = "ipywidgets-7.6.5-py2.py3-none-any.whl", hash = "sha256:d258f582f915c62ea91023299603be095de19afb5ee271698f88327b9fe9bf43"}, + {file = "ipywidgets-7.6.5.tar.gz", hash = "sha256:00974f7cb4d5f8d494c19810fedb9fa9b64bffd3cda7c2be23c133a1ad3c99c5"}, +] +jedi = [ + {file = "jedi-0.18.1-py2.py3-none-any.whl", hash = "sha256:637c9635fcf47945ceb91cd7f320234a7be540ded6f3e99a50cb6febdfd1ba8d"}, + {file = "jedi-0.18.1.tar.gz", hash = "sha256:74137626a64a99c8eb6ae5832d99b3bdd7d29a3850fe2aa80a4126b2a7d949ab"}, +] +jinja2 = [ + {file = "Jinja2-3.0.3-py3-none-any.whl", hash = "sha256:077ce6014f7b40d03b47d1f1ca4b0fc8328a692bd284016f806ed0eaca390ad8"}, + {file = "Jinja2-3.0.3.tar.gz", hash = "sha256:611bb273cd68f3b993fabdc4064fc858c5b47a973cb5aa7999ec1ba405c87cd7"}, +] +joblib = [ + {file = "joblib-1.1.0-py2.py3-none-any.whl", hash = "sha256:f21f109b3c7ff9d95f8387f752d0d9c34a02aa2f7060c2135f465da0e5160ff6"}, + {file = "joblib-1.1.0.tar.gz", hash = "sha256:4158fcecd13733f8be669be0683b96ebdbbd38d23559f54dca7205aea1bf1e35"}, +] +jsonschema = [ + {file = "jsonschema-4.2.1-py3-none-any.whl", hash = "sha256:2a0f162822a64d95287990481b45d82f096e99721c86534f48201b64ebca6e8c"}, + {file = "jsonschema-4.2.1.tar.gz", hash = "sha256:390713469ae64b8a58698bb3cbc3859abe6925b565a973f87323ef21b09a27a8"}, +] +jupyter-client = [ + {file = "jupyter_client-7.1.0-py3-none-any.whl", hash = "sha256:64d93752d8cbfba0c1030c3335c3f0d9797cd1efac012652a14aac1653db11a3"}, + {file = "jupyter_client-7.1.0.tar.gz", hash = "sha256:a5f995a73cffb314ed262713ae6dfce53c6b8216cea9f332071b8ff44a6e1654"}, +] +jupyter-core = [ + {file = "jupyter_core-4.9.1-py3-none-any.whl", hash = "sha256:1c091f3bbefd6f2a8782f2c1db662ca8478ac240e962ae2c66f0b87c818154ea"}, + {file = "jupyter_core-4.9.1.tar.gz", hash = "sha256:dce8a7499da5a53ae3afd5a9f4b02e5df1d57250cf48f3ad79da23b4778cd6fa"}, +] +jupyterlab-pygments = [ + {file = "jupyterlab_pygments-0.1.2-py2.py3-none-any.whl", hash = "sha256:abfb880fd1561987efaefcb2d2ac75145d2a5d0139b1876d5be806e32f630008"}, + {file = "jupyterlab_pygments-0.1.2.tar.gz", hash = "sha256:cfcda0873626150932f438eccf0f8bf22bfa92345b814890ab360d666b254146"}, +] +jupyterlab-widgets = [ + {file = "jupyterlab_widgets-1.0.2-py3-none-any.whl", hash = "sha256:f5d9efface8ec62941173ba1cffb2edd0ecddc801c11ae2931e30b50492eb8f7"}, + {file = "jupyterlab_widgets-1.0.2.tar.gz", hash = "sha256:7885092b2b96bf189c3a705cc3c412a4472ec5e8382d0b47219a66cccae73cfa"}, +] +kenlm = [] +llvmlite = [ + {file = "llvmlite-0.37.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:cf7d623d33d24df51adc4e9e9f5734df752330661793d1662425ad2e926cb2d4"}, + {file = "llvmlite-0.37.0-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:74b6c3d2eb8cef32a09e8fd7637d0d37628c74f4deedf9361e0c0ebecc239208"}, + {file = "llvmlite-0.37.0-cp37-cp37m-manylinux2014_i686.whl", hash = "sha256:447b01c25d18921c4179f2eccba218d7c82b65cfe3952b0d018d569945427bf9"}, + {file = "llvmlite-0.37.0-cp37-cp37m-manylinux2014_x86_64.whl", hash = "sha256:f9e84d683943c2f636b08db9b2d182d4b40b83e1a3e31e100af3bb9ed8d94bcd"}, + {file = "llvmlite-0.37.0-cp37-cp37m-win32.whl", hash = "sha256:14030a1c0f9aee0185db069163240c51d4e8a3eec0daf02468e057281dee612b"}, + {file = "llvmlite-0.37.0-cp37-cp37m-win_amd64.whl", hash = "sha256:15b8ac7a489e31b7d5c482193edaa44374e3c18e409bea494224e31eb60e38e5"}, + {file = "llvmlite-0.37.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:d31a3bd69894b31bbc68df00e0b37b0980a0cf025f9dbea9cdd37988230c33a3"}, + {file = "llvmlite-0.37.0-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:ab00b7996e5ef795f59d95d3125850f3af28d19e43bdc08473947cb8045ce098"}, + {file = "llvmlite-0.37.0-cp38-cp38-manylinux2014_i686.whl", hash = "sha256:57c1dae337863b497c141d40736041d4acb7769226b44fe05959fce3c3570d5d"}, + {file = "llvmlite-0.37.0-cp38-cp38-manylinux2014_x86_64.whl", hash = "sha256:df1d1b162a426480b37d6c4adeddff49e2fb9f71b307c7facac67bdce4767746"}, + {file = "llvmlite-0.37.0-cp38-cp38-win32.whl", hash = "sha256:30431fe9a9b7b1c3585b71149cc11dc79b9d62dc86d3db15c3dcca33d274b5be"}, + {file = "llvmlite-0.37.0-cp38-cp38-win_amd64.whl", hash = "sha256:794191922ac6414c55d66058eaba8b88a630c6e9f2cf0db7e8e661e74d71fa14"}, + {file = "llvmlite-0.37.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:c92a209439fd0b8a41f6e2aba1d3afa260357028a29ed7db8c602c4d67c21540"}, + {file = "llvmlite-0.37.0-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:4c1e91fd4ba2764161e9a05b6fff46a52d26170186bad99629777e8c7246f0ef"}, + {file = "llvmlite-0.37.0-cp39-cp39-manylinux2014_i686.whl", hash = "sha256:b6466d6369051e5c083b15cf285c00595ddb7f828be1ebecb1dfb97f3fab0bff"}, + {file = "llvmlite-0.37.0-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:4616e17914fcc7c5bfb7d1014acbd4fca478949820e86218a29d9473d0aa221b"}, + {file = "llvmlite-0.37.0-cp39-cp39-win32.whl", hash = "sha256:995c1a2c8b6a11a7f2c66e52576de6a28292d37842d383aae5be7b965b56d10f"}, + {file = "llvmlite-0.37.0-cp39-cp39-win_amd64.whl", hash = "sha256:7449acca596f45e9e12b20c0b72d184f83025341cc2d44d7ccf5fe31356dcd08"}, + {file = "llvmlite-0.37.0.tar.gz", hash = "sha256:6392b870cd018ec0c645d6bbb918d6aa0eeca8c62674baaee30862d6b6865b15"}, +] +markupsafe = [ + {file = "MarkupSafe-2.0.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d8446c54dc28c01e5a2dbac5a25f071f6653e6e40f3a8818e8b45d790fe6ef53"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:36bc903cbb393720fad60fc28c10de6acf10dc6cc883f3e24ee4012371399a38"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d7d807855b419fc2ed3e631034685db6079889a1f01d5d9dac950f764da3dad"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:add36cb2dbb8b736611303cd3bfcee00afd96471b09cda130da3581cbdc56a6d"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:168cd0a3642de83558a5153c8bd34f175a9a6e7f6dc6384b9655d2697312a646"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:4dc8f9fb58f7364b63fd9f85013b780ef83c11857ae79f2feda41e270468dd9b"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:20dca64a3ef2d6e4d5d615a3fd418ad3bde77a47ec8a23d984a12b5b4c74491a"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:cdfba22ea2f0029c9261a4bd07e830a8da012291fbe44dc794e488b6c9bb353a"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-win32.whl", hash = "sha256:99df47edb6bda1249d3e80fdabb1dab8c08ef3975f69aed437cb69d0a5de1e28"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:e0f138900af21926a02425cf736db95be9f4af72ba1bb21453432a07f6082134"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:f9081981fe268bd86831e5c75f7de206ef275defcb82bc70740ae6dc507aee51"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:0955295dd5eec6cb6cc2fe1698f4c6d84af2e92de33fbcac4111913cd100a6ff"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:0446679737af14f45767963a1a9ef7620189912317d095f2d9ffa183a4d25d2b"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:f826e31d18b516f653fe296d967d700fddad5901ae07c622bb3705955e1faa94"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:fa130dd50c57d53368c9d59395cb5526eda596d3ffe36666cd81a44d56e48872"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:905fec760bd2fa1388bb5b489ee8ee5f7291d692638ea5f67982d968366bef9f"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bf5d821ffabf0ef3533c39c518f3357b171a1651c1ff6827325e4489b0e46c3c"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:0d4b31cc67ab36e3392bbf3862cfbadac3db12bdd8b02a2731f509ed5b829724"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:baa1a4e8f868845af802979fcdbf0bb11f94f1cb7ced4c4b8a351bb60d108145"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:deb993cacb280823246a026e3b2d81c493c53de6acfd5e6bfe31ab3402bb37dd"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:63f3268ba69ace99cab4e3e3b5840b03340efed0948ab8f78d2fd87ee5442a4f"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:8d206346619592c6200148b01a2142798c989edcb9c896f9ac9722a99d4e77e6"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-win32.whl", hash = "sha256:6c4ca60fa24e85fe25b912b01e62cb969d69a23a5d5867682dd3e80b5b02581d"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-win_amd64.whl", hash = "sha256:b2f4bf27480f5e5e8ce285a8c8fd176c0b03e93dcc6646477d4630e83440c6a9"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:0717a7390a68be14b8c793ba258e075c6f4ca819f15edfc2a3a027c823718567"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:6557b31b5e2c9ddf0de32a691f2312a32f77cd7681d8af66c2692efdbef84c18"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:49e3ceeabbfb9d66c3aef5af3a60cc43b85c33df25ce03d0031a608b0a8b2e3f"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:d7f9850398e85aba693bb640262d3611788b1f29a79f0c93c565694658f4071f"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:6a7fae0dd14cf60ad5ff42baa2e95727c3d81ded453457771d02b7d2b3f9c0c2"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:b7f2d075102dc8c794cbde1947378051c4e5180d52d276987b8d28a3bd58c17d"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e9936f0b261d4df76ad22f8fee3ae83b60d7c3e871292cd42f40b81b70afae85"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:2a7d351cbd8cfeb19ca00de495e224dea7e7d919659c2841bbb7f420ad03e2d6"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:60bf42e36abfaf9aff1f50f52644b336d4f0a3fd6d8a60ca0d054ac9f713a864"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d6c7ebd4e944c85e2c3421e612a7057a2f48d478d79e61800d81468a8d842207"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f0567c4dc99f264f49fe27da5f735f414c4e7e7dd850cfd8e69f0862d7c74ea9"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:89c687013cb1cd489a0f0ac24febe8c7a666e6e221b783e53ac50ebf68e45d86"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-win32.whl", hash = "sha256:a30e67a65b53ea0a5e62fe23682cfe22712e01f453b95233b25502f7c61cb415"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-win_amd64.whl", hash = "sha256:611d1ad9a4288cf3e3c16014564df047fe08410e628f89805e475368bd304914"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:5bb28c636d87e840583ee3adeb78172efc47c8b26127267f54a9c0ec251d41a9"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:be98f628055368795d818ebf93da628541e10b75b41c559fdf36d104c5787066"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux1_i686.whl", hash = "sha256:1d609f577dc6e1aa17d746f8bd3c31aa4d258f4070d61b2aa5c4166c1539de35"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:7d91275b0245b1da4d4cfa07e0faedd5b0812efc15b702576d103293e252af1b"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:01a9b8ea66f1658938f65b93a85ebe8bc016e6769611be228d797c9d998dd298"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:47ab1e7b91c098ab893b828deafa1203de86d0bc6ab587b160f78fe6c4011f75"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:97383d78eb34da7e1fa37dd273c20ad4320929af65d156e35a5e2d89566d9dfb"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6fcf051089389abe060c9cd7caa212c707e58153afa2c649f00346ce6d260f1b"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:5855f8438a7d1d458206a2466bf82b0f104a3724bf96a1c781ab731e4201731a"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:3dd007d54ee88b46be476e293f48c85048603f5f516008bee124ddd891398ed6"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:aca6377c0cb8a8253e493c6b451565ac77e98c2951c45f913e0b52facdcff83f"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:04635854b943835a6ea959e948d19dcd311762c5c0c6e1f0e16ee57022669194"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:6300b8454aa6930a24b9618fbb54b5a68135092bc666f7b06901f897fa5c2fee"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-win32.whl", hash = "sha256:023cb26ec21ece8dc3907c0e8320058b2e0cb3c55cf9564da612bc325bed5e64"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-win_amd64.whl", hash = "sha256:984d76483eb32f1bcb536dc27e4ad56bba4baa70be32fa87152832cdd9db0833"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:2ef54abee730b502252bcdf31b10dacb0a416229b72c18b19e24a4509f273d26"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:3c112550557578c26af18a1ccc9e090bfe03832ae994343cfdacd287db6a6ae7"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux1_i686.whl", hash = "sha256:53edb4da6925ad13c07b6d26c2a852bd81e364f95301c66e930ab2aef5b5ddd8"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:f5653a225f31e113b152e56f154ccbe59eeb1c7487b39b9d9f9cdb58e6c79dc5"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:4efca8f86c54b22348a5467704e3fec767b2db12fc39c6d963168ab1d3fc9135"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:ab3ef638ace319fa26553db0624c4699e31a28bb2a835c5faca8f8acf6a5a902"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:f8ba0e8349a38d3001fae7eadded3f6606f0da5d748ee53cc1dab1d6527b9509"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c47adbc92fc1bb2b3274c4b3a43ae0e4573d9fbff4f54cd484555edbf030baf1"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:37205cac2a79194e3750b0af2a5720d95f786a55ce7df90c3af697bfa100eaac"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1f2ade76b9903f39aa442b4aadd2177decb66525062db244b35d71d0ee8599b6"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:4296f2b1ce8c86a6aea78613c34bb1a672ea0e3de9c6ba08a960efe0b0a09047"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:9f02365d4e99430a12647f09b6cc8bab61a6564363f313126f775eb4f6ef798e"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5b6d930f030f8ed98e3e6c98ffa0652bdb82601e7a016ec2ab5d7ff23baa78d1"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-win32.whl", hash = "sha256:10f82115e21dc0dfec9ab5c0223652f7197feb168c940f3ef61563fc2d6beb74"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-win_amd64.whl", hash = "sha256:693ce3f9e70a6cf7d2fb9e6c9d8b204b6b39897a2c4a1aa65728d5ac97dcc1d8"}, + {file = "MarkupSafe-2.0.1.tar.gz", hash = "sha256:594c67807fb16238b30c44bdf74f36c02cdf22d1c8cda91ef8a0ed8dabf5620a"}, +] +matplotlib-inline = [ + {file = "matplotlib-inline-0.1.3.tar.gz", hash = "sha256:a04bfba22e0d1395479f866853ec1ee28eea1485c1d69a6faf00dc3e24ff34ee"}, + {file = "matplotlib_inline-0.1.3-py3-none-any.whl", hash = "sha256:aed605ba3b72462d64d475a21a9296f400a19c4f74a31b59103d2a99ffd5aa5c"}, +] +mccabe = [ + {file = "mccabe-0.6.1-py2.py3-none-any.whl", hash = "sha256:ab8a6258860da4b6677da4bd2fe5dc2c659cff31b3ee4f7f5d64e79735b80d42"}, + {file = "mccabe-0.6.1.tar.gz", hash = "sha256:dd8d182285a0fe56bace7f45b5e7d1a6ebcbf524e8f3bd87eb0f125271b8831f"}, +] +mistune = [ + {file = "mistune-0.8.4-py2.py3-none-any.whl", hash = "sha256:88a1051873018da288eee8538d476dffe1262495144b33ecb586c4ab266bb8d4"}, + {file = "mistune-0.8.4.tar.gz", hash = "sha256:59a3429db53c50b5c6bcc8a07f8848cb00d7dc8bdb431a4ab41920d201d4756e"}, +] +more-itertools = [ + {file = "more-itertools-8.12.0.tar.gz", hash = "sha256:7dc6ad46f05f545f900dd59e8dfb4e84a4827b97b3cfecb175ea0c7d247f6064"}, + {file = "more_itertools-8.12.0-py3-none-any.whl", hash = "sha256:43e6dd9942dffd72661a2c4ef383ad7da1e6a3e968a927ad7a6083ab410a688b"}, +] +multidict = [ + {file = "multidict-5.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:3822c5894c72e3b35aae9909bef66ec83e44522faf767c0ad39e0e2de11d3b55"}, + {file = "multidict-5.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:28e6d883acd8674887d7edc896b91751dc2d8e87fbdca8359591a13872799e4e"}, + {file = "multidict-5.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b61f85101ef08cbbc37846ac0e43f027f7844f3fade9b7f6dd087178caedeee7"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9b668c065968c5979fe6b6fa6760bb6ab9aeb94b75b73c0a9c1acf6393ac3bf"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:517d75522b7b18a3385726b54a081afd425d4f41144a5399e5abd97ccafdf36b"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1b4ac3ba7a97b35a5ccf34f41b5a8642a01d1e55454b699e5e8e7a99b5a3acf5"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:df23c83398715b26ab09574217ca21e14694917a0c857e356fd39e1c64f8283f"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:e58a9b5cc96e014ddf93c2227cbdeca94b56a7eb77300205d6e4001805391747"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:f76440e480c3b2ca7f843ff8a48dc82446b86ed4930552d736c0bac507498a52"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:cfde464ca4af42a629648c0b0d79b8f295cf5b695412451716531d6916461628"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:0fed465af2e0eb6357ba95795d003ac0bdb546305cc2366b1fc8f0ad67cc3fda"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:b70913cbf2e14275013be98a06ef4b412329fe7b4f83d64eb70dce8269ed1e1a"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a5635bcf1b75f0f6ef3c8a1ad07b500104a971e38d3683167b9454cb6465ac86"}, + {file = "multidict-5.2.0-cp310-cp310-win32.whl", hash = "sha256:77f0fb7200cc7dedda7a60912f2059086e29ff67cefbc58d2506638c1a9132d7"}, + {file = "multidict-5.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:9416cf11bcd73c861267e88aea71e9fcc35302b3943e45e1dbb4317f91a4b34f"}, + {file = "multidict-5.2.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:fd77c8f3cba815aa69cb97ee2b2ef385c7c12ada9c734b0f3b32e26bb88bbf1d"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:98ec9aea6223adf46999f22e2c0ab6cf33f5914be604a404f658386a8f1fba37"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e5283c0a00f48e8cafcecadebfa0ed1dac8b39e295c7248c44c665c16dc1138b"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5f79c19c6420962eb17c7e48878a03053b7ccd7b69f389d5831c0a4a7f1ac0a1"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:e4a67f1080123de76e4e97a18d10350df6a7182e243312426d508712e99988d4"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:94b117e27efd8e08b4046c57461d5a114d26b40824995a2eb58372b94f9fca02"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:2e77282fd1d677c313ffcaddfec236bf23f273c4fba7cdf198108f5940ae10f5"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:116347c63ba049c1ea56e157fa8aa6edaf5e92925c9b64f3da7769bdfa012858"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:dc3a866cf6c13d59a01878cd806f219340f3e82eed514485e094321f24900677"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:ac42181292099d91217a82e3fa3ce0e0ddf3a74fd891b7c2b347a7f5aa0edded"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:f0bb0973f42ffcb5e3537548e0767079420aefd94ba990b61cf7bb8d47f4916d"}, + {file = "multidict-5.2.0-cp36-cp36m-win32.whl", hash = "sha256:ea21d4d5104b4f840b91d9dc8cbc832aba9612121eaba503e54eaab1ad140eb9"}, + {file = "multidict-5.2.0-cp36-cp36m-win_amd64.whl", hash = "sha256:e6453f3cbeb78440747096f239d282cc57a2997a16b5197c9bc839099e1633d0"}, + {file = "multidict-5.2.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:d3def943bfd5f1c47d51fd324df1e806d8da1f8e105cc7f1c76a1daf0f7e17b0"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:35591729668a303a02b06e8dba0eb8140c4a1bfd4c4b3209a436a02a5ac1de11"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ce8cacda0b679ebc25624d5de66c705bc53dcc7c6f02a7fb0f3ca5e227d80422"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:baf1856fab8212bf35230c019cde7c641887e3fc08cadd39d32a421a30151ea3"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a43616aec0f0d53c411582c451f5d3e1123a68cc7b3475d6f7d97a626f8ff90d"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:25cbd39a9029b409167aa0a20d8a17f502d43f2efebfe9e3ac019fe6796c59ac"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:0a2cbcfbea6dc776782a444db819c8b78afe4db597211298dd8b2222f73e9cd0"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:3d2d7d1fff8e09d99354c04c3fd5b560fb04639fd45926b34e27cfdec678a704"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:a37e9a68349f6abe24130846e2f1d2e38f7ddab30b81b754e5a1fde32f782b23"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:637c1896497ff19e1ee27c1c2c2ddaa9f2d134bbb5e0c52254361ea20486418d"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:9815765f9dcda04921ba467957be543423e5ec6a1136135d84f2ae092c50d87b"}, + {file = "multidict-5.2.0-cp37-cp37m-win32.whl", hash = "sha256:8b911d74acdc1fe2941e59b4f1a278a330e9c34c6c8ca1ee21264c51ec9b67ef"}, + {file = "multidict-5.2.0-cp37-cp37m-win_amd64.whl", hash = "sha256:380b868f55f63d048a25931a1632818f90e4be71d2081c2338fcf656d299949a"}, + {file = "multidict-5.2.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:e7d81ce5744757d2f05fc41896e3b2ae0458464b14b5a2c1e87a6a9d69aefaa8"}, + {file = "multidict-5.2.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2d1d55cdf706ddc62822d394d1df53573d32a7a07d4f099470d3cb9323b721b6"}, + {file = "multidict-5.2.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:a4771d0d0ac9d9fe9e24e33bed482a13dfc1256d008d101485fe460359476065"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da7d57ea65744d249427793c042094c4016789eb2562576fb831870f9c878d9e"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cdd68778f96216596218b4e8882944d24a634d984ee1a5a049b300377878fa7c"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ecc99bce8ee42dcad15848c7885197d26841cb24fa2ee6e89d23b8993c871c64"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:067150fad08e6f2dd91a650c7a49ba65085303fcc3decbd64a57dc13a2733031"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:78c106b2b506b4d895ddc801ff509f941119394b89c9115580014127414e6c2d"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:e6c4fa1ec16e01e292315ba76eb1d012c025b99d22896bd14a66628b245e3e01"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:b227345e4186809d31f22087d0265655114af7cda442ecaf72246275865bebe4"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:06560fbdcf22c9387100979e65b26fba0816c162b888cb65b845d3def7a54c9b"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:7878b61c867fb2df7a95e44b316f88d5a3742390c99dfba6c557a21b30180cac"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:246145bff76cc4b19310f0ad28bd0769b940c2a49fc601b86bfd150cbd72bb22"}, + {file = "multidict-5.2.0-cp38-cp38-win32.whl", hash = "sha256:c30ac9f562106cd9e8071c23949a067b10211917fdcb75b4718cf5775356a940"}, + {file = "multidict-5.2.0-cp38-cp38-win_amd64.whl", hash = "sha256:f19001e790013ed580abfde2a4465388950728861b52f0da73e8e8a9418533c0"}, + {file = "multidict-5.2.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:c1ff762e2ee126e6f1258650ac641e2b8e1f3d927a925aafcfde943b77a36d24"}, + {file = "multidict-5.2.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:bd6c9c50bf2ad3f0448edaa1a3b55b2e6866ef8feca5d8dbec10ec7c94371d21"}, + {file = "multidict-5.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:fc66d4016f6e50ed36fb39cd287a3878ffcebfa90008535c62e0e90a7ab713ae"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a9acb76d5f3dd9421874923da2ed1e76041cb51b9337fd7f507edde1d86535d6"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dfc924a7e946dd3c6360e50e8f750d51e3ef5395c95dc054bc9eab0f70df4f9c"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:32fdba7333eb2351fee2596b756d730d62b5827d5e1ab2f84e6cbb287cc67fe0"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:b9aad49466b8d828b96b9e3630006234879c8d3e2b0a9d99219b3121bc5cdb17"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:93de39267c4c676c9ebb2057e98a8138bade0d806aad4d864322eee0803140a0"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:f9bef5cff994ca3026fcc90680e326d1a19df9841c5e3d224076407cc21471a1"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:5f841c4f14331fd1e36cbf3336ed7be2cb2a8f110ce40ea253e5573387db7621"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:38ba256ee9b310da6a1a0f013ef4e422fca30a685bcbec86a969bd520504e341"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:3bc3b1621b979621cee9f7b09f024ec76ec03cc365e638126a056317470bde1b"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:6ee908c070020d682e9b42c8f621e8bb10c767d04416e2ebe44e37d0f44d9ad5"}, + {file = "multidict-5.2.0-cp39-cp39-win32.whl", hash = "sha256:1c7976cd1c157fa7ba5456ae5d31ccdf1479680dc9b8d8aa28afabc370df42b8"}, + {file = "multidict-5.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:c9631c642e08b9fff1c6255487e62971d8b8e821808ddd013d8ac058087591ac"}, + {file = "multidict-5.2.0.tar.gz", hash = "sha256:0dd1c93edb444b33ba2274b66f63def8a327d607c6c790772f448a53b6ea59ce"}, +] +multiprocess = [ + {file = "multiprocess-0.70.12.2-cp27-cp27m-macosx_10_12_x86_64.whl", hash = "sha256:35d41e410ca2a32977a483ae1f40f86b193b45cecf85567c2fae402fb8bf172e"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:9a02237eae21975155c816883479f72e239d16823a6bc063173d59acec9bcf41"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:f12a939cd2f01d0a900e7ef2aaee3c351a49fd2297d7f760b537af22727561b8"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-win32.whl", hash = "sha256:be3ad3eaf204abc646d85e70e41244f66d88200628a0ab867c8fc206b97cedbf"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-win_amd64.whl", hash = "sha256:c85ffc38c50c5a4f32f3f3c1a284725b7b5040188f254eba6e572c53d3da525b"}, + {file = "multiprocess-0.70.12.2-pp27-none-any.whl", hash = "sha256:a9f58945edb234591684c0a181b744a3231643814ef3a8f47cea9a2073b4b2bb"}, + {file = "multiprocess-0.70.12.2-pp36-none-any.whl", hash = "sha256:0e0a5ae4bd84e4c22baddf824d3b8168214f8c1cce51e2cb080421cb1f7b04d1"}, + {file = "multiprocess-0.70.12.2-pp37-none-any.whl", hash = "sha256:916a314a1e0f3454033d59672ba6181fa45948ab1091d68cdd479258576e7b27"}, + {file = "multiprocess-0.70.12.2-py36-none-any.whl", hash = "sha256:b3f866f7d9c7acc1a9cb1b6063a29f5cb140ff545b35b71fd4bfdac6f19d75fa"}, + {file = "multiprocess-0.70.12.2-py37-none-any.whl", hash = "sha256:6aa67e805e50b6e9dfc56dd0f0c85ac3409e6791d4ec5405c5f9bc0a47d745a4"}, + {file = "multiprocess-0.70.12.2-py38-none-any.whl", hash = "sha256:85941e650c277af44fc82e3e97faacb920e5ce3615238b540cbad4012d6f60e9"}, + {file = "multiprocess-0.70.12.2-py39-none-any.whl", hash = "sha256:6f812a1d3f198b7cacd63983f60e2dc1338bd4450893f90c435067b5a3127e6f"}, + {file = "multiprocess-0.70.12.2.zip", hash = "sha256:206bb9b97b73f87fec1ed15a19f8762950256aa84225450abc7150d02855a083"}, +] +mypy-extensions = [ + {file = "mypy_extensions-0.4.3-py2.py3-none-any.whl", hash = "sha256:090fedd75945a69ae91ce1303b5824f428daf5a028d2f6ab8a299250a846f15d"}, + {file = "mypy_extensions-0.4.3.tar.gz", hash = "sha256:2d82818f5bb3e369420cb3c4060a7970edba416647068eb4c5343488a6c604a8"}, +] +nbclient = [ + {file = "nbclient-0.5.9-py3-none-any.whl", hash = "sha256:8a307be4129cce5f70eb83a57c3edbe45656623c31de54e38bb6fdfbadc428b3"}, + {file = "nbclient-0.5.9.tar.gz", hash = "sha256:99e46ddafacd0b861293bf246fed8540a184adfa3aa7d641f89031ec070701e0"}, +] +nbconvert = [ + {file = "nbconvert-6.3.0-py3-none-any.whl", hash = "sha256:8f23fbeabda4a500685d788ee091bf22cf34119304314304fb39f16e2fc32f37"}, + {file = "nbconvert-6.3.0.tar.gz", hash = "sha256:5e77d6203854944520105e38f2563a813a4a3708e8563aa598928a3b5ee1081a"}, +] +nbformat = [ + {file = "nbformat-5.1.3-py3-none-any.whl", hash = "sha256:eb8447edd7127d043361bc17f2f5a807626bc8e878c7709a1c647abda28a9171"}, + {file = "nbformat-5.1.3.tar.gz", hash = "sha256:b516788ad70771c6250977c1374fcca6edebe6126fd2adb5a69aa5c2356fd1c8"}, +] +nest-asyncio = [ + {file = "nest_asyncio-1.5.1-py3-none-any.whl", hash = "sha256:76d6e972265063fe92a90b9cc4fb82616e07d586b346ed9d2c89a4187acea39c"}, + {file = "nest_asyncio-1.5.1.tar.gz", hash = "sha256:afc5a1c515210a23c461932765691ad39e8eba6551c055ac8d5546e69250d0aa"}, +] +nltk = [ + {file = "nltk-3.6.5-py3-none-any.whl", hash = "sha256:95fb4f577efe93af21765e9b2852235c2c6a405885da2a70f397478d94e906e0"}, + {file = "nltk-3.6.5.zip", hash = "sha256:834d1a8e38496369390be699be9bca4f2a0f2175b50327272b2ec7a98ffda2a0"}, +] +notebook = [ + {file = "notebook-6.4.6-py3-none-any.whl", hash = "sha256:5cad068fa82cd4fb98d341c052100ed50cd69fbfb4118cb9b8ab5a346ef27551"}, + {file = "notebook-6.4.6.tar.gz", hash = "sha256:7bcdf79bd1cda534735bd9830d2cbedab4ee34d8fe1df6e7b946b3aab0902ba3"}, +] +numba = [ + {file = "numba-0.54.1-cp37-cp37m-macosx_10_14_x86_64.whl", hash = "sha256:c36e50271146c3c33f10111488307a6aa75416aa53384709b037599426a967ea"}, + {file = "numba-0.54.1-cp37-cp37m-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:b657cece0b069cd4361a6d25aaae2e9e9df9e65abfa63f09345352fbb1069a11"}, + {file = "numba-0.54.1-cp37-cp37m-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:77479e79b6840e3eb5e0613bbdbb4be8f4b9c4130bafdf6ac39b9507ea742f15"}, + {file = "numba-0.54.1-cp37-cp37m-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ef4d27ee039007510c3de9c42fd6bb57051661ceeca4a9a6244b642a742632a0"}, + {file = "numba-0.54.1-cp37-cp37m-win32.whl", hash = "sha256:1380429f4a3f73440aae093a058713c780fdc14930b3070c883bc1737e8711b0"}, + {file = "numba-0.54.1-cp37-cp37m-win_amd64.whl", hash = "sha256:d0799e7e8640a31d9567a032a6e046d797356afb3e812e0a0f97e6e74ded7e35"}, + {file = "numba-0.54.1-cp38-cp38-macosx_10_14_x86_64.whl", hash = "sha256:0f1c2c23c4e05cbed19f7a15710a25e71ab818ba7cd0bf66572bacd221721f22"}, + {file = "numba-0.54.1-cp38-cp38-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:64451b4fd2437ebb7bbcff72133b28575cb8464eb3f10ccd88c70a3792e6de0a"}, + {file = "numba-0.54.1-cp38-cp38-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:5239bf413a9d3c7fad839400d5082032635511c3b7058e17835c7c4090f223ed"}, + {file = "numba-0.54.1-cp38-cp38-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ec7033409e66158e9f2b83c22d887fda7949bf2ac652bbbdcbc006b590c37339"}, + {file = "numba-0.54.1-cp38-cp38-win32.whl", hash = "sha256:b385451355a9023c9611400c7c6d4088f5781ed11b104b5d690f0ad65b142860"}, + {file = "numba-0.54.1-cp38-cp38-win_amd64.whl", hash = "sha256:c2e877a33f6920365e96ad088023f786a4b1ce44a7e772763cc02c55f49614dd"}, + {file = "numba-0.54.1-cp39-cp39-macosx_10_14_x86_64.whl", hash = "sha256:7da918aed4790a4ce6682061971e6248e7422dd5618dcac8054d4a47955182dc"}, + {file = "numba-0.54.1-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:0354df1fcfa9d9d8df3b63780fae408c8f23c474d71a4e929f4c5b44f2c9ce5a"}, + {file = "numba-0.54.1-cp39-cp39-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:5492ffa42425b7dc783e4376dfc07617c751d7d087d64fe8c2e7944038e35261"}, + {file = "numba-0.54.1-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:606ebf5b0474d89f96a2e1354f0349e985c3897c2989b78e47b095d67434cf4c"}, + {file = "numba-0.54.1-cp39-cp39-win32.whl", hash = "sha256:fe4f0c881dbaac0c818dafc80e348edf8d8f1022278c368390ca20e92ed381cc"}, + {file = "numba-0.54.1-cp39-cp39-win_amd64.whl", hash = "sha256:884ad2cdebb6f8bcc7b5ec70e56c9acdb8456482c49cea12273d34709dfc2c9c"}, + {file = "numba-0.54.1.tar.gz", hash = "sha256:f9dfc803c864edcc2381219b800abf366793400aea55e26d4d5b7d953e14f43f"}, +] +numpy = [ + {file = "numpy-1.20.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:89bd70c9ad540febe6c28451ba225eb4e49d27f64728357f512c808002325dfa"}, + {file = "numpy-1.20.0-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:1264c66129f5ef63187649dd43f1ca59532e8c098723643336a85131c0dcce3f"}, + {file = "numpy-1.20.0-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:e9c5fd330d2fedf06051bafb996252de9b032fcb2ec03eefc9a543e56efa66d4"}, + {file = "numpy-1.20.0-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:db5e69d08756a2fa75a42b4e433880b6187768fe1bc73d21819def893e5128c6"}, + {file = "numpy-1.20.0-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:1abc02e30e3efd81a4571e00f8e62bf42e343c76698e0a3e11d9c2b3ee0d77a7"}, + {file = "numpy-1.20.0-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:5ae765dd29c71a555f8102281f6fb15a3f4dbd35f6e7daf36af9df6d9dd716a5"}, + {file = "numpy-1.20.0-cp37-cp37m-win32.whl", hash = "sha256:b51b9ef0624f4b01b846c981034c10d2e30db33f9f8be71e992f3900741f6f77"}, + {file = "numpy-1.20.0-cp37-cp37m-win_amd64.whl", hash = "sha256:afeee581b50df20ef07b736e62ca612858f1fcdba96651d26ab44e3d567a4e6e"}, + {file = "numpy-1.20.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2bf0e68c92ef077fe766e53f8937d8ac341bdbca68ec128ae049b7d5c34e3206"}, + {file = "numpy-1.20.0-cp38-cp38-manylinux1_i686.whl", hash = "sha256:2445a96fbae23a4109c61be0f0af0f3bc273905dc5687a710850c1dfde0fc994"}, + {file = "numpy-1.20.0-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:33edfc0eb229f86f539493917b34035054313a11afbed48404aaf9f86bf4b0f6"}, + {file = "numpy-1.20.0-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:894aaee60043a98b03f0ad992c810f62e3a15f98a701e1c0f58a4f4a0df13429"}, + {file = "numpy-1.20.0-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:b66a6c15d793eda7cdad986e737775aa31b9306d588c14dd0277d2dda5546150"}, + {file = "numpy-1.20.0-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:eee454d3aa3955d0c0069a0f265fea47f1e1384c35a110a95efed358eb6e1562"}, + {file = "numpy-1.20.0-cp38-cp38-win32.whl", hash = "sha256:abdfa075e293d73638ece434708aa60b510dc6e70d805f57f481a0f550b25a9e"}, + {file = "numpy-1.20.0-cp38-cp38-win_amd64.whl", hash = "sha256:f1e9424e9aa3834ea27cc12f9c6ea8ace5da18ee60a720bb3a85b2f733f41782"}, + {file = "numpy-1.20.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cb257bb0c0a3176c32782a63cfab2eace7eabfa2a3b2dfd85a13700617ccaf28"}, + {file = "numpy-1.20.0-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:cf5d9dcbdbe523fa665c5309cce5f144648d94a7fddbf5a40f8e0d5c9f5b596d"}, + {file = "numpy-1.20.0-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:93c2abea7bb69f47029b84ceac30ab46dfcfdb99b671ad850a333ff794a765e4"}, + {file = "numpy-1.20.0-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:0d28a54afcf46f1f9ebd163e49ad6b49087f22986fefd01a23ca0c1cdda25ca6"}, + {file = "numpy-1.20.0-cp39-cp39-win32.whl", hash = "sha256:d1bc331e1706fd1809a1bc8a31205329e5b30cf5ba50461c624da267e99f6ae6"}, + {file = "numpy-1.20.0-cp39-cp39-win_amd64.whl", hash = "sha256:e3db646af9f6a145f0c57202f4b55d4a33f975e395e78fb7b394644c17c1a3a6"}, + {file = "numpy-1.20.0-pp37-pypy37_pp73-manylinux2010_x86_64.whl", hash = "sha256:4d592264d2a4f368afbb4288b5ceb646d4cbaf559c0249c096fbb0a149806b90"}, + {file = "numpy-1.20.0.zip", hash = "sha256:3d8233c03f116d068d5365fed4477f2947c7229582dad81e5953088989294cec"}, +] +packaging = [ + {file = "packaging-21.3-py3-none-any.whl", hash = "sha256:ef103e05f519cdc783ae24ea4e2e0f508a9c99b2d4969652eed6a2e1ea5bd522"}, + {file = "packaging-21.3.tar.gz", hash = "sha256:dd47c42927d89ab911e606518907cc2d3a1f38bbd026385970643f9c5b8ecfeb"}, +] +pandas = [ + {file = "pandas-1.1.5-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:bf23a3b54d128b50f4f9d4675b3c1857a688cc6731a32f931837d72effb2698d"}, + {file = "pandas-1.1.5-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:5a780260afc88268a9d3ac3511d8f494fdcf637eece62fb9eb656a63d53eb7ca"}, + {file = "pandas-1.1.5-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:b61080750d19a0122469ab59b087380721d6b72a4e7d962e4d7e63e0c4504814"}, + {file = "pandas-1.1.5-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:0de3ddb414d30798cbf56e642d82cac30a80223ad6fe484d66c0ce01a84d6f2f"}, + {file = "pandas-1.1.5-cp36-cp36m-win32.whl", hash = "sha256:70865f96bb38fec46f7ebd66d4b5cfd0aa6b842073f298d621385ae3898d28b5"}, + {file = "pandas-1.1.5-cp36-cp36m-win_amd64.whl", hash = "sha256:19a2148a1d02791352e9fa637899a78e371a3516ac6da5c4edc718f60cbae648"}, + {file = "pandas-1.1.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:26fa92d3ac743a149a31b21d6f4337b0594b6302ea5575b37af9ca9611e8981a"}, + {file = "pandas-1.1.5-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:c16d59c15d946111d2716856dd5479221c9e4f2f5c7bc2d617f39d870031e086"}, + {file = "pandas-1.1.5-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:3be7a7a0ca71a2640e81d9276f526bca63505850add10206d0da2e8a0a325dae"}, + {file = "pandas-1.1.5-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:573fba5b05bf2c69271a32e52399c8de599e4a15ab7cec47d3b9c904125ab788"}, + {file = "pandas-1.1.5-cp37-cp37m-win32.whl", hash = "sha256:21b5a2b033380adbdd36b3116faaf9a4663e375325831dac1b519a44f9e439bb"}, + {file = "pandas-1.1.5-cp37-cp37m-win_amd64.whl", hash = "sha256:24c7f8d4aee71bfa6401faeba367dd654f696a77151a8a28bc2013f7ced4af98"}, + {file = "pandas-1.1.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2860a97cbb25444ffc0088b457da0a79dc79f9c601238a3e0644312fcc14bf11"}, + {file = "pandas-1.1.5-cp38-cp38-manylinux1_i686.whl", hash = "sha256:5008374ebb990dad9ed48b0f5d0038124c73748f5384cc8c46904dace27082d9"}, + {file = "pandas-1.1.5-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:2c2f7c670ea4e60318e4b7e474d56447cf0c7d83b3c2a5405a0dbb2600b9c48e"}, + {file = "pandas-1.1.5-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:0a643bae4283a37732ddfcecab3f62dd082996021b980f580903f4e8e01b3c5b"}, + {file = "pandas-1.1.5-cp38-cp38-win32.whl", hash = "sha256:5447ea7af4005b0daf695a316a423b96374c9c73ffbd4533209c5ddc369e644b"}, + {file = "pandas-1.1.5-cp38-cp38-win_amd64.whl", hash = "sha256:4c62e94d5d49db116bef1bd5c2486723a292d79409fc9abd51adf9e05329101d"}, + {file = "pandas-1.1.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:731568be71fba1e13cae212c362f3d2ca8932e83cb1b85e3f1b4dd77d019254a"}, + {file = "pandas-1.1.5-cp39-cp39-manylinux1_i686.whl", hash = "sha256:c61c043aafb69329d0f961b19faa30b1dab709dd34c9388143fc55680059e55a"}, + {file = "pandas-1.1.5-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:2b1c6cd28a0dfda75c7b5957363333f01d370936e4c6276b7b8e696dd500582a"}, + {file = "pandas-1.1.5-cp39-cp39-win32.whl", hash = "sha256:c94ff2780a1fd89f190390130d6d36173ca59fcfb3fe0ff596f9a56518191ccb"}, + {file = "pandas-1.1.5-cp39-cp39-win_amd64.whl", hash = "sha256:edda9bacc3843dfbeebaf7a701763e68e741b08fccb889c003b0a52f0ee95782"}, + {file = "pandas-1.1.5.tar.gz", hash = "sha256:f10fc41ee3c75a474d3bdf68d396f10782d013d7f67db99c0efbfd0acb99701b"}, +] +pandocfilters = [ + {file = "pandocfilters-1.5.0-py2.py3-none-any.whl", hash = "sha256:33aae3f25fd1a026079f5d27bdd52496f0e0803b3469282162bafdcbdf6ef14f"}, + {file = "pandocfilters-1.5.0.tar.gz", hash = "sha256:0b679503337d233b4339a817bfc8c50064e2eff681314376a47cb582305a7a38"}, +] +parso = [ + {file = "parso-0.8.2-py2.py3-none-any.whl", hash = "sha256:a8c4922db71e4fdb90e0d0bc6e50f9b273d3397925e5e60a717e719201778d22"}, + {file = "parso-0.8.2.tar.gz", hash = "sha256:12b83492c6239ce32ff5eed6d3639d6a536170723c6f3f1506869f1ace413398"}, +] +pathspec = [ + {file = "pathspec-0.9.0-py2.py3-none-any.whl", hash = "sha256:7d15c4ddb0b5c802d161efc417ec1a2558ea2653c2e8ad9c19098201dc1c993a"}, + {file = "pathspec-0.9.0.tar.gz", hash = "sha256:e564499435a2673d586f6b2130bb5b95f04a3ba06f81b8f895b651a3c76aabb1"}, +] +pexpect = [ + {file = "pexpect-4.8.0-py2.py3-none-any.whl", hash = "sha256:0b48a55dcb3c05f3329815901ea4fc1537514d6ba867a152b581d69ae3710937"}, + {file = "pexpect-4.8.0.tar.gz", hash = "sha256:fc65a43959d153d0114afe13997d439c22823a27cefceb5ff35c2178c6784c0c"}, +] +pickleshare = [ + {file = "pickleshare-0.7.5-py2.py3-none-any.whl", hash = "sha256:9649af414d74d4df115d5d718f82acb59c9d418196b7b4290ed47a12ce62df56"}, + {file = "pickleshare-0.7.5.tar.gz", hash = "sha256:87683d47965c1da65cdacaf31c8441d12b8044cdec9aca500cd78fc2c683afca"}, +] +pillow = [ + {file = "Pillow-8.4.0-cp310-cp310-macosx_10_10_universal2.whl", hash = "sha256:81f8d5c81e483a9442d72d182e1fb6dcb9723f289a57e8030811bac9ea3fef8d"}, + {file = "Pillow-8.4.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:3f97cfb1e5a392d75dd8b9fd274d205404729923840ca94ca45a0af57e13dbe6"}, + {file = "Pillow-8.4.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eb9fc393f3c61f9054e1ed26e6fe912c7321af2f41ff49d3f83d05bacf22cc78"}, + {file = "Pillow-8.4.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d82cdb63100ef5eedb8391732375e6d05993b765f72cb34311fab92103314649"}, + {file = "Pillow-8.4.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:62cc1afda735a8d109007164714e73771b499768b9bb5afcbbee9d0ff374b43f"}, + {file = "Pillow-8.4.0-cp310-cp310-win32.whl", hash = "sha256:e3dacecfbeec9a33e932f00c6cd7996e62f53ad46fbe677577394aaa90ee419a"}, + {file = "Pillow-8.4.0-cp310-cp310-win_amd64.whl", hash = "sha256:620582db2a85b2df5f8a82ddeb52116560d7e5e6b055095f04ad828d1b0baa39"}, + {file = "Pillow-8.4.0-cp36-cp36m-macosx_10_10_x86_64.whl", hash = "sha256:1bc723b434fbc4ab50bb68e11e93ce5fb69866ad621e3c2c9bdb0cd70e345f55"}, + {file = "Pillow-8.4.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:72cbcfd54df6caf85cc35264c77ede902452d6df41166010262374155947460c"}, + {file = "Pillow-8.4.0-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:70ad9e5c6cb9b8487280a02c0ad8a51581dcbbe8484ce058477692a27c151c0a"}, + {file = "Pillow-8.4.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:25a49dc2e2f74e65efaa32b153527fc5ac98508d502fa46e74fa4fd678ed6645"}, + {file = "Pillow-8.4.0-cp36-cp36m-win32.whl", hash = "sha256:93ce9e955cc95959df98505e4608ad98281fff037350d8c2671c9aa86bcf10a9"}, + {file = "Pillow-8.4.0-cp36-cp36m-win_amd64.whl", hash = "sha256:2e4440b8f00f504ee4b53fe30f4e381aae30b0568193be305256b1462216feff"}, + {file = "Pillow-8.4.0-cp37-cp37m-macosx_10_10_x86_64.whl", hash = "sha256:8c803ac3c28bbc53763e6825746f05cc407b20e4a69d0122e526a582e3b5e153"}, + {file = "Pillow-8.4.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c8a17b5d948f4ceeceb66384727dde11b240736fddeda54ca740b9b8b1556b29"}, + {file = "Pillow-8.4.0-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1394a6ad5abc838c5cd8a92c5a07535648cdf6d09e8e2d6df916dfa9ea86ead8"}, + {file = "Pillow-8.4.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:792e5c12376594bfcb986ebf3855aa4b7c225754e9a9521298e460e92fb4a488"}, + {file = "Pillow-8.4.0-cp37-cp37m-win32.whl", hash = "sha256:d99ec152570e4196772e7a8e4ba5320d2d27bf22fdf11743dd882936ed64305b"}, + {file = "Pillow-8.4.0-cp37-cp37m-win_amd64.whl", hash = "sha256:7b7017b61bbcdd7f6363aeceb881e23c46583739cb69a3ab39cb384f6ec82e5b"}, + {file = "Pillow-8.4.0-cp38-cp38-macosx_10_10_x86_64.whl", hash = "sha256:d89363f02658e253dbd171f7c3716a5d340a24ee82d38aab9183f7fdf0cdca49"}, + {file = "Pillow-8.4.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:0a0956fdc5defc34462bb1c765ee88d933239f9a94bc37d132004775241a7585"}, + {file = "Pillow-8.4.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5b7bb9de00197fb4261825c15551adf7605cf14a80badf1761d61e59da347779"}, + {file = "Pillow-8.4.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:72b9e656e340447f827885b8d7a15fc8c4e68d410dc2297ef6787eec0f0ea409"}, + {file = "Pillow-8.4.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a5a4532a12314149d8b4e4ad8ff09dde7427731fcfa5917ff16d0291f13609df"}, + {file = "Pillow-8.4.0-cp38-cp38-win32.whl", hash = "sha256:82aafa8d5eb68c8463b6e9baeb4f19043bb31fefc03eb7b216b51e6a9981ae09"}, + {file = "Pillow-8.4.0-cp38-cp38-win_amd64.whl", hash = "sha256:066f3999cb3b070a95c3652712cffa1a748cd02d60ad7b4e485c3748a04d9d76"}, + {file = "Pillow-8.4.0-cp39-cp39-macosx_10_10_x86_64.whl", hash = "sha256:5503c86916d27c2e101b7f71c2ae2cddba01a2cf55b8395b0255fd33fa4d1f1a"}, + {file = "Pillow-8.4.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:4acc0985ddf39d1bc969a9220b51d94ed51695d455c228d8ac29fcdb25810e6e"}, + {file = "Pillow-8.4.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0b052a619a8bfcf26bd8b3f48f45283f9e977890263e4571f2393ed8898d331b"}, + {file = "Pillow-8.4.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:493cb4e415f44cd601fcec11c99836f707bb714ab03f5ed46ac25713baf0ff20"}, + {file = "Pillow-8.4.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b8831cb7332eda5dc89b21a7bce7ef6ad305548820595033a4b03cf3091235ed"}, + {file = "Pillow-8.4.0-cp39-cp39-win32.whl", hash = "sha256:5e9ac5f66616b87d4da618a20ab0a38324dbe88d8a39b55be8964eb520021e02"}, + {file = "Pillow-8.4.0-cp39-cp39-win_amd64.whl", hash = "sha256:3eb1ce5f65908556c2d8685a8f0a6e989d887ec4057326f6c22b24e8a172c66b"}, + {file = "Pillow-8.4.0-pp36-pypy36_pp73-macosx_10_10_x86_64.whl", hash = "sha256:ddc4d832a0f0b4c52fff973a0d44b6c99839a9d016fe4e6a1cb8f3eea96479c2"}, + {file = "Pillow-8.4.0-pp36-pypy36_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9a3e5ddc44c14042f0844b8cf7d2cd455f6cc80fd7f5eefbe657292cf601d9ad"}, + {file = "Pillow-8.4.0-pp36-pypy36_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c70e94281588ef053ae8998039610dbd71bc509e4acbc77ab59d7d2937b10698"}, + {file = "Pillow-8.4.0-pp37-pypy37_pp73-macosx_10_10_x86_64.whl", hash = "sha256:3862b7256046fcd950618ed22d1d60b842e3a40a48236a5498746f21189afbbc"}, + {file = "Pillow-8.4.0-pp37-pypy37_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a4901622493f88b1a29bd30ec1a2f683782e57c3c16a2dbc7f2595ba01f639df"}, + {file = "Pillow-8.4.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:84c471a734240653a0ec91dec0996696eea227eafe72a33bd06c92697728046b"}, + {file = "Pillow-8.4.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:244cf3b97802c34c41905d22810846802a3329ddcb93ccc432870243211c79fc"}, + {file = "Pillow-8.4.0.tar.gz", hash = "sha256:b8e2f83c56e141920c39464b852de3719dfbfb6e3c99a2d8da0edf4fb33176ed"}, +] +platformdirs = [ + {file = "platformdirs-2.4.0-py3-none-any.whl", hash = "sha256:8868bbe3c3c80d42f20156f22e7131d2fb321f5bc86a2a345375c6481a67021d"}, + {file = "platformdirs-2.4.0.tar.gz", hash = "sha256:367a5e80b3d04d2428ffa76d33f124cf11e8fff2acdaa9b43d545f5c7d661ef2"}, +] +pluggy = [ + {file = "pluggy-0.13.1-py2.py3-none-any.whl", hash = "sha256:966c145cd83c96502c3c3868f50408687b38434af77734af1e9ca461a4081d2d"}, + {file = "pluggy-0.13.1.tar.gz", hash = "sha256:15b2acde666561e1298d71b523007ed7364de07029219b604cf808bfa1c765b0"}, +] +prometheus-client = [ + {file = "prometheus_client-0.12.0-py2.py3-none-any.whl", hash = "sha256:317453ebabff0a1b02df7f708efbab21e3489e7072b61cb6957230dd004a0af0"}, + {file = "prometheus_client-0.12.0.tar.gz", hash = "sha256:1b12ba48cee33b9b0b9de64a1047cbd3c5f2d0ab6ebcead7ddda613a750ec3c5"}, +] +prompt-toolkit = [ + {file = "prompt_toolkit-3.0.22-py3-none-any.whl", hash = "sha256:48d85cdca8b6c4f16480c7ce03fd193666b62b0a21667ca56b4bb5ad679d1170"}, + {file = "prompt_toolkit-3.0.22.tar.gz", hash = "sha256:449f333dd120bd01f5d296a8ce1452114ba3a71fae7288d2f0ae2c918764fa72"}, +] +protobuf = [ + {file = "protobuf-3.19.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d80f80eb175bf5f1169139c2e0c5ada98b1c098e2b3c3736667f28cbbea39fc8"}, + {file = "protobuf-3.19.1-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:a529e7df52204565bcd33738a7a5f288f3d2d37d86caa5d78c458fa5fabbd54d"}, + {file = "protobuf-3.19.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:28ccea56d4dc38d35cd70c43c2da2f40ac0be0a355ef882242e8586c6d66666f"}, + {file = "protobuf-3.19.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:8b30a7de128c46b5ecb343917d9fa737612a6e8280f440874e5cc2ba0d79b8f6"}, + {file = "protobuf-3.19.1-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5935c8ce02e3d89c7900140a8a42b35bc037ec07a6aeb61cc108be8d3c9438a6"}, + {file = "protobuf-3.19.1-cp36-cp36m-win32.whl", hash = "sha256:74f33edeb4f3b7ed13d567881da8e5a92a72b36495d57d696c2ea1ae0cfee80c"}, + {file = "protobuf-3.19.1-cp36-cp36m-win_amd64.whl", hash = "sha256:038daf4fa38a7e818dd61f51f22588d61755160a98db087a046f80d66b855942"}, + {file = "protobuf-3.19.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:8e51561d72efd5bd5c91490af1f13e32bcba8dab4643761eb7de3ce18e64a853"}, + {file = "protobuf-3.19.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:6e8ea9173403219239cdfd8d946ed101f2ab6ecc025b0fda0c6c713c35c9981d"}, + {file = "protobuf-3.19.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db3532d9f7a6ebbe2392041350437953b6d7a792de10e629c1e4f5a6b1fe1ac6"}, + {file = "protobuf-3.19.1-cp37-cp37m-win32.whl", hash = "sha256:615b426a177780ce381ecd212edc1e0f70db8557ed72560b82096bd36b01bc04"}, + {file = "protobuf-3.19.1-cp37-cp37m-win_amd64.whl", hash = "sha256:d8919368410110633717c406ab5c97e8df5ce93020cfcf3012834f28b1fab1ea"}, + {file = "protobuf-3.19.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:71b0250b0cfb738442d60cab68abc166de43411f2a4f791d31378590bfb71bd7"}, + {file = "protobuf-3.19.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:3cd0458870ea7d1c58e948ac8078f6ba8a7ecc44a57e03032ed066c5bb318089"}, + {file = "protobuf-3.19.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:655264ed0d0efe47a523e2255fc1106a22f6faab7cc46cfe99b5bae085c2a13e"}, + {file = "protobuf-3.19.1-cp38-cp38-win32.whl", hash = "sha256:b691d996c6d0984947c4cf8b7ae2fe372d99b32821d0584f0b90277aa36982d3"}, + {file = "protobuf-3.19.1-cp38-cp38-win_amd64.whl", hash = "sha256:e7e8d2c20921f8da0dea277dfefc6abac05903ceac8e72839b2da519db69206b"}, + {file = "protobuf-3.19.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:fd390367fc211cc0ffcf3a9e149dfeca78fecc62adb911371db0cec5c8b7472d"}, + {file = "protobuf-3.19.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:d83e1ef8cb74009bebee3e61cc84b1c9cd04935b72bca0cbc83217d140424995"}, + {file = "protobuf-3.19.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:36d90676d6f426718463fe382ec6274909337ca6319d375eebd2044e6c6ac560"}, + {file = "protobuf-3.19.1-cp39-cp39-win32.whl", hash = "sha256:e7b24c11df36ee8e0c085e5b0dc560289e4b58804746fb487287dda51410f1e2"}, + {file = "protobuf-3.19.1-cp39-cp39-win_amd64.whl", hash = "sha256:77d2fadcf369b3f22859ab25bd12bb8e98fb11e05d9ff9b7cd45b711c719c002"}, + {file = "protobuf-3.19.1-py2.py3-none-any.whl", hash = "sha256:e813b1c9006b6399308e917ac5d298f345d95bb31f46f02b60cd92970a9afa17"}, + {file = "protobuf-3.19.1.tar.gz", hash = "sha256:62a8e4baa9cb9e064eb62d1002eca820857ab2138440cb4b3ea4243830f94ca7"}, +] +ptyprocess = [ + {file = "ptyprocess-0.7.0-py2.py3-none-any.whl", hash = "sha256:4b41f3967fce3af57cc7e94b888626c18bf37a083e3651ca8feeb66d492fef35"}, + {file = "ptyprocess-0.7.0.tar.gz", hash = "sha256:5c5d0a3b48ceee0b48485e0c26037c0acd7d29765ca3fbb5cb3831d347423220"}, +] +py = [ + {file = "py-1.11.0-py2.py3-none-any.whl", hash = "sha256:607c53218732647dff4acdfcd50cb62615cedf612e72d1724fb1a0cc6405b378"}, + {file = "py-1.11.0.tar.gz", hash = "sha256:51c75c4126074b472f746a24399ad32f6053d1b34b68d2fa41e558e6f4a98719"}, +] +pyarrow = [ + {file = "pyarrow-6.0.1-cp310-cp310-macosx_10_13_universal2.whl", hash = "sha256:c80d2436294a07f9cc54852aa1cef034b6f9c97d29235c4bd53bbf52e24f1ebf"}, + {file = "pyarrow-6.0.1-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:f150b4f222d0ba397388908725692232345adaa8e58ad543ca00f03c7234ae7b"}, + {file = "pyarrow-6.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c3a727642c1283dcb44728f0d0a00f8864b171e31c835f4b8def07e3fa8f5c73"}, + {file = "pyarrow-6.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d29605727865177918e806d855fd8404b6242bf1e56ade0a0023cd4fe5f7f841"}, + {file = "pyarrow-6.0.1-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:b63b54dd0bada05fff76c15b233f9322de0e6947071b7871ec45024e16045aeb"}, + {file = "pyarrow-6.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9e90e75cb11e61ffeffb374f1db7c4788f1df0cb269596bf86c473155294958d"}, + {file = "pyarrow-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1f4f3db1da51db4cfbafab3066a01b01578884206dced9f505da950d9ed4402d"}, + {file = "pyarrow-6.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:2523f87bd36877123fc8c4813f60d298722143ead73e907690a87e8557114693"}, + {file = "pyarrow-6.0.1-cp36-cp36m-macosx_10_13_x86_64.whl", hash = "sha256:8f7d34efb9d667f9204b40ce91a77613c46691c24cd098e3b6986bd7401b8f06"}, + {file = "pyarrow-6.0.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:e3c9184335da8faf08c0df95668ce9d778df3795ce4eec959f44908742900e10"}, + {file = "pyarrow-6.0.1-cp36-cp36m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:02baee816456a6e64486e587caaae2bf9f084fa3a891354ff18c3e945a1cb72f"}, + {file = "pyarrow-6.0.1-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:604782b1c744b24a55df80125991a7154fbdef60991eb3d02bfaed06d22f055e"}, + {file = "pyarrow-6.0.1-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fab8132193ae095c43b1e8d6d7f393451ac198de5aaf011c6b576b1442966fec"}, + {file = "pyarrow-6.0.1-cp36-cp36m-win_amd64.whl", hash = "sha256:31038366484e538608f43920a5e2957b8862a43aa49438814619b527f50ec127"}, + {file = "pyarrow-6.0.1-cp37-cp37m-macosx_10_13_x86_64.whl", hash = "sha256:632bea00c2fbe2da5d29ff1698fec312ed3aabfb548f06100144e1907e22093a"}, + {file = "pyarrow-6.0.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:dc03c875e5d68b0d0143f94c438add3ab3c2411ade2748423a9c24608fea571e"}, + {file = "pyarrow-6.0.1-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1cd4de317df01679e538004123d6d7bc325d73bad5c6bbc3d5f8aa2280408869"}, + {file = "pyarrow-6.0.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e77b1f7c6c08ec319b7882c1a7c7304731530923532b3243060e6e64c456cf34"}, + {file = "pyarrow-6.0.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a424fd9a3253d0322d53be7bbb20b5b01511706a61efadcf37f416da325e3d48"}, + {file = "pyarrow-6.0.1-cp37-cp37m-win_amd64.whl", hash = "sha256:c958cf3a4a9eee09e1063c02b89e882d19c61b3a2ce6cbd55191a6f45ed5004b"}, + {file = "pyarrow-6.0.1-cp38-cp38-macosx_10_13_x86_64.whl", hash = "sha256:0e0ef24b316c544f4bb56f5c376129097df3739e665feca0eb567f716d45c55a"}, + {file = "pyarrow-6.0.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2c13ec3b26b3b069d673c5fa3a0c70c38f0d5c94686ac5dbc9d7e7d24040f812"}, + {file = "pyarrow-6.0.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:71891049dc58039a9523e1cb0d921be001dacb2b327fa7b62a35b96a3aad9f0d"}, + {file = "pyarrow-6.0.1-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:943141dd8cca6c5722552a0b11a3c2e791cdf85f1768dea8170b0a8a7e824ff9"}, + {file = "pyarrow-6.0.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1fd077c06061b8fa8fdf91591a4270e368f63cf73c6ab56924d3b64efa96a873"}, + {file = "pyarrow-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5308f4bb770b48e07c8cff36cf6a4452862e8ce9492428ad5581d846420b3884"}, + {file = "pyarrow-6.0.1-cp38-cp38-win_amd64.whl", hash = "sha256:cde4f711cd9476d4da18128c3a40cb529b6b7d2679aee6e0576212547530fef1"}, + {file = "pyarrow-6.0.1-cp39-cp39-macosx_10_13_universal2.whl", hash = "sha256:b8628269bd9289cae0ea668f5900451043252fe3666667f614e140084dd31aac"}, + {file = "pyarrow-6.0.1-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:981ccdf4f2696550733e18da882469893d2f33f55f3cbeb6a90f81741cbf67aa"}, + {file = "pyarrow-6.0.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:954326b426eec6e31ff55209f8840b54d788420e96c4005aaa7beed1fe60b42d"}, + {file = "pyarrow-6.0.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:6b6483bf6b61fe9a046235e4ad4d9286b707607878d7dbdc2eb85a6ec4090baf"}, + {file = "pyarrow-6.0.1-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:7ecad40a1d4e0104cd87757a403f36850261e7a989cf9e4cb3e30420bbbd1092"}, + {file = "pyarrow-6.0.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:04c752fb41921d0064568a15a87dbb0222cfbe9040d4b2c1b306fe6e0a453530"}, + {file = "pyarrow-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:725d3fe49dfe392ff14a8ae6a75b230a60e8985f2b621b18cfa912fe02b65f1a"}, + {file = "pyarrow-6.0.1-cp39-cp39-win_amd64.whl", hash = "sha256:2403c8af207262ce8e2bc1a9d19313941fd2e424f1cb3c4b749c17efe1fd699a"}, + {file = "pyarrow-6.0.1.tar.gz", hash = "sha256:423990d56cd8f12283b67367d48e142739b789085185018eb03d05087c3c8d43"}, +] +pycodestyle = [ + {file = "pycodestyle-2.8.0-py2.py3-none-any.whl", hash = "sha256:720f8b39dde8b293825e7ff02c475f3077124006db4f440dcbc9a20b76548a20"}, + {file = "pycodestyle-2.8.0.tar.gz", hash = "sha256:eddd5847ef438ea1c7870ca7eb78a9d47ce0cdb4851a5523949f2601d0cbbe7f"}, +] +pycparser = [ + {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, + {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, +] +pydeck = [ + {file = "pydeck-0.7.1-py2.py3-none-any.whl", hash = "sha256:7fc49b00840608068b930f9269169c7c9f3198b8b4635c934ba6d887c4e54503"}, + {file = "pydeck-0.7.1.tar.gz", hash = "sha256:907601c99f7510e16d27d7cb62bfa145216d166a2b5c9c50cfe2b65b032ebd2e"}, +] +pyflakes = [ + {file = "pyflakes-2.4.0-py2.py3-none-any.whl", hash = "sha256:3bb3a3f256f4b7968c9c788781e4ff07dce46bdf12339dcda61053375426ee2e"}, + {file = "pyflakes-2.4.0.tar.gz", hash = "sha256:05a85c2872edf37a4ed30b0cce2f6093e1d0581f8c19d7393122da7e25b2b24c"}, +] +pygments = [ + {file = "Pygments-2.10.0-py3-none-any.whl", hash = "sha256:b8e67fe6af78f492b3c4b3e2970c0624cbf08beb1e493b2c99b9fa1b67a20380"}, + {file = "Pygments-2.10.0.tar.gz", hash = "sha256:f398865f7eb6874156579fdf36bc840a03cab64d1cde9e93d68f46a425ec52c6"}, +] +pynndescent = [ + {file = "pynndescent-0.5.5.tar.gz", hash = "sha256:7a7df8412b19cfb3596060faf5a8c5d0bf5b3bd504f8efd900fc4e3918c6f882"}, +] +pyparsing = [ + {file = "pyparsing-3.0.6-py3-none-any.whl", hash = "sha256:04ff808a5b90911829c55c4e26f75fa5ca8a2f5f36aa3a51f68e27033341d3e4"}, + {file = "pyparsing-3.0.6.tar.gz", hash = "sha256:d9bdec0013ef1eb5a84ab39a3b3868911598afa494f5faa038647101504e2b81"}, +] +pyrsistent = [ + {file = "pyrsistent-0.18.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:f4c8cabb46ff8e5d61f56a037974228e978f26bfefce4f61a4b1ac0ba7a2ab72"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:da6e5e818d18459fa46fac0a4a4e543507fe1110e808101277c5a2b5bab0cd2d"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:5e4395bbf841693eaebaa5bb5c8f5cdbb1d139e07c975c682ec4e4f8126e03d2"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-win32.whl", hash = "sha256:527be2bfa8dc80f6f8ddd65242ba476a6c4fb4e3aedbf281dfbac1b1ed4165b1"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-win_amd64.whl", hash = "sha256:2aaf19dc8ce517a8653746d98e962ef480ff34b6bc563fc067be6401ffb457c7"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:58a70d93fb79dc585b21f9d72487b929a6fe58da0754fa4cb9f279bb92369396"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:4916c10896721e472ee12c95cdc2891ce5890898d2f9907b1b4ae0f53588b710"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:73ff61b1411e3fb0ba144b8f08d6749749775fe89688093e1efef9839d2dcc35"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-win32.whl", hash = "sha256:b29b869cf58412ca5738d23691e96d8aff535e17390128a1a52717c9a109da4f"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-win_amd64.whl", hash = "sha256:097b96f129dd36a8c9e33594e7ebb151b1515eb52cceb08474c10a5479e799f2"}, + {file = "pyrsistent-0.18.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:772e94c2c6864f2cd2ffbe58bb3bdefbe2a32afa0acb1a77e472aac831f83427"}, + {file = "pyrsistent-0.18.0-cp38-cp38-manylinux1_i686.whl", hash = "sha256:c1a9ff320fa699337e05edcaae79ef8c2880b52720bc031b219e5b5008ebbdef"}, + {file = "pyrsistent-0.18.0-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:cd3caef37a415fd0dae6148a1b6957a8c5f275a62cca02e18474608cb263640c"}, + {file = "pyrsistent-0.18.0-cp38-cp38-win32.whl", hash = "sha256:e79d94ca58fcafef6395f6352383fa1a76922268fa02caa2272fff501c2fdc78"}, + {file = "pyrsistent-0.18.0-cp38-cp38-win_amd64.whl", hash = "sha256:a0c772d791c38bbc77be659af29bb14c38ced151433592e326361610250c605b"}, + {file = "pyrsistent-0.18.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d5ec194c9c573aafaceebf05fc400656722793dac57f254cd4741f3c27ae57b4"}, + {file = "pyrsistent-0.18.0-cp39-cp39-manylinux1_i686.whl", hash = "sha256:6b5eed00e597b5b5773b4ca30bd48a5774ef1e96f2a45d105db5b4ebb4bca680"}, + {file = "pyrsistent-0.18.0-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:48578680353f41dca1ca3dc48629fb77dfc745128b56fc01096b2530c13fd426"}, + {file = "pyrsistent-0.18.0-cp39-cp39-win32.whl", hash = "sha256:f3ef98d7b76da5eb19c37fda834d50262ff9167c65658d1d8f974d2e4d90676b"}, + {file = "pyrsistent-0.18.0-cp39-cp39-win_amd64.whl", hash = "sha256:404e1f1d254d314d55adb8d87f4f465c8693d6f902f67eb6ef5b4526dc58e6ea"}, + {file = "pyrsistent-0.18.0.tar.gz", hash = "sha256:773c781216f8c2900b42a7b638d5b517bb134ae1acbebe4d1e8f1f41ea60eb4b"}, +] +pytest = [ + {file = "pytest-5.4.3-py3-none-any.whl", hash = "sha256:5c0db86b698e8f170ba4582a492248919255fcd4c79b1ee64ace34301fb589a1"}, + {file = "pytest-5.4.3.tar.gz", hash = "sha256:7979331bfcba207414f5e1263b5a0f8f521d0f457318836a7355531ed1a4c7d8"}, +] +python-dateutil = [ + {file = "python-dateutil-2.8.2.tar.gz", hash = "sha256:0123cacc1627ae19ddf3c27a5de5bd67ee4586fbdd6440d9748f8abb483d3e86"}, + {file = "python_dateutil-2.8.2-py2.py3-none-any.whl", hash = "sha256:961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9"}, +] +pytz = [ + {file = "pytz-2021.3-py2.py3-none-any.whl", hash = "sha256:3672058bc3453457b622aab7a1c3bfd5ab0bdae451512f6cf25f64ed37f5b87c"}, + {file = "pytz-2021.3.tar.gz", hash = "sha256:acad2d8b20a1af07d4e4c9d2e9285c5ed9104354062f275f3fcd88dcef4f1326"}, +] +pytz-deprecation-shim = [ + {file = "pytz_deprecation_shim-0.1.0.post0-py2.py3-none-any.whl", hash = "sha256:8314c9692a636c8eb3bda879b9f119e350e93223ae83e70e80c31675a0fdc1a6"}, + {file = "pytz_deprecation_shim-0.1.0.post0.tar.gz", hash = "sha256:af097bae1b616dde5c5744441e2ddc69e74dfdcb0c263129610d85b87445a59d"}, +] +pywin32 = [ + {file = "pywin32-302-cp310-cp310-win32.whl", hash = "sha256:251b7a9367355ccd1a4cd69cd8dd24bd57b29ad83edb2957cfa30f7ed9941efa"}, + {file = "pywin32-302-cp310-cp310-win_amd64.whl", hash = "sha256:79cf7e6ddaaf1cd47a9e50cc74b5d770801a9db6594464137b1b86aa91edafcc"}, + {file = "pywin32-302-cp36-cp36m-win32.whl", hash = "sha256:fe21c2fb332d03dac29de070f191bdbf14095167f8f2165fdc57db59b1ecc006"}, + {file = "pywin32-302-cp36-cp36m-win_amd64.whl", hash = "sha256:d3761ab4e8c5c2dbc156e2c9ccf38dd51f936dc77e58deb940ffbc4b82a30528"}, + {file = "pywin32-302-cp37-cp37m-win32.whl", hash = "sha256:48dd4e348f1ee9538dd4440bf201ea8c110ea6d9f3a5010d79452e9fa80480d9"}, + {file = "pywin32-302-cp37-cp37m-win_amd64.whl", hash = "sha256:496df89f10c054c9285cc99f9d509e243f4e14ec8dfc6d78c9f0bf147a893ab1"}, + {file = "pywin32-302-cp38-cp38-win32.whl", hash = "sha256:e372e477d938a49266136bff78279ed14445e00718b6c75543334351bf535259"}, + {file = "pywin32-302-cp38-cp38-win_amd64.whl", hash = "sha256:543552e66936378bd2d673c5a0a3d9903dba0b0a87235ef0c584f058ceef5872"}, + {file = "pywin32-302-cp39-cp39-win32.whl", hash = "sha256:2393c1a40dc4497fd6161b76801b8acd727c5610167762b7c3e9fd058ef4a6ab"}, + {file = "pywin32-302-cp39-cp39-win_amd64.whl", hash = "sha256:af5aea18167a31efcacc9f98a2ca932c6b6a6d91ebe31f007509e293dea12580"}, +] +pywinpty = [ + {file = "pywinpty-1.1.6-cp310-none-win_amd64.whl", hash = "sha256:5f526f21b569b5610a61e3b6126259c76da979399598e5154498582df3736ade"}, + {file = "pywinpty-1.1.6-cp36-none-win_amd64.whl", hash = "sha256:7576e14f42b31fa98b62d24ded79754d2ea4625570c016b38eb347ce158a30f2"}, + {file = "pywinpty-1.1.6-cp37-none-win_amd64.whl", hash = "sha256:979ffdb9bdbe23db3f46fc7285fd6dbb86b80c12325a50582b211b3894072354"}, + {file = "pywinpty-1.1.6-cp38-none-win_amd64.whl", hash = "sha256:2308b1fc77545427610a705799d4ead5e7f00874af3fb148a03e202437456a7e"}, + {file = "pywinpty-1.1.6-cp39-none-win_amd64.whl", hash = "sha256:c703bf569a98ab7844b9daf37e88ab86f31862754ef6910a8b3824993a525c72"}, + {file = "pywinpty-1.1.6.tar.gz", hash = "sha256:8808f07350c709119cc4464144d6e749637f98e15acc1e5d3c37db1953d2eebc"}, +] +pyyaml = [ + {file = "PyYAML-6.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d4db7c7aef085872ef65a8fd7d6d09a14ae91f691dec3e87ee5ee0539d516f53"}, + {file = "PyYAML-6.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9df7ed3b3d2e0ecfe09e14741b857df43adb5a3ddadc919a2d94fbdf78fea53c"}, + {file = "PyYAML-6.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:77f396e6ef4c73fdc33a9157446466f1cff553d979bd00ecb64385760c6babdc"}, + {file = "PyYAML-6.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a80a78046a72361de73f8f395f1f1e49f956c6be882eed58505a15f3e430962b"}, + {file = "PyYAML-6.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f84fbc98b019fef2ee9a1cb3ce93e3187a6df0b2538a651bfb890254ba9f90b5"}, + {file = "PyYAML-6.0-cp310-cp310-win32.whl", hash = "sha256:2cd5df3de48857ed0544b34e2d40e9fac445930039f3cfe4bcc592a1f836d513"}, + {file = "PyYAML-6.0-cp310-cp310-win_amd64.whl", hash = "sha256:daf496c58a8c52083df09b80c860005194014c3698698d1a57cbcfa182142a3a"}, + {file = "PyYAML-6.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:897b80890765f037df3403d22bab41627ca8811ae55e9a722fd0392850ec4d86"}, + {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50602afada6d6cbfad699b0c7bb50d5ccffa7e46a3d738092afddc1f9758427f"}, + {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:48c346915c114f5fdb3ead70312bd042a953a8ce5c7106d5bfb1a5254e47da92"}, + {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:98c4d36e99714e55cfbaaee6dd5badbc9a1ec339ebfc3b1f52e293aee6bb71a4"}, + {file = "PyYAML-6.0-cp36-cp36m-win32.whl", hash = "sha256:0283c35a6a9fbf047493e3a0ce8d79ef5030852c51e9d911a27badfde0605293"}, + {file = "PyYAML-6.0-cp36-cp36m-win_amd64.whl", hash = "sha256:07751360502caac1c067a8132d150cf3d61339af5691fe9e87803040dbc5db57"}, + {file = "PyYAML-6.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:819b3830a1543db06c4d4b865e70ded25be52a2e0631ccd2f6a47a2822f2fd7c"}, + {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:473f9edb243cb1935ab5a084eb238d842fb8f404ed2193a915d1784b5a6b5fc0"}, + {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0ce82d761c532fe4ec3f87fc45688bdd3a4c1dc5e0b4a19814b9009a29baefd4"}, + {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:231710d57adfd809ef5d34183b8ed1eeae3f76459c18fb4a0b373ad56bedcdd9"}, + {file = "PyYAML-6.0-cp37-cp37m-win32.whl", hash = "sha256:c5687b8d43cf58545ade1fe3e055f70eac7a5a1a0bf42824308d868289a95737"}, + {file = "PyYAML-6.0-cp37-cp37m-win_amd64.whl", hash = "sha256:d15a181d1ecd0d4270dc32edb46f7cb7733c7c508857278d3d378d14d606db2d"}, + {file = "PyYAML-6.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0b4624f379dab24d3725ffde76559cff63d9ec94e1736b556dacdfebe5ab6d4b"}, + {file = "PyYAML-6.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:213c60cd50106436cc818accf5baa1aba61c0189ff610f64f4a3e8c6726218ba"}, + {file = "PyYAML-6.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9fa600030013c4de8165339db93d182b9431076eb98eb40ee068700c9c813e34"}, + {file = "PyYAML-6.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:277a0ef2981ca40581a47093e9e2d13b3f1fbbeffae064c1d21bfceba2030287"}, + {file = "PyYAML-6.0-cp38-cp38-win32.whl", hash = "sha256:d4eccecf9adf6fbcc6861a38015c2a64f38b9d94838ac1810a9023a0609e1b78"}, + {file = "PyYAML-6.0-cp38-cp38-win_amd64.whl", hash = "sha256:1e4747bc279b4f613a09eb64bba2ba602d8a6664c6ce6396a4d0cd413a50ce07"}, + {file = "PyYAML-6.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:055d937d65826939cb044fc8c9b08889e8c743fdc6a32b33e2390f66013e449b"}, + {file = "PyYAML-6.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:e61ceaab6f49fb8bdfaa0f92c4b57bcfbea54c09277b1b4f7ac376bfb7a7c174"}, + {file = "PyYAML-6.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d67d839ede4ed1b28a4e8909735fc992a923cdb84e618544973d7dfc71540803"}, + {file = "PyYAML-6.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cba8c411ef271aa037d7357a2bc8f9ee8b58b9965831d9e51baf703280dc73d3"}, + {file = "PyYAML-6.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:40527857252b61eacd1d9af500c3337ba8deb8fc298940291486c465c8b46ec0"}, + {file = "PyYAML-6.0-cp39-cp39-win32.whl", hash = "sha256:b5b9eccad747aabaaffbc6064800670f0c297e52c12754eb1d976c57e4f74dcb"}, + {file = "PyYAML-6.0-cp39-cp39-win_amd64.whl", hash = "sha256:b3d267842bf12586ba6c734f89d1f5b871df0273157918b0ccefa29deb05c21c"}, + {file = "PyYAML-6.0.tar.gz", hash = "sha256:68fb519c14306fec9720a2a5b45bc9f0c8d1b9c72adf45c37baedfcd949c35a2"}, +] +pyzmq = [ + {file = "pyzmq-22.3.0-cp310-cp310-macosx_10_15_universal2.whl", hash = "sha256:6b217b8f9dfb6628f74b94bdaf9f7408708cb02167d644edca33f38746ca12dd"}, + {file = "pyzmq-22.3.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:2841997a0d85b998cbafecb4183caf51fd19c4357075dfd33eb7efea57e4c149"}, + {file = "pyzmq-22.3.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:f89468059ebc519a7acde1ee50b779019535db8dcf9b8c162ef669257fef7a93"}, + {file = "pyzmq-22.3.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ea12133df25e3a6918718fbb9a510c6ee5d3fdd5a346320421aac3882f4feeea"}, + {file = "pyzmq-22.3.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:76c532fd68b93998aab92356be280deec5de8f8fe59cd28763d2cc8a58747b7f"}, + {file = "pyzmq-22.3.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:f907c7359ce8bf7f7e63c82f75ad0223384105f5126f313400b7e8004d9b33c3"}, + {file = "pyzmq-22.3.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:902319cfe23366595d3fa769b5b751e6ee6750a0a64c5d9f757d624b2ac3519e"}, + {file = "pyzmq-22.3.0-cp310-cp310-win32.whl", hash = "sha256:67db33bea0a29d03e6eeec55a8190e033318cee3cbc732ba8fd939617cbf762d"}, + {file = "pyzmq-22.3.0-cp310-cp310-win_amd64.whl", hash = "sha256:7661fc1d5cb73481cf710a1418a4e1e301ed7d5d924f91c67ba84b2a1b89defd"}, + {file = "pyzmq-22.3.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:79244b9e97948eaf38695f4b8e6fc63b14b78cc37f403c6642ba555517ac1268"}, + {file = "pyzmq-22.3.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ab888624ed68930442a3f3b0b921ad7439c51ba122dbc8c386e6487a658e4a4e"}, + {file = "pyzmq-22.3.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:18cd854b423fce44951c3a4d3e686bac8f1243d954f579e120a1714096637cc0"}, + {file = "pyzmq-22.3.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:de8df0684398bd74ad160afdc2a118ca28384ac6f5e234eb0508858d8d2d9364"}, + {file = "pyzmq-22.3.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:62bcade20813796c426409a3e7423862d50ff0639f5a2a95be4b85b09a618666"}, + {file = "pyzmq-22.3.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:ea5a79e808baef98c48c884effce05c31a0698c1057de8fc1c688891043c1ce1"}, + {file = "pyzmq-22.3.0-cp36-cp36m-win32.whl", hash = "sha256:3c1895c95be92600233e476fe283f042e71cf8f0b938aabf21b7aafa62a8dac9"}, + {file = "pyzmq-22.3.0-cp36-cp36m-win_amd64.whl", hash = "sha256:851977788b9caa8ed011f5f643d3ee8653af02c5fc723fa350db5125abf2be7b"}, + {file = "pyzmq-22.3.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:b4ebed0977f92320f6686c96e9e8dd29eed199eb8d066936bac991afc37cbb70"}, + {file = "pyzmq-22.3.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42abddebe2c6a35180ca549fadc7228d23c1e1f76167c5ebc8a936b5804ea2df"}, + {file = "pyzmq-22.3.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:c1e41b32d6f7f9c26bc731a8b529ff592f31fc8b6ef2be9fa74abd05c8a342d7"}, + {file = "pyzmq-22.3.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:be4e0f229cf3a71f9ecd633566bd6f80d9fa6afaaff5489492be63fe459ef98c"}, + {file = "pyzmq-22.3.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:08c4e315a76ef26eb833511ebf3fa87d182152adf43dedee8d79f998a2162a0b"}, + {file = "pyzmq-22.3.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:badb868fff14cfd0e200eaa845887b1011146a7d26d579aaa7f966c203736b92"}, + {file = "pyzmq-22.3.0-cp37-cp37m-win32.whl", hash = "sha256:7c58f598d9fcc52772b89a92d72bf8829c12d09746a6d2c724c5b30076c1f11d"}, + {file = "pyzmq-22.3.0-cp37-cp37m-win_amd64.whl", hash = "sha256:2b97502c16a5ec611cd52410bdfaab264997c627a46b0f98d3f666227fd1ea2d"}, + {file = "pyzmq-22.3.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:d728b08448e5ac3e4d886b165385a262883c34b84a7fe1166277fe675e1c197a"}, + {file = "pyzmq-22.3.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:480b9931bfb08bf8b094edd4836271d4d6b44150da051547d8c7113bf947a8b0"}, + {file = "pyzmq-22.3.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:7dc09198e4073e6015d9a8ea093fc348d4e59de49382476940c3dd9ae156fba8"}, + {file = "pyzmq-22.3.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ca6cd58f62a2751728016d40082008d3b3412a7f28ddfb4a2f0d3c130f69e74"}, + {file = "pyzmq-22.3.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:468bd59a588e276961a918a3060948ae68f6ff5a7fa10bb2f9160c18fe341067"}, + {file = "pyzmq-22.3.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:c88fa7410e9fc471e0858638f403739ee869924dd8e4ae26748496466e27ac59"}, + {file = "pyzmq-22.3.0-cp38-cp38-win32.whl", hash = "sha256:c0f84360dcca3481e8674393bdf931f9f10470988f87311b19d23cda869bb6b7"}, + {file = "pyzmq-22.3.0-cp38-cp38-win_amd64.whl", hash = "sha256:f762442bab706fd874064ca218b33a1d8e40d4938e96c24dafd9b12e28017f45"}, + {file = "pyzmq-22.3.0-cp39-cp39-macosx_10_15_universal2.whl", hash = "sha256:954e73c9cd4d6ae319f1c936ad159072b6d356a92dcbbabfd6e6204b9a79d356"}, + {file = "pyzmq-22.3.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f43b4a2e6218371dd4f41e547bd919ceeb6ebf4abf31a7a0669cd11cd91ea973"}, + {file = "pyzmq-22.3.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:acebba1a23fb9d72b42471c3771b6f2f18dcd46df77482612054bd45c07dfa36"}, + {file = "pyzmq-22.3.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:cf98fd7a6c8aaa08dbc699ffae33fd71175696d78028281bc7b832b26f00ca57"}, + {file = "pyzmq-22.3.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d072f7dfbdb184f0786d63bda26e8a0882041b1e393fbe98940395f7fab4c5e2"}, + {file = "pyzmq-22.3.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:53f4fd13976789ffafedd4d46f954c7bb01146121812b72b4ddca286034df966"}, + {file = "pyzmq-22.3.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:d1b5d457acbadcf8b27561deeaa386b0217f47626b29672fa7bd31deb6e91e1b"}, + {file = "pyzmq-22.3.0-cp39-cp39-win32.whl", hash = "sha256:e6a02cf7271ee94674a44f4e62aa061d2d049001c844657740e156596298b70b"}, + {file = "pyzmq-22.3.0-cp39-cp39-win_amd64.whl", hash = "sha256:d3dcb5548ead4f1123851a5ced467791f6986d68c656bc63bfff1bf9e36671e2"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:3a4c9886d61d386b2b493377d980f502186cd71d501fffdba52bd2a0880cef4f"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:80e043a89c6cadefd3a0712f8a1322038e819ebe9dbac7eca3bce1721bcb63bf"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1621e7a2af72cced1f6ec8ca8ca91d0f76ac236ab2e8828ac8fe909512d566cb"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:d6157793719de168b199194f6b6173f0ccd3bf3499e6870fac17086072e39115"}, + {file = "pyzmq-22.3.0.tar.gz", hash = "sha256:8eddc033e716f8c91c6a2112f0a8ebc5e00532b4a6ae1eb0ccc48e027f9c671c"}, +] +regex = [ + {file = "regex-2021.11.10-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:9345b6f7ee578bad8e475129ed40123d265464c4cfead6c261fd60fc9de00bcf"}, + {file = "regex-2021.11.10-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:416c5f1a188c91e3eb41e9c8787288e707f7d2ebe66e0a6563af280d9b68478f"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e0538c43565ee6e703d3a7c3bdfe4037a5209250e8502c98f20fea6f5fdf2965"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7ee1227cf08b6716c85504aebc49ac827eb88fcc6e51564f010f11a406c0a667"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6650f16365f1924d6014d2ea770bde8555b4a39dc9576abb95e3cd1ff0263b36"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:30ab804ea73972049b7a2a5c62d97687d69b5a60a67adca07eb73a0ddbc9e29f"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:68a067c11463de2a37157930d8b153005085e42bcb7ad9ca562d77ba7d1404e0"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:162abfd74e88001d20cb73ceaffbfe601469923e875caf9118333b1a4aaafdc4"}, + {file = "regex-2021.11.10-cp310-cp310-win32.whl", hash = "sha256:98ba568e8ae26beb726aeea2273053c717641933836568c2a0278a84987b2a1a"}, + {file = "regex-2021.11.10-cp310-cp310-win_amd64.whl", hash = "sha256:780b48456a0f0ba4d390e8b5f7c661fdd218934388cde1a974010a965e200e12"}, + {file = "regex-2021.11.10-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:dba70f30fd81f8ce6d32ddeef37d91c8948e5d5a4c63242d16a2b2df8143aafc"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e1f54b9b4b6c53369f40028d2dd07a8c374583417ee6ec0ea304e710a20f80a0"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fbb9dc00e39f3e6c0ef48edee202f9520dafb233e8b51b06b8428cfcb92abd30"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:666abff54e474d28ff42756d94544cdfd42e2ee97065857413b72e8a2d6a6345"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5537f71b6d646f7f5f340562ec4c77b6e1c915f8baae822ea0b7e46c1f09b733"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ed2e07c6a26ed4bea91b897ee2b0835c21716d9a469a96c3e878dc5f8c55bb23"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ca5f18a75e1256ce07494e245cdb146f5a9267d3c702ebf9b65c7f8bd843431e"}, + {file = "regex-2021.11.10-cp36-cp36m-win32.whl", hash = "sha256:93a5051fcf5fad72de73b96f07d30bc29665697fb8ecdfbc474f3452c78adcf4"}, + {file = "regex-2021.11.10-cp36-cp36m-win_amd64.whl", hash = "sha256:b483c9d00a565633c87abd0aaf27eb5016de23fed952e054ecc19ce32f6a9e7e"}, + {file = "regex-2021.11.10-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:fff55f3ce50a3ff63ec8e2a8d3dd924f1941b250b0aac3d3d42b687eeff07a8e"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e32d2a2b02ccbef10145df9135751abea1f9f076e67a4e261b05f24b94219e36"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:53db2c6be8a2710b359bfd3d3aa17ba38f8aa72a82309a12ae99d3c0c3dcd74d"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2207ae4f64ad3af399e2d30dde66f0b36ae5c3129b52885f1bffc2f05ec505c8"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d5ca078bb666c4a9d1287a379fe617a6dccd18c3e8a7e6c7e1eb8974330c626a"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dd33eb9bdcfbabab3459c9ee651d94c842bc8a05fabc95edf4ee0c15a072495e"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:05b7d6d7e64efe309972adab77fc2af8907bb93217ec60aa9fe12a0dad35874f"}, + {file = "regex-2021.11.10-cp37-cp37m-win32.whl", hash = "sha256:e71255ba42567d34a13c03968736c5d39bb4a97ce98188fafb27ce981115beec"}, + {file = "regex-2021.11.10-cp37-cp37m-win_amd64.whl", hash = "sha256:07856afef5ffcc052e7eccf3213317fbb94e4a5cd8177a2caa69c980657b3cb4"}, + {file = "regex-2021.11.10-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:ba05430e819e58544e840a68b03b28b6d328aff2e41579037e8bab7653b37d83"}, + {file = "regex-2021.11.10-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:7f301b11b9d214f83ddaf689181051e7f48905568b0c7017c04c06dfd065e244"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4aaa4e0705ef2b73dd8e36eeb4c868f80f8393f5f4d855e94025ce7ad8525f50"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:788aef3549f1924d5c38263104dae7395bf020a42776d5ec5ea2b0d3d85d6646"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f8af619e3be812a2059b212064ea7a640aff0568d972cd1b9e920837469eb3cb"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85bfa6a5413be0ee6c5c4a663668a2cad2cbecdee367630d097d7823041bdeec"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f23222527b307970e383433daec128d769ff778d9b29343fb3496472dc20dabe"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:da1a90c1ddb7531b1d5ff1e171b4ee61f6345119be7351104b67ff413843fe94"}, + {file = "regex-2021.11.10-cp38-cp38-win32.whl", hash = "sha256:0617383e2fe465732af4509e61648b77cbe3aee68b6ac8c0b6fe934db90be5cc"}, + {file = "regex-2021.11.10-cp38-cp38-win_amd64.whl", hash = "sha256:a3feefd5e95871872673b08636f96b61ebef62971eab044f5124fb4dea39919d"}, + {file = "regex-2021.11.10-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f7f325be2804246a75a4f45c72d4ce80d2443ab815063cdf70ee8fb2ca59ee1b"}, + {file = "regex-2021.11.10-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:537ca6a3586931b16a85ac38c08cc48f10fc870a5b25e51794c74df843e9966d"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eef2afb0fd1747f33f1ee3e209bce1ed582d1896b240ccc5e2697e3275f037c7"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:432bd15d40ed835a51617521d60d0125867f7b88acf653e4ed994a1f8e4995dc"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b43c2b8a330a490daaef5a47ab114935002b13b3f9dc5da56d5322ff218eeadb"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:962b9a917dd7ceacbe5cd424556914cb0d636001e393b43dc886ba31d2a1e449"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fa8c626d6441e2d04b6ee703ef2d1e17608ad44c7cb75258c09dd42bacdfc64b"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:3c5fb32cc6077abad3bbf0323067636d93307c9fa93e072771cf9a64d1c0f3ef"}, + {file = "regex-2021.11.10-cp39-cp39-win32.whl", hash = "sha256:3b5df18db1fccd66de15aa59c41e4f853b5df7550723d26aa6cb7f40e5d9da5a"}, + {file = "regex-2021.11.10-cp39-cp39-win_amd64.whl", hash = "sha256:83ee89483672b11f8952b158640d0c0ff02dc43d9cb1b70c1564b49abe92ce29"}, + {file = "regex-2021.11.10.tar.gz", hash = "sha256:f341ee2df0999bfdf7a95e448075effe0db212a59387de1a70690e4acb03d4c6"}, +] +requests = [ + {file = "requests-2.26.0-py2.py3-none-any.whl", hash = "sha256:6c1246513ecd5ecd4528a0906f910e8f0f9c6b8ec72030dc9fd154dc1a6efd24"}, + {file = "requests-2.26.0.tar.gz", hash = "sha256:b8aa58f8cf793ffd8782d3d8cb19e66ef36f7aba4353eec859e74678b01b07a7"}, +] +sacremoses = [ + {file = "sacremoses-0.0.46-py3-none-any.whl", hash = "sha256:f95f80d09d3501fed5c1d3056d9212b40599b08cb27f185d38ff0063be8ddd09"}, + {file = "sacremoses-0.0.46.tar.gz", hash = "sha256:4b1fe8813915c7a2647728a46ebbf0d1a65eabb7ca05ba10efeb0548547eea38"}, +] +scikit-learn = [ + {file = "scikit-learn-0.24.2.tar.gz", hash = "sha256:d14701a12417930392cd3898e9646cf5670c190b933625ebe7511b1f7d7b8736"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-macosx_10_13_x86_64.whl", hash = "sha256:d5bf9c863ba4717b3917b5227463ee06860fc43931dc9026747de416c0a10fee"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:5beaeb091071625e83f5905192d8aecde65ba2f26f8b6719845bbf586f7a04a1"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:06ffdcaaf81e2a3b1b50c3ac6842cfb13df2d8b737d61f64643ed61da7389cde"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:fec42690a2eb646b384eafb021c425fab48991587edb412d4db77acc358b27ce"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:5ff3e4e4cf7592d36541edec434e09fb8ab9ba6b47608c4ffe30c9038d301897"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:3cbd734e1aefc7c5080e6b6973fe062f97c26a1cdf1a991037ca196ce1c8f427"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-win32.whl", hash = "sha256:f74429a07fedb36a03c159332b914e6de757176064f9fed94b5f79ebac07d913"}, + {file = "scikit_learn-0.24.2-cp36-cp36m-win_amd64.whl", hash = "sha256:dd968a174aa82f3341a615a033fa6a8169e9320cbb46130686562db132d7f1f0"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-macosx_10_13_x86_64.whl", hash = "sha256:49ec0b1361da328da9bb7f1a162836028e72556356adeb53342f8fae6b450d47"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:f18c3ed484eeeaa43a0d45dc2efb4d00fc6542ccdcfa2c45d7b635096a2ae534"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:cdf24c1b9bbeb4936456b42ac5bd32c60bb194a344951acb6bfb0cddee5439a4"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:d177fe1ff47cc235942d628d41ee5b1c6930d8f009f1a451c39b5411e8d0d4cf"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:f3ec00f023d84526381ad0c0f2cff982852d035c921bbf8ceb994f4886c00c64"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:ae19ac105cf7ce8c205a46166992fdec88081d6e783ab6e38ecfbe45729f3c39"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-win32.whl", hash = "sha256:f0ed4483c258fb23150e31b91ea7d25ff8495dba108aea0b0d4206a777705350"}, + {file = "scikit_learn-0.24.2-cp37-cp37m-win_amd64.whl", hash = "sha256:39b7e3b71bcb1fe46397185d6c1a5db1c441e71c23c91a31e7ad8cc3f7305f9a"}, + {file = "scikit_learn-0.24.2-cp38-cp38-macosx_10_13_x86_64.whl", hash = "sha256:90a297330f608adeb4d2e9786c6fda395d3150739deb3d42a86d9a4c2d15bc1d"}, + {file = "scikit_learn-0.24.2-cp38-cp38-manylinux1_i686.whl", hash = "sha256:f1d2108e770907540b5248977e4cff9ffaf0f73d0d13445ee938df06ca7579c6"}, + {file = "scikit_learn-0.24.2-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:1eec963fe9ffc827442c2e9333227c4d49749a44e592f305398c1db5c1563393"}, + {file = "scikit_learn-0.24.2-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:2db429090b98045d71218a9ba913cc9b3fe78e0ba0b6b647d8748bc6d5a44080"}, + {file = "scikit_learn-0.24.2-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:62214d2954377fcf3f31ec867dd4e436df80121e7a32947a0b3244f58f45e455"}, + {file = "scikit_learn-0.24.2-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:8fac72b9688176922f9f54fda1ba5f7ffd28cbeb9aad282760186e8ceba9139a"}, + {file = "scikit_learn-0.24.2-cp38-cp38-win32.whl", hash = "sha256:ae426e3a52842c6b6d77d00f906b6031c8c2cfdfabd6af7511bb4bc9a68d720e"}, + {file = "scikit_learn-0.24.2-cp38-cp38-win_amd64.whl", hash = "sha256:038f4e9d6ef10e1f3fe82addc3a14735c299866eb10f2c77c090410904828312"}, + {file = "scikit_learn-0.24.2-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:48f273836e19901ba2beecd919f7b352f09310ce67c762f6e53bc6b81cacf1f0"}, + {file = "scikit_learn-0.24.2-cp39-cp39-manylinux1_i686.whl", hash = "sha256:a2a47449093dcf70babc930beba2ca0423cb7df2fa5fd76be5260703d67fa574"}, + {file = "scikit_learn-0.24.2-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:0e71ce9c7cbc20f6f8b860107ce15114da26e8675238b4b82b7e7cd37ca0c087"}, + {file = "scikit_learn-0.24.2-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:2754c85b2287333f9719db7f23fb7e357f436deed512db3417a02bf6f2830aa5"}, + {file = "scikit_learn-0.24.2-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:7be1b88c23cfac46e06404582215a917017cd2edaa2e4d40abe6aaff5458f24b"}, + {file = "scikit_learn-0.24.2-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:4e6198675a6f9d333774671bd536668680eea78e2e81c0b19e57224f58d17f37"}, + {file = "scikit_learn-0.24.2-cp39-cp39-win32.whl", hash = "sha256:cbdb0b3db99dd1d5f69d31b4234367d55475add31df4d84a3bd690ef017b55e2"}, + {file = "scikit_learn-0.24.2-cp39-cp39-win_amd64.whl", hash = "sha256:40556bea1ef26ef54bc678d00cf138a63069144a0b5f3a436eecd8f3468b903e"}, +] +scipy = [ + {file = "scipy-1.7.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:97eb573e361a73a553b915dc195c6f72a08249964b1a33f157f9659f3b6210d1"}, + {file = "scipy-1.7.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:359b60a0cccd17723b9d5e329a5212a710e771a3ddde800e472fb93732756c46"}, + {file = "scipy-1.7.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:82c5befebf54d799d77e5f0205c03030f57f69ba2541baa44d2e6ad138c28cd3"}, + {file = "scipy-1.7.2-cp310-cp310-win_amd64.whl", hash = "sha256:54951f51d731c832b1b8885e0a92e89f33d087de7e40d02078bf0d49c7cbdbb5"}, + {file = "scipy-1.7.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:30bdda199667e74b50208a793eb1ba47a04e5e3fa16f5ff06c6f7969ae78e4da"}, + {file = "scipy-1.7.2-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:e3efe7ef75dfe627b354ab0af0dbc918eadee97cc80ff1aabea6d3e01114ebdd"}, + {file = "scipy-1.7.2-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:17fd991a275e4283453f89d404209aa92059ac68d76d804b4bc1716a3742e1b5"}, + {file = "scipy-1.7.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:74f518ce542533054695f743e4271cb8986b63f95bb51d70fcee4f3929cbff7d"}, + {file = "scipy-1.7.2-cp37-cp37m-win32.whl", hash = "sha256:1437073f1d4664990879aa8f9547524764372e0fef84a077be4b19e82bba7a8d"}, + {file = "scipy-1.7.2-cp37-cp37m-win_amd64.whl", hash = "sha256:39f838ea5ce8da868785193d88d05cf5a6d5c390804ec99de29a28e1dcdd53e6"}, + {file = "scipy-1.7.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:e08b81fcd9bf98740b58dc6fdd7879e33a64dcb682201c1135f7d4a75216bb05"}, + {file = "scipy-1.7.2-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:7b1d0f5f524518f1a86f288443528e4ff4a739c0966db663af4129b7ac7849f8"}, + {file = "scipy-1.7.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cac71d5476a6f56b50459da21f6221707e0051ebd428b2137db32ef4a43bb15e"}, + {file = "scipy-1.7.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4d175ba93e00d8eef8f7cd70d4d88a9106a86800c82ea03cf2268c36d6545483"}, + {file = "scipy-1.7.2-cp38-cp38-win32.whl", hash = "sha256:8b5726a0fedeaa6beb1095e4466998bdd1d1e960b28db9b5a16c89cbd7b2ebf1"}, + {file = "scipy-1.7.2-cp38-cp38-win_amd64.whl", hash = "sha256:8482c8e45857ab0a5446eb7460d2307a27cbbe659d6d2257820c6d6eb950fd0f"}, + {file = "scipy-1.7.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1ea6233f5a365cb7945b4304bd06323ece3ece85d6a3fa8598d2f53e513467c9"}, + {file = "scipy-1.7.2-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:d86abd1ddf421dea5e9cebfeb4de0d205b3dc04e78249afedba9c6c3b2227ff2"}, + {file = "scipy-1.7.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d25272c03ee3c0fe5e0dff1bb7889280bb6c9e1766fa9c7bde81ad8a5f78694"}, + {file = "scipy-1.7.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5273d832fb9cd5724ee0d335c16a903b923441107dd973d27fc4293075a9f4e3"}, + {file = "scipy-1.7.2-cp39-cp39-win32.whl", hash = "sha256:87cf3964db0f1cce17aeed5bfc1b89a6b4b07dbfc48e50d21fa3549e00456803"}, + {file = "scipy-1.7.2-cp39-cp39-win_amd64.whl", hash = "sha256:a80eb01c43fd98257ec7a49ff5cec0edba32031b5f86503f55399a48cb2c5379"}, + {file = "scipy-1.7.2.tar.gz", hash = "sha256:fa2dbabaaecdb502641b0b3c00dec05fb475ae48655c66da16c9ed24eda1e711"}, +] +send2trash = [ + {file = "Send2Trash-1.8.0-py3-none-any.whl", hash = "sha256:f20eaadfdb517eaca5ce077640cb261c7d2698385a6a0f072a4a5447fd49fa08"}, + {file = "Send2Trash-1.8.0.tar.gz", hash = "sha256:d2c24762fd3759860a0aff155e45871447ea58d2be6bdd39b5c8f966a0c99c2d"}, +] +sentence-transformers = [ + {file = "sentence-transformers-2.0.0.tar.gz", hash = "sha256:492eae8e9973f2b758d66d74325661e2816f0b6637365554a1eca9bcf60088ed"}, +] +sentencepiece = [ + {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cc969e6694fb27fba7cee2953f350804faf03913f25ae1ee713a7b8a1bc08018"}, + {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:36e9ff61e7b67c5b7ee96733613622620b4802fc8cf188a4dbc1f355b03dde02"}, + {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e9e9fe8094ca57549d801e9a2017ac5c24108bbf485ea4f8994a72e8e96ee135"}, + {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b77d27f59d515c43b61745b8173fbe7c7b3014b14b3702a75bf1793471e7def6"}, + {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1dac8c2ad02b5ebc1179c0a14cbc7d7c6f4fd73d4dd51820626402d0aefc974e"}, + {file = "sentencepiece-0.1.96-cp35-cp35m-macosx_10_6_x86_64.whl", hash = "sha256:e8ec5bb6777e2060e1499750c50e1b69dca5a0f80f90f2c66656c5f3e5244593"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-macosx_10_6_x86_64.whl", hash = "sha256:99ea2d9db19e63a2d17d5dc64f9ace83fb9308a735be05a1aaf98eb4b496fba7"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aeb090ad462833df03af1debce4ae607a2766ef861f992003ad0c56d074ab805"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f8c90df663cd9759b2cf8dd29998b63140ac39e51ada2e739dc13bdac0b4f001"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:26d20d713b3ba1b7a19205336afb1e93a4327c372b2f795e907b8dc2315ac92e"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5388882bb24d083f6cc8cffc5c435f3694a7772b018e06ea6fd84d1044009efb"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a92e1932ee8fd500680ccbe1bf53eb33228f4c9d6524ed6f300bcc80ac359f27"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-win32.whl", hash = "sha256:bedf0355117fb4e9b1fc9fc92b4d5ee743a7d468be9f6196e3b94447710ea589"}, + {file = "sentencepiece-0.1.96-cp36-cp36m-win_amd64.whl", hash = "sha256:4997c7ccf2ae462320250314aa5709a88d8a09fa271d073458a07bebf33f8e7c"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-macosx_10_6_x86_64.whl", hash = "sha256:a697257a2cd7581732d7741a8d32a06927f0311c3d277dbc47fa1043350c9d17"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ff7d752a7f82d87711ec1a95c2262cb74f98be5b457f0300d81a1aefe5be2a95"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3e61e0757e49c306fff78ea75d6b75773418fe22214b4a460959203be934e834"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ef59ba19340dc1d002ce5713b911c0ef23c577b08f8ed57998ee3c8e62c5bf6e"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:89c038da7f827a6e2ca4c73aeb4e4b25b99d981ce47dd61b04d446c8200cba1e"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d954d25a8705f972e8bfc1dea5464d7e697dd6f4ade092f1a487387e6d6c829a"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-win32.whl", hash = "sha256:fd907a8f744e5337de7fc532dd800c4416b571ea47f8c3c66be10cd1bc67c925"}, + {file = "sentencepiece-0.1.96-cp37-cp37m-win_amd64.whl", hash = "sha256:335bf84d72112cc91f3c3b691d61802fc963503b7772fd8280d20368048b8f3e"}, + {file = "sentencepiece-0.1.96-cp38-cp38-macosx_10_6_x86_64.whl", hash = "sha256:e811984b0908c14c56de7d8226fdd494d87a7ccb75af8ac3a07423037aaafc35"}, + {file = "sentencepiece-0.1.96-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8179785883b556cd517416cdbda6244745414b00ec83132cfe1d26000971f3ae"}, + {file = "sentencepiece-0.1.96-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:466e381f0a812da8fda97a9707498cef3210ea8385a3421bcbadcb5384063969"}, + {file = "sentencepiece-0.1.96-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f8cb24d8d0b2f8b7463815a59183eb81ec1d7a06e3217bed456063f3303eddfb"}, + {file = "sentencepiece-0.1.96-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e88354b61f59dfdeb41023f7be8ae31dc627c2dc2dacbc2de8b2d82a0997135c"}, + {file = "sentencepiece-0.1.96-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a336575463d75d3aac1f7e32470b8998643ccd9a73786bd726f6b0470520b6b4"}, + {file = "sentencepiece-0.1.96-cp38-cp38-win32.whl", hash = "sha256:81bb77ba3651114943b2f8f77829cf764137dff06e38f4bf7fa43efea12c7f84"}, + {file = "sentencepiece-0.1.96-cp38-cp38-win_amd64.whl", hash = "sha256:eba0471ab0bb2e07ed06d91ecf5185d402c83d194155a41d8e2aa547d187712e"}, + {file = "sentencepiece-0.1.96-cp39-cp39-macosx_10_6_x86_64.whl", hash = "sha256:78e18d9106c36dcca929e18fd2c412378deac661d47fa3ee25defc55eef8a215"}, + {file = "sentencepiece-0.1.96-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b1c24c1d9405b2148184ff27c062493d5e3be5c144575f95b5a0d7c660a515af"}, + {file = "sentencepiece-0.1.96-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:940a6999c7d3f55e9d7b194fd5e1f41a7dbed26d3519fb95333216292a39599e"}, + {file = "sentencepiece-0.1.96-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:384148cead5cdab34a4d74fe1fb6a5a8abaafed25eaa4a7698b49dd9482e4c4e"}, + {file = "sentencepiece-0.1.96-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3c703e68ea192e45b65c5d5836f6980849d828a18da4189899d7150fad82dc9e"}, + {file = "sentencepiece-0.1.96-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d501713a8396193883aa526f48dc609f5f031a5df1afbafa561cf9ab492ffc76"}, + {file = "sentencepiece-0.1.96-cp39-cp39-win32.whl", hash = "sha256:b8b1dd2712f8a7de5b4c8ec912e6c041d25750bf03e1ce325cdba43bae0944ae"}, + {file = "sentencepiece-0.1.96-cp39-cp39-win_amd64.whl", hash = "sha256:d45e3f78e746aa161bc9f5a31c6a2839c512101113a4065f4d2e7a3ab8198d8c"}, + {file = "sentencepiece-0.1.96-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5513298d62fe63dd0862d08a6eb52a9aa3537006f597f2386184e3f95bb88889"}, + {file = "sentencepiece-0.1.96-pp37-pypy37_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dadccb2e49244b6e64b4527d13ec14d5e094a90b41cf9b963e457e64182f1941"}, + {file = "sentencepiece-0.1.96-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:48c6d13b3bfff08060c138248e85df60f6fad11135ad7a8fc2ef6005aacca839"}, + {file = "sentencepiece-0.1.96.tar.gz", hash = "sha256:9bdf097d5bd1d8ce42dfee51f6ff05f5578b96e48c6f6006aa4eff69edfa3639"}, +] +six = [ + {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"}, + {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"}, +] +smmap = [ + {file = "smmap-5.0.0-py3-none-any.whl", hash = "sha256:2aba19d6a040e78d8b09de5c57e96207b09ed71d8e55ce0959eeee6c8e190d94"}, + {file = "smmap-5.0.0.tar.gz", hash = "sha256:c840e62059cd3be204b0c9c9f74be2c09d5648eddd4580d9314c3ecde0b30936"}, +] +streamlit = [ + {file = "streamlit-1.1.0-py2.py3-none-any.whl", hash = "sha256:e4afa5b4cf1a193b6e19afdf53826dce5be48b040541d2eb761747ef67100024"}, + {file = "streamlit-1.1.0.tar.gz", hash = "sha256:20d8620614f80653b79b58aa7d74c0e3a6f6cb9fcaf9046828b2f6e13db8701b"}, +] +terminado = [ + {file = "terminado-0.12.1-py3-none-any.whl", hash = "sha256:09fdde344324a1c9c6e610ee4ca165c4bb7f5bbf982fceeeb38998a988ef8452"}, + {file = "terminado-0.12.1.tar.gz", hash = "sha256:b20fd93cc57c1678c799799d117874367cc07a3d2d55be95205b1a88fa08393f"}, +] +testpath = [ + {file = "testpath-0.5.0-py3-none-any.whl", hash = "sha256:8044f9a0bab6567fc644a3593164e872543bb44225b0e24846e2c89237937589"}, + {file = "testpath-0.5.0.tar.gz", hash = "sha256:1acf7a0bcd3004ae8357409fc33751e16d37ccc650921da1094a86581ad1e417"}, +] +threadpoolctl = [ + {file = "threadpoolctl-3.0.0-py3-none-any.whl", hash = "sha256:4fade5b3b48ae4b1c30f200b28f39180371104fccc642e039e0f2435ec8cc211"}, + {file = "threadpoolctl-3.0.0.tar.gz", hash = "sha256:d03115321233d0be715f0d3a5ad1d6c065fe425ddc2d671ca8e45e9fd5d7a52a"}, +] +tokenizers = [ + {file = "tokenizers-0.10.3-cp36-cp36m-macosx_10_11_x86_64.whl", hash = "sha256:4ab688daf4692a6c31dfe42f1f3a4a8c22050705eb69d58d3efde9d55f434586"}, + {file = "tokenizers-0.10.3-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:c26dbc3b2a3d71d3d40c50975ec62145932f05aea73f03ea35c48ebd3a717611"}, + {file = "tokenizers-0.10.3-cp36-cp36m-win32.whl", hash = "sha256:6b84673997990b3c260ae2f7c57fdf1f835e316820eff14aca46dc68be3c0c74"}, + {file = "tokenizers-0.10.3-cp36-cp36m-win_amd64.whl", hash = "sha256:2a9ee3ee574d4aa740e099b0ad6ef8e63f52f48cde359bb31801146a5aa614dc"}, + {file = "tokenizers-0.10.3-cp37-cp37m-macosx_10_11_x86_64.whl", hash = "sha256:2f8c5fefef0d0a03be613547e613fbda06b9e6ee0891236649524964c3e54d80"}, + {file = "tokenizers-0.10.3-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4cc194104c8e427ffc4f54c7866488b42f2b1f6351a6cad0d045ca5ab8108e42"}, + {file = "tokenizers-0.10.3-cp37-cp37m-win32.whl", hash = "sha256:edd8cb85c16b4b65e87ea5ef9d400be9fdd53c4152adbaca8817e16dd3aa480b"}, + {file = "tokenizers-0.10.3-cp37-cp37m-win_amd64.whl", hash = "sha256:7b11b373705d082d43657c08883b79b5330f1952f0668d17488b6b889c4d7feb"}, + {file = "tokenizers-0.10.3-cp38-cp38-macosx_10_11_x86_64.whl", hash = "sha256:a7ce0c2f27f7c92aa3f895231de90319acdf960ce2e42ba591edc651fda7d3c9"}, + {file = "tokenizers-0.10.3-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ae7e40d9c8a77c5a4109731ac3e21633b0c609c56a8b58be6b863da61fa54636"}, + {file = "tokenizers-0.10.3-cp38-cp38-win32.whl", hash = "sha256:a7ce051aafc53c564c9edbc09df300c2bd4f6ce87460fc22a276fed405d1892a"}, + {file = "tokenizers-0.10.3-cp38-cp38-win_amd64.whl", hash = "sha256:91a8c045980594c7c437a52c3da5276eb3c530a662b4ef628ff32d81fb22b543"}, + {file = "tokenizers-0.10.3-cp39-cp39-macosx_10_11_x86_64.whl", hash = "sha256:1d8867db210d75d97312360ae23b92aeb6a6b5bc65e15c1cd9d204b3fa3fc262"}, + {file = "tokenizers-0.10.3-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:18c495e700f4588b9a00e58b4c41dc459c36daaa7c39a27faf880eb8f5533ce1"}, + {file = "tokenizers-0.10.3-cp39-cp39-win32.whl", hash = "sha256:ad700fd9da518884fd58bf89f0b6dfeecef9b4e2d2db8765ef259f66d6c14980"}, + {file = "tokenizers-0.10.3-cp39-cp39-win_amd64.whl", hash = "sha256:e9d147e545cdfeca560646c7a703bf287afe45645da426506ccd5eb78aab5ef5"}, + {file = "tokenizers-0.10.3.tar.gz", hash = "sha256:1a5d3b596c6d3a237e1ad7f46c472d467b0246be7fd1a364f12576eb8db8f7e6"}, +] +toml = [ + {file = "toml-0.10.2-py2.py3-none-any.whl", hash = "sha256:806143ae5bfb6a3c6e736a764057db0e6a0e05e338b5630894a5f779cabb4f9b"}, + {file = "toml-0.10.2.tar.gz", hash = "sha256:b3bda1d108d5dd99f4a20d24d9c348e91c4db7ab1b749200bded2f839ccbe68f"}, +] +tomli = [ + {file = "tomli-1.2.2-py3-none-any.whl", hash = "sha256:f04066f68f5554911363063a30b108d2b5a5b1a010aa8b6132af78489fe3aade"}, + {file = "tomli-1.2.2.tar.gz", hash = "sha256:c6ce0015eb38820eaf32b5db832dbc26deb3dd427bd5f6556cf0acac2c214fee"}, +] +toolz = [ + {file = "toolz-0.11.2-py3-none-any.whl", hash = "sha256:a5700ce83414c64514d82d60bcda8aabfde092d1c1a8663f9200c07fdcc6da8f"}, + {file = "toolz-0.11.2.tar.gz", hash = "sha256:6b312d5e15138552f1bda8a4e66c30e236c831b612b2bf0005f8a1df10a4bc33"}, +] +torch = [ + {file = "torch-1.10.0-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:56022b0ce94c54e95a2f63fc5a1494feb1fc3d5c7a9b35a62944651d03edef05"}, + {file = "torch-1.10.0-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:13e1ffab502aa32d6841a018771b47028d02dbbc685c5b79cfd61db5464dae4e"}, + {file = "torch-1.10.0-cp36-cp36m-win_amd64.whl", hash = "sha256:3c0a942e0df104c80b0eedc30d2a19cdc3d28601bc6e280bf24b2e6255016d3b"}, + {file = "torch-1.10.0-cp36-none-macosx_10_9_x86_64.whl", hash = "sha256:eea16c01af1980ba709c00e8d5e6c09bedb5b30f9fa2085f6a52a78d7dc4e125"}, + {file = "torch-1.10.0-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:b812e8d40d7037748da40bb695bd849e7b2e7faad4cd06df53d2cc4531926fda"}, + {file = "torch-1.10.0-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:034df0b20603bfc81325094586647302891b9b20be7e36f152c7dd6af00deac1"}, + {file = "torch-1.10.0-cp37-cp37m-win_amd64.whl", hash = "sha256:67fc509e207b8e7330f2e76e77800950317d31d035a4d19593db991962afead4"}, + {file = "torch-1.10.0-cp37-none-macosx_10_9_x86_64.whl", hash = "sha256:4499055547087d7ef7e8a754f09c2c4f1470297ae3e5490363dba66c75501b21"}, + {file = "torch-1.10.0-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:ab0cf330714c8f79a837c04784a7a5658b014cf5a4ca527e7b710155ae519cdf"}, + {file = "torch-1.10.0-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:e01ba5946267014abfdb30248bcdbd457aaa20cff749febe7fc191e5ae096af4"}, + {file = "torch-1.10.0-cp38-cp38-win_amd64.whl", hash = "sha256:9013002adcb42bac05dcdbf0a03dd9f6bb5d7ab8b9817041c1176a014870786b"}, + {file = "torch-1.10.0-cp38-none-macosx_10_9_x86_64.whl", hash = "sha256:aef7afb62e9b174b4e0e5e1e4a42e3bab3b8490a668d666f62f7d4517559fbf2"}, + {file = "torch-1.10.0-cp38-none-macosx_11_0_arm64.whl", hash = "sha256:d6185827b285780653cdd81d77a09fdca76a5b190d5986d552be2a5c442cfaa4"}, + {file = "torch-1.10.0-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:d82e68302c9b5c76ed585e04d61be0ca2184f70cb8ffeba8610570609ad5d7c9"}, + {file = "torch-1.10.0-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:e5822200bf80a1495ad98a2bb41803eeba4a85ce373e35fc65765f7f888f5374"}, + {file = "torch-1.10.0-cp39-cp39-win_amd64.whl", hash = "sha256:ca2c88fa4376e2648785029ab108e6e7abd784eb6535fc6036004b9254f9f7c1"}, + {file = "torch-1.10.0-cp39-none-macosx_10_9_x86_64.whl", hash = "sha256:d6ef87470b44df9970e84542547d5ba7720bb89616602441df555a39b124e2bc"}, + {file = "torch-1.10.0-cp39-none-macosx_11_0_arm64.whl", hash = "sha256:eea675ec01ec4b4a0655fd2984f166a5ca3b933dae6ad4eb4e52eba7026dc176"}, +] +torchvision = [ + {file = "torchvision-0.11.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:597d82e9b186f59695ea19ff96d4b46b74f0be52227b0a77d7cf9a9d20e6801c"}, + {file = "torchvision-0.11.1-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:b56285c3da0abd11cdf86cad82c4aebbb57ab6975673a4f87d686c612dda66b7"}, + {file = "torchvision-0.11.1-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:75ea4c021e348315a655b3f94734d9ddaf5650a7ace53759dff38a13469c7cfa"}, + {file = "torchvision-0.11.1-cp36-cp36m-win_amd64.whl", hash = "sha256:0c3bb474e298f3655f419e0f13a0c1ca0ef89f43e0f3f7b7ef603f3f1728543a"}, + {file = "torchvision-0.11.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:1fde05a1cc41f1fa3771723aad2435eb745513534209e51b349b009769895586"}, + {file = "torchvision-0.11.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:3c1ba63eaf36d8dff7e0326dc61a73dbb100530ad4231c56427002689cada00b"}, + {file = "torchvision-0.11.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:f0be815759290ad81cafdab17973b040f8317fc59c740ad67948ebb9271e763c"}, + {file = "torchvision-0.11.1-cp37-cp37m-win_amd64.whl", hash = "sha256:7d28c1cd3f8f470c5faf46b426969d9db1113aa9414fc5a3056e20c7cf91a746"}, + {file = "torchvision-0.11.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:73fae784c31a5ec7ddddefe0ba36ff3fac5131dc9c8babae3fab4ea9885b682a"}, + {file = "torchvision-0.11.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:4e41b0a35587d2284468eddff31642704d4b218ea0e5505bb60881a94d2688e6"}, + {file = "torchvision-0.11.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:5dec0014240f93c17837b37a194c6a35ba99da9c3b7c5b8341f7fb2bcc676e04"}, + {file = "torchvision-0.11.1-cp38-cp38-win_amd64.whl", hash = "sha256:99c92a02832e84e51c47e303a76e57e09776abf5009b046e9269ea7387d5aadb"}, + {file = "torchvision-0.11.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:18f9e1d571be810ee9a4b8604f88748e5eb4e545171f0167ad734bf080eacf2d"}, + {file = "torchvision-0.11.1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:6ac7aa49f81cdab4176131c3004bc86a5e5525d0be430172c78e6e2bb604e675"}, + {file = "torchvision-0.11.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:8bb26e3856f163d9fe9287ad19105e93368e1c1d70d58101a9370d0acdb12865"}, + {file = "torchvision-0.11.1-cp39-cp39-win_amd64.whl", hash = "sha256:11e0b162f7a8ee7fa959b9e0f2a15fb858af0b2e6f79f5a0527db55327241d26"}, +] +tornado = [ + {file = "tornado-6.1-cp35-cp35m-macosx_10_9_x86_64.whl", hash = "sha256:d371e811d6b156d82aa5f9a4e08b58debf97c302a35714f6f45e35139c332e32"}, + {file = "tornado-6.1-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:0d321a39c36e5f2c4ff12b4ed58d41390460f798422c4504e09eb5678e09998c"}, + {file = "tornado-6.1-cp35-cp35m-manylinux1_x86_64.whl", hash = "sha256:9de9e5188a782be6b1ce866e8a51bc76a0fbaa0e16613823fc38e4fc2556ad05"}, + {file = "tornado-6.1-cp35-cp35m-manylinux2010_i686.whl", hash = "sha256:61b32d06ae8a036a6607805e6720ef00a3c98207038444ba7fd3d169cd998910"}, + {file = "tornado-6.1-cp35-cp35m-manylinux2010_x86_64.whl", hash = "sha256:3e63498f680547ed24d2c71e6497f24bca791aca2fe116dbc2bd0ac7f191691b"}, + {file = "tornado-6.1-cp35-cp35m-manylinux2014_aarch64.whl", hash = "sha256:6c77c9937962577a6a76917845d06af6ab9197702a42e1346d8ae2e76b5e3675"}, + {file = "tornado-6.1-cp35-cp35m-win32.whl", hash = "sha256:6286efab1ed6e74b7028327365cf7346b1d777d63ab30e21a0f4d5b275fc17d5"}, + {file = "tornado-6.1-cp35-cp35m-win_amd64.whl", hash = "sha256:fa2ba70284fa42c2a5ecb35e322e68823288a4251f9ba9cc77be04ae15eada68"}, + {file = "tornado-6.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:0a00ff4561e2929a2c37ce706cb8233b7907e0cdc22eab98888aca5dd3775feb"}, + {file = "tornado-6.1-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:748290bf9112b581c525e6e6d3820621ff020ed95af6f17fedef416b27ed564c"}, + {file = "tornado-6.1-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:e385b637ac3acaae8022e7e47dfa7b83d3620e432e3ecb9a3f7f58f150e50921"}, + {file = "tornado-6.1-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:25ad220258349a12ae87ede08a7b04aca51237721f63b1808d39bdb4b2164558"}, + {file = "tornado-6.1-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:65d98939f1a2e74b58839f8c4dab3b6b3c1ce84972ae712be02845e65391ac7c"}, + {file = "tornado-6.1-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:e519d64089b0876c7b467274468709dadf11e41d65f63bba207e04217f47c085"}, + {file = "tornado-6.1-cp36-cp36m-win32.whl", hash = "sha256:b87936fd2c317b6ee08a5741ea06b9d11a6074ef4cc42e031bc6403f82a32575"}, + {file = "tornado-6.1-cp36-cp36m-win_amd64.whl", hash = "sha256:cc0ee35043162abbf717b7df924597ade8e5395e7b66d18270116f8745ceb795"}, + {file = "tornado-6.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:7250a3fa399f08ec9cb3f7b1b987955d17e044f1ade821b32e5f435130250d7f"}, + {file = "tornado-6.1-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:ed3ad863b1b40cd1d4bd21e7498329ccaece75db5a5bf58cd3c9f130843e7102"}, + {file = "tornado-6.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:dcef026f608f678c118779cd6591c8af6e9b4155c44e0d1bc0c87c036fb8c8c4"}, + {file = "tornado-6.1-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:70dec29e8ac485dbf57481baee40781c63e381bebea080991893cd297742b8fd"}, + {file = "tornado-6.1-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:d3f7594930c423fd9f5d1a76bee85a2c36fd8b4b16921cae7e965f22575e9c01"}, + {file = "tornado-6.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:3447475585bae2e77ecb832fc0300c3695516a47d46cefa0528181a34c5b9d3d"}, + {file = "tornado-6.1-cp37-cp37m-win32.whl", hash = "sha256:e7229e60ac41a1202444497ddde70a48d33909e484f96eb0da9baf8dc68541df"}, + {file = "tornado-6.1-cp37-cp37m-win_amd64.whl", hash = "sha256:cb5ec8eead331e3bb4ce8066cf06d2dfef1bfb1b2a73082dfe8a161301b76e37"}, + {file = "tornado-6.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:20241b3cb4f425e971cb0a8e4ffc9b0a861530ae3c52f2b0434e6c1b57e9fd95"}, + {file = "tornado-6.1-cp38-cp38-manylinux1_i686.whl", hash = "sha256:c77da1263aa361938476f04c4b6c8916001b90b2c2fdd92d8d535e1af48fba5a"}, + {file = "tornado-6.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:fba85b6cd9c39be262fcd23865652920832b61583de2a2ca907dbd8e8a8c81e5"}, + {file = "tornado-6.1-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:1e8225a1070cd8eec59a996c43229fe8f95689cb16e552d130b9793cb570a288"}, + {file = "tornado-6.1-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:d14d30e7f46a0476efb0deb5b61343b1526f73ebb5ed84f23dc794bdb88f9d9f"}, + {file = "tornado-6.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:8f959b26f2634a091bb42241c3ed8d3cedb506e7c27b8dd5c7b9f745318ddbb6"}, + {file = "tornado-6.1-cp38-cp38-win32.whl", hash = "sha256:34ca2dac9e4d7afb0bed4677512e36a52f09caa6fded70b4e3e1c89dbd92c326"}, + {file = "tornado-6.1-cp38-cp38-win_amd64.whl", hash = "sha256:6196a5c39286cc37c024cd78834fb9345e464525d8991c21e908cc046d1cc02c"}, + {file = "tornado-6.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f0ba29bafd8e7e22920567ce0d232c26d4d47c8b5cf4ed7b562b5db39fa199c5"}, + {file = "tornado-6.1-cp39-cp39-manylinux1_i686.whl", hash = "sha256:33892118b165401f291070100d6d09359ca74addda679b60390b09f8ef325ffe"}, + {file = "tornado-6.1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:7da13da6f985aab7f6f28debab00c67ff9cbacd588e8477034c0652ac141feea"}, + {file = "tornado-6.1-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:e0791ac58d91ac58f694d8d2957884df8e4e2f6687cdf367ef7eb7497f79eaa2"}, + {file = "tornado-6.1-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:66324e4e1beede9ac79e60f88de548da58b1f8ab4b2f1354d8375774f997e6c0"}, + {file = "tornado-6.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:a48900ecea1cbb71b8c71c620dee15b62f85f7c14189bdeee54966fbd9a0c5bd"}, + {file = "tornado-6.1-cp39-cp39-win32.whl", hash = "sha256:d3d20ea5782ba63ed13bc2b8c291a053c8d807a8fa927d941bd718468f7b950c"}, + {file = "tornado-6.1-cp39-cp39-win_amd64.whl", hash = "sha256:548430be2740e327b3fe0201abe471f314741efcb0067ec4f2d7dcfb4825f3e4"}, + {file = "tornado-6.1.tar.gz", hash = "sha256:33c6e81d7bd55b468d2e793517c909b139960b6c790a60b7991b9b6b76fb9791"}, +] +tqdm = [ + {file = "tqdm-4.62.3-py2.py3-none-any.whl", hash = "sha256:8dd278a422499cd6b727e6ae4061c40b48fce8b76d1ccbf5d34fca9b7f925b0c"}, + {file = "tqdm-4.62.3.tar.gz", hash = "sha256:d359de7217506c9851b7869f3708d8ee53ed70a1b8edbba4dbcb47442592920d"}, +] +traitlets = [ + {file = "traitlets-5.1.1-py3-none-any.whl", hash = "sha256:2d313cc50a42cd6c277e7d7dc8d4d7fedd06a2c215f78766ae7b1a66277e0033"}, + {file = "traitlets-5.1.1.tar.gz", hash = "sha256:059f456c5a7c1c82b98c2e8c799f39c9b8128f6d0d46941ee118daace9eb70c7"}, +] +transformers = [ + {file = "transformers-4.11.3-py3-none-any.whl", hash = "sha256:9750b4e520b4a38a904834bce50d900208c650855e6f671e7718d0edba89f084"}, + {file = "transformers-4.11.3.tar.gz", hash = "sha256:755b052df58906f122f7166c573c22531416eab8a9f59c44ff7148be12e62621"}, +] +typed-ast = [ + {file = "typed_ast-1.5.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7b310a207ee9fde3f46ba327989e6cba4195bc0c8c70a158456e7b10233e6bed"}, + {file = "typed_ast-1.5.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:52ca2b2b524d770bed7a393371a38e91943f9160a190141e0df911586066ecda"}, + {file = "typed_ast-1.5.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:14fed8820114a389a2b7e91624db5f85f3f6682fda09fe0268a59aabd28fe5f5"}, + {file = "typed_ast-1.5.0-cp310-cp310-win_amd64.whl", hash = "sha256:65c81abbabda7d760df7304d843cc9dbe7ef5d485504ca59a46ae2d1731d2428"}, + {file = "typed_ast-1.5.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:37ba2ab65a0028b1a4f2b61a8fe77f12d242731977d274a03d68ebb751271508"}, + {file = "typed_ast-1.5.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:49af5b8f6f03ed1eb89ee06c1d7c2e7c8e743d720c3746a5857609a1abc94c94"}, + {file = "typed_ast-1.5.0-cp36-cp36m-win_amd64.whl", hash = "sha256:e4374a76e61399a173137e7984a1d7e356038cf844f24fd8aea46c8029a2f712"}, + {file = "typed_ast-1.5.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:ea517c2bb11c5e4ba7a83a91482a2837041181d57d3ed0749a6c382a2b6b7086"}, + {file = "typed_ast-1.5.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:51040bf45aacefa44fa67fb9ebcd1f2bec73182b99a532c2394eea7dabd18e24"}, + {file = "typed_ast-1.5.0-cp37-cp37m-win_amd64.whl", hash = "sha256:806e0c7346b9b4af8c62d9a29053f484599921a4448c37fbbcbbf15c25138570"}, + {file = "typed_ast-1.5.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:a67fd5914603e2165e075f1b12f5a8356bfb9557e8bfb74511108cfbab0f51ed"}, + {file = "typed_ast-1.5.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:224afecb8b39739f5c9562794a7c98325cb9d972712e1a98b6989a4720219541"}, + {file = "typed_ast-1.5.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:155b74b078be842d2eb630dd30a280025eca0a5383c7d45853c27afee65f278f"}, + {file = "typed_ast-1.5.0-cp38-cp38-win_amd64.whl", hash = "sha256:361b9e5d27bd8e3ccb6ea6ad6c4f3c0be322a1a0f8177db6d56264fa0ae40410"}, + {file = "typed_ast-1.5.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:618912cbc7e17b4aeba86ffe071698c6e2d292acbd6d1d5ec1ee724b8c4ae450"}, + {file = "typed_ast-1.5.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:7e6731044f748340ef68dcadb5172a4b1f40847a2983fe3983b2a66445fbc8e6"}, + {file = "typed_ast-1.5.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:e8a9b9c87801cecaad3b4c2b8876387115d1a14caa602c1618cedbb0cb2a14e6"}, + {file = "typed_ast-1.5.0-cp39-cp39-win_amd64.whl", hash = "sha256:ec184dfb5d3d11e82841dbb973e7092b75f306b625fad7b2e665b64c5d60ab3f"}, + {file = "typed_ast-1.5.0.tar.gz", hash = "sha256:ff4ad88271aa7a55f19b6a161ed44e088c393846d954729549e3cde8257747bb"}, +] +typer = [ + {file = "typer-0.4.0-py3-none-any.whl", hash = "sha256:d81169725140423d072df464cad1ff25ee154ef381aaf5b8225352ea187ca338"}, + {file = "typer-0.4.0.tar.gz", hash = "sha256:63c3aeab0549750ffe40da79a1b524f60e08a2cbc3126c520ebf2eeaf507f5dd"}, +] +typing-extensions = [ + {file = "typing_extensions-4.0.0-py3-none-any.whl", hash = "sha256:829704698b22e13ec9eaf959122315eabb370b0884400e9818334d8b677023d9"}, + {file = "typing_extensions-4.0.0.tar.gz", hash = "sha256:2cdf80e4e04866a9b3689a51869016d36db0814d84b8d8a568d22781d45d27ed"}, +] +tzdata = [ + {file = "tzdata-2021.5-py2.py3-none-any.whl", hash = "sha256:3eee491e22ebfe1e5cfcc97a4137cd70f092ce59144d81f8924a844de05ba8f5"}, + {file = "tzdata-2021.5.tar.gz", hash = "sha256:68dbe41afd01b867894bbdfd54fa03f468cfa4f0086bfb4adcd8de8f24f3ee21"}, +] +tzlocal = [ + {file = "tzlocal-4.1-py3-none-any.whl", hash = "sha256:28ba8d9fcb6c9a782d6e0078b4f6627af1ea26aeaa32b4eab5324abc7df4149f"}, + {file = "tzlocal-4.1.tar.gz", hash = "sha256:0f28015ac68a5c067210400a9197fc5d36ba9bc3f8eaf1da3cbd59acdfed9e09"}, +] +umap-learn = [ + {file = "umap-learn-0.5.2.tar.gz", hash = "sha256:0ede8921c3ef0e1976cdc91b533b2bce82471c87dbb9fad447f617ca5b881d52"}, +] +urllib3 = [ + {file = "urllib3-1.26.7-py2.py3-none-any.whl", hash = "sha256:c4fdf4019605b6e5423637e01bc9fe4daef873709a7973e195ceba0a62bbc844"}, + {file = "urllib3-1.26.7.tar.gz", hash = "sha256:4987c65554f7a2dbf30c18fd48778ef124af6fab771a377103da0585e2336ece"}, +] +validators = [ + {file = "validators-0.18.2-py3-none-any.whl", hash = "sha256:0143dcca8a386498edaf5780cbd5960da1a4c85e0719f3ee5c9b41249c4fefbd"}, + {file = "validators-0.18.2.tar.gz", hash = "sha256:37cd9a9213278538ad09b5b9f9134266e7c226ab1fede1d500e29e0a8fbb9ea6"}, +] +watchdog = [ + {file = "watchdog-2.1.3-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:9628f3f85375a17614a2ab5eac7665f7f7be8b6b0a2a228e6f6a2e91dd4bfe26"}, + {file = "watchdog-2.1.3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:acc4e2d5be6f140f02ee8590e51c002829e2c33ee199036fcd61311d558d89f4"}, + {file = "watchdog-2.1.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:85b851237cf3533fabbc034ffcd84d0fa52014b3121454e5f8b86974b531560c"}, + {file = "watchdog-2.1.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:a12539ecf2478a94e4ba4d13476bb2c7a2e0a2080af2bb37df84d88b1b01358a"}, + {file = "watchdog-2.1.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:6fe9c8533e955c6589cfea6f3f0a1a95fb16867a211125236c82e1815932b5d7"}, + {file = "watchdog-2.1.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:d9456f0433845e7153b102fffeb767bde2406b76042f2216838af3b21707894e"}, + {file = "watchdog-2.1.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:fd8c595d5a93abd441ee7c5bb3ff0d7170e79031520d113d6f401d0cf49d7c8f"}, + {file = "watchdog-2.1.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:0bcfe904c7d404eb6905f7106c54873503b442e8e918cc226e1828f498bdc0ca"}, + {file = "watchdog-2.1.3-pp36-pypy36_pp73-macosx_10_9_x86_64.whl", hash = "sha256:bf84bd94cbaad8f6b9cbaeef43080920f4cb0e61ad90af7106b3de402f5fe127"}, + {file = "watchdog-2.1.3-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:b8ddb2c9f92e0c686ea77341dcb58216fa5ff7d5f992c7278ee8a392a06e86bb"}, + {file = "watchdog-2.1.3-py3-none-manylinux2014_aarch64.whl", hash = "sha256:8805a5f468862daf1e4f4447b0ccf3acaff626eaa57fbb46d7960d1cf09f2e6d"}, + {file = "watchdog-2.1.3-py3-none-manylinux2014_armv7l.whl", hash = "sha256:3e305ea2757f81d8ebd8559d1a944ed83e3ab1bdf68bcf16ec851b97c08dc035"}, + {file = "watchdog-2.1.3-py3-none-manylinux2014_i686.whl", hash = "sha256:431a3ea70b20962e6dee65f0eeecd768cd3085ea613ccb9b53c8969de9f6ebd2"}, + {file = "watchdog-2.1.3-py3-none-manylinux2014_ppc64.whl", hash = "sha256:e4929ac2aaa2e4f1a30a36751160be391911da463a8799460340901517298b13"}, + {file = "watchdog-2.1.3-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:201cadf0b8c11922f54ec97482f95b2aafca429c4c3a4bb869a14f3c20c32686"}, + {file = "watchdog-2.1.3-py3-none-manylinux2014_s390x.whl", hash = "sha256:3a7d242a7963174684206093846537220ee37ba9986b824a326a8bb4ef329a33"}, + {file = "watchdog-2.1.3-py3-none-manylinux2014_x86_64.whl", hash = "sha256:54e057727dd18bd01a3060dbf5104eb5a495ca26316487e0f32a394fd5fe725a"}, + {file = "watchdog-2.1.3-py3-none-win32.whl", hash = "sha256:b5fc5c127bad6983eecf1ad117ab3418949f18af9c8758bd10158be3647298a9"}, + {file = "watchdog-2.1.3-py3-none-win_amd64.whl", hash = "sha256:44acad6f642996a2b50bb9ce4fb3730dde08f23e79e20cd3d8e2a2076b730381"}, + {file = "watchdog-2.1.3-py3-none-win_ia64.whl", hash = "sha256:0bcdf7b99b56a3ae069866c33d247c9994ffde91b620eaf0306b27e099bd1ae0"}, + {file = "watchdog-2.1.3.tar.gz", hash = "sha256:e5236a8e8602ab6db4b873664c2d356c365ab3cac96fbdec4970ad616415dd45"}, +] +wcwidth = [ + {file = "wcwidth-0.2.5-py2.py3-none-any.whl", hash = "sha256:beb4802a9cebb9144e99086eff703a642a13d6a0052920003a230f3294bbe784"}, + {file = "wcwidth-0.2.5.tar.gz", hash = "sha256:c4d647b99872929fdb7bdcaa4fbe7f01413ed3d98077df798530e5b04f116c83"}, +] +webencodings = [ + {file = "webencodings-0.5.1-py2.py3-none-any.whl", hash = "sha256:a0af1213f3c2226497a97e2b3aa01a7e4bee4f403f95be16fc9acd2947514a78"}, + {file = "webencodings-0.5.1.tar.gz", hash = "sha256:b36a1c245f2d304965eb4e0a82848379241dc04b865afcc4aab16748587e1923"}, +] +widgetsnbextension = [ + {file = "widgetsnbextension-3.5.2-py2.py3-none-any.whl", hash = "sha256:763a9fdc836d141fa080005a886d63f66f73d56dba1fb5961afc239c77708569"}, + {file = "widgetsnbextension-3.5.2.tar.gz", hash = "sha256:e0731a60ba540cd19bbbefe771a9076dcd2dde90713a8f87f27f53f2d1db7727"}, +] +xxhash = [ + {file = "xxhash-2.0.2-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:dac3b94881b943bbe418f5829128b9c48f69a66f816ef8b72ee0129d676dbd7c"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:43fd97f332bd581639bb99fe8f09f7e9113d49cad4d21bef0620867f92c802c6"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:6e5058c3fa5b42ded9a303f1a5a42d3ff732cb54c108424c63e993fc3379513c"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux2010_i686.whl", hash = "sha256:dfacce97a3ccb46089e358ceaeca9300298511673bf87596da66882af386f6c7"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux2010_x86_64.whl", hash = "sha256:1dfa115c8e07b3e1d94ebd60a6d6ee16ea692efb890e245addb0d33b47ee1dee"}, + {file = "xxhash-2.0.2-cp27-cp27m-win32.whl", hash = "sha256:fb28b0313c7582225373f343635674231518452331a9bdea8261d0e27b48594f"}, + {file = "xxhash-2.0.2-cp27-cp27m-win_amd64.whl", hash = "sha256:427851234a87bfe6636c90b89bd65b7ca913befff3c7bcd92a3568e635fccc92"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux1_i686.whl", hash = "sha256:0b92a01dc8dcada8827de140a5df83c9e8e5c190ef8bf972c98ebbe0924ee044"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux1_x86_64.whl", hash = "sha256:676d6964b8a9bdaf737ae6836b886ab53b2863c6aa00d43952b130a6130d1bdc"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux2010_i686.whl", hash = "sha256:8362693a1ce5c1373f48f047470e7797ed17dfe5babc37ba7bef50d6e6f83a72"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux2010_x86_64.whl", hash = "sha256:515747159fccd23fc9d1b7afeaa8bd7fc36884188b47491713d22032c5f9e502"}, + {file = "xxhash-2.0.2-cp35-cp35m-macosx_10_9_x86_64.whl", hash = "sha256:e1787b9cea43f256f8d06c8429999d386a9da9cb000c265a4dde48dd08242528"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:d47ab1245ee4c7e6fc424ad990e4d7cfe0f206d617efe990fea34000a9242102"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux1_x86_64.whl", hash = "sha256:81ec049f4936a49311e1fc58036d7d682b5c83d6d16ba1c852a981588c90e027"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux2010_i686.whl", hash = "sha256:df71aeedee74eaf670d1243b6722c8c77626f3b6e6cf2cd79f2e336b151749cd"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux2010_x86_64.whl", hash = "sha256:a922315c8e20dae0d35e54b49fd7ee348fe0a5e2fd8ec02f6a74140e063fcdb3"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux2014_aarch64.whl", hash = "sha256:22ddd484cd92d138feeec556387894b8ec529bab7f2feb3a177eb84baadee8c1"}, + {file = "xxhash-2.0.2-cp35-cp35m-win32.whl", hash = "sha256:b4964e7ddca1ef9d7addef40a9f5eaa97aeda367c1d895e392533c0d2f9c3b8e"}, + {file = "xxhash-2.0.2-cp35-cp35m-win_amd64.whl", hash = "sha256:6077fdb44f68920c4ac8e2f34b2a107c9a218f00a698253c824a0c6c1b9622a3"}, + {file = "xxhash-2.0.2-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:04ae5706ddfe0fd2b46cd0b6487d3edae7e724e27d732b055ffd0f9539c4afc5"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:c4a892bc47b6ea92bbb82499a81882548ce990d62c1862b3834f1f70e8cf4423"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:57d43ce9594676b503c0a0a383481cb4e5cf736f88970bd41849fe15a68a5d48"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:c2e44d162c3361392dbde736ee8ba3d1a414f63e32be6c71186f2b0654559d26"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:0beb79835ca47af257f8126fccd9d5e0ba56ba7d39dab6f6b5a7acea4d8ac4b5"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:f2bef10c417c4667310cc240d49e521e6b5fc90c4ff77a1ec78649869685e8d3"}, + {file = "xxhash-2.0.2-cp36-cp36m-win32.whl", hash = "sha256:9b6bb1bd34a6365c790c328a604ec5a628059fef6e4486380caa89bc12787a6e"}, + {file = "xxhash-2.0.2-cp36-cp36m-win_amd64.whl", hash = "sha256:4243dbeb1ce09d359289844f0c54676343857fdc6a092184aea159fecdf6d9f3"}, + {file = "xxhash-2.0.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:71b38300e1803ab32ee787f89cdbc032b46ac5834eca9109d8fb576ae1a31741"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:a8a68d117178f15c96cb9ae2613f53db94e0fdb34ffc69c7ab600c899c7a966c"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:dd9c72520f790ce6eaa535cdad1a53ded22deab43766cfa7cef42834a9a65561"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:f95adf6091fa13ce19fab21fadb8d07210822320568d24a6405d6b557afc0411"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:00aaf882036d2a0fa7652cf9aeaaf2ad077b784c09ef8d60f5d97ebf0d47ffa1"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:bb8c0efad20da40da1aa56f36b929b965d1adede8a1d5b37b702d378a683e0dd"}, + {file = "xxhash-2.0.2-cp37-cp37m-win32.whl", hash = "sha256:6fc0b8c21a181b771e1f0c25eb8a0a241af0126f1fc19f4c3cde7233de91326f"}, + {file = "xxhash-2.0.2-cp37-cp37m-win_amd64.whl", hash = "sha256:b232b47a3aa825e0df14b1bd3e051dd327c8539e382728ddb81997d26de5256a"}, + {file = "xxhash-2.0.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:dc328d3d635ec851d6befdf6ced2134d587d3be973dbbbc489da24c0c88ecb01"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux1_i686.whl", hash = "sha256:9e6e5e095417060bed45119c510d5bc846b62e2a8218cb3e5a19b3ccf12e4c18"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:b4b7d4d19c125738c5fc48356505dfbd63b3cdf826dd868a1b80a73de48729b7"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:686fcf2aff041df65470eccc7dcea5e7e77cfad99efcaba0c6f58bbd81846e10"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:cb3a196fd1d55ce86b1123cbf3ef6603f80f4d0b46541412bb5056b0563ef384"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:68d067427f2c6f7b3014e28bf4794b0876ab5f6366b53e1d6f59d275b4f19a8d"}, + {file = "xxhash-2.0.2-cp38-cp38-win32.whl", hash = "sha256:73649555656dd17e809b9b3c54855f4f72144024b0e6395cd37b5395fa0f48c3"}, + {file = "xxhash-2.0.2-cp38-cp38-win_amd64.whl", hash = "sha256:dafd1066c99d448a7a1226f10766b61ff752aaad8a4392e4cae30aafefa6fff5"}, + {file = "xxhash-2.0.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:eb1e9e347c9810a272154814cf5ce33a6c3ac7d0d7cbcb066e92dd5f9fa4db8f"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux1_i686.whl", hash = "sha256:ebff22f1783f641c6c2b313bfc44d6cc620c17409ec512e67c7c6de809155880"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:b7640e043ac6e0f503eadb108e6971d69b0c95c23fbcac3e5632578f9f906050"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:db2352d375e6594620c462c029d3c1a1b18ff7168e470657e354f1b8b332d9dd"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:f49dbd3b8e4cc13f2df92fb3db39204e3258105a212e23784cbb340e415ae8ed"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:e70059c5cc8f0cecd16d8cb0263de8f317239cabee3fa4af35c0a1ddaed2110e"}, + {file = "xxhash-2.0.2-cp39-cp39-win32.whl", hash = "sha256:a0199a07a264be96ed658ba3b4e9ee58a3c678e51a18e134e2518cf1a8171e18"}, + {file = "xxhash-2.0.2-cp39-cp39-win_amd64.whl", hash = "sha256:173d3f662dc88de734bd622e46a3bbac6fd00e957b3e098fa8b75b141aa4354e"}, + {file = "xxhash-2.0.2-pp27-pypy_73-macosx_10_9_x86_64.whl", hash = "sha256:e94fdff9b102ca7c0969230d209f7ce17020db17a89d026ac45d8ffb9e4929ec"}, + {file = "xxhash-2.0.2-pp27-pypy_73-manylinux1_x86_64.whl", hash = "sha256:d7175cd7f490aae742d18eb9b519e74180958f88fa8ff47091727b3efb57bfbf"}, + {file = "xxhash-2.0.2-pp27-pypy_73-manylinux2010_x86_64.whl", hash = "sha256:d707d2a053a5d55ccd2e59d7a228636cafeebb44c9ac3ca1c088f4d384c8c3a9"}, + {file = "xxhash-2.0.2-pp27-pypy_73-win32.whl", hash = "sha256:dad190caa293abbb39d96b4a09f121fc971d81eb19c96e4e0db89a99a7d59b93"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-macosx_10_9_x86_64.whl", hash = "sha256:5dc3da5fa855dd8e35f24d20fabfcd29c0b3ac85a14dc2c329c029971ae4eeb7"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-manylinux1_x86_64.whl", hash = "sha256:17a3b0a2ff20879ed5c9d9c178349e9c6257db11b193e4103282d7a78ef9cb08"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-manylinux2010_x86_64.whl", hash = "sha256:c75f8375c80c3815f49a744ef1a8303577757eb9a2dc53bed33d9318b760fec6"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-win32.whl", hash = "sha256:eb2670ed6c435189aeb479bfff990e00b849ae0ff49945632db74b2a2a08d192"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:ff518ec1bd7cc33218f8f3325848c56e9c73c5df30138a64a89dd65ab1e1ffb5"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-manylinux1_x86_64.whl", hash = "sha256:c4a0806ffb33c9d892b5565fa010c252c7e0f4d01ded901a637dfede624e4d0c"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-manylinux2010_x86_64.whl", hash = "sha256:fdfac2014301da79cebcd8f9535c875f63242fe404d741cec5f70f400cc6a561"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-win32.whl", hash = "sha256:357f6a52bd18a80635cf4c83f648c42fa0609713b4183929ed019f7627af4b68"}, + {file = "xxhash-2.0.2.tar.gz", hash = "sha256:b7bead8cf6210eadf9cecf356e17af794f57c0939a3d420a00d87ea652f87b49"}, +] +yarl = [ + {file = "yarl-1.7.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f2a8508f7350512434e41065684076f640ecce176d262a7d54f0da41d99c5a95"}, + {file = "yarl-1.7.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:da6df107b9ccfe52d3a48165e48d72db0eca3e3029b5b8cb4fe6ee3cb870ba8b"}, + {file = "yarl-1.7.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a1d0894f238763717bdcfea74558c94e3bc34aeacd3351d769460c1a586a8b05"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dfe4b95b7e00c6635a72e2d00b478e8a28bfb122dc76349a06e20792eb53a523"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c145ab54702334c42237a6c6c4cc08703b6aa9b94e2f227ceb3d477d20c36c63"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1ca56f002eaf7998b5fcf73b2421790da9d2586331805f38acd9997743114e98"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:1d3d5ad8ea96bd6d643d80c7b8d5977b4e2fb1bab6c9da7322616fd26203d125"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:167ab7f64e409e9bdd99333fe8c67b5574a1f0495dcfd905bc7454e766729b9e"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:95a1873b6c0dd1c437fb3bb4a4aaa699a48c218ac7ca1e74b0bee0ab16c7d60d"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:6152224d0a1eb254f97df3997d79dadd8bb2c1a02ef283dbb34b97d4f8492d23"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:5bb7d54b8f61ba6eee541fba4b83d22b8a046b4ef4d8eb7f15a7e35db2e1e245"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:9c1f083e7e71b2dd01f7cd7434a5f88c15213194df38bc29b388ccdf1492b739"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f44477ae29025d8ea87ec308539f95963ffdc31a82f42ca9deecf2d505242e72"}, + {file = "yarl-1.7.2-cp310-cp310-win32.whl", hash = "sha256:cff3ba513db55cc6a35076f32c4cdc27032bd075c9faef31fec749e64b45d26c"}, + {file = "yarl-1.7.2-cp310-cp310-win_amd64.whl", hash = "sha256:c9c6d927e098c2d360695f2e9d38870b2e92e0919be07dbe339aefa32a090265"}, + {file = "yarl-1.7.2-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:9b4c77d92d56a4c5027572752aa35082e40c561eec776048330d2907aead891d"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c01a89a44bb672c38f42b49cdb0ad667b116d731b3f4c896f72302ff77d71656"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c19324a1c5399b602f3b6e7db9478e5b1adf5cf58901996fc973fe4fccd73eed"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3abddf0b8e41445426d29f955b24aeecc83fa1072be1be4e0d194134a7d9baee"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6a1a9fe17621af43e9b9fcea8bd088ba682c8192d744b386ee3c47b56eaabb2c"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8b0915ee85150963a9504c10de4e4729ae700af11df0dc5550e6587ed7891e92"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:29e0656d5497733dcddc21797da5a2ab990c0cb9719f1f969e58a4abac66234d"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:bf19725fec28452474d9887a128e98dd67eee7b7d52e932e6949c532d820dc3b"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:d6f3d62e16c10e88d2168ba2d065aa374e3c538998ed04996cd373ff2036d64c"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:ac10bbac36cd89eac19f4e51c032ba6b412b3892b685076f4acd2de18ca990aa"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:aa32aaa97d8b2ed4e54dc65d241a0da1c627454950f7d7b1f95b13985afd6c5d"}, + {file = "yarl-1.7.2-cp36-cp36m-win32.whl", hash = "sha256:87f6e082bce21464857ba58b569370e7b547d239ca22248be68ea5d6b51464a1"}, + {file = "yarl-1.7.2-cp36-cp36m-win_amd64.whl", hash = "sha256:ac35ccde589ab6a1870a484ed136d49a26bcd06b6a1c6397b1967ca13ceb3913"}, + {file = "yarl-1.7.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a467a431a0817a292121c13cbe637348b546e6ef47ca14a790aa2fa8cc93df63"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6ab0c3274d0a846840bf6c27d2c60ba771a12e4d7586bf550eefc2df0b56b3b4"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d260d4dc495c05d6600264a197d9d6f7fc9347f21d2594926202fd08cf89a8ba"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fc4dd8b01a8112809e6b636b00f487846956402834a7fd59d46d4f4267181c41"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c1164a2eac148d85bbdd23e07dfcc930f2e633220f3eb3c3e2a25f6148c2819e"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:67e94028817defe5e705079b10a8438b8cb56e7115fa01640e9c0bb3edf67332"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:89ccbf58e6a0ab89d487c92a490cb5660d06c3a47ca08872859672f9c511fc52"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:8cce6f9fa3df25f55521fbb5c7e4a736683148bcc0c75b21863789e5185f9185"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:211fcd65c58bf250fb994b53bc45a442ddc9f441f6fec53e65de8cba48ded986"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:c10ea1e80a697cf7d80d1ed414b5cb8f1eec07d618f54637067ae3c0334133c4"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:52690eb521d690ab041c3919666bea13ab9fbff80d615ec16fa81a297131276b"}, + {file = "yarl-1.7.2-cp37-cp37m-win32.whl", hash = "sha256:695ba021a9e04418507fa930d5f0704edbce47076bdcfeeaba1c83683e5649d1"}, + {file = "yarl-1.7.2-cp37-cp37m-win_amd64.whl", hash = "sha256:c17965ff3706beedafd458c452bf15bac693ecd146a60a06a214614dc097a271"}, + {file = "yarl-1.7.2-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:fce78593346c014d0d986b7ebc80d782b7f5e19843ca798ed62f8e3ba8728576"}, + {file = "yarl-1.7.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:c2a1ac41a6aa980db03d098a5531f13985edcb451bcd9d00670b03129922cd0d"}, + {file = "yarl-1.7.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:39d5493c5ecd75c8093fa7700a2fb5c94fe28c839c8e40144b7ab7ccba6938c8"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1eb6480ef366d75b54c68164094a6a560c247370a68c02dddb11f20c4c6d3c9d"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5ba63585a89c9885f18331a55d25fe81dc2d82b71311ff8bd378fc8004202ff6"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e39378894ee6ae9f555ae2de332d513a5763276a9265f8e7cbaeb1b1ee74623a"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c0910c6b6c31359d2f6184828888c983d54d09d581a4a23547a35f1d0b9484b1"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:6feca8b6bfb9eef6ee057628e71e1734caf520a907b6ec0d62839e8293e945c0"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:8300401dc88cad23f5b4e4c1226f44a5aa696436a4026e456fe0e5d2f7f486e6"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:788713c2896f426a4e166b11f4ec538b5736294ebf7d5f654ae445fd44270832"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:fd547ec596d90c8676e369dd8a581a21227fe9b4ad37d0dc7feb4ccf544c2d59"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:737e401cd0c493f7e3dd4db72aca11cfe069531c9761b8ea474926936b3c57c8"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:baf81561f2972fb895e7844882898bda1eef4b07b5b385bcd308d2098f1a767b"}, + {file = "yarl-1.7.2-cp38-cp38-win32.whl", hash = "sha256:ede3b46cdb719c794427dcce9d8beb4abe8b9aa1e97526cc20de9bd6583ad1ef"}, + {file = "yarl-1.7.2-cp38-cp38-win_amd64.whl", hash = "sha256:cc8b7a7254c0fc3187d43d6cb54b5032d2365efd1df0cd1749c0c4df5f0ad45f"}, + {file = "yarl-1.7.2-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:580c1f15500e137a8c37053e4cbf6058944d4c114701fa59944607505c2fe3a0"}, + {file = "yarl-1.7.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:3ec1d9a0d7780416e657f1e405ba35ec1ba453a4f1511eb8b9fbab81cb8b3ce1"}, + {file = "yarl-1.7.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:3bf8cfe8856708ede6a73907bf0501f2dc4e104085e070a41f5d88e7faf237f3"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1be4bbb3d27a4e9aa5f3df2ab61e3701ce8fcbd3e9846dbce7c033a7e8136746"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:534b047277a9a19d858cde163aba93f3e1677d5acd92f7d10ace419d478540de"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c6ddcd80d79c96eb19c354d9dca95291589c5954099836b7c8d29278a7ec0bda"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:9bfcd43c65fbb339dc7086b5315750efa42a34eefad0256ba114cd8ad3896f4b"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f64394bd7ceef1237cc604b5a89bf748c95982a84bcd3c4bbeb40f685c810794"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:044daf3012e43d4b3538562da94a88fb12a6490652dbc29fb19adfa02cf72eac"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:368bcf400247318382cc150aaa632582d0780b28ee6053cd80268c7e72796dec"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:bab827163113177aee910adb1f48ff7af31ee0289f434f7e22d10baf624a6dfe"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:0cba38120db72123db7c58322fa69e3c0efa933040ffb586c3a87c063ec7cae8"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:59218fef177296451b23214c91ea3aba7858b4ae3306dde120224cfe0f7a6ee8"}, + {file = "yarl-1.7.2-cp39-cp39-win32.whl", hash = "sha256:1edc172dcca3f11b38a9d5c7505c83c1913c0addc99cd28e993efeaafdfaa18d"}, + {file = "yarl-1.7.2-cp39-cp39-win_amd64.whl", hash = "sha256:797c2c412b04403d2da075fb93c123df35239cd7b4cc4e0cd9e5839b73f52c58"}, + {file = "yarl-1.7.2.tar.gz", hash = "sha256:45399b46d60c253327a460e99856752009fcee5f5d3c80b2f7c0cae1c38d56dd"}, +] +zipp = [ + {file = "zipp-3.6.0-py3-none-any.whl", hash = "sha256:9fe5ea21568a0a70e50f273397638d39b03353731e6cbbb3fd8502a33fec40bc"}, + {file = "zipp-3.6.0.tar.gz", hash = "sha256:71c644c5369f4a6e07636f0aa966270449561fcea2e3d6747b8d23efaa9d7832"}, +] diff --git a/data_tooling/perplexity_lenses/pyproject.toml b/data_tooling/perplexity_lenses/pyproject.toml new file mode 100644 index 0000000..425921e --- /dev/null +++ b/data_tooling/perplexity_lenses/pyproject.toml @@ -0,0 +1,43 @@ +[tool.poetry] +name = "perplexity-lenses" +version = "0.1.0" +description = "" +authors = ["edugp "] + +[tool.poetry.dependencies] +python = ">=3.7,<3.10" +huggingface-hub = "0.0.19" +streamlit = "1.1.0" +transformers = "4.11.3" +watchdog = "2.1.3" +sentence-transformers = "2.0.0" +bokeh = "2.2.2" +numpy = "1.20.0" +numba = "^0.54.1" +umap-learn = "^0.5.2" +datasets = "1.14.0" +black = "^21.10b0" +flake8 = "^4.0.1" +scikit-learn = "0.24.2" +kenlm = {url = "https://github.com/kpu/kenlm/archive/master.zip"} +embedding-lenses = "0.9.0" +typer = "^0.4.0" + +[tool.poetry.dev-dependencies] +pytest = "^5.2" + +[tool.poetry.scripts] +cli = "cli:app" + +[tool.black] +target-version = ["py38"] + +[tool.isort] +profile = "black" +line_length = 160 +multi_line_output = 3 +include_trailing_comma = true + +[build-system] +requires = ["poetry-core>=1.0.0"] +build-backend = "poetry.core.masonry.api" diff --git a/data_tooling/perplexity_lenses/requirements.txt b/data_tooling/perplexity_lenses/requirements.txt new file mode 100644 index 0000000..5cb888f --- /dev/null +++ b/data_tooling/perplexity_lenses/requirements.txt @@ -0,0 +1,11 @@ +bokeh==2.2.2 +embedding-lenses==0.9.0 +https://github.com/kpu/kenlm/archive/master.zip +huggingface-hub==0.0.19 +numpy==1.20.0 +sentence-transformers==2.0.0 +streamlit==1.1.0 +transformers==4.11.3 +typer==0.4.0 +umap-learn==0.5.2 +watchdog==2.1.3 diff --git a/data_tooling/perplexity_lenses/tests/__init__.py b/data_tooling/perplexity_lenses/tests/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/perplexity_lenses/tests/test_data.py b/data_tooling/perplexity_lenses/tests/test_data.py new file mode 100644 index 0000000..bc61033 --- /dev/null +++ b/data_tooling/perplexity_lenses/tests/test_data.py @@ -0,0 +1,15 @@ +import unittest + +import pandas as pd + +from perplexity_lenses.data import documents_df_to_sentences_df + + +class TestData(unittest.TestCase): + def test_documents_df_to_sentences_df(self): + input_df = pd.DataFrame({"text": ["foo\nbar"]}) + expected_output_df = pd.DataFrame({"text": ["foo", "bar"]}) + output_df = documents_df_to_sentences_df(input_df, "text", 100) + pd.testing.assert_frame_equal( + output_df, expected_output_df, check_like=True, check_exact=True + ) diff --git a/data_tooling/pii-manager/.gitignore b/data_tooling/pii-manager/.gitignore new file mode 100644 index 0000000..2ded82a --- /dev/null +++ b/data_tooling/pii-manager/.gitignore @@ -0,0 +1,132 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +pip-wheel-metadata/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +.python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# Backup files +*~ diff --git a/data_tooling/pii-manager/CHANGES.md b/data_tooling/pii-manager/CHANGES.md new file mode 100644 index 0000000..19c2793 --- /dev/null +++ b/data_tooling/pii-manager/CHANGES.md @@ -0,0 +1,34 @@ +v. 0.5.0 + * new task list parsing code, adding a "full" format based on dicts, in + addition to the previous "simplified" format based on tuples + * refactored to allow more than one task for a given PII and country + * added the capability to add task descriptors programmatically + * added reading task descriptors from a JSON file + * context validation spec, for all three task implementation types + * TASK_ANY split into LANG_ANY & COUNTRY_ANY + * PII detectors for international phone numbers, for en-any & es-any + * PII detector for IP addresses, language independent + * PII detectors for GOV_ID + - lang pt, countries PT & BR + - lang es, country MX + +v. 0.4.0 + * PII GOV_ID task for es-ES and en-AU + * PII EMAIL_ADDRESS task + * PyPi Makefile targets; fixed setup.py + +v. 0.3.0 + * new processing mode: `full` + * PII detectors for zh-CN + * added `regex` as dependency + * `regex` used for regular expression tasks instead of `re` + +v. 0.2.0 + * Added PII tasks: + - en: GOV_ID for US, CA, IN + - fr: GOV_ID for CA + * fix paths for languages/countries that are reserved Python words (is, in) + * added country information to PiiEntity + * added an _asdict() function for PiiEntities + * added PII country to task_info + * miscellaneous fixes diff --git a/data_tooling/pii-manager/LICENSE b/data_tooling/pii-manager/LICENSE new file mode 100644 index 0000000..261eeb9 --- /dev/null +++ b/data_tooling/pii-manager/LICENSE @@ -0,0 +1,201 @@ + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. diff --git a/data_tooling/pii-manager/MANIFEST.in b/data_tooling/pii-manager/MANIFEST.in new file mode 100644 index 0000000..f9bd145 --- /dev/null +++ b/data_tooling/pii-manager/MANIFEST.in @@ -0,0 +1 @@ +include requirements.txt diff --git a/data_tooling/pii-manager/Makefile b/data_tooling/pii-manager/Makefile new file mode 100644 index 0000000..369aed6 --- /dev/null +++ b/data_tooling/pii-manager/Makefile @@ -0,0 +1,88 @@ +# Manage package tasks +# ----------------------------------- +# make pkg -> build the package +# make unit -> perform unit tests +# make install -> install the package in a virtualenv +# make uninstall -> uninstall the package from the virtualenv + +# Package name +NAME := pii-manager + +# Virtualenv to install in. In this order: +# 1. the one given by the VENV environment variable +# 2. an active one (as given by the VIRTUAL_ENV environment variable) +# 3. a default +VENV ?= $(shell echo $${VIRTUAL_ENV:-/opt/venv/bigscience}) + +PYTHON ?= python3 + +# -------------------------------------------------------------------------- + +# Package version: taken from the __init__.py file +VERSION_FILE := src/pii_manager/__init__.py +VERSION := $(shell grep VERSION $(VERSION_FILE) | sed -r "s/VERSION = \"(.*)\"/\1/") + +PKGFILE := dist/$(NAME)-$(VERSION).tar.gz + +# -------------------------------------------------------------------------- + +all: + +build pkg: $(PKGFILE) + +clean: + rm -f "$(PKGFILE)" + +rebuild: clean build + +version: + @echo "$(VERSION)" + +# -------------------------------------------------------------------------- + +TEST ?= test/unit + + +venv: $(VENV) + +pytest: $(VENV)/bin/pytest + +unit: venv pytest + PYTHONPATH=src:test $(VENV)/bin/pytest $(ARGS) $(TEST) + +unit-verbose: venv pytest + PYTHONPATH=src:test $(VENV)/bin/pytest -vv --capture=no $(ARGS) $(TEST) + +# -------------------------------------------------------------------------- + +$(PKGFILE): $(VERSION_FILE) setup.py + $(PYTHON) setup.py sdist + +install: $(PKGFILE) + $(VENV)/bin/pip install $(PKGFILE) + +uninstall: + $(VENV)/bin/pip uninstall -y $(NAME) + +reinstall: uninstall clean pkg install + + +$(VENV): + BASE=$$(basename "$@"); test -d "$$BASE" || mkdir -p "$$BASE" + $(PYTHON) -m venv $@ + $@/bin/pip install -r requirements.txt + +$(VENV)/bin/pytest: + $(VENV)/bin/pip install pytest + + +# ----------------------------------------------------------------------- + +upload-check: $(PKGFILE) + twine check $(PKGFILE) + +upload-test: $(PKGFILE) + twine upload --repository pypitest $(PKGFILE) + +upload: $(PKGFILE) + twine upload $(PKGFILE) diff --git a/data_tooling/pii-manager/README.md b/data_tooling/pii-manager/README.md new file mode 100644 index 0000000..a03bf90 --- /dev/null +++ b/data_tooling/pii-manager/README.md @@ -0,0 +1,49 @@ +# Pii Manager + +This repository builds a Python package that performs PII processing for text +data i.e. replacement/tagging/extraction of PII (Personally Identifiable +Information aka [Personal Data]) items existing in the text. + +The PII Tasks in the package are structured by language & country, since many +of the PII elements are language- and/or -country dependent. + +## Requirements + +The package needs at least Python 3.8, and uses the [python-stdnum] package to +validate identifiers. + +## Usage + +The package can be used: + * As an API, in two flavors: function-based API and object-based API + * As a command-line tool + +For details, see the [usage document]. + + +## Building + +The provided [Makefile] can be used to process the package: + * `make pkg` will build the Python package, creating a file that can be + installed with `pip` + * `make unit` will launch all unit tests (using [pytest], so pytest must be + available) + * `make install` will install the package in a Python virtualenv. The + virtualenv will be chosen as, in this order: + - the one defined in the `VENV` environment variable, if it is defined + - if there is a virtualenv activated in the shell, it will be used + - otherwise, a default is chosen as `/opt/venv/bigscience` (it will be + created if it does not exist) + + +## Contributing + +To add a new PII processing task, please see the [contributing instructions]. + + +[python-stdnum]: https://github.com/arthurdejong/python-stdnum +[Makefile]: Makefile +[pytest]: https://docs.pytest.org +[contributing instructions]: doc/contributing.md +[usage document]: doc/usage.md +[Personal Data]: https://en.wikipedia.org/wiki/Personal_data diff --git a/data_tooling/pii-manager/doc/contributing.md b/data_tooling/pii-manager/doc/contributing.md new file mode 100644 index 0000000..7d31183 --- /dev/null +++ b/data_tooling/pii-manager/doc/contributing.md @@ -0,0 +1,146 @@ +# Adding PII tasks + +To add a new PII processing task to the package, prepare a Pull Request on the +repository with the following changes: + + 1. If the task type is a new one, add an identifier for it in [PiiEnum] + 2. If it is for a language not yet covered, add a new language subfolder + under the [lang] folder, using the [ISO 639-1] code for the language + 3. Then + * If it is a country-independent PII, it goes into the `any` subdir + (create that directory if it is not present) + * if it is country-dependent, create a country subdir if not present, + using a **lowercased version** of its [ISO 3166-1] country code + 4. Under the final chosen subfolder, add the task as a Python `mytaskname.py` + module (the name of the file is not relevant). The module must contain: + * The task implementation, which can have any of three flavours (regex, + function or class), see below + * The task descriptor, a list containing all defined tasks. The list + variable *must* be named `PII_TASKS` (see below) + 5. Finally, add a unit test to check the validity for the task code, in the + proper place under [test/unit/lang]. There should be at least + - a positive test: one valid PII that has to be detected. For the cases + in which the PII is validated, the test should pass the validation, + so the PII must be a random (fake) one but still valid + - and a negative test: one PII-like string that is almost, but not quite + the real one, so it should *not* be recognized + + +## Task implementation + +A task can be implemented with either of three shapes: regex, function or +class. See [tasks] for a description of how to implement each of these, +including where to add the required documentation explaining the task. + + +## Task descriptor + +The task descriptor is a Python list that contains at least one element +defining the entry points for this task (there might be more than one, if +the file implements more than one PII). + +* The name of the list **must be** `PII_TASKS` +* A task entry in the list can have two different shapes: simplified and full. + In a `PII_TASKS` list they can be combined freely. + + +### Simplified description + +In a simplified description a task must be a 2- or 3-element tuple, with +these elements: + - the PII identifier for the task: a member of [PiiEnum] + - the [task implementation]: the regex, function or class implementing the + PII extractor + - (only if the implementation is of regex type) a text description of the + task (for documentation purposes) + + +### Full description + +In a full description a task is a dictionary with these compulsory fields: + * `pii`: the PII identifier for the task: a member of [PiiEnum] + * `type`: the task type: `regex`, `callable` or `PiiTask` + * `task`: for regex tasks, a raw string (contianing the regex to be used); + for function tasks a callable and for PiiTask either a class or a string + with a full class name. + +And these optional fields + * `lang`: language this task is designed for (it can also be `LANG_ANY`). If + not present, the language will be determined from the folder structure the + task implementation is in + * `country`: country this task is designed for. If not present, the language + will be determined from the folder structure the task implementation is in, + if possible (else, a `None`value will be used, meaning the task is not + country-dependent) + * `name`: a name for the task. If not present, a name will be generated from + the `pii_name` class-level attribute (PiiTask) or from the class/function + name. + This is meant to provide a higher level of detail than the `PiiEnum` + generic name (e.g. for different types of Government ID). Class-type tasks + can use a dynamic name at runtime (detected PII might have different names), + while function and regexes will have a fixed name. + * `doc`: the documentation for the class. If not present, the docstring for + callable and class types will be used (for regex types, the task will have + no documentation) + * `kwargs`: a dictionary of additional arguments. For `PiiTask` task types, + they will be added as arguments to the class constructor; for `callable` + types they will be added to each call to the task function. It is ignored + for `regex` types. + * `context` and `context_width`: for context validation, see below. + + +## Context validation + +A task of any of the three types of [task implementation] may also include an +additional step for context validation. In this step, all detected PII are +further validated by ensuring that a document chunk around the detected PII +string (before and after) contains one of the specified text contexts. + +Note that task descriptors with context *must* be a full description, i.e. the +dict version. + +Context validation can have three variants: + * `string`: each text context is a substring to be matched. + * `word`: each text context is also a substring to be matched, but matching + is ensured to work only on full words (the substring can contain more than + one word, but it will be matched only of sequences of full words). + * `regex`: each context is a regular expression (to be matched by the [regex] + Python package) + +Regardless of the variante, matching is always performed after normalizing +the extracted document context chunk: normalize whitespace (replace all +whitespace chunks by a single space) and lowercase the chunk. + +This validation acts as a filter after the task implementation produces its +results, and it is automatically applied if the task descriptor includes +context (for class-based tasks, it can be replaced with custom code by +overriding the `__call__` method, defined in the parent class). + +Context is defined by a `context` field in the task descriptor. This field +is a dictionary, with the following elements: + * `type` indicates the variant, and it can be `string`, `word` or `regex`. + If not present, `string` is assumed. + * `value` should be a list of strings, any of which validate a document + context. For `regex` mode the strings will be regex patterns. + * `width` is an integer, or a tuple of two integers, that define + the width (in characters) of the document chunk (before and after the PII + string) that define the document context. If not specified, a default is + used. + +As a shortcut, the `context` field can also contain a simple list of strings +(or a single string). In this case, the context is defined as type `string`, +with the default width, and the field contents define the value. + +An example of context validation can be seen in the [international phone +number] task. + +[task implementation]: #task-implementation +[PiiEnum]: ../src/pii_manager/piienum.py +[tasks]: tasks.md +[lang]: ../src/pii_manager/lang +[test/unit/lang]: ../test/unit/lang +[international phone number]: ../src/pii_manager/lang/en/any/international_phone_number.py + +[ISO 639-1]: https://en.wikipedia.org/wiki/List_of_ISO_639-1_codes +[ISO 3166-1]: https://en.wikipedia.org/wiki/ISO_3166-1_alpha-2 +[regex]: https://github.com/mrabarnett/mrab-regex diff --git a/data_tooling/pii-manager/doc/external.md b/data_tooling/pii-manager/doc/external.md new file mode 100644 index 0000000..687bc2b --- /dev/null +++ b/data_tooling/pii-manager/doc/external.md @@ -0,0 +1,37 @@ +# Adding external task processors to a processing object + +In addition to the task processorts contained inside the [lang] subfolders in +the package, it is also possible to add _external_ task processors define +outside the package, as long as they comply with the [task specification]. +This can be done for both the object-base API and the file-based API. + + +## Object-based API + +An instantiated `ProcManager` object contains the `add_tasks` method. This +method will accept a list of [task descriptors] with the same syntax as the +internal `PII_TASKS` descriptors, and will add the tasks defined in them to +the existing ones in the object. + + +## File-based API + +The file-based `process_file` function allows a `taskfile` argument. This +argument will contain the name of a JSON file that contains an array of task +descriptors. Each task descriptor in the array is a JSON object following the +specification for [task descriptors], with these differences: + +* The `pii` field is not a `PiiEnum` object, but a string with the _name_ of + a `PiiEnum` object. It will be converted to the object itself. +* The `task` field contains: + - for `regex` types, the string with the regular expression pattern to be + compiled (beware of escaping all backlashes in the string) + - for `callable` and `PiiTask` types, a string with the **fully + qualified** name of the function to be used or class to be instantiated. + As long as that name can be located in the running Python space (i.e. + it is in the load path), it will be imported and used. + + +[lang]: ../src/pii_manager/lang +[task specification]: tasks.md +[task descriptors]: contributing.md#task-descriptor diff --git a/data_tooling/pii-manager/doc/tasks.md b/data_tooling/pii-manager/doc/tasks.md new file mode 100644 index 0000000..cc81527 --- /dev/null +++ b/data_tooling/pii-manager/doc/tasks.md @@ -0,0 +1,123 @@ +# PII Task Implementation + +A PII task is a module that provides detection of a given PII (possible for a +given language and country). The `pii-manager` package accepts three types of +implementations for a PII task. They are commented in the next sections. + + +## Regex implementation + +In its simplest form, a PII Task can be just a regular expression +pattern. This pattern should match string fragments that correspond to the PII +entity to be detected. + +Rules for the implementation of such regex are: + +* Implement it as a regular expression _string_, **not** as a compiled regular + expression (it will be compiled by the `pii-manager` module) +* The pattern **will be compiled with the [regex] package**, instead of the + `re` package in the standard Python library, so you can use the extended + features (such as unicode categories) in `regex`. Compilation will be done + in backwards-compatible mode (i.e. using the `VERSION0` flag), so it should + be fully compatible with `re` +* Do **not** anchor the regex to either beginning or end (it should be able to + match anywhere in the passed string, which itself can be any portion of + a document) +* Do not include capturing groups (they will be ignored) +* The pattern will be compiled with the [re.VERBOSE] (aka `re.X`) flag, so + take that into account (in particular, **whitespace is ignored**, so if it is + part of the regular expression needs to included as a category i.e. `\s`, or + escaped) + +An example can be seen in the [US Social Security Number] detector. + + +## Callable implementation + +The next implementation type is via a function. The signature for the function +is: + +```Python + + def my_pii_detector(src: doc) -> Iterable[str]: +``` + +The function can have any name, but it should indicate the entity it is +capturing, since it will be used as the `name` attribute for the task (after +converting underscores into spaces). + +The function should: + + * accept a string: the document to analyze + * return an iterable of strings: the string fragments corresponding to the + PII entities identified in the document + +An example can be seen in the [bitcoin address] detector. + +**Note**: in case the same entity appears more than once in the passed +document, it might be possible that the callable returns repeated strings. +This is not a problem; all of them will be reported. + +Conversely, if a given string in the document is a PII some of the time but +it also appears in a non-PII role in the same document, the wrapper that uses +the result of a callable implementation type will not be able to differentiate +among them, and the package will label *all* ocurrences of the string as PII. +If this is likely to happen, and there is code that *can* separate both uses, +then it is better to use the class implementation type below. + + +## Class implementation + +In this case the task is implemented as a full Python class. The class *must*: + + * inherit from `pii_manager.helper.BasePiiTask` + * implement a `find` method with the following signature: + + def find(self, doc: str) -> Iterable[PiiEntity]: + + i.e. a method returting an iterable of identified [PiiEntity] + + * the default task name will be taken from the class-level attribute + `pii_name`, if it exists, or else as the class name. Nevertheless, the name + can be dynammicaly set with each detected PiiEntity + +The class can also, optionally, include a constructor. In this case, the +constructor must + * accept an arbitrary number of keyword arguments + * call the parent class constructor with those arguments + +In other words: + +```Python + + def __init__(self, **kwargs): + super().__init__(**kwargs) + ... any code specific to the implementation here ... +``` + + +Examples can be seen in the [credit card] detector or the [Spanish GOV ID] +detector. + + +## Documentation + +In addition to its name, all PII Tasks should be documented with a small +string that explains what they detect. The place to add this documentation is: + * For Regex tasks, add the string as the third element in the task descriptor + inside `PII_TASKS` + * For Callable tasks, use the function docstring to add the documentation. + * For Class tasks, add the documentation as the _class level_ docstring. + +For any task type, if using the "full" description in `PII_TASKS`, a `doc` +field can be added to the dictionary description, and it will override any +automatic generation from docstrings. + + +[regex]: https://github.com/mrabarnett/mrab-regex +[US Social Security Number]: ../src/pii_manager/lang/en/us/social_security_number.py +[bitcoin address]: ../src/pii_manager/lang/any/bitcoin_address.py +[credit card]: ../src/pii_manager/lang/any/credit_card.py +[Spanish GOV ID]: ../src/pii_manager/lang/es/es/govid.py +[PiiEntity]: ../src/pii_manager/piientity.py +[re.VERBOSE]: https://docs.python.org/3/library/re.html#re.X diff --git a/data_tooling/pii-manager/doc/usage.md b/data_tooling/pii-manager/doc/usage.md new file mode 100644 index 0000000..c3af965 --- /dev/null +++ b/data_tooling/pii-manager/doc/usage.md @@ -0,0 +1,159 @@ +# Usage + +## API Usage + +There are two types of API usage: the object-based API (lower-level, based on +object instantiation) and the file-based API (higher-level, based on function +calls). + + +### Object API + +The object-based API is centered on the `PiiManager` object. Its usage goes +like this: + +```Python + + from pii_manager import PiiEnum + from pii_manager.api import PiiManager + + # Define language, country(ies) and PII tasks + lang = 'en' + country = ['US', 'GB'] + tasklist = (PiiEnum.CREDIT_CARD, PiiEnum.GOVID, PiiEnum.DISEASE) + + # Instantiate object + proc = PiiManager(lang, country, tasks=tasklist) + + # Process a text buffer + text_out = proc(text_in) + +``` + +... this will load and execute anonymization tasks for English that will +anonymize credit card numbers, disease information, and Government IDs for US +and UK (assuming all these tasks are implemented in the package). + + +It is also possible to load all possible tasks for a language, by specifying +the country as `COUNTRY_ANY` and using the `all_tasks` argument. + +```Python + + from pii_manager import PiiEnum + from pii_manager.api import PiiManager + from pii_manager.lang import COUNTRY_ANY + + proc = PiiManager('en', COUNTRY_ANY, all_tasks=True) + + text_out = proc(text_in) + +``` + +...this will load all anonymization tasks available for English, including: + * language-independent tasks + * language-dependent but country-independent tasks + * country-dependent tasks for *all* countries implemented under the `en` + language + +Finally, the API allows for [importing arbitrary tasks] defined outside the +package. + + +### File-based API + +The file-based API uses the `process_file` function to read from a file and +write the result to an output file. It is executed as: + +```Python + + from pii_manager import PiiEnum + from pii_manager.api import process_file + + # Define language, country(ies) and PII tasks + lang = 'en' + country = ['US', 'GB'] + tasklist = (PiiEnum.CREDIT_CARD, PiiEnum.GOVID, PiiEnum.DISEASE) + + # Process the file + process_file(infilename, outfilename, lang, + country=country, tasks=tasklist) + +``` + +The file-based API accepts also the `all_tasks` argument to add all suitable +defined tasks, as well as the `COUNTRY_ANY` option. It can also [import +external tasks], as defined in a JSON file. + + +## Command-line usage + +Installing the package provides also a command-line script, `pii-manage`, +that can be used to process files through PII tasks: + + pii-manage --lang es --country es ar mx \ + --tasks CREDIT_CARD BITCOIN_ADDRESS BANK_ACCOUNT + +or, to add all possible tasks for a given language: + + pii-manage --lang es --country all \ + --all-tasks + + +There is an additional command-line script, `pii-task-info`, that does not +process text; it is only used to show the available tasks for a given language. + + +## Processing mode + +PII processing accepts four modes: _replace_ , _tag_, _extract_ and _full_. To +show an example, let us consider a fragment such as: + +> my credit card number is 4273 9666 4581 5642 + +with this input, the output for each of the processing modes will be: + +* for _replace_, the PII will be replaced by a placeholder describing the PII + name: + +> my credit card number is + +* for _tag_, the PII is tagged with the PII name, but the original string is + also kept: + +> my credit card number is + +* for _extract_, a list of detected PIIs is returned, as a dict in the + buffer-based API, or as a [NDJSON] file for the file-based API + +> {"name": "CREDIT_CARD", "value": "4273 9666 4581 5642", "pos": 25, "line": 1} + +* for _full_ mode, the API returns a dict or a NDJSON line for each text + fragment, containing the fields `text` (the passed text) and `entities` + (a list of the recognized PII entities) + +> {"text": "my credit card number is 4273 9666 4581 5642", +> "entities": [{"name": "CREDIT_CARD", "value": "4273 9666 4581 5642", +> "pos": 25, "line": 1}] +> } + + +By default in _replace_ mode all PII items found will be substituted with +a `` string. If another placeholder is preferred, the `PiiManager` +constructor can be called with an additional `template` argument, containing +a string that will be processed through the Python string `format()` method, +and called with a `(name=PIINAME)` argument. In _tag_ mode, the template is +called with `(country=COUNTRY, name=PIINAME, value=VALUE)` arguments, +which the template can use as it sees fit. + +The file-based API has an additional option: how the file is splitted when +calling the PII tasks: + +* `line`: (default) the file is splitted line-by-line +* `block`: the file is sent as a single block +* `sentences`: the file is split by sentence separators (periods, etc) + + +[NDJSON]: http://ndjson.org/ +[importing arbitrary tasks]: external.md#object-based-api +[import external tasks]:external.md#file-based-api diff --git a/data_tooling/pii-manager/requirements.txt b/data_tooling/pii-manager/requirements.txt new file mode 100644 index 0000000..1312127 --- /dev/null +++ b/data_tooling/pii-manager/requirements.txt @@ -0,0 +1,2 @@ +python-stdnum >=1.17,<2.0 +regex >= 2021.11.10 diff --git a/data_tooling/pii-manager/setup.py b/data_tooling/pii-manager/setup.py new file mode 100644 index 0000000..c5b0714 --- /dev/null +++ b/data_tooling/pii-manager/setup.py @@ -0,0 +1,93 @@ +""" +Create pii-manager as a Python package +""" + +import io +import sys +import re + +from setuptools import setup, find_packages + +from src.pii_manager import VERSION + +PKGNAME = "pii-manager" +GITHUB_URL = "https://github.com/bigscience-workshop/pii-manager" + +# -------------------------------------------------------------------- + +PYTHON_VERSION = (3, 8) + +if sys.version_info < PYTHON_VERSION: + sys.exit( + "**** Sorry, {} {} needs at least Python {}".format( + PKGNAME, VERSION, ".".join(map(str, PYTHON_VERSION)) + ) + ) + + +def requirements(filename="requirements.txt"): + """Read the requirements file""" + with io.open(filename, "r") as f: + return [line.strip() for line in f if line and line[0] != "#"] + + +def long_description(): + """ + Take the README and remove markdown hyperlinks + """ + with open("README.md", "rt", encoding="utf-8") as f: + desc = f.read() + desc = re.sub(r"^\[ ([^\]]+) \]: \s+ \S.*\n", r"", desc, flags=re.X | re.M) + return re.sub(r"\[ ([^\]]+) \]", r"\1", desc, flags=re.X) + + +# -------------------------------------------------------------------- + + +setup_args = dict( + # Metadata + name=PKGNAME, + version=VERSION, + author="Paulo Villegas", + author_email="paulo.vllgs@gmail.com", + description="Text Anonymization of PII", + long_description_content_type="text/markdown", + long_description=long_description(), + license="Apache", + url=GITHUB_URL, + download_url=GITHUB_URL + "/tarball/v" + VERSION, + # Locate packages + packages=find_packages("src"), # [ PKGNAME ], + package_dir={"": "src"}, + # Requirements + python_requires=">=3.8", + # Optional requirements + extras_require={ + "test": ["pytest", "nose", "coverage"], + }, + setup_requires=["pytest-runner"], + tests_require=["pytest"], + entry_points={ + "console_scripts": [ + "pii-manage = pii_manager.app.manage:main", + "pii-task-info = pii_manager.app.task_info:main", + ] + }, + include_package_data=False, + package_data={}, + # Post-install hooks + cmdclass={}, + keywords=["Big Science Workshop, PII"], + classifiers=[ + "Programming Language :: Python :: 3 :: Only", + "License :: OSI Approved :: Apache Software License", + "Development Status :: 4 - Beta", + "Topic :: Software Development :: Libraries :: Application Frameworks", + ], +) + +if __name__ == "__main__": + # Add requirements + setup_args["install_requires"] = requirements() + # Setup + setup(**setup_args) diff --git a/data_tooling/pii-manager/src/pii_manager/__init__.py b/data_tooling/pii-manager/src/pii_manager/__init__.py new file mode 100644 index 0000000..fb7a7e1 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/__init__.py @@ -0,0 +1,4 @@ +VERSION = "0.5.0" + +from .piienum import PiiEnum +from .piientity import PiiEntity diff --git a/data_tooling/pii-manager/src/pii_manager/api/__init__.py b/data_tooling/pii-manager/src/pii_manager/api/__init__.py new file mode 100644 index 0000000..413d288 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/api/__init__.py @@ -0,0 +1,2 @@ +from .manager import PiiManager +from .file import process_file diff --git a/data_tooling/pii-manager/src/pii_manager/api/file.py b/data_tooling/pii-manager/src/pii_manager/api/file.py new file mode 100644 index 0000000..2d14c77 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/api/file.py @@ -0,0 +1,184 @@ +""" +File-based API +""" + +import sys +import re +import json +import gzip +import bz2 +import lzma +from itertools import zip_longest +from pathlib import Path + +from typing import Dict, List, TextIO, Iterable, Optional, Union + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager +from pii_manager.piientity import PiiEntity, piientity_asdict +from pii_manager.helper.exception import PiiManagerException, InvArgException +from pii_manager.helper.json import CustomJSONEncoder +from pii_manager.helper.types import TYPE_STR_LIST + +TYPE_RESULT = Union[str, Iterable[PiiEntity]] + + +def openfile(name: str, mode: str) -> TextIO: + """ + Open files, raw text or compressed (gzip, bzip2 or xz) + """ + name = str(name) + if name == "-": + return sys.stdout if mode.startswith("w") else sys.stdin + elif name.endswith(".gz"): + return gzip.open(name, mode, encoding="utf-8") + elif name.endswith(".bz2"): + return bz2.open(name, mode, encoding="utf-8") + elif name.endswith(".xz"): + return lzma.open(name, mode, encoding="utf-8") + else: + return open(name, mode, encoding="utf-8") + + +def sentence_splitter(doc: str) -> Iterable[str]: + """ + Split text by sentence separators + (keeping the separator at the end of the sentence, so that joining the + pieces recovers exactly the same text) + """ + split = re.split(r"(\s*[\.!\?.。]\s+)", doc) + args = [iter(split)] * 2 + for sentence, sep in zip_longest(*args, fillvalue=""): + if sentence: + yield sentence + sep + + +def write_extract(result: Iterable[PiiEntity], index: Dict, out: TextIO): + """ + Write output for "extract" mode as NDJSON + :param result: iterable of result PiiEntity objects + :param index: indexing information to be added to each PII_TASKS + :param out: destination to write the NDJSON lines to + """ + for pii in result: + elem = piientity_asdict(pii) + if index: + elem.update(index) + json.dump(elem, out, ensure_ascii=False) + print(file=out) + + +def write(result: TYPE_RESULT, mode: str, index: Optional[Dict], out: TextIO): + """ + Write processing result to output + """ + if mode == "extract": + write_extract(result, index, out) + elif mode == "full": + json.dump(result, out, ensure_ascii=False, cls=CustomJSONEncoder) + else: + out.write(result) + + +def print_tasks(proc: PiiManager, out: TextIO): + print("\n. Installed tasks:", file=out) + for (pii, country), doc in proc.task_info().items(): + print(f" {pii.name} [country={country}]\n ", doc, file=out) + + +def read_taskfile(filename: str) -> List[Dict]: + """ + Read a list of task descriptors from a JSON file + """ + with open(filename, encoding="utf-8") as f: + try: + tasklist = json.load(f) + for td in tasklist: + td["pii"] = PiiEnum[td["pii"]] + return tasklist + except json.JSONDecodeError as e: + raise InvArgException("invalid task spec file {}: {}", filename, e) + except KeyError as e: + if str(e) == "pii": + raise InvArgException( + "missing 'pii' field in task descriptor in {}", filename + ) + else: + raise InvArgException( + "cannot find PiiEnum element '{}' for task descriptor in {}", + e, + filename, + ) + except Exception as e: + raise InvArgException("cannot read taskfile '{}': {}", filename, e) + + +def add_taskfile(filename: TYPE_STR_LIST, proc: PiiManager): + """ + Add all tasks defined in a JSON file (or several) to a processing object + """ + if isinstance(filename, (str, Path)): + filename = [filename] + for name in filename: + tasklist = read_taskfile(name) + proc.add_tasks(tasklist) + + +# ---------------------------------------------------------------------- + + +def process_file( + infile: str, + outfile: str, + lang: str, + country: List[str] = None, + tasks: List[str] = None, + all_tasks: bool = False, + taskfile: TYPE_STR_LIST = None, + split: str = "line", + mode: str = "replace", + template: str = None, + debug: bool = False, + show_tasks: bool = False, + show_stats: bool = False, +) -> Dict: + """ + Process a number of PII tasks on a text file + """ + # Create the object + proc = PiiManager( + lang, + country, + tasks, + all_tasks=all_tasks, + mode=mode, + template=template, + debug=debug, + ) + if taskfile: + add_taskfile(taskfile, proc) + if show_tasks: + print_tasks(proc, sys.stderr) + + # Process the file + print(". Reading from:", infile, file=sys.stderr) + print(". Writing to:", outfile, file=sys.stderr) + with openfile(infile, "rt") as fin: + with openfile(outfile, "wt") as fout: + if split == "block": + write(proc(fin.read()), mode, None, fout) + elif split == "line": + for n, line in enumerate(fin): + write(proc(line), mode, {"line": n + 1}, fout) + elif split == "sentence": + for n, sentence in enumerate(sentence_splitter(fin.read())): + write(proc(sentence), mode, {"sentence": n + 1}, fout) + else: + raise PiiManagerException("invalid split mode: {}", split) + + if show_stats: + print("\n. Statistics:", file=sys.stderr) + for k, v in proc.stats.items(): + print(f" {k:20} : {v:5}", file=sys.stderr) + + return proc.stats diff --git a/data_tooling/pii-manager/src/pii_manager/api/manager.py b/data_tooling/pii-manager/src/pii_manager/api/manager.py new file mode 100644 index 0000000..cdb3d7d --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/api/manager.py @@ -0,0 +1,252 @@ +""" +Definition of the main PiiManager object +""" + +from collections import defaultdict +from itertools import chain + +from typing import Iterable, Tuple, List, Callable, Union, Dict, Type + +from ..piientity import PiiEntity +from ..piienum import PiiEnum +from ..helper import get_taskdict, country_list +from ..helper.taskdict import task_check +from ..helper.base import BasePiiTask, CallablePiiTask, RegexPiiTask +from ..helper.exception import InvArgException +from ..lang import LANG_ANY, COUNTRY_ANY + + +DEFAULT_TEMPLATES = {"replace": "<{name}>", "tag": "<{name}:{value}>"} + + +# -------------------------------------------------------------------------- + + +def fetch_all_tasks( + lang: str, country: Iterable[str] = None, debug: bool = False +) -> Iterable[List[Dict]]: + """ + Return all processing tasks available for a given language & (optionally) + country + """ + taskdict = get_taskdict(debug=debug) + # Language-independent + for task in taskdict[LANG_ANY].values(): + yield task + + langdict = taskdict.get(lang, {}) + # Country-independent + for task in langdict.get(COUNTRY_ANY, {}).values(): + yield task + # Country-specific + if country: + if country[0] in (COUNTRY_ANY, "all"): + country = country_list(lang) + for c in country: + if c == COUNTRY_ANY: # already included above + continue + for task in langdict.get(c, {}).values(): + yield task + + +def fetch_task( + taskname: str, lang: str, country: Iterable[str] = None, debug: bool = False +) -> Iterable[List[Dict]]: + """ + Return a specific task for a given language & country + (try to find the most specific task available) + """ + found = 0 + taskdict = get_taskdict(debug=debug) + if isinstance(taskname, PiiEnum): + taskname = taskname.name + + langdict = taskdict.get(lang, {}) + if langdict: + # First try: language & country + if country: + if country[0] in (COUNTRY_ANY, "all"): + country = country_list(lang) + for c in country: + task = langdict.get(c, {}).get(taskname) + if task: + found += 1 + yield task + # Second try: only language + task = langdict.get(COUNTRY_ANY, {}).get(taskname) + if task: + found += 1 + yield task + # Third try: generic task + task = taskdict[LANG_ANY].get(taskname) + if task: + found += 1 + yield task + + # We didn't find anything + if not found: + print(f"Warning: cannot find any pii task for {taskname}, {lang}, {country}") + + +# -------------------------------------------------------------------------- + + +def build_task(task: Dict) -> BasePiiTask: + """ + Build a task object from its task descriptor + """ + # Prepare arguments + try: + ttype, tobj = task["type"], task["task"] + args = {k: task[k] for k in ("pii", "lang", "country", "name", "doc")} + args["context"] = task.get("context") + kwargs = task.get("kwargs", {}) + except KeyError as e: + raise InvArgException("invalid pii task object: missing field {}", e) + + # Instantiate + if ttype == "PiiTask": + proc = tobj(**args) + elif ttype == "callable": + proc = CallablePiiTask(tobj, extra_kwargs=kwargs, **args) + elif ttype in ("re", "regex"): + proc = RegexPiiTask(tobj, **args, **kwargs) + else: + raise InvArgException( + "invalid pii task type for {}: {}", task["pii"].name, ttype + ) + return proc + + +# -------------------------------------------------------------------------- + + +class PiiManager: + def __init__( + self, + lang: str, + country: List[str] = None, + tasks: Iterable[PiiEnum] = None, + all_tasks: bool = False, + mode: str = None, + template: str = None, + debug: bool = False, + ): + """ + Initalize a processor object, loading & initializing all specified + processing tasks + """ + # Sanitize input + self.lang = lang.lower() + if isinstance(country, str): + country = [country] + self.country = [c.lower() for c in country] if country else None + self.mode = mode if mode is not None else "replace" + if template is None and self.mode not in ("extract", "full"): + template = DEFAULT_TEMPLATES[self.mode] + self.template = template + + # Get the list of tasks we will use + if all_tasks: + tasklist = fetch_all_tasks(self.lang, self.country, debug=debug) + elif tasks: + if isinstance(tasks, PiiEnum): + tasks = [tasks] + tl = (fetch_task(name, self.lang, self.country) for name in tasks) + tasklist = chain.from_iterable(tl) + else: + tasklist = [] + + # Build an ordered array of task processors + taskproc = (build_task(t) for t in chain.from_iterable(tasklist)) + self.tasks = sorted(taskproc, key=lambda e: e.pii.value) + self.stats = defaultdict(int) + + # Prepare the method to be called + self._process = ( + self.process_full + if self.mode == "full" + else self.process_extract + if self.mode == "extract" + else self.process_subst + ) + + def __repr__(self) -> str: + return f"" + + def add_tasks(self, tasklist: Iterable[Dict]): + """ + Add a list of processing tasks to the object + """ + for task_spec in tasklist: + task_check(task_spec, self.lang, self.country) + self.tasks.append(build_task(task_spec)) + self.tasks = sorted(self.tasks, key=lambda e: e.pii.value) + + def task_info(self) -> Dict[Tuple, Tuple]: + """ + Return a dictionary with all defined tasks: + - keys are tuples (task id, country) + - values are tuples (name, doc) + """ + info = defaultdict(list) + for task in self.tasks: + info[(task.pii, task.country)].append((task.name, task.doc)) + return info + + def __call__(self, doc: str) -> Union[Dict, str, Iterable[PiiEntity]]: + """ + Process a document, calling all defined anonymizers + """ + return self._process(doc) + + def process_subst(self, doc: str) -> str: + """ + Process a document, calling all defined processors and performing + PII substitution + """ + self.stats["calls"] += 1 + for task_proc in self.tasks: + output = [] + pos = 0 + # Call all tasks + for pii in task_proc(doc): + # Add all a pair (text-prefix, transformed-pii) + output += [ + doc[pos : pii.pos], + self.template.format( + name=pii.elem.name, value=pii.value, country=pii.country + ), + ] + self.stats[pii.elem.name] += 1 + pos = pii.pos + len(pii) + # Reconstruct the document (including the last suffix) + doc = "".join(output) + doc[pos:] + return doc + + def process_extract(self, doc: str) -> Iterable[PiiEntity]: + """ + Process a document, calling all defined processors and performing + PII extraction + """ + self.stats["calls"] += 1 + for task_proc in self.tasks: + elem_list = task_proc(doc) + for pii in elem_list: + yield pii + self.stats[pii.elem.name] += 1 + + def process_full(self, doc: str) -> Dict: + """ + Process a document, calling all defined processors and performing + PII extraction. Return a dict with the original document and the + detected PII entities. + """ + self.stats["calls"] += 1 + pii_list = [] + for task_proc in self.tasks: + elem_list = task_proc(doc) + for pii in elem_list: + pii_list.append(pii) + self.stats[pii.elem.name] += 1 + return {"text": doc, "entities": pii_list} diff --git a/data_tooling/pii-manager/src/pii_manager/app/__init__.py b/data_tooling/pii-manager/src/pii_manager/app/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/app/manage.py b/data_tooling/pii-manager/src/pii_manager/app/manage.py new file mode 100644 index 0000000..90a5589 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/app/manage.py @@ -0,0 +1,68 @@ +""" +Command-line script to process text files +""" + +import sys +import argparse + +from typing import List + +from pii_manager import VERSION +from pii_manager.api import process_file + + +def parse_args(args: List[str]) -> argparse.Namespace: + parser = argparse.ArgumentParser( + description=f"Perform PII processing on a file (version {VERSION})" + ) + + g0 = parser.add_argument_group("Input/output paths") + g0.add_argument("infile", help="source file") + g0.add_argument("outfile", help="destination file") + + g1 = parser.add_argument_group("Language specification") + g1.add_argument("--lang", help="document language", required=True) + g1.add_argument("--country", nargs="+", help="countries to use") + + g2 = parser.add_argument_group("Task specification") + g21 = g2.add_mutually_exclusive_group(required=True) + g21.add_argument("--tasks", nargs="+", help="pii tasks to include") + g21.add_argument( + "--all-tasks", action="store_true", help="add all pii tasks available" + ) + g21.add_argument( + "--taskfile", nargs="+", help="add all pii tasks defined in a JSON file" + ) + + g3 = parser.add_argument_group("Processing") + g3.add_argument( + "--split", + choices=("line", "sentence", "block"), + default="line", + help="document splitting mode (default: %(default)s)", + ) + g3.add_argument( + "--mode", + choices=("replace", "tag", "extract", "full"), + default="replace", + help="processing mode (default: %(default)s)", + ) + g3.add_argument("--template", help="for modes replace & tag, use a custom template") + + g3 = parser.add_argument_group("Other") + g3.add_argument("--show-stats", action="store_true", help="show statistics") + g3.add_argument("--show-tasks", action="store_true", help="show defined tasks") + + return parser.parse_args(args) + + +def main(args: List[str] = None): + if args is None: + args = sys.argv[1:] + args = parse_args(args) + args = vars(args) + process_file(args.pop("infile"), args.pop("outfile"), args.pop("lang"), **args) + + +if __name__ == "__main__": + main() diff --git a/data_tooling/pii-manager/src/pii_manager/app/task_info.py b/data_tooling/pii-manager/src/pii_manager/app/task_info.py new file mode 100644 index 0000000..6a6e878 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/app/task_info.py @@ -0,0 +1,100 @@ +""" +Command-line script to show information about available tasks +""" + +import sys +import argparse + +from typing import List, TextIO + + +from pii_manager import VERSION +from pii_manager.api import PiiManager +from pii_manager.api.file import add_taskfile +from pii_manager.helper.taskdict import language_list, country_list + + +def print_tasks(proc: PiiManager, out: TextIO): + print(f". Installed tasks [language={proc.lang}]", file=out) + for (pii, country), tasklist in proc.task_info().items(): + print(f"\n {pii.name} [country={country}] ", file=out) + for name, doc in tasklist: + print(f" {name}: {doc}", file=out) + + +def process( + lang: str, + country: List[str] = None, + tasks: List[str] = None, + all_tasks: bool = False, + taskfile: List[str] = None, + debug: bool = False, + **kwargs, +): + """ + Process the request: show task info + """ + # Create the object + proc = PiiManager(lang, country, tasks, all_tasks=all_tasks, debug=debug) + if taskfile: + add_taskfile(taskfile, proc) + + # Show tasks + print_tasks(proc, sys.stdout) + + +def parse_args(args: List[str]) -> argparse.Namespace: + parser = argparse.ArgumentParser( + description=f"Show information about available PII tasks (version {VERSION})" + ) + + g1 = parser.add_argument_group("Language specification") + g11 = g1.add_mutually_exclusive_group(required=True) + g11.add_argument("--lang", help="language to load") + g11.add_argument( + "--list-languages", action="store_true", help="List all defined languages " + ) + g1.add_argument( + "--country", + nargs="+", + help="countries to use (use 'all' for all countries defined for the language)", + ) + + g2 = parser.add_argument_group("Task specification") + g21 = g2.add_mutually_exclusive_group() + g21.add_argument( + "--tasks", metavar="TASK_NAME", nargs="+", help="pii tasks to include" + ) + g21.add_argument( + "--all-tasks", action="store_true", help="add all pii tasks available" + ) + g2.add_argument( + "--taskfile", nargs="+", help="add all pii tasks defined in a JSON file" + ) + + g3 = parser.add_argument_group("Other") + g3.add_argument("--debug", action="store_true", help="debug mode") + + parsed = parser.parse_args(args) + if not ( + parsed.list_languages or parsed.tasks or parsed.all_tasks or parsed.taskfile + ): + print(". Warning: no task list selected") + return parsed + + +def main(args: List[str] = None): + if args is None: + args = sys.argv[1:] + args = parse_args(args) + + if args.list_languages: + for lang in language_list(): + print(f" {lang}:", " ".join(country_list(lang))) + else: + args = vars(args) + process(args.pop("lang"), **args) + + +if __name__ == "__main__": + main() diff --git a/data_tooling/pii-manager/src/pii_manager/helper/__init__.py b/data_tooling/pii-manager/src/pii_manager/helper/__init__.py new file mode 100644 index 0000000..552cd08 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/__init__.py @@ -0,0 +1,2 @@ +from .taskdict import get_taskdict, country_list +from .base import BasePiiTask diff --git a/data_tooling/pii-manager/src/pii_manager/helper/base.py b/data_tooling/pii-manager/src/pii_manager/helper/base.py new file mode 100644 index 0000000..013b454 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/base.py @@ -0,0 +1,121 @@ +""" +Define the base classes for Pii Tasks +""" + +import regex +from typing import Iterable, Callable + +from ..piientity import PiiEntity +from .normalizer import normalize +from .context import context_spec, context_check, CONTEXT_NORM_OPTIONS +from .exception import PiiUnimplemented + + +NORM_OPTIONS = dict(whitespace=True, lowercase=True) + + +class BasePiiTask: + """ + Base class for a Pii Task + """ + + def __init__(self, **kwargs): + """ + Base constructor: fetch & store all generic parameters + """ + # print("INIT", kwargs) + # Full set + self.options = kwargs.copy() + # Compulsory fields + for f in ("pii", "lang"): + setattr(self, f, kwargs.pop(f)) + # Optional fields + for f in ("country", "name"): + setattr(self, f, kwargs.pop(f, None)) + # Documentation + self.doc = kwargs.pop("doc", self.pii.name) + # Context + context = kwargs.pop("context", None) + self.context = context_spec(context) if context else None + + def context_check(self, doc: str, pii: PiiEntity) -> bool: + """ + Check that a pii has the proper context around it + """ + return context_check(doc, self.context, [pii.pos, pii.pos + len(pii)]) + + def find_context(self, doc: str) -> Iterable[PiiEntity]: + """ + Wrap over the standard find() method and filter out the occcurences + that do not match a context around them + """ + ndoc = None + for pii in self.find(doc): + if ndoc is None: + ndoc = normalize(doc, self.lang, **CONTEXT_NORM_OPTIONS) + if self.context_check(ndoc, pii): + yield pii + + def find(self, doc: str) -> Iterable[PiiEntity]: + """ + **Method to be implemented in subclasses** + """ + raise PiiUnimplemented("missing implementation for Pii Task") + + def __call__(self, doc: str) -> Iterable[PiiEntity]: + """ + Perform Pii extraction + """ + return self.find_context(doc) if self.context else self.find(doc) + + def __repr__(self) -> str: + """ + Return a string with a representation for the task + """ + return f"<{self.pii.name}:{self.name}:{self.country}:{self.__class__.__qualname__}>" + + +class RegexPiiTask(BasePiiTask): + """ + A wrapper for a PII implemented as a regex pattern + Instead of the standard re package it uses the regex package (in + backwards-compatible mode) + """ + + def __init__(self, pattern: str, **kwargs): + super().__init__(**kwargs) + self.regex = regex.compile(pattern, flags=regex.X | regex.VERSION0) + + def find(self, doc: str) -> Iterable[PiiEntity]: + """ + Iterate over the regex and produce Pii objects + """ + for cc in self.regex.finditer(doc): + yield PiiEntity( + self.pii, cc.start(), cc.group(), name=self.name, country=self.country + ) + + +class CallablePiiTask(BasePiiTask): + """ + A wrapper for a PII implemented as a function + """ + + def __init__(self, call: Callable, extra_kwargs=None, **kwargs): + super().__init__(**kwargs) + self.call = call + self.kwargs = extra_kwargs or {} + + def find(self, doc: str) -> Iterable[PiiEntity]: + """ + Call the function, get all returned strings, and locate them in the + passed document to generate the Pii objects + """ + for cc in self.call(doc, **self.kwargs): + start = 0 + while True: + pos = doc.find(cc, start) + if pos < 0: + break + yield PiiEntity(self.pii, pos, cc, name=self.name, country=self.country) + start = pos + len(cc) diff --git a/data_tooling/pii-manager/src/pii_manager/helper/context.py b/data_tooling/pii-manager/src/pii_manager/helper/context.py new file mode 100644 index 0000000..4b50805 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/context.py @@ -0,0 +1,112 @@ +""" +Context processing +""" + +import regex + +from typing import Tuple, List, Dict, Union + +from .exception import InvArgException +from .normalizer import normalize + + +# Default width around a Pii where context is searched for +DEFAULT_CONTEXT_WIDTH = 64 + +# Normalization options used when matching contexts +CONTEXT_NORM_OPTIONS = dict(whitespace=True, lowercase=True) + + +def _norm(ctx: str, lang: str, escape: bool = False) -> str: + """ + Normalize a context string + :param escape: esacpe regex metacharacters in string + """ + ctx = normalize(ctx, lang, **CONTEXT_NORM_OPTIONS) + if escape: + ctx = regex.escape(ctx) + return ctx + + +def context_spec(spec: Union[str, List, Dict], lang=str) -> Dict: + """ + Parse & standardize a context specification + """ + if spec is None: + raise InvArgException("no context spec") + + # Simplified forms + if isinstance(spec, str): + spec = [spec] + for s in spec: + if not s: + raise InvArgException("empty context spec") + if isinstance(spec, list): + return { + "value": [_norm(c, lang) for c in spec], + "width": [DEFAULT_CONTEXT_WIDTH, DEFAULT_CONTEXT_WIDTH], + "regex": False, + } + + out = {} + + # Sanitize value + value = spec.get("value") + if value is None: + raise InvArgException("invalid context spec: {}", spec) + if isinstance(value, str): + value = [value] + for s in value: + if not s: + raise InvArgException("empty context spec") + + # Get & process context type + ctype = spec.get("type", "string") + if ctype == "string": + out["regex"] = False + value = [_norm(v, lang) for v in value] + elif ctype == "word": + out["regex"] = True + value = [regex.compile(r"\b" + _norm(v, lang, True) + r"\b") for v in value] + elif ctype == "regex": + out["regex"] = True + value = [regex.compile(v, flags=regex.X) for v in value] + else: + raise InvArgException("invalid context type: {}", ctype) + + out["value"] = value + + # Get context width + width = spec.get("width") + if width is None: + width = (DEFAULT_CONTEXT_WIDTH, DEFAULT_CONTEXT_WIDTH) + elif isinstance(width, int): + width = (width, width) + elif len(width) == 1: + width = (width[0], width[0]) + out["width"] = width + + return out + + +def context_check(text: str, spec: Dict, pii_pos: Tuple[int]) -> bool: + """ + Try to locate any of a list of context elements in a chunk of a + text string (around a center given by the position of a PII element) + """ + # Sanitize positions + width = spec["width"] + if isinstance(pii_pos, int): + pii_pos = (pii_pos, pii_pos) + elif len(pii_pos) == 1: + pii_pos.append(pii_pos[0]) + + # Extract context chunk + start = max(pii_pos[0] - width[0], 0) + src = text[start : pii_pos[0]] + " " + text[pii_pos[1] : pii_pos[1] + width[1]] + + # Match + if spec["regex"]: + return any(c.search(src) for c in spec["value"]) + else: + return any(c in src for c in spec["value"]) diff --git a/data_tooling/pii-manager/src/pii_manager/helper/exception.py b/data_tooling/pii-manager/src/pii_manager/helper/exception.py new file mode 100644 index 0000000..9b3fd30 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/exception.py @@ -0,0 +1,11 @@ +class PiiManagerException(Exception): + def __init__(self, msg, *args): + super().__init__(msg.format(*args)) + + +class InvArgException(PiiManagerException): + pass + + +class PiiUnimplemented(PiiManagerException): + pass diff --git a/data_tooling/pii-manager/src/pii_manager/helper/json.py b/data_tooling/pii-manager/src/pii_manager/helper/json.py new file mode 100644 index 0000000..54694d6 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/json.py @@ -0,0 +1,47 @@ +""" +Provide a custom JSON encoder that can serialize additional objects, +in particular PiiEntity objects +""" + + +from collections.abc import Iterator +import datetime +import json + + +def keygetter_set(v): + return str(v).lower() + + +class CustomJSONEncoder(json.JSONEncoder): + """ + A custom JSON encoder that can serialize additional objects: + - datetime objects (into ISO 8601 strings) + - sets (as sorted lists) + - iterators (as lists) + - any object having a to_json() method that produces a string or + a serializable object + + Non-serializable objects are converted to plain strings. + """ + + def default(self, obj): + """ + Serialize some special types + """ + if hasattr(obj, "to_json"): + return obj.to_json() + elif isinstance(obj, datetime.datetime): + t = obj.strftime("%Y-%m-%dT%H:%M:%S.%f%z") + if obj.tzinfo is not None: + t = t[:-2] + ":" + t[-2:] + return t + elif isinstance(obj, set): + return sorted(obj, key=keygetter_set) + elif isinstance(obj, Iterator): + return list(obj) + + try: + return super().default(self, obj) + except TypeError: + return str(obj) diff --git a/data_tooling/pii-manager/src/pii_manager/helper/normalizer.py b/data_tooling/pii-manager/src/pii_manager/helper/normalizer.py new file mode 100644 index 0000000..3c33748 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/normalizer.py @@ -0,0 +1,13 @@ +def normalize( + text: str, lang: str, whitespace: bool = True, lowercase: bool = False +) -> str: + """ + Perforn some normalization steps on a text string + """ + if whitespace: + text = " ".join(text.split()) + + if lowercase: + text = text.lower() + + return text diff --git a/data_tooling/pii-manager/src/pii_manager/helper/taskdict.py b/data_tooling/pii-manager/src/pii_manager/helper/taskdict.py new file mode 100644 index 0000000..c733f1f --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/taskdict.py @@ -0,0 +1,321 @@ +""" +Traverse all folders and gather all implemented PiiTasks into a nested +dictionary + +Each dictionary value contains a 3-4 element tuple: + * lang + * country + * PiiEnum + * task implementation + * (for regex tasks) task documentation +""" + +import sys +import importlib +from pathlib import Path +from collections import defaultdict +import re + +from typing import Dict, List, Tuple, Callable, Any, Type, Union +from types import ModuleType + +from pii_manager import PiiEnum +from .exception import InvArgException +from .base import BasePiiTask +from .types import TYPE_STR_LIST +from ..lang import LANG_ANY, COUNTRY_ANY + +# Name of the list that holds the pii tasks at each module +_LISTNAME = "PII_TASKS" + +# The structure holding all loaded tasks, as a language-keyed dictionary +_TASKS = None + +# Locate the language folder +_LANG = Path(__file__).parents[1] / "lang" + + +# -------------------------------------------------------------------------- + + +class InvPiiTask(InvArgException): + def __init__(self, msg, lang=None, country=None): + super().__init__( + "task descriptor error [lang={}, country={}]: {}", lang, country, msg + ) + + +def _is_pii_class(obj: Any) -> bool: + return isinstance(obj, type) and issubclass(obj, BasePiiTask) + + +def _import_task_object(objname: str) -> Union[Callable, Type[BasePiiTask]]: + try: + modname, oname = objname.rsplit(".", 1) + mod = importlib.import_module(modname) + return getattr(mod, oname) + except Exception as e: + raise InvPiiTask("cannot import task object '{}': {}", objname, e) from e + + +def _task_check(task: Dict, lang: str, country: TYPE_STR_LIST): + """ + Check dict fields for a task, fill fields if needed + """ + if not isinstance(task, dict): + raise InvArgException("not a dictionary") + if not isinstance(task.get("pii"), PiiEnum): + raise InvArgException("field not a PiiEnum") + + # Check base fields: type & spec + if "type" not in task: + if _is_pii_class(task.get("task")): + task["type"] = "PiiTask" + if task.get("type") not in ("PiiTask", "callable", "re", "regex"): + raise InvArgException("unsupported task type: {}", task.get("type")) + if "task" not in task: + raise InvArgException("invalid task specification: no task field") + + # Check task spec against task type + if task["type"] in ("re", "regex") and not isinstance(task["task"], str): + raise InvArgException("regex spec should be a string") + elif task["type"] == "callable": + if isinstance(task["task"], str): + task["task"] = _import_task_object(task["task"]) + if not isinstance(task["task"], Callable): + raise InvArgException("callable spec should be a callable") + elif task["type"] == "PiiTask": + if isinstance(task["task"], str): + task["task"] = _import_task_object(task["task"]) + if not _is_pii_class(task["task"]): + raise InvArgException("class spec should be a PiiTask object") + + # Fill in name + if "name" not in task: + name = getattr(task["task"], "pii_name", None) + if not name: + name = getattr(task["task"], "__name__", None) + if name and task["type"] == "PiiTask": + name = " ".join(re.findall(r"[A-Z][^A-Z]*", name)).lower() + elif task["type"] == "callable": + name = name.replace("_", " ") + if not name: + name = (task["type"] + " for " + task["pii"].name).lower() + task["name"] = name + + # Fill in doc + if "doc" not in task and not isinstance(task["task"], str): + doc = getattr(task["task"], "__doc__", None) + if doc: + task["doc"] = doc.strip() + + # Process lang + task_lang = task.get("lang") + if ( + task_lang != lang + and task_lang not in (None, LANG_ANY) + and lang not in (None, LANG_ANY) + ): + raise InvArgException( + "language mismatch in task descriptor: {} vs {}", task_lang, lang + ) + elif task_lang is None: + if lang is None: + raise InvArgException("no lang can be determined") + task["lang"] = lang + + # Process country + if country is None: + country = [COUNTRY_ANY] + elif isinstance(country, str): + country = [country] + task_country = task.get("country") + if ( + task_country not in country + and task_country not in (None, COUNTRY_ANY) + and COUNTRY_ANY not in country + ): + raise InvArgException( + "country mismatch in task descriptor: {} vs {}", task_country, country + ) + if task_country is None: + task["country"] = country[0] + if task["country"] == COUNTRY_ANY: + task["country"] = None + + +def task_check(task: Dict, lang: str, country: str): + """ + Check the fields in a task descriptor. Complete missing fields, if possible + """ + try: + _task_check(task, lang, country) + except Exception as e: + raise InvPiiTask(e, lang=lang, country=country) + + +def build_subdict(task_list: List[Tuple], lang: str, country: str = None) -> Dict: + """ + Given a list of task tuples, build the task dict for them + """ + if not isinstance(task_list, (list, tuple)): + raise InvPiiTask("invalid tasklist: not a list/tuple", lang, country) + + subdict = defaultdict(list) + for src in task_list: + # Fetch the task + if isinstance(src, tuple): # parse a simplified form (tuple) + # Checks + if len(src) != 2 and (len(src) != 3 or not isinstance(src[1], str)): + raise InvPiiTask("invalid simplified task spec", lang, country) + # Task type + task_type = ( + "PiiTask" + if _is_pii_class(src[1]) + else "callable" + if callable(src[1]) + else "regex" + if isinstance(src[1], str) + else None + ) + # Build the dict + td = {"pii": src[0], "type": task_type, "task": src[1]} + if len(src) > 2: + td["doc"] = src[2] + task = td + elif isinstance(src, dict): # full form + task = src.copy() + else: + raise InvPiiTask("element must be a tuple or dict", lang, country) + + # Check dict fields + task_check(task, lang, country) + # Add to dict + subdict[task["pii"].name].append(task) + + return subdict + + +def _gather_piitasks( + pkg: ModuleType, path: str, lang: str, country: str, debug: bool = False +) -> List[Tuple]: + """ + Import and load all tasks defined in a module + """ + # Get the list of Python files in the module + modlist = ( + m.stem + for m in Path(path).iterdir() + if m.suffix == ".py" and m.stem != "__init__" + ) + + # Get all tasks defined in those files + pii_tasks = defaultdict(list) + for mname in modlist: + mod = importlib.import_module("." + mname, pkg) + task_list = getattr(mod, _LISTNAME, None) + if task_list: + subdict = build_subdict(task_list, lang, country) + for name, value in subdict.items(): + pii_tasks[name] += value + + # If debug mode is on, print out the list + if debug: + if not pii_tasks: + print("... NO PII TASKS for", pkg, file=sys.stderr) + else: + print("... PII TASKS for", pkg, file=sys.stderr) + print("... path =", path, file=sys.stderr) + for task_name, tasklist in pii_tasks.items(): + for task in tasklist: + print( + " ", + task_name, + f"-> ({task['type']})", + task["doc"], + file=sys.stderr, + ) + + return pii_tasks + + +def import_processor(lang: str, country: str = None, debug: bool = False) -> Dict: + """ + Import all task processors available for a given lang & country + """ + if debug: + print(".. IMPORT FROM:", lang, "/", country, file=sys.stderr) + if lang == LANG_ANY: + name = LANG_ANY + path = _LANG / LANG_ANY + else: + if country is None: + country_elem = COUNTRY_ANY + elif country in ("in", "is"): + country_elem = country + "_" + else: + country_elem = country + lang_elem = lang if lang not in ("is",) else lang + "_" + name = f"{lang_elem}.{country_elem}" + path = _LANG / lang_elem / country_elem + + # mod = importlib.import_module('...lang.' + name, __name__) + return _gather_piitasks( + "pii_manager.lang." + name, path, lang, country, debug=debug + ) + + +def _norm(elem: str) -> str: + """ + Strip away underscores used to avoid reserved Python words + """ + return elem[:-1] if elem.endswith("_") else elem + + +def country_list(lang: str) -> List[str]: + """ + Return all countries for a given language + """ + p = _LANG / lang + return [ + _norm(d.name) for d in p.iterdir() if d.is_dir() and d.name != "__pycache__" + ] + + +def language_list() -> List[str]: + return [ + _norm(d.name) for d in _LANG.iterdir() if d.is_dir() and d.name != "__pycache__" + ] + + +# -------------------------------------------------------------------------- + + +def _gather_all_tasks(debug: bool = False): + """ + Build the list of all tasks + """ + global _TASKS + + if debug: + print(". DEFINED LANGUAGES:", " ".join(sorted(language_list()))) + + _TASKS = {} + for lang in language_list(): + if lang == LANG_ANY: + _TASKS[lang] = import_processor(lang, debug=debug) + else: + _TASKS[lang] = { + country: import_processor(lang, country, debug) + for country in country_list(lang) + } + + +def get_taskdict(debug: bool = False) -> Dict: + """ + Return the dict holding all implemented pii tasks + """ + global _TASKS + if _TASKS is None: + _gather_all_tasks(debug) + return _TASKS diff --git a/data_tooling/pii-manager/src/pii_manager/helper/types.py b/data_tooling/pii-manager/src/pii_manager/helper/types.py new file mode 100644 index 0000000..3dc623e --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/helper/types.py @@ -0,0 +1,3 @@ +from typing import Union, List + +TYPE_STR_LIST = Union[str, List[str]] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/__init__.py new file mode 100644 index 0000000..22bfc32 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/__init__.py @@ -0,0 +1,5 @@ +# Folder for language-independent tasks +LANG_ANY = "any" + +# Country-independent tasks +COUNTRY_ANY = "any" diff --git a/data_tooling/pii-manager/src/pii_manager/lang/any/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/any/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/any/bitcoin_address.py b/data_tooling/pii-manager/src/pii_manager/lang/any/bitcoin_address.py new file mode 100644 index 0000000..4768e5f --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/any/bitcoin_address.py @@ -0,0 +1,44 @@ +""" +Find valid bitcoin addresses +1. Obtain candidates, by using a generic regex expression +2. Validate candidates by + - using a more exact regex + - validating the number through the Luhn algorithm +""" + +import re + +from typing import Iterable + +from stdnum import bitcoin + +from pii_manager import PiiEnum + +# ---------------------------------------------------------------------------- + +# regex for the three types of bitcoin addresses +_BITCOIN_PATTERN = ( + r"( [13] [" + + bitcoin._base58_alphabet + + "]{25,34}" + + "| bc1 [" + + bitcoin._bech32_alphabet + + "]{8,87})" +) + +_REGEX_BITCOIN = re.compile(_BITCOIN_PATTERN, flags=re.X) + + +def bitcoin_address(text: str) -> Iterable[str]: + """ + Bitcoin addresses (P2PKH, P2SH and Bech32), recognize & validate + """ + # Find and validate candidates + for ba in _REGEX_BITCOIN.findall(text): + if bitcoin.is_valid(ba): + yield ba + + +# --------------------------------------------------------------------- + +PII_TASKS = [(PiiEnum.BITCOIN_ADDRESS, bitcoin_address)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/any/credit_card.py b/data_tooling/pii-manager/src/pii_manager/lang/any/credit_card.py new file mode 100644 index 0000000..cc2db7d --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/any/credit_card.py @@ -0,0 +1,68 @@ +""" +Find valid credit card numbers: +1. Obtain candidates, by using a generic regex expression +2. Validate candidates by + - using a more exact regex + - validating the number through the Luhn algorithm +""" + +import re + +from stdnum import luhn + +from typing import Iterable + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.helper import BasePiiTask + + +# ---------------------------------------------------------------------------- + +# base regex to detect candidates to credit card numbers +_CREDIT_PATTERN_BASE = r"\b \d (?:\d[ -]?){14} \d \b" + +# full regex for credit card type +# https://www.regular-expressions.info/creditcard.html +_CREDIT_PATTERN = r"""4[0-9]{12}(?:[0-9]{3})? | + (?:5[1-5][0-9]{2}|222[1-9]|22[3-9][0-9]|2[3-6][0-9]{2}|27[01][0-9]|2720)[0-9]{12} | + 3[47][0-9]{13} | + 3(?:0[0-5]|[68][0-9])[0-9]{11} | + 6(?:011|5[0-9]{2})[0-9]{12} | + (?:2131|1800|35\d{3})\d{11}""" + +# compiled regexes +_REGEX_CC_BASE = None +_REGEX_CC_FULL = None + + +class CreditCard(BasePiiTask): + """ + Credit card numbers for most international credit cards (detect & validate) + """ + + pii_name = "credit card" + + def __init__(self, **kwargs): + super().__init__(**kwargs) + # Compile the credit card regexes + global _REGEX_CC_FULL, _REGEX_CC_BASE + if _REGEX_CC_FULL is None: + _REGEX_CC_BASE = re.compile(_CREDIT_PATTERN_BASE, flags=re.VERBOSE) + _REGEX_CC_FULL = re.compile(_CREDIT_PATTERN, flags=re.VERBOSE) + + def find(self, doc: str) -> Iterable[PiiEntity]: + # First find candidates + for cc in _REGEX_CC_BASE.finditer(doc): + cc_value = cc.group() + # strip spaces and dashes + strip_cc = re.sub(r"[ -]+", "", cc_value) + # now validate the credit card number + if re.fullmatch(_REGEX_CC_FULL, strip_cc) and luhn.is_valid(strip_cc): + yield PiiEntity( + PiiEnum.CREDIT_CARD, cc.start(), cc_value, name=CreditCard.pii_name + ) + + +# --------------------------------------------------------------------- + +PII_TASKS = [(PiiEnum.CREDIT_CARD, CreditCard)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/any/email.py b/data_tooling/pii-manager/src/pii_manager/lang/any/email.py new file mode 100644 index 0000000..bd7d8b8 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/any/email.py @@ -0,0 +1,11 @@ +""" +Detection of email addresses +""" + +from pii_manager import PiiEnum + + +_EMAIL_PATTERN = r"[\w\.=-]+ @ [\w\.-]+ \. [\w]{2,3}" + + +PII_TASKS = [(PiiEnum.EMAIL_ADDRESS, _EMAIL_PATTERN, "Email address")] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/any/ip_address.py b/data_tooling/pii-manager/src/pii_manager/lang/any/ip_address.py new file mode 100644 index 0000000..67089ac --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/any/ip_address.py @@ -0,0 +1,25 @@ +""" +Detection of IP addresses +""" + +from pii_manager import PiiEnum + + +_IP_PATTERN = r""" + \b + (?: (?: 25[0-5] | 2[0-4][0-9] | [01]?[0-9][0-9]? ) \. ){3} + (?: 25[0-5] | 2[0-4][0-9] | [01]?[0-9][0-9]?) + \b +""" + + +PII_TASKS = [ + { + "pii": PiiEnum.IP_ADDRESS, + "type": "regex", + "task": _IP_PATTERN, + "name": "ip address", + "doc": "match IP addresses, with context", + "context": {"value": "ip", "type": "word", "width": 16}, + } +] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/en/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/any/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/en/any/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/any/international_phone_number.py b/data_tooling/pii-manager/src/pii_manager/lang/en/any/international_phone_number.py new file mode 100644 index 0000000..48c284b --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/en/any/international_phone_number.py @@ -0,0 +1,28 @@ +""" +Detection of phone numbers written with international notation (i.e. with +prefix and country code) +""" + + +from pii_manager import PiiEnum + +PATTERN_INT_PHONE = r""" + (?:\+ | 00) + (?: 9[976]\d | 8[987530]\d | 6[987]\d | 5[90]\d | 42\d | + 3[875]\d | 2[98654321]\d | 9[8543210] | 8[6421] | + 6[6543210] | 5[87654321] | 4[987654310] | 3[9643210] | + 2[70] | 7 | 1) + [-\x20\.]? + (?: \d{2,3} [-\x20]? ){3,4} +""" + +PII_TASKS = [ + { + "pii": PiiEnum.PHONE_NUMBER, + "type": "regex", + "task": PATTERN_INT_PHONE, + "name": "international phone number", + "doc": "detect phone numbers that use international notation. Uses context", + "context": {"value": ["ph", "phone", "fax"], "width": [16, 0], "type": "word"}, + } +] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/au/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/en/au/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/au/abn.py b/data_tooling/pii-manager/src/pii_manager/lang/en/au/abn.py new file mode 100644 index 0000000..c11b9a8 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/en/au/abn.py @@ -0,0 +1,27 @@ +""" +Detection and validation of Australian business number (ABN). + +""" +import re + +from stdnum.au import abn + +from typing import Iterable + +from pii_manager import PiiEnum + + +_ABN_PATTERN = r"\b (?: \d{2} \s \d{3} \s \d{3} \s \d{3} | \d{11} ) \b" +_ABN_REGEX = re.compile(_ABN_PATTERN, flags=re.X) + + +def australian_business_number(doc: str) -> Iterable[str]: + """ + Australian Business Number (detect and validate) + """ + for candidate in _ABN_REGEX.findall(doc): + if abn.is_valid(candidate): + yield candidate + + +PII_TASKS = [(PiiEnum.GOV_ID, australian_business_number)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/au/tfn.py b/data_tooling/pii-manager/src/pii_manager/lang/en/au/tfn.py new file mode 100644 index 0000000..3f2384d --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/en/au/tfn.py @@ -0,0 +1,27 @@ +""" +Detection and validation of Australian Tax File Number (TFN). + +""" +import re + +from stdnum.au import tfn + +from typing import Iterable + +from pii_manager import PiiEnum + + +_TFN_PATTERN = r"\b (?: \d{3} \s \d{3} \s \d{3} | \d{8,9} ) \b" +_TFN_REGEX = re.compile(_TFN_PATTERN, flags=re.X) + + +def tax_file_number(doc: str) -> Iterable[str]: + """ + Australian Tax File Number (detect and validate) + """ + for candidate in _TFN_REGEX.findall(doc): + if tfn.is_valid(candidate): + yield candidate + + +PII_TASKS = [(PiiEnum.GOV_ID, tax_file_number)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/ca/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/en/ca/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/ca/social_insurance_number.py b/data_tooling/pii-manager/src/pii_manager/lang/en/ca/social_insurance_number.py new file mode 100644 index 0000000..fa3be47 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/en/ca/social_insurance_number.py @@ -0,0 +1,28 @@ +""" +Detection and validation of Canadian Social Insurance Number + +Since it contains a check digit, it can be validated. +""" + +import re + +from stdnum.ca import sin + +from typing import Iterable + +from pii_manager import PiiEnum + + +_SIN_REGEX = re.compile(r"\d{3}[-\ ]\d{3}[-\ ]\d{3}", flags=re.X) + + +def social_insurance_number(doc: str) -> Iterable[str]: + """ + Canadian Social Insurance Number (detect and validate) + """ + for candidate in _SIN_REGEX.findall(doc): + if sin.is_valid(candidate): + yield candidate + + +PII_TASKS = [(PiiEnum.GOV_ID, social_insurance_number)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/in_/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/en/in_/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/in_/aadhaar.py b/data_tooling/pii-manager/src/pii_manager/lang/en/in_/aadhaar.py new file mode 100644 index 0000000..d056966 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/en/in_/aadhaar.py @@ -0,0 +1,28 @@ +""" +Detection and validation of Indian Aadhaar identity number + +Since it contains a check digit, it can be validated. +""" + +import re + +from stdnum.in_ import aadhaar + +from typing import Iterable + +from pii_manager import PiiEnum + + +_AADHAAR_REGEX = re.compile(r"[2-9]\d{3}\ ?\d{4}\ ?\d{4}", flags=re.X) + + +def aadhaar_number(doc: str) -> Iterable[str]: + """ + Aadhaar identity number from India (detect and validate) + """ + for candidate in _AADHAAR_REGEX.findall(doc): + if aadhaar.is_valid(candidate): + yield candidate + + +PII_TASKS = [(PiiEnum.GOV_ID, aadhaar_number)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/us/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/en/us/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/en/us/social_security_number.py b/data_tooling/pii-manager/src/pii_manager/lang/en/us/social_security_number.py new file mode 100644 index 0000000..92b3dd3 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/en/us/social_security_number.py @@ -0,0 +1,16 @@ +""" +Detection of U.S. Social Security Number. + +We just match on the number, it cannot be +validated using only the number since it does not carry a checksum +""" + +from pii_manager import PiiEnum + + +_SSN_PATTERN = r"(?!000|666|333)0*(?:[0-6][0-9][0-9]|[0-7][0-6][0-9]|[0-7][0-7][0-2])[-\ ](?!00)[0-9]{2}[-\ ](?!0000)[0-9]{4}" + + +PII_TASKS = [ + (PiiEnum.GOV_ID, _SSN_PATTERN, "U.S. Social Security Number (detect only)") +] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/es/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/any/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/es/any/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/any/international_phone_number.py b/data_tooling/pii-manager/src/pii_manager/lang/es/any/international_phone_number.py new file mode 100644 index 0000000..f82aa44 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/es/any/international_phone_number.py @@ -0,0 +1,26 @@ +""" +Detection of phone numbers written with international notation (i.e. with +prefix and country code), for ES +""" + + +from pii_manager import PiiEnum + +# The pattern for the regex is the same as for English +from ...en.any.international_phone_number import PATTERN_INT_PHONE + + +PII_TASKS = [ + { + "pii": PiiEnum.PHONE_NUMBER, + "type": "regex", + "task": PATTERN_INT_PHONE, + "name": "international phone number", + "doc": "detect phone numbers that use international notation. Uses language context", + "context": { + "value": ["tf", "teléfono", "telefono"], + "width": [16, 0], + "type": "word", + }, + } +] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/es/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/es/es/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/es/bank_account.py b/data_tooling/pii-manager/src/pii_manager/lang/es/es/bank_account.py new file mode 100644 index 0000000..149511f --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/es/es/bank_account.py @@ -0,0 +1,40 @@ +""" +Spanish bank account numbers (CCC - código cuenta cliente) + +Note: **NOT** IBAN numbers, those are country (& language) independent +""" + +import re + +from typing import Iterable + +from stdnum.es import ccc + +from pii_manager import PiiEnum + +# ---------------------------------------------------------------------------- + +# regex for a Código Cuenta Cliente, with optional spaces separating the pieces +_CCC_PATTERN = r"\d{4}\s?\d{4}\s?\d{2}\s?\d{10}" + +# compiled regex +_REGEX_CCC = None + + +def spanish_bank_ccc(text: str) -> Iterable[str]: + """ + Spanish Bank Accounts (código cuenta cliente, 10-digit code, pre-IBAN), recognize & validate + """ + # Compile regex if needed + global _REGEX_CCC + if _REGEX_CCC is None: + _REGEX_CCC = re.compile(_CCC_PATTERN, flags=re.X) + # Find all CCCs + for item in _REGEX_CCC.findall(text): + if ccc.is_valid(item): + yield item + + +# --------------------------------------------------------------------- + +PII_TASKS = [(PiiEnum.BANK_ACCOUNT, spanish_bank_ccc)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/es/govid.py b/data_tooling/pii-manager/src/pii_manager/lang/es/es/govid.py new file mode 100644 index 0000000..8038acb --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/es/es/govid.py @@ -0,0 +1,60 @@ +""" +Spanish Goverment-issued IDs: + - DNI (Documento Nacional de Identidad) + - NIE (Número de Identificación de Extranjero) +""" + +import re + +from typing import Iterable + +from stdnum.es import dni, nie + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.helper import BasePiiTask + +# regex for DNI & NIE +_DNI_PATTERN = r"\d{6,8} -? [A-KJ-NP-TV-Z]" +_NIE_PATTERN = r"[X-Z] \d{7} -? [A-KJ-NP-TV-Z]" + + +class SpanishDniNie(BasePiiTask): + """ + Spanish Government-issued DNI & NIE numbers, recognize & validate + """ + + pii_name = "Spanish DNI and NIE numbers" + + def __init__(self, **kwargs): + super().__init__(**kwargs) + # Compile the regexes + self.dni = re.compile(_DNI_PATTERN, flags=re.X) + self.nie = re.compile(_NIE_PATTERN, flags=re.X) + + def find(self, doc: str) -> Iterable[PiiEntity]: + # DNI + for item in self.dni.finditer(doc): + item_value = item.group() + if dni.is_valid(item_value): + yield PiiEntity( + PiiEnum.GOV_ID, + item.start(), + item_value, + country=self.country, + name="Spanish DNI", + ) + # NIE + for item in self.nie.finditer(doc): + item_value = item.group() + if nie.is_valid(item_value): + yield PiiEntity( + PiiEnum.GOV_ID, + item.start(), + item_value, + country=self.country, + name="Spanish NIE", + ) + + +# Task descriptor +PII_TASKS = [(PiiEnum.GOV_ID, SpanishDniNie)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/mx/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/es/mx/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/es/mx/curp.py b/data_tooling/pii-manager/src/pii_manager/lang/es/mx/curp.py new file mode 100644 index 0000000..9645367 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/es/mx/curp.py @@ -0,0 +1,29 @@ +""" +Detection and validation of Clave Única de Registro de Población for Mexico + +It contains two check digits, so it can be validated. +""" + +import re + +from stdnum.mx import curp as stdnum_curp + +from typing import Iterable + +from pii_manager import PiiEnum + + +_CURP_PATTERN = r"[A-Z] [AEIOU] [A-Z]{2} \d{6} [HM] [A-Z]{5} [0-9A-Z] \d" +_CURP_REGEX = re.compile(_CURP_PATTERN, flags=re.X) + + +def curp(doc: str) -> Iterable[str]: + """ + Mexican Clave Única de Registro de Población (detect and validate) + """ + for candidate in _CURP_REGEX.findall(doc): + if stdnum_curp.is_valid(candidate): + yield candidate + + +PII_TASKS = [(PiiEnum.GOV_ID, curp)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/fr/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/fr/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/fr/ca/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/fr/ca/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/fr/ca/social_insurance_number.py b/data_tooling/pii-manager/src/pii_manager/lang/fr/ca/social_insurance_number.py new file mode 100644 index 0000000..e3c3d42 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/fr/ca/social_insurance_number.py @@ -0,0 +1,4 @@ +""" +Reuse the SIN code implemented for en +""" +from pii_manager.lang.en.ca.social_insurance_number import PII_TASKS diff --git a/data_tooling/pii-manager/src/pii_manager/lang/pt/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/pt/__init__.py new file mode 100644 index 0000000..22bfc32 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/pt/__init__.py @@ -0,0 +1,5 @@ +# Folder for language-independent tasks +LANG_ANY = "any" + +# Country-independent tasks +COUNTRY_ANY = "any" diff --git a/data_tooling/pii-manager/src/pii_manager/lang/pt/br/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/pt/br/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/pt/br/cpf.py b/data_tooling/pii-manager/src/pii_manager/lang/pt/br/cpf.py new file mode 100644 index 0000000..607de1f --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/pt/br/cpf.py @@ -0,0 +1,29 @@ +""" +Detection and validation of the identifier for Brazilian Cadastro de Pessoa +Física + +It contains two check digits, so it can be validated. +""" + +import re + +from stdnum.br import cpf + +from typing import Iterable + +from pii_manager import PiiEnum + + +_CPF_REGEX = re.compile(r"\d{3} \. \d{3} \. \d{3} - \d{2}", flags=re.X) + + +def cadastro_pessoa_fisica(doc: str) -> Iterable[str]: + """ + Brazilian número de inscrição no Cadastro de Pessoas Físicas (detect and validate) + """ + for candidate in _CPF_REGEX.findall(doc): + if cpf.is_valid(candidate): + yield candidate + + +PII_TASKS = [(PiiEnum.GOV_ID, cadastro_pessoa_fisica)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/pt/pt/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/pt/pt/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/pt/pt/govid.py b/data_tooling/pii-manager/src/pii_manager/lang/pt/pt/govid.py new file mode 100644 index 0000000..b87195d --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/pt/pt/govid.py @@ -0,0 +1,61 @@ +""" +Portuguese Goverment-issued IDs: + - NIF (Número de identificação fiscal) + - CC (Número de Cartão de Cidadão) +""" + +import re + +from typing import Iterable + +from stdnum.pt import nif, cc + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.helper import BasePiiTask + + +# regex for NIF & CC +_NIF_PATTERN = r"(?: PT \x20?)? (?: \d{3} \x20 \d{3} \x20 \d{3} | \d{9} )" +_CC_PATTERN = r"\d{8} \x20? \d \x20? [A-Z0-9]{2}\d" + + +class PortugueseNifCc(BasePiiTask): + """ + Portuguese Government-issued NIF & CC numbers, recognize & validate + """ + + pii_name = "Portuguese NIF and CC numbers" + + def __init__(self, **kwargs): + super().__init__(**kwargs) + # Compile the regexes + self.nif = re.compile(_NIF_PATTERN, flags=re.X) + self.cc = re.compile(_CC_PATTERN, flags=re.X) + + def find(self, doc: str) -> Iterable[PiiEntity]: + # NIF + for item in self.nif.finditer(doc): + item_value = item.group() + if nif.is_valid(item_value): + yield PiiEntity( + PiiEnum.GOV_ID, + item.start(), + item_value, + country=self.country, + name="Portuguese NIF", + ) + # CC + for item in self.cc.finditer(doc): + item_value = item.group() + if cc.is_valid(item_value): + yield PiiEntity( + PiiEnum.GOV_ID, + item.start(), + item_value, + country=self.country, + name="Portuguese CC", + ) + + +# Task descriptor +PII_TASKS = [(PiiEnum.GOV_ID, PortugueseNifCc)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/zh/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/zh/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/__init__.py b/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/gov_id.py b/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/gov_id.py new file mode 100644 index 0000000..eea1c27 --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/gov_id.py @@ -0,0 +1,35 @@ +""" +Detection of various government-issued IDs for China: + - Resident Identification Card number (this can be validated) + - Passport number (this cannot) +""" + +import re +from typing import Iterable + +from pii_manager import PiiEnum + +from stdnum.cn import ric + + +# Detect candidates (separately) for RIC and passport-like numbers +_GOV_ID_PATTERN = r"(? Iterable[str]: + """ + Chinese government-issued identifiers: + - RIC (Resident Identification Card number), detect and validate + - Passport number, detect only + """ + for g in _GOV_ID_REGEX.finditer(doc): + if g.group(1) and ric.is_valid(g.group(1)): + yield g.group(1) + elif g.group(2): + yield g.group(2) + + +PII_TASKS = [(PiiEnum.GOV_ID, ric_or_passport)] diff --git a/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/misc.py b/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/misc.py new file mode 100644 index 0000000..7e1710d --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/lang/zh/cn/misc.py @@ -0,0 +1,35 @@ +""" +Detection of various Chinese PII elements +""" + + +from pii_manager import PiiEnum + + +_PATTERNS = { + "STREET_ADDRESS": r"""(\p{Han}{1,4} (自治区|省))? + \p{Han}{1,4} + ((?" + + def __eq__(self, other): + return ( + self.elem == other.elem + and self.pos == other.pos + and self.value == other.value + and self.country == other.country + and self.name == other.name + ) + + def to_json(self) -> Dict: + """ + Return the object data as a dict that can then be serialised as JSON + """ + return piientity_asdict(self) + + +def piientity_asdict(pii: PiiEntity, name: bool = None, country: bool = None) -> Dict: + """ + Create a dictionary from a PiiEntity object + :param country: add country information: always (True), never (False), + only if defined (None) + """ + n = {"name": pii.name} if name or country is None and pii.name else {} + d = {"type": pii.elem.name, **n, "value": pii.value, "pos": pii.pos} + if country or country is None and pii.country: + d["country"] = pii.country + return d diff --git a/data_tooling/pii-manager/src/pii_manager/piienum.py b/data_tooling/pii-manager/src/pii_manager/piienum.py new file mode 100644 index 0000000..3a6e16f --- /dev/null +++ b/data_tooling/pii-manager/src/pii_manager/piienum.py @@ -0,0 +1,26 @@ +""" +Enumeration that contains all defined PII elements + +Order is significant, in the sense that, on an processing job, tasks coming +earlier in the enum will be tried first. Hence the more generic tasks (tasks +that might collide with more specific ones) should come last +""" + +from enum import Enum, auto + + +class PiiEnum(str, Enum): + CREDIT_CARD = auto() + BITCOIN_ADDRESS = auto() + IP_ADDRESS = auto() + EMAIL_ADDRESS = auto() + AGE = auto() + BIRTH_DATE = auto() + DEATH_DATE = auto() + NORP = auto() + DISEASE = auto() + BANK_ACCOUNT = auto() + GOV_ID = auto() + PHONE_NUMBER = auto() + LICENSE_PLATE = auto() + STREET_ADDRESS = auto() diff --git a/data_tooling/pii-manager/test/data/extract-block.ndjson b/data_tooling/pii-manager/test/data/extract-block.ndjson new file mode 100644 index 0000000..433b9df --- /dev/null +++ b/data_tooling/pii-manager/test/data/extract-block.ndjson @@ -0,0 +1,2 @@ +{"type": "CREDIT_CARD", "name": "credit card", "value": "4273 9666 4581 5642", "pos": 25} +{"type": "BITCOIN_ADDRESS", "name": "bitcoin address", "value": "1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i", "pos": 86} diff --git a/data_tooling/pii-manager/test/data/extract-line.ndjson b/data_tooling/pii-manager/test/data/extract-line.ndjson new file mode 100644 index 0000000..1d18fe4 --- /dev/null +++ b/data_tooling/pii-manager/test/data/extract-line.ndjson @@ -0,0 +1,2 @@ +{"type": "CREDIT_CARD", "name": "credit card", "value": "4273 9666 4581 5642", "pos": 25, "line": 1} +{"type": "BITCOIN_ADDRESS", "name": "bitcoin address", "value": "1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i", "pos": 10, "line": 2} diff --git a/data_tooling/pii-manager/test/data/extract-sentence.ndjson b/data_tooling/pii-manager/test/data/extract-sentence.ndjson new file mode 100644 index 0000000..2e7e122 --- /dev/null +++ b/data_tooling/pii-manager/test/data/extract-sentence.ndjson @@ -0,0 +1,2 @@ +{"type": "CREDIT_CARD", "name": "credit card", "value": "4273 9666 4581 5642", "pos": 25, "sentence": 1} +{"type": "BITCOIN_ADDRESS", "name": "bitcoin address", "value": "1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i", "pos": 86, "sentence": 1} diff --git a/data_tooling/pii-manager/test/data/full-block.ndjson b/data_tooling/pii-manager/test/data/full-block.ndjson new file mode 100644 index 0000000..084c4e3 --- /dev/null +++ b/data_tooling/pii-manager/test/data/full-block.ndjson @@ -0,0 +1 @@ +{"text": "My credit card number is 4273 9666 4581 5642 and I have used it to buy BTCs\nstored at 1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i. This one, however, is not a\ncredit card number: 4273 9666 4581 5643\n", "entities": [{"type": "CREDIT_CARD", "name": "credit card", "value": "4273 9666 4581 5642", "pos": 25}, {"type": "BITCOIN_ADDRESS", "name": "bitcoin address", "value": "1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i", "pos": 86}]} diff --git a/data_tooling/pii-manager/test/data/full-line.ndjson b/data_tooling/pii-manager/test/data/full-line.ndjson new file mode 100644 index 0000000..a5f5f2e --- /dev/null +++ b/data_tooling/pii-manager/test/data/full-line.ndjson @@ -0,0 +1 @@ +{"text": "My credit card number is 4273 9666 4581 5642 and I have used it to buy BTCs\n", "entities": [{"type": "CREDIT_CARD", "name": "credit card", "value": "4273 9666 4581 5642", "pos": 25}]}{"text": "stored at 1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i. This one, however, is not a\n", "entities": [{"type": "BITCOIN_ADDRESS", "name": "bitcoin address", "value": "1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i", "pos": 10}]}{"text": "credit card number: 4273 9666 4581 5643\n", "entities": []} diff --git a/data_tooling/pii-manager/test/data/full-sentence.ndjson b/data_tooling/pii-manager/test/data/full-sentence.ndjson new file mode 100644 index 0000000..f109a31 --- /dev/null +++ b/data_tooling/pii-manager/test/data/full-sentence.ndjson @@ -0,0 +1 @@ +{"text": "My credit card number is 4273 9666 4581 5642 and I have used it to buy BTCs\nstored at 1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i. ", "entities": [{"type": "CREDIT_CARD", "name": "credit card", "value": "4273 9666 4581 5642", "pos": 25}, {"type": "BITCOIN_ADDRESS", "name": "bitcoin address", "value": "1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i", "pos": 86}]}{"text": "This one, however, is not a\ncredit card number: 4273 9666 4581 5643\n", "entities": []} diff --git a/data_tooling/pii-manager/test/data/orig.txt b/data_tooling/pii-manager/test/data/orig.txt new file mode 100644 index 0000000..af5c330 --- /dev/null +++ b/data_tooling/pii-manager/test/data/orig.txt @@ -0,0 +1,3 @@ +My credit card number is 4273 9666 4581 5642 and I have used it to buy BTCs +stored at 1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW62i. This one, however, is not a +credit card number: 4273 9666 4581 5643 diff --git a/data_tooling/pii-manager/test/data/replace.txt b/data_tooling/pii-manager/test/data/replace.txt new file mode 100644 index 0000000..69a9468 --- /dev/null +++ b/data_tooling/pii-manager/test/data/replace.txt @@ -0,0 +1,3 @@ +My credit card number is and I have used it to buy BTCs +stored at . This one, however, is not a +credit card number: 4273 9666 4581 5643 diff --git a/data_tooling/pii-manager/test/data/tag.txt b/data_tooling/pii-manager/test/data/tag.txt new file mode 100644 index 0000000..da52224 --- /dev/null +++ b/data_tooling/pii-manager/test/data/tag.txt @@ -0,0 +1,3 @@ +My credit card number is and I have used it to buy BTCs +stored at . This one, however, is not a +credit card number: 4273 9666 4581 5643 diff --git a/data_tooling/pii-manager/test/data/taskfile-error.json b/data_tooling/pii-manager/test/data/taskfile-error.json new file mode 100644 index 0000000..52e167a --- /dev/null +++ b/data_tooling/pii-manager/test/data/taskfile-error.json @@ -0,0 +1,17 @@ +[ + { + "pii": "IP_ADDRESS", + "type": "regex", + "task": "\\b (?: (?: 25[0-5] | 2[0-4][0-9] | [01]?[0-9][0-9]? ) \\. ){3} (?: 25[0-5] | 2[0-4][0-9] | [01]?[0-9][0-9]?) \\b" + }, + { + "pii": "NOT_A_VALID_PII_TASK_CLASS", + "type": "call", + "task": "pii_manager.lang.any.bitcoin_address.bitcoin_address" + }, + { + "pii": "CREDIT_CARD", + "type": "PiiClass", + "task": "pii_manager.lang.any.credit_card.CreditCard" + } +] diff --git a/data_tooling/pii-manager/test/data/taskfile.json b/data_tooling/pii-manager/test/data/taskfile.json new file mode 100644 index 0000000..53f7231 --- /dev/null +++ b/data_tooling/pii-manager/test/data/taskfile.json @@ -0,0 +1,23 @@ +[ + { + "pii": "IP_ADDRESS", + "lang": "any", + "type": "regex", + "task": "\\b (?: (?: 25[0-5] | 2[0-4][0-9] | [01]?[0-9][0-9]? ) \\. ){3} (?: 25[0-5] | 2[0-4][0-9] | [01]?[0-9][0-9]?) \\b", + "doc": "ip address detection via regex" + }, + { + "pii": "BITCOIN_ADDRESS", + "lang": "any", + "type": "callable", + "task": "pii_manager.lang.any.bitcoin_address.bitcoin_address", + "doc": "bitcoin address detection" + }, + { + "pii": "CREDIT_CARD", + "lang": "en", + "type": "PiiTask", + "task": "pii_manager.lang.any.credit_card.CreditCard", + "doc": "credit card number detection" + } +] diff --git a/data_tooling/pii-manager/test/unit/api/test_file.py b/data_tooling/pii-manager/test/unit/api/test_file.py new file mode 100644 index 0000000..6d5932c --- /dev/null +++ b/data_tooling/pii-manager/test/unit/api/test_file.py @@ -0,0 +1,72 @@ +from pathlib import Path +import tempfile + +import pytest + +from pii_manager import PiiEnum +from pii_manager.api import process_file + + +def datafile(name: str) -> str: + return Path(__file__).parents[2] / "data" / name + + +def readfile(name: str) -> str: + with open(name, "rt", encoding="utf-8") as f: + return f.read().strip() + + +@pytest.mark.parametrize("mode", ["replace", "tag", "extract", "full"]) +def test10_line(mode): + """ + Test splitting the file by lines + """ + with tempfile.NamedTemporaryFile() as f: + tasks = [PiiEnum.CREDIT_CARD, PiiEnum.BITCOIN_ADDRESS] + stats = process_file(datafile("orig.txt"), f.name, "en", tasks=tasks, mode=mode) + exp = {"calls": 3, "CREDIT_CARD": 1, "BITCOIN_ADDRESS": 1} + assert stats == exp + + name = mode + (".txt" if mode in ("replace", "tag") else "-line.ndjson") + exp = readfile(datafile(name)) + got = readfile(f.name) + # print(got) + assert got == exp + + +@pytest.mark.parametrize("mode", ["replace", "tag", "extract", "full"]) +def test20_block(mode): + """ + Test whole files + """ + with tempfile.NamedTemporaryFile() as f: + tasks = [PiiEnum.CREDIT_CARD, PiiEnum.BITCOIN_ADDRESS] + stats = process_file( + datafile("orig.txt"), f.name, "en", tasks=tasks, mode=mode, split="block" + ) + exp = {"calls": 1, "CREDIT_CARD": 1, "BITCOIN_ADDRESS": 1} + assert stats == exp + + name = mode + (".txt" if mode in ("replace", "tag") else "-block.ndjson") + exp = readfile(datafile(name)) + got = readfile(f.name) + assert got == exp + + +@pytest.mark.parametrize("mode", ["replace", "tag", "extract", "full"]) +def test30_sentence(mode): + """ + Test splitting the file by sentences + """ + with tempfile.NamedTemporaryFile() as f: + tasks = [PiiEnum.CREDIT_CARD, PiiEnum.BITCOIN_ADDRESS] + stats = process_file( + datafile("orig.txt"), f.name, "en", tasks=tasks, mode=mode, split="sentence" + ) + exp = {"calls": 2, "CREDIT_CARD": 1, "BITCOIN_ADDRESS": 1} + assert stats == exp + + name = mode + (".txt" if mode in ("replace", "tag") else "-sentence.ndjson") + exp = readfile(datafile(name)) + got = readfile(f.name) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/api/test_file_taskfile.py b/data_tooling/pii-manager/test/unit/api/test_file_taskfile.py new file mode 100644 index 0000000..722dfa8 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/api/test_file_taskfile.py @@ -0,0 +1,86 @@ +from pathlib import Path +import tempfile + +import pytest + +from pii_manager import PiiEnum +from pii_manager.api import process_file, PiiManager +from pii_manager.api.file import read_taskfile, add_taskfile +from pii_manager.helper.exception import InvArgException + + +def datafile(name: str) -> str: + return Path(__file__).parents[2] / "data" / name + + +def readfile(name: str) -> str: + with open(name, "rt", encoding="utf-8") as f: + return f.read().strip() + + +def test10_taskfile(): + """ + Read a taskfile + """ + taskfile = datafile("taskfile.json") + tasklist = read_taskfile(taskfile) + assert len(tasklist) == 3 + assert tasklist[0]["pii"] == PiiEnum.IP_ADDRESS + assert tasklist[1]["pii"] == PiiEnum.BITCOIN_ADDRESS + assert tasklist[2]["pii"] == PiiEnum.CREDIT_CARD + + +def test11_taskfile_error(): + """ + Read a taskfile with an error + """ + taskfile = datafile("taskfile-error.json") + with pytest.raises(InvArgException): + read_taskfile(taskfile) + + +def test12_taskfile(): + """ + Read a taskfile + """ + taskfile = datafile("taskfile.json") + proc = PiiManager("en") + add_taskfile(taskfile, proc) + got = proc.task_info() + exp = { + (PiiEnum.CREDIT_CARD, None): [("credit card", "credit card number detection")], + (PiiEnum.BITCOIN_ADDRESS, None): [ + ("bitcoin address", "bitcoin address detection") + ], + (PiiEnum.IP_ADDRESS, None): [ + ("regex for ip_address", "ip address detection via regex") + ], + } + assert exp == got + + +def test13_taskfile_err(): + """ + Read a taskfile, try to add to an object with a language mismatch + """ + taskfile = datafile("taskfile.json") + proc = PiiManager("fr") + with pytest.raises(InvArgException): + add_taskfile(taskfile, proc) + + +def test20_taskfile(): + """ + Read a taskfile, process data + """ + with tempfile.NamedTemporaryFile() as f: + stats = process_file( + datafile("orig.txt"), f.name, "en", taskfile=datafile("taskfile.json") + ) + exp = {"calls": 3, "CREDIT_CARD": 1, "BITCOIN_ADDRESS": 1} + assert stats == exp + + exp = readfile(datafile("replace.txt")) + got = readfile(f.name) + # print(got) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/api/test_manager.py b/data_tooling/pii-manager/test/unit/api/test_manager.py new file mode 100644 index 0000000..5f74dbf --- /dev/null +++ b/data_tooling/pii-manager/test/unit/api/test_manager.py @@ -0,0 +1,37 @@ +from io import StringIO + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + + +TEST = ( + "El número de la tarjeta de crédito es 4273 9666 4581 5642", + "El número de la tarjeta de crédito es ", +) + + +def test10_constructor(): + obj = PiiManager("es", None, PiiEnum.CREDIT_CARD) + assert obj.tasks[0].pii == PiiEnum.CREDIT_CARD + assert str(obj) == "" + + +def test20_info(): + obj = PiiManager("es", None, PiiEnum.CREDIT_CARD) + info = obj.task_info() + + exp = { + (PiiEnum.CREDIT_CARD, None,): [ + ( + "credit card", + "Credit card numbers for most international credit cards (detect & validate)", + ) + ] + } + assert info == exp + + +def test20_call(): + obj = PiiManager("es", None, PiiEnum.CREDIT_CARD) + anon = obj(TEST[0]) + assert anon == TEST[1] diff --git a/data_tooling/pii-manager/test/unit/api/test_manager_add.py b/data_tooling/pii-manager/test/unit/api/test_manager_add.py new file mode 100644 index 0000000..a61e5ee --- /dev/null +++ b/data_tooling/pii-manager/test/unit/api/test_manager_add.py @@ -0,0 +1,91 @@ +""" +Test adding an external Pii task +""" + +import re + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.api import PiiManager +from pii_manager.lang import COUNTRY_ANY +from pii_manager.helper.base import BasePiiTask + + +# --------------------------------------------------------------------- + +DUMMY_REGEX = { + "pii": PiiEnum.DISEASE, + "type": "regex", + "task": r"""\b(cancer|leuka?emia|aids)\b""", + "lang": "en", + "country": COUNTRY_ANY, + "name": "disease names", + "doc": "a toy example to match some disease names", +} + + +TEST_REGEX = [ + ( + "Alvin had cancer detected and his email is alvin@anywhere.com", + "Alvin had detected and his email is ", + ) +] + + +def test100_info(): + obj = PiiManager("en", None, PiiEnum.EMAIL_ADDRESS) + obj.add_tasks([DUMMY_REGEX]) + exp = { + (PiiEnum.EMAIL_ADDRESS, None): [("regex for email_address", "Email address")], + (PiiEnum.DISEASE, None): [ + ("disease names", "a toy example to match some disease names") + ], + } + assert obj.task_info() == exp + + +def test110_call(): + obj = PiiManager("en", None, PiiEnum.EMAIL_ADDRESS) + obj.add_tasks([DUMMY_REGEX]) + + for (doc, exp) in TEST_REGEX: + got = obj(doc) + assert got == exp + + +# --------------------------------------------------------------------- + + +class DummyPii(BasePiiTask): + def find(self, doc): + for r in re.finditer(r"\d{4}-\w", doc): + yield PiiEntity( + PiiEnum.GOV_ID, + r.start(), + r.group(), + country=self.country, + name=self.name, + ) + + +DUMMY_CLASS = { + "pii": PiiEnum.GOV_ID, + "type": "PiiTask", + "task": "unit.api.test_manager_add.DummyPii", + "lang": "en", + "country": "vo", + "doc": "a toy example to match some disease names", +} + + +TEST_CLASS = [ + ("Jeltz has vogonian ID number 1234-J", "Jeltz has vogonian ID number ") +] + + +def test200_call(): + obj = PiiManager("en") + obj.add_tasks([DUMMY_CLASS]) + + for (doc, exp) in TEST_CLASS: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/api/test_manager_ctx.py b/data_tooling/pii-manager/test/unit/api/test_manager_ctx.py new file mode 100644 index 0000000..f74701f --- /dev/null +++ b/data_tooling/pii-manager/test/unit/api/test_manager_ctx.py @@ -0,0 +1,69 @@ +""" +Test base objects with context +""" + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.api import PiiManager + + +def _pii(pos): + return PiiEntity(PiiEnum.GOV_ID, pos, "3451-K", country="vo", name="vogonian ID") + + +TEST = [ + ("my Vogon ID is 3451-K", [_pii(15)]), + ("the number 3451-K is my Vogonian ID", [_pii(11)]), + ("the Vogon ID are 3451-K", []), # context outside window + ("my Betelgeuse ID is 3451-K", []), # context does not match +] + + +# ------------------------------------------------------------------------ + +DUMMY_REGEX = { + "pii": PiiEnum.GOV_ID, + "type": "regex", + "task": r"""\b\d{4}-\w\b""", + "lang": "en", + "name": "vogonian ID", + "country": "vo", + "doc": "a toy example to match a government id", + "context": {"value": ["Vogon ID", "vogonian id"], "width": [12, 20]}, +} + + +def test10_context_regex(): + """ + Check a PII task with contexts, regex variant + """ + obj = PiiManager("en", mode="extract") + obj.add_tasks([DUMMY_REGEX]) + for (text, exp) in TEST: + got = obj(text) + assert list(got) == exp + + +# ------------------------------------------------------------------------ + + +DUMMY_CLASS = { + "pii": PiiEnum.GOV_ID, + "type": "PiiTask", + "task": "unit.api.test_manager_add.DummyPii", + "lang": "en", + "country": "vo", + "name": "vogonian ID", + "doc": "a toy example to match a government id", + "context": {"value": ["Vogon ID", "vogonian id"], "width": [12, 20]}, +} + + +def test20_context_class(): + """ + Check a PII task with contexts, class variant + """ + obj = PiiManager("en", mode="extract") + obj.add_tasks([DUMMY_CLASS]) + for (text, exp) in TEST: + got = obj(text) + assert list(got) == exp diff --git a/data_tooling/pii-manager/test/unit/helper/test_base.py b/data_tooling/pii-manager/test/unit/helper/test_base.py new file mode 100644 index 0000000..34fdc70 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/helper/test_base.py @@ -0,0 +1,55 @@ +import pytest + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.helper.base import BasePiiTask +from pii_manager.helper.exception import PiiUnimplemented, InvArgException + +import pii_manager.helper.base as mod + + +def test10_base(): + """ + Create base object + """ + task_spec = {"pii": PiiEnum.BITCOIN_ADDRESS, "lang": "es", "name": "example"} + task = mod.BasePiiTask(**task_spec) + assert task.pii == PiiEnum.BITCOIN_ADDRESS + assert task.lang == "es" + assert task.name == "example" + + with pytest.raises(PiiUnimplemented): + task("blah") + + +def test20_regex(): + """ + Test regex object + """ + task_spec = {"pii": PiiEnum.CREDIT_CARD, "lang": "es", "name": "example"} + task = mod.RegexPiiTask(r"\d{4}", **task_spec) + + got = list(task("number 1234 and number 3451")) + exp = [ + PiiEntity(PiiEnum.CREDIT_CARD, 7, "1234", name="example"), + PiiEntity(PiiEnum.CREDIT_CARD, 23, "3451", name="example"), + ] + assert exp == got + + +def test30_callable(): + """ + Test callable object + """ + + def example(i: str): + return ["1234", "3451"] + + task_spec = {"pii": PiiEnum.CREDIT_CARD, "lang": "es", "name": "example"} + task = mod.CallablePiiTask(example, **task_spec) + + got = list(task("number 1234 and number 3451")) + exp = [ + PiiEntity(PiiEnum.CREDIT_CARD, 7, "1234", name="example"), + PiiEntity(PiiEnum.CREDIT_CARD, 23, "3451", name="example"), + ] + assert exp == got diff --git a/data_tooling/pii-manager/test/unit/helper/test_context.py b/data_tooling/pii-manager/test/unit/helper/test_context.py new file mode 100644 index 0000000..6a15886 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/helper/test_context.py @@ -0,0 +1,97 @@ +""" +Test the context checking function +""" +import pytest + +import pii_manager.helper.context as mod +from pii_manager.helper.exception import InvArgException + +TEST_TRUE = [ + ("a special number is 34512", ["special number"]), + ("a special number is 34512", "special number"), + ("a special number is 34512", {"value": "special number"}), + ("a special number is 34512", {"value": "special number", "width": 20}), + ("a special number is 34512", {"value": "special number", "width": [20, 20]}), + ( + "a special number is 34512", + {"value": "special number", "width": [20, 20], "type": "string"}, + ), + ( + "special numbering is 34512", + {"value": "special number", "width": 20, "type": "string"}, + ), + ( + "a special number is 34512", + {"value": "special number", "width": [20, 20], "type": "word"}, + ), + ( + "a special number is 34512", + {"value": r"special\snumber", "width": [20, 20], "type": "regex"}, + ), + ( + "a special number is 34512", + {"value": r"(?:special|standard)\snumber", "width": [20, 20], "type": "regex"}, + ), + ( + "special numbering is 34512", + {"value": r"\bspecial\snumber(?:ing)?\b", "width": 30, "type": "regex"}, + ), +] + + +TEST_FALSE = [ + # non-matching string + ("a special tiny number is 34512", ["special number"]), + # too small context width + ("a special number is 34512", {"value": "special number", "width": 8}), + # not full words + ( + "special numbering 34512", + {"value": "special number", "width": 20, "type": "word"}, + ), + # not a valid extended regex (it has whitespace) + ( + "special numbering 34512", + {"value": "special number", "width": 20, "type": "regex"}, + ), + # marked as a string, while it should be regex + ( + "special numbering is 34512", + {"value": r"\bspecial\snumber(?:ing)?\b", "width": 30, "type": "string"}, + ), +] + + +TEST_ERROR = [ + None, + "", + ["special number", ""], + {"value": "special number", "width": 20, "type": "not-a-type"}, +] + + +def test10_context_true(): + """ + Check valid contexts + """ + for (text, context) in TEST_TRUE: + spec = mod.context_spec(context) + assert mod.context_check(text, spec, 20) is True + + +def test20_context_false(): + """ + Check invalid contexts + """ + for (text, context) in TEST_FALSE: + spec = mod.context_spec(context) + assert mod.context_check(text, spec, 20) is False + + +def test20_context_error(): + """ + Check invalid context spec + """ + for context in TEST_ERROR: + with pytest.raises(InvArgException): + mod.context_spec(context) diff --git a/data_tooling/pii-manager/test/unit/helper/test_norm.py b/data_tooling/pii-manager/test/unit/helper/test_norm.py new file mode 100644 index 0000000..0a1b73b --- /dev/null +++ b/data_tooling/pii-manager/test/unit/helper/test_norm.py @@ -0,0 +1,12 @@ +import pii_manager.helper.normalizer as mod + + +TEST = [("the Social Security\nNumber is 34512", "the social security number is 34512")] + + +def test10_normalizer(): + """ + Create base object + """ + for (text, exp) in TEST: + assert mod.normalize(text, "en", whitespace=True, lowercase=True) == exp diff --git a/data_tooling/pii-manager/test/unit/helper/test_taskdict.py b/data_tooling/pii-manager/test/unit/helper/test_taskdict.py new file mode 100644 index 0000000..eb61d92 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/helper/test_taskdict.py @@ -0,0 +1,265 @@ +import pytest + +from pii_manager import PiiEnum +from pii_manager.lang import LANG_ANY +from pii_manager.helper.base import BasePiiTask +import pii_manager.helper.taskdict as mod + + +def test10_lang(): + """ + Check the presence of a minimum set of languages in the dict + """ + taskdict = mod.get_taskdict() + for lang in (LANG_ANY, "en", "es", "fr", "zh"): + assert lang in taskdict + + +def test20_lang_any(): + """ + Test taskdict contents + """ + taskdict = mod.get_taskdict() + assert len(taskdict) >= 2 + + # Find one element that should be there + tasklist = taskdict[LANG_ANY][PiiEnum.CREDIT_CARD.name] + + # Check its contents + assert isinstance(tasklist, list) + assert isinstance(tasklist[0], dict) + + elem = tasklist[0] + assert len(elem) == 7 + assert sorted(elem.keys()) == [ + "country", + "doc", + "lang", + "name", + "pii", + "task", + "type", + ] + + assert elem["country"] is None + assert elem["lang"] == "any" + assert elem["pii"] == PiiEnum.CREDIT_CARD + assert issubclass(elem["task"], BasePiiTask) + assert elem["type"] == "PiiTask" + assert elem["name"] == "credit card" + assert ( + elem["doc"] + == "Credit card numbers for most international credit cards (detect & validate)" + ) + + +_TASK = [ + (PiiEnum.CREDIT_CARD, r"\d16", "a toy Credit Card example"), + { + "pii": PiiEnum.CREDIT_CARD, + "type": "regex", + "task": r"\d16", + "doc": "a toy Credit Card example", + }, +] + + +@pytest.mark.parametrize("task", _TASK) +def test31_task(task): + """ + Check the function parsing a PII_TASKS list, single entry + """ + subdict = mod.build_subdict([task], lang="en") + + assert len(subdict) == 1 + assert isinstance(subdict, dict) + + assert PiiEnum.CREDIT_CARD.name in subdict + tasklist = subdict[PiiEnum.CREDIT_CARD.name] + assert isinstance(tasklist, list) + assert len(tasklist) == 1 + + assert tasklist[0] == { + "pii": PiiEnum.CREDIT_CARD, + "lang": "en", + "country": None, + "type": "regex", + "task": r"\d16", + "name": "regex for credit_card", + "doc": "a toy Credit Card example", + } + + +def test32_task_multiple_same(): + """ + Check the function parsing a PII_TASKS list, multiple entries, same task + """ + subdict = mod.build_subdict(_TASK, lang="es") + + assert len(subdict) == 1 + assert isinstance(subdict, dict) + + assert PiiEnum.CREDIT_CARD.name in subdict + tasklist = subdict[PiiEnum.CREDIT_CARD.name] + assert isinstance(tasklist, list) + assert len(tasklist) == 2 + + exp = { + "pii": PiiEnum.CREDIT_CARD, + "lang": "es", + "country": None, + "type": "regex", + "task": r"\d16", + "name": "regex for credit_card", + "doc": "a toy Credit Card example", + } + assert tasklist[0] == exp + assert tasklist[1] == exp + + +def test33_task_multiple_different(): + """ + Check the function parsing a PII_TASKS list, multiple different entries + """ + + def toy_example(x): + """another toy example""" + return x + + PII_TASKS = [ + (PiiEnum.CREDIT_CARD, r"\d16", "a toy Credit Card example"), + (PiiEnum.BITCOIN_ADDRESS, toy_example), + ] + subdict = mod.build_subdict(PII_TASKS, "zh") + + assert isinstance(subdict, dict) + assert len(subdict) == 2 + + exp1 = { + "pii": PiiEnum.CREDIT_CARD, + "lang": "zh", + "country": None, + "type": "regex", + "task": r"\d16", + "name": "regex for credit_card", + "doc": "a toy Credit Card example", + } + assert subdict[PiiEnum.CREDIT_CARD.name] == [exp1] + + exp2 = { + "pii": PiiEnum.BITCOIN_ADDRESS, + "lang": "zh", + "country": None, + "type": "callable", + "task": toy_example, + "name": "toy example", + "doc": "another toy example", + } + + assert subdict[PiiEnum.BITCOIN_ADDRESS.name] == [exp2] + + +def test34_subdict_lang_country(): + """ + Check the function parsing a PII_TASKS list, w/ language & country + """ + + def callable_example(x): + return x + + PII_TASKS = [ + (PiiEnum.CREDIT_CARD, r"\d16", "a toy Credit Card example"), + (PiiEnum.BITCOIN_ADDRESS, callable_example), + ] + subdict = mod.build_subdict(PII_TASKS, "en", "in") + + assert len(subdict) == 2 + + exp1 = { + "pii": PiiEnum.CREDIT_CARD, + "lang": "en", + "country": "in", + "type": "regex", + "task": r"\d16", + "name": "regex for credit_card", + "doc": "a toy Credit Card example", + } + assert subdict[PiiEnum.CREDIT_CARD.name] == [exp1] + + exp2 = { + "pii": PiiEnum.BITCOIN_ADDRESS, + "lang": "en", + "country": "in", + "type": "callable", + "task": callable_example, + "name": "callable example", + } + + assert subdict[PiiEnum.BITCOIN_ADDRESS.name] == [exp2] + + +def test40_subdict_simplified_err(): + """ + Check the function parsing a PII_TASKS list of simplified tasks with errors + """ + # Not a tuple + PII_TASKS = [r"\d16"] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # A tuple plus not a tuple + PII_TASKS = [(PiiEnum.CREDIT_CARD, r"\d{16}", "a toy Credit Card example"), r"\d16"] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "zh") + + # A tuple without a valid PiiEnum + PII_TASKS = [("not a PiiEnum", r"\d{16}", "a toy Credit Card example")] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "es") + + +def test41_subdict_full_err(): + """ + Check the function parsing a PII_TASKS list of full tasks with errors + """ + # Empty dict + PII_TASKS = [{}] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # invalid pii field + PII_TASKS = [{"pii": "not a valid PiiEnum", "type": "regex", "task": r"\d{16}"}] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # invalid type field + PII_TASKS = [ + {"pii": PiiEnum.CREDIT_CARD, "type": "not a valid type", "task": r"\d{16}"} + ] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # No task + PII_TASKS = [{"pii": PiiEnum.CREDIT_CARD, "type": "regex"}] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # Invalid task descriptor for a regex + PII_TASKS = [{"pii": PiiEnum.CREDIT_CARD, "type": "regex", "task": lambda x: x}] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # Invalid task descriptor for a callable + PII_TASKS = [{"pii": PiiEnum.CREDIT_CARD, "type": "callable", "task": r"\d{16}"}] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # Invalid task descriptor for a class + PII_TASKS = [{"pii": PiiEnum.CREDIT_CARD, "type": "PiiTask", "task": lambda x: x}] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, "fr") + + # No language + PII_TASKS = [{"pii": PiiEnum.CREDIT_CARD, "type": "regex", "task": r"\d{16}"}] + with pytest.raises(mod.InvPiiTask): + mod.build_subdict(PII_TASKS, lang=None) diff --git a/data_tooling/pii-manager/test/unit/lang/any/test_bitcoin_address.py b/data_tooling/pii-manager/test/unit/lang/any/test_bitcoin_address.py new file mode 100644 index 0000000..1f5da9f --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/any/test_bitcoin_address.py @@ -0,0 +1,32 @@ +""" +Test bitcoin addresses +""" + + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + + +TEST = [ + # A valid bitcoin address + ( + "BTC address: 1JayVxfVgdaFKirkZTZVK4CdRnFDdFNENN", + "BTC address: ", + ), + ( + "BTC address: bc1qwxxvjxlakxe9rmxcphh4yy8a2t6z00k4gc4mpj", + "BTC address: ", + ), + # An invalid bitcoin address + ( + "BTC address: 1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW623", + "BTC address: 1AGNa15ZQXAZUgFiqJ2i7Z2DPU2J6hW623", + ), +] + + +def test10_credit_card(): + obj = PiiManager("en", None, PiiEnum.BITCOIN_ADDRESS) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/any/test_credit_card.py b/data_tooling/pii-manager/test/unit/lang/any/test_credit_card.py new file mode 100644 index 0000000..35a6846 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/any/test_credit_card.py @@ -0,0 +1,51 @@ +""" +Test credit card numbers +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + + +TEST = [ + # A valid credit card number + ( + "El número de la tarjeta de crédito es 4273 9666 4581 5642", + "El número de la tarjeta de crédito es ", + ), + # Without spaces + ("La tarjeta es 4273966645815642", "La tarjeta es "), + # With text afterwards + ( + "El número de la tarjeta es 4273 9666 4581 5642 probablemente", + "El número de la tarjeta es probablemente", + ), + # With dashes + ( + "mi tarjeta es 4273-9666-4581-5642 con caducidad 07/22", + "mi tarjeta es con caducidad 07/22", + ), + # Too short + ( + "El número de la tarjeta de crédito es 4273 9666 4581", + "El número de la tarjeta de crédito es 4273 9666 4581", + ), + # Not a valid credit card number + ( + "El número de la tarjeta de crédito es 4273 9666 4581 5641", + "El número de la tarjeta de crédito es 4273 9666 4581 5641", + ), +] + + +def test10_credit_card(): + obj = PiiManager("es", None, PiiEnum.CREDIT_CARD) + for doc, exp in TEST: + got = obj(doc) + assert exp == got + + +def test20_credit_card_stats(): + obj = PiiManager("es", None, PiiEnum.CREDIT_CARD) + for doc, exp in TEST: + obj(doc) + assert obj.stats == {"calls": 6, "CREDIT_CARD": 4} diff --git a/data_tooling/pii-manager/test/unit/lang/any/test_email.py b/data_tooling/pii-manager/test/unit/lang/any/test_email.py new file mode 100644 index 0000000..835eb81 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/any/test_email.py @@ -0,0 +1,27 @@ +""" +Test email addersses +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + + +TEST = [ + # A valid email address + ( + "My email is anyone@whatever.com.", + "My email is .", + ), + # An invalid email address + ( + "My email is anyone@whatever.", + "My email is anyone@whatever.", + ), +] + + +def test10_credit_card(): + obj = PiiManager("es", None, PiiEnum.EMAIL_ADDRESS) + for doc, exp in TEST: + got = obj(doc) + assert exp == got diff --git a/data_tooling/pii-manager/test/unit/lang/any/test_ip_address.py b/data_tooling/pii-manager/test/unit/lang/any/test_ip_address.py new file mode 100644 index 0000000..cd040cf --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/any/test_ip_address.py @@ -0,0 +1,26 @@ +""" +Test IP addresses +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + + +TEST = [ + # A valid IP address + ( + "My IP address is 10.45.122.65", + "My IP address is ", + ), + # An invalid IP address + ("My IP address is 310.45.122.65", "My IP address is 310.45.122.65"), + # An IP address without context + ("My address is 10.45.122.65", "My address is 10.45.122.65"), +] + + +def test10_ip_address(): + obj = PiiManager("en", None, PiiEnum.IP_ADDRESS) + for doc, exp in TEST: + got = obj(doc) + assert exp == got diff --git a/data_tooling/pii-manager/test/unit/lang/en/any/test_ipn_en.py b/data_tooling/pii-manager/test/unit/lang/en/any/test_ipn_en.py new file mode 100644 index 0000000..4701929 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/en/any/test_ipn_en.py @@ -0,0 +1,26 @@ +""" +Test international phone numbers +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager +from pii_manager.lang import LANG_ANY + +TEST = [ + # Standard phone number + ("phone number: +34 983 453 999", "phone number: "), + ("phone number: +34983453999", "phone number: "), + ("ph. +34983453999", "ph. "), + # An invalid country code + ("phone number: +99 983 453 999", "phone number: +99 983 453 999"), + # No valid contexts + ("number: +34983453999", "number: +34983453999"), + ("phonograph +34983453999", "phonograph +34983453999"), +] + + +def test10_ssn(): + obj = PiiManager("en", LANG_ANY, PiiEnum.PHONE_NUMBER) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/en/au/test_abn.py b/data_tooling/pii-manager/test/unit/lang/en/au/test_abn.py new file mode 100644 index 0000000..7ee2dfd --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/en/au/test_abn.py @@ -0,0 +1,22 @@ +""" +Test Australian Business Number +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid ABN + ("business number: 83 914 571 673.", "business number: ."), + # ABN without spaces + ("business number: 83914571673.", "business number: ."), + # An invalid ABN + ("not an ABN: 83 914 571 679", "not an ABN: 83 914 571 679"), +] + + +def test10_abn(): + obj = PiiManager("en", "AU", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/en/au/test_tfn.py b/data_tooling/pii-manager/test/unit/lang/en/au/test_tfn.py new file mode 100644 index 0000000..8738597 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/en/au/test_tfn.py @@ -0,0 +1,23 @@ +""" +Test Australian Tax File Number +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid ABN + ("tax file number: 963 553 151.", "tax file number: ."), + ("the tfn is: 123 456 782", "the tfn is: "), + # TFN without spaces + ("tax file number: 963553151.", "tax file number: ."), + # An invalid TFN + ("not a TFN: 123 456 781", "not a TFN: 123 456 781"), +] + + +def test10_abn(): + obj = PiiManager("en", "AU", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/en/ca/test_sin.py b/data_tooling/pii-manager/test/unit/lang/en/ca/test_sin.py new file mode 100644 index 0000000..d93ff2c --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/en/ca/test_sin.py @@ -0,0 +1,22 @@ +""" +Test Canadian Social Insurance Number +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid SIN + ("SIN: 963-553-151", "SIN: "), + # SIN with spaces + ("SIN: 339 892 317 number", "SIN: number"), + # An invalid SIN + ("not a SIN: 123-456-781", "not a SIN: 123-456-781"), +] + + +def test10_ssn(): + obj = PiiManager("en", "CA", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/en/in_/test_aadhaar.py b/data_tooling/pii-manager/test/unit/lang/en/in_/test_aadhaar.py new file mode 100644 index 0000000..af80201 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/en/in_/test_aadhaar.py @@ -0,0 +1,25 @@ +""" +Test Indian Aadhaar Number +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid aadhaar + ("aadhaar number 234123412346", "aadhaar number "), + # aadhaar with spaces + ("aadhaar number 2341 2341 2346", "aadhaar number "), + # An invalid aadhaar + ( + "not a real aadhaar number: 2341 2341 2347", + "not a real aadhaar number: 2341 2341 2347", + ), +] + + +def test10_ssn(): + obj = PiiManager("en", "IN", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/en/us/test_ssn.py b/data_tooling/pii-manager/test/unit/lang/en/us/test_ssn.py new file mode 100644 index 0000000..589c06b --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/en/us/test_ssn.py @@ -0,0 +1,22 @@ +""" +Test US Social Security Number +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid SSN + ("SSN: 536-90-4399", "SSN: "), + # SSN with spaces + ("SSN: 536 90 4399", "SSN: "), + # An invalid SSN + ("not a SSN: 666-90-4399", "not a SSN: 666-90-4399"), +] + + +def test10_ssn(): + obj = PiiManager("en", "US", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/es/any/test_ipn_es.py b/data_tooling/pii-manager/test/unit/lang/es/any/test_ipn_es.py new file mode 100644 index 0000000..dbb0df5 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/es/any/test_ipn_es.py @@ -0,0 +1,26 @@ +""" +Test international phone numbers +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager +from pii_manager.lang import LANG_ANY + +TEST = [ + # Standard phone number + ("teléfono: +34 983 453 999", "teléfono: "), + ("tf. +34983453999", "tf. "), + ("numero de telefono +34983453999", "numero de telefono "), + # An invalid country code + ("teléfono: +99 983 453 999", "teléfono: +99 983 453 999"), + # No valid contexts + ("número: +34983453999", "número: +34983453999"), + ("tff +34983453999", "tff +34983453999"), +] + + +def test10_ssn(): + obj = PiiManager("es", LANG_ANY, PiiEnum.PHONE_NUMBER) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/es/es/test_bank_account.py b/data_tooling/pii-manager/test/unit/lang/es/es/test_bank_account.py new file mode 100644 index 0000000..7bf0d0e --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/es/es/test_bank_account.py @@ -0,0 +1,41 @@ +""" +Test Spanish Bank Accounts +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid bank account number + ( + "Código cuenta cliente: 2085 8720 60 1902070563", + "Código cuenta cliente: ", + ), + # No spaces + ( + "Código cuenta cliente: 20858720601902070563", + "Código cuenta cliente: ", + ), + # An invalid bank account number + ( + "Código cuenta cliente: 2085 8720 44 1902070563", + "Código cuenta cliente: 2085 8720 44 1902070563", + ), +] + + +def test10_bank_account(): + obj = PiiManager("es", "ES", PiiEnum.BANK_ACCOUNT) + for doc, exp in TEST: + got = obj(doc) + assert got == exp + + +def test20_bank_account_undefined(): + """ + Test under another country (hence it will NOT be defined) + """ + obj = PiiManager("es", "FR", PiiEnum.BANK_ACCOUNT) + for doc, exp in TEST: + got = obj(doc) + assert got == doc diff --git a/data_tooling/pii-manager/test/unit/lang/es/es/test_govid_es_es.py b/data_tooling/pii-manager/test/unit/lang/es/es/test_govid_es_es.py new file mode 100644 index 0000000..c9b9e78 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/es/es/test_govid_es_es.py @@ -0,0 +1,43 @@ +""" +Test Spanish DNI & NIE +""" + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.api import PiiManager + +TEST = [ + # A valid DNI + ( + "Mi DNI es 34657934-Q", + "Mi DNI es ", + [PiiEntity(PiiEnum.GOV_ID, 10, "34657934-Q", "es", "Spanish DNI")], + ), + # A DNI without dash + ( + "El DNI 34657934Q es válido", + "El DNI es válido", + [PiiEntity(PiiEnum.GOV_ID, 7, "34657934Q", "es", "Spanish DNI")], + ), + # A valid NIE + ( + "El NIE es X3465793-S", + "El NIE es ", + [PiiEntity(PiiEnum.GOV_ID, 10, "X3465793-S", "es", "Spanish NIE")], + ), + # An invalid DNI + ("Mi DNI es 34657934-H", "Mi DNI es 34657934-H", []), +] + + +def test10_dni(): + obj = PiiManager("es", "ES", PiiEnum.GOV_ID) + for doc, exp, _ in TEST: + got = obj(doc) + assert got == exp + + +def test20_dni_extract(): + obj = PiiManager("es", "ES", PiiEnum.GOV_ID, mode="extract") + for doc, _, exp in TEST: + got = list(obj(doc)) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/es/mx/test_govid_es_mx.py b/data_tooling/pii-manager/test/unit/lang/es/mx/test_govid_es_mx.py new file mode 100644 index 0000000..5d684b1 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/es/mx/test_govid_es_mx.py @@ -0,0 +1,23 @@ +""" +Test Mexican CURP +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid CURP + ("Mi número de CURP es PEPP700101HASRRD09", "Mi número de CURP es "), + # An invalid CURP + ( + "Mi número de CURP es PEPP700101HASRRD01", + "Mi número de CURP es PEPP700101HASRRD01", + ), +] + + +def test10_curp(): + obj = PiiManager("es", "MX", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/pt/br/test_govid_pt_br.py b/data_tooling/pii-manager/test/unit/lang/pt/br/test_govid_pt_br.py new file mode 100644 index 0000000..50e4ff0 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/pt/br/test_govid_pt_br.py @@ -0,0 +1,20 @@ +""" +Test Brazilian CPF +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid CPF + ("O número do CPF é 263.946.533-30", "O número do CPF é "), + # An invalid CPF + ("O número do CPF é 000.000.000-12", "O número do CPF é 000.000.000-12"), +] + + +def test10_cpf(): + obj = PiiManager("pt", "BR", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/pt/pt/test_govid_pt_pt.py b/data_tooling/pii-manager/test/unit/lang/pt/pt/test_govid_pt_pt.py new file mode 100644 index 0000000..d608afc --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/pt/pt/test_govid_pt_pt.py @@ -0,0 +1,43 @@ +""" +Test Portuguese NIF & CC +""" + +from pii_manager import PiiEnum, PiiEntity +from pii_manager.api import PiiManager + +TEST = [ + # A valid NIF + ( + "Meu NIF é PT 123 456 789", + "Meu NIF é ", + [PiiEntity(PiiEnum.GOV_ID, 10, "PT 123 456 789", "pt", "Portuguese NIF")], + ), + # A NIF without spacing or prefix + ( + "O NIF 123456789 é valido", + "O NIF é valido", + [PiiEntity(PiiEnum.GOV_ID, 6, "123456789", "pt", "Portuguese NIF")], + ), + # A valid CC + ( + "O CC é 00000000 0 ZZ4", + "O CC é ", + [PiiEntity(PiiEnum.GOV_ID, 7, "00000000 0 ZZ4", "pt", "Portuguese CC")], + ), + # An invalid NIF + ("Meu NIF é PT 123 456 788", "Meu NIF é PT 123 456 788", []), +] + + +def test10_nif_cc(): + obj = PiiManager("pt", "PT", PiiEnum.GOV_ID) + for doc, exp, _ in TEST: + got = obj(doc) + assert got == exp + + +def test20_nif_cc_extract(): + obj = PiiManager("pt", "PT", PiiEnum.GOV_ID, mode="extract") + for doc, _, exp in TEST: + got = list(obj(doc)) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/zh/cn/test_govid_zh_cn.py b/data_tooling/pii-manager/test/unit/lang/zh/cn/test_govid_zh_cn.py new file mode 100644 index 0000000..0ec75a2 --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/zh/cn/test_govid_zh_cn.py @@ -0,0 +1,28 @@ +""" +Test Chinese government ids (Resident Identity Card & Passport) +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # A valid RIC + ("公民身份号码 360426199101010071", "公民身份号码 "), + # An invalid RIC + ("公民身份号码 360426199101010072", "公民身份号码 360426199101010072"), + # An invalid RIC (one aditional digit) + ("公民身份号码 3604261991010100717", "公民身份号码 3604261991010100717"), + # A correct passport number + ("中华人民共和国护照 D12345678", "中华人民共和国护照 "), + # An incorrect passport number (invalid letter) + ("中华人民共和国护照 K12345678", "中华人民共和国护照 K12345678"), + # An incorrect passport number (only 7 digits) + ("中华人民共和国护照 D1234567", "中华人民共和国护照 D1234567"), +] + + +def test10_ssn(): + obj = PiiManager("zh", "CN", PiiEnum.GOV_ID) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii-manager/test/unit/lang/zh/cn/test_misc.py b/data_tooling/pii-manager/test/unit/lang/zh/cn/test_misc.py new file mode 100644 index 0000000..ea99d1e --- /dev/null +++ b/data_tooling/pii-manager/test/unit/lang/zh/cn/test_misc.py @@ -0,0 +1,23 @@ +""" +Test PII elements for Chinese (Phone numbers, street addresses & diseases) +""" + +from pii_manager import PiiEnum +from pii_manager.api import PiiManager + +TEST = [ + # Phone number + ("045-4123456", ""), + # Not a phone number (too many digits in the first part) + ("70045-4123456", "70045-4123456"), + # ----- We are missing here tests for STREET_ADDRESS & DISEASE +] + + +def test10_ssn(): + obj = PiiManager( + "zh", "CN", [PiiEnum.STREET_ADDRESS, PiiEnum.PHONE_NUMBER, PiiEnum.DISEASE] + ) + for doc, exp in TEST: + got = obj(doc) + assert got == exp diff --git a/data_tooling/pii_processing/LICENSE b/data_tooling/pii_processing/LICENSE new file mode 100644 index 0000000..9757e25 --- /dev/null +++ b/data_tooling/pii_processing/LICENSE @@ -0,0 +1,646 @@ +The PII reference impelmentation, not including the masakhane-ner code and the HuggingFace Code is released under Apache 2 and: +Copyright 2021- Ontocord LLC. All rights reserved. + ++++ + +The original Tansformers code and Neuralcoref is by the Hugging Face team and released under Apache 2 and the MIT license respectively: + +Copyright 2018- The Hugging Face team. All rights reserved. + ++++ + +The Masakhane-NER code is under Apache 2. + +The Masakhane-NER data is under CC-NC + ++++ + +MIT License + +Copyright (c) 2018 Huggingface Inc. + +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. + ++++ + + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + + + +++ + + +Attribution-NonCommercial 4.0 International + +======================================================================= + +Creative Commons Corporation ("Creative Commons") is not a law firm and +does not provide legal services or legal advice. Distribution of +Creative Commons public licenses does not create a lawyer-client or +other relationship. Creative Commons makes its licenses and related +information available on an "as-is" basis. Creative Commons gives no +warranties regarding its licenses, any material licensed under their +terms and conditions, or any related information. Creative Commons +disclaims all liability for damages resulting from their use to the +fullest extent possible. + +Using Creative Commons Public Licenses + +Creative Commons public licenses provide a standard set of terms and +conditions that creators and other rights holders may use to share +original works of authorship and other material subject to copyright +and certain other rights specified in the public license below. The +following considerations are for informational purposes only, are not +exhaustive, and do not form part of our licenses. + + Considerations for licensors: Our public licenses are + intended for use by those authorized to give the public + permission to use material in ways otherwise restricted by + copyright and certain other rights. Our licenses are + irrevocable. Licensors should read and understand the terms + and conditions of the license they choose before applying it. + Licensors should also secure all rights necessary before + applying our licenses so that the public can reuse the + material as expected. Licensors should clearly mark any + material not subject to the license. This includes other CC- + licensed material, or material used under an exception or + limitation to copyright. More considerations for licensors: + wiki.creativecommons.org/Considerations_for_licensors + + Considerations for the public: By using one of our public + licenses, a licensor grants the public permission to use the + licensed material under specified terms and conditions. If + the licensor's permission is not necessary for any reason--for + example, because of any applicable exception or limitation to + copyright--then that use is not regulated by the license. Our + licenses grant only permissions under copyright and certain + other rights that a licensor has authority to grant. Use of + the licensed material may still be restricted for other + reasons, including because others have copyright or other + rights in the material. A licensor may make special requests, + such as asking that all changes be marked or described. + Although not required by our licenses, you are encouraged to + respect those requests where reasonable. More_considerations + for the public: + wiki.creativecommons.org/Considerations_for_licensees + +======================================================================= + +Creative Commons Attribution-NonCommercial 4.0 International Public +License + +By exercising the Licensed Rights (defined below), You accept and agree +to be bound by the terms and conditions of this Creative Commons +Attribution-NonCommercial 4.0 International Public License ("Public +License"). To the extent this Public License may be interpreted as a +contract, You are granted the Licensed Rights in consideration of Your +acceptance of these terms and conditions, and the Licensor grants You +such rights in consideration of benefits the Licensor receives from +making the Licensed Material available under these terms and +conditions. + +Section 1 -- Definitions. + + a. Adapted Material means material subject to Copyright and Similar + Rights that is derived from or based upon the Licensed Material + and in which the Licensed Material is translated, altered, + arranged, transformed, or otherwise modified in a manner requiring + permission under the Copyright and Similar Rights held by the + Licensor. For purposes of this Public License, where the Licensed + Material is a musical work, performance, or sound recording, + Adapted Material is always produced where the Licensed Material is + synched in timed relation with a moving image. + + b. Adapter's License means the license You apply to Your Copyright + and Similar Rights in Your contributions to Adapted Material in + accordance with the terms and conditions of this Public License. + + c. Copyright and Similar Rights means copyright and/or similar rights + closely related to copyright including, without limitation, + performance, broadcast, sound recording, and Sui Generis Database + Rights, without regard to how the rights are labeled or + categorized. For purposes of this Public License, the rights + specified in Section 2(b)(1)-(2) are not Copyright and Similar + Rights. + d. Effective Technological Measures means those measures that, in the + absence of proper authority, may not be circumvented under laws + fulfilling obligations under Article 11 of the WIPO Copyright + Treaty adopted on December 20, 1996, and/or similar international + agreements. + + e. Exceptions and Limitations means fair use, fair dealing, and/or + any other exception or limitation to Copyright and Similar Rights + that applies to Your use of the Licensed Material. + + f. Licensed Material means the artistic or literary work, database, + or other material to which the Licensor applied this Public + License. + + g. Licensed Rights means the rights granted to You subject to the + terms and conditions of this Public License, which are limited to + all Copyright and Similar Rights that apply to Your use of the + Licensed Material and that the Licensor has authority to license. + + h. Licensor means the individual(s) or entity(ies) granting rights + under this Public License. + + i. NonCommercial means not primarily intended for or directed towards + commercial advantage or monetary compensation. For purposes of + this Public License, the exchange of the Licensed Material for + other material subject to Copyright and Similar Rights by digital + file-sharing or similar means is NonCommercial provided there is + no payment of monetary compensation in connection with the + exchange. + + j. Share means to provide material to the public by any means or + process that requires permission under the Licensed Rights, such + as reproduction, public display, public performance, distribution, + dissemination, communication, or importation, and to make material + available to the public including in ways that members of the + public may access the material from a place and at a time + individually chosen by them. + + k. Sui Generis Database Rights means rights other than copyright + resulting from Directive 96/9/EC of the European Parliament and of + the Council of 11 March 1996 on the legal protection of databases, + as amended and/or succeeded, as well as other essentially + equivalent rights anywhere in the world. + + l. You means the individual or entity exercising the Licensed Rights + under this Public License. Your has a corresponding meaning. + +Section 2 -- Scope. + + a. License grant. + + 1. Subject to the terms and conditions of this Public License, + the Licensor hereby grants You a worldwide, royalty-free, + non-sublicensable, non-exclusive, irrevocable license to + exercise the Licensed Rights in the Licensed Material to: + + a. reproduce and Share the Licensed Material, in whole or + in part, for NonCommercial purposes only; and + + b. produce, reproduce, and Share Adapted Material for + NonCommercial purposes only. + + 2. Exceptions and Limitations. For the avoidance of doubt, where + Exceptions and Limitations apply to Your use, this Public + License does not apply, and You do not need to comply with + its terms and conditions. + + 3. Term. The term of this Public License is specified in Section + 6(a). + + 4. Media and formats; technical modifications allowed. The + Licensor authorizes You to exercise the Licensed Rights in + all media and formats whether now known or hereafter created, + and to make technical modifications necessary to do so. The + Licensor waives and/or agrees not to assert any right or + authority to forbid You from making technical modifications + necessary to exercise the Licensed Rights, including + technical modifications necessary to circumvent Effective + Technological Measures. For purposes of this Public License, + simply making modifications authorized by this Section 2(a) + (4) never produces Adapted Material. + + 5. Downstream recipients. + + a. Offer from the Licensor -- Licensed Material. Every + recipient of the Licensed Material automatically + receives an offer from the Licensor to exercise the + Licensed Rights under the terms and conditions of this + Public License. + + b. No downstream restrictions. You may not offer or impose + any additional or different terms or conditions on, or + apply any Effective Technological Measures to, the + Licensed Material if doing so restricts exercise of the + Licensed Rights by any recipient of the Licensed + Material. + + 6. No endorsement. Nothing in this Public License constitutes or + may be construed as permission to assert or imply that You + are, or that Your use of the Licensed Material is, connected + with, or sponsored, endorsed, or granted official status by, + the Licensor or others designated to receive attribution as + provided in Section 3(a)(1)(A)(i). + + b. Other rights. + + 1. Moral rights, such as the right of integrity, are not + licensed under this Public License, nor are publicity, + privacy, and/or other similar personality rights; however, to + the extent possible, the Licensor waives and/or agrees not to + assert any such rights held by the Licensor to the limited + extent necessary to allow You to exercise the Licensed + Rights, but not otherwise. + + 2. Patent and trademark rights are not licensed under this + Public License. + + 3. To the extent possible, the Licensor waives any right to + collect royalties from You for the exercise of the Licensed + Rights, whether directly or through a collecting society + under any voluntary or waivable statutory or compulsory + licensing scheme. In all other cases the Licensor expressly + reserves any right to collect such royalties, including when + the Licensed Material is used other than for NonCommercial + purposes. + +Section 3 -- License Conditions. + +Your exercise of the Licensed Rights is expressly made subject to the +following conditions. + + a. Attribution. + + 1. If You Share the Licensed Material (including in modified + form), You must: + + a. retain the following if it is supplied by the Licensor + with the Licensed Material: + + i. identification of the creator(s) of the Licensed + Material and any others designated to receive + attribution, in any reasonable manner requested by + the Licensor (including by pseudonym if + designated); + + ii. a copyright notice; + + iii. a notice that refers to this Public License; + + iv. a notice that refers to the disclaimer of + warranties; + + v. a URI or hyperlink to the Licensed Material to the + extent reasonably practicable; + + b. indicate if You modified the Licensed Material and + retain an indication of any previous modifications; and + + c. indicate the Licensed Material is licensed under this + Public License, and include the text of, or the URI or + hyperlink to, this Public License. + + 2. You may satisfy the conditions in Section 3(a)(1) in any + reasonable manner based on the medium, means, and context in + which You Share the Licensed Material. For example, it may be + reasonable to satisfy the conditions by providing a URI or + hyperlink to a resource that includes the required + information. + + 3. If requested by the Licensor, You must remove any of the + information required by Section 3(a)(1)(A) to the extent + reasonably practicable. + + 4. If You Share Adapted Material You produce, the Adapter's + License You apply must not prevent recipients of the Adapted + Material from complying with this Public License. + +Section 4 -- Sui Generis Database Rights. + +Where the Licensed Rights include Sui Generis Database Rights that +apply to Your use of the Licensed Material: + + a. for the avoidance of doubt, Section 2(a)(1) grants You the right + to extract, reuse, reproduce, and Share all or a substantial + portion of the contents of the database for NonCommercial purposes + only; + + b. if You include all or a substantial portion of the database + contents in a database in which You have Sui Generis Database + Rights, then the database in which You have Sui Generis Database + Rights (but not its individual contents) is Adapted Material; and + + c. You must comply with the conditions in Section 3(a) if You Share + all or a substantial portion of the contents of the database. + +For the avoidance of doubt, this Section 4 supplements and does not +replace Your obligations under this Public License where the Licensed +Rights include other Copyright and Similar Rights. + +Section 5 -- Disclaimer of Warranties and Limitation of Liability. + + a. UNLESS OTHERWISE SEPARATELY UNDERTAKEN BY THE LICENSOR, TO THE + EXTENT POSSIBLE, THE LICENSOR OFFERS THE LICENSED MATERIAL AS-IS + AND AS-AVAILABLE, AND MAKES NO REPRESENTATIONS OR WARRANTIES OF + ANY KIND CONCERNING THE LICENSED MATERIAL, WHETHER EXPRESS, + IMPLIED, STATUTORY, OR OTHER. THIS INCLUDES, WITHOUT LIMITATION, + WARRANTIES OF TITLE, MERCHANTABILITY, FITNESS FOR A PARTICULAR + PURPOSE, NON-INFRINGEMENT, ABSENCE OF LATENT OR OTHER DEFECTS, + ACCURACY, OR THE PRESENCE OR ABSENCE OF ERRORS, WHETHER OR NOT + KNOWN OR DISCOVERABLE. WHERE DISCLAIMERS OF WARRANTIES ARE NOT + ALLOWED IN FULL OR IN PART, THIS DISCLAIMER MAY NOT APPLY TO YOU. + + b. TO THE EXTENT POSSIBLE, IN NO EVENT WILL THE LICENSOR BE LIABLE + TO YOU ON ANY LEGAL THEORY (INCLUDING, WITHOUT LIMITATION, + NEGLIGENCE) OR OTHERWISE FOR ANY DIRECT, SPECIAL, INDIRECT, + INCIDENTAL, CONSEQUENTIAL, PUNITIVE, EXEMPLARY, OR OTHER LOSSES, + COSTS, EXPENSES, OR DAMAGES ARISING OUT OF THIS PUBLIC LICENSE OR + USE OF THE LICENSED MATERIAL, EVEN IF THE LICENSOR HAS BEEN + ADVISED OF THE POSSIBILITY OF SUCH LOSSES, COSTS, EXPENSES, OR + DAMAGES. WHERE A LIMITATION OF LIABILITY IS NOT ALLOWED IN FULL OR + IN PART, THIS LIMITATION MAY NOT APPLY TO YOU. + + c. The disclaimer of warranties and limitation of liability provided + above shall be interpreted in a manner that, to the extent + possible, most closely approximates an absolute disclaimer and + waiver of all liability. + +Section 6 -- Term and Termination. + + a. This Public License applies for the term of the Copyright and + Similar Rights licensed here. However, if You fail to comply with + this Public License, then Your rights under this Public License + terminate automatically. + + b. Where Your right to use the Licensed Material has terminated under + Section 6(a), it reinstates: + + 1. automatically as of the date the violation is cured, provided + it is cured within 30 days of Your discovery of the + violation; or + + 2. upon express reinstatement by the Licensor. + + For the avoidance of doubt, this Section 6(b) does not affect any + right the Licensor may have to seek remedies for Your violations + of this Public License. + + c. For the avoidance of doubt, the Licensor may also offer the + Licensed Material under separate terms or conditions or stop + distributing the Licensed Material at any time; however, doing so + will not terminate this Public License. + + d. Sections 1, 5, 6, 7, and 8 survive termination of this Public + License. + +Section 7 -- Other Terms and Conditions. + + a. The Licensor shall not be bound by any additional or different + terms or conditions communicated by You unless expressly agreed. + + b. Any arrangements, understandings, or agreements regarding the + Licensed Material not stated herein are separate from and + independent of the terms and conditions of this Public License. + +Section 8 -- Interpretation. + + a. For the avoidance of doubt, this Public License does not, and + shall not be interpreted to, reduce, limit, restrict, or impose + conditions on any use of the Licensed Material that could lawfully + be made without permission under this Public License. + + b. To the extent possible, if any provision of this Public License is + deemed unenforceable, it shall be automatically reformed to the + minimum extent necessary to make it enforceable. If the provision + cannot be reformed, it shall be severed from this Public License + without affecting the enforceability of the remaining terms and + conditions. + + c. No term or condition of this Public License will be waived and no + failure to comply consented to unless expressly agreed to by the + Licensor. + + d. Nothing in this Public License constitutes or may be interpreted + as a limitation upon, or waiver of, any privileges and immunities + that apply to the Licensor or You, including from the legal + processes of any jurisdiction or authority. + +======================================================================= + +Creative Commons is not a party to its public +licenses. Notwithstanding, Creative Commons may elect to apply one of +its public licenses to material it publishes and in those instances +will be considered the “Licensor.” The text of the Creative Commons +public licenses is dedicated to the public domain under the CC0 Public +Domain Dedication. Except for the limited purpose of indicating that +material is shared under a Creative Commons public license or as +otherwise permitted by the Creative Commons policies published at +creativecommons.org/policies, Creative Commons does not authorize the +use of the trademark "Creative Commons" or any other trademark or logo +of Creative Commons without its prior written consent including, +without limitation, in connection with any unauthorized modifications +to any of its public licenses or any other arrangements, +understandings, or agreements concerning use of licensed material. For +the avoidance of doubt, this paragraph does not form part of the +public licenses. + +Creative Commons may be contacted at creativecommons.org. diff --git a/data_tooling/pii_processing/MANIFEST.in b/data_tooling/pii_processing/MANIFEST.in new file mode 100644 index 0000000..43d36be --- /dev/null +++ b/data_tooling/pii_processing/MANIFEST.in @@ -0,0 +1,3 @@ +recursive-include include *.h +include LICENSE +include README.md diff --git a/data_tooling/pii_processing/README.md b/data_tooling/pii_processing/README.md new file mode 100644 index 0000000..0835448 --- /dev/null +++ b/data_tooling/pii_processing/README.md @@ -0,0 +1,46 @@ +# Personally Identifiable Information Processing + +This is code for a multi-lingual Named Entity Recognition and PII processor used to remediate PII in web scale large language datasets for training large langauge models. This code is not meant to be used for general purpose NER or PII remediation. + +## Organization of Repo + +- The repo is a clone of the neuralcoref repo in order to more easily modify the base neuralcoref code and to take advantage of its great organization +- The code in the ontology folder is for building and tokenizing text for words in the ontology +- The code in the misc folder includes code to perform basic dataset creation and basic regex ner processing +- The code in the masakhane-ner folder is code for training transfomrer based NER models (BERT, Roberta, etc.) +- The contrib folder will contain code from the community which will draw from the PII hackathon +- The code under the wip folder is work in progress and not meant to be used in processing + +## PII Hackathon +This repo is also home for reference implementation for the PII Hackathon, run by Ontocord, AISC, and BigScience + +- The code under the directory misc will be used for Module 1. +- The code under the directory ontology and misc will be used for Module 2. +- The code under the directory masakhane-ner will be used for Module 3. +- TODO: Module 4, We will provide a reference implementation for an ensemble semi-supervised learning training of a transformer model + +## Requirements and Building + +- git clone https://github.com/bigscience-workshop/data_tooling +- cd data_tooling/ +- pip install -r requirements.txt +- python -m nltk.downloader punkt stopwords wordnet +- python -m spacy download en_core_web_lg + +TODO: +For module 3, we will be using neuralcoref to preprocess data, and we will want to change the requirements.txt to use spacy==2.1.8 and +- python setup.py install + + +## Usage +TODO + +## Credits + +This code is based on original code by Ontocord, LLC (https://github.com/ontocord), Hugginface's Nueralcoref (https://github.com/huggingface/neuralcoref) and MasakhaNER (https://github.com/masakhane-io/masakhane-ner) which is in turn based on HF Transfromers (https://github.com/huggingface/transformers/) and Faker (https://github.com/joke2k/faker) and includes inspiration from Presidio (https://github.com/microsoft/presidio) . + +All code is released under Apache 2.0, except Neuralcoref which is under the MIT License. + +Data is licensed as specified in the various data folders. + + diff --git a/data_tooling/pii_processing/bin/cythonize.py b/data_tooling/pii_processing/bin/cythonize.py new file mode 100644 index 0000000..2cd64c1 --- /dev/null +++ b/data_tooling/pii_processing/bin/cythonize.py @@ -0,0 +1,168 @@ +#!/usr/bin/env python +""" cythonize.py + +Cythonize pyx files into C++ files as needed. + +Usage: cythonize.py [root] + +Checks pyx files to see if they have been changed relative to their +corresponding C++ files. If they have, then runs cython on these files to +recreate the C++ files. + +Additionally, checks pxd files and setup.py if they have been changed. If +they have, rebuilds everything. + +Change detection based on file hashes stored in JSON format. + +For now, this script should be run by developers when changing Cython files +and the resulting C++ files checked in, so that end-users (and Python-only +developers) do not get the Cython dependencies. + +Based upon: + +https://raw.github.com/dagss/private-scipy-refactor/cythonize/cythonize.py +https://raw.githubusercontent.com/numpy/numpy/master/tools/cythonize.py + +Note: this script does not check any of the dependent C++ libraries. +""" + +import os +import sys +import json +import hashlib +import subprocess +import argparse + + +HASH_FILE = "cythonize.json" + + +def process_pyx(fromfile, tofile): + print("Processing %s" % fromfile) + try: + from Cython.Compiler.Version import version as cython_version + from distutils.version import LooseVersion + + if LooseVersion(cython_version) < LooseVersion("0.19"): + raise Exception("Require Cython >= 0.19") + + except ImportError: + pass + + flags = ["--fast-fail"] + if tofile.endswith(".cpp"): + flags += ["--cplus"] + + try: + try: + r = subprocess.call( + ["cython"] + flags + ["-o", tofile, fromfile], env=os.environ + ) # See Issue #791 + if r != 0: + raise Exception("Cython failed") + except OSError: + # There are ways of installing Cython that don't result in a cython + # executable on the path, see gh-2397. + r = subprocess.call( + [ + sys.executable, + "-c", + "import sys; from Cython.Compiler.Main import " + "setuptools_main as main; sys.exit(main())", + ] + + flags + + ["-o", tofile, fromfile] + ) + if r != 0: + raise Exception("Cython failed") + except OSError: + raise OSError("Cython needs to be installed") + + +def preserve_cwd(path, func, *args): + orig_cwd = os.getcwd() + try: + os.chdir(path) + func(*args) + finally: + os.chdir(orig_cwd) + + +def load_hashes(filename): + try: + return json.load(open(filename)) + except (ValueError, IOError): + return {} + + +def save_hashes(hash_db, filename): + with open(filename, "w") as f: + f.write(json.dumps(hash_db)) + + +def get_hash(path): + return hashlib.md5(open(path, "rb").read()).hexdigest() + + +def hash_changed(base, path, db): + full_path = os.path.normpath(os.path.join(base, path)) + return not get_hash(full_path) == db.get(full_path) + + +def hash_add(base, path, db): + full_path = os.path.normpath(os.path.join(base, path)) + db[full_path] = get_hash(full_path) + + +def process(base, filename, db): + root, ext = os.path.splitext(filename) + if ext in [".pyx", ".cpp"]: + if hash_changed(base, filename, db) or not os.path.isfile( + os.path.join(base, root + ".cpp") + ): + preserve_cwd(base, process_pyx, root + ".pyx", root + ".cpp") + hash_add(base, root + ".cpp", db) + hash_add(base, root + ".pyx", db) + + +def check_changes(root, db): + res = False + new_db = {} + + setup_filename = "setup.py" + hash_add(".", setup_filename, new_db) + if hash_changed(".", setup_filename, db): + res = True + + for base, _, files in os.walk(root): + for filename in files: + if filename.endswith(".pxd"): + hash_add(base, filename, new_db) + if hash_changed(base, filename, db): + res = True + + if res: + db.clear() + db.update(new_db) + return res + + +def run(root): + db = load_hashes(HASH_FILE) + + try: + check_changes(root, db) + for base, _, files in os.walk(root): + for filename in files: + process(base, filename, db) + finally: + save_hashes(db, HASH_FILE) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser( + description="Cythonize pyx files into C++ files as needed" + ) + parser.add_argument("root", help="root directory") + args = parser.parse_args() + run(args.root) diff --git a/data_tooling/pii_processing/contrib/coref_server.py b/data_tooling/pii_processing/contrib/coref_server.py new file mode 100644 index 0000000..efb0c58 --- /dev/null +++ b/data_tooling/pii_processing/contrib/coref_server.py @@ -0,0 +1,63 @@ +#!/usr/bin/env python +"""Coreference resolution server example. +A simple server serving the coreference system. +""" + +import json +from wsgiref.simple_server import make_server +import falcon +import spacy +import neuralcoref + +# Python 3 +unicode_ = str + + +class AllResource(object): + def __init__(self): + self.nlp = spacy.load("en") + neuralcoref.add_to_pipe(self.nlp) + print("Server loaded") + self.response = None + + def on_get(self, req, resp): + self.response = {} + + text_param = req.get_param_as_list("text") + print("text: ", text_param) + if text_param is not None: + text = ",".join(text_param) if isinstance(text_param, list) else text_param + text = unicode_(text) + doc = self.nlp(text) + if doc._.has_coref: + mentions = [ + { + "start": mention.start_char, + "end": mention.end_char, + "text": mention.text, + "resolved": cluster.main.text, + } + for cluster in doc._.coref_clusters + for mention in cluster.mentions + ] + clusters = list( + list(span.text for span in cluster) + for cluster in doc._.coref_clusters + ) + resolved = doc._.coref_resolved + self.response["mentions"] = mentions + self.response["clusters"] = clusters + self.response["resolved"] = resolved + + resp.body = json.dumps(self.response) + resp.content_type = "application/json" + resp.append_header("Access-Control-Allow-Origin", "*") + resp.status = falcon.HTTP_200 + + +if __name__ == "__main__": + RESSOURCE = AllResource() + APP = falcon.API() + APP.add_route("/", RESSOURCE) + HTTPD = make_server("0.0.0.0", 8000, APP) + HTTPD.serve_forever() diff --git a/data_tooling/pii_processing/include/msvc9/stdint.h b/data_tooling/pii_processing/include/msvc9/stdint.h new file mode 100644 index 0000000..4fe0ef9 --- /dev/null +++ b/data_tooling/pii_processing/include/msvc9/stdint.h @@ -0,0 +1,259 @@ +// ISO C9x compliant stdint.h for Microsoft Visual Studio +// Based on ISO/IEC 9899:TC2 Committee draft (May 6, 2005) WG14/N1124 +// +// Copyright (c) 2006-2013 Alexander Chemeris +// +// Redistribution and use in source and binary forms, with or without +// modification, are permitted provided that the following conditions are met: +// +// 1. Redistributions of source code must retain the above copyright notice, +// this list of conditions and the following disclaimer. +// +// 2. Redistributions in binary form must reproduce the above copyright +// notice, this list of conditions and the following disclaimer in the +// documentation and/or other materials provided with the distribution. +// +// 3. Neither the name of the product nor the names of its contributors may +// be used to endorse or promote products derived from this software +// without specific prior written permission. +// +// THIS SOFTWARE IS PROVIDED BY THE AUTHOR ``AS IS'' AND ANY EXPRESS OR IMPLIED +// WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF +// MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO +// EVENT SHALL THE AUTHOR BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +// SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, +// PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; +// OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, +// WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR +// OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF +// ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. +// +/////////////////////////////////////////////////////////////////////////////// + +#ifndef _MSC_VER // [ +#error "Use this header only with Microsoft Visual C++ compilers!" +#endif // _MSC_VER ] + +#ifndef _MSC_STDINT_H_ // [ +#define _MSC_STDINT_H_ + +#if _MSC_VER > 1000 +#pragma once +#endif + +#if _MSC_VER >= 1600 // [ +#include +#else // ] _MSC_VER >= 1600 [ + +#include + +// For Visual Studio 6 in C++ mode and for many Visual Studio versions when +// compiling for ARM we should wrap include with 'extern "C++" {}' +// or compiler give many errors like this: +// error C2733: second C linkage of overloaded function 'wmemchr' not allowed +#ifdef __cplusplus +extern "C" { +#endif +# include +#ifdef __cplusplus +} +#endif + +// Define _W64 macros to mark types changing their size, like intptr_t. +#ifndef _W64 +# if !defined(__midl) && (defined(_X86_) || defined(_M_IX86)) && _MSC_VER >= 1300 +# define _W64 __w64 +# else +# define _W64 +# endif +#endif + + +// 7.18.1 Integer types + +// 7.18.1.1 Exact-width integer types + +// Visual Studio 6 and Embedded Visual C++ 4 doesn't +// realize that, e.g. char has the same size as __int8 +// so we give up on __intX for them. +#if (_MSC_VER < 1300) + typedef signed char int8_t; + typedef signed short int16_t; + typedef signed int int32_t; + typedef unsigned char uint8_t; + typedef unsigned short uint16_t; + typedef unsigned int uint32_t; +#else + typedef signed __int8 int8_t; + typedef signed __int16 int16_t; + typedef signed __int32 int32_t; + typedef unsigned __int8 uint8_t; + typedef unsigned __int16 uint16_t; + typedef unsigned __int32 uint32_t; +#endif +typedef signed __int64 int64_t; +typedef unsigned __int64 uint64_t; + + +// 7.18.1.2 Minimum-width integer types +typedef int8_t int_least8_t; +typedef int16_t int_least16_t; +typedef int32_t int_least32_t; +typedef int64_t int_least64_t; +typedef uint8_t uint_least8_t; +typedef uint16_t uint_least16_t; +typedef uint32_t uint_least32_t; +typedef uint64_t uint_least64_t; + +// 7.18.1.3 Fastest minimum-width integer types +typedef int8_t int_fast8_t; +typedef int16_t int_fast16_t; +typedef int32_t int_fast32_t; +typedef int64_t int_fast64_t; +typedef uint8_t uint_fast8_t; +typedef uint16_t uint_fast16_t; +typedef uint32_t uint_fast32_t; +typedef uint64_t uint_fast64_t; + +// 7.18.1.4 Integer types capable of holding object pointers +#ifdef _WIN64 // [ + typedef signed __int64 intptr_t; + typedef unsigned __int64 uintptr_t; +#else // _WIN64 ][ + typedef _W64 signed int intptr_t; + typedef _W64 unsigned int uintptr_t; +#endif // _WIN64 ] + +// 7.18.1.5 Greatest-width integer types +typedef int64_t intmax_t; +typedef uint64_t uintmax_t; + + +// 7.18.2 Limits of specified-width integer types + +#if !defined(__cplusplus) || defined(__STDC_LIMIT_MACROS) // [ See footnote 220 at page 257 and footnote 221 at page 259 + +// 7.18.2.1 Limits of exact-width integer types +#define INT8_MIN ((int8_t)_I8_MIN) +#define INT8_MAX _I8_MAX +#define INT16_MIN ((int16_t)_I16_MIN) +#define INT16_MAX _I16_MAX +#define INT32_MIN ((int32_t)_I32_MIN) +#define INT32_MAX _I32_MAX +#define INT64_MIN ((int64_t)_I64_MIN) +#define INT64_MAX _I64_MAX +#define UINT8_MAX _UI8_MAX +#define UINT16_MAX _UI16_MAX +#define UINT32_MAX _UI32_MAX +#define UINT64_MAX _UI64_MAX + +// 7.18.2.2 Limits of minimum-width integer types +#define INT_LEAST8_MIN INT8_MIN +#define INT_LEAST8_MAX INT8_MAX +#define INT_LEAST16_MIN INT16_MIN +#define INT_LEAST16_MAX INT16_MAX +#define INT_LEAST32_MIN INT32_MIN +#define INT_LEAST32_MAX INT32_MAX +#define INT_LEAST64_MIN INT64_MIN +#define INT_LEAST64_MAX INT64_MAX +#define UINT_LEAST8_MAX UINT8_MAX +#define UINT_LEAST16_MAX UINT16_MAX +#define UINT_LEAST32_MAX UINT32_MAX +#define UINT_LEAST64_MAX UINT64_MAX + +// 7.18.2.3 Limits of fastest minimum-width integer types +#define INT_FAST8_MIN INT8_MIN +#define INT_FAST8_MAX INT8_MAX +#define INT_FAST16_MIN INT16_MIN +#define INT_FAST16_MAX INT16_MAX +#define INT_FAST32_MIN INT32_MIN +#define INT_FAST32_MAX INT32_MAX +#define INT_FAST64_MIN INT64_MIN +#define INT_FAST64_MAX INT64_MAX +#define UINT_FAST8_MAX UINT8_MAX +#define UINT_FAST16_MAX UINT16_MAX +#define UINT_FAST32_MAX UINT32_MAX +#define UINT_FAST64_MAX UINT64_MAX + +// 7.18.2.4 Limits of integer types capable of holding object pointers +#ifdef _WIN64 // [ +# define INTPTR_MIN INT64_MIN +# define INTPTR_MAX INT64_MAX +# define UINTPTR_MAX UINT64_MAX +#else // _WIN64 ][ +# define INTPTR_MIN INT32_MIN +# define INTPTR_MAX INT32_MAX +# define UINTPTR_MAX UINT32_MAX +#endif // _WIN64 ] + +// 7.18.2.5 Limits of greatest-width integer types +#define INTMAX_MIN INT64_MIN +#define INTMAX_MAX INT64_MAX +#define UINTMAX_MAX UINT64_MAX + +// 7.18.3 Limits of other integer types + +#ifdef _WIN64 // [ +# define PTRDIFF_MIN _I64_MIN +# define PTRDIFF_MAX _I64_MAX +#else // _WIN64 ][ +# define PTRDIFF_MIN _I32_MIN +# define PTRDIFF_MAX _I32_MAX +#endif // _WIN64 ] + +#define SIG_ATOMIC_MIN INT_MIN +#define SIG_ATOMIC_MAX INT_MAX + +#ifndef SIZE_MAX // [ +# ifdef _WIN64 // [ +# define SIZE_MAX _UI64_MAX +# else // _WIN64 ][ +# define SIZE_MAX _UI32_MAX +# endif // _WIN64 ] +#endif // SIZE_MAX ] + +// WCHAR_MIN and WCHAR_MAX are also defined in +#ifndef WCHAR_MIN // [ +# define WCHAR_MIN 0 +#endif // WCHAR_MIN ] +#ifndef WCHAR_MAX // [ +# define WCHAR_MAX _UI16_MAX +#endif // WCHAR_MAX ] + +#define WINT_MIN 0 +#define WINT_MAX _UI16_MAX + +#endif // __STDC_LIMIT_MACROS ] + + +// 7.18.4 Limits of other integer types + +#if !defined(__cplusplus) || defined(__STDC_CONSTANT_MACROS) // [ See footnote 224 at page 260 + +// 7.18.4.1 Macros for minimum-width integer constants + +#define INT8_C(val) val##i8 +#define INT16_C(val) val##i16 +#define INT32_C(val) val##i32 +#define INT64_C(val) val##i64 + +#define UINT8_C(val) val##ui8 +#define UINT16_C(val) val##ui16 +#define UINT32_C(val) val##ui32 +#define UINT64_C(val) val##ui64 + +// 7.18.4.2 Macros for greatest-width integer constants +// These #ifndef's are needed to prevent collisions with . +// Check out Issue 9 for the details. +#ifndef INTMAX_C // [ +# define INTMAX_C INT64_C +#endif // INTMAX_C ] +#ifndef UINTMAX_C // [ +# define UINTMAX_C UINT64_C +#endif // UINTMAX_C ] + +#endif // __STDC_CONSTANT_MACROS ] + +#endif // _MSC_VER >= 1600 ] + +#endif // _MSC_STDINT_H_ ] diff --git a/data_tooling/pii_processing/include/murmurhash/MurmurHash2.h b/data_tooling/pii_processing/include/murmurhash/MurmurHash2.h new file mode 100644 index 0000000..6d7ccf4 --- /dev/null +++ b/data_tooling/pii_processing/include/murmurhash/MurmurHash2.h @@ -0,0 +1,22 @@ +//----------------------------------------------------------------------------- +// MurmurHash2 was written by Austin Appleby, and is placed in the public +// domain. The author hereby disclaims copyright to this source code. + +#ifndef _MURMURHASH2_H_ +#define _MURMURHASH2_H_ + +#include + +//----------------------------------------------------------------------------- + +uint32_t MurmurHash2 ( const void * key, int len, uint32_t seed ); +uint64_t MurmurHash64A ( const void * key, int len, uint64_t seed ); +uint64_t MurmurHash64B ( const void * key, int len, uint64_t seed ); +uint32_t MurmurHash2A ( const void * key, int len, uint32_t seed ); +uint32_t MurmurHashNeutral2 ( const void * key, int len, uint32_t seed ); +uint32_t MurmurHashAligned2 ( const void * key, int len, uint32_t seed ); + +//----------------------------------------------------------------------------- + +#endif // _MURMURHASH2_H_ + diff --git a/data_tooling/pii_processing/include/murmurhash/MurmurHash3.h b/data_tooling/pii_processing/include/murmurhash/MurmurHash3.h new file mode 100644 index 0000000..9b4c3c9 --- /dev/null +++ b/data_tooling/pii_processing/include/murmurhash/MurmurHash3.h @@ -0,0 +1,28 @@ +//----------------------------------------------------------------------------- +// MurmurHash3 was written by Austin Appleby, and is placed in the public +// domain. The author hereby disclaims copyright to this source code. + +#ifndef _MURMURHASH3_H_ +#define _MURMURHASH3_H_ + +#include + +//----------------------------------------------------------------------------- +#ifdef __cplusplus +extern "C" { +#endif + + +void MurmurHash3_x86_32 ( const void * key, int len, uint32_t seed, void * out ); + +void MurmurHash3_x86_128 ( const void * key, int len, uint32_t seed, void * out ); + +void MurmurHash3_x64_128 ( const void * key, int len, uint32_t seed, void * out ); + +#ifdef __cplusplus +} +#endif + +//----------------------------------------------------------------------------- + +#endif // _MURMURHASH3_H_ diff --git a/data_tooling/pii_processing/include/numpy/__multiarray_api.h b/data_tooling/pii_processing/include/numpy/__multiarray_api.h new file mode 100644 index 0000000..c949d73 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/__multiarray_api.h @@ -0,0 +1,1686 @@ + +#ifdef _MULTIARRAYMODULE + +typedef struct { + PyObject_HEAD + npy_bool obval; +} PyBoolScalarObject; + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION +extern NPY_NO_EXPORT PyTypeObject PyArrayMapIter_Type; +extern NPY_NO_EXPORT PyTypeObject PyArrayNeighborhoodIter_Type; +extern NPY_NO_EXPORT PyBoolScalarObject _PyArrayScalar_BoolValues[2]; +#else +NPY_NO_EXPORT PyTypeObject PyArrayMapIter_Type; +NPY_NO_EXPORT PyTypeObject PyArrayNeighborhoodIter_Type; +NPY_NO_EXPORT PyBoolScalarObject _PyArrayScalar_BoolValues[2]; +#endif + +NPY_NO_EXPORT unsigned int PyArray_GetNDArrayCVersion \ + (void); +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyBigArray_Type; +#else + NPY_NO_EXPORT PyTypeObject PyBigArray_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyArray_Type; +#else + NPY_NO_EXPORT PyTypeObject PyArray_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyArrayDescr_Type; +#else + NPY_NO_EXPORT PyTypeObject PyArrayDescr_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyArrayFlags_Type; +#else + NPY_NO_EXPORT PyTypeObject PyArrayFlags_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyArrayIter_Type; +#else + NPY_NO_EXPORT PyTypeObject PyArrayIter_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyArrayMultiIter_Type; +#else + NPY_NO_EXPORT PyTypeObject PyArrayMultiIter_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT int NPY_NUMUSERTYPES; +#else + NPY_NO_EXPORT int NPY_NUMUSERTYPES; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyBoolArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyBoolArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION +extern NPY_NO_EXPORT PyBoolScalarObject _PyArrayScalar_BoolValues[2]; +#else +NPY_NO_EXPORT PyBoolScalarObject _PyArrayScalar_BoolValues[2]; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyGenericArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyGenericArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyNumberArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyNumberArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyIntegerArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyIntegerArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PySignedIntegerArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PySignedIntegerArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyUnsignedIntegerArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyUnsignedIntegerArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyInexactArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyInexactArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyFloatingArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyFloatingArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyComplexFloatingArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyComplexFloatingArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyFlexibleArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyFlexibleArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyCharacterArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyCharacterArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyByteArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyByteArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyShortArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyShortArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyIntArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyIntArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyLongArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyLongArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyLongLongArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyLongLongArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyUByteArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyUByteArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyUShortArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyUShortArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyUIntArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyUIntArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyULongArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyULongArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyULongLongArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyULongLongArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyFloatArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyFloatArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyDoubleArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyDoubleArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyLongDoubleArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyLongDoubleArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyCFloatArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyCFloatArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyCDoubleArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyCDoubleArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyCLongDoubleArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyCLongDoubleArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyObjectArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyObjectArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyStringArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyStringArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyUnicodeArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyUnicodeArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyVoidArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyVoidArrType_Type; +#endif + +NPY_NO_EXPORT int PyArray_SetNumericOps \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_GetNumericOps \ + (void); +NPY_NO_EXPORT int PyArray_INCREF \ + (PyArrayObject *); +NPY_NO_EXPORT int PyArray_XDECREF \ + (PyArrayObject *); +NPY_NO_EXPORT void PyArray_SetStringFunction \ + (PyObject *, int); +NPY_NO_EXPORT PyArray_Descr * PyArray_DescrFromType \ + (int); +NPY_NO_EXPORT PyObject * PyArray_TypeObjectFromType \ + (int); +NPY_NO_EXPORT char * PyArray_Zero \ + (PyArrayObject *); +NPY_NO_EXPORT char * PyArray_One \ + (PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_CastToType \ + (PyArrayObject *, PyArray_Descr *, int); +NPY_NO_EXPORT int PyArray_CastTo \ + (PyArrayObject *, PyArrayObject *); +NPY_NO_EXPORT int PyArray_CastAnyTo \ + (PyArrayObject *, PyArrayObject *); +NPY_NO_EXPORT int PyArray_CanCastSafely \ + (int, int); +NPY_NO_EXPORT npy_bool PyArray_CanCastTo \ + (PyArray_Descr *, PyArray_Descr *); +NPY_NO_EXPORT int PyArray_ObjectType \ + (PyObject *, int); +NPY_NO_EXPORT PyArray_Descr * PyArray_DescrFromObject \ + (PyObject *, PyArray_Descr *); +NPY_NO_EXPORT PyArrayObject ** PyArray_ConvertToCommonType \ + (PyObject *, int *); +NPY_NO_EXPORT PyArray_Descr * PyArray_DescrFromScalar \ + (PyObject *); +NPY_NO_EXPORT PyArray_Descr * PyArray_DescrFromTypeObject \ + (PyObject *); +NPY_NO_EXPORT npy_intp PyArray_Size \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_Scalar \ + (void *, PyArray_Descr *, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_FromScalar \ + (PyObject *, PyArray_Descr *); +NPY_NO_EXPORT void PyArray_ScalarAsCtype \ + (PyObject *, void *); +NPY_NO_EXPORT int PyArray_CastScalarToCtype \ + (PyObject *, void *, PyArray_Descr *); +NPY_NO_EXPORT int PyArray_CastScalarDirect \ + (PyObject *, PyArray_Descr *, void *, int); +NPY_NO_EXPORT PyObject * PyArray_ScalarFromObject \ + (PyObject *); +NPY_NO_EXPORT PyArray_VectorUnaryFunc * PyArray_GetCastFunc \ + (PyArray_Descr *, int); +NPY_NO_EXPORT PyObject * PyArray_FromDims \ + (int, int *, int); +NPY_NO_EXPORT PyObject * PyArray_FromDimsAndDataAndDescr \ + (int, int *, PyArray_Descr *, char *); +NPY_NO_EXPORT PyObject * PyArray_FromAny \ + (PyObject *, PyArray_Descr *, int, int, int, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_EnsureArray \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_EnsureAnyArray \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_FromFile \ + (FILE *, PyArray_Descr *, npy_intp, char *); +NPY_NO_EXPORT PyObject * PyArray_FromString \ + (char *, npy_intp, PyArray_Descr *, npy_intp, char *); +NPY_NO_EXPORT PyObject * PyArray_FromBuffer \ + (PyObject *, PyArray_Descr *, npy_intp, npy_intp); +NPY_NO_EXPORT PyObject * PyArray_FromIter \ + (PyObject *, PyArray_Descr *, npy_intp); +NPY_NO_EXPORT PyObject * PyArray_Return \ + (PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_GetField \ + (PyArrayObject *, PyArray_Descr *, int); +NPY_NO_EXPORT int PyArray_SetField \ + (PyArrayObject *, PyArray_Descr *, int, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_Byteswap \ + (PyArrayObject *, npy_bool); +NPY_NO_EXPORT PyObject * PyArray_Resize \ + (PyArrayObject *, PyArray_Dims *, int, NPY_ORDER); +NPY_NO_EXPORT int PyArray_MoveInto \ + (PyArrayObject *, PyArrayObject *); +NPY_NO_EXPORT int PyArray_CopyInto \ + (PyArrayObject *, PyArrayObject *); +NPY_NO_EXPORT int PyArray_CopyAnyInto \ + (PyArrayObject *, PyArrayObject *); +NPY_NO_EXPORT int PyArray_CopyObject \ + (PyArrayObject *, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_NewCopy \ + (PyArrayObject *, NPY_ORDER); +NPY_NO_EXPORT PyObject * PyArray_ToList \ + (PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_ToString \ + (PyArrayObject *, NPY_ORDER); +NPY_NO_EXPORT int PyArray_ToFile \ + (PyArrayObject *, FILE *, char *, char *); +NPY_NO_EXPORT int PyArray_Dump \ + (PyObject *, PyObject *, int); +NPY_NO_EXPORT PyObject * PyArray_Dumps \ + (PyObject *, int); +NPY_NO_EXPORT int PyArray_ValidType \ + (int); +NPY_NO_EXPORT void PyArray_UpdateFlags \ + (PyArrayObject *, int); +NPY_NO_EXPORT PyObject * PyArray_New \ + (PyTypeObject *, int, npy_intp *, int, npy_intp *, void *, int, int, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_NewFromDescr \ + (PyTypeObject *, PyArray_Descr *, int, npy_intp *, npy_intp *, void *, int, PyObject *); +NPY_NO_EXPORT PyArray_Descr * PyArray_DescrNew \ + (PyArray_Descr *); +NPY_NO_EXPORT PyArray_Descr * PyArray_DescrNewFromType \ + (int); +NPY_NO_EXPORT double PyArray_GetPriority \ + (PyObject *, double); +NPY_NO_EXPORT PyObject * PyArray_IterNew \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_MultiIterNew \ + (int, ...); +NPY_NO_EXPORT int PyArray_PyIntAsInt \ + (PyObject *); +NPY_NO_EXPORT npy_intp PyArray_PyIntAsIntp \ + (PyObject *); +NPY_NO_EXPORT int PyArray_Broadcast \ + (PyArrayMultiIterObject *); +NPY_NO_EXPORT void PyArray_FillObjectArray \ + (PyArrayObject *, PyObject *); +NPY_NO_EXPORT int PyArray_FillWithScalar \ + (PyArrayObject *, PyObject *); +NPY_NO_EXPORT npy_bool PyArray_CheckStrides \ + (int, int, npy_intp, npy_intp, npy_intp *, npy_intp *); +NPY_NO_EXPORT PyArray_Descr * PyArray_DescrNewByteorder \ + (PyArray_Descr *, char); +NPY_NO_EXPORT PyObject * PyArray_IterAllButAxis \ + (PyObject *, int *); +NPY_NO_EXPORT PyObject * PyArray_CheckFromAny \ + (PyObject *, PyArray_Descr *, int, int, int, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_FromArray \ + (PyArrayObject *, PyArray_Descr *, int); +NPY_NO_EXPORT PyObject * PyArray_FromInterface \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_FromStructInterface \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_FromArrayAttr \ + (PyObject *, PyArray_Descr *, PyObject *); +NPY_NO_EXPORT NPY_SCALARKIND PyArray_ScalarKind \ + (int, PyArrayObject **); +NPY_NO_EXPORT int PyArray_CanCoerceScalar \ + (int, int, NPY_SCALARKIND); +NPY_NO_EXPORT PyObject * PyArray_NewFlagsObject \ + (PyObject *); +NPY_NO_EXPORT npy_bool PyArray_CanCastScalar \ + (PyTypeObject *, PyTypeObject *); +NPY_NO_EXPORT int PyArray_CompareUCS4 \ + (npy_ucs4 *, npy_ucs4 *, size_t); +NPY_NO_EXPORT int PyArray_RemoveSmallest \ + (PyArrayMultiIterObject *); +NPY_NO_EXPORT int PyArray_ElementStrides \ + (PyObject *); +NPY_NO_EXPORT void PyArray_Item_INCREF \ + (char *, PyArray_Descr *); +NPY_NO_EXPORT void PyArray_Item_XDECREF \ + (char *, PyArray_Descr *); +NPY_NO_EXPORT PyObject * PyArray_FieldNames \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_Transpose \ + (PyArrayObject *, PyArray_Dims *); +NPY_NO_EXPORT PyObject * PyArray_TakeFrom \ + (PyArrayObject *, PyObject *, int, PyArrayObject *, NPY_CLIPMODE); +NPY_NO_EXPORT PyObject * PyArray_PutTo \ + (PyArrayObject *, PyObject*, PyObject *, NPY_CLIPMODE); +NPY_NO_EXPORT PyObject * PyArray_PutMask \ + (PyArrayObject *, PyObject*, PyObject*); +NPY_NO_EXPORT PyObject * PyArray_Repeat \ + (PyArrayObject *, PyObject *, int); +NPY_NO_EXPORT PyObject * PyArray_Choose \ + (PyArrayObject *, PyObject *, PyArrayObject *, NPY_CLIPMODE); +NPY_NO_EXPORT int PyArray_Sort \ + (PyArrayObject *, int, NPY_SORTKIND); +NPY_NO_EXPORT PyObject * PyArray_ArgSort \ + (PyArrayObject *, int, NPY_SORTKIND); +NPY_NO_EXPORT PyObject * PyArray_SearchSorted \ + (PyArrayObject *, PyObject *, NPY_SEARCHSIDE, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_ArgMax \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_ArgMin \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Reshape \ + (PyArrayObject *, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_Newshape \ + (PyArrayObject *, PyArray_Dims *, NPY_ORDER); +NPY_NO_EXPORT PyObject * PyArray_Squeeze \ + (PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_View \ + (PyArrayObject *, PyArray_Descr *, PyTypeObject *); +NPY_NO_EXPORT PyObject * PyArray_SwapAxes \ + (PyArrayObject *, int, int); +NPY_NO_EXPORT PyObject * PyArray_Max \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Min \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Ptp \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Mean \ + (PyArrayObject *, int, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Trace \ + (PyArrayObject *, int, int, int, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Diagonal \ + (PyArrayObject *, int, int, int); +NPY_NO_EXPORT PyObject * PyArray_Clip \ + (PyArrayObject *, PyObject *, PyObject *, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Conjugate \ + (PyArrayObject *, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Nonzero \ + (PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Std \ + (PyArrayObject *, int, int, PyArrayObject *, int); +NPY_NO_EXPORT PyObject * PyArray_Sum \ + (PyArrayObject *, int, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_CumSum \ + (PyArrayObject *, int, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Prod \ + (PyArrayObject *, int, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_CumProd \ + (PyArrayObject *, int, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_All \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Any \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Compress \ + (PyArrayObject *, PyObject *, int, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_Flatten \ + (PyArrayObject *, NPY_ORDER); +NPY_NO_EXPORT PyObject * PyArray_Ravel \ + (PyArrayObject *, NPY_ORDER); +NPY_NO_EXPORT npy_intp PyArray_MultiplyList \ + (npy_intp *, int); +NPY_NO_EXPORT int PyArray_MultiplyIntList \ + (int *, int); +NPY_NO_EXPORT void * PyArray_GetPtr \ + (PyArrayObject *, npy_intp*); +NPY_NO_EXPORT int PyArray_CompareLists \ + (npy_intp *, npy_intp *, int); +NPY_NO_EXPORT int PyArray_AsCArray \ + (PyObject **, void *, npy_intp *, int, PyArray_Descr*); +NPY_NO_EXPORT int PyArray_As1D \ + (PyObject **, char **, int *, int); +NPY_NO_EXPORT int PyArray_As2D \ + (PyObject **, char ***, int *, int *, int); +NPY_NO_EXPORT int PyArray_Free \ + (PyObject *, void *); +NPY_NO_EXPORT int PyArray_Converter \ + (PyObject *, PyObject **); +NPY_NO_EXPORT int PyArray_IntpFromSequence \ + (PyObject *, npy_intp *, int); +NPY_NO_EXPORT PyObject * PyArray_Concatenate \ + (PyObject *, int); +NPY_NO_EXPORT PyObject * PyArray_InnerProduct \ + (PyObject *, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_MatrixProduct \ + (PyObject *, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_CopyAndTranspose \ + (PyObject *); +NPY_NO_EXPORT PyObject * PyArray_Correlate \ + (PyObject *, PyObject *, int); +NPY_NO_EXPORT int PyArray_TypestrConvert \ + (int, int); +NPY_NO_EXPORT int PyArray_DescrConverter \ + (PyObject *, PyArray_Descr **); +NPY_NO_EXPORT int PyArray_DescrConverter2 \ + (PyObject *, PyArray_Descr **); +NPY_NO_EXPORT int PyArray_IntpConverter \ + (PyObject *, PyArray_Dims *); +NPY_NO_EXPORT int PyArray_BufferConverter \ + (PyObject *, PyArray_Chunk *); +NPY_NO_EXPORT int PyArray_AxisConverter \ + (PyObject *, int *); +NPY_NO_EXPORT int PyArray_BoolConverter \ + (PyObject *, npy_bool *); +NPY_NO_EXPORT int PyArray_ByteorderConverter \ + (PyObject *, char *); +NPY_NO_EXPORT int PyArray_OrderConverter \ + (PyObject *, NPY_ORDER *); +NPY_NO_EXPORT unsigned char PyArray_EquivTypes \ + (PyArray_Descr *, PyArray_Descr *); +NPY_NO_EXPORT PyObject * PyArray_Zeros \ + (int, npy_intp *, PyArray_Descr *, int); +NPY_NO_EXPORT PyObject * PyArray_Empty \ + (int, npy_intp *, PyArray_Descr *, int); +NPY_NO_EXPORT PyObject * PyArray_Where \ + (PyObject *, PyObject *, PyObject *); +NPY_NO_EXPORT PyObject * PyArray_Arange \ + (double, double, double, int); +NPY_NO_EXPORT PyObject * PyArray_ArangeObj \ + (PyObject *, PyObject *, PyObject *, PyArray_Descr *); +NPY_NO_EXPORT int PyArray_SortkindConverter \ + (PyObject *, NPY_SORTKIND *); +NPY_NO_EXPORT PyObject * PyArray_LexSort \ + (PyObject *, int); +NPY_NO_EXPORT PyObject * PyArray_Round \ + (PyArrayObject *, int, PyArrayObject *); +NPY_NO_EXPORT unsigned char PyArray_EquivTypenums \ + (int, int); +NPY_NO_EXPORT int PyArray_RegisterDataType \ + (PyArray_Descr *); +NPY_NO_EXPORT int PyArray_RegisterCastFunc \ + (PyArray_Descr *, int, PyArray_VectorUnaryFunc *); +NPY_NO_EXPORT int PyArray_RegisterCanCast \ + (PyArray_Descr *, int, NPY_SCALARKIND); +NPY_NO_EXPORT void PyArray_InitArrFuncs \ + (PyArray_ArrFuncs *); +NPY_NO_EXPORT PyObject * PyArray_IntTupleFromIntp \ + (int, npy_intp *); +NPY_NO_EXPORT int PyArray_TypeNumFromName \ + (char *); +NPY_NO_EXPORT int PyArray_ClipmodeConverter \ + (PyObject *, NPY_CLIPMODE *); +NPY_NO_EXPORT int PyArray_OutputConverter \ + (PyObject *, PyArrayObject **); +NPY_NO_EXPORT PyObject * PyArray_BroadcastToShape \ + (PyObject *, npy_intp *, int); +NPY_NO_EXPORT void _PyArray_SigintHandler \ + (int); +NPY_NO_EXPORT void* _PyArray_GetSigintBuf \ + (void); +NPY_NO_EXPORT int PyArray_DescrAlignConverter \ + (PyObject *, PyArray_Descr **); +NPY_NO_EXPORT int PyArray_DescrAlignConverter2 \ + (PyObject *, PyArray_Descr **); +NPY_NO_EXPORT int PyArray_SearchsideConverter \ + (PyObject *, void *); +NPY_NO_EXPORT PyObject * PyArray_CheckAxis \ + (PyArrayObject *, int *, int); +NPY_NO_EXPORT npy_intp PyArray_OverflowMultiplyList \ + (npy_intp *, int); +NPY_NO_EXPORT int PyArray_CompareString \ + (char *, char *, size_t); +NPY_NO_EXPORT PyObject * PyArray_MultiIterFromObjects \ + (PyObject **, int, int, ...); +NPY_NO_EXPORT int PyArray_GetEndianness \ + (void); +NPY_NO_EXPORT unsigned int PyArray_GetNDArrayCFeatureVersion \ + (void); +NPY_NO_EXPORT PyObject * PyArray_Correlate2 \ + (PyObject *, PyObject *, int); +NPY_NO_EXPORT PyObject* PyArray_NeighborhoodIterNew \ + (PyArrayIterObject *, npy_intp *, int, PyArrayObject*); +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyTimeIntegerArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyTimeIntegerArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyDatetimeArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyDatetimeArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyTimedeltaArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyTimedeltaArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyHalfArrType_Type; +#else + NPY_NO_EXPORT PyTypeObject PyHalfArrType_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject NpyIter_Type; +#else + NPY_NO_EXPORT PyTypeObject NpyIter_Type; +#endif + +NPY_NO_EXPORT void PyArray_SetDatetimeParseFunction \ + (PyObject *); +NPY_NO_EXPORT void PyArray_DatetimeToDatetimeStruct \ + (npy_datetime, NPY_DATETIMEUNIT, npy_datetimestruct *); +NPY_NO_EXPORT void PyArray_TimedeltaToTimedeltaStruct \ + (npy_timedelta, NPY_DATETIMEUNIT, npy_timedeltastruct *); +NPY_NO_EXPORT npy_datetime PyArray_DatetimeStructToDatetime \ + (NPY_DATETIMEUNIT, npy_datetimestruct *); +NPY_NO_EXPORT npy_datetime PyArray_TimedeltaStructToTimedelta \ + (NPY_DATETIMEUNIT, npy_timedeltastruct *); +NPY_NO_EXPORT NpyIter * NpyIter_New \ + (PyArrayObject *, npy_uint32, NPY_ORDER, NPY_CASTING, PyArray_Descr*); +NPY_NO_EXPORT NpyIter * NpyIter_MultiNew \ + (int, PyArrayObject **, npy_uint32, NPY_ORDER, NPY_CASTING, npy_uint32 *, PyArray_Descr **); +NPY_NO_EXPORT NpyIter * NpyIter_AdvancedNew \ + (int, PyArrayObject **, npy_uint32, NPY_ORDER, NPY_CASTING, npy_uint32 *, PyArray_Descr **, int, int **, npy_intp *, npy_intp); +NPY_NO_EXPORT NpyIter * NpyIter_Copy \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_Deallocate \ + (NpyIter *); +NPY_NO_EXPORT npy_bool NpyIter_HasDelayedBufAlloc \ + (NpyIter *); +NPY_NO_EXPORT npy_bool NpyIter_HasExternalLoop \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_EnableExternalLoop \ + (NpyIter *); +NPY_NO_EXPORT npy_intp * NpyIter_GetInnerStrideArray \ + (NpyIter *); +NPY_NO_EXPORT npy_intp * NpyIter_GetInnerLoopSizePtr \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_Reset \ + (NpyIter *, char **); +NPY_NO_EXPORT int NpyIter_ResetBasePointers \ + (NpyIter *, char **, char **); +NPY_NO_EXPORT int NpyIter_ResetToIterIndexRange \ + (NpyIter *, npy_intp, npy_intp, char **); +NPY_NO_EXPORT int NpyIter_GetNDim \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_GetNOp \ + (NpyIter *); +NPY_NO_EXPORT NpyIter_IterNextFunc * NpyIter_GetIterNext \ + (NpyIter *, char **); +NPY_NO_EXPORT npy_intp NpyIter_GetIterSize \ + (NpyIter *); +NPY_NO_EXPORT void NpyIter_GetIterIndexRange \ + (NpyIter *, npy_intp *, npy_intp *); +NPY_NO_EXPORT npy_intp NpyIter_GetIterIndex \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_GotoIterIndex \ + (NpyIter *, npy_intp); +NPY_NO_EXPORT npy_bool NpyIter_HasMultiIndex \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_GetShape \ + (NpyIter *, npy_intp *); +NPY_NO_EXPORT NpyIter_GetMultiIndexFunc * NpyIter_GetGetMultiIndex \ + (NpyIter *, char **); +NPY_NO_EXPORT int NpyIter_GotoMultiIndex \ + (NpyIter *, npy_intp *); +NPY_NO_EXPORT int NpyIter_RemoveMultiIndex \ + (NpyIter *); +NPY_NO_EXPORT npy_bool NpyIter_HasIndex \ + (NpyIter *); +NPY_NO_EXPORT npy_bool NpyIter_IsBuffered \ + (NpyIter *); +NPY_NO_EXPORT npy_bool NpyIter_IsGrowInner \ + (NpyIter *); +NPY_NO_EXPORT npy_intp NpyIter_GetBufferSize \ + (NpyIter *); +NPY_NO_EXPORT npy_intp * NpyIter_GetIndexPtr \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_GotoIndex \ + (NpyIter *, npy_intp); +NPY_NO_EXPORT char ** NpyIter_GetDataPtrArray \ + (NpyIter *); +NPY_NO_EXPORT PyArray_Descr ** NpyIter_GetDescrArray \ + (NpyIter *); +NPY_NO_EXPORT PyArrayObject ** NpyIter_GetOperandArray \ + (NpyIter *); +NPY_NO_EXPORT PyArrayObject * NpyIter_GetIterView \ + (NpyIter *, npy_intp); +NPY_NO_EXPORT void NpyIter_GetReadFlags \ + (NpyIter *, char *); +NPY_NO_EXPORT void NpyIter_GetWriteFlags \ + (NpyIter *, char *); +NPY_NO_EXPORT void NpyIter_DebugPrint \ + (NpyIter *); +NPY_NO_EXPORT npy_bool NpyIter_IterationNeedsAPI \ + (NpyIter *); +NPY_NO_EXPORT void NpyIter_GetInnerFixedStrideArray \ + (NpyIter *, npy_intp *); +NPY_NO_EXPORT int NpyIter_RemoveAxis \ + (NpyIter *, int); +NPY_NO_EXPORT npy_intp * NpyIter_GetAxisStrideArray \ + (NpyIter *, int); +NPY_NO_EXPORT npy_bool NpyIter_RequiresBuffering \ + (NpyIter *); +NPY_NO_EXPORT char ** NpyIter_GetInitialDataPtrArray \ + (NpyIter *); +NPY_NO_EXPORT int NpyIter_CreateCompatibleStrides \ + (NpyIter *, npy_intp, npy_intp *); +NPY_NO_EXPORT int PyArray_CastingConverter \ + (PyObject *, NPY_CASTING *); +NPY_NO_EXPORT npy_intp PyArray_CountNonzero \ + (PyArrayObject *); +NPY_NO_EXPORT PyArray_Descr * PyArray_PromoteTypes \ + (PyArray_Descr *, PyArray_Descr *); +NPY_NO_EXPORT PyArray_Descr * PyArray_MinScalarType \ + (PyArrayObject *); +NPY_NO_EXPORT PyArray_Descr * PyArray_ResultType \ + (npy_intp, PyArrayObject **, npy_intp, PyArray_Descr **); +NPY_NO_EXPORT npy_bool PyArray_CanCastArrayTo \ + (PyArrayObject *, PyArray_Descr *, NPY_CASTING); +NPY_NO_EXPORT npy_bool PyArray_CanCastTypeTo \ + (PyArray_Descr *, PyArray_Descr *, NPY_CASTING); +NPY_NO_EXPORT PyArrayObject * PyArray_EinsteinSum \ + (char *, npy_intp, PyArrayObject **, PyArray_Descr *, NPY_ORDER, NPY_CASTING, PyArrayObject *); +NPY_NO_EXPORT PyObject * PyArray_NewLikeArray \ + (PyArrayObject *, NPY_ORDER, PyArray_Descr *, int); +NPY_NO_EXPORT int PyArray_GetArrayParamsFromObject \ + (PyObject *, PyArray_Descr *, npy_bool, PyArray_Descr **, int *, npy_intp *, PyArrayObject **, PyObject *); +NPY_NO_EXPORT int PyArray_ConvertClipmodeSequence \ + (PyObject *, NPY_CLIPMODE *, int); +NPY_NO_EXPORT PyObject * PyArray_MatrixProduct2 \ + (PyObject *, PyObject *, PyArrayObject*); +NPY_NO_EXPORT npy_bool NpyIter_IsFirstVisit \ + (NpyIter *, int); +NPY_NO_EXPORT int PyArray_SetBaseObject \ + (PyArrayObject *, PyObject *); +NPY_NO_EXPORT void PyArray_CreateSortedStridePerm \ + (int, npy_intp *, npy_stride_sort_item *); +NPY_NO_EXPORT void PyArray_RemoveAxesInPlace \ + (PyArrayObject *, npy_bool *); +NPY_NO_EXPORT void PyArray_DebugPrint \ + (PyArrayObject *); +NPY_NO_EXPORT int PyArray_FailUnlessWriteable \ + (PyArrayObject *, const char *); +NPY_NO_EXPORT int PyArray_SetUpdateIfCopyBase \ + (PyArrayObject *, PyArrayObject *); +NPY_NO_EXPORT void * PyDataMem_NEW \ + (size_t); +NPY_NO_EXPORT void PyDataMem_FREE \ + (void *); +NPY_NO_EXPORT void * PyDataMem_RENEW \ + (void *, size_t); +NPY_NO_EXPORT PyDataMem_EventHookFunc * PyDataMem_SetEventHook \ + (PyDataMem_EventHookFunc *, void *, void **); +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT NPY_CASTING NPY_DEFAULT_ASSIGN_CASTING; +#else + NPY_NO_EXPORT NPY_CASTING NPY_DEFAULT_ASSIGN_CASTING; +#endif + + +#else + +#if defined(PY_ARRAY_UNIQUE_SYMBOL) +#define PyArray_API PY_ARRAY_UNIQUE_SYMBOL +#endif + +#if defined(NO_IMPORT) || defined(NO_IMPORT_ARRAY) +extern void **PyArray_API; +#else +#if defined(PY_ARRAY_UNIQUE_SYMBOL) +void **PyArray_API; +#else +static void **PyArray_API=NULL; +#endif +#endif + +#define PyArray_GetNDArrayCVersion \ + (*(unsigned int (*)(void)) \ + PyArray_API[0]) +#define PyBigArray_Type (*(PyTypeObject *)PyArray_API[1]) +#define PyArray_Type (*(PyTypeObject *)PyArray_API[2]) +#define PyArrayDescr_Type (*(PyTypeObject *)PyArray_API[3]) +#define PyArrayFlags_Type (*(PyTypeObject *)PyArray_API[4]) +#define PyArrayIter_Type (*(PyTypeObject *)PyArray_API[5]) +#define PyArrayMultiIter_Type (*(PyTypeObject *)PyArray_API[6]) +#define NPY_NUMUSERTYPES (*(int *)PyArray_API[7]) +#define PyBoolArrType_Type (*(PyTypeObject *)PyArray_API[8]) +#define _PyArrayScalar_BoolValues ((PyBoolScalarObject *)PyArray_API[9]) +#define PyGenericArrType_Type (*(PyTypeObject *)PyArray_API[10]) +#define PyNumberArrType_Type (*(PyTypeObject *)PyArray_API[11]) +#define PyIntegerArrType_Type (*(PyTypeObject *)PyArray_API[12]) +#define PySignedIntegerArrType_Type (*(PyTypeObject *)PyArray_API[13]) +#define PyUnsignedIntegerArrType_Type (*(PyTypeObject *)PyArray_API[14]) +#define PyInexactArrType_Type (*(PyTypeObject *)PyArray_API[15]) +#define PyFloatingArrType_Type (*(PyTypeObject *)PyArray_API[16]) +#define PyComplexFloatingArrType_Type (*(PyTypeObject *)PyArray_API[17]) +#define PyFlexibleArrType_Type (*(PyTypeObject *)PyArray_API[18]) +#define PyCharacterArrType_Type (*(PyTypeObject *)PyArray_API[19]) +#define PyByteArrType_Type (*(PyTypeObject *)PyArray_API[20]) +#define PyShortArrType_Type (*(PyTypeObject *)PyArray_API[21]) +#define PyIntArrType_Type (*(PyTypeObject *)PyArray_API[22]) +#define PyLongArrType_Type (*(PyTypeObject *)PyArray_API[23]) +#define PyLongLongArrType_Type (*(PyTypeObject *)PyArray_API[24]) +#define PyUByteArrType_Type (*(PyTypeObject *)PyArray_API[25]) +#define PyUShortArrType_Type (*(PyTypeObject *)PyArray_API[26]) +#define PyUIntArrType_Type (*(PyTypeObject *)PyArray_API[27]) +#define PyULongArrType_Type (*(PyTypeObject *)PyArray_API[28]) +#define PyULongLongArrType_Type (*(PyTypeObject *)PyArray_API[29]) +#define PyFloatArrType_Type (*(PyTypeObject *)PyArray_API[30]) +#define PyDoubleArrType_Type (*(PyTypeObject *)PyArray_API[31]) +#define PyLongDoubleArrType_Type (*(PyTypeObject *)PyArray_API[32]) +#define PyCFloatArrType_Type (*(PyTypeObject *)PyArray_API[33]) +#define PyCDoubleArrType_Type (*(PyTypeObject *)PyArray_API[34]) +#define PyCLongDoubleArrType_Type (*(PyTypeObject *)PyArray_API[35]) +#define PyObjectArrType_Type (*(PyTypeObject *)PyArray_API[36]) +#define PyStringArrType_Type (*(PyTypeObject *)PyArray_API[37]) +#define PyUnicodeArrType_Type (*(PyTypeObject *)PyArray_API[38]) +#define PyVoidArrType_Type (*(PyTypeObject *)PyArray_API[39]) +#define PyArray_SetNumericOps \ + (*(int (*)(PyObject *)) \ + PyArray_API[40]) +#define PyArray_GetNumericOps \ + (*(PyObject * (*)(void)) \ + PyArray_API[41]) +#define PyArray_INCREF \ + (*(int (*)(PyArrayObject *)) \ + PyArray_API[42]) +#define PyArray_XDECREF \ + (*(int (*)(PyArrayObject *)) \ + PyArray_API[43]) +#define PyArray_SetStringFunction \ + (*(void (*)(PyObject *, int)) \ + PyArray_API[44]) +#define PyArray_DescrFromType \ + (*(PyArray_Descr * (*)(int)) \ + PyArray_API[45]) +#define PyArray_TypeObjectFromType \ + (*(PyObject * (*)(int)) \ + PyArray_API[46]) +#define PyArray_Zero \ + (*(char * (*)(PyArrayObject *)) \ + PyArray_API[47]) +#define PyArray_One \ + (*(char * (*)(PyArrayObject *)) \ + PyArray_API[48]) +#define PyArray_CastToType \ + (*(PyObject * (*)(PyArrayObject *, PyArray_Descr *, int)) \ + PyArray_API[49]) +#define PyArray_CastTo \ + (*(int (*)(PyArrayObject *, PyArrayObject *)) \ + PyArray_API[50]) +#define PyArray_CastAnyTo \ + (*(int (*)(PyArrayObject *, PyArrayObject *)) \ + PyArray_API[51]) +#define PyArray_CanCastSafely \ + (*(int (*)(int, int)) \ + PyArray_API[52]) +#define PyArray_CanCastTo \ + (*(npy_bool (*)(PyArray_Descr *, PyArray_Descr *)) \ + PyArray_API[53]) +#define PyArray_ObjectType \ + (*(int (*)(PyObject *, int)) \ + PyArray_API[54]) +#define PyArray_DescrFromObject \ + (*(PyArray_Descr * (*)(PyObject *, PyArray_Descr *)) \ + PyArray_API[55]) +#define PyArray_ConvertToCommonType \ + (*(PyArrayObject ** (*)(PyObject *, int *)) \ + PyArray_API[56]) +#define PyArray_DescrFromScalar \ + (*(PyArray_Descr * (*)(PyObject *)) \ + PyArray_API[57]) +#define PyArray_DescrFromTypeObject \ + (*(PyArray_Descr * (*)(PyObject *)) \ + PyArray_API[58]) +#define PyArray_Size \ + (*(npy_intp (*)(PyObject *)) \ + PyArray_API[59]) +#define PyArray_Scalar \ + (*(PyObject * (*)(void *, PyArray_Descr *, PyObject *)) \ + PyArray_API[60]) +#define PyArray_FromScalar \ + (*(PyObject * (*)(PyObject *, PyArray_Descr *)) \ + PyArray_API[61]) +#define PyArray_ScalarAsCtype \ + (*(void (*)(PyObject *, void *)) \ + PyArray_API[62]) +#define PyArray_CastScalarToCtype \ + (*(int (*)(PyObject *, void *, PyArray_Descr *)) \ + PyArray_API[63]) +#define PyArray_CastScalarDirect \ + (*(int (*)(PyObject *, PyArray_Descr *, void *, int)) \ + PyArray_API[64]) +#define PyArray_ScalarFromObject \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[65]) +#define PyArray_GetCastFunc \ + (*(PyArray_VectorUnaryFunc * (*)(PyArray_Descr *, int)) \ + PyArray_API[66]) +#define PyArray_FromDims \ + (*(PyObject * (*)(int, int *, int)) \ + PyArray_API[67]) +#define PyArray_FromDimsAndDataAndDescr \ + (*(PyObject * (*)(int, int *, PyArray_Descr *, char *)) \ + PyArray_API[68]) +#define PyArray_FromAny \ + (*(PyObject * (*)(PyObject *, PyArray_Descr *, int, int, int, PyObject *)) \ + PyArray_API[69]) +#define PyArray_EnsureArray \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[70]) +#define PyArray_EnsureAnyArray \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[71]) +#define PyArray_FromFile \ + (*(PyObject * (*)(FILE *, PyArray_Descr *, npy_intp, char *)) \ + PyArray_API[72]) +#define PyArray_FromString \ + (*(PyObject * (*)(char *, npy_intp, PyArray_Descr *, npy_intp, char *)) \ + PyArray_API[73]) +#define PyArray_FromBuffer \ + (*(PyObject * (*)(PyObject *, PyArray_Descr *, npy_intp, npy_intp)) \ + PyArray_API[74]) +#define PyArray_FromIter \ + (*(PyObject * (*)(PyObject *, PyArray_Descr *, npy_intp)) \ + PyArray_API[75]) +#define PyArray_Return \ + (*(PyObject * (*)(PyArrayObject *)) \ + PyArray_API[76]) +#define PyArray_GetField \ + (*(PyObject * (*)(PyArrayObject *, PyArray_Descr *, int)) \ + PyArray_API[77]) +#define PyArray_SetField \ + (*(int (*)(PyArrayObject *, PyArray_Descr *, int, PyObject *)) \ + PyArray_API[78]) +#define PyArray_Byteswap \ + (*(PyObject * (*)(PyArrayObject *, npy_bool)) \ + PyArray_API[79]) +#define PyArray_Resize \ + (*(PyObject * (*)(PyArrayObject *, PyArray_Dims *, int, NPY_ORDER)) \ + PyArray_API[80]) +#define PyArray_MoveInto \ + (*(int (*)(PyArrayObject *, PyArrayObject *)) \ + PyArray_API[81]) +#define PyArray_CopyInto \ + (*(int (*)(PyArrayObject *, PyArrayObject *)) \ + PyArray_API[82]) +#define PyArray_CopyAnyInto \ + (*(int (*)(PyArrayObject *, PyArrayObject *)) \ + PyArray_API[83]) +#define PyArray_CopyObject \ + (*(int (*)(PyArrayObject *, PyObject *)) \ + PyArray_API[84]) +#define PyArray_NewCopy \ + (*(PyObject * (*)(PyArrayObject *, NPY_ORDER)) \ + PyArray_API[85]) +#define PyArray_ToList \ + (*(PyObject * (*)(PyArrayObject *)) \ + PyArray_API[86]) +#define PyArray_ToString \ + (*(PyObject * (*)(PyArrayObject *, NPY_ORDER)) \ + PyArray_API[87]) +#define PyArray_ToFile \ + (*(int (*)(PyArrayObject *, FILE *, char *, char *)) \ + PyArray_API[88]) +#define PyArray_Dump \ + (*(int (*)(PyObject *, PyObject *, int)) \ + PyArray_API[89]) +#define PyArray_Dumps \ + (*(PyObject * (*)(PyObject *, int)) \ + PyArray_API[90]) +#define PyArray_ValidType \ + (*(int (*)(int)) \ + PyArray_API[91]) +#define PyArray_UpdateFlags \ + (*(void (*)(PyArrayObject *, int)) \ + PyArray_API[92]) +#define PyArray_New \ + (*(PyObject * (*)(PyTypeObject *, int, npy_intp *, int, npy_intp *, void *, int, int, PyObject *)) \ + PyArray_API[93]) +#define PyArray_NewFromDescr \ + (*(PyObject * (*)(PyTypeObject *, PyArray_Descr *, int, npy_intp *, npy_intp *, void *, int, PyObject *)) \ + PyArray_API[94]) +#define PyArray_DescrNew \ + (*(PyArray_Descr * (*)(PyArray_Descr *)) \ + PyArray_API[95]) +#define PyArray_DescrNewFromType \ + (*(PyArray_Descr * (*)(int)) \ + PyArray_API[96]) +#define PyArray_GetPriority \ + (*(double (*)(PyObject *, double)) \ + PyArray_API[97]) +#define PyArray_IterNew \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[98]) +#define PyArray_MultiIterNew \ + (*(PyObject * (*)(int, ...)) \ + PyArray_API[99]) +#define PyArray_PyIntAsInt \ + (*(int (*)(PyObject *)) \ + PyArray_API[100]) +#define PyArray_PyIntAsIntp \ + (*(npy_intp (*)(PyObject *)) \ + PyArray_API[101]) +#define PyArray_Broadcast \ + (*(int (*)(PyArrayMultiIterObject *)) \ + PyArray_API[102]) +#define PyArray_FillObjectArray \ + (*(void (*)(PyArrayObject *, PyObject *)) \ + PyArray_API[103]) +#define PyArray_FillWithScalar \ + (*(int (*)(PyArrayObject *, PyObject *)) \ + PyArray_API[104]) +#define PyArray_CheckStrides \ + (*(npy_bool (*)(int, int, npy_intp, npy_intp, npy_intp *, npy_intp *)) \ + PyArray_API[105]) +#define PyArray_DescrNewByteorder \ + (*(PyArray_Descr * (*)(PyArray_Descr *, char)) \ + PyArray_API[106]) +#define PyArray_IterAllButAxis \ + (*(PyObject * (*)(PyObject *, int *)) \ + PyArray_API[107]) +#define PyArray_CheckFromAny \ + (*(PyObject * (*)(PyObject *, PyArray_Descr *, int, int, int, PyObject *)) \ + PyArray_API[108]) +#define PyArray_FromArray \ + (*(PyObject * (*)(PyArrayObject *, PyArray_Descr *, int)) \ + PyArray_API[109]) +#define PyArray_FromInterface \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[110]) +#define PyArray_FromStructInterface \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[111]) +#define PyArray_FromArrayAttr \ + (*(PyObject * (*)(PyObject *, PyArray_Descr *, PyObject *)) \ + PyArray_API[112]) +#define PyArray_ScalarKind \ + (*(NPY_SCALARKIND (*)(int, PyArrayObject **)) \ + PyArray_API[113]) +#define PyArray_CanCoerceScalar \ + (*(int (*)(int, int, NPY_SCALARKIND)) \ + PyArray_API[114]) +#define PyArray_NewFlagsObject \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[115]) +#define PyArray_CanCastScalar \ + (*(npy_bool (*)(PyTypeObject *, PyTypeObject *)) \ + PyArray_API[116]) +#define PyArray_CompareUCS4 \ + (*(int (*)(npy_ucs4 *, npy_ucs4 *, size_t)) \ + PyArray_API[117]) +#define PyArray_RemoveSmallest \ + (*(int (*)(PyArrayMultiIterObject *)) \ + PyArray_API[118]) +#define PyArray_ElementStrides \ + (*(int (*)(PyObject *)) \ + PyArray_API[119]) +#define PyArray_Item_INCREF \ + (*(void (*)(char *, PyArray_Descr *)) \ + PyArray_API[120]) +#define PyArray_Item_XDECREF \ + (*(void (*)(char *, PyArray_Descr *)) \ + PyArray_API[121]) +#define PyArray_FieldNames \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[122]) +#define PyArray_Transpose \ + (*(PyObject * (*)(PyArrayObject *, PyArray_Dims *)) \ + PyArray_API[123]) +#define PyArray_TakeFrom \ + (*(PyObject * (*)(PyArrayObject *, PyObject *, int, PyArrayObject *, NPY_CLIPMODE)) \ + PyArray_API[124]) +#define PyArray_PutTo \ + (*(PyObject * (*)(PyArrayObject *, PyObject*, PyObject *, NPY_CLIPMODE)) \ + PyArray_API[125]) +#define PyArray_PutMask \ + (*(PyObject * (*)(PyArrayObject *, PyObject*, PyObject*)) \ + PyArray_API[126]) +#define PyArray_Repeat \ + (*(PyObject * (*)(PyArrayObject *, PyObject *, int)) \ + PyArray_API[127]) +#define PyArray_Choose \ + (*(PyObject * (*)(PyArrayObject *, PyObject *, PyArrayObject *, NPY_CLIPMODE)) \ + PyArray_API[128]) +#define PyArray_Sort \ + (*(int (*)(PyArrayObject *, int, NPY_SORTKIND)) \ + PyArray_API[129]) +#define PyArray_ArgSort \ + (*(PyObject * (*)(PyArrayObject *, int, NPY_SORTKIND)) \ + PyArray_API[130]) +#define PyArray_SearchSorted \ + (*(PyObject * (*)(PyArrayObject *, PyObject *, NPY_SEARCHSIDE, PyObject *)) \ + PyArray_API[131]) +#define PyArray_ArgMax \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[132]) +#define PyArray_ArgMin \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[133]) +#define PyArray_Reshape \ + (*(PyObject * (*)(PyArrayObject *, PyObject *)) \ + PyArray_API[134]) +#define PyArray_Newshape \ + (*(PyObject * (*)(PyArrayObject *, PyArray_Dims *, NPY_ORDER)) \ + PyArray_API[135]) +#define PyArray_Squeeze \ + (*(PyObject * (*)(PyArrayObject *)) \ + PyArray_API[136]) +#define PyArray_View \ + (*(PyObject * (*)(PyArrayObject *, PyArray_Descr *, PyTypeObject *)) \ + PyArray_API[137]) +#define PyArray_SwapAxes \ + (*(PyObject * (*)(PyArrayObject *, int, int)) \ + PyArray_API[138]) +#define PyArray_Max \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[139]) +#define PyArray_Min \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[140]) +#define PyArray_Ptp \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[141]) +#define PyArray_Mean \ + (*(PyObject * (*)(PyArrayObject *, int, int, PyArrayObject *)) \ + PyArray_API[142]) +#define PyArray_Trace \ + (*(PyObject * (*)(PyArrayObject *, int, int, int, int, PyArrayObject *)) \ + PyArray_API[143]) +#define PyArray_Diagonal \ + (*(PyObject * (*)(PyArrayObject *, int, int, int)) \ + PyArray_API[144]) +#define PyArray_Clip \ + (*(PyObject * (*)(PyArrayObject *, PyObject *, PyObject *, PyArrayObject *)) \ + PyArray_API[145]) +#define PyArray_Conjugate \ + (*(PyObject * (*)(PyArrayObject *, PyArrayObject *)) \ + PyArray_API[146]) +#define PyArray_Nonzero \ + (*(PyObject * (*)(PyArrayObject *)) \ + PyArray_API[147]) +#define PyArray_Std \ + (*(PyObject * (*)(PyArrayObject *, int, int, PyArrayObject *, int)) \ + PyArray_API[148]) +#define PyArray_Sum \ + (*(PyObject * (*)(PyArrayObject *, int, int, PyArrayObject *)) \ + PyArray_API[149]) +#define PyArray_CumSum \ + (*(PyObject * (*)(PyArrayObject *, int, int, PyArrayObject *)) \ + PyArray_API[150]) +#define PyArray_Prod \ + (*(PyObject * (*)(PyArrayObject *, int, int, PyArrayObject *)) \ + PyArray_API[151]) +#define PyArray_CumProd \ + (*(PyObject * (*)(PyArrayObject *, int, int, PyArrayObject *)) \ + PyArray_API[152]) +#define PyArray_All \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[153]) +#define PyArray_Any \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[154]) +#define PyArray_Compress \ + (*(PyObject * (*)(PyArrayObject *, PyObject *, int, PyArrayObject *)) \ + PyArray_API[155]) +#define PyArray_Flatten \ + (*(PyObject * (*)(PyArrayObject *, NPY_ORDER)) \ + PyArray_API[156]) +#define PyArray_Ravel \ + (*(PyObject * (*)(PyArrayObject *, NPY_ORDER)) \ + PyArray_API[157]) +#define PyArray_MultiplyList \ + (*(npy_intp (*)(npy_intp *, int)) \ + PyArray_API[158]) +#define PyArray_MultiplyIntList \ + (*(int (*)(int *, int)) \ + PyArray_API[159]) +#define PyArray_GetPtr \ + (*(void * (*)(PyArrayObject *, npy_intp*)) \ + PyArray_API[160]) +#define PyArray_CompareLists \ + (*(int (*)(npy_intp *, npy_intp *, int)) \ + PyArray_API[161]) +#define PyArray_AsCArray \ + (*(int (*)(PyObject **, void *, npy_intp *, int, PyArray_Descr*)) \ + PyArray_API[162]) +#define PyArray_As1D \ + (*(int (*)(PyObject **, char **, int *, int)) \ + PyArray_API[163]) +#define PyArray_As2D \ + (*(int (*)(PyObject **, char ***, int *, int *, int)) \ + PyArray_API[164]) +#define PyArray_Free \ + (*(int (*)(PyObject *, void *)) \ + PyArray_API[165]) +#define PyArray_Converter \ + (*(int (*)(PyObject *, PyObject **)) \ + PyArray_API[166]) +#define PyArray_IntpFromSequence \ + (*(int (*)(PyObject *, npy_intp *, int)) \ + PyArray_API[167]) +#define PyArray_Concatenate \ + (*(PyObject * (*)(PyObject *, int)) \ + PyArray_API[168]) +#define PyArray_InnerProduct \ + (*(PyObject * (*)(PyObject *, PyObject *)) \ + PyArray_API[169]) +#define PyArray_MatrixProduct \ + (*(PyObject * (*)(PyObject *, PyObject *)) \ + PyArray_API[170]) +#define PyArray_CopyAndTranspose \ + (*(PyObject * (*)(PyObject *)) \ + PyArray_API[171]) +#define PyArray_Correlate \ + (*(PyObject * (*)(PyObject *, PyObject *, int)) \ + PyArray_API[172]) +#define PyArray_TypestrConvert \ + (*(int (*)(int, int)) \ + PyArray_API[173]) +#define PyArray_DescrConverter \ + (*(int (*)(PyObject *, PyArray_Descr **)) \ + PyArray_API[174]) +#define PyArray_DescrConverter2 \ + (*(int (*)(PyObject *, PyArray_Descr **)) \ + PyArray_API[175]) +#define PyArray_IntpConverter \ + (*(int (*)(PyObject *, PyArray_Dims *)) \ + PyArray_API[176]) +#define PyArray_BufferConverter \ + (*(int (*)(PyObject *, PyArray_Chunk *)) \ + PyArray_API[177]) +#define PyArray_AxisConverter \ + (*(int (*)(PyObject *, int *)) \ + PyArray_API[178]) +#define PyArray_BoolConverter \ + (*(int (*)(PyObject *, npy_bool *)) \ + PyArray_API[179]) +#define PyArray_ByteorderConverter \ + (*(int (*)(PyObject *, char *)) \ + PyArray_API[180]) +#define PyArray_OrderConverter \ + (*(int (*)(PyObject *, NPY_ORDER *)) \ + PyArray_API[181]) +#define PyArray_EquivTypes \ + (*(unsigned char (*)(PyArray_Descr *, PyArray_Descr *)) \ + PyArray_API[182]) +#define PyArray_Zeros \ + (*(PyObject * (*)(int, npy_intp *, PyArray_Descr *, int)) \ + PyArray_API[183]) +#define PyArray_Empty \ + (*(PyObject * (*)(int, npy_intp *, PyArray_Descr *, int)) \ + PyArray_API[184]) +#define PyArray_Where \ + (*(PyObject * (*)(PyObject *, PyObject *, PyObject *)) \ + PyArray_API[185]) +#define PyArray_Arange \ + (*(PyObject * (*)(double, double, double, int)) \ + PyArray_API[186]) +#define PyArray_ArangeObj \ + (*(PyObject * (*)(PyObject *, PyObject *, PyObject *, PyArray_Descr *)) \ + PyArray_API[187]) +#define PyArray_SortkindConverter \ + (*(int (*)(PyObject *, NPY_SORTKIND *)) \ + PyArray_API[188]) +#define PyArray_LexSort \ + (*(PyObject * (*)(PyObject *, int)) \ + PyArray_API[189]) +#define PyArray_Round \ + (*(PyObject * (*)(PyArrayObject *, int, PyArrayObject *)) \ + PyArray_API[190]) +#define PyArray_EquivTypenums \ + (*(unsigned char (*)(int, int)) \ + PyArray_API[191]) +#define PyArray_RegisterDataType \ + (*(int (*)(PyArray_Descr *)) \ + PyArray_API[192]) +#define PyArray_RegisterCastFunc \ + (*(int (*)(PyArray_Descr *, int, PyArray_VectorUnaryFunc *)) \ + PyArray_API[193]) +#define PyArray_RegisterCanCast \ + (*(int (*)(PyArray_Descr *, int, NPY_SCALARKIND)) \ + PyArray_API[194]) +#define PyArray_InitArrFuncs \ + (*(void (*)(PyArray_ArrFuncs *)) \ + PyArray_API[195]) +#define PyArray_IntTupleFromIntp \ + (*(PyObject * (*)(int, npy_intp *)) \ + PyArray_API[196]) +#define PyArray_TypeNumFromName \ + (*(int (*)(char *)) \ + PyArray_API[197]) +#define PyArray_ClipmodeConverter \ + (*(int (*)(PyObject *, NPY_CLIPMODE *)) \ + PyArray_API[198]) +#define PyArray_OutputConverter \ + (*(int (*)(PyObject *, PyArrayObject **)) \ + PyArray_API[199]) +#define PyArray_BroadcastToShape \ + (*(PyObject * (*)(PyObject *, npy_intp *, int)) \ + PyArray_API[200]) +#define _PyArray_SigintHandler \ + (*(void (*)(int)) \ + PyArray_API[201]) +#define _PyArray_GetSigintBuf \ + (*(void* (*)(void)) \ + PyArray_API[202]) +#define PyArray_DescrAlignConverter \ + (*(int (*)(PyObject *, PyArray_Descr **)) \ + PyArray_API[203]) +#define PyArray_DescrAlignConverter2 \ + (*(int (*)(PyObject *, PyArray_Descr **)) \ + PyArray_API[204]) +#define PyArray_SearchsideConverter \ + (*(int (*)(PyObject *, void *)) \ + PyArray_API[205]) +#define PyArray_CheckAxis \ + (*(PyObject * (*)(PyArrayObject *, int *, int)) \ + PyArray_API[206]) +#define PyArray_OverflowMultiplyList \ + (*(npy_intp (*)(npy_intp *, int)) \ + PyArray_API[207]) +#define PyArray_CompareString \ + (*(int (*)(char *, char *, size_t)) \ + PyArray_API[208]) +#define PyArray_MultiIterFromObjects \ + (*(PyObject * (*)(PyObject **, int, int, ...)) \ + PyArray_API[209]) +#define PyArray_GetEndianness \ + (*(int (*)(void)) \ + PyArray_API[210]) +#define PyArray_GetNDArrayCFeatureVersion \ + (*(unsigned int (*)(void)) \ + PyArray_API[211]) +#define PyArray_Correlate2 \ + (*(PyObject * (*)(PyObject *, PyObject *, int)) \ + PyArray_API[212]) +#define PyArray_NeighborhoodIterNew \ + (*(PyObject* (*)(PyArrayIterObject *, npy_intp *, int, PyArrayObject*)) \ + PyArray_API[213]) +#define PyTimeIntegerArrType_Type (*(PyTypeObject *)PyArray_API[214]) +#define PyDatetimeArrType_Type (*(PyTypeObject *)PyArray_API[215]) +#define PyTimedeltaArrType_Type (*(PyTypeObject *)PyArray_API[216]) +#define PyHalfArrType_Type (*(PyTypeObject *)PyArray_API[217]) +#define NpyIter_Type (*(PyTypeObject *)PyArray_API[218]) +#define PyArray_SetDatetimeParseFunction \ + (*(void (*)(PyObject *)) \ + PyArray_API[219]) +#define PyArray_DatetimeToDatetimeStruct \ + (*(void (*)(npy_datetime, NPY_DATETIMEUNIT, npy_datetimestruct *)) \ + PyArray_API[220]) +#define PyArray_TimedeltaToTimedeltaStruct \ + (*(void (*)(npy_timedelta, NPY_DATETIMEUNIT, npy_timedeltastruct *)) \ + PyArray_API[221]) +#define PyArray_DatetimeStructToDatetime \ + (*(npy_datetime (*)(NPY_DATETIMEUNIT, npy_datetimestruct *)) \ + PyArray_API[222]) +#define PyArray_TimedeltaStructToTimedelta \ + (*(npy_datetime (*)(NPY_DATETIMEUNIT, npy_timedeltastruct *)) \ + PyArray_API[223]) +#define NpyIter_New \ + (*(NpyIter * (*)(PyArrayObject *, npy_uint32, NPY_ORDER, NPY_CASTING, PyArray_Descr*)) \ + PyArray_API[224]) +#define NpyIter_MultiNew \ + (*(NpyIter * (*)(int, PyArrayObject **, npy_uint32, NPY_ORDER, NPY_CASTING, npy_uint32 *, PyArray_Descr **)) \ + PyArray_API[225]) +#define NpyIter_AdvancedNew \ + (*(NpyIter * (*)(int, PyArrayObject **, npy_uint32, NPY_ORDER, NPY_CASTING, npy_uint32 *, PyArray_Descr **, int, int **, npy_intp *, npy_intp)) \ + PyArray_API[226]) +#define NpyIter_Copy \ + (*(NpyIter * (*)(NpyIter *)) \ + PyArray_API[227]) +#define NpyIter_Deallocate \ + (*(int (*)(NpyIter *)) \ + PyArray_API[228]) +#define NpyIter_HasDelayedBufAlloc \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[229]) +#define NpyIter_HasExternalLoop \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[230]) +#define NpyIter_EnableExternalLoop \ + (*(int (*)(NpyIter *)) \ + PyArray_API[231]) +#define NpyIter_GetInnerStrideArray \ + (*(npy_intp * (*)(NpyIter *)) \ + PyArray_API[232]) +#define NpyIter_GetInnerLoopSizePtr \ + (*(npy_intp * (*)(NpyIter *)) \ + PyArray_API[233]) +#define NpyIter_Reset \ + (*(int (*)(NpyIter *, char **)) \ + PyArray_API[234]) +#define NpyIter_ResetBasePointers \ + (*(int (*)(NpyIter *, char **, char **)) \ + PyArray_API[235]) +#define NpyIter_ResetToIterIndexRange \ + (*(int (*)(NpyIter *, npy_intp, npy_intp, char **)) \ + PyArray_API[236]) +#define NpyIter_GetNDim \ + (*(int (*)(NpyIter *)) \ + PyArray_API[237]) +#define NpyIter_GetNOp \ + (*(int (*)(NpyIter *)) \ + PyArray_API[238]) +#define NpyIter_GetIterNext \ + (*(NpyIter_IterNextFunc * (*)(NpyIter *, char **)) \ + PyArray_API[239]) +#define NpyIter_GetIterSize \ + (*(npy_intp (*)(NpyIter *)) \ + PyArray_API[240]) +#define NpyIter_GetIterIndexRange \ + (*(void (*)(NpyIter *, npy_intp *, npy_intp *)) \ + PyArray_API[241]) +#define NpyIter_GetIterIndex \ + (*(npy_intp (*)(NpyIter *)) \ + PyArray_API[242]) +#define NpyIter_GotoIterIndex \ + (*(int (*)(NpyIter *, npy_intp)) \ + PyArray_API[243]) +#define NpyIter_HasMultiIndex \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[244]) +#define NpyIter_GetShape \ + (*(int (*)(NpyIter *, npy_intp *)) \ + PyArray_API[245]) +#define NpyIter_GetGetMultiIndex \ + (*(NpyIter_GetMultiIndexFunc * (*)(NpyIter *, char **)) \ + PyArray_API[246]) +#define NpyIter_GotoMultiIndex \ + (*(int (*)(NpyIter *, npy_intp *)) \ + PyArray_API[247]) +#define NpyIter_RemoveMultiIndex \ + (*(int (*)(NpyIter *)) \ + PyArray_API[248]) +#define NpyIter_HasIndex \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[249]) +#define NpyIter_IsBuffered \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[250]) +#define NpyIter_IsGrowInner \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[251]) +#define NpyIter_GetBufferSize \ + (*(npy_intp (*)(NpyIter *)) \ + PyArray_API[252]) +#define NpyIter_GetIndexPtr \ + (*(npy_intp * (*)(NpyIter *)) \ + PyArray_API[253]) +#define NpyIter_GotoIndex \ + (*(int (*)(NpyIter *, npy_intp)) \ + PyArray_API[254]) +#define NpyIter_GetDataPtrArray \ + (*(char ** (*)(NpyIter *)) \ + PyArray_API[255]) +#define NpyIter_GetDescrArray \ + (*(PyArray_Descr ** (*)(NpyIter *)) \ + PyArray_API[256]) +#define NpyIter_GetOperandArray \ + (*(PyArrayObject ** (*)(NpyIter *)) \ + PyArray_API[257]) +#define NpyIter_GetIterView \ + (*(PyArrayObject * (*)(NpyIter *, npy_intp)) \ + PyArray_API[258]) +#define NpyIter_GetReadFlags \ + (*(void (*)(NpyIter *, char *)) \ + PyArray_API[259]) +#define NpyIter_GetWriteFlags \ + (*(void (*)(NpyIter *, char *)) \ + PyArray_API[260]) +#define NpyIter_DebugPrint \ + (*(void (*)(NpyIter *)) \ + PyArray_API[261]) +#define NpyIter_IterationNeedsAPI \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[262]) +#define NpyIter_GetInnerFixedStrideArray \ + (*(void (*)(NpyIter *, npy_intp *)) \ + PyArray_API[263]) +#define NpyIter_RemoveAxis \ + (*(int (*)(NpyIter *, int)) \ + PyArray_API[264]) +#define NpyIter_GetAxisStrideArray \ + (*(npy_intp * (*)(NpyIter *, int)) \ + PyArray_API[265]) +#define NpyIter_RequiresBuffering \ + (*(npy_bool (*)(NpyIter *)) \ + PyArray_API[266]) +#define NpyIter_GetInitialDataPtrArray \ + (*(char ** (*)(NpyIter *)) \ + PyArray_API[267]) +#define NpyIter_CreateCompatibleStrides \ + (*(int (*)(NpyIter *, npy_intp, npy_intp *)) \ + PyArray_API[268]) +#define PyArray_CastingConverter \ + (*(int (*)(PyObject *, NPY_CASTING *)) \ + PyArray_API[269]) +#define PyArray_CountNonzero \ + (*(npy_intp (*)(PyArrayObject *)) \ + PyArray_API[270]) +#define PyArray_PromoteTypes \ + (*(PyArray_Descr * (*)(PyArray_Descr *, PyArray_Descr *)) \ + PyArray_API[271]) +#define PyArray_MinScalarType \ + (*(PyArray_Descr * (*)(PyArrayObject *)) \ + PyArray_API[272]) +#define PyArray_ResultType \ + (*(PyArray_Descr * (*)(npy_intp, PyArrayObject **, npy_intp, PyArray_Descr **)) \ + PyArray_API[273]) +#define PyArray_CanCastArrayTo \ + (*(npy_bool (*)(PyArrayObject *, PyArray_Descr *, NPY_CASTING)) \ + PyArray_API[274]) +#define PyArray_CanCastTypeTo \ + (*(npy_bool (*)(PyArray_Descr *, PyArray_Descr *, NPY_CASTING)) \ + PyArray_API[275]) +#define PyArray_EinsteinSum \ + (*(PyArrayObject * (*)(char *, npy_intp, PyArrayObject **, PyArray_Descr *, NPY_ORDER, NPY_CASTING, PyArrayObject *)) \ + PyArray_API[276]) +#define PyArray_NewLikeArray \ + (*(PyObject * (*)(PyArrayObject *, NPY_ORDER, PyArray_Descr *, int)) \ + PyArray_API[277]) +#define PyArray_GetArrayParamsFromObject \ + (*(int (*)(PyObject *, PyArray_Descr *, npy_bool, PyArray_Descr **, int *, npy_intp *, PyArrayObject **, PyObject *)) \ + PyArray_API[278]) +#define PyArray_ConvertClipmodeSequence \ + (*(int (*)(PyObject *, NPY_CLIPMODE *, int)) \ + PyArray_API[279]) +#define PyArray_MatrixProduct2 \ + (*(PyObject * (*)(PyObject *, PyObject *, PyArrayObject*)) \ + PyArray_API[280]) +#define NpyIter_IsFirstVisit \ + (*(npy_bool (*)(NpyIter *, int)) \ + PyArray_API[281]) +#define PyArray_SetBaseObject \ + (*(int (*)(PyArrayObject *, PyObject *)) \ + PyArray_API[282]) +#define PyArray_CreateSortedStridePerm \ + (*(void (*)(int, npy_intp *, npy_stride_sort_item *)) \ + PyArray_API[283]) +#define PyArray_RemoveAxesInPlace \ + (*(void (*)(PyArrayObject *, npy_bool *)) \ + PyArray_API[284]) +#define PyArray_DebugPrint \ + (*(void (*)(PyArrayObject *)) \ + PyArray_API[285]) +#define PyArray_FailUnlessWriteable \ + (*(int (*)(PyArrayObject *, const char *)) \ + PyArray_API[286]) +#define PyArray_SetUpdateIfCopyBase \ + (*(int (*)(PyArrayObject *, PyArrayObject *)) \ + PyArray_API[287]) +#define PyDataMem_NEW \ + (*(void * (*)(size_t)) \ + PyArray_API[288]) +#define PyDataMem_FREE \ + (*(void (*)(void *)) \ + PyArray_API[289]) +#define PyDataMem_RENEW \ + (*(void * (*)(void *, size_t)) \ + PyArray_API[290]) +#define PyDataMem_SetEventHook \ + (*(PyDataMem_EventHookFunc * (*)(PyDataMem_EventHookFunc *, void *, void **)) \ + PyArray_API[291]) +#define NPY_DEFAULT_ASSIGN_CASTING (*(NPY_CASTING *)PyArray_API[292]) + +#if !defined(NO_IMPORT_ARRAY) && !defined(NO_IMPORT) +static int +_import_array(void) +{ + int st; + PyObject *numpy = PyImport_ImportModule("numpy.core.multiarray"); + PyObject *c_api = NULL; + + if (numpy == NULL) { + PyErr_SetString(PyExc_ImportError, "numpy.core.multiarray failed to import"); + return -1; + } + c_api = PyObject_GetAttrString(numpy, "_ARRAY_API"); + Py_DECREF(numpy); + if (c_api == NULL) { + PyErr_SetString(PyExc_AttributeError, "_ARRAY_API not found"); + return -1; + } + +#if PY_VERSION_HEX >= 0x03000000 + if (!PyCapsule_CheckExact(c_api)) { + PyErr_SetString(PyExc_RuntimeError, "_ARRAY_API is not PyCapsule object"); + Py_DECREF(c_api); + return -1; + } + PyArray_API = (void **)PyCapsule_GetPointer(c_api, NULL); +#else + if (!PyCObject_Check(c_api)) { + PyErr_SetString(PyExc_RuntimeError, "_ARRAY_API is not PyCObject object"); + Py_DECREF(c_api); + return -1; + } + PyArray_API = (void **)PyCObject_AsVoidPtr(c_api); +#endif + Py_DECREF(c_api); + if (PyArray_API == NULL) { + PyErr_SetString(PyExc_RuntimeError, "_ARRAY_API is NULL pointer"); + return -1; + } + + /* Perform runtime check of C API version */ + if (NPY_VERSION != PyArray_GetNDArrayCVersion()) { + PyErr_Format(PyExc_RuntimeError, "module compiled against "\ + "ABI version %x but this version of numpy is %x", \ + (int) NPY_VERSION, (int) PyArray_GetNDArrayCVersion()); + return -1; + } + if (NPY_FEATURE_VERSION > PyArray_GetNDArrayCFeatureVersion()) { + PyErr_Format(PyExc_RuntimeError, "module compiled against "\ + "API version %x but this version of numpy is %x", \ + (int) NPY_FEATURE_VERSION, (int) PyArray_GetNDArrayCFeatureVersion()); + return -1; + } + + /* + * Perform runtime check of endianness and check it matches the one set by + * the headers (npy_endian.h) as a safeguard + */ + st = PyArray_GetEndianness(); + if (st == NPY_CPU_UNKNOWN_ENDIAN) { + PyErr_Format(PyExc_RuntimeError, "FATAL: module compiled as unknown endian"); + return -1; + } +#if NPY_BYTE_ORDER == NPY_BIG_ENDIAN + if (st != NPY_CPU_BIG) { + PyErr_Format(PyExc_RuntimeError, "FATAL: module compiled as "\ + "big endian, but detected different endianness at runtime"); + return -1; + } +#elif NPY_BYTE_ORDER == NPY_LITTLE_ENDIAN + if (st != NPY_CPU_LITTLE) { + PyErr_Format(PyExc_RuntimeError, "FATAL: module compiled as "\ + "little endian, but detected different endianness at runtime"); + return -1; + } +#endif + + return 0; +} + +#if PY_VERSION_HEX >= 0x03000000 +#define NUMPY_IMPORT_ARRAY_RETVAL NULL +#else +#define NUMPY_IMPORT_ARRAY_RETVAL +#endif + +#define import_array() {if (_import_array() < 0) {PyErr_Print(); PyErr_SetString(PyExc_ImportError, "numpy.core.multiarray failed to import"); return NUMPY_IMPORT_ARRAY_RETVAL; } } + +#define import_array1(ret) {if (_import_array() < 0) {PyErr_Print(); PyErr_SetString(PyExc_ImportError, "numpy.core.multiarray failed to import"); return ret; } } + +#define import_array2(msg, ret) {if (_import_array() < 0) {PyErr_Print(); PyErr_SetString(PyExc_ImportError, msg); return ret; } } + +#endif + +#endif diff --git a/data_tooling/pii_processing/include/numpy/__ufunc_api.h b/data_tooling/pii_processing/include/numpy/__ufunc_api.h new file mode 100644 index 0000000..fd81d07 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/__ufunc_api.h @@ -0,0 +1,323 @@ + +#ifdef _UMATHMODULE + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION +extern NPY_NO_EXPORT PyTypeObject PyUFunc_Type; +#else +NPY_NO_EXPORT PyTypeObject PyUFunc_Type; +#endif + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + extern NPY_NO_EXPORT PyTypeObject PyUFunc_Type; +#else + NPY_NO_EXPORT PyTypeObject PyUFunc_Type; +#endif + +NPY_NO_EXPORT PyObject * PyUFunc_FromFuncAndData \ + (PyUFuncGenericFunction *, void **, char *, int, int, int, int, char *, char *, int); +NPY_NO_EXPORT int PyUFunc_RegisterLoopForType \ + (PyUFuncObject *, int, PyUFuncGenericFunction, int *, void *); +NPY_NO_EXPORT int PyUFunc_GenericFunction \ + (PyUFuncObject *, PyObject *, PyObject *, PyArrayObject **); +NPY_NO_EXPORT void PyUFunc_f_f_As_d_d \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_d_d \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_f_f \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_g_g \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_F_F_As_D_D \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_F_F \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_D_D \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_G_G \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_O_O \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_ff_f_As_dd_d \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_ff_f \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_dd_d \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_gg_g \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_FF_F_As_DD_D \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_DD_D \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_FF_F \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_GG_G \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_OO_O \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_O_O_method \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_OO_O_method \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_On_Om \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT int PyUFunc_GetPyValues \ + (char *, int *, int *, PyObject **); +NPY_NO_EXPORT int PyUFunc_checkfperr \ + (int, PyObject *, int *); +NPY_NO_EXPORT void PyUFunc_clearfperr \ + (void); +NPY_NO_EXPORT int PyUFunc_getfperr \ + (void); +NPY_NO_EXPORT int PyUFunc_handlefperr \ + (int, PyObject *, int, int *); +NPY_NO_EXPORT int PyUFunc_ReplaceLoopBySignature \ + (PyUFuncObject *, PyUFuncGenericFunction, int *, PyUFuncGenericFunction *); +NPY_NO_EXPORT PyObject * PyUFunc_FromFuncAndDataAndSignature \ + (PyUFuncGenericFunction *, void **, char *, int, int, int, int, char *, char *, int, const char *); +NPY_NO_EXPORT int PyUFunc_SetUsesArraysAsData \ + (void **, size_t); +NPY_NO_EXPORT void PyUFunc_e_e \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_e_e_As_f_f \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_e_e_As_d_d \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_ee_e \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_ee_e_As_ff_f \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT void PyUFunc_ee_e_As_dd_d \ + (char **, npy_intp *, npy_intp *, void *); +NPY_NO_EXPORT int PyUFunc_DefaultTypeResolver \ + (PyUFuncObject *, NPY_CASTING, PyArrayObject **, PyObject *, PyArray_Descr **); +NPY_NO_EXPORT int PyUFunc_ValidateCasting \ + (PyUFuncObject *, NPY_CASTING, PyArrayObject **, PyArray_Descr **); + +#else + +#if defined(PY_UFUNC_UNIQUE_SYMBOL) +#define PyUFunc_API PY_UFUNC_UNIQUE_SYMBOL +#endif + +#if defined(NO_IMPORT) || defined(NO_IMPORT_UFUNC) +extern void **PyUFunc_API; +#else +#if defined(PY_UFUNC_UNIQUE_SYMBOL) +void **PyUFunc_API; +#else +static void **PyUFunc_API=NULL; +#endif +#endif + +#define PyUFunc_Type (*(PyTypeObject *)PyUFunc_API[0]) +#define PyUFunc_FromFuncAndData \ + (*(PyObject * (*)(PyUFuncGenericFunction *, void **, char *, int, int, int, int, char *, char *, int)) \ + PyUFunc_API[1]) +#define PyUFunc_RegisterLoopForType \ + (*(int (*)(PyUFuncObject *, int, PyUFuncGenericFunction, int *, void *)) \ + PyUFunc_API[2]) +#define PyUFunc_GenericFunction \ + (*(int (*)(PyUFuncObject *, PyObject *, PyObject *, PyArrayObject **)) \ + PyUFunc_API[3]) +#define PyUFunc_f_f_As_d_d \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[4]) +#define PyUFunc_d_d \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[5]) +#define PyUFunc_f_f \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[6]) +#define PyUFunc_g_g \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[7]) +#define PyUFunc_F_F_As_D_D \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[8]) +#define PyUFunc_F_F \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[9]) +#define PyUFunc_D_D \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[10]) +#define PyUFunc_G_G \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[11]) +#define PyUFunc_O_O \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[12]) +#define PyUFunc_ff_f_As_dd_d \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[13]) +#define PyUFunc_ff_f \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[14]) +#define PyUFunc_dd_d \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[15]) +#define PyUFunc_gg_g \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[16]) +#define PyUFunc_FF_F_As_DD_D \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[17]) +#define PyUFunc_DD_D \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[18]) +#define PyUFunc_FF_F \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[19]) +#define PyUFunc_GG_G \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[20]) +#define PyUFunc_OO_O \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[21]) +#define PyUFunc_O_O_method \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[22]) +#define PyUFunc_OO_O_method \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[23]) +#define PyUFunc_On_Om \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[24]) +#define PyUFunc_GetPyValues \ + (*(int (*)(char *, int *, int *, PyObject **)) \ + PyUFunc_API[25]) +#define PyUFunc_checkfperr \ + (*(int (*)(int, PyObject *, int *)) \ + PyUFunc_API[26]) +#define PyUFunc_clearfperr \ + (*(void (*)(void)) \ + PyUFunc_API[27]) +#define PyUFunc_getfperr \ + (*(int (*)(void)) \ + PyUFunc_API[28]) +#define PyUFunc_handlefperr \ + (*(int (*)(int, PyObject *, int, int *)) \ + PyUFunc_API[29]) +#define PyUFunc_ReplaceLoopBySignature \ + (*(int (*)(PyUFuncObject *, PyUFuncGenericFunction, int *, PyUFuncGenericFunction *)) \ + PyUFunc_API[30]) +#define PyUFunc_FromFuncAndDataAndSignature \ + (*(PyObject * (*)(PyUFuncGenericFunction *, void **, char *, int, int, int, int, char *, char *, int, const char *)) \ + PyUFunc_API[31]) +#define PyUFunc_SetUsesArraysAsData \ + (*(int (*)(void **, size_t)) \ + PyUFunc_API[32]) +#define PyUFunc_e_e \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[33]) +#define PyUFunc_e_e_As_f_f \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[34]) +#define PyUFunc_e_e_As_d_d \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[35]) +#define PyUFunc_ee_e \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[36]) +#define PyUFunc_ee_e_As_ff_f \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[37]) +#define PyUFunc_ee_e_As_dd_d \ + (*(void (*)(char **, npy_intp *, npy_intp *, void *)) \ + PyUFunc_API[38]) +#define PyUFunc_DefaultTypeResolver \ + (*(int (*)(PyUFuncObject *, NPY_CASTING, PyArrayObject **, PyObject *, PyArray_Descr **)) \ + PyUFunc_API[39]) +#define PyUFunc_ValidateCasting \ + (*(int (*)(PyUFuncObject *, NPY_CASTING, PyArrayObject **, PyArray_Descr **)) \ + PyUFunc_API[40]) + +static int +_import_umath(void) +{ + PyObject *numpy = PyImport_ImportModule("numpy.core.umath"); + PyObject *c_api = NULL; + + if (numpy == NULL) { + PyErr_SetString(PyExc_ImportError, "numpy.core.umath failed to import"); + return -1; + } + c_api = PyObject_GetAttrString(numpy, "_UFUNC_API"); + Py_DECREF(numpy); + if (c_api == NULL) { + PyErr_SetString(PyExc_AttributeError, "_UFUNC_API not found"); + return -1; + } + +#if PY_VERSION_HEX >= 0x03000000 + if (!PyCapsule_CheckExact(c_api)) { + PyErr_SetString(PyExc_RuntimeError, "_UFUNC_API is not PyCapsule object"); + Py_DECREF(c_api); + return -1; + } + PyUFunc_API = (void **)PyCapsule_GetPointer(c_api, NULL); +#else + if (!PyCObject_Check(c_api)) { + PyErr_SetString(PyExc_RuntimeError, "_UFUNC_API is not PyCObject object"); + Py_DECREF(c_api); + return -1; + } + PyUFunc_API = (void **)PyCObject_AsVoidPtr(c_api); +#endif + Py_DECREF(c_api); + if (PyUFunc_API == NULL) { + PyErr_SetString(PyExc_RuntimeError, "_UFUNC_API is NULL pointer"); + return -1; + } + return 0; +} + +#if PY_VERSION_HEX >= 0x03000000 +#define NUMPY_IMPORT_UMATH_RETVAL NULL +#else +#define NUMPY_IMPORT_UMATH_RETVAL +#endif + +#define import_umath() \ + do {\ + UFUNC_NOFPE\ + if (_import_umath() < 0) {\ + PyErr_Print();\ + PyErr_SetString(PyExc_ImportError,\ + "numpy.core.umath failed to import");\ + return NUMPY_IMPORT_UMATH_RETVAL;\ + }\ + } while(0) + +#define import_umath1(ret) \ + do {\ + UFUNC_NOFPE\ + if (_import_umath() < 0) {\ + PyErr_Print();\ + PyErr_SetString(PyExc_ImportError,\ + "numpy.core.umath failed to import");\ + return ret;\ + }\ + } while(0) + +#define import_umath2(ret, msg) \ + do {\ + UFUNC_NOFPE\ + if (_import_umath() < 0) {\ + PyErr_Print();\ + PyErr_SetString(PyExc_ImportError, msg);\ + return ret;\ + }\ + } while(0) + +#define import_ufunc() \ + do {\ + UFUNC_NOFPE\ + if (_import_umath() < 0) {\ + PyErr_Print();\ + PyErr_SetString(PyExc_ImportError,\ + "numpy.core.umath failed to import");\ + }\ + } while(0) + +#endif diff --git a/data_tooling/pii_processing/include/numpy/_neighborhood_iterator_imp.h b/data_tooling/pii_processing/include/numpy/_neighborhood_iterator_imp.h new file mode 100644 index 0000000..e8860cb --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/_neighborhood_iterator_imp.h @@ -0,0 +1,90 @@ +#ifndef _NPY_INCLUDE_NEIGHBORHOOD_IMP +#error You should not include this header directly +#endif +/* + * Private API (here for inline) + */ +static NPY_INLINE int +_PyArrayNeighborhoodIter_IncrCoord(PyArrayNeighborhoodIterObject* iter); + +/* + * Update to next item of the iterator + * + * Note: this simply increment the coordinates vector, last dimension + * incremented first , i.e, for dimension 3 + * ... + * -1, -1, -1 + * -1, -1, 0 + * -1, -1, 1 + * .... + * -1, 0, -1 + * -1, 0, 0 + * .... + * 0, -1, -1 + * 0, -1, 0 + * .... + */ +#define _UPDATE_COORD_ITER(c) \ + wb = iter->coordinates[c] < iter->bounds[c][1]; \ + if (wb) { \ + iter->coordinates[c] += 1; \ + return 0; \ + } \ + else { \ + iter->coordinates[c] = iter->bounds[c][0]; \ + } + +static NPY_INLINE int +_PyArrayNeighborhoodIter_IncrCoord(PyArrayNeighborhoodIterObject* iter) +{ + npy_intp i, wb; + + for (i = iter->nd - 1; i >= 0; --i) { + _UPDATE_COORD_ITER(i) + } + + return 0; +} + +/* + * Version optimized for 2d arrays, manual loop unrolling + */ +static NPY_INLINE int +_PyArrayNeighborhoodIter_IncrCoord2D(PyArrayNeighborhoodIterObject* iter) +{ + npy_intp wb; + + _UPDATE_COORD_ITER(1) + _UPDATE_COORD_ITER(0) + + return 0; +} +#undef _UPDATE_COORD_ITER + +/* + * Advance to the next neighbour + */ +static NPY_INLINE int +PyArrayNeighborhoodIter_Next(PyArrayNeighborhoodIterObject* iter) +{ + _PyArrayNeighborhoodIter_IncrCoord (iter); + iter->dataptr = iter->translate((PyArrayIterObject*)iter, iter->coordinates); + + return 0; +} + +/* + * Reset functions + */ +static NPY_INLINE int +PyArrayNeighborhoodIter_Reset(PyArrayNeighborhoodIterObject* iter) +{ + npy_intp i; + + for (i = 0; i < iter->nd; ++i) { + iter->coordinates[i] = iter->bounds[i][0]; + } + iter->dataptr = iter->translate((PyArrayIterObject*)iter, iter->coordinates); + + return 0; +} diff --git a/data_tooling/pii_processing/include/numpy/_numpyconfig.h b/data_tooling/pii_processing/include/numpy/_numpyconfig.h new file mode 100644 index 0000000..d55ffc3 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/_numpyconfig.h @@ -0,0 +1,29 @@ +#define NPY_SIZEOF_SHORT SIZEOF_SHORT +#define NPY_SIZEOF_INT SIZEOF_INT +#define NPY_SIZEOF_LONG SIZEOF_LONG +#define NPY_SIZEOF_FLOAT 4 +#define NPY_SIZEOF_COMPLEX_FLOAT 8 +#define NPY_SIZEOF_DOUBLE 8 +#define NPY_SIZEOF_COMPLEX_DOUBLE 16 +#define NPY_SIZEOF_LONGDOUBLE 16 +#define NPY_SIZEOF_COMPLEX_LONGDOUBLE 32 +#define NPY_SIZEOF_PY_INTPTR_T 8 +#define NPY_SIZEOF_PY_LONG_LONG 8 +#define NPY_SIZEOF_LONGLONG 8 +#define NPY_NO_SMP 0 +#define NPY_HAVE_DECL_ISNAN +#define NPY_HAVE_DECL_ISINF +#define NPY_HAVE_DECL_ISFINITE +#define NPY_HAVE_DECL_SIGNBIT +#define NPY_USE_C99_COMPLEX 1 +#define NPY_HAVE_COMPLEX_DOUBLE 1 +#define NPY_HAVE_COMPLEX_FLOAT 1 +#define NPY_HAVE_COMPLEX_LONG_DOUBLE 1 +#define NPY_USE_C99_FORMATS 1 +#define NPY_VISIBILITY_HIDDEN __attribute__((visibility("hidden"))) +#define NPY_ABI_VERSION 0x01000009 +#define NPY_API_VERSION 0x00000007 + +#ifndef __STDC_FORMAT_MACROS +#define __STDC_FORMAT_MACROS 1 +#endif diff --git a/data_tooling/pii_processing/include/numpy/arrayobject.h b/data_tooling/pii_processing/include/numpy/arrayobject.h new file mode 100644 index 0000000..a84766f --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/arrayobject.h @@ -0,0 +1,22 @@ + +/* This expects the following variables to be defined (besides + the usual ones from pyconfig.h + + SIZEOF_LONG_DOUBLE -- sizeof(long double) or sizeof(double) if no + long double is present on platform. + CHAR_BIT -- number of bits in a char (usually 8) + (should be in limits.h) + +*/ + +#ifndef Py_ARRAYOBJECT_H +#define Py_ARRAYOBJECT_H + +#include "ndarrayobject.h" +#include "npy_interrupt.h" + +#ifdef NPY_NO_PREFIX +#include "noprefix.h" +#endif + +#endif diff --git a/data_tooling/pii_processing/include/numpy/arrayscalars.h b/data_tooling/pii_processing/include/numpy/arrayscalars.h new file mode 100644 index 0000000..64450e7 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/arrayscalars.h @@ -0,0 +1,175 @@ +#ifndef _NPY_ARRAYSCALARS_H_ +#define _NPY_ARRAYSCALARS_H_ + +#ifndef _MULTIARRAYMODULE +typedef struct { + PyObject_HEAD + npy_bool obval; +} PyBoolScalarObject; +#endif + + +typedef struct { + PyObject_HEAD + signed char obval; +} PyByteScalarObject; + + +typedef struct { + PyObject_HEAD + short obval; +} PyShortScalarObject; + + +typedef struct { + PyObject_HEAD + int obval; +} PyIntScalarObject; + + +typedef struct { + PyObject_HEAD + long obval; +} PyLongScalarObject; + + +typedef struct { + PyObject_HEAD + npy_longlong obval; +} PyLongLongScalarObject; + + +typedef struct { + PyObject_HEAD + unsigned char obval; +} PyUByteScalarObject; + + +typedef struct { + PyObject_HEAD + unsigned short obval; +} PyUShortScalarObject; + + +typedef struct { + PyObject_HEAD + unsigned int obval; +} PyUIntScalarObject; + + +typedef struct { + PyObject_HEAD + unsigned long obval; +} PyULongScalarObject; + + +typedef struct { + PyObject_HEAD + npy_ulonglong obval; +} PyULongLongScalarObject; + + +typedef struct { + PyObject_HEAD + npy_half obval; +} PyHalfScalarObject; + + +typedef struct { + PyObject_HEAD + float obval; +} PyFloatScalarObject; + + +typedef struct { + PyObject_HEAD + double obval; +} PyDoubleScalarObject; + + +typedef struct { + PyObject_HEAD + npy_longdouble obval; +} PyLongDoubleScalarObject; + + +typedef struct { + PyObject_HEAD + npy_cfloat obval; +} PyCFloatScalarObject; + + +typedef struct { + PyObject_HEAD + npy_cdouble obval; +} PyCDoubleScalarObject; + + +typedef struct { + PyObject_HEAD + npy_clongdouble obval; +} PyCLongDoubleScalarObject; + + +typedef struct { + PyObject_HEAD + PyObject * obval; +} PyObjectScalarObject; + +typedef struct { + PyObject_HEAD + npy_datetime obval; + PyArray_DatetimeMetaData obmeta; +} PyDatetimeScalarObject; + +typedef struct { + PyObject_HEAD + npy_timedelta obval; + PyArray_DatetimeMetaData obmeta; +} PyTimedeltaScalarObject; + + +typedef struct { + PyObject_HEAD + char obval; +} PyScalarObject; + +#define PyStringScalarObject PyStringObject +#define PyUnicodeScalarObject PyUnicodeObject + +typedef struct { + PyObject_VAR_HEAD + char *obval; + PyArray_Descr *descr; + int flags; + PyObject *base; +} PyVoidScalarObject; + +/* Macros + PyScalarObject + PyArrType_Type + are defined in ndarrayobject.h +*/ + +#define PyArrayScalar_False ((PyObject *)(&(_PyArrayScalar_BoolValues[0]))) +#define PyArrayScalar_True ((PyObject *)(&(_PyArrayScalar_BoolValues[1]))) +#define PyArrayScalar_FromLong(i) \ + ((PyObject *)(&(_PyArrayScalar_BoolValues[((i)!=0)]))) +#define PyArrayScalar_RETURN_BOOL_FROM_LONG(i) \ + return Py_INCREF(PyArrayScalar_FromLong(i)), \ + PyArrayScalar_FromLong(i) +#define PyArrayScalar_RETURN_FALSE \ + return Py_INCREF(PyArrayScalar_False), \ + PyArrayScalar_False +#define PyArrayScalar_RETURN_TRUE \ + return Py_INCREF(PyArrayScalar_True), \ + PyArrayScalar_True + +#define PyArrayScalar_New(cls) \ + Py##cls##ArrType_Type.tp_alloc(&Py##cls##ArrType_Type, 0) +#define PyArrayScalar_VAL(obj, cls) \ + ((Py##cls##ScalarObject *)obj)->obval +#define PyArrayScalar_ASSIGN(obj, cls, val) \ + PyArrayScalar_VAL(obj, cls) = val + +#endif diff --git a/data_tooling/pii_processing/include/numpy/halffloat.h b/data_tooling/pii_processing/include/numpy/halffloat.h new file mode 100644 index 0000000..944f0ea --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/halffloat.h @@ -0,0 +1,69 @@ +#ifndef __NPY_HALFFLOAT_H__ +#define __NPY_HALFFLOAT_H__ + +#include +#include + +#ifdef __cplusplus +extern "C" { +#endif + +/* + * Half-precision routines + */ + +/* Conversions */ +float npy_half_to_float(npy_half h); +double npy_half_to_double(npy_half h); +npy_half npy_float_to_half(float f); +npy_half npy_double_to_half(double d); +/* Comparisons */ +int npy_half_eq(npy_half h1, npy_half h2); +int npy_half_ne(npy_half h1, npy_half h2); +int npy_half_le(npy_half h1, npy_half h2); +int npy_half_lt(npy_half h1, npy_half h2); +int npy_half_ge(npy_half h1, npy_half h2); +int npy_half_gt(npy_half h1, npy_half h2); +/* faster *_nonan variants for when you know h1 and h2 are not NaN */ +int npy_half_eq_nonan(npy_half h1, npy_half h2); +int npy_half_lt_nonan(npy_half h1, npy_half h2); +int npy_half_le_nonan(npy_half h1, npy_half h2); +/* Miscellaneous functions */ +int npy_half_iszero(npy_half h); +int npy_half_isnan(npy_half h); +int npy_half_isinf(npy_half h); +int npy_half_isfinite(npy_half h); +int npy_half_signbit(npy_half h); +npy_half npy_half_copysign(npy_half x, npy_half y); +npy_half npy_half_spacing(npy_half h); +npy_half npy_half_nextafter(npy_half x, npy_half y); + +/* + * Half-precision constants + */ + +#define NPY_HALF_ZERO (0x0000u) +#define NPY_HALF_PZERO (0x0000u) +#define NPY_HALF_NZERO (0x8000u) +#define NPY_HALF_ONE (0x3c00u) +#define NPY_HALF_NEGONE (0xbc00u) +#define NPY_HALF_PINF (0x7c00u) +#define NPY_HALF_NINF (0xfc00u) +#define NPY_HALF_NAN (0x7e00u) + +#define NPY_MAX_HALF (0x7bffu) + +/* + * Bit-level conversions + */ + +npy_uint16 npy_floatbits_to_halfbits(npy_uint32 f); +npy_uint16 npy_doublebits_to_halfbits(npy_uint64 d); +npy_uint32 npy_halfbits_to_floatbits(npy_uint16 h); +npy_uint64 npy_halfbits_to_doublebits(npy_uint16 h); + +#ifdef __cplusplus +} +#endif + +#endif diff --git a/data_tooling/pii_processing/include/numpy/multiarray_api.txt b/data_tooling/pii_processing/include/numpy/multiarray_api.txt new file mode 100644 index 0000000..7e588f0 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/multiarray_api.txt @@ -0,0 +1,2375 @@ + +=========== +Numpy C-API +=========== +:: + + unsigned int + PyArray_GetNDArrayCVersion(void ) + + +Included at the very first so not auto-grabbed and thus not labeled. + +:: + + int + PyArray_SetNumericOps(PyObject *dict) + +Set internal structure with number functions that all arrays will use + +:: + + PyObject * + PyArray_GetNumericOps(void ) + +Get dictionary showing number functions that all arrays will use + +:: + + int + PyArray_INCREF(PyArrayObject *mp) + +For object arrays, increment all internal references. + +:: + + int + PyArray_XDECREF(PyArrayObject *mp) + +Decrement all internal references for object arrays. +(or arrays with object fields) + +:: + + void + PyArray_SetStringFunction(PyObject *op, int repr) + +Set the array print function to be a Python function. + +:: + + PyArray_Descr * + PyArray_DescrFromType(int type) + +Get the PyArray_Descr structure for a type. + +:: + + PyObject * + PyArray_TypeObjectFromType(int type) + +Get a typeobject from a type-number -- can return NULL. + +New reference + +:: + + char * + PyArray_Zero(PyArrayObject *arr) + +Get pointer to zero of correct type for array. + +:: + + char * + PyArray_One(PyArrayObject *arr) + +Get pointer to one of correct type for array + +:: + + PyObject * + PyArray_CastToType(PyArrayObject *arr, PyArray_Descr *dtype, int + is_f_order) + +For backward compatibility + +Cast an array using typecode structure. +steals reference to at --- cannot be NULL + +This function always makes a copy of arr, even if the dtype +doesn't change. + +:: + + int + PyArray_CastTo(PyArrayObject *out, PyArrayObject *mp) + +Cast to an already created array. + +:: + + int + PyArray_CastAnyTo(PyArrayObject *out, PyArrayObject *mp) + +Cast to an already created array. Arrays don't have to be "broadcastable" +Only requirement is they have the same number of elements. + +:: + + int + PyArray_CanCastSafely(int fromtype, int totype) + +Check the type coercion rules. + +:: + + npy_bool + PyArray_CanCastTo(PyArray_Descr *from, PyArray_Descr *to) + +leaves reference count alone --- cannot be NULL + +PyArray_CanCastTypeTo is equivalent to this, but adds a 'casting' +parameter. + +:: + + int + PyArray_ObjectType(PyObject *op, int minimum_type) + +Return the typecode of the array a Python object would be converted to + +Returns the type number the result should have, or NPY_NOTYPE on error. + +:: + + PyArray_Descr * + PyArray_DescrFromObject(PyObject *op, PyArray_Descr *mintype) + +new reference -- accepts NULL for mintype + +:: + + PyArrayObject ** + PyArray_ConvertToCommonType(PyObject *op, int *retn) + + +:: + + PyArray_Descr * + PyArray_DescrFromScalar(PyObject *sc) + +Return descr object from array scalar. + +New reference + +:: + + PyArray_Descr * + PyArray_DescrFromTypeObject(PyObject *type) + + +:: + + npy_intp + PyArray_Size(PyObject *op) + +Compute the size of an array (in number of items) + +:: + + PyObject * + PyArray_Scalar(void *data, PyArray_Descr *descr, PyObject *base) + +Get scalar-equivalent to a region of memory described by a descriptor. + +:: + + PyObject * + PyArray_FromScalar(PyObject *scalar, PyArray_Descr *outcode) + +Get 0-dim array from scalar + +0-dim array from array-scalar object +always contains a copy of the data +unless outcode is NULL, it is of void type and the referrer does +not own it either. + +steals reference to outcode + +:: + + void + PyArray_ScalarAsCtype(PyObject *scalar, void *ctypeptr) + +Convert to c-type + +no error checking is performed -- ctypeptr must be same type as scalar +in case of flexible type, the data is not copied +into ctypeptr which is expected to be a pointer to pointer + +:: + + int + PyArray_CastScalarToCtype(PyObject *scalar, void + *ctypeptr, PyArray_Descr *outcode) + +Cast Scalar to c-type + +The output buffer must be large-enough to receive the value +Even for flexible types which is different from ScalarAsCtype +where only a reference for flexible types is returned + +This may not work right on narrow builds for NumPy unicode scalars. + +:: + + int + PyArray_CastScalarDirect(PyObject *scalar, PyArray_Descr + *indescr, void *ctypeptr, int outtype) + +Cast Scalar to c-type + +:: + + PyObject * + PyArray_ScalarFromObject(PyObject *object) + +Get an Array Scalar From a Python Object + +Returns NULL if unsuccessful but error is only set if another error occurred. +Currently only Numeric-like object supported. + +:: + + PyArray_VectorUnaryFunc * + PyArray_GetCastFunc(PyArray_Descr *descr, int type_num) + +Get a cast function to cast from the input descriptor to the +output type_number (must be a registered data-type). +Returns NULL if un-successful. + +:: + + PyObject * + PyArray_FromDims(int nd, int *d, int type) + +Construct an empty array from dimensions and typenum + +:: + + PyObject * + PyArray_FromDimsAndDataAndDescr(int nd, int *d, PyArray_Descr + *descr, char *data) + +Like FromDimsAndData but uses the Descr structure instead of typecode +as input. + +:: + + PyObject * + PyArray_FromAny(PyObject *op, PyArray_Descr *newtype, int + min_depth, int max_depth, int flags, PyObject + *context) + +Does not check for NPY_ARRAY_ENSURECOPY and NPY_ARRAY_NOTSWAPPED in flags +Steals a reference to newtype --- which can be NULL + +:: + + PyObject * + PyArray_EnsureArray(PyObject *op) + +This is a quick wrapper around PyArray_FromAny(op, NULL, 0, 0, ENSUREARRAY) +that special cases Arrays and PyArray_Scalars up front +It *steals a reference* to the object +It also guarantees that the result is PyArray_Type +Because it decrefs op if any conversion needs to take place +so it can be used like PyArray_EnsureArray(some_function(...)) + +:: + + PyObject * + PyArray_EnsureAnyArray(PyObject *op) + + +:: + + PyObject * + PyArray_FromFile(FILE *fp, PyArray_Descr *dtype, npy_intp num, char + *sep) + + +Given a ``FILE *`` pointer ``fp``, and a ``PyArray_Descr``, return an +array corresponding to the data encoded in that file. + +If the dtype is NULL, the default array type is used (double). +If non-null, the reference is stolen. + +The number of elements to read is given as ``num``; if it is < 0, then +then as many as possible are read. + +If ``sep`` is NULL or empty, then binary data is assumed, else +text data, with ``sep`` as the separator between elements. Whitespace in +the separator matches any length of whitespace in the text, and a match +for whitespace around the separator is added. + +For memory-mapped files, use the buffer interface. No more data than +necessary is read by this routine. + +:: + + PyObject * + PyArray_FromString(char *data, npy_intp slen, PyArray_Descr + *dtype, npy_intp num, char *sep) + + +Given a pointer to a string ``data``, a string length ``slen``, and +a ``PyArray_Descr``, return an array corresponding to the data +encoded in that string. + +If the dtype is NULL, the default array type is used (double). +If non-null, the reference is stolen. + +If ``slen`` is < 0, then the end of string is used for text data. +It is an error for ``slen`` to be < 0 for binary data (since embedded NULLs +would be the norm). + +The number of elements to read is given as ``num``; if it is < 0, then +then as many as possible are read. + +If ``sep`` is NULL or empty, then binary data is assumed, else +text data, with ``sep`` as the separator between elements. Whitespace in +the separator matches any length of whitespace in the text, and a match +for whitespace around the separator is added. + +:: + + PyObject * + PyArray_FromBuffer(PyObject *buf, PyArray_Descr *type, npy_intp + count, npy_intp offset) + + +:: + + PyObject * + PyArray_FromIter(PyObject *obj, PyArray_Descr *dtype, npy_intp count) + + +steals a reference to dtype (which cannot be NULL) + +:: + + PyObject * + PyArray_Return(PyArrayObject *mp) + + +Return either an array or the appropriate Python object if the array +is 0d and matches a Python type. + +:: + + PyObject * + PyArray_GetField(PyArrayObject *self, PyArray_Descr *typed, int + offset) + +Get a subset of bytes from each element of the array + +:: + + int + PyArray_SetField(PyArrayObject *self, PyArray_Descr *dtype, int + offset, PyObject *val) + +Set a subset of bytes from each element of the array + +:: + + PyObject * + PyArray_Byteswap(PyArrayObject *self, npy_bool inplace) + + +:: + + PyObject * + PyArray_Resize(PyArrayObject *self, PyArray_Dims *newshape, int + refcheck, NPY_ORDER order) + +Resize (reallocate data). Only works if nothing else is referencing this +array and it is contiguous. If refcheck is 0, then the reference count is +not checked and assumed to be 1. You still must own this data and have no +weak-references and no base object. + +:: + + int + PyArray_MoveInto(PyArrayObject *dst, PyArrayObject *src) + +Move the memory of one array into another, allowing for overlapping data. + +Returns 0 on success, negative on failure. + +:: + + int + PyArray_CopyInto(PyArrayObject *dst, PyArrayObject *src) + +Copy an Array into another array. +Broadcast to the destination shape if necessary. + +Returns 0 on success, -1 on failure. + +:: + + int + PyArray_CopyAnyInto(PyArrayObject *dst, PyArrayObject *src) + +Copy an Array into another array -- memory must not overlap +Does not require src and dest to have "broadcastable" shapes +(only the same number of elements). + +TODO: For NumPy 2.0, this could accept an order parameter which +only allows NPY_CORDER and NPY_FORDER. Could also rename +this to CopyAsFlat to make the name more intuitive. + +Returns 0 on success, -1 on error. + +:: + + int + PyArray_CopyObject(PyArrayObject *dest, PyObject *src_object) + + +:: + + PyObject * + PyArray_NewCopy(PyArrayObject *obj, NPY_ORDER order) + +Copy an array. + +:: + + PyObject * + PyArray_ToList(PyArrayObject *self) + +To List + +:: + + PyObject * + PyArray_ToString(PyArrayObject *self, NPY_ORDER order) + + +:: + + int + PyArray_ToFile(PyArrayObject *self, FILE *fp, char *sep, char *format) + +To File + +:: + + int + PyArray_Dump(PyObject *self, PyObject *file, int protocol) + + +:: + + PyObject * + PyArray_Dumps(PyObject *self, int protocol) + + +:: + + int + PyArray_ValidType(int type) + +Is the typenum valid? + +:: + + void + PyArray_UpdateFlags(PyArrayObject *ret, int flagmask) + +Update Several Flags at once. + +:: + + PyObject * + PyArray_New(PyTypeObject *subtype, int nd, npy_intp *dims, int + type_num, npy_intp *strides, void *data, int itemsize, int + flags, PyObject *obj) + +Generic new array creation routine. + +:: + + PyObject * + PyArray_NewFromDescr(PyTypeObject *subtype, PyArray_Descr *descr, int + nd, npy_intp *dims, npy_intp *strides, void + *data, int flags, PyObject *obj) + +Generic new array creation routine. + +steals a reference to descr (even on failure) + +:: + + PyArray_Descr * + PyArray_DescrNew(PyArray_Descr *base) + +base cannot be NULL + +:: + + PyArray_Descr * + PyArray_DescrNewFromType(int type_num) + + +:: + + double + PyArray_GetPriority(PyObject *obj, double default_) + +Get Priority from object + +:: + + PyObject * + PyArray_IterNew(PyObject *obj) + +Get Iterator. + +:: + + PyObject * + PyArray_MultiIterNew(int n, ... ) + +Get MultiIterator, + +:: + + int + PyArray_PyIntAsInt(PyObject *o) + + +:: + + npy_intp + PyArray_PyIntAsIntp(PyObject *o) + + +:: + + int + PyArray_Broadcast(PyArrayMultiIterObject *mit) + + +:: + + void + PyArray_FillObjectArray(PyArrayObject *arr, PyObject *obj) + +Assumes contiguous + +:: + + int + PyArray_FillWithScalar(PyArrayObject *arr, PyObject *obj) + + +:: + + npy_bool + PyArray_CheckStrides(int elsize, int nd, npy_intp numbytes, npy_intp + offset, npy_intp *dims, npy_intp *newstrides) + + +:: + + PyArray_Descr * + PyArray_DescrNewByteorder(PyArray_Descr *self, char newendian) + + +returns a copy of the PyArray_Descr structure with the byteorder +altered: +no arguments: The byteorder is swapped (in all subfields as well) +single argument: The byteorder is forced to the given state +(in all subfields as well) + +Valid states: ('big', '>') or ('little' or '<') +('native', or '=') + +If a descr structure with | is encountered it's own +byte-order is not changed but any fields are: + + +Deep bytorder change of a data-type descriptor +Leaves reference count of self unchanged --- does not DECREF self *** + +:: + + PyObject * + PyArray_IterAllButAxis(PyObject *obj, int *inaxis) + +Get Iterator that iterates over all but one axis (don't use this with +PyArray_ITER_GOTO1D). The axis will be over-written if negative +with the axis having the smallest stride. + +:: + + PyObject * + PyArray_CheckFromAny(PyObject *op, PyArray_Descr *descr, int + min_depth, int max_depth, int requires, PyObject + *context) + +steals a reference to descr -- accepts NULL + +:: + + PyObject * + PyArray_FromArray(PyArrayObject *arr, PyArray_Descr *newtype, int + flags) + +steals reference to newtype --- acc. NULL + +:: + + PyObject * + PyArray_FromInterface(PyObject *origin) + + +:: + + PyObject * + PyArray_FromStructInterface(PyObject *input) + + +:: + + PyObject * + PyArray_FromArrayAttr(PyObject *op, PyArray_Descr *typecode, PyObject + *context) + + +:: + + NPY_SCALARKIND + PyArray_ScalarKind(int typenum, PyArrayObject **arr) + +ScalarKind + +Returns the scalar kind of a type number, with an +optional tweak based on the scalar value itself. +If no scalar is provided, it returns INTPOS_SCALAR +for both signed and unsigned integers, otherwise +it checks the sign of any signed integer to choose +INTNEG_SCALAR when appropriate. + +:: + + int + PyArray_CanCoerceScalar(int thistype, int neededtype, NPY_SCALARKIND + scalar) + + +Determines whether the data type 'thistype', with +scalar kind 'scalar', can be coerced into 'neededtype'. + +:: + + PyObject * + PyArray_NewFlagsObject(PyObject *obj) + + +Get New ArrayFlagsObject + +:: + + npy_bool + PyArray_CanCastScalar(PyTypeObject *from, PyTypeObject *to) + +See if array scalars can be cast. + +TODO: For NumPy 2.0, add a NPY_CASTING parameter. + +:: + + int + PyArray_CompareUCS4(npy_ucs4 *s1, npy_ucs4 *s2, size_t len) + + +:: + + int + PyArray_RemoveSmallest(PyArrayMultiIterObject *multi) + +Adjusts previously broadcasted iterators so that the axis with +the smallest sum of iterator strides is not iterated over. +Returns dimension which is smallest in the range [0,multi->nd). +A -1 is returned if multi->nd == 0. + +don't use with PyArray_ITER_GOTO1D because factors are not adjusted + +:: + + int + PyArray_ElementStrides(PyObject *obj) + + +:: + + void + PyArray_Item_INCREF(char *data, PyArray_Descr *descr) + + +:: + + void + PyArray_Item_XDECREF(char *data, PyArray_Descr *descr) + + +:: + + PyObject * + PyArray_FieldNames(PyObject *fields) + +Return the tuple of ordered field names from a dictionary. + +:: + + PyObject * + PyArray_Transpose(PyArrayObject *ap, PyArray_Dims *permute) + +Return Transpose. + +:: + + PyObject * + PyArray_TakeFrom(PyArrayObject *self0, PyObject *indices0, int + axis, PyArrayObject *out, NPY_CLIPMODE clipmode) + +Take + +:: + + PyObject * + PyArray_PutTo(PyArrayObject *self, PyObject*values0, PyObject + *indices0, NPY_CLIPMODE clipmode) + +Put values into an array + +:: + + PyObject * + PyArray_PutMask(PyArrayObject *self, PyObject*values0, PyObject*mask0) + +Put values into an array according to a mask. + +:: + + PyObject * + PyArray_Repeat(PyArrayObject *aop, PyObject *op, int axis) + +Repeat the array. + +:: + + PyObject * + PyArray_Choose(PyArrayObject *ip, PyObject *op, PyArrayObject + *out, NPY_CLIPMODE clipmode) + + +:: + + int + PyArray_Sort(PyArrayObject *op, int axis, NPY_SORTKIND which) + +Sort an array in-place + +:: + + PyObject * + PyArray_ArgSort(PyArrayObject *op, int axis, NPY_SORTKIND which) + +ArgSort an array + +:: + + PyObject * + PyArray_SearchSorted(PyArrayObject *op1, PyObject *op2, NPY_SEARCHSIDE + side, PyObject *perm) + + +Search the sorted array op1 for the location of the items in op2. The +result is an array of indexes, one for each element in op2, such that if +the item were to be inserted in op1 just before that index the array +would still be in sorted order. + +Parameters +---------- +op1 : PyArrayObject * +Array to be searched, must be 1-D. +op2 : PyObject * +Array of items whose insertion indexes in op1 are wanted +side : {NPY_SEARCHLEFT, NPY_SEARCHRIGHT} +If NPY_SEARCHLEFT, return first valid insertion indexes +If NPY_SEARCHRIGHT, return last valid insertion indexes +perm : PyObject * +Permutation array that sorts op1 (optional) + +Returns +------- +ret : PyObject * +New reference to npy_intp array containing indexes where items in op2 +could be validly inserted into op1. NULL on error. + +Notes +----- +Binary search is used to find the indexes. + +:: + + PyObject * + PyArray_ArgMax(PyArrayObject *op, int axis, PyArrayObject *out) + +ArgMax + +:: + + PyObject * + PyArray_ArgMin(PyArrayObject *op, int axis, PyArrayObject *out) + +ArgMin + +:: + + PyObject * + PyArray_Reshape(PyArrayObject *self, PyObject *shape) + +Reshape + +:: + + PyObject * + PyArray_Newshape(PyArrayObject *self, PyArray_Dims *newdims, NPY_ORDER + order) + +New shape for an array + +:: + + PyObject * + PyArray_Squeeze(PyArrayObject *self) + + +return a new view of the array object with all of its unit-length +dimensions squeezed out if needed, otherwise +return the same array. + +:: + + PyObject * + PyArray_View(PyArrayObject *self, PyArray_Descr *type, PyTypeObject + *pytype) + +View +steals a reference to type -- accepts NULL + +:: + + PyObject * + PyArray_SwapAxes(PyArrayObject *ap, int a1, int a2) + +SwapAxes + +:: + + PyObject * + PyArray_Max(PyArrayObject *ap, int axis, PyArrayObject *out) + +Max + +:: + + PyObject * + PyArray_Min(PyArrayObject *ap, int axis, PyArrayObject *out) + +Min + +:: + + PyObject * + PyArray_Ptp(PyArrayObject *ap, int axis, PyArrayObject *out) + +Ptp + +:: + + PyObject * + PyArray_Mean(PyArrayObject *self, int axis, int rtype, PyArrayObject + *out) + +Mean + +:: + + PyObject * + PyArray_Trace(PyArrayObject *self, int offset, int axis1, int + axis2, int rtype, PyArrayObject *out) + +Trace + +:: + + PyObject * + PyArray_Diagonal(PyArrayObject *self, int offset, int axis1, int + axis2) + +Diagonal + +In NumPy versions prior to 1.7, this function always returned a copy of +the diagonal array. In 1.7, the code has been updated to compute a view +onto 'self', but it still copies this array before returning, as well as +setting the internal WARN_ON_WRITE flag. In a future version, it will +simply return a view onto self. + +:: + + PyObject * + PyArray_Clip(PyArrayObject *self, PyObject *min, PyObject + *max, PyArrayObject *out) + +Clip + +:: + + PyObject * + PyArray_Conjugate(PyArrayObject *self, PyArrayObject *out) + +Conjugate + +:: + + PyObject * + PyArray_Nonzero(PyArrayObject *self) + +Nonzero + +TODO: In NumPy 2.0, should make the iteration order a parameter. + +:: + + PyObject * + PyArray_Std(PyArrayObject *self, int axis, int rtype, PyArrayObject + *out, int variance) + +Set variance to 1 to by-pass square-root calculation and return variance +Std + +:: + + PyObject * + PyArray_Sum(PyArrayObject *self, int axis, int rtype, PyArrayObject + *out) + +Sum + +:: + + PyObject * + PyArray_CumSum(PyArrayObject *self, int axis, int rtype, PyArrayObject + *out) + +CumSum + +:: + + PyObject * + PyArray_Prod(PyArrayObject *self, int axis, int rtype, PyArrayObject + *out) + +Prod + +:: + + PyObject * + PyArray_CumProd(PyArrayObject *self, int axis, int + rtype, PyArrayObject *out) + +CumProd + +:: + + PyObject * + PyArray_All(PyArrayObject *self, int axis, PyArrayObject *out) + +All + +:: + + PyObject * + PyArray_Any(PyArrayObject *self, int axis, PyArrayObject *out) + +Any + +:: + + PyObject * + PyArray_Compress(PyArrayObject *self, PyObject *condition, int + axis, PyArrayObject *out) + +Compress + +:: + + PyObject * + PyArray_Flatten(PyArrayObject *a, NPY_ORDER order) + +Flatten + +:: + + PyObject * + PyArray_Ravel(PyArrayObject *arr, NPY_ORDER order) + +Ravel +Returns a contiguous array + +:: + + npy_intp + PyArray_MultiplyList(npy_intp *l1, int n) + +Multiply a List + +:: + + int + PyArray_MultiplyIntList(int *l1, int n) + +Multiply a List of ints + +:: + + void * + PyArray_GetPtr(PyArrayObject *obj, npy_intp*ind) + +Produce a pointer into array + +:: + + int + PyArray_CompareLists(npy_intp *l1, npy_intp *l2, int n) + +Compare Lists + +:: + + int + PyArray_AsCArray(PyObject **op, void *ptr, npy_intp *dims, int + nd, PyArray_Descr*typedescr) + +Simulate a C-array +steals a reference to typedescr -- can be NULL + +:: + + int + PyArray_As1D(PyObject **op, char **ptr, int *d1, int typecode) + +Convert to a 1D C-array + +:: + + int + PyArray_As2D(PyObject **op, char ***ptr, int *d1, int *d2, int + typecode) + +Convert to a 2D C-array + +:: + + int + PyArray_Free(PyObject *op, void *ptr) + +Free pointers created if As2D is called + +:: + + int + PyArray_Converter(PyObject *object, PyObject **address) + + +Useful to pass as converter function for O& processing in PyArgs_ParseTuple. + +This conversion function can be used with the "O&" argument for +PyArg_ParseTuple. It will immediately return an object of array type +or will convert to a NPY_ARRAY_CARRAY any other object. + +If you use PyArray_Converter, you must DECREF the array when finished +as you get a new reference to it. + +:: + + int + PyArray_IntpFromSequence(PyObject *seq, npy_intp *vals, int maxvals) + +PyArray_IntpFromSequence +Returns the number of dimensions or -1 if an error occurred. +vals must be large enough to hold maxvals + +:: + + PyObject * + PyArray_Concatenate(PyObject *op, int axis) + +Concatenate + +Concatenate an arbitrary Python sequence into an array. +op is a python object supporting the sequence interface. +Its elements will be concatenated together to form a single +multidimensional array. If axis is NPY_MAXDIMS or bigger, then +each sequence object will be flattened before concatenation + +:: + + PyObject * + PyArray_InnerProduct(PyObject *op1, PyObject *op2) + +Numeric.innerproduct(a,v) + +:: + + PyObject * + PyArray_MatrixProduct(PyObject *op1, PyObject *op2) + +Numeric.matrixproduct(a,v) +just like inner product but does the swapaxes stuff on the fly + +:: + + PyObject * + PyArray_CopyAndTranspose(PyObject *op) + +Copy and Transpose + +Could deprecate this function, as there isn't a speed benefit over +calling Transpose and then Copy. + +:: + + PyObject * + PyArray_Correlate(PyObject *op1, PyObject *op2, int mode) + +Numeric.correlate(a1,a2,mode) + +:: + + int + PyArray_TypestrConvert(int itemsize, int gentype) + +Typestr converter + +:: + + int + PyArray_DescrConverter(PyObject *obj, PyArray_Descr **at) + +Get typenum from an object -- None goes to NPY_DEFAULT_TYPE +This function takes a Python object representing a type and converts it +to a the correct PyArray_Descr * structure to describe the type. + +Many objects can be used to represent a data-type which in NumPy is +quite a flexible concept. + +This is the central code that converts Python objects to +Type-descriptor objects that are used throughout numpy. + +Returns a new reference in *at, but the returned should not be +modified as it may be one of the canonical immutable objects or +a reference to the input obj. + +:: + + int + PyArray_DescrConverter2(PyObject *obj, PyArray_Descr **at) + +Get typenum from an object -- None goes to NULL + +:: + + int + PyArray_IntpConverter(PyObject *obj, PyArray_Dims *seq) + +Get intp chunk from sequence + +This function takes a Python sequence object and allocates and +fills in an intp array with the converted values. + +Remember to free the pointer seq.ptr when done using +PyDimMem_FREE(seq.ptr)** + +:: + + int + PyArray_BufferConverter(PyObject *obj, PyArray_Chunk *buf) + +Get buffer chunk from object + +this function takes a Python object which exposes the (single-segment) +buffer interface and returns a pointer to the data segment + +You should increment the reference count by one of buf->base +if you will hang on to a reference + +You only get a borrowed reference to the object. Do not free the +memory... + +:: + + int + PyArray_AxisConverter(PyObject *obj, int *axis) + +Get axis from an object (possibly None) -- a converter function, + +See also PyArray_ConvertMultiAxis, which also handles a tuple of axes. + +:: + + int + PyArray_BoolConverter(PyObject *object, npy_bool *val) + +Convert an object to true / false + +:: + + int + PyArray_ByteorderConverter(PyObject *obj, char *endian) + +Convert object to endian + +:: + + int + PyArray_OrderConverter(PyObject *object, NPY_ORDER *val) + +Convert an object to FORTRAN / C / ANY / KEEP + +:: + + unsigned char + PyArray_EquivTypes(PyArray_Descr *type1, PyArray_Descr *type2) + + +This function returns true if the two typecodes are +equivalent (same basic kind and same itemsize). + +:: + + PyObject * + PyArray_Zeros(int nd, npy_intp *dims, PyArray_Descr *type, int + is_f_order) + +Zeros + +steal a reference +accepts NULL type + +:: + + PyObject * + PyArray_Empty(int nd, npy_intp *dims, PyArray_Descr *type, int + is_f_order) + +Empty + +accepts NULL type +steals referenct to type + +:: + + PyObject * + PyArray_Where(PyObject *condition, PyObject *x, PyObject *y) + +Where + +:: + + PyObject * + PyArray_Arange(double start, double stop, double step, int type_num) + +Arange, + +:: + + PyObject * + PyArray_ArangeObj(PyObject *start, PyObject *stop, PyObject + *step, PyArray_Descr *dtype) + + +ArangeObj, + +this doesn't change the references + +:: + + int + PyArray_SortkindConverter(PyObject *obj, NPY_SORTKIND *sortkind) + +Convert object to sort kind + +:: + + PyObject * + PyArray_LexSort(PyObject *sort_keys, int axis) + +LexSort an array providing indices that will sort a collection of arrays +lexicographically. The first key is sorted on first, followed by the second key +-- requires that arg"merge"sort is available for each sort_key + +Returns an index array that shows the indexes for the lexicographic sort along +the given axis. + +:: + + PyObject * + PyArray_Round(PyArrayObject *a, int decimals, PyArrayObject *out) + +Round + +:: + + unsigned char + PyArray_EquivTypenums(int typenum1, int typenum2) + + +:: + + int + PyArray_RegisterDataType(PyArray_Descr *descr) + +Register Data type +Does not change the reference count of descr + +:: + + int + PyArray_RegisterCastFunc(PyArray_Descr *descr, int + totype, PyArray_VectorUnaryFunc *castfunc) + +Register Casting Function +Replaces any function currently stored. + +:: + + int + PyArray_RegisterCanCast(PyArray_Descr *descr, int + totype, NPY_SCALARKIND scalar) + +Register a type number indicating that a descriptor can be cast +to it safely + +:: + + void + PyArray_InitArrFuncs(PyArray_ArrFuncs *f) + +Initialize arrfuncs to NULL + +:: + + PyObject * + PyArray_IntTupleFromIntp(int len, npy_intp *vals) + +PyArray_IntTupleFromIntp + +:: + + int + PyArray_TypeNumFromName(char *str) + + +:: + + int + PyArray_ClipmodeConverter(PyObject *object, NPY_CLIPMODE *val) + +Convert an object to NPY_RAISE / NPY_CLIP / NPY_WRAP + +:: + + int + PyArray_OutputConverter(PyObject *object, PyArrayObject **address) + +Useful to pass as converter function for O& processing in +PyArgs_ParseTuple for output arrays + +:: + + PyObject * + PyArray_BroadcastToShape(PyObject *obj, npy_intp *dims, int nd) + +Get Iterator broadcast to a particular shape + +:: + + void + _PyArray_SigintHandler(int signum) + + +:: + + void* + _PyArray_GetSigintBuf(void ) + + +:: + + int + PyArray_DescrAlignConverter(PyObject *obj, PyArray_Descr **at) + + +Get type-descriptor from an object forcing alignment if possible +None goes to DEFAULT type. + +any object with the .fields attribute and/or .itemsize attribute (if the +.fields attribute does not give the total size -- i.e. a partial record +naming). If itemsize is given it must be >= size computed from fields + +The .fields attribute must return a convertible dictionary if present. +Result inherits from NPY_VOID. + +:: + + int + PyArray_DescrAlignConverter2(PyObject *obj, PyArray_Descr **at) + + +Get type-descriptor from an object forcing alignment if possible +None goes to NULL. + +:: + + int + PyArray_SearchsideConverter(PyObject *obj, void *addr) + +Convert object to searchsorted side + +:: + + PyObject * + PyArray_CheckAxis(PyArrayObject *arr, int *axis, int flags) + +PyArray_CheckAxis + +check that axis is valid +convert 0-d arrays to 1-d arrays + +:: + + npy_intp + PyArray_OverflowMultiplyList(npy_intp *l1, int n) + +Multiply a List of Non-negative numbers with over-flow detection. + +:: + + int + PyArray_CompareString(char *s1, char *s2, size_t len) + + +:: + + PyObject * + PyArray_MultiIterFromObjects(PyObject **mps, int n, int nadd, ... ) + +Get MultiIterator from array of Python objects and any additional + +PyObject **mps -- array of PyObjects +int n - number of PyObjects in the array +int nadd - number of additional arrays to include in the iterator. + +Returns a multi-iterator object. + +:: + + int + PyArray_GetEndianness(void ) + + +:: + + unsigned int + PyArray_GetNDArrayCFeatureVersion(void ) + +Returns the built-in (at compilation time) C API version + +:: + + PyObject * + PyArray_Correlate2(PyObject *op1, PyObject *op2, int mode) + +correlate(a1,a2,mode) + +This function computes the usual correlation (correlate(a1, a2) != +correlate(a2, a1), and conjugate the second argument for complex inputs + +:: + + PyObject* + PyArray_NeighborhoodIterNew(PyArrayIterObject *x, npy_intp + *bounds, int mode, PyArrayObject*fill) + +A Neighborhood Iterator object. + +:: + + void + PyArray_SetDatetimeParseFunction(PyObject *op) + +This function is scheduled to be removed + +TO BE REMOVED - NOT USED INTERNALLY. + +:: + + void + PyArray_DatetimeToDatetimeStruct(npy_datetime val, NPY_DATETIMEUNIT + fr, npy_datetimestruct *result) + +Fill the datetime struct from the value and resolution unit. + +TO BE REMOVED - NOT USED INTERNALLY. + +:: + + void + PyArray_TimedeltaToTimedeltaStruct(npy_timedelta val, NPY_DATETIMEUNIT + fr, npy_timedeltastruct *result) + +Fill the timedelta struct from the timedelta value and resolution unit. + +TO BE REMOVED - NOT USED INTERNALLY. + +:: + + npy_datetime + PyArray_DatetimeStructToDatetime(NPY_DATETIMEUNIT + fr, npy_datetimestruct *d) + +Create a datetime value from a filled datetime struct and resolution unit. + +TO BE REMOVED - NOT USED INTERNALLY. + +:: + + npy_datetime + PyArray_TimedeltaStructToTimedelta(NPY_DATETIMEUNIT + fr, npy_timedeltastruct *d) + +Create a timdelta value from a filled timedelta struct and resolution unit. + +TO BE REMOVED - NOT USED INTERNALLY. + +:: + + NpyIter * + NpyIter_New(PyArrayObject *op, npy_uint32 flags, NPY_ORDER + order, NPY_CASTING casting, PyArray_Descr*dtype) + +Allocate a new iterator for one array object. + +:: + + NpyIter * + NpyIter_MultiNew(int nop, PyArrayObject **op_in, npy_uint32 + flags, NPY_ORDER order, NPY_CASTING + casting, npy_uint32 *op_flags, PyArray_Descr + **op_request_dtypes) + +Allocate a new iterator for more than one array object, using +standard NumPy broadcasting rules and the default buffer size. + +:: + + NpyIter * + NpyIter_AdvancedNew(int nop, PyArrayObject **op_in, npy_uint32 + flags, NPY_ORDER order, NPY_CASTING + casting, npy_uint32 *op_flags, PyArray_Descr + **op_request_dtypes, int oa_ndim, int + **op_axes, npy_intp *itershape, npy_intp + buffersize) + +Allocate a new iterator for multiple array objects, and advanced +options for controlling the broadcasting, shape, and buffer size. + +:: + + NpyIter * + NpyIter_Copy(NpyIter *iter) + +Makes a copy of the iterator + +:: + + int + NpyIter_Deallocate(NpyIter *iter) + +Deallocate an iterator + +:: + + npy_bool + NpyIter_HasDelayedBufAlloc(NpyIter *iter) + +Whether the buffer allocation is being delayed + +:: + + npy_bool + NpyIter_HasExternalLoop(NpyIter *iter) + +Whether the iterator handles the inner loop + +:: + + int + NpyIter_EnableExternalLoop(NpyIter *iter) + +Removes the inner loop handling (so HasExternalLoop returns true) + +:: + + npy_intp * + NpyIter_GetInnerStrideArray(NpyIter *iter) + +Get the array of strides for the inner loop (when HasExternalLoop is true) + +This function may be safely called without holding the Python GIL. + +:: + + npy_intp * + NpyIter_GetInnerLoopSizePtr(NpyIter *iter) + +Get a pointer to the size of the inner loop (when HasExternalLoop is true) + +This function may be safely called without holding the Python GIL. + +:: + + int + NpyIter_Reset(NpyIter *iter, char **errmsg) + +Resets the iterator to its initial state + +If errmsg is non-NULL, it should point to a variable which will +receive the error message, and no Python exception will be set. +This is so that the function can be called from code not holding +the GIL. + +:: + + int + NpyIter_ResetBasePointers(NpyIter *iter, char **baseptrs, char + **errmsg) + +Resets the iterator to its initial state, with new base data pointers. +This function requires great caution. + +If errmsg is non-NULL, it should point to a variable which will +receive the error message, and no Python exception will be set. +This is so that the function can be called from code not holding +the GIL. + +:: + + int + NpyIter_ResetToIterIndexRange(NpyIter *iter, npy_intp istart, npy_intp + iend, char **errmsg) + +Resets the iterator to a new iterator index range + +If errmsg is non-NULL, it should point to a variable which will +receive the error message, and no Python exception will be set. +This is so that the function can be called from code not holding +the GIL. + +:: + + int + NpyIter_GetNDim(NpyIter *iter) + +Gets the number of dimensions being iterated + +:: + + int + NpyIter_GetNOp(NpyIter *iter) + +Gets the number of operands being iterated + +:: + + NpyIter_IterNextFunc * + NpyIter_GetIterNext(NpyIter *iter, char **errmsg) + +Compute the specialized iteration function for an iterator + +If errmsg is non-NULL, it should point to a variable which will +receive the error message, and no Python exception will be set. +This is so that the function can be called from code not holding +the GIL. + +:: + + npy_intp + NpyIter_GetIterSize(NpyIter *iter) + +Gets the number of elements being iterated + +:: + + void + NpyIter_GetIterIndexRange(NpyIter *iter, npy_intp *istart, npy_intp + *iend) + +Gets the range of iteration indices being iterated + +:: + + npy_intp + NpyIter_GetIterIndex(NpyIter *iter) + +Gets the current iteration index + +:: + + int + NpyIter_GotoIterIndex(NpyIter *iter, npy_intp iterindex) + +Sets the iterator position to the specified iterindex, +which matches the iteration order of the iterator. + +Returns NPY_SUCCEED on success, NPY_FAIL on failure. + +:: + + npy_bool + NpyIter_HasMultiIndex(NpyIter *iter) + +Whether the iterator is tracking a multi-index + +:: + + int + NpyIter_GetShape(NpyIter *iter, npy_intp *outshape) + +Gets the broadcast shape if a multi-index is being tracked by the iterator, +otherwise gets the shape of the iteration as Fortran-order +(fastest-changing index first). + +The reason Fortran-order is returned when a multi-index +is not enabled is that this is providing a direct view into how +the iterator traverses the n-dimensional space. The iterator organizes +its memory from fastest index to slowest index, and when +a multi-index is enabled, it uses a permutation to recover the original +order. + +Returns NPY_SUCCEED or NPY_FAIL. + +:: + + NpyIter_GetMultiIndexFunc * + NpyIter_GetGetMultiIndex(NpyIter *iter, char **errmsg) + +Compute a specialized get_multi_index function for the iterator + +If errmsg is non-NULL, it should point to a variable which will +receive the error message, and no Python exception will be set. +This is so that the function can be called from code not holding +the GIL. + +:: + + int + NpyIter_GotoMultiIndex(NpyIter *iter, npy_intp *multi_index) + +Sets the iterator to the specified multi-index, which must have the +correct number of entries for 'ndim'. It is only valid +when NPY_ITER_MULTI_INDEX was passed to the constructor. This operation +fails if the multi-index is out of bounds. + +Returns NPY_SUCCEED on success, NPY_FAIL on failure. + +:: + + int + NpyIter_RemoveMultiIndex(NpyIter *iter) + +Removes multi-index support from an iterator. + +Returns NPY_SUCCEED or NPY_FAIL. + +:: + + npy_bool + NpyIter_HasIndex(NpyIter *iter) + +Whether the iterator is tracking an index + +:: + + npy_bool + NpyIter_IsBuffered(NpyIter *iter) + +Whether the iterator is buffered + +:: + + npy_bool + NpyIter_IsGrowInner(NpyIter *iter) + +Whether the inner loop can grow if buffering is unneeded + +:: + + npy_intp + NpyIter_GetBufferSize(NpyIter *iter) + +Gets the size of the buffer, or 0 if buffering is not enabled + +:: + + npy_intp * + NpyIter_GetIndexPtr(NpyIter *iter) + +Get a pointer to the index, if it is being tracked + +:: + + int + NpyIter_GotoIndex(NpyIter *iter, npy_intp flat_index) + +If the iterator is tracking an index, sets the iterator +to the specified index. + +Returns NPY_SUCCEED on success, NPY_FAIL on failure. + +:: + + char ** + NpyIter_GetDataPtrArray(NpyIter *iter) + +Get the array of data pointers (1 per object being iterated) + +This function may be safely called without holding the Python GIL. + +:: + + PyArray_Descr ** + NpyIter_GetDescrArray(NpyIter *iter) + +Get the array of data type pointers (1 per object being iterated) + +:: + + PyArrayObject ** + NpyIter_GetOperandArray(NpyIter *iter) + +Get the array of objects being iterated + +:: + + PyArrayObject * + NpyIter_GetIterView(NpyIter *iter, npy_intp i) + +Returns a view to the i-th object with the iterator's internal axes + +:: + + void + NpyIter_GetReadFlags(NpyIter *iter, char *outreadflags) + +Gets an array of read flags (1 per object being iterated) + +:: + + void + NpyIter_GetWriteFlags(NpyIter *iter, char *outwriteflags) + +Gets an array of write flags (1 per object being iterated) + +:: + + void + NpyIter_DebugPrint(NpyIter *iter) + +For debugging + +:: + + npy_bool + NpyIter_IterationNeedsAPI(NpyIter *iter) + +Whether the iteration loop, and in particular the iternext() +function, needs API access. If this is true, the GIL must +be retained while iterating. + +:: + + void + NpyIter_GetInnerFixedStrideArray(NpyIter *iter, npy_intp *out_strides) + +Get an array of strides which are fixed. Any strides which may +change during iteration receive the value NPY_MAX_INTP. Once +the iterator is ready to iterate, call this to get the strides +which will always be fixed in the inner loop, then choose optimized +inner loop functions which take advantage of those fixed strides. + +This function may be safely called without holding the Python GIL. + +:: + + int + NpyIter_RemoveAxis(NpyIter *iter, int axis) + +Removes an axis from iteration. This requires that NPY_ITER_MULTI_INDEX +was set for iterator creation, and does not work if buffering is +enabled. This function also resets the iterator to its initial state. + +Returns NPY_SUCCEED or NPY_FAIL. + +:: + + npy_intp * + NpyIter_GetAxisStrideArray(NpyIter *iter, int axis) + +Gets the array of strides for the specified axis. +If the iterator is tracking a multi-index, gets the strides +for the axis specified, otherwise gets the strides for +the iteration axis as Fortran order (fastest-changing axis first). + +Returns NULL if an error occurs. + +:: + + npy_bool + NpyIter_RequiresBuffering(NpyIter *iter) + +Whether the iteration could be done with no buffering. + +:: + + char ** + NpyIter_GetInitialDataPtrArray(NpyIter *iter) + +Get the array of data pointers (1 per object being iterated), +directly into the arrays (never pointing to a buffer), for starting +unbuffered iteration. This always returns the addresses for the +iterator position as reset to iterator index 0. + +These pointers are different from the pointers accepted by +NpyIter_ResetBasePointers, because the direction along some +axes may have been reversed, requiring base offsets. + +This function may be safely called without holding the Python GIL. + +:: + + int + NpyIter_CreateCompatibleStrides(NpyIter *iter, npy_intp + itemsize, npy_intp *outstrides) + +Builds a set of strides which are the same as the strides of an +output array created using the NPY_ITER_ALLOCATE flag, where NULL +was passed for op_axes. This is for data packed contiguously, +but not necessarily in C or Fortran order. This should be used +together with NpyIter_GetShape and NpyIter_GetNDim. + +A use case for this function is to match the shape and layout of +the iterator and tack on one or more dimensions. For example, +in order to generate a vector per input value for a numerical gradient, +you pass in ndim*itemsize for itemsize, then add another dimension to +the end with size ndim and stride itemsize. To do the Hessian matrix, +you do the same thing but add two dimensions, or take advantage of +the symmetry and pack it into 1 dimension with a particular encoding. + +This function may only be called if the iterator is tracking a multi-index +and if NPY_ITER_DONT_NEGATE_STRIDES was used to prevent an axis from +being iterated in reverse order. + +If an array is created with this method, simply adding 'itemsize' +for each iteration will traverse the new array matching the +iterator. + +Returns NPY_SUCCEED or NPY_FAIL. + +:: + + int + PyArray_CastingConverter(PyObject *obj, NPY_CASTING *casting) + +Convert any Python object, *obj*, to an NPY_CASTING enum. + +:: + + npy_intp + PyArray_CountNonzero(PyArrayObject *self) + +Counts the number of non-zero elements in the array. + +Returns -1 on error. + +:: + + PyArray_Descr * + PyArray_PromoteTypes(PyArray_Descr *type1, PyArray_Descr *type2) + +Produces the smallest size and lowest kind type to which both +input types can be cast. + +:: + + PyArray_Descr * + PyArray_MinScalarType(PyArrayObject *arr) + +If arr is a scalar (has 0 dimensions) with a built-in number data type, +finds the smallest type size/kind which can still represent its data. +Otherwise, returns the array's data type. + + +:: + + PyArray_Descr * + PyArray_ResultType(npy_intp narrs, PyArrayObject **arr, npy_intp + ndtypes, PyArray_Descr **dtypes) + +Produces the result type of a bunch of inputs, using the UFunc +type promotion rules. Use this function when you have a set of +input arrays, and need to determine an output array dtype. + +If all the inputs are scalars (have 0 dimensions) or the maximum "kind" +of the scalars is greater than the maximum "kind" of the arrays, does +a regular type promotion. + +Otherwise, does a type promotion on the MinScalarType +of all the inputs. Data types passed directly are treated as array +types. + + +:: + + npy_bool + PyArray_CanCastArrayTo(PyArrayObject *arr, PyArray_Descr + *to, NPY_CASTING casting) + +Returns 1 if the array object may be cast to the given data type using +the casting rule, 0 otherwise. This differs from PyArray_CanCastTo in +that it handles scalar arrays (0 dimensions) specially, by checking +their value. + +:: + + npy_bool + PyArray_CanCastTypeTo(PyArray_Descr *from, PyArray_Descr + *to, NPY_CASTING casting) + +Returns true if data of type 'from' may be cast to data of type +'to' according to the rule 'casting'. + +:: + + PyArrayObject * + PyArray_EinsteinSum(char *subscripts, npy_intp nop, PyArrayObject + **op_in, PyArray_Descr *dtype, NPY_ORDER + order, NPY_CASTING casting, PyArrayObject *out) + +This function provides summation of array elements according to +the Einstein summation convention. For example: +- trace(a) -> einsum("ii", a) +- transpose(a) -> einsum("ji", a) +- multiply(a,b) -> einsum(",", a, b) +- inner(a,b) -> einsum("i,i", a, b) +- outer(a,b) -> einsum("i,j", a, b) +- matvec(a,b) -> einsum("ij,j", a, b) +- matmat(a,b) -> einsum("ij,jk", a, b) + +subscripts: The string of subscripts for einstein summation. +nop: The number of operands +op_in: The array of operands +dtype: Either NULL, or the data type to force the calculation as. +order: The order for the calculation/the output axes. +casting: What kind of casts should be permitted. +out: Either NULL, or an array into which the output should be placed. + +By default, the labels get placed in alphabetical order +at the end of the output. So, if c = einsum("i,j", a, b) +then c[i,j] == a[i]*b[j], but if c = einsum("j,i", a, b) +then c[i,j] = a[j]*b[i]. + +Alternatively, you can control the output order or prevent +an axis from being summed/force an axis to be summed by providing +indices for the output. This allows us to turn 'trace' into +'diag', for example. +- diag(a) -> einsum("ii->i", a) +- sum(a, axis=0) -> einsum("i...->", a) + +Subscripts at the beginning and end may be specified by +putting an ellipsis "..." in the middle. For example, +the function einsum("i...i", a) takes the diagonal of +the first and last dimensions of the operand, and +einsum("ij...,jk...->ik...") takes the matrix product using +the first two indices of each operand instead of the last two. + +When there is only one operand, no axes being summed, and +no output parameter, this function returns a view +into the operand instead of making a copy. + +:: + + PyObject * + PyArray_NewLikeArray(PyArrayObject *prototype, NPY_ORDER + order, PyArray_Descr *dtype, int subok) + +Creates a new array with the same shape as the provided one, +with possible memory layout order and data type changes. + +prototype - The array the new one should be like. +order - NPY_CORDER - C-contiguous result. +NPY_FORTRANORDER - Fortran-contiguous result. +NPY_ANYORDER - Fortran if prototype is Fortran, C otherwise. +NPY_KEEPORDER - Keeps the axis ordering of prototype. +dtype - If not NULL, overrides the data type of the result. +subok - If 1, use the prototype's array subtype, otherwise +always create a base-class array. + +NOTE: If dtype is not NULL, steals the dtype reference. + +:: + + int + PyArray_GetArrayParamsFromObject(PyObject *op, PyArray_Descr + *requested_dtype, npy_bool + writeable, PyArray_Descr + **out_dtype, int *out_ndim, npy_intp + *out_dims, PyArrayObject + **out_arr, PyObject *context) + +Retrieves the array parameters for viewing/converting an arbitrary +PyObject* to a NumPy array. This allows the "innate type and shape" +of Python list-of-lists to be discovered without +actually converting to an array. + +In some cases, such as structured arrays and the __array__ interface, +a data type needs to be used to make sense of the object. When +this is needed, provide a Descr for 'requested_dtype', otherwise +provide NULL. This reference is not stolen. Also, if the requested +dtype doesn't modify the interpretation of the input, out_dtype will +still get the "innate" dtype of the object, not the dtype passed +in 'requested_dtype'. + +If writing to the value in 'op' is desired, set the boolean +'writeable' to 1. This raises an error when 'op' is a scalar, list +of lists, or other non-writeable 'op'. + +Result: When success (0 return value) is returned, either out_arr +is filled with a non-NULL PyArrayObject and +the rest of the parameters are untouched, or out_arr is +filled with NULL, and the rest of the parameters are +filled. + +Typical usage: + +PyArrayObject *arr = NULL; +PyArray_Descr *dtype = NULL; +int ndim = 0; +npy_intp dims[NPY_MAXDIMS]; + +if (PyArray_GetArrayParamsFromObject(op, NULL, 1, &dtype, +&ndim, &dims, &arr, NULL) < 0) { +return NULL; +} +if (arr == NULL) { +... validate/change dtype, validate flags, ndim, etc ... +// Could make custom strides here too +arr = PyArray_NewFromDescr(&PyArray_Type, dtype, ndim, +dims, NULL, +is_f_order ? NPY_ARRAY_F_CONTIGUOUS : 0, +NULL); +if (arr == NULL) { +return NULL; +} +if (PyArray_CopyObject(arr, op) < 0) { +Py_DECREF(arr); +return NULL; +} +} +else { +... in this case the other parameters weren't filled, just +validate and possibly copy arr itself ... +} +... use arr ... + +:: + + int + PyArray_ConvertClipmodeSequence(PyObject *object, NPY_CLIPMODE + *modes, int n) + +Convert an object to an array of n NPY_CLIPMODE values. +This is intended to be used in functions where a different mode +could be applied to each axis, like in ravel_multi_index. + +:: + + PyObject * + PyArray_MatrixProduct2(PyObject *op1, PyObject + *op2, PyArrayObject*out) + +Numeric.matrixproduct(a,v,out) +just like inner product but does the swapaxes stuff on the fly + +:: + + npy_bool + NpyIter_IsFirstVisit(NpyIter *iter, int iop) + +Checks to see whether this is the first time the elements +of the specified reduction operand which the iterator points at are +being seen for the first time. The function returns +a reasonable answer for reduction operands and when buffering is +disabled. The answer may be incorrect for buffered non-reduction +operands. + +This function is intended to be used in EXTERNAL_LOOP mode only, +and will produce some wrong answers when that mode is not enabled. + +If this function returns true, the caller should also +check the inner loop stride of the operand, because if +that stride is 0, then only the first element of the innermost +external loop is being visited for the first time. + +WARNING: For performance reasons, 'iop' is not bounds-checked, +it is not confirmed that 'iop' is actually a reduction +operand, and it is not confirmed that EXTERNAL_LOOP +mode is enabled. These checks are the responsibility of +the caller, and should be done outside of any inner loops. + +:: + + int + PyArray_SetBaseObject(PyArrayObject *arr, PyObject *obj) + +Sets the 'base' attribute of the array. This steals a reference +to 'obj'. + +Returns 0 on success, -1 on failure. + +:: + + void + PyArray_CreateSortedStridePerm(int ndim, npy_intp + *strides, npy_stride_sort_item + *out_strideperm) + + +This function populates the first ndim elements +of strideperm with sorted descending by their absolute values. +For example, the stride array (4, -2, 12) becomes +[(2, 12), (0, 4), (1, -2)]. + +:: + + void + PyArray_RemoveAxesInPlace(PyArrayObject *arr, npy_bool *flags) + + +Removes the axes flagged as True from the array, +modifying it in place. If an axis flagged for removal +has a shape entry bigger than one, this effectively selects +index zero for that axis. + +WARNING: If an axis flagged for removal has a shape equal to zero, +the array will point to invalid memory. The caller must +validate this! + +For example, this can be used to remove the reduction axes +from a reduction result once its computation is complete. + +:: + + void + PyArray_DebugPrint(PyArrayObject *obj) + +Prints the raw data of the ndarray in a form useful for debugging +low-level C issues. + +:: + + int + PyArray_FailUnlessWriteable(PyArrayObject *obj, const char *name) + + +This function does nothing if obj is writeable, and raises an exception +(and returns -1) if obj is not writeable. It may also do other +house-keeping, such as issuing warnings on arrays which are transitioning +to become views. Always call this function at some point before writing to +an array. + +'name' is a name for the array, used to give better error +messages. Something like "assignment destination", "output array", or even +just "array". + +:: + + int + PyArray_SetUpdateIfCopyBase(PyArrayObject *arr, PyArrayObject *base) + + +Precondition: 'arr' is a copy of 'base' (though possibly with different +strides, ordering, etc.). This function sets the UPDATEIFCOPY flag and the +->base pointer on 'arr', so that when 'arr' is destructed, it will copy any +changes back to 'base'. + +Steals a reference to 'base'. + +Returns 0 on success, -1 on failure. + +:: + + void * + PyDataMem_NEW(size_t size) + +Allocates memory for array data. + +:: + + void + PyDataMem_FREE(void *ptr) + +Free memory for array data. + +:: + + void * + PyDataMem_RENEW(void *ptr, size_t size) + +Reallocate/resize memory for array data. + +:: + + PyDataMem_EventHookFunc * + PyDataMem_SetEventHook(PyDataMem_EventHookFunc *newhook, void + *user_data, void **old_data) + +Sets the allocation event hook for numpy array data. +Takes a PyDataMem_EventHookFunc *, which has the signature: +void hook(void *old, void *new, size_t size, void *user_data). +Also takes a void *user_data, and void **old_data. + +Returns a pointer to the previous hook or NULL. If old_data is +non-NULL, the previous user_data pointer will be copied to it. + +If not NULL, hook will be called at the end of each PyDataMem_NEW/FREE/RENEW: +result = PyDataMem_NEW(size) -> (*hook)(NULL, result, size, user_data) +PyDataMem_FREE(ptr) -> (*hook)(ptr, NULL, 0, user_data) +result = PyDataMem_RENEW(ptr, size) -> (*hook)(ptr, result, size, user_data) + +When the hook is called, the GIL will be held by the calling +thread. The hook should be written to be reentrant, if it performs +operations that might cause new allocation events (such as the +creation/descruction numpy objects, or creating/destroying Python +objects which might cause a gc) + diff --git a/data_tooling/pii_processing/include/numpy/ndarrayobject.h b/data_tooling/pii_processing/include/numpy/ndarrayobject.h new file mode 100644 index 0000000..f00dd77 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/ndarrayobject.h @@ -0,0 +1,244 @@ +/* + * DON'T INCLUDE THIS DIRECTLY. + */ + +#ifndef NPY_NDARRAYOBJECT_H +#define NPY_NDARRAYOBJECT_H +#ifdef __cplusplus +#define CONFUSE_EMACS { +#define CONFUSE_EMACS2 } +extern "C" CONFUSE_EMACS +#undef CONFUSE_EMACS +#undef CONFUSE_EMACS2 +/* ... otherwise a semi-smart identer (like emacs) tries to indent + everything when you're typing */ +#endif + +#include "ndarraytypes.h" + +/* Includes the "function" C-API -- these are all stored in a + list of pointers --- one for each file + The two lists are concatenated into one in multiarray. + + They are available as import_array() +*/ + +#include "__multiarray_api.h" + + +/* C-API that requries previous API to be defined */ + +#define PyArray_DescrCheck(op) (((PyObject*)(op))->ob_type==&PyArrayDescr_Type) + +#define PyArray_Check(op) PyObject_TypeCheck(op, &PyArray_Type) +#define PyArray_CheckExact(op) (((PyObject*)(op))->ob_type == &PyArray_Type) + +#define PyArray_HasArrayInterfaceType(op, type, context, out) \ + ((((out)=PyArray_FromStructInterface(op)) != Py_NotImplemented) || \ + (((out)=PyArray_FromInterface(op)) != Py_NotImplemented) || \ + (((out)=PyArray_FromArrayAttr(op, type, context)) != \ + Py_NotImplemented)) + +#define PyArray_HasArrayInterface(op, out) \ + PyArray_HasArrayInterfaceType(op, NULL, NULL, out) + +#define PyArray_IsZeroDim(op) (PyArray_Check(op) && \ + (PyArray_NDIM((PyArrayObject *)op) == 0)) + +#define PyArray_IsScalar(obj, cls) \ + (PyObject_TypeCheck(obj, &Py##cls##ArrType_Type)) + +#define PyArray_CheckScalar(m) (PyArray_IsScalar(m, Generic) || \ + PyArray_IsZeroDim(m)) + +#define PyArray_IsPythonNumber(obj) \ + (PyInt_Check(obj) || PyFloat_Check(obj) || PyComplex_Check(obj) || \ + PyLong_Check(obj) || PyBool_Check(obj)) + +#define PyArray_IsPythonScalar(obj) \ + (PyArray_IsPythonNumber(obj) || PyString_Check(obj) || \ + PyUnicode_Check(obj)) + +#define PyArray_IsAnyScalar(obj) \ + (PyArray_IsScalar(obj, Generic) || PyArray_IsPythonScalar(obj)) + +#define PyArray_CheckAnyScalar(obj) (PyArray_IsPythonScalar(obj) || \ + PyArray_CheckScalar(obj)) + +#define PyArray_IsIntegerScalar(obj) (PyInt_Check(obj) \ + || PyLong_Check(obj) \ + || PyArray_IsScalar((obj), Integer)) + + +#define PyArray_GETCONTIGUOUS(m) (PyArray_ISCONTIGUOUS(m) ? \ + Py_INCREF(m), (m) : \ + (PyArrayObject *)(PyArray_Copy(m))) + +#define PyArray_SAMESHAPE(a1,a2) ((PyArray_NDIM(a1) == PyArray_NDIM(a2)) && \ + PyArray_CompareLists(PyArray_DIMS(a1), \ + PyArray_DIMS(a2), \ + PyArray_NDIM(a1))) + +#define PyArray_SIZE(m) PyArray_MultiplyList(PyArray_DIMS(m), PyArray_NDIM(m)) +#define PyArray_NBYTES(m) (PyArray_ITEMSIZE(m) * PyArray_SIZE(m)) +#define PyArray_FROM_O(m) PyArray_FromAny(m, NULL, 0, 0, 0, NULL) + +#define PyArray_FROM_OF(m,flags) PyArray_CheckFromAny(m, NULL, 0, 0, flags, \ + NULL) + +#define PyArray_FROM_OT(m,type) PyArray_FromAny(m, \ + PyArray_DescrFromType(type), 0, 0, 0, NULL); + +#define PyArray_FROM_OTF(m, type, flags) \ + PyArray_FromAny(m, PyArray_DescrFromType(type), 0, 0, \ + (((flags) & NPY_ARRAY_ENSURECOPY) ? \ + ((flags) | NPY_ARRAY_DEFAULT) : (flags)), NULL) + +#define PyArray_FROMANY(m, type, min, max, flags) \ + PyArray_FromAny(m, PyArray_DescrFromType(type), min, max, \ + (((flags) & NPY_ARRAY_ENSURECOPY) ? \ + (flags) | NPY_ARRAY_DEFAULT : (flags)), NULL) + +#define PyArray_ZEROS(m, dims, type, is_f_order) \ + PyArray_Zeros(m, dims, PyArray_DescrFromType(type), is_f_order) + +#define PyArray_EMPTY(m, dims, type, is_f_order) \ + PyArray_Empty(m, dims, PyArray_DescrFromType(type), is_f_order) + +#define PyArray_FILLWBYTE(obj, val) memset(PyArray_DATA(obj), val, \ + PyArray_NBYTES(obj)) + +#define PyArray_REFCOUNT(obj) (((PyObject *)(obj))->ob_refcnt) +#define NPY_REFCOUNT PyArray_REFCOUNT +#define NPY_MAX_ELSIZE (2 * NPY_SIZEOF_LONGDOUBLE) + +#define PyArray_ContiguousFromAny(op, type, min_depth, max_depth) \ + PyArray_FromAny(op, PyArray_DescrFromType(type), min_depth, \ + max_depth, NPY_ARRAY_DEFAULT, NULL) + +#define PyArray_EquivArrTypes(a1, a2) \ + PyArray_EquivTypes(PyArray_DESCR(a1), PyArray_DESCR(a2)) + +#define PyArray_EquivByteorders(b1, b2) \ + (((b1) == (b2)) || (PyArray_ISNBO(b1) == PyArray_ISNBO(b2))) + +#define PyArray_SimpleNew(nd, dims, typenum) \ + PyArray_New(&PyArray_Type, nd, dims, typenum, NULL, NULL, 0, 0, NULL) + +#define PyArray_SimpleNewFromData(nd, dims, typenum, data) \ + PyArray_New(&PyArray_Type, nd, dims, typenum, NULL, \ + data, 0, NPY_ARRAY_CARRAY, NULL) + +#define PyArray_SimpleNewFromDescr(nd, dims, descr) \ + PyArray_NewFromDescr(&PyArray_Type, descr, nd, dims, \ + NULL, NULL, 0, NULL) + +#define PyArray_ToScalar(data, arr) \ + PyArray_Scalar(data, PyArray_DESCR(arr), (PyObject *)arr) + + +/* These might be faster without the dereferencing of obj + going on inside -- of course an optimizing compiler should + inline the constants inside a for loop making it a moot point +*/ + +#define PyArray_GETPTR1(obj, i) ((void *)(PyArray_BYTES(obj) + \ + (i)*PyArray_STRIDES(obj)[0])) + +#define PyArray_GETPTR2(obj, i, j) ((void *)(PyArray_BYTES(obj) + \ + (i)*PyArray_STRIDES(obj)[0] + \ + (j)*PyArray_STRIDES(obj)[1])) + +#define PyArray_GETPTR3(obj, i, j, k) ((void *)(PyArray_BYTES(obj) + \ + (i)*PyArray_STRIDES(obj)[0] + \ + (j)*PyArray_STRIDES(obj)[1] + \ + (k)*PyArray_STRIDES(obj)[2])) + +#define PyArray_GETPTR4(obj, i, j, k, l) ((void *)(PyArray_BYTES(obj) + \ + (i)*PyArray_STRIDES(obj)[0] + \ + (j)*PyArray_STRIDES(obj)[1] + \ + (k)*PyArray_STRIDES(obj)[2] + \ + (l)*PyArray_STRIDES(obj)[3])) + +static NPY_INLINE void +PyArray_XDECREF_ERR(PyArrayObject *arr) +{ + if (arr != NULL) { + if (PyArray_FLAGS(arr) & NPY_ARRAY_UPDATEIFCOPY) { + PyArrayObject *base = (PyArrayObject *)PyArray_BASE(arr); + PyArray_ENABLEFLAGS(base, NPY_ARRAY_WRITEABLE); + PyArray_CLEARFLAGS(arr, NPY_ARRAY_UPDATEIFCOPY); + } + Py_DECREF(arr); + } +} + +#define PyArray_DESCR_REPLACE(descr) do { \ + PyArray_Descr *_new_; \ + _new_ = PyArray_DescrNew(descr); \ + Py_XDECREF(descr); \ + descr = _new_; \ + } while(0) + +/* Copy should always return contiguous array */ +#define PyArray_Copy(obj) PyArray_NewCopy(obj, NPY_CORDER) + +#define PyArray_FromObject(op, type, min_depth, max_depth) \ + PyArray_FromAny(op, PyArray_DescrFromType(type), min_depth, \ + max_depth, NPY_ARRAY_BEHAVED | \ + NPY_ARRAY_ENSUREARRAY, NULL) + +#define PyArray_ContiguousFromObject(op, type, min_depth, max_depth) \ + PyArray_FromAny(op, PyArray_DescrFromType(type), min_depth, \ + max_depth, NPY_ARRAY_DEFAULT | \ + NPY_ARRAY_ENSUREARRAY, NULL) + +#define PyArray_CopyFromObject(op, type, min_depth, max_depth) \ + PyArray_FromAny(op, PyArray_DescrFromType(type), min_depth, \ + max_depth, NPY_ARRAY_ENSURECOPY | \ + NPY_ARRAY_DEFAULT | \ + NPY_ARRAY_ENSUREARRAY, NULL) + +#define PyArray_Cast(mp, type_num) \ + PyArray_CastToType(mp, PyArray_DescrFromType(type_num), 0) + +#define PyArray_Take(ap, items, axis) \ + PyArray_TakeFrom(ap, items, axis, NULL, NPY_RAISE) + +#define PyArray_Put(ap, items, values) \ + PyArray_PutTo(ap, items, values, NPY_RAISE) + +/* Compatibility with old Numeric stuff -- don't use in new code */ + +#define PyArray_FromDimsAndData(nd, d, type, data) \ + PyArray_FromDimsAndDataAndDescr(nd, d, PyArray_DescrFromType(type), \ + data) + + +/* + Check to see if this key in the dictionary is the "title" + entry of the tuple (i.e. a duplicate dictionary entry in the fields + dict. +*/ + +#define NPY_TITLE_KEY(key, value) ((PyTuple_GET_SIZE((value))==3) && \ + (PyTuple_GET_ITEM((value), 2) == (key))) + + +/* Define python version independent deprecation macro */ + +#if PY_VERSION_HEX >= 0x02050000 +#define DEPRECATE(msg) PyErr_WarnEx(PyExc_DeprecationWarning,msg,1) +#define DEPRECATE_FUTUREWARNING(msg) PyErr_WarnEx(PyExc_FutureWarning,msg,1) +#else +#define DEPRECATE(msg) PyErr_Warn(PyExc_DeprecationWarning,msg) +#define DEPRECATE_FUTUREWARNING(msg) PyErr_Warn(PyExc_FutureWarning,msg) +#endif + + +#ifdef __cplusplus +} +#endif + + +#endif /* NPY_NDARRAYOBJECT_H */ diff --git a/data_tooling/pii_processing/include/numpy/ndarraytypes.h b/data_tooling/pii_processing/include/numpy/ndarraytypes.h new file mode 100644 index 0000000..04d037e --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/ndarraytypes.h @@ -0,0 +1,1731 @@ +#ifndef NDARRAYTYPES_H +#define NDARRAYTYPES_H + +/* numpyconfig.h is auto-generated by the installer */ +#include "numpyconfig.h" + +#include "npy_common.h" +#include "npy_endian.h" +#include "npy_cpu.h" +#include "utils.h" + +#ifdef NPY_ENABLE_SEPARATE_COMPILATION + #define NPY_NO_EXPORT NPY_VISIBILITY_HIDDEN +#else + #define NPY_NO_EXPORT static +#endif + +/* Only use thread if configured in config and python supports it */ +#if defined WITH_THREAD && !NPY_NO_SMP + #define NPY_ALLOW_THREADS 1 +#else + #define NPY_ALLOW_THREADS 0 +#endif + + + +/* + * There are several places in the code where an array of dimensions + * is allocated statically. This is the size of that static + * allocation. + * + * The array creation itself could have arbitrary dimensions but all + * the places where static allocation is used would need to be changed + * to dynamic (including inside of several structures) + */ + +#define NPY_MAXDIMS 32 +#define NPY_MAXARGS 32 + +/* Used for Converter Functions "O&" code in ParseTuple */ +#define NPY_FAIL 0 +#define NPY_SUCCEED 1 + +/* + * Binary compatibility version number. This number is increased + * whenever the C-API is changed such that binary compatibility is + * broken, i.e. whenever a recompile of extension modules is needed. + */ +#define NPY_VERSION NPY_ABI_VERSION + +/* + * Minor API version. This number is increased whenever a change is + * made to the C-API -- whether it breaks binary compatibility or not. + * Some changes, such as adding a function pointer to the end of the + * function table, can be made without breaking binary compatibility. + * In this case, only the NPY_FEATURE_VERSION (*not* NPY_VERSION) + * would be increased. Whenever binary compatibility is broken, both + * NPY_VERSION and NPY_FEATURE_VERSION should be increased. + */ +#define NPY_FEATURE_VERSION NPY_API_VERSION + +enum NPY_TYPES { NPY_BOOL=0, + NPY_BYTE, NPY_UBYTE, + NPY_SHORT, NPY_USHORT, + NPY_INT, NPY_UINT, + NPY_LONG, NPY_ULONG, + NPY_LONGLONG, NPY_ULONGLONG, + NPY_FLOAT, NPY_DOUBLE, NPY_LONGDOUBLE, + NPY_CFLOAT, NPY_CDOUBLE, NPY_CLONGDOUBLE, + NPY_OBJECT=17, + NPY_STRING, NPY_UNICODE, + NPY_VOID, + /* + * New 1.6 types appended, may be integrated + * into the above in 2.0. + */ + NPY_DATETIME, NPY_TIMEDELTA, NPY_HALF, + + NPY_NTYPES, + NPY_NOTYPE, + NPY_CHAR, /* special flag */ + NPY_USERDEF=256, /* leave room for characters */ + + /* The number of types not including the new 1.6 types */ + NPY_NTYPES_ABI_COMPATIBLE=21 +}; + +/* basetype array priority */ +#define NPY_PRIORITY 0.0 + +/* default subtype priority */ +#define NPY_SUBTYPE_PRIORITY 1.0 + +/* default scalar priority */ +#define NPY_SCALAR_PRIORITY -1000000.0 + +/* How many floating point types are there (excluding half) */ +#define NPY_NUM_FLOATTYPE 3 + +/* + * These characters correspond to the array type and the struct + * module + */ + +enum NPY_TYPECHAR { + NPY_BOOLLTR = '?', + NPY_BYTELTR = 'b', + NPY_UBYTELTR = 'B', + NPY_SHORTLTR = 'h', + NPY_USHORTLTR = 'H', + NPY_INTLTR = 'i', + NPY_UINTLTR = 'I', + NPY_LONGLTR = 'l', + NPY_ULONGLTR = 'L', + NPY_LONGLONGLTR = 'q', + NPY_ULONGLONGLTR = 'Q', + NPY_HALFLTR = 'e', + NPY_FLOATLTR = 'f', + NPY_DOUBLELTR = 'd', + NPY_LONGDOUBLELTR = 'g', + NPY_CFLOATLTR = 'F', + NPY_CDOUBLELTR = 'D', + NPY_CLONGDOUBLELTR = 'G', + NPY_OBJECTLTR = 'O', + NPY_STRINGLTR = 'S', + NPY_STRINGLTR2 = 'a', + NPY_UNICODELTR = 'U', + NPY_VOIDLTR = 'V', + NPY_DATETIMELTR = 'M', + NPY_TIMEDELTALTR = 'm', + NPY_CHARLTR = 'c', + + /* + * No Descriptor, just a define -- this let's + * Python users specify an array of integers + * large enough to hold a pointer on the + * platform + */ + NPY_INTPLTR = 'p', + NPY_UINTPLTR = 'P', + + /* + * These are for dtype 'kinds', not dtype 'typecodes' + * as the above are for. + */ + NPY_GENBOOLLTR ='b', + NPY_SIGNEDLTR = 'i', + NPY_UNSIGNEDLTR = 'u', + NPY_FLOATINGLTR = 'f', + NPY_COMPLEXLTR = 'c' +}; + +typedef enum { + NPY_QUICKSORT=0, + NPY_HEAPSORT=1, + NPY_MERGESORT=2 +} NPY_SORTKIND; +#define NPY_NSORTS (NPY_MERGESORT + 1) + + +typedef enum { + NPY_SEARCHLEFT=0, + NPY_SEARCHRIGHT=1 +} NPY_SEARCHSIDE; +#define NPY_NSEARCHSIDES (NPY_SEARCHRIGHT + 1) + + +typedef enum { + NPY_NOSCALAR=-1, + NPY_BOOL_SCALAR, + NPY_INTPOS_SCALAR, + NPY_INTNEG_SCALAR, + NPY_FLOAT_SCALAR, + NPY_COMPLEX_SCALAR, + NPY_OBJECT_SCALAR +} NPY_SCALARKIND; +#define NPY_NSCALARKINDS (NPY_OBJECT_SCALAR + 1) + +/* For specifying array memory layout or iteration order */ +typedef enum { + /* Fortran order if inputs are all Fortran, C otherwise */ + NPY_ANYORDER=-1, + /* C order */ + NPY_CORDER=0, + /* Fortran order */ + NPY_FORTRANORDER=1, + /* An order as close to the inputs as possible */ + NPY_KEEPORDER=2 +} NPY_ORDER; + +/* For specifying allowed casting in operations which support it */ +typedef enum { + /* Only allow identical types */ + NPY_NO_CASTING=0, + /* Allow identical and byte swapped types */ + NPY_EQUIV_CASTING=1, + /* Only allow safe casts */ + NPY_SAFE_CASTING=2, + /* Allow safe casts or casts within the same kind */ + NPY_SAME_KIND_CASTING=3, + /* Allow any casts */ + NPY_UNSAFE_CASTING=4, + + /* + * Temporary internal definition only, will be removed in upcoming + * release, see below + * */ + NPY_INTERNAL_UNSAFE_CASTING_BUT_WARN_UNLESS_SAME_KIND = 100, +} NPY_CASTING; + +typedef enum { + NPY_CLIP=0, + NPY_WRAP=1, + NPY_RAISE=2 +} NPY_CLIPMODE; + +/* The special not-a-time (NaT) value */ +#define NPY_DATETIME_NAT NPY_MIN_INT64 + +/* + * Upper bound on the length of a DATETIME ISO 8601 string + * YEAR: 21 (64-bit year) + * MONTH: 3 + * DAY: 3 + * HOURS: 3 + * MINUTES: 3 + * SECONDS: 3 + * ATTOSECONDS: 1 + 3*6 + * TIMEZONE: 5 + * NULL TERMINATOR: 1 + */ +#define NPY_DATETIME_MAX_ISO8601_STRLEN (21+3*5+1+3*6+6+1) + +typedef enum { + NPY_FR_Y = 0, /* Years */ + NPY_FR_M = 1, /* Months */ + NPY_FR_W = 2, /* Weeks */ + /* Gap where 1.6 NPY_FR_B (value 3) was */ + NPY_FR_D = 4, /* Days */ + NPY_FR_h = 5, /* hours */ + NPY_FR_m = 6, /* minutes */ + NPY_FR_s = 7, /* seconds */ + NPY_FR_ms = 8, /* milliseconds */ + NPY_FR_us = 9, /* microseconds */ + NPY_FR_ns = 10,/* nanoseconds */ + NPY_FR_ps = 11,/* picoseconds */ + NPY_FR_fs = 12,/* femtoseconds */ + NPY_FR_as = 13,/* attoseconds */ + NPY_FR_GENERIC = 14 /* Generic, unbound units, can convert to anything */ +} NPY_DATETIMEUNIT; + +/* + * NOTE: With the NPY_FR_B gap for 1.6 ABI compatibility, NPY_DATETIME_NUMUNITS + * is technically one more than the actual number of units. + */ +#define NPY_DATETIME_NUMUNITS (NPY_FR_GENERIC + 1) +#define NPY_DATETIME_DEFAULTUNIT NPY_FR_GENERIC + +/* + * Business day conventions for mapping invalid business + * days to valid business days. + */ +typedef enum { + /* Go forward in time to the following business day. */ + NPY_BUSDAY_FORWARD, + NPY_BUSDAY_FOLLOWING = NPY_BUSDAY_FORWARD, + /* Go backward in time to the preceding business day. */ + NPY_BUSDAY_BACKWARD, + NPY_BUSDAY_PRECEDING = NPY_BUSDAY_BACKWARD, + /* + * Go forward in time to the following business day, unless it + * crosses a month boundary, in which case go backward + */ + NPY_BUSDAY_MODIFIEDFOLLOWING, + /* + * Go backward in time to the preceding business day, unless it + * crosses a month boundary, in which case go forward. + */ + NPY_BUSDAY_MODIFIEDPRECEDING, + /* Produce a NaT for non-business days. */ + NPY_BUSDAY_NAT, + /* Raise an exception for non-business days. */ + NPY_BUSDAY_RAISE +} NPY_BUSDAY_ROLL; + +/************************************************************ + * NumPy Auxiliary Data for inner loops, sort functions, etc. + ************************************************************/ + +/* + * When creating an auxiliary data struct, this should always appear + * as the first member, like this: + * + * typedef struct { + * NpyAuxData base; + * double constant; + * } constant_multiplier_aux_data; + */ +typedef struct NpyAuxData_tag NpyAuxData; + +/* Function pointers for freeing or cloning auxiliary data */ +typedef void (NpyAuxData_FreeFunc) (NpyAuxData *); +typedef NpyAuxData *(NpyAuxData_CloneFunc) (NpyAuxData *); + +struct NpyAuxData_tag { + NpyAuxData_FreeFunc *free; + NpyAuxData_CloneFunc *clone; + /* To allow for a bit of expansion without breaking the ABI */ + void *reserved[2]; +}; + +/* Macros to use for freeing and cloning auxiliary data */ +#define NPY_AUXDATA_FREE(auxdata) \ + do { \ + if ((auxdata) != NULL) { \ + (auxdata)->free(auxdata); \ + } \ + } while(0) +#define NPY_AUXDATA_CLONE(auxdata) \ + ((auxdata)->clone(auxdata)) + +#define NPY_ERR(str) fprintf(stderr, #str); fflush(stderr); +#define NPY_ERR2(str) fprintf(stderr, str); fflush(stderr); + +#define NPY_STRINGIFY(x) #x +#define NPY_TOSTRING(x) NPY_STRINGIFY(x) + + /* + * Macros to define how array, and dimension/strides data is + * allocated. + */ + + /* Data buffer - PyDataMem_NEW/FREE/RENEW are in multiarraymodule.c */ + +#define NPY_USE_PYMEM 1 + +#if NPY_USE_PYMEM == 1 +#define PyArray_malloc PyMem_Malloc +#define PyArray_free PyMem_Free +#define PyArray_realloc PyMem_Realloc +#else +#define PyArray_malloc malloc +#define PyArray_free free +#define PyArray_realloc realloc +#endif + +/* Dimensions and strides */ +#define PyDimMem_NEW(size) \ + ((npy_intp *)PyArray_malloc(size*sizeof(npy_intp))) + +#define PyDimMem_FREE(ptr) PyArray_free(ptr) + +#define PyDimMem_RENEW(ptr,size) \ + ((npy_intp *)PyArray_realloc(ptr,size*sizeof(npy_intp))) + +/* forward declaration */ +struct _PyArray_Descr; + +/* These must deal with unaligned and swapped data if necessary */ +typedef PyObject * (PyArray_GetItemFunc) (void *, void *); +typedef int (PyArray_SetItemFunc)(PyObject *, void *, void *); + +typedef void (PyArray_CopySwapNFunc)(void *, npy_intp, void *, npy_intp, + npy_intp, int, void *); + +typedef void (PyArray_CopySwapFunc)(void *, void *, int, void *); +typedef npy_bool (PyArray_NonzeroFunc)(void *, void *); + + +/* + * These assume aligned and notswapped data -- a buffer will be used + * before or contiguous data will be obtained + */ + +typedef int (PyArray_CompareFunc)(const void *, const void *, void *); +typedef int (PyArray_ArgFunc)(void*, npy_intp, npy_intp*, void *); + +typedef void (PyArray_DotFunc)(void *, npy_intp, void *, npy_intp, void *, + npy_intp, void *); + +typedef void (PyArray_VectorUnaryFunc)(void *, void *, npy_intp, void *, + void *); + +/* + * XXX the ignore argument should be removed next time the API version + * is bumped. It used to be the separator. + */ +typedef int (PyArray_ScanFunc)(FILE *fp, void *dptr, + char *ignore, struct _PyArray_Descr *); +typedef int (PyArray_FromStrFunc)(char *s, void *dptr, char **endptr, + struct _PyArray_Descr *); + +typedef int (PyArray_FillFunc)(void *, npy_intp, void *); + +typedef int (PyArray_SortFunc)(void *, npy_intp, void *); +typedef int (PyArray_ArgSortFunc)(void *, npy_intp *, npy_intp, void *); + +typedef int (PyArray_FillWithScalarFunc)(void *, npy_intp, void *, void *); + +typedef int (PyArray_ScalarKindFunc)(void *); + +typedef void (PyArray_FastClipFunc)(void *in, npy_intp n_in, void *min, + void *max, void *out); +typedef void (PyArray_FastPutmaskFunc)(void *in, void *mask, npy_intp n_in, + void *values, npy_intp nv); +typedef int (PyArray_FastTakeFunc)(void *dest, void *src, npy_intp *indarray, + npy_intp nindarray, npy_intp n_outer, + npy_intp m_middle, npy_intp nelem, + NPY_CLIPMODE clipmode); + +typedef struct { + npy_intp *ptr; + int len; +} PyArray_Dims; + +typedef struct { + /* + * Functions to cast to most other standard types + * Can have some NULL entries. The types + * DATETIME, TIMEDELTA, and HALF go into the castdict + * even though they are built-in. + */ + PyArray_VectorUnaryFunc *cast[NPY_NTYPES_ABI_COMPATIBLE]; + + /* The next four functions *cannot* be NULL */ + + /* + * Functions to get and set items with standard Python types + * -- not array scalars + */ + PyArray_GetItemFunc *getitem; + PyArray_SetItemFunc *setitem; + + /* + * Copy and/or swap data. Memory areas may not overlap + * Use memmove first if they might + */ + PyArray_CopySwapNFunc *copyswapn; + PyArray_CopySwapFunc *copyswap; + + /* + * Function to compare items + * Can be NULL + */ + PyArray_CompareFunc *compare; + + /* + * Function to select largest + * Can be NULL + */ + PyArray_ArgFunc *argmax; + + /* + * Function to compute dot product + * Can be NULL + */ + PyArray_DotFunc *dotfunc; + + /* + * Function to scan an ASCII file and + * place a single value plus possible separator + * Can be NULL + */ + PyArray_ScanFunc *scanfunc; + + /* + * Function to read a single value from a string + * and adjust the pointer; Can be NULL + */ + PyArray_FromStrFunc *fromstr; + + /* + * Function to determine if data is zero or not + * If NULL a default version is + * used at Registration time. + */ + PyArray_NonzeroFunc *nonzero; + + /* + * Used for arange. + * Can be NULL. + */ + PyArray_FillFunc *fill; + + /* + * Function to fill arrays with scalar values + * Can be NULL + */ + PyArray_FillWithScalarFunc *fillwithscalar; + + /* + * Sorting functions + * Can be NULL + */ + PyArray_SortFunc *sort[NPY_NSORTS]; + PyArray_ArgSortFunc *argsort[NPY_NSORTS]; + + /* + * Dictionary of additional casting functions + * PyArray_VectorUnaryFuncs + * which can be populated to support casting + * to other registered types. Can be NULL + */ + PyObject *castdict; + + /* + * Functions useful for generalizing + * the casting rules. + * Can be NULL; + */ + PyArray_ScalarKindFunc *scalarkind; + int **cancastscalarkindto; + int *cancastto; + + PyArray_FastClipFunc *fastclip; + PyArray_FastPutmaskFunc *fastputmask; + PyArray_FastTakeFunc *fasttake; + + /* + * Function to select smallest + * Can be NULL + */ + PyArray_ArgFunc *argmin; + +} PyArray_ArrFuncs; + +/* The item must be reference counted when it is inserted or extracted. */ +#define NPY_ITEM_REFCOUNT 0x01 +/* Same as needing REFCOUNT */ +#define NPY_ITEM_HASOBJECT 0x01 +/* Convert to list for pickling */ +#define NPY_LIST_PICKLE 0x02 +/* The item is a POINTER */ +#define NPY_ITEM_IS_POINTER 0x04 +/* memory needs to be initialized for this data-type */ +#define NPY_NEEDS_INIT 0x08 +/* operations need Python C-API so don't give-up thread. */ +#define NPY_NEEDS_PYAPI 0x10 +/* Use f.getitem when extracting elements of this data-type */ +#define NPY_USE_GETITEM 0x20 +/* Use f.setitem when setting creating 0-d array from this data-type.*/ +#define NPY_USE_SETITEM 0x40 +/* A sticky flag specifically for structured arrays */ +#define NPY_ALIGNED_STRUCT 0x80 + +/* + *These are inherited for global data-type if any data-types in the + * field have them + */ +#define NPY_FROM_FIELDS (NPY_NEEDS_INIT | NPY_LIST_PICKLE | \ + NPY_ITEM_REFCOUNT | NPY_NEEDS_PYAPI) + +#define NPY_OBJECT_DTYPE_FLAGS (NPY_LIST_PICKLE | NPY_USE_GETITEM | \ + NPY_ITEM_IS_POINTER | NPY_ITEM_REFCOUNT | \ + NPY_NEEDS_INIT | NPY_NEEDS_PYAPI) + +#define PyDataType_FLAGCHK(dtype, flag) \ + (((dtype)->flags & (flag)) == (flag)) + +#define PyDataType_REFCHK(dtype) \ + PyDataType_FLAGCHK(dtype, NPY_ITEM_REFCOUNT) + +typedef struct _PyArray_Descr { + PyObject_HEAD + /* + * the type object representing an + * instance of this type -- should not + * be two type_numbers with the same type + * object. + */ + PyTypeObject *typeobj; + /* kind for this type */ + char kind; + /* unique-character representing this type */ + char type; + /* + * '>' (big), '<' (little), '|' + * (not-applicable), or '=' (native). + */ + char byteorder; + /* flags describing data type */ + char flags; + /* number representing this type */ + int type_num; + /* element size (itemsize) for this type */ + int elsize; + /* alignment needed for this type */ + int alignment; + /* + * Non-NULL if this type is + * is an array (C-contiguous) + * of some other type + */ + struct _arr_descr *subarray; + /* + * The fields dictionary for this type + * For statically defined descr this + * is always Py_None + */ + PyObject *fields; + /* + * An ordered tuple of field names or NULL + * if no fields are defined + */ + PyObject *names; + /* + * a table of functions specific for each + * basic data descriptor + */ + PyArray_ArrFuncs *f; + /* Metadata about this dtype */ + PyObject *metadata; + /* + * Metadata specific to the C implementation + * of the particular dtype. This was added + * for NumPy 1.7.0. + */ + NpyAuxData *c_metadata; +} PyArray_Descr; + +typedef struct _arr_descr { + PyArray_Descr *base; + PyObject *shape; /* a tuple */ +} PyArray_ArrayDescr; + +/* + * The main array object structure. + * + * It has been recommended to use the inline functions defined below + * (PyArray_DATA and friends) to access fields here for a number of + * releases. Direct access to the members themselves is deprecated. + * To ensure that your code does not use deprecated access, + * #define NPY_NO_DEPRECATED_API NPY_1_7_VERSION + * (or NPY_1_8_VERSION or higher as required). + */ +/* This struct will be moved to a private header in a future release */ +typedef struct tagPyArrayObject_fields { + PyObject_HEAD + /* Pointer to the raw data buffer */ + char *data; + /* The number of dimensions, also called 'ndim' */ + int nd; + /* The size in each dimension, also called 'shape' */ + npy_intp *dimensions; + /* + * Number of bytes to jump to get to the + * next element in each dimension + */ + npy_intp *strides; + /* + * This object is decref'd upon + * deletion of array. Except in the + * case of UPDATEIFCOPY which has + * special handling. + * + * For views it points to the original + * array, collapsed so no chains of + * views occur. + * + * For creation from buffer object it + * points to an object that shold be + * decref'd on deletion + * + * For UPDATEIFCOPY flag this is an + * array to-be-updated upon deletion + * of this one + */ + PyObject *base; + /* Pointer to type structure */ + PyArray_Descr *descr; + /* Flags describing array -- see below */ + int flags; + /* For weak references */ + PyObject *weakreflist; +} PyArrayObject_fields; + +/* + * To hide the implementation details, we only expose + * the Python struct HEAD. + */ +#if !(defined(NPY_NO_DEPRECATED_API) && (NPY_API_VERSION <= NPY_NO_DEPRECATED_API)) +/* + * Can't put this in npy_deprecated_api.h like the others. + * PyArrayObject field access is deprecated as of NumPy 1.7. + */ +typedef PyArrayObject_fields PyArrayObject; +#else +typedef struct tagPyArrayObject { + PyObject_HEAD +} PyArrayObject; +#endif + +#define NPY_SIZEOF_PYARRAYOBJECT (sizeof(PyArrayObject_fields)) + +/* Array Flags Object */ +typedef struct PyArrayFlagsObject { + PyObject_HEAD + PyObject *arr; + int flags; +} PyArrayFlagsObject; + +/* Mirrors buffer object to ptr */ + +typedef struct { + PyObject_HEAD + PyObject *base; + void *ptr; + npy_intp len; + int flags; +} PyArray_Chunk; + +typedef struct { + NPY_DATETIMEUNIT base; + int num; +} PyArray_DatetimeMetaData; + +typedef struct { + NpyAuxData base; + PyArray_DatetimeMetaData meta; +} PyArray_DatetimeDTypeMetaData; + +/* + * This structure contains an exploded view of a date-time value. + * NaT is represented by year == NPY_DATETIME_NAT. + */ +typedef struct { + npy_int64 year; + npy_int32 month, day, hour, min, sec, us, ps, as; +} npy_datetimestruct; + +/* This is not used internally. */ +typedef struct { + npy_int64 day; + npy_int32 sec, us, ps, as; +} npy_timedeltastruct; + +typedef int (PyArray_FinalizeFunc)(PyArrayObject *, PyObject *); + +/* + * Means c-style contiguous (last index varies the fastest). The data + * elements right after each other. + * + * This flag may be requested in constructor functions. + * This flag may be tested for in PyArray_FLAGS(arr). + */ +#define NPY_ARRAY_C_CONTIGUOUS 0x0001 + +/* + * Set if array is a contiguous Fortran array: the first index varies + * the fastest in memory (strides array is reverse of C-contiguous + * array) + * + * This flag may be requested in constructor functions. + * This flag may be tested for in PyArray_FLAGS(arr). + */ +#define NPY_ARRAY_F_CONTIGUOUS 0x0002 + +/* + * Note: all 0-d arrays are C_CONTIGUOUS and F_CONTIGUOUS. If a + * 1-d array is C_CONTIGUOUS it is also F_CONTIGUOUS + */ + +/* + * If set, the array owns the data: it will be free'd when the array + * is deleted. + * + * This flag may be tested for in PyArray_FLAGS(arr). + */ +#define NPY_ARRAY_OWNDATA 0x0004 + +/* + * An array never has the next four set; they're only used as parameter + * flags to the the various FromAny functions + * + * This flag may be requested in constructor functions. + */ + +/* Cause a cast to occur regardless of whether or not it is safe. */ +#define NPY_ARRAY_FORCECAST 0x0010 + +/* + * Always copy the array. Returned arrays are always CONTIGUOUS, + * ALIGNED, and WRITEABLE. + * + * This flag may be requested in constructor functions. + */ +#define NPY_ARRAY_ENSURECOPY 0x0020 + +/* + * Make sure the returned array is a base-class ndarray + * + * This flag may be requested in constructor functions. + */ +#define NPY_ARRAY_ENSUREARRAY 0x0040 + +/* + * Make sure that the strides are in units of the element size Needed + * for some operations with record-arrays. + * + * This flag may be requested in constructor functions. + */ +#define NPY_ARRAY_ELEMENTSTRIDES 0x0080 + +/* + * Array data is aligned on the appropiate memory address for the type + * stored according to how the compiler would align things (e.g., an + * array of integers (4 bytes each) starts on a memory address that's + * a multiple of 4) + * + * This flag may be requested in constructor functions. + * This flag may be tested for in PyArray_FLAGS(arr). + */ +#define NPY_ARRAY_ALIGNED 0x0100 + +/* + * Array data has the native endianness + * + * This flag may be requested in constructor functions. + */ +#define NPY_ARRAY_NOTSWAPPED 0x0200 + +/* + * Array data is writeable + * + * This flag may be requested in constructor functions. + * This flag may be tested for in PyArray_FLAGS(arr). + */ +#define NPY_ARRAY_WRITEABLE 0x0400 + +/* + * If this flag is set, then base contains a pointer to an array of + * the same size that should be updated with the current contents of + * this array when this array is deallocated + * + * This flag may be requested in constructor functions. + * This flag may be tested for in PyArray_FLAGS(arr). + */ +#define NPY_ARRAY_UPDATEIFCOPY 0x1000 + +/* + * NOTE: there are also internal flags defined in multiarray/arrayobject.h, + * which start at bit 31 and work down. + */ + +#define NPY_ARRAY_BEHAVED (NPY_ARRAY_ALIGNED | \ + NPY_ARRAY_WRITEABLE) +#define NPY_ARRAY_BEHAVED_NS (NPY_ARRAY_ALIGNED | \ + NPY_ARRAY_WRITEABLE | \ + NPY_ARRAY_NOTSWAPPED) +#define NPY_ARRAY_CARRAY (NPY_ARRAY_C_CONTIGUOUS | \ + NPY_ARRAY_BEHAVED) +#define NPY_ARRAY_CARRAY_RO (NPY_ARRAY_C_CONTIGUOUS | \ + NPY_ARRAY_ALIGNED) +#define NPY_ARRAY_FARRAY (NPY_ARRAY_F_CONTIGUOUS | \ + NPY_ARRAY_BEHAVED) +#define NPY_ARRAY_FARRAY_RO (NPY_ARRAY_F_CONTIGUOUS | \ + NPY_ARRAY_ALIGNED) +#define NPY_ARRAY_DEFAULT (NPY_ARRAY_CARRAY) +#define NPY_ARRAY_IN_ARRAY (NPY_ARRAY_CARRAY_RO) +#define NPY_ARRAY_OUT_ARRAY (NPY_ARRAY_CARRAY) +#define NPY_ARRAY_INOUT_ARRAY (NPY_ARRAY_CARRAY | \ + NPY_ARRAY_UPDATEIFCOPY) +#define NPY_ARRAY_IN_FARRAY (NPY_ARRAY_FARRAY_RO) +#define NPY_ARRAY_OUT_FARRAY (NPY_ARRAY_FARRAY) +#define NPY_ARRAY_INOUT_FARRAY (NPY_ARRAY_FARRAY | \ + NPY_ARRAY_UPDATEIFCOPY) + +#define NPY_ARRAY_UPDATE_ALL (NPY_ARRAY_C_CONTIGUOUS | \ + NPY_ARRAY_F_CONTIGUOUS | \ + NPY_ARRAY_ALIGNED) + +/* This flag is for the array interface, not PyArrayObject */ +#define NPY_ARR_HAS_DESCR 0x0800 + + + + +/* + * Size of internal buffers used for alignment Make BUFSIZE a multiple + * of sizeof(npy_cdouble) -- usually 16 so that ufunc buffers are aligned + */ +#define NPY_MIN_BUFSIZE ((int)sizeof(npy_cdouble)) +#define NPY_MAX_BUFSIZE (((int)sizeof(npy_cdouble))*1000000) +#define NPY_BUFSIZE 8192 +/* buffer stress test size: */ +/*#define NPY_BUFSIZE 17*/ + +#define PyArray_MAX(a,b) (((a)>(b))?(a):(b)) +#define PyArray_MIN(a,b) (((a)<(b))?(a):(b)) +#define PyArray_CLT(p,q) ((((p).real==(q).real) ? ((p).imag < (q).imag) : \ + ((p).real < (q).real))) +#define PyArray_CGT(p,q) ((((p).real==(q).real) ? ((p).imag > (q).imag) : \ + ((p).real > (q).real))) +#define PyArray_CLE(p,q) ((((p).real==(q).real) ? ((p).imag <= (q).imag) : \ + ((p).real <= (q).real))) +#define PyArray_CGE(p,q) ((((p).real==(q).real) ? ((p).imag >= (q).imag) : \ + ((p).real >= (q).real))) +#define PyArray_CEQ(p,q) (((p).real==(q).real) && ((p).imag == (q).imag)) +#define PyArray_CNE(p,q) (((p).real!=(q).real) || ((p).imag != (q).imag)) + +/* + * C API: consists of Macros and functions. The MACROS are defined + * here. + */ + + +#define PyArray_ISCONTIGUOUS(m) PyArray_CHKFLAGS(m, NPY_ARRAY_C_CONTIGUOUS) +#define PyArray_ISWRITEABLE(m) PyArray_CHKFLAGS(m, NPY_ARRAY_WRITEABLE) +#define PyArray_ISALIGNED(m) PyArray_CHKFLAGS(m, NPY_ARRAY_ALIGNED) + +#define PyArray_IS_C_CONTIGUOUS(m) PyArray_CHKFLAGS(m, NPY_ARRAY_C_CONTIGUOUS) +#define PyArray_IS_F_CONTIGUOUS(m) PyArray_CHKFLAGS(m, NPY_ARRAY_F_CONTIGUOUS) + +#if NPY_ALLOW_THREADS +#define NPY_BEGIN_ALLOW_THREADS Py_BEGIN_ALLOW_THREADS +#define NPY_END_ALLOW_THREADS Py_END_ALLOW_THREADS +#define NPY_BEGIN_THREADS_DEF PyThreadState *_save=NULL; +#define NPY_BEGIN_THREADS do {_save = PyEval_SaveThread();} while (0); +#define NPY_END_THREADS do {if (_save) PyEval_RestoreThread(_save);} while (0); + +#define NPY_BEGIN_THREADS_DESCR(dtype) \ + do {if (!(PyDataType_FLAGCHK(dtype, NPY_NEEDS_PYAPI))) \ + NPY_BEGIN_THREADS;} while (0); + +#define NPY_END_THREADS_DESCR(dtype) \ + do {if (!(PyDataType_FLAGCHK(dtype, NPY_NEEDS_PYAPI))) \ + NPY_END_THREADS; } while (0); + +#define NPY_ALLOW_C_API_DEF PyGILState_STATE __save__; +#define NPY_ALLOW_C_API do {__save__ = PyGILState_Ensure();} while (0); +#define NPY_DISABLE_C_API do {PyGILState_Release(__save__);} while (0); +#else +#define NPY_BEGIN_ALLOW_THREADS +#define NPY_END_ALLOW_THREADS +#define NPY_BEGIN_THREADS_DEF +#define NPY_BEGIN_THREADS +#define NPY_END_THREADS +#define NPY_BEGIN_THREADS_DESCR(dtype) +#define NPY_END_THREADS_DESCR(dtype) +#define NPY_ALLOW_C_API_DEF +#define NPY_ALLOW_C_API +#define NPY_DISABLE_C_API +#endif + +/********************************** + * The nditer object, added in 1.6 + **********************************/ + +/* The actual structure of the iterator is an internal detail */ +typedef struct NpyIter_InternalOnly NpyIter; + +/* Iterator function pointers that may be specialized */ +typedef int (NpyIter_IterNextFunc)(NpyIter *iter); +typedef void (NpyIter_GetMultiIndexFunc)(NpyIter *iter, + npy_intp *outcoords); + +/*** Global flags that may be passed to the iterator constructors ***/ + +/* Track an index representing C order */ +#define NPY_ITER_C_INDEX 0x00000001 +/* Track an index representing Fortran order */ +#define NPY_ITER_F_INDEX 0x00000002 +/* Track a multi-index */ +#define NPY_ITER_MULTI_INDEX 0x00000004 +/* User code external to the iterator does the 1-dimensional innermost loop */ +#define NPY_ITER_EXTERNAL_LOOP 0x00000008 +/* Convert all the operands to a common data type */ +#define NPY_ITER_COMMON_DTYPE 0x00000010 +/* Operands may hold references, requiring API access during iteration */ +#define NPY_ITER_REFS_OK 0x00000020 +/* Zero-sized operands should be permitted, iteration checks IterSize for 0 */ +#define NPY_ITER_ZEROSIZE_OK 0x00000040 +/* Permits reductions (size-0 stride with dimension size > 1) */ +#define NPY_ITER_REDUCE_OK 0x00000080 +/* Enables sub-range iteration */ +#define NPY_ITER_RANGED 0x00000100 +/* Enables buffering */ +#define NPY_ITER_BUFFERED 0x00000200 +/* When buffering is enabled, grows the inner loop if possible */ +#define NPY_ITER_GROWINNER 0x00000400 +/* Delay allocation of buffers until first Reset* call */ +#define NPY_ITER_DELAY_BUFALLOC 0x00000800 +/* When NPY_KEEPORDER is specified, disable reversing negative-stride axes */ +#define NPY_ITER_DONT_NEGATE_STRIDES 0x00001000 + +/*** Per-operand flags that may be passed to the iterator constructors ***/ + +/* The operand will be read from and written to */ +#define NPY_ITER_READWRITE 0x00010000 +/* The operand will only be read from */ +#define NPY_ITER_READONLY 0x00020000 +/* The operand will only be written to */ +#define NPY_ITER_WRITEONLY 0x00040000 +/* The operand's data must be in native byte order */ +#define NPY_ITER_NBO 0x00080000 +/* The operand's data must be aligned */ +#define NPY_ITER_ALIGNED 0x00100000 +/* The operand's data must be contiguous (within the inner loop) */ +#define NPY_ITER_CONTIG 0x00200000 +/* The operand may be copied to satisfy requirements */ +#define NPY_ITER_COPY 0x00400000 +/* The operand may be copied with UPDATEIFCOPY to satisfy requirements */ +#define NPY_ITER_UPDATEIFCOPY 0x00800000 +/* Allocate the operand if it is NULL */ +#define NPY_ITER_ALLOCATE 0x01000000 +/* If an operand is allocated, don't use any subtype */ +#define NPY_ITER_NO_SUBTYPE 0x02000000 +/* This is a virtual array slot, operand is NULL but temporary data is there */ +#define NPY_ITER_VIRTUAL 0x04000000 +/* Require that the dimension match the iterator dimensions exactly */ +#define NPY_ITER_NO_BROADCAST 0x08000000 +/* A mask is being used on this array, affects buffer -> array copy */ +#define NPY_ITER_WRITEMASKED 0x10000000 +/* This array is the mask for all WRITEMASKED operands */ +#define NPY_ITER_ARRAYMASK 0x20000000 + +#define NPY_ITER_GLOBAL_FLAGS 0x0000ffff +#define NPY_ITER_PER_OP_FLAGS 0xffff0000 + + +/***************************** + * Basic iterator object + *****************************/ + +/* FWD declaration */ +typedef struct PyArrayIterObject_tag PyArrayIterObject; + +/* + * type of the function which translates a set of coordinates to a + * pointer to the data + */ +typedef char* (*npy_iter_get_dataptr_t)(PyArrayIterObject* iter, npy_intp*); + +struct PyArrayIterObject_tag { + PyObject_HEAD + int nd_m1; /* number of dimensions - 1 */ + npy_intp index, size; + npy_intp coordinates[NPY_MAXDIMS];/* N-dimensional loop */ + npy_intp dims_m1[NPY_MAXDIMS]; /* ao->dimensions - 1 */ + npy_intp strides[NPY_MAXDIMS]; /* ao->strides or fake */ + npy_intp backstrides[NPY_MAXDIMS];/* how far to jump back */ + npy_intp factors[NPY_MAXDIMS]; /* shape factors */ + PyArrayObject *ao; + char *dataptr; /* pointer to current item*/ + npy_bool contiguous; + + npy_intp bounds[NPY_MAXDIMS][2]; + npy_intp limits[NPY_MAXDIMS][2]; + npy_intp limits_sizes[NPY_MAXDIMS]; + npy_iter_get_dataptr_t translate; +} ; + + +/* Iterator API */ +#define PyArrayIter_Check(op) PyObject_TypeCheck(op, &PyArrayIter_Type) + +#define _PyAIT(it) ((PyArrayIterObject *)(it)) +#define PyArray_ITER_RESET(it) do { \ + _PyAIT(it)->index = 0; \ + _PyAIT(it)->dataptr = PyArray_BYTES(_PyAIT(it)->ao); \ + memset(_PyAIT(it)->coordinates, 0, \ + (_PyAIT(it)->nd_m1+1)*sizeof(npy_intp)); \ +} while (0) + +#define _PyArray_ITER_NEXT1(it) do { \ + (it)->dataptr += _PyAIT(it)->strides[0]; \ + (it)->coordinates[0]++; \ +} while (0) + +#define _PyArray_ITER_NEXT2(it) do { \ + if ((it)->coordinates[1] < (it)->dims_m1[1]) { \ + (it)->coordinates[1]++; \ + (it)->dataptr += (it)->strides[1]; \ + } \ + else { \ + (it)->coordinates[1] = 0; \ + (it)->coordinates[0]++; \ + (it)->dataptr += (it)->strides[0] - \ + (it)->backstrides[1]; \ + } \ +} while (0) + +#define _PyArray_ITER_NEXT3(it) do { \ + if ((it)->coordinates[2] < (it)->dims_m1[2]) { \ + (it)->coordinates[2]++; \ + (it)->dataptr += (it)->strides[2]; \ + } \ + else { \ + (it)->coordinates[2] = 0; \ + (it)->dataptr -= (it)->backstrides[2]; \ + if ((it)->coordinates[1] < (it)->dims_m1[1]) { \ + (it)->coordinates[1]++; \ + (it)->dataptr += (it)->strides[1]; \ + } \ + else { \ + (it)->coordinates[1] = 0; \ + (it)->coordinates[0]++; \ + (it)->dataptr += (it)->strides[0] \ + (it)->backstrides[1]; \ + } \ + } \ +} while (0) + +#define PyArray_ITER_NEXT(it) do { \ + _PyAIT(it)->index++; \ + if (_PyAIT(it)->nd_m1 == 0) { \ + _PyArray_ITER_NEXT1(_PyAIT(it)); \ + } \ + else if (_PyAIT(it)->contiguous) \ + _PyAIT(it)->dataptr += PyArray_DESCR(_PyAIT(it)->ao)->elsize; \ + else if (_PyAIT(it)->nd_m1 == 1) { \ + _PyArray_ITER_NEXT2(_PyAIT(it)); \ + } \ + else { \ + int __npy_i; \ + for (__npy_i=_PyAIT(it)->nd_m1; __npy_i >= 0; __npy_i--) { \ + if (_PyAIT(it)->coordinates[__npy_i] < \ + _PyAIT(it)->dims_m1[__npy_i]) { \ + _PyAIT(it)->coordinates[__npy_i]++; \ + _PyAIT(it)->dataptr += \ + _PyAIT(it)->strides[__npy_i]; \ + break; \ + } \ + else { \ + _PyAIT(it)->coordinates[__npy_i] = 0; \ + _PyAIT(it)->dataptr -= \ + _PyAIT(it)->backstrides[__npy_i]; \ + } \ + } \ + } \ +} while (0) + +#define PyArray_ITER_GOTO(it, destination) do { \ + int __npy_i; \ + _PyAIT(it)->index = 0; \ + _PyAIT(it)->dataptr = PyArray_BYTES(_PyAIT(it)->ao); \ + for (__npy_i = _PyAIT(it)->nd_m1; __npy_i>=0; __npy_i--) { \ + if (destination[__npy_i] < 0) { \ + destination[__npy_i] += \ + _PyAIT(it)->dims_m1[__npy_i]+1; \ + } \ + _PyAIT(it)->dataptr += destination[__npy_i] * \ + _PyAIT(it)->strides[__npy_i]; \ + _PyAIT(it)->coordinates[__npy_i] = \ + destination[__npy_i]; \ + _PyAIT(it)->index += destination[__npy_i] * \ + ( __npy_i==_PyAIT(it)->nd_m1 ? 1 : \ + _PyAIT(it)->dims_m1[__npy_i+1]+1) ; \ + } \ +} while (0) + +#define PyArray_ITER_GOTO1D(it, ind) do { \ + int __npy_i; \ + npy_intp __npy_ind = (npy_intp) (ind); \ + if (__npy_ind < 0) __npy_ind += _PyAIT(it)->size; \ + _PyAIT(it)->index = __npy_ind; \ + if (_PyAIT(it)->nd_m1 == 0) { \ + _PyAIT(it)->dataptr = PyArray_BYTES(_PyAIT(it)->ao) + \ + __npy_ind * _PyAIT(it)->strides[0]; \ + } \ + else if (_PyAIT(it)->contiguous) \ + _PyAIT(it)->dataptr = PyArray_BYTES(_PyAIT(it)->ao) + \ + __npy_ind * PyArray_DESCR(_PyAIT(it)->ao)->elsize; \ + else { \ + _PyAIT(it)->dataptr = PyArray_BYTES(_PyAIT(it)->ao); \ + for (__npy_i = 0; __npy_i<=_PyAIT(it)->nd_m1; \ + __npy_i++) { \ + _PyAIT(it)->dataptr += \ + (__npy_ind / _PyAIT(it)->factors[__npy_i]) \ + * _PyAIT(it)->strides[__npy_i]; \ + __npy_ind %= _PyAIT(it)->factors[__npy_i]; \ + } \ + } \ +} while (0) + +#define PyArray_ITER_DATA(it) ((void *)(_PyAIT(it)->dataptr)) + +#define PyArray_ITER_NOTDONE(it) (_PyAIT(it)->index < _PyAIT(it)->size) + + +/* + * Any object passed to PyArray_Broadcast must be binary compatible + * with this structure. + */ + +typedef struct { + PyObject_HEAD + int numiter; /* number of iters */ + npy_intp size; /* broadcasted size */ + npy_intp index; /* current index */ + int nd; /* number of dims */ + npy_intp dimensions[NPY_MAXDIMS]; /* dimensions */ + PyArrayIterObject *iters[NPY_MAXARGS]; /* iterators */ +} PyArrayMultiIterObject; + +#define _PyMIT(m) ((PyArrayMultiIterObject *)(m)) +#define PyArray_MultiIter_RESET(multi) do { \ + int __npy_mi; \ + _PyMIT(multi)->index = 0; \ + for (__npy_mi=0; __npy_mi < _PyMIT(multi)->numiter; __npy_mi++) { \ + PyArray_ITER_RESET(_PyMIT(multi)->iters[__npy_mi]); \ + } \ +} while (0) + +#define PyArray_MultiIter_NEXT(multi) do { \ + int __npy_mi; \ + _PyMIT(multi)->index++; \ + for (__npy_mi=0; __npy_mi < _PyMIT(multi)->numiter; __npy_mi++) { \ + PyArray_ITER_NEXT(_PyMIT(multi)->iters[__npy_mi]); \ + } \ +} while (0) + +#define PyArray_MultiIter_GOTO(multi, dest) do { \ + int __npy_mi; \ + for (__npy_mi=0; __npy_mi < _PyMIT(multi)->numiter; __npy_mi++) { \ + PyArray_ITER_GOTO(_PyMIT(multi)->iters[__npy_mi], dest); \ + } \ + _PyMIT(multi)->index = _PyMIT(multi)->iters[0]->index; \ +} while (0) + +#define PyArray_MultiIter_GOTO1D(multi, ind) do { \ + int __npy_mi; \ + for (__npy_mi=0; __npy_mi < _PyMIT(multi)->numiter; __npy_mi++) { \ + PyArray_ITER_GOTO1D(_PyMIT(multi)->iters[__npy_mi], ind); \ + } \ + _PyMIT(multi)->index = _PyMIT(multi)->iters[0]->index; \ +} while (0) + +#define PyArray_MultiIter_DATA(multi, i) \ + ((void *)(_PyMIT(multi)->iters[i]->dataptr)) + +#define PyArray_MultiIter_NEXTi(multi, i) \ + PyArray_ITER_NEXT(_PyMIT(multi)->iters[i]) + +#define PyArray_MultiIter_NOTDONE(multi) \ + (_PyMIT(multi)->index < _PyMIT(multi)->size) + +/* Store the information needed for fancy-indexing over an array */ + +typedef struct { + PyObject_HEAD + /* + * Multi-iterator portion --- needs to be present in this + * order to work with PyArray_Broadcast + */ + + int numiter; /* number of index-array + iterators */ + npy_intp size; /* size of broadcasted + result */ + npy_intp index; /* current index */ + int nd; /* number of dims */ + npy_intp dimensions[NPY_MAXDIMS]; /* dimensions */ + PyArrayIterObject *iters[NPY_MAXDIMS]; /* index object + iterators */ + PyArrayIterObject *ait; /* flat Iterator for + underlying array */ + + /* flat iterator for subspace (when numiter < nd) */ + PyArrayIterObject *subspace; + + /* + * if subspace iteration, then this is the array of axes in + * the underlying array represented by the index objects + */ + int iteraxes[NPY_MAXDIMS]; + /* + * if subspace iteration, the these are the coordinates to the + * start of the subspace. + */ + npy_intp bscoord[NPY_MAXDIMS]; + + PyObject *indexobj; /* creating obj */ + int consec; + char *dataptr; + +} PyArrayMapIterObject; + +enum { + NPY_NEIGHBORHOOD_ITER_ZERO_PADDING, + NPY_NEIGHBORHOOD_ITER_ONE_PADDING, + NPY_NEIGHBORHOOD_ITER_CONSTANT_PADDING, + NPY_NEIGHBORHOOD_ITER_CIRCULAR_PADDING, + NPY_NEIGHBORHOOD_ITER_MIRROR_PADDING +}; + +typedef struct { + PyObject_HEAD + + /* + * PyArrayIterObject part: keep this in this exact order + */ + int nd_m1; /* number of dimensions - 1 */ + npy_intp index, size; + npy_intp coordinates[NPY_MAXDIMS];/* N-dimensional loop */ + npy_intp dims_m1[NPY_MAXDIMS]; /* ao->dimensions - 1 */ + npy_intp strides[NPY_MAXDIMS]; /* ao->strides or fake */ + npy_intp backstrides[NPY_MAXDIMS];/* how far to jump back */ + npy_intp factors[NPY_MAXDIMS]; /* shape factors */ + PyArrayObject *ao; + char *dataptr; /* pointer to current item*/ + npy_bool contiguous; + + npy_intp bounds[NPY_MAXDIMS][2]; + npy_intp limits[NPY_MAXDIMS][2]; + npy_intp limits_sizes[NPY_MAXDIMS]; + npy_iter_get_dataptr_t translate; + + /* + * New members + */ + npy_intp nd; + + /* Dimensions is the dimension of the array */ + npy_intp dimensions[NPY_MAXDIMS]; + + /* + * Neighborhood points coordinates are computed relatively to the + * point pointed by _internal_iter + */ + PyArrayIterObject* _internal_iter; + /* + * To keep a reference to the representation of the constant value + * for constant padding + */ + char* constant; + + int mode; +} PyArrayNeighborhoodIterObject; + +/* + * Neighborhood iterator API + */ + +/* General: those work for any mode */ +static NPY_INLINE int +PyArrayNeighborhoodIter_Reset(PyArrayNeighborhoodIterObject* iter); +static NPY_INLINE int +PyArrayNeighborhoodIter_Next(PyArrayNeighborhoodIterObject* iter); +#if 0 +static NPY_INLINE int +PyArrayNeighborhoodIter_Next2D(PyArrayNeighborhoodIterObject* iter); +#endif + +/* + * Include inline implementations - functions defined there are not + * considered public API + */ +#define _NPY_INCLUDE_NEIGHBORHOOD_IMP +#include "_neighborhood_iterator_imp.h" +#undef _NPY_INCLUDE_NEIGHBORHOOD_IMP + +/* The default array type */ +#define NPY_DEFAULT_TYPE NPY_DOUBLE + +/* + * All sorts of useful ways to look into a PyArrayObject. It is recommended + * to use PyArrayObject * objects instead of always casting from PyObject *, + * for improved type checking. + * + * In many cases here the macro versions of the accessors are deprecated, + * but can't be immediately changed to inline functions because the + * preexisting macros accept PyObject * and do automatic casts. Inline + * functions accepting PyArrayObject * provides for some compile-time + * checking of correctness when working with these objects in C. + */ + +#define PyArray_ISONESEGMENT(m) (PyArray_NDIM(m) == 0 || \ + PyArray_CHKFLAGS(m, NPY_ARRAY_C_CONTIGUOUS) || \ + PyArray_CHKFLAGS(m, NPY_ARRAY_F_CONTIGUOUS)) + +#define PyArray_ISFORTRAN(m) (PyArray_CHKFLAGS(m, NPY_ARRAY_F_CONTIGUOUS) && \ + (PyArray_NDIM(m) > 1)) + +#define PyArray_FORTRAN_IF(m) ((PyArray_CHKFLAGS(m, NPY_ARRAY_F_CONTIGUOUS) ? \ + NPY_ARRAY_F_CONTIGUOUS : 0)) + +#if (defined(NPY_NO_DEPRECATED_API) && (NPY_API_VERSION <= NPY_NO_DEPRECATED_API)) +/* + * Changing access macros into functions, to allow for future hiding + * of the internal memory layout. This later hiding will allow the 2.x series + * to change the internal representation of arrays without affecting + * ABI compatibility. + */ + +static NPY_INLINE int +PyArray_NDIM(const PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->nd; +} + +static NPY_INLINE void * +PyArray_DATA(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->data; +} + +static NPY_INLINE char * +PyArray_BYTES(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->data; +} + +static NPY_INLINE npy_intp * +PyArray_DIMS(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->dimensions; +} + +static NPY_INLINE npy_intp * +PyArray_STRIDES(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->strides; +} + +static NPY_INLINE npy_intp +PyArray_DIM(const PyArrayObject *arr, int idim) +{ + return ((PyArrayObject_fields *)arr)->dimensions[idim]; +} + +static NPY_INLINE npy_intp +PyArray_STRIDE(const PyArrayObject *arr, int istride) +{ + return ((PyArrayObject_fields *)arr)->strides[istride]; +} + +static NPY_INLINE PyObject * +PyArray_BASE(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->base; +} + +static NPY_INLINE PyArray_Descr * +PyArray_DESCR(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->descr; +} + +static NPY_INLINE int +PyArray_FLAGS(const PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->flags; +} + +static NPY_INLINE npy_intp +PyArray_ITEMSIZE(const PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->descr->elsize; +} + +static NPY_INLINE int +PyArray_TYPE(const PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->descr->type_num; +} + +static NPY_INLINE int +PyArray_CHKFLAGS(const PyArrayObject *arr, int flags) +{ + return (PyArray_FLAGS(arr) & flags) == flags; +} + +static NPY_INLINE PyObject * +PyArray_GETITEM(const PyArrayObject *arr, const char *itemptr) +{ + return ((PyArrayObject_fields *)arr)->descr->f->getitem( + (void *)itemptr, (PyArrayObject *)arr); +} + +static NPY_INLINE int +PyArray_SETITEM(PyArrayObject *arr, char *itemptr, PyObject *v) +{ + return ((PyArrayObject_fields *)arr)->descr->f->setitem( + v, itemptr, arr); +} + +#else + +/* These macros are deprecated as of NumPy 1.7. */ +#define PyArray_NDIM(obj) (((PyArrayObject_fields *)(obj))->nd) +#define PyArray_BYTES(obj) (((PyArrayObject_fields *)(obj))->data) +#define PyArray_DATA(obj) ((void *)((PyArrayObject_fields *)(obj))->data) +#define PyArray_DIMS(obj) (((PyArrayObject_fields *)(obj))->dimensions) +#define PyArray_STRIDES(obj) (((PyArrayObject_fields *)(obj))->strides) +#define PyArray_DIM(obj,n) (PyArray_DIMS(obj)[n]) +#define PyArray_STRIDE(obj,n) (PyArray_STRIDES(obj)[n]) +#define PyArray_BASE(obj) (((PyArrayObject_fields *)(obj))->base) +#define PyArray_DESCR(obj) (((PyArrayObject_fields *)(obj))->descr) +#define PyArray_FLAGS(obj) (((PyArrayObject_fields *)(obj))->flags) +#define PyArray_CHKFLAGS(m, FLAGS) \ + ((((PyArrayObject_fields *)(m))->flags & (FLAGS)) == (FLAGS)) +#define PyArray_ITEMSIZE(obj) \ + (((PyArrayObject_fields *)(obj))->descr->elsize) +#define PyArray_TYPE(obj) \ + (((PyArrayObject_fields *)(obj))->descr->type_num) +#define PyArray_GETITEM(obj,itemptr) \ + PyArray_DESCR(obj)->f->getitem((char *)(itemptr), \ + (PyArrayObject *)(obj)) + +#define PyArray_SETITEM(obj,itemptr,v) \ + PyArray_DESCR(obj)->f->setitem((PyObject *)(v), \ + (char *)(itemptr), \ + (PyArrayObject *)(obj)) +#endif + +static NPY_INLINE PyArray_Descr * +PyArray_DTYPE(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->descr; +} + +static NPY_INLINE npy_intp * +PyArray_SHAPE(PyArrayObject *arr) +{ + return ((PyArrayObject_fields *)arr)->dimensions; +} + +/* + * Enables the specified array flags. Does no checking, + * assumes you know what you're doing. + */ +static NPY_INLINE void +PyArray_ENABLEFLAGS(PyArrayObject *arr, int flags) +{ + ((PyArrayObject_fields *)arr)->flags |= flags; +} + +/* + * Clears the specified array flags. Does no checking, + * assumes you know what you're doing. + */ +static NPY_INLINE void +PyArray_CLEARFLAGS(PyArrayObject *arr, int flags) +{ + ((PyArrayObject_fields *)arr)->flags &= ~flags; +} + +#define PyTypeNum_ISBOOL(type) ((type) == NPY_BOOL) + +#define PyTypeNum_ISUNSIGNED(type) (((type) == NPY_UBYTE) || \ + ((type) == NPY_USHORT) || \ + ((type) == NPY_UINT) || \ + ((type) == NPY_ULONG) || \ + ((type) == NPY_ULONGLONG)) + +#define PyTypeNum_ISSIGNED(type) (((type) == NPY_BYTE) || \ + ((type) == NPY_SHORT) || \ + ((type) == NPY_INT) || \ + ((type) == NPY_LONG) || \ + ((type) == NPY_LONGLONG)) + +#define PyTypeNum_ISINTEGER(type) (((type) >= NPY_BYTE) && \ + ((type) <= NPY_ULONGLONG)) + +#define PyTypeNum_ISFLOAT(type) ((((type) >= NPY_FLOAT) && \ + ((type) <= NPY_LONGDOUBLE)) || \ + ((type) == NPY_HALF)) + +#define PyTypeNum_ISNUMBER(type) (((type) <= NPY_CLONGDOUBLE) || \ + ((type) == NPY_HALF)) + +#define PyTypeNum_ISSTRING(type) (((type) == NPY_STRING) || \ + ((type) == NPY_UNICODE)) + +#define PyTypeNum_ISCOMPLEX(type) (((type) >= NPY_CFLOAT) && \ + ((type) <= NPY_CLONGDOUBLE)) + +#define PyTypeNum_ISPYTHON(type) (((type) == NPY_LONG) || \ + ((type) == NPY_DOUBLE) || \ + ((type) == NPY_CDOUBLE) || \ + ((type) == NPY_BOOL) || \ + ((type) == NPY_OBJECT )) + +#define PyTypeNum_ISFLEXIBLE(type) (((type) >=NPY_STRING) && \ + ((type) <=NPY_VOID)) + +#define PyTypeNum_ISDATETIME(type) (((type) >=NPY_DATETIME) && \ + ((type) <=NPY_TIMEDELTA)) + +#define PyTypeNum_ISUSERDEF(type) (((type) >= NPY_USERDEF) && \ + ((type) < NPY_USERDEF+ \ + NPY_NUMUSERTYPES)) + +#define PyTypeNum_ISEXTENDED(type) (PyTypeNum_ISFLEXIBLE(type) || \ + PyTypeNum_ISUSERDEF(type)) + +#define PyTypeNum_ISOBJECT(type) ((type) == NPY_OBJECT) + + +#define PyDataType_ISBOOL(obj) PyTypeNum_ISBOOL(_PyADt(obj)) +#define PyDataType_ISUNSIGNED(obj) PyTypeNum_ISUNSIGNED(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISSIGNED(obj) PyTypeNum_ISSIGNED(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISINTEGER(obj) PyTypeNum_ISINTEGER(((PyArray_Descr*)(obj))->type_num ) +#define PyDataType_ISFLOAT(obj) PyTypeNum_ISFLOAT(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISNUMBER(obj) PyTypeNum_ISNUMBER(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISSTRING(obj) PyTypeNum_ISSTRING(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISCOMPLEX(obj) PyTypeNum_ISCOMPLEX(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISPYTHON(obj) PyTypeNum_ISPYTHON(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISFLEXIBLE(obj) PyTypeNum_ISFLEXIBLE(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISDATETIME(obj) PyTypeNum_ISDATETIME(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISUSERDEF(obj) PyTypeNum_ISUSERDEF(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISEXTENDED(obj) PyTypeNum_ISEXTENDED(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_ISOBJECT(obj) PyTypeNum_ISOBJECT(((PyArray_Descr*)(obj))->type_num) +#define PyDataType_HASFIELDS(obj) (((PyArray_Descr *)(obj))->names != NULL) +#define PyDataType_HASSUBARRAY(dtype) ((dtype)->subarray != NULL) + +#define PyArray_ISBOOL(obj) PyTypeNum_ISBOOL(PyArray_TYPE(obj)) +#define PyArray_ISUNSIGNED(obj) PyTypeNum_ISUNSIGNED(PyArray_TYPE(obj)) +#define PyArray_ISSIGNED(obj) PyTypeNum_ISSIGNED(PyArray_TYPE(obj)) +#define PyArray_ISINTEGER(obj) PyTypeNum_ISINTEGER(PyArray_TYPE(obj)) +#define PyArray_ISFLOAT(obj) PyTypeNum_ISFLOAT(PyArray_TYPE(obj)) +#define PyArray_ISNUMBER(obj) PyTypeNum_ISNUMBER(PyArray_TYPE(obj)) +#define PyArray_ISSTRING(obj) PyTypeNum_ISSTRING(PyArray_TYPE(obj)) +#define PyArray_ISCOMPLEX(obj) PyTypeNum_ISCOMPLEX(PyArray_TYPE(obj)) +#define PyArray_ISPYTHON(obj) PyTypeNum_ISPYTHON(PyArray_TYPE(obj)) +#define PyArray_ISFLEXIBLE(obj) PyTypeNum_ISFLEXIBLE(PyArray_TYPE(obj)) +#define PyArray_ISDATETIME(obj) PyTypeNum_ISDATETIME(PyArray_TYPE(obj)) +#define PyArray_ISUSERDEF(obj) PyTypeNum_ISUSERDEF(PyArray_TYPE(obj)) +#define PyArray_ISEXTENDED(obj) PyTypeNum_ISEXTENDED(PyArray_TYPE(obj)) +#define PyArray_ISOBJECT(obj) PyTypeNum_ISOBJECT(PyArray_TYPE(obj)) +#define PyArray_HASFIELDS(obj) PyDataType_HASFIELDS(PyArray_DESCR(obj)) + + /* + * FIXME: This should check for a flag on the data-type that + * states whether or not it is variable length. Because the + * ISFLEXIBLE check is hard-coded to the built-in data-types. + */ +#define PyArray_ISVARIABLE(obj) PyTypeNum_ISFLEXIBLE(PyArray_TYPE(obj)) + +#define PyArray_SAFEALIGNEDCOPY(obj) (PyArray_ISALIGNED(obj) && !PyArray_ISVARIABLE(obj)) + + +#define NPY_LITTLE '<' +#define NPY_BIG '>' +#define NPY_NATIVE '=' +#define NPY_SWAP 's' +#define NPY_IGNORE '|' + +#if NPY_BYTE_ORDER == NPY_BIG_ENDIAN +#define NPY_NATBYTE NPY_BIG +#define NPY_OPPBYTE NPY_LITTLE +#else +#define NPY_NATBYTE NPY_LITTLE +#define NPY_OPPBYTE NPY_BIG +#endif + +#define PyArray_ISNBO(arg) ((arg) != NPY_OPPBYTE) +#define PyArray_IsNativeByteOrder PyArray_ISNBO +#define PyArray_ISNOTSWAPPED(m) PyArray_ISNBO(PyArray_DESCR(m)->byteorder) +#define PyArray_ISBYTESWAPPED(m) (!PyArray_ISNOTSWAPPED(m)) + +#define PyArray_FLAGSWAP(m, flags) (PyArray_CHKFLAGS(m, flags) && \ + PyArray_ISNOTSWAPPED(m)) + +#define PyArray_ISCARRAY(m) PyArray_FLAGSWAP(m, NPY_ARRAY_CARRAY) +#define PyArray_ISCARRAY_RO(m) PyArray_FLAGSWAP(m, NPY_ARRAY_CARRAY_RO) +#define PyArray_ISFARRAY(m) PyArray_FLAGSWAP(m, NPY_ARRAY_FARRAY) +#define PyArray_ISFARRAY_RO(m) PyArray_FLAGSWAP(m, NPY_ARRAY_FARRAY_RO) +#define PyArray_ISBEHAVED(m) PyArray_FLAGSWAP(m, NPY_ARRAY_BEHAVED) +#define PyArray_ISBEHAVED_RO(m) PyArray_FLAGSWAP(m, NPY_ARRAY_ALIGNED) + + +#define PyDataType_ISNOTSWAPPED(d) PyArray_ISNBO(((PyArray_Descr *)(d))->byteorder) +#define PyDataType_ISBYTESWAPPED(d) (!PyDataType_ISNOTSWAPPED(d)) + +/************************************************************ + * A struct used by PyArray_CreateSortedStridePerm, new in 1.7. + ************************************************************/ + +typedef struct { + npy_intp perm, stride; +} npy_stride_sort_item; + +/************************************************************ + * This is the form of the struct that's returned pointed by the + * PyCObject attribute of an array __array_struct__. See + * http://docs.scipy.org/doc/numpy/reference/arrays.interface.html for the full + * documentation. + ************************************************************/ +typedef struct { + int two; /* + * contains the integer 2 as a sanity + * check + */ + + int nd; /* number of dimensions */ + + char typekind; /* + * kind in array --- character code of + * typestr + */ + + int itemsize; /* size of each element */ + + int flags; /* + * how should be data interpreted. Valid + * flags are CONTIGUOUS (1), F_CONTIGUOUS (2), + * ALIGNED (0x100), NOTSWAPPED (0x200), and + * WRITEABLE (0x400). ARR_HAS_DESCR (0x800) + * states that arrdescr field is present in + * structure + */ + + npy_intp *shape; /* + * A length-nd array of shape + * information + */ + + npy_intp *strides; /* A length-nd array of stride information */ + + void *data; /* A pointer to the first element of the array */ + + PyObject *descr; /* + * A list of fields or NULL (ignored if flags + * does not have ARR_HAS_DESCR flag set) + */ +} PyArrayInterface; + +/* + * This is a function for hooking into the PyDataMem_NEW/FREE/RENEW functions. + * See the documentation for PyDataMem_SetEventHook. + */ +typedef void (PyDataMem_EventHookFunc)(void *inp, void *outp, size_t size, + void *user_data); + +#if !(defined(NPY_NO_DEPRECATED_API) && (NPY_API_VERSION <= NPY_NO_DEPRECATED_API)) +#include "npy_deprecated_api.h" +#endif + +#endif /* NPY_ARRAYTYPES_H */ diff --git a/data_tooling/pii_processing/include/numpy/noprefix.h b/data_tooling/pii_processing/include/numpy/noprefix.h new file mode 100644 index 0000000..b3e5748 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/noprefix.h @@ -0,0 +1,209 @@ +#ifndef NPY_NOPREFIX_H +#define NPY_NOPREFIX_H + +/* + * You can directly include noprefix.h as a backward + * compatibility measure + */ +#ifndef NPY_NO_PREFIX +#include "ndarrayobject.h" +#include "npy_interrupt.h" +#endif + +#define SIGSETJMP NPY_SIGSETJMP +#define SIGLONGJMP NPY_SIGLONGJMP +#define SIGJMP_BUF NPY_SIGJMP_BUF + +#define MAX_DIMS NPY_MAXDIMS + +#define longlong npy_longlong +#define ulonglong npy_ulonglong +#define Bool npy_bool +#define longdouble npy_longdouble +#define byte npy_byte + +#ifndef _BSD_SOURCE +#define ushort npy_ushort +#define uint npy_uint +#define ulong npy_ulong +#endif + +#define ubyte npy_ubyte +#define ushort npy_ushort +#define uint npy_uint +#define ulong npy_ulong +#define cfloat npy_cfloat +#define cdouble npy_cdouble +#define clongdouble npy_clongdouble +#define Int8 npy_int8 +#define UInt8 npy_uint8 +#define Int16 npy_int16 +#define UInt16 npy_uint16 +#define Int32 npy_int32 +#define UInt32 npy_uint32 +#define Int64 npy_int64 +#define UInt64 npy_uint64 +#define Int128 npy_int128 +#define UInt128 npy_uint128 +#define Int256 npy_int256 +#define UInt256 npy_uint256 +#define Float16 npy_float16 +#define Complex32 npy_complex32 +#define Float32 npy_float32 +#define Complex64 npy_complex64 +#define Float64 npy_float64 +#define Complex128 npy_complex128 +#define Float80 npy_float80 +#define Complex160 npy_complex160 +#define Float96 npy_float96 +#define Complex192 npy_complex192 +#define Float128 npy_float128 +#define Complex256 npy_complex256 +#define intp npy_intp +#define uintp npy_uintp +#define datetime npy_datetime +#define timedelta npy_timedelta + +#define SIZEOF_INTP NPY_SIZEOF_INTP +#define SIZEOF_UINTP NPY_SIZEOF_UINTP +#define SIZEOF_DATETIME NPY_SIZEOF_DATETIME +#define SIZEOF_TIMEDELTA NPY_SIZEOF_TIMEDELTA + +#define LONGLONG_FMT NPY_LONGLONG_FMT +#define ULONGLONG_FMT NPY_ULONGLONG_FMT +#define LONGLONG_SUFFIX NPY_LONGLONG_SUFFIX +#define ULONGLONG_SUFFIX NPY_ULONGLONG_SUFFIX + +#define MAX_INT8 127 +#define MIN_INT8 -128 +#define MAX_UINT8 255 +#define MAX_INT16 32767 +#define MIN_INT16 -32768 +#define MAX_UINT16 65535 +#define MAX_INT32 2147483647 +#define MIN_INT32 (-MAX_INT32 - 1) +#define MAX_UINT32 4294967295U +#define MAX_INT64 LONGLONG_SUFFIX(9223372036854775807) +#define MIN_INT64 (-MAX_INT64 - LONGLONG_SUFFIX(1)) +#define MAX_UINT64 ULONGLONG_SUFFIX(18446744073709551615) +#define MAX_INT128 LONGLONG_SUFFIX(85070591730234615865843651857942052864) +#define MIN_INT128 (-MAX_INT128 - LONGLONG_SUFFIX(1)) +#define MAX_UINT128 ULONGLONG_SUFFIX(170141183460469231731687303715884105728) +#define MAX_INT256 LONGLONG_SUFFIX(57896044618658097711785492504343953926634992332820282019728792003956564819967) +#define MIN_INT256 (-MAX_INT256 - LONGLONG_SUFFIX(1)) +#define MAX_UINT256 ULONGLONG_SUFFIX(115792089237316195423570985008687907853269984665640564039457584007913129639935) + +#define MAX_BYTE NPY_MAX_BYTE +#define MIN_BYTE NPY_MIN_BYTE +#define MAX_UBYTE NPY_MAX_UBYTE +#define MAX_SHORT NPY_MAX_SHORT +#define MIN_SHORT NPY_MIN_SHORT +#define MAX_USHORT NPY_MAX_USHORT +#define MAX_INT NPY_MAX_INT +#define MIN_INT NPY_MIN_INT +#define MAX_UINT NPY_MAX_UINT +#define MAX_LONG NPY_MAX_LONG +#define MIN_LONG NPY_MIN_LONG +#define MAX_ULONG NPY_MAX_ULONG +#define MAX_LONGLONG NPY_MAX_LONGLONG +#define MIN_LONGLONG NPY_MIN_LONGLONG +#define MAX_ULONGLONG NPY_MAX_ULONGLONG +#define MIN_DATETIME NPY_MIN_DATETIME +#define MAX_DATETIME NPY_MAX_DATETIME +#define MIN_TIMEDELTA NPY_MIN_TIMEDELTA +#define MAX_TIMEDELTA NPY_MAX_TIMEDELTA + +#define SIZEOF_LONGDOUBLE NPY_SIZEOF_LONGDOUBLE +#define SIZEOF_LONGLONG NPY_SIZEOF_LONGLONG +#define SIZEOF_HALF NPY_SIZEOF_HALF +#define BITSOF_BOOL NPY_BITSOF_BOOL +#define BITSOF_CHAR NPY_BITSOF_CHAR +#define BITSOF_SHORT NPY_BITSOF_SHORT +#define BITSOF_INT NPY_BITSOF_INT +#define BITSOF_LONG NPY_BITSOF_LONG +#define BITSOF_LONGLONG NPY_BITSOF_LONGLONG +#define BITSOF_HALF NPY_BITSOF_HALF +#define BITSOF_FLOAT NPY_BITSOF_FLOAT +#define BITSOF_DOUBLE NPY_BITSOF_DOUBLE +#define BITSOF_LONGDOUBLE NPY_BITSOF_LONGDOUBLE +#define BITSOF_DATETIME NPY_BITSOF_DATETIME +#define BITSOF_TIMEDELTA NPY_BITSOF_TIMEDELTA + +#define _pya_malloc PyArray_malloc +#define _pya_free PyArray_free +#define _pya_realloc PyArray_realloc + +#define BEGIN_THREADS_DEF NPY_BEGIN_THREADS_DEF +#define BEGIN_THREADS NPY_BEGIN_THREADS +#define END_THREADS NPY_END_THREADS +#define ALLOW_C_API_DEF NPY_ALLOW_C_API_DEF +#define ALLOW_C_API NPY_ALLOW_C_API +#define DISABLE_C_API NPY_DISABLE_C_API + +#define PY_FAIL NPY_FAIL +#define PY_SUCCEED NPY_SUCCEED + +#ifndef TRUE +#define TRUE NPY_TRUE +#endif + +#ifndef FALSE +#define FALSE NPY_FALSE +#endif + +#define LONGDOUBLE_FMT NPY_LONGDOUBLE_FMT + +#define CONTIGUOUS NPY_CONTIGUOUS +#define C_CONTIGUOUS NPY_C_CONTIGUOUS +#define FORTRAN NPY_FORTRAN +#define F_CONTIGUOUS NPY_F_CONTIGUOUS +#define OWNDATA NPY_OWNDATA +#define FORCECAST NPY_FORCECAST +#define ENSURECOPY NPY_ENSURECOPY +#define ENSUREARRAY NPY_ENSUREARRAY +#define ELEMENTSTRIDES NPY_ELEMENTSTRIDES +#define ALIGNED NPY_ALIGNED +#define NOTSWAPPED NPY_NOTSWAPPED +#define WRITEABLE NPY_WRITEABLE +#define UPDATEIFCOPY NPY_UPDATEIFCOPY +#define ARR_HAS_DESCR NPY_ARR_HAS_DESCR +#define BEHAVED NPY_BEHAVED +#define BEHAVED_NS NPY_BEHAVED_NS +#define CARRAY NPY_CARRAY +#define CARRAY_RO NPY_CARRAY_RO +#define FARRAY NPY_FARRAY +#define FARRAY_RO NPY_FARRAY_RO +#define DEFAULT NPY_DEFAULT +#define IN_ARRAY NPY_IN_ARRAY +#define OUT_ARRAY NPY_OUT_ARRAY +#define INOUT_ARRAY NPY_INOUT_ARRAY +#define IN_FARRAY NPY_IN_FARRAY +#define OUT_FARRAY NPY_OUT_FARRAY +#define INOUT_FARRAY NPY_INOUT_FARRAY +#define UPDATE_ALL NPY_UPDATE_ALL + +#define OWN_DATA NPY_OWNDATA +#define BEHAVED_FLAGS NPY_BEHAVED +#define BEHAVED_FLAGS_NS NPY_BEHAVED_NS +#define CARRAY_FLAGS_RO NPY_CARRAY_RO +#define CARRAY_FLAGS NPY_CARRAY +#define FARRAY_FLAGS NPY_FARRAY +#define FARRAY_FLAGS_RO NPY_FARRAY_RO +#define DEFAULT_FLAGS NPY_DEFAULT +#define UPDATE_ALL_FLAGS NPY_UPDATE_ALL_FLAGS + +#ifndef MIN +#define MIN PyArray_MIN +#endif +#ifndef MAX +#define MAX PyArray_MAX +#endif +#define MAX_INTP NPY_MAX_INTP +#define MIN_INTP NPY_MIN_INTP +#define MAX_UINTP NPY_MAX_UINTP +#define INTP_FMT NPY_INTP_FMT + +#define REFCOUNT PyArray_REFCOUNT +#define MAX_ELSIZE NPY_MAX_ELSIZE + +#endif diff --git a/data_tooling/pii_processing/include/numpy/npy_3kcompat.h b/data_tooling/pii_processing/include/numpy/npy_3kcompat.h new file mode 100644 index 0000000..d0cd9ac --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_3kcompat.h @@ -0,0 +1,417 @@ +/* + * This is a convenience header file providing compatibility utilities + * for supporting Python 2 and Python 3 in the same code base. + * + * If you want to use this for your own projects, it's recommended to make a + * copy of it. Although the stuff below is unlikely to change, we don't provide + * strong backwards compatibility guarantees at the moment. + */ + +#ifndef _NPY_3KCOMPAT_H_ +#define _NPY_3KCOMPAT_H_ + +#include +#include + +#if PY_VERSION_HEX >= 0x03000000 +#ifndef NPY_PY3K +#define NPY_PY3K 1 +#endif +#endif + +#include "numpy/npy_common.h" +#include "numpy/ndarrayobject.h" + +#ifdef __cplusplus +extern "C" { +#endif + +/* + * PyInt -> PyLong + */ + +#if defined(NPY_PY3K) +/* Return True only if the long fits in a C long */ +static NPY_INLINE int PyInt_Check(PyObject *op) { + int overflow = 0; + if (!PyLong_Check(op)) { + return 0; + } + PyLong_AsLongAndOverflow(op, &overflow); + return (overflow == 0); +} + +#define PyInt_FromLong PyLong_FromLong +#define PyInt_AsLong PyLong_AsLong +#define PyInt_AS_LONG PyLong_AsLong +#define PyInt_AsSsize_t PyLong_AsSsize_t + +/* NOTE: + * + * Since the PyLong type is very different from the fixed-range PyInt, + * we don't define PyInt_Type -> PyLong_Type. + */ +#endif /* NPY_PY3K */ + +/* + * PyString -> PyBytes + */ + +#if defined(NPY_PY3K) + +#define PyString_Type PyBytes_Type +#define PyString_Check PyBytes_Check +#define PyStringObject PyBytesObject +#define PyString_FromString PyBytes_FromString +#define PyString_FromStringAndSize PyBytes_FromStringAndSize +#define PyString_AS_STRING PyBytes_AS_STRING +#define PyString_AsStringAndSize PyBytes_AsStringAndSize +#define PyString_FromFormat PyBytes_FromFormat +#define PyString_Concat PyBytes_Concat +#define PyString_ConcatAndDel PyBytes_ConcatAndDel +#define PyString_AsString PyBytes_AsString +#define PyString_GET_SIZE PyBytes_GET_SIZE +#define PyString_Size PyBytes_Size + +#define PyUString_Type PyUnicode_Type +#define PyUString_Check PyUnicode_Check +#define PyUStringObject PyUnicodeObject +#define PyUString_FromString PyUnicode_FromString +#define PyUString_FromStringAndSize PyUnicode_FromStringAndSize +#define PyUString_FromFormat PyUnicode_FromFormat +#define PyUString_Concat PyUnicode_Concat2 +#define PyUString_ConcatAndDel PyUnicode_ConcatAndDel +#define PyUString_GET_SIZE PyUnicode_GET_SIZE +#define PyUString_Size PyUnicode_Size +#define PyUString_InternFromString PyUnicode_InternFromString +#define PyUString_Format PyUnicode_Format + +#else + +#define PyBytes_Type PyString_Type +#define PyBytes_Check PyString_Check +#define PyBytesObject PyStringObject +#define PyBytes_FromString PyString_FromString +#define PyBytes_FromStringAndSize PyString_FromStringAndSize +#define PyBytes_AS_STRING PyString_AS_STRING +#define PyBytes_AsStringAndSize PyString_AsStringAndSize +#define PyBytes_FromFormat PyString_FromFormat +#define PyBytes_Concat PyString_Concat +#define PyBytes_ConcatAndDel PyString_ConcatAndDel +#define PyBytes_AsString PyString_AsString +#define PyBytes_GET_SIZE PyString_GET_SIZE +#define PyBytes_Size PyString_Size + +#define PyUString_Type PyString_Type +#define PyUString_Check PyString_Check +#define PyUStringObject PyStringObject +#define PyUString_FromString PyString_FromString +#define PyUString_FromStringAndSize PyString_FromStringAndSize +#define PyUString_FromFormat PyString_FromFormat +#define PyUString_Concat PyString_Concat +#define PyUString_ConcatAndDel PyString_ConcatAndDel +#define PyUString_GET_SIZE PyString_GET_SIZE +#define PyUString_Size PyString_Size +#define PyUString_InternFromString PyString_InternFromString +#define PyUString_Format PyString_Format + +#endif /* NPY_PY3K */ + + +static NPY_INLINE void +PyUnicode_ConcatAndDel(PyObject **left, PyObject *right) +{ + PyObject *newobj; + newobj = PyUnicode_Concat(*left, right); + Py_DECREF(*left); + Py_DECREF(right); + *left = newobj; +} + +static NPY_INLINE void +PyUnicode_Concat2(PyObject **left, PyObject *right) +{ + PyObject *newobj; + newobj = PyUnicode_Concat(*left, right); + Py_DECREF(*left); + *left = newobj; +} + +/* + * PyFile_* compatibility + */ +#if defined(NPY_PY3K) + +/* + * Get a FILE* handle to the file represented by the Python object + */ +static NPY_INLINE FILE* +npy_PyFile_Dup(PyObject *file, char *mode) +{ + int fd, fd2; + PyObject *ret, *os; + Py_ssize_t pos; + FILE *handle; + /* Flush first to ensure things end up in the file in the correct order */ + ret = PyObject_CallMethod(file, "flush", ""); + if (ret == NULL) { + return NULL; + } + Py_DECREF(ret); + fd = PyObject_AsFileDescriptor(file); + if (fd == -1) { + return NULL; + } + os = PyImport_ImportModule("os"); + if (os == NULL) { + return NULL; + } + ret = PyObject_CallMethod(os, "dup", "i", fd); + Py_DECREF(os); + if (ret == NULL) { + return NULL; + } + fd2 = PyNumber_AsSsize_t(ret, NULL); + Py_DECREF(ret); +#ifdef _WIN32 + handle = _fdopen(fd2, mode); +#else + handle = fdopen(fd2, mode); +#endif + if (handle == NULL) { + PyErr_SetString(PyExc_IOError, + "Getting a FILE* from a Python file object failed"); + } + ret = PyObject_CallMethod(file, "tell", ""); + if (ret == NULL) { + fclose(handle); + return NULL; + } + pos = PyNumber_AsSsize_t(ret, PyExc_OverflowError); + Py_DECREF(ret); + if (PyErr_Occurred()) { + fclose(handle); + return NULL; + } + npy_fseek(handle, pos, SEEK_SET); + return handle; +} + +/* + * Close the dup-ed file handle, and seek the Python one to the current position + */ +static NPY_INLINE int +npy_PyFile_DupClose(PyObject *file, FILE* handle) +{ + PyObject *ret; + Py_ssize_t position; + position = npy_ftell(handle); + fclose(handle); + + ret = PyObject_CallMethod(file, "seek", NPY_SSIZE_T_PYFMT "i", position, 0); + if (ret == NULL) { + return -1; + } + Py_DECREF(ret); + return 0; +} + +static NPY_INLINE int +npy_PyFile_Check(PyObject *file) +{ + int fd; + fd = PyObject_AsFileDescriptor(file); + if (fd == -1) { + PyErr_Clear(); + return 0; + } + return 1; +} + +#else + +#define npy_PyFile_Dup(file, mode) PyFile_AsFile(file) +#define npy_PyFile_DupClose(file, handle) (0) +#define npy_PyFile_Check PyFile_Check + +#endif + +static NPY_INLINE PyObject* +npy_PyFile_OpenFile(PyObject *filename, const char *mode) +{ + PyObject *open; + open = PyDict_GetItemString(PyEval_GetBuiltins(), "open"); + if (open == NULL) { + return NULL; + } + return PyObject_CallFunction(open, "Os", filename, mode); +} + +static NPY_INLINE int +npy_PyFile_CloseFile(PyObject *file) +{ + PyObject *ret; + + ret = PyObject_CallMethod(file, "close", NULL); + if (ret == NULL) { + return -1; + } + Py_DECREF(ret); + return 0; +} + +/* + * PyObject_Cmp + */ +#if defined(NPY_PY3K) +static NPY_INLINE int +PyObject_Cmp(PyObject *i1, PyObject *i2, int *cmp) +{ + int v; + v = PyObject_RichCompareBool(i1, i2, Py_LT); + if (v == 0) { + *cmp = -1; + return 1; + } + else if (v == -1) { + return -1; + } + + v = PyObject_RichCompareBool(i1, i2, Py_GT); + if (v == 0) { + *cmp = 1; + return 1; + } + else if (v == -1) { + return -1; + } + + v = PyObject_RichCompareBool(i1, i2, Py_EQ); + if (v == 0) { + *cmp = 0; + return 1; + } + else { + *cmp = 0; + return -1; + } +} +#endif + +/* + * PyCObject functions adapted to PyCapsules. + * + * The main job here is to get rid of the improved error handling + * of PyCapsules. It's a shame... + */ +#if PY_VERSION_HEX >= 0x03000000 + +static NPY_INLINE PyObject * +NpyCapsule_FromVoidPtr(void *ptr, void (*dtor)(PyObject *)) +{ + PyObject *ret = PyCapsule_New(ptr, NULL, dtor); + if (ret == NULL) { + PyErr_Clear(); + } + return ret; +} + +static NPY_INLINE PyObject * +NpyCapsule_FromVoidPtrAndDesc(void *ptr, void* context, void (*dtor)(PyObject *)) +{ + PyObject *ret = NpyCapsule_FromVoidPtr(ptr, dtor); + if (ret != NULL && PyCapsule_SetContext(ret, context) != 0) { + PyErr_Clear(); + Py_DECREF(ret); + ret = NULL; + } + return ret; +} + +static NPY_INLINE void * +NpyCapsule_AsVoidPtr(PyObject *obj) +{ + void *ret = PyCapsule_GetPointer(obj, NULL); + if (ret == NULL) { + PyErr_Clear(); + } + return ret; +} + +static NPY_INLINE void * +NpyCapsule_GetDesc(PyObject *obj) +{ + return PyCapsule_GetContext(obj); +} + +static NPY_INLINE int +NpyCapsule_Check(PyObject *ptr) +{ + return PyCapsule_CheckExact(ptr); +} + +static NPY_INLINE void +simple_capsule_dtor(PyObject *cap) +{ + PyArray_free(PyCapsule_GetPointer(cap, NULL)); +} + +#else + +static NPY_INLINE PyObject * +NpyCapsule_FromVoidPtr(void *ptr, void (*dtor)(void *)) +{ + return PyCObject_FromVoidPtr(ptr, dtor); +} + +static NPY_INLINE PyObject * +NpyCapsule_FromVoidPtrAndDesc(void *ptr, void* context, + void (*dtor)(void *, void *)) +{ + return PyCObject_FromVoidPtrAndDesc(ptr, context, dtor); +} + +static NPY_INLINE void * +NpyCapsule_AsVoidPtr(PyObject *ptr) +{ + return PyCObject_AsVoidPtr(ptr); +} + +static NPY_INLINE void * +NpyCapsule_GetDesc(PyObject *obj) +{ + return PyCObject_GetDesc(obj); +} + +static NPY_INLINE int +NpyCapsule_Check(PyObject *ptr) +{ + return PyCObject_Check(ptr); +} + +static NPY_INLINE void +simple_capsule_dtor(void *ptr) +{ + PyArray_free(ptr); +} + +#endif + +/* + * Hash value compatibility. + * As of Python 3.2 hash values are of type Py_hash_t. + * Previous versions use C long. + */ +#if PY_VERSION_HEX < 0x03020000 +typedef long npy_hash_t; +#define NPY_SIZEOF_HASH_T NPY_SIZEOF_LONG +#else +typedef Py_hash_t npy_hash_t; +#define NPY_SIZEOF_HASH_T NPY_SIZEOF_INTP +#endif + +#ifdef __cplusplus +} +#endif + +#endif /* _NPY_3KCOMPAT_H_ */ diff --git a/data_tooling/pii_processing/include/numpy/npy_common.h b/data_tooling/pii_processing/include/numpy/npy_common.h new file mode 100644 index 0000000..7fca7e2 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_common.h @@ -0,0 +1,930 @@ +#ifndef _NPY_COMMON_H_ +#define _NPY_COMMON_H_ + +/* numpconfig.h is auto-generated */ +#include "numpyconfig.h" + +#if defined(_MSC_VER) + #define NPY_INLINE __inline +#elif defined(__GNUC__) + #if defined(__STRICT_ANSI__) + #define NPY_INLINE __inline__ + #else + #define NPY_INLINE inline + #endif +#else + #define NPY_INLINE +#endif + +/* Enable 64 bit file position support on win-amd64. Ticket #1660 */ +#if defined(_MSC_VER) && defined(_WIN64) && (_MSC_VER > 1400) + #define npy_fseek _fseeki64 + #define npy_ftell _ftelli64 +#else + #define npy_fseek fseek + #define npy_ftell ftell +#endif + +/* enums for detected endianness */ +enum { + NPY_CPU_UNKNOWN_ENDIAN, + NPY_CPU_LITTLE, + NPY_CPU_BIG +}; + +/* + * This is to typedef npy_intp to the appropriate pointer size for + * this platform. Py_intptr_t, Py_uintptr_t are defined in pyport.h. + */ +typedef Py_intptr_t npy_intp; +typedef Py_uintptr_t npy_uintp; +#define NPY_SIZEOF_CHAR 1 +#define NPY_SIZEOF_BYTE 1 +#define NPY_SIZEOF_INTP NPY_SIZEOF_PY_INTPTR_T +#define NPY_SIZEOF_UINTP NPY_SIZEOF_PY_INTPTR_T +#define NPY_SIZEOF_CFLOAT NPY_SIZEOF_COMPLEX_FLOAT +#define NPY_SIZEOF_CDOUBLE NPY_SIZEOF_COMPLEX_DOUBLE +#define NPY_SIZEOF_CLONGDOUBLE NPY_SIZEOF_COMPLEX_LONGDOUBLE + +#ifdef constchar +#undef constchar +#endif + +#if (PY_VERSION_HEX < 0x02050000) + #ifndef PY_SSIZE_T_MIN + typedef int Py_ssize_t; + #define PY_SSIZE_T_MAX INT_MAX + #define PY_SSIZE_T_MIN INT_MIN + #endif +#define NPY_SSIZE_T_PYFMT "i" +#define constchar const char +#else +#define NPY_SSIZE_T_PYFMT "n" +#define constchar char +#endif + +/* NPY_INTP_FMT Note: + * Unlike the other NPY_*_FMT macros which are used with + * PyOS_snprintf, NPY_INTP_FMT is used with PyErr_Format and + * PyString_Format. These functions use different formatting + * codes which are portably specified according to the Python + * documentation. See ticket #1795. + * + * On Windows x64, the LONGLONG formatter should be used, but + * in Python 2.6 the %lld formatter is not supported. In this + * case we work around the problem by using the %zd formatter. + */ +#if NPY_SIZEOF_PY_INTPTR_T == NPY_SIZEOF_INT + #define NPY_INTP NPY_INT + #define NPY_UINTP NPY_UINT + #define PyIntpArrType_Type PyIntArrType_Type + #define PyUIntpArrType_Type PyUIntArrType_Type + #define NPY_MAX_INTP NPY_MAX_INT + #define NPY_MIN_INTP NPY_MIN_INT + #define NPY_MAX_UINTP NPY_MAX_UINT + #define NPY_INTP_FMT "d" +#elif NPY_SIZEOF_PY_INTPTR_T == NPY_SIZEOF_LONG + #define NPY_INTP NPY_LONG + #define NPY_UINTP NPY_ULONG + #define PyIntpArrType_Type PyLongArrType_Type + #define PyUIntpArrType_Type PyULongArrType_Type + #define NPY_MAX_INTP NPY_MAX_LONG + #define NPY_MIN_INTP NPY_MIN_LONG + #define NPY_MAX_UINTP NPY_MAX_ULONG + #define NPY_INTP_FMT "ld" +#elif defined(PY_LONG_LONG) && (NPY_SIZEOF_PY_INTPTR_T == NPY_SIZEOF_LONGLONG) + #define NPY_INTP NPY_LONGLONG + #define NPY_UINTP NPY_ULONGLONG + #define PyIntpArrType_Type PyLongLongArrType_Type + #define PyUIntpArrType_Type PyULongLongArrType_Type + #define NPY_MAX_INTP NPY_MAX_LONGLONG + #define NPY_MIN_INTP NPY_MIN_LONGLONG + #define NPY_MAX_UINTP NPY_MAX_ULONGLONG + #if (PY_VERSION_HEX >= 0x02070000) + #define NPY_INTP_FMT "lld" + #else + #define NPY_INTP_FMT "zd" + #endif +#endif + +/* + * We can only use C99 formats for npy_int_p if it is the same as + * intp_t, hence the condition on HAVE_UNITPTR_T + */ +#if (NPY_USE_C99_FORMATS) == 1 \ + && (defined HAVE_UINTPTR_T) \ + && (defined HAVE_INTTYPES_H) + #include + #undef NPY_INTP_FMT + #define NPY_INTP_FMT PRIdPTR +#endif + + +/* + * Some platforms don't define bool, long long, or long double. + * Handle that here. + */ +#define NPY_BYTE_FMT "hhd" +#define NPY_UBYTE_FMT "hhu" +#define NPY_SHORT_FMT "hd" +#define NPY_USHORT_FMT "hu" +#define NPY_INT_FMT "d" +#define NPY_UINT_FMT "u" +#define NPY_LONG_FMT "ld" +#define NPY_ULONG_FMT "lu" +#define NPY_HALF_FMT "g" +#define NPY_FLOAT_FMT "g" +#define NPY_DOUBLE_FMT "g" + + +#ifdef PY_LONG_LONG +typedef PY_LONG_LONG npy_longlong; +typedef unsigned PY_LONG_LONG npy_ulonglong; +# ifdef _MSC_VER +# define NPY_LONGLONG_FMT "I64d" +# define NPY_ULONGLONG_FMT "I64u" +# elif defined(__APPLE__) || defined(__FreeBSD__) +/* "%Ld" only parses 4 bytes -- "L" is floating modifier on MacOS X/BSD */ +# define NPY_LONGLONG_FMT "lld" +# define NPY_ULONGLONG_FMT "llu" +/* + another possible variant -- *quad_t works on *BSD, but is deprecated: + #define LONGLONG_FMT "qd" + #define ULONGLONG_FMT "qu" +*/ +# else +# define NPY_LONGLONG_FMT "Ld" +# define NPY_ULONGLONG_FMT "Lu" +# endif +# ifdef _MSC_VER +# define NPY_LONGLONG_SUFFIX(x) (x##i64) +# define NPY_ULONGLONG_SUFFIX(x) (x##Ui64) +# else +# define NPY_LONGLONG_SUFFIX(x) (x##LL) +# define NPY_ULONGLONG_SUFFIX(x) (x##ULL) +# endif +#else +typedef long npy_longlong; +typedef unsigned long npy_ulonglong; +# define NPY_LONGLONG_SUFFIX(x) (x##L) +# define NPY_ULONGLONG_SUFFIX(x) (x##UL) +#endif + + +typedef unsigned char npy_bool; +#define NPY_FALSE 0 +#define NPY_TRUE 1 + + +#if NPY_SIZEOF_LONGDOUBLE == NPY_SIZEOF_DOUBLE + typedef double npy_longdouble; + #define NPY_LONGDOUBLE_FMT "g" +#else + typedef long double npy_longdouble; + #define NPY_LONGDOUBLE_FMT "Lg" +#endif + +#ifndef Py_USING_UNICODE +#error Must use Python with unicode enabled. +#endif + + +typedef signed char npy_byte; +typedef unsigned char npy_ubyte; +typedef unsigned short npy_ushort; +typedef unsigned int npy_uint; +typedef unsigned long npy_ulong; + +/* These are for completeness */ +typedef char npy_char; +typedef short npy_short; +typedef int npy_int; +typedef long npy_long; +typedef float npy_float; +typedef double npy_double; + +/* + * Disabling C99 complex usage: a lot of C code in numpy/scipy rely on being + * able to do .real/.imag. Will have to convert code first. + */ +#if 0 +#if defined(NPY_USE_C99_COMPLEX) && defined(NPY_HAVE_COMPLEX_DOUBLE) +typedef complex npy_cdouble; +#else +typedef struct { double real, imag; } npy_cdouble; +#endif + +#if defined(NPY_USE_C99_COMPLEX) && defined(NPY_HAVE_COMPLEX_FLOAT) +typedef complex float npy_cfloat; +#else +typedef struct { float real, imag; } npy_cfloat; +#endif + +#if defined(NPY_USE_C99_COMPLEX) && defined(NPY_HAVE_COMPLEX_LONG_DOUBLE) +typedef complex long double npy_clongdouble; +#else +typedef struct {npy_longdouble real, imag;} npy_clongdouble; +#endif +#endif +#if NPY_SIZEOF_COMPLEX_DOUBLE != 2 * NPY_SIZEOF_DOUBLE +#error npy_cdouble definition is not compatible with C99 complex definition ! \ + Please contact Numpy maintainers and give detailed information about your \ + compiler and platform +#endif +typedef struct { double real, imag; } npy_cdouble; + +#if NPY_SIZEOF_COMPLEX_FLOAT != 2 * NPY_SIZEOF_FLOAT +#error npy_cfloat definition is not compatible with C99 complex definition ! \ + Please contact Numpy maintainers and give detailed information about your \ + compiler and platform +#endif +typedef struct { float real, imag; } npy_cfloat; + +#if NPY_SIZEOF_COMPLEX_LONGDOUBLE != 2 * NPY_SIZEOF_LONGDOUBLE +#error npy_clongdouble definition is not compatible with C99 complex definition ! \ + Please contact Numpy maintainers and give detailed information about your \ + compiler and platform +#endif +typedef struct { npy_longdouble real, imag; } npy_clongdouble; + +/* + * numarray-style bit-width typedefs + */ +#define NPY_MAX_INT8 127 +#define NPY_MIN_INT8 -128 +#define NPY_MAX_UINT8 255 +#define NPY_MAX_INT16 32767 +#define NPY_MIN_INT16 -32768 +#define NPY_MAX_UINT16 65535 +#define NPY_MAX_INT32 2147483647 +#define NPY_MIN_INT32 (-NPY_MAX_INT32 - 1) +#define NPY_MAX_UINT32 4294967295U +#define NPY_MAX_INT64 NPY_LONGLONG_SUFFIX(9223372036854775807) +#define NPY_MIN_INT64 (-NPY_MAX_INT64 - NPY_LONGLONG_SUFFIX(1)) +#define NPY_MAX_UINT64 NPY_ULONGLONG_SUFFIX(18446744073709551615) +#define NPY_MAX_INT128 NPY_LONGLONG_SUFFIX(85070591730234615865843651857942052864) +#define NPY_MIN_INT128 (-NPY_MAX_INT128 - NPY_LONGLONG_SUFFIX(1)) +#define NPY_MAX_UINT128 NPY_ULONGLONG_SUFFIX(170141183460469231731687303715884105728) +#define NPY_MAX_INT256 NPY_LONGLONG_SUFFIX(57896044618658097711785492504343953926634992332820282019728792003956564819967) +#define NPY_MIN_INT256 (-NPY_MAX_INT256 - NPY_LONGLONG_SUFFIX(1)) +#define NPY_MAX_UINT256 NPY_ULONGLONG_SUFFIX(115792089237316195423570985008687907853269984665640564039457584007913129639935) +#define NPY_MIN_DATETIME NPY_MIN_INT64 +#define NPY_MAX_DATETIME NPY_MAX_INT64 +#define NPY_MIN_TIMEDELTA NPY_MIN_INT64 +#define NPY_MAX_TIMEDELTA NPY_MAX_INT64 + + /* Need to find the number of bits for each type and + make definitions accordingly. + + C states that sizeof(char) == 1 by definition + + So, just using the sizeof keyword won't help. + + It also looks like Python itself uses sizeof(char) quite a + bit, which by definition should be 1 all the time. + + Idea: Make Use of CHAR_BIT which should tell us how many + BITS per CHARACTER + */ + + /* Include platform definitions -- These are in the C89/90 standard */ +#include +#define NPY_MAX_BYTE SCHAR_MAX +#define NPY_MIN_BYTE SCHAR_MIN +#define NPY_MAX_UBYTE UCHAR_MAX +#define NPY_MAX_SHORT SHRT_MAX +#define NPY_MIN_SHORT SHRT_MIN +#define NPY_MAX_USHORT USHRT_MAX +#define NPY_MAX_INT INT_MAX +#ifndef INT_MIN +#define INT_MIN (-INT_MAX - 1) +#endif +#define NPY_MIN_INT INT_MIN +#define NPY_MAX_UINT UINT_MAX +#define NPY_MAX_LONG LONG_MAX +#define NPY_MIN_LONG LONG_MIN +#define NPY_MAX_ULONG ULONG_MAX + +#define NPY_SIZEOF_HALF 2 +#define NPY_SIZEOF_DATETIME 8 +#define NPY_SIZEOF_TIMEDELTA 8 + +#define NPY_BITSOF_BOOL (sizeof(npy_bool) * CHAR_BIT) +#define NPY_BITSOF_CHAR CHAR_BIT +#define NPY_BITSOF_BYTE (NPY_SIZEOF_BYTE * CHAR_BIT) +#define NPY_BITSOF_SHORT (NPY_SIZEOF_SHORT * CHAR_BIT) +#define NPY_BITSOF_INT (NPY_SIZEOF_INT * CHAR_BIT) +#define NPY_BITSOF_LONG (NPY_SIZEOF_LONG * CHAR_BIT) +#define NPY_BITSOF_LONGLONG (NPY_SIZEOF_LONGLONG * CHAR_BIT) +#define NPY_BITSOF_INTP (NPY_SIZEOF_INTP * CHAR_BIT) +#define NPY_BITSOF_HALF (NPY_SIZEOF_HALF * CHAR_BIT) +#define NPY_BITSOF_FLOAT (NPY_SIZEOF_FLOAT * CHAR_BIT) +#define NPY_BITSOF_DOUBLE (NPY_SIZEOF_DOUBLE * CHAR_BIT) +#define NPY_BITSOF_LONGDOUBLE (NPY_SIZEOF_LONGDOUBLE * CHAR_BIT) +#define NPY_BITSOF_CFLOAT (NPY_SIZEOF_CFLOAT * CHAR_BIT) +#define NPY_BITSOF_CDOUBLE (NPY_SIZEOF_CDOUBLE * CHAR_BIT) +#define NPY_BITSOF_CLONGDOUBLE (NPY_SIZEOF_CLONGDOUBLE * CHAR_BIT) +#define NPY_BITSOF_DATETIME (NPY_SIZEOF_DATETIME * CHAR_BIT) +#define NPY_BITSOF_TIMEDELTA (NPY_SIZEOF_TIMEDELTA * CHAR_BIT) + +#if NPY_BITSOF_LONG == 8 +#define NPY_INT8 NPY_LONG +#define NPY_UINT8 NPY_ULONG + typedef long npy_int8; + typedef unsigned long npy_uint8; +#define PyInt8ScalarObject PyLongScalarObject +#define PyInt8ArrType_Type PyLongArrType_Type +#define PyUInt8ScalarObject PyULongScalarObject +#define PyUInt8ArrType_Type PyULongArrType_Type +#define NPY_INT8_FMT NPY_LONG_FMT +#define NPY_UINT8_FMT NPY_ULONG_FMT +#elif NPY_BITSOF_LONG == 16 +#define NPY_INT16 NPY_LONG +#define NPY_UINT16 NPY_ULONG + typedef long npy_int16; + typedef unsigned long npy_uint16; +#define PyInt16ScalarObject PyLongScalarObject +#define PyInt16ArrType_Type PyLongArrType_Type +#define PyUInt16ScalarObject PyULongScalarObject +#define PyUInt16ArrType_Type PyULongArrType_Type +#define NPY_INT16_FMT NPY_LONG_FMT +#define NPY_UINT16_FMT NPY_ULONG_FMT +#elif NPY_BITSOF_LONG == 32 +#define NPY_INT32 NPY_LONG +#define NPY_UINT32 NPY_ULONG + typedef long npy_int32; + typedef unsigned long npy_uint32; + typedef unsigned long npy_ucs4; +#define PyInt32ScalarObject PyLongScalarObject +#define PyInt32ArrType_Type PyLongArrType_Type +#define PyUInt32ScalarObject PyULongScalarObject +#define PyUInt32ArrType_Type PyULongArrType_Type +#define NPY_INT32_FMT NPY_LONG_FMT +#define NPY_UINT32_FMT NPY_ULONG_FMT +#elif NPY_BITSOF_LONG == 64 +#define NPY_INT64 NPY_LONG +#define NPY_UINT64 NPY_ULONG + typedef long npy_int64; + typedef unsigned long npy_uint64; +#define PyInt64ScalarObject PyLongScalarObject +#define PyInt64ArrType_Type PyLongArrType_Type +#define PyUInt64ScalarObject PyULongScalarObject +#define PyUInt64ArrType_Type PyULongArrType_Type +#define NPY_INT64_FMT NPY_LONG_FMT +#define NPY_UINT64_FMT NPY_ULONG_FMT +#define MyPyLong_FromInt64 PyLong_FromLong +#define MyPyLong_AsInt64 PyLong_AsLong +#elif NPY_BITSOF_LONG == 128 +#define NPY_INT128 NPY_LONG +#define NPY_UINT128 NPY_ULONG + typedef long npy_int128; + typedef unsigned long npy_uint128; +#define PyInt128ScalarObject PyLongScalarObject +#define PyInt128ArrType_Type PyLongArrType_Type +#define PyUInt128ScalarObject PyULongScalarObject +#define PyUInt128ArrType_Type PyULongArrType_Type +#define NPY_INT128_FMT NPY_LONG_FMT +#define NPY_UINT128_FMT NPY_ULONG_FMT +#endif + +#if NPY_BITSOF_LONGLONG == 8 +# ifndef NPY_INT8 +# define NPY_INT8 NPY_LONGLONG +# define NPY_UINT8 NPY_ULONGLONG + typedef npy_longlong npy_int8; + typedef npy_ulonglong npy_uint8; +# define PyInt8ScalarObject PyLongLongScalarObject +# define PyInt8ArrType_Type PyLongLongArrType_Type +# define PyUInt8ScalarObject PyULongLongScalarObject +# define PyUInt8ArrType_Type PyULongLongArrType_Type +#define NPY_INT8_FMT NPY_LONGLONG_FMT +#define NPY_UINT8_FMT NPY_ULONGLONG_FMT +# endif +# define NPY_MAX_LONGLONG NPY_MAX_INT8 +# define NPY_MIN_LONGLONG NPY_MIN_INT8 +# define NPY_MAX_ULONGLONG NPY_MAX_UINT8 +#elif NPY_BITSOF_LONGLONG == 16 +# ifndef NPY_INT16 +# define NPY_INT16 NPY_LONGLONG +# define NPY_UINT16 NPY_ULONGLONG + typedef npy_longlong npy_int16; + typedef npy_ulonglong npy_uint16; +# define PyInt16ScalarObject PyLongLongScalarObject +# define PyInt16ArrType_Type PyLongLongArrType_Type +# define PyUInt16ScalarObject PyULongLongScalarObject +# define PyUInt16ArrType_Type PyULongLongArrType_Type +#define NPY_INT16_FMT NPY_LONGLONG_FMT +#define NPY_UINT16_FMT NPY_ULONGLONG_FMT +# endif +# define NPY_MAX_LONGLONG NPY_MAX_INT16 +# define NPY_MIN_LONGLONG NPY_MIN_INT16 +# define NPY_MAX_ULONGLONG NPY_MAX_UINT16 +#elif NPY_BITSOF_LONGLONG == 32 +# ifndef NPY_INT32 +# define NPY_INT32 NPY_LONGLONG +# define NPY_UINT32 NPY_ULONGLONG + typedef npy_longlong npy_int32; + typedef npy_ulonglong npy_uint32; + typedef npy_ulonglong npy_ucs4; +# define PyInt32ScalarObject PyLongLongScalarObject +# define PyInt32ArrType_Type PyLongLongArrType_Type +# define PyUInt32ScalarObject PyULongLongScalarObject +# define PyUInt32ArrType_Type PyULongLongArrType_Type +#define NPY_INT32_FMT NPY_LONGLONG_FMT +#define NPY_UINT32_FMT NPY_ULONGLONG_FMT +# endif +# define NPY_MAX_LONGLONG NPY_MAX_INT32 +# define NPY_MIN_LONGLONG NPY_MIN_INT32 +# define NPY_MAX_ULONGLONG NPY_MAX_UINT32 +#elif NPY_BITSOF_LONGLONG == 64 +# ifndef NPY_INT64 +# define NPY_INT64 NPY_LONGLONG +# define NPY_UINT64 NPY_ULONGLONG + typedef npy_longlong npy_int64; + typedef npy_ulonglong npy_uint64; +# define PyInt64ScalarObject PyLongLongScalarObject +# define PyInt64ArrType_Type PyLongLongArrType_Type +# define PyUInt64ScalarObject PyULongLongScalarObject +# define PyUInt64ArrType_Type PyULongLongArrType_Type +#define NPY_INT64_FMT NPY_LONGLONG_FMT +#define NPY_UINT64_FMT NPY_ULONGLONG_FMT +# define MyPyLong_FromInt64 PyLong_FromLongLong +# define MyPyLong_AsInt64 PyLong_AsLongLong +# endif +# define NPY_MAX_LONGLONG NPY_MAX_INT64 +# define NPY_MIN_LONGLONG NPY_MIN_INT64 +# define NPY_MAX_ULONGLONG NPY_MAX_UINT64 +#elif NPY_BITSOF_LONGLONG == 128 +# ifndef NPY_INT128 +# define NPY_INT128 NPY_LONGLONG +# define NPY_UINT128 NPY_ULONGLONG + typedef npy_longlong npy_int128; + typedef npy_ulonglong npy_uint128; +# define PyInt128ScalarObject PyLongLongScalarObject +# define PyInt128ArrType_Type PyLongLongArrType_Type +# define PyUInt128ScalarObject PyULongLongScalarObject +# define PyUInt128ArrType_Type PyULongLongArrType_Type +#define NPY_INT128_FMT NPY_LONGLONG_FMT +#define NPY_UINT128_FMT NPY_ULONGLONG_FMT +# endif +# define NPY_MAX_LONGLONG NPY_MAX_INT128 +# define NPY_MIN_LONGLONG NPY_MIN_INT128 +# define NPY_MAX_ULONGLONG NPY_MAX_UINT128 +#elif NPY_BITSOF_LONGLONG == 256 +# define NPY_INT256 NPY_LONGLONG +# define NPY_UINT256 NPY_ULONGLONG + typedef npy_longlong npy_int256; + typedef npy_ulonglong npy_uint256; +# define PyInt256ScalarObject PyLongLongScalarObject +# define PyInt256ArrType_Type PyLongLongArrType_Type +# define PyUInt256ScalarObject PyULongLongScalarObject +# define PyUInt256ArrType_Type PyULongLongArrType_Type +#define NPY_INT256_FMT NPY_LONGLONG_FMT +#define NPY_UINT256_FMT NPY_ULONGLONG_FMT +# define NPY_MAX_LONGLONG NPY_MAX_INT256 +# define NPY_MIN_LONGLONG NPY_MIN_INT256 +# define NPY_MAX_ULONGLONG NPY_MAX_UINT256 +#endif + +#if NPY_BITSOF_INT == 8 +#ifndef NPY_INT8 +#define NPY_INT8 NPY_INT +#define NPY_UINT8 NPY_UINT + typedef int npy_int8; + typedef unsigned int npy_uint8; +# define PyInt8ScalarObject PyIntScalarObject +# define PyInt8ArrType_Type PyIntArrType_Type +# define PyUInt8ScalarObject PyUIntScalarObject +# define PyUInt8ArrType_Type PyUIntArrType_Type +#define NPY_INT8_FMT NPY_INT_FMT +#define NPY_UINT8_FMT NPY_UINT_FMT +#endif +#elif NPY_BITSOF_INT == 16 +#ifndef NPY_INT16 +#define NPY_INT16 NPY_INT +#define NPY_UINT16 NPY_UINT + typedef int npy_int16; + typedef unsigned int npy_uint16; +# define PyInt16ScalarObject PyIntScalarObject +# define PyInt16ArrType_Type PyIntArrType_Type +# define PyUInt16ScalarObject PyIntUScalarObject +# define PyUInt16ArrType_Type PyIntUArrType_Type +#define NPY_INT16_FMT NPY_INT_FMT +#define NPY_UINT16_FMT NPY_UINT_FMT +#endif +#elif NPY_BITSOF_INT == 32 +#ifndef NPY_INT32 +#define NPY_INT32 NPY_INT +#define NPY_UINT32 NPY_UINT + typedef int npy_int32; + typedef unsigned int npy_uint32; + typedef unsigned int npy_ucs4; +# define PyInt32ScalarObject PyIntScalarObject +# define PyInt32ArrType_Type PyIntArrType_Type +# define PyUInt32ScalarObject PyUIntScalarObject +# define PyUInt32ArrType_Type PyUIntArrType_Type +#define NPY_INT32_FMT NPY_INT_FMT +#define NPY_UINT32_FMT NPY_UINT_FMT +#endif +#elif NPY_BITSOF_INT == 64 +#ifndef NPY_INT64 +#define NPY_INT64 NPY_INT +#define NPY_UINT64 NPY_UINT + typedef int npy_int64; + typedef unsigned int npy_uint64; +# define PyInt64ScalarObject PyIntScalarObject +# define PyInt64ArrType_Type PyIntArrType_Type +# define PyUInt64ScalarObject PyUIntScalarObject +# define PyUInt64ArrType_Type PyUIntArrType_Type +#define NPY_INT64_FMT NPY_INT_FMT +#define NPY_UINT64_FMT NPY_UINT_FMT +# define MyPyLong_FromInt64 PyLong_FromLong +# define MyPyLong_AsInt64 PyLong_AsLong +#endif +#elif NPY_BITSOF_INT == 128 +#ifndef NPY_INT128 +#define NPY_INT128 NPY_INT +#define NPY_UINT128 NPY_UINT + typedef int npy_int128; + typedef unsigned int npy_uint128; +# define PyInt128ScalarObject PyIntScalarObject +# define PyInt128ArrType_Type PyIntArrType_Type +# define PyUInt128ScalarObject PyUIntScalarObject +# define PyUInt128ArrType_Type PyUIntArrType_Type +#define NPY_INT128_FMT NPY_INT_FMT +#define NPY_UINT128_FMT NPY_UINT_FMT +#endif +#endif + +#if NPY_BITSOF_SHORT == 8 +#ifndef NPY_INT8 +#define NPY_INT8 NPY_SHORT +#define NPY_UINT8 NPY_USHORT + typedef short npy_int8; + typedef unsigned short npy_uint8; +# define PyInt8ScalarObject PyShortScalarObject +# define PyInt8ArrType_Type PyShortArrType_Type +# define PyUInt8ScalarObject PyUShortScalarObject +# define PyUInt8ArrType_Type PyUShortArrType_Type +#define NPY_INT8_FMT NPY_SHORT_FMT +#define NPY_UINT8_FMT NPY_USHORT_FMT +#endif +#elif NPY_BITSOF_SHORT == 16 +#ifndef NPY_INT16 +#define NPY_INT16 NPY_SHORT +#define NPY_UINT16 NPY_USHORT + typedef short npy_int16; + typedef unsigned short npy_uint16; +# define PyInt16ScalarObject PyShortScalarObject +# define PyInt16ArrType_Type PyShortArrType_Type +# define PyUInt16ScalarObject PyUShortScalarObject +# define PyUInt16ArrType_Type PyUShortArrType_Type +#define NPY_INT16_FMT NPY_SHORT_FMT +#define NPY_UINT16_FMT NPY_USHORT_FMT +#endif +#elif NPY_BITSOF_SHORT == 32 +#ifndef NPY_INT32 +#define NPY_INT32 NPY_SHORT +#define NPY_UINT32 NPY_USHORT + typedef short npy_int32; + typedef unsigned short npy_uint32; + typedef unsigned short npy_ucs4; +# define PyInt32ScalarObject PyShortScalarObject +# define PyInt32ArrType_Type PyShortArrType_Type +# define PyUInt32ScalarObject PyUShortScalarObject +# define PyUInt32ArrType_Type PyUShortArrType_Type +#define NPY_INT32_FMT NPY_SHORT_FMT +#define NPY_UINT32_FMT NPY_USHORT_FMT +#endif +#elif NPY_BITSOF_SHORT == 64 +#ifndef NPY_INT64 +#define NPY_INT64 NPY_SHORT +#define NPY_UINT64 NPY_USHORT + typedef short npy_int64; + typedef unsigned short npy_uint64; +# define PyInt64ScalarObject PyShortScalarObject +# define PyInt64ArrType_Type PyShortArrType_Type +# define PyUInt64ScalarObject PyUShortScalarObject +# define PyUInt64ArrType_Type PyUShortArrType_Type +#define NPY_INT64_FMT NPY_SHORT_FMT +#define NPY_UINT64_FMT NPY_USHORT_FMT +# define MyPyLong_FromInt64 PyLong_FromLong +# define MyPyLong_AsInt64 PyLong_AsLong +#endif +#elif NPY_BITSOF_SHORT == 128 +#ifndef NPY_INT128 +#define NPY_INT128 NPY_SHORT +#define NPY_UINT128 NPY_USHORT + typedef short npy_int128; + typedef unsigned short npy_uint128; +# define PyInt128ScalarObject PyShortScalarObject +# define PyInt128ArrType_Type PyShortArrType_Type +# define PyUInt128ScalarObject PyUShortScalarObject +# define PyUInt128ArrType_Type PyUShortArrType_Type +#define NPY_INT128_FMT NPY_SHORT_FMT +#define NPY_UINT128_FMT NPY_USHORT_FMT +#endif +#endif + + +#if NPY_BITSOF_CHAR == 8 +#ifndef NPY_INT8 +#define NPY_INT8 NPY_BYTE +#define NPY_UINT8 NPY_UBYTE + typedef signed char npy_int8; + typedef unsigned char npy_uint8; +# define PyInt8ScalarObject PyByteScalarObject +# define PyInt8ArrType_Type PyByteArrType_Type +# define PyUInt8ScalarObject PyUByteScalarObject +# define PyUInt8ArrType_Type PyUByteArrType_Type +#define NPY_INT8_FMT NPY_BYTE_FMT +#define NPY_UINT8_FMT NPY_UBYTE_FMT +#endif +#elif NPY_BITSOF_CHAR == 16 +#ifndef NPY_INT16 +#define NPY_INT16 NPY_BYTE +#define NPY_UINT16 NPY_UBYTE + typedef signed char npy_int16; + typedef unsigned char npy_uint16; +# define PyInt16ScalarObject PyByteScalarObject +# define PyInt16ArrType_Type PyByteArrType_Type +# define PyUInt16ScalarObject PyUByteScalarObject +# define PyUInt16ArrType_Type PyUByteArrType_Type +#define NPY_INT16_FMT NPY_BYTE_FMT +#define NPY_UINT16_FMT NPY_UBYTE_FMT +#endif +#elif NPY_BITSOF_CHAR == 32 +#ifndef NPY_INT32 +#define NPY_INT32 NPY_BYTE +#define NPY_UINT32 NPY_UBYTE + typedef signed char npy_int32; + typedef unsigned char npy_uint32; + typedef unsigned char npy_ucs4; +# define PyInt32ScalarObject PyByteScalarObject +# define PyInt32ArrType_Type PyByteArrType_Type +# define PyUInt32ScalarObject PyUByteScalarObject +# define PyUInt32ArrType_Type PyUByteArrType_Type +#define NPY_INT32_FMT NPY_BYTE_FMT +#define NPY_UINT32_FMT NPY_UBYTE_FMT +#endif +#elif NPY_BITSOF_CHAR == 64 +#ifndef NPY_INT64 +#define NPY_INT64 NPY_BYTE +#define NPY_UINT64 NPY_UBYTE + typedef signed char npy_int64; + typedef unsigned char npy_uint64; +# define PyInt64ScalarObject PyByteScalarObject +# define PyInt64ArrType_Type PyByteArrType_Type +# define PyUInt64ScalarObject PyUByteScalarObject +# define PyUInt64ArrType_Type PyUByteArrType_Type +#define NPY_INT64_FMT NPY_BYTE_FMT +#define NPY_UINT64_FMT NPY_UBYTE_FMT +# define MyPyLong_FromInt64 PyLong_FromLong +# define MyPyLong_AsInt64 PyLong_AsLong +#endif +#elif NPY_BITSOF_CHAR == 128 +#ifndef NPY_INT128 +#define NPY_INT128 NPY_BYTE +#define NPY_UINT128 NPY_UBYTE + typedef signed char npy_int128; + typedef unsigned char npy_uint128; +# define PyInt128ScalarObject PyByteScalarObject +# define PyInt128ArrType_Type PyByteArrType_Type +# define PyUInt128ScalarObject PyUByteScalarObject +# define PyUInt128ArrType_Type PyUByteArrType_Type +#define NPY_INT128_FMT NPY_BYTE_FMT +#define NPY_UINT128_FMT NPY_UBYTE_FMT +#endif +#endif + + + +#if NPY_BITSOF_DOUBLE == 32 +#ifndef NPY_FLOAT32 +#define NPY_FLOAT32 NPY_DOUBLE +#define NPY_COMPLEX64 NPY_CDOUBLE + typedef double npy_float32; + typedef npy_cdouble npy_complex64; +# define PyFloat32ScalarObject PyDoubleScalarObject +# define PyComplex64ScalarObject PyCDoubleScalarObject +# define PyFloat32ArrType_Type PyDoubleArrType_Type +# define PyComplex64ArrType_Type PyCDoubleArrType_Type +#define NPY_FLOAT32_FMT NPY_DOUBLE_FMT +#define NPY_COMPLEX64_FMT NPY_CDOUBLE_FMT +#endif +#elif NPY_BITSOF_DOUBLE == 64 +#ifndef NPY_FLOAT64 +#define NPY_FLOAT64 NPY_DOUBLE +#define NPY_COMPLEX128 NPY_CDOUBLE + typedef double npy_float64; + typedef npy_cdouble npy_complex128; +# define PyFloat64ScalarObject PyDoubleScalarObject +# define PyComplex128ScalarObject PyCDoubleScalarObject +# define PyFloat64ArrType_Type PyDoubleArrType_Type +# define PyComplex128ArrType_Type PyCDoubleArrType_Type +#define NPY_FLOAT64_FMT NPY_DOUBLE_FMT +#define NPY_COMPLEX128_FMT NPY_CDOUBLE_FMT +#endif +#elif NPY_BITSOF_DOUBLE == 80 +#ifndef NPY_FLOAT80 +#define NPY_FLOAT80 NPY_DOUBLE +#define NPY_COMPLEX160 NPY_CDOUBLE + typedef double npy_float80; + typedef npy_cdouble npy_complex160; +# define PyFloat80ScalarObject PyDoubleScalarObject +# define PyComplex160ScalarObject PyCDoubleScalarObject +# define PyFloat80ArrType_Type PyDoubleArrType_Type +# define PyComplex160ArrType_Type PyCDoubleArrType_Type +#define NPY_FLOAT80_FMT NPY_DOUBLE_FMT +#define NPY_COMPLEX160_FMT NPY_CDOUBLE_FMT +#endif +#elif NPY_BITSOF_DOUBLE == 96 +#ifndef NPY_FLOAT96 +#define NPY_FLOAT96 NPY_DOUBLE +#define NPY_COMPLEX192 NPY_CDOUBLE + typedef double npy_float96; + typedef npy_cdouble npy_complex192; +# define PyFloat96ScalarObject PyDoubleScalarObject +# define PyComplex192ScalarObject PyCDoubleScalarObject +# define PyFloat96ArrType_Type PyDoubleArrType_Type +# define PyComplex192ArrType_Type PyCDoubleArrType_Type +#define NPY_FLOAT96_FMT NPY_DOUBLE_FMT +#define NPY_COMPLEX192_FMT NPY_CDOUBLE_FMT +#endif +#elif NPY_BITSOF_DOUBLE == 128 +#ifndef NPY_FLOAT128 +#define NPY_FLOAT128 NPY_DOUBLE +#define NPY_COMPLEX256 NPY_CDOUBLE + typedef double npy_float128; + typedef npy_cdouble npy_complex256; +# define PyFloat128ScalarObject PyDoubleScalarObject +# define PyComplex256ScalarObject PyCDoubleScalarObject +# define PyFloat128ArrType_Type PyDoubleArrType_Type +# define PyComplex256ArrType_Type PyCDoubleArrType_Type +#define NPY_FLOAT128_FMT NPY_DOUBLE_FMT +#define NPY_COMPLEX256_FMT NPY_CDOUBLE_FMT +#endif +#endif + + + +#if NPY_BITSOF_FLOAT == 32 +#ifndef NPY_FLOAT32 +#define NPY_FLOAT32 NPY_FLOAT +#define NPY_COMPLEX64 NPY_CFLOAT + typedef float npy_float32; + typedef npy_cfloat npy_complex64; +# define PyFloat32ScalarObject PyFloatScalarObject +# define PyComplex64ScalarObject PyCFloatScalarObject +# define PyFloat32ArrType_Type PyFloatArrType_Type +# define PyComplex64ArrType_Type PyCFloatArrType_Type +#define NPY_FLOAT32_FMT NPY_FLOAT_FMT +#define NPY_COMPLEX64_FMT NPY_CFLOAT_FMT +#endif +#elif NPY_BITSOF_FLOAT == 64 +#ifndef NPY_FLOAT64 +#define NPY_FLOAT64 NPY_FLOAT +#define NPY_COMPLEX128 NPY_CFLOAT + typedef float npy_float64; + typedef npy_cfloat npy_complex128; +# define PyFloat64ScalarObject PyFloatScalarObject +# define PyComplex128ScalarObject PyCFloatScalarObject +# define PyFloat64ArrType_Type PyFloatArrType_Type +# define PyComplex128ArrType_Type PyCFloatArrType_Type +#define NPY_FLOAT64_FMT NPY_FLOAT_FMT +#define NPY_COMPLEX128_FMT NPY_CFLOAT_FMT +#endif +#elif NPY_BITSOF_FLOAT == 80 +#ifndef NPY_FLOAT80 +#define NPY_FLOAT80 NPY_FLOAT +#define NPY_COMPLEX160 NPY_CFLOAT + typedef float npy_float80; + typedef npy_cfloat npy_complex160; +# define PyFloat80ScalarObject PyFloatScalarObject +# define PyComplex160ScalarObject PyCFloatScalarObject +# define PyFloat80ArrType_Type PyFloatArrType_Type +# define PyComplex160ArrType_Type PyCFloatArrType_Type +#define NPY_FLOAT80_FMT NPY_FLOAT_FMT +#define NPY_COMPLEX160_FMT NPY_CFLOAT_FMT +#endif +#elif NPY_BITSOF_FLOAT == 96 +#ifndef NPY_FLOAT96 +#define NPY_FLOAT96 NPY_FLOAT +#define NPY_COMPLEX192 NPY_CFLOAT + typedef float npy_float96; + typedef npy_cfloat npy_complex192; +# define PyFloat96ScalarObject PyFloatScalarObject +# define PyComplex192ScalarObject PyCFloatScalarObject +# define PyFloat96ArrType_Type PyFloatArrType_Type +# define PyComplex192ArrType_Type PyCFloatArrType_Type +#define NPY_FLOAT96_FMT NPY_FLOAT_FMT +#define NPY_COMPLEX192_FMT NPY_CFLOAT_FMT +#endif +#elif NPY_BITSOF_FLOAT == 128 +#ifndef NPY_FLOAT128 +#define NPY_FLOAT128 NPY_FLOAT +#define NPY_COMPLEX256 NPY_CFLOAT + typedef float npy_float128; + typedef npy_cfloat npy_complex256; +# define PyFloat128ScalarObject PyFloatScalarObject +# define PyComplex256ScalarObject PyCFloatScalarObject +# define PyFloat128ArrType_Type PyFloatArrType_Type +# define PyComplex256ArrType_Type PyCFloatArrType_Type +#define NPY_FLOAT128_FMT NPY_FLOAT_FMT +#define NPY_COMPLEX256_FMT NPY_CFLOAT_FMT +#endif +#endif + +/* half/float16 isn't a floating-point type in C */ +#define NPY_FLOAT16 NPY_HALF +typedef npy_uint16 npy_half; +typedef npy_half npy_float16; + +#if NPY_BITSOF_LONGDOUBLE == 32 +#ifndef NPY_FLOAT32 +#define NPY_FLOAT32 NPY_LONGDOUBLE +#define NPY_COMPLEX64 NPY_CLONGDOUBLE + typedef npy_longdouble npy_float32; + typedef npy_clongdouble npy_complex64; +# define PyFloat32ScalarObject PyLongDoubleScalarObject +# define PyComplex64ScalarObject PyCLongDoubleScalarObject +# define PyFloat32ArrType_Type PyLongDoubleArrType_Type +# define PyComplex64ArrType_Type PyCLongDoubleArrType_Type +#define NPY_FLOAT32_FMT NPY_LONGDOUBLE_FMT +#define NPY_COMPLEX64_FMT NPY_CLONGDOUBLE_FMT +#endif +#elif NPY_BITSOF_LONGDOUBLE == 64 +#ifndef NPY_FLOAT64 +#define NPY_FLOAT64 NPY_LONGDOUBLE +#define NPY_COMPLEX128 NPY_CLONGDOUBLE + typedef npy_longdouble npy_float64; + typedef npy_clongdouble npy_complex128; +# define PyFloat64ScalarObject PyLongDoubleScalarObject +# define PyComplex128ScalarObject PyCLongDoubleScalarObject +# define PyFloat64ArrType_Type PyLongDoubleArrType_Type +# define PyComplex128ArrType_Type PyCLongDoubleArrType_Type +#define NPY_FLOAT64_FMT NPY_LONGDOUBLE_FMT +#define NPY_COMPLEX128_FMT NPY_CLONGDOUBLE_FMT +#endif +#elif NPY_BITSOF_LONGDOUBLE == 80 +#ifndef NPY_FLOAT80 +#define NPY_FLOAT80 NPY_LONGDOUBLE +#define NPY_COMPLEX160 NPY_CLONGDOUBLE + typedef npy_longdouble npy_float80; + typedef npy_clongdouble npy_complex160; +# define PyFloat80ScalarObject PyLongDoubleScalarObject +# define PyComplex160ScalarObject PyCLongDoubleScalarObject +# define PyFloat80ArrType_Type PyLongDoubleArrType_Type +# define PyComplex160ArrType_Type PyCLongDoubleArrType_Type +#define NPY_FLOAT80_FMT NPY_LONGDOUBLE_FMT +#define NPY_COMPLEX160_FMT NPY_CLONGDOUBLE_FMT +#endif +#elif NPY_BITSOF_LONGDOUBLE == 96 +#ifndef NPY_FLOAT96 +#define NPY_FLOAT96 NPY_LONGDOUBLE +#define NPY_COMPLEX192 NPY_CLONGDOUBLE + typedef npy_longdouble npy_float96; + typedef npy_clongdouble npy_complex192; +# define PyFloat96ScalarObject PyLongDoubleScalarObject +# define PyComplex192ScalarObject PyCLongDoubleScalarObject +# define PyFloat96ArrType_Type PyLongDoubleArrType_Type +# define PyComplex192ArrType_Type PyCLongDoubleArrType_Type +#define NPY_FLOAT96_FMT NPY_LONGDOUBLE_FMT +#define NPY_COMPLEX192_FMT NPY_CLONGDOUBLE_FMT +#endif +#elif NPY_BITSOF_LONGDOUBLE == 128 +#ifndef NPY_FLOAT128 +#define NPY_FLOAT128 NPY_LONGDOUBLE +#define NPY_COMPLEX256 NPY_CLONGDOUBLE + typedef npy_longdouble npy_float128; + typedef npy_clongdouble npy_complex256; +# define PyFloat128ScalarObject PyLongDoubleScalarObject +# define PyComplex256ScalarObject PyCLongDoubleScalarObject +# define PyFloat128ArrType_Type PyLongDoubleArrType_Type +# define PyComplex256ArrType_Type PyCLongDoubleArrType_Type +#define NPY_FLOAT128_FMT NPY_LONGDOUBLE_FMT +#define NPY_COMPLEX256_FMT NPY_CLONGDOUBLE_FMT +#endif +#elif NPY_BITSOF_LONGDOUBLE == 256 +#define NPY_FLOAT256 NPY_LONGDOUBLE +#define NPY_COMPLEX512 NPY_CLONGDOUBLE + typedef npy_longdouble npy_float256; + typedef npy_clongdouble npy_complex512; +# define PyFloat256ScalarObject PyLongDoubleScalarObject +# define PyComplex512ScalarObject PyCLongDoubleScalarObject +# define PyFloat256ArrType_Type PyLongDoubleArrType_Type +# define PyComplex512ArrType_Type PyCLongDoubleArrType_Type +#define NPY_FLOAT256_FMT NPY_LONGDOUBLE_FMT +#define NPY_COMPLEX512_FMT NPY_CLONGDOUBLE_FMT +#endif + +/* datetime typedefs */ +typedef npy_int64 npy_timedelta; +typedef npy_int64 npy_datetime; +#define NPY_DATETIME_FMT NPY_INT64_FMT +#define NPY_TIMEDELTA_FMT NPY_INT64_FMT + +/* End of typedefs for numarray style bit-width names */ + +#endif + diff --git a/data_tooling/pii_processing/include/numpy/npy_cpu.h b/data_tooling/pii_processing/include/numpy/npy_cpu.h new file mode 100644 index 0000000..9707a7a --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_cpu.h @@ -0,0 +1,109 @@ +/* + * This set (target) cpu specific macros: + * - Possible values: + * NPY_CPU_X86 + * NPY_CPU_AMD64 + * NPY_CPU_PPC + * NPY_CPU_PPC64 + * NPY_CPU_SPARC + * NPY_CPU_S390 + * NPY_CPU_IA64 + * NPY_CPU_HPPA + * NPY_CPU_ALPHA + * NPY_CPU_ARMEL + * NPY_CPU_ARMEB + * NPY_CPU_SH_LE + * NPY_CPU_SH_BE + */ +#ifndef _NPY_CPUARCH_H_ +#define _NPY_CPUARCH_H_ + +#include "numpyconfig.h" + +#if defined( __i386__ ) || defined(i386) || defined(_M_IX86) + /* + * __i386__ is defined by gcc and Intel compiler on Linux, + * _M_IX86 by VS compiler, + * i386 by Sun compilers on opensolaris at least + */ + #define NPY_CPU_X86 +#elif defined(__x86_64__) || defined(__amd64__) || defined(__x86_64) || defined(_M_AMD64) + /* + * both __x86_64__ and __amd64__ are defined by gcc + * __x86_64 defined by sun compiler on opensolaris at least + * _M_AMD64 defined by MS compiler + */ + #define NPY_CPU_AMD64 +#elif defined(__ppc__) || defined(__powerpc__) || defined(_ARCH_PPC) + /* + * __ppc__ is defined by gcc, I remember having seen __powerpc__ once, + * but can't find it ATM + * _ARCH_PPC is used by at least gcc on AIX + */ + #define NPY_CPU_PPC +#elif defined(__ppc64__) + #define NPY_CPU_PPC64 +#elif defined(__sparc__) || defined(__sparc) + /* __sparc__ is defined by gcc and Forte (e.g. Sun) compilers */ + #define NPY_CPU_SPARC +#elif defined(__s390__) + #define NPY_CPU_S390 +#elif defined(__ia64) + #define NPY_CPU_IA64 +#elif defined(__hppa) + #define NPY_CPU_HPPA +#elif defined(__alpha__) + #define NPY_CPU_ALPHA +#elif defined(__arm__) && defined(__ARMEL__) + #define NPY_CPU_ARMEL +#elif defined(__arm__) && defined(__ARMEB__) + #define NPY_CPU_ARMEB +#elif defined(__sh__) && defined(__LITTLE_ENDIAN__) + #define NPY_CPU_SH_LE +#elif defined(__sh__) && defined(__BIG_ENDIAN__) + #define NPY_CPU_SH_BE +#elif defined(__MIPSEL__) + #define NPY_CPU_MIPSEL +#elif defined(__MIPSEB__) + #define NPY_CPU_MIPSEB +#elif defined(__aarch64__) + #define NPY_CPU_AARCH64 +#else + #error Unknown CPU, please report this to numpy maintainers with \ + information about your platform (OS, CPU and compiler) +#endif + +/* + This "white-lists" the architectures that we know don't require + pointer alignment. We white-list, since the memcpy version will + work everywhere, whereas assignment will only work where pointer + dereferencing doesn't require alignment. + + TODO: There may be more architectures we can white list. +*/ +#if defined(NPY_CPU_X86) || defined(NPY_CPU_AMD64) + #define NPY_COPY_PYOBJECT_PTR(dst, src) (*((PyObject **)(dst)) = *((PyObject **)(src))) +#else + #if NPY_SIZEOF_PY_INTPTR_T == 4 + #define NPY_COPY_PYOBJECT_PTR(dst, src) \ + ((char*)(dst))[0] = ((char*)(src))[0]; \ + ((char*)(dst))[1] = ((char*)(src))[1]; \ + ((char*)(dst))[2] = ((char*)(src))[2]; \ + ((char*)(dst))[3] = ((char*)(src))[3]; + #elif NPY_SIZEOF_PY_INTPTR_T == 8 + #define NPY_COPY_PYOBJECT_PTR(dst, src) \ + ((char*)(dst))[0] = ((char*)(src))[0]; \ + ((char*)(dst))[1] = ((char*)(src))[1]; \ + ((char*)(dst))[2] = ((char*)(src))[2]; \ + ((char*)(dst))[3] = ((char*)(src))[3]; \ + ((char*)(dst))[4] = ((char*)(src))[4]; \ + ((char*)(dst))[5] = ((char*)(src))[5]; \ + ((char*)(dst))[6] = ((char*)(src))[6]; \ + ((char*)(dst))[7] = ((char*)(src))[7]; + #else + #error Unknown architecture, please report this to numpy maintainers with \ + information about your platform (OS, CPU and compiler) + #endif +#endif + +#endif diff --git a/data_tooling/pii_processing/include/numpy/npy_deprecated_api.h b/data_tooling/pii_processing/include/numpy/npy_deprecated_api.h new file mode 100644 index 0000000..c27b4a4 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_deprecated_api.h @@ -0,0 +1,129 @@ +#ifndef _NPY_DEPRECATED_API_H +#define _NPY_DEPRECATED_API_H + +#if defined(_WIN32) +#define _WARN___STR2__(x) #x +#define _WARN___STR1__(x) _WARN___STR2__(x) +#define _WARN___LOC__ __FILE__ "(" _WARN___STR1__(__LINE__) ") : Warning Msg: " +#pragma message(_WARN___LOC__"Using deprecated NumPy API, disable it by " \ + "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION") +#elif defined(__GNUC__) +#warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" +#endif +/* TODO: How to do this warning message for other compilers? */ + +/* + * This header exists to collect all dangerous/deprecated NumPy API. + * + * This is an attempt to remove bad API, the proliferation of macros, + * and namespace pollution currently produced by the NumPy headers. + */ + +#if defined(NPY_NO_DEPRECATED_API) +#error Should never include npy_deprecated_api directly. +#endif + +/* These array flags are deprecated as of NumPy 1.7 */ +#define NPY_CONTIGUOUS NPY_ARRAY_C_CONTIGUOUS +#define NPY_FORTRAN NPY_ARRAY_F_CONTIGUOUS + +/* + * The consistent NPY_ARRAY_* names which don't pollute the NPY_* + * namespace were added in NumPy 1.7. + * + * These versions of the carray flags are deprecated, but + * probably should only be removed after two releases instead of one. + */ +#define NPY_C_CONTIGUOUS NPY_ARRAY_C_CONTIGUOUS +#define NPY_F_CONTIGUOUS NPY_ARRAY_F_CONTIGUOUS +#define NPY_OWNDATA NPY_ARRAY_OWNDATA +#define NPY_FORCECAST NPY_ARRAY_FORCECAST +#define NPY_ENSURECOPY NPY_ARRAY_ENSURECOPY +#define NPY_ENSUREARRAY NPY_ARRAY_ENSUREARRAY +#define NPY_ELEMENTSTRIDES NPY_ARRAY_ELEMENTSTRIDES +#define NPY_ALIGNED NPY_ARRAY_ALIGNED +#define NPY_NOTSWAPPED NPY_ARRAY_NOTSWAPPED +#define NPY_WRITEABLE NPY_ARRAY_WRITEABLE +#define NPY_UPDATEIFCOPY NPY_ARRAY_UPDATEIFCOPY +#define NPY_BEHAVED NPY_ARRAY_BEHAVED +#define NPY_BEHAVED_NS NPY_ARRAY_BEHAVED_NS +#define NPY_CARRAY NPY_ARRAY_CARRAY +#define NPY_CARRAY_RO NPY_ARRAY_CARRAY_RO +#define NPY_FARRAY NPY_ARRAY_FARRAY +#define NPY_FARRAY_RO NPY_ARRAY_FARRAY_RO +#define NPY_DEFAULT NPY_ARRAY_DEFAULT +#define NPY_IN_ARRAY NPY_ARRAY_IN_ARRAY +#define NPY_OUT_ARRAY NPY_ARRAY_OUT_ARRAY +#define NPY_INOUT_ARRAY NPY_ARRAY_INOUT_ARRAY +#define NPY_IN_FARRAY NPY_ARRAY_IN_FARRAY +#define NPY_OUT_FARRAY NPY_ARRAY_OUT_FARRAY +#define NPY_INOUT_FARRAY NPY_ARRAY_INOUT_FARRAY +#define NPY_UPDATE_ALL NPY_ARRAY_UPDATE_ALL + +/* This way of accessing the default type is deprecated as of NumPy 1.7 */ +#define PyArray_DEFAULT NPY_DEFAULT_TYPE + +/* These DATETIME bits aren't used internally */ +#if PY_VERSION_HEX >= 0x03000000 +#define PyDataType_GetDatetimeMetaData(descr) \ + ((descr->metadata == NULL) ? NULL : \ + ((PyArray_DatetimeMetaData *)(PyCapsule_GetPointer( \ + PyDict_GetItemString( \ + descr->metadata, NPY_METADATA_DTSTR), NULL)))) +#else +#define PyDataType_GetDatetimeMetaData(descr) \ + ((descr->metadata == NULL) ? NULL : \ + ((PyArray_DatetimeMetaData *)(PyCObject_AsVoidPtr( \ + PyDict_GetItemString(descr->metadata, NPY_METADATA_DTSTR))))) +#endif + +/* + * Deprecated as of NumPy 1.7, this kind of shortcut doesn't + * belong in the public API. + */ +#define NPY_AO PyArrayObject + +/* + * Deprecated as of NumPy 1.7, an all-lowercase macro doesn't + * belong in the public API. + */ +#define fortran fortran_ + +/* + * Deprecated as of NumPy 1.7, as it is a namespace-polluting + * macro. + */ +#define FORTRAN_IF PyArray_FORTRAN_IF + +/* Deprecated as of NumPy 1.7, datetime64 uses c_metadata instead */ +#define NPY_METADATA_DTSTR "__timeunit__" + +/* + * Deprecated as of NumPy 1.7. + * The reasoning: + * - These are for datetime, but there's no datetime "namespace". + * - They just turn NPY_STR_ into "", which is just + * making something simple be indirected. + */ +#define NPY_STR_Y "Y" +#define NPY_STR_M "M" +#define NPY_STR_W "W" +#define NPY_STR_D "D" +#define NPY_STR_h "h" +#define NPY_STR_m "m" +#define NPY_STR_s "s" +#define NPY_STR_ms "ms" +#define NPY_STR_us "us" +#define NPY_STR_ns "ns" +#define NPY_STR_ps "ps" +#define NPY_STR_fs "fs" +#define NPY_STR_as "as" + +/* + * The macros in old_defines.h are Deprecated as of NumPy 1.7 and will be + * removed in the next major release. + */ +#include "old_defines.h" + + +#endif diff --git a/data_tooling/pii_processing/include/numpy/npy_endian.h b/data_tooling/pii_processing/include/numpy/npy_endian.h new file mode 100644 index 0000000..4e3349f --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_endian.h @@ -0,0 +1,46 @@ +#ifndef _NPY_ENDIAN_H_ +#define _NPY_ENDIAN_H_ + +/* + * NPY_BYTE_ORDER is set to the same value as BYTE_ORDER set by glibc in + * endian.h + */ + +#ifdef NPY_HAVE_ENDIAN_H + /* Use endian.h if available */ + #include + + #define NPY_BYTE_ORDER __BYTE_ORDER + #define NPY_LITTLE_ENDIAN __LITTLE_ENDIAN + #define NPY_BIG_ENDIAN __BIG_ENDIAN +#else + /* Set endianness info using target CPU */ + #include "npy_cpu.h" + + #define NPY_LITTLE_ENDIAN 1234 + #define NPY_BIG_ENDIAN 4321 + + #if defined(NPY_CPU_X86) \ + || defined(NPY_CPU_AMD64) \ + || defined(NPY_CPU_IA64) \ + || defined(NPY_CPU_ALPHA) \ + || defined(NPY_CPU_ARMEL) \ + || defined(NPY_CPU_AARCH64) \ + || defined(NPY_CPU_SH_LE) \ + || defined(NPY_CPU_MIPSEL) + #define NPY_BYTE_ORDER NPY_LITTLE_ENDIAN + #elif defined(NPY_CPU_PPC) \ + || defined(NPY_CPU_SPARC) \ + || defined(NPY_CPU_S390) \ + || defined(NPY_CPU_HPPA) \ + || defined(NPY_CPU_PPC64) \ + || defined(NPY_CPU_ARMEB) \ + || defined(NPY_CPU_SH_BE) \ + || defined(NPY_CPU_MIPSEB) + #define NPY_BYTE_ORDER NPY_BIG_ENDIAN + #else + #error Unknown CPU: can not set endianness + #endif +#endif + +#endif diff --git a/data_tooling/pii_processing/include/numpy/npy_interrupt.h b/data_tooling/pii_processing/include/numpy/npy_interrupt.h new file mode 100644 index 0000000..f71fd68 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_interrupt.h @@ -0,0 +1,117 @@ + +/* Signal handling: + +This header file defines macros that allow your code to handle +interrupts received during processing. Interrupts that +could reasonably be handled: + +SIGINT, SIGABRT, SIGALRM, SIGSEGV + +****Warning*************** + +Do not allow code that creates temporary memory or increases reference +counts of Python objects to be interrupted unless you handle it +differently. + +************************** + +The mechanism for handling interrupts is conceptually simple: + + - replace the signal handler with our own home-grown version + and store the old one. + - run the code to be interrupted -- if an interrupt occurs + the handler should basically just cause a return to the + calling function for finish work. + - restore the old signal handler + +Of course, every code that allows interrupts must account for +returning via the interrupt and handle clean-up correctly. But, +even still, the simple paradigm is complicated by at least three +factors. + + 1) platform portability (i.e. Microsoft says not to use longjmp + to return from signal handling. They have a __try and __except + extension to C instead but what about mingw?). + + 2) how to handle threads: apparently whether signals are delivered to + every thread of the process or the "invoking" thread is platform + dependent. --- we don't handle threads for now. + + 3) do we need to worry about re-entrance. For now, assume the + code will not call-back into itself. + +Ideas: + + 1) Start by implementing an approach that works on platforms that + can use setjmp and longjmp functionality and does nothing + on other platforms. + + 2) Ignore threads --- i.e. do not mix interrupt handling and threads + + 3) Add a default signal_handler function to the C-API but have the rest + use macros. + + +Simple Interface: + + +In your C-extension: around a block of code you want to be interruptable +with a SIGINT + +NPY_SIGINT_ON +[code] +NPY_SIGINT_OFF + +In order for this to work correctly, the +[code] block must not allocate any memory or alter the reference count of any +Python objects. In other words [code] must be interruptible so that continuation +after NPY_SIGINT_OFF will only be "missing some computations" + +Interrupt handling does not work well with threads. + +*/ + +/* Add signal handling macros + Make the global variable and signal handler part of the C-API +*/ + +#ifndef NPY_INTERRUPT_H +#define NPY_INTERRUPT_H + +#ifndef NPY_NO_SIGNAL + +#include +#include + +#ifndef sigsetjmp + +#define NPY_SIGSETJMP(arg1, arg2) setjmp(arg1) +#define NPY_SIGLONGJMP(arg1, arg2) longjmp(arg1, arg2) +#define NPY_SIGJMP_BUF jmp_buf + +#else + +#define NPY_SIGSETJMP(arg1, arg2) sigsetjmp(arg1, arg2) +#define NPY_SIGLONGJMP(arg1, arg2) siglongjmp(arg1, arg2) +#define NPY_SIGJMP_BUF sigjmp_buf + +#endif + +# define NPY_SIGINT_ON { \ + PyOS_sighandler_t _npy_sig_save; \ + _npy_sig_save = PyOS_setsig(SIGINT, _PyArray_SigintHandler); \ + if (NPY_SIGSETJMP(*((NPY_SIGJMP_BUF *)_PyArray_GetSigintBuf()), \ + 1) == 0) { \ + +# define NPY_SIGINT_OFF } \ + PyOS_setsig(SIGINT, _npy_sig_save); \ + } + +#else /* NPY_NO_SIGNAL */ + +#define NPY_SIGINT_ON +#define NPY_SIGINT_OFF + +#endif /* HAVE_SIGSETJMP */ + +#endif /* NPY_INTERRUPT_H */ diff --git a/data_tooling/pii_processing/include/numpy/npy_math.h b/data_tooling/pii_processing/include/numpy/npy_math.h new file mode 100644 index 0000000..7ae166e --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_math.h @@ -0,0 +1,438 @@ +#ifndef __NPY_MATH_C99_H_ +#define __NPY_MATH_C99_H_ + +#include +#ifdef __SUNPRO_CC +#include +#endif +#include + +/* + * NAN and INFINITY like macros (same behavior as glibc for NAN, same as C99 + * for INFINITY) + * + * XXX: I should test whether INFINITY and NAN are available on the platform + */ +NPY_INLINE static float __npy_inff(void) +{ + const union { npy_uint32 __i; float __f;} __bint = {0x7f800000UL}; + return __bint.__f; +} + +NPY_INLINE static float __npy_nanf(void) +{ + const union { npy_uint32 __i; float __f;} __bint = {0x7fc00000UL}; + return __bint.__f; +} + +NPY_INLINE static float __npy_pzerof(void) +{ + const union { npy_uint32 __i; float __f;} __bint = {0x00000000UL}; + return __bint.__f; +} + +NPY_INLINE static float __npy_nzerof(void) +{ + const union { npy_uint32 __i; float __f;} __bint = {0x80000000UL}; + return __bint.__f; +} + +#define NPY_INFINITYF __npy_inff() +#define NPY_NANF __npy_nanf() +#define NPY_PZEROF __npy_pzerof() +#define NPY_NZEROF __npy_nzerof() + +#define NPY_INFINITY ((npy_double)NPY_INFINITYF) +#define NPY_NAN ((npy_double)NPY_NANF) +#define NPY_PZERO ((npy_double)NPY_PZEROF) +#define NPY_NZERO ((npy_double)NPY_NZEROF) + +#define NPY_INFINITYL ((npy_longdouble)NPY_INFINITYF) +#define NPY_NANL ((npy_longdouble)NPY_NANF) +#define NPY_PZEROL ((npy_longdouble)NPY_PZEROF) +#define NPY_NZEROL ((npy_longdouble)NPY_NZEROF) + +/* + * Useful constants + */ +#define NPY_E 2.718281828459045235360287471352662498 /* e */ +#define NPY_LOG2E 1.442695040888963407359924681001892137 /* log_2 e */ +#define NPY_LOG10E 0.434294481903251827651128918916605082 /* log_10 e */ +#define NPY_LOGE2 0.693147180559945309417232121458176568 /* log_e 2 */ +#define NPY_LOGE10 2.302585092994045684017991454684364208 /* log_e 10 */ +#define NPY_PI 3.141592653589793238462643383279502884 /* pi */ +#define NPY_PI_2 1.570796326794896619231321691639751442 /* pi/2 */ +#define NPY_PI_4 0.785398163397448309615660845819875721 /* pi/4 */ +#define NPY_1_PI 0.318309886183790671537767526745028724 /* 1/pi */ +#define NPY_2_PI 0.636619772367581343075535053490057448 /* 2/pi */ +#define NPY_EULER 0.577215664901532860606512090082402431 /* Euler constant */ +#define NPY_SQRT2 1.414213562373095048801688724209698079 /* sqrt(2) */ +#define NPY_SQRT1_2 0.707106781186547524400844362104849039 /* 1/sqrt(2) */ + +#define NPY_Ef 2.718281828459045235360287471352662498F /* e */ +#define NPY_LOG2Ef 1.442695040888963407359924681001892137F /* log_2 e */ +#define NPY_LOG10Ef 0.434294481903251827651128918916605082F /* log_10 e */ +#define NPY_LOGE2f 0.693147180559945309417232121458176568F /* log_e 2 */ +#define NPY_LOGE10f 2.302585092994045684017991454684364208F /* log_e 10 */ +#define NPY_PIf 3.141592653589793238462643383279502884F /* pi */ +#define NPY_PI_2f 1.570796326794896619231321691639751442F /* pi/2 */ +#define NPY_PI_4f 0.785398163397448309615660845819875721F /* pi/4 */ +#define NPY_1_PIf 0.318309886183790671537767526745028724F /* 1/pi */ +#define NPY_2_PIf 0.636619772367581343075535053490057448F /* 2/pi */ +#define NPY_EULERf 0.577215664901532860606512090082402431F /* Euler constan*/ +#define NPY_SQRT2f 1.414213562373095048801688724209698079F /* sqrt(2) */ +#define NPY_SQRT1_2f 0.707106781186547524400844362104849039F /* 1/sqrt(2) */ + +#define NPY_El 2.718281828459045235360287471352662498L /* e */ +#define NPY_LOG2El 1.442695040888963407359924681001892137L /* log_2 e */ +#define NPY_LOG10El 0.434294481903251827651128918916605082L /* log_10 e */ +#define NPY_LOGE2l 0.693147180559945309417232121458176568L /* log_e 2 */ +#define NPY_LOGE10l 2.302585092994045684017991454684364208L /* log_e 10 */ +#define NPY_PIl 3.141592653589793238462643383279502884L /* pi */ +#define NPY_PI_2l 1.570796326794896619231321691639751442L /* pi/2 */ +#define NPY_PI_4l 0.785398163397448309615660845819875721L /* pi/4 */ +#define NPY_1_PIl 0.318309886183790671537767526745028724L /* 1/pi */ +#define NPY_2_PIl 0.636619772367581343075535053490057448L /* 2/pi */ +#define NPY_EULERl 0.577215664901532860606512090082402431L /* Euler constan*/ +#define NPY_SQRT2l 1.414213562373095048801688724209698079L /* sqrt(2) */ +#define NPY_SQRT1_2l 0.707106781186547524400844362104849039L /* 1/sqrt(2) */ + +/* + * C99 double math funcs + */ +double npy_sin(double x); +double npy_cos(double x); +double npy_tan(double x); +double npy_sinh(double x); +double npy_cosh(double x); +double npy_tanh(double x); + +double npy_asin(double x); +double npy_acos(double x); +double npy_atan(double x); +double npy_aexp(double x); +double npy_alog(double x); +double npy_asqrt(double x); +double npy_afabs(double x); + +double npy_log(double x); +double npy_log10(double x); +double npy_exp(double x); +double npy_sqrt(double x); + +double npy_fabs(double x); +double npy_ceil(double x); +double npy_fmod(double x, double y); +double npy_floor(double x); + +double npy_expm1(double x); +double npy_log1p(double x); +double npy_hypot(double x, double y); +double npy_acosh(double x); +double npy_asinh(double xx); +double npy_atanh(double x); +double npy_rint(double x); +double npy_trunc(double x); +double npy_exp2(double x); +double npy_log2(double x); + +double npy_atan2(double x, double y); +double npy_pow(double x, double y); +double npy_modf(double x, double* y); + +double npy_copysign(double x, double y); +double npy_nextafter(double x, double y); +double npy_spacing(double x); + +/* + * IEEE 754 fpu handling. Those are guaranteed to be macros + */ +#ifndef NPY_HAVE_DECL_ISNAN + #define npy_isnan(x) ((x) != (x)) +#else + #ifdef _MSC_VER + #define npy_isnan(x) _isnan((x)) + #else + #define npy_isnan(x) isnan((x)) + #endif +#endif + +#ifndef NPY_HAVE_DECL_ISFINITE + #ifdef _MSC_VER + #define npy_isfinite(x) _finite((x)) + #else + #define npy_isfinite(x) !npy_isnan((x) + (-x)) + #endif +#else + #define npy_isfinite(x) isfinite((x)) +#endif + +#ifndef NPY_HAVE_DECL_ISINF + #define npy_isinf(x) (!npy_isfinite(x) && !npy_isnan(x)) +#else + #ifdef _MSC_VER + #define npy_isinf(x) (!_finite((x)) && !_isnan((x))) + #else + #define npy_isinf(x) isinf((x)) + #endif +#endif + +#ifndef NPY_HAVE_DECL_SIGNBIT + int _npy_signbit_f(float x); + int _npy_signbit_d(double x); + int _npy_signbit_ld(long double x); + #define npy_signbit(x) \ + (sizeof (x) == sizeof (long double) ? _npy_signbit_ld (x) \ + : sizeof (x) == sizeof (double) ? _npy_signbit_d (x) \ + : _npy_signbit_f (x)) +#else + #define npy_signbit(x) signbit((x)) +#endif + +/* + * float C99 math functions + */ + +float npy_sinf(float x); +float npy_cosf(float x); +float npy_tanf(float x); +float npy_sinhf(float x); +float npy_coshf(float x); +float npy_tanhf(float x); +float npy_fabsf(float x); +float npy_floorf(float x); +float npy_ceilf(float x); +float npy_rintf(float x); +float npy_truncf(float x); +float npy_sqrtf(float x); +float npy_log10f(float x); +float npy_logf(float x); +float npy_expf(float x); +float npy_expm1f(float x); +float npy_asinf(float x); +float npy_acosf(float x); +float npy_atanf(float x); +float npy_asinhf(float x); +float npy_acoshf(float x); +float npy_atanhf(float x); +float npy_log1pf(float x); +float npy_exp2f(float x); +float npy_log2f(float x); + +float npy_atan2f(float x, float y); +float npy_hypotf(float x, float y); +float npy_powf(float x, float y); +float npy_fmodf(float x, float y); + +float npy_modff(float x, float* y); + +float npy_copysignf(float x, float y); +float npy_nextafterf(float x, float y); +float npy_spacingf(float x); + +/* + * float C99 math functions + */ + +npy_longdouble npy_sinl(npy_longdouble x); +npy_longdouble npy_cosl(npy_longdouble x); +npy_longdouble npy_tanl(npy_longdouble x); +npy_longdouble npy_sinhl(npy_longdouble x); +npy_longdouble npy_coshl(npy_longdouble x); +npy_longdouble npy_tanhl(npy_longdouble x); +npy_longdouble npy_fabsl(npy_longdouble x); +npy_longdouble npy_floorl(npy_longdouble x); +npy_longdouble npy_ceill(npy_longdouble x); +npy_longdouble npy_rintl(npy_longdouble x); +npy_longdouble npy_truncl(npy_longdouble x); +npy_longdouble npy_sqrtl(npy_longdouble x); +npy_longdouble npy_log10l(npy_longdouble x); +npy_longdouble npy_logl(npy_longdouble x); +npy_longdouble npy_expl(npy_longdouble x); +npy_longdouble npy_expm1l(npy_longdouble x); +npy_longdouble npy_asinl(npy_longdouble x); +npy_longdouble npy_acosl(npy_longdouble x); +npy_longdouble npy_atanl(npy_longdouble x); +npy_longdouble npy_asinhl(npy_longdouble x); +npy_longdouble npy_acoshl(npy_longdouble x); +npy_longdouble npy_atanhl(npy_longdouble x); +npy_longdouble npy_log1pl(npy_longdouble x); +npy_longdouble npy_exp2l(npy_longdouble x); +npy_longdouble npy_log2l(npy_longdouble x); + +npy_longdouble npy_atan2l(npy_longdouble x, npy_longdouble y); +npy_longdouble npy_hypotl(npy_longdouble x, npy_longdouble y); +npy_longdouble npy_powl(npy_longdouble x, npy_longdouble y); +npy_longdouble npy_fmodl(npy_longdouble x, npy_longdouble y); + +npy_longdouble npy_modfl(npy_longdouble x, npy_longdouble* y); + +npy_longdouble npy_copysignl(npy_longdouble x, npy_longdouble y); +npy_longdouble npy_nextafterl(npy_longdouble x, npy_longdouble y); +npy_longdouble npy_spacingl(npy_longdouble x); + +/* + * Non standard functions + */ +double npy_deg2rad(double x); +double npy_rad2deg(double x); +double npy_logaddexp(double x, double y); +double npy_logaddexp2(double x, double y); + +float npy_deg2radf(float x); +float npy_rad2degf(float x); +float npy_logaddexpf(float x, float y); +float npy_logaddexp2f(float x, float y); + +npy_longdouble npy_deg2radl(npy_longdouble x); +npy_longdouble npy_rad2degl(npy_longdouble x); +npy_longdouble npy_logaddexpl(npy_longdouble x, npy_longdouble y); +npy_longdouble npy_logaddexp2l(npy_longdouble x, npy_longdouble y); + +#define npy_degrees npy_rad2deg +#define npy_degreesf npy_rad2degf +#define npy_degreesl npy_rad2degl + +#define npy_radians npy_deg2rad +#define npy_radiansf npy_deg2radf +#define npy_radiansl npy_deg2radl + +/* + * Complex declarations + */ + +/* + * C99 specifies that complex numbers have the same representation as + * an array of two elements, where the first element is the real part + * and the second element is the imaginary part. + */ +#define __NPY_CPACK_IMP(x, y, type, ctype) \ + union { \ + ctype z; \ + type a[2]; \ + } z1;; \ + \ + z1.a[0] = (x); \ + z1.a[1] = (y); \ + \ + return z1.z; + +static NPY_INLINE npy_cdouble npy_cpack(double x, double y) +{ + __NPY_CPACK_IMP(x, y, double, npy_cdouble); +} + +static NPY_INLINE npy_cfloat npy_cpackf(float x, float y) +{ + __NPY_CPACK_IMP(x, y, float, npy_cfloat); +} + +static NPY_INLINE npy_clongdouble npy_cpackl(npy_longdouble x, npy_longdouble y) +{ + __NPY_CPACK_IMP(x, y, npy_longdouble, npy_clongdouble); +} +#undef __NPY_CPACK_IMP + +/* + * Same remark as above, but in the other direction: extract first/second + * member of complex number, assuming a C99-compatible representation + * + * Those are defineds as static inline, and such as a reasonable compiler would + * most likely compile this to one or two instructions (on CISC at least) + */ +#define __NPY_CEXTRACT_IMP(z, index, type, ctype) \ + union { \ + ctype z; \ + type a[2]; \ + } __z_repr; \ + __z_repr.z = z; \ + \ + return __z_repr.a[index]; + +static NPY_INLINE double npy_creal(npy_cdouble z) +{ + __NPY_CEXTRACT_IMP(z, 0, double, npy_cdouble); +} + +static NPY_INLINE double npy_cimag(npy_cdouble z) +{ + __NPY_CEXTRACT_IMP(z, 1, double, npy_cdouble); +} + +static NPY_INLINE float npy_crealf(npy_cfloat z) +{ + __NPY_CEXTRACT_IMP(z, 0, float, npy_cfloat); +} + +static NPY_INLINE float npy_cimagf(npy_cfloat z) +{ + __NPY_CEXTRACT_IMP(z, 1, float, npy_cfloat); +} + +static NPY_INLINE npy_longdouble npy_creall(npy_clongdouble z) +{ + __NPY_CEXTRACT_IMP(z, 0, npy_longdouble, npy_clongdouble); +} + +static NPY_INLINE npy_longdouble npy_cimagl(npy_clongdouble z) +{ + __NPY_CEXTRACT_IMP(z, 1, npy_longdouble, npy_clongdouble); +} +#undef __NPY_CEXTRACT_IMP + +/* + * Double precision complex functions + */ +double npy_cabs(npy_cdouble z); +double npy_carg(npy_cdouble z); + +npy_cdouble npy_cexp(npy_cdouble z); +npy_cdouble npy_clog(npy_cdouble z); +npy_cdouble npy_cpow(npy_cdouble x, npy_cdouble y); + +npy_cdouble npy_csqrt(npy_cdouble z); + +npy_cdouble npy_ccos(npy_cdouble z); +npy_cdouble npy_csin(npy_cdouble z); + +/* + * Single precision complex functions + */ +float npy_cabsf(npy_cfloat z); +float npy_cargf(npy_cfloat z); + +npy_cfloat npy_cexpf(npy_cfloat z); +npy_cfloat npy_clogf(npy_cfloat z); +npy_cfloat npy_cpowf(npy_cfloat x, npy_cfloat y); + +npy_cfloat npy_csqrtf(npy_cfloat z); + +npy_cfloat npy_ccosf(npy_cfloat z); +npy_cfloat npy_csinf(npy_cfloat z); + +/* + * Extended precision complex functions + */ +npy_longdouble npy_cabsl(npy_clongdouble z); +npy_longdouble npy_cargl(npy_clongdouble z); + +npy_clongdouble npy_cexpl(npy_clongdouble z); +npy_clongdouble npy_clogl(npy_clongdouble z); +npy_clongdouble npy_cpowl(npy_clongdouble x, npy_clongdouble y); + +npy_clongdouble npy_csqrtl(npy_clongdouble z); + +npy_clongdouble npy_ccosl(npy_clongdouble z); +npy_clongdouble npy_csinl(npy_clongdouble z); + +/* + * Functions that set the floating point error + * status word. + */ + +void npy_set_floatstatus_divbyzero(void); +void npy_set_floatstatus_overflow(void); +void npy_set_floatstatus_underflow(void); +void npy_set_floatstatus_invalid(void); + +#endif diff --git a/data_tooling/pii_processing/include/numpy/npy_no_deprecated_api.h b/data_tooling/pii_processing/include/numpy/npy_no_deprecated_api.h new file mode 100644 index 0000000..6183dc2 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_no_deprecated_api.h @@ -0,0 +1,19 @@ +/* + * This include file is provided for inclusion in Cython *.pyd files where + * one would like to define the NPY_NO_DEPRECATED_API macro. It can be + * included by + * + * cdef extern from "npy_no_deprecated_api.h": pass + * + */ +#ifndef NPY_NO_DEPRECATED_API + +/* put this check here since there may be multiple includes in C extensions. */ +#if defined(NDARRAYTYPES_H) || defined(_NPY_DEPRECATED_API_H) || \ + defined(OLD_DEFINES_H) +#error "npy_no_deprecated_api.h" must be first among numpy includes. +#else +#define NPY_NO_DEPRECATED_API NPY_API_VERSION +#endif + +#endif diff --git a/data_tooling/pii_processing/include/numpy/npy_os.h b/data_tooling/pii_processing/include/numpy/npy_os.h new file mode 100644 index 0000000..9228c39 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/npy_os.h @@ -0,0 +1,30 @@ +#ifndef _NPY_OS_H_ +#define _NPY_OS_H_ + +#if defined(linux) || defined(__linux) || defined(__linux__) + #define NPY_OS_LINUX +#elif defined(__FreeBSD__) || defined(__NetBSD__) || \ + defined(__OpenBSD__) || defined(__DragonFly__) + #define NPY_OS_BSD + #ifdef __FreeBSD__ + #define NPY_OS_FREEBSD + #elif defined(__NetBSD__) + #define NPY_OS_NETBSD + #elif defined(__OpenBSD__) + #define NPY_OS_OPENBSD + #elif defined(__DragonFly__) + #define NPY_OS_DRAGONFLY + #endif +#elif defined(sun) || defined(__sun) + #define NPY_OS_SOLARIS +#elif defined(__CYGWIN__) + #define NPY_OS_CYGWIN +#elif defined(_WIN32) || defined(__WIN32__) || defined(WIN32) + #define NPY_OS_WIN32 +#elif defined(__APPLE__) + #define NPY_OS_DARWIN +#else + #define NPY_OS_UNKNOWN +#endif + +#endif diff --git a/data_tooling/pii_processing/include/numpy/numpyconfig.h b/data_tooling/pii_processing/include/numpy/numpyconfig.h new file mode 100644 index 0000000..401d19f --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/numpyconfig.h @@ -0,0 +1,33 @@ +#ifndef _NPY_NUMPYCONFIG_H_ +#define _NPY_NUMPYCONFIG_H_ + +#include "_numpyconfig.h" + +/* + * On Mac OS X, because there is only one configuration stage for all the archs + * in universal builds, any macro which depends on the arch needs to be + * harcoded + */ +#ifdef __APPLE__ + #undef NPY_SIZEOF_LONG + #undef NPY_SIZEOF_PY_INTPTR_T + + #ifdef __LP64__ + #define NPY_SIZEOF_LONG 8 + #define NPY_SIZEOF_PY_INTPTR_T 8 + #else + #define NPY_SIZEOF_LONG 4 + #define NPY_SIZEOF_PY_INTPTR_T 4 + #endif +#endif + +/** + * To help with the NPY_NO_DEPRECATED_API macro, we include API version + * numbers for specific versions of NumPy. To exclude all API that was + * deprecated as of 1.7, add the following before #including any NumPy + * headers: + * #define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION + */ +#define NPY_1_7_API_VERSION 0x00000007 + +#endif diff --git a/data_tooling/pii_processing/include/numpy/old_defines.h b/data_tooling/pii_processing/include/numpy/old_defines.h new file mode 100644 index 0000000..abf8159 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/old_defines.h @@ -0,0 +1,187 @@ +/* This header is deprecated as of NumPy 1.7 */ +#ifndef OLD_DEFINES_H +#define OLD_DEFINES_H + +#if defined(NPY_NO_DEPRECATED_API) && NPY_NO_DEPRECATED_API >= NPY_1_7_API_VERSION +#error The header "old_defines.h" is deprecated as of NumPy 1.7. +#endif + +#define NDARRAY_VERSION NPY_VERSION + +#define PyArray_MIN_BUFSIZE NPY_MIN_BUFSIZE +#define PyArray_MAX_BUFSIZE NPY_MAX_BUFSIZE +#define PyArray_BUFSIZE NPY_BUFSIZE + +#define PyArray_PRIORITY NPY_PRIORITY +#define PyArray_SUBTYPE_PRIORITY NPY_PRIORITY +#define PyArray_NUM_FLOATTYPE NPY_NUM_FLOATTYPE + +#define NPY_MAX PyArray_MAX +#define NPY_MIN PyArray_MIN + +#define PyArray_TYPES NPY_TYPES +#define PyArray_BOOL NPY_BOOL +#define PyArray_BYTE NPY_BYTE +#define PyArray_UBYTE NPY_UBYTE +#define PyArray_SHORT NPY_SHORT +#define PyArray_USHORT NPY_USHORT +#define PyArray_INT NPY_INT +#define PyArray_UINT NPY_UINT +#define PyArray_LONG NPY_LONG +#define PyArray_ULONG NPY_ULONG +#define PyArray_LONGLONG NPY_LONGLONG +#define PyArray_ULONGLONG NPY_ULONGLONG +#define PyArray_HALF NPY_HALF +#define PyArray_FLOAT NPY_FLOAT +#define PyArray_DOUBLE NPY_DOUBLE +#define PyArray_LONGDOUBLE NPY_LONGDOUBLE +#define PyArray_CFLOAT NPY_CFLOAT +#define PyArray_CDOUBLE NPY_CDOUBLE +#define PyArray_CLONGDOUBLE NPY_CLONGDOUBLE +#define PyArray_OBJECT NPY_OBJECT +#define PyArray_STRING NPY_STRING +#define PyArray_UNICODE NPY_UNICODE +#define PyArray_VOID NPY_VOID +#define PyArray_DATETIME NPY_DATETIME +#define PyArray_TIMEDELTA NPY_TIMEDELTA +#define PyArray_NTYPES NPY_NTYPES +#define PyArray_NOTYPE NPY_NOTYPE +#define PyArray_CHAR NPY_CHAR +#define PyArray_USERDEF NPY_USERDEF +#define PyArray_NUMUSERTYPES NPY_NUMUSERTYPES + +#define PyArray_INTP NPY_INTP +#define PyArray_UINTP NPY_UINTP + +#define PyArray_INT8 NPY_INT8 +#define PyArray_UINT8 NPY_UINT8 +#define PyArray_INT16 NPY_INT16 +#define PyArray_UINT16 NPY_UINT16 +#define PyArray_INT32 NPY_INT32 +#define PyArray_UINT32 NPY_UINT32 + +#ifdef NPY_INT64 +#define PyArray_INT64 NPY_INT64 +#define PyArray_UINT64 NPY_UINT64 +#endif + +#ifdef NPY_INT128 +#define PyArray_INT128 NPY_INT128 +#define PyArray_UINT128 NPY_UINT128 +#endif + +#ifdef NPY_FLOAT16 +#define PyArray_FLOAT16 NPY_FLOAT16 +#define PyArray_COMPLEX32 NPY_COMPLEX32 +#endif + +#ifdef NPY_FLOAT80 +#define PyArray_FLOAT80 NPY_FLOAT80 +#define PyArray_COMPLEX160 NPY_COMPLEX160 +#endif + +#ifdef NPY_FLOAT96 +#define PyArray_FLOAT96 NPY_FLOAT96 +#define PyArray_COMPLEX192 NPY_COMPLEX192 +#endif + +#ifdef NPY_FLOAT128 +#define PyArray_FLOAT128 NPY_FLOAT128 +#define PyArray_COMPLEX256 NPY_COMPLEX256 +#endif + +#define PyArray_FLOAT32 NPY_FLOAT32 +#define PyArray_COMPLEX64 NPY_COMPLEX64 +#define PyArray_FLOAT64 NPY_FLOAT64 +#define PyArray_COMPLEX128 NPY_COMPLEX128 + + +#define PyArray_TYPECHAR NPY_TYPECHAR +#define PyArray_BOOLLTR NPY_BOOLLTR +#define PyArray_BYTELTR NPY_BYTELTR +#define PyArray_UBYTELTR NPY_UBYTELTR +#define PyArray_SHORTLTR NPY_SHORTLTR +#define PyArray_USHORTLTR NPY_USHORTLTR +#define PyArray_INTLTR NPY_INTLTR +#define PyArray_UINTLTR NPY_UINTLTR +#define PyArray_LONGLTR NPY_LONGLTR +#define PyArray_ULONGLTR NPY_ULONGLTR +#define PyArray_LONGLONGLTR NPY_LONGLONGLTR +#define PyArray_ULONGLONGLTR NPY_ULONGLONGLTR +#define PyArray_HALFLTR NPY_HALFLTR +#define PyArray_FLOATLTR NPY_FLOATLTR +#define PyArray_DOUBLELTR NPY_DOUBLELTR +#define PyArray_LONGDOUBLELTR NPY_LONGDOUBLELTR +#define PyArray_CFLOATLTR NPY_CFLOATLTR +#define PyArray_CDOUBLELTR NPY_CDOUBLELTR +#define PyArray_CLONGDOUBLELTR NPY_CLONGDOUBLELTR +#define PyArray_OBJECTLTR NPY_OBJECTLTR +#define PyArray_STRINGLTR NPY_STRINGLTR +#define PyArray_STRINGLTR2 NPY_STRINGLTR2 +#define PyArray_UNICODELTR NPY_UNICODELTR +#define PyArray_VOIDLTR NPY_VOIDLTR +#define PyArray_DATETIMELTR NPY_DATETIMELTR +#define PyArray_TIMEDELTALTR NPY_TIMEDELTALTR +#define PyArray_CHARLTR NPY_CHARLTR +#define PyArray_INTPLTR NPY_INTPLTR +#define PyArray_UINTPLTR NPY_UINTPLTR +#define PyArray_GENBOOLLTR NPY_GENBOOLLTR +#define PyArray_SIGNEDLTR NPY_SIGNEDLTR +#define PyArray_UNSIGNEDLTR NPY_UNSIGNEDLTR +#define PyArray_FLOATINGLTR NPY_FLOATINGLTR +#define PyArray_COMPLEXLTR NPY_COMPLEXLTR + +#define PyArray_QUICKSORT NPY_QUICKSORT +#define PyArray_HEAPSORT NPY_HEAPSORT +#define PyArray_MERGESORT NPY_MERGESORT +#define PyArray_SORTKIND NPY_SORTKIND +#define PyArray_NSORTS NPY_NSORTS + +#define PyArray_NOSCALAR NPY_NOSCALAR +#define PyArray_BOOL_SCALAR NPY_BOOL_SCALAR +#define PyArray_INTPOS_SCALAR NPY_INTPOS_SCALAR +#define PyArray_INTNEG_SCALAR NPY_INTNEG_SCALAR +#define PyArray_FLOAT_SCALAR NPY_FLOAT_SCALAR +#define PyArray_COMPLEX_SCALAR NPY_COMPLEX_SCALAR +#define PyArray_OBJECT_SCALAR NPY_OBJECT_SCALAR +#define PyArray_SCALARKIND NPY_SCALARKIND +#define PyArray_NSCALARKINDS NPY_NSCALARKINDS + +#define PyArray_ANYORDER NPY_ANYORDER +#define PyArray_CORDER NPY_CORDER +#define PyArray_FORTRANORDER NPY_FORTRANORDER +#define PyArray_ORDER NPY_ORDER + +#define PyDescr_ISBOOL PyDataType_ISBOOL +#define PyDescr_ISUNSIGNED PyDataType_ISUNSIGNED +#define PyDescr_ISSIGNED PyDataType_ISSIGNED +#define PyDescr_ISINTEGER PyDataType_ISINTEGER +#define PyDescr_ISFLOAT PyDataType_ISFLOAT +#define PyDescr_ISNUMBER PyDataType_ISNUMBER +#define PyDescr_ISSTRING PyDataType_ISSTRING +#define PyDescr_ISCOMPLEX PyDataType_ISCOMPLEX +#define PyDescr_ISPYTHON PyDataType_ISPYTHON +#define PyDescr_ISFLEXIBLE PyDataType_ISFLEXIBLE +#define PyDescr_ISUSERDEF PyDataType_ISUSERDEF +#define PyDescr_ISEXTENDED PyDataType_ISEXTENDED +#define PyDescr_ISOBJECT PyDataType_ISOBJECT +#define PyDescr_HASFIELDS PyDataType_HASFIELDS + +#define PyArray_LITTLE NPY_LITTLE +#define PyArray_BIG NPY_BIG +#define PyArray_NATIVE NPY_NATIVE +#define PyArray_SWAP NPY_SWAP +#define PyArray_IGNORE NPY_IGNORE + +#define PyArray_NATBYTE NPY_NATBYTE +#define PyArray_OPPBYTE NPY_OPPBYTE + +#define PyArray_MAX_ELSIZE NPY_MAX_ELSIZE + +#define PyArray_USE_PYMEM NPY_USE_PYMEM + +#define PyArray_RemoveLargest PyArray_RemoveSmallest + +#define PyArray_UCS4 npy_ucs4 + +#endif diff --git a/data_tooling/pii_processing/include/numpy/oldnumeric.h b/data_tooling/pii_processing/include/numpy/oldnumeric.h new file mode 100644 index 0000000..748f06d --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/oldnumeric.h @@ -0,0 +1,23 @@ +#include "arrayobject.h" + +#ifndef REFCOUNT +# define REFCOUNT NPY_REFCOUNT +# define MAX_ELSIZE 16 +#endif + +#define PyArray_UNSIGNED_TYPES +#define PyArray_SBYTE NPY_BYTE +#define PyArray_CopyArray PyArray_CopyInto +#define _PyArray_multiply_list PyArray_MultiplyIntList +#define PyArray_ISSPACESAVER(m) NPY_FALSE +#define PyScalarArray_Check PyArray_CheckScalar + +#define CONTIGUOUS NPY_CONTIGUOUS +#define OWN_DIMENSIONS 0 +#define OWN_STRIDES 0 +#define OWN_DATA NPY_OWNDATA +#define SAVESPACE 0 +#define SAVESPACEBIT 0 + +#undef import_array +#define import_array() { if (_import_array() < 0) {PyErr_Print(); PyErr_SetString(PyExc_ImportError, "numpy.core.multiarray failed to import"); } } diff --git a/data_tooling/pii_processing/include/numpy/ufunc_api.txt b/data_tooling/pii_processing/include/numpy/ufunc_api.txt new file mode 100644 index 0000000..3365433 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/ufunc_api.txt @@ -0,0 +1,312 @@ + +================= +Numpy Ufunc C-API +================= +:: + + PyObject * + PyUFunc_FromFuncAndData(PyUFuncGenericFunction *func, void + **data, char *types, int ntypes, int nin, int + nout, int identity, char *name, char *doc, int + check_return) + + +:: + + int + PyUFunc_RegisterLoopForType(PyUFuncObject *ufunc, int + usertype, PyUFuncGenericFunction + function, int *arg_types, void *data) + + +:: + + int + PyUFunc_GenericFunction(PyUFuncObject *ufunc, PyObject *args, PyObject + *kwds, PyArrayObject **op) + + +This generic function is called with the ufunc object, the arguments to it, +and an array of (pointers to) PyArrayObjects which are NULL. + +'op' is an array of at least NPY_MAXARGS PyArrayObject *. + +:: + + void + PyUFunc_f_f_As_d_d(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_d_d(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_f_f(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_g_g(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_F_F_As_D_D(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_F_F(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_D_D(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_G_G(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_O_O(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_ff_f_As_dd_d(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_ff_f(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_dd_d(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_gg_g(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_FF_F_As_DD_D(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_DD_D(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_FF_F(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_GG_G(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_OO_O(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_O_O_method(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_OO_O_method(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_On_Om(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + int + PyUFunc_GetPyValues(char *name, int *bufsize, int *errmask, PyObject + **errobj) + + +On return, if errobj is populated with a non-NULL value, the caller +owns a new reference to errobj. + +:: + + int + PyUFunc_checkfperr(int errmask, PyObject *errobj, int *first) + + +:: + + void + PyUFunc_clearfperr() + + +:: + + int + PyUFunc_getfperr(void ) + + +:: + + int + PyUFunc_handlefperr(int errmask, PyObject *errobj, int retstatus, int + *first) + + +:: + + int + PyUFunc_ReplaceLoopBySignature(PyUFuncObject + *func, PyUFuncGenericFunction + newfunc, int + *signature, PyUFuncGenericFunction + *oldfunc) + + +:: + + PyObject * + PyUFunc_FromFuncAndDataAndSignature(PyUFuncGenericFunction *func, void + **data, char *types, int + ntypes, int nin, int nout, int + identity, char *name, char + *doc, int check_return, const char + *signature) + + +:: + + int + PyUFunc_SetUsesArraysAsData(void **data, size_t i) + + +:: + + void + PyUFunc_e_e(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_e_e_As_f_f(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_e_e_As_d_d(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_ee_e(char **args, npy_intp *dimensions, npy_intp *steps, void + *func) + + +:: + + void + PyUFunc_ee_e_As_ff_f(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + void + PyUFunc_ee_e_As_dd_d(char **args, npy_intp *dimensions, npy_intp + *steps, void *func) + + +:: + + int + PyUFunc_DefaultTypeResolver(PyUFuncObject *ufunc, NPY_CASTING + casting, PyArrayObject + **operands, PyObject + *type_tup, PyArray_Descr **out_dtypes) + + +This function applies the default type resolution rules +for the provided ufunc. + +Returns 0 on success, -1 on error. + +:: + + int + PyUFunc_ValidateCasting(PyUFuncObject *ufunc, NPY_CASTING + casting, PyArrayObject + **operands, PyArray_Descr **dtypes) + + +Validates that the input operands can be cast to +the input types, and the output types can be cast to +the output operands where provided. + +Returns 0 on success, -1 (with exception raised) on validation failure. + diff --git a/data_tooling/pii_processing/include/numpy/ufuncobject.h b/data_tooling/pii_processing/include/numpy/ufuncobject.h new file mode 100644 index 0000000..95afd5a --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/ufuncobject.h @@ -0,0 +1,446 @@ +#ifndef Py_UFUNCOBJECT_H +#define Py_UFUNCOBJECT_H + +#include + +#ifdef __cplusplus +extern "C" { +#endif + +/* + * The legacy generic inner loop for a standard element-wise or + * generalized ufunc. + */ +typedef void (*PyUFuncGenericFunction) + (char **args, + npy_intp *dimensions, + npy_intp *strides, + void *innerloopdata); + +/* + * The most generic one-dimensional inner loop for + * a standard element-wise ufunc. This typedef is also + * more consistent with the other NumPy function pointer typedefs + * than PyUFuncGenericFunction. + */ +typedef void (PyUFunc_StridedInnerLoopFunc)( + char **dataptrs, npy_intp *strides, + npy_intp count, + NpyAuxData *innerloopdata); + +/* + * The most generic one-dimensional inner loop for + * a masked standard element-wise ufunc. "Masked" here means that it skips + * doing calculations on any items for which the maskptr array has a true + * value. + */ +typedef void (PyUFunc_MaskedStridedInnerLoopFunc)( + char **dataptrs, npy_intp *strides, + char *maskptr, npy_intp mask_stride, + npy_intp count, + NpyAuxData *innerloopdata); + +/* Forward declaration for the type resolver and loop selector typedefs */ +struct _tagPyUFuncObject; + +/* + * Given the operands for calling a ufunc, should determine the + * calculation input and output data types and return an inner loop function. + * This function should validate that the casting rule is being followed, + * and fail if it is not. + * + * For backwards compatibility, the regular type resolution function does not + * support auxiliary data with object semantics. The type resolution call + * which returns a masked generic function returns a standard NpyAuxData + * object, for which the NPY_AUXDATA_FREE and NPY_AUXDATA_CLONE macros + * work. + * + * ufunc: The ufunc object. + * casting: The 'casting' parameter provided to the ufunc. + * operands: An array of length (ufunc->nin + ufunc->nout), + * with the output parameters possibly NULL. + * type_tup: Either NULL, or the type_tup passed to the ufunc. + * out_dtypes: An array which should be populated with new + * references to (ufunc->nin + ufunc->nout) new + * dtypes, one for each input and output. These + * dtypes should all be in native-endian format. + * + * Should return 0 on success, -1 on failure (with exception set), + * or -2 if Py_NotImplemented should be returned. + */ +typedef int (PyUFunc_TypeResolutionFunc)( + struct _tagPyUFuncObject *ufunc, + NPY_CASTING casting, + PyArrayObject **operands, + PyObject *type_tup, + PyArray_Descr **out_dtypes); + +/* + * Given an array of DTypes as returned by the PyUFunc_TypeResolutionFunc, + * and an array of fixed strides (the array will contain NPY_MAX_INTP for + * strides which are not necessarily fixed), returns an inner loop + * with associated auxiliary data. + * + * For backwards compatibility, there is a variant of the inner loop + * selection which returns an inner loop irrespective of the strides, + * and with a void* static auxiliary data instead of an NpyAuxData * + * dynamically allocatable auxiliary data. + * + * ufunc: The ufunc object. + * dtypes: An array which has been populated with dtypes, + * in most cases by the type resolution funciton + * for the same ufunc. + * fixed_strides: For each input/output, either the stride that + * will be used every time the function is called + * or NPY_MAX_INTP if the stride might change or + * is not known ahead of time. The loop selection + * function may use this stride to pick inner loops + * which are optimized for contiguous or 0-stride + * cases. + * out_innerloop: Should be populated with the correct ufunc inner + * loop for the given type. + * out_innerloopdata: Should be populated with the void* data to + * be passed into the out_innerloop function. + * out_needs_api: If the inner loop needs to use the Python API, + * should set the to 1, otherwise should leave + * this untouched. + */ +typedef int (PyUFunc_LegacyInnerLoopSelectionFunc)( + struct _tagPyUFuncObject *ufunc, + PyArray_Descr **dtypes, + PyUFuncGenericFunction *out_innerloop, + void **out_innerloopdata, + int *out_needs_api); +typedef int (PyUFunc_InnerLoopSelectionFunc)( + struct _tagPyUFuncObject *ufunc, + PyArray_Descr **dtypes, + npy_intp *fixed_strides, + PyUFunc_StridedInnerLoopFunc **out_innerloop, + NpyAuxData **out_innerloopdata, + int *out_needs_api); +typedef int (PyUFunc_MaskedInnerLoopSelectionFunc)( + struct _tagPyUFuncObject *ufunc, + PyArray_Descr **dtypes, + PyArray_Descr *mask_dtype, + npy_intp *fixed_strides, + npy_intp fixed_mask_stride, + PyUFunc_MaskedStridedInnerLoopFunc **out_innerloop, + NpyAuxData **out_innerloopdata, + int *out_needs_api); + +typedef struct _tagPyUFuncObject { + PyObject_HEAD + /* + * nin: Number of inputs + * nout: Number of outputs + * nargs: Always nin + nout (Why is it stored?) + */ + int nin, nout, nargs; + + /* Identity for reduction, either PyUFunc_One or PyUFunc_Zero */ + int identity; + + /* Array of one-dimensional core loops */ + PyUFuncGenericFunction *functions; + /* Array of funcdata that gets passed into the functions */ + void **data; + /* The number of elements in 'functions' and 'data' */ + int ntypes; + + /* Does not appear to be used */ + int check_return; + + /* The name of the ufunc */ + char *name; + + /* Array of type numbers, of size ('nargs' * 'ntypes') */ + char *types; + + /* Documentation string */ + char *doc; + + void *ptr; + PyObject *obj; + PyObject *userloops; + + /* generalized ufunc parameters */ + + /* 0 for scalar ufunc; 1 for generalized ufunc */ + int core_enabled; + /* number of distinct dimension names in signature */ + int core_num_dim_ix; + + /* + * dimension indices of input/output argument k are stored in + * core_dim_ixs[core_offsets[k]..core_offsets[k]+core_num_dims[k]-1] + */ + + /* numbers of core dimensions of each argument */ + int *core_num_dims; + /* + * dimension indices in a flatted form; indices + * are in the range of [0,core_num_dim_ix) + */ + int *core_dim_ixs; + /* + * positions of 1st core dimensions of each + * argument in core_dim_ixs + */ + int *core_offsets; + /* signature string for printing purpose */ + char *core_signature; + + /* + * A function which resolves the types and fills an array + * with the dtypes for the inputs and outputs. + */ + PyUFunc_TypeResolutionFunc *type_resolver; + /* + * A function which returns an inner loop written for + * NumPy 1.6 and earlier ufuncs. This is for backwards + * compatibility, and may be NULL if inner_loop_selector + * is specified. + */ + PyUFunc_LegacyInnerLoopSelectionFunc *legacy_inner_loop_selector; + /* + * A function which returns an inner loop for the new mechanism + * in NumPy 1.7 and later. If provided, this is used, otherwise + * if NULL the legacy_inner_loop_selector is used instead. + */ + PyUFunc_InnerLoopSelectionFunc *inner_loop_selector; + /* + * A function which returns a masked inner loop for the ufunc. + */ + PyUFunc_MaskedInnerLoopSelectionFunc *masked_inner_loop_selector; +} PyUFuncObject; + +#include "arrayobject.h" + +#define UFUNC_ERR_IGNORE 0 +#define UFUNC_ERR_WARN 1 +#define UFUNC_ERR_RAISE 2 +#define UFUNC_ERR_CALL 3 +#define UFUNC_ERR_PRINT 4 +#define UFUNC_ERR_LOG 5 + + /* Python side integer mask */ + +#define UFUNC_MASK_DIVIDEBYZERO 0x07 +#define UFUNC_MASK_OVERFLOW 0x3f +#define UFUNC_MASK_UNDERFLOW 0x1ff +#define UFUNC_MASK_INVALID 0xfff + +#define UFUNC_SHIFT_DIVIDEBYZERO 0 +#define UFUNC_SHIFT_OVERFLOW 3 +#define UFUNC_SHIFT_UNDERFLOW 6 +#define UFUNC_SHIFT_INVALID 9 + + +/* platform-dependent code translates floating point + status to an integer sum of these values +*/ +#define UFUNC_FPE_DIVIDEBYZERO 1 +#define UFUNC_FPE_OVERFLOW 2 +#define UFUNC_FPE_UNDERFLOW 4 +#define UFUNC_FPE_INVALID 8 + +/* Error mode that avoids look-up (no checking) */ +#define UFUNC_ERR_DEFAULT 0 + +#define UFUNC_OBJ_ISOBJECT 1 +#define UFUNC_OBJ_NEEDS_API 2 + + /* Default user error mode */ +#define UFUNC_ERR_DEFAULT2 \ + (UFUNC_ERR_WARN << UFUNC_SHIFT_DIVIDEBYZERO) + \ + (UFUNC_ERR_WARN << UFUNC_SHIFT_OVERFLOW) + \ + (UFUNC_ERR_WARN << UFUNC_SHIFT_INVALID) + +#if NPY_ALLOW_THREADS +#define NPY_LOOP_BEGIN_THREADS do {if (!(loop->obj & UFUNC_OBJ_NEEDS_API)) _save = PyEval_SaveThread();} while (0); +#define NPY_LOOP_END_THREADS do {if (!(loop->obj & UFUNC_OBJ_NEEDS_API)) PyEval_RestoreThread(_save);} while (0); +#else +#define NPY_LOOP_BEGIN_THREADS +#define NPY_LOOP_END_THREADS +#endif + +/* + * UFunc has unit of 1, and the order of operations can be reordered + * This case allows reduction with multiple axes at once. + */ +#define PyUFunc_One 1 +/* + * UFunc has unit of 0, and the order of operations can be reordered + * This case allows reduction with multiple axes at once. + */ +#define PyUFunc_Zero 0 +/* + * UFunc has no unit, and the order of operations cannot be reordered. + * This case does not allow reduction with multiple axes at once. + */ +#define PyUFunc_None -1 +/* + * UFunc has no unit, and the order of operations can be reordered + * This case allows reduction with multiple axes at once. + */ +#define PyUFunc_ReorderableNone -2 + +#define UFUNC_REDUCE 0 +#define UFUNC_ACCUMULATE 1 +#define UFUNC_REDUCEAT 2 +#define UFUNC_OUTER 3 + + +typedef struct { + int nin; + int nout; + PyObject *callable; +} PyUFunc_PyFuncData; + +/* A linked-list of function information for + user-defined 1-d loops. + */ +typedef struct _loop1d_info { + PyUFuncGenericFunction func; + void *data; + int *arg_types; + struct _loop1d_info *next; +} PyUFunc_Loop1d; + + +#include "__ufunc_api.h" + +#define UFUNC_PYVALS_NAME "UFUNC_PYVALS" + +#define UFUNC_CHECK_ERROR(arg) \ + do {if ((((arg)->obj & UFUNC_OBJ_NEEDS_API) && PyErr_Occurred()) || \ + ((arg)->errormask && \ + PyUFunc_checkfperr((arg)->errormask, \ + (arg)->errobj, \ + &(arg)->first))) \ + goto fail;} while (0) + +/* This code checks the IEEE status flags in a platform-dependent way */ +/* Adapted from Numarray */ + +#if (defined(__unix__) || defined(unix)) && !defined(USG) +#include +#endif + +/* OSF/Alpha (Tru64) ---------------------------------------------*/ +#if defined(__osf__) && defined(__alpha) + +#include + +#define UFUNC_CHECK_STATUS(ret) { \ + unsigned long fpstatus; \ + \ + fpstatus = ieee_get_fp_control(); \ + /* clear status bits as well as disable exception mode if on */ \ + ieee_set_fp_control( 0 ); \ + ret = ((IEEE_STATUS_DZE & fpstatus) ? UFUNC_FPE_DIVIDEBYZERO : 0) \ + | ((IEEE_STATUS_OVF & fpstatus) ? UFUNC_FPE_OVERFLOW : 0) \ + | ((IEEE_STATUS_UNF & fpstatus) ? UFUNC_FPE_UNDERFLOW : 0) \ + | ((IEEE_STATUS_INV & fpstatus) ? UFUNC_FPE_INVALID : 0); \ + } + +/* MS Windows -----------------------------------------------------*/ +#elif defined(_MSC_VER) + +#include + + /* Clear the floating point exception default of Borland C++ */ +#if defined(__BORLANDC__) +#define UFUNC_NOFPE _control87(MCW_EM, MCW_EM); +#endif + +#define UFUNC_CHECK_STATUS(ret) { \ + int fpstatus = (int) _clearfp(); \ + \ + ret = ((SW_ZERODIVIDE & fpstatus) ? UFUNC_FPE_DIVIDEBYZERO : 0) \ + | ((SW_OVERFLOW & fpstatus) ? UFUNC_FPE_OVERFLOW : 0) \ + | ((SW_UNDERFLOW & fpstatus) ? UFUNC_FPE_UNDERFLOW : 0) \ + | ((SW_INVALID & fpstatus) ? UFUNC_FPE_INVALID : 0); \ + } + +/* Solaris --------------------------------------------------------*/ +/* --------ignoring SunOS ieee_flags approach, someone else can +** deal with that! */ +#elif defined(sun) || defined(__BSD__) || defined(__OpenBSD__) || \ + (defined(__FreeBSD__) && (__FreeBSD_version < 502114)) || \ + defined(__NetBSD__) +#include + +#define UFUNC_CHECK_STATUS(ret) { \ + int fpstatus; \ + \ + fpstatus = (int) fpgetsticky(); \ + ret = ((FP_X_DZ & fpstatus) ? UFUNC_FPE_DIVIDEBYZERO : 0) \ + | ((FP_X_OFL & fpstatus) ? UFUNC_FPE_OVERFLOW : 0) \ + | ((FP_X_UFL & fpstatus) ? UFUNC_FPE_UNDERFLOW : 0) \ + | ((FP_X_INV & fpstatus) ? UFUNC_FPE_INVALID : 0); \ + (void) fpsetsticky(0); \ + } + +#elif defined(__GLIBC__) || defined(__APPLE__) || \ + defined(__CYGWIN__) || defined(__MINGW32__) || \ + (defined(__FreeBSD__) && (__FreeBSD_version >= 502114)) + +#if defined(__GLIBC__) || defined(__APPLE__) || \ + defined(__MINGW32__) || defined(__FreeBSD__) +#include +#endif + +#define UFUNC_CHECK_STATUS(ret) { \ + int fpstatus = (int) fetestexcept(FE_DIVBYZERO | FE_OVERFLOW | \ + FE_UNDERFLOW | FE_INVALID); \ + ret = ((FE_DIVBYZERO & fpstatus) ? UFUNC_FPE_DIVIDEBYZERO : 0) \ + | ((FE_OVERFLOW & fpstatus) ? UFUNC_FPE_OVERFLOW : 0) \ + | ((FE_UNDERFLOW & fpstatus) ? UFUNC_FPE_UNDERFLOW : 0) \ + | ((FE_INVALID & fpstatus) ? UFUNC_FPE_INVALID : 0); \ + (void) feclearexcept(FE_DIVBYZERO | FE_OVERFLOW | \ + FE_UNDERFLOW | FE_INVALID); \ +} + +#elif defined(_AIX) + +#include +#include + +#define UFUNC_CHECK_STATUS(ret) { \ + fpflag_t fpstatus; \ + \ + fpstatus = fp_read_flag(); \ + ret = ((FP_DIV_BY_ZERO & fpstatus) ? UFUNC_FPE_DIVIDEBYZERO : 0) \ + | ((FP_OVERFLOW & fpstatus) ? UFUNC_FPE_OVERFLOW : 0) \ + | ((FP_UNDERFLOW & fpstatus) ? UFUNC_FPE_UNDERFLOW : 0) \ + | ((FP_INVALID & fpstatus) ? UFUNC_FPE_INVALID : 0); \ + fp_swap_flag(0); \ +} + +#else + +#define NO_FLOATING_POINT_SUPPORT +#define UFUNC_CHECK_STATUS(ret) { \ + ret = 0; \ + } + +#endif + +/* + * THESE MACROS ARE DEPRECATED. + * Use npy_set_floatstatus_* in the npymath library. + */ +#define generate_divbyzero_error() npy_set_floatstatus_divbyzero() +#define generate_overflow_error() npy_set_floatstatus_overflow() + + /* Make sure it gets defined if it isn't already */ +#ifndef UFUNC_NOFPE +#define UFUNC_NOFPE +#endif + + +#ifdef __cplusplus +} +#endif +#endif /* !Py_UFUNCOBJECT_H */ diff --git a/data_tooling/pii_processing/include/numpy/utils.h b/data_tooling/pii_processing/include/numpy/utils.h new file mode 100644 index 0000000..cc968a3 --- /dev/null +++ b/data_tooling/pii_processing/include/numpy/utils.h @@ -0,0 +1,19 @@ +#ifndef __NUMPY_UTILS_HEADER__ +#define __NUMPY_UTILS_HEADER__ + +#ifndef __COMP_NPY_UNUSED + #if defined(__GNUC__) + #define __COMP_NPY_UNUSED __attribute__ ((__unused__)) + # elif defined(__ICC) + #define __COMP_NPY_UNUSED __attribute__ ((__unused__)) + #else + #define __COMP_NPY_UNUSED + #endif +#endif + +/* Use this to tag a variable as not used. It will remove unused variable + * warning on support platforms (see __COM_NPY_UNUSED) and mangle the variable + * to avoid accidental use */ +#define NPY_UNUSED(x) (__NPY_UNUSED_TAGGED ## x) __COMP_NPY_UNUSED + +#endif diff --git a/data_tooling/pii_processing/masakhane-ner/README.md b/data_tooling/pii_processing/masakhane-ner/README.md new file mode 100644 index 0000000..2372a07 --- /dev/null +++ b/data_tooling/pii_processing/masakhane-ner/README.md @@ -0,0 +1,52 @@ +## Note for PII Hackathon + +This is only a partial copy of the Masakhane-NER code as of Sept 26, 2021 for the PII Hackathon. This code is a reference implementation for Module 3. Only the code under this repo will be supported for the hackathon. + +For reference, the complete Masakhane-NER code please refer to https://github.com/masakhane-io/masakhane-ner + +Original README: + +## [MasakhaNER: Named Entity Recognition for African Languages](https://arxiv.org/abs/2103.11811) + +This repository contains the code for [training NER models](https://github.com/masakhane-io/masakhane-ner/tree/main/code), scripts to [analyze the NER model predictions](https://github.com/masakhane-io/masakhane-ner/tree/main/analysis_scripts) and the [NER datasets](https://github.com/masakhane-io/masakhane-ner/tree/main/data) for all the 10 languages listed below. + +The code is based on HuggingFace implementation. + +### Required dependencies +* python + * [transformers](https://pypi.org/project/transformers/) : state-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch. + * [seqeval](https://pypi.org/project/seqeval/) : testing framework for sequence labeling. + * [ptvsd](https://pypi.org/project/ptvsd/) : remote debugging server for Python support in Visual Studio and Visual Studio Code. + +```bash +pip install transformers seqeval ptvsd +``` + +### Volunteers +---------------- +| Language | Volunteer names | +|----------|-----------------| +| Amharic | Seid Muhie Yimam, Musie Meressa, Israel Abebe, Degaga Wolde, Henok Tilaye, Dibora Haile | +| Hausa | Shamsudden Muhammad, Tajuddeen Rabiu Gwadabe, Emmanuel Anebi| +| Igbo | Ignatius Ezeani, Chris Emezue, Chukwuneke Chiamaka, Nkiru Odu, Amaka, Isaac | +| Kinyarwanda | Rubungo Andre Niyongabo, Happy Buzaaba | +|Luganda | Joyce Nabende, Jonathan Mukiibi, Eric Peter Kigaye, Ivan Ssenkungu, Ibrahim Mbabaali, Batista Tobius, Maurice Katusiime, Deborah Nabagereka, Tobius Saolo | +| Luo | Perez Ogayo, Verrah Otiende | +| Naija Pidgin | Orevaoghene Ahia, Kelechi Ogueji, Adewale Akinfaderin, Aremu Adeola Jr., Iroro Orife, Temi Oloyede, Samuel Abiodun Oyerinde, Victor Akinode | +| Swahili | Catherine Gitau, Verrah Otiende, Davis David, Clemencia Siro, Yvonne Wambui, Gerald Muriuki | +| Wolof | [Abdoulaye Diallo](https://github.com/abdoulsn), [Thierno Ibrahim Diop](https://github.com/bayethiernodiop), and [Derguene Mbaye](https://github.com/DerXter), Samba Ngom, Mouhamadane Mboup | +| Yorùbá | David Adelani, Mofetoluwa Adeyemi, Jesujoba Alabi, Tosin Adewumi, Ayodele Awokoya | + +If you make use of this dataset, please cite us: + +### BibTeX entry and citation info +``` +@misc{adelani2021masakhaner, + title={MasakhaNER: Named Entity Recognition for African Languages}, + author={David Ifeoluwa Adelani and Jade Abbott and Graham Neubig and Daniel D'souza and Julia Kreutzer and Constantine Lignos and Chester Palen-Michel and Happy Buzaaba and Shruti Rijhwani and Sebastian Ruder and Stephen Mayhew and Israel Abebe Azime and Shamsuddeen Muhammad and Chris Chinenye Emezue and Joyce Nakatumba-Nabende and Perez Ogayo and Anuoluwapo Aremu and Catherine Gitau and Derguene Mbaye and Jesujoba Alabi and Seid Muhie Yimam and Tajuddeen Gwadabe and Ignatius Ezeani and Rubungo Andre Niyongabo and Jonathan Mukiibi and Verrah Otiende and Iroro Orife and Davis David and Samba Ngom and Tosin Adewumi and Paul Rayson and Mofetoluwa Adeyemi and Gerald Muriuki and Emmanuel Anebi and Chiamaka Chukwuneke and Nkiruka Odu and Eric Peter Wairagala and Samuel Oyerinde and Clemencia Siro and Tobius Saul Bateesa and Temilola Oloyede and Yvonne Wambui and Victor Akinode and Deborah Nabagereka and Maurice Katusiime and Ayodele Awokoya and Mouhamadane MBOUP and Dibora Gebreyohannes and Henok Tilaye and Kelechi Nwaike and Degaga Wolde and Abdoulaye Faye and Blessing Sibanda and Orevaoghene Ahia and Bonaventure F. P. Dossou and Kelechi Ogueji and Thierno Ibrahima DIOP and Abdoulaye Diallo and Adewale Akinfaderin and Tendai Marengereke and Salomey Osei}, + year={2021}, + eprint={2103.11811}, + archivePrefix={arXiv}, + primaryClass={cs.CL} +} +``` diff --git a/data_tooling/pii_processing/masakhane-ner/code/README.md b/data_tooling/pii_processing/masakhane-ner/code/README.md new file mode 100644 index 0000000..8bc696a --- /dev/null +++ b/data_tooling/pii_processing/masakhane-ner/code/README.md @@ -0,0 +1,105 @@ +# african-ner + +#### Example to run the NER code (i.e fine-tuning mBERT and XLM-R end-to-end) +#### Using Multi-Lingual BERT + +``` +export MAX_LENGTH=164 +export BERT_MODEL=bert-base-multilingual-cased +export OUTPUT_DIR=swa_bert +export BATCH_SIZE=32 +export NUM_EPOCHS=10 +export SAVE_STEPS=10000 +export SEED=1 +CUDA_VISIBLE_DEVICES=1,2,3 python3 train_ner.py --data_dir data/swa/ \ +--model_type bert \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict +``` + +#### Using XLM-RoBERTa +``` +export MAX_LENGTH=164 +export BERT_MODEL=xlm-roberta-base +export OUTPUT_DIR=swa_xlmr +export BATCH_SIZE=32 +export NUM_EPOCHS=10 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=1,2,3 python3 train_ner.py --data_dir data/swa/ \ +--model_type xlmroberta \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict +``` + +#### For the MeanE-BiLSTM model (i.e extract sentence embeddings from mBERT and XLM-R by taking the mean of the 12 LM layers before passing them into the BiLSTM + linear classifier) +#### Using Multi-Lingual BERT + +``` +export MAX_LENGTH=164 +export BERT_MODEL=bert-base-multilingual-cased +export OUTPUT_DIR=yor_freezembert +export BATCH_SIZE=32 +export NUM_EPOCHS=50 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=3 python3 train_ner_freezedBERT.py --data_dir data/yor/ \ +--model_type bert \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS --learning_rate 5e-4 \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict +``` + + +#### Using XLM-RoBERTa + +``` +export MAX_LENGTH=164 +export BERT_MODEL=xlm-roberta-base +export OUTPUT_DIR=yor_freezexlmr +export BATCH_SIZE=32 +export NUM_EPOCHS=50 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=3 python3 train_ner_freezedBERT.py --data_dir data/yor/ \ +--model_type xlmroberta \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS --learning_rate 5e-4 \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict +``` + + + diff --git a/data_tooling/pii_processing/masakhane-ner/code/train_ner.py b/data_tooling/pii_processing/masakhane-ner/code/train_ner.py new file mode 100644 index 0000000..7f8eab0 --- /dev/null +++ b/data_tooling/pii_processing/masakhane-ner/code/train_ner.py @@ -0,0 +1,852 @@ +# coding=utf-8 +# Copyright 2018 The Google AI Language Team Authors and The HuggingFace Inc. team. +# Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" Fine-tuning the library models for named entity recognition on CoNLL-2003 (Bert or Roberta). """ + +import argparse +import glob +import logging +import os +import random + +import numpy as np +import torch +from seqeval.metrics import f1_score, precision_score, recall_score, classification_report +from torch.nn import CrossEntropyLoss +from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset +from torch.utils.data.distributed import DistributedSampler +from tqdm import tqdm, trange +from scipy.sparse import save_npz, load_npz +import seqeval.metrics +from collections import defaultdict, Counter +from torch.utils.data import TensorDataset +from torch.utils.data import Dataset, DataLoader +from transformers import AutoModelForSequenceClassification, AutoModelForTokenClassification, \ + AutoConfig, AutoTokenizer, AutoModel +from transformers import AdamW, get_constant_schedule_with_warmup +from torch.nn.utils.rnn import pack_padded_sequence, pad_packed_sequence +from torch import LongTensor +import torch +from torch import nn, optim +from torch.nn import functional as F +from tqdm import tqdm +import random + + +from transformers import ( + WEIGHTS_NAME, + AdamW, + BertConfig, + BertForTokenClassification, + BertTokenizer, + CamembertConfig, + CamembertForTokenClassification, + CamembertTokenizer, + DistilBertConfig, + DistilBertForTokenClassification, + DistilBertTokenizer, + RobertaConfig, + RobertaForTokenClassification, + RobertaTokenizer, + XLMRobertaConfig, + XLMRobertaForTokenClassification, + XLMRobertaTokenizer, + get_linear_schedule_with_warmup, +) + +from utils_ner import convert_examples_to_features, get_labels, read_examples_from_file +from torch.utils.data import Dataset, DataLoader + +try: + from torch.utils.tensorboard import SummaryWriter +except ImportError: + from tensorboardX import SummaryWriter + +logger = logging.getLogger(__name__) + +MODEL_CLASSES = { + "bert": (BertConfig, BertForTokenClassification, BertTokenizer), + "roberta": (RobertaConfig, RobertaForTokenClassification, RobertaTokenizer), + "distilbert": (DistilBertConfig, DistilBertForTokenClassification, DistilBertTokenizer), + "camembert": (CamembertConfig, CamembertForTokenClassification, CamembertTokenizer), + "xlmroberta": (XLMRobertaConfig, XLMRobertaForTokenClassification, XLMRobertaTokenizer), +} + + +class NERDataset(Dataset): + """ + All the information for a sentence needed by BERT, i.e. + token_id, label_id + token_type, padding, masking, domain_ids + """ + + def __init__(self, encodings, domain_ids): + self.encodings = encodings + self.domain_ids = domain_ids + + def __len__(self): + return len(self.domain_ids) + + def __getitem__(self, idx): + return self.encodings[idx], self.domain_ids[idx] + + +def set_seed(args): + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + if args.n_gpu > 0: + torch.cuda.manual_seed_all(args.seed) + + +def train(args, train_dataset, model, tokenizer, labels, pad_token_label_id): + """ Train the model """ + if args.local_rank in [-1, 0]: + tb_writer = SummaryWriter() + + args.train_batch_size = args.per_gpu_train_batch_size * max(1, args.n_gpu) + train_sampler = RandomSampler(train_dataset) if args.local_rank == -1 else DistributedSampler(train_dataset) + train_dataloader = DataLoader(train_dataset, sampler=train_sampler, batch_size=args.train_batch_size) + + if args.max_steps > 0: + t_total = args.max_steps + args.num_train_epochs = args.max_steps // (len(train_dataloader) // args.gradient_accumulation_steps) + 1 + else: + t_total = len(train_dataloader) // args.gradient_accumulation_steps * args.num_train_epochs + + # Prepare optimizer and schedule (linear warmup and decay) + no_decay = ["bias", "LayerNorm.weight"] + optimizer_grouped_parameters = [ + { + "params": [p for n, p in model.named_parameters() if not any(nd in n for nd in no_decay)], + "weight_decay": args.weight_decay, + }, + {"params": [p for n, p in model.named_parameters() if any(nd in n for nd in no_decay)], "weight_decay": 0.0}, + ] + optimizer = AdamW(optimizer_grouped_parameters, lr=args.learning_rate, eps=args.adam_epsilon) + scheduler = get_linear_schedule_with_warmup( + optimizer, num_warmup_steps=args.warmup_steps, num_training_steps=t_total + ) + + # Check if saved optimizer or scheduler states exist + if os.path.isfile(os.path.join(args.model_name_or_path, "optimizer.pt")) and os.path.isfile( + os.path.join(args.model_name_or_path, "scheduler.pt") + ): + # Load in optimizer and scheduler states + optimizer.load_state_dict(torch.load(os.path.join(args.model_name_or_path, "optimizer.pt"))) + scheduler.load_state_dict(torch.load(os.path.join(args.model_name_or_path, "scheduler.pt"))) + + # multi-gpu training (should be after apex fp16 initialization) + if args.n_gpu > 1: + model = torch.nn.DataParallel(model) + + # Distributed training (should be after apex fp16 initialization) + if args.local_rank != -1: + model = torch.nn.parallel.DistributedDataParallel( + model, device_ids=[args.local_rank], output_device=args.local_rank, find_unused_parameters=True + ) + + # Train! + logger.info("***** Running training *****") + logger.info(" Num examples = %d", len(train_dataset)) + logger.info(" Num Epochs = %d", args.num_train_epochs) + logger.info(" Instantaneous batch size per GPU = %d", args.per_gpu_train_batch_size) + logger.info( + " Total train batch size (w. parallel, distributed & accumulation) = %d", + args.train_batch_size + * args.gradient_accumulation_steps + * (torch.distributed.get_world_size() if args.local_rank != -1 else 1), + ) + logger.info(" Gradient Accumulation steps = %d", args.gradient_accumulation_steps) + logger.info(" Total optimization steps = %d", t_total) + + global_step = 0 + epochs_trained = 0 + steps_trained_in_current_epoch = 0 + # Check if continuing training from a checkpoint + if os.path.exists(args.model_name_or_path): + # set global_step to gobal_step of last saved checkpoint from model path + try: + global_step = int(args.model_name_or_path.split("-")[-1].split("/")[0]) + except ValueError: + global_step = 0 + epochs_trained = global_step // (len(train_dataloader) // args.gradient_accumulation_steps) + steps_trained_in_current_epoch = global_step % (len(train_dataloader) // args.gradient_accumulation_steps) + + logger.info(" Continuing training from checkpoint, will skip to saved global_step") + logger.info(" Continuing training from epoch %d", epochs_trained) + logger.info(" Continuing training from global step %d", global_step) + logger.info(" Will skip the first %d steps in the first epoch", steps_trained_in_current_epoch) + + tr_loss, logging_loss = 0.0, 0.0 + model.zero_grad() + train_iterator = trange( + epochs_trained, int(args.num_train_epochs), desc="Epoch", disable=args.local_rank not in [-1, 0] + ) + set_seed(args) # Added here for reproductibility + for _ in train_iterator: + epoch_iterator = tqdm(train_dataloader, desc="Iteration", disable=args.local_rank not in [-1, 0]) + for step, batch in enumerate(epoch_iterator): + + # Skip past any already trained steps if resuming training + if steps_trained_in_current_epoch > 0: + steps_trained_in_current_epoch -= 1 + continue + + model.train() + batch = tuple(t.to(args.device) for t in batch) + inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} + if args.model_type != "distilbert": + inputs["token_type_ids"] = ( + batch[2] if args.model_type in ["bert", "xlnet"] else None + ) # XLM and RoBERTa don"t use segment_ids + + outputs = model(**inputs) + loss = outputs[0] # model outputs are always tuple in pytorch-transformers (see doc) + + if args.n_gpu > 1: + loss = loss.mean() # mean() to average on multi-gpu parallel training + if args.gradient_accumulation_steps > 1: + loss = loss / args.gradient_accumulation_steps + + loss.backward() + + tr_loss += loss.item() + if (step + 1) % args.gradient_accumulation_steps == 0: + torch.nn.utils.clip_grad_norm_(model.parameters(), args.max_grad_norm) + + scheduler.step() # Update learning rate schedule + optimizer.step() + model.zero_grad() + global_step += 1 + + if args.local_rank in [-1, 0] and args.logging_steps > 0 and global_step % args.logging_steps == 0: + # Log metrics + if ( + args.local_rank == -1 and args.evaluate_during_training + ): # Only evaluate when single GPU otherwise metrics may not average well + results, _ = evaluate(args, model, tokenizer, labels, pad_token_label_id, mode="dev") + for key, value in results.items(): + tb_writer.add_scalar("eval_{}".format(key), value, global_step) + tb_writer.add_scalar("lr", scheduler.get_lr()[0], global_step) + tb_writer.add_scalar("loss", (tr_loss - logging_loss) / args.logging_steps, global_step) + logging_loss = tr_loss + + if args.local_rank in [-1, 0] and args.save_steps > 0 and global_step % args.save_steps == 0: + # Save model checkpoint + output_dir = os.path.join(args.output_dir, "checkpoint-{}".format(global_step)) + if not os.path.exists(output_dir): + os.makedirs(output_dir) + model_to_save = ( + model.module if hasattr(model, "module") else model + ) # Take care of distributed/parallel training + model_to_save.save_pretrained(output_dir) + tokenizer.save_pretrained(output_dir) + + torch.save(args, os.path.join(output_dir, "training_args.bin")) + logger.info("Saving model checkpoint to %s", output_dir) + + torch.save(optimizer.state_dict(), os.path.join(output_dir, "optimizer.pt")) + torch.save(scheduler.state_dict(), os.path.join(output_dir, "scheduler.pt")) + logger.info("Saving optimizer and scheduler states to %s", output_dir) + + if args.max_steps > 0 and global_step > args.max_steps: + epoch_iterator.close() + break + if args.max_steps > 0 and global_step > args.max_steps: + train_iterator.close() + break + + if args.local_rank in [-1, 0]: + tb_writer.close() + + return global_step, tr_loss / global_step + + +def evaluate(args, model, tokenizer, labels, pad_token_label_id, mode, prefix=""): + eval_dataset = load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode=mode) + + args.eval_batch_size = args.per_gpu_eval_batch_size * max(1, args.n_gpu) + # Note that DistributedSampler samples randomly + eval_sampler = SequentialSampler(eval_dataset) if args.local_rank == -1 else DistributedSampler(eval_dataset) + eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=args.eval_batch_size) + + # multi-gpu evaluate + if args.n_gpu > 1: + model = torch.nn.DataParallel(model) + + # Eval! + logger.info("***** Running evaluation %s *****", prefix) + logger.info(" Num examples = %d", len(eval_dataset)) + logger.info(" Batch size = %d", args.eval_batch_size) + eval_loss = 0.0 + nb_eval_steps = 0 + preds = None + out_label_ids = None + model.eval() + for batch in tqdm(eval_dataloader, desc="Evaluating"): + batch = tuple(t.to(args.device) for t in batch) + + with torch.no_grad(): + inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} + if args.model_type != "distilbert": + inputs["token_type_ids"] = ( + batch[2] if args.model_type in ["bert", "xlnet"] else None + ) # XLM and RoBERTa don"t use segment_ids + outputs = model(**inputs) + tmp_eval_loss, logits = outputs[:2] + + if args.n_gpu > 1: + tmp_eval_loss = tmp_eval_loss.mean() # mean() to average on multi-gpu parallel evaluating + + eval_loss += tmp_eval_loss.item() + nb_eval_steps += 1 + if preds is None: + preds = logits.detach().cpu().numpy() + out_label_ids = inputs["labels"].detach().cpu().numpy() + else: + preds = np.append(preds, logits.detach().cpu().numpy(), axis=0) + out_label_ids = np.append(out_label_ids, inputs["labels"].detach().cpu().numpy(), axis=0) + + eval_loss = eval_loss / nb_eval_steps + preds = np.argmax(preds, axis=2) + + label_map = {i: label for i, label in enumerate(labels)} + + out_label_list = [[] for _ in range(out_label_ids.shape[0])] + preds_list = [[] for _ in range(out_label_ids.shape[0])] + + for i in range(out_label_ids.shape[0]): + for j in range(out_label_ids.shape[1]): + if out_label_ids[i, j] != pad_token_label_id: + out_label_list[i].append(label_map[out_label_ids[i][j]]) + preds_list[i].append(label_map[preds[i][j]]) + + results = { + "loss": eval_loss, + "precision": precision_score(out_label_list, preds_list), + "recall": recall_score(out_label_list, preds_list), + "f1": f1_score(out_label_list, preds_list), + 'report': classification_report(out_label_list, preds_list), + } + + logger.info("***** Eval results %s *****", prefix) + for key in sorted(results.keys()): + logger.info(" %s = %s", key, str(results[key])) + + return results, preds_list + + +def load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode): + if args.local_rank not in [-1, 0] and not evaluate: + torch.distributed.barrier() # Make sure only the first process in distributed training process the dataset, and the others will use the cache + + # Load data features from cache or dataset file + cached_features_file = os.path.join( + args.data_dir, + "cached_{}_{}_{}".format( + mode, list(filter(None, args.model_name_or_path.split("/"))).pop(), str(args.max_seq_length) + ), + ) + if os.path.exists(cached_features_file) and not args.overwrite_cache: + logger.info("Loading features from cached file %s", cached_features_file) + features = torch.load(cached_features_file) + else: + logger.info("Creating features from dataset file at %s", args.data_dir) + examples = read_examples_from_file(args.data_dir, mode) + features = convert_examples_to_features( + examples, + labels, + args.max_seq_length, + tokenizer, + cls_token_at_end=bool(args.model_type in ["xlnet"]), + # xlnet has a cls token at the end + cls_token=tokenizer.cls_token, + cls_token_segment_id=2 if args.model_type in ["xlnet"] else 0, + sep_token=tokenizer.sep_token, + sep_token_extra=bool(args.model_type in ["roberta"]), + # roberta uses an extra separator b/w pairs of sentences, cf. github.com/pytorch/fairseq/commit/1684e166e3da03f5b600dbb7855cb98ddfcd0805 + pad_on_left=bool(args.model_type in ["xlnet"]), + # pad on the left for xlnet + pad_token=tokenizer.convert_tokens_to_ids([tokenizer.pad_token])[0], + pad_token_segment_id=4 if args.model_type in ["xlnet"] else 0, + pad_token_label_id=pad_token_label_id, + ) + if args.local_rank in [-1, 0]: + logger.info("Saving features into cached file %s", cached_features_file) + torch.save(features, cached_features_file) + + if args.local_rank == 0 and not evaluate: + torch.distributed.barrier() # Make sure only the first process in distributed training process the dataset, and the others will use the cache + + # Convert to Tensors and build dataset + all_input_ids = torch.tensor([f.input_ids for f in features], dtype=torch.long) + all_input_mask = torch.tensor([f.input_mask for f in features], dtype=torch.long) + all_segment_ids = torch.tensor([f.segment_ids for f in features], dtype=torch.long) + all_label_ids = torch.tensor([f.label_ids for f in features], dtype=torch.long) + + dataset = TensorDataset(all_input_ids, all_input_mask, all_segment_ids, all_label_ids) + return dataset + + +def load_examples(args, mode): + ''' + if args.local_rank not in [-1, 0] and not evaluate: + torch.distributed.barrier() # Make sure only the first process in distributed training process the dataset, and the others will use the cache + + if args.local_rank == 0 and not evaluate: + torch.distributed.barrier() + ''' + data = load_npz(args.data_dir + mode + ".npz") + data = data.toarray() + dataset = NERDataset(data[:, :-1], data[:, -1]) + + return dataset + + + +def main(): + parser = argparse.ArgumentParser() + + # Required parameters + parser.add_argument( + "--data_dir", + default=None, + type=str, + required=True, + help="The input data dir. Should contain the training files for the CoNLL-2003 NER task.", + ) + parser.add_argument( + "--model_type", + default=None, + type=str, + required=True, + help="Model type selected in the list: " + ", ".join(MODEL_CLASSES.keys()), + ) + parser.add_argument( + "--model_name_or_path", + default=None, + type=str, + required=True, + help="Path to pre-trained model or shortcut name selected in the list: " + ", ", + ) + parser.add_argument( + "--input_dir", + default=None, + type=str, + required=False, + help="The input model directory.", + ) + parser.add_argument( + "--output_dir", + default=None, + type=str, + required=True, + help="The output directory where the model predictions and checkpoints will be written.", + ) + + parser.add_argument( + "--test_result_file", + default="test_results.txt", + type=str, + required=False, + help="The test_result", + ) + + parser.add_argument( + "--test_prediction_file", + default="test_predictions.txt", + type=str, + required=False, + help="The test_result", + ) + + # Other parameters + parser.add_argument( + "--labels", + default="", + type=str, + help="Path to a file containing all labels. If not specified, CoNLL-2003 labels are used.", + ) + parser.add_argument( + "--config_name", default="", type=str, help="Pretrained config name or path if not the same as model_name" + ) + parser.add_argument( + "--tokenizer_name", + default="", + type=str, + help="Pretrained tokenizer name or path if not the same as model_name", + ) + parser.add_argument( + "--cache_dir", + default="", + type=str, + help="Where do you want to store the pre-trained models downloaded from s3", + ) + parser.add_argument( + "--max_seq_length", + default=128, + type=int, + help="The maximum total input sequence length after tokenization. Sequences longer " + "than this will be truncated, sequences shorter will be padded.", + ) + parser.add_argument("--do_train", action="store_true", help="Whether to run training.") + parser.add_argument("--do_finetune", action="store_true", help="Whether to run training.") + parser.add_argument("--do_eval", action="store_true", help="Whether to run eval on the dev set.") + parser.add_argument("--do_predict", action="store_true", help="Whether to run predictions on the test set.") + parser.add_argument( + "--evaluate_during_training", + action="store_true", + help="Whether to run evaluation during training at each logging step.", + ) + parser.add_argument( + "--do_lower_case", action="store_true", help="Set this flag if you are using an uncased model." + ) + + parser.add_argument("--per_gpu_train_batch_size", default=8, type=int, help="Batch size per GPU/CPU for training.") + parser.add_argument( + "--per_gpu_eval_batch_size", default=8, type=int, help="Batch size per GPU/CPU for evaluation." + ) + parser.add_argument( + "--gradient_accumulation_steps", + type=int, + default=1, + help="Number of updates steps to accumulate before performing a backward/update pass.", + ) + parser.add_argument("--learning_rate", default=5e-5, type=float, help="The initial learning rate for Adam.") + parser.add_argument("--weight_decay", default=0.0, type=float, help="Weight decay if we apply some.") + parser.add_argument("--adam_epsilon", default=1e-8, type=float, help="Epsilon for Adam optimizer.") + parser.add_argument("--max_grad_norm", default=1.0, type=float, help="Max gradient norm.") + parser.add_argument( + "--num_train_epochs", default=3.0, type=float, help="Total number of training epochs to perform." + ) + parser.add_argument( + "--max_steps", + default=-1, + type=int, + help="If > 0: set total number of training steps to perform. Override num_train_epochs.", + ) + parser.add_argument("--warmup_steps", default=0, type=int, help="Linear warmup over warmup_steps.") + + parser.add_argument("--logging_steps", type=int, default=500, help="Log every X updates steps.") + parser.add_argument("--save_steps", type=int, default=500, help="Save checkpoint every X updates steps.") + parser.add_argument( + "--eval_all_checkpoints", + action="store_true", + help="Evaluate all checkpoints starting with the same prefix as model_name ending and ending with step number", + ) + parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available") + parser.add_argument( + "--overwrite_output_dir", action="store_true", help="Overwrite the content of the output directory" + ) + parser.add_argument( + "--overwrite_cache", action="store_true", help="Overwrite the cached training and evaluation sets" + ) + parser.add_argument("--seed", type=int, default=42, help="random seed for initialization") + + parser.add_argument("--local_rank", type=int, default=-1, help="For distributed training: local_rank") + parser.add_argument("--server_ip", type=str, default="", help="For distant debugging.") + parser.add_argument("--server_port", type=str, default="", help="For distant debugging.") + + + args = parser.parse_args() + + if ( + os.path.exists(args.output_dir) + and os.listdir(args.output_dir) + and args.do_train + and not args.overwrite_output_dir + ): + raise ValueError( + "Output directory ({}) already exists and is not empty. Use --overwrite_output_dir to overcome.".format( + args.output_dir + ) + ) + + # Setup distant debugging if needed + if args.server_ip and args.server_port: + # Distant debugging - see https://code.visualstudio.com/docs/python/debugging#_attach-to-a-local-script + import ptvsd + + print("Waiting for debugger attach") + ptvsd.enable_attach(address=(args.server_ip, args.server_port), redirect_output=True) + ptvsd.wait_for_attach() + + # Setup CUDA, GPU & distributed training + if args.local_rank == -1 or args.no_cuda: + device = torch.device("cuda" if torch.cuda.is_available() and not args.no_cuda else "cpu") + args.n_gpu = torch.cuda.device_count() + else: # Initializes the distributed backend which will take care of sychronizing nodes/GPUs + torch.cuda.set_device(args.local_rank) + device = torch.device("cuda", args.local_rank) + torch.distributed.init_process_group(backend="nccl") + args.n_gpu = 1 + args.device = device + + # Setup logging + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + datefmt="%m/%d/%Y %H:%M:%S", + level=logging.INFO if args.local_rank in [-1, 0] else logging.WARN, + ) + + # Set seed + set_seed(args) + + # Prepare CONLL-2003 task + labels = get_labels(args.labels) + num_labels = len(labels) + # Use cross entropy ignore index as padding label id so that only real label ids contribute to the loss later + pad_token_label_id = CrossEntropyLoss().ignore_index + + # Load pretrained model and tokenizer + if args.local_rank not in [-1, 0]: + torch.distributed.barrier() # Make sure only the first process in distributed training will download model & vocab + + args.model_type = args.model_type.lower() + config_class, model_class, tokenizer_class = AutoConfig, AutoModelForTokenClassification, AutoTokenizer #MODEL_CLASSES[args.model_type] + + config = config_class.from_pretrained( + args.config_name if args.config_name else args.model_name_or_path, + num_labels=num_labels, + id2label={str(i): label for i, label in enumerate(labels)}, + label2id={label: i for i, label in enumerate(labels)}, + cache_dir=args.cache_dir if args.cache_dir else None, + ) + tokenizer = tokenizer_class.from_pretrained( + args.tokenizer_name if args.tokenizer_name else args.model_name_or_path, + #do_lower_case=args.do_lower_case, + cache_dir=args.cache_dir if args.cache_dir else None, + #use_fast=args.use_fast, + ) + model = model_class.from_pretrained( + args.model_name_or_path, + from_tf=bool(".ckpt" in args.model_name_or_path), + config=config, + cache_dir=args.cache_dir if args.cache_dir else None, + ) + + if args.local_rank == 0: + torch.distributed.barrier() # Make sure only the first process in distributed training will download model & vocab + + model.to(args.device) + + logger.info("Training/evaluation parameters %s", args) + + # Training + if args.do_train: + train_dataset = load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode="train") + #train_dataset = load_examples(args, mode="train") + global_step, tr_loss = train(args, train_dataset, model, tokenizer, labels, pad_token_label_id) + #global_step, tr_loss = train_ner(args, train_dataset, model, tokenizer, labels, pad_token_label_id) + logger.info(" global_step = %s, average loss = %s", global_step, tr_loss) + + # Fine-tuning + if args.do_finetune: + tokenizer = tokenizer_class.from_pretrained(args.input_dir, do_lower_case=args.do_lower_case) + model = model_class.from_pretrained(args.input_dir) + model.to(args.device) + result, predictions = evaluate(args, model, tokenizer, labels, pad_token_label_id, mode="test") + train_dataset = load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode="train") + + # train_dataset = load_examples(args, mode="train") + global_step, tr_loss = train(args, train_dataset, model, tokenizer, labels, pad_token_label_id) + # global_step, tr_loss = train_ner(args, train_dataset, model, tokenizer, labels, pad_token_label_id) + logger.info(" global_step = %s, average loss = %s", global_step, tr_loss) + + # Saving best-practices: if you use defaults names for the model, you can reload it using from_pretrained() + if (args.do_train or args.do_finetune) and (args.local_rank == -1 or torch.distributed.get_rank() == 0): + # Create output directory if needed + if not os.path.exists(args.output_dir) and args.local_rank in [-1, 0]: + os.makedirs(args.output_dir) + + logger.info("Saving model checkpoint to %s", args.output_dir) + # Save a trained model, configuration and tokenizer using `save_pretrained()`. + # They can then be reloaded using `from_pretrained()` + model_to_save = ( + model.module if hasattr(model, "module") else model + ) # Take care of distributed/parallel training + model_to_save.save_pretrained(args.output_dir) + tokenizer.save_pretrained(args.output_dir) + + # Good practice: save your training arguments together with the trained model + torch.save(args, os.path.join(args.output_dir, "training_args.bin")) + + # Evaluation + results = {} + if args.do_eval and args.local_rank in [-1, 0]: + tokenizer = tokenizer_class.from_pretrained(args.output_dir, do_lower_case=args.do_lower_case) + checkpoints = [args.output_dir] + if args.eval_all_checkpoints: + checkpoints = list( + os.path.dirname(c) for c in sorted(glob.glob(args.output_dir + "/**/" + WEIGHTS_NAME, recursive=True)) + ) + logging.getLogger("pytorch_transformers.modeling_utils").setLevel(logging.WARN) # Reduce logging + logger.info("Evaluate the following checkpoints: %s", checkpoints) + for checkpoint in checkpoints: + global_step = checkpoint.split("-")[-1] if len(checkpoints) > 1 else "" + model = model_class.from_pretrained(checkpoint) + model.to(args.device) + result, _ = evaluate(args, model, tokenizer, labels, pad_token_label_id, mode="dev", prefix=global_step) + if global_step: + result = {"{}_{}".format(global_step, k): v for k, v in result.items()} + results.update(result) + output_eval_file = os.path.join(args.output_dir, "eval_results.txt") + with open(output_eval_file, "w") as writer: + for key in sorted(results.keys()): + writer.write("{} = {}\n".format(key, str(results[key]))) + + if args.do_predict and args.local_rank in [-1, 0]: + tokenizer = tokenizer_class.from_pretrained(args.output_dir, do_lower_case=args.do_lower_case) + model = model_class.from_pretrained(args.output_dir) + model.to(args.device) + result, predictions = evaluate(args, model, tokenizer, labels, pad_token_label_id, mode="test") + # Save results + output_test_results_file = os.path.join(args.output_dir, args.test_result_file) + with open(output_test_results_file, "w") as writer: + for key in sorted(result.keys()): + writer.write("{} = {}\n".format(key, str(result[key]))) + # Save predictions + output_test_predictions_file = os.path.join(args.output_dir, args.test_prediction_file) + with open(output_test_predictions_file, "w") as writer: + with open(os.path.join(args.data_dir, "test.txt"), "r") as f: + example_id = 0 + for line in f: + if line.startswith("-DOCSTART-") or line == "" or line == "\n": + writer.write(line) + if not predictions[example_id]: + example_id += 1 + elif predictions[example_id]: + output_line = line.split()[0] + " " + predictions[example_id].pop(0) + "\n" + writer.write(output_line) + else: + logger.warning("Maximum sequence length exceeded: No prediction for '%s'.", line.split()[0]) + + return results + + + + +if __name__ == "__main__": + main() + + +''' +export MAX_LENGTH=164 +export BERT_MODEL=bert-base-multilingual-cased +export OUTPUT_DIR=wol_bert +export BATCH_SIZE=32 +export NUM_EPOCHS=50 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=2 python3 train_ner.py --data_dir conll_format/wolof/ \ +--model_type bert \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict + + +export MAX_LENGTH=164 +export BERT_MODEL=xlm-roberta-base +export INPUT_DIR=conll_tranf +export OUTPUT_DIR=eng_yor100 +export BATCH_SIZE=32 +export NUM_EPOCHS=10 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=2 python3 train_ner.py --data_dir news/yoruba100/ \ +--model_type bert \ +--model_name_or_path $BERT_MODEL \ +--input_dir $INPUT_DIR \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS \ +--seed $SEED \ +--do_finetune \ +--do_eval \ +--do_predict + + +export MAX_LENGTH=164 +export BERT_MODEL=xlm-roberta-base +export OUTPUT_DIR=conll_tranf +export BATCH_SIZE=32 +export NUM_EPOCHS=10 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=3 python3 train_ner.py --data_dir news/igbo/ \ +--model_type bert \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS \ +--seed $SEED \ +--do_predict + + +export MAX_LENGTH=164 +export BERT_MODEL=xlm-roberta-large +export OUTPUT_DIR=ibo_xlmrlarge +export BATCH_SIZE=32 +export NUM_EPOCHS=50 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=0,1,3 python3 train_ner.py --data_dir conll_format/igbo/ \ +--model_type xlmroberta \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict + + +yor +bert +f1 = 0.7777286787450287 +xlmr +f1 = 0.7187916481563749 + +luo +bert +f1 = 0.5938650306748466 +xlmr +f1 = 0.43446601941747576 + +igbo +bert + +xlmr + + +''' diff --git a/data_tooling/pii_processing/masakhane-ner/code/train_ner_freezedBERT.py b/data_tooling/pii_processing/masakhane-ner/code/train_ner_freezedBERT.py new file mode 100644 index 0000000..548fba2 --- /dev/null +++ b/data_tooling/pii_processing/masakhane-ner/code/train_ner_freezedBERT.py @@ -0,0 +1,845 @@ +# coding=utf-8 +# Copyright 2018 The Google AI Language Team Authors and The HuggingFace Inc. team. +# Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" Fine-tuning the library models for named entity recognition on CoNLL-2003 (Bert or Roberta). """ + +import argparse +import glob +import logging +import os +import random + +import numpy as np +import torch +from seqeval.metrics import f1_score, precision_score, recall_score, classification_report +from torch.nn import CrossEntropyLoss +from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset +from torch.utils.data.distributed import DistributedSampler +from tqdm import tqdm, trange +from scipy.sparse import save_npz, load_npz +import seqeval.metrics +from collections import defaultdict, Counter +from torch.utils.data import TensorDataset +from torch.utils.data import Dataset, DataLoader +from transformers import AutoModelForSequenceClassification, AutoModelForTokenClassification, \ + AutoConfig, AutoTokenizer, AutoModel +from transformers import AdamW, get_constant_schedule_with_warmup +from torch.nn.utils.rnn import pack_padded_sequence, pad_packed_sequence +from torch import LongTensor +import torch +from torch import nn, optim +from torch.nn import functional as F +from tqdm import tqdm +import random + + +from transformers import ( + WEIGHTS_NAME, + AdamW, + BertConfig, + BertForTokenClassification, + BertTokenizer, + CamembertConfig, + CamembertForTokenClassification, + CamembertTokenizer, + DistilBertConfig, + DistilBertForTokenClassification, + DistilBertTokenizer, + RobertaConfig, + RobertaForTokenClassification, + RobertaTokenizer, + XLMRobertaConfig, + XLMRobertaForTokenClassification, + XLMRobertaTokenizer, + get_linear_schedule_with_warmup, +) + +from utils_ner import convert_examples_to_features, get_labels, read_examples_from_file +from torch.utils.data import Dataset, DataLoader + +try: + from torch.utils.tensorboard import SummaryWriter +except ImportError: + from tensorboardX import SummaryWriter + +logger = logging.getLogger(__name__) + +MODEL_CLASSES = { + "bert": (BertConfig, BertForTokenClassification, BertTokenizer), + "roberta": (RobertaConfig, RobertaForTokenClassification, RobertaTokenizer), + "distilbert": (DistilBertConfig, DistilBertForTokenClassification, DistilBertTokenizer), + "camembert": (CamembertConfig, CamembertForTokenClassification, CamembertTokenizer), + "xlmroberta": (XLMRobertaConfig, XLMRobertaForTokenClassification, XLMRobertaTokenizer), +} + + +def set_seed(args): + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + if args.n_gpu > 0: + torch.cuda.manual_seed_all(args.seed) + + +class Classifier(nn.Module): + """Head for sentence-level classification tasks.""" + + def __init__(self, num_classes, input_dim=768, hidden_size=64, pooler_dropout=0.3): + super(Classifier, self).__init__() + # self.dense = nn.Linear(input_dim, inner_dim) + + self.lstm = nn.LSTM(input_size=input_dim, + hidden_size=hidden_size, + num_layers=1, + # dropout = self.config.dropout_keep, + bidirectional=True, batch_first=True) + + self.activation_fn = nn.ReLU() + self.dropout = nn.Dropout(p=pooler_dropout) + self.out_proj = nn.Linear(hidden_size * 2, num_classes) # 2*hidden_size because bidirectional is True + + def forward(self, sent_rep): + # x = self.dropout(sent_rep) + # x = self.dense(x) + total_length = sent_rep.size(1) + input_lengths = sent_rep.size(0) + # print('input length: ', input_lengths) + vectorized_seqs = sent_rep.cpu().numpy() + input_lengths = LongTensor(list(map(len, vectorized_seqs))) + packed_input = pack_padded_sequence(sent_rep, input_lengths.cpu().numpy(), batch_first=True) + packed_output, (h_n, c_n) = self.lstm(packed_input) + # lstm_out, (h_n, c_n) = self.lstm(sent_rep) + output, _ = pad_packed_sequence(packed_output, batch_first=True, + total_length=total_length) + final_feature_map = self.dropout(output) # shape=(num_layers * num_directions, 64, hidden_size) + # final_feature_map = self.dropout(lstm_out) # shape=(num_layers * num_directions, 64, hidden_size) + + # Convert input to (64, hidden_size * hidden_layers * num_directions) for linear layer + # final_feature_map = torch.cat([final_feature_map[i, :, :] for i in range(final_feature_map.shape[0])], dim=1) + + x = self.activation_fn(final_feature_map) + x = self.dropout(x) + x = self.out_proj(x) # F.log_softmax(self.out_proj(x), dim=1) + return x + + +def train(args, train_dataset, bert_model, model, tokenizer, labels, pad_token_label_id): + """ Train the model """ + if args.local_rank in [-1, 0]: + tb_writer = SummaryWriter() + + loss_fct = torch.nn.CrossEntropyLoss() + + args.train_batch_size = args.per_gpu_train_batch_size * max(1, args.n_gpu) + train_sampler = RandomSampler(train_dataset) + train_dataloader = DataLoader(train_dataset, sampler=train_sampler, batch_size=args.train_batch_size) + + if args.max_steps > 0: + t_total = args.max_steps + args.num_train_epochs = args.max_steps // (len(train_dataloader) // args.gradient_accumulation_steps) + 1 + else: + t_total = len(train_dataloader) // args.gradient_accumulation_steps * args.num_train_epochs + + # Prepare optimizer and schedule (linear warmup and decay) + no_decay = ["bias", "LayerNorm.weight"] + optimizer_grouped_parameters = [ + { + "params": [p for n, p in model.named_parameters() if not any(nd in n for nd in no_decay)], + "weight_decay": args.weight_decay, + }, + {"params": [p for n, p in model.named_parameters() if any(nd in n for nd in no_decay)], "weight_decay": 0.0}, + ] + optimizer = AdamW(optimizer_grouped_parameters, lr=args.learning_rate, eps=args.adam_epsilon) + scheduler = get_linear_schedule_with_warmup( + optimizer, num_warmup_steps=args.warmup_steps, num_training_steps=t_total + ) + + # Check if saved optimizer or scheduler states exist + if os.path.isfile(os.path.join(args.model_name_or_path, "optimizer.pt")) and os.path.isfile( + os.path.join(args.model_name_or_path, "scheduler.pt") + ): + # Load in optimizer and scheduler states + optimizer.load_state_dict(torch.load(os.path.join(args.model_name_or_path, "optimizer.pt"))) + scheduler.load_state_dict(torch.load(os.path.join(args.model_name_or_path, "scheduler.pt"))) + + + # Train! + logger.info("***** Running training *****") + logger.info(" Num examples = %d", len(train_dataset)) + logger.info(" Num Epochs = %d", args.num_train_epochs) + logger.info(" Instantaneous batch size per GPU = %d", args.per_gpu_train_batch_size) + logger.info( + " Total train batch size (w. parallel, distributed & accumulation) = %d", + args.train_batch_size + * args.gradient_accumulation_steps + * (1), + ) + logger.info(" Gradient Accumulation steps = %d", args.gradient_accumulation_steps) + logger.info(" Total optimization steps = %d", t_total) + + global_step = 0 + epochs_trained = 0 + steps_trained_in_current_epoch = 0 + # Check if continuing training from a checkpoint + if os.path.exists(args.model_name_or_path): + # set global_step to gobal_step of last saved checkpoint from model path + try: + global_step = int(args.model_name_or_path.split("-")[-1].split("/")[0]) + except ValueError: + global_step = 0 + epochs_trained = global_step // (len(train_dataloader) // args.gradient_accumulation_steps) + steps_trained_in_current_epoch = global_step % (len(train_dataloader) // args.gradient_accumulation_steps) + + logger.info(" Continuing training from checkpoint, will skip to saved global_step") + logger.info(" Continuing training from epoch %d", epochs_trained) + logger.info(" Continuing training from global step %d", global_step) + logger.info(" Will skip the first %d steps in the first epoch", steps_trained_in_current_epoch) + + tr_loss, logging_loss = 0.0, 0.0 + model.zero_grad() + train_iterator = trange( + epochs_trained, int(args.num_train_epochs), desc="Epoch", disable=args.local_rank not in [-1, 0] + ) + set_seed(args) # Added here for reproductibility + for _ in train_iterator: + epoch_iterator = tqdm(train_dataloader, desc="Iteration", disable=args.local_rank not in [-1, 0]) + for step, batch in enumerate(epoch_iterator): + + # Skip past any already trained steps if resuming training + if steps_trained_in_current_epoch > 0: + steps_trained_in_current_epoch -= 1 + continue + + model.train() + batch = tuple(t.to(args.device) for t in batch) + inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} + if args.model_type != "distilbert": + inputs["token_type_ids"] = ( + batch[2] if args.model_type in ["bert", "xlnet"] else None + ) # XLM and RoBERTa don"t use segment_ids + + hs = bert_model(inputs["input_ids"], attention_mask=inputs["attention_mask"], output_hidden_states=True) + + avg_emb = 0 + for layer in range(1, len(hs.hidden_states)): + avg_emb += hs.hidden_states[layer] + + avg_emb = torch.div(avg_emb, len(hs.hidden_states)-1) + #print(avg_emb.shape, len(hs.hidden_states)) + #cls_hs = hs[0] + + logits = model(avg_emb) + active_loss = inputs["attention_mask"].view(-1) == 1 + active_logits = logits.view(-1, args.num_labels) + active_labels = torch.where( + active_loss, inputs["labels"].view(-1), torch.tensor(loss_fct.ignore_index).type_as(inputs["labels"]) + ) + loss = loss_fct(active_logits, active_labels) + + if args.gradient_accumulation_steps > 1: + loss = loss / args.gradient_accumulation_steps + + loss.backward() + + tr_loss += loss.item() + if (step + 1) % args.gradient_accumulation_steps == 0: + torch.nn.utils.clip_grad_norm_(model.parameters(), args.max_grad_norm) + + scheduler.step() # Update learning rate schedule + optimizer.step() + model.zero_grad() + global_step += 1 + + if args.local_rank in [-1, 0] and args.logging_steps > 0 and global_step % args.logging_steps == 0: + # Log metrics + if ( + args.local_rank == -1 and args.evaluate_during_training + ): # Only evaluate when single GPU otherwise metrics may not average well + results, _ = evaluate(args, model, tokenizer, labels, pad_token_label_id, mode="dev") + for key, value in results.items(): + tb_writer.add_scalar("eval_{}".format(key), value, global_step) + tb_writer.add_scalar("lr", scheduler.get_lr()[0], global_step) + tb_writer.add_scalar("loss", (tr_loss - logging_loss) / args.logging_steps, global_step) + logging_loss = tr_loss + + if args.local_rank in [-1, 0] and args.save_steps > 0 and global_step % args.save_steps == 0: + # Save model checkpoint + output_dir = os.path.join(args.output_dir, "checkpoint-{}".format(global_step)) + if not os.path.exists(output_dir): + os.makedirs(output_dir) + + model_to_save = ( + model.module if hasattr(model, "module") else model + ) # Take care of distributed/parallel training + + bert_model_to_save = ( + bert_model.module if hasattr(bert_model, "module") else bert_model + ) + + bert_model_to_save.save_pretrained(args.output_dir) + tokenizer.save_pretrained(args.output_dir) + + # Good practice: save your training arguments together with the trained model + torch.save(args, os.path.join(args.output_dir, "training_args.bin")) + torch.save(model_to_save.state_dict(), os.path.join(args.output_dir, "bert_lstm.model")) + + logger.info("Saving model checkpoint to %s", output_dir) + + torch.save(optimizer.state_dict(), os.path.join(output_dir, "optimizer.pt")) + torch.save(scheduler.state_dict(), os.path.join(output_dir, "scheduler.pt")) + logger.info("Saving optimizer and scheduler states to %s", output_dir) + + if args.max_steps > 0 and global_step > args.max_steps: + epoch_iterator.close() + break + if args.max_steps > 0 and global_step > args.max_steps: + train_iterator.close() + break + + if args.local_rank in [-1, 0]: + tb_writer.close() + + return global_step, tr_loss / global_step + + +def evaluate(args, bert_model, model, tokenizer, labels, pad_token_label_id, mode, prefix=""): + eval_dataset = load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode=mode) + + loss_fct = torch.nn.CrossEntropyLoss() + + args.eval_batch_size = args.per_gpu_eval_batch_size * max(1, args.n_gpu) + # Note that DistributedSampler samples randomly + eval_sampler = SequentialSampler(eval_dataset) if args.local_rank == -1 else DistributedSampler(eval_dataset) + eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=args.eval_batch_size) + + # multi-gpu evaluate + if args.n_gpu > 1: + model = torch.nn.DataParallel(model) + + # Eval! + logger.info("***** Running evaluation %s *****", prefix) + logger.info(" Num examples = %d", len(eval_dataset)) + logger.info(" Batch size = %d", args.eval_batch_size) + eval_loss = 0.0 + nb_eval_steps = 0 + preds = None + out_label_ids = None + model.eval() + for batch in tqdm(eval_dataloader, desc="Evaluating"): + batch = tuple(t.to(args.device) for t in batch) + + with torch.no_grad(): + inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} + if args.model_type != "distilbert": + inputs["token_type_ids"] = ( + batch[2] if args.model_type in ["bert", "xlnet"] else None + ) # XLM and RoBERTa don"t use segment_ids + #outputs = model(**inputs) + #tmp_eval_loss, logits = outputs[:2] + + + hs = bert_model(inputs["input_ids"], attention_mask=inputs["attention_mask"], output_hidden_states=True) + + avg_emb = 0 + for layer in range(1, len(hs.hidden_states)): + avg_emb += hs.hidden_states[layer] + + avg_emb = torch.div(avg_emb, len(hs.hidden_states) - 1) + + logits = model(avg_emb) + active_loss = inputs["attention_mask"].view(-1) == 1 + active_logits = logits.view(-1, args.num_labels) + active_labels = torch.where( + active_loss, inputs["labels"].view(-1), torch.tensor(loss_fct.ignore_index).type_as(inputs["labels"]) + ) + tmp_eval_loss = loss_fct(active_logits, active_labels) + + if args.n_gpu > 1: + tmp_eval_loss = tmp_eval_loss.mean() # mean() to average on multi-gpu parallel evaluating + + eval_loss += tmp_eval_loss.item() + nb_eval_steps += 1 + if preds is None: + preds = logits.detach().cpu().numpy() + out_label_ids = inputs["labels"].detach().cpu().numpy() + else: + preds = np.append(preds, logits.detach().cpu().numpy(), axis=0) + out_label_ids = np.append(out_label_ids, inputs["labels"].detach().cpu().numpy(), axis=0) + + eval_loss = eval_loss / nb_eval_steps + preds = np.argmax(preds, axis=2) + + label_map = {i: label for i, label in enumerate(labels)} + + out_label_list = [[] for _ in range(out_label_ids.shape[0])] + preds_list = [[] for _ in range(out_label_ids.shape[0])] + + for i in range(out_label_ids.shape[0]): + for j in range(out_label_ids.shape[1]): + if out_label_ids[i, j] != pad_token_label_id: + out_label_list[i].append(label_map[out_label_ids[i][j]]) + preds_list[i].append(label_map[preds[i][j]]) + + results = { + "loss": eval_loss, + "precision": precision_score(out_label_list, preds_list), + "recall": recall_score(out_label_list, preds_list), + "f1": f1_score(out_label_list, preds_list), + 'report': classification_report(out_label_list, preds_list), + } + + logger.info("***** Eval results %s *****", prefix) + for key in sorted(results.keys()): + logger.info(" %s = %s", key, str(results[key])) + + return results, preds_list + + +def load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode): + if args.local_rank not in [-1, 0] and not evaluate: + torch.distributed.barrier() # Make sure only the first process in distributed training process the dataset, and the others will use the cache + + # Load data features from cache or dataset file + cached_features_file = os.path.join( + args.data_dir, + "cached_{}_{}_{}".format( + mode, list(filter(None, args.model_name_or_path.split("/"))).pop(), str(args.max_seq_length) + ), + ) + if os.path.exists(cached_features_file) and not args.overwrite_cache: + logger.info("Loading features from cached file %s", cached_features_file) + features = torch.load(cached_features_file) + else: + logger.info("Creating features from dataset file at %s", args.data_dir) + examples = read_examples_from_file(args.data_dir, mode) + features = convert_examples_to_features( + examples, + labels, + args.max_seq_length, + tokenizer, + cls_token_at_end=bool(args.model_type in ["xlnet"]), + # xlnet has a cls token at the end + cls_token=tokenizer.cls_token, + cls_token_segment_id=2 if args.model_type in ["xlnet"] else 0, + sep_token=tokenizer.sep_token, + sep_token_extra=bool(args.model_type in ["roberta"]), + # roberta uses an extra separator b/w pairs of sentences, cf. github.com/pytorch/fairseq/commit/1684e166e3da03f5b600dbb7855cb98ddfcd0805 + pad_on_left=bool(args.model_type in ["xlnet"]), + # pad on the left for xlnet + pad_token=tokenizer.convert_tokens_to_ids([tokenizer.pad_token])[0], + pad_token_segment_id=4 if args.model_type in ["xlnet"] else 0, + pad_token_label_id=pad_token_label_id, + ) + if args.local_rank in [-1, 0]: + logger.info("Saving features into cached file %s", cached_features_file) + torch.save(features, cached_features_file) + + if args.local_rank == 0 and not evaluate: + torch.distributed.barrier() # Make sure only the first process in distributed training process the dataset, and the others will use the cache + + # Convert to Tensors and build dataset + all_input_ids = torch.tensor([f.input_ids for f in features], dtype=torch.long) + all_input_mask = torch.tensor([f.input_mask for f in features], dtype=torch.long) + all_segment_ids = torch.tensor([f.segment_ids for f in features], dtype=torch.long) + all_label_ids = torch.tensor([f.label_ids for f in features], dtype=torch.long) + + dataset = TensorDataset(all_input_ids, all_input_mask, all_segment_ids, all_label_ids) + return dataset + + + +def main(): + parser = argparse.ArgumentParser() + + # Required parameters + parser.add_argument( + "--data_dir", + default=None, + type=str, + required=True, + help="The input data dir. Should contain the training files for the CoNLL-2003 NER task.", + ) + parser.add_argument( + "--model_type", + default=None, + type=str, + required=True, + help="Model type selected in the list: " + ", ".join(MODEL_CLASSES.keys()), + ) + parser.add_argument( + "--model_name_or_path", + default=None, + type=str, + required=True, + help="Path to pre-trained model or shortcut name selected in the list: " + ", ", + ) + parser.add_argument( + "--input_dir", + default=None, + type=str, + required=False, + help="The input model directory.", + ) + parser.add_argument( + "--output_dir", + default=None, + type=str, + required=True, + help="The output directory where the model predictions and checkpoints will be written.", + ) + + parser.add_argument( + "--test_result_file", + default="test_results.txt", + type=str, + required=False, + help="The test_result", + ) + + parser.add_argument( + "--test_prediction_file", + default="test_predictions.txt", + type=str, + required=False, + help="The test_result", + ) + + # Other parameters + parser.add_argument( + "--labels", + default="", + type=str, + help="Path to a file containing all labels. If not specified, CoNLL-2003 labels are used.", + ) + parser.add_argument( + "--config_name", default="", type=str, help="Pretrained config name or path if not the same as model_name" + ) + parser.add_argument( + "--tokenizer_name", + default="", + type=str, + help="Pretrained tokenizer name or path if not the same as model_name", + ) + parser.add_argument( + "--cache_dir", + default="", + type=str, + help="Where do you want to store the pre-trained models downloaded from s3", + ) + parser.add_argument( + "--max_seq_length", + default=128, + type=int, + help="The maximum total input sequence length after tokenization. Sequences longer " + "than this will be truncated, sequences shorter will be padded.", + ) + parser.add_argument("--do_train", action="store_true", help="Whether to run training.") + parser.add_argument("--do_finetune", action="store_true", help="Whether to run training.") + parser.add_argument("--do_eval", action="store_true", help="Whether to run eval on the dev set.") + parser.add_argument("--do_predict", action="store_true", help="Whether to run predictions on the test set.") + parser.add_argument( + "--evaluate_during_training", + action="store_true", + help="Whether to run evaluation during training at each logging step.", + ) + parser.add_argument( + "--do_lower_case", action="store_true", help="Set this flag if you are using an uncased model." + ) + + parser.add_argument("--per_gpu_train_batch_size", default=8, type=int, help="Batch size per GPU/CPU for training.") + parser.add_argument( + "--per_gpu_eval_batch_size", default=8, type=int, help="Batch size per GPU/CPU for evaluation." + ) + parser.add_argument( + "--gradient_accumulation_steps", + type=int, + default=1, + help="Number of updates steps to accumulate before performing a backward/update pass.", + ) + parser.add_argument("--learning_rate", default=5e-5, type=float, help="The initial learning rate for Adam.") + parser.add_argument("--weight_decay", default=0.0, type=float, help="Weight decay if we apply some.") + parser.add_argument("--adam_epsilon", default=1e-8, type=float, help="Epsilon for Adam optimizer.") + parser.add_argument("--max_grad_norm", default=1.0, type=float, help="Max gradient norm.") + parser.add_argument( + "--num_train_epochs", default=3.0, type=float, help="Total number of training epochs to perform." + ) + parser.add_argument( + "--max_steps", + default=-1, + type=int, + help="If > 0: set total number of training steps to perform. Override num_train_epochs.", + ) + parser.add_argument("--warmup_steps", default=0, type=int, help="Linear warmup over warmup_steps.") + + parser.add_argument("--logging_steps", type=int, default=500, help="Log every X updates steps.") + parser.add_argument("--save_steps", type=int, default=500, help="Save checkpoint every X updates steps.") + parser.add_argument( + "--eval_all_checkpoints", + action="store_true", + help="Evaluate all checkpoints starting with the same prefix as model_name ending and ending with step number", + ) + parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available") + parser.add_argument( + "--overwrite_output_dir", action="store_true", help="Overwrite the content of the output directory" + ) + parser.add_argument( + "--overwrite_cache", action="store_true", help="Overwrite the cached training and evaluation sets" + ) + parser.add_argument("--seed", type=int, default=42, help="random seed for initialization") + + parser.add_argument("--local_rank", type=int, default=-1, help="For distributed training: local_rank") + parser.add_argument("--server_ip", type=str, default="", help="For distant debugging.") + parser.add_argument("--server_port", type=str, default="", help="For distant debugging.") + + + args = parser.parse_args() + + if ( + os.path.exists(args.output_dir) + and os.listdir(args.output_dir) + and args.do_train + and not args.overwrite_output_dir + ): + raise ValueError( + "Output directory ({}) already exists and is not empty. Use --overwrite_output_dir to overcome.".format( + args.output_dir + ) + ) + + # Setup distant debugging if needed + if args.server_ip and args.server_port: + # Distant debugging - see https://code.visualstudio.com/docs/python/debugging#_attach-to-a-local-script + import ptvsd + + print("Waiting for debugger attach") + ptvsd.enable_attach(address=(args.server_ip, args.server_port), redirect_output=True) + ptvsd.wait_for_attach() + + # Setup CUDA, GPU & distributed training + if args.local_rank == -1 or args.no_cuda: + device = torch.device("cuda" if torch.cuda.is_available() and not args.no_cuda else "cpu") + args.n_gpu = torch.cuda.device_count() + else: # Initializes the distributed backend which will take care of sychronizing nodes/GPUs + torch.cuda.set_device(args.local_rank) + device = torch.device("cuda", args.local_rank) + torch.distributed.init_process_group(backend="nccl") + args.n_gpu = 1 + args.device = device + + # Setup logging + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + datefmt="%m/%d/%Y %H:%M:%S", + level=logging.INFO if args.local_rank in [-1, 0] else logging.WARN, + ) + + # Set seed + set_seed(args) + + # Prepare CONLL-2003 task + labels = get_labels(args.labels) + num_labels = len(labels) + args.num_labels = num_labels + # Use cross entropy ignore index as padding label id so that only real label ids contribute to the loss later + pad_token_label_id = CrossEntropyLoss().ignore_index + + # Load pretrained model and tokenizer + if args.local_rank not in [-1, 0]: + torch.distributed.barrier() # Make sure only the first process in distributed training will download model & vocab + + args.model_type = args.model_type.lower() + config_class, model_class, tokenizer_class = AutoConfig, AutoModel, AutoTokenizer #MODEL_CLASSES[args.model_type] + + tokenizer = tokenizer_class.from_pretrained( + args.tokenizer_name if args.tokenizer_name else args.model_name_or_path, + # do_lower_case=args.do_lower_case, + cache_dir=args.cache_dir if args.cache_dir else None, + # use_fast=args.use_fast, + ) + bert_model = model_class.from_pretrained( + args.model_name_or_path, + cache_dir=args.cache_dir if args.cache_dir else None, + ) + + # freeze all the parameters + for param in bert_model.parameters(): + param.requires_grad = False + + if args.local_rank == 0: + torch.distributed.barrier() # Make sure only the first process in distributed training will download model & vocab + + bert_model.to(args.device) + bert_model.eval() + + model = Classifier(num_classes=num_labels) + + model.to(args.device) + + logger.info("Training/evaluation parameters %s", args) + + # Training + if args.do_train: + train_dataset = load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode="train") + #train_dataset = load_examples(args, mode="train") + global_step, tr_loss = train(args, train_dataset, bert_model, model, tokenizer, labels, pad_token_label_id) + #global_step, tr_loss = train_ner(args, train_dataset, model, tokenizer, labels, pad_token_label_id) + logger.info(" global_step = %s, average loss = %s", global_step, tr_loss) + + # Fine-tuning + if args.do_finetune: + tokenizer = tokenizer_class.from_pretrained(args.input_dir, do_lower_case=args.do_lower_case) + model = model_class.from_pretrained(args.input_dir) + model.to(args.device) + result, predictions = evaluate(args, model, tokenizer, labels, pad_token_label_id, mode="test") + train_dataset = load_and_cache_examples(args, tokenizer, labels, pad_token_label_id, mode="train") + + # train_dataset = load_examples(args, mode="train") + global_step, tr_loss = train(args, train_dataset, model, tokenizer, labels, pad_token_label_id) + # global_step, tr_loss = train_ner(args, train_dataset, model, tokenizer, labels, pad_token_label_id) + logger.info(" global_step = %s, average loss = %s", global_step, tr_loss) + + # Saving best-practices: if you use defaults names for the model, you can reload it using from_pretrained() + if (args.do_train or args.do_finetune) and (args.local_rank == -1 or torch.distributed.get_rank() == 0): + # Create output directory if needed + if not os.path.exists(args.output_dir) and args.local_rank in [-1, 0]: + os.makedirs(args.output_dir) + + logger.info("Saving model checkpoint to %s", args.output_dir) + # Save a trained model, configuration and tokenizer using `save_pretrained()`. + # They can then be reloaded using `from_pretrained()` + + model_to_save = ( + model.module if hasattr(model, "module") else model + ) # Take care of distributed/parallel training + + bert_model_to_save = ( + bert_model.module if hasattr(bert_model, "module") else bert_model + ) + + bert_model_to_save.save_pretrained(args.output_dir) + tokenizer.save_pretrained(args.output_dir) + + # Good practice: save your training arguments together with the trained model + torch.save(args, os.path.join(args.output_dir, "training_args.bin")) + torch.save(model_to_save.state_dict(), os.path.join(args.output_dir, "bert_lstm.model")) + + # Evaluation + results = {} + if args.do_eval and args.local_rank in [-1, 0]: + tokenizer = tokenizer_class.from_pretrained(args.output_dir, do_lower_case=args.do_lower_case) + checkpoints = [args.output_dir] + if args.eval_all_checkpoints: + checkpoints = list( + os.path.dirname(c) for c in sorted(glob.glob(args.output_dir + "/**/" + WEIGHTS_NAME, recursive=True)) + ) + logging.getLogger("pytorch_transformers.modeling_utils").setLevel(logging.WARN) # Reduce logging + logger.info("Evaluate the following checkpoints: %s", checkpoints) + for checkpoint in checkpoints: + global_step = checkpoint.split("-")[-1] if len(checkpoints) > 1 else "" + + bert_model = model_class.from_pretrained(checkpoint) + bert_model.to(args.device) + model.load_state_dict(torch.load(os.path.join(args.output_dir, "bert_lstm.model"))) + result, _ = evaluate(args, bert_model, model, tokenizer, labels, pad_token_label_id, mode="dev", prefix=global_step) + if global_step: + result = {"{}_{}".format(global_step, k): v for k, v in result.items()} + results.update(result) + output_eval_file = os.path.join(args.output_dir, "eval_results.txt") + with open(output_eval_file, "w") as writer: + for key in sorted(results.keys()): + writer.write("{} = {}\n".format(key, str(results[key]))) + + if args.do_predict and args.local_rank in [-1, 0]: + tokenizer = tokenizer_class.from_pretrained(args.output_dir, do_lower_case=args.do_lower_case) + bert_model = model_class.from_pretrained(args.output_dir) + bert_model.to(args.device) + model.load_state_dict(torch.load(os.path.join(args.output_dir, "bert_lstm.model"))) + result, predictions = evaluate(args, bert_model, model, tokenizer, labels, pad_token_label_id, mode="test") + # Save results + output_test_results_file = os.path.join(args.output_dir, args.test_result_file) + with open(output_test_results_file, "w") as writer: + for key in sorted(result.keys()): + writer.write("{} = {}\n".format(key, str(result[key]))) + # Save predictions + output_test_predictions_file = os.path.join(args.output_dir, args.test_prediction_file) + with open(output_test_predictions_file, "w") as writer: + with open(os.path.join(args.data_dir, "test.txt"), "r") as f: + example_id = 0 + for line in f: + if line.startswith("-DOCSTART-") or line == "" or line == "\n": + writer.write(line) + if not predictions[example_id]: + example_id += 1 + elif predictions[example_id]: + output_line = line.split()[0] + " " + predictions[example_id].pop(0) + "\n" + writer.write(output_line) + else: + logger.warning("Maximum sequence length exceeded: No prediction for '%s'.", line.split()[0]) + + return results + + + + +if __name__ == "__main__": + main() + + +''' +export MAX_LENGTH=164 +export BERT_MODEL=bert-base-multilingual-cased +export OUTPUT_DIR=yo_sample +export BATCH_SIZE=32 +export NUM_EPOCHS=50 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=3 python3 train_ner_freezedBERT.py --data_dir conll_format/yoruba/ \ +--model_type bert \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS --learning_rate 5e-4 \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict + + + +export MAX_LENGTH=164 +export BERT_MODEL=xlm-roberta-base +export OUTPUT_DIR=yo_sample +export BATCH_SIZE=32 +export NUM_EPOCHS=50 +export SAVE_STEPS=10000 +export SEED=1 + +CUDA_VISIBLE_DEVICES=3 python3 train_ner_freezedBERT.py --data_dir conll_format/yoruba/ \ +--model_type xlmroberta \ +--model_name_or_path $BERT_MODEL \ +--output_dir $OUTPUT_DIR \ +--max_seq_length $MAX_LENGTH \ +--num_train_epochs $NUM_EPOCHS \ +--per_gpu_train_batch_size $BATCH_SIZE \ +--save_steps $SAVE_STEPS \ +--seed $SEED \ +--do_train \ +--do_eval \ +--do_predict + +''' diff --git a/data_tooling/pii_processing/masakhane-ner/code/utils_ner.py b/data_tooling/pii_processing/masakhane-ner/code/utils_ner.py new file mode 100644 index 0000000..53d42b5 --- /dev/null +++ b/data_tooling/pii_processing/masakhane-ner/code/utils_ner.py @@ -0,0 +1,239 @@ +# coding=utf-8 +# Copyright 2018 The Google AI Language Team Authors and The HuggingFace Inc. team. +# Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" Named entity recognition fine-tuning: utilities to work with CoNLL-2003 task. """ + + +import logging +import os + + +logger = logging.getLogger(__name__) + +class InputExample(object): + """A single training/test example for token classification.""" + + def __init__(self, guid, words, labels): + """Constructs a InputExample. + + Args: + guid: Unique id for the example. + words: list. The words of the sequence. + labels: (Optional) list. The labels for each word of the sequence. This should be + specified for train and dev examples, but not for test examples. + """ + self.guid = guid + self.words = words + self.labels = labels + + +class InputFeatures(object): + """A single set of features of data.""" + + def __init__(self, input_ids, input_mask, segment_ids, label_ids): + self.input_ids = input_ids + self.input_mask = input_mask + self.segment_ids = segment_ids + self.label_ids = label_ids + + +def read_examples_from_file_flexible(file_path, mode): + guid_index = 1 + examples = [] + with open(file_path, encoding="utf-8") as f: + words = [] + labels = [] + for line in f: + if line.startswith("-DOCSTART-") or line == "" or line == "\n": + if words: + examples.append(InputExample(guid="{}-{}".format(mode, guid_index), words=words, labels=labels)) + guid_index += 1 + words = [] + labels = [] + else: + splits = line.split(" ") + words.append(splits[0]) + if len(splits) > 1: + labels.append(splits[-1].replace("\n", "")) + else: + # Examples could have no label for mode = "test" + labels.append("O") + if words: + examples.append(InputExample(guid="{}-{}".format(mode, guid_index), words=words, labels=labels)) + return examples + + +def read_examples_from_file(data_dir, mode): + file_path = os.path.join(data_dir, "{}.txt".format(mode)) + guid_index = 1 + examples = [] + with open(file_path, encoding="utf-8") as f: + words = [] + labels = [] + for line in f: + line = line.strip() + if len(line) < 2 or line == "\n": + print(line, words) + if words: + examples.append(InputExample(guid="{}-{}".format(mode, guid_index), words=words, labels=labels)) + guid_index += 1 + words = [] + labels = [] + else: + splits = line.split(" ") + words.append(splits[0]) + if len(splits) > 1: + labels.append(splits[-1].replace("\n", "")) + else: + # Examples could have no label for mode = "test" + labels.append("O") + if words: + examples.append(InputExample(guid="{}-{}".format(mode, guid_index), words=words, labels=labels)) + return examples + + +def convert_examples_to_features( + examples, + label_list, + max_seq_length, + tokenizer, + cls_token_at_end=False, + cls_token="[CLS]", + cls_token_segment_id=1, + sep_token="[SEP]", + sep_token_extra=False, + pad_on_left=False, + pad_token=0, + pad_token_segment_id=0, + pad_token_label_id=-100, + sequence_a_segment_id=0, + mask_padding_with_zero=True, +): + """ Loads a data file into a list of `InputBatch`s + `cls_token_at_end` define the location of the CLS token: + - False (Default, BERT/XLM pattern): [CLS] + A + [SEP] + B + [SEP] + - True (XLNet/GPT pattern): A + [SEP] + B + [SEP] + [CLS] + `cls_token_segment_id` define the segment id associated to the CLS token (0 for BERT, 2 for XLNet) + """ + + label_map = {label: i for i, label in enumerate(label_list)} + + features = [] + for (ex_index, example) in enumerate(examples): + #print(ex_index, len(example.words)) + if ex_index % 10000 == 0: + logger.info("Writing example %d of %d", ex_index, len(examples)) + + tokens = [] + label_ids = [] + for word, label in zip(example.words, example.labels): + word_tokens = tokenizer.tokenize(word) + tokens.extend(word_tokens) + # Use the real label id for the first token of the word, and padding ids for the remaining tokens + label_ids.extend([label_map[label]] + [pad_token_label_id] * (len(word_tokens) - 1)) + + # Account for [CLS] and [SEP] with "- 2" and with "- 3" for RoBERTa. + special_tokens_count = 3 if sep_token_extra else 2 + if len(tokens) > max_seq_length - special_tokens_count: + tokens = tokens[: (max_seq_length - special_tokens_count)] + label_ids = label_ids[: (max_seq_length - special_tokens_count)] + + # The convention in BERT is: + # (a) For sequence pairs: + # tokens: [CLS] is this jack ##son ##ville ? [SEP] no it is not . [SEP] + # type_ids: 0 0 0 0 0 0 0 0 1 1 1 1 1 1 + # (b) For single sequences: + # tokens: [CLS] the dog is hairy . [SEP] + # type_ids: 0 0 0 0 0 0 0 + # + # Where "type_ids" are used to indicate whether this is the first + # sequence or the second sequence. The embedding vectors for `type=0` and + # `type=1` were learned during pre-training and are added to the wordpiece + # embedding vector (and position vector). This is not *strictly* necessary + # since the [SEP] token unambiguously separates the sequences, but it makes + # it easier for the model to learn the concept of sequences. + # + # For classification tasks, the first vector (corresponding to [CLS]) is + # used as as the "sentence vector". Note that this only makes sense because + # the entire model is fine-tuned. + tokens += [sep_token] + label_ids += [pad_token_label_id] + if sep_token_extra: + # roberta uses an extra separator b/w pairs of sentences + tokens += [sep_token] + label_ids += [pad_token_label_id] + segment_ids = [sequence_a_segment_id] * len(tokens) + + if cls_token_at_end: + tokens += [cls_token] + label_ids += [pad_token_label_id] + segment_ids += [cls_token_segment_id] + else: + tokens = [cls_token] + tokens + label_ids = [pad_token_label_id] + label_ids + segment_ids = [cls_token_segment_id] + segment_ids + + input_ids = tokenizer.convert_tokens_to_ids(tokens) + + # The mask has 1 for real tokens and 0 for padding tokens. Only real + # tokens are attended to. + input_mask = [1 if mask_padding_with_zero else 0] * len(input_ids) + + # Zero-pad up to the sequence length. + padding_length = max_seq_length - len(input_ids) + if pad_on_left: + input_ids = ([pad_token] * padding_length) + input_ids + input_mask = ([0 if mask_padding_with_zero else 1] * padding_length) + input_mask + segment_ids = ([pad_token_segment_id] * padding_length) + segment_ids + label_ids = ([pad_token_label_id] * padding_length) + label_ids + else: + input_ids += [pad_token] * padding_length + input_mask += [0 if mask_padding_with_zero else 1] * padding_length + segment_ids += [pad_token_segment_id] * padding_length + label_ids += [pad_token_label_id] * padding_length + + assert len(input_ids) == max_seq_length + assert len(input_mask) == max_seq_length + assert len(segment_ids) == max_seq_length + try: + assert len(label_ids) == max_seq_length + except: + continue + + if ex_index < 5: + logger.info("*** Example ***") + logger.info("guid: %s", example.guid) + logger.info("tokens: %s", " ".join([str(x) for x in tokens])) + logger.info("input_ids: %s", " ".join([str(x) for x in input_ids])) + logger.info("input_mask: %s", " ".join([str(x) for x in input_mask])) + logger.info("segment_ids: %s", " ".join([str(x) for x in segment_ids])) + logger.info("label_ids: %s", " ".join([str(x) for x in label_ids])) + + features.append( + InputFeatures(input_ids=input_ids, input_mask=input_mask, segment_ids=segment_ids, label_ids=label_ids) + ) + return features + + + +def get_labels(path): + if path: + with open(path, "r") as f: + labels = f.read().splitlines() + if "O" not in labels: + labels = ["O"] + labels + return labels + else: + return ["O", "B-DATE", "I-DATE", "B-PER", "I-PER", "B-ORG", "I-ORG", "B-LOC", "I-LOC"] diff --git a/data_tooling/pii_processing/misc/README.md b/data_tooling/pii_processing/misc/README.md new file mode 100644 index 0000000..de7d56b --- /dev/null +++ b/data_tooling/pii_processing/misc/README.md @@ -0,0 +1,36 @@ +To test your regex, first install the package and spacy models: +``` +git clone https://github.com/bigscience-workshop/data_tooling +cd data_tooling +pip install spacy==3.1 transformers datasets langid faker nltk sentencepiece fsspec tqdm +pip install -r requirements.txt +pip install datasets +python -m nltk.downloader punkt stopwords wordnet +python -m spacy download en_core_web_lg +python -m spacy download zh_core_web_lg +python -m spacy download pt_core_news_lg +python -m spacy download fr_core_news_lg +python -m spacy download ca_core_news_lg +python -m spacy download es_core_news_lg +cd .. +``` + +TODO: load dynamic regex file...Then create your regex files under the pii_processing/regex folder of the form ``_.py``. + +Currently: edit the file test_regex.py to add your regex directly under ``__main__``. + +Then test your regex on a file of the form ``.jsonl`` which will create a file ``predicted_.jsonl`` + +``` +python data_tooling/pii_processing/misc/test_regex.py -target_lang +``` + +OR you can import apply_rules from test_regex into your own code +``` +from pii_processing.hackathon.test_regex import apply_rules +infile = "" +outfile = "" +rulebase = [...] # you can load the rulebases from pii_processing.regex for example +target_lang = "" +right, wrong = apply_rules(infile, outfile, rulebase, target_lang) +``` diff --git a/data_tooling/pii_processing/misc/backtrans_with_ner.py b/data_tooling/pii_processing/misc/backtrans_with_ner.py new file mode 100644 index 0000000..8e95c55 --- /dev/null +++ b/data_tooling/pii_processing/misc/backtrans_with_ner.py @@ -0,0 +1,573 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from datasets import load_dataset +import os +import re +import itertools +from re import finditer +import glob +import random +import fsspec +import json +from random import randint, choice +from collections import Counter +import spacy, itertools +import langid +from nltk.corpus import stopwords +import fsspec, os, gzip +from faker import Faker +from faker.providers import person, company, geo, address, ssn +from transformers import BertForTokenClassification, RobertaForTokenClassification, XLMRobertaForTokenClassification, M2M100ForConditionalGeneration, M2M100Tokenizer, MarianMTModel, AutoTokenizer, pipeline +import torch +import sys +from tqdm import tqdm + +#sys.path.append(os.path.abspath(os.path.join(os.path.dirname(__file__), +# os.path.pardir, os.path.pardir, os.path.pardir))) +import json +import data_tooling + +from data_tooling.pii_processing.ontology.ontology_manager import OntologyManager + +stopwords_en = set(stopwords.words('english')) +stopwords_wn = set(stopwords.words()) + +#junk_dict = dict([(a, 1) for a in "' 0123456789¯_§½¼¾×|†—~\"—±′–'°−{}[]·-\'?,./<>!@#^&*()+-‑=:;`→¶'"]) + +junk_dict = dict([(a, 1) for a in ( + " ~!@#$%^&*{}[]()_+=-0987654321`<>,./?':;“”\"\t\n\\πه☆●¦″" + ".۩۱(☛₨➩°・■↑☻、๑º‹€σ٪’Ø·−♥ıॽ،٥《‘©。¨﴿!★×✱´٬→±x:¹?£―▷ф" + "¡Г♫∟™ª₪®▬「—¯;¼❖․ø•�」٣,٢◦‑←§١ー٤)˚›٩▼٠«¢¸٨³½˜٭ˈ¿¬ι۞⌐¥►" + "†ƒ∙²»¤…﴾⠀》′ا✓" +)]) + +rulebase = {"en": [([ + ("AGE", re.compile("\S+ years old|\S+\-years\-old|\S+ year old|\S+\-year\-old"), None, None, None), + ("STREET_ADDRESS", re.compile( + '\d{1,4} [\w\s]{1,20} (?:street|st|avenue|ave|road|rd|highway|hwy|square|sq|trail|trl|drive|dr|court|ct|park|parkway|pkwy|circle|cir|boulevard|blvd)\W?(?=\s|$)'), None, None, None), + ("STREET_ADDRESS", re.compile('\b\d{5}(?:[-\s]\d{4})?\b'), None, None, None), + ("STREET_ADDRESS", re.compile('P\.? ?O\.? Box \d+'), None, None, None), + ("GOVT_ID", re.compile( + '(?!000|666|333)0*(?:[0-6][0-9][0-9]|[0-7][0-6][0-9]|[0-7][0-7][0-2])[- ](?!00)[0-9]{2}[- ](?!0000)[0-9]{4}'), None, None, None), + ("DISEASE", re.compile("diabetes|cancer|HIV|AIDS|Alzheimer's|Alzheimer|heart disease"), None, None, None), + ("NORP", re.compile("upper class|middle class|working class|lower class"), None, None, None), + ], 1), + ], + "vi": [] + } + +""" +Our langauges: +- [ ] arabic +- [ ] bantu languages +- [ ] chinese +- [ ] french +- [ ] english +- [ ] indic languages +- [ ] portuguese +- [ ] spanish +- [ ] vietnamese +- [ ] basque +- [ ] catalan +- [ ] indonesian +""" +# note that we do not have a transformer model for catalan, but spacy covers catalan +lang2ner_model = { + "sw": ("Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification ), # consider using one of the smaller models + "yo": ("Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification ), + "ar": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "en": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "es": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "pt": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "fr": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "zh": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + 'vi': ("lhkhiem28/COVID-19-Named-Entity-Recognition-for-Vietnamese", RobertaForTokenClassification), + 'hi': ("jplu/tf-xlm-r-ner-40-lang", XLMRobertaForTokenClassification ), + 'ur': ("jplu/tf-xlm-r-ner-40-lang", XLMRobertaForTokenClassification ), + 'id': ("jplu/tf-xlm-r-ner-40-lang", XLMRobertaForTokenClassification ), # also covers vietnamese + 'bn': ("sagorsarker/mbert-bengali-ner", BertForTokenClassification) + } + +""" +#sagorsarker/mbert-bengali-ner +Label ID Label +0 O +1 B-PER +2 I-PER +3 B-ORG +4 I-ORG +5 B-LOC +6 I-LOC +""" + + + +faker_map = dict([(a.split("_")[0], a) for a in [ + 'ar_AA', + 'ar_PS', + 'ar_SA', + 'bg_BG', + 'cs_CZ', + 'de_AT', + 'de_CH', + 'de_DE', + 'dk_DK', + 'el_GR', + 'en_GB', + 'en_IE', + 'en_IN', + 'en_NZ', + 'en_TH', + 'en_US', + 'es_CA', + 'es_ES', + 'es_MX', + 'et_EE', + 'fa_IR', + 'fi_FI', + 'fr_CA', + 'fr_CH', + 'fr_FR', + 'fr_QC', + 'ga_IE', + 'he_IL', + 'hi_IN', + 'hr_HR', + 'hu_HU', + 'hy_AM', + 'id_ID', + 'it_IT', + 'ja_JP', + 'ka_GE', + 'ko_KR', + 'lt_LT', + 'lv_LV', + 'ne_NP', + 'nl_NL', + 'no_NO', + 'or_IN', + 'pl_PL', + 'pt_BR', + 'pt_PT', + 'ro_RO', + 'ru_RU', + 'sl_SI', + 'sv_SE', + 'ta_IN', + 'th_TH', + 'tr_TR', + 'tw_GH', + 'uk_UA', + 'zh_CN', + 'zh_TW']] + [('en', 'en_US')]) + +def remove_html_tags(text): + """Remove html tags from a string""" + clean = re.compile('<.*?>') + return re.sub(clean, '', text) + + +def camel_case_split(identifier): + matches = finditer('.+?(?:(?<=[a-z])(?=[A-Z])|(?<=[A-Z])(?=[A-Z][a-z])|$)', identifier) + return [m.group(0) for m in matches] + + +def stem(s): + s = s.replace(".", " ").replace("!", " ").replace("?", " ").replace(",", " ").replace("-", " ").replace(";", + " ").replace( + "'", " '").replace("\"", " \"") + sArr = s.lower().split() + if len(sArr) > 4: + sArr = sArr[:4] + s = " ".join([s1[:4] if len(s1) > 4 else s1 for s1 in sArr if s1.strip()]) + return s + + +def pre_translation_steps(infile, target_lang='hi'): + texts = [] + ner_mappings = [] + row_ids = [] + domains = [] + lbracket = "[" + rbracket = "]" + if target_lang in ('zh', 'ja', 'ko'): + lbracket = "[[" + rbracket = "]]" + + row_id = -1 + for s in tqdm(open(infile, "rb")): + s = s.decode().strip() + if not s: continue + dat = json.loads(s) + domain = dat.get('domain','') + ner = dat.get('ner', {}) + text = dat['text'] + if 'id' not in dat: + row_id += 1 + else: + row_id = int(dat['id']) + context = {} + ner_mapping = {} + seen = {} + text = "... " + text + " " + text = text.replace(lbracket, "(") + text = text.replace(rbracket, ")", ) + if person_swap: + _idx = 0 + for item in ner2: + if item[0] in seen: continue + seen[item[0]] = 1 + text = text.replace(item[0], + ' ' + str(_idx) + " " + lbracket + item[0] + rbracket) + ner_mapping[str(_idx) + " " + lbracket] = item + _idx += 1 + + texts.append(text) + ner_mappings.append(ner_mapping) + row_ids.append(row_id) + domains.append(domain) + return texts, ner_mappings, row_ids, domains + + +def chunks(lst, n): + """Generate batches""" + for i in range(0, len(lst), n): + yield lst[i: i + n] + + +def do_translations(texts, target_lang='hi', batch_size=16): + model = M2M100ForConditionalGeneration.from_pretrained("facebook/m2m100_418M") + tokenizer = M2M100Tokenizer.from_pretrained("facebook/m2m100_418M") + model = model.to('cuda').half() + translations = [] + for src_text_list in tqdm(chunks(texts, batch_size)): + batch = tokenizer(src_text_list, return_tensors="pt", padding=True, truncation=True).to('cuda') + gen = model.generate(**batch, forced_bos_token_id=tokenizer.get_lang_id(target_lang)) + outputs = tokenizer.batch_decode(gen, skip_special_tokens=True) + translations.extend(outputs) + return translations + + +def get_aligned_text(sent1, sent2, target_lang): + """ + Given two sentences, find blocks of text that match and that don't match. + return the blocks, and a matching score. + Used to extract NER from original language sentence. + TODO: prefer matching based on "[id] aaaa *" patterns + """ + if target_lang in ("ja", "ko", "zh"): + # splitting on spaces doesn't always work because some languages aren't space separated + sep = "" + else: + sep = " " + sent1 = sent1.split() + sent2 = sent2.split() + aMatch = difflib.SequenceMatcher(None,sent1, sent2) + score = aMatch.ratio() + blocks = aMatch.get_matching_blocks() + blocks2 = [] + prevEndA = 0 + prevEndB = 0 + matchLen = 0 + nonMatchLen = 0 + print (blocks) + for blockI in range(len(blocks)): + if blockI > 0 or (blockI==0 and (blocks[blockI][0] != 0 or blocks[blockI][1] != 0)): + blocks2.append([sep.join(sent1[prevEndA:blocks[blockI][0]]), sep.join(sent2[prevEndB:blocks[blockI][1]]), 0]) + nonMatchLen += max(blocks[blockI][0] - prevEndA, blocks[blockI][1] - prevEndB) + if blocks[blockI][2] != 0: + blocks2.append([sep.join(sent1[blocks[blockI][0]:blocks[blockI][0]+blocks[blockI][2]]), sep.join(sent2[blocks[blockI][1]:blocks[blockI][1]+blocks[blockI][2]]), 1]) + prevEndA = blocks[blockI][0]+blocks[blockI][2] + prevEndB = blocks[blockI][1]+blocks[blockI][2] + matchLen += blocks[blockI][2] + #score = float(matchLen+1)/float(nonMatchLen+1) + return (blocks2, score) + +def post_translation_steps(outfile, translations, original_sentences, origional_ner, ner_mappings, row_ids, domains, target_lang='hi'): + rbracket = "]" + if target_lang in ('zh', 'ja', 'ko'): + rbracket = "]]" + with open(outfile, "w", encoding="utf8") as o: + for original_text, trans_text in zip(original_sentences, translations): + index += 1 + ner_found = [] + trans_text = trans_text.lstrip(".") + trans_text = trans_text.strip() + if original_text: + trans_text = trans_text.replace(". [", " [").replace(".[", " [").replace(" ", " ") + for key, ner_item in ner_mappings[index].items(): + if key in trans_text: + ner_found[key] = ner_item[1] + elif key.replace(" ", "") in trans_text: + key = key.replace(" ", "") + ner_found[key] = ner_item[1] + if target_lang in ('zh', 'ja', 'ko'): + trans_text.replace(" ", "") + trans_text.strip('#.') + if ner_found: + (blocks2, score) = get_aligned_text(original_text, trans_text, target_lang) + #since we know what slots we are replacing, + #we can align with the original sentence in the original language, + #and then extract the original NER value, or a translated version of the new value. + for (s1, s2, matched) in blocks2: + s1 = s1.strip() + s2 = se2.strip() + if "[" in s2 or "]" in s2: + key = s2.split("[")[1].split("]")[0] + if key in ner_found and key != s1: + ner_found[s1] = ner_found[key] + del ner_found[key] + for key in ner_found.keys(): + if key not in oiriginal_text: + del ner_found[key] + ner_found = list(ner_found.items()) + j = {'text': original_text, 'ner': ner_found, 'domain': domains[index], + 'id': row_ids[index], + 'lang': target_lang} + o.write(json.dumps(j) + "\n") + + +#translate to en, do ner in en, do back-trans, match for ner mapping and map to original sentence, do ner in target lang. +def back_trans(target_lang, infile, outfile, rulebase): + texts, ner_mappings, row_ids, domains = pre_translation_steps(infile, target_lang) + en_text = do_translations(texts, 'en') + with open("en_back_trans_"+infile, "w", encoding="utf8") as o: + for text for en_text: + o.write(json.dumps({"text": text})+"\n") + apply_ner("en_back_trans_"+infile, "en_back_trans_"+outfile, rulebase.get('en', []), "en") + en_text, ner_mappings2, _, _ = pre_translation_steps("en_back_trans_"+outfile, target_lang) + back_trans_text = do_translations(en_text, target_lang) + # TODO: resolve differences between ner_mappings2 and ner_mappings + post_translation_steps("ner_1_"+outfile, back_trans_text, texts, ner_mapping, ner_mappings2, row_ids, domains, target_lang=target_lang) + apply_ner("ner_1_"+outfile, outfile, rulebase.get(target_lang, []), target_lang) + +def cjk_detect(texts): + # korean + if re.search("[\uac00-\ud7a3]", texts): + return "ko" + # japanese + if re.search("[\u3040-\u30ff]", texts): + return "ja" + # chinese + if re.search("[\u4e00-\u9FFF]", texts): + return "zh" + return None + +def hf_ner(target_lang, hf_pipeline, text, predict_ner=None): + """ + run the text through a Huggingface ner pipeline for the text. + any tags found by this method that contradicts what was already tagged will take precedence. + For example, if we previously had categorized a noun as an ORG (which spacy sometimes does), but + the HF ner pipeline categorized it as a PERSON, then the tag will be changed to PERSON. + """ + is_cjk = target_lang in ("zh", "ja", "ko") + if not isinstance(text, list): + text_arr = [text] + else: + text_arr = text + if isinstance(predict_ner, dict): + predict_ner = [predict_ner] + if predict_ner is None: + predict_ner = [{} for i in range(len(text_arr))] + results_arr = hf_pipeline(text_arr) + for text, results, ner in zip(text_arr, results_arr, predict_ner): + print (results) + results.sort(key=lambda a: a['start']) + prev_word = [0,0] + prev_label = None + prev_start = None + start = 0 + for ner_result in results: + print (ner_result) + if True: + start = ner_result['start'] + is_cjk = cjk_detect(text[ner_result['start']:ner_result['end']]) + #print (text[ner_result['start']:ner_result['end']], is_cjk) + if not is_cjk: + if text[start] not in " {}[]()\"'“”《 》« »": + for j in range(1, start): + if start - j == -1 or text[start-j] in " {}[]()\"'“”《 》« »": + start = max(start -j, 0) + break + word = text[start:].strip().split(" ",1)[0] + if len(word) < ner_result['end'] - start: + end = ner_result['end'] + else: + end = start+len(word) + else: + start = ner_result['start'] + end = ner_result['end'] + print (start, end) + if prev_label is not None and (ner_result['entity'].startswith('B-') or prev_label != ner_result['entity'].split("-")[-1].upper() or\ + (prev_word[-1] < start and prev_word[0] != prev_word[1])): + if ner_result['entity'].startswith('B-') and prev_word[1] > start: + prev_word[1] = start + ner_word = text[prev_word[0]:prev_word[1]].strip(" {}[]()\"'“”《 》« »") + print ('**', ner_word, prev_label, prev_word, start) + if ner_word not in ner or prev_label not in ner[ner_word]: + if ner_word: + if prev_label == 'PER': prev_label = 'PERSON' + #remove overlaps + for key in list(ner.keys()): + if " "+key in ner_word or key+" " in ner_word:# or " "+ent in key or ent+" " in key: + del ner[key] + elif len(key) > 6 and key in ner_word: # parameterize 6 + del ner[key] + ner[ner_word] = prev_label + prev_label = ner_result['entity'].split("-")[-1].upper() + prev_word = [start, end] + elif prev_label is None: + prev_label = ner_result['entity'].split("-")[-1].upper() + prev_word = [start, end] + else: + prev_word[-1] = max(prev_word[-1], end) + if prev_word[0] != prev_word[1]: + ner_word = text[prev_word[0]:prev_word[1]].strip(" {}[]()\"'“”《 》« »") + if ner_word not in ner or prev_label not in ner[ner_word]: + if ner_word: + if prev_label == 'PER': prev_label = 'PERSON' + #remove overlaps + for key in list(ner.keys()): + if " "+key in ner_word or key+" " in ner_word:# or " "+ent in key or ent+" " in key: + del ner[key] + elif len(key) > 6 and key in ner_word: # parameterize 6 + del ner[key] + ner[ner_word] = prev_label + + return predict_ner + +from data_tooling.pii_processing.ontology.stopwords import stopwords as stopwords_ac_dc + + + +# do first a lexicon match, than a spacy match if any, and then do progressive groups of regex, then do hf_tranformers. +#TODO - do complicated rules, such as PERSON Inc. => ORG +#TODO - check for zh working properly +def apply_ner(infile, outfile, rule_base, target_lang, do_ontology_manager=True, do_spacy_if_avail=True, do_hf=True, char_before_after_window=10): + stopwords_target_lang = set(stopwords_ac_dc[target_lang]) + nlp = None + if do_spacy_if_avail: + if target_lang == 'en': + nlp = spacy.load('en_core_web_sm') + elif target_lang == 'zh': + nlp = spacy.load('zh_core_web_sm') + elif target_lang == 'pt': + nlp = spacy.load('pt_core_news_sm') + elif target_lang == 'fr': + nlp = spacy.load('fr_core_news_sm') + elif target_lang == 'ca': + nlp = spacy.load('ca_core_news_sm') + model = None + hf_pipeline = None + if do_hf: + model_name, model_cls = lang2ner_model.get(target_lang, [None, None]) + if model_cls is not None: + model = model_cls.from_pretrained(model_name) + hf_pipeline = pipeline("ner", model=model, tokenizer=AutoTokenizer.from_pretrained(model_name)) + if do_ontology_manager: + ontology_manager = OntologyManager(target_lang=target_lang) + else: + ontology_manager = None + right = {} + wrong = {} + with open(outfile, "w", encoding="utf8") as o: + for line in tqdm(open(infile, "rb")): + pred = [] #predicted regex rules ent:label + recs = json.loads(line) + if not isinstance(recs, list): + recs = [recs] + for d in recs: + print (d) + text = d['text'] + if not text: continue + predict_ner = d.get('ner',{}) + if ontology_manager: + parsed = ontology_manager.tokenize(text) + cunk2ner = list(parsed['chunk2ner'].items()) + for c in cunk2ner: + key, val = c[0][0].replace(" ", "").replace("_", "").replace("_", "") if target_lang in ('zh', 'ja', 'ko') else c[0][0].replace("_", " ").replace("_", " "), c[1] + predict_ner[key] = val + if nlp: + doc = nlp(text) + entities = list(doc.ents) + ents = dict(list(set([(entity.text, entity.label_) for entity in entities if + entity.label_ in ('PERSON', 'GPE', 'ORG', 'NORP') and 'http:' not in entity.text]))) + for ent, label in ents.items(): + if ent in predict_ner and ('PERSON' if predict_ner[ent] == 'PUBLIC_FIGURE' else predict_ner[ent]) ==label: + #print ("matched") + continue + else: + #remove simple overlap + for key in list(predict_ner.keys()): + if " "+key in ent or key+" " in ent: # or " "+ent in key or ent+" " in key: + if predict_ner[key] == 'PUBLIC_FIGURE': + label = "PUBLIC_FIGURE" + del predict_ner[key] + predict_ner[ent] = label + rule_level = -1 + ner = d['ner'] # the human tagged data + for rule_groups, ntimes in rule_base: + rule_level += 1 + for times in range(ntimes): + rule_id = -1 + for label, regex, old_label, before, after in rule_groups: + rule_id += 1 + if old_label is None and times > 0: continue + for ent in regex.findall(text): + if type(ent) != str: continue + if old_label is not None and (ent not in predict_ner or predict_ner[ent] != old_label): continue + t = text + len_ent = len(ent) + while ent in t: + i = t.index(ent) + if before: + before_t[max(0, i-char_before_after_window): i] + if before not in before_t: + t = t[i + len_ent:] + continue + if after: + after_t[i+len_x: min(len_text, i+len_ent+char_before_after_window)] + if after not in after_t: + t = t[i + len_ent:] + continue + #remove simple overlap + for key in list(predict_ner.keys()): + if " "+key in ent or key+" " in ent:# or " "+ent in key or ent+" " in key: + del predict_ner[key] + pred.append((ent, label, rule_id, rule_level)) + predict_ner[ent] = label + break + if hf_pipeline is not None: + hf_ner(target_lang, hf_pipeline, text, predict_ner) + d['ner'] = list(predict_ner.items()) + o.write(json.dumps(d)+"\n") + + + +if __name__ == "__main__": + + initial = target_lang = None + if "-initial" in sys.argv: + initial = sys.argv[sys.argv.index("-initial")+1] + if "-target_lang" in sys.argv: + target_lang = sys.argv[sys.argv.index("-target_lang")+1] + if target_lang: + #TODO - load the rulebase dynamically from pii_processing.regex folder a file of the form _.py + infile = f"{target_lang}.jsonl" + outfile = "predicted_"+infile + back_trans(target_lang, infile, outfile, rulebase) + + diff --git a/data_tooling/pii_processing/misc/create_examples.py b/data_tooling/pii_processing/misc/create_examples.py new file mode 100644 index 0000000..ac05444 --- /dev/null +++ b/data_tooling/pii_processing/misc/create_examples.py @@ -0,0 +1,1374 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from datasets import load_dataset +import os +import re +import itertools +from re import finditer +import glob +import random + +""" + Creates a English dataset from different domains useful for doing PII detection. + Domains include enron (email), a subset of civil comments (forum message), casehold (legal), + newspop (news), banking 77 (financial), PII examples from Presidio (TBD). + + We do some deduplication and cleanup. + We add some PII as augumentation (TBD: some and tags added. Need to add some more categories). + + See specific licenses for each dataset. +""" + +def remove_html_tags(text): + """Remove html tags from a string""" + clean = re.compile('<.*?>') + return re.sub(clean, '', text) + +def camel_case_split(identifier): + matches = finditer('.+?(?:(?<=[a-z])(?=[A-Z])|(?<=[A-Z])(?=[A-Z][a-z])|$)', identifier) + return [m.group(0) for m in matches] + +def stem(s): + s = s.replace(".", " ").replace("!", " ").replace("?", " ").replace(",", " ").replace("-", " ").replace(";", " ").replace("'", " '").replace("\"", " \"") + sArr = s.lower().split() + if len(sArr) > 4: + sArr = sArr[:4] + s = " ".join([s1[:4] if len(s1) > 4 else s1 for s1 in sArr if s1.strip()]) + return s + +def save_enron_line(l2, prev, o): + l2 = remove_html_tags(l2) + l2 = l2.split('-----Original Message-----')[0].strip() + l2 = l2.split('---------------------- Forwarded')[0].strip() + l2 = l2.split('----- Forwarded')[0].strip() + l2 = l2.split('---------From:')[0].strip() + l2 = l2.split('**********************************************************************This')[0].strip() + l2 = l2.split('********************************************************************** This')[0].strip() + l2 = l2.split('******************************************************************This')[0].strip() + l2 = l2.split('*************************************************This')[0].strip() + l2 = l2.split('********************************************************************** This')[0].strip() + l2 = l2.split('--------- Inline attachment follows')[0].strip() + l2 = l2.split('The information contained in this e-mail message and')[0].strip() + l2 = l2.split('This message is for the designated recipient')[0].strip() + l2 = l2.split('***Please be advised')[0].strip() + l2 = l2.split('*******This message')[0].strip() + l2 = l2.split('This message (including any attachments) contains')[0].strip() + l2 = l2.split('*********************************************************')[0].strip() + l2 = l2.split('_________________________________________________________________Get')[0].strip() + l2 = l2.split('___________________________________________')[0].strip() + l2 = l2.split('__________________________________________________ Do')[0].strip() + l2 = l2.replace("\\\"", " \" ").replace("(", " (").replace(")", ") ").replace("[", " [").replace("]", "] ").replace("?", "? ").replace("!", "! ").replace("? ?", "??").replace("! !", "!!").replace(":", ": ").replace("\t", " ").replace("= ", "").replace("=20","").replace("=90","").replace("=018","").replace("=09","").replace("=3D","") + l2 = l2.replace(" s ", " 's ").replace(" ve ", " 've ").replace(" re ", " 're ").replace(" ll ", " 'll ").replace(" m ", " 'm ").replace(" t ", " 't ").replace(" d ", " 'd ").replace(" ", " ").replace(" ", " ").replace(" ", " ").replace(" ", " ").replace(" ", " ").replace(" ", " ").replace(" ", " ").replace(". . .", "...") + l2 = l2.replace(". yahoo", ".yahoo").replace("www. ", "www.").replace(". htm", ".htm").replace(". co", ".co").replace(". org", ".org").replace(". edu", ".edu").replace(". net", ".net").replace(". NET", ".NET").replace(". CO", ".CO").replace(". ORG", ".ORG").replace(". EDU", ".EDU").replace(": //", "://") + l2 = l2.replace(": 0", ":0").replace(": 1", ":1").replace(": 2", ":2").replace(": 3", ":3").replace(": 4", ":4").replace(": 5", ":5").replace(": 6", ":6").replace(": 7", ":7").replace(": 8", ":8").replace(": 9", ":9") + l2 = l2.replace(". url -", ".url - <<").replace(". doc -", ".doc - <<").replace(". pdf -", ".pdf <<").replace(". xls -", ".xls <<").replace(". url", ".url>>").replace(". doc", ".doc>>").replace(". pdf", ".pdf>>").replace(". xls", ".xls>>").replace("<< ", "<<").replace("> >", " ").replace(" ", " ") + l2 = l2.replace(". URL -", ".URL - <<").replace(". DOC -", ".DOC - <<").replace(". PDF -", ".PDF <<").replace(". XLS -", ".xls <<").replace(". URL", ".URL>>").replace(". DOC", ".DOC>>").replace(". PDF", ".PDF>>").replace(". XLS", ".XLS>>").replace("<< ", "<<").replace("> >", " ").replace(" ", " ") + l2 = l2.replace("RE:", "").replace("Re:", "").replace("RE: ", "").replace("Re: ", "").replace("Fw: ", "").replace("FW: ", "").replace("FWD: ", "").replace("Fwd: ", "") + l2 = l2.replace('Importance: High',':') + if "Sent:" in l2: return + l2 = l2.replace("...", "... ").replace("\"\"", " \" ").replace(" ", " ").strip(" -:;[]()\=<>\"").rstrip(".!?") + l2Arr = l2.split() + if len(l2Arr) > 3: + l2 = " ".join(itertools.chain(*[camel_case_split(a) for a in l2Arr])) + if l2.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", "").replace(",", "").replace("-", "").replace(";", "").replace(" ", "").lower() in prev: return + l2 = l2.replace("==", "--") + l2 = l2.replace("++", "--") + l2 = l2.replace("*~", "--") + l2 = l2.replace("||", "--") + l2 = l2.replace("**", "--") + l2 = l2.replace("__", "--") + l2 = l2.replace("##", "--") + for l3 in l2.split('--'): + l3 = l3.strip() + if l3: + for l4 in l3.split("Subject: "): + l4 = l4.strip('=, ') + if l4: o.write(l4+"\tenron\n") + prev[l2.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", "").replace(",", "").replace("-", "").replace(";", "").replace(" ", "").lower()] = 1 + +def has_any(s, lst): + for l in lst: + if l in s: return True + return False + +#from https://github.com/joke2k/faker/blob/master/faker/providers/person/en/__init__.py which is under the MIT License +#not an exausthive list. just to do some filtering for civil_comment. +first_names = { + 'Aaliyah', 'Abagail', 'Abbey', 'Abbie', 'Abbigail', 'Abby', 'Abigail', + 'Abigale', 'Abigayle', 'Abril', 'Achsah', 'Ada', 'Adah', 'Adaline', + 'Adalyn', 'Adalynn', 'Adamaris', 'Adda', 'Addie', 'Addison', 'Addisyn', + 'Addyson', 'Adel', 'Adela', 'Adelaide', 'Adele', 'Adelia', 'Adelina', + 'Adeline', 'Adell', 'Adella', 'Adelle', 'Adelyn', 'Adelynn', 'Adilene', + 'Adina', 'Adison', 'Adline', 'Adria', 'Adriana', 'Adriane', 'Adrianna', + 'Adrianne', 'Adriene', 'Adrienne', 'Adyson', 'Affie', 'Afton', 'Agatha', + 'Aggie', 'Agnes', 'Agness', 'Agusta', 'Aida', 'Aileen', 'Ailene', + 'Aili', 'Aimee', 'Ainsley', 'Aisha', 'Aiyana', 'Aiyanna', 'Aja', + 'Akeelah', 'Akira', 'Ala', 'Alabama', 'Alaina', 'Alana', 'Alani', + 'Alanna', 'Alannah', 'Alaya', 'Alayna', 'Alba', 'Alberta', 'Albertha', + 'Albertina', 'Albertine', 'Albina', 'Alcie', 'Alda', 'Aldona', 'Aleah', + 'Alease', 'Alecia', 'Aleen', 'Aleena', 'Alejandra', 'Alena', 'Alene', + 'Alesha', 'Alesia', 'Alessandra', 'Aleta', 'Aletha', 'Alethea', 'Alex', + 'Alexa', 'Alexandr', 'Alexandra', 'Alexandrea', 'Alexandria', 'Alexia', + 'Alexina', 'Alexis', 'Alexus', 'Alexys', 'Alfreda', 'Alia', 'Aliana', + 'Alice', 'Alicia', 'Alida', 'Alina', 'Aline', 'Alisa', 'Alisha', + 'Alison', 'Alissa', 'Alisson', 'Alivia', 'Aliya', 'Aliyah', 'Aliza', + 'Alize', 'Alla', 'Allean', 'Alleen', 'Allena', 'Allene', 'Allie', + 'Alline', 'Allison', 'Allisson', 'Ally', 'Allyson', 'Allyssa', 'Alma', + 'Almeda', 'Almedia', 'Almeta', 'Almina', 'Almira', 'Almyra', 'Aloma', + 'Alondra', 'Alpha', 'Alphonsine', 'Alta', 'Altha', 'Althea', 'Altie', + 'Alvena', 'Alvera', 'Alverda', 'Alverta', 'Alvina', 'Alvira', 'Alwilda', + 'Alwina', 'Alwine', 'Alyce', 'Alycia', 'Alys', 'Alysa', 'Alyse', + 'Alysha', 'Alysia', 'Alyson', 'Alyssa', 'Alyssia', 'Alyvia', 'Alzina', + 'Ama', 'Amalia', 'Amalie', 'Amanda', 'Amani', 'Amara', 'Amari', + 'Amaris', 'Amaya', 'Amber', 'Amberly', 'Amelia', 'Amelie', 'America', + 'Amey', 'Ami', 'Amiah', 'Amie', 'Amina', 'Amira', 'Amirah', 'Amiya', + 'Amiyah', 'Amma', 'Ammie', 'Amparo', 'Amy', 'Amya', 'Ana', 'Anabel', + 'Anabella', 'Anabelle', 'Anahi', 'Anais', 'Analia', 'Anastacia', + 'Anastasia', 'Anaya', 'Andra', 'Andrea', 'Andria', 'Angel', 'Angela', + 'Angele', 'Angeles', 'Angelia', 'Angelic', 'Angelica', 'Angelina', + 'Angeline', 'Angelique', 'Angelita', 'Angella', 'Angie', 'Anice', + 'Anie', 'Anika', 'Anissa', 'Anita', 'Anitra', 'Aniya', 'Aniyah', + 'Anjali', 'Anjanette', 'Anjelica', 'Ann', 'Anna', 'Annabel', 'Annabell', + 'Annabella', 'Annabelle', 'Annalise', 'Annamae', 'Annamarie', 'Anne', + 'Anneliese', 'Annemarie', 'Anner', 'Annetta', 'Annette', 'Annice', + 'Annie', 'Annika', 'Annis', 'Annmarie', 'Anona', 'Ansley', 'Antionette', + 'Antoinette', 'Antonetta', 'Antonette', 'Antonia', 'Antonina', 'Anya', + 'April', 'Ara', 'Arabella', 'Araceli', 'Aracely', 'Arah', 'Araminta', + 'Ardath', 'Ardelia', 'Ardell', 'Ardella', 'Ardelle', 'Arden', 'Ardeth', + 'Ardis', 'Ardith', 'Ardyce', 'Areli', 'Arely', 'Aretha', 'Argie', + 'Aria', 'Ariana', 'Ariane', 'Arianna', 'Arie', 'Ariel', 'Ariella', + 'Arielle', 'Arietta', 'Arizona', 'Arkie', 'Arla', 'Arleen', 'Arlena', + 'Arlene', 'Arleth', 'Arletta', 'Arley', 'Arlie', 'Arline', 'Arly', + 'Arlyne', 'Armani', 'Armida', 'Arminda', 'Arminta', 'Arnetta', 'Arra', + 'Arrie', 'Arta', 'Artelia', 'Arvilla', 'Aryana', 'Aryanna', 'Asha', + 'Ashanti', 'Ashely', 'Ashlea', 'Ashlee', 'Ashleigh', 'Ashley', 'Ashli', + 'Ashlie', 'Ashly', 'Ashlyn', 'Ashlynn', 'Ashtyn', 'Asia', 'Ason', + 'Aspen', 'Assunta', 'Astrid', 'Atha', 'Athena', 'Attie', 'Aubree', + 'Aubrey', 'Aubrie', 'Audie', 'Audra', 'Audrey', 'Audriana', 'Audrianna', + 'Audrina', 'Audry', 'Augusta', 'Augustina', 'Aura', 'Aurelia', + 'Aurilla', 'Aurora', 'Aurore', 'Autumn', 'Ava', 'Avah', 'Averi', + 'Averie', 'Avie', 'Avis', 'Ayana', 'Ayanna', 'Ayesha', 'Ayla', 'Ayleen', + 'Aylin', 'Azalee', 'Azaria', 'Azariah', 'Azul', 'Azzie', 'Babette', + 'Baby', 'Bailee', 'Bailey', 'Bama', 'Bambi', 'Barb', 'Barbara', + 'Barbie', 'Barbra', 'Baylee', 'Baylie', 'Bea', 'Beadie', 'Beatrice', + 'Beatrix', 'Beatriz', 'Beaulah', 'Bebe', 'Beckie', 'Becky', 'Beda', + 'Bee', 'Belen', 'Belia', 'Belinda', 'Bell', 'Bella', 'Belle', 'Belva', + 'Bena', 'Benita', 'Bennie', 'Berdie', 'Berenice', 'Bernadette', + 'Bernadine', 'Bernardine', 'Berneice', 'Bernetta', 'Bernice', + 'Berniece', 'Bernita', 'Berta', 'Bertha', 'Bertie', 'Bertina', 'Beryl', + 'Bess', 'Besse', 'Bessie', 'Beth', 'Betha', 'Bethann', 'Bethany', + 'Bethel', 'Bethzy', 'Betsey', 'Betsy', 'Bette', 'Bettie', 'Bettina', + 'Betty', 'Bettye', 'Bettyjane', 'Bettylou', 'Beula', 'Beulah', 'Bev', + 'Beverlee', 'Beverley', 'Beverly', 'Beyonce', 'Bianca', 'Biddie', + 'Billie', 'Billy', 'Billye', 'Bina', 'Bird', 'Birdella', 'Birdie', + 'Birtha', 'Birtie', 'Blair', 'Blake', 'Blanca', 'Blanch', 'Blanche', + 'Blanchie', 'Blossom', 'Bobbi', 'Bobbie', 'Bobby', 'Bobbye', 'Bonita', + 'Bonnie', 'Bonny', 'Braelyn', 'Brande', 'Brandee', 'Brandi', 'Brandie', + 'Brandon', 'Brandy', 'Brea', 'Breana', 'Breann', 'Breanna', 'Breanne', + 'Bree', 'Brenda', 'Brenna', 'Breonna', 'Brett', 'Bria', 'Briana', + 'Brianda', 'Brianna', 'Brianne', 'Bridget', 'Bridgett', 'Bridgette', + 'Brielle', 'Brigette', 'Brigid', 'Brigitte', 'Briley', 'Brinda', + 'Brinley', 'Brionna', 'Brisa', 'Bristol', 'Britany', 'Britney', + 'Britni', 'Britny', 'Britt', 'Britta', 'Brittaney', 'Brittani', + 'Brittanie', 'Brittany', 'Brittnay', 'Brittnee', 'Brittney', 'Brittni', + 'Brittnie', 'Brittny', 'Brook', 'Brooke', 'Brooklyn', 'Brooklynn', + 'Bryana', 'Bryanna', 'Brylee', 'Bryn', 'Brynlee', 'Brynn', 'Buelah', + 'Buena', 'Buffy', 'Bula', 'Bulah', 'Buna', 'Burnice', 'Byrd', 'Byrdie', + 'Caddie', 'Cadence', 'Cailyn', 'Caitlin', 'Caitlyn', 'Caitlynn', + 'Caldonia', 'Caleigh', 'Cali', 'Calista', 'Calla', 'Calleigh', 'Callie', + 'Cambria', 'Cameron', 'Cami', 'Camila', 'Camilla', 'Camille', 'Camisha', + 'Cammie', 'Campbell', 'Camryn', 'Candace', 'Candi', 'Candice', + 'Candida', 'Candis', 'Candy', 'Candyce', 'Cannie', 'Capitola', 'Cappie', + 'Caprice', 'Cara', 'Caren', 'Carey', 'Cari', 'Carie', 'Carin', 'Carina', + 'Carisa', 'Carissa', 'Carla', 'Carlee', 'Carleen', 'Carleigh', + 'Carlene', 'Carley', 'Carli', 'Carlie', 'Carlota', 'Carlotta', 'Carly', + 'Carlyn', 'Carma', 'Carmel', 'Carmela', 'Carmelita', 'Carmella', + 'Carmen', 'Caro', 'Carol', 'Carolann', 'Carole', 'Carolee', 'Carolina', + 'Caroline', 'Carolyn', 'Carolyne', 'Carolynn', 'Caron', 'Carra', + 'Carri', 'Carrie', 'Carrol', 'Carroll', 'Carry', 'Carson', 'Cary', + 'Caryl', 'Caryn', 'Casandra', 'Casey', 'Casie', 'Cassandra', 'Cassidy', + 'Cassie', 'Cassondra', 'Catalina', 'Catharine', 'Catherine', 'Cathern', + 'Cathey', 'Cathi', 'Cathie', 'Cathleen', 'Cathrine', 'Cathryn', 'Cathy', + 'Catina', 'Catrina', 'Caydence', 'Cayla', 'Caylee', 'Cecelia', 'Cecile', + 'Cecilia', 'Cecily', 'Ceil', 'Celena', 'Celesta', 'Celeste', 'Celestia', + 'Celestine', 'Celia', 'Celie', 'Celina', 'Celine', 'Cena', 'Ceola', + 'Chaka', 'Chana', 'Chanda', 'Chandler', 'Chandra', 'Chanel', 'Chanelle', + 'Chaney', 'Chanie', 'Channie', 'Channing', 'Chantal', 'Chante', + 'Chantel', 'Chantelle', 'Charissa', 'Charisse', 'Charity', 'Charla', + 'Charlee', 'Charleen', 'Charlene', 'Charley', 'Charlie', 'Charline', + 'Charlize', 'Charlotta', 'Charlotte', 'Charlottie', 'Charlsie', + 'Charmaine', 'Charolette', 'Chase', 'Chasity', 'Chastity', 'Chaya', + 'Chelsea', 'Chelsey', 'Chelsi', 'Chelsie', 'Chelsy', 'Cher', 'Cherelle', + 'Cheri', 'Cherie', 'Cherilyn', 'Cherise', 'Cherish', 'Cherrelle', + 'Cherri', 'Cherrie', 'Cherry', 'Cherryl', 'Cheryl', 'Cheryle', + 'Cheryll', 'Chessie', 'Chestina', 'Cheyanne', 'Cheyenne', 'Chimere', + 'China', 'Chiquita', 'Chloe', 'Chloie', 'Chris', 'Chrissie', 'Chrissy', + 'Christa', 'Christal', 'Christeen', 'Christel', 'Christen', 'Christena', + 'Christene', 'Christi', 'Christian', 'Christiana', 'Christie', + 'Christin', 'Christina', 'Christine', 'Christy', 'Chrystal', 'Chyna', + 'Chynna', 'Ciara', 'Ciarra', 'Cicely', 'Cielo', 'Ciera', 'Cierra', + 'Ciji', 'Cilla', 'Cinda', 'Cindi', 'Cindy', 'Cinnamon', 'Cinthia', + 'Citlali', 'Citlalli', 'Clair', 'Claire', 'Clara', 'Clarabelle', + 'Clare', 'Claribel', 'Clarice', 'Clarinda', 'Clarine', 'Clarisa', + 'Clarissa', 'Classie', 'Claudette', 'Claudia', 'Claudie', 'Claudine', + 'Cleda', 'Clella', 'Clem', 'Clemence', 'Clementina', 'Clementine', + 'Clemie', 'Clemma', 'Clemmie', 'Cleo', 'Cleola', 'Cleone', 'Cleora', + 'Cleta', 'Cleva', 'Clevie', 'Cliffie', 'Cloe', 'Clora', 'Clotilda', + 'Clotilde', 'Clyda', 'Clydie', 'Clytie', 'Coleen', 'Coletta', 'Colette', + 'Colleen', 'Collette', 'Columbia', 'Concepcion', 'Concetta', 'Concha', + 'Connie', 'Constance', 'Consuela', 'Consuelo', 'Contina', 'Cora', + 'Coraima', 'Coral', 'Coralie', 'Corda', 'Cordelia', 'Cordella', + 'Cordia', 'Cordie', 'Corean', 'Corene', 'Coretta', 'Corey', 'Cori', + 'Corie', 'Corina', 'Corine', 'Corinna', 'Corinne', 'Corliss', + 'Cornelia', 'Cornie', 'Corrie', 'Corrina', 'Corrine', 'Cortney', 'Cory', + 'Courtney', 'Creola', 'Cressie', 'Crete', 'Crissie', 'Crissy', 'Crista', + 'Cristal', 'Cristen', 'Cristi', 'Cristin', 'Cristina', 'Cristine', + 'Cristy', 'Cruz', 'Crysta', 'Crystal', 'Cuba', 'Cydney', 'Cyndi', + 'Cyntha', 'Cynthia', 'Dafne', 'Dagmar', 'Dagny', 'Dahlia', 'Daija', + 'Daijah', 'Daisey', 'Daisha', 'Daisie', 'Daisy', 'Daisye', 'Daja', + 'Dakota', 'Dale', 'Dalia', 'Dallas', 'Damaris', 'Dana', 'Danae', + 'Daneen', 'Danelle', 'Danette', 'Dani', 'Dania', 'Danica', 'Daniela', + 'Daniele', 'Daniella', 'Danielle', 'Danika', 'Danita', 'Danna', + 'Dannie', 'Dannielle', 'Danyel', 'Danyell', 'Danyelle', 'Daphne', + 'Dara', 'Darby', 'Darci', 'Darcie', 'Darcy', 'Daria', 'Darian', + 'Dariana', 'Darla', 'Darleen', 'Darlene', 'Darline', 'Darlyne', 'Dasia', + 'Davina', 'Dawn', 'Dawna', 'Dawne', 'Dayami', 'Dayana', 'Dayanara', + 'Dayle', 'Dayna', 'Dayse', 'Deana', 'Deandra', 'Deann', 'Deanna', + 'Deanne', 'Deasia', 'Deb', 'Debbi', 'Debbie', 'Debbra', 'Debby', + 'Debera', 'Debi', 'Debora', 'Deborah', 'Deborrah', 'Debra', 'Debrah', + 'Debroah', 'Dedra', 'Dee', 'Deeann', 'Deedee', 'Deena', 'Deetta', + 'Deidra', 'Deidre', 'Deirdre', 'Deja', 'Dejah', 'Delaney', 'Delcie', + 'Delfina', 'Delia', 'Deliah', 'Delila', 'Delilah', 'Delina', 'Delinda', + 'Delisa', 'Dell', 'Della', 'Dellar', 'Delle', 'Dellia', 'Dellie', + 'Delma', 'Delois', 'Delora', 'Delores', 'Deloris', 'Delpha', 'Delphia', + 'Delphine', 'Delsie', 'Delta', 'Dema', 'Demetra', 'Demetria', 'Demi', + 'Dena', 'Deneen', 'Denese', 'Denice', 'Denine', 'Denise', 'Denisha', + 'Denisse', 'Denita', 'Dennie', 'Desirae', 'Desiree', 'Dessa', 'Dessie', + 'Destany', 'Destinee', 'Destiney', 'Destini', 'Destiny', 'Devan', + 'Devin', 'Devon', 'Devyn', 'Dewey', 'Deyanira', 'Dezzie', 'Diamond', + 'Dian', 'Diana', 'Diandra', 'Diane', 'Diann', 'Dianna', 'Dianne', + 'Dicie', 'Dicy', 'Dillie', 'Dimple', 'Dina', 'Dinah', 'Dione', 'Dionne', + 'Dixie', 'Diya', 'Djuana', 'Djuna', 'Docia', 'Dola', 'Dollie', 'Dolly', + 'Dollye', 'Dolores', 'Doloris', 'Domenica', 'Dominga', 'Dominique', + 'Dominque', 'Domonique', 'Dona', 'Donia', 'Donie', 'Donita', 'Donna', + 'Donnie', 'Dora', 'Dorathea', 'Dorathy', 'Dorcas', 'Doreen', 'Dorene', + 'Doretha', 'Doretta', 'Dori', 'Dorinda', 'Dorine', 'Doris', 'Dorla', + 'Dorotha', 'Dorothea', 'Dorothy', 'Dorris', 'Dortha', 'Dorthea', + 'Dorthey', 'Dorthy', 'Dosha', 'Doshia', 'Doshie', 'Dosia', 'Dossie', + 'Dot', 'Dottie', 'Dotty', 'Dove', 'Dovie', 'Drema', 'Drew', 'Drucilla', + 'Drusilla', 'Dulce', 'Dulcie', 'Dusty', 'Dwan', 'Dyan', 'Dylan', + 'Earlean', 'Earlene', 'Earlie', 'Earline', 'Earnestine', 'Eartha', + 'Easter', 'Eathel', 'Ebba', 'Eboni', 'Ebony', 'Echo', 'Eda', 'Eddie', + 'Eden', 'Edie', 'Edith', 'Edla', 'Edmonia', 'Edna', 'Ednah', 'Edra', + 'Edrie', 'Edris', 'Edwina', 'Edyth', 'Edythe', 'Effa', 'Effie', + 'Eileen', 'Eithel', 'Ela', 'Elaina', 'Elaine', 'Elana', 'Elayne', + 'Elba', 'Elberta', 'Elda', 'Eldora', 'Eleanor', 'Eleanora', 'Eleanore', + 'Elease', 'Electa', 'Elena', 'Elenor', 'Elenora', 'Elenore', 'Eleonora', + 'Eleonore', 'Elfie', 'Elfreda', 'Elfrieda', 'Elgie', 'Elia', 'Eliana', + 'Elianna', 'Elida', 'Elinor', 'Elinore', 'Elisa', 'Elisabeth', 'Elise', + 'Elisha', 'Elissa', 'Eliza', 'Elizabet', 'Elizabeth', 'Elizbeth', + 'Elizebeth', 'Ella', 'Ellamae', 'Ellar', 'Elle', 'Ellen', 'Eller', + 'Elliana', 'Ellie', 'Ellyn', 'Elma', 'Elmina', 'Elmira', 'Elmire', + 'Elmyra', 'Elna', 'Elnora', 'Elodie', 'Elois', 'Eloisa', 'Eloise', + 'Elouise', 'Elsa', 'Else', 'Elsie', 'Elta', 'Elva', 'Elvera', 'Elvia', + 'Elvie', 'Elvina', 'Elvira', 'Elwanda', 'Elyse', 'Elyssa', 'Elza', + 'Elzada', 'Ema', 'Emaline', 'Ember', 'Emelia', 'Emelie', 'Emeline', + 'Emely', 'Emerald', 'Emerson', 'Emery', 'Emilee', 'Emilia', 'Emilie', + 'Emily', 'Emma', 'Emmalee', 'Emmaline', 'Emmer', 'Emmie', 'Emmy', + 'Emogene', 'Ena', 'Enid', 'Enola', 'Enriqueta', 'Eola', 'Eppie', + 'Epsie', 'Era', 'Erica', 'Ericka', 'Erie', 'Erika', 'Erin', 'Eris', + 'Erla', 'Erlene', 'Erlinda', 'Erline', 'Erma', 'Ermina', 'Ermine', + 'Erna', 'Ernestina', 'Ernestine', 'Erykah', 'Eryn', 'Esmeralda', + 'Esperanza', 'Essa', 'Essence', 'Essie', 'Esta', 'Estefani', + 'Estefania', 'Estefany', 'Estela', 'Estell', 'Estella', 'Estelle', + 'Ester', 'Esther', 'Estie', 'Estrella', 'Etha', 'Ethel', 'Ethelene', + 'Ethelyn', 'Ether', 'Ethie', 'Ethyl', 'Ethyle', 'Etna', 'Etta', 'Etter', + 'Ettie', 'Eudora', 'Eugenia', 'Eugenie', 'Eula', 'Eulah', 'Eulalia', + 'Eulalie', 'Euna', 'Eunice', 'Euphemia', 'Eura', 'Eva', 'Evalena', + 'Evaline', 'Evalyn', 'Evangelina', 'Evangeline', 'Eve', 'Evelena', + 'Evelin', 'Evelina', 'Eveline', 'Evelyn', 'Evelyne', 'Evelynn', 'Ever', + 'Evette', 'Evia', 'Evie', 'Evita', 'Evon', 'Evonne', 'Exa', 'Exie', + 'Fabiola', 'Fae', 'Fairy', 'Faith', 'Fallon', 'Falon', 'Fannie', + 'Fanny', 'Fannye', 'Farah', 'Farrah', 'Fatima', 'Fawn', 'Fay', 'Faye', + 'Felecia', 'Felice', 'Felicia', 'Felicie', 'Felicitas', 'Felicity', + 'Felipa', 'Felisha', 'Fern', 'Fernanda', 'Ferne', 'Fidelia', 'Filomena', + 'Finley', 'Fiona', 'Flavia', 'Fleda', 'Fleeta', 'Fleta', 'Flo', + 'Flonnie', 'Flor', 'Flora', 'Florance', 'Florence', 'Florene', + 'Floretta', 'Florida', 'Florie', 'Florine', 'Florrie', 'Flossie', + 'Floy', 'Fonda', 'Forest', 'Fran', 'Franc', 'Frances', 'Francesca', + 'Francies', 'Francina', 'Francine', 'Francis', 'Francisca', + 'Francisquita', 'Frankie', 'Freda', 'Freddie', 'Frederica', + 'Fredericka', 'Freeda', 'Freida', 'Frida', 'Frieda', 'Frona', 'Fronia', + 'Fronie', 'Fronnie', 'Fumiko', 'Gabriela', 'Gabriella', 'Gabrielle', + 'Gail', 'Gale', 'Galilea', 'Garnet', 'Garnett', 'Gay', 'Gaye', 'Gayla', + 'Gayle', 'Gaylene', 'Gaynell', 'Gearldine', 'Gemma', 'Gena', 'Gene', + 'Genesis', 'Geneva', 'Genevieve', 'Genevra', 'Genie', 'Gennie', + 'Genoveva', 'Georganna', 'Georgeann', 'Georgeanna', 'Georgene', + 'Georgetta', 'Georgette', 'Georgia', 'Georgiana', 'Georgiann', + 'Georgianna', 'Georgie', 'Georgina', 'Georgine', 'Geraldine', 'Geralyn', + 'Gerda', 'Geri', 'Germaine', 'Gerri', 'Gerry', 'Gertha', 'Gertie', + 'Gertrude', 'Gia', 'Giada', 'Giana', 'Gianna', 'Gidget', 'Gigi', + 'Gilda', 'Gillian', 'Gillie', 'Gina', 'Ginger', 'Ginny', 'Giovanna', + 'Girtha', 'Gisele', 'Giselle', 'Gisselle', 'Giuliana', 'Gladis', + 'Gladyce', 'Gladys', 'Glenda', 'Glendora', 'Glenn', 'Glenna', 'Glennie', + 'Glennis', 'Glinda', 'Gloria', 'Glynda', 'Glynis', 'Golda', 'Golden', + 'Goldia', 'Goldie', 'Grace', 'Gracelyn', 'Gracia', 'Gracie', 'Graciela', + 'Grayce', 'Grecia', 'Gregoria', 'Greta', 'Gretchen', 'Gretta', 'Grisel', + 'Griselda', 'Guadalupe', 'Gunda', 'Gussie', 'Gusta', 'Gustie', 'Gwen', + 'Gwenda', 'Gwendolyn', 'Gwyn', 'Gwyneth', 'Hadassah', 'Hadley', + 'Hailee', 'Hailey', 'Hailie', 'Haleigh', 'Haley', 'Hali', 'Halie', + 'Halle', 'Halley', 'Hallie', 'Hana', 'Hanna', 'Hannah', 'Harlene', + 'Harley', 'Harlow', 'Harmony', 'Harper', 'Harriet', 'Harriett', + 'Harriette', 'Haruko', 'Hasel', 'Hassie', 'Hattie', 'Haven', 'Hayden', + 'Haylee', 'Hayleigh', 'Hayley', 'Haylie', 'Hazel', 'Hazelle', 'Hazle', + 'Heather', 'Heaven', 'Hedwig', 'Hedy', 'Heidi', 'Heidy', 'Helaine', + 'Helen', 'Helena', 'Helene', 'Helga', 'Hellen', 'Helma', 'Helyn', + 'Hennie', 'Henretta', 'Henrietta', 'Henriette', 'Herlinda', 'Herma', + 'Hermina', 'Hermine', 'Herminia', 'Hertha', 'Hessie', 'Hester', + 'Hettie', 'Hetty', 'Hilah', 'Hilary', 'Hilda', 'Hildegard', + 'Hildegarde', 'Hildred', 'Hildur', 'Hillary', 'Hilma', 'Holli', + 'Hollie', 'Hollis', 'Holly', 'Honora', 'Hope', 'Hortencia', 'Hortense', + 'Hortensia', 'Hulda', 'Huldah', 'Hunter', 'Ica', 'Icey', 'Icie', 'Icy', + 'Ida', 'Idabelle', 'Idamae', 'Idell', 'Idella', 'Iesha', 'Ieshia', + 'Ila', 'Ilah', 'Ilda', 'Ilene', 'Iliana', 'Illa', 'Ilma', 'Ilo', + 'Ilona', 'Ima', 'Imani', 'Imelda', 'Imo', 'Imogene', 'Ina', 'India', + 'Indiana', 'Inell', 'Ines', 'Inez', 'Infant', 'Inga', 'Ingeborg', + 'Inger', 'Ingrid', 'Iola', 'Iona', 'Ione', 'Ira', 'Ireland', 'Irena', + 'Irene', 'Iridian', 'Irine', 'Iris', 'Irma', 'Irva', 'Isa', 'Isabel', + 'Isabela', 'Isabell', 'Isabella', 'Isabelle', 'Isadora', 'Isamar', + 'Isis', 'Isla', 'Isobel', 'Itzel', 'Iva', 'Ivah', 'Ivana', 'Ivanna', + 'Ivette', 'Ivey', 'Ivie', 'Ivonne', 'Ivory', 'Ivy', 'Iyana', 'Iyanna', + 'Iza', 'Izabella', 'Izabelle', 'Izetta', 'Izola', 'Izora', 'Jacalyn', + 'Jacey', 'Jackeline', 'Jacki', 'Jackie', 'Jacklyn', 'Jaclyn', 'Jacque', + 'Jacquelin', 'Jacqueline', 'Jacquelyn', 'Jacquline', 'Jacqulyn', 'Jada', + 'Jade', 'Jaden', 'Jadyn', 'Jaeda', 'Jaelyn', 'Jaelynn', 'Jaida', + 'Jaiden', 'Jaidyn', 'Jailene', 'Jailyn', 'Jaime', 'Jaimee', 'Jakayla', + 'Jaleesa', 'Jalisa', 'Jalissa', 'Jaliyah', 'Jalyn', 'Jalynn', 'Jamey', + 'Jami', 'Jamie', 'Jamila', 'Jamiya', 'Jammie', 'Jamya', 'Jan', 'Jana', + 'Janae', 'Janay', 'Jane', 'Janeen', 'Janel', 'Janell', 'Janelle', + 'Janene', 'Janessa', 'Janet', 'Janette', 'Janey', 'Janiah', 'Janice', + 'Janie', 'Janine', 'Janis', 'Janiya', 'Janiyah', 'Jann', 'Janna', + 'Jannette', 'Jannie', 'January', 'Janyce', 'Jaquelin', 'Jaqueline', + 'Jaslene', 'Jaslyn', 'Jasmin', 'Jasmine', 'Jasmyn', 'Jasmyne', + 'Jaunita', 'Jaycee', 'Jaycie', 'Jayda', 'Jayde', 'Jayden', 'Jaye', + 'Jayla', 'Jaylah', 'Jaylee', 'Jayleen', 'Jaylen', 'Jaylene', 'Jaylin', + 'Jaylyn', 'Jaylynn', 'Jayme', 'Jayne', 'Jazlene', 'Jazlyn', 'Jazlynn', + 'Jazmin', 'Jazmine', 'Jazmyn', 'Jazmyne', 'Jean', 'Jeana', 'Jeane', + 'Jeanetta', 'Jeanette', 'Jeanie', 'Jeanine', 'Jeanmarie', 'Jeanna', + 'Jeanne', 'Jeannette', 'Jeannie', 'Jeannine', 'Jeffie', 'Jemima', + 'Jena', 'Jenelle', 'Jenifer', 'Jenilee', 'Jenna', 'Jennette', 'Jenni', + 'Jennie', 'Jennifer', 'Jenniffer', 'Jenny', 'Jensen', 'Jeraldine', + 'Jeri', 'Jerica', 'Jerilyn', 'Jerilynn', 'Jerri', 'Jerrica', 'Jerrie', + 'Jerrilyn', 'Jerusha', 'Jeryl', 'Jesenia', 'Jesica', 'Jesse', + 'Jessenia', 'Jessi', 'Jessica', 'Jessie', 'Jessika', 'Jessye', 'Jetta', + 'Jettie', 'Jewel', 'Jewell', 'Jill', 'Jillian', 'Jimena', 'Jinnie', + 'Jo', 'Joan', 'Joana', 'Joanie', 'Joann', 'Joanna', 'Joanne', 'Jocelyn', + 'Jocelyne', 'Jocelynn', 'Jodi', 'Jodie', 'Jody', 'Joell', 'Joella', + 'Joelle', 'Joellen', 'Joetta', 'Joette', 'Johana', 'Johanna', + 'Johannah', 'Johnie', 'Johnna', 'Johnnie', 'Joi', 'Joleen', 'Jolene', + 'Jolette', 'Jolie', 'Joline', 'Jonell', 'Joni', 'Jonna', 'Jonnie', + 'Jordan', 'Jordin', 'Jordyn', 'Joretta', 'Jorja', 'Josefa', 'Josefina', + 'Josefita', 'Joselin', 'Joseline', 'Joselyn', 'Josephine', 'Josette', + 'Josie', 'Josiephine', 'Joslyn', 'Jossie', 'Journey', 'Jovita', 'Joy', + 'Joyce', 'Joycelyn', 'Joye', 'Juana', 'Juanita', 'Judi', 'Judie', + 'Judith', 'Judy', 'Judyth', 'Jule', 'Juli', 'Julia', 'Juliana', + 'Juliann', 'Julianna', 'Julianne', 'Julie', 'Juliet', 'Juliette', + 'Julisa', 'Julissa', 'June', 'Junia', 'Junie', 'Justice', 'Justina', + 'Justine', 'Kaaren', 'Kacey', 'Kaci', 'Kacie', 'Kacy', 'Kadence', + 'Kadijah', 'Kaela', 'Kaelyn', 'Kaelynn', 'Kaia', 'Kaila', 'Kailee', + 'Kailey', 'Kailyn', 'Kaitlin', 'Kaitlyn', 'Kaitlynn', 'Kaiya', 'Kala', + 'Kaleena', 'Kaleigh', 'Kalene', 'Kaley', 'Kali', 'Kalie', 'Kaliyah', + 'Kallie', 'Kalyn', 'Kamari', 'Kameron', 'Kami', 'Kamila', 'Kamilah', + 'Kamora', 'Kamryn', 'Kamya', 'Kandace', 'Kandi', 'Kandice', 'Kandy', + 'Kanesha', 'Kanisha', 'Kara', 'Karan', 'Karel', 'Karen', 'Kari', + 'Karie', 'Karin', 'Karina', 'Karis', 'Karissa', 'Karla', 'Karlee', + 'Karlene', 'Karley', 'Karli', 'Karlie', 'Karly', 'Karma', 'Karol', + 'Karolyn', 'Karon', 'Karren', 'Karri', 'Karrie', 'Karsyn', 'Karyl', + 'Karyme', 'Karyn', 'Kasandra', 'Kasey', 'Kasie', 'Kassandra', 'Kassidy', + 'Kassie', 'Katarina', 'Kate', 'Katelin', 'Katelyn', 'Katelynn', + 'Katerina', 'Kathaleen', 'Katharina', 'Katharine', 'Katharyn', + 'Katherin', 'Katherine', 'Kathern', 'Katheryn', 'Kathey', 'Kathi', + 'Kathie', 'Kathleen', 'Kathlene', 'Kathlyn', 'Kathrine', 'Kathryn', + 'Kathryne', 'Kathy', 'Kathyrn', 'Kati', 'Katia', 'Katie', 'Katina', + 'Katlin', 'Katlyn', 'Katlynn', 'Katrina', 'Kattie', 'Katy', 'Kay', + 'Kaya', 'Kaycee', 'Kayden', 'Kaydence', 'Kaye', 'Kayla', 'Kaylah', + 'Kaylan', 'Kaylee', 'Kayleen', 'Kayleigh', 'Kaylen', 'Kaylene', + 'Kayley', 'Kayli', 'Kaylie', 'Kaylin', 'Kaylyn', 'Kaylynn', 'Kazuko', + 'Keanna', 'Keara', 'Kecia', 'Keeley', 'Keely', 'Keena', 'Keesha', + 'Keila', 'Keira', 'Keisha', 'Kelcie', 'Keli', 'Kelis', 'Kellee', + 'Kelley', 'Kelli', 'Kellie', 'Kelly', 'Kelsea', 'Kelsey', 'Kelsi', + 'Kelsie', 'Kendal', 'Kendall', 'Kendra', 'Kenia', 'Kenisha', 'Kenley', + 'Kenna', 'Kennedi', 'Kennedy', 'Kenya', 'Kenyatta', 'Kenzie', 'Keri', + 'Kerri', 'Kerrie', 'Kerry', 'Kesha', 'Keshia', 'Keyla', 'Khadijah', + 'Khalilah', 'Khloe', 'Kia', 'Kiana', 'Kianna', 'Kiara', 'Kiarra', + 'Kiera', 'Kierra', 'Kiersten', 'Kiley', 'Kim', 'Kimber', 'Kimberely', + 'Kimberlee', 'Kimberley', 'Kimberli', 'Kimberlie', 'Kimberly', 'Kimora', + 'Kindra', 'Kinley', 'Kinsey', 'Kinsley', 'Kira', 'Kirsten', 'Kirstie', + 'Kirstin', 'Kisha', 'Kittie', 'Kitty', 'Kiya', 'Kiyoko', 'Kizzie', + 'Kizzy', 'Kloe', 'Kori', 'Kortney', 'Kourtney', 'Kris', 'Krissy', + 'Krista', 'Kristal', 'Kristan', 'Kristen', 'Kristi', 'Kristian', + 'Kristie', 'Kristin', 'Kristina', 'Kristine', 'Kristy', 'Kristyn', + 'Krysta', 'Krystal', 'Krysten', 'Krystin', 'Krystina', 'Krystle', 'Kya', + 'Kyara', 'Kyla', 'Kylah', 'Kyle', 'Kylee', 'Kyleigh', 'Kylene', 'Kylie', + 'Kyra', 'Kyrie', 'Lacey', 'Laci', 'Lacie', 'Lacy', 'Ladonna', 'Lady', + 'Lahoma', 'Laila', 'Lailah', 'Lainey', 'Laisha', 'Lakeisha', 'Laken', + 'Lakendra', 'Lakesha', 'Lakeshia', 'Lakisha', 'Lala', 'Lalla', 'Lana', + 'Lanette', 'Laney', 'Lani', 'Lanie', 'Lanita', 'Lannie', 'Laquita', + 'Lara', 'Larae', 'Laraine', 'Larissa', 'Larue', 'Lashanda', 'Lashawn', + 'Lashonda', 'Lashunda', 'Lasonya', 'Lassie', 'Latanya', 'Latarsha', + 'Latasha', 'Latesha', 'Latifah', 'Latisha', 'Latonia', 'Latonya', + 'Latoria', 'Latosha', 'Latoya', 'Latoyia', 'Latrice', 'Latricia', + 'Latrina', 'Launa', 'Laura', 'Laureen', 'Laurel', 'Lauren', 'Laurene', + 'Lauretta', 'Laurette', 'Lauri', 'Laurie', 'Laurine', 'Lauryn', + 'Lavada', 'Lavelle', 'Lavenia', 'Lavera', 'Lavern', 'Laverna', + 'Laverne', 'Lavina', 'Lavinia', 'Lavon', 'Lavona', 'Lavonda', 'Lavonia', + 'Lavonne', 'Lawanda', 'Layla', 'Laylah', 'Lea', 'Leafy', 'Leah', + 'Leala', 'Leana', 'Leandra', 'Leaner', 'Leann', 'Leanna', 'Leanne', + 'Leatha', 'Leatrice', 'Leda', 'Lee', 'Leeann', 'Leesa', 'Leia', 'Leigh', + 'Leighton', 'Leila', 'Leilani', 'Leisa', 'Leisha', 'Leitha', 'Lela', + 'Lelah', 'Lelar', 'Lelia', 'Lella', 'Lemma', 'Lempi', 'Lena', 'Lenna', + 'Lennie', 'Lenora', 'Lenore', 'Leola', 'Leoma', 'Leona', 'Leone', + 'Leonia', 'Leonie', 'Leonor', 'Leonora', 'Leonore', 'Leontine', 'Leora', + 'Leota', 'Lera', 'Lesa', 'Lesia', 'Leslee', 'Lesley', 'Lesli', 'Leslie', + 'Lesly', 'Lessie', 'Lesta', 'Leta', 'Letha', 'Lethia', 'Leticia', + 'Letitia', 'Letta', 'Lettie', 'Letty', 'Leva', 'Levina', 'Lexi', + 'Lexie', 'Lexis', 'Lexus', 'Leyla', 'Lia', 'Liana', 'Liane', 'Libbie', + 'Libby', 'Liberty', 'Lida', 'Liddie', 'Lidia', 'Lidie', 'Lila', 'Lilah', + 'Lilia', 'Lilian', 'Liliana', 'Lilianna', 'Lilie', 'Lilla', 'Liller', + 'Lillia', 'Lillian', 'Lilliana', 'Lillianna', 'Lillie', 'Lillis', + 'Lilly', 'Lily', 'Lilyan', 'Lilyana', 'Lilyanna', 'Lina', 'Linda', + 'Lindsay', 'Lindsey', 'Lindy', 'Linette', 'Linna', 'Linnea', 'Linnie', + 'Linsey', 'Lisa', 'Lisbeth', 'Lise', 'Lisette', 'Lisha', 'Lissa', + 'Lissette', 'Lissie', 'Lita', 'Litha', 'Littie', 'Litzy', 'Livia', + 'Liz', 'Liza', 'Lizabeth', 'Lizbeth', 'Lizeth', 'Lizette', 'Lizzie', + 'Lockie', 'Loda', 'Logan', 'Lois', 'Lola', 'Lolita', 'Lolla', 'Lollie', + 'Loma', 'Lona', 'London', 'Londyn', 'Loni', 'Lonie', 'Lonna', 'Lonnie', + 'Lora', 'Loraine', 'Lorayne', 'Lorean', 'Loree', 'Loreen', 'Lorelai', + 'Lorelei', 'Loren', 'Lorena', 'Lorene', 'Lorenza', 'Loretta', 'Loretto', + 'Lori', 'Loria', 'Loriann', 'Lorie', 'Lorinda', 'Lorine', 'Loris', + 'Lorna', 'Lorraine', 'Lorrayne', 'Lorri', 'Lorrie', 'Lossie', 'Lota', + 'Lotta', 'Lottie', 'Lou', 'Louann', 'Louanna', 'Louella', 'Louetta', + 'Louie', 'Louisa', 'Louise', 'Louisiana', 'Loula', 'Lourdes', + 'Louvenia', 'Love', 'Lovey', 'Lovie', 'Lovina', 'Lovisa', 'Loyce', 'Lu', + 'Luana', 'Luann', 'Luanne', 'Luberta', 'Lucero', 'Lucetta', 'Lucia', + 'Luciana', 'Lucie', 'Lucile', 'Lucille', 'Lucina', 'Lucinda', 'Lucindy', + 'Lucretia', 'Lucy', 'Luda', 'Ludie', 'Lue', 'Luella', 'Luetta', + 'Lugenia', 'Luisa', 'Lula', 'Lulah', 'Lular', 'Lulie', 'Lulla', 'Lulu', + 'Luna', 'Lupe', 'Lura', 'Lurana', 'Lurena', 'Lurline', 'Lutie', + 'Luvenia', 'Luverne', 'Luvinia', 'Luz', 'Lyda', 'Lydia', 'Lyla', + 'Lylah', 'Lyn', 'Lynda', 'Lyndia', 'Lyndsay', 'Lyndsey', 'Lynette', + 'Lynn', 'Lynne', 'Lynnette', 'Lynsey', 'Lyric', 'Mabel', 'Mabell', + 'Mabelle', 'Mable', 'Macel', 'Macey', 'Machelle', 'Maci', 'Macie', + 'Mackenzie', 'Macy', 'Madaline', 'Madalyn', 'Madalynn', 'Maddison', + 'Madeleine', 'Madelene', 'Madeline', 'Madelyn', 'Madelynn', 'Madge', + 'Madie', 'Madilyn', 'Madilynn', 'Madisen', 'Madison', 'Madisyn', + 'Madlyn', 'Madonna', 'Madora', 'Madyson', 'Mae', 'Maebell', 'Maebelle', + 'Maegan', 'Maeve', 'Mafalda', 'Magan', 'Magdalen', 'Magdalena', + 'Magdalene', 'Magen', 'Maggie', 'Magnolia', 'Mahala', 'Mahalia', + 'Mahalie', 'Mai', 'Maia', 'Maida', 'Maira', 'Maiya', 'Makaila', + 'Makala', 'Makayla', 'Makena', 'Makenna', 'Makenzie', 'Malaya', + 'Maleah', 'Malia', 'Maliah', 'Malinda', 'Malissa', 'Malissie', + 'Maliyah', 'Mallie', 'Mallorie', 'Mallory', 'Malorie', 'Malvina', + 'Mame', 'Mamie', 'Mammie', 'Manda', 'Mandi', 'Mandie', 'Mandy', + 'Manerva', 'Manervia', 'Manie', 'Manila', 'Manilla', 'Mannie', + 'Manuela', 'Manuelita', 'Mara', 'Maralyn', 'Maranda', 'Marcela', + 'Marcelina', 'Marceline', 'Marcella', 'Marcelle', 'Marci', 'Marcia', + 'Marcie', 'Marcy', 'Mardell', 'Mareli', 'Marely', 'Maren', 'Margaret', + 'Margarete', 'Margaretha', 'Margarett', 'Margaretta', 'Margarette', + 'Margarita', 'Margarite', 'Marge', 'Margene', 'Margeret', 'Margery', + 'Marget', 'Margie', 'Margo', 'Margot', 'Margret', 'Margrett', + 'Margretta', 'Marguerite', 'Margueritte', 'Margurite', 'Margy', 'Mari', + 'Maria', 'Mariah', 'Mariam', 'Marian', 'Mariana', 'Marianita', + 'Mariann', 'Marianna', 'Marianne', 'Maribel', 'Maribeth', 'Maricela', + 'Marie', 'Mariel', 'Mariela', 'Marietta', 'Marilee', 'Marilla', + 'Marilou', 'Marilyn', 'Marilynn', 'Marin', 'Marina', 'Marinda', + 'Marion', 'Marisa', 'Marisela', 'Marisol', 'Marissa', 'Marita', + 'Maritza', 'Mariyah', 'Marjorie', 'Marjory', 'Markita', 'Marla', + 'Marlana', 'Marlee', 'Marleen', 'Marleigh', 'Marlen', 'Marlena', + 'Marlene', 'Marley', 'Marlie', 'Marlo', 'Marlyn', 'Marlys', 'Marni', + 'Marnie', 'Marnita', 'Marolyn', 'Marquita', 'Marry', 'Marsha', 'Marta', + 'Martha', 'Marti', 'Martika', 'Martina', 'Martine', 'Marty', 'Marva', + 'Marvel', 'Mary', 'Maryam', 'Maryann', 'Maryanne', 'Marybelle', + 'Marybeth', 'Maryellen', 'Maryjane', 'Maryjo', 'Marylee', 'Marylin', + 'Marylou', 'Marylouise', 'Marylyn', 'Masako', 'Mathilda', 'Mathilde', + 'Matie', 'Matilda', 'Matilde', 'Mattie', 'Mattye', 'Maud', 'Maude', + 'Maudie', 'Maura', 'Maureen', 'Maurine', 'Mavis', 'Maxie', 'Maxine', + 'May', 'Maya', 'Maybell', 'Maybelle', 'Maye', 'Mayme', 'Maymie', + 'Mayra', 'Mazie', 'Mckayla', 'Mckenna', 'Mckenzie', 'Mckinley', + 'Meadow', 'Meagan', 'Meaghan', 'Mechelle', 'Meda', 'Media', 'Medora', + 'Meg', 'Megan', 'Meggan', 'Meghan', 'Meghann', 'Melanie', 'Melany', + 'Melba', 'Melina', 'Melinda', 'Melisa', 'Melissa', 'Melissia', 'Mell', + 'Mellie', 'Mellisa', 'Mellissa', 'Melodee', 'Melodie', 'Melody', + 'Melonie', 'Melony', 'Melva', 'Melvina', 'Mena', 'Mendy', 'Mercedes', + 'Mercy', 'Meredith', 'Merilyn', 'Merle', 'Merlene', 'Merna', 'Merri', + 'Merrie', 'Merrilee', 'Merrily', 'Merry', 'Mertie', 'Meryl', 'Meta', + 'Metha', 'Metta', 'Mettie', 'Mia', 'Miah', 'Micaela', 'Micah', + 'Micayla', 'Michaela', 'Michaele', 'Michal', 'Michele', 'Michelina', + 'Michell', 'Michelle', 'Mickey', 'Mickie', 'Miesha', 'Migdalia', + 'Mignon', 'Mikaela', 'Mikaila', 'Mikala', 'Mikalah', 'Mikayla', 'Mila', + 'Milagros', 'Milan', 'Milda', 'Mildred', 'Miley', 'Milissa', + 'Millicent', 'Millie', 'Milly', 'Mima', 'Mimi', 'Mina', 'Minda', + 'Mindi', 'Mindy', 'Minerva', 'Minervia', 'Minna', 'Minnie', 'Minta', + 'Mintie', 'Mira', 'Miracle', 'Miranda', 'Mireya', 'Miriah', 'Miriam', + 'Mirna', 'Mirtie', 'Missie', 'Missouri', 'Missy', 'Misti', 'Mistie', + 'Misty', 'Mittie', 'Mitzi', 'Miya', 'Modena', 'Moesha', 'Moira', + 'Mollie', 'Molly', 'Mona', 'Monica', 'Monika', 'Monique', 'Monna', + 'Monnie', 'Monserrat', 'Montana', 'Montie', 'Mora', 'Morgan', 'Moriah', + 'Mossie', 'Mozell', 'Mozella', 'Mozelle', 'Muriel', 'Murl', 'Mya', + 'Myah', 'Myla', 'Mylee', 'Mylie', 'Myra', 'Myranda', 'Myrl', 'Myrle', + 'Myrna', 'Myrta', 'Myrtice', 'Myrtie', 'Myrtis', 'Myrtle', 'Nada', + 'Nadia', 'Nadine', 'Naima', 'Nakia', 'Nakisha', 'Nakita', 'Nallely', + 'Nan', 'Nana', 'Nanci', 'Nancie', 'Nancy', 'Nanette', 'Nanie', 'Nanna', + 'Nannette', 'Nannie', 'Naoma', 'Naomi', 'Narcissus', 'Natalee', + 'Natalia', 'Natalie', 'Nataly', 'Natalya', 'Natasha', 'Nathalia', + 'Nathalie', 'Nathaly', 'Natosha', 'Nautica', 'Nayeli', 'Nayely', + 'Nealie', 'Nealy', 'Nedra', 'Neha', 'Nelda', 'Nelia', 'Nelie', 'Nell', + 'Nella', 'Nelle', 'Nellie', 'Nelly', 'Nena', 'Neola', 'Neoma', 'Neppie', + 'Nereida', 'Neta', 'Netta', 'Nettie', 'Neva', 'Nevada', 'Nevaeh', + 'Neveah', 'Nia', 'Nichelle', 'Nichol', 'Nichole', 'Nicki', 'Nicola', + 'Nicole', 'Nicolette', 'Nicolle', 'Niki', 'Nikia', 'Nikita', 'Nikki', + 'Nikole', 'Nila', 'Nilda', 'Nina', 'Ninnie', 'Nira', 'Nita', 'Nobie', + 'Noel', 'Noelia', 'Noelle', 'Noemi', 'Noemie', 'Nohely', 'Nola', + 'Nolia', 'Nolie', 'Noma', 'Nona', 'Nonie', 'Nora', 'Norah', 'Noreen', + 'Norene', 'Noreta', 'Noretta', 'Norine', 'Norita', 'Norma', 'Nova', + 'Novella', 'Nya', 'Nyah', 'Nyasia', 'Nyla', 'Nylah', 'Nyree', 'Ocie', + 'Octa', 'Octavia', 'Octavie', 'Oda', 'Odalis', 'Odalys', 'Odelia', + 'Odell', 'Odessa', 'Odette', 'Odie', 'Odile', 'Ofelia', 'Ola', 'Olar', + 'Olena', 'Olene', 'Oleta', 'Olevia', 'Olga', 'Olie', 'Olinda', 'Oline', + 'Oliva', 'Olive', 'Olivia', 'Olivine', 'Ollie', 'Olympia', 'Oma', + 'Omie', 'Ona', 'Oneida', 'Oneta', 'Oney', 'Onie', 'Onnie', 'Opal', + 'Opha', 'Ophelia', 'Ora', 'Orah', 'Oral', 'Oralia', 'Orelia', 'Orene', + 'Orilla', 'Orlena', 'Orma', 'Orpha', 'Orra', 'Orrie', 'Osa', 'Osie', + 'Ossie', 'Ota', 'Otelia', 'Otha', 'Ottie', 'Ottilia', 'Ottilie', + 'Ouida', 'Ova', 'Ozell', 'Ozella', 'Ozie', 'Paige', 'Pairlee', + 'Paisley', 'Paityn', 'Pallie', 'Palma', 'Paloma', 'Pam', 'Pamala', + 'Pamela', 'Pamelia', 'Pamella', 'Pandora', 'Pansy', 'Paola', 'Paralee', + 'Paris', 'Parker', 'Parlee', 'Parthenia', 'Pat', 'Patience', 'Patrica', + 'Patrice', 'Patricia', 'Patsy', 'Patti', 'Pattie', 'Patty', 'Paula', + 'Pauletta', 'Paulette', 'Paulina', 'Pauline', 'Payten', 'Payton', + 'Pearl', 'Pearla', 'Pearle', 'Pearlene', 'Pearlie', 'Pearline', + 'Pearly', 'Peggie', 'Peggy', 'Penelope', 'Penni', 'Pennie', 'Penny', + 'Pepper', 'Perla', 'Permelia', 'Perri', 'Petra', 'Peyton', 'Phebe', + 'Pheobe', 'Phillis', 'Philomena', 'Philomene', 'Phoebe', 'Phoenix', + 'Phylicia', 'Phylis', 'Phyliss', 'Phyllis', 'Pink', 'Pinkey', 'Pinkie', + 'Piper', 'Pluma', 'Pollie', 'Polly', 'Porsche', 'Porsha', 'Portia', + 'Precious', 'Presley', 'Pricilla', 'Princess', 'Priscila', 'Priscilla', + 'Prudence', 'Prudie', 'Qiana', 'Queen', 'Queenie', 'Quiana', 'Quinn', + 'Rachael', 'Racheal', 'Rachel', 'Rachelle', 'Racquel', 'Rae', 'Raegan', + 'Raelyn', 'Raelynn', 'Rafaela', 'Ragna', 'Raina', 'Ramona', 'Randi', + 'Raquel', 'Rashida', 'Raven', 'Rayna', 'Rayne', 'Reagan', 'Reanna', + 'Reatha', 'Reba', 'Rebeca', 'Rebecca', 'Rebekah', 'Reece', 'Reese', + 'Regan', 'Regena', 'Regenia', 'Regina', 'Reilly', 'Reina', 'Rella', + 'Rena', 'Renada', 'Renae', 'Renata', 'Rene', 'Renea', 'Renee', 'Renita', + 'Rennie', 'Ressie', 'Reta', 'Retha', 'Retta', 'Rettie', 'Reva', 'Reyna', + 'Rhea', 'Rheta', 'Rhianna', 'Rhiannon', 'Rhoda', 'Rhona', 'Rhonda', + 'Rianna', 'Richelle', 'Ricki', 'Rihanna', 'Rikki', 'Riley', 'Rilla', + 'Rillie', 'Rinda', 'Risa', 'Rita', 'River', 'Riya', 'Robbie', 'Robbin', + 'Roberta', 'Robin', 'Robyn', 'Rochelle', 'Rocio', 'Roena', 'Rolanda', + 'Roma', 'Romaine', 'Romona', 'Rona', 'Ronda', 'Roni', 'Ronna', 'Ronnie', + 'Rory', 'Rosa', 'Rosabelle', 'Rosalee', 'Rosalia', 'Rosalie', + 'Rosalind', 'Rosalinda', 'Rosaline', 'Rosalyn', 'Rosamond', 'Rosann', + 'Rosanna', 'Rosanne', 'Rosaria', 'Rosario', 'Rose', 'Roseann', + 'Roseanna', 'Roseanne', 'Rosella', 'Roselyn', 'Rosemarie', 'Rosemary', + 'Rosena', 'Rosetta', 'Rosey', 'Rosia', 'Rosie', 'Rosina', 'Rosita', + 'Roslyn', 'Rossie', 'Rosy', 'Rowan', 'Rowena', 'Roxana', 'Roxane', + 'Roxann', 'Roxanna', 'Roxanne', 'Roxie', 'Roxy', 'Rozanne', 'Rozella', + 'Rubi', 'Rubie', 'Ruby', 'Rubye', 'Ruie', 'Ruth', 'Rutha', 'Ruthann', + 'Ruthanne', 'Ruthe', 'Ruthie', 'Ryann', 'Rylan', 'Rylee', 'Ryleigh', + 'Rylie', 'Sabina', 'Sable', 'Sabra', 'Sabrina', 'Sada', 'Sade', 'Sadie', + 'Sadye', 'Sage', 'Saige', 'Salena', 'Salina', 'Sallie', 'Sally', + 'Salma', 'Salome', 'Samantha', 'Samara', 'Samatha', 'Samira', 'Samiyah', + 'Sammie', 'Sanaa', 'Sanai', 'Sandi', 'Sandie', 'Sandra', 'Sandy', + 'Saniya', 'Saniyah', 'Sanjuana', 'Sanjuanita', 'Sannie', 'Santa', + 'Santana', 'Santina', 'Santos', 'Sara', 'Sarah', 'Sarahi', 'Sarai', + 'Sariah', 'Sarina', 'Sarita', 'Sarrah', 'Sasha', 'Saundra', 'Savana', + 'Savanah', 'Savanna', 'Savannah', 'Savilla', 'Scarlet', 'Scarlett', + 'Sebrina', 'Selah', 'Selena', 'Selene', 'Selina', 'Selma', 'Sena', + 'Senora', 'Serena', 'Serenity', 'Serina', 'Shae', 'Shaina', 'Shakira', + 'Shalon', 'Shalonda', 'Shameka', 'Shamika', 'Shana', 'Shanae', 'Shanda', + 'Shandra', 'Shane', 'Shaneka', 'Shanell', 'Shanelle', 'Shanequa', + 'Shani', 'Shania', 'Shanice', 'Shaniece', 'Shanika', 'Shaniqua', + 'Shanita', 'Shaniya', 'Shanna', 'Shannan', 'Shannen', 'Shannon', + 'Shanon', 'Shanta', 'Shante', 'Shantel', 'Shantell', 'Shaquana', + 'Shaquita', 'Shara', 'Shardae', 'Sharday', 'Sharde', 'Sharee', 'Sharen', + 'Shari', 'Sharita', 'Sharla', 'Sharleen', 'Sharlene', 'Sharman', + 'Sharon', 'Sharonda', 'Sharron', 'Sharyl', 'Sharyn', 'Shasta', + 'Shatara', 'Shauna', 'Shaunna', 'Shavon', 'Shavonne', 'Shawanda', + 'Shawna', 'Shawnda', 'Shawnee', 'Shawnna', 'Shawnte', 'Shay', 'Shayla', + 'Shaylee', 'Shayna', 'Shea', 'Sheena', 'Sheila', 'Sheilah', 'Shelba', + 'Shelbi', 'Shelbie', 'Shelby', 'Shelia', 'Shelley', 'Shelli', 'Shellie', + 'Shelly', 'Shelva', 'Shelvia', 'Shelvie', 'Shena', 'Shenna', 'Sheree', + 'Sheri', 'Sheridan', 'Sherie', 'Sherilyn', 'Sherita', 'Sherlyn', + 'Sheron', 'Sherree', 'Sherri', 'Sherrie', 'Sherrill', 'Sherron', + 'Sherry', 'Sherryl', 'Sheryl', 'Sheryll', 'Sheyla', 'Shianne', 'Shiela', + 'Shiloh', 'Shira', 'Shirl', 'Shirlee', 'Shirleen', 'Shirlene', + 'Shirley', 'Shirleyann', 'Shirlie', 'Shona', 'Shonda', 'Shonna', + 'Shreya', 'Shyann', 'Shyanne', 'Shyla', 'Sibbie', 'Sibyl', 'Siddie', + 'Sidney', 'Siena', 'Sienna', 'Sierra', 'Signa', 'Signe', 'Sigrid', + 'Silvia', 'Simona', 'Simone', 'Sina', 'Sinda', 'Siobhan', 'Sister', + 'Sky', 'Skye', 'Skyla', 'Skylar', 'Skyler', 'Sloane', 'Socorro', + 'Sofia', 'Soledad', 'Somer', 'Sommer', 'Sondra', 'Sonia', 'Sonja', + 'Sonji', 'Sonya', 'Sophia', 'Sophie', 'Sophronia', 'Spring', 'Stacey', + 'Staci', 'Stacia', 'Stacie', 'Stacy', 'Star', 'Starla', 'Starr', + 'Stasia', 'Stefani', 'Stefanie', 'Stella', 'Stephaine', 'Stephani', + 'Stephania', 'Stephanie', 'Stephany', 'Stephenie', 'Stevie', 'Stormy', + 'Sudie', 'Sue', 'Suellen', 'Sula', 'Summer', 'Sunday', 'Sunny', + 'Sunshine', 'Susan', 'Susana', 'Susann', 'Susanna', 'Susannah', + 'Susanne', 'Susie', 'Sussie', 'Suzan', 'Suzann', 'Suzanna', 'Suzanne', + 'Suzette', 'Suzie', 'Suzy', 'Sybil', 'Sybilla', 'Syble', 'Sydell', + 'Sydnee', 'Sydney', 'Sydni', 'Sydnie', 'Sylva', 'Sylvania', 'Sylvia', + 'Symone', 'Syreeta', 'Tabatha', 'Tabetha', 'Tabitha', 'Tai', 'Taina', + 'Taja', 'Takisha', 'Talia', 'Taliyah', 'Tamala', 'Tamara', 'Tamatha', + 'Tambra', 'Tameka', 'Tamekia', 'Tamela', 'Tamera', 'Tami', 'Tamia', + 'Tamica', 'Tamie', 'Tamika', 'Tamiko', 'Tamisha', 'Tammi', 'Tammie', + 'Tammy', 'Tamra', 'Tamya', 'Tana', 'Tanesha', 'Tangela', 'Tania', + 'Tanika', 'Tanisha', 'Taniya', 'Taniyah', 'Tanja', 'Tanya', 'Tara', + 'Tarah', 'Taraji', 'Tari', 'Tarsha', 'Taryn', 'Tasha', 'Tashina', + 'Tasia', 'Tatia', 'Tatiana', 'Tatianna', 'Tatum', 'Tatyana', 'Tatyanna', + 'Tawana', 'Tawanda', 'Tawanna', 'Tawny', 'Tawnya', 'Taya', 'Tayla', + 'Tayler', 'Taylor', 'Tea', 'Teagan', 'Teela', 'Teena', 'Tella', + 'Tempie', 'Tena', 'Tenika', 'Tenisha', 'Tennessee', 'Tennie', + 'Tennille', 'Tera', 'Teresa', 'Terese', 'Teressa', 'Teri', 'Terra', + 'Terri', 'Terrie', 'Terry', 'Tess', 'Tessa', 'Tessie', 'Texanna', + 'Texas', 'Texie', 'Thalia', 'Thea', 'Theda', 'Thekla', 'Thelma', + 'Theodocia', 'Theodora', 'Theodosia', 'Theola', 'Theresa', 'Therese', + 'Theresia', 'Theta', 'Thomasina', 'Thora', 'Thresa', 'Thursa', 'Thyra', + 'Tia', 'Tiana', 'Tianna', 'Tiara', 'Tiarra', 'Tiera', 'Tierra', + 'Tiesha', 'Tiffani', 'Tiffanie', 'Tiffany', 'Tilda', 'Tilla', 'Tillie', + 'Tina', 'Tiney', 'Tinie', 'Tinnie', 'Tiny', 'Tisa', 'Tisha', 'Tishie', + 'Tobi', 'Toby', 'Toccara', 'Tomasa', 'Tomeka', 'Tomika', 'Tommie', + 'Tonda', 'Toni', 'Tonia', 'Tonja', 'Tonya', 'Tori', 'Torie', 'Torrie', + 'Tory', 'Tosha', 'Toshiko', 'Towanda', 'Toya', 'Tracee', 'Tracey', + 'Traci', 'Tracie', 'Tracy', 'Treasure', 'Treena', 'Trena', 'Tresa', + 'Tressa', 'Tressie', 'Treva', 'Tricia', 'Trilby', 'Trina', 'Trinidad', + 'Trinity', 'Trish', 'Trisha', 'Trista', 'Tristan', 'Tristen', 'Trudi', + 'Trudie', 'Trudy', 'Trula', 'Tula', 'Twila', 'Twyla', 'Tyesha', 'Tyra', + 'Ula', 'Una', 'Unique', 'Unknown', 'Ura', 'Ursula', 'Vada', 'Val', + 'Valarie', 'Valencia', 'Valentina', 'Valentine', 'Valeria', 'Valerie', + 'Valery', 'Valinda', 'Vallie', 'Valorie', 'Vanesa', 'Vanessa', 'Vannie', + 'Vara', 'Vashti', 'Vassie', 'Veda', 'Vela', 'Velda', 'Velia', 'Vella', + 'Velma', 'Velva', 'Velvet', 'Vena', 'Venessa', 'Venice', 'Venie', + 'Venita', 'Vennie', 'Venus', 'Veola', 'Vera', 'Verda', 'Verdell', + 'Verdie', 'Verena', 'Vergie', 'Verla', 'Verlene', 'Verlie', 'Verna', + 'Verne', 'Vernell', 'Vernelle', 'Vernetta', 'Vernia', 'Vernice', + 'Vernie', 'Vernita', 'Verona', 'Veronica', 'Versa', 'Versie', 'Vertie', + 'Vessie', 'Vesta', 'Veta', 'Veva', 'Vicie', 'Vickey', 'Vicki', 'Vickie', + 'Vicky', 'Victoria', 'Victorine', 'Victory', 'Vicy', 'Vida', 'Vikki', + 'Villa', 'Vilma', 'Vina', 'Vincenza', 'Viney', 'Vinie', 'Vinnie', + 'Viola', 'Violet', 'Violeta', 'Violetta', 'Violette', 'Vira', 'Virdie', + 'Virgia', 'Virgie', 'Virginia', 'Viridiana', 'Vita', 'Viva', 'Vivian', + 'Viviana', 'Vivien', 'Vivienne', 'Vlasta', 'Vonda', 'Vonetta', 'Vonnie', + 'Wanda', 'Waneta', 'Wanita', 'Wava', 'Wende', 'Wendi', 'Wendy', + 'Whitley', 'Whitney', 'Wilda', 'Wilhelmina', 'Wilhelmine', 'Willa', + 'Willene', 'Willia', 'Willie', 'Williemae', 'Willodean', 'Willow', + 'Wilma', 'Windy', 'Winifred', 'Winnie', 'Winnifred', 'Winona', 'Winter', + 'Wynona', 'Xena', 'Ximena', 'Xiomara', 'Yadira', 'Yahaira', 'Yajaira', + 'Yamilet', 'Yamilex', 'Yareli', 'Yaretzi', 'Yaritza', 'Yasmeen', + 'Yasmin', 'Yasmine', 'Yazmin', 'Yesenia', 'Yessenia', 'Yetta', + 'Yolanda', 'Yolonda', 'Yoselin', 'Yoshiko', 'Yuliana', 'Yulisa', + 'Yulissa', 'Yuridia', 'Yvette', 'Yvonne', 'Zada', 'Zadie', 'Zaida', + 'Zana', 'Zandra', 'Zaniyah', 'Zara', 'Zaria', 'Zariah', 'Zela', 'Zelda', + 'Zelia', 'Zella', 'Zelma', 'Zelpha', 'Zena', 'Zenobia', 'Zeta', 'Zetta', + 'Zettie', 'Zhane', 'Zillah', 'Zilpah', 'Zilpha', 'Zina', 'Zion', 'Zita', + 'Zoa', 'Zoe', 'Zoey', 'Zoie', 'Zola', 'Zona', 'Zora', 'Zula', + 'Aaden', 'Aarav', 'Aaron', 'Ab', 'Abb', 'Abbott', 'Abdiel', 'Abdul', + 'Abdullah', 'Abe', 'Abel', 'Abelardo', 'Abie', 'Abner', 'Abraham', + 'Abram', 'Ace', 'Acey', 'Acie', 'Acy', 'Adalberto', 'Adam', 'Adams', + 'Adan', 'Add', 'Adelard', 'Adelbert', 'Aden', 'Adin', 'Aditya', 'Adlai', + 'Admiral', 'Adolf', 'Adolfo', 'Adolph', 'Adolphus', 'Adonis', 'Adrain', + 'Adrian', 'Adriel', 'Adrien', 'Adron', 'Aedan', 'Agustin', 'Agustus', + 'Ah', 'Ahmad', 'Ahmed', 'Aidan', 'Aiden', 'Aidyn', 'Aime', 'Akeem', + 'Al', 'Alan', 'Alanzo', 'Albert', 'Alberto', 'Albertus', 'Albin', + 'Albion', 'Alby', 'Alcee', 'Alcide', 'Alden', 'Aldo', 'Alec', 'Aleck', + 'Alejandro', 'Alek', 'Alessandro', 'Alex', 'Alexande', 'Alexander', + 'Alexandre', 'Alexandro', 'Alexis', 'Alexzander', 'Alf', 'Alferd', + 'Alfie', 'Alfonse', 'Alfonso', 'Alfonzo', 'Alford', 'Alfred', 'Alfredo', + 'Alger', 'Algernon', 'Algie', 'Algot', 'Ali', 'Alijah', 'Allan', + 'Allen', 'Allyn', 'Almer', 'Almon', 'Almond', 'Almus', 'Alois', + 'Alonso', 'Alonza', 'Alonzo', 'Aloys', 'Aloysius', 'Alpheus', 'Alphons', + 'Alphonse', 'Alphonso', 'Alphonsus', 'Alston', 'Alto', 'Alton', 'Alva', + 'Alvah', 'Alvan', 'Alvaro', 'Alver', 'Alvia', 'Alvie', 'Alvin', 'Alvis', + 'Alvy', 'Alwin', 'Amado', 'Amare', 'Amari', 'Amarion', 'Amasa', + 'Ambers', 'Ambrose', 'Americo', 'Amerigo', 'Amil', 'Amin', 'Amir', + 'Amit', 'Ammon', 'Amon', 'Amos', 'Ananias', 'Anastacio', 'Anatole', + 'Ancel', 'Ancil', 'Anders', 'Anderson', 'Andon', 'Andra', 'Andrae', + 'Andre', 'Andreas', 'Andres', 'Andrew', 'Andy', 'Anfernee', 'Angel', + 'Angelo', 'Angus', 'Anibal', 'Ansel', 'Anson', 'Anthoney', 'Anthony', + 'Antione', 'Antoine', 'Anton', 'Antone', 'Antonio', 'Antony', 'Antwain', + 'Antwan', 'Antwon', 'Anwar', 'Arba', 'Arbie', 'Arch', 'Archer', + 'Archibald', 'Archie', 'Ardell', 'Arden', 'Ari', 'Aric', 'Arjun', + 'Arlan', 'Arland', 'Arlen', 'Arley', 'Arlie', 'Arlin', 'Arlington', + 'Arlis', 'Arlo', 'Arlyn', 'Arman', 'Armand', 'Armando', 'Armani', + 'Armin', 'Armond', 'Armstead', 'Arnav', 'Arne', 'Arnett', 'Arnie', + 'Arno', 'Arnold', 'Arnoldo', 'Arnulfo', 'Aron', 'Arron', 'Arsenio', + 'Art', 'Arther', 'Arthor', 'Arthur', 'Artie', 'Artis', 'Arturo', + 'Arvel', 'Arvid', 'Arvil', 'Arvin', 'Arvo', 'Aryan', 'Asa', 'Asberry', + 'Asbury', 'Ashby', 'Asher', 'Ashton', 'Atha', 'Atlas', 'Atticus', + 'Attilio', 'Aubra', 'Aubrey', 'Audie', 'Audley', 'Audy', 'August', + 'Auguste', 'Augustin', 'Augustine', 'Augustus', 'Aurelio', 'Aurthur', + 'Austen', 'Austin', 'Auston', 'Austyn', 'Auther', 'Author', 'Authur', + 'Autry', 'Avery', 'Avon', 'Axel', 'Ayaan', 'Aydan', 'Ayden', 'Aydin', + 'Babe', 'Babyboy', 'Bailey', 'Baker', 'Baldwin', 'Ballard', 'Banks', + 'Barnard', 'Barnett', 'Barney', 'Barnie', 'Baron', 'Barrett', 'Barrie', + 'Barron', 'Barry', 'Bart', 'Bartholomew', 'Bartley', 'Barton', 'Bascom', + 'Basil', 'Baxter', 'Bayard', 'Beau', 'Beckett', 'Beckham', 'Bedford', + 'Beecher', 'Bell', 'Belton', 'Ben', 'Benard', 'Benedict', 'Benito', + 'Benjaman', 'Benjamen', 'Benjamin', 'Benjamine', 'Benji', 'Benjiman', + 'Benjman', 'Bennett', 'Bennie', 'Benny', 'Benson', 'Bentley', 'Benton', + 'Berkley', 'Berlin', 'Bernard', 'Bernardo', 'Bernhard', 'Bernie', + 'Berry', 'Bert', 'Bertie', 'Berton', 'Bertram', 'Bertrand', 'Beryl', + 'Bethel', 'Bilal', 'Bill', 'Billie', 'Billy', 'Bird', 'Birt', 'Bishop', + 'Bjorn', 'Blain', 'Blaine', 'Blair', 'Blaise', 'Blake', 'Blanchard', + 'Blane', 'Blas', 'Blaze', 'Bliss', 'Bluford', 'Bo', 'Bob', 'Bobbie', + 'Bobby', 'Bode', 'Bolden', 'Booker', 'Boone', 'Boris', 'Bose', 'Boss', + 'Boston', 'Bowman', 'Boyce', 'Boyd', 'Boysie', 'Brad', 'Braden', + 'Bradford', 'Bradley', 'Bradly', 'Brady', 'Bradyn', 'Braeden', + 'Braedon', 'Braiden', 'Brain', 'Branch', 'Brandan', 'Branden', + 'Brandin', 'Brandon', 'Brandt', 'Brandy', 'Brandyn', 'Brannon', + 'Branson', 'Brant', 'Brantley', 'Braulio', 'Braxton', 'Brayan', + 'Brayden', 'Braydon', 'Braylen', 'Braylon', 'Brendan', 'Brenden', + 'Brendon', 'Brennan', 'Brennen', 'Brennon', 'Brent', 'Brenton', 'Bret', + 'Brett', 'Brian', 'Brice', 'Bridger', 'Brien', 'Brion', 'Britt', + 'Brittany', 'Britton', 'Brock', 'Broderick', 'Brodie', 'Brody', + 'Brogan', 'Bronson', 'Brook', 'Brooks', 'Brown', 'Bruce', 'Bruno', + 'Bryan', 'Bryant', 'Bryce', 'Brycen', 'Bryon', 'Bryson', 'Bryton', + 'Buck', 'Bud', 'Budd', 'Buddie', 'Buddy', 'Buel', 'Buell', 'Buford', + 'Bunk', 'Burdette', 'Buren', 'Burgess', 'Burk', 'Burke', 'Burl', + 'Burleigh', 'Burley', 'Burnell', 'Burnett', 'Burney', 'Burnice', + 'Burnie', 'Burns', 'Burr', 'Burrel', 'Burrell', 'Burt', 'Burton', + 'Bush', 'Buster', 'Butch', 'Butler', 'Bynum', 'Byrd', 'Byron', 'Cade', + 'Caden', 'Cael', 'Caesar', 'Caiden', 'Cain', 'Cal', 'Cale', 'Caleb', + 'Calhoun', 'Callie', 'Callum', 'Calvin', 'Cam', 'Camden', 'Cameron', + 'Camilo', 'Campbell', 'Camren', 'Camron', 'Camryn', 'Candido', 'Cannon', + 'Canyon', 'Cap', 'Captain', 'Carey', 'Carl', 'Carleton', 'Carlie', + 'Carlisle', 'Carlo', 'Carlos', 'Carlton', 'Carlyle', 'Carmel', + 'Carmelo', 'Carmen', 'Carmine', 'Carnell', 'Carrie', 'Carrol', + 'Carroll', 'Carsen', 'Carson', 'Carter', 'Cary', 'Cas', 'Case', 'Casen', + 'Casey', 'Cash', 'Casimer', 'Casimir', 'Casimiro', 'Cason', 'Casper', + 'Cass', 'Cassidy', 'Cassie', 'Cassius', 'Caswell', 'Cato', 'Cayden', + 'Ceasar', 'Cecil', 'Cedric', 'Cedrick', 'Celestino', 'Cephus', 'Cesar', + 'Ceylon', 'Chace', 'Chad', 'Chadd', 'Chadrick', 'Chadwick', 'Chaim', + 'Chalmer', 'Chalmers', 'Champ', 'Chance', 'Chancey', 'Chancy', + 'Chandler', 'Channing', 'Charle', 'Charles', 'Charley', 'Charlie', + 'Charls', 'Charlton', 'Charly', 'Chas', 'Chase', 'Chauncey', 'Chauncy', + 'Chaz', 'Che', 'Chesley', 'Chester', 'Chet', 'Cheyenne', 'Chin', 'Chip', + 'Chris', 'Christ', 'Christian', 'Christina', 'Christion', 'Christop', + 'Christoper', 'Christophe', 'Christopher', 'Chuck', 'Cicero', 'Clabe', + 'Claiborne', 'Clair', 'Clarance', 'Clare', 'Clarence', 'Clark', + 'Clarke', 'Clarnce', 'Claud', 'Claude', 'Claudie', 'Claudio', + 'Claudius', 'Claus', 'Clay', 'Clayton', 'Clearence', 'Cleave', 'Clell', + 'Clem', 'Clemence', 'Clemens', 'Clement', 'Clemente', 'Clemmie', + 'Clemon', 'Cleo', 'Cleon', 'Cletus', 'Cleve', 'Cleveland', 'Clide', + 'Cliff', 'Clifford', 'Clifton', 'Clint', 'Clinton', 'Clive', 'Clovis', + 'Cloyd', 'Clyde', 'Coby', 'Codey', 'Codi', 'Codie', 'Cody', 'Coen', + 'Cohen', 'Colbert', 'Colby', 'Cole', 'Coleman', 'Coleton', 'Coley', + 'Colie', 'Colin', 'Collie', 'Collier', 'Collin', 'Collins', 'Collis', + 'Colon', 'Colonel', 'Colt', 'Colten', 'Colter', 'Colton', 'Columbus', + 'Colvin', 'Commodore', 'Con', 'Conard', 'Conley', 'Conner', 'Connie', + 'Connor', 'Conor', 'Conrad', 'Constantine', 'Conway', 'Coolidge', + 'Cooper', 'Corbett', 'Corbin', 'Cordaro', 'Cordell', 'Cordero', 'Corey', + 'Cornel', 'Cornelious', 'Cornelius', 'Cornell', 'Corry', 'Cortez', + 'Cortney', 'Corwin', 'Cory', 'Cosmo', 'Coty', 'Council', 'Courtland', + 'Courtney', 'Coy', 'Craig', 'Crawford', 'Creed', 'Cris', 'Cristian', + 'Cristobal', 'Cristofer', 'Cristopher', 'Crockett', 'Cruz', 'Cullen', + 'Curley', 'Curt', 'Curtis', 'Curtiss', 'Cyril', 'Cyrus', 'Dabney', + 'Dakoda', 'Dakota', 'Dakotah', 'Dale', 'Dallas', 'Dallin', 'Dalton', + 'Dalvin', 'Damarcus', 'Damari', 'Damarion', 'Dameon', 'Damian', + 'Damien', 'Damion', 'Damon', 'Damond', 'Dan', 'Dana', 'Dandre', 'Dane', + 'Dangelo', 'Danial', 'Daniel', 'Dann', 'Dannie', 'Danniel', 'Danny', + 'Dante', 'Daquan', 'Darby', 'Darcy', 'Darell', 'Daren', 'Darian', + 'Darien', 'Darin', 'Dario', 'Darion', 'Darius', 'Darl', 'Darnell', + 'Darold', 'Daron', 'Darrel', 'Darrell', 'Darren', 'Darrian', 'Darrick', + 'Darrien', 'Darrin', 'Darrion', 'Darrius', 'Darron', 'Darry', 'Darryl', + 'Darryle', 'Darryll', 'Darryn', 'Darvin', 'Darwin', 'Darwyn', 'Daryl', + 'Daryle', 'Daryn', 'Dashawn', 'Daulton', 'Daunte', 'Davante', 'Dave', + 'Davey', 'Davian', 'David', 'Davie', 'Davin', 'Davion', 'Davis', + 'Davon', 'Davonta', 'Davonte', 'Davy', 'Dawson', 'Dax', 'Daxton', + 'Dayne', 'Dayton', 'Deacon', 'Dean', 'Deandre', 'Deane', 'Deangelo', + 'Deante', 'Declan', 'Dedric', 'Dedrick', 'Deegan', 'Deforest', 'Deion', + 'Dejon', 'Dejuan', 'Del', 'Delano', 'Delbert', 'Dell', 'Della', 'Delma', + 'Delmar', 'Delmas', 'Delmer', 'Delmus', 'Delos', 'Delphin', 'Delton', + 'Delvin', 'Delwin', 'Demarco', 'Demarcus', 'Demario', 'Demarion', + 'Demetri', 'Demetric', 'Demetrios', 'Demetrius', 'Demian', 'Demond', + 'Demonte', 'Dempsey', 'Denis', 'Dennie', 'Dennis', 'Denny', 'Denton', + 'Denver', 'Denzel', 'Denzell', 'Denzil', 'Deon', 'Deondre', 'Deonta', + 'Deontae', 'Deonte', 'Dequan', 'Derald', 'Dereck', 'Derek', 'Dereon', + 'Deric', 'Derick', 'Derik', 'Derl', 'Deron', 'Derrek', 'Derrell', + 'Derrick', 'Derwin', 'Deryl', 'Desean', 'Deshaun', 'Deshawn', 'Desi', + 'Desmond', 'Dessie', 'Destin', 'Destry', 'Devan', 'Devante', 'Devaughn', + 'Deven', 'Devin', 'Devon', 'Devonta', 'Devontae', 'Devonte', 'Devyn', + 'Deward', 'Dewayne', 'Dewey', 'Dewitt', 'Dexter', 'Diallo', 'Diamond', + 'Diane', 'Dickie', 'Diego', 'Dijon', 'Dilan', 'Dillan', 'Dillard', + 'Dillion', 'Dillon', 'Dimitri', 'Dimitrios', 'Dink', 'Dino', 'Dion', + 'Dionicio', 'Dionte', 'Dirk', 'Dixon', 'Doc', 'Dock', 'Doctor', 'Doll', + 'Dolph', 'Dolphus', 'Domenic', 'Domenick', 'Domenico', 'Domingo', + 'Dominic', 'Dominick', 'Dominik', 'Don', 'Donaciano', 'Donal', 'Donald', + 'Donat', 'Donato', 'Donavan', 'Donavon', 'Dondre', 'Donell', 'Donn', + 'Donnell', 'Donnie', 'Donny', 'Donovan', 'Donta', 'Dontae', 'Donte', + 'Dora', 'Dorian', 'Dorman', 'Dorr', 'Dorris', 'Dorsey', 'Doss', 'Doug', + 'Douglas', 'Douglass', 'Dow', 'Doyle', 'Dozier', 'Drake', 'Draven', + 'Drew', 'Drury', 'Duane', 'Duard', 'Dudley', 'Duff', 'Duke', 'Duncan', + 'Durell', 'Durrell', 'Durward', 'Durwood', 'Dustan', 'Dustin', 'Dusty', + 'Dustyn', 'Duwayne', 'Dwain', 'Dwaine', 'Dwane', 'Dwayne', 'Dwight', + 'Dwyane', 'Dylan', 'Dyllan', 'Dylon', 'Ean', 'Earl', 'Earle', 'Earley', + 'Earlie', 'Early', 'Earnest', 'Easton', 'Ebb', 'Ebbie', 'Eben', + 'Ebenezer', 'Eber', 'Ebert', 'Ed', 'Edd', 'Eddie', 'Eddy', 'Eden', + 'Edgar', 'Edgardo', 'Edie', 'Edison', 'Edmon', 'Edmond', 'Edmund', + 'Edsel', 'Edson', 'Eduardo', 'Edw', 'Edward', 'Edwardo', 'Edwin', + 'Effie', 'Efrain', 'Efrem', 'Efren', 'Egbert', 'Einar', 'Eino', 'Elam', + 'Elbert', 'Elbridge', 'Elby', 'Elden', 'Elder', 'Eldon', 'Eldred', + 'Eldridge', 'Elex', 'Elgie', 'Elgin', 'Eli', 'Elian', 'Elias', 'Elick', + 'Elie', 'Eliezer', 'Eliga', 'Eligah', 'Elige', 'Elihu', 'Elijah', + 'Eliot', 'Eliseo', 'Elisha', 'Elizah', 'Ell', 'Ellery', 'Elliot', + 'Elliott', 'Ellis', 'Ellison', 'Ellsworth', 'Ellwood', 'Elmer', 'Elmo', + 'Elmore', 'Elon', 'Elonzo', 'Eloy', 'Elroy', 'Elsworth', 'Elton', + 'Elvin', 'Elvis', 'Elwin', 'Elwood', 'Elwyn', 'Ely', 'Elza', 'Elzie', + 'Elzy', 'Emanuel', 'Emerson', 'Emery', 'Emett', 'Emil', 'Emile', + 'Emiliano', 'Emilio', 'Emit', 'Emma', 'Emmanuel', 'Emmet', 'Emmett', + 'Emmit', 'Emmitt', 'Emmons', 'Emory', 'Emry', 'Encarnacion', 'Ennis', + 'Enoch', 'Enos', 'Enrico', 'Enrique', 'Enzo', 'Ephraim', 'Ephram', + 'Ephriam', 'Epifanio', 'Erasmo', 'Erasmus', 'Erastus', 'Erby', 'Eric', + 'Erich', 'Erick', 'Erie', 'Erik', 'Erin', 'Erland', 'Erle', 'Erling', + 'Ernest', 'Ernesto', 'Ernie', 'Ernst', 'Errol', 'Ervin', 'Erving', + 'Erwin', 'Esau', 'Esco', 'Esequiel', 'Esker', 'Esley', 'Essex', + 'Esteban', 'Estel', 'Estes', 'Estevan', 'Estill', 'Eston', 'Ethan', + 'Ethelbert', 'Ethen', 'Eugene', 'Eugenio', 'Eusebio', 'Eustace', 'Evan', + 'Evander', 'Evans', 'Evelyn', 'Everet', 'Everett', 'Everette', 'Evert', + 'Evertt', 'Ewald', 'Ewart', 'Ewell', 'Ewin', 'Ewing', 'Ezekiel', + 'Ezell', 'Ezequiel', 'Ezra', 'Ezzard', 'Fabian', 'Faron', 'Farrell', + 'Farris', 'Fate', 'Faustino', 'Fayette', 'Fed', 'Federico', 'Felipe', + 'Felix', 'Felton', 'Fenton', 'Ferd', 'Ferdinand', 'Ferman', 'Fernand', + 'Fernando', 'Ferrell', 'Ferris', 'Festus', 'Fidel', 'Fidencio', + 'Fielding', 'Finis', 'Finley', 'Finn', 'Finnegan', 'Firman', 'Fisher', + 'Fitzgerald', 'Fitzhugh', 'Fleet', 'Flem', 'Fleming', 'Fletcher', + 'Flint', 'Florencio', 'Florentino', 'Florian', 'Floy', 'Floyd', 'Foch', + 'Ford', 'Forest', 'Forrest', 'Foster', 'Fount', 'Foy', 'Frances', + 'Francesco', 'Francis', 'Francisco', 'Franco', 'Frank', 'Frankie', + 'Franklin', 'Franklyn', 'Franz', 'Frazier', 'Fred', 'Freddie', 'Freddy', + 'Frederic', 'Frederick', 'Fredie', 'Fredric', 'Fredrick', 'Fredy', + 'Freeman', 'Fremont', 'French', 'Friend', 'Fritz', 'Fuller', 'Fulton', + 'Furman', 'Gabe', 'Gabriel', 'Gael', 'Gaetano', 'Gage', 'Gaige', 'Gail', + 'Gaines', 'Gaither', 'Gale', 'Galen', 'Gannon', 'Gardner', 'Garett', + 'Garey', 'Garfield', 'Garland', 'Garner', 'Garnet', 'Garnett', 'Garold', + 'Garret', 'Garrett', 'Garrick', 'Garrison', 'Garry', 'Garth', 'Garvin', + 'Gary', 'Gasper', 'Gaston', 'Gauge', 'Gaven', 'Gavin', 'Gavyn', 'Gay', + 'Gayle', 'Gaylen', 'Gaylon', 'Gaylord', 'Gearld', 'Geary', 'Gee', + 'Genaro', 'Gene', 'General', 'Genie', 'Gennaro', 'Geno', 'Geo', 'Geoff', + 'Geoffrey', 'George', 'Georgie', 'Geovanni', 'Gerald', 'Geraldo', + 'Gerard', 'Gerardo', 'Gerhard', 'Gerhardt', 'Germaine', 'German', + 'Gerold', 'Gerrit', 'Gerry', 'Giancarlo', 'Gianni', 'Gibson', 'Gideon', + 'Gifford', 'Gil', 'Gilbert', 'Gilberto', 'Giles', 'Gilford', 'Gilman', + 'Gilmer', 'Gilmore', 'Gino', 'Giovani', 'Giovanni', 'Giovanny', + 'Giuseppe', 'Gladstone', 'Glen', 'Glendon', 'Glenn', 'Glenwood', + 'Glover', 'Glynn', 'Godfrey', 'Goebel', 'Golden', 'Gonzalo', 'Gorden', + 'Gordon', 'Gorge', 'Gottlieb', 'Governor', 'Grady', 'Grafton', 'Graham', + 'Grant', 'Granville', 'Graves', 'Gray', 'Graydon', 'Grayling', + 'Grayson', 'Green', 'Greene', 'Greg', 'Gregg', 'Greggory', 'Gregorio', + 'Gregory', 'Greyson', 'Griffin', 'Griffith', 'Grove', 'Grover', 'Guido', + 'Guilford', 'Guillermo', 'Gunnar', 'Gunner', 'Gurney', 'Gus', 'Guss', + 'Gussie', 'Gust', 'Gustaf', 'Gustav', 'Gustave', 'Gustavo', 'Gustavus', + 'Guthrie', 'Guy', 'Haden', 'Hadley', 'Haiden', 'Hakeem', 'Hakim', 'Hal', + 'Halbert', 'Hale', 'Hall', 'Halley', 'Hallie', 'Halsey', 'Ham', + 'Hamilton', 'Hamp', 'Hampton', 'Hamza', 'Handy', 'Hank', 'Hans', + 'Hansel', 'Hansford', 'Hanson', 'Harden', 'Hardie', 'Hardin', 'Harding', + 'Hardy', 'Harl', 'Harlan', 'Harland', 'Harlen', 'Harley', 'Harlie', + 'Harlon', 'Harlow', 'Harm', 'Harman', 'Harmon', 'Harold', 'Harper', + 'Harrell', 'Harrie', 'Harris', 'Harrison', 'Harrold', 'Harry', 'Hart', + 'Hartley', 'Hartwell', 'Harve', 'Harvey', 'Harvie', 'Harvy', 'Hasan', + 'Haskell', 'Hassan', 'Hattie', 'Haven', 'Hayden', 'Hayes', 'Hays', + 'Hayward', 'Haywood', 'Hazen', 'Heath', 'Heber', 'Hebert', 'Hector', + 'Helmer', 'Hence', 'Henderson', 'Henery', 'Henri', 'Henry', 'Herb', + 'Herbert', 'Heriberto', 'Herman', 'Hermann', 'Hermon', 'Hernan', + 'Herschel', 'Hershel', 'Hershell', 'Hervey', 'Heyward', 'Hezekiah', + 'Hezzie', 'Hideo', 'Hilario', 'Hilary', 'Hilbert', 'Hill', 'Hillard', + 'Hillary', 'Hillery', 'Hilliard', 'Hilmer', 'Hilton', 'Hiram', + 'Hiroshi', 'Hjalmar', 'Hjalmer', 'Hobart', 'Hobert', 'Hobson', 'Hoke', + 'Holden', 'Holland', 'Hollie', 'Hollis', 'Holmes', 'Homer', 'Hoover', + 'Hope', 'Horace', 'Horacio', 'Horatio', 'Horton', 'Hosea', 'Hosie', + 'Hosteen', 'Houston', 'Howard', 'Howell', 'Hoy', 'Hoyt', 'Hubbard', + 'Hubert', 'Hudson', 'Huey', 'Hugh', 'Hughes', 'Hughey', 'Hughie', + 'Hugo', 'Humberto', 'Humphrey', 'Hung', 'Hunt', 'Hunter', 'Hurbert', + 'Hurley', 'Huston', 'Huy', 'Hyman', 'Hymen', 'Hyrum', 'Ian', 'Ibrahim', + 'Ida', 'Ignacio', 'Ignatius', 'Ignatz', 'Ike', 'Illya', 'Imanol', + 'Immanuel', 'Infant', 'Ingram', 'Ira', 'Irl', 'Irven', 'Irvin', + 'Irvine', 'Irving', 'Irwin', 'Isaac', 'Isaak', 'Isadore', 'Isai', + 'Isaiah', 'Isaias', 'Isam', 'Ishaan', 'Isham', 'Ishmael', 'Isiah', + 'Isidor', 'Isidore', 'Isidro', 'Ismael', 'Isom', 'Israel', 'Isreal', + 'Issac', 'Iva', 'Ivan', 'Iver', 'Iverson', 'Ivey', 'Ivor', 'Ivory', + 'Ivy', 'Izaiah', 'Izayah', 'Jabari', 'Jabbar', 'Jabez', 'Jace', 'Jack', + 'Jackson', 'Jacky', 'Jacob', 'Jacoby', 'Jacques', 'Jacquez', 'Jade', + 'Jaden', 'Jadiel', 'Jadon', 'Jadyn', 'Jaeden', 'Jagger', 'Jaheem', + 'Jaheim', 'Jahiem', 'Jahir', 'Jaiden', 'Jaidyn', 'Jaime', 'Jaimie', + 'Jair', 'Jairo', 'Jajuan', 'Jake', 'Jakob', 'Jakobe', 'Jaleel', 'Jalen', + 'Jalon', 'Jamaal', 'Jamal', 'Jamar', 'Jamarcus', 'Jamari', 'Jamarion', + 'Jame', 'Jameel', 'Jamel', 'James', 'Jameson', 'Jamey', 'Jamie', + 'Jamil', 'Jamin', 'Jamir', 'Jamison', 'Jammie', 'Jan', 'Jaquan', + 'Jaquez', 'Jarad', 'Jared', 'Jaren', 'Jaret', 'Jarett', 'Jarod', + 'Jaron', 'Jarrad', 'Jarred', 'Jarrell', 'Jarret', 'Jarrett', 'Jarrod', + 'Jarvis', 'Jase', 'Jasen', 'Jasiah', 'Jason', 'Jasper', 'Javen', + 'Javier', 'Javion', 'Javon', 'Javonte', 'Jax', 'Jaxen', 'Jaxon', + 'Jaxson', 'Jaxton', 'Jay', 'Jayce', 'Jaycob', 'Jaydan', 'Jayden', + 'Jaydin', 'Jaydon', 'Jaylan', 'Jaylen', 'Jaylin', 'Jaylon', 'Jayme', + 'Jaymes', 'Jayson', 'Jayvion', 'Jayvon', 'Jean', 'Jeb', 'Jed', + 'Jedediah', 'Jedidiah', 'Jeff', 'Jefferey', 'Jefferson', 'Jeffery', + 'Jeffie', 'Jeffrey', 'Jeffry', 'Jelani', 'Jemal', 'Jennings', 'Jens', + 'Jensen', 'Jep', 'Jeptha', 'Jerad', 'Jerald', 'Jeramiah', 'Jeramie', + 'Jeramy', 'Jere', 'Jered', 'Jerel', 'Jereme', 'Jeremey', 'Jeremiah', + 'Jeremie', 'Jeremy', 'Jerimiah', 'Jerimy', 'Jermain', 'Jermaine', + 'Jermey', 'Jerod', 'Jerold', 'Jerome', 'Jeromy', 'Jerrad', 'Jerrel', + 'Jerrell', 'Jerrod', 'Jerrold', 'Jerry', 'Jess', 'Jesse', 'Jessee', + 'Jessie', 'Jessy', 'Jesus', 'Jethro', 'Jett', 'Jettie', 'Jevon', + 'Jewell', 'Jiles', 'Jim', 'Jimmie', 'Jimmy', 'Joaquin', 'Job', 'Jobe', + 'Joe', 'Joel', 'Joeseph', 'Joesph', 'Joey', 'Johan', 'Johathan', 'John', + 'Johnathan', 'Johnathon', 'Johney', 'Johnie', 'Johnnie', 'Johnny', + 'Johnpaul', 'Johnson', 'Johny', 'Jon', 'Jonah', 'Jonas', 'Jonatan', + 'Jonathan', 'Jonathon', 'Jones', 'Jonnie', 'Jordan', 'Jorden', 'Jordi', + 'Jordon', 'Jordy', 'Jordyn', 'Jorge', 'Jory', 'Jose', 'Josef', + 'Joseluis', 'Joseph', 'Josephus', 'Josh', 'Joshua', 'Joshuah', 'Josiah', + 'Josue', 'Jovan', 'Jovani', 'Jovanni', 'Jovanny', 'Jovany', 'Joy', + 'Juan', 'Judah', 'Judd', 'Jude', 'Judge', 'Judson', 'Juelz', 'Jule', + 'Jules', 'Julian', 'Julien', 'Julio', 'Julious', 'Julius', 'Juluis', + 'Junior', 'Junious', 'Junius', 'Justen', 'Justice', 'Justin', 'Juston', + 'Justus', 'Justyn', 'Juwan', 'Kade', 'Kadeem', 'Kaden', 'Kadin', + 'Kadyn', 'Kaeden', 'Kael', 'Kahlil', 'Kai', 'Kaiden', 'Kale', 'Kaleb', + 'Kalel', 'Kalen', 'Kalvin', 'Kamari', 'Kamden', 'Kameron', 'Kamren', + 'Kamron', 'Kamryn', 'Kane', 'Kanye', 'Kareem', 'Kareen', 'Karim', + 'Karl', 'Karson', 'Karter', 'Kasen', 'Kasey', 'Kash', 'Kason', 'Kavon', + 'Kayden', 'Kaye', 'Kayson', 'Kazuo', 'Keagan', 'Keandre', 'Keanu', + 'Keaton', 'Keegan', 'Keenan', 'Keenen', 'Kegan', 'Keifer', 'Keion', + 'Keith', 'Kelan', 'Kelby', 'Kellan', 'Kellen', 'Kelley', 'Kelly', + 'Kelsey', 'Kelton', 'Kelvin', 'Kem', 'Ken', 'Kenan', 'Kendal', + 'Kendall', 'Kendell', 'Kendrick', 'Kenji', 'Kennard', 'Kennedy', + 'Kenneth', 'Kenney', 'Kennith', 'Kennth', 'Kenny', 'Kent', 'Kenton', + 'Kenya', 'Kenyatta', 'Kenyon', 'Keon', 'Kermit', 'Kerry', 'Kerwin', + 'Keshaun', 'Keshawn', 'Kevan', 'Keven', 'Kevin', 'Kevon', 'Keyon', + 'Keyshawn', 'Khalid', 'Khalil', 'Khari', 'Khiry', 'Kian', 'Kiara', + 'Kiefer', 'Kiel', 'Kieran', 'Kieth', 'Kiley', 'Killian', 'Kim', + 'Kimball', 'Kimberly', 'King', 'Kingston', 'Kinte', 'Kip', 'Kipp', + 'Kirby', 'Kirk', 'Kirt', 'Kit', 'Kiyoshi', 'Knox', 'Knute', 'Kobe', + 'Koby', 'Koda', 'Kody', 'Koen', 'Kolby', 'Kole', 'Kolten', 'Kolton', + 'Konner', 'Konnor', 'Korbin', 'Kordell', 'Korey', 'Kory', 'Kraig', + 'Kris', 'Krish', 'Kristen', 'Kristian', 'Kristin', 'Kristofer', + 'Kristoffer', 'Kristopher', 'Kunta', 'Kurt', 'Kurtis', 'Kwame', 'Kyan', + 'Kylan', 'Kyle', 'Kyler', 'Kymani', 'Kyree', 'Kyson', 'Lacey', 'Lacy', + 'Ladarius', 'Laddie', 'Lafayette', 'Lafe', 'Lamar', 'Lamarcus', + 'Lambert', 'Lamont', 'Lamonte', 'Lance', 'Landan', 'Landen', 'Landin', + 'Landon', 'Landyn', 'Lane', 'Lannie', 'Lanny', 'Laquan', 'Lark', + 'Larkin', 'Laron', 'Larry', 'Lars', 'Larue', 'Lary', 'Lashawn', + 'Latrell', 'Laurance', 'Laurel', 'Laurence', 'Lavar', 'Lavern', + 'Laverne', 'Lavon', 'Lawerence', 'Lawrance', 'Lawrence', 'Lawson', + 'Lawton', 'Lawyer', 'Layne', 'Layton', 'Lazaro', 'Le', 'Lea', 'Leamon', + 'Leander', 'Leandro', 'Lee', 'Leeroy', 'Leif', 'Leigh', 'Leighton', + 'Leland', 'Lem', 'Lemmie', 'Lemon', 'Lemuel', 'Len', 'Lena', 'Lenard', + 'Lennie', 'Lennon', 'Lenny', 'Lenon', 'Lenord', 'Lenwood', 'Leo', + 'Leon', 'Leonard', 'Leonardo', 'Leonce', 'Leonel', 'Leonidas', + 'Leopold', 'Leopoldo', 'Leroy', 'Les', 'Lesley', 'Leslie', 'Less', + 'Lessie', 'Lester', 'Levar', 'Levern', 'Levi', 'Levie', 'Levin', + 'Levon', 'Levy', 'Lew', 'Lewis', 'Lex', 'Lexie', 'Liam', 'Lige', + 'Lilburn', 'Lillard', 'Lim', 'Lincoln', 'Lindbergh', 'Lindell', + 'Linden', 'Lindsay', 'Lindsey', 'Lindy', 'Link', 'Linn', 'Linnie', + 'Linton', 'Linus', 'Linwood', 'Linzy', 'Lionel', 'Lisandro', 'Lish', + 'Lisle', 'Liston', 'Little', 'Littleton', 'Llewellyn', 'Lloyd', 'Logan', + 'Lon', 'London', 'Lone', 'Loney', 'Long', 'Lonie', 'Lonnie', 'Lonny', + 'Lonzo', 'Lora', 'Loran', 'Loren', 'Lorenz', 'Lorenza', 'Lorenzo', + 'Lorin', 'Loring', 'Lorne', 'Lott', 'Lou', 'Louie', 'Louis', 'Love', + 'Lovell', 'Lovett', 'Lovie', 'Lowell', 'Loy', 'Loyal', 'Loyd', 'Luc', + 'Luca', 'Lucas', 'Lucian', 'Luciano', 'Lucien', 'Lucio', 'Lucious', + 'Lucius', 'Lucky', 'Ludwig', 'Lue', 'Luigi', 'Luis', 'Luka', 'Lukas', + 'Luke', 'Lula', 'Lum', 'Lupe', 'Luster', 'Lute', 'Luther', 'Luverne', + 'Lydell', 'Lyle', 'Lyman', 'Lyn', 'Lyndon', 'Lynn', 'Lynwood', 'Lyric', + 'Mac', 'Macarthur', 'Mace', 'Maceo', 'Mack', 'Mackenzie', 'Madden', + 'Maddox', 'Maddux', 'Madison', 'Mae', 'Mahlon', 'Major', 'Makai', + 'Makhi', 'Mal', 'Malachi', 'Malakai', 'Malaki', 'Malcolm', 'Malcom', + 'Male', 'Malik', 'Malvin', 'Mamie', 'Manford', 'Manley', 'Manly', + 'Mannie', 'Manning', 'Mansfield', 'Manson', 'Manuel', 'Marc', 'Marcel', + 'Marcelino', 'Marcell', 'Marcello', 'Marcellus', 'Marcelo', 'Marchello', + 'Marco', 'Marcos', 'Marcus', 'Margarito', 'Mariano', 'Mario', 'Marion', + 'Marius', 'Mark', 'Markel', 'Markell', 'Markus', 'Marland', 'Marley', + 'Marlin', 'Marlo', 'Marlon', 'Marlyn', 'Marques', 'Marquez', 'Marquis', + 'Marquise', 'Marrion', 'Marsh', 'Marshal', 'Marshall', 'Mart', + 'Martell', 'Martez', 'Martin', 'Marty', 'Marvin', 'Masao', 'Mason', + 'Mat', 'Mateo', 'Math', 'Mathew', 'Mathews', 'Mathias', 'Matias', + 'Matt', 'Matteo', 'Matthew', 'Matthias', 'Maurice', 'Mauricio', 'Mauro', + 'Maury', 'Maverick', 'Max', 'Maxie', 'Maxim', 'Maximilian', + 'Maximiliano', 'Maximillian', 'Maximo', 'Maximus', 'Maxwell', 'Maxx', + 'May', 'Maynard', 'Mayo', 'Mcarthur', 'Mckinley', 'Mearl', 'Mekhi', + 'Mel', 'Melbourne', 'Mell', 'Melton', 'Melville', 'Melvin', 'Melvyn', + 'Memphis', 'Menachem', 'Mercer', 'Merl', 'Merle', 'Merlin', 'Merlyn', + 'Merrill', 'Merritt', 'Merton', 'Mervin', 'Mervyn', 'Merwin', 'Messiah', + 'Metro', 'Meyer', 'Micah', 'Michael', 'Michal', 'Michale', 'Micheal', + 'Michel', 'Michial', 'Mickey', 'Micky', 'Miguel', 'Miguelangel', + 'Mikal', 'Mike', 'Mikeal', 'Mikel', 'Mikhail', 'Milan', 'Milas', + 'Milburn', 'Miles', 'Milford', 'Millard', 'Miller', 'Mills', 'Milo', + 'Milton', 'Miner', 'Minor', 'Minoru', 'Misael', 'Mitch', 'Mitchel', + 'Mitchell', 'Moe', 'Mohamed', 'Mohammad', 'Mohammed', 'Moises', + 'Monroe', 'Mont', 'Montana', 'Monte', 'Montel', 'Montgomery', 'Montie', + 'Montrell', 'Monty', 'Moody', 'Mordechai', 'Morgan', 'Morris', + 'Mortimer', 'Morton', 'Mose', 'Moses', 'Moshe', 'Muhammad', 'Murdock', + 'Murl', 'Murphy', 'Murray', 'Murry', 'Mustafa', 'Mychal', 'Myer', + 'Mykel', 'Myles', 'Myrl', 'Myron', 'Myrtle', 'Najee', 'Nakia', 'Namon', + 'Napoleon', 'Nash', 'Nasir', 'Nat', 'Nathan', 'Nathanael', 'Nathanial', + 'Nathaniel', 'Nathen', 'Neal', 'Ned', 'Needham', 'Neely', 'Nehemiah', + 'Neil', 'Nello', 'Nels', 'Nelson', 'Nery', 'Nestor', 'Nevin', 'Newell', + 'Newman', 'Newt', 'Newton', 'Nicholas', 'Nicholaus', 'Nick', 'Nicklaus', + 'Nickolas', 'Nicky', 'Nico', 'Nicolas', 'Nigel', 'Nikhil', 'Nikko', + 'Niko', 'Nikolai', 'Nikolas', 'Nile', 'Niles', 'Nils', 'Nim', 'Noah', + 'Noble', 'Noe', 'Noel', 'Nolan', 'Nolen', 'Norbert', 'Norberto', + 'Norman', 'Normand', 'Norris', 'North', 'Norton', 'Norval', 'Norwood', + 'Nunzio', 'Oakley', 'Obe', 'Obed', 'Obie', 'Ocie', 'Octave', 'Octavio', + 'Octavius', 'Oda', 'Oddie', 'Odell', 'Odie', 'Odin', 'Odis', 'Odus', + 'Offie', 'Ogden', 'Okey', 'Ola', 'Olaf', 'Olan', 'Oland', 'Ole', 'Olen', + 'Oley', 'Olie', 'Olin', 'Oliver', 'Ollie', 'Olof', 'Omar', 'Omari', + 'Omarion', 'Omer', 'Oneal', 'Ora', 'Oral', 'Oran', 'Orange', 'Oren', + 'Orie', 'Orin', 'Orion', 'Oris', 'Orla', 'Orland', 'Orlando', 'Orley', + 'Orlin', 'Orlo', 'Orren', 'Orrie', 'Orrin', 'Orris', 'Orson', 'Orval', + 'Orvel', 'Orvil', 'Orville', 'Orvin', 'Orvis', 'Osbaldo', 'Osborn', + 'Osborne', 'Oscar', 'Osie', 'Ossie', 'Osvaldo', 'Oswald', 'Oswaldo', + 'Otha', 'Othel', 'Otho', 'Otis', 'Ott', 'Ottie', 'Ottis', 'Otto', 'Ova', + 'Ovid', 'Ovila', 'Owen', 'Owens', 'Ozell', 'Ozie', 'Ozzie', 'Pablo', + 'Page', 'Palmer', 'Paris', 'Park', 'Parker', 'Parley', 'Parrish', + 'Pascal', 'Pasquale', 'Pat', 'Pate', 'Patric', 'Patrick', 'Paul', + 'Paulo', 'Paxton', 'Payton', 'Pearley', 'Pedro', 'Percival', 'Percy', + 'Perley', 'Pernell', 'Perry', 'Pershing', 'Pete', 'Peter', 'Peyton', + 'Phil', 'Philip', 'Phillip', 'Philo', 'Phoenix', 'Pierce', 'Pierre', + 'Pinkney', 'Pleas', 'Pleasant', 'Ples', 'Plummer', 'Polk', 'Porfirio', + 'Porter', 'Posey', 'Powell', 'Pranav', 'Pratt', 'Prentice', 'Prentiss', + 'Presley', 'Press', 'Preston', 'Price', 'Primus', 'Prince', 'Prosper', + 'Pryor', 'Purl', 'Quentin', 'Quincy', 'Quinn', 'Quint', 'Quinten', + 'Quintin', 'Quinton', 'Rae', 'Raekwon', 'Rafael', 'Rafe', 'Raheem', + 'Rahn', 'Rahsaan', 'Rahul', 'Raiden', 'Rakeem', 'Raleigh', 'Ralph', + 'Ramiro', 'Ramon', 'Ramsey', 'Rance', 'Rand', 'Randal', 'Randall', + 'Randel', 'Randell', 'Randle', 'Randolf', 'Randolph', 'Randy', 'Ransom', + 'Raoul', 'Raphael', 'Raquan', 'Ras', 'Rashaad', 'Rashaan', 'Rashad', + 'Rashawn', 'Rasheed', 'Raul', 'Raven', 'Ray', 'Rayan', 'Rayburn', + 'Rayfield', 'Rayford', 'Raymon', 'Raymond', 'Raymundo', 'Raynard', + 'Rayshawn', 'Reagan', 'Reason', 'Red', 'Redden', 'Redmond', 'Reece', + 'Reed', 'Reese', 'Refugio', 'Regan', 'Reggie', 'Reginal', 'Reginald', + 'Regis', 'Reid', 'Reilly', 'Reinaldo', 'Reinhold', 'Reino', 'Remington', + 'Remy', 'Renaldo', 'Renard', 'Rene', 'Reno', 'Reuben', 'Reubin', 'Rex', + 'Rexford', 'Rey', 'Reyes', 'Reynaldo', 'Reynold', 'Reynolds', 'Rhett', + 'Rhoda', 'Rhys', 'Rian', 'Ricardo', 'Ricci', 'Rice', 'Rich', 'Richard', + 'Richie', 'Richmond', 'Rick', 'Rickey', 'Ricki', 'Rickie', 'Ricky', + 'Rico', 'Ridge', 'Rigoberto', 'Riley', 'Rishi', 'Ritchie', 'River', + 'Rob', 'Robb', 'Robbie', 'Robbin', 'Robby', 'Robert', 'Roberto', + 'Robin', 'Robley', 'Robt', 'Roby', 'Rocco', 'Rock', 'Rocky', 'Rod', + 'Roddy', 'Roderic', 'Roderick', 'Rodger', 'Rodney', 'Rodolfo', + 'Rodrick', 'Rodrigo', 'Roe', 'Roel', 'Rogelio', 'Roger', 'Rogers', + 'Rohan', 'Roland', 'Rolando', 'Rolf', 'Roll', 'Rolla', 'Rolland', + 'Rollie', 'Rollin', 'Rollo', 'Roma', 'Roman', 'Rome', 'Romello', + 'Romeo', 'Romie', 'Ron', 'Ronal', 'Ronald', 'Ronaldo', 'Ronan', + 'Rondal', 'Ronin', 'Ronnie', 'Ronny', 'Roosevelt', 'Rory', 'Rosario', + 'Rosco', 'Roscoe', 'Rosendo', 'Rosevelt', 'Ross', 'Rossie', 'Roswell', + 'Rowan', 'Rowland', 'Roy', 'Royal', 'Royce', 'Rube', 'Ruben', 'Rubin', + 'Ruby', 'Rudolf', 'Rudolfo', 'Rudolph', 'Rudy', 'Rueben', 'Ruel', + 'Ruffin', 'Ruffus', 'Rufus', 'Rupert', 'Rush', 'Russ', 'Russel', + 'Russell', 'Rustin', 'Rusty', 'Rutherford', 'Ryan', 'Ryder', 'Ryker', + 'Rylan', 'Ryland', 'Rylee', 'Ryley', 'Ryne', 'Sabastian', 'Sage', + 'Saint', 'Sal', 'Salomon', 'Salvador', 'Salvatore', 'Sam', 'Samie', + 'Samir', 'Sammie', 'Sammy', 'Sampson', 'Samson', 'Samual', 'Samuel', + 'Sanders', 'Sandy', 'Sanford', 'Santana', 'Santiago', 'Santino', + 'Santo', 'Santos', 'Saul', 'Saverio', 'Savion', 'Savon', 'Sawyer', + 'Schley', 'Schuyler', 'Scot', 'Scott', 'Scottie', 'Scotty', 'Seaborn', + 'Seamus', 'Sean', 'Sebastian', 'Sedrick', 'Seldon', 'Selmer', 'Semaj', + 'Seneca', 'Sergio', 'Seth', 'Severo', 'Severt', 'Seward', 'Seymour', + 'Shad', 'Shade', 'Shafter', 'Shamar', 'Shan', 'Shane', 'Shannon', + 'Shanon', 'Shaquan', 'Shaquille', 'Sharif', 'Sharon', 'Shaun', 'Shawn', + 'Shay', 'Shayne', 'Shea', 'Shedrick', 'Shelby', 'Sheldon', 'Shelley', + 'Shellie', 'Shelly', 'Shelton', 'Shemar', 'Shep', 'Shepherd', + 'Sheridan', 'Sherman', 'Sherrill', 'Sherwin', 'Sherwood', 'Shirley', + 'Shoji', 'Shon', 'Shyheim', 'Sid', 'Sidney', 'Sie', 'Sigmund', 'Sigurd', + 'Silas', 'Silver', 'Silvester', 'Silvio', 'Sim', 'Simeon', 'Simmie', + 'Simon', 'Simpson', 'Sincere', 'Sing', 'Skip', 'Skylar', 'Skyler', + 'Slade', 'Smith', 'Sol', 'Soloman', 'Solomon', 'Solon', 'Son', 'Sonny', + 'Soren', 'Spencer', 'Spenser', 'Spurgeon', 'Squire', 'Stacey', 'Stacy', + 'Stafford', 'Stan', 'Stanford', 'Stanislaus', 'Stanley', 'Stanton', + 'Starling', 'Stefan', 'Stephan', 'Stephanie', 'Stephen', 'Stephon', + 'Sterling', 'Stetson', 'Stevan', 'Steve', 'Steven', 'Stevie', 'Steward', + 'Stewart', 'Stone', 'Stonewall', 'Stoney', 'Storm', 'Stuart', + 'Sullivan', 'Sumner', 'Susie', 'Sydney', 'Syed', 'Sylas', 'Sylvan', + 'Sylvanus', 'Sylvester', 'Tab', 'Tad', 'Taft', 'Tahj', 'Taj', 'Tal', + 'Talan', 'Talen', 'Tallie', 'Talmadge', 'Talmage', 'Talon', 'Tandy', + 'Tanner', 'Tarik', 'Tariq', 'Tate', 'Tatsuo', 'Taurean', 'Taurus', + 'Tavares', 'Tavaris', 'Tavian', 'Tavion', 'Tavon', 'Tayler', 'Taylor', + 'Tayshaun', 'Teagan', 'Ted', 'Teddie', 'Teddy', 'Tegan', 'Telly', + 'Terance', 'Terell', 'Terence', 'Terrance', 'Terrell', 'Terrence', + 'Terrill', 'Terry', 'Tevin', 'Tex', 'Thad', 'Thaddeus', 'Theadore', + 'Thedore', 'Theo', 'Theodis', 'Theodore', 'Theophile', 'Therman', + 'Theron', 'Thomas', 'Thompson', 'Thor', 'Thornton', 'Thorwald', 'Thos', + 'Thurlow', 'Thurman', 'Thurston', 'Tilden', 'Tillman', 'Tilman', 'Tim', + 'Timmie', 'Timmothy', 'Timmy', 'Timothy', 'Tito', 'Titus', 'Tobe', + 'Tobias', 'Tobie', 'Tobin', 'Toby', 'Tod', 'Todd', 'Toivo', 'Tolbert', + 'Tollie', 'Tom', 'Toma', 'Tomas', 'Tomie', 'Tommie', 'Tommy', 'Toney', + 'Tony', 'Torey', 'Toriano', 'Torrance', 'Torrence', 'Torrey', 'Torry', + 'Tory', 'Toshio', 'Toy', 'Trace', 'Tracey', 'Tracy', 'Trae', 'Travis', + 'Travon', 'Trayvon', 'Tre', 'Tremaine', 'Tremayne', 'Trent', 'Trenten', + 'Trenton', 'Trever', 'Trevin', 'Trevion', 'Trevon', 'Trevor', 'Trey', + 'Treyton', 'Treyvon', 'Trinidad', 'Trinity', 'Tripp', 'Tristan', + 'Tristen', 'Tristian', 'Tristin', 'Triston', 'Troy', 'True', 'Trumaine', + 'Truman', 'Trystan', 'Tuan', 'Tucker', 'Turner', 'Ty', 'Tye', 'Tyler', + 'Tylor', 'Tyquan', 'Tyree', 'Tyreek', 'Tyreese', 'Tyrek', 'Tyreke', + 'Tyrel', 'Tyrell', 'Tyrese', 'Tyrik', 'Tyrin', 'Tyriq', 'Tyrique', + 'Tyron', 'Tyrone', 'Tyrus', 'Tyshawn', 'Tyson', 'Ulises', 'Ulysses', + 'Unknown', 'Unnamed', 'Urban', 'Uriah', 'Uriel', 'Urijah', 'Val', + 'Valentin', 'Valentine', 'Valentino', 'Van', 'Vance', 'Vander', + 'Vashon', 'Vaughn', 'Vera', 'Vere', 'Vergil', 'Verl', 'Verle', 'Verlin', + 'Verlon', 'Verlyn', 'Vern', 'Verna', 'Vernal', 'Verne', 'Vernell', + 'Verner', 'Vernie', 'Vernon', 'Vester', 'Vic', 'Vicente', 'Vick', + 'Victor', 'Victoriano', 'Vidal', 'Vince', 'Vincent', 'Vincenzo', + 'Vinson', 'Vinton', 'Virge', 'Virgel', 'Virgie', 'Virgil', 'Virgle', + 'Vito', 'Vollie', 'Volney', 'Von', 'Wade', 'Waino', 'Waldemar', 'Waldo', + 'Walker', 'Wallace', 'Wally', 'Walt', 'Walter', 'Walton', 'Ward', + 'Wardell', 'Warner', 'Warren', 'Wash', 'Washington', 'Watson', 'Watt', + 'Waverly', 'Wayde', 'Wayland', 'Waylon', 'Wayman', 'Waymon', 'Wayne', + 'Weaver', 'Webb', 'Webster', 'Weldon', 'Wellington', 'Wells', 'Welton', + 'Wendel', 'Wendell', 'Wenzel', 'Werner', 'Wes', 'Wesley', 'Wess', + 'West', 'Westin', 'Westley', 'Weston', 'Wheeler', 'Whit', 'Whitney', + 'Wilber', 'Wilbert', 'Wilbur', 'Wilburn', 'Wiley', 'Wilford', 'Wilfred', + 'Wilfredo', 'Wilfrid', 'Wilhelm', 'Wiliam', 'Wilkie', 'Will', 'Willaim', + 'Willam', 'Willard', 'William', 'Williams', 'Willian', 'Williard', + 'Willie', 'Willis', 'Willy', 'Wilmer', 'Wilson', 'Wilton', 'Windell', + 'Winfield', 'Winford', 'Winfred', 'Wing', 'Winifred', 'Winnie', + 'Winston', 'Winthrop', 'Winton', 'Wirt', 'Wm', 'Wong', 'Wood', 'Woodie', + 'Woodroe', 'Woodrow', 'Woodson', 'Woody', 'Worley', 'Worth', 'Wright', + 'Wyatt', 'Wylie', 'Wyman', 'Xander', 'Xavier', 'Xzavier', 'Yaakov', + 'Yadiel', 'Yael', 'Yahir', 'Yair', 'Yancy', 'Yandel', 'Yee', 'Yehuda', + 'Yoel', 'York', 'Yosef', 'Yoshio', 'Young', 'Yurem', 'Yusuf', + 'Zachariah', 'Zachary', 'Zachery', 'Zack', 'Zackary', 'Zackery', 'Zaid', + 'Zaiden', 'Zain', 'Zaire', 'Zakary', 'Zander', 'Zane', 'Zavier', + 'Zavion', 'Zayden', 'Zayne', 'Zeb', 'Zebulon', 'Zechariah', 'Zed', + 'Zeke', 'Zenas', 'Zeno', 'Zigmund', 'Zion', 'Zollie', + } + + +def create_english_cleaned_dataset(share_dir='/content/drive/Shareddrives/BigScience/'): + + prev={} + if not os.path.exists("cleaned_english.tsv"): + with open("english.tsv", "w", encoding="utf8") as o: + + #https://github.com/reglab/casehold court cases are government works and in the public domain. + #Annotations and selections are under Apache-2.0 License + """ + @inproceedings{zhengguha2021, + title={When Does Pretraining Help? Assessing Self-Supervised Learning for Law and the CaseHOLD Dataset}, + author={Lucia Zheng and Neel Guha and Brandon R. Anderson and Peter Henderson and Daniel E. Ho}, + year={2021}, + eprint={2104.08671}, + archivePrefix={arXiv}, + primaryClass={cs.CL}, + booktitle={Proceedings of the 18th International Conference on Artificial Intelligence and Law}, + publisher={Association for Computing Machinery} + } + """ + with open(f"{share_dir}/casehold.csv", "rb") as f: + while True: + line = f.readline().decode() + if not line: break + line = line.split(",\"") + if len(line) >= 2: + line = line[1] + line = line.split("()") + if len(line) == 2: + s1, s2 = line + s1 = s1.replace(" ", " ").replace(" ", " ") + s2 = s2.replace(" ", " ").replace(" ", " ") + s2 = ' '.join(s2.split(',')[:-6]).strip(';: ') + if s2: + o.write(s1+' HOLDING: '+s2+"\tcasehold\n") + else: + o.write(s1+"\tcasehold\n") + else: + s1 = s1.replace(" ", " ").replace(" ", " ") + o.write(s1+"\tcasehold\n") + + + #from https://www.kaggle.com/wcukierski/enron-email-dataset, originally from https://www.cs.cmu.edu/~enron/ + # public data and partially copyrighted works (annotations) used by permission of authors + """ + Public record data origially published by www.ferc.gov. Subsequent data cleansing by the authors and released + "as a resource for researchers who are interested in improving current email tools, or understanding how email is currently used". + """ + with open(f"{share_dir}/kaggle_enron_emails.csv", "rb") as f: + in_message = False + l2 = "" + while True: + l = f.readline() + if not l: break + l = l.decode().strip() + if not in_message and l.startswith("Subject:"): + l = l.replace("Subject:", "").strip() + if l: l2 = l+ ":" + if "X-FileName" in l: + in_message = True + continue + elif "Message-ID" in l: + save_enron_line(l2, prev, o) + l2 = "" + in_message = False + if in_message: + l2 += " "+l + + if l2: + save_enron_line(l2, prev, o) + + #https://huggingface.co/datasets/civil_comments - CC0 + """ + @article{DBLP:journals/corr/abs-1903-04561, + author = {Daniel Borkan and + Lucas Dixon and + Jeffrey Sorensen and + Nithum Thain and + Lucy Vasserman}, + title = {Nuanced Metrics for Measuring Unintended Bias with Real Data for Text + Classification}, + journal = {CoRR}, + volume = {abs/1903.04561}, + year = {2019}, + url = {http://arxiv.org/abs/1903.04561}, + archivePrefix = {arXiv}, + eprint = {1903.04561}, + timestamp = {Sun, 31 Mar 2019 19:01:24 +0200}, + biburl = {https://dblp.org/rec/bib/journals/corr/abs-1903-04561}, + bibsource = {dblp computer science bibliography, https://dblp.org} +} + """ + # An experiment we could try is tagging with another public figure tag called PUBLIC_FIGURE_OPINION + # so that we could train a model to distinguish between public figure mentions in opinion domains vs non-opinion domains + + dataset = load_dataset("civil_comments") + for d in (dataset['train'], ): + for idx, data in enumerate(d): + score = sum ([data[feature] for feature in [ 'toxicity', 'severe_toxicity', 'obscene', 'threat', 'insult', 'identity_attack', 'sexual_explicit']]) + l2 = data['text'] + l2 = l2.replace("\n", " ").replace(" ", " ").replace(" ", " ") + l2Arr = l2.split() + has_a_name = has_any(first_names, l2Arr) + l2_lower = l2.lower() + if random.choice([0,1]) and not has_a_name and "mr." not in l2_lower and "ms." not in l2_lower and "mrs." not in l2_lower and "president" not in l2_lower and "governor" not in l2_lower and "mayor" not in l2_lower: + continue + if len(l2Arr) > 10 and len(l2Arr) < 50 and (score <= 0.5 or random.randint(0, 10)==0): # having too much toxic content may skew the data + if has_a_name or "mr." in l2_lower or "ms." in l2_lower or "mrs." in l2_lower or "senator" in l2_lower or "president" in l2_lower or "governor" in l2_lower or "mayor" in l2_lower: + o.write (l2+"\tcivil_comments\n") + + os.system("sort --parallel=32 english.tsv -o english.tsv") + + with open("english_cleaned.tsv", "w", encoding="utf8") as o: + with open("english.tsv", "rb") as f: + prev="" + while True: + l = f.readline().decode() + if not l: break + l = l.strip() + l2 = l.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", "").replace(",", "").replace("-", "").replace(";", "").replace(" ", "").lower() + prev2 = prev.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", "").replace(",", "").replace("-", "").replace(";", "").replace(" ", "").lower() + if prev != "" and (l2==prev2 or (len(prev) > 10 and len(l) > 10 and prev2[:10]== l2[:10])): + if len(l) > len(prev): + prev = l + continue + else: + if prev: + if prev[0] < 'וח': + o.write (prev.lstrip(':;.+- ')+"\n") + prev = l + if prev: + if prev[0] < 'וח': + o.write (prev.lstrip(':;.+- ')+"\n") + + + os.system("sort --parallel=32 english_cleaned.tsv -o english_cleaned.tsv") + os.system(f"cp english_cleaned.tsv {share_dir}/english_cleaned.tsv") + #os.system("rm ./english.tsv") + +def cleanup_english2(): + with open("english_cleaned2.tsv", "w", encoding="utf8") as o: + with open("english_cleaned.tsv", "rb") as f: + prev="" + while True: + l = f.readline().decode() + if not l: break + l = l.strip() + l2 = l.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", "").replace(",", "").replace("-", "").replace(";", "").replace(" ", "").lower() + prev2 = prev.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", "").replace(",", "").replace("-", "").replace(";", "").replace(" ", "").lower() + if prev != "" and (l2==prev2 or (len(prev) > 10 and len(l) > 10 and prev2[:10]== l2[:10])): + if len(l) > len(prev): + prev = l + continue + + if prev: + if prev[0].lower() not in "abcdefghijklmnopqrstuvwxyz": + prev=l + continue + ret = prev.split("\t") + if len(ret) != 2: + prev=l + continue + sent, ds = ret + sent = sent.split(".") + while len(sent) > 3: + sent2 = sent[:3] + sent = sent[3:] + if sent2 and sent2[0] and sent2[0][0].lower() not in "abcdefghijklmnopqrstuvwxyz": + prev=l + continue + has_a_name = has_any(first_names, sent2) + if not has_a_name: + prev = l + continue + sent2 = ". ".join(sent2)+"." + sent2 = sent2.strip().replace(" ", " ").replace(" .com", ".com") + if len(sent2) < 20: + prev = l + continue + #print (sent2) + o.write(sent2+"\t"+ds+"\n") + if sent and sent[0] and sent[0][0].lower() not in "abcdefghijklmnopqrstuvwxyz": + prev=l + continue + has_a_name = has_any(first_names, sent) + if not has_a_name: + prev = l + continue + sent2 = ". ".join(sent)+"." + sent2 = sent2.strip().replace(" ", " ").replace(" .com", ".com") + if len(sent2) < 20: + prev = l + continue + #print (sent2) + o.write(sent2+"\t"+ds+"\n") + prev = l + + if prev: + if prev[0].lower() in "abcdefghijklmnopqrstuvwxyz": + sent, ds = prev.split("\t") + sent = sent.split(".") + while len(sent) > 3: + sent2 = sent[:3] + sent = sent[3:] + sent2 = ". ".join(sent2)+"." + sent2 = sent2.strip().replace(" ", " ").replace(" .com", ".com") + if len(sent2) >= 20: + print (sent2) + o.write(sent2+"\t"+ds+"\n") + sent2 = ". ".join(sent)+"." + sent2 = sent2.strip().replace(" ", " ").replace(" .com", ".com") + #print (sent2) + if len(sent2) >= 20: + o.write(sent2+"\t"+ds+"\n") + + +create_english_cleaned_dataset() +cleanup_english2() + diff --git a/data_tooling/pii_processing/misc/m2m100_translations.ipynb b/data_tooling/pii_processing/misc/m2m100_translations.ipynb new file mode 100644 index 0000000..a975e47 --- /dev/null +++ b/data_tooling/pii_processing/misc/m2m100_translations.ipynb @@ -0,0 +1,473 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "a2b7b03b", + "metadata": {}, + "outputs": [], + "source": [ + "from datasets import load_dataset\n", + "import os\n", + "import re\n", + "import itertools\n", + "from re import finditer\n", + "import glob\n", + "import random\n", + "import fsspec\n", + "import json\n", + "from random import randint, choice\n", + "from collections import Counter\n", + "import spacy, itertools\n", + "import langid\n", + "from nltk.corpus import stopwords\n", + "import fsspec, os, gzip\n", + "from faker import Faker\n", + "from faker.providers import person, company, geo, address, ssn\n", + "from transformers import M2M100ForConditionalGeneration, M2M100Tokenizer, MarianMTModel, AutoTokenizer, pipeline\n", + "import torch\n", + "import sys\n", + "from tqdm import tqdm" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8f184c2a", + "metadata": {}, + "outputs": [], + "source": [ + "basic_regex = [\n", + " (\"EMAIL_ADDRESS\", re.compile(\n", + " \"([a-z0-9!#$%&'*+\\/=?^_`{|.}~-]+@(?:[a-z0-9](?:[a-z0-9-]*[a-z0-9])?\\.)+[a-z0-9](?:[a-z0-9-]*[a-z0-9])?)\")),\n", + " (\"AGE\", re.compile(\"\\S+ years old|\\S+\\-years\\-old|\\S+ year old|\\S+\\-year\\-old\")),\n", + " # (\"PHONE_NUMBER\" , re.compile('((?:(?!@#^&*()+-‑=:;`→¶'"]) + +faker_map = dict([(a.split("_")[0], a) for a in [ + 'ar_AA', + 'ar_PS', + 'ar_SA', + 'bg_BG', + 'cs_CZ', + 'de_AT', + 'de_CH', + 'de_DE', + 'dk_DK', + 'el_GR', + 'en_GB', + 'en_IE', + 'en_IN', + 'en_NZ', + 'en_TH', + 'en_US', + 'es_CA', + 'es_ES', + 'es_MX', + 'et_EE', + 'fa_IR', + 'fi_FI', + 'fr_CA', + 'fr_CH', + 'fr_FR', + 'fr_QC', + 'ga_IE', + 'he_IL', + 'hi_IN', + 'hr_HR', + 'hu_HU', + 'hy_AM', + 'id_ID', + 'it_IT', + 'ja_JP', + 'ka_GE', + 'ko_KR', + 'lt_LT', + 'lv_LV', + 'ne_NP', + 'nl_NL', + 'no_NO', + 'or_IN', + 'pl_PL', + 'pt_BR', + 'pt_PT', + 'ro_RO', + 'ru_RU', + 'sl_SI', + 'sv_SE', + 'ta_IN', + 'th_TH', + 'tr_TR', + 'tw_GH', + 'uk_UA', + 'zh_CN', + 'zh_TW']] + [('en', 'en_US')]) + +mariam_mt_mapping = {('aav', 'en'): 'Helsinki-NLP/opus-mt-aav-en', ('aed', 'es'): 'Helsinki-NLP/opus-mt-aed-es', + ('af', 'de'): 'Helsinki-NLP/opus-mt-af-de', ('af', 'en'): 'Helsinki-NLP/opus-mt-af-en', + ('af', 'eo'): 'Helsinki-NLP/opus-mt-af-eo', ('af', 'es'): 'Helsinki-NLP/opus-mt-af-es', + ('af', 'fi'): 'Helsinki-NLP/opus-mt-af-fi', ('af', 'fr'): 'Helsinki-NLP/opus-mt-af-fr', + ('af', 'nl'): 'Helsinki-NLP/opus-mt-af-nl', ('af', 'ru'): 'Helsinki-NLP/opus-mt-af-ru', + ('af', 'sv'): 'Helsinki-NLP/opus-mt-af-sv', ('afa', 'afa'): 'Helsinki-NLP/opus-mt-afa-afa', + ('afa', 'en'): 'Helsinki-NLP/opus-mt-afa-en', ('alv', 'en'): 'Helsinki-NLP/opus-mt-alv-en', + ('am', 'sv'): 'Helsinki-NLP/opus-mt-am-sv', ('ar', 'de'): 'Helsinki-NLP/opus-mt-ar-de', + ('ar', 'el'): 'Helsinki-NLP/opus-mt-ar-el', ('ar', 'en'): 'Helsinki-NLP/opus-mt-ar-en', + ('ar', 'eo'): 'Helsinki-NLP/opus-mt-ar-eo', ('ar', 'es'): 'Helsinki-NLP/opus-mt-ar-es', + ('ar', 'fr'): 'Helsinki-NLP/opus-mt-ar-fr', ('ar', 'he'): 'Helsinki-NLP/opus-mt-ar-he', + ('ar', 'it'): 'Helsinki-NLP/opus-mt-ar-it', ('ar', 'pl'): 'Helsinki-NLP/opus-mt-ar-pl', + ('ar', 'ru'): 'Helsinki-NLP/opus-mt-ar-ru', ('ar', 'tr'): 'Helsinki-NLP/opus-mt-ar-tr', + ('art', 'en'): 'Helsinki-NLP/opus-mt-art-en', ('ase', 'de'): 'Helsinki-NLP/opus-mt-ase-de', + ('ase', 'en'): 'Helsinki-NLP/opus-mt-ase-en', ('ase', 'es'): 'Helsinki-NLP/opus-mt-ase-es', + ('ase', 'fr'): 'Helsinki-NLP/opus-mt-ase-fr', ('ase', 'sv'): 'Helsinki-NLP/opus-mt-ase-sv', + ('az', 'en'): 'Helsinki-NLP/opus-mt-az-en', ('az', 'es'): 'Helsinki-NLP/opus-mt-az-es', + ('az', 'tr'): 'Helsinki-NLP/opus-mt-az-tr', ('bat', 'en'): 'Helsinki-NLP/opus-mt-bat-en', + ('bcl', 'de'): 'Helsinki-NLP/opus-mt-bcl-de', ('bcl', 'en'): 'Helsinki-NLP/opus-mt-bcl-en', + ('bcl', 'es'): 'Helsinki-NLP/opus-mt-bcl-es', ('bcl', 'fi'): 'Helsinki-NLP/opus-mt-bcl-fi', + ('bcl', 'fr'): 'Helsinki-NLP/opus-mt-bcl-fr', ('bcl', 'sv'): 'Helsinki-NLP/opus-mt-bcl-sv', + ('be', 'es'): 'Helsinki-NLP/opus-mt-be-es', ('bem', 'en'): 'Helsinki-NLP/opus-mt-bem-en', + ('bem', 'es'): 'Helsinki-NLP/opus-mt-bem-es', ('bem', 'fi'): 'Helsinki-NLP/opus-mt-bem-fi', + ('bem', 'fr'): 'Helsinki-NLP/opus-mt-bem-fr', ('bem', 'sv'): 'Helsinki-NLP/opus-mt-bem-sv', + ('ber', 'en'): 'Helsinki-NLP/opus-mt-ber-en', ('ber', 'es'): 'Helsinki-NLP/opus-mt-ber-es', + ('ber', 'fr'): 'Helsinki-NLP/opus-mt-ber-fr', ('bg', 'de'): 'Helsinki-NLP/opus-mt-bg-de', + ('bg', 'en'): 'Helsinki-NLP/opus-mt-bg-en', ('bg', 'eo'): 'Helsinki-NLP/opus-mt-bg-eo', + ('bg', 'es'): 'Helsinki-NLP/opus-mt-bg-es', ('bg', 'fi'): 'Helsinki-NLP/opus-mt-bg-fi', + ('bg', 'fr'): 'Helsinki-NLP/opus-mt-bg-fr', ('bg', 'it'): 'Helsinki-NLP/opus-mt-bg-it', + ('bg', 'ru'): 'Helsinki-NLP/opus-mt-bg-ru', ('bg', 'sv'): 'Helsinki-NLP/opus-mt-bg-sv', + ('bg', 'tr'): 'Helsinki-NLP/opus-mt-bg-tr', ('bg', 'uk'): 'Helsinki-NLP/opus-mt-bg-uk', + ('bi', 'en'): 'Helsinki-NLP/opus-mt-bi-en', ('bi', 'es'): 'Helsinki-NLP/opus-mt-bi-es', + ('bi', 'fr'): 'Helsinki-NLP/opus-mt-bi-fr', ('bi', 'sv'): 'Helsinki-NLP/opus-mt-bi-sv', + ('bn', 'en'): 'Helsinki-NLP/opus-mt-bn-en', ('bnt', 'en'): 'Helsinki-NLP/opus-mt-bnt-en', + ('bzs', 'en'): 'Helsinki-NLP/opus-mt-bzs-en', ('bzs', 'es'): 'Helsinki-NLP/opus-mt-bzs-es', + ('bzs', 'fi'): 'Helsinki-NLP/opus-mt-bzs-fi', ('bzs', 'fr'): 'Helsinki-NLP/opus-mt-bzs-fr', + ('bzs', 'sv'): 'Helsinki-NLP/opus-mt-bzs-sv', ('ca', 'de'): 'Helsinki-NLP/opus-mt-ca-de', + ('ca', 'en'): 'Helsinki-NLP/opus-mt-ca-en', ('ca', 'es'): 'Helsinki-NLP/opus-mt-ca-es', + ('ca', 'fr'): 'Helsinki-NLP/opus-mt-ca-fr', ('ca', 'it'): 'Helsinki-NLP/opus-mt-ca-it', + ('ca', 'nl'): 'Helsinki-NLP/opus-mt-ca-nl', ('ca', 'pt'): 'Helsinki-NLP/opus-mt-ca-pt', + ('ca', 'uk'): 'Helsinki-NLP/opus-mt-ca-uk', ('cau', 'en'): 'Helsinki-NLP/opus-mt-cau-en', + ('ccs', 'en'): 'Helsinki-NLP/opus-mt-ccs-en', ('ceb', 'en'): 'Helsinki-NLP/opus-mt-ceb-en', + ('ceb', 'es'): 'Helsinki-NLP/opus-mt-ceb-es', ('ceb', 'fi'): 'Helsinki-NLP/opus-mt-ceb-fi', + ('ceb', 'fr'): 'Helsinki-NLP/opus-mt-ceb-fr', ('ceb', 'sv'): 'Helsinki-NLP/opus-mt-ceb-sv', + ('cel', 'en'): 'Helsinki-NLP/opus-mt-cel-en', ('chk', 'en'): 'Helsinki-NLP/opus-mt-chk-en', + ('chk', 'es'): 'Helsinki-NLP/opus-mt-chk-es', ('chk', 'fr'): 'Helsinki-NLP/opus-mt-chk-fr', + ('chk', 'sv'): 'Helsinki-NLP/opus-mt-chk-sv', ('cpf', 'en'): 'Helsinki-NLP/opus-mt-cpf-en', + ('cpp', 'cpp'): 'Helsinki-NLP/opus-mt-cpp-cpp', ('cpp', 'en'): 'Helsinki-NLP/opus-mt-cpp-en', + ('crs', 'de'): 'Helsinki-NLP/opus-mt-crs-de', ('crs', 'en'): 'Helsinki-NLP/opus-mt-crs-en', + ('crs', 'es'): 'Helsinki-NLP/opus-mt-crs-es', ('crs', 'fi'): 'Helsinki-NLP/opus-mt-crs-fi', + ('crs', 'fr'): 'Helsinki-NLP/opus-mt-crs-fr', ('crs', 'sv'): 'Helsinki-NLP/opus-mt-crs-sv', + ('cs', 'de'): 'Helsinki-NLP/opus-mt-cs-de', ('cs', 'en'): 'Helsinki-NLP/opus-mt-cs-en', + ('cs', 'eo'): 'Helsinki-NLP/opus-mt-cs-eo', ('cs', 'fi'): 'Helsinki-NLP/opus-mt-cs-fi', + ('cs', 'fr'): 'Helsinki-NLP/opus-mt-cs-fr', ('cs', 'sv'): 'Helsinki-NLP/opus-mt-cs-sv', + ('cs', 'uk'): 'Helsinki-NLP/opus-mt-cs-uk', ('csg', 'es'): 'Helsinki-NLP/opus-mt-csg-es', + ('csn', 'es'): 'Helsinki-NLP/opus-mt-csn-es', ('cus', 'en'): 'Helsinki-NLP/opus-mt-cus-en', + ('cy', 'en'): 'Helsinki-NLP/opus-mt-cy-en', ('da', 'de'): 'Helsinki-NLP/opus-mt-da-de', + ('da', 'en'): 'Helsinki-NLP/opus-mt-da-en', ('da', 'eo'): 'Helsinki-NLP/opus-mt-da-eo', + ('da', 'es'): 'Helsinki-NLP/opus-mt-da-es', ('da', 'fi'): 'Helsinki-NLP/opus-mt-da-fi', + ('da', 'fr'): 'Helsinki-NLP/opus-mt-da-fr', ('da', 'no'): 'Helsinki-NLP/opus-mt-da-no', + ('da', 'ru'): 'Helsinki-NLP/opus-mt-da-ru', ('de', 'ZH'): 'Helsinki-NLP/opus-mt-de-ZH', + ('de', 'af'): 'Helsinki-NLP/opus-mt-de-af', ('de', 'ar'): 'Helsinki-NLP/opus-mt-de-ar', + ('de', 'ase'): 'Helsinki-NLP/opus-mt-de-ase', ('de', 'bcl'): 'Helsinki-NLP/opus-mt-de-bcl', + ('de', 'bg'): 'Helsinki-NLP/opus-mt-de-bg', ('de', 'bi'): 'Helsinki-NLP/opus-mt-de-bi', + ('de', 'bzs'): 'Helsinki-NLP/opus-mt-de-bzs', ('de', 'ca'): 'Helsinki-NLP/opus-mt-de-ca', + ('de', 'crs'): 'Helsinki-NLP/opus-mt-de-crs', ('de', 'cs'): 'Helsinki-NLP/opus-mt-de-cs', + ('de', 'da'): 'Helsinki-NLP/opus-mt-de-da', ('de', 'de'): 'Helsinki-NLP/opus-mt-de-de', + ('de', 'ee'): 'Helsinki-NLP/opus-mt-de-ee', ('de', 'efi'): 'Helsinki-NLP/opus-mt-de-efi', + ('de', 'el'): 'Helsinki-NLP/opus-mt-de-el', ('de', 'en'): 'Helsinki-NLP/opus-mt-de-en', + ('de', 'eo'): 'Helsinki-NLP/opus-mt-de-eo', ('de', 'es'): 'Helsinki-NLP/opus-mt-de-es', + ('de', 'et'): 'Helsinki-NLP/opus-mt-de-et', ('de', 'eu'): 'Helsinki-NLP/opus-mt-de-eu', + ('de', 'fi'): 'Helsinki-NLP/opus-mt-de-fi', ('de', 'fj'): 'Helsinki-NLP/opus-mt-de-fj', + ('de', 'fr'): 'Helsinki-NLP/opus-mt-de-fr', ('de', 'gaa'): 'Helsinki-NLP/opus-mt-de-gaa', + ('de', 'gil'): 'Helsinki-NLP/opus-mt-de-gil', ('de', 'guw'): 'Helsinki-NLP/opus-mt-de-guw', + ('de', 'ha'): 'Helsinki-NLP/opus-mt-de-ha', ('de', 'he'): 'Helsinki-NLP/opus-mt-de-he', + ('de', 'hil'): 'Helsinki-NLP/opus-mt-de-hil', ('de', 'ho'): 'Helsinki-NLP/opus-mt-de-ho', + ('de', 'hr'): 'Helsinki-NLP/opus-mt-de-hr', ('de', 'ht'): 'Helsinki-NLP/opus-mt-de-ht', + ('de', 'hu'): 'Helsinki-NLP/opus-mt-de-hu', ('de', 'ig'): 'Helsinki-NLP/opus-mt-de-ig', + ('de', 'ilo'): 'Helsinki-NLP/opus-mt-de-ilo', ('de', 'is'): 'Helsinki-NLP/opus-mt-de-is', + ('de', 'iso'): 'Helsinki-NLP/opus-mt-de-iso', ('de', 'it'): 'Helsinki-NLP/opus-mt-de-it', + ('de', 'kg'): 'Helsinki-NLP/opus-mt-de-kg', ('de', 'ln'): 'Helsinki-NLP/opus-mt-de-ln', + ('de', 'loz'): 'Helsinki-NLP/opus-mt-de-loz', ('de', 'lt'): 'Helsinki-NLP/opus-mt-de-lt', + ('de', 'lua'): 'Helsinki-NLP/opus-mt-de-lua', ('de', 'ms'): 'Helsinki-NLP/opus-mt-de-ms', + ('de', 'mt'): 'Helsinki-NLP/opus-mt-de-mt', ('de', 'niu'): 'Helsinki-NLP/opus-mt-de-niu', + ('de', 'nl'): 'Helsinki-NLP/opus-mt-de-nl', ('de', 'no'): 'Helsinki-NLP/opus-mt-de-no', + ('de', 'nso'): 'Helsinki-NLP/opus-mt-de-nso', ('de', 'ny'): 'Helsinki-NLP/opus-mt-de-ny', + ('de', 'pag'): 'Helsinki-NLP/opus-mt-de-pag', ('de', 'pap'): 'Helsinki-NLP/opus-mt-de-pap', + ('de', 'pis'): 'Helsinki-NLP/opus-mt-de-pis', ('de', 'pl'): 'Helsinki-NLP/opus-mt-de-pl', + ('de', 'pon'): 'Helsinki-NLP/opus-mt-de-pon', ('de', 'tl'): 'Helsinki-NLP/opus-mt-de-tl', + ('de', 'uk'): 'Helsinki-NLP/opus-mt-de-uk', ('de', 'vi'): 'Helsinki-NLP/opus-mt-de-vi', + ('dra', 'en'): 'Helsinki-NLP/opus-mt-dra-en', ('ee', 'de'): 'Helsinki-NLP/opus-mt-ee-de', + ('ee', 'en'): 'Helsinki-NLP/opus-mt-ee-en', ('ee', 'es'): 'Helsinki-NLP/opus-mt-ee-es', + ('ee', 'fi'): 'Helsinki-NLP/opus-mt-ee-fi', ('ee', 'fr'): 'Helsinki-NLP/opus-mt-ee-fr', + ('ee', 'sv'): 'Helsinki-NLP/opus-mt-ee-sv', ('efi', 'de'): 'Helsinki-NLP/opus-mt-efi-de', + ('efi', 'en'): 'Helsinki-NLP/opus-mt-efi-en', ('efi', 'fi'): 'Helsinki-NLP/opus-mt-efi-fi', + ('efi', 'fr'): 'Helsinki-NLP/opus-mt-efi-fr', ('efi', 'sv'): 'Helsinki-NLP/opus-mt-efi-sv', + ('el', 'ar'): 'Helsinki-NLP/opus-mt-el-ar', ('el', 'eo'): 'Helsinki-NLP/opus-mt-el-eo', + ('el', 'fi'): 'Helsinki-NLP/opus-mt-el-fi', ('el', 'fr'): 'Helsinki-NLP/opus-mt-el-fr', + ('el', 'sv'): 'Helsinki-NLP/opus-mt-el-sv', ('en', 'aav'): 'Helsinki-NLP/opus-mt-en-aav', + ('en', 'af'): 'Helsinki-NLP/opus-mt-en-af', ('en', 'afa'): 'Helsinki-NLP/opus-mt-en-afa', + ('en', 'alv'): 'Helsinki-NLP/opus-mt-en-alv', ('en', 'ar'): 'Helsinki-NLP/opus-mt-en-ar', + ('en', 'az'): 'Helsinki-NLP/opus-mt-en-az', ('en', 'bat'): 'Helsinki-NLP/opus-mt-en-bat', + ('en', 'bcl'): 'Helsinki-NLP/opus-mt-en-bcl', ('en', 'bem'): 'Helsinki-NLP/opus-mt-en-bem', + ('en', 'ber'): 'Helsinki-NLP/opus-mt-en-ber', ('en', 'bg'): 'Helsinki-NLP/opus-mt-en-bg', + ('en', 'bi'): 'Helsinki-NLP/opus-mt-en-bi', ('en', 'bnt'): 'Helsinki-NLP/opus-mt-en-bnt', + ('en', 'bzs'): 'Helsinki-NLP/opus-mt-en-bzs', ('en', 'ca'): 'Helsinki-NLP/opus-mt-en-ca', + ('en', 'ceb'): 'Helsinki-NLP/opus-mt-en-ceb', ('en', 'cel'): 'Helsinki-NLP/opus-mt-en-cel', + ('en', 'chk'): 'Helsinki-NLP/opus-mt-en-chk', ('en', 'cpf'): 'Helsinki-NLP/opus-mt-en-cpf', + ('en', 'cpp'): 'Helsinki-NLP/opus-mt-en-cpp', ('en', 'crs'): 'Helsinki-NLP/opus-mt-en-crs', + ('en', 'cs'): 'Helsinki-NLP/opus-mt-en-cs', ('en', 'cus'): 'Helsinki-NLP/opus-mt-en-cus', + ('en', 'cy'): 'Helsinki-NLP/opus-mt-en-cy', ('en', 'da'): 'Helsinki-NLP/opus-mt-en-da', + ('en', 'de'): 'Helsinki-NLP/opus-mt-en-de', ('en', 'dra'): 'Helsinki-NLP/opus-mt-en-dra', + ('en', 'ee'): 'Helsinki-NLP/opus-mt-en-ee', ('en', 'efi'): 'Helsinki-NLP/opus-mt-en-efi', + ('en', 'el'): 'Helsinki-NLP/opus-mt-en-el', ('en', 'eo'): 'Helsinki-NLP/opus-mt-en-eo', + ('en', 'es'): 'Helsinki-NLP/opus-mt-en-es', ('en', 'et'): 'Helsinki-NLP/opus-mt-en-et', + ('en', 'eu'): 'Helsinki-NLP/opus-mt-en-eu', ('en', 'euq'): 'Helsinki-NLP/opus-mt-en-euq', + ('en', 'fi'): 'Helsinki-NLP/opus-mt-en-fi', ('en', 'fiu'): 'Helsinki-NLP/opus-mt-en-fiu', + ('en', 'fj'): 'Helsinki-NLP/opus-mt-en-fj', ('en', 'fr'): 'Helsinki-NLP/opus-mt-en-fr', + ('en', 'ga'): 'Helsinki-NLP/opus-mt-en-ga', ('en', 'gaa'): 'Helsinki-NLP/opus-mt-en-gaa', + ('en', 'gem'): 'Helsinki-NLP/opus-mt-en-gem', ('en', 'gil'): 'Helsinki-NLP/opus-mt-en-gil', + ('en', 'gl'): 'Helsinki-NLP/opus-mt-en-gl', ('en', 'gmq'): 'Helsinki-NLP/opus-mt-en-gmq', + ('en', 'gmw'): 'Helsinki-NLP/opus-mt-en-gmw', ('en', 'grk'): 'Helsinki-NLP/opus-mt-en-grk', + ('en', 'guw'): 'Helsinki-NLP/opus-mt-en-guw', ('en', 'gv'): 'Helsinki-NLP/opus-mt-en-gv', + ('en', 'ha'): 'Helsinki-NLP/opus-mt-en-ha', ('en', 'he'): 'Helsinki-NLP/opus-mt-en-he', + ('en', 'hi'): 'Helsinki-NLP/opus-mt-en-hi', ('en', 'hil'): 'Helsinki-NLP/opus-mt-en-hil', + ('en', 'ho'): 'Helsinki-NLP/opus-mt-en-ho', ('en', 'ht'): 'Helsinki-NLP/opus-mt-en-ht', + ('en', 'hu'): 'Helsinki-NLP/opus-mt-en-hu', ('en', 'hy'): 'Helsinki-NLP/opus-mt-en-hy', + ('en', 'id'): 'Helsinki-NLP/opus-mt-en-id', ('en', 'ig'): 'Helsinki-NLP/opus-mt-en-ig', + ('en', 'iir'): 'Helsinki-NLP/opus-mt-en-iir', ('en', 'ilo'): 'Helsinki-NLP/opus-mt-en-ilo', + ('en', 'inc'): 'Helsinki-NLP/opus-mt-en-inc', ('en', 'ine'): 'Helsinki-NLP/opus-mt-en-ine', + ('en', 'is'): 'Helsinki-NLP/opus-mt-en-is', ('en', 'iso'): 'Helsinki-NLP/opus-mt-en-iso', + ('en', 'it'): 'Helsinki-NLP/opus-mt-en-it', ('en', 'itc'): 'Helsinki-NLP/opus-mt-en-itc', + ('en', 'jap'): 'Helsinki-NLP/opus-mt-en-jap', ('en', 'kg'): 'Helsinki-NLP/opus-mt-en-kg', + ('en', 'kj'): 'Helsinki-NLP/opus-mt-en-kj', ('en', 'kqn'): 'Helsinki-NLP/opus-mt-en-kqn', + ('en', 'kwn'): 'Helsinki-NLP/opus-mt-en-kwn', ('en', 'kwy'): 'Helsinki-NLP/opus-mt-en-kwy', + ('en', 'lg'): 'Helsinki-NLP/opus-mt-en-lg', ('en', 'ln'): 'Helsinki-NLP/opus-mt-en-ln', + ('en', 'loz'): 'Helsinki-NLP/opus-mt-en-loz', ('en', 'lu'): 'Helsinki-NLP/opus-mt-en-lu', + ('en', 'lua'): 'Helsinki-NLP/opus-mt-en-lua', ('en', 'lue'): 'Helsinki-NLP/opus-mt-en-lue', + ('en', 'lun'): 'Helsinki-NLP/opus-mt-en-lun', ('en', 'luo'): 'Helsinki-NLP/opus-mt-en-luo', + ('en', 'lus'): 'Helsinki-NLP/opus-mt-en-lus', ('en', 'map'): 'Helsinki-NLP/opus-mt-en-map', + ('en', 'mfe'): 'Helsinki-NLP/opus-mt-en-mfe', ('en', 'mg'): 'Helsinki-NLP/opus-mt-en-mg', + ('en', 'mh'): 'Helsinki-NLP/opus-mt-en-mh', ('en', 'mk'): 'Helsinki-NLP/opus-mt-en-mk', + ('en', 'mkh'): 'Helsinki-NLP/opus-mt-en-mkh', ('en', 'ml'): 'Helsinki-NLP/opus-mt-en-ml', + ('en', 'mos'): 'Helsinki-NLP/opus-mt-en-mos', ('en', 'mr'): 'Helsinki-NLP/opus-mt-en-mr', + ('en', 'mt'): 'Helsinki-NLP/opus-mt-en-mt', ('en', 'mul'): 'Helsinki-NLP/opus-mt-en-mul', + ('en', 'ng'): 'Helsinki-NLP/opus-mt-en-ng', ('en', 'nic'): 'Helsinki-NLP/opus-mt-en-nic', + ('en', 'niu'): 'Helsinki-NLP/opus-mt-en-niu', ('en', 'nl'): 'Helsinki-NLP/opus-mt-en-nl', + ('en', 'nso'): 'Helsinki-NLP/opus-mt-en-nso', ('en', 'ny'): 'Helsinki-NLP/opus-mt-en-ny', + ('en', 'nyk'): 'Helsinki-NLP/opus-mt-en-nyk', ('en', 'om'): 'Helsinki-NLP/opus-mt-en-om', + ('en', 'pag'): 'Helsinki-NLP/opus-mt-en-pag', ('en', 'pap'): 'Helsinki-NLP/opus-mt-en-pap', + ('en', 'phi'): 'Helsinki-NLP/opus-mt-en-phi', ('en', 'pis'): 'Helsinki-NLP/opus-mt-en-pis', + ('en', 'pon'): 'Helsinki-NLP/opus-mt-en-pon', ('en', 'poz'): 'Helsinki-NLP/opus-mt-en-poz', + ('en', 'pqe'): 'Helsinki-NLP/opus-mt-en-pqe', ('en', 'pqw'): 'Helsinki-NLP/opus-mt-en-pqw', + ('en', 'rn'): 'Helsinki-NLP/opus-mt-en-rn', ('en', 'rnd'): 'Helsinki-NLP/opus-mt-en-rnd', + ('en', 'ro'): 'Helsinki-NLP/opus-mt-en-ro', ('en', 'roa'): 'Helsinki-NLP/opus-mt-en-roa', + ('en', 'ru'): 'Helsinki-NLP/opus-mt-en-ru', ('en', 'run'): 'Helsinki-NLP/opus-mt-en-run', + ('en', 'rw'): 'Helsinki-NLP/opus-mt-en-rw', ('en', 'sal'): 'Helsinki-NLP/opus-mt-en-sal', + ('en', 'sem'): 'Helsinki-NLP/opus-mt-en-sem', ('en', 'sg'): 'Helsinki-NLP/opus-mt-en-sg', + ('en', 'sit'): 'Helsinki-NLP/opus-mt-en-sit', ('en', 'sk'): 'Helsinki-NLP/opus-mt-en-sk', + ('en', 'sla'): 'Helsinki-NLP/opus-mt-en-sla', ('en', 'sm'): 'Helsinki-NLP/opus-mt-en-sm', + ('en', 'sn'): 'Helsinki-NLP/opus-mt-en-sn', ('en', 'sq'): 'Helsinki-NLP/opus-mt-en-sq', + ('en', 'ss'): 'Helsinki-NLP/opus-mt-en-ss', ('en', 'st'): 'Helsinki-NLP/opus-mt-en-st', + ('en', 'sv'): 'Helsinki-NLP/opus-mt-en-sv', ('en', 'sw'): 'Helsinki-NLP/opus-mt-en-sw', + ('en', 'swc'): 'Helsinki-NLP/opus-mt-en-swc', ('en', 'tdt'): 'Helsinki-NLP/opus-mt-en-tdt', + ('en', 'ti'): 'Helsinki-NLP/opus-mt-en-ti', ('en', 'tiv'): 'Helsinki-NLP/opus-mt-en-tiv', + ('en', 'tl'): 'Helsinki-NLP/opus-mt-en-tl', ('en', 'tll'): 'Helsinki-NLP/opus-mt-en-tll', + ('en', 'tn'): 'Helsinki-NLP/opus-mt-en-tn', ('en', 'to'): 'Helsinki-NLP/opus-mt-en-to', + ('en', 'toi'): 'Helsinki-NLP/opus-mt-en-toi', ('en', 'tpi'): 'Helsinki-NLP/opus-mt-en-tpi', + ('en', 'trk'): 'Helsinki-NLP/opus-mt-en-trk', ('en', 'ts'): 'Helsinki-NLP/opus-mt-en-ts', + ('en', 'tut'): 'Helsinki-NLP/opus-mt-en-tut', ('en', 'tvl'): 'Helsinki-NLP/opus-mt-en-tvl', + ('en', 'tw'): 'Helsinki-NLP/opus-mt-en-tw', ('en', 'ty'): 'Helsinki-NLP/opus-mt-en-ty', + ('en', 'uk'): 'Helsinki-NLP/opus-mt-en-uk', ('en', 'umb'): 'Helsinki-NLP/opus-mt-en-umb', + ('en', 'ur'): 'Helsinki-NLP/opus-mt-en-ur', ('en', 'urj'): 'Helsinki-NLP/opus-mt-en-urj', + ('en', 'vi'): 'Helsinki-NLP/opus-mt-en-vi', ('en', 'xh'): 'Helsinki-NLP/opus-mt-en-xh', + ('en', 'zh'): 'Helsinki-NLP/opus-mt-en-zh', ('en', 'zle'): 'Helsinki-NLP/opus-mt-en-zle', + ('en', 'zls'): 'Helsinki-NLP/opus-mt-en-zls', ('en', 'zlw'): 'Helsinki-NLP/opus-mt-en-zlw', + ('en_el_es_fi', 'en_el_es_fi'): 'Helsinki-NLP/opus-mt-en_el_es_fi-en_el_es_fi', + ('eo', 'af'): 'Helsinki-NLP/opus-mt-eo-af', ('eo', 'bg'): 'Helsinki-NLP/opus-mt-eo-bg', + ('eo', 'cs'): 'Helsinki-NLP/opus-mt-eo-cs', ('eo', 'da'): 'Helsinki-NLP/opus-mt-eo-da', + ('eo', 'de'): 'Helsinki-NLP/opus-mt-eo-de', ('eo', 'el'): 'Helsinki-NLP/opus-mt-eo-el', + ('eo', 'en'): 'Helsinki-NLP/opus-mt-eo-en', ('eo', 'es'): 'Helsinki-NLP/opus-mt-eo-es', + ('eo', 'fi'): 'Helsinki-NLP/opus-mt-eo-fi', ('eo', 'fr'): 'Helsinki-NLP/opus-mt-eo-fr', + ('eo', 'he'): 'Helsinki-NLP/opus-mt-eo-he', ('eo', 'hu'): 'Helsinki-NLP/opus-mt-eo-hu', + ('eo', 'it'): 'Helsinki-NLP/opus-mt-eo-it', ('eo', 'nl'): 'Helsinki-NLP/opus-mt-eo-nl', + ('eo', 'pl'): 'Helsinki-NLP/opus-mt-eo-pl', ('eo', 'pt'): 'Helsinki-NLP/opus-mt-eo-pt', + ('eo', 'ro'): 'Helsinki-NLP/opus-mt-eo-ro', ('eo', 'ru'): 'Helsinki-NLP/opus-mt-eo-ru', + ('eo', 'sh'): 'Helsinki-NLP/opus-mt-eo-sh', ('eo', 'sv'): 'Helsinki-NLP/opus-mt-eo-sv', + ('es', 'NORWAY'): 'Helsinki-NLP/opus-mt-es-NORWAY', ('es', 'aed'): 'Helsinki-NLP/opus-mt-es-aed', + ('es', 'af'): 'Helsinki-NLP/opus-mt-es-af', ('es', 'ar'): 'Helsinki-NLP/opus-mt-es-ar', + ('es', 'ase'): 'Helsinki-NLP/opus-mt-es-ase', ('es', 'bcl'): 'Helsinki-NLP/opus-mt-es-bcl', + ('es', 'ber'): 'Helsinki-NLP/opus-mt-es-ber', ('es', 'bg'): 'Helsinki-NLP/opus-mt-es-bg', + ('es', 'bi'): 'Helsinki-NLP/opus-mt-es-bi', ('es', 'bzs'): 'Helsinki-NLP/opus-mt-es-bzs', + ('es', 'ca'): 'Helsinki-NLP/opus-mt-es-ca', ('es', 'ceb'): 'Helsinki-NLP/opus-mt-es-ceb', + ('es', 'crs'): 'Helsinki-NLP/opus-mt-es-crs', ('es', 'cs'): 'Helsinki-NLP/opus-mt-es-cs', + ('es', 'csg'): 'Helsinki-NLP/opus-mt-es-csg', ('es', 'csn'): 'Helsinki-NLP/opus-mt-es-csn', + ('es', 'da'): 'Helsinki-NLP/opus-mt-es-da', ('es', 'de'): 'Helsinki-NLP/opus-mt-es-de', + ('es', 'ee'): 'Helsinki-NLP/opus-mt-es-ee', ('es', 'efi'): 'Helsinki-NLP/opus-mt-es-efi', + ('es', 'el'): 'Helsinki-NLP/opus-mt-es-el', ('es', 'en'): 'Helsinki-NLP/opus-mt-es-en', + ('es', 'eo'): 'Helsinki-NLP/opus-mt-es-eo', ('es', 'es'): 'Helsinki-NLP/opus-mt-es-es', + ('es', 'et'): 'Helsinki-NLP/opus-mt-es-et', ('es', 'eu'): 'Helsinki-NLP/opus-mt-es-eu', + ('es', 'fi'): 'Helsinki-NLP/opus-mt-es-fi', ('es', 'fj'): 'Helsinki-NLP/opus-mt-es-fj', + ('es', 'fr'): 'Helsinki-NLP/opus-mt-es-fr', ('es', 'gaa'): 'Helsinki-NLP/opus-mt-es-gaa', + ('es', 'gil'): 'Helsinki-NLP/opus-mt-es-gil', ('es', 'gl'): 'Helsinki-NLP/opus-mt-es-gl', + ('es', 'guw'): 'Helsinki-NLP/opus-mt-es-guw', ('es', 'ha'): 'Helsinki-NLP/opus-mt-es-ha', + ('es', 'he'): 'Helsinki-NLP/opus-mt-es-he', ('es', 'hil'): 'Helsinki-NLP/opus-mt-es-hil', + ('es', 'ho'): 'Helsinki-NLP/opus-mt-es-ho', ('es', 'hr'): 'Helsinki-NLP/opus-mt-es-hr', + ('es', 'ht'): 'Helsinki-NLP/opus-mt-es-ht', ('es', 'id'): 'Helsinki-NLP/opus-mt-es-id', + ('es', 'ig'): 'Helsinki-NLP/opus-mt-es-ig', ('es', 'ilo'): 'Helsinki-NLP/opus-mt-es-ilo', + ('es', 'is'): 'Helsinki-NLP/opus-mt-es-is', ('es', 'iso'): 'Helsinki-NLP/opus-mt-es-iso', + ('es', 'it'): 'Helsinki-NLP/opus-mt-es-it', ('es', 'kg'): 'Helsinki-NLP/opus-mt-es-kg', + ('es', 'ln'): 'Helsinki-NLP/opus-mt-es-ln', ('es', 'loz'): 'Helsinki-NLP/opus-mt-es-loz', + ('es', 'lt'): 'Helsinki-NLP/opus-mt-es-lt', ('es', 'lua'): 'Helsinki-NLP/opus-mt-es-lua', + ('es', 'lus'): 'Helsinki-NLP/opus-mt-es-lus', ('es', 'mfs'): 'Helsinki-NLP/opus-mt-es-mfs', + ('es', 'mk'): 'Helsinki-NLP/opus-mt-es-mk', ('es', 'mt'): 'Helsinki-NLP/opus-mt-es-mt', + ('es', 'niu'): 'Helsinki-NLP/opus-mt-es-niu', ('es', 'nl'): 'Helsinki-NLP/opus-mt-es-nl', + ('es', 'no'): 'Helsinki-NLP/opus-mt-es-no', ('es', 'nso'): 'Helsinki-NLP/opus-mt-es-nso', + ('es', 'ny'): 'Helsinki-NLP/opus-mt-es-ny', ('es', 'pag'): 'Helsinki-NLP/opus-mt-es-pag', + ('es', 'pap'): 'Helsinki-NLP/opus-mt-es-pap', ('es', 'pis'): 'Helsinki-NLP/opus-mt-es-pis', + ('es', 'pl'): 'Helsinki-NLP/opus-mt-es-pl', ('es', 'pon'): 'Helsinki-NLP/opus-mt-es-pon', + ('es', 'prl'): 'Helsinki-NLP/opus-mt-es-prl', ('es', 'rn'): 'Helsinki-NLP/opus-mt-es-rn', + ('es', 'ro'): 'Helsinki-NLP/opus-mt-es-ro', ('es', 'ru'): 'Helsinki-NLP/opus-mt-es-ru', + ('es', 'rw'): 'Helsinki-NLP/opus-mt-es-rw', ('es', 'sg'): 'Helsinki-NLP/opus-mt-es-sg', + ('es', 'sl'): 'Helsinki-NLP/opus-mt-es-sl', ('es', 'sm'): 'Helsinki-NLP/opus-mt-es-sm', + ('es', 'sn'): 'Helsinki-NLP/opus-mt-es-sn', ('es', 'srn'): 'Helsinki-NLP/opus-mt-es-srn', + ('es', 'st'): 'Helsinki-NLP/opus-mt-es-st', ('es', 'swc'): 'Helsinki-NLP/opus-mt-es-swc', + ('es', 'tl'): 'Helsinki-NLP/opus-mt-es-tl', ('es', 'tll'): 'Helsinki-NLP/opus-mt-es-tll', + ('es', 'tn'): 'Helsinki-NLP/opus-mt-es-tn', ('es', 'to'): 'Helsinki-NLP/opus-mt-es-to', + ('es', 'tpi'): 'Helsinki-NLP/opus-mt-es-tpi', ('es', 'tvl'): 'Helsinki-NLP/opus-mt-es-tvl', + ('es', 'tw'): 'Helsinki-NLP/opus-mt-es-tw', ('es', 'ty'): 'Helsinki-NLP/opus-mt-es-ty', + ('es', 'tzo'): 'Helsinki-NLP/opus-mt-es-tzo', ('es', 'uk'): 'Helsinki-NLP/opus-mt-es-uk', + ('es', 've'): 'Helsinki-NLP/opus-mt-es-ve', ('es', 'vi'): 'Helsinki-NLP/opus-mt-es-vi', + ('es', 'war'): 'Helsinki-NLP/opus-mt-es-war', ('es', 'wls'): 'Helsinki-NLP/opus-mt-es-wls', + ('es', 'xh'): 'Helsinki-NLP/opus-mt-es-xh', ('es', 'yo'): 'Helsinki-NLP/opus-mt-es-yo', + ('es', 'yua'): 'Helsinki-NLP/opus-mt-es-yua', ('es', 'zai'): 'Helsinki-NLP/opus-mt-es-zai', + ('et', 'de'): 'Helsinki-NLP/opus-mt-et-de', ('et', 'en'): 'Helsinki-NLP/opus-mt-et-en', + ('et', 'es'): 'Helsinki-NLP/opus-mt-et-es', ('et', 'fi'): 'Helsinki-NLP/opus-mt-et-fi', + ('et', 'fr'): 'Helsinki-NLP/opus-mt-et-fr', ('et', 'ru'): 'Helsinki-NLP/opus-mt-et-ru', + ('et', 'sv'): 'Helsinki-NLP/opus-mt-et-sv', ('eu', 'de'): 'Helsinki-NLP/opus-mt-eu-de', + ('eu', 'en'): 'Helsinki-NLP/opus-mt-eu-en', ('eu', 'es'): 'Helsinki-NLP/opus-mt-eu-es', + ('eu', 'ru'): 'Helsinki-NLP/opus-mt-eu-ru', ('euq', 'en'): 'Helsinki-NLP/opus-mt-euq-en', + ('fi', 'NORWAY'): 'Helsinki-NLP/opus-mt-fi-NORWAY', ('fi', 'ZH'): 'Helsinki-NLP/opus-mt-fi-ZH', + ('fi', 'af'): 'Helsinki-NLP/opus-mt-fi-af', ('fi', 'bcl'): 'Helsinki-NLP/opus-mt-fi-bcl', + ('fi', 'bem'): 'Helsinki-NLP/opus-mt-fi-bem', ('fi', 'bg'): 'Helsinki-NLP/opus-mt-fi-bg', + ('fi', 'bzs'): 'Helsinki-NLP/opus-mt-fi-bzs', ('fi', 'ceb'): 'Helsinki-NLP/opus-mt-fi-ceb', + ('fi', 'crs'): 'Helsinki-NLP/opus-mt-fi-crs', ('fi', 'cs'): 'Helsinki-NLP/opus-mt-fi-cs', + ('fi', 'de'): 'Helsinki-NLP/opus-mt-fi-de', ('fi', 'ee'): 'Helsinki-NLP/opus-mt-fi-ee', + ('fi', 'efi'): 'Helsinki-NLP/opus-mt-fi-efi', ('fi', 'el'): 'Helsinki-NLP/opus-mt-fi-el', + ('fi', 'en'): 'Helsinki-NLP/opus-mt-fi-en', ('fi', 'eo'): 'Helsinki-NLP/opus-mt-fi-eo', + ('fi', 'es'): 'Helsinki-NLP/opus-mt-fi-es', ('fi', 'et'): 'Helsinki-NLP/opus-mt-fi-et', + ('fi', 'fi'): 'Helsinki-NLP/opus-mt-fi-fi', ('fi', 'fj'): 'Helsinki-NLP/opus-mt-fi-fj', + ('fi', 'fr'): 'Helsinki-NLP/opus-mt-fi-fr', ('fi', 'fse'): 'Helsinki-NLP/opus-mt-fi-fse', + ('fi', 'gaa'): 'Helsinki-NLP/opus-mt-fi-gaa', ('fi', 'gil'): 'Helsinki-NLP/opus-mt-fi-gil', + ('fi', 'guw'): 'Helsinki-NLP/opus-mt-fi-guw', ('fi', 'ha'): 'Helsinki-NLP/opus-mt-fi-ha', + ('fi', 'he'): 'Helsinki-NLP/opus-mt-fi-he', ('fi', 'hil'): 'Helsinki-NLP/opus-mt-fi-hil', + ('fi', 'ho'): 'Helsinki-NLP/opus-mt-fi-ho', ('fi', 'hr'): 'Helsinki-NLP/opus-mt-fi-hr', + ('fi', 'ht'): 'Helsinki-NLP/opus-mt-fi-ht', ('fi', 'hu'): 'Helsinki-NLP/opus-mt-fi-hu', + ('fi', 'id'): 'Helsinki-NLP/opus-mt-fi-id', ('fi', 'ig'): 'Helsinki-NLP/opus-mt-fi-ig', + ('fi', 'ilo'): 'Helsinki-NLP/opus-mt-fi-ilo', ('fi', 'is'): 'Helsinki-NLP/opus-mt-fi-is', + ('fi', 'iso'): 'Helsinki-NLP/opus-mt-fi-iso', ('fi', 'it'): 'Helsinki-NLP/opus-mt-fi-it', + ('fi', 'kg'): 'Helsinki-NLP/opus-mt-fi-kg', ('fi', 'kqn'): 'Helsinki-NLP/opus-mt-fi-kqn', + ('fi', 'lg'): 'Helsinki-NLP/opus-mt-fi-lg', ('fi', 'ln'): 'Helsinki-NLP/opus-mt-fi-ln', + ('fi', 'lu'): 'Helsinki-NLP/opus-mt-fi-lu', ('fi', 'lua'): 'Helsinki-NLP/opus-mt-fi-lua', + ('fi', 'lue'): 'Helsinki-NLP/opus-mt-fi-lue', ('fi', 'lus'): 'Helsinki-NLP/opus-mt-fi-lus', + ('fi', 'lv'): 'Helsinki-NLP/opus-mt-fi-lv', ('fi', 'mfe'): 'Helsinki-NLP/opus-mt-fi-mfe', + ('fi', 'mg'): 'Helsinki-NLP/opus-mt-fi-mg', ('fi', 'mh'): 'Helsinki-NLP/opus-mt-fi-mh', + ('fi', 'mk'): 'Helsinki-NLP/opus-mt-fi-mk', ('fi', 'mos'): 'Helsinki-NLP/opus-mt-fi-mos', + ('fi', 'mt'): 'Helsinki-NLP/opus-mt-fi-mt', ('fi', 'niu'): 'Helsinki-NLP/opus-mt-fi-niu', + ('fi', 'nl'): 'Helsinki-NLP/opus-mt-fi-nl', ('fi', 'no'): 'Helsinki-NLP/opus-mt-fi-no', + ('fi', 'nso'): 'Helsinki-NLP/opus-mt-fi-nso', ('fi', 'ny'): 'Helsinki-NLP/opus-mt-fi-ny', + ('fi', 'pag'): 'Helsinki-NLP/opus-mt-fi-pag', ('fi', 'pap'): 'Helsinki-NLP/opus-mt-fi-pap', + ('fi', 'pis'): 'Helsinki-NLP/opus-mt-fi-pis', ('fi', 'pon'): 'Helsinki-NLP/opus-mt-fi-pon', + ('fi', 'ro'): 'Helsinki-NLP/opus-mt-fi-ro', ('fi', 'ru'): 'Helsinki-NLP/opus-mt-fi-ru', + ('fi', 'run'): 'Helsinki-NLP/opus-mt-fi-run', ('fi', 'rw'): 'Helsinki-NLP/opus-mt-fi-rw', + ('fi', 'sg'): 'Helsinki-NLP/opus-mt-fi-sg', ('fi', 'sk'): 'Helsinki-NLP/opus-mt-fi-sk', + ('fi', 'sl'): 'Helsinki-NLP/opus-mt-fi-sl', ('fi', 'sm'): 'Helsinki-NLP/opus-mt-fi-sm', + ('fi', 'sn'): 'Helsinki-NLP/opus-mt-fi-sn', ('fi', 'sq'): 'Helsinki-NLP/opus-mt-fi-sq', + ('fi', 'srn'): 'Helsinki-NLP/opus-mt-fi-srn', ('fi', 'st'): 'Helsinki-NLP/opus-mt-fi-st', + ('fi', 'sv'): 'Helsinki-NLP/opus-mt-fi-sv', ('fi', 'sw'): 'Helsinki-NLP/opus-mt-fi-sw', + ('fi', 'swc'): 'Helsinki-NLP/opus-mt-fi-swc', ('fi', 'tiv'): 'Helsinki-NLP/opus-mt-fi-tiv', + ('fi', 'tll'): 'Helsinki-NLP/opus-mt-fi-tll', ('fi', 'tn'): 'Helsinki-NLP/opus-mt-fi-tn', + ('fi', 'to'): 'Helsinki-NLP/opus-mt-fi-to', ('fi', 'toi'): 'Helsinki-NLP/opus-mt-fi-toi', + ('fi', 'tpi'): 'Helsinki-NLP/opus-mt-fi-tpi', ('fi', 'tr'): 'Helsinki-NLP/opus-mt-fi-tr', + ('fi', 'ts'): 'Helsinki-NLP/opus-mt-fi-ts', ('fi', 'tvl'): 'Helsinki-NLP/opus-mt-fi-tvl', + ('fi', 'tw'): 'Helsinki-NLP/opus-mt-fi-tw', ('fi', 'ty'): 'Helsinki-NLP/opus-mt-fi-ty', + ('fi', 'uk'): 'Helsinki-NLP/opus-mt-fi-uk', ('fi', 've'): 'Helsinki-NLP/opus-mt-fi-ve', + ('fi', 'war'): 'Helsinki-NLP/opus-mt-fi-war', ('fi', 'wls'): 'Helsinki-NLP/opus-mt-fi-wls', + ('fi', 'xh'): 'Helsinki-NLP/opus-mt-fi-xh', ('fi', 'yap'): 'Helsinki-NLP/opus-mt-fi-yap', + ('fi', 'yo'): 'Helsinki-NLP/opus-mt-fi-yo', ('fi', 'zne'): 'Helsinki-NLP/opus-mt-fi-zne', + ('fi_nb_no_nn_ru_sv_en', 'SAMI'): 'Helsinki-NLP/opus-mt-fi_nb_no_nn_ru_sv_en-SAMI', + ('fiu', 'en'): 'Helsinki-NLP/opus-mt-fiu-en', ('fiu', 'fiu'): 'Helsinki-NLP/opus-mt-fiu-fiu', + ('fj', 'en'): 'Helsinki-NLP/opus-mt-fj-en', ('fj', 'fr'): 'Helsinki-NLP/opus-mt-fj-fr', + ('fr', 'af'): 'Helsinki-NLP/opus-mt-fr-af', ('fr', 'ar'): 'Helsinki-NLP/opus-mt-fr-ar', + ('fr', 'ase'): 'Helsinki-NLP/opus-mt-fr-ase', ('fr', 'bcl'): 'Helsinki-NLP/opus-mt-fr-bcl', + ('fr', 'bem'): 'Helsinki-NLP/opus-mt-fr-bem', ('fr', 'ber'): 'Helsinki-NLP/opus-mt-fr-ber', + ('fr', 'bg'): 'Helsinki-NLP/opus-mt-fr-bg', ('fr', 'bi'): 'Helsinki-NLP/opus-mt-fr-bi', + ('fr', 'bzs'): 'Helsinki-NLP/opus-mt-fr-bzs', ('fr', 'ca'): 'Helsinki-NLP/opus-mt-fr-ca', + ('fr', 'ceb'): 'Helsinki-NLP/opus-mt-fr-ceb', ('fr', 'crs'): 'Helsinki-NLP/opus-mt-fr-crs', + ('fr', 'de'): 'Helsinki-NLP/opus-mt-fr-de', ('fr', 'ee'): 'Helsinki-NLP/opus-mt-fr-ee', + ('fr', 'efi'): 'Helsinki-NLP/opus-mt-fr-efi', ('fr', 'el'): 'Helsinki-NLP/opus-mt-fr-el', + ('fr', 'en'): 'Helsinki-NLP/opus-mt-fr-en', ('fr', 'eo'): 'Helsinki-NLP/opus-mt-fr-eo', + ('fr', 'es'): 'Helsinki-NLP/opus-mt-fr-es', ('fr', 'fj'): 'Helsinki-NLP/opus-mt-fr-fj', + ('fr', 'gaa'): 'Helsinki-NLP/opus-mt-fr-gaa', ('fr', 'gil'): 'Helsinki-NLP/opus-mt-fr-gil', + ('fr', 'guw'): 'Helsinki-NLP/opus-mt-fr-guw', ('fr', 'ha'): 'Helsinki-NLP/opus-mt-fr-ha', + ('fr', 'he'): 'Helsinki-NLP/opus-mt-fr-he', ('fr', 'hil'): 'Helsinki-NLP/opus-mt-fr-hil', + ('fr', 'ho'): 'Helsinki-NLP/opus-mt-fr-ho', ('fr', 'hr'): 'Helsinki-NLP/opus-mt-fr-hr', + ('fr', 'ht'): 'Helsinki-NLP/opus-mt-fr-ht', ('fr', 'hu'): 'Helsinki-NLP/opus-mt-fr-hu', + ('fr', 'id'): 'Helsinki-NLP/opus-mt-fr-id', ('fr', 'ig'): 'Helsinki-NLP/opus-mt-fr-ig', + ('fr', 'ilo'): 'Helsinki-NLP/opus-mt-fr-ilo', ('fr', 'iso'): 'Helsinki-NLP/opus-mt-fr-iso', + ('fr', 'kg'): 'Helsinki-NLP/opus-mt-fr-kg', ('fr', 'kqn'): 'Helsinki-NLP/opus-mt-fr-kqn', + ('fr', 'kwy'): 'Helsinki-NLP/opus-mt-fr-kwy', ('fr', 'lg'): 'Helsinki-NLP/opus-mt-fr-lg', + ('fr', 'ln'): 'Helsinki-NLP/opus-mt-fr-ln', ('fr', 'loz'): 'Helsinki-NLP/opus-mt-fr-loz', + ('fr', 'lu'): 'Helsinki-NLP/opus-mt-fr-lu', ('fr', 'lua'): 'Helsinki-NLP/opus-mt-fr-lua', + ('fr', 'lue'): 'Helsinki-NLP/opus-mt-fr-lue', ('fr', 'lus'): 'Helsinki-NLP/opus-mt-fr-lus', + ('fr', 'mfe'): 'Helsinki-NLP/opus-mt-fr-mfe', ('fr', 'mh'): 'Helsinki-NLP/opus-mt-fr-mh', + ('fr', 'mos'): 'Helsinki-NLP/opus-mt-fr-mos', ('fr', 'ms'): 'Helsinki-NLP/opus-mt-fr-ms', + ('fr', 'mt'): 'Helsinki-NLP/opus-mt-fr-mt', ('fr', 'niu'): 'Helsinki-NLP/opus-mt-fr-niu', + ('fr', 'no'): 'Helsinki-NLP/opus-mt-fr-no', ('fr', 'nso'): 'Helsinki-NLP/opus-mt-fr-nso', + ('fr', 'ny'): 'Helsinki-NLP/opus-mt-fr-ny', ('fr', 'pag'): 'Helsinki-NLP/opus-mt-fr-pag', + ('fr', 'pap'): 'Helsinki-NLP/opus-mt-fr-pap', ('fr', 'pis'): 'Helsinki-NLP/opus-mt-fr-pis', + ('fr', 'pl'): 'Helsinki-NLP/opus-mt-fr-pl', ('fr', 'pon'): 'Helsinki-NLP/opus-mt-fr-pon', + ('fr', 'rnd'): 'Helsinki-NLP/opus-mt-fr-rnd', ('fr', 'ro'): 'Helsinki-NLP/opus-mt-fr-ro', + ('fr', 'ru'): 'Helsinki-NLP/opus-mt-fr-ru', ('fr', 'run'): 'Helsinki-NLP/opus-mt-fr-run', + ('fr', 'rw'): 'Helsinki-NLP/opus-mt-fr-rw', ('fr', 'sg'): 'Helsinki-NLP/opus-mt-fr-sg', + ('fr', 'sk'): 'Helsinki-NLP/opus-mt-fr-sk', ('fr', 'sl'): 'Helsinki-NLP/opus-mt-fr-sl', + ('fr', 'sm'): 'Helsinki-NLP/opus-mt-fr-sm', ('fr', 'sn'): 'Helsinki-NLP/opus-mt-fr-sn', + ('fr', 'srn'): 'Helsinki-NLP/opus-mt-fr-srn', ('fr', 'st'): 'Helsinki-NLP/opus-mt-fr-st', + ('fr', 'sv'): 'Helsinki-NLP/opus-mt-fr-sv', ('fr', 'swc'): 'Helsinki-NLP/opus-mt-fr-swc', + ('fr', 'tiv'): 'Helsinki-NLP/opus-mt-fr-tiv', ('fr', 'tl'): 'Helsinki-NLP/opus-mt-fr-tl', + ('fr', 'tll'): 'Helsinki-NLP/opus-mt-fr-tll', ('fr', 'tn'): 'Helsinki-NLP/opus-mt-fr-tn', + ('fr', 'to'): 'Helsinki-NLP/opus-mt-fr-to', ('fr', 'tpi'): 'Helsinki-NLP/opus-mt-fr-tpi', + ('fr', 'ts'): 'Helsinki-NLP/opus-mt-fr-ts', ('fr', 'tum'): 'Helsinki-NLP/opus-mt-fr-tum', + ('fr', 'tvl'): 'Helsinki-NLP/opus-mt-fr-tvl', ('fr', 'tw'): 'Helsinki-NLP/opus-mt-fr-tw', + ('fr', 'ty'): 'Helsinki-NLP/opus-mt-fr-ty', ('fr', 'uk'): 'Helsinki-NLP/opus-mt-fr-uk', + ('fr', 've'): 'Helsinki-NLP/opus-mt-fr-ve', ('fr', 'vi'): 'Helsinki-NLP/opus-mt-fr-vi', + ('fr', 'war'): 'Helsinki-NLP/opus-mt-fr-war', ('fr', 'wls'): 'Helsinki-NLP/opus-mt-fr-wls', + ('fr', 'xh'): 'Helsinki-NLP/opus-mt-fr-xh', ('fr', 'yap'): 'Helsinki-NLP/opus-mt-fr-yap', + ('fr', 'yo'): 'Helsinki-NLP/opus-mt-fr-yo', ('fr', 'zne'): 'Helsinki-NLP/opus-mt-fr-zne', + ('fse', 'fi'): 'Helsinki-NLP/opus-mt-fse-fi', ('ga', 'en'): 'Helsinki-NLP/opus-mt-ga-en', + ('gaa', 'de'): 'Helsinki-NLP/opus-mt-gaa-de', ('gaa', 'en'): 'Helsinki-NLP/opus-mt-gaa-en', + ('gaa', 'es'): 'Helsinki-NLP/opus-mt-gaa-es', ('gaa', 'fi'): 'Helsinki-NLP/opus-mt-gaa-fi', + ('gaa', 'fr'): 'Helsinki-NLP/opus-mt-gaa-fr', ('gaa', 'sv'): 'Helsinki-NLP/opus-mt-gaa-sv', + ('gem', 'en'): 'Helsinki-NLP/opus-mt-gem-en', ('gem', 'gem'): 'Helsinki-NLP/opus-mt-gem-gem', + ('gil', 'en'): 'Helsinki-NLP/opus-mt-gil-en', ('gil', 'es'): 'Helsinki-NLP/opus-mt-gil-es', + ('gil', 'fi'): 'Helsinki-NLP/opus-mt-gil-fi', ('gil', 'fr'): 'Helsinki-NLP/opus-mt-gil-fr', + ('gil', 'sv'): 'Helsinki-NLP/opus-mt-gil-sv', ('gl', 'en'): 'Helsinki-NLP/opus-mt-gl-en', + ('gl', 'es'): 'Helsinki-NLP/opus-mt-gl-es', ('gl', 'pt'): 'Helsinki-NLP/opus-mt-gl-pt', + ('gmq', 'en'): 'Helsinki-NLP/opus-mt-gmq-en', ('gmq', 'gmq'): 'Helsinki-NLP/opus-mt-gmq-gmq', + ('gmw', 'en'): 'Helsinki-NLP/opus-mt-gmw-en', ('gmw', 'gmw'): 'Helsinki-NLP/opus-mt-gmw-gmw', + ('grk', 'en'): 'Helsinki-NLP/opus-mt-grk-en', ('guw', 'de'): 'Helsinki-NLP/opus-mt-guw-de', + ('guw', 'en'): 'Helsinki-NLP/opus-mt-guw-en', ('guw', 'es'): 'Helsinki-NLP/opus-mt-guw-es', + ('guw', 'fi'): 'Helsinki-NLP/opus-mt-guw-fi', ('guw', 'fr'): 'Helsinki-NLP/opus-mt-guw-fr', + ('guw', 'sv'): 'Helsinki-NLP/opus-mt-guw-sv', ('gv', 'en'): 'Helsinki-NLP/opus-mt-gv-en', + ('ha', 'en'): 'Helsinki-NLP/opus-mt-ha-en', ('ha', 'es'): 'Helsinki-NLP/opus-mt-ha-es', + ('ha', 'fi'): 'Helsinki-NLP/opus-mt-ha-fi', ('ha', 'fr'): 'Helsinki-NLP/opus-mt-ha-fr', + ('ha', 'sv'): 'Helsinki-NLP/opus-mt-ha-sv', ('he', 'ar'): 'Helsinki-NLP/opus-mt-he-ar', + ('he', 'de'): 'Helsinki-NLP/opus-mt-he-de', ('he', 'eo'): 'Helsinki-NLP/opus-mt-he-eo', + ('he', 'es'): 'Helsinki-NLP/opus-mt-he-es', ('he', 'fi'): 'Helsinki-NLP/opus-mt-he-fi', + ('he', 'fr'): 'Helsinki-NLP/opus-mt-he-fr', ('he', 'it'): 'Helsinki-NLP/opus-mt-he-it', + ('he', 'ru'): 'Helsinki-NLP/opus-mt-he-ru', ('he', 'sv'): 'Helsinki-NLP/opus-mt-he-sv', + ('he', 'uk'): 'Helsinki-NLP/opus-mt-he-uk', ('hi', 'en'): 'Helsinki-NLP/opus-mt-hi-en', + ('hi', 'ur'): 'Helsinki-NLP/opus-mt-hi-ur', ('hil', 'de'): 'Helsinki-NLP/opus-mt-hil-de', + ('hil', 'en'): 'Helsinki-NLP/opus-mt-hil-en', ('hil', 'fi'): 'Helsinki-NLP/opus-mt-hil-fi', + ('ho', 'en'): 'Helsinki-NLP/opus-mt-ho-en', ('hr', 'es'): 'Helsinki-NLP/opus-mt-hr-es', + ('hr', 'fi'): 'Helsinki-NLP/opus-mt-hr-fi', ('hr', 'fr'): 'Helsinki-NLP/opus-mt-hr-fr', + ('hr', 'sv'): 'Helsinki-NLP/opus-mt-hr-sv', ('ht', 'en'): 'Helsinki-NLP/opus-mt-ht-en', + ('ht', 'es'): 'Helsinki-NLP/opus-mt-ht-es', ('ht', 'fi'): 'Helsinki-NLP/opus-mt-ht-fi', + ('ht', 'fr'): 'Helsinki-NLP/opus-mt-ht-fr', ('ht', 'sv'): 'Helsinki-NLP/opus-mt-ht-sv', + ('hu', 'de'): 'Helsinki-NLP/opus-mt-hu-de', ('hu', 'en'): 'Helsinki-NLP/opus-mt-hu-en', + ('hu', 'eo'): 'Helsinki-NLP/opus-mt-hu-eo', ('hu', 'fi'): 'Helsinki-NLP/opus-mt-hu-fi', + ('hu', 'fr'): 'Helsinki-NLP/opus-mt-hu-fr', ('hu', 'sv'): 'Helsinki-NLP/opus-mt-hu-sv', + ('hu', 'uk'): 'Helsinki-NLP/opus-mt-hu-uk', ('hy', 'en'): 'Helsinki-NLP/opus-mt-hy-en', + ('hy', 'ru'): 'Helsinki-NLP/opus-mt-hy-ru', ('id', 'en'): 'Helsinki-NLP/opus-mt-id-en', + ('id', 'es'): 'Helsinki-NLP/opus-mt-id-es', ('id', 'fi'): 'Helsinki-NLP/opus-mt-id-fi', + ('id', 'fr'): 'Helsinki-NLP/opus-mt-id-fr', ('id', 'sv'): 'Helsinki-NLP/opus-mt-id-sv', + ('ig', 'de'): 'Helsinki-NLP/opus-mt-ig-de', ('ig', 'en'): 'Helsinki-NLP/opus-mt-ig-en', + ('ig', 'es'): 'Helsinki-NLP/opus-mt-ig-es', ('ig', 'fi'): 'Helsinki-NLP/opus-mt-ig-fi', + ('ig', 'fr'): 'Helsinki-NLP/opus-mt-ig-fr', ('ig', 'sv'): 'Helsinki-NLP/opus-mt-ig-sv', + ('iir', 'en'): 'Helsinki-NLP/opus-mt-iir-en', ('iir', 'iir'): 'Helsinki-NLP/opus-mt-iir-iir', + ('ilo', 'de'): 'Helsinki-NLP/opus-mt-ilo-de', ('ilo', 'en'): 'Helsinki-NLP/opus-mt-ilo-en', + ('ilo', 'es'): 'Helsinki-NLP/opus-mt-ilo-es', ('ilo', 'fi'): 'Helsinki-NLP/opus-mt-ilo-fi', + ('ilo', 'sv'): 'Helsinki-NLP/opus-mt-ilo-sv', ('inc', 'en'): 'Helsinki-NLP/opus-mt-inc-en', + ('inc', 'inc'): 'Helsinki-NLP/opus-mt-inc-inc', ('ine', 'en'): 'Helsinki-NLP/opus-mt-ine-en', + ('ine', 'ine'): 'Helsinki-NLP/opus-mt-ine-ine', ('is', 'de'): 'Helsinki-NLP/opus-mt-is-de', + ('is', 'en'): 'Helsinki-NLP/opus-mt-is-en', ('is', 'eo'): 'Helsinki-NLP/opus-mt-is-eo', + ('is', 'es'): 'Helsinki-NLP/opus-mt-is-es', ('is', 'fi'): 'Helsinki-NLP/opus-mt-is-fi', + ('is', 'fr'): 'Helsinki-NLP/opus-mt-is-fr', ('is', 'it'): 'Helsinki-NLP/opus-mt-is-it', + ('is', 'sv'): 'Helsinki-NLP/opus-mt-is-sv', ('iso', 'en'): 'Helsinki-NLP/opus-mt-iso-en', + ('iso', 'es'): 'Helsinki-NLP/opus-mt-iso-es', ('iso', 'fi'): 'Helsinki-NLP/opus-mt-iso-fi', + ('iso', 'fr'): 'Helsinki-NLP/opus-mt-iso-fr', ('iso', 'sv'): 'Helsinki-NLP/opus-mt-iso-sv', + ('it', 'ar'): 'Helsinki-NLP/opus-mt-it-ar', ('it', 'bg'): 'Helsinki-NLP/opus-mt-it-bg', + ('it', 'ca'): 'Helsinki-NLP/opus-mt-it-ca', ('it', 'de'): 'Helsinki-NLP/opus-mt-it-de', + ('it', 'en'): 'Helsinki-NLP/opus-mt-it-en', ('it', 'eo'): 'Helsinki-NLP/opus-mt-it-eo', + ('it', 'es'): 'Helsinki-NLP/opus-mt-it-es', ('it', 'fr'): 'Helsinki-NLP/opus-mt-it-fr', + ('it', 'is'): 'Helsinki-NLP/opus-mt-it-is', ('it', 'lt'): 'Helsinki-NLP/opus-mt-it-lt', + ('it', 'ms'): 'Helsinki-NLP/opus-mt-it-ms', ('it', 'sv'): 'Helsinki-NLP/opus-mt-it-sv', + ('it', 'uk'): 'Helsinki-NLP/opus-mt-it-uk', ('it', 'vi'): 'Helsinki-NLP/opus-mt-it-vi', + ('itc', 'en'): 'Helsinki-NLP/opus-mt-itc-en', ('itc', 'itc'): 'Helsinki-NLP/opus-mt-itc-itc', + ('ja', 'ar'): 'Helsinki-NLP/opus-mt-ja-ar', ('ja', 'bg'): 'Helsinki-NLP/opus-mt-ja-bg', + ('ja', 'da'): 'Helsinki-NLP/opus-mt-ja-da', ('ja', 'de'): 'Helsinki-NLP/opus-mt-ja-de', + ('ja', 'en'): 'Helsinki-NLP/opus-mt-ja-en', ('ja', 'es'): 'Helsinki-NLP/opus-mt-ja-es', + ('ja', 'fi'): 'Helsinki-NLP/opus-mt-ja-fi', ('ja', 'fr'): 'Helsinki-NLP/opus-mt-ja-fr', + ('ja', 'he'): 'Helsinki-NLP/opus-mt-ja-he', ('ja', 'hu'): 'Helsinki-NLP/opus-mt-ja-hu', + ('ja', 'it'): 'Helsinki-NLP/opus-mt-ja-it', ('ja', 'ms'): 'Helsinki-NLP/opus-mt-ja-ms', + ('ja', 'nl'): 'Helsinki-NLP/opus-mt-ja-nl', ('ja', 'pl'): 'Helsinki-NLP/opus-mt-ja-pl', + ('ja', 'pt'): 'Helsinki-NLP/opus-mt-ja-pt', ('ja', 'ru'): 'Helsinki-NLP/opus-mt-ja-ru', + ('ja', 'sh'): 'Helsinki-NLP/opus-mt-ja-sh', ('ja', 'sv'): 'Helsinki-NLP/opus-mt-ja-sv', + ('ja', 'tr'): 'Helsinki-NLP/opus-mt-ja-tr', ('ja', 'vi'): 'Helsinki-NLP/opus-mt-ja-vi', + ('jap', 'en'): 'Helsinki-NLP/opus-mt-jap-en', ('ka', 'en'): 'Helsinki-NLP/opus-mt-ka-en', + ('ka', 'ru'): 'Helsinki-NLP/opus-mt-ka-ru', ('kab', 'en'): 'Helsinki-NLP/opus-mt-kab-en', + ('kg', 'en'): 'Helsinki-NLP/opus-mt-kg-en', ('kg', 'es'): 'Helsinki-NLP/opus-mt-kg-es', + ('kg', 'fr'): 'Helsinki-NLP/opus-mt-kg-fr', ('kg', 'sv'): 'Helsinki-NLP/opus-mt-kg-sv', + ('kj', 'en'): 'Helsinki-NLP/opus-mt-kj-en', ('kl', 'en'): 'Helsinki-NLP/opus-mt-kl-en', + ('ko', 'de'): 'Helsinki-NLP/opus-mt-ko-de', ('ko', 'en'): 'Helsinki-NLP/opus-mt-ko-en', + ('ko', 'es'): 'Helsinki-NLP/opus-mt-ko-es', ('ko', 'fi'): 'Helsinki-NLP/opus-mt-ko-fi', + ('ko', 'fr'): 'Helsinki-NLP/opus-mt-ko-fr', ('ko', 'hu'): 'Helsinki-NLP/opus-mt-ko-hu', + ('ko', 'ru'): 'Helsinki-NLP/opus-mt-ko-ru', ('ko', 'sv'): 'Helsinki-NLP/opus-mt-ko-sv', + ('kqn', 'en'): 'Helsinki-NLP/opus-mt-kqn-en', ('kqn', 'es'): 'Helsinki-NLP/opus-mt-kqn-es', + ('kqn', 'fr'): 'Helsinki-NLP/opus-mt-kqn-fr', ('kqn', 'sv'): 'Helsinki-NLP/opus-mt-kqn-sv', + ('kwn', 'en'): 'Helsinki-NLP/opus-mt-kwn-en', ('kwy', 'en'): 'Helsinki-NLP/opus-mt-kwy-en', + ('kwy', 'fr'): 'Helsinki-NLP/opus-mt-kwy-fr', ('kwy', 'sv'): 'Helsinki-NLP/opus-mt-kwy-sv', + ('lg', 'en'): 'Helsinki-NLP/opus-mt-lg-en', ('lg', 'es'): 'Helsinki-NLP/opus-mt-lg-es', + ('lg', 'fi'): 'Helsinki-NLP/opus-mt-lg-fi', ('lg', 'fr'): 'Helsinki-NLP/opus-mt-lg-fr', + ('lg', 'sv'): 'Helsinki-NLP/opus-mt-lg-sv', ('ln', 'de'): 'Helsinki-NLP/opus-mt-ln-de', + ('ln', 'en'): 'Helsinki-NLP/opus-mt-ln-en', ('ln', 'es'): 'Helsinki-NLP/opus-mt-ln-es', + ('ln', 'fr'): 'Helsinki-NLP/opus-mt-ln-fr', ('loz', 'de'): 'Helsinki-NLP/opus-mt-loz-de', + ('loz', 'en'): 'Helsinki-NLP/opus-mt-loz-en', ('loz', 'es'): 'Helsinki-NLP/opus-mt-loz-es', + ('loz', 'fi'): 'Helsinki-NLP/opus-mt-loz-fi', ('loz', 'fr'): 'Helsinki-NLP/opus-mt-loz-fr', + ('loz', 'sv'): 'Helsinki-NLP/opus-mt-loz-sv', ('lt', 'de'): 'Helsinki-NLP/opus-mt-lt-de', + ('lt', 'eo'): 'Helsinki-NLP/opus-mt-lt-eo', ('lt', 'es'): 'Helsinki-NLP/opus-mt-lt-es', + ('lt', 'fr'): 'Helsinki-NLP/opus-mt-lt-fr', ('lt', 'it'): 'Helsinki-NLP/opus-mt-lt-it', + ('lt', 'pl'): 'Helsinki-NLP/opus-mt-lt-pl', ('lt', 'ru'): 'Helsinki-NLP/opus-mt-lt-ru', + ('lt', 'sv'): 'Helsinki-NLP/opus-mt-lt-sv', ('lt', 'tr'): 'Helsinki-NLP/opus-mt-lt-tr', + ('lu', 'en'): 'Helsinki-NLP/opus-mt-lu-en', ('lu', 'es'): 'Helsinki-NLP/opus-mt-lu-es', + ('lu', 'fi'): 'Helsinki-NLP/opus-mt-lu-fi', ('lu', 'fr'): 'Helsinki-NLP/opus-mt-lu-fr', + ('lu', 'sv'): 'Helsinki-NLP/opus-mt-lu-sv', ('lua', 'en'): 'Helsinki-NLP/opus-mt-lua-en', + ('lua', 'es'): 'Helsinki-NLP/opus-mt-lua-es', ('lua', 'fi'): 'Helsinki-NLP/opus-mt-lua-fi', + ('lua', 'fr'): 'Helsinki-NLP/opus-mt-lua-fr', ('lua', 'sv'): 'Helsinki-NLP/opus-mt-lua-sv', + ('lue', 'en'): 'Helsinki-NLP/opus-mt-lue-en', ('lue', 'es'): 'Helsinki-NLP/opus-mt-lue-es', + ('lue', 'fi'): 'Helsinki-NLP/opus-mt-lue-fi', ('lue', 'fr'): 'Helsinki-NLP/opus-mt-lue-fr', + ('lue', 'sv'): 'Helsinki-NLP/opus-mt-lue-sv', ('lun', 'en'): 'Helsinki-NLP/opus-mt-lun-en', + ('luo', 'en'): 'Helsinki-NLP/opus-mt-luo-en', ('lus', 'en'): 'Helsinki-NLP/opus-mt-lus-en', + ('lus', 'es'): 'Helsinki-NLP/opus-mt-lus-es', ('lus', 'fi'): 'Helsinki-NLP/opus-mt-lus-fi', + ('lus', 'fr'): 'Helsinki-NLP/opus-mt-lus-fr', ('lus', 'sv'): 'Helsinki-NLP/opus-mt-lus-sv', + ('lv', 'en'): 'Helsinki-NLP/opus-mt-lv-en', ('lv', 'es'): 'Helsinki-NLP/opus-mt-lv-es', + ('lv', 'fi'): 'Helsinki-NLP/opus-mt-lv-fi', ('lv', 'fr'): 'Helsinki-NLP/opus-mt-lv-fr', + ('lv', 'ru'): 'Helsinki-NLP/opus-mt-lv-ru', ('lv', 'sv'): 'Helsinki-NLP/opus-mt-lv-sv', + ('mfe', 'en'): 'Helsinki-NLP/opus-mt-mfe-en', ('mfe', 'es'): 'Helsinki-NLP/opus-mt-mfe-es', + ('mfs', 'es'): 'Helsinki-NLP/opus-mt-mfs-es', ('mg', 'en'): 'Helsinki-NLP/opus-mt-mg-en', + ('mg', 'es'): 'Helsinki-NLP/opus-mt-mg-es', ('mh', 'en'): 'Helsinki-NLP/opus-mt-mh-en', + ('mh', 'es'): 'Helsinki-NLP/opus-mt-mh-es', ('mh', 'fi'): 'Helsinki-NLP/opus-mt-mh-fi', + ('mk', 'en'): 'Helsinki-NLP/opus-mt-mk-en', ('mk', 'es'): 'Helsinki-NLP/opus-mt-mk-es', + ('mk', 'fi'): 'Helsinki-NLP/opus-mt-mk-fi', ('mk', 'fr'): 'Helsinki-NLP/opus-mt-mk-fr', + ('mkh', 'en'): 'Helsinki-NLP/opus-mt-mkh-en', ('ml', 'en'): 'Helsinki-NLP/opus-mt-ml-en', + ('mos', 'en'): 'Helsinki-NLP/opus-mt-mos-en', ('mr', 'en'): 'Helsinki-NLP/opus-mt-mr-en', + ('ms', 'de'): 'Helsinki-NLP/opus-mt-ms-de', ('ms', 'fr'): 'Helsinki-NLP/opus-mt-ms-fr', + ('ms', 'it'): 'Helsinki-NLP/opus-mt-ms-it', ('ms', 'ms'): 'Helsinki-NLP/opus-mt-ms-ms', + ('mt', 'en'): 'Helsinki-NLP/opus-mt-mt-en', ('mt', 'es'): 'Helsinki-NLP/opus-mt-mt-es', + ('mt', 'fi'): 'Helsinki-NLP/opus-mt-mt-fi', ('mt', 'fr'): 'Helsinki-NLP/opus-mt-mt-fr', + ('mt', 'sv'): 'Helsinki-NLP/opus-mt-mt-sv', ('mul', 'en'): 'Helsinki-NLP/opus-mt-mul-en', + ('ng', 'en'): 'Helsinki-NLP/opus-mt-ng-en', ('nic', 'en'): 'Helsinki-NLP/opus-mt-nic-en', + ('niu', 'de'): 'Helsinki-NLP/opus-mt-niu-de', ('niu', 'en'): 'Helsinki-NLP/opus-mt-niu-en', + ('niu', 'es'): 'Helsinki-NLP/opus-mt-niu-es', ('niu', 'fi'): 'Helsinki-NLP/opus-mt-niu-fi', + ('niu', 'fr'): 'Helsinki-NLP/opus-mt-niu-fr', ('niu', 'sv'): 'Helsinki-NLP/opus-mt-niu-sv', + ('nl', 'af'): 'Helsinki-NLP/opus-mt-nl-af', ('nl', 'ca'): 'Helsinki-NLP/opus-mt-nl-ca', + ('nl', 'en'): 'Helsinki-NLP/opus-mt-nl-en', ('nl', 'eo'): 'Helsinki-NLP/opus-mt-nl-eo', + ('nl', 'es'): 'Helsinki-NLP/opus-mt-nl-es', ('nl', 'fi'): 'Helsinki-NLP/opus-mt-nl-fi', + ('nl', 'fr'): 'Helsinki-NLP/opus-mt-nl-fr', ('nl', 'no'): 'Helsinki-NLP/opus-mt-nl-no', + ('nl', 'sv'): 'Helsinki-NLP/opus-mt-nl-sv', ('nl', 'uk'): 'Helsinki-NLP/opus-mt-nl-uk', + ('no', 'da'): 'Helsinki-NLP/opus-mt-no-da', ('no', 'de'): 'Helsinki-NLP/opus-mt-no-de', + ('no', 'es'): 'Helsinki-NLP/opus-mt-no-es', ('no', 'fi'): 'Helsinki-NLP/opus-mt-no-fi', + ('no', 'fr'): 'Helsinki-NLP/opus-mt-no-fr', ('no', 'nl'): 'Helsinki-NLP/opus-mt-no-nl', + ('no', 'no'): 'Helsinki-NLP/opus-mt-no-no', ('no', 'pl'): 'Helsinki-NLP/opus-mt-no-pl', + ('no', 'ru'): 'Helsinki-NLP/opus-mt-no-ru', ('no', 'sv'): 'Helsinki-NLP/opus-mt-no-sv', + ('no', 'uk'): 'Helsinki-NLP/opus-mt-no-uk', ('nso', 'de'): 'Helsinki-NLP/opus-mt-nso-de', + ('nso', 'en'): 'Helsinki-NLP/opus-mt-nso-en', ('nso', 'es'): 'Helsinki-NLP/opus-mt-nso-es', + ('nso', 'fi'): 'Helsinki-NLP/opus-mt-nso-fi', ('nso', 'fr'): 'Helsinki-NLP/opus-mt-nso-fr', + ('nso', 'sv'): 'Helsinki-NLP/opus-mt-nso-sv', ('ny', 'de'): 'Helsinki-NLP/opus-mt-ny-de', + ('ny', 'en'): 'Helsinki-NLP/opus-mt-ny-en', ('ny', 'es'): 'Helsinki-NLP/opus-mt-ny-es', + ('nyk', 'en'): 'Helsinki-NLP/opus-mt-nyk-en', ('om', 'en'): 'Helsinki-NLP/opus-mt-om-en', + ('pa', 'en'): 'Helsinki-NLP/opus-mt-pa-en', ('pag', 'de'): 'Helsinki-NLP/opus-mt-pag-de', + ('pag', 'en'): 'Helsinki-NLP/opus-mt-pag-en', ('pag', 'es'): 'Helsinki-NLP/opus-mt-pag-es', + ('pag', 'fi'): 'Helsinki-NLP/opus-mt-pag-fi', ('pag', 'sv'): 'Helsinki-NLP/opus-mt-pag-sv', + ('pap', 'de'): 'Helsinki-NLP/opus-mt-pap-de', ('pap', 'en'): 'Helsinki-NLP/opus-mt-pap-en', + ('pap', 'es'): 'Helsinki-NLP/opus-mt-pap-es', ('pap', 'fi'): 'Helsinki-NLP/opus-mt-pap-fi', + ('pap', 'fr'): 'Helsinki-NLP/opus-mt-pap-fr', ('phi', 'en'): 'Helsinki-NLP/opus-mt-phi-en', + ('pis', 'en'): 'Helsinki-NLP/opus-mt-pis-en', ('pis', 'es'): 'Helsinki-NLP/opus-mt-pis-es', + ('pis', 'fi'): 'Helsinki-NLP/opus-mt-pis-fi', ('pis', 'fr'): 'Helsinki-NLP/opus-mt-pis-fr', + ('pis', 'sv'): 'Helsinki-NLP/opus-mt-pis-sv', ('pl', 'ar'): 'Helsinki-NLP/opus-mt-pl-ar', + ('pl', 'de'): 'Helsinki-NLP/opus-mt-pl-de', ('pl', 'en'): 'Helsinki-NLP/opus-mt-pl-en', + ('pl', 'eo'): 'Helsinki-NLP/opus-mt-pl-eo', ('pl', 'es'): 'Helsinki-NLP/opus-mt-pl-es', + ('pl', 'fr'): 'Helsinki-NLP/opus-mt-pl-fr', ('pl', 'lt'): 'Helsinki-NLP/opus-mt-pl-lt', + ('pl', 'no'): 'Helsinki-NLP/opus-mt-pl-no', ('pl', 'sv'): 'Helsinki-NLP/opus-mt-pl-sv', + ('pl', 'uk'): 'Helsinki-NLP/opus-mt-pl-uk', ('pon', 'en'): 'Helsinki-NLP/opus-mt-pon-en', + ('pon', 'es'): 'Helsinki-NLP/opus-mt-pon-es', ('pon', 'fi'): 'Helsinki-NLP/opus-mt-pon-fi', + ('pon', 'fr'): 'Helsinki-NLP/opus-mt-pon-fr', ('pon', 'sv'): 'Helsinki-NLP/opus-mt-pon-sv', + ('pqe', 'en'): 'Helsinki-NLP/opus-mt-pqe-en', ('prl', 'es'): 'Helsinki-NLP/opus-mt-prl-es', + ('pt', 'ca'): 'Helsinki-NLP/opus-mt-pt-ca', ('pt', 'eo'): 'Helsinki-NLP/opus-mt-pt-eo', + ('pt', 'gl'): 'Helsinki-NLP/opus-mt-pt-gl', ('pt', 'tl'): 'Helsinki-NLP/opus-mt-pt-tl', + ('pt', 'uk'): 'Helsinki-NLP/opus-mt-pt-uk', ('rn', 'de'): 'Helsinki-NLP/opus-mt-rn-de', + ('rn', 'en'): 'Helsinki-NLP/opus-mt-rn-en', ('rn', 'es'): 'Helsinki-NLP/opus-mt-rn-es', + ('rn', 'fr'): 'Helsinki-NLP/opus-mt-rn-fr', ('rn', 'ru'): 'Helsinki-NLP/opus-mt-rn-ru', + ('rnd', 'en'): 'Helsinki-NLP/opus-mt-rnd-en', ('rnd', 'fr'): 'Helsinki-NLP/opus-mt-rnd-fr', + ('rnd', 'sv'): 'Helsinki-NLP/opus-mt-rnd-sv', ('ro', 'eo'): 'Helsinki-NLP/opus-mt-ro-eo', + ('ro', 'fi'): 'Helsinki-NLP/opus-mt-ro-fi', ('ro', 'fr'): 'Helsinki-NLP/opus-mt-ro-fr', + ('ro', 'sv'): 'Helsinki-NLP/opus-mt-ro-sv', ('roa', 'en'): 'Helsinki-NLP/opus-mt-roa-en', + ('ru', 'af'): 'Helsinki-NLP/opus-mt-ru-af', ('ru', 'ar'): 'Helsinki-NLP/opus-mt-ru-ar', + ('ru', 'bg'): 'Helsinki-NLP/opus-mt-ru-bg', ('ru', 'da'): 'Helsinki-NLP/opus-mt-ru-da', + ('ru', 'en'): 'Helsinki-NLP/opus-mt-ru-en', ('ru', 'eo'): 'Helsinki-NLP/opus-mt-ru-eo', + ('ru', 'es'): 'Helsinki-NLP/opus-mt-ru-es', ('ru', 'et'): 'Helsinki-NLP/opus-mt-ru-et', + ('ru', 'eu'): 'Helsinki-NLP/opus-mt-ru-eu', ('ru', 'fi'): 'Helsinki-NLP/opus-mt-ru-fi', + ('ru', 'fr'): 'Helsinki-NLP/opus-mt-ru-fr', ('ru', 'he'): 'Helsinki-NLP/opus-mt-ru-he', + ('ru', 'hy'): 'Helsinki-NLP/opus-mt-ru-hy', ('ru', 'lt'): 'Helsinki-NLP/opus-mt-ru-lt', + ('ru', 'lv'): 'Helsinki-NLP/opus-mt-ru-lv', ('ru', 'no'): 'Helsinki-NLP/opus-mt-ru-no', + ('ru', 'sl'): 'Helsinki-NLP/opus-mt-ru-sl', ('ru', 'sv'): 'Helsinki-NLP/opus-mt-ru-sv', + ('ru', 'uk'): 'Helsinki-NLP/opus-mt-ru-uk', ('ru', 'vi'): 'Helsinki-NLP/opus-mt-ru-vi', + ('run', 'en'): 'Helsinki-NLP/opus-mt-run-en', ('run', 'es'): 'Helsinki-NLP/opus-mt-run-es', + ('run', 'sv'): 'Helsinki-NLP/opus-mt-run-sv', ('rw', 'en'): 'Helsinki-NLP/opus-mt-rw-en', + ('rw', 'es'): 'Helsinki-NLP/opus-mt-rw-es', ('rw', 'fr'): 'Helsinki-NLP/opus-mt-rw-fr', + ('rw', 'sv'): 'Helsinki-NLP/opus-mt-rw-sv', ('sal', 'en'): 'Helsinki-NLP/opus-mt-sal-en', + ('sem', 'en'): 'Helsinki-NLP/opus-mt-sem-en', ('sem', 'sem'): 'Helsinki-NLP/opus-mt-sem-sem', + ('sg', 'en'): 'Helsinki-NLP/opus-mt-sg-en', ('sg', 'es'): 'Helsinki-NLP/opus-mt-sg-es', + ('sg', 'fi'): 'Helsinki-NLP/opus-mt-sg-fi', ('sg', 'fr'): 'Helsinki-NLP/opus-mt-sg-fr', + ('sg', 'sv'): 'Helsinki-NLP/opus-mt-sg-sv', ('sh', 'eo'): 'Helsinki-NLP/opus-mt-sh-eo', + ('sh', 'uk'): 'Helsinki-NLP/opus-mt-sh-uk', ('sk', 'en'): 'Helsinki-NLP/opus-mt-sk-en', + ('sk', 'es'): 'Helsinki-NLP/opus-mt-sk-es', ('sk', 'fi'): 'Helsinki-NLP/opus-mt-sk-fi', + ('sk', 'fr'): 'Helsinki-NLP/opus-mt-sk-fr', ('sk', 'sv'): 'Helsinki-NLP/opus-mt-sk-sv', + ('sl', 'es'): 'Helsinki-NLP/opus-mt-sl-es', ('sl', 'fi'): 'Helsinki-NLP/opus-mt-sl-fi', + ('sl', 'fr'): 'Helsinki-NLP/opus-mt-sl-fr', ('sl', 'ru'): 'Helsinki-NLP/opus-mt-sl-ru', + ('sl', 'sv'): 'Helsinki-NLP/opus-mt-sl-sv', ('sl', 'uk'): 'Helsinki-NLP/opus-mt-sl-uk', + ('sla', 'en'): 'Helsinki-NLP/opus-mt-sla-en', ('sla', 'sla'): 'Helsinki-NLP/opus-mt-sla-sla', + ('sm', 'en'): 'Helsinki-NLP/opus-mt-sm-en', ('sm', 'es'): 'Helsinki-NLP/opus-mt-sm-es', + ('sm', 'fr'): 'Helsinki-NLP/opus-mt-sm-fr', ('sn', 'en'): 'Helsinki-NLP/opus-mt-sn-en', + ('sn', 'es'): 'Helsinki-NLP/opus-mt-sn-es', ('sn', 'fr'): 'Helsinki-NLP/opus-mt-sn-fr', + ('sn', 'sv'): 'Helsinki-NLP/opus-mt-sn-sv', ('sq', 'en'): 'Helsinki-NLP/opus-mt-sq-en', + ('sq', 'es'): 'Helsinki-NLP/opus-mt-sq-es', ('sq', 'sv'): 'Helsinki-NLP/opus-mt-sq-sv', + ('srn', 'en'): 'Helsinki-NLP/opus-mt-srn-en', ('srn', 'es'): 'Helsinki-NLP/opus-mt-srn-es', + ('srn', 'fr'): 'Helsinki-NLP/opus-mt-srn-fr', ('srn', 'sv'): 'Helsinki-NLP/opus-mt-srn-sv', + ('ss', 'en'): 'Helsinki-NLP/opus-mt-ss-en', ('ssp', 'es'): 'Helsinki-NLP/opus-mt-ssp-es', + ('st', 'en'): 'Helsinki-NLP/opus-mt-st-en', ('st', 'es'): 'Helsinki-NLP/opus-mt-st-es', + ('st', 'fi'): 'Helsinki-NLP/opus-mt-st-fi', ('st', 'fr'): 'Helsinki-NLP/opus-mt-st-fr', + ('st', 'sv'): 'Helsinki-NLP/opus-mt-st-sv', ('sv', 'NORWAY'): 'Helsinki-NLP/opus-mt-sv-NORWAY', + ('sv', 'ZH'): 'Helsinki-NLP/opus-mt-sv-ZH', ('sv', 'af'): 'Helsinki-NLP/opus-mt-sv-af', + ('sv', 'ase'): 'Helsinki-NLP/opus-mt-sv-ase', ('sv', 'bcl'): 'Helsinki-NLP/opus-mt-sv-bcl', + ('sv', 'bem'): 'Helsinki-NLP/opus-mt-sv-bem', ('sv', 'bg'): 'Helsinki-NLP/opus-mt-sv-bg', + ('sv', 'bi'): 'Helsinki-NLP/opus-mt-sv-bi', ('sv', 'bzs'): 'Helsinki-NLP/opus-mt-sv-bzs', + ('sv', 'ceb'): 'Helsinki-NLP/opus-mt-sv-ceb', ('sv', 'chk'): 'Helsinki-NLP/opus-mt-sv-chk', + ('sv', 'crs'): 'Helsinki-NLP/opus-mt-sv-crs', ('sv', 'cs'): 'Helsinki-NLP/opus-mt-sv-cs', + ('sv', 'ee'): 'Helsinki-NLP/opus-mt-sv-ee', ('sv', 'efi'): 'Helsinki-NLP/opus-mt-sv-efi', + ('sv', 'el'): 'Helsinki-NLP/opus-mt-sv-el', ('sv', 'en'): 'Helsinki-NLP/opus-mt-sv-en', + ('sv', 'eo'): 'Helsinki-NLP/opus-mt-sv-eo', ('sv', 'es'): 'Helsinki-NLP/opus-mt-sv-es', + ('sv', 'et'): 'Helsinki-NLP/opus-mt-sv-et', ('sv', 'fi'): 'Helsinki-NLP/opus-mt-sv-fi', + ('sv', 'fj'): 'Helsinki-NLP/opus-mt-sv-fj', ('sv', 'fr'): 'Helsinki-NLP/opus-mt-sv-fr', + ('sv', 'gaa'): 'Helsinki-NLP/opus-mt-sv-gaa', ('sv', 'gil'): 'Helsinki-NLP/opus-mt-sv-gil', + ('sv', 'guw'): 'Helsinki-NLP/opus-mt-sv-guw', ('sv', 'ha'): 'Helsinki-NLP/opus-mt-sv-ha', + ('sv', 'he'): 'Helsinki-NLP/opus-mt-sv-he', ('sv', 'hil'): 'Helsinki-NLP/opus-mt-sv-hil', + ('sv', 'ho'): 'Helsinki-NLP/opus-mt-sv-ho', ('sv', 'hr'): 'Helsinki-NLP/opus-mt-sv-hr', + ('sv', 'ht'): 'Helsinki-NLP/opus-mt-sv-ht', ('sv', 'hu'): 'Helsinki-NLP/opus-mt-sv-hu', + ('sv', 'id'): 'Helsinki-NLP/opus-mt-sv-id', ('sv', 'ig'): 'Helsinki-NLP/opus-mt-sv-ig', + ('sv', 'ilo'): 'Helsinki-NLP/opus-mt-sv-ilo', ('sv', 'is'): 'Helsinki-NLP/opus-mt-sv-is', + ('sv', 'iso'): 'Helsinki-NLP/opus-mt-sv-iso', ('sv', 'kg'): 'Helsinki-NLP/opus-mt-sv-kg', + ('sv', 'kqn'): 'Helsinki-NLP/opus-mt-sv-kqn', ('sv', 'kwy'): 'Helsinki-NLP/opus-mt-sv-kwy', + ('sv', 'lg'): 'Helsinki-NLP/opus-mt-sv-lg', ('sv', 'ln'): 'Helsinki-NLP/opus-mt-sv-ln', + ('sv', 'lu'): 'Helsinki-NLP/opus-mt-sv-lu', ('sv', 'lua'): 'Helsinki-NLP/opus-mt-sv-lua', + ('sv', 'lue'): 'Helsinki-NLP/opus-mt-sv-lue', ('sv', 'lus'): 'Helsinki-NLP/opus-mt-sv-lus', + ('sv', 'lv'): 'Helsinki-NLP/opus-mt-sv-lv', ('sv', 'mfe'): 'Helsinki-NLP/opus-mt-sv-mfe', + ('sv', 'mh'): 'Helsinki-NLP/opus-mt-sv-mh', ('sv', 'mos'): 'Helsinki-NLP/opus-mt-sv-mos', + ('sv', 'mt'): 'Helsinki-NLP/opus-mt-sv-mt', ('sv', 'niu'): 'Helsinki-NLP/opus-mt-sv-niu', + ('sv', 'nl'): 'Helsinki-NLP/opus-mt-sv-nl', ('sv', 'no'): 'Helsinki-NLP/opus-mt-sv-no', + ('sv', 'nso'): 'Helsinki-NLP/opus-mt-sv-nso', ('sv', 'ny'): 'Helsinki-NLP/opus-mt-sv-ny', + ('sv', 'pag'): 'Helsinki-NLP/opus-mt-sv-pag', ('sv', 'pap'): 'Helsinki-NLP/opus-mt-sv-pap', + ('sv', 'pis'): 'Helsinki-NLP/opus-mt-sv-pis', ('sv', 'pon'): 'Helsinki-NLP/opus-mt-sv-pon', + ('sv', 'rnd'): 'Helsinki-NLP/opus-mt-sv-rnd', ('sv', 'ro'): 'Helsinki-NLP/opus-mt-sv-ro', + ('sv', 'ru'): 'Helsinki-NLP/opus-mt-sv-ru', ('sv', 'run'): 'Helsinki-NLP/opus-mt-sv-run', + ('sv', 'rw'): 'Helsinki-NLP/opus-mt-sv-rw', ('sv', 'sg'): 'Helsinki-NLP/opus-mt-sv-sg', + ('sv', 'sk'): 'Helsinki-NLP/opus-mt-sv-sk', ('sv', 'sl'): 'Helsinki-NLP/opus-mt-sv-sl', + ('sv', 'sm'): 'Helsinki-NLP/opus-mt-sv-sm', ('sv', 'sn'): 'Helsinki-NLP/opus-mt-sv-sn', + ('sv', 'sq'): 'Helsinki-NLP/opus-mt-sv-sq', ('sv', 'srn'): 'Helsinki-NLP/opus-mt-sv-srn', + ('sv', 'st'): 'Helsinki-NLP/opus-mt-sv-st', ('sv', 'sv'): 'Helsinki-NLP/opus-mt-sv-sv', + ('sv', 'swc'): 'Helsinki-NLP/opus-mt-sv-swc', ('sv', 'th'): 'Helsinki-NLP/opus-mt-sv-th', + ('sv', 'tiv'): 'Helsinki-NLP/opus-mt-sv-tiv', ('sv', 'tll'): 'Helsinki-NLP/opus-mt-sv-tll', + ('sv', 'tn'): 'Helsinki-NLP/opus-mt-sv-tn', ('sv', 'to'): 'Helsinki-NLP/opus-mt-sv-to', + ('sv', 'toi'): 'Helsinki-NLP/opus-mt-sv-toi', ('sv', 'tpi'): 'Helsinki-NLP/opus-mt-sv-tpi', + ('sv', 'ts'): 'Helsinki-NLP/opus-mt-sv-ts', ('sv', 'tum'): 'Helsinki-NLP/opus-mt-sv-tum', + ('sv', 'tvl'): 'Helsinki-NLP/opus-mt-sv-tvl', ('sv', 'tw'): 'Helsinki-NLP/opus-mt-sv-tw', + ('sv', 'ty'): 'Helsinki-NLP/opus-mt-sv-ty', ('sv', 'uk'): 'Helsinki-NLP/opus-mt-sv-uk', + ('sv', 'umb'): 'Helsinki-NLP/opus-mt-sv-umb', ('sv', 've'): 'Helsinki-NLP/opus-mt-sv-ve', + ('sv', 'war'): 'Helsinki-NLP/opus-mt-sv-war', ('sv', 'wls'): 'Helsinki-NLP/opus-mt-sv-wls', + ('sv', 'xh'): 'Helsinki-NLP/opus-mt-sv-xh', ('sv', 'yap'): 'Helsinki-NLP/opus-mt-sv-yap', + ('sv', 'yo'): 'Helsinki-NLP/opus-mt-sv-yo', ('sv', 'zne'): 'Helsinki-NLP/opus-mt-sv-zne', + ('swc', 'en'): 'Helsinki-NLP/opus-mt-swc-en', ('swc', 'es'): 'Helsinki-NLP/opus-mt-swc-es', + ('swc', 'fi'): 'Helsinki-NLP/opus-mt-swc-fi', ('swc', 'fr'): 'Helsinki-NLP/opus-mt-swc-fr', + ('swc', 'sv'): 'Helsinki-NLP/opus-mt-swc-sv', ('taw', 'en'): 'Helsinki-NLP/opus-mt-taw-en', + ('th', 'en'): 'Helsinki-NLP/opus-mt-th-en', ('th', 'fr'): 'Helsinki-NLP/opus-mt-th-fr', + ('ti', 'en'): 'Helsinki-NLP/opus-mt-ti-en', ('tiv', 'en'): 'Helsinki-NLP/opus-mt-tiv-en', + ('tiv', 'fr'): 'Helsinki-NLP/opus-mt-tiv-fr', ('tiv', 'sv'): 'Helsinki-NLP/opus-mt-tiv-sv', + ('tl', 'de'): 'Helsinki-NLP/opus-mt-tl-de', ('tl', 'en'): 'Helsinki-NLP/opus-mt-tl-en', + ('tl', 'es'): 'Helsinki-NLP/opus-mt-tl-es', ('tl', 'pt'): 'Helsinki-NLP/opus-mt-tl-pt', + ('tll', 'en'): 'Helsinki-NLP/opus-mt-tll-en', ('tll', 'es'): 'Helsinki-NLP/opus-mt-tll-es', + ('tll', 'fi'): 'Helsinki-NLP/opus-mt-tll-fi', ('tll', 'fr'): 'Helsinki-NLP/opus-mt-tll-fr', + ('tll', 'sv'): 'Helsinki-NLP/opus-mt-tll-sv', ('tn', 'en'): 'Helsinki-NLP/opus-mt-tn-en', + ('tn', 'es'): 'Helsinki-NLP/opus-mt-tn-es', ('tn', 'fr'): 'Helsinki-NLP/opus-mt-tn-fr', + ('tn', 'sv'): 'Helsinki-NLP/opus-mt-tn-sv', ('to', 'en'): 'Helsinki-NLP/opus-mt-to-en', + ('to', 'es'): 'Helsinki-NLP/opus-mt-to-es', ('to', 'fr'): 'Helsinki-NLP/opus-mt-to-fr', + ('to', 'sv'): 'Helsinki-NLP/opus-mt-to-sv', ('toi', 'en'): 'Helsinki-NLP/opus-mt-toi-en', + ('toi', 'es'): 'Helsinki-NLP/opus-mt-toi-es', ('toi', 'fi'): 'Helsinki-NLP/opus-mt-toi-fi', + ('toi', 'fr'): 'Helsinki-NLP/opus-mt-toi-fr', ('toi', 'sv'): 'Helsinki-NLP/opus-mt-toi-sv', + ('tpi', 'en'): 'Helsinki-NLP/opus-mt-tpi-en', ('tpi', 'sv'): 'Helsinki-NLP/opus-mt-tpi-sv', + ('tr', 'ar'): 'Helsinki-NLP/opus-mt-tr-ar', ('tr', 'az'): 'Helsinki-NLP/opus-mt-tr-az', + ('tr', 'en'): 'Helsinki-NLP/opus-mt-tr-en', ('tr', 'eo'): 'Helsinki-NLP/opus-mt-tr-eo', + ('tr', 'es'): 'Helsinki-NLP/opus-mt-tr-es', ('tr', 'fr'): 'Helsinki-NLP/opus-mt-tr-fr', + ('tr', 'lt'): 'Helsinki-NLP/opus-mt-tr-lt', ('tr', 'sv'): 'Helsinki-NLP/opus-mt-tr-sv', + ('tr', 'uk'): 'Helsinki-NLP/opus-mt-tr-uk', ('trk', 'en'): 'Helsinki-NLP/opus-mt-trk-en', + ('ts', 'en'): 'Helsinki-NLP/opus-mt-ts-en', ('ts', 'es'): 'Helsinki-NLP/opus-mt-ts-es', + ('ts', 'fi'): 'Helsinki-NLP/opus-mt-ts-fi', ('ts', 'fr'): 'Helsinki-NLP/opus-mt-ts-fr', + ('ts', 'sv'): 'Helsinki-NLP/opus-mt-ts-sv', ('tum', 'en'): 'Helsinki-NLP/opus-mt-tum-en', + ('tum', 'es'): 'Helsinki-NLP/opus-mt-tum-es', ('tum', 'fr'): 'Helsinki-NLP/opus-mt-tum-fr', + ('tum', 'sv'): 'Helsinki-NLP/opus-mt-tum-sv', ('tvl', 'en'): 'Helsinki-NLP/opus-mt-tvl-en', + ('tvl', 'es'): 'Helsinki-NLP/opus-mt-tvl-es', ('tvl', 'fi'): 'Helsinki-NLP/opus-mt-tvl-fi', + ('tvl', 'fr'): 'Helsinki-NLP/opus-mt-tvl-fr', ('tvl', 'sv'): 'Helsinki-NLP/opus-mt-tvl-sv', + ('tw', 'es'): 'Helsinki-NLP/opus-mt-tw-es', ('tw', 'fi'): 'Helsinki-NLP/opus-mt-tw-fi', + ('tw', 'fr'): 'Helsinki-NLP/opus-mt-tw-fr', ('tw', 'sv'): 'Helsinki-NLP/opus-mt-tw-sv', + ('ty', 'es'): 'Helsinki-NLP/opus-mt-ty-es', ('ty', 'fi'): 'Helsinki-NLP/opus-mt-ty-fi', + ('ty', 'fr'): 'Helsinki-NLP/opus-mt-ty-fr', ('ty', 'sv'): 'Helsinki-NLP/opus-mt-ty-sv', + ('tzo', 'es'): 'Helsinki-NLP/opus-mt-tzo-es', ('uk', 'bg'): 'Helsinki-NLP/opus-mt-uk-bg', + ('uk', 'ca'): 'Helsinki-NLP/opus-mt-uk-ca', ('uk', 'cs'): 'Helsinki-NLP/opus-mt-uk-cs', + ('uk', 'de'): 'Helsinki-NLP/opus-mt-uk-de', ('uk', 'en'): 'Helsinki-NLP/opus-mt-uk-en', + ('uk', 'es'): 'Helsinki-NLP/opus-mt-uk-es', ('uk', 'fi'): 'Helsinki-NLP/opus-mt-uk-fi', + ('uk', 'fr'): 'Helsinki-NLP/opus-mt-uk-fr', ('uk', 'he'): 'Helsinki-NLP/opus-mt-uk-he', + ('uk', 'hu'): 'Helsinki-NLP/opus-mt-uk-hu', ('uk', 'it'): 'Helsinki-NLP/opus-mt-uk-it', + ('uk', 'nl'): 'Helsinki-NLP/opus-mt-uk-nl', ('uk', 'no'): 'Helsinki-NLP/opus-mt-uk-no', + ('uk', 'pl'): 'Helsinki-NLP/opus-mt-uk-pl', ('uk', 'pt'): 'Helsinki-NLP/opus-mt-uk-pt', + ('uk', 'ru'): 'Helsinki-NLP/opus-mt-uk-ru', ('uk', 'sh'): 'Helsinki-NLP/opus-mt-uk-sh', + ('uk', 'sl'): 'Helsinki-NLP/opus-mt-uk-sl', ('uk', 'sv'): 'Helsinki-NLP/opus-mt-uk-sv', + ('uk', 'tr'): 'Helsinki-NLP/opus-mt-uk-tr', ('umb', 'en'): 'Helsinki-NLP/opus-mt-umb-en', + ('ur', 'en'): 'Helsinki-NLP/opus-mt-ur-en', ('urj', 'en'): 'Helsinki-NLP/opus-mt-urj-en', + ('urj', 'urj'): 'Helsinki-NLP/opus-mt-urj-urj', ('ve', 'en'): 'Helsinki-NLP/opus-mt-ve-en', + ('ve', 'es'): 'Helsinki-NLP/opus-mt-ve-es', ('vi', 'de'): 'Helsinki-NLP/opus-mt-vi-de', + ('vi', 'en'): 'Helsinki-NLP/opus-mt-vi-en', ('vi', 'eo'): 'Helsinki-NLP/opus-mt-vi-eo', + ('vi', 'es'): 'Helsinki-NLP/opus-mt-vi-es', ('vi', 'fr'): 'Helsinki-NLP/opus-mt-vi-fr', + ('vi', 'it'): 'Helsinki-NLP/opus-mt-vi-it', ('vi', 'ru'): 'Helsinki-NLP/opus-mt-vi-ru', + ('vsl', 'es'): 'Helsinki-NLP/opus-mt-vsl-es', ('wa', 'en'): 'Helsinki-NLP/opus-mt-wa-en', + ('wal', 'en'): 'Helsinki-NLP/opus-mt-wal-en', ('war', 'en'): 'Helsinki-NLP/opus-mt-war-en', + ('war', 'es'): 'Helsinki-NLP/opus-mt-war-es', ('war', 'fi'): 'Helsinki-NLP/opus-mt-war-fi', + ('war', 'fr'): 'Helsinki-NLP/opus-mt-war-fr', ('war', 'sv'): 'Helsinki-NLP/opus-mt-war-sv', + ('wls', 'en'): 'Helsinki-NLP/opus-mt-wls-en', ('wls', 'fr'): 'Helsinki-NLP/opus-mt-wls-fr', + ('wls', 'sv'): 'Helsinki-NLP/opus-mt-wls-sv', ('xh', 'en'): 'Helsinki-NLP/opus-mt-xh-en', + ('xh', 'es'): 'Helsinki-NLP/opus-mt-xh-es', ('xh', 'fr'): 'Helsinki-NLP/opus-mt-xh-fr', + ('xh', 'sv'): 'Helsinki-NLP/opus-mt-xh-sv', ('yap', 'en'): 'Helsinki-NLP/opus-mt-yap-en', + ('yap', 'fr'): 'Helsinki-NLP/opus-mt-yap-fr', ('yap', 'sv'): 'Helsinki-NLP/opus-mt-yap-sv', + ('yo', 'en'): 'Helsinki-NLP/opus-mt-yo-en', ('yo', 'es'): 'Helsinki-NLP/opus-mt-yo-es', + ('yo', 'fi'): 'Helsinki-NLP/opus-mt-yo-fi', ('yo', 'fr'): 'Helsinki-NLP/opus-mt-yo-fr', + ('yo', 'sv'): 'Helsinki-NLP/opus-mt-yo-sv', ('zai', 'es'): 'Helsinki-NLP/opus-mt-zai-es', + ('zh', 'bg'): 'Helsinki-NLP/opus-mt-zh-bg', ('zh', 'de'): 'Helsinki-NLP/opus-mt-zh-de', + ('zh', 'en'): 'Helsinki-NLP/opus-mt-zh-en', ('zh', 'fi'): 'Helsinki-NLP/opus-mt-zh-fi', + ('zh', 'he'): 'Helsinki-NLP/opus-mt-zh-he', ('zh', 'it'): 'Helsinki-NLP/opus-mt-zh-it', + ('zh', 'ms'): 'Helsinki-NLP/opus-mt-zh-ms', ('zh', 'nl'): 'Helsinki-NLP/opus-mt-zh-nl', + ('zh', 'sv'): 'Helsinki-NLP/opus-mt-zh-sv', ('zh', 'uk'): 'Helsinki-NLP/opus-mt-zh-uk', + ('zh', 'vi'): 'Helsinki-NLP/opus-mt-zh-vi', ('zle', 'en'): 'Helsinki-NLP/opus-mt-zle-en', + ('zle', 'zle'): 'Helsinki-NLP/opus-mt-zle-zle', ('zls', 'en'): 'Helsinki-NLP/opus-mt-zls-en', + ('zls', 'zls'): 'Helsinki-NLP/opus-mt-zls-zls', ('zlw', 'en'): 'Helsinki-NLP/opus-mt-zlw-en', + ('zlw', 'fiu'): 'Helsinki-NLP/opus-mt-zlw-fiu', ('zlw', 'zlw'): 'Helsinki-NLP/opus-mt-zlw-zlw', + ('zne', 'es'): 'Helsinki-NLP/opus-mt-zne-es', ('zne', 'fi'): 'Helsinki-NLP/opus-mt-zne-fi', + ('zne', 'fr'): 'Helsinki-NLP/opus-mt-zne-fr', ('zne', 'sv'): 'Helsinki-NLP/opus-mt-zne-sv'} + +def remove_html_tags(text): + """Remove html tags from a string""" + clean = re.compile('<.*?>') + return re.sub(clean, '', text) + + +def camel_case_split(identifier): + matches = finditer('.+?(?:(?<=[a-z])(?=[A-Z])|(?<=[A-Z])(?=[A-Z][a-z])|$)', identifier) + return [m.group(0) for m in matches] + + +def stem(s): + s = s.replace(".", " ").replace("!", " ").replace("?", " ").replace(",", " ").replace("-", " ").replace(";", + " ").replace( + "'", " '").replace("\"", " \"") + sArr = s.lower().split() + if len(sArr) > 4: + sArr = sArr[:4] + s = " ".join([s1[:4] if len(s1) > 4 else s1 for s1 in sArr if s1.strip()]) + return s + + +def pre_translation_steps(infile, target_lang='hi'): + texts = [] + ner_mappings = [] + row_ids = [] + domains = [] + lbracket = "[" + rbracket = "]" + if target_lang in ('zh', 'ja', 'ko'): + lbracket = "[[" + rbracket = "]]" + + row_id = -1 + for s in tqdm(open(infile, "rb")): + s = s.decode().strip() + if not s: continue + dat = json.loads(s) + domain = dat['domain'] + ner = dat['ner'] + text = dat['text'] + if 'id' not in dat: + row_id += 1 + else: + row_id = int(dat['id']) + context = {} + ner_mapping = {} + seen = {} + text = "... " + text + " " + text = text.replace(lbracket, "(") + text = text.replace(rbracket, ")", ) + if person_swap: + _idx = 0 + for item in ner2: + if item[0] in seen: continue + seen[item[0]] = 1 + text = text.replace(item[0], + ' ' + str(_idx) + " " + lbracket + item[0] + rbracket) + ner_mapping[str(_idx) + " " + lbracket] = item + _idx += 1 + + texts.append(text) + ner_mappings.append(ner_mapping) + row_ids.append(row_id) + domains.append(domain) + return texts, ner_mappings, row_ids, domains + + +def chunks(lst, n): + """Generate batches""" + for i in range(0, len(lst), n): + yield lst[i: i + n] + + +def do_translations(texts, target_lang='hi'): + model = M2M100ForConditionalGeneration.from_pretrained("facebook/m2m100_418M") + tokenizer = M2M100Tokenizer.from_pretrained("facebook/m2m100_418M") + model = model.to('cuda').half() + translations = [] + for src_text_list in tqdm(chunks(texts, 16)): + batch = tokenizer(src_text_list, return_tensors="pt", padding=True, truncation=True).to('cuda') + gen = model.generate(**batch, forced_bos_token_id=tokenizer.get_lang_id(target_lang)) + outputs = tokenizer.batch_decode(gen, skip_special_tokens=True) + translations.extend(outputs) + return translations + + +def get_aligned_text(sent1, sent2, target_lang): + """ + Given two sentences, find blocks of text that match and that don't match. + return the blocks, and a matching score. + Used to extract NER from original language sentence. + TODO: prefer matching based on "[id] aaaa *" patterns + """ + if target_lang in ("ja", "ko", "zh"): + # splitting on spaces doesn't always work because some languages aren't space separated + sep = "" + else: + sep = " " + sent1 = sent1.split() + sent2 = sent2.split() + aMatch = difflib.SequenceMatcher(None,sent1, sent2) + score = aMatch.ratio() + blocks = aMatch.get_matching_blocks() + blocks2 = [] + prevEndA = 0 + prevEndB = 0 + matchLen = 0 + nonMatchLen = 0 + print (blocks) + for blockI in range(len(blocks)): + if blockI > 0 or (blockI==0 and (blocks[blockI][0] != 0 or blocks[blockI][1] != 0)): + blocks2.append([sep.join(sent1[prevEndA:blocks[blockI][0]]), sep.join(sent2[prevEndB:blocks[blockI][1]]), 0]) + nonMatchLen += max(blocks[blockI][0] - prevEndA, blocks[blockI][1] - prevEndB) + if blocks[blockI][2] != 0: + blocks2.append([sep.join(sent1[blocks[blockI][0]:blocks[blockI][0]+blocks[blockI][2]]), sep.join(sent2[blocks[blockI][1]:blocks[blockI][1]+blocks[blockI][2]]), 1]) + prevEndA = blocks[blockI][0]+blocks[blockI][2] + prevEndB = blocks[blockI][1]+blocks[blockI][2] + matchLen += blocks[blockI][2] + #score = float(matchLen+1)/float(nonMatchLen+1) + return (blocks2, score) + +def post_translation_steps(outfile, translations, original_sentences, ner_mappings, row_ids, domains, target_lang='hi'): + rbracket = "]" + if target_lang in ('zh', 'ja', 'ko'): + rbracket = "]]" + with open(outfile, "w", encoding="utf8") as o: + for original_text, trans_text in zip(original_sentences, translations): + index += 1 + ner_found = [] + trans_text = trans_text.lstrip(".") + trans_text = trans_text.strip() + if original_text: + trans_text = trans_text.replace(". [", " [").replace(".[", " [").replace(" ", " ") + for key, ner_item in ner_mappings[index].items(): + if key in trans_text: + ner_found[key] = ner_item[1] + elif key.replace(" ", "") in trans_text: + key = key.replace(" ", "") + ner_found[key] = ner_item[1] + if target_lang in ('zh', 'ja', 'ko'): + trans_text.replace(" ", "") + trans_text.strip('#.') + if ner_found: + (blocks2, score) = get_aligned_text(original_text, trans_text, target_lang) + #since we know what slots we are replacing, + #we can align with the original sentence in the original language, + #and then extract the original NER value, or a translated version of the new value. + for (s1, s2, matched) in blocks2: + s1 = s1.strip() + s2 = se2.strip() + if "[" in s2 or "]" in s2: + key = s2.split("[")[1].split("]")[0] + if key in ner_found and key != s1: + ner_found[s1] = ner_found[key] + del ner_found[key] + for key in ner_found.keys(): + if key not in oiriginal_text: + del ner_found[key] + ner_found = list(ner_found.items()) + j = {'text': original_text, 'ner': ner_found, 'domain': domains[index], + 'id': row_ids[index], + 'lang': target_lang} + o.write(json.dumps(j) + "\n") + +# basic idea is to do first a lexicon match, than a spacy match if any, and then do progressive groups of regex. +#TODO: for lang where there is no spacy model, translate to en, do ner in en, do back-trans, match for ner mapping and map to original sentence. +#TODO - do complicated rules, such as PERSON Inc. => ORG +#TODO - calculate fmeasure +#TODO - check for zh working properly +def apply_rules(infile, outfile, rule_base, target_lang, do_ontology_manager=True, do_spacy_if_avail=True, char_before_after_window=10): + nlp = None + if do_spacy_if_avail: + if target_lang == 'en': + nlp = spacy.load('en_core_web_lg') + elif target_lang == 'zh': + nlp = spacy.load('zh_core_web_lg') + elif target_lang == 'pt': + nlp = spacy.load('pt_core_news_lg') + elif target_lang == 'fr': + nlp = spacy.load('fr_core_news_lg') + elif target_lang == 'ca': + nlp = spacy.load('ca_core_news_lg') + if do_ontology_manager: + ontology_manager = OntologyManager(target_lang=target_lang) + else: + ontology_manager = None + right = {} + wrong = {} + with open(outfile, "w", encoding="utf8") as o: + for line in tqdm(open(infile, "rb")): + pred = [] #predicted regex rules ent:label + d = json.loads(line) + text = d['text'] + if not text: continue + predict_ner = d.get('predict_ner',{}) + if ontology_manager: + parsed = ontology_manager.tokenize(text) + cunk2ner = list(parsed['chunk2ner'].items()) + for c in cunk2ner: + key, val = c[0][0].replace(" ", "").replace("_", "").replace("_", "") if target_lang in ('zh', 'ja', 'ko') else c[0][0].replace("_", " ").replace("_", " "), c[1] + predict_ner[key] = val + if nlp: + doc = nlp(text) + entities = list(doc.ents) + ents = dict(list(set([(entity.text, entity.label_) for entity in entities if + entity.label_ in ('PERSON', 'GPE', 'ORG', 'NORP') and 'http:' not in entity.text]))) + for ent, label in ents.items(): + if ent in predict_ner and ('PERSON' if predict_ner[ent] == 'PUBLIC_FIGURE' else predict_ner[ent]) ==label: + #print ("matched") + continue + else: + #remove simple overlap + for key in list(predict_ner.keys()): + if " "+key in ent or key+" " in ent: # or " "+ent in key or ent+" " in key: + if predict_ner[key] == 'PUBLIC_FIGURE': + label = "PUBLIC_FIGURE" + del predict_ner[key] + predict_ner[ent] = label + rule_level = -1 + ner = d['ner'] # the human tagged data + for rule_groups, ntimes in rule_base: + rule_level += 1 + for times in range(ntimes): + rule_id = -1 + for label, regex, old_label, before, after in rule_groups: + rule_id += 1 + if old_label is None and times > 0: continue + for ent in regex.findall(text): + if type(ent) != str: continue + if old_label is not None and (ent not in predict_ner or predict_ner[ent] != old_label): continue + t = text + len_ent = len(ent) + while ent in t: + i = t.index(ent) + if before: + before_t[max(0, i-char_before_after_window): i] + if before not in before_t: + t = t[i + len_ent:] + continue + if after: + after_t[i+len_x: min(len_text, i+len_ent+char_before_after_window)] + if after not in after_t: + t = t[i + len_ent:] + continue + #remove simple overlap + for key in list(predict_ner.keys()): + if " "+key in ent or key+" " in ent:# or " "+ent in key or ent+" " in key: + del predict_ner[key] + pred.append((ent, label, rule_id, rule_level)) + predict_ner[ent] = label + break + d['predict_ner'] = list(predict_ner.items()) + o.write(json.dumps(d)+"\n") + for ent, label, rule_id, rule_level in list(set(pred)): + if ent not in ner or ner[ent] != label: + wrong[(ent, label, rule_id, rule_level)] = wrong.get((ent, label, rule_id, rule_level), 0) + 1 + else: + right[(ent, label, rule_id, rule_level)] = right.get((ent, label, rule_id, rule_level), 0) + 1 + return right, wrong + + +if __name__ == "__main__": + rulebase = [([ + ("AGE", re.compile("\S+ years old|\S+\-years\-old|\S+ year old|\S+\-year\-old"), None, None, None), + ("STREET_ADDRESS", re.compile( + '\d{1,4} [\w\s]{1,20} (?:street|st|avenue|ave|road|rd|highway|hwy|square|sq|trail|trl|drive|dr|court|ct|park|parkway|pkwy|circle|cir|boulevard|blvd)\W?(?=\s|$)'), None, None, None), + ("STREET_ADDRESS", re.compile('\b\d{5}(?:[-\s]\d{4})?\b'), None, None, None), + ("STREET_ADDRESS", re.compile('P\.? ?O\.? Box \d+'), None, None, None), + ("GOVT_ID", re.compile( + '(?!000|666|333)0*(?:[0-6][0-9][0-9]|[0-7][0-6][0-9]|[0-7][0-7][0-2])[- ](?!00)[0-9]{2}[- ](?!0000)[0-9]{4}'), None, None, None), + ("DISEASE", re.compile("diabetes|cancer|HIV|AIDS|Alzheimer's|Alzheimer|heart disease"), None, None, None), + ("NORP", re.compile("upper class|middle class|working class|lower class"), None, None, None), + ], 1), + ] + + initial = target_lang = None + if "-initial" in sys.argv: + initial = sys.argv[sys.argv.index("-initial")+1] + if "-target_lang" in sys.argv: + target_lang = sys.argv[sys.argv.index("-target_lang")+1] + if target_lang: + #TODO - load the rulebase dynamically from pii_processing.regex folder a file of the form _.py + infile = f"{target_lang}.jsonl" + outfile = "predicted_"+infile + right, wrong = apply_rules(infile, outfile, rulebase, target_lang, char_before_after_window=10) + print ('right', right) + print ('wrong', wrong) + #json.dump(right, open(f"right_regex_{target_lang}.json", "w", encoding="utf8"), indent=1) + #json.dump(wrong, open(f"wrong_regex_{target_lang}.json", "w", encoding="utf8"), indent=1) diff --git a/data_tooling/pii_processing/misc/translate_with_ner.py b/data_tooling/pii_processing/misc/translate_with_ner.py new file mode 100644 index 0000000..8cfaaf4 --- /dev/null +++ b/data_tooling/pii_processing/misc/translate_with_ner.py @@ -0,0 +1,2615 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from datasets import load_dataset +import os +import re +import itertools +from re import finditer +import glob +import random +import fsspec +import json +from random import randint, choice +from collections import Counter +import spacy, itertools +import langid +from nltk.corpus import stopwords +import fsspec, os, gzip +from faker import Faker +from faker.providers import person, company, geo, address, ssn +from transformers import M2M100ForConditionalGeneration, M2M100Tokenizer, MarianMTModel, AutoTokenizer, pipeline +import torch +import sys +from tqdm import tqdm + +stopwords_en = set(stopwords.words('english')) + +junk_dict = dict([(a, 1) for a in "' 0123456789¯_§½¼¾×|†—~\"—±′–'°−{}[]·-\'?,./<>!@#^&*()+-‑=:;`→¶'"]) + +# from https://github.com/madisonmay/CommonRegex/blob/master/commonregex.py which is under the MIT License +# Phone is not working. email is not working? +basic_regex = [ + ("EMAIL_ADDRESS", re.compile( + "([a-z0-9!#$%&'*+\/=?^_`{|.}~-]+@(?:[a-z0-9](?:[a-z0-9-]*[a-z0-9])?\.)+[a-z0-9](?:[a-z0-9-]*[a-z0-9])?)")), + ("AGE", re.compile("\S+ years old|\S+\-years\-old|\S+ year old|\S+\-year\-old")), + # ("PHONE_NUMBER" , re.compile('((?:(?') + return re.sub(clean, '', text) + + +def camel_case_split(identifier): + matches = finditer('.+?(?:(?<=[a-z])(?=[A-Z])|(?<=[A-Z])(?=[A-Z][a-z])|$)', identifier) + return [m.group(0) for m in matches] + + +def stem(s): + s = s.replace(".", " ").replace("!", " ").replace("?", " ").replace(",", " ").replace("-", " ").replace(";", + " ").replace( + "'", " '").replace("\"", " \"") + sArr = s.lower().split() + if len(sArr) > 4: + sArr = sArr[:4] + s = " ".join([s1[:4] if len(s1) > 4 else s1 for s1 in sArr if s1.strip()]) + return s + + +def save_enron_line(l2, prev, o): + """ Process Enron Data """ + l2 = remove_html_tags(l2) + l2 = l2.split('-----Original Message-----')[0].strip() + l2 = l2.split('---------------------- Forwarded')[0].strip() + l2 = l2.split('----- Forwarded')[0].strip() + l2 = l2.split('---------From:')[0].strip() + l2 = l2.split('**********************************************************************This')[0].strip() + l2 = l2.split('********************************************************************** This')[0].strip() + l2 = l2.split('******************************************************************This')[0].strip() + l2 = l2.split('*************************************************This')[0].strip() + l2 = l2.split('********************************************************************** This')[0].strip() + l2 = l2.split('--------- Inline attachment follows')[0].strip() + l2 = l2.split('The information contained in this e-mail message and')[0].strip() + l2 = l2.split('This message is for the designated recipient')[0].strip() + l2 = l2.split('***Please be advised')[0].strip() + l2 = l2.split('*******This message')[0].strip() + l2 = l2.split('This message (including any attachments) contains')[0].strip() + l2 = l2.split('*********************************************************')[0].strip() + l2 = l2.split('_________________________________________________________________Get')[0].strip() + l2 = l2.split('___________________________________________')[0].strip() + l2 = l2.split('__________________________________________________ Do')[0].strip() + l2 = l2.replace("\\\"", " \" ").replace("(", " (").replace(")", ") ").replace("[", " [").replace("]", "] ").replace( + "?", "? ").replace("!", "! ").replace("? ?", "??").replace("! !", "!!").replace(":", ": ").replace("\t", + " ").replace( + "= ", "").replace("=20", "").replace("=90", "").replace("=018", "").replace("=09", "").replace("=3D", "") + l2 = l2.replace(" s ", " 's ").replace(" ve ", " 've ").replace(" re ", " 're ").replace(" ll ", " 'll ").replace( + " m ", " 'm ").replace(" t ", " 't ").replace(" d ", " 'd ").replace(" ", " ").replace(" ", " ").replace(" ", + " ").replace( + " ", " ").replace(" ", " ").replace(" ", " ").replace(" ", " ").replace(". . .", "...") + l2 = l2.replace(". yahoo", ".yahoo").replace("www. ", "www.").replace(". htm", ".htm").replace(". co", + ".co").replace( + ". org", ".org").replace(". edu", ".edu").replace(". net", ".net").replace(". NET", ".NET").replace(". CO", + ".CO").replace( + ". ORG", ".ORG").replace(". EDU", ".EDU").replace(": //", "://") + l2 = l2.replace(": 0", ":0").replace(": 1", ":1").replace(": 2", ":2").replace(": 3", ":3").replace(": 4", + ":4").replace( + ": 5", ":5").replace(": 6", ":6").replace(": 7", ":7").replace(": 8", ":8").replace(": 9", ":9") + l2 = l2.replace(". url -", ".url - <<").replace(". doc -", ".doc - <<").replace(". pdf -", ".pdf <<").replace( + ". xls -", ".xls <<").replace(". url", ".url>>").replace(". doc", ".doc>>").replace(". pdf", ".pdf>>").replace( + ". xls", ".xls>>").replace("<< ", "<<").replace("> >", " ").replace(" ", " ") + l2 = l2.replace(". URL -", ".URL - <<").replace(". DOC -", ".DOC - <<").replace(". PDF -", ".PDF <<").replace( + ". XLS -", ".xls <<").replace(". URL", ".URL>>").replace(". DOC", ".DOC>>").replace(". PDF", ".PDF>>").replace( + ". XLS", ".XLS>>").replace("<< ", "<<").replace("> >", " ").replace(" ", " ") + l2 = l2.replace("RE:", "").replace("Re:", "").replace("RE: ", "").replace("Re: ", "").replace("Fw: ", "").replace( + "FW: ", "").replace("FWD: ", "").replace("Fwd: ", "") + l2 = l2.replace('Importance: High', ':') + if "Sent:" in l2: return + l2 = l2.replace("...", "... ").replace("\"\"", " \" ").replace(" ", " ").strip(" -:;[]()\=<>\"").rstrip(".!?") + l2Arr = l2.split() + if len(l2Arr) > 3: + l2 = " ".join(itertools.chain(*[camel_case_split(a) for a in l2Arr])) + if l2.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", + "").replace( + ",", "").replace("-", "").replace(";", "").replace(" ", "").lower() in prev: return + l2 = l2.replace("==", "--") + l2 = l2.replace("++", "--") + l2 = l2.replace("*~", "--") + l2 = l2.replace("||", "--") + l2 = l2.replace("**", "--") + l2 = l2.replace("__", "--") + l2 = l2.replace("##", "--") + for l3 in l2.split('--'): + l3 = l3.strip() + if l3: + for l4 in l3.split("Subject: "): + l4 = l4.strip('=, ') + if l4: o.write(l4 + "\tenron\n") + prev[l2.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", + "").replace( + ",", "").replace("-", "").replace(";", "").replace(" ", "").lower()] = 1 + + +def has_any(s, lst): + for l in lst: + if l in s: return True + return False + + +def create_english_dataset(share_dir='/content/drive/Shareddrives/BigScience/'): + """ + Creates a English dataset from different domains useful for doing PII detection. + Domains include enron (email), a subset of civil comments (forum message) + We do some deduplication and cleanup. + We add some PII as augumentation (TBD: some and tags added. Need to add some more categories). + See specific licenses for each dataset. + """ + + prev = {} + if not os.path.exists("cleaned_english.tsv"): + with open("english.tsv", "w", encoding="utf8") as o: + + # https://github.com/reglab/casehold court cases are government works and in the public domain. + # Annotations and selections are under Apache-2.0 License + """ + @inproceedings{zhengguha2021, + title={When Does Pretraining Help? Assessing Self-Supervised Learning for Law and the CaseHOLD Dataset}, + author={Lucia Zheng and Neel Guha and Brandon R. Anderson and Peter Henderson and Daniel E. Ho}, + year={2021}, + eprint={2104.08671}, + archivePrefix={arXiv}, + primaryClass={cs.CL}, + booktitle={Proceedings of the 18th International Conference on Artificial Intelligence and Law}, + publisher={Association for Computing Machinery} + } + """ + with open(f"{share_dir}/casehold.csv", "rb") as f: + while True: + line = f.readline().decode() + if not line: break + line = line.split(",\"") + if len(line) >= 2: + line = line[1] + line = line.split("()") + if len(line) == 2: + s1, s2 = line + s1 = s1.replace(" ", " ").replace(" ", " ") + s2 = s2.replace(" ", " ").replace(" ", " ") + s2 = ' '.join(s2.split(',')[:-6]).strip(';: ') + if s2: + o.write(s1 + ' HOLDING: ' + s2 + "\tcasehold\n") + else: + o.write(s1 + "\tcasehold\n") + else: + s1 = s1.replace(" ", " ").replace(" ", " ") + o.write(s1 + "\tcasehold\n") + + # from https://www.kaggle.com/wcukierski/enron-email-dataset, originally from https://www.cs.cmu.edu/~enron/ + # public data and partially copyrighted works (annotations) used by permission of authors + """ + Public record data origially published by www.ferc.gov. Subsequent data cleansing by the authors and released + "as a resource for researchers who are interested in improving current email tools, or understanding how email is currently used". + """ + with open(f"{share_dir}/kaggle_enron_emails.csv", "rb") as f: + in_message = False + l2 = "" + while True: + l = f.readline() + if not l: break + l = l.decode().strip() + if not in_message and l.startswith("Subject:"): + l = l.replace("Subject:", "").strip() + if l: l2 = l + ":" + if "X-FileName" in l: + in_message = True + continue + elif "Message-ID" in l: + save_enron_line(l2, prev, o) + l2 = "" + in_message = False + if in_message: + l2 += " " + l + + if l2: + save_enron_line(l2, prev, o) + + # https://huggingface.co/datasets/civil_comments - CC0 + """ + @article{DBLP:journals/corr/abs-1903-04561, + author = {Daniel Borkan and + Lucas Dixon and + Jeffrey Sorensen and + Nithum Thain and + Lucy Vasserman}, + title = {Nuanced Metrics for Measuring Unintended Bias with Real Data for Text + Classification}, + journal = {CoRR}, + volume = {abs/1903.04561}, + year = {2019}, + url = {http://arxiv.org/abs/1903.04561}, + archivePrefix = {arXiv}, + eprint = {1903.04561}, + timestamp = {Sun, 31 Mar 2019 19:01:24 +0200}, + biburl = {https://dblp.org/rec/bib/journals/corr/abs-1903-04561}, + bibsource = {dblp computer science bibliography, https://dblp.org} +} + """ + # An experiment we could try is tagging with another public figure tag called PUBLIC_FIGURE_OPINION + # so that we could train a model to distinguish between public figure mentions in opinion domains vs non-opinion domains + + dataset = load_dataset("civil_comments") + for d in (dataset['train'],): + for idx, data in enumerate(d): + score = sum([data[feature] for feature in + ['toxicity', 'severe_toxicity', 'obscene', 'threat', 'insult', 'identity_attack', + 'sexual_explicit']]) + l2 = data['text'] + l2 = l2.replace("\n", " ").replace(" ", " ").replace(" ", " ") + l2Arr = l2.split() + has_a_name = has_any(first_names, l2Arr) + l2_lower = l2.lower() + if random.choice([0, + 1]) and not has_a_name and "mr." not in l2_lower and "ms." not in l2_lower and "mrs." not in l2_lower and "president" not in l2_lower and "governor" not in l2_lower and "mayor" not in l2_lower: + continue + if len(l2Arr) > 10 and len(l2Arr) < 50 and (score <= 0.5 or random.randint(0, + 10) == 0): # having too much toxic content may skew the data + if has_a_name or "mr." in l2_lower or "ms." in l2_lower or "mrs." in l2_lower or "senator" in l2_lower or "president" in l2_lower or "governor" in l2_lower or "mayor" in l2_lower: + o.write(l2 + "\tcivil_comments\n") + + os.system("sort --parallel=32 english.tsv -o english.tsv") + + with open("english_cleaned.tsv", "w", encoding="utf8") as o: + with open("english.tsv", "rb") as f: + prev = "" + while True: + l = f.readline().decode() + if not l: break + l = l.strip() + l2 = l.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", "").replace("?", + "").replace( + ",", "").replace("-", "").replace(";", "").replace(" ", "").lower() + prev2 = prev.replace(":", "").replace("[", "").replace("]", "").replace(".", "").replace("!", + "").replace( + "?", "").replace(",", "").replace("-", "").replace(";", "").replace(" ", "").lower() + if prev != "" and (l2 == prev2 or (len(prev) > 10 and len(l) > 10 and prev2[:10] == l2[:10])): + if len(l) > len(prev): + prev = l + continue + else: + if prev: + if prev[0] < 'וח': + o.write(prev.lstrip(':;.+- ') + "\n") + prev = l + if prev: + if prev[0] < 'וח': + o.write(prev.lstrip(':;.+- ') + "\n") + + os.system("sort --parallel=32 english_cleaned.tsv -o english_cleaned.tsv") + os.system(f"cp english_cleaned.tsv {share_dir}/english_cleaned.tsv") + + +def check_good_sentence(s, en_lang_cutoff=0.1, junk_ratio=0.5, stopword_check=True): + # basic dejunk + s = s.lower().strip() + if not s: return False + jr = len([s2 for s2 in s if s2 in junk_dict]) / len(s) + if jr >= junk_ratio: + return False + sArr = [s2.strip("' 0123456789¯_§½¼¾×|†—~\"—±′–'°−{}[]·-\'?,./<>!@#^&*()+-‑=:;`→¶'") for s2 in s.lower().split()] + if len(sArr) == 0: + return False + # stopword check + if stopword_check and len([s2 for s2 in sArr if s2 in stopwords_en]) / len(sArr) < en_lang_cutoff: + return False + else: + # langid check + try: + lang = langid.classify(s)[0] + except: + lang = "" + return lang == "en" + + +def create_oscar_subset_for_ner(): + with open("pii_oscar.txt", "w", encoding="utf8") as o: + with open("oscar_sample.txt", "rb") as f: + while True: + sent = f.readline().decode() + if not sent: break + sent = sent.strip() + for sent2 in sent.split("<|endoftext|>"): + sent2 = sent2.strip() + sentArr = sent2.split() + if len(sentArr) > 150: + # print ("truncating sent", sent) + sent2 = " ".join(sentArr[:150]) + if "Alzheimer's" in sent2 or "Alzheimer" in sent2 or 'heart disease' in sent2 or ' AIDS ' in sent2 or ' HIV ' in sent2 or ' was born ' in sent2 or 'Social Secu' in sent2 or 'socialist' in sent2 or 'republican' in sent2 or 'democrat' in sent2 or 'lower class' in sent2 or ' union ' in sent2 or 'upper class' in sent2 or 'middle class' in sent2 or ' cancer ' in sent2: + if 'pussy' not in sent2 and ' cock ' not in sent2: + o.write(sent2 + "\n") + url = _get_oscar_urls("en")[0] + _download_urls([url]) + file = url.split("/")[-1] + for sent2 in gzip.open(file): + sent2 = sent2.decode() + sent2 = sent2.strip() + sentArr = sent2.split() + if len(sentArr) > 150: + sent2 = " ".join(sentArr[:150]) + # let's just look for disease age, for the bigger set, since terms like "republic" and "democract" are over represented + if "Alzheimer's" in sent2 or "Alzheimer" in sent2 or 'heart disease' in sent2 or ' AIDS ' in sent2 or ' HIV ' in sent2 or ' was born ' in sent2 or ' cancer ' in sent2: + if not check_good_sentence(sent2): + continue + if 'pussy' not in sent2 and ' cock ' not in sent2: + o.write(sent2 + "\n") + os.system("sort --parallel=32 pii_oscar.txt -o pii_oscar.txt") + + +def do_ner(do_casehold=False): + """ Create English based NER/PII dataset """ + faker_target_lang = Faker(faker_map["en"]) + faker_target_lang.add_provider(person) + faker_target_lang.add_provider(ssn) + faker_target_lang.add_provider(address) + nlp = spacy.load('en_core_web_lg') + row_id = 0 + with open("pii_en.jsonl", "w", encoding="utf8") as o: + + with open("pii_oscar.txt", "rb") as f: + prev = "" + for sent2 in tqdm(f): + # sent2 = f.readline().decode().strip() + sent2 = sent2.decode().strip() + if not sent2: break + domain = "oscar" + if sent2 == prev: + continue + if prev: + sent3 = prev + if sent3[0] in "0123456789": + sent3 = sent3.split(" ", 1)[1] + sentArr = sent3.split() + if sentArr[0].endswith(":"): + sentArr = sentArr[:1] + if len(sentArr) > 100: + sentArr = sentArr[:100] + sent3 = " ".join(sentArr) + if True: + doc = nlp(sent3) + entities = list(doc.ents) + if [entity for entity in entities if entity.label_ == 'PERSON']: + ents = [[entity.text, entity.label_] for entity in entities if + entity.label_ in ('PERSON', 'GPE', 'ORG', 'NORP') and 'http:' not in entity.text] + swap = False + for label, regex in basic_regex: + for x in regex.findall(sent3): + if type(x) != str: continue + ents.append([x, label]) + if label in ('GOVT_ID', 'STREET_ADDRESS',): + swap = True + if len(ents) > 1 or 'cancer' in sent3 or 'class' in sent3 or 'union' in sent3 or 'democrat' in sent3 or 'republican' in sent3 or 'socialist' in sent3: + if len(ents) < 5: + if swap or '@' in sent3 or 'Social Sec' in sent3 or 'password' in sent3: + context = {} + ents2 = [] + for item in ents: + if item[1] in ('GOVT_ID', 'STREET_ADDRESS', 'PERSON'): + if item[0] in public_figures: + item[1] = 'PUBLIC_FIGURE' + else: + context[item[0]] = context.get(item[0], \ + faker_target_lang.name() if " " in + item[ + 0] and + item[ + 1] == 'PERSON' else \ + faker_target_lang.first_name() if + item[1] == 'PERSON' else \ + faker_target_lang.ssn() if + item[1] == 'GOVT_ID' else \ + faker_target_lang.address() if + item[ + 1] == 'STREET_ADDRESS' else \ + item[0]) + if " " in item[0]: + context[item[0].split()[0]] = context[item[0]].split()[0] + context[item[0].split()[-1]] = context[item[0]].split()[-1] + item[0] = context[item[0]] + ents2.append(item) + else: + ents2 = ents + o.write(json.dumps( + {"text": sent3, "ner": ents2, "domain": domain, "target_lang": "en", + "id": row_id}) + "\n") + row_id += 1 + prev = sent2 + + with open("english_cleaned.tsv", "rb") as f: + # while True: + # l = f.readline().decode() + # if not l: break + for l in tqdm(f): + # sent2 = f.readline().decode().strip() + l = l.decode().strip() + l = l.split("\t") + sent = l[0] + domain = l[-1].strip() + if not check_good_sentence(sent): + continue + if not do_casehold and domain == "casehold": continue + if "Notice No." in sent: continue + if "TO: ALL COMEX" in sent: continue + if "TO: All NYMEX" in sent: continue + if "TO: All New" in sent: continue + if sent[0] in "0123456789": + sent = sent.split(" ", 1)[1] + sentArr = sent.split() + if sentArr[0].endswith(":"): + sentArr = sentArr[:1] + if len(sentArr) > 100: + sentArr = sentArr[:100] + sent = " ".join(sentArr) + doc = nlp(sent) + entities = list(doc.ents) + + if [entity for entity in entities if entity.label_ == 'PERSON']: + ents = [[entity.text, entity.label_] for entity in entities if + entity.label_ in ('PERSON', 'GPE', 'ORG', 'NORP') and 'http:' not in entity.text] + swap = False + for label, regex in basic_regex: + for x in regex.findall(sent): + if type(x) != str: continue + ents.append([x, label]) + if label in ('GOVT_ID', 'STREET_ADDRESS',): + swap = True + if len(ents) > 1 and len(ents) < 5: + if swap or random.randint(0, + 1) == 0 or '@' in sent or 'Social Sec' in sent or 'password' in sent: + context = {} + ents2 = [] + for item in ents: + if item[1] in ('GOVT_ID', 'STREET_ADDRESS', 'PERSON'): + if item[0] in public_figures: + item[1] = 'PUBLIC_FIGURE' + else: + context[item[0]] = context.get(item[0], \ + faker_target_lang.name() if " " in item[0] and + item[ + 1] == 'PERSON' else \ + faker_target_lang.first_name() if item[ + 1] == 'PERSON' else \ + faker_target_lang.ssn() if item[ + 1] == 'GOVT_ID' else \ + faker_target_lang.address() if item[ + 1] == 'STREET_ADDRESS' else \ + item[0]) + sent = sent.replace(item[0], context[item[0]]) + if " " in item[0]: + context[item[0].split()[0]] = context[item[0]].split()[0] + context[item[0].split()[-1]] = context[item[0]].split()[-1] + item[0] = context[item[0]] + ents2.append(item) + else: + ents2 = ents + o.write(json.dumps( + {"text": sent, "ner": ents2, "domain": domain, "target_lang": "en", "id": row_id}) + "\n") + row_id += 1 + + +def pre_translation_steps(target_lang='hi', person_swap=True): + texts = [] + ner_mappings = [] + row_ids = [] + domains = [] + lbracket = "[" + rbracket = "]" + if target_lang in ('zh', 'ja', 'ko'): + lbracket = "[[" + rbracket = "]]" + faker_target_lang = Faker(faker_map[target_lang]) + faker_target_lang.add_provider(person) + faker_target_lang.add_provider(geo) + + row_id = -1 + for s in tqdm(open(r"pii_en.jsonl", "rb")): + s = s.decode().strip() + if not s: continue + dat = json.loads(s) + domain = dat['domain'] + ner = dat['ner'] + text = dat['text'] + if 'id' not in dat: + row_id += 1 + else: + row_id = int(dat['id']) + if 'NYMEX' in text: continue + ner = [n for n in ner if n[0] not in ("FREE", "’m", 'Social Security')] + ner2 = [] + if ' cancer ' in text: + ner2.append(['cancer', 'DISEASE']) + elif ' HIV ' in text: + ner2.append(['HIV', 'DISEASE']) + elif ' AIDS ' in text: + ner2.append(['AIDS', 'DISEASE']) + elif "Alzheimer's" in text: + ner2.append(["Alzheimer's", 'DISEASE']) + elif "Alzheimer" in text: + ner2.append(['Alzheimer', 'DISEASE']) + elif 'heart disease' in text: + ner2.append(['heart disease', 'DISEASE']) + elif 'democractic' in text: + ner2.append(['democractic', 'NORP']) + elif 'democrats' in text: + ner2.append(['democrats', 'NORP']) + elif 'Democrats' in text: + ner2.append(['Democrats', 'NORP']) + elif 'democrat' in text: + ner2.append(['democrat', 'NORP']) + elif 'Democrat' in text: + ner2.append(['Democrat', 'NORP']) + elif 'republican' in text: + ner2.append(['republican', 'NORP']) + elif 'republicans' in text: + ner2.append(['republicans', 'NORP']) + elif 'Republicans' in text: + ner2.append(['Republicans', 'NORP']) + elif 'republican' in text: + ner2.append(['republican', 'NORP']) + elif 'Republican' in text: + ner2.append(['Republican', 'NORP']) + elif 'socialist' in text: + ner2.append(['socialist', 'NORP']) + elif 'Socialist' in text: + ner2.append(['Socialist', 'NORP']) + for item in ner: + itemArr = item[0].split() + if itemArr[0] in ('Association', 'Society', 'Union') or itemArr[-1] in ( + 'Association', 'Society', 'Party'): + item[1] = 'NORP' + if item[0] == 'Enron': + item[0] = choice(swap_org) + text = text.replace("Enron", item[0]) + text = text.replace("@enron", '@' + item[0].lower()) + text = text.replace(" enron", ' ' + item[0].lower()) + # print (text) + if item[0] in public_figures: + item[1] = 'PUBLIC_FIGURE' + elif item[0] in country: + item[1] = 'COUNTRY' + elif item[0] in NORP: + item[1] = 'NORP' + elif '@' in item[0]: + item[1] = 'EMAIL' + ner2.append(item) + # col.extend ([d[0] for d in ner2 if d[1] == 'NORP']) + context = {} + ner_mapping = {} + seen = {} + text = "... " + text + " " + text = text.replace(lbracket, "(") + text = text.replace(rbracket, ")", ) + if person_swap: + _idx = 0 + for item in ner2: + if item[0] in seen: continue + seen[item[0]] = 1 + if item[1] in ('COUNTRY', 'GPE', 'PERSON', 'GOVT_ID', 'STREET_ADDRESS',): # ORG + text = text.replace(" " + item[0] + " ", " *" + str(_idx) + "* ") + text = text.replace(" " + item[0] + ",", " *" + str(_idx) + "* ,") + text = text.replace(" " + item[0] + "'", " *" + str(_idx) + "*'") + text = text.replace(item[0], "*" + str(_idx) + "*") + context[item[0]] = context.get(item[0], \ + faker_target_lang.first_name() + " " + random.choice( + bantu_surnames) if " " in item[0] and + item[ + 1] == 'PERSON' and target_lang in ( + 'yo', 'sw') else \ + faker_target_lang.name() if " " in item[ + 0] and item[ + 1] == 'PERSON' else \ + faker_target_lang.first_name() if + item[ + 1] == 'PERSON' else \ + faker_target_lang.country() if + item[ + 1] == 'COUNTRY' else \ + faker_target_lang.state() if + item[ + 1] == 'GPE' and target_lang != 'zh' else \ + faker_target_lang.province() if + item[ + 1] == 'GPE' and target_lang == 'zh' else \ + faker_target_lang.ssn() if + item[ + 1] == 'GOVT_ID' else \ + faker_target_lang.address() if + item[ + 1] == 'STREET_ADDRESS' else \ + item[ + 0]) + + ner_mapping["*" + str(_idx) + "*"] = [context[item[0]], + item[1] if item[ + 1] != 'COUNTRY' else 'GPE'] + if " " in item[0]: + context[item[0].split()[0]] = context[item[0]].split()[0] + context[item[0].split()[-1]] = context[item[0]].split()[-1] + item[0] = context[item[0]] + else: + text = text.replace(item[0], + ' ' + str(_idx) + " " + lbracket + item[0] + rbracket) + ner_mapping[str(_idx) + " " + lbracket] = item + _idx += 1 + + texts.append(text) + ner_mappings.append(ner_mapping) + row_ids.append(row_id) + domains.append(domain) + return texts, ner_mappings, row_ids, domains + + +def chunks(lst, n): + """Generate batches""" + for i in range(0, len(lst), n): + yield lst[i: i + n] + + +def do_translations(texts, target_lang='hi'): + model = M2M100ForConditionalGeneration.from_pretrained("facebook/m2m100_418M") + tokenizer = M2M100Tokenizer.from_pretrained("facebook/m2m100_418M") + model = model.to('cuda').half() + translations = [] + for src_text_list in tqdm(chunks(texts, 16)): + batch = tokenizer(src_text_list, return_tensors="pt", padding=True, truncation=True).to('cuda') + gen = model.generate(**batch, forced_bos_token_id=tokenizer.get_lang_id(target_lang)) + outputs = tokenizer.batch_decode(gen, skip_special_tokens=True) + translations.extend(outputs) + return translations + + +def post_translation_steps(translations, ner_mappings, row_ids, domains, target_lang='hi'): + rbracket = "]" + if target_lang in ('zh', 'ja', 'ko'): + rbracket = "]]" + with open(f"pii_{target_lang}.jsonl", "w", encoding="utf8") as o: + for index, trans_text in enumerate(translations): + ner_found = [] + trans_text = trans_text.lstrip(".") + trans_text = trans_text.strip() + trans_text = trans_text.replace("* ", "*").replace(" *", "*").replace('"0*', '*0* ').replace( + '"1*', + '*1* ').replace( + '"2*', '*2* ').replace('"3*', '*3* ').replace('"4*', '*4* '). \ + replace('*0:', '*0* ').replace('*1:', '*1* ').replace('*2:', '*2* ').replace('*3:', + '*3* ').replace( + '*4:', '*4* '). \ + replace('*0 ', '*0* ').replace('*1 ', '*1* ').replace('*2 ', '*2* ').replace('*3 ', + '*3* ').replace( + '*4 ', '*4* '). \ + replace(' 0*', '*0* ').replace(' 1*', '*1* ').replace('2 *', '*2* ').replace(' 3*', + '*3* ').replace( + ' 4*', '*4* ') + if trans_text.startswith('0') and not trans_text.startswith('0 ['): + trans_text = '*0* ' + trans_text[1:] + trans_text = trans_text.replace(". [", " [").replace(".[", " [").replace(" ", " ") + orig_trans_text = trans_text + for key, ner_item in ner_mappings[index].items(): + found = False + if key in trans_text: + found = True + elif key.replace(" ", "") in trans_text: + found = True + key = key.replace(" ", "") + elif key.lstrip('*') in trans_text: + found = True + key = key.lstrip('*') + elif key.rstrip('*') in trans_text: + found = True + key = key.rstrip('*') + if found: + if key[0] == '*': + trans_text = trans_text.replace(key, " " + ner_item[0] + " ") + ner_found.append(list(ner_item)) + else: + trans_text2 = "" + for segment in trans_text.split(key): + if rbracket in segment: + entity, rest = segment.split(rbracket, 1) + entity = entity.strip("[]") + ner_found.append([entity, ner_item[1]]) + trans_text2 += " " + entity + " " + rest + else: + trans_text2 += " " + segment + trans_text = trans_text2.strip() + trans_text = trans_text.replace("*", " ").replace("[", " ").replace("]", " ").replace( + " .", + ".").replace(" ,", + ",").replace( + " ", " ").replace(" ", " ").strip() + if target_lang in ('zh', 'ja', 'ko'): + trans_text.replace(" ", "") + trans_text.strip('#.') + if ner_found: + j = {'text': trans_text, 'ner': ner_found, 'domain': domains[index], + 'id': row_ids[index], + 'lang': target_lang} + o.write(json.dumps(j) + "\n") + +def create_light_suggestions(target_lang): + suggestions = [] + for s in tqdm(open(f"pii_{target_lang}.jsonl", "rb")): + s = s.decode().strip() + if not s: continue + dat = json.loads(s) + ner = dat['ner'] + text = dat['text'] + ner = list(set([tuple(a) for a in ner])) + for s, label in ner: + suggestions.extend([{'example_id': _id, 'start': i, 'end':i+len(s), 'tag': label, 'text': s} for i in more_itertools.locate(text, lambda s1: s1==s)]) + json.dump(suggestions, open(f"pii_{target_lang}_suggestions.json", "w", encoding="utf8")) + + +# create_english_dataset() +# create_oscar_subset_for_ner() +# do_ner() +# do_translation(target_lang="hi") +if __name__ == "__main__": + if "-target_lang" in sys.argv: + target_lang = sys.argv[sys.argv.index("-target_lang") + 1] + if target_lang == "en": + do_ner() + else: + texts, ner_mappings, row_ids, domains = pre_translation_steps(target_lang=target_lang) + translations = do_translations(texts, target_lang=target_lang) + post_translation_steps(translations, ner_mappings, row_ids, domains, target_lang=target_lang) + if "-create_light_suggestions" in sys.argv: + target_lang = sys.argv[sys.argv.index("-create_light_suggestions") + 1] + create_light_suggestions(target_lang) + diff --git a/data_tooling/pii_processing/neuralcoref/README.md b/data_tooling/pii_processing/neuralcoref/README.md new file mode 100644 index 0000000..7a2248c --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/README.md @@ -0,0 +1,302 @@ +# ✨NeuralCoref 4.0: Coreference Resolution in spaCy with Neural Networks. + +NeuralCoref is a pipeline extension for spaCy 2.1+ which annotates and resolves coreference clusters using a neural network. NeuralCoref is production-ready, integrated in spaCy's NLP pipeline and extensible to new training datasets. + +For a brief introduction to coreference resolution and NeuralCoref, please refer to our [blog post](https://medium.com/huggingface/state-of-the-art-neural-coreference-resolution-for-chatbots-3302365dcf30). +NeuralCoref is written in Python/Cython and comes with a pre-trained statistical model for **English only**. + +NeuralCoref is accompanied by a visualization client [NeuralCoref-Viz](https://github.com/huggingface/neuralcoref-viz), a web interface powered by a REST server that can be [tried online](https://huggingface.co/coref/). NeuralCoref is released under the MIT license. + +✨ Version 4.0 out now! Available on pip and compatible with SpaCy 2.1+. + +[![Current Release Version](https://img.shields.io/github/release/huggingface/neuralcoref.svg?style=flat-square)](https://github.com/huggingface/neuralcoref/releases) +[![spaCy](https://img.shields.io/badge/made%20with%20❤%20and-spaCy-09a3d5.svg)](https://spacy.io) +[![Travis-CI](https://travis-ci.org/huggingface/neuralcoref.svg?branch=master)](https://travis-ci.org/huggingface/neuralcoref) +[![NeuralCoref online Demo](https://huggingface.co/coref/assets/thumbnail-large.png)](https://huggingface.co/coref/) + +- **Operating system**: macOS / OS X · Linux · Windows (Cygwin, MinGW, Visual Studio) +- **Python version**: Python 3.6+ (only 64 bit) +- **Package managers**: [pip] + +## Install NeuralCoref + +### Install NeuralCoref with pip + +This is the easiest way to install NeuralCoref. + +```bash +pip install neuralcoref +``` + +#### `spacy.strings.StringStore size changed` error + +If you have an error mentioning `spacy.strings.StringStore size changed, may indicate binary incompatibility` when loading NeuralCoref with `import neuralcoref`, it means you'll have to install NeuralCoref from the distribution's sources instead of the wheels to get NeuralCoref to build against the most recent version of SpaCy for your system. + +In this case, simply re-install neuralcoref as follows: + +```bash +pip uninstall neuralcoref +pip install neuralcoref --no-binary neuralcoref +``` + +#### Installing SpaCy's model + +To be able to use NeuralCoref you will also need to have an English model for SpaCy. + +You can use whatever english model works fine for your application but note that the performances of NeuralCoref are strongly dependent on the performances of the SpaCy model and in particular on the performances of SpaCy model's tagger, parser and NER components. A larger SpaCy English model will thus improve the quality of the coreference resolution as well (see some details in the [Internals and Model](#-Internals-and-Model) section below). + +Here is an example of how you can install SpaCy and a (small) English model for SpaCy, more information can be found on [spacy's website](https://spacy.io/usage/models): + +```bash +pip install -U spacy +python -m spacy download en +``` + +### Install NeuralCoref from source + +You can also install NeuralCoref from sources. You will need to install the dependencies first which includes Cython and SpaCy. + +Here is the process: + +```bash +venv .env +source .env/bin/activate +git clone https://github.com/huggingface/neuralcoref.git +cd neuralcoref +pip install -r requirements.txt +pip install -e . +``` + +## Internals and Model + +NeuralCoref is made of two sub-modules: + +- a rule-based mentions-detection module which uses SpaCy's tagger, parser and NER annotations to identify a set of potential coreference mentions, and +- a feed-forward neural-network which compute a coreference score for each pair of potential mentions. + +The first time you import NeuralCoref in python, it will download the weights of the neural network model in a cache folder. + +The cache folder is set by defaults to `~/.neuralcoref_cache` (see [file_utils.py](./neuralcoref/file_utils.py)) but this behavior can be overided by setting the environment variable `NEURALCOREF_CACHE` to point to another location. + +The cache folder can be safely deleted at any time and the module will download again the model the next time it is loaded. + +You can have more information on the location, downloading and caching process of the internal model by activating python's `logging` module before loading NeuralCoref as follows: + +```python +import logging; +logging.basicConfig(level=logging.INFO) +import neuralcoref +>>> INFO:neuralcoref:Getting model from https://s3.amazonaws.com/models.huggingface.co/neuralcoref/neuralcoref.tar.gz or cache +>>> INFO:neuralcoref.file_utils:https://s3.amazonaws.com/models.huggingface.co/neuralcoref/neuralcoref.tar.gz not found in cache, downloading to /var/folders/yx/cw8n_njx3js5jksyw_qlp8p00000gn/T/tmp_8y5_52m +100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 40155833/40155833 [00:06<00:00, 6679263.76B/s] +>>> INFO:neuralcoref.file_utils:copying /var/folders/yx/cw8n_njx3js5jksyw_qlp8p00000gn/T/tmp_8y5_52m to cache at /Users/thomaswolf/.neuralcoref_cache/f46bc05a4bfba2ae0d11ffd41c4777683fa78ed357dc04a23c67137abf675e14.7d6f9a6fecf5cf09e74b65f85c7d6896b21decadb2554d486474f63b95ec4633 +>>> INFO:neuralcoref.file_utils:creating metadata file for /Users/thomaswolf/.neuralcoref_cache/f46bc05a4bfba2ae0d11ffd41c4777683fa78ed357dc04a23c67137abf675e14.7d6f9a6fecf5cf09e74b65f85c7d6896b21decadb2554d486474f63b95ec4633 +>>> INFO:neuralcoref.file_utils:removing temp file /var/folders/yx/cw8n_njx3js5jksyw_qlp8p00000gn/T/tmp_8y5_52m +>>> INFO:neuralcoref:extracting archive file /Users/thomaswolf/.neuralcoref_cache/f46bc05a4bfba2ae0d11ffd41c4777683fa78ed357dc04a23c67137abf675e14.7d6f9a6fecf5cf09e74b65f85c7d6896b21decadb2554d486474f63b95ec4633 to dir /Users/thomaswolf/.neuralcoref_cache/neuralcoref +``` + +## Loading NeuralCoref + +### Adding NeuralCoref to the pipe of an English SpaCy Language + +Here is the recommended way to instantiate NeuralCoref and add it to SpaCY's pipeline of annotations: + +```python + +# Load your usual SpaCy model (one of SpaCy English models) +import spacy +nlp = spacy.load('en') + +# Add neural coref to SpaCy's pipe +import neuralcoref +neuralcoref.add_to_pipe(nlp) + +# You're done. You can now use NeuralCoref as you usually manipulate a SpaCy document annotations. +doc = nlp(u'My sister has a dog. She loves him.') + +doc._.has_coref +doc._.coref_clusters +``` + +### Loading NeuralCoref and adding it manually to the pipe of an English SpaCy Language + +An equivalent way of adding NeuralCoref to a SpaCy model pipe is to instantiate the NeuralCoref class first and then add it manually to the pipe of the SpaCy Language model. + +```python + +# Load your usual SpaCy model (one of SpaCy English models) +import spacy +nlp = spacy.load('en') + +# load NeuralCoref and add it to the pipe of SpaCy's model +import neuralcoref +coref = neuralcoref.NeuralCoref(nlp.vocab) +nlp.add_pipe(coref, name='neuralcoref') + +# You're done. You can now use NeuralCoref the same way you usually manipulate a SpaCy document and it's annotations. +doc = nlp(u'My sister has a dog. She loves him.') + +doc._.has_coref +doc._.coref_clusters +``` + +## Using NeuralCoref + +NeuralCoref will resolve the coreferences and annotate them as [extension attributes](https://spacy.io/usage/processing-pipelines#custom-components-extensions) in the spaCy `Doc`, `Span` and `Token` objects under the `._.` dictionary. + +Here is the list of the annotations: + +| Attribute | Type | Description +|---------------------------|--------------------|----------------------------------------------------- +|`doc._.has_coref` |boolean |Has any coreference has been resolved in the Doc +|`doc._.coref_clusters` |list of `Cluster` |All the clusters of corefering mentions in the doc +|`doc._.coref_resolved` |unicode |Unicode representation of the doc where each corefering mention is replaced by the main mention in the associated cluster. +|`doc._.coref_scores` |Dict of Dict |Scores of the coreference resolution between mentions. +|`span._.is_coref` |boolean |Whether the span has at least one corefering mention +|`span._.coref_cluster` |`Cluster` |Cluster of mentions that corefer with the span +|`span._.coref_scores` |Dict |Scores of the coreference resolution of & span with other mentions (if applicable). +|`token._.in_coref` |boolean |Whether the token is inside at least one corefering mention +|`token._.coref_clusters` |list of `Cluster` |All the clusters of corefering mentions that contains the token + +A `Cluster` is a cluster of coreferring mentions which has 3 attributes and a few methods to simplify the navigation inside a cluster: + +| Attribute or method | Type / Return type | Description +|------------------------|---------------------|----------------------------------------------------- +|`i` |int |Index of the cluster in the Doc +|`main` |`Span` |Span of the most representative mention in the cluster +|`mentions` |list of `Span` |List of all the mentions in the cluster +|`__getitem__` |return `Span` |Access a mention in the cluster +|`__iter__` |yields `Span` |Iterate over mentions in the cluster +|`__len__` |return int |Number of mentions in the cluster + +### Navigating the coreference cluster chains + +You can also easily navigate the coreference cluster chains and display clusters and mentions. + +Here are some examples, try them out to test it for yourself. + +```python +import spacy +import neuralcoref +nlp = spacy.load('en') +neuralcoref.add_to_pipe(nlp) + +doc = nlp(u'My sister has a dog. She loves him') + +doc._.coref_clusters +doc._.coref_clusters[1].mentions +doc._.coref_clusters[1].mentions[-1] +doc._.coref_clusters[1].mentions[-1]._.coref_cluster.main + +token = doc[-1] +token._.in_coref +token._.coref_clusters + +span = doc[-1:] +span._.is_coref +span._.coref_cluster.main +span._.coref_cluster.main._.coref_cluster +``` + +**Important**: NeuralCoref mentions are spaCy [Span objects](https://spacy.io/api/span) which means you can access all the usual [Span attributes](https://spacy.io/api/span#attributes) like `span.start` (index of the first token of the span in the document), `span.end` (index of the first token after the span in the document), etc... + +Ex: `doc._.coref_clusters[1].mentions[-1].start` will give you the index of the first token of the last mention of the second coreference cluster in the document. + +## Parameters + +You can pass several additional parameters to `neuralcoref.add_to_pipe` or `NeuralCoref()` to control the behavior of NeuralCoref. + +Here is the full list of these parameters and their descriptions: + +| Parameter | Type | Description +|-----------------|-------------------------|---------------- +|`greedyness` |float |A number between 0 and 1 determining how greedy the model is about making coreference decisions (more greedy means more coreference links). The default value is 0.5. +|`max_dist` |int |How many mentions back to look when considering possible antecedents of the current mention. Decreasing the value will cause the system to run faster but less accurately. The default value is 50. +|`max_dist_match` |int |The system will consider linking the current mention to a preceding one further than `max_dist` away if they share a noun or proper noun. In this case, it looks `max_dist_match` away instead. The default value is 500. +|`blacklist` |boolean |Should the system resolve coreferences for pronouns in the following list: `["i", "me", "my", "you", "your"]`. The default value is True (coreference resolved). +|`store_scores` |boolean |Should the system store the scores for the coreferences in annotations. The default value is True. +|`conv_dict` |dict(str, list(str)) |A conversion dictionary that you can use to replace the embeddings of *rare words* (keys) by an average of the embeddings of a list of *common words* (values). Ex: `conv_dict={"Angela": ["woman", "girl"]}` will help resolving coreferences for `Angela` by using the embeddings for the more common `woman` and `girl` instead of the embedding of `Angela`. This currently only works for single words (not for words groups). + +### How to change a parameter + +```python +import spacy +import neuralcoref + +# Let's load a SpaCy model +nlp = spacy.load('en') + +# First way we can control a parameter +neuralcoref.add_to_pipe(nlp, greedyness=0.75) + +# Another way we can control a parameter +nlp.remove_pipe("neuralcoref") # This remove the current neuralcoref instance from SpaCy pipe +coref = neuralcoref.NeuralCoref(nlp.vocab, greedyness=0.75) +nlp.add_pipe(coref, name='neuralcoref') +``` + +### Using the conversion dictionary parameter to help resolve rare words + +Here is an example on how we can use the parameter `conv_dict` to help resolving coreferences of a rare word like a name: + +```python +import spacy +import neuralcoref + +nlp = spacy.load('en') + +# Let's try before using the conversion dictionary: +neuralcoref.add_to_pipe(nlp) +doc = nlp(u'Deepika has a dog. She loves him. The movie star has always been fond of animals') +doc._.coref_clusters +doc._.coref_resolved +# >>> [Deepika: [Deepika, She, him, The movie star]] +# >>> 'Deepika has a dog. Deepika loves Deepika. Deepika has always been fond of animals' +# >>> Not very good... + +# Here are three ways we can add the conversion dictionary +nlp.remove_pipe("neuralcoref") +neuralcoref.add_to_pipe(nlp, conv_dict={'Deepika': ['woman', 'actress']}) +# or +nlp.remove_pipe("neuralcoref") +coref = neuralcoref.NeuralCoref(nlp.vocab, conv_dict={'Deepika': ['woman', 'actress']}) +nlp.add_pipe(coref, name='neuralcoref') +# or after NeuralCoref is already in SpaCy's pipe, by modifying NeuralCoref in the pipeline +nlp.get_pipe('neuralcoref').set_conv_dict({'Deepika': ['woman', 'actress']}) + +# Let's try agin with the conversion dictionary: +doc = nlp(u'Deepika has a dog. She loves him. The movie star has always been fond of animals') +doc._.coref_clusters +# >>> [Deepika: [Deepika, She, The movie star], a dog: [a dog, him]] +# >>> 'Deepika has a dog. Deepika loves a dog. Deepika has always been fond of animals' +# >>> A lot better! +``` + +## Using NeuralCoref as a server + +A simple example of server script for integrating NeuralCoref in a REST API is provided as an example in [`examples/server.py`](examples/server.py). + +To use it you need to install falcon first: + +```bash +pip install falcon +``` + +You can then start the server as follows: + +```bash +cd examples +python ./server.py +``` + +And query the server like this: + +```bash +curl --data-urlencode "text=My sister has a dog. She loves him." -G localhost:8000 +``` + +There are many other ways you can manage and deploy NeuralCoref. Some examples can be found in [spaCy Universe](https://spacy.io/universe/). + +## Re-train the model / Extend to another language + +If you want to retrain the model or train it on another language, see our [training instructions](./neuralcoref/train/training.md) as well as our [blog post](https://medium.com/huggingface/how-to-train-a-neural-coreference-model-neuralcoref-2-7bb30c1abdfe) diff --git a/data_tooling/pii_processing/neuralcoref/__init__.pxd b/data_tooling/pii_processing/neuralcoref/__init__.pxd new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii_processing/neuralcoref/__init__.py b/data_tooling/pii_processing/neuralcoref/__init__.py new file mode 100644 index 0000000..f4158d2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/__init__.py @@ -0,0 +1,44 @@ +import os +import tarfile +import logging + +# Filter Cython warnings that would force everybody to re-compile from source (like https://github.com/numpy/numpy/pull/432). +import warnings + +warnings.filterwarnings("ignore", message="spacy.strings.StringStore size changed") + +from neuralcoref.neuralcoref import NeuralCoref +from neuralcoref.file_utils import ( + NEURALCOREF_MODEL_URL, + NEURALCOREF_MODEL_PATH, + NEURALCOREF_CACHE, + cached_path, +) + +__all__ = ["NeuralCoref", "add_to_pipe"] +__version__ = "4.1.0" + +logger = logging.getLogger(__name__) + +if os.path.exists(NEURALCOREF_MODEL_PATH) and os.path.exists( + os.path.join(NEURALCOREF_MODEL_PATH, "cfg") +): + logger.info(f"Loading model from {NEURALCOREF_MODEL_PATH}") + local_model = cached_path(NEURALCOREF_MODEL_PATH) +else: + if not os.path.exists(NEURALCOREF_MODEL_PATH): + os.makedirs(NEURALCOREF_MODEL_PATH, exist_ok=True) + logger.info(f"Getting model from {NEURALCOREF_MODEL_URL} or cache") + downloaded_model = cached_path(NEURALCOREF_MODEL_URL) + + logger.info( + f"extracting archive file {downloaded_model} to dir {NEURALCOREF_MODEL_PATH}" + ) + with tarfile.open(downloaded_model, "r:gz") as archive: + archive.extractall(NEURALCOREF_CACHE) + + +def add_to_pipe(nlp, **kwargs): + coref = NeuralCoref(nlp.vocab, **kwargs) + nlp.add_pipe(coref, name="neuralcoref") + return nlp diff --git a/data_tooling/pii_processing/neuralcoref/file_utils.py b/data_tooling/pii_processing/neuralcoref/file_utils.py new file mode 100644 index 0000000..0a26012 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/file_utils.py @@ -0,0 +1,243 @@ +""" +Utilities for working with the local dataset cache. +This file is adapted from the AllenNLP library at https://github.com/allenai/allennlp +Copyright by the AllenNLP authors. +""" + +import json +import logging +import os +import shutil +import tempfile +from functools import wraps +from hashlib import sha256 +from io import open + +import boto3 +import requests +from botocore.exceptions import ClientError +from tqdm import tqdm + +try: + from urllib.parse import urlparse +except ImportError: + from urlparse import urlparse + +NEURALCOREF_CACHE = os.getenv( + "NEURALCOREF_CACHE", os.path.join(os.path.expanduser("~"), ".neuralcoref_cache") +) + +NEURALCOREF_MODEL_URL = ( + "https://s3.amazonaws.com/models.huggingface.co/neuralcoref/neuralcoref.tar.gz" +) +NEURALCOREF_MODEL_PATH = os.path.join(str(NEURALCOREF_CACHE), "neuralcoref") + +logger = logging.getLogger(__name__) # pylint: disable=invalid-name + + +def url_to_filename(url, etag=None): + """ + Convert `url` into a hashed filename in a repeatable way. + If `etag` is specified, append its hash to the url's, delimited + by a period. + """ + url_bytes = url.encode("utf-8") + url_hash = sha256(url_bytes) + filename = url_hash.hexdigest() + + if etag: + etag_bytes = etag.encode("utf-8") + etag_hash = sha256(etag_bytes) + filename += "." + etag_hash.hexdigest() + + return filename + + +def filename_to_url(filename, cache_dir=None): + """ + Return the url and etag (which may be ``None``) stored for `filename`. + Raise ``EnvironmentError`` if `filename` or its stored metadata do not exist. + """ + if cache_dir is None: + cache_dir = NEURALCOREF_CACHE + + cache_path = os.path.join(cache_dir, filename) + if not os.path.exists(cache_path): + raise EnvironmentError(f"file {cache_path} not found") + + meta_path = cache_path + ".json" + if not os.path.exists(meta_path): + raise EnvironmentError(f"file {meta_path} not found") + + with open(meta_path, encoding="utf-8") as meta_file: + metadata = json.load(meta_file) + url = metadata["url"] + etag = metadata["etag"] + + return url, etag + + +def cached_path(url_or_filename, cache_dir=None): + """ + Given something that might be a URL (or might be a local path), + determine which. If it's a URL, download the file and cache it, and + return the path to the cached file. If it's already a local path, + make sure the file exists and then return the path. + """ + if cache_dir is None: + cache_dir = NEURALCOREF_CACHE + + parsed = urlparse(url_or_filename) + + if parsed.scheme in ("http", "https", "s3"): + # URL, so get it from the cache (downloading if necessary) + return get_from_cache(url_or_filename, cache_dir) + elif os.path.exists(url_or_filename): + # File, and it exists. + return url_or_filename + elif parsed.scheme == "": + # File, but it doesn't exist. + raise EnvironmentError(f"file {url_or_filename} not found") + else: + # Something unknown + raise ValueError( + f"unable to parse {url_or_filename} as a URL or as a local path" + ) + + +def split_s3_path(url): + """Split a full s3 path into the bucket name and path.""" + parsed = urlparse(url) + if not parsed.netloc or not parsed.path: + raise ValueError(f"bad s3 path {url}") + bucket_name = parsed.netloc + s3_path = parsed.path + # Remove '/' at beginning of path. + if s3_path.startswith("/"): + s3_path = s3_path[1:] + return bucket_name, s3_path + + +def s3_request(func): + """ + Wrapper function for s3 requests in order to create more helpful error + messages. + """ + + @wraps(func) + def wrapper(url, *args, **kwargs): + try: + return func(url, *args, **kwargs) + except ClientError as exc: + if int(exc.response["Error"]["Code"]) == 404: + raise EnvironmentError(f"file {url} not found") + else: + raise + + return wrapper + + +@s3_request +def s3_etag(url): + """Check ETag on S3 object.""" + s3_resource = boto3.resource("s3") + bucket_name, s3_path = split_s3_path(url) + s3_object = s3_resource.Object(bucket_name, s3_path) + return s3_object.e_tag + + +@s3_request +def s3_get(url, temp_file): + """Pull a file directly from S3.""" + s3_resource = boto3.resource("s3") + bucket_name, s3_path = split_s3_path(url) + s3_resource.Bucket(bucket_name).download_fileobj(s3_path, temp_file) + + +def http_get(url, temp_file): + req = requests.get(url, stream=True) + content_length = req.headers.get("Content-Length") + total = int(content_length) if content_length is not None else None + progress = tqdm(unit="B", total=total) + for chunk in req.iter_content(chunk_size=1024): + if chunk: # filter out keep-alive new chunks + progress.update(len(chunk)) + temp_file.write(chunk) + progress.close() + + +def get_from_cache(url, cache_dir=None): + """ + Given a URL, look for the corresponding dataset in the local cache. + If it's not there, download it. Then return the path to the cached file. + """ + if cache_dir is None: + cache_dir = NEURALCOREF_CACHE + + if not os.path.exists(cache_dir): + os.makedirs(cache_dir) + + # Get eTag to add to filename, if it exists. + if url.startswith("s3://"): + etag = s3_etag(url) + else: + response = requests.head(url, allow_redirects=True) + if response.status_code != 200: + raise IOError( + f"HEAD request failed for url {url} with status code {response.status_code}" + ) + etag = response.headers.get("ETag") + + filename = url_to_filename(url, etag) + + # get cache path to put the file + cache_path = os.path.join(cache_dir, filename) + + if not os.path.exists(cache_path): + # Download to temporary file, then copy to cache dir once finished. + # Otherwise you get corrupt cache entries if the download gets interrupted. + with tempfile.NamedTemporaryFile() as temp_file: + logger.info("%s not found in cache, downloading to %s", url, temp_file.name) + + # GET file object + if url.startswith("s3://"): + s3_get(url, temp_file) + else: + http_get(url, temp_file) + + # we are copying the file before closing it, so flush to avoid truncation + temp_file.flush() + # shutil.copyfileobj() starts at the current position, so go to the start + temp_file.seek(0) + + logger.info("copying %s to cache at %s", temp_file.name, cache_path) + with open(cache_path, "wb") as cache_file: + shutil.copyfileobj(temp_file, cache_file) + + logger.info("creating metadata file for %s", cache_path) + meta = {"url": url, "etag": etag} + meta_path = cache_path + ".json" + with open(meta_path, "w", encoding="utf-8") as meta_file: + json.dump(meta, meta_file) + + logger.info("removing temp file %s", temp_file.name) + + return cache_path + + +def read_set_from_file(filename): + """ + Extract a de-duped collection (set) of text from a file. + Expected file format is one item per line. + """ + collection = set() + with open(filename, "r", encoding="utf-8") as file_: + for line in file_: + collection.add(line.rstrip()) + return collection + + +def get_file_extension(path, dot=True, lower=True): + ext = os.path.splitext(path)[1] + ext = ext if dot else ext[1:] + return ext.lower() if lower else ext diff --git a/data_tooling/pii_processing/neuralcoref/neuralcoref.pxd b/data_tooling/pii_processing/neuralcoref/neuralcoref.pxd new file mode 100644 index 0000000..db7adfb --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/neuralcoref.pxd @@ -0,0 +1,64 @@ +from spacy.tokens.doc cimport Doc +from spacy.tokens.span cimport Span +from spacy.typedefs cimport flags_t, attr_t, hash_t +from spacy.vectors import Vectors +from spacy.vocab cimport Vocab +from spacy.structs cimport TokenC, LexemeC +from cymem.cymem cimport Pool + +cdef struct SpanC: + int start + int end + +cdef struct SentSpans: + SpanC* spans + int max_spans + int num + +cdef struct Hashes: + hash_t* arr + int length + +cdef struct HashesList: + Hashes no_coref_list + Hashes keep_tags + Hashes PRP_tags + Hashes leave_dep + Hashes keep_dep + Hashes nsubj_or_dep + Hashes conj_or_prep + Hashes remove_pos + Hashes lower_not_end + Hashes conj_tags + Hashes proper_tags + Hashes puncts + hash_t POSSESSIVE_MARK + hash_t NSUBJ_MARK + hash_t IN_TAG + hash_t MARK_DEP + hash_t missing_word + hash_t digit_word + hash_t unknown_word + +cdef struct Mention_C: + hash_t entity_label + int span_root + int span_start + int span_end + int sent_idx + int sent_start + int sent_end + int mention_type + hash_t root_lower + hash_t span_lower + Hashes content_words + +cdef class NeuralCoref(object): + cdef HashesList hashes + cdef readonly Vocab vocab + cdef readonly object cfg + cdef readonly object cfg_inference + cdef public object model + cdef public object static_vectors + cdef public object tuned_vectors + cdef public object conv_dict diff --git a/data_tooling/pii_processing/neuralcoref/neuralcoref.pyx b/data_tooling/pii_processing/neuralcoref/neuralcoref.pyx new file mode 100644 index 0000000..a137d50 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/neuralcoref.pyx @@ -0,0 +1,995 @@ +# cython: infer_types=True, boundscheck=False +# distutils: language=c++ +""" NeuralCoref resolution spaCy v2.0 pipeline component +Custom pipeline components: https://spacy.io//usage/processing-pipelines#custom-components +Compatible with: spaCy v2.0.0+ +""" + +import plac +import re +import os +import io +from collections import OrderedDict +import json +cimport cython +from cpython cimport array +import array +from libc.stdint cimport uint16_t, uint32_t, uint64_t, uintptr_t, int32_t + +import numpy +from cymem.cymem cimport Pool +from srsly import json_dumps, read_json + +import spacy +from spacy.typedefs cimport hash_t +from srsly import json_dumps, read_json +from spacy.structs cimport LexemeC, TokenC +from spacy.lang.en import English +from spacy.tokens.doc import Doc +from spacy.tokens.span import Span +from spacy.tokens.token import Token +from spacy.tokens.token cimport Token +from spacy.strings cimport StringStore +from spacy.vocab cimport Vocab +from spacy.lexeme cimport Lexeme +from spacy.attrs cimport IS_DIGIT +from spacy.vectors import Vectors +from spacy import util +from spacy.compat import is_config + +from thinc.v2v import Model, ReLu, Affine +from thinc.api import chain, clone +# from thinc.neural.util import get_array_module + +from file_utils import NEURALCOREF_MODEL_PATH + +############################## +## DEFAULT INFERENCE VALUES ## + +GREEDYNESS = 0.5 +MAX_DIST = 50 +MAX_DIST_MATCH = 500 + +############################## +##### A BUNCH OF SIZES ####### + +DEF MAX_BINS = 9 +DEF MAX_FOLLOW_UP = 50 +DEF MAX_ITER = 100 +DEF SPAN_FACTOR = 4 + +DEF SIZE_WORD = 8 # number of words in a mention (tuned embeddings) +DEF SIZE_EMBEDDING = 50 # size of the words embeddings +DEF SIZE_SPAN = 5 * SIZE_EMBEDDING # size of the span vector (averaged word embeddings) +DEF SIZE_PAIR_FEATS = 63 # number of features for a pair of mention +DEF SIZE_FP_COMPRESSED = 9 # size of the features for a pair of mentions as stored in numpy arrays +DEF SIZE_SNGL_FEATS = 17 # number of features of a single mention +DEF SIZE_FS_COMPRESSED = 6 # size of the features for a mention as stored in numpy arrays +DEF SIZE_GENRE = 1 # Size of the genre one-hot array when no conll is used +DEF SIZE_MENTION_EMBEDDING = SIZE_SPAN + SIZE_WORD * SIZE_EMBEDDING # A mention embeddings (span + words vectors) +DEF SIZE_FS = SIZE_SNGL_FEATS + SIZE_GENRE +DEF SIZE_FP = SIZE_PAIR_FEATS + SIZE_GENRE +DEF SIZE_SNGL_IN_NO_GENRE = SIZE_MENTION_EMBEDDING + SIZE_SNGL_FEATS +DEF SIZE_PAIR_IN_NO_GENRE = 2 * SIZE_MENTION_EMBEDDING + SIZE_PAIR_FEATS +DEF SIZE_PAIR_IN = 2 * SIZE_MENTION_EMBEDDING + SIZE_FP # Input to the mentions pair neural network +DEF SIZE_SINGLE_IN = SIZE_MENTION_EMBEDDING + SIZE_FS # Input to the single mention neural network + +DEF PAIR_FEATS_0 = SIZE_MENTION_EMBEDDING +DEF PAIR_FEATS_1 = 2 * SIZE_MENTION_EMBEDDING +DEF PAIR_FEATS_2 = PAIR_FEATS_1 + 6 +DEF PAIR_FEATS_3 = PAIR_FEATS_2 + MAX_BINS + 1 +DEF PAIR_FEATS_4 = PAIR_FEATS_3 + 1 +DEF PAIR_FEATS_5 = PAIR_FEATS_4 + MAX_BINS + 1 +DEF PAIR_FEATS_6 = PAIR_FEATS_5 + 2 +DEF PAIR_FEATS_7 = PAIR_FEATS_6 + SIZE_SNGL_FEATS +DEF PAIR_FEATS_8 = PAIR_FEATS_7 + SIZE_SNGL_FEATS + +DEF SGNL_FEATS_0 = SIZE_MENTION_EMBEDDING +DEF SGNL_FEATS_1 = SGNL_FEATS_0 + 4 +DEF SGNL_FEATS_2 = SGNL_FEATS_1 + MAX_BINS + 1 +DEF SGNL_FEATS_3 = SGNL_FEATS_2 + 1 +DEF SGNL_FEATS_4 = SGNL_FEATS_3 + 1 +DEF SGNL_FEATS_5 = SGNL_FEATS_4 + 1 + +DEF EMBED_01 = SIZE_EMBEDDING +DEF EMBED_02 = 2 * SIZE_EMBEDDING +DEF EMBED_03 = 3 * SIZE_EMBEDDING +DEF EMBED_04 = 4 * SIZE_EMBEDDING +DEF EMBED_05 = 5 * SIZE_EMBEDDING +DEF EMBED_06 = 6 * SIZE_EMBEDDING +DEF EMBED_07 = 7 * SIZE_EMBEDDING +DEF EMBED_08 = 8 * SIZE_EMBEDDING +DEF EMBED_09 = 9 * SIZE_EMBEDDING +DEF EMBED_10 = 10 * SIZE_EMBEDDING +DEF EMBED_11 = 11 * SIZE_EMBEDDING +DEF EMBED_12 = 12 * SIZE_EMBEDDING +DEF EMBED_13 = 13 * SIZE_EMBEDDING + +DISTANCE_BINS_PY = array.array('i', list(range(5)) + [5]*3 + [6]*8 + [7]*16 + [8]*32) + +cdef: + int [::1] DISTANCE_BINS = DISTANCE_BINS_PY + int BINS_NUM = len(DISTANCE_BINS) + +########################################################## +##### STRINGS USED IN RULE_BASED MENTION DETECTION ####### + +NO_COREF_LIST = ["i", "me", "my", "you", "your"] +MENTION_TYPE = {"PRONOMINAL": 0, "NOMINAL": 1, "PROPER": 2, "LIST": 3} +MENTION_LABEL = {0: "PRONOMINAL", 1: "NOMINAL", 2: "PROPER", 3: "LIST"} +KEEP_TAGS = ["NN", "NNP", "NNPS", "NNS", "PRP", "PRP$", "DT", "IN"] +CONTENT_TAGS = ["NN", "NNS", "NNP", "NNPS"] +PRP_TAGS = ["PRP", "PRP$"] +CONJ_TAGS = ["CC", ","] +PROPER_TAGS = ["NNP", "NNPS"] +NSUBJ_OR_DEP = ["nsubj", "dep"] +CONJ_OR_PREP = ["conj", "prep"] +LEAVE_DEP = ["det", "compound", "appos"] +KEEP_DEP = ["nsubj", "dobj", "iobj", "pobj"] +REMOVE_POS = ["CCONJ", "SCONJ", "INTJ", "ADP"] +LOWER_NOT_END = ["'s", ',', '.', '!', '?', ':', ';'] +PUNCTS = [".", "!", "?"] +ACCEPTED_ENTS = ["PERSON", "NORP", "FACILITY", "ORG", "GPE", "LOC", "PRODUCT", "EVENT", "WORK_OF_ART", "LANGUAGE"] + +########################################################## +##### UTILITIES TO CONVERT STRINGS IN SPACY HASHES ####### + +cdef set_hashes_list(Hashes* hashes, py_list, StringStore store, Pool mem): + hashes.length = len(py_list) + hashes.arr = mem.alloc(hashes.length, sizeof(hash_t)) + for i, st in enumerate(py_list): + hashes.arr[i] = store.add(st) + +cdef HashesList get_hash_lookups(StringStore store, Pool mem): + cdef HashesList hashes + set_hashes_list(&hashes.no_coref_list, NO_COREF_LIST, store, mem) + set_hashes_list(&hashes.keep_tags, KEEP_TAGS, store, mem) + set_hashes_list(&hashes.PRP_tags, PRP_TAGS, store, mem) + set_hashes_list(&hashes.leave_dep, LEAVE_DEP, store, mem) + set_hashes_list(&hashes.keep_dep, KEEP_DEP, store, mem) + set_hashes_list(&hashes.nsubj_or_dep, NSUBJ_OR_DEP, store, mem) + set_hashes_list(&hashes.conj_or_prep, CONJ_OR_PREP, store, mem) + set_hashes_list(&hashes.remove_pos, REMOVE_POS, store, mem) + set_hashes_list(&hashes.lower_not_end, LOWER_NOT_END, store, mem) + set_hashes_list(&hashes.conj_tags, CONJ_TAGS, store, mem) + set_hashes_list(&hashes.proper_tags, PROPER_TAGS, store, mem) + set_hashes_list(&hashes.proper_tags, PROPER_TAGS, store, mem) + set_hashes_list(&hashes.puncts, PUNCTS, store, mem) + hashes.POSSESSIVE_MARK = store.add("'s") + hashes.NSUBJ_MARK = store.add("nsubj") + hashes.IN_TAG = store.add('IN') + hashes.MARK_DEP = store.add("mark") + hashes.unknown_word = store.add("*UNK*") + hashes.missing_word = store.add("") + hashes.digit_word = store.add("0") + return hashes + +cdef inline bint inside(hash_t element, Hashes hashes) nogil: + cdef int i + cdef hash_t* arr = hashes.arr + cdef int length = hashes.length + for i in range(length): + if arr[i] == element: + return True + return False + +######################################### +##### A BUNCH OF CYTHON UTILITIES ####### + +cdef inline int is_nested(Mention_C* c, int n_mentions, int m_idx): + for i in range(n_mentions): + if i == m_idx: + continue + if c[i].sent_idx == c[m_idx].sent_idx \ + and c[i].span_start <= c[m_idx].span_start \ + and c[i].span_end >= c[m_idx].span_end: + return 1 + return 0 + +cdef inline (int, float) index_distance(int d) nogil: + ''' Return index and value encoding to encode an integer as a (bined) one-hot array ''' + global BINS_NUM, DISTANCE_BINS + cdef float float_val + cdef int bin_d + float_val = min(float(d), float(BINS_NUM)) + if BINS_NUM != 0: + float_val = float_val/ BINS_NUM + bin_d = DISTANCE_BINS[d] if d < 64 else DISTANCE_BINS[BINS_NUM-1] + 1 + return bin_d, float_val + +cdef inline int heads_agree(Mention_C m1, Mention_C m2) nogil: + ''' Does the root of the Mention match the root of another Mention/Span''' + # In CoreNLP: they allow same-type NEs to not match perfectly + # but one could be included in the other, e.g., "George" -> "George Bush" + # In this cython C function, we take the simpler approach of directly comparing the roots hashes + return 1 if m1.root_lower == m2.root_lower else 0 + +cdef inline int exact_match(Mention_C m1, Mention_C m2) nogil: + return 1 if m1.span_lower == m2.span_lower else 0 + +cdef inline int relaxed_match(Mention_C m1, Mention_C m2) nogil: + for i in range(m1.content_words.length): + if inside(m1.content_words.arr[i], m2.content_words): + return True + return False + +cdef inline int overlapping(Mention_C m1, Mention_C m2) nogil: + return 1 if (m1.sent_idx == m2.sent_idx and m1.span_end > m2.span_start) else 0 + +cdef (int, int, int) get_span_sent(Span span): + ''' return index, start and end of the sentence of a Span in its Doc''' + cdef: + int n = 0 + int i + const TokenC* root = &span.doc.c[span.start] + while root.head != 0: # find left edge + root += root.head + n += 1 + if n >= span.doc.length: + raise RuntimeError("Error while getting Mention sentence index. Infinite loop detected.") + n = 0 + for i in range(root.l_edge+1): + if span.doc.c[i].sent_start == 1: + n += 1 + return n, root.l_edge, root.r_edge + 1 + +cdef hash_t get_span_entity_label(Span span): + ''' Label of a detected named entity the Mention is nested in if any''' + cdef int i + cdef const TokenC* token + cdef hash_t label + cdef bint has_label = False + for i in range(span.start, span.end): + token = &span.doc.c[i] + if token.ent_iob == 1: # Inside + if not has_label: + label = token.ent_id + has_label = True + elif token.ent_iob == 2 or token.ent_iob == 0: # Outside + return -1 # Not nested in entity + elif token.ent_iob == 3: # Beggining + if has_label: + return -1 # Not nested in entity + has_label = True + label = token.ent_id + return label + +cdef get_span_type(Span span): + ''' Find the type of a Span ''' + if any(t.tag_ in CONJ_TAGS and t.ent_type_ not in ACCEPTED_ENTS for t in span): + mention_type = MENTION_TYPE["LIST"] + elif span.root.tag_ in PRP_TAGS: + mention_type = MENTION_TYPE["PRONOMINAL"] + elif span.root.ent_type_ in ACCEPTED_ENTS or span.root.tag_ in PROPER_TAGS: + mention_type = MENTION_TYPE["PROPER"] + else: + mention_type = MENTION_TYPE["NOMINAL"] + return mention_type + +def get_resolved(doc, clusters): + ''' Return a list of utterrances text where the coref are resolved to the most representative mention''' + resolved = list(tok.text_with_ws for tok in doc) + for cluster in clusters: + for coref in cluster: + if coref != cluster.main: + resolved[coref.start] = cluster.main.text + doc[coref.end-1].whitespace_ + for i in range(coref.start+1, coref.end): + resolved[i] = "" + return ''.join(resolved) + +################################################# +##### RULE_BASED MENTION EXTRACTION LOGIC ####### + +cdef (int, int) enlarge_span(TokenC* doc_c, int i, int sent_start, int sent_end, int test, + HashesList hashes) nogil: + ''' Utility function to remove bad detected mention endings ''' + cdef int j + cdef uint32_t minchild_idx + cdef uint32_t maxchild_idx + minchild_idx = i + maxchild_idx = i + # if debug: print("enlarge_span") + # if debug: print("test", test) + # if debug: print("sent_start", sent_start) + # if debug: print("sent_end", sent_end) + for j in range(sent_start, sent_end): + # if debug: print("j", j) + c = doc_c[j] + c_head = j + c.head + if c_head != i: + continue + if c.l_edge >= minchild_idx: + continue + if test == 0 \ + or (test == 1 and inside(c.dep, hashes.nsubj_or_dep)) \ + or (test == 2 and c.head == i and not inside(c.dep, hashes.conj_or_prep)): + minchild_idx = c.l_edge + for j in range(sent_start, sent_end): + # if debug: print("j", j) + c = doc_c[j] + c_head = j + c.head + if c_head != i: + continue + if c.r_edge <= maxchild_idx: + continue + if test == 0 \ + or (test == 1 and inside(c.dep, hashes.nsubj_or_dep)) \ + or (test == 2 and c.head == i and not inside(c.dep, hashes.conj_or_prep)): + maxchild_idx = c.r_edge + # if debug: print("minchild_idx", minchild_idx) + # if debug: print("maxchild_idx", maxchild_idx) + # if debug: print("Clean up endings and begginging") + # Clean up endings and begginging + while maxchild_idx >= minchild_idx and maxchild_idx > sent_start \ + and (inside(doc_c[maxchild_idx].pos, hashes.remove_pos) + or inside(doc_c[maxchild_idx].lex.lower, hashes.lower_not_end)): + # if debug: print("maxchild_idx", maxchild_idx) + maxchild_idx -= 1 # We don't want mentions finishing with 's or conjunctions/punctuation + # if debug: print("maxchild_idx", maxchild_idx) + while minchild_idx <= maxchild_idx and minchild_idx < sent_end - 1 \ + and (inside(doc_c[minchild_idx].pos, hashes.remove_pos) + or inside(doc_c[minchild_idx].lex.lower, hashes.lower_not_end)): + minchild_idx += 1 # We don't want mentions starting with 's or conjunctions/punctuation + # if debug: print("minchild_idx", minchild_idx) + # if debug: print("minchild_idx", minchild_idx) + return minchild_idx, maxchild_idx + 1 + +cdef bint add_span(int start, int end, SentSpans* mentions_spans, TokenC* doc_c) nogil: + ''' Utility function to add a detected mention to our SentSpans structure ''' + cdef int num = mentions_spans.num + # if debug: print("add_span") + mentions_spans.spans[num].start = start + mentions_spans.spans[num].end = end + mentions_spans.num += 1 + return mentions_spans.num >= mentions_spans.max_spans # True when the max memory available to store spans is reached + +cdef void _extract_from_sent(TokenC* doc_c, int sent_start, int sent_end, SentSpans* mentions_spans, + HashesList hashes, bint blacklist=False) nogil: + ''' Main function to extract Pronouns and Noun phrases mentions from a spacy Span ''' + cdef int i, j, c_head, k, endIdx, minchild_idx, maxchild_idx, n_spans + cdef bint test + for i in range(sent_start, sent_end): + # if debug: print("token", i) + token = doc_c[i] + if blacklist and inside(token.lex.lower, hashes.no_coref_list): + # if debug: print("blacklist") + continue + if (not inside(token.tag, hashes.keep_tags) or inside(token.dep, hashes.leave_dep) \ + and not inside(token.dep, hashes.keep_dep)): + # if debug: print("not in keep tags or deps") + continue + if inside(token.tag, hashes.PRP_tags): # pronoun + # if debug: print("pronoun") + endIdx = i + 1 + test = add_span(i, i+1, mentions_spans, doc_c) + if test: return + # when pronoun is a part of conjunction (e.g., you and I) + if token.r_kids > 0 or token.l_kids > 0: + test = add_span(token.l_edge, token.r_edge+1, mentions_spans, doc_c) + if test: return + continue + # Add NP mention + # if debug: print("NP mention") + if token.lex.lower == hashes.POSSESSIVE_MARK: # Take care of 's + # if debug: print("Take care of 's") + c_head = i + token.head + j = 0 + while c_head != 0 and j < MAX_ITER: + if doc_c[c_head].dep == hashes.NSUBJ_MARK: + start, end = enlarge_span(doc_c, c_head, sent_start, sent_end, 1, hashes) + test = add_span(start, end+1, mentions_spans, doc_c) + if test: return + break + c_head += doc_c[c_head].head + j += 1 + continue + # if debug: print("Enlarge span") + for j in range(sent_start, sent_end): + c = doc_c[j] + start, end = enlarge_span(doc_c, i, sent_start, sent_end, 0, hashes) + if token.tag == hashes.IN_TAG and token.dep == hashes.MARK_DEP and start == end: + start, end = enlarge_span(doc_c, i + token.head, sent_start, sent_end, 0, hashes) + if start == end: + # if debug: print("Empty span") + continue + if doc_c[start].lex.lower == hashes.POSSESSIVE_MARK: + # if debug: print("we probably already have stored this mention") + continue # we probably already have stored this mention + test = add_span(start, end, mentions_spans, doc_c) + if test: return + test = False + for tok in doc_c[sent_start:sent_end]: + if inside(tok.dep, hashes.conj_or_prep): + test = True + break + if test: + # if debug: print("conj_or_prep") + start, end = enlarge_span(doc_c, i, sent_start, sent_end, 0, hashes) + if start == end: + continue + test = add_span(start, end, mentions_spans, doc_c) + if test: return + return + +cdef extract_mentions_spans(Doc doc, HashesList hashes, bint blacklist=False): + ''' Extract potential mentions from a spacy parsed Doc ''' + cdef: + int i, max_spans + int n_sents + SpanC spans_c + int n_spans = 0 + Pool mem = Pool() + mentions_spans = list(ent for ent in doc.ents if ent.label_ in ACCEPTED_ENTS) # Named entities + n_sents = len(list(doc.sents)) + # if debug: print("n_sents", n_sents) + sent_spans = mem.alloc(n_sents, sizeof(SentSpans)) + for i, sent in enumerate(doc.sents): + max_spans = len(sent)*SPAN_FACTOR + sent_spans[i].spans = mem.alloc(max_spans, sizeof(SpanC)) + sent_spans[i].max_spans = max_spans + sent_spans[i].num = 0 + # if debug: print("sent", i, "max_spans", max_spans) + for i, sent in enumerate(doc.sents): # Extract spans from each sentence in the doc (nogil so could be parallelized) + # if debug: print("extact from", i) + _extract_from_sent(doc.c, sent.start, sent.end, &sent_spans[i], hashes, blacklist=blacklist) + spans_set = set() + for m in mentions_spans: + if m.end > m.start and (m.start, m.end) not in spans_set: + spans_set.add((m.start, m.end)) + n_spans += 1 + for i in range(n_sents): + for j in range(sent_spans[i].num): + spans_c = sent_spans[i].spans[j] + if spans_c.end > spans_c.start and (spans_c.start, spans_c.end) not in spans_set: + spans_set.add((spans_c.start, spans_c.end)) + n_spans += 1 + sorted_spans = sorted(spans_set) + cleaned_mentions_spans = [doc[s[0]:s[1]] for s in sorted_spans] + return cleaned_mentions_spans, n_spans + + +########################## +###### MAIN CLASSES ######## + +class Cluster: + """ A utility class to store our annotations in the spaCy Doc """ + def __init__(self, i, main, mentions): + self.i = i + self.main = main # A Spacy Span: main mention of the cluster + self.mentions = mentions # A list of Spacy Spans: list of all mentions in the cluster + + def __getitem__(self, i): + return self.mentions[i] + + def __iter__(self): + for mention in self.mentions: + yield mention + + def __len__(self): + return len(self.mentions) + + def __unicode__(self): + return unicode(self.main) + u': ' + unicode(self.mentions) + + def __bytes__(self): + return unicode(self).encode('utf-8') + + def __str__(self): + if is_config(python3=True): + return self.__unicode__() + return self.__bytes__() + + def __repr__(self): + return self.__str__() + + +cdef class NeuralCoref(object): + """ spaCy v2.0 Coref pipeline component """ + name = 'coref' + + @classmethod + def Model(cls, **cfg): + """Initialize a model for the pipe.""" + h1 = util.env_opt('h1', cfg.get('h1', 1000)) + h2 = util.env_opt('h2', cfg.get('h2', 500)) + h3 = util.env_opt('h3', cfg.get('h3', 500)) + with Model.define_operators({'**': clone, '>>': chain}): + single_model = ReLu(h1, SIZE_SINGLE_IN) >> ReLu(h2, h1) >> ReLu(h3, h2) >> Affine(1, h3) >> Affine(1, 1) + pairs_model = ReLu(h1, SIZE_PAIR_IN) >> ReLu(h2, h1) >> ReLu(h3, h2) >> Affine(1, h3) >> Affine(1, 1) + cfg = { + 'h1': h1, + 'h2': h2, + 'h3': h3, + } + return (single_model, pairs_model), cfg + + def __init__(self, Vocab vocab, model=True, **cfg_inference): + """Create a Coref pipeline component. + vocab (Vocab): The vocabulary object. Must be shared with documents + to be processed. The value is set to the `.vocab` attribute. + model (object): Neural net model. The value is set to the .model attribute. If set to True + (default), a new instance will be created with `NeuralCoref.Model()` + in NeuralCoref.from_disk() or NeuralCoref.from_bytes(). + **cfg_inference: Arbitrary configuration parameters. Set to the `.cfg_inference` attribute + """ + self.vocab = vocab + self.model = model + self.hashes = get_hash_lookups(vocab.strings, vocab.mem) + self.static_vectors = Vectors() + self.tuned_vectors = Vectors() + self.conv_dict = None + self.cfg = {} + + if 'greedyness' not in cfg_inference: + cfg_inference['greedyness'] = util.env_opt('greedyness', GREEDYNESS) + if 'max_dist' not in cfg_inference: + cfg_inference['max_dist'] = util.env_opt('max_dist', MAX_DIST) + if 'max_dist_match' not in cfg_inference: + cfg_inference['max_dist_match'] = util.env_opt('max_dist_match', MAX_DIST_MATCH) + if 'blacklist' not in cfg_inference: + cfg_inference['blacklist'] = util.env_opt('blacklist', True) + if 'store_scores' not in cfg_inference: + cfg_inference['store_scores'] = util.env_opt('store_scores', True) + if 'conv_dict' not in cfg_inference: + cfg_inference['conv_dict'] = util.env_opt('conv_dict', None) + self.cfg_inference = cfg_inference + + # Register attributes on Doc and Span + if not Doc.has_extension('huggingface_neuralcoref'): + Doc.set_extension('huggingface_neuralcoref', default=True) + Doc.set_extension('has_coref', default=False) + Doc.set_extension('coref_clusters', default=None) + Doc.set_extension('coref_resolved', default="") + Doc.set_extension('coref_scores', default=None) + + Span.set_extension('is_coref', default=False) + Span.set_extension('coref_cluster', default=None) + Span.set_extension('coref_scores', default=None) + + Token.set_extension('in_coref', getter=self.token_in_coref) + Token.set_extension('coref_clusters', getter=self.token_clusters) + Token.set_extension('coref_scores', getter=self.token_scores) + + # Load from disk + self.from_disk(NEURALCOREF_MODEL_PATH) + + def __reduce__(self): + return (NeuralCoref, (self.vocab, self.model), None, None) + + def set_conv_dict(self, conv_dict=None): + def simple_normalize(word): + """ Get the hash of the lower case string of a word""" + return self.vocab.strings.add(word.lower()) + + if conv_dict is None: + conv_dict = self.cfg_inference.get('conv_dict', None) + if conv_dict is None: + return + + self.cfg_inference['conv_dict'] = conv_dict + self.conv_dict = Vectors(shape=(len(conv_dict), self.tuned_vectors.shape[1])) + for key, words in conv_dict.items(): + norm_k = simple_normalize(key) + norm_w = list(simple_normalize(w) for w in words) + embed_vector = numpy.zeros(self.static_vectors.shape[1], dtype='float32') + for hash_w in norm_w: + embed_vector += self.tuned_vectors[hash_w] if hash_w in self.tuned_vectors else self.get_static(hash_w) + self.conv_dict.add(key=norm_k, vector=embed_vector/max(len(norm_w), 1)) + + def __call__(self, doc, greedyness=None, max_dist=None, max_dist_match=None, + conv_dict=None, blacklist=None): + """Apply the pipeline component on a Doc object. """ + if greedyness is None: + greedyness = self.cfg_inference.get('greedyness', GREEDYNESS) + if max_dist is None: + max_dist = self.cfg_inference.get('max_dist', MAX_DIST) + if max_dist_match is None: + max_dist_match = self.cfg_inference.get('max_dist_match', MAX_DIST_MATCH) + if blacklist is None: + blacklist = self.cfg_inference.get('blacklist', True) + + self.set_conv_dict(conv_dict) + + annotations = self.predict([doc], greedyness=greedyness, max_dist=max_dist, + max_dist_match=max_dist_match, blacklist=blacklist) + self.set_annotations([doc], annotations) + return doc + + def pipe(self, stream, batch_size=128, n_threads=1, + greedyness=None, max_dist=None, max_dist_match=None, + conv_dict=None, blacklist=None): + """Process a stream of documents. Currently not optimized. + stream: The sequence of documents to process. + batch_size (int): Number of documents to accumulate into a working set. + n_threads (int): The number of threads with which to work on the buffer + in parallel. + YIELDS (Doc): Documents, in order. + """ + if greedyness is None: + greedyness = self.cfg_inference.get('greedyness', GREEDYNESS) + if max_dist is None: + max_dist = self.cfg_inference.get('max_dist', MAX_DIST) + if max_dist_match is None: + max_dist_match = self.cfg_inference.get('max_dist_match', MAX_DIST_MATCH) + if blacklist is None: + blacklist = self.cfg_inference.get('blacklist', True) + + self.set_conv_dict(conv_dict) + + for docs in util.minibatch(stream, size=batch_size): + docs = list(docs) + annotations = self.predict(docs, greedyness=greedyness, max_dist=max_dist, + max_dist_match=max_dist_match, blacklist=blacklist) + self.set_annotations(docs, annotations) + yield from docs + + def predict(self, docs, float greedyness=0.5, int max_dist=MAX_DIST, int max_dist_match=MAX_DIST_MATCH, + conv_dict=None, bint blacklist=False): + ''' Predict coreference clusters + docs (iterable): A sequence of `Doc` objects. + RETURNS (iterable): List of (lists of mentions, lists of clusters, lists of main mentions per cluster) for each doc. + ''' + cdef: + Mention_C* c + Mention_C m1, m2 + TokenC* doc_c + Doc doc + uint64_t i, ant_idx, men_idx, b_idx, n_mentions, n_pairs + uint64_t [::1] p_ant, p_men, best_ant + float [::1] embed, feats, doc_embed, mention_embed, best_score + float [:, ::1] s_inp, p_inp + float [:, ::1] s_score, p_score + Pool mem + StringStore strings + # timespec ts + # double timing0, timing1, timing2, timing3, timing4 + # clock_gettime(CLOCK_REALTIME, &ts) + # timing0 = ts.tv_sec + (ts.tv_nsec / 1000000000.) + + annotations = [] + # if debug: print("Extract mentions") + for doc in docs: + mem = Pool() # We use this for doc specific allocation + strings = doc.vocab.strings + # ''' Extract mentions ''' + mentions, n_mentions = extract_mentions_spans(doc, self.hashes, blacklist=blacklist) + n_sents = len(list(doc.sents)) + mentions = sorted((m for m in mentions), key=lambda m: (m.root.i, m.start)) + c = mem.alloc(n_mentions, sizeof(Mention_C)) + content_words = [] + for i, m in enumerate(mentions): + c[i].entity_label = get_span_entity_label(m) + c[i].span_start = m.start + c[i].span_end = m.end + c[i].span_root = m.root.i + idx, sent_start, sent_end = get_span_sent(m) + c[i].sent_idx = idx + c[i].sent_start = sent_start + c[i].sent_end = sent_end + c[i].mention_type = get_span_type(m) + c[i].root_lower = (m.root).c.lex.lower + c[i].span_lower = strings.add(m.text.lower()) + content_words.append(set(tok.lower_ for tok in m if tok.tag_ in CONTENT_TAGS)) + c[i].content_words.length = len(content_words[-1]) + c[i].content_words.arr = mem.alloc(len(content_words[-1]), sizeof(hash_t)) + for j, w in enumerate(content_words[-1]): + c[i].content_words.arr[j] = strings.add(w) + + # if debug: print("Prepare arrays of pairs indices and features for feeding the model") + # ''' Prepare arrays of pairs indices and features for feeding the model ''' + pairs_ant = [] + pairs_men = [] + n_pairs = 0 + if max_dist_match is not None: + word_to_mentions = {} + for i in range(n_mentions): + for tok in content_words[i]: + if not tok in word_to_mentions: + word_to_mentions[tok] = [i] + else: + word_to_mentions[tok].append(i) + for i in range(n_mentions): + if max_dist is None: + antecedents = set(range(i)) + else: + antecedents = set(range(max(0, i - max_dist), i)) + if max_dist_match is not None: + for tok in content_words[i]: + with_string_match = word_to_mentions.get(tok, None) + for match_idx in with_string_match: + if match_idx < i and match_idx >= i - max_dist_match: + antecedents.add(match_idx) + pairs_ant += list(antecedents) + pairs_men += [i]*len(antecedents) + n_pairs += len(antecedents) + p_ant_arr = numpy.asarray(pairs_ant, dtype=numpy.uint64) + p_men_arr = numpy.asarray(pairs_men, dtype=numpy.uint64) + p_ant = p_ant_arr + p_men = p_men_arr + s_inp_arr = numpy.zeros((n_mentions, SIZE_SNGL_IN_NO_GENRE + SIZE_GENRE), dtype='float32') + s_inp = s_inp_arr + p_inp_arr = numpy.zeros((n_pairs, SIZE_PAIR_IN_NO_GENRE + SIZE_GENRE), dtype='float32') + p_inp = p_inp_arr + + # if debug: print("Build single features and pair features arrays") + # ''' Build single features and pair features arrays ''' + doc_c = doc.c + doc_embedding = numpy.zeros(SIZE_EMBEDDING, dtype='float32') # self.embeds.get_average_embedding(doc.c, 0, doc.length + 1, self.hashes.puncts) + doc_embed = doc_embedding + for i in range(n_mentions): + s_inp_arr[i, :SGNL_FEATS_0] = self.get_mention_embeddings(mentions[i], doc_embedding) # Set embeddings + s_inp_arr[i, SGNL_FEATS_0 + c[i].mention_type] = 1 # 01_MentionType + b_idx, val = index_distance(c[i].span_end - c[i].span_start - 1) # 02_MentionLength + s_inp_arr[i, SGNL_FEATS_1 + b_idx] = 1 + s_inp_arr[i, SGNL_FEATS_2] = val + val = float(i)/float(n_mentions) # 03_MentionNormLocation + s_inp_arr[i, SGNL_FEATS_3] = val + s_inp_arr[i, SGNL_FEATS_4] = is_nested(c, n_mentions, i) # 04_IsMentionNested + for i in range(n_pairs): + ant_idx = p_ant[i] + men_idx = p_men[i] + m1 = c[ant_idx] + m2 = c[men_idx] + p_inp[i, :PAIR_FEATS_0] = s_inp[ant_idx, :SGNL_FEATS_0] + p_inp[i, PAIR_FEATS_0:PAIR_FEATS_1] = s_inp[men_idx, :SGNL_FEATS_0] + p_inp[i, PAIR_FEATS_1] = 1 # 00_SameSpeaker + # p_inp[i, PAIR_FEATS_1 + 1] = 0 # 01_AntMatchMentionSpeaker # arrays are initialized to zero + # p_inp[i, PAIR_FEATS_1 + 2] = 0 # 02_MentionMatchSpeaker + p_inp[i, PAIR_FEATS_1 + 3] = heads_agree(m1, m2) # 03_HeadsAgree + p_inp[i, PAIR_FEATS_1 + 4] = exact_match(m1, m2) # 04_ExactStringMatch + p_inp[i, PAIR_FEATS_1 + 5] = relaxed_match(m1, m2) # 05_RelaxedStringMatch + b_idx, val = index_distance(m2.sent_idx - m1.sent_idx) # 06_SentenceDistance + # p_inp[i, PAIR_FEATS_2:PAIR_FEATS_3] = 0 + p_inp[i, PAIR_FEATS_2 + b_idx] = 1 + p_inp[i, PAIR_FEATS_3] = val + b_idx, val = index_distance(men_idx - ant_idx - 1) # 07_MentionDistance + # p_inp[i, PAIR_FEATS_4:PAIR_FEATS_5] = 0 + p_inp[i, PAIR_FEATS_4 + b_idx] = 1 + p_inp[i, PAIR_FEATS_5] = val + p_inp[i, PAIR_FEATS_5 + 1] = overlapping(m1, m2) # 08_Overlapping + p_inp[i, PAIR_FEATS_6:PAIR_FEATS_7] = s_inp[ant_idx, SGNL_FEATS_0:SGNL_FEATS_5] # 09_M1Features + p_inp[i, PAIR_FEATS_7:PAIR_FEATS_8] = s_inp[men_idx, SGNL_FEATS_0:SGNL_FEATS_5] # 10_M2Features + # 11_DocGenre is zero currently + + # if debug: print("Compute scores") + # ''' Compute scores ''' + best_score_ar = numpy.empty((n_mentions), dtype='float32') + best_ant_ar = numpy.empty((n_mentions), dtype=numpy.uint64) + best_score = best_score_ar + best_ant = best_ant_ar + s_score = self.model[0](s_inp_arr) + for i in range(n_mentions): + best_score[i] = s_score[i, 0] - 50 * (greedyness - 0.5) + best_ant[i] = i + p_score = self.model[1](p_inp_arr) + for i in range(n_pairs): + ant_idx = p_ant[i] + men_idx = p_men[i] + if p_score[i, 0] > best_score[men_idx]: + best_score[men_idx] = p_score[i, 0] + best_ant[men_idx] = ant_idx + + # if debug: print("Build clusters") + # ''' Build clusters ''' + mention_to_cluster = list(range(n_mentions)) + cluster_to_main = list(range(n_mentions)) + clusters = dict((i, [i]) for i in mention_to_cluster) + for mention_idx, ant_idx in enumerate(best_ant): + if ant_idx != mention_idx: + if mention_to_cluster[ant_idx] == mention_to_cluster[mention_idx]: + continue + keep_id = mention_to_cluster[ant_idx] + remove_id = mention_to_cluster[mention_idx] + for idx in clusters[remove_id]: + mention_to_cluster[idx] = keep_id + clusters[keep_id].append(idx) + del clusters[remove_id] + if c[ant_idx].mention_type != c[mention_idx].mention_type: + if c[mention_idx].mention_type == MENTION_TYPE["PROPER"] \ + or (c[mention_idx].mention_type == MENTION_TYPE["NOMINAL"] and + c[ant_idx].mention_type == MENTION_TYPE["PRONOMINAL"]): + cluster_to_main[ant_idx] = mention_idx + clusters_list = [] + i = 0 + for key, m_idx_list in clusters.items(): + if len(m_idx_list) != 1: + m_list = list(mentions[i] for i in m_idx_list) + main = mentions[cluster_to_main[key]] + clusters_list.append(Cluster(i, main, m_list)) + i += 1 + + # Build scores dict + scores_dict = {} + if self.cfg_inference['store_scores']: + # mention scores + for i in range(n_mentions): + mention = mentions[i] + score = s_score[i, 0] + if mention in scores_dict: + scores_dict[mention][mention] = score + else: + scores_dict[mention] = {mention: score} + # pair scores + for i in range(n_pairs): + antecedent = mentions[p_ant[i]] + mention = mentions[p_men[i]] + score = p_score[i, 0] + if mention in scores_dict: + scores_dict[mention][antecedent] = score + else: + scores_dict[mention] = {antecedent: score} + + annotations.append((clusters_list, scores_dict)) + + return annotations + + def set_annotations(self, docs, annotations): + """Set the tensor attribute for a batch of documents. + docs (iterable): A sequence of `Doc` objects. + tensors (object): Vector representation for each token in the docs. + """ + if isinstance(docs, Doc): + docs = [docs] + cdef Doc doc + for doc, (clusters, scores_dict) in zip(docs, annotations): + doc._.set('has_coref', len(clusters) != 0) + doc._.set('coref_clusters', clusters) + doc._.set('coref_resolved', get_resolved(doc, clusters)) + doc._.set('coref_scores', scores_dict) + for cluster in clusters: + for mention in cluster: + mention._.set('is_coref', True) + mention._.set('coref_cluster', cluster) + for mention, scores in scores_dict.items(): + mention._.set('coref_scores', scores) + + def token_in_coref(self, token): + """Getter for Token attributes. Returns True if the token is in a cluster. + """ + return any([token in mention for cluster in token.doc._.coref_clusters + for mention in cluster]) + + def token_clusters(self, token): + """Getter for Token attributes. Returns a list of the clusters in which the token is. + """ + clusters = [] + for cluster in token.doc._.coref_clusters: + for mention in cluster: + if token in mention: + clusters.append(cluster) + break + return clusters + + def token_scores(self, token): + """Getter for Token attributes. Returns the scores of the cluster in which the token is. + """ + scores_list = [] + for mention, scores in token.doc._.coref_scores.items(): + if token in mention: + scores_list.append(scores) + return scores_list + + def normalize(self, Token token): + return self.hashes.digit_word if token.is_digit else token.lower + + def get_static(self, hash_t word): + return self.static_vectors[word] if word in self.static_vectors else self.static_vectors[self.hashes.unknown_word] + + def get_word_embedding(self, Token token, bint tuned=True): + hash_w = self.normalize(token) + if self.conv_dict is not None and hash_w in self.conv_dict: + return self.conv_dict[hash_w] + if tuned and hash_w in self.tuned_vectors: + return self.tuned_vectors[hash_w] + return self.get_static(hash_w) + + def get_word_in_sentence(self, int i, Span sent): + if i < sent.start or i >= sent.end: + return self.tuned_vectors[self.hashes.missing_word] + return self.get_word_embedding(sent.doc[i]) + + def get_average_embedding(self, Span span): + cdef int i + cdef int n = 0 + embed_arr = numpy.zeros(self.static_vectors.shape[1], dtype='float32') + for token in span: + if token.lower not in PUNCTS: + n += 1 + embed_vector = self.get_word_embedding(token, tuned=False) + embed_arr = embed_arr + embed_vector + embed_arr = numpy.divide(embed_arr, float(max(n, 1))) + return embed_arr + + def get_mention_embeddings(self, Span span, doc_embedding): + ''' Create a mention embedding with span (averaged) and word (single) embeddings ''' + doc = span.doc + sent = span.sent + embeddings = numpy.zeros((EMBED_13, ), dtype='float32') + embeddings[ :EMBED_01] = self.get_average_embedding(span) + embeddings[EMBED_01:EMBED_02] = self.get_average_embedding(doc[max(span.start-5, sent.start):span.start]) + embeddings[EMBED_02:EMBED_03] = self.get_average_embedding(doc[span.end:min(span.end + 5, sent.end)]) + embeddings[EMBED_03:EMBED_04] = self.get_average_embedding(sent) + embeddings[EMBED_04:EMBED_05] = doc_embedding + embeddings[EMBED_05:EMBED_06] = self.get_word_embedding(span.root) + embeddings[EMBED_06:EMBED_07] = self.get_word_embedding(span[0]) + embeddings[EMBED_07:EMBED_08] = self.get_word_embedding(span[-1]) + embeddings[EMBED_08:EMBED_09] = self.get_word_in_sentence(span.start-1, sent) + embeddings[EMBED_09:EMBED_10] = self.get_word_in_sentence(span.end, sent) + embeddings[EMBED_10:EMBED_11] = self.get_word_in_sentence(span.start-2, sent) + embeddings[EMBED_11:EMBED_12] = self.get_word_in_sentence(span.end+1, sent) + embeddings[EMBED_12: ] = self.get_word_embedding(span.root.head) + return embeddings + + def to_disk(self, path, **exclude): + serializers = { + 'single_model': lambda p: p.open('wb').write(self.model[0].to_bytes()), + 'pairs_model': lambda p: p.open('wb').write(self.model[1].to_bytes()), + 'static_vectors': lambda p: self.static_vectors.to_disk(p), + 'tuned_vectors': lambda p: self.tuned_vectors.to_disk(p), + 'cfg': lambda p: p.open('w').write(json_dumps(self.cfg)) + } + util.to_disk(path, serializers, exclude) + + def from_disk(self, path, **exclude): + deserializers = { + 'cfg': lambda p: self.cfg.update(read_json(p)), + 'model': lambda p: None + } + util.from_disk(path, deserializers, exclude) + if 'model' not in exclude: + path = util.ensure_path(path) + if self.model is True: + self.model, cfg = self.Model(**self.cfg) + else: + cfg = {} + with (path / 'single_model').open('rb') as file_: + bytes_data = file_.read() + self.model[0].from_bytes(bytes_data) + with (path / 'pairs_model').open('rb') as file_: + bytes_data = file_.read() + self.model[1].from_bytes(bytes_data) + self.static_vectors.from_disk(path / 'static_vectors') + self.tuned_vectors.from_disk(path / 'tuned_vectors') + self.cfg.update(cfg) + return self + + def to_bytes(self, **exclude): + serializers = OrderedDict(( + ('static_vectors', lambda: self.static_vectors.to_bytes()), + ('tuned_vectors', lambda: self.tuned_vectors.to_bytes()) + ('single_model', lambda: self.model[0].to_bytes()), + ('pairs_model', lambda: self.model[1].to_bytes()), + ('cfg', lambda: json.dumps(self.cfg, indent=2, sort_keys=True)) + )) + if 'model' in exclude: + exclude['static_vectors'] = True + exclude['tuned_vectors'] = True + exclude['single_model'] = True + exclude['pairs_model'] = True + exclude.pop('model') + return util.to_bytes(serializers, exclude) + + def from_bytes(self, bytes_data, **exclude): + deserializers = OrderedDict(( + ('cfg', lambda b: self.cfg.update(json.loads(b))), + ('static_vectors', lambda b: None), + ('tuned_vectors', lambda b: None), + ('single_model', lambda b: None), + ('pairs_model', lambda b: None) + )) + msg = util.from_bytes(bytes_data, deserializers, exclude) + if 'model' not in exclude: + if self.model is True: + self.model, cfg = self.Model(**self.cfg) + else: + cfg = {} + if 'static_vectors' in msg: + self.static_vectors.from_bytes(msg['static_vectors']) + if 'tuned_vectors' in msg: + self.tuned_vectors.from_bytes(msg['tuned_vectors']) + if 'single_model' in msg: + self.model[0].from_bytes(msg['single_model']) + if 'pairs_model' in msg: + self.model[1].from_bytes(msg['pairs_model']) + self.cfg.update(cfg) + return self diff --git a/data_tooling/pii_processing/neuralcoref/tests/__init__.py b/data_tooling/pii_processing/neuralcoref/tests/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii_processing/neuralcoref/tests/test_neuralcoref.py b/data_tooling/pii_processing/neuralcoref/tests/test_neuralcoref.py new file mode 100644 index 0000000..138de3d --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/tests/test_neuralcoref.py @@ -0,0 +1,8 @@ +import spacy +from ..__init__ import add_to_pipe + + +def test_add_pipe(): + nlp = spacy.lang.en.English() + add_to_pipe(nlp) + assert "neuralcoref" in nlp.pipe_names diff --git a/data_tooling/pii_processing/neuralcoref/train/__init__.pxd b/data_tooling/pii_processing/neuralcoref/train/__init__.pxd new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii_processing/neuralcoref/train/__init__.py b/data_tooling/pii_processing/neuralcoref/train/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/data_tooling/pii_processing/neuralcoref/train/algorithm.py b/data_tooling/pii_processing/neuralcoref/train/algorithm.py new file mode 100644 index 0000000..091974c --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/algorithm.py @@ -0,0 +1,396 @@ +# cython: profile=True +# cython: infer_types=True +"""Coref resolution""" + +import os +import spacy +import numpy as np + +from neuralcoref.train.utils import PACKAGE_DIRECTORY, SIZE_SINGLE_IN +from neuralcoref.train.compat import unicode_ +from neuralcoref.train.document import Document, MENTION_TYPE, NO_COREF_LIST + +####################### +##### UTILITIES ####### + +MAX_FOLLOW_UP = 50 + +####################### +###### CLASSES ######## + + +class Model(object): + """ + Coreference neural model + """ + + def __init__(self, model_path): + weights, biases = [], [] + for file in sorted(os.listdir(model_path)): + if file.startswith("single_mention_weights"): + w = np.load(os.path.join(model_path, file)) + weights.append(w) + if file.startswith("single_mention_bias"): + w = np.load(os.path.join(model_path, file)) + biases.append(w) + self.single_mention_model = list(zip(weights, biases)) + weights, biases = [], [] + for file in sorted(os.listdir(model_path)): + if file.startswith("pair_mentions_weights"): + w = np.load(os.path.join(model_path, file)) + weights.append(w) + if file.startswith("pair_mentions_bias"): + w = np.load(os.path.join(model_path, file)) + biases.append(w) + self.pair_mentions_model = list(zip(weights, biases)) + + def _score(self, features, layers): + for weights, bias in layers: + # print("features", features.shape) + features = np.matmul(weights, features) + bias + if weights.shape[0] > 1: + features = np.maximum(features, 0) # ReLU + return np.sum(features, axis=0) + + def get_multiple_single_score(self, first_layer_input): + return self._score(first_layer_input, self.single_mention_model) + + def get_multiple_pair_score(self, first_layer_input): + return self._score(first_layer_input, self.pair_mentions_model) + + +class Coref(object): + """ + Main coreference resolution algorithm + """ + + def __init__( + self, + nlp=None, + greedyness=0.5, + max_dist=50, + max_dist_match=500, + conll=None, + blacklist=True, + debug=False, + ): + self.greedyness = greedyness + self.max_dist = max_dist + self.max_dist_match = max_dist_match + self.debug = debug + model_path = os.path.join( + PACKAGE_DIRECTORY, "weights/conll/" if conll is not None else "weights/" + ) + model_path = os.path.join(PACKAGE_DIRECTORY, "weights/") + print("Loading neuralcoref model from", model_path) + self.coref_model = Model(model_path) + if nlp is None: + print("Loading spacy model") + try: + spacy.info("en_core_web_sm") + model = "en_core_web_sm" + except IOError: + print("No spacy 2 model detected, using spacy1 'en' model") + spacy.info("en") + model = "en" + nlp = spacy.load(model) + self.data = Document( + nlp, conll=conll, blacklist=blacklist, model_path=model_path + ) + self.clusters = {} + self.mention_to_cluster = [] + self.mentions_single_scores = {} + self.mentions_pairs_scores = {} + + ################################### + #### ENTITY CLUSTERS FUNCTIONS #### + ################################### + + def _prepare_clusters(self): + """ + Clean up and prepare one cluster for each mention + """ + self.mention_to_cluster = list(range(len(self.data.mentions))) + self.clusters = dict((i, [i]) for i in self.mention_to_cluster) + self.mentions_single_scores = {} + self.mentions_pairs_scores = {} + for mention in self.mention_to_cluster: + self.mentions_single_scores[mention] = None + self.mentions_pairs_scores[mention] = {} + + def _merge_coreference_clusters(self, ant_idx, mention_idx): + """ + Merge two clusters together + """ + if self.mention_to_cluster[ant_idx] == self.mention_to_cluster[mention_idx]: + return + + remove_id = self.mention_to_cluster[ant_idx] + keep_id = self.mention_to_cluster[mention_idx] + for idx in self.clusters[remove_id]: + self.mention_to_cluster[idx] = keep_id + self.clusters[keep_id].append(idx) + + del self.clusters[remove_id] + + def remove_singletons_clusters(self): + remove_id = [] + for key, mentions in self.clusters.items(): + if len(mentions) == 1: + remove_id.append(key) + self.mention_to_cluster[key] = None + for rem in remove_id: + del self.clusters[rem] + + def display_clusters(self): + """ + Print clusters informations + """ + print(self.clusters) + for key, mentions in self.clusters.items(): + print( + "cluster", + key, + "(", + ", ".join(unicode_(self.data[m]) for m in mentions), + ")", + ) + + ################################### + ####### MAIN COREF FUNCTIONS ###### + ################################### + + def run_coref_on_mentions(self, mentions): + """ + Run the coreference model on a mentions list + """ + best_ant = {} + best_score = {} + n_ant = 0 + inp = np.empty((SIZE_SINGLE_IN, len(mentions))) + for i, mention_idx in enumerate(mentions): + mention = self.data[mention_idx] + print("mention.embedding", mention.embedding.shape) + inp[: len(mention.embedding), i] = mention.embedding + inp[: len(mention.embedding), i] = mention.features + inp[: len(mention.embedding), i] = self.data.genre + score = self.coref_model.get_multiple_single_score(inp.T) + for mention_idx, s in zip(mentions, score): + self.mentions_single_scores[mention_idx] = s + best_score[mention_idx] = s - 50 * (self.greedyness - 0.5) + + for mention_idx, ant_list in self.data.get_candidate_pairs( + mentions, self.max_dist, self.max_dist_match + ): + if len(ant_list) == 0: + continue + inp_l = [] + for ant_idx in ant_list: + mention = self.data[mention_idx] + antecedent = self.data[ant_idx] + feats_, pwf = self.data.get_pair_mentions_features(antecedent, mention) + inp_l.append(pwf) + inp = np.stack(inp_l, axis=0) + score = self.coref_model.get_multiple_pair_score(inp.T) + for ant_idx, s in zip(ant_list, score): + self.mentions_pairs_scores[mention_idx][ant_idx] = s + if s > best_score[mention_idx]: + best_score[mention_idx] = s + best_ant[mention_idx] = ant_idx + if mention_idx in best_ant: + n_ant += 1 + self._merge_coreference_clusters(best_ant[mention_idx], mention_idx) + return (n_ant, best_ant) + + def run_coref_on_utterances( + self, last_utterances_added=False, follow_chains=True, debug=False + ): + """ Run the coreference model on some utterances + + Arg: + last_utterances_added: run the coreference model over the last utterances added to the data + follow_chains: follow coreference chains over previous utterances + """ + if debug: + print("== run_coref_on_utterances == start") + self._prepare_clusters() + if debug: + self.display_clusters() + mentions = list( + self.data.get_candidate_mentions( + last_utterances_added=last_utterances_added + ) + ) + n_ant, antecedents = self.run_coref_on_mentions(mentions) + mentions = antecedents.values() + if follow_chains and last_utterances_added and n_ant > 0: + i = 0 + while i < MAX_FOLLOW_UP: + i += 1 + n_ant, antecedents = self.run_coref_on_mentions(mentions) + mentions = antecedents.values() + if n_ant == 0: + break + if debug: + self.display_clusters() + if debug: + print("== run_coref_on_utterances == end") + + def one_shot_coref( + self, + utterances, + utterances_speakers_id=None, + context=None, + context_speakers_id=None, + speakers_names=None, + ): + """ Clear history, load a list of utterances and an optional context and run the coreference model on them + + Arg: + - `utterances` : iterator or list of string corresponding to successive utterances (in a dialogue) or sentences. + Can be a single string for non-dialogue text. + - `utterances_speakers_id=None` : iterator or list of speaker id for each utterance (in the case of a dialogue). + - if not provided, assume two speakers speaking alternatively. + - if utterances and utterances_speaker are not of the same length padded with None + - `context=None` : iterator or list of string corresponding to additionnal utterances/sentences sent prior to `utterances`. Coreferences are not computed for the mentions identified in `context`. The mentions in `context` are only used as possible antecedents to mentions in `uterrance`. Reduce the computations when we are only interested in resolving coreference in the last sentences/utterances. + - `context_speakers_id=None` : same as `utterances_speakers_id` for `context`. + - `speakers_names=None` : dictionnary of list of acceptable speaker names (strings) for speaker_id in `utterances_speakers_id` and `context_speakers_id` + Return: + clusters of entities with coreference resolved + """ + self.data.set_utterances(context, context_speakers_id, speakers_names) + self.continuous_coref(utterances, utterances_speakers_id, speakers_names) + return self.get_clusters() + + def continuous_coref( + self, utterances, utterances_speakers_id=None, speakers_names=None + ): + """ + Only resolve coreferences for the mentions in the utterances + (but use the mentions in previously loaded utterances as possible antecedents) + Arg: + utterances : iterator or list of string corresponding to successive utterances + utterances_speaker : iterator or list of speaker id for each utterance. + If not provided, assume two speakers speaking alternatively. + if utterances and utterances_speaker are not of the same length padded with None + speakers_names : dictionnary of list of acceptable speaker names for each speaker id + Return: + clusters of entities with coreference resolved + """ + self.data.add_utterances(utterances, utterances_speakers_id, speakers_names) + self.run_coref_on_utterances(last_utterances_added=True, follow_chains=True) + return self.get_clusters() + + ################################### + ###### INFORMATION RETRIEVAL ###### + ################################### + + def get_utterances(self, last_utterances_added=True): + """ Retrieve the list of parsed uterrances""" + if last_utterances_added and len(self.data.last_utterances_loaded): + return [ + self.data.utterances[idx] for idx in self.data.last_utterances_loaded + ] + else: + return self.data.utterances + + def get_resolved_utterances(self, last_utterances_added=True, blacklist=True): + """ Return a list of utterrances text where the """ + coreferences = self.get_most_representative(last_utterances_added, blacklist) + resolved_utterances = [] + for utt in self.get_utterances(last_utterances_added=last_utterances_added): + resolved_utt = "" + in_coref = None + for token in utt: + if in_coref is None: + for coref_original, coref_replace in coreferences.items(): + if coref_original[0] == token: + in_coref = coref_original + resolved_utt += coref_replace.text.lower() + break + if in_coref is None: + resolved_utt += token.text_with_ws + if in_coref is not None and token == in_coref[-1]: + resolved_utt += ( + " " if token.whitespace_ and resolved_utt[-1] is not " " else "" + ) + in_coref = None + resolved_utterances.append(resolved_utt) + return resolved_utterances + + def get_mentions(self): + """ Retrieve the list of mentions""" + return self.data.mentions + + def get_scores(self): + """ Retrieve scores for single mentions and pair of mentions""" + return { + "single_scores": self.mentions_single_scores, + "pair_scores": self.mentions_pairs_scores, + } + + def get_clusters(self, remove_singletons=False, blacklist=False): + """ Retrieve cleaned clusters""" + clusters = self.clusters + mention_to_cluster = self.mention_to_cluster + remove_id = [] + if blacklist: + for key, mentions in clusters.items(): + cleaned_list = [] + for mention_idx in mentions: + mention = self.data.mentions[mention_idx] + if mention.lower_ not in NO_COREF_LIST: + cleaned_list.append(mention_idx) + clusters[key] = cleaned_list + # Also clean up keys so we can build coref chains in self.get_most_representative + added = {} + for key, mentions in clusters.items(): + if self.data.mentions[key].lower_ in NO_COREF_LIST: + remove_id.append(key) + mention_to_cluster[key] = None + if mentions: + added[mentions[0]] = mentions + for rem in remove_id: + del clusters[rem] + clusters.update(added) + + if remove_singletons: + remove_id = [] + for key, mentions in clusters.items(): + if len(mentions) == 1: + remove_id.append(key) + mention_to_cluster[key] = None + for rem in remove_id: + del clusters[rem] + + return clusters, mention_to_cluster + + def get_most_representative(self, last_utterances_added=True, blacklist=True): + """ + Find a most representative mention for each cluster + + Return: + Dictionnary of {original_mention: most_representative_resolved_mention, ...} + """ + clusters, _ = self.get_clusters(remove_singletons=True, blacklist=blacklist) + coreferences = {} + for key in self.data.get_candidate_mentions( + last_utterances_added=last_utterances_added + ): + if self.mention_to_cluster[key] is None: + continue + mentions = clusters.get(self.mention_to_cluster[key], None) + if mentions is None: + continue + representative = self.data.mentions[key] + for mention_idx in mentions[1:]: + mention = self.data.mentions[mention_idx] + if mention.mention_type is not representative.mention_type: + if mention.mention_type == MENTION_TYPE["PROPER"] or ( + mention.mention_type == MENTION_TYPE["NOMINAL"] + and representative.mention_type == MENTION_TYPE["PRONOMINAL"] + ): + coreferences[self.data.mentions[key]] = mention + representative = mention + + return coreferences diff --git a/data_tooling/pii_processing/neuralcoref/train/checkpoints/.gitignore b/data_tooling/pii_processing/neuralcoref/train/checkpoints/.gitignore new file mode 100644 index 0000000..86d0cb2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/checkpoints/.gitignore @@ -0,0 +1,4 @@ +# Ignore everything in this directory +* +# Except this file +!.gitignore \ No newline at end of file diff --git a/data_tooling/pii_processing/neuralcoref/train/compat.py b/data_tooling/pii_processing/neuralcoref/train/compat.py new file mode 100644 index 0000000..a8a974a --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/compat.py @@ -0,0 +1,20 @@ +import sys + +is_windows = sys.platform.startswith("win") +is_linux = sys.platform.startswith("linux") +is_osx = sys.platform == "darwin" + + +# Python 3 is default, Python 2 is not supported anymore +unicode_ = str +bytes_ = bytes +string_types = (bytes, str) +chr_ = chr + + +def unicode_to_bytes(s, encoding="utf8", errors="strict"): + return s.encode(encoding=encoding, errors=errors) + + +def bytes_to_unicode(b, encoding="utf8", errors="strict"): + return b.decode(encoding=encoding, errors=errors) diff --git a/data_tooling/pii_processing/neuralcoref/train/conll_processing_script/compile_coref_data.sh b/data_tooling/pii_processing/neuralcoref/train/conll_processing_script/compile_coref_data.sh new file mode 100644 index 0000000..dbe7970 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/conll_processing_script/compile_coref_data.sh @@ -0,0 +1,50 @@ + +#!/bin/bash + +# Script from the Allen NLP research library (https://github.com/allenai/allennlp): +# https://github.com/allenai/allennlp/blob/master/scripts/compile_coref_data.sh + +# This script downloads and compiles the Ontonotes 2012 data in a helpful format +# for co-reference resolution. It generates 3 files: {train, dev, test}.english.v4_gold_conll, +# as well as a directory 'conll-2012' which contains the raw extracted data. +# The script downloads and runs some python scripts which require python 2.X. + +ONTONOTES_PATH=$1 + +if [ ! -n "$ONTONOTES_PATH" ] ; then + echo "USAGE: ./compile_coref_data.sh /path/to/ontonotes/data" + exit 1 +fi + +function download_and_extract() { + wget $1/$2 + tar -xvzf $2 + rm $2 +} + +function compile_partition() { + rm -f $2.$5.$3$4 + cat conll-2012/$3/data/$1/data/$5/annotations/*/*/*/*.$3$4 >> $2.$5.$3$4 +} + +function compile_language() { + compile_partition development dev v4 _gold_conll $1 + compile_partition train train v4 _gold_conll $1 + compile_partition test test v4 _gold_conll $1 +} + +conll_url=http://conll.cemantix.org/2012/download +download_and_extract $conll_url conll-2012-train.v4.tar.gz +download_and_extract $conll_url conll-2012-development.v4.tar.gz +download_and_extract $conll_url/test conll-2012-test-key.tar.gz +download_and_extract $conll_url/test conll-2012-test-official.v9.tar.gz + +download_and_extract $conll_url conll-2012-scripts.v3.tar.gz + +download_and_extract http://conll.cemantix.org/download reference-coreference-scorers.v8.01.tar.gz +mv reference-coreference-scorers conll-2012/scorer + +# Convert the ontonotes data into the CONLL format. +bash conll-2012/v3/scripts/skeleton2conll.sh -D $ONTONOTES_PATH/data/files/data conll-2012 + +compile_language english diff --git a/data_tooling/pii_processing/neuralcoref/train/conllparser.py b/data_tooling/pii_processing/neuralcoref/train/conllparser.py new file mode 100644 index 0000000..81164c2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/conllparser.py @@ -0,0 +1,960 @@ +"""Conll parser""" + +import re +import argparse +import time +import os +import io +import pickle + +import spacy + +import numpy as np + +from tqdm import tqdm + +from neuralcoref.train.compat import unicode_ +from neuralcoref.train.document import ( + Mention, + Document, + Speaker, + EmbeddingExtractor, + MISSING_WORD, + extract_mentions_spans, +) +from neuralcoref.train.utils import parallel_process + +PACKAGE_DIRECTORY = os.path.dirname(os.path.abspath(__file__)) +REMOVED_CHAR = ["/", "%", "*"] +NORMALIZE_DICT = { + "/.": ".", + "/?": "?", + "-LRB-": "(", + "-RRB-": ")", + "-LCB-": "{", + "-RCB-": "}", + "-LSB-": "[", + "-RSB-": "]", +} + +CONLL_GENRES = {"bc": 0, "bn": 1, "mz": 2, "nw": 3, "pt": 4, "tc": 5, "wb": 6} + +FEATURES_NAMES = [ + "mentions_features", # 0 + "mentions_labels", # 1 + "mentions_pairs_length", # 2 + "mentions_pairs_start_index", # 3 + "mentions_spans", # 4 + "mentions_words", # 5 + "pairs_ant_index", # 6 + "pairs_features", # 7 + "pairs_labels", # 8 + "locations", # 9 + "conll_tokens", # 10 + "spacy_lookup", # 11 + "doc", # 12 +] + +MISSED_MENTIONS_FILE = os.path.join( + PACKAGE_DIRECTORY, "test_mentions_identification.txt" +) +SENTENCES_PATH = os.path.join(PACKAGE_DIRECTORY, "test_sentences.txt") + +################### +### UTILITIES ##### + + +def clean_token(token): + cleaned_token = token + if cleaned_token in NORMALIZE_DICT: + cleaned_token = NORMALIZE_DICT[cleaned_token] + if cleaned_token not in REMOVED_CHAR: + for char in REMOVED_CHAR: + cleaned_token = cleaned_token.replace(char, "") + if len(cleaned_token) == 0: + cleaned_token = "," + return cleaned_token + + +def mention_words_idx(embed_extractor, mention, debug=False): + # index of the word in the tuned embeddings no need for normalizing, + # it is already performed in set_mentions_features() + # We take them in the tuned vocabulary which is a smaller voc tailored from conll + words = [] + for _, w in sorted(mention.words_embeddings_.items()): + if w not in embed_extractor.tun_idx: + if debug: + print( + "No matching tokens in tuned voc for word ", + w, + "surrounding or inside mention", + mention, + ) + words.append(MISSING_WORD) + else: + words.append(w) + return [embed_extractor.tun_idx[w] for w in words] + + +def check_numpy_array(feature, array, n_mentions_list, compressed=True): + for n_mentions in n_mentions_list: + if feature == FEATURES_NAMES[0]: + assert array.shape[0] == len(n_mentions) + if compressed: + assert np.array_equiv( + array[:, 3], np.array([len(n_mentions)] * len(n_mentions)) + ) + assert np.max(array[:, 2]) == len(n_mentions) - 1 + assert np.min(array[:, 2]) == 0 + elif feature == FEATURES_NAMES[1]: + assert array.shape[0] == len(n_mentions) + elif feature == FEATURES_NAMES[2]: + assert array.shape[0] == len(n_mentions) + assert np.array_equiv(array[:, 0], np.array(list(range(len(n_mentions))))) + elif feature == FEATURES_NAMES[3]: + assert array.shape[0] == len(n_mentions) + assert np.array_equiv( + array[:, 0], np.array([p * (p - 1) / 2 for p in range(len(n_mentions))]) + ) + elif feature == FEATURES_NAMES[4]: + assert array.shape[0] == len(n_mentions) + elif feature == FEATURES_NAMES[5]: + assert array.shape[0] == len(n_mentions) + elif feature == FEATURES_NAMES[6]: + assert array.shape[0] == len(n_mentions) * (len(n_mentions) - 1) / 2 + assert np.max(array) == len(n_mentions) - 2 + elif feature == FEATURES_NAMES[7]: + if compressed: + assert array.shape[0] == len(n_mentions) * (len(n_mentions) - 1) / 2 + assert np.max(array[:, 7]) == len(n_mentions) - 2 + assert np.min(array[:, 7]) == 0 + elif feature == FEATURES_NAMES[8]: + assert array.shape[0] == len(n_mentions) * (len(n_mentions) - 1) / 2 + + +############################################################################################### +### PARALLEL FCT (has to be at top-level of the module to be pickled for multiprocessing) ##### +def load_file(full_name, debug=False): + """ + load a *._conll file + Input: full_name: path to the file + Output: list of tuples for each conll doc in the file, where the tuple contains: + (utts_text ([str]): list of the utterances in the document + utts_tokens ([[str]]): list of the tokens (conll words) in the document + utts_corefs: list of coref objects (dicts) with the following properties: + coref['label']: id of the coreference cluster, + coref['start']: start index (index of first token in the utterance), + coref['end': end index (index of last token in the utterance). + utts_speakers ([str]): list of the speaker associated to each utterances in the document + name (str): name of the document + part (str): part of the document + ) + """ + docs = [] + with io.open(full_name, "rt", encoding="utf-8", errors="strict") as f: + lines = list(f) # .readlines() + utts_text = [] + utts_tokens = [] + utts_corefs = [] + utts_speakers = [] + tokens = [] + corefs = [] + index = 0 + speaker = "" + name = "" + part = "" + for li, line in enumerate(lines): + cols = line.split() + if debug: + print("line", li, "cols:", cols) + # End of utterance + if len(cols) == 0: + if tokens: + if debug: + print("End of utterance") + utts_text.append("".join(t + " " for t in tokens)) + utts_tokens.append(tokens) + utts_speakers.append(speaker) + utts_corefs.append(corefs) + tokens = [] + corefs = [] + index = 0 + speaker = "" + continue + # End of doc + elif len(cols) == 2: + if debug: + print("End of doc") + if cols[0] == "#end": + if debug: + print("Saving doc") + docs.append( + (utts_text, utts_tokens, utts_corefs, utts_speakers, name, part) + ) + utts_text = [] + utts_tokens = [] + utts_corefs = [] + utts_speakers = [] + else: + raise ValueError("Error on end line " + line) + # New doc + elif len(cols) == 5: + if debug: + print("New doc") + if cols[0] == "#begin": + name = re.match(r"\((.*)\);", cols[2]).group(1) + try: + part = cols[4] + except ValueError: + print("Error parsing document part " + line) + if debug: + print("New doc", name, part, name[:2]) + tokens = [] + corefs = [] + index = 0 + else: + raise ValueError("Error on begin line " + line) + # Inside utterance + elif len(cols) > 7: + if debug: + print("Inside utterance") + assert cols[0] == name and int(cols[1]) == int(part), ( + "Doc name or part error " + line + ) + assert int(cols[2]) == index, "Index error on " + line + if speaker: + assert cols[9] == speaker, "Speaker changed in " + line + speaker + else: + speaker = cols[9] + if debug: + print("speaker", speaker) + if cols[-1] != "-": + coref_expr = cols[-1].split("|") + if debug: + print("coref_expr", coref_expr) + if not coref_expr: + raise ValueError("Coref expression empty " + line) + for tok in coref_expr: + if debug: + print("coref tok", tok) + try: + match = re.match(r"^(\(?)(\d+)(\)?)$", tok) + except: + print("error getting coreferences for line " + line) + assert match is not None, ( + "Error parsing coref " + tok + " in " + line + ) + num = match.group(2) + assert num is not "", ( + "Error parsing coref " + tok + " in " + line + ) + if match.group(1) == "(": + if debug: + print("New coref", num) + corefs.append({"label": num, "start": index, "end": None}) + if match.group(3) == ")": + j = None + for i in range(len(corefs) - 1, -1, -1): + if debug: + print("i", i) + if ( + corefs[i]["label"] == num + and corefs[i]["end"] is None + ): + j = i + break + assert j is not None, "coref closing error " + line + if debug: + print("End coref", num) + corefs[j]["end"] = index + tokens.append(clean_token(cols[3])) + index += 1 + else: + raise ValueError("Line not standard " + line) + return docs + + +def set_feats(doc): + doc.set_mentions_features() + + +def get_feats(doc, i): + return doc.get_feature_array(doc_id=i) + + +def gather_feats(gathering_array, array, feat_name, pairs_ant_index, pairs_start_index): + if gathering_array is None: + gathering_array = array + else: + if feat_name == FEATURES_NAMES[6]: + array = [a + pairs_ant_index for a in array] + elif feat_name == FEATURES_NAMES[3]: + array = [a + pairs_start_index for a in array] + gathering_array += array + return feat_name, gathering_array + + +def read_file(full_name): + doc = "" + with io.open(full_name, "rt", encoding="utf-8", errors="strict") as f: + doc = f.read() + return doc + + +################### +### ConllDoc ##### + + +class ConllDoc(Document): + def __init__(self, name, part, *args, **kwargs): + self.name = name + self.part = part + self.feature_matrix = {} + self.conll_tokens = [] + self.conll_lookup = [] + self.gold_corefs = [] + self.missed_gold = [] + super(ConllDoc, self).__init__(*args, **kwargs) + + def get_conll_spacy_lookup(self, conll_tokens, spacy_tokens, debug=False): + """ + Compute a look up table between spacy tokens (from spacy tokenizer) + and conll pre-tokenized tokens + Output: list[conll_index] => list of associated spacy tokens (assume spacy tokenizer has a finer granularity) + """ + lookup = [] + c_iter = (t for t in conll_tokens) + s_iter = enumerate(t for t in spacy_tokens) + i, s_tok = next(s_iter) + for c_tok in c_iter: + # if debug: print("conll", c_tok, "spacy", s_tok, "index", i) + c_lookup = [] + while i is not None and len(c_tok) and c_tok.startswith(s_tok.text): + c_lookup.append(i) + c_tok = c_tok[len(s_tok) :] + i, s_tok = next(s_iter, (None, None)) + if debug and len(c_tok): + print("eating token: conll", c_tok, "spacy", s_tok, "index", i) + assert len(c_lookup), "Unmatched conll and spacy tokens" + lookup.append(c_lookup) + return lookup + + def add_conll_utterance( + self, parsed, tokens, corefs, speaker_id, use_gold_mentions, debug=False + ): + conll_lookup = self.get_conll_spacy_lookup(tokens, parsed) + self.conll_tokens.append(tokens) + self.conll_lookup.append(conll_lookup) + # Convert conll tokens coref index in spacy tokens indexes + identified_gold = [False] * len(corefs) + for coref in corefs: + missing_values = [key for key in ['label', 'start', 'end', ] if coref.get(key, None) is None] + if missing_values: + found_values = {key: coref[key] for key in ['label', 'start', 'end'] if coref.get(key, None) is not None} + raise Exception(f"Coref {self.name} with fields {found_values} has empty values for the keys {missing_values}.") + + coref["start"] = conll_lookup[coref["start"]][0] + coref["end"] = conll_lookup[coref["end"]][-1] + + if speaker_id not in self.speakers: + speaker_name = speaker_id.split("_") + if debug: + print("New speaker: ", speaker_id, "name: ", speaker_name) + self.speakers[speaker_id] = Speaker(speaker_id, speaker_name) + if use_gold_mentions: + for coref in corefs: + # print("coref['label']", coref['label']) + # print("coref text",parsed[coref['start']:coref['end']+1]) + mention = Mention( + parsed[coref["start"] : coref["end"] + 1], + len(self.mentions), + len(self.utterances), + self.n_sents, + speaker=self.speakers[speaker_id], + gold_label=coref["label"], + ) + self.mentions.append(mention) + # print("mention: ", mention, "label", mention.gold_label) + else: + mentions_spans = extract_mentions_spans( + doc=parsed, blacklist=self.blacklist + ) + self._process_mentions( + mentions_spans, + len(self.utterances), + self.n_sents, + self.speakers[speaker_id], + ) + + # Assign a gold label to mentions which have one + if debug: + print("Check corefs", corefs) + for i, coref in enumerate(corefs): + for m in self.mentions: + if m.utterance_index != len(self.utterances): + continue + # if debug: print("Checking mention", m, m.utterance_index, m.start, m.end) + if coref["start"] == m.start and coref["end"] == m.end - 1: + m.gold_label = coref["label"] + identified_gold[i] = True + # if debug: print("Gold mention found:", m, coref['label']) + for found, coref in zip(identified_gold, corefs): + if not found: + self.missed_gold.append( + [ + self.name, + self.part, + str(len(self.utterances)), + parsed.text, + parsed[coref["start"] : coref["end"] + 1].text, + ] + ) + if debug: + print( + "❄️ gold mention not in predicted mentions", + coref, + parsed[coref["start"] : coref["end"] + 1], + ) + self.utterances.append(parsed) + self.gold_corefs.append(corefs) + self.utterances_speaker.append(self.speakers[speaker_id]) + self.n_sents += len(list(parsed.sents)) + + def get_single_mention_features_conll(self, mention, compressed=True): + """ Compressed or not single mention features""" + if not compressed: + _, features = self.get_single_mention_features(mention) + return features[np.newaxis, :] + feat_l = [ + mention.features_["01_MentionType"], + mention.features_["02_MentionLength"], + mention.index, + len(self.mentions), + mention.features_["04_IsMentionNested"], + self.genre_, + ] + return feat_l + + def get_pair_mentions_features_conll(self, m1, m2, compressed=True): + """ Compressed or not single mention features""" + if not compressed: + _, features = self.get_pair_mentions_features(m1, m2) + return features[np.newaxis, :] + features_, _ = self.get_pair_mentions_features(m1, m2) + feat_l = [ + features_["00_SameSpeaker"], + features_["01_AntMatchMentionSpeaker"], + features_["02_MentionMatchSpeaker"], + features_["03_HeadsAgree"], + features_["04_ExactStringMatch"], + features_["05_RelaxedStringMatch"], + features_["06_SentenceDistance"], + features_["07_MentionDistance"], + features_["08_Overlapping"], + ] + return feat_l + + def get_feature_array(self, doc_id, feature=None, compressed=True, debug=False): + """ + Prepare feature array: + mentions_spans: (N, S) + mentions_words: (N, W) + mentions_features: (N, Fs) + mentions_labels: (N, 1) + mentions_pairs_start_index: (N, 1) index of beggining of pair list in pair_labels + mentions_pairs_length: (N, 1) number of pairs (i.e. nb of antecedents) for each mention + pairs_features: (P, Fp) + pairs_labels: (P, 1) + pairs_ant_idx: (P, 1) => indexes of antecedents mention for each pair (mention index in doc) + """ + if not self.mentions: + if debug: + print("No mention in this doc !") + return {} + if debug: + print("🛎 features matrices") + mentions_spans = [] + mentions_words = [] + mentions_features = [] + pairs_ant_idx = [] + pairs_features = [] + pairs_labels = [] + mentions_labels = [] + mentions_pairs_start = [] + mentions_pairs_length = [] + mentions_location = [] + n_mentions = 0 + total_pairs = 0 + if debug: + print("mentions", self.mentions, str([m.gold_label for m in self.mentions])) + for mention_idx, antecedents_idx in list( + self.get_candidate_pairs(max_distance=None, max_distance_with_match=None) + ): + n_mentions += 1 + mention = self.mentions[mention_idx] + mentions_spans.append(mention.spans_embeddings) + w_idx = mention_words_idx(self.embed_extractor, mention) + if w_idx is None: + print("error in", self.name, self.part, mention.utterance_index) + mentions_words.append(w_idx) + mentions_features.append( + self.get_single_mention_features_conll(mention, compressed) + ) + mentions_location.append( + [ + mention.start, + mention.end, + mention.utterance_index, + mention_idx, + doc_id, + ] + ) + ants = [self.mentions[ant_idx] for ant_idx in antecedents_idx] + no_antecedent = ( + not any(ant.gold_label == mention.gold_label for ant in ants) + or mention.gold_label is None + ) + if antecedents_idx: + pairs_ant_idx += [idx for idx in antecedents_idx] + pairs_features += [ + self.get_pair_mentions_features_conll(ant, mention, compressed) + for ant in ants + ] + ant_labels = ( + [0 for ant in ants] + if no_antecedent + else [ + 1 if ant.gold_label == mention.gold_label else 0 for ant in ants + ] + ) + pairs_labels += ant_labels + mentions_labels.append(1 if no_antecedent else 0) + mentions_pairs_start.append(total_pairs) + total_pairs += len(ants) + mentions_pairs_length.append(len(ants)) + + out_dict = { + FEATURES_NAMES[0]: mentions_features, + FEATURES_NAMES[1]: mentions_labels, + FEATURES_NAMES[2]: mentions_pairs_length, + FEATURES_NAMES[3]: mentions_pairs_start, + FEATURES_NAMES[4]: mentions_spans, + FEATURES_NAMES[5]: mentions_words, + FEATURES_NAMES[6]: pairs_ant_idx if pairs_ant_idx else None, + FEATURES_NAMES[7]: pairs_features if pairs_features else None, + FEATURES_NAMES[8]: pairs_labels if pairs_labels else None, + FEATURES_NAMES[9]: [mentions_location], + FEATURES_NAMES[10]: [self.conll_tokens], + FEATURES_NAMES[11]: [self.conll_lookup], + FEATURES_NAMES[12]: [ + { + "name": self.name, + "part": self.part, + "utterances": list(str(u) for u in self.utterances), + "mentions": list(str(m) for m in self.mentions), + } + ], + } + if debug: + print("🚘 Summary") + for k, v in out_dict.items(): + print(k, len(v)) + return n_mentions, total_pairs, out_dict + + +################### +### ConllCorpus ##### +class ConllCorpus(object): + def __init__( + self, + n_jobs=4, + embed_path=PACKAGE_DIRECTORY + "/weights/", + gold_mentions=False, + blacklist=False, + ): + self.n_jobs = n_jobs + self.features = {} + self.utts_text = [] + self.utts_tokens = [] + self.utts_corefs = [] + self.utts_speakers = [] + self.utts_doc_idx = [] + self.docs_names = [] + self.docs = [] + if embed_path is not None: + self.embed_extractor = EmbeddingExtractor(embed_path) + self.trainable_embed = [] + self.trainable_voc = [] + self.gold_mentions = gold_mentions + self.blacklist = blacklist + + def check_words_in_embeddings_voc(self, embedding, tuned=True, debug=False): + print("🌋 Checking if words are in embedding voc") + if tuned: + embed_voc = embedding.tun_idx + else: + embed_voc = embedding.stat_idx + missing_words = [] + missing_words_sents = [] + missing_words_doc = [] + for doc in self.docs: + # if debug: print("Checking doc", doc.name, doc.part) + for sent in doc.utterances: + # if debug: print(sent.text) + for word in sent: + w = embedding.normalize_word(word) + # if debug: print(w) + if w not in embed_voc: + missing_words.append(w) + missing_words_sents.append(sent.text) + missing_words_doc.append(doc.name + doc.part) + if debug: + out_str = ( + "No matching tokens in tuned voc for " + + w + + " in sentence " + + sent.text + + " in doc " + + doc.name + + doc.part + ) + print(out_str) + return missing_words, missing_words_sents, missing_words_doc + + def test_sentences_words(self, save_file, debug=False): + print("🌋 Saving sentence list") + with io.open(save_file, "w", encoding="utf-8") as f: + if debug: + print("Sentences saved in", save_file) + for doc in self.docs: + out_str = "#begin document (" + doc.name + "); part " + doc.part + "\n" + f.write(out_str) + for sent in doc.utterances: + f.write(sent.text + "\n") + out_str = "#end document\n\n" + f.write(out_str) + + def save_sentences(self, save_file, debug=False): + print("🌋 Saving sentence list") + with io.open(save_file, "w", encoding="utf-8") as f: + if debug: + print("Sentences saved in", save_file) + for doc in self.docs: + out_str = "#begin document (" + doc.name + "); part " + doc.part + "\n" + f.write(out_str) + for sent in doc.utterances: + f.write(sent.text + "\n") + out_str = "#end document\n\n" + f.write(out_str) + + def build_key_file(self, data_path, key_file, debug=False): + print("🌋 Building key file from corpus") + print("Saving in", key_file) + # Create a pool of processes. By default, one is created for each CPU in your machine. + with io.open(key_file, "w", encoding="utf-8") as kf: + if debug: + print("Key file saved in", key_file) + for dirpath, _, filenames in os.walk(data_path): + print("In", dirpath) + file_list = [ + os.path.join(dirpath, f) + for f in filenames + if f.endswith(".v4_auto_conll") or f.endswith(".v4_gold_conll") + ] + cleaned_file_list = [] + for f in file_list: + fn = f.split(".") + if fn[1] == "v4_auto_conll": + gold = fn[0] + "." + "v4_gold_conll" + if gold not in file_list: + cleaned_file_list.append(f) + else: + cleaned_file_list.append(f) + # self.load_file(file_list[0]) + doc_list = parallel_process(cleaned_file_list, read_file) + for doc in doc_list: + kf.write(doc) + + def list_undetected_mentions(self, data_path, save_file, debug=True): + self.read_corpus(data_path) + print("🌋 Listing undetected mentions") + with io.open(save_file, "w", encoding="utf-8") as out_file: + for doc in tqdm(self.docs): + for name, part, utt_i, utt, coref in doc.missed_gold: + out_str = name + "\t" + part + "\t" + utt_i + '\t"' + utt + '"\n' + out_str += coref + "\n" + out_file.write(out_str) + if debug: + print(out_str) + + def read_corpus(self, data_path, model=None, debug=False): + print("🌋 Reading files") + for dirpath, _, filenames in os.walk(data_path): + print("In", dirpath, os.path.abspath(dirpath)) + file_list = [ + os.path.join(dirpath, f) + for f in filenames + if f.endswith(".v4_auto_conll") or f.endswith(".v4_gold_conll") + ] + cleaned_file_list = [] + for f in file_list: + fn = f.split(".") + if fn[1] == "v4_auto_conll": + gold = fn[0] + "." + "v4_gold_conll" + if gold not in file_list: + cleaned_file_list.append(f) + else: + cleaned_file_list.append(f) + doc_list = parallel_process(cleaned_file_list, load_file) + for docs in doc_list: # executor.map(self.load_file, cleaned_file_list): + for ( + utts_text, + utt_tokens, + utts_corefs, + utts_speakers, + name, + part, + ) in docs: + if debug: + print("Imported", name) + print("utts_text", utts_text) + print("utt_tokens", utt_tokens) + print("utts_corefs", utts_corefs) + print("utts_speakers", utts_speakers) + print("name, part", name, part) + self.utts_text += utts_text + self.utts_tokens += utt_tokens + self.utts_corefs += utts_corefs + self.utts_speakers += utts_speakers + self.utts_doc_idx += [len(self.docs_names)] * len(utts_text) + self.docs_names.append((name, part)) + print("utts_text size", len(self.utts_text)) + print("utts_tokens size", len(self.utts_tokens)) + print("utts_corefs size", len(self.utts_corefs)) + print("utts_speakers size", len(self.utts_speakers)) + print("utts_doc_idx size", len(self.utts_doc_idx)) + print("🌋 Building docs") + for name, part in self.docs_names: + self.docs.append( + ConllDoc( + name=name, + part=part, + nlp=None, + blacklist=self.blacklist, + consider_speakers=True, + embedding_extractor=self.embed_extractor, + conll=CONLL_GENRES[name[:2]], + ) + ) + print("🌋 Loading spacy model") + + if model is None: + model_options = ["en_core_web_lg", "en_core_web_md", "en_core_web_sm", "en"] + for model_option in model_options: + if not model: + try: + spacy.info(model_option) + model = model_option + print("Loading model", model_option) + except: + print("Could not detect model", model_option) + if not model: + print("Could not detect any suitable English model") + return + else: + spacy.info(model) + print("Loading model", model) + nlp = spacy.load(model) + print( + "🌋 Parsing utterances and filling docs with use_gold_mentions=" + + (str(bool(self.gold_mentions))) + ) + doc_iter = (s for s in self.utts_text) + for utt_tuple in tqdm( + zip( + nlp.pipe(doc_iter), + self.utts_tokens, + self.utts_corefs, + self.utts_speakers, + self.utts_doc_idx, + ) + ): + spacy_tokens, conll_tokens, corefs, speaker, doc_id = utt_tuple + if debug: + print(unicode_(self.docs_names[doc_id]), "-", spacy_tokens) + doc = spacy_tokens + if debug: + out_str = ( + "utterance " + + unicode_(doc) + + " corefs " + + unicode_(corefs) + + " speaker " + + unicode_(speaker) + + "doc_id" + + unicode_(doc_id) + ) + print(out_str.encode("utf-8")) + self.docs[doc_id].add_conll_utterance( + doc, conll_tokens, corefs, speaker, use_gold_mentions=self.gold_mentions + ) + + def build_and_gather_multiple_arrays(self, save_path): + print(f"🌋 Extracting mentions features with {self.n_jobs} job(s)") + parallel_process(self.docs, set_feats, n_jobs=self.n_jobs) + + print(f"🌋 Building and gathering array with {self.n_jobs} job(s)") + arr = [{"doc": doc, "i": i} for i, doc in enumerate(self.docs)] + arrays_dicts = parallel_process( + arr, get_feats, use_kwargs=True, n_jobs=self.n_jobs + ) + gathering_dict = dict((feat, None) for feat in FEATURES_NAMES) + n_mentions_list = [] + pairs_ant_index = 0 + pairs_start_index = 0 + for npaidx in tqdm(range(len(arrays_dicts))): + try: + n, p, arrays_dict = arrays_dicts[npaidx] + except: + # empty array dict, cannot extract the dict values for this doc + continue + + for f in FEATURES_NAMES: + if gathering_dict[f] is None: + gathering_dict[f] = arrays_dict[f] + else: + if f == FEATURES_NAMES[6]: + array = [a + pairs_ant_index for a in arrays_dict[f]] + elif f == FEATURES_NAMES[3]: + array = [a + pairs_start_index for a in arrays_dict[f]] + else: + array = arrays_dict[f] + gathering_dict[f] += array + pairs_ant_index += n + pairs_start_index += p + n_mentions_list.append(n) + + for feature in FEATURES_NAMES[:9]: + feature_data = gathering_dict[feature] + if not feature_data: + print("No data for", feature) + continue + print("Building numpy array for", feature, "length", len(feature_data)) + if feature != "mentions_spans": + array = np.array(feature_data) + if array.ndim == 1: + array = np.expand_dims(array, axis=1) + else: + array = np.stack(feature_data) + # check_numpy_array(feature, array, n_mentions_list) + print("Saving numpy", feature, "size", array.shape) + np.save(save_path + feature, array) + for feature in FEATURES_NAMES[9:]: + feature_data = gathering_dict[feature] + if feature_data: + print("Saving pickle", feature, "size", len(feature_data)) + with open(save_path + feature + ".bin", "wb") as fp: + pickle.dump(feature_data, fp) + + def save_vocabulary(self, save_path, debug=False): + def _vocabulary_to_file(path, vocabulary): + print("🌋 Saving vocabulary") + with io.open(path, "w", encoding="utf-8") as f: + if debug: + print(f"voc saved in {path}, length: {len(vocabulary)}") + for w in tunable_voc: + f.write(w + "\n") + + print("🌋 Building tunable vocabulary matrix from static vocabulary") + tunable_voc = self.embed_extractor.tun_voc + _vocabulary_to_file( + path=save_path + "tuned_word_vocabulary.txt", vocabulary=tunable_voc + ) + + static_voc = self.embed_extractor.stat_voc + _vocabulary_to_file( + path=save_path + "static_word_vocabulary.txt", vocabulary=static_voc + ) + + tuned_word_embeddings = np.vstack( + [self.embed_extractor.get_stat_word(w)[1] for w in tunable_voc] + ) + print("Saving tunable voc, size:", tuned_word_embeddings.shape) + np.save(save_path + "tuned_word_embeddings", tuned_word_embeddings) + + static_word_embeddings = np.vstack( + [self.embed_extractor.static_embeddings[w] for w in static_voc] + ) + print("Saving static voc, size:", static_word_embeddings.shape) + np.save(save_path + "static_word_embeddings", static_word_embeddings) + + +if __name__ == "__main__": + DIR_PATH = os.path.dirname(os.path.realpath(__file__)) + parser = argparse.ArgumentParser( + description="Training the neural coreference model" + ) + parser.add_argument( + "--function", + type=str, + default="all", + help='Function ("all", "key", "parse", "find_undetected")', + ) + parser.add_argument( + "--path", type=str, default=DIR_PATH + "/data/", help="Path to the dataset" + ) + parser.add_argument( + "--key", type=str, help="Path to an optional key file for scoring" + ) + parser.add_argument( + "--n_jobs", type=int, default=1, help="Number of parallel jobs (default 1)" + ) + parser.add_argument( + "--gold_mentions", + type=int, + default=0, + help="Use gold mentions (1) or not (0, default)", + ) + parser.add_argument( + "--blacklist", type=int, default=0, help="Use blacklist (1) or not (0, default)" + ) + parser.add_argument("--spacy_model", type=str, default=None, help="model name") + args = parser.parse_args() + if args.key is None: + args.key = args.path + "/key.txt" + CORPUS = ConllCorpus( + n_jobs=args.n_jobs, gold_mentions=args.gold_mentions, blacklist=args.blacklist + ) + if args.function == "parse" or args.function == "all": + SAVE_DIR = args.path + "/numpy/" + if not os.path.exists(SAVE_DIR): + os.makedirs(SAVE_DIR) + else: + if os.listdir(SAVE_DIR): + print("There are already data in", SAVE_DIR) + print("Erasing") + for file in os.listdir(SAVE_DIR): + print(file) + os.remove(SAVE_DIR + file) + start_time = time.time() + CORPUS.read_corpus(args.path, model=args.spacy_model) + print("=> read_corpus time elapsed", time.time() - start_time) + if not CORPUS.docs: + print("Could not parse any valid docs") + else: + start_time2 = time.time() + CORPUS.build_and_gather_multiple_arrays(SAVE_DIR) + print( + "=> build_and_gather_multiple_arrays time elapsed", + time.time() - start_time2, + ) + start_time2 = time.time() + CORPUS.save_vocabulary(SAVE_DIR) + print("=> save_vocabulary time elapsed", time.time() - start_time2) + print("=> total time elapsed", time.time() - start_time) + if args.function == "key" or args.function == "all": + CORPUS.build_key_file(args.path, args.key) + if args.function == "find_undetected": + CORPUS.list_undetected_mentions( + args.path, args.path + "/undetected_mentions.txt" + ) diff --git a/data_tooling/pii_processing/neuralcoref/train/data/.gitignore b/data_tooling/pii_processing/neuralcoref/train/data/.gitignore new file mode 100644 index 0000000..86d0cb2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/data/.gitignore @@ -0,0 +1,4 @@ +# Ignore everything in this directory +* +# Except this file +!.gitignore \ No newline at end of file diff --git a/data_tooling/pii_processing/neuralcoref/train/dataset.py b/data_tooling/pii_processing/neuralcoref/train/dataset.py new file mode 100644 index 0000000..0831768 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/dataset.py @@ -0,0 +1,536 @@ +"""Conll training algorithm""" + +import os +import io +import numpy as np + +import torch +import torch.utils.data + +from torch.utils.data.sampler import Sampler +from torch.utils.data import Dataset + +from neuralcoref.train.utils import ( + encode_distance, + BATCH_SIZE_PATH, + SIZE_FP, + SIZE_FP_COMPRESSED, + SIZE_FS, + SIZE_FS_COMPRESSED, + SIZE_GENRE, + SIZE_PAIR_IN, + SIZE_SINGLE_IN, +) +from neuralcoref.train.conllparser import FEATURES_NAMES + + +def load_embeddings_from_file(name): + print("loading", name + "_embeddings.npy") + embed = torch.from_numpy(np.load(name + "_embeddings.npy")).float() + print(embed.size()) + print("loading", name + "_vocabulary.txt") + with io.open(name + "_vocabulary.txt", "r", encoding="utf-8") as f: + voc = [line.strip() for line in f] + return embed, voc + + +class _DictionaryDataLoader(object): + def __init__(self, dict_object, order): + self.dict_object = dict_object + self.order = order + + def __len__(self): + return len(self.dict_object[self.order[0]]) + + def __getitem__(self, idx): + if isinstance(idx, slice): + data = [] + for i in range( + idx.start, idx.stop, idx.step if idx.step is not None else 1 + ): + temp_data = [] + for key in self.order: + temp_data.append(self.dict_object[key][i]) + data.append(temp_data) + + else: + data = [] + for key in self.order: + data.append(self.dict_object[key][idx]) + + return data + + +class NCDataset(Dataset): + def __init__(self, data_path, params, no_targets=False): + print("🏝 Loading Dataset at", data_path) + self.costs = params.costs + self.no_targets = no_targets + # Load files + datas = {} + if not os.listdir(data_path): + raise ValueError("Empty data_path") + numpy_files_found = False + print("Reading ", end="") + for file_name in os.listdir(data_path): + if not ".npy" in file_name: + continue + numpy_files_found = True + print(file_name, end=", ") + datas[file_name.split(".")[0]] = np.load( + data_path + file_name, mmap_mode="r" if params.lazy else None + ) + if not numpy_files_found: + raise ValueError(f"Can't find numpy files in {data_path}") + + # Gather arrays in two lists of tuples for mention and pairs + if not params.lazy: + self.mentions = list( + zip( + *( + arr + for key, arr in sorted(datas.items()) + if key.startswith("mentions") + ) + ) + ) + self.pairs = list( + zip( + *( + arr + for key, arr in sorted(datas.items()) + if key.startswith("pairs") + ) + ) + ) + else: + self.mentions = _DictionaryDataLoader( + datas, + order=( + "mentions_features", + "mentions_labels", + "mentions_pairs_length", + "mentions_pairs_start_index", + "mentions_spans", + "mentions_words", + ), + ) + self.pairs = _DictionaryDataLoader( + datas, order=("pairs_ant_index", "pairs_features", "pairs_labels") + ) + + self.mentions_pair_length = datas[FEATURES_NAMES[2]] + assert [arr.shape[0] for arr in self.mentions[0]] == [ + 6, + 1, + 1, + 1, + 250, + 8, + ] # Cf order of FEATURES_NAMES in conllparser.py + assert [arr.shape[0] for arr in self.pairs[0]] == [ + 1, + 9, + 1, + ] # Cf order of FEATURES_NAMES in conllparser.py + + def __len__(self): + return len(self.mentions) + + def __getitem__(self, mention_idx, debug=False): + """ + Return: + Definitions: + P is the number of antecedent per mention (number of pairs for the mention) + S = 250 is the size of the span vector (averaged word embeddings) + W = 8 is the number of words in a mention (tuned embeddings) + Fp = 70 is the number of features for a pair of mention + Fs = 24 is the number of features of a single mention + + if there are some pairs: + inputs = (spans, words, features, ant_spans, ant_words, ana_spans, ana_words, pairs_features) + targets = (labels, costs, true_ants, false_ants) + else: + inputs = (spans, words, features) + targets = (labels, costs, true_ants) + + inputs: Tuple of + spans => (S,) + words => (W,) + features => (Fs,) + + if there are potential antecedents (P > 0): + ant_spans => (P, S) or nothing if no pairs + ant_words => (P, W) or nothing if no pairs + ana_spans => (P, S) or nothing if no pairs + ana_words => (P, W) or nothing if no pairs + pair_features => (P, Fp) or nothing if no pairs + + targets: Tuple of + labels => (P+1,) + costs => (P+1,) + true_ant => (P+1,) + + if there are potential antecedents (P > 0): + false_ant => (P+1,) + + """ + features_raw, label, pairs_length, pairs_start_index, spans, words = self.mentions[ + mention_idx + ] + pairs_start_index = pairs_start_index.item() + pairs_length = pairs_length.item() + + # Build features array (float) from raw features (int) + assert features_raw.shape[0] == SIZE_FS_COMPRESSED + features = np.zeros((SIZE_FS,)) + features[features_raw[0]] = 1 + features[4:15] = encode_distance(features_raw[1]) + features[15] = features_raw[2].astype(float) / features_raw[3].astype(float) + features[16] = features_raw[4] + features[features_raw[5] + 17] = 1 + + if pairs_length == 0: + spans = torch.from_numpy(spans).float() + words = torch.from_numpy(words) + features = torch.from_numpy(features).float() + inputs = (spans, words, features) + if self.no_targets: + return inputs + true_ant = torch.zeros(1).long() # zeros = indices of true ant + costs = torch.from_numpy((1 - label) * self.costs["FN"]).float() + label = torch.from_numpy(label).float() + targets = (label, costs, true_ant) + if debug: + print("inputs shapes: ", [a.size() for a in inputs]) + print("targets shapes: ", [a.size() for a in targets]) + return inputs, targets + + start = pairs_start_index + end = pairs_start_index + pairs_length + pairs = self.pairs[start:end] + assert len(pairs) == pairs_length + assert ( + len(pairs[0]) == 3 + ) # pair[i] = (pairs_ant_index, pairs_features, pairs_labels) + pairs_ant_index, pairs_features_raw, pairs_labels = list(zip(*pairs)) + + pairs_features_raw = np.stack(pairs_features_raw) + pairs_labels = np.squeeze(np.stack(pairs_labels), axis=1) + + # Build pair features array (float) from raw features (int) + assert pairs_features_raw[0, :].shape[0] == SIZE_FP_COMPRESSED + pairs_features = np.zeros((len(pairs_ant_index), SIZE_FP)) + pairs_features[:, 0:6] = pairs_features_raw[:, 0:6] + pairs_features[:, 6:17] = encode_distance(pairs_features_raw[:, 6]) + pairs_features[:, 17:28] = encode_distance(pairs_features_raw[:, 7]) + pairs_features[:, 28] = pairs_features_raw[:, 8] + # prepare antecent features + ant_features_raw = np.concatenate( + [self.mentions[idx.item()][0][np.newaxis, :] for idx in pairs_ant_index] + ) + ant_features = np.zeros((pairs_length, SIZE_FS - SIZE_GENRE)) + ant_features[:, ant_features_raw[:, 0]] = 1 + ant_features[:, 4:15] = encode_distance(ant_features_raw[:, 1]) + ant_features[:, 15] = ant_features_raw[:, 2].astype(float) / ant_features_raw[ + :, 3 + ].astype(float) + ant_features[:, 16] = ant_features_raw[:, 4] + pairs_features[:, 29:46] = ant_features + # Here we keep the genre + ana_features = np.tile(features, (pairs_length, 1)) + pairs_features[:, 46:] = ana_features + + ant_spans = np.concatenate( + [self.mentions[idx.item()][4][np.newaxis, :] for idx in pairs_ant_index] + ) + ant_words = np.concatenate( + [self.mentions[idx.item()][5][np.newaxis, :] for idx in pairs_ant_index] + ) + ana_spans = np.tile(spans, (pairs_length, 1)) + ana_words = np.tile(words, (pairs_length, 1)) + ant_spans = torch.from_numpy(ant_spans).float() + ant_words = torch.from_numpy(ant_words) + ana_spans = torch.from_numpy(ana_spans).float() + ana_words = torch.from_numpy(ana_words) + pairs_features = torch.from_numpy(pairs_features).float() + + labels_stack = np.concatenate((pairs_labels, label), axis=0) + assert labels_stack.shape == (pairs_length + 1,) + labels = torch.from_numpy(labels_stack).float() + + spans = torch.from_numpy(spans).float() + words = torch.from_numpy(words) + features = torch.from_numpy(features).float() + + inputs = ( + spans, + words, + features, + ant_spans, + ant_words, + ana_spans, + ana_words, + pairs_features, + ) + + if self.no_targets: + return inputs + + if label == 0: + costs = np.concatenate( + (self.costs["WL"] * (1 - pairs_labels), [self.costs["FN"]]) + ) # Inverse labels: 1=>0, 0=>1 + else: + costs = np.concatenate((self.costs["FL"] * np.ones_like(pairs_labels), [0])) + assert costs.shape == (pairs_length + 1,) + costs = torch.from_numpy(costs).float() + + true_ants_unpad = np.flatnonzero(labels_stack) + if len(true_ants_unpad) == 0: + raise ValueError("Error: no True antecedent for mention") + true_ants = np.pad( + true_ants_unpad, (0, len(pairs_labels) + 1 - len(true_ants_unpad)), "edge" + ) + assert true_ants.shape == (pairs_length + 1,) + true_ants = torch.from_numpy(true_ants).long() + + false_ants_unpad = np.flatnonzero(1 - labels_stack) + assert len(false_ants_unpad) != 0 + false_ants = np.pad( + false_ants_unpad, (0, len(pairs_labels) + 1 - len(false_ants_unpad)), "edge" + ) + assert false_ants.shape == (pairs_length + 1,) + false_ants = torch.from_numpy(false_ants).long() + + targets = (labels, costs, true_ants, false_ants) + if debug: + print("Mention", mention_idx) + print("inputs shapes: ", [a.size() for a in inputs]) + print("targets shapes: ", [a.size() for a in targets]) + return inputs, targets + + +class NCBatchSampler(Sampler): + """A Batch sampler to group mentions in batches with close number of pairs to be padded together + """ + + def __init__( + self, mentions_pairs_length, batchsize=600, shuffle=False, debug=False + ): + """ Create and feed batches of mentions having close number of antecedents + The batch are padded and collated by the padder_collate function + + # Arguments: + mentions_pairs_length array of shape (N, 1): list/array of the number of pairs for each mention + batchsize: Number of pairs of each batch will be capped at this + """ + self.shuffle = shuffle + num_mentions = len(mentions_pairs_length) + mentions_lengths = np.concatenate( + [ + mentions_pairs_length, + np.arange(0, num_mentions, 1, dtype=int)[:, np.newaxis], + ], + axis=1, + ) + sorted_lengths = mentions_lengths[mentions_lengths[:, 0].argsort()] + print("Preparing batches 📚") + + self.batches = [] + self.batches_pairs = [] + self.batches_size = [] + batch = [] + n_pairs = [] + num = 0 + for length, mention_idx in sorted_lengths: + if num > batchsize or ( + num == len(batch) and length != 0 + ): # We keep the no_pairs batches pure + if debug: + print( + "Added batch number", + len(self.batches), + "with", + len(batch), + "mentions and", + num, + "pairs", + ) + self.batches.append(batch) + self.batches_size.append( + num + ) # We don't count the max 7 additional mentions that are repeated + self.batches_pairs.append(n_pairs) + + # Start a new batch + batch = [mention_idx] + n_pairs = [length] + num = ( + length + 1 + ) # +1 since we also have the single mention to add to the number of pairs + else: + num += length + 1 + batch.append(mention_idx) + n_pairs.append(length) + + # Complete and store the last batch + if debug: + print( + "Added batch number", + len(self.batches), + "with", + len(batch), + "mentions and", + num, + "pairs", + ) + self.batches.append(batch) + self.batches_size.append(num) + self.batches_pairs.append(n_pairs) + self.n_pairs = sum(sum(p) for p in self.batches_pairs) + self.n_mentions = sum(len(b) for b in self.batches) + self.n_batches = len(self.batches) + self.pairs_per_batch = float(self.n_pairs) / self.n_batches + self.mentions_per_batch = float(self.n_mentions) / self.n_batches + print( + "Dataset has:", + self.n_batches, + "batches,", + self.n_mentions, + "mentions,", + self.n_pairs, + "pairs", + ) + + def get_batch_info(self): + return self.batches, self.batches_pairs + + def save_batch_sizes(self, save_file=BATCH_SIZE_PATH, debug=False): + print("🌋 Saving sizes of batches") + with io.open(save_file, "w", encoding="utf-8") as f: + if debug: + print("Batch sizes saved in", save_file) + for batch, size in zip(self.batches, self.batches_size): + out_str = str(len(batch)) + "\t" + str(size) + "\n" + f.write(out_str) + + def __iter__(self): + if self.shuffle: + np.random.shuffle(self.batches) + for batch in self.batches: + yield batch + + def __len__(self): + return self.n_batches + + +def padder_collate(batch, debug=False): + """ Puts each data field into a tensor with outer dimension batch size + Pad variable length input tensors and add a weight tensor to the target + """ + transposed_inputs = tuple(zip(*batch)) + if len(transposed_inputs) == 2: + inputs, targets = transposed_inputs + transposed_inputs = tuple(zip(*inputs)) + transposed_targets = tuple(zip(*targets)) + else: + transposed_targets = None + + max_pairs = ( + max(len(t) for t in transposed_inputs[3]) if len(transposed_inputs) == 8 else 0 + ) # Get max nb of pairs (batch are sorted by nb of pairs) + if max_pairs > 0: + out_inputs = [] + out_targets = [] + for t_inp in transposed_inputs: + if len(t_inp[0].shape) == 2: + out_inputs.append( + torch.stack( + [ + torch.cat([t, t.new(max_pairs - len(t), len(t[0])).zero_()]) + if len(t) != max_pairs + else t + for t in t_inp + ], + 0, + ) + ) + else: + out_inputs.append(torch.stack(t_inp, 0)) + if transposed_targets is not None: + for i, t_targ in enumerate( + transposed_targets + ): # 0:labels, 1:costs, 2:true_ants, 3:false_ants + if i == 2 or i == 3: + if debug: + print("collate before", t_targ) + # shift the antecedent index associated to single anaphores (last) + t_targ = tuple( + t.masked_fill_(torch.eq(t, len(t) - 1), max_pairs) + for t in t_targ + ) + if debug: + print("collate after", t_targ) + out_targets.append( + torch.stack( + [ + torch.cat( + [ + t[:-1] if len(t) > 2 else t.new(1).fill_(t[0]), + t.new(max_pairs + 1 - len(t)).fill_(t[0]), + t.new(1).fill_(t[-1]), + ] + ) + if len(t) != max_pairs + 1 + else t + for t in t_targ + ], + 0, + ) + ) + + t_costs = transposed_targets[ + 1 + ] # We build the weights from the costs to have a float Tensor + out_targets.append( + torch.stack( + [ + torch.cat( + [ + t.new(len(t) - 1).fill_(1), + t.new(max_pairs + 1 - len(t)).zero_(), + t.new(1).fill_(1), + ] + ) + if len(t) != max_pairs + 1 + else t.new(max_pairs + 1).fill_(1) + for t in t_costs + ], + 0, + ) + ) + else: + # Remark this mask is the inverse of the weights in the above target (used for evaluation masking) + t_base = transposed_inputs[3] + out_targets = torch.stack( + [ + torch.cat( + [ + t.new(len(t) - 1).zero_().bool(), + t.new(max_pairs + 1 - len(t)).fill_(1).bool(), + t.new(1).zero_().bool(), + ] + ) + if len(t) != max_pairs + 1 + else t.new(max_pairs + 1).zero_().bool() + for t in t_base + ], + 0, + ) + else: + out_inputs = [torch.stack(t_inp, 0) for t_inp in transposed_inputs] + if transposed_targets is not None: + out_targets = [torch.stack(t_targ, 0) for t_targ in transposed_targets] + out_targets.append(out_targets[1].new(len(out_targets[1]), 1).fill_(1)) + else: + out_targets = out_inputs[0].new(len(out_inputs[0]), 1).zero_().bool() + return (out_inputs, out_targets) diff --git a/data_tooling/pii_processing/neuralcoref/train/document.py b/data_tooling/pii_processing/neuralcoref/train/document.py new file mode 100644 index 0000000..b6e330a --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/document.py @@ -0,0 +1,982 @@ +"""data models and pre-processing for the coref algorithm""" + +import re +import io +from six import string_types, integer_types +from spacy.tokens import Span, Token + +from neuralcoref.train.compat import unicode_ +from neuralcoref.train.utils import encode_distance, parallel_process + +try: + from itertools import izip_longest as zip_longest +except ImportError: # will be 3.x series + from itertools import zip_longest + +import spacy +import numpy as np + +######################### +####### UTILITIES ####### +######################### + +NO_COREF_LIST = ["i", "me", "my", "you", "your"] + +MENTION_TYPE = {"PRONOMINAL": 0, "NOMINAL": 1, "PROPER": 2, "LIST": 3} +MENTION_LABEL = {0: "PRONOMINAL", 1: "NOMINAL", 2: "PROPER", 3: "LIST"} + +PROPERS_TAGS = ["NN", "NNS", "NNP", "NNPS"] +ACCEPTED_ENTS = [ + "PERSON", + "NORP", + "FACILITY", + "ORG", + "GPE", + "LOC", + "PRODUCT", + "EVENT", + "WORK_OF_ART", + "LANGUAGE", +] +WHITESPACE_PATTERN = r"\s+|_+" +UNKNOWN_WORD = "*UNK*" +MISSING_WORD = "" +MAX_ITER = 100 + +######################### +## MENTION EXTRACTION ### +######################### + + +def extract_mentions_spans(doc, blacklist, debug=False): + """ + Extract potential mentions from a spacy parsed Doc + """ + if debug: + print("===== doc ====:", doc) + for c in doc: + if debug: + print( + "🚧 span search:", + c, + "head:", + c.head, + "tag:", + c.tag_, + "pos:", + c.pos_, + "dep:", + c.dep_, + ) + # Named entities + mentions_spans = list(ent for ent in doc.ents if ent.label_ in ACCEPTED_ENTS) + + if debug: + print("==-- ents:", list(((ent, ent.label_) for ent in mentions_spans))) + for spans in parallel_process( + [{"doc": doc, "span": sent, "blacklist": blacklist} for sent in doc.sents], + _extract_from_sent, + use_kwargs=True, + front_num=0, + ): + mentions_spans = mentions_spans + spans + spans_set = set() + cleaned_mentions_spans = [] + for spans in mentions_spans: + if spans.end > spans.start and (spans.start, spans.end) not in spans_set: + cleaned_mentions_spans.append(spans) + spans_set.add((spans.start, spans.end)) + + return cleaned_mentions_spans + + +def _extract_from_sent(doc, span, blacklist=True, debug=False): + """ + Extract Pronouns and Noun phrases mentions from a spacy Span + """ + keep_tags = re.compile(r"N.*|PRP.*|DT|IN") + leave_dep = ["det", "compound", "appos"] + keep_dep = ["nsubj", "dobj", "iobj", "pobj"] + nsubj_or_dep = ["nsubj", "dep"] + conj_or_prep = ["conj", "prep"] + remove_pos = ["CCONJ", "SCONJ", "INTJ", "ADP"] + lower_not_end = ["'s", ",", ".", "!", "?", ":", ";"] + + # Utility to remove bad endings + def cleanup_endings(left, right, token): + minchild_idx = min(left + [token.i]) if left else token.i + maxchild_idx = max(right + [token.i]) if right else token.i + # Clean up endings and begginging + while maxchild_idx >= minchild_idx and ( + doc[maxchild_idx].pos_ in remove_pos + or doc[maxchild_idx].lower_ in lower_not_end + ): + if debug: + print( + "Removing last token", + doc[maxchild_idx].lower_, + doc[maxchild_idx].tag_, + ) + maxchild_idx -= ( + 1 + ) # We don't want mentions finishing with 's or conjunctions/punctuation + while minchild_idx <= maxchild_idx and ( + doc[minchild_idx].pos_ in remove_pos + or doc[minchild_idx].lower_ in lower_not_end + ): + if debug: + print( + "Removing first token", + doc[minchild_idx].lower_, + doc[minchild_idx].tag_, + ) + minchild_idx += ( + 1 + ) # We don't want mentions starting with 's or conjunctions/punctuation + return minchild_idx, maxchild_idx + 1 + + mentions_spans = [] + for token in span: + if debug: + print( + "🚀 tok:", + token, + "tok.tag_:", + token.tag_, + "tok.pos_:", + token.pos_, + "tok.dep_:", + token.dep_, + ) + + if blacklist and token.lower_ in NO_COREF_LIST: + if debug: + print("token in no_coref_list") + continue + if ( + not keep_tags.match(token.tag_) or token.dep_ in leave_dep + ) and not token.dep_ in keep_dep: + if debug: + print("not pronoun or no right dependency") + continue + + # pronoun + if re.match(r"PRP.*", token.tag_): + if debug: + print("PRP") + endIdx = token.i + 1 + + span = doc[token.i : endIdx] + if debug: + print("==-- PRP store:", span) + mentions_spans.append(span) + + # when pronoun is a part of conjunction (e.g., you and I) + if token.n_rights > 0 or token.n_lefts > 0: + span = doc[token.left_edge.i : token.right_edge.i + 1] + if debug: + print("==-- in conj store:", span) + mentions_spans.append(span) + continue + + # Add NP mention + if debug: + print("NP or IN:", token.lower_) + if token.tag_ == "IN": + print("IN tag") + # Take care of 's + if token.lower_ == "'s": + if debug: + print("'s detected") + h = token.head + j = 0 + while h.head.i != h.i and j < MAX_ITER: + if debug: + print("token head:", h, h.dep_, "head:", h.head) + print(id(h.head), id(h)) + if h.dep_ == "nsubj": + minchild_idx = min( + ( + c.left_edge.i + for c in doc + if c.head.i == h.head.i and c.dep_ in nsubj_or_dep + ), + default=token.i, + ) + maxchild_idx = max( + ( + c.right_edge.i + for c in doc + if c.head.i == h.head.i and c.dep_ in nsubj_or_dep + ), + default=token.i, + ) + if debug: + print("'s', i1:", doc[minchild_idx], " i2:", doc[maxchild_idx]) + span = doc[minchild_idx : maxchild_idx + 1] + if debug: + print("==-- 's' store:", span) + mentions_spans.append(span) + break + h = h.head + j += 1 + assert j != MAX_ITER + continue + + # clean up + for c in doc: + if debug and c.head.i == token.i: + print("🚧 token in span:", c, "- head & dep:", c.head, c.dep_) + left = list(c.left_edge.i for c in doc if c.head.i == token.i) + right = list(c.right_edge.i for c in doc if c.head.i == token.i) + if ( + token.tag_ == "IN" + and token.dep_ == "mark" + and len(left) == 0 + and len(right) == 0 + ): + left = list(c.left_edge.i for c in doc if c.head.i == token.head.i) + right = list(c.right_edge.i for c in doc if c.head.i == token.head.i) + if debug: + print("left side:", left) + print("right side:", right) + minchild_idx = min(left) if left else token.i + maxchild_idx = max(right) if right else token.i + print("full span:", doc[minchild_idx : maxchild_idx + 1]) + start, end = cleanup_endings(left, right, token) + if start == end: + continue + if doc[start].lower_ == "'s": + continue # we probably already have stored this mention + span = doc[start:end] + if debug: + print("cleaned endings span:", doc[start:end]) + print("==-- full span store:", span) + mentions_spans.append(span) + if debug and token.tag_ == "IN": + print("IN tag") + if any(tok.dep_ in conj_or_prep for tok in span): + if debug: + print("Conjunction found, storing first element separately") + for c in doc: + if c.head.i == token.i and c.dep_ not in conj_or_prep: + if debug: + print("left no conj:", c, "dep & edge:", c.dep_, c.left_edge) + if debug: + print("right no conj:", c, "dep & edge:", c.dep_, c.right_edge) + left_no_conj = list( + c.left_edge.i + for c in doc + if c.head.i == token.i and c.dep_ not in conj_or_prep + ) + right_no_conj = list( + c.right_edge.i + for c in doc + if c.head.i == token.i and c.dep_ not in conj_or_prep + ) + if debug: + print("left side no conj:", [doc[i] for i in left_no_conj]) + if debug: + print("right side no conj:", [doc[i] for i in right_no_conj]) + start, end = cleanup_endings(left_no_conj, right_no_conj, token) + if start == end: + continue + span = doc[start:end] + if debug: + print("==-- full span store:", span) + mentions_spans.append(span) + if debug: + print("mentions_spans inside", mentions_spans) + return mentions_spans + + +######################### +####### CLASSES ######### + + +class Mention(spacy.tokens.Span): + """ + A mention (possible anaphor) inherite from spacy Span class with additional informations + """ + + def __new__( + cls, + span, + mention_index, + utterance_index, + utterance_start_sent, + speaker=None, + gold_label=None, + *args, + **kwargs, + ): + # We need to override __new__ see http://cython.readthedocs.io/en/latest/src/userguide/special_methods.html + obj = spacy.tokens.Span.__new__( + cls, span.doc, span.start, span.end, *args, **kwargs + ) + return obj + + def __init__( + self, + span, + mention_index, + utterance_index, + utterances_start_sent, + speaker=None, + gold_label=None, + ): + """ + Arguments: + span (spaCy Span): the spaCy span from which creating the Mention object + mention_index (int): index of the Mention in the Document + utterance_index (int): index of the utterance of the Mention in the Document + utterances_start_sent (int): index of the first sentence of the utterance of the Mention in the Document + (an utterance can comprise several sentences) + speaker (Speaker): the speaker of the mention + gold_label (anything): a gold label associated to the Mention (for training) + """ + self.index = mention_index + self.utterance_index = utterance_index + self.utterances_sent = utterances_start_sent + self._get_doc_sent_number() + self.speaker = speaker + self.gold_label = gold_label + self.spans_embeddings = None + self.words_embeddings = None + self.features = None + + self.features_ = None + self.spans_embeddings_ = None + self.words_embeddings_ = None + + self.mention_type = self._get_type() + self.propers = set(self.content_words) + self.entity_label = self._get_entity_label() + self.in_entities = self._get_in_entities() + + def _get_entity_label(self): + """ Label of a detected named entity the Mention is nested in if any""" + for ent in self.doc.ents: + if ent.start <= self.start and self.end <= ent.end: + return ent.label + return None + + def _get_in_entities(self): + """ Is the Mention nested in a detected named entity""" + return self.entity_label is not None + + def _get_type(self): + """ Find the type of the Span """ + conj = ["CC", ","] + prp = ["PRP", "PRP$"] + proper = ["NNP", "NNPS"] + if any(t.tag_ in conj and t.ent_type_ not in ACCEPTED_ENTS for t in self): + mention_type = MENTION_TYPE["LIST"] + elif self.root.tag_ in prp: + mention_type = MENTION_TYPE["PRONOMINAL"] + elif self.root.ent_type_ in ACCEPTED_ENTS or self.root.tag_ in proper: + mention_type = MENTION_TYPE["PROPER"] + else: + mention_type = MENTION_TYPE["NOMINAL"] + return mention_type + + def _get_doc_sent_number(self): + """ Index of the sentence of the Mention in the current utterance""" + for i, s in enumerate(self.doc.sents): + if s == self.sent: + return i + return None + + @property + def content_words(self): + """ Returns an iterator of nouns/proper nouns in the Mention """ + return (tok.lower_ for tok in self if tok.tag_ in PROPERS_TAGS) + + @property + def embedding(self): + return np.concatenate([self.spans_embeddings, self.words_embeddings], axis=0) + + def heads_agree(self, mention2): + """ Does the root of the Mention match the root of another Mention/Span""" + # we allow same-type NEs to not match perfectly, + # but rather one could be included in the other, e.g., "George" -> "George Bush" + if ( + self.in_entities + and mention2.in_entities + and self.entity_label == mention2.entity_label + and ( + self.root.lower_ in mention2.lower_ + or mention2.root.lower_ in self.lower_ + ) + ): + return True + return self.root.lower_ == mention2.root.lower_ + + def exact_match(self, mention2): + """ Does the Mention lowercase text matches another Mention/Span lowercase text""" + return self.lower_ == mention2.lower_ + + def relaxed_match(self, mention2): + """ Does the nouns/proper nous in the Mention match another Mention/Span nouns/propers""" + return not self.propers.isdisjoint(mention2.propers) + + def speaker_match_mention(self, mention2): + # To take care of sentences like 'Larry said, "San Francisco is a city."': (id(Larry), id(San Francisco)) + # if document.speakerPairs.contains(new Pair<>(mention.mentionID, ant.mentionID)): + # return True + if self.speaker is not None: + return self.speaker.speaker_matches_mention(mention2, strict_match=False) + return False + + +class Speaker(object): + """ + A speaker with its names, list of mentions and matching test functions + """ + + def __init__(self, speaker_id, speaker_names=None): + self.mentions = [] + self.speaker_id = speaker_id + if speaker_names is None: + self.speaker_names = [unicode_(speaker_id)] + elif isinstance(speaker_names, string_types): + self.speaker_names = [speaker_names] + elif len(speaker_names) > 1: + self.speaker_names = speaker_names + else: + self.speaker_names = unicode_(speaker_names) + self.speaker_tokens = [ + tok.lower() + for s in self.speaker_names + for tok in re.split(WHITESPACE_PATTERN, s) + ] + + def __str__(self): + return f"{self.speaker_id} {self.speaker_names}" + + def add_mention(self, mention): + """ Add a Mention of the Speaker""" + self.mentions.append(mention) + + def contain_mention(self, mention): + """ Does the Speaker contains a Mention""" + return mention in self.mentions + + def contain_string(self, string): + """ Does the Speaker names contains a string""" + return any( + re.sub(WHITESPACE_PATTERN, "", string.lower()) + == re.sub(WHITESPACE_PATTERN, "", s.lower()) + for s in self.speaker_names + ) + + def contain_token(self, token): + """ Does the Speaker names contains a token (word)""" + return any(token.lower() == tok.lower() for tok in self.speaker_tokens) + + def speaker_matches_mention(self, mention, strict_match=False): + """ Does a Mention matches the speaker names""" + # Got info about this speaker + if self.contain_mention(mention): + return True + if strict_match: + if self.contain_string(mention): + self.mentions.append(mention) + return True + else: + # test each token in the speaker names + if not mention.root.tag_.startswith("NNP"): + return False + if self.contain_token(mention.root.lower_): + self.mentions.append(mention) + return True + return False + + +class EmbeddingExtractor: + """ + Compute words embedding features for mentions + """ + + def __init__(self, pretrained_model_path): + _, self.static_embeddings, self.stat_idx, self.stat_voc = self.load_embeddings_from_file( + pretrained_model_path + "static_word" + ) + _, self.tuned_embeddings, self.tun_idx, self.tun_voc = self.load_embeddings_from_file( + pretrained_model_path + "tuned_word" + ) + self.fallback = self.static_embeddings.get(UNKNOWN_WORD) + + self.shape = self.static_embeddings[UNKNOWN_WORD].shape + shape2 = self.tuned_embeddings[UNKNOWN_WORD].shape + assert self.shape == shape2 + + @staticmethod + def load_embeddings_from_file(name): + print("Loading embeddings from", name) + embeddings = {} + voc_to_idx = {} + idx_to_voc = [] + mat = np.load(name + "_embeddings.npy") + average_mean = np.average(mat, axis=0, weights=np.sum(mat, axis=1)) + with io.open(name + "_vocabulary.txt", "r", encoding="utf-8") as f: + for i, line in enumerate(f): + embeddings[line.strip()] = mat[i, :] + voc_to_idx[line.strip()] = i + idx_to_voc.append(line.strip()) + return average_mean, embeddings, voc_to_idx, idx_to_voc + + @staticmethod + def normalize_word(w): + if w is None: + return MISSING_WORD + return re.sub(r"\d", "0", w.lower_) + + def get_document_embedding(self, utterances_list): + """ Embedding for the document """ + # We could also use this: embed_vector = np.copy(self.average_mean)#np.zeros(self.shape) + # return embed_vector + embed_vector = np.zeros(self.shape) + for utt in utterances_list: + _, utt_embed = self.get_average_embedding(utt) + embed_vector += utt_embed + return embed_vector / max(len(utterances_list), 1) + + def get_stat_word(self, word): + if word in self.static_embeddings: + return word, self.static_embeddings.get(word) + else: + return UNKNOWN_WORD, self.fallback + + def get_word_embedding(self, word, static=False): + """ Embedding for a single word (tuned if possible, otherwise static) """ + norm_word = self.normalize_word(word) + if static: + return self.get_stat_word(norm_word) + else: + if norm_word in self.tuned_embeddings: + return norm_word, self.tuned_embeddings.get(norm_word) + else: + return self.get_stat_word(norm_word) + + def get_word_in_sentence(self, word_idx, sentence): + """ Embedding for a word in a sentence """ + if word_idx < sentence.start or word_idx >= sentence.end: + return self.get_word_embedding(None) + return self.get_word_embedding(sentence.doc[word_idx]) + + def get_average_embedding(self, token_list): + """ Embedding for a list of words """ + embed_vector = np.zeros( + self.shape + ) # We could also use np.copy(self.average_mean) + word_list = [] + for tok in token_list: + if tok.lower_ not in [".", "!", "?"]: + word, embed = self.get_word_embedding(tok, static=True) + embed_vector += embed + word_list.append(word) + return word_list, (embed_vector / max(len(word_list), 1)) + + def get_mention_embeddings(self, mention, doc_embedding): + """ Get span (averaged) and word (single) embeddings of a mention """ + st = mention.sent + mention_lefts = mention.doc[max(mention.start - 5, st.start) : mention.start] + mention_rights = mention.doc[mention.end : min(mention.end + 5, st.end)] + head = mention.root.head + spans = [ + self.get_average_embedding(mention), + self.get_average_embedding(mention_lefts), + self.get_average_embedding(mention_rights), + self.get_average_embedding(st), + (unicode_(doc_embedding[0:8]) + "...", doc_embedding), + ] + words = [ + self.get_word_embedding(mention.root), + self.get_word_embedding(mention[0]), + self.get_word_embedding(mention[-1]), + self.get_word_in_sentence(mention.start - 1, st), + self.get_word_in_sentence(mention.end, st), + self.get_word_in_sentence(mention.start - 2, st), + self.get_word_in_sentence(mention.end + 1, st), + self.get_word_embedding(head), + ] + spans_embeddings_ = { + "00_Mention": spans[0][0], + "01_MentionLeft": spans[1][0], + "02_MentionRight": spans[2][0], + "03_Sentence": spans[3][0], + "04_Doc": spans[4][0], + } + words_embeddings_ = { + "00_MentionHead": words[0][0], + "01_MentionFirstWord": words[1][0], + "02_MentionLastWord": words[2][0], + "03_PreviousWord": words[3][0], + "04_NextWord": words[4][0], + "05_SecondPreviousWord": words[5][0], + "06_SecondNextWord": words[6][0], + "07_MentionRootHead": words[7][0], + } + return ( + spans_embeddings_, + words_embeddings_, + np.concatenate([em[1] for em in spans], axis=0), + np.concatenate([em[1] for em in words], axis=0), + ) + + +class Document(object): + """ + Main data class: encapsulate list of utterances, mentions and speakers + Process utterances to extract mentions and pre-compute mentions features + """ + + def __init__( + self, + nlp, + utterances=None, + utterances_speaker=None, + speakers_names=None, + blacklist=False, + consider_speakers=False, + model_path=None, + embedding_extractor=None, + conll=None, + debug=False, + ): + """ + Arguments: + nlp (spaCy Language Class): A spaCy Language Class for processing the text input + utterances: utterance(s) to load already see self.add_utterances() + utterances_speaker: speaker(s) of utterance(s) to load already see self.add_utterances() + speakers_names: speaker(s) of utterance(s) to load already see self.add_utterances() + blacklist (boolean): use a list of term for which coreference is not preformed + consider_speakers (boolean): consider speakers informations + pretrained_model_path (string): Path to a folder with pretrained word embeddings + embedding_extractor (EmbeddingExtractor): Use a pre-loaded word embeddings extractor + conll (string): If training on coNLL data: identifier of the document type + debug (boolean): print debug informations + """ + self.nlp = nlp + self.blacklist = blacklist + self.utterances = [] + self.utterances_speaker = [] + self.last_utterances_loaded = [] + self.mentions = [] + self.speakers = {} + self.n_sents = 0 + self.debug = debug + self.consider_speakers = consider_speakers or conll is not None + + self.genre_, self.genre = self.set_genre(conll) + + if model_path is not None and embedding_extractor is None: + self.embed_extractor = EmbeddingExtractor(model_path) + elif embedding_extractor is not None: + self.embed_extractor = embedding_extractor + else: + self.embed_extractor = None + + if utterances: + self.add_utterances(utterances, utterances_speaker, speakers_names) + + def set_genre(self, conll): + if conll is not None: + genre = np.zeros((7,)) + genre[conll] = 1 + else: + genre = np.array(0, ndmin=1, copy=False) + return conll, genre + + def __str__(self): + formatted = "\n ".join( + unicode_(i) + " " + unicode_(s) + for i, s in zip(self.utterances, self.utterances_speaker) + ) + mentions = "\n ".join( + unicode_(i) + " " + unicode_(i.speaker) for i in self.mentions + ) + return f" \n {formatted}\n \n {mentions}" + + def __len__(self): + """ Return the number of mentions (not utterances) since it is what we really care about """ + return len(self.mentions) + + def __getitem__(self, key): + """ Return a specific mention (not utterance) """ + return self.mentions[key] + + def __iter__(self): + """ Iterate over mentions (not utterances) """ + for mention in self.mentions: + yield mention + + ####################################### + ###### UTERANCE LOADING FUNCTIONS ##### + ####################################### + + def set_utterances(self, utterances, utterances_speaker=None, speakers_names=None): + self.utterances = [] + self.utterances_speaker = [] + self.mentions = [] + self.speakers = {} + self.n_sents = 0 + if utterances: + self.add_utterances(utterances, utterances_speaker, speakers_names) + + def add_utterances(self, utterances, utterances_speaker=None, speakers_names=None): + """ + Add utterances to the utterance list and build mention list for these utterances + + Arg: + utterances : iterator or list of string corresponding to successive utterances + utterances_speaker : iterator or list of speaker id for each utterance. + If not provided, assume two speakers speaking alternatively. + if utterances and utterances_speaker are not of the same length padded with None + speakers_names : dictionnary of list of acceptable speaker names for each speaker id + Return: + List of indexes of added utterances in the docs + """ + if self.debug: + print("Adding utterances", utterances) + if isinstance(utterances, string_types): + utterances = [utterances] + if utterances_speaker is None: + if self.debug: + print("No utterance speaker indication") + a = -1 + if self.utterances_speaker and isinstance( + self.utterances_speaker[-1].speaker_id, integer_types + ): + a = self.utterances_speaker[-1].speaker_id + utterances_speaker = ((i + a + 1) % 2 for i in range(len(utterances))) + utterances_index = [] + utt_start = len(self.utterances) + docs = list(self.nlp.pipe(utterances)) + m_spans = list( + extract_mentions_spans(doc, blacklist=self.blacklist) for doc in docs + ) + for utt_index, (doc, m_spans, speaker_id) in enumerate( + zip_longest(docs, m_spans, utterances_speaker) + ): + if speaker_id not in self.speakers: + speaker_name = ( + speakers_names.get(speaker_id, None) if speakers_names else None + ) + self.speakers[speaker_id] = Speaker(speaker_id, speaker_name) + self._process_mentions( + m_spans, utt_start + utt_index, self.n_sents, self.speakers[speaker_id] + ) + utterances_index.append(utt_start + utt_index) + self.utterances.append(doc) + self.utterances_speaker.append(self.speakers[speaker_id]) + self.n_sents += len(list(doc.sents)) + + self.set_mentions_features() + self.last_utterances_loaded = utterances_index + + ################################### + ## FEATURES MENTIONS EXTRACTION ### + ################################### + + def _process_mentions(self, mentions_spans, utterance_index, n_sents, speaker): + """ + Process mentions in a spacy doc (an utterance) + """ + processed_spans = sorted( + (m for m in mentions_spans), key=lambda m: (m.root.i, m.start) + ) + n_mentions = len(self.mentions) + for mention_index, span in enumerate(processed_spans): + self.mentions.append( + Mention( + span, mention_index + n_mentions, utterance_index, n_sents, speaker + ) + ) + + def set_mentions_features(self): + """ + Compute features for the extracted mentions + """ + doc_embedding = ( + self.embed_extractor.get_document_embedding(self.utterances) + if self.embed_extractor is not None + else None + ) + for mention in self.mentions: + one_hot_type = np.zeros((4,)) + one_hot_type[mention.mention_type] = 1 + features_ = { + "01_MentionType": mention.mention_type, + "02_MentionLength": len(mention) - 1, + "03_MentionNormLocation": (mention.index) / len(self.mentions), + "04_IsMentionNested": 1 + if any( + ( + m is not mention + and m.utterances_sent == mention.utterances_sent + and m.start <= mention.start + and mention.end <= m.end + ) + for m in self.mentions + ) + else 0, + } + features = np.concatenate( + [ + one_hot_type, + encode_distance(features_["02_MentionLength"]), + np.array(features_["03_MentionNormLocation"], ndmin=1, copy=False), + np.array(features_["04_IsMentionNested"], ndmin=1, copy=False), + ], + axis=0, + ) + ( + spans_embeddings_, + words_embeddings_, + spans_embeddings, + words_embeddings, + ) = self.embed_extractor.get_mention_embeddings(mention, doc_embedding) + mention.features_ = features_ + mention.features = features + mention.spans_embeddings = spans_embeddings + mention.spans_embeddings_ = spans_embeddings_ + mention.words_embeddings = words_embeddings + mention.words_embeddings_ = words_embeddings_ + + def get_single_mention_features(self, mention): + """ Features for anaphoricity test (single mention features + genre if conll)""" + features_ = mention.features_ + features_["DocGenre"] = self.genre_ + return (features_, np.concatenate([mention.features, self.genre], axis=0)) + + def get_pair_mentions_features(self, m1, m2): + """ Features for pair of mentions (same speakers, speaker mentioned, string match)""" + features_ = { + "00_SameSpeaker": 1 + if self.consider_speakers and m1.speaker == m2.speaker + else 0, + "01_AntMatchMentionSpeaker": 1 + if self.consider_speakers and m2.speaker_match_mention(m1) + else 0, + "02_MentionMatchSpeaker": 1 + if self.consider_speakers and m1.speaker_match_mention(m2) + else 0, + "03_HeadsAgree": 1 if m1.heads_agree(m2) else 0, + "04_ExactStringMatch": 1 if m1.exact_match(m2) else 0, + "05_RelaxedStringMatch": 1 if m1.relaxed_match(m2) else 0, + "06_SentenceDistance": m2.utterances_sent - m1.utterances_sent, + "07_MentionDistance": m2.index - m1.index - 1, + "08_Overlapping": 1 + if (m1.utterances_sent == m2.utterances_sent and m1.end > m2.start) + else 0, + "09_M1Features": m1.features_, + "10_M2Features": m2.features_, + "11_DocGenre": self.genre_, + } + pairwise_features = [ + np.array( + [ + features_["00_SameSpeaker"], + features_["01_AntMatchMentionSpeaker"], + features_["02_MentionMatchSpeaker"], + features_["03_HeadsAgree"], + features_["04_ExactStringMatch"], + features_["05_RelaxedStringMatch"], + ] + ), + encode_distance(features_["06_SentenceDistance"]), + encode_distance(features_["07_MentionDistance"]), + np.array(features_["08_Overlapping"], ndmin=1), + m1.features, + m2.features, + self.genre, + ] + return (features_, np.concatenate(pairwise_features, axis=0)) + + ################################### + ###### ITERATOR OVER MENTIONS ##### + ################################### + + def get_candidate_mentions(self, last_utterances_added=False): + """ + Return iterator over indexes of mentions in a list of utterances if specified + """ + if last_utterances_added: + for i, mention in enumerate(self.mentions): + if self.debug: + print("🤣", i, mention, "utterance index", mention.utterance_index) + if mention.utterance_index in self.last_utterances_loaded: + yield i + else: + iterator = range(len(self.mentions)) + for i in iterator: + yield i + + def get_candidate_pairs( + self, mentions=None, max_distance=50, max_distance_with_match=500, debug=False + ): + """ + Yield tuples of mentions, dictionnary of candidate antecedents for the mention + + Arg: + mentions: an iterator over mention indexes (as returned by get_candidate_mentions) + max_mention_distance : max distance between a mention and its antecedent + max_mention_distance_string_match : max distance between a mention and + its antecedent when there is a proper noun match + """ + if mentions is None: + mentions = range(len(self.mentions)) + if debug: + print("get_candidate_pairs: mentions", mentions) + + if max_distance_with_match is not None: + word_to_mentions = {} + for i in mentions: + for tok in self.mentions[i].content_words: + if not tok in word_to_mentions: + word_to_mentions[tok] = [i] + else: + word_to_mentions[tok].append(i) + + for i in mentions: + antecedents = ( + set(range(i)) + if max_distance is None + else set(range(max(0, i - max_distance), i)) + ) + if debug: + print("antecedents", antecedents) + if max_distance_with_match is not None: + for tok in self.mentions[i].content_words: + with_string_match = word_to_mentions.get(tok, None) + for match_idx in with_string_match: + if match_idx < i and match_idx >= i - max_distance_with_match: + antecedents.add(match_idx) + yield i, antecedents + + +def mention_detection_debug(sentence): + print("🌋 Loading spacy model") + try: + spacy.info("en_core_web_sm") + model = "en_core_web_sm" + except IOError: + print("No spacy 2 model detected, using spacy1 'en' model") + spacy.info("en") + model = "en" + nlp = spacy.load(model) + doc = nlp(sentence.decode("utf-8")) + mentions = extract_mentions_spans(doc, blacklist=False, debug=True) + for mention in mentions: + print(mention) + + +if __name__ == "__main__": + import sys + + if len(sys.argv) > 1: + sent = sys.argv[1] + mention_detection_debug(sent) + else: + mention_detection_debug("My sister has a dog. She loves him.") diff --git a/data_tooling/pii_processing/neuralcoref/train/evaluator.py b/data_tooling/pii_processing/neuralcoref/train/evaluator.py new file mode 100644 index 0000000..c87f7aa --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/evaluator.py @@ -0,0 +1,345 @@ +"""Conll Evaluation - Scoring""" + +import os +import subprocess +import io +import pickle + +import torch +from torch.utils.data import DataLoader + +from neuralcoref.train.conllparser import FEATURES_NAMES +from neuralcoref.train.dataset import NCBatchSampler, padder_collate +from neuralcoref.train.compat import unicode_ + +PACKAGE_DIRECTORY = os.path.dirname(os.path.abspath(__file__)) + +OUT_PATH = os.path.join(PACKAGE_DIRECTORY, "test_corefs.txt") # fernandes.txt")# +ALL_MENTIONS_PATH = os.path.join(PACKAGE_DIRECTORY, "test_mentions.txt") +# KEY_PATH = os.path.join(PACKAGE_DIRECTORY, "conll-2012-test-test-key.txt") +SCORING_SCRIPT = os.path.join(PACKAGE_DIRECTORY, "scorer_wrapper.pl") + +METRICS = ["muc", "bcub", "ceafm", "ceafe", "blanc"] +CONLL_METRICS = ["muc", "bcub", "ceafe"] + + +class ConllEvaluator(object): + def __init__(self, model, dataset, test_data_path, test_key_file, embed_path, args): + """ Evaluate the pytorch model that is currently being build + We take the embedding vocabulary currently being trained + """ + self.test_key_file = test_key_file + self.cuda = args.cuda + self.model = model + batch_sampler = NCBatchSampler( + dataset.mentions_pair_length, batchsize=args.batchsize, shuffle=False + ) + self.dataloader = DataLoader( + dataset, + collate_fn=padder_collate, + batch_sampler=batch_sampler, + num_workers=args.numworkers, + pin_memory=args.cuda, + ) + self.mentions_idx, self.n_pairs = batch_sampler.get_batch_info() + self.load_meta(test_data_path) + + def load_meta(self, test_data_path): + # Load meta files + datas = {} + if not os.listdir(test_data_path): + raise ValueError("Empty test_data_path") + bin_files_found = False + print("Reading ", end="") + for file_name in os.listdir(test_data_path): + if ".bin" not in file_name: + continue + bin_files_found = True + print(file_name, end=", ") + with open(test_data_path + file_name, "rb") as f: + datas[file_name.split(".")[0]] = pickle.load(f) + if not bin_files_found: + raise ValueError(f"Can't find bin files in {test_data_path}") + print("Done") + self.m_loc = datas[FEATURES_NAMES[9]] + self.tokens = datas[FEATURES_NAMES[10]] + self.lookup = datas[FEATURES_NAMES[11]] + self.docs = datas[FEATURES_NAMES[12]] + self.flat_m_idx = list( + (doc_i, m_i) for doc_i, l in enumerate(self.m_loc) for m_i in range(len(l)) + ) + + ########################### + #### CLUSTER FUNCTIONS #### + ########################### + + def _prepare_clusters(self): + """ + Clean up and prepare one cluster for each mention + """ + self.mention_to_cluster = list( + list(range(len(doc_mentions))) for doc_mentions in self.m_loc + ) + self.clusters = list( + dict((i, [i]) for i in doc_mentions) + for doc_mentions in self.mention_to_cluster + ) + + def _merge_coreference_clusters(self, ant_flat_idx, mention_flat_idx): + """ + Merge two clusters together + """ + doc_idx, ant_idx = self.flat_m_idx[ant_flat_idx] + doc_idx2, mention_idx = self.flat_m_idx[mention_flat_idx] + assert doc_idx2 == doc_idx + if ( + self.mention_to_cluster[doc_idx][ant_idx] + == self.mention_to_cluster[doc_idx][mention_idx] + ): + return + remove_id = self.mention_to_cluster[doc_idx][ant_idx] + keep_id = self.mention_to_cluster[doc_idx][mention_idx] + for idx in self.clusters[doc_idx][remove_id]: + self.mention_to_cluster[doc_idx][idx] = keep_id + self.clusters[doc_idx][keep_id].append(idx) + del self.clusters[doc_idx][remove_id] + + def remove_singletons_clusters(self, debug=False): + for doc_idx in range(len(self.docs)): + remove_id = [] + kept = False + for key, mentions in self.clusters[doc_idx].items(): + if len(mentions) == 1: + remove_id.append(key) + self.mention_to_cluster[doc_idx][key] = None + else: + kept = True + if debug: + l = list(self.m_loc[doc_idx][m][3] for m in mentions) + print("Cluster found", key) + print( + "Corefs:", + "|".join( + str(self.docs[doc_idx]["mentions"][m_idx]) + + " (" + + str(m_idx) + + ")" + for m_idx in l + ), + ) + if not kept and debug: + print("❄️ No coreference found") + for rem in remove_id: + del self.clusters[doc_idx][rem] + + def display_clusters(self, doc_idx=None): + """ + Print clusters informations + """ + doc_it = range(len(self.docs)) if doc_idx is None else [doc_idx] + for d_i in doc_it: + print( + "Clusters in doc:", + doc_it, + self.docs[d_i]["name"], + self.docs[d_i]["part"], + ) + print(self.clusters[d_i]) + for key, mentions in self.clusters[d_i].items(): + l = list(self.m_loc[d_i][m][3] for m in mentions) + print( + "cluster", + key, + "(", + ", ".join(self.docs[d_i]["mentions"][m_idx] for m_idx in l), + ")", + ) + + ######################## + #### MAIN FUNCTIONS #### + ######################## + def get_max_score(self, batch, debug=False): + inputs, mask = batch + if self.cuda: + inputs = tuple(i.cuda() for i in inputs) + mask = mask.cuda() + self.model.eval() + with torch.no_grad(): + scores = self.model(inputs, concat_axis=1) + scores.masked_fill_(mask, -float("Inf")) + _, max_idx = scores.max( + dim=1 + ) # We may want to weight the single score with coref.greedyness + if debug: + print("Max_idx", max_idx) + return scores.cpu().numpy(), max_idx.cpu().numpy() + + def test_model(self): + print("🌋 Test evaluator / print all mentions") + self.build_test_file(out_path=ALL_MENTIONS_PATH, print_all_mentions=True) + self.get_score(file_path=ALL_MENTIONS_PATH) + + def build_test_file( + self, + out_path=OUT_PATH, + remove_singleton=True, + print_all_mentions=False, + debug=None, + ): + """ Build a test file to supply to the coreference scoring perl script + """ + print("🌋 Building test file") + self._prepare_clusters() + self.dataloader.dataset.no_targets = True + if not print_all_mentions: + print("🌋 Build coreference clusters") + for sample_batched, mentions_idx, n_pairs_l in zip( + self.dataloader, self.mentions_idx, self.n_pairs + ): + scores, max_i = self.get_max_score(sample_batched) + for m_idx, ind, n_pairs in zip(mentions_idx, max_i, n_pairs_l): + if ( + ind < n_pairs + ): # the single score is not the highest, we have a match ! + prev_idx = m_idx - n_pairs + ind + if debug is not None and ( + debug == -1 or debug == prev_idx or debug == m_idx + ): + m1_doc, m1_idx = self.flat_m_idx[m_idx] + m1 = self.docs[m1_doc]["mentions"][m1_idx] + m2_doc, m2_idx = self.flat_m_idx[prev_idx] + m2 = self.docs[m2_doc]["mentions"][m2_idx] + print( + "We have a match between:", + m1, + "(" + str(m1_idx) + ")", + "and:", + m2, + "(" + str(m2_idx) + ")", + ) + self._merge_coreference_clusters(prev_idx, m_idx) + if remove_singleton: + self.remove_singletons_clusters() + self.dataloader.dataset.no_targets = False + + print("🌋 Construct test file") + out_str = "" + for doc, d_tokens, d_lookup, d_m_loc, d_m_to_c in zip( + self.docs, self.tokens, self.lookup, self.m_loc, self.mention_to_cluster + ): + out_str += ( + "#begin document (" + doc["name"] + "); part " + doc["part"] + "\n" + ) + for utt_idx, (c_tokens, c_lookup) in enumerate(zip(d_tokens, d_lookup)): + for i, (token, lookup) in enumerate(zip(c_tokens, c_lookup)): + out_coref = "" + for m_str, mention, mention_cluster in zip( + doc["mentions"], d_m_loc, d_m_to_c + ): + m_start, m_end, m_utt, m_idx, m_doc = mention + if mention_cluster is None: + pass + elif m_utt == utt_idx: + if m_start in lookup: + out_coref += "|" if out_coref else "" + out_coref += "(" + unicode_(mention_cluster) + if (m_end - 1) in lookup: + out_coref += ")" + else: + out_coref += "" + elif (m_end - 1) in lookup: + out_coref += "|" if out_coref else "" + out_coref += unicode_(mention_cluster) + ")" + out_line = ( + doc["name"] + + " " + + doc["part"] + + " " + + unicode_(i) + + " " + + token + + " " + ) + out_line += "-" if len(out_coref) == 0 else out_coref + out_str += out_line + "\n" + out_str += "\n" + out_str += "#end document\n" + + # Write test file + print("Writing in", out_path) + with io.open(out_path, "w", encoding="utf-8") as out_file: + out_file.write(out_str) + + def get_score(self, file_path=OUT_PATH, debug=False): + """ Call the coreference scoring perl script on the created test file + """ + print("🌋 Computing score") + score = {} + ident = None + for metric_name in CONLL_METRICS: + if debug: + print("Computing metric:", metric_name) + try: + scorer_out = subprocess.check_output( + [ + "perl", + SCORING_SCRIPT, + metric_name, + self.test_key_file, + file_path, + ], + stderr=subprocess.STDOUT, + encoding="utf-8", + ) + except subprocess.CalledProcessError as err: + print("Error during the scoring") + print(err) + print(err.output) + raise + if debug: + print("scorer_out", scorer_out) + value, ident = scorer_out.split("\n")[-2], scorer_out.split("\n")[-1] + if debug: + print("value", value, "identification", ident) + NR, DR, NP, DP = [float(x) for x in value.split(" ")] + ident_NR, ident_DR, ident_NP, ident_DP = [ + float(x) for x in ident.split(" ") + ] + precision = NP / DP if DP else 0 + recall = NR / DR if DR else 0 + F1 = ( + 2 * precision * recall / (precision + recall) + if precision + recall > 0 + else 0 + ) + ident_precision = ident_NP / ident_DP if ident_DP else 0 + ident_recall = ident_NR / ident_DR if ident_DR else 0 + ident_F1 = ( + 2 * ident_precision * ident_recall / (ident_precision + ident_recall) + if ident_precision + ident_recall > 0 + else 0 + ) + score[metric_name] = (precision, recall, F1) + ident = ( + ident_precision, + ident_recall, + ident_F1, + ident_NR, + ident_DR, + ident_NP, + ident_DP, + ) + F1_conll = sum([score[metric][2] for metric in CONLL_METRICS]) / len( + CONLL_METRICS + ) + print( + "Mention identification recall", + ident[1], + "<= Detected mentions", + ident[3], + "True mentions", + ident[4], + ) + print("Scores", score) + print("F1_conll", F1_conll) + return score, F1_conll, ident diff --git a/data_tooling/pii_processing/neuralcoref/train/learn.py b/data_tooling/pii_processing/neuralcoref/train/learn.py new file mode 100644 index 0000000..086a14d --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/learn.py @@ -0,0 +1,565 @@ +"""Conll training algorithm""" + +import os +import time +import argparse +import socket +from datetime import datetime +import numpy as np + +import torch +import torch.nn as nn +from torch.autograd import Variable +from torch.optim import RMSprop +from torch.utils.data import DataLoader +from tensorboardX import SummaryWriter + +from neuralcoref.train.model import Model +from neuralcoref.train.dataset import ( + NCDataset, + NCBatchSampler, + load_embeddings_from_file, + padder_collate, + SIZE_PAIR_IN, + SIZE_SINGLE_IN, +) +from neuralcoref.train.utils import SIZE_EMBEDDING +from neuralcoref.train.evaluator import ConllEvaluator + +PACKAGE_DIRECTORY = os.path.dirname(os.path.abspath(__file__)) +STAGES = ["allpairs", "toppairs", "ranking"] + + +def clipped_sigmoid(inputs): + epsilon = 1.0e-7 + return torch.sigmoid(inputs).clamp(epsilon, 1.0 - epsilon) + + +def get_all_pairs_loss(n): + def all_pair_loss(scores, targets): + """ All pairs and single mentions probabilistic loss + """ + labels = targets[0] + weights = targets[4].data if len(targets) == 5 else None + loss_op = nn.BCEWithLogitsLoss(weight=weights, reduction="sum") + loss = loss_op(scores, labels) + return loss / n + + return all_pair_loss + + +def get_top_pair_loss(n): + def top_pair_loss(scores, targets, debug=False): + """ Top pairs (best true and best mistaken) and single mention probabilistic loss + """ + true_ants = targets[2] + false_ants = targets[3] if len(targets) == 5 else None + s_scores = clipped_sigmoid(scores) + true_pairs = torch.gather(s_scores, 1, true_ants) + top_true, top_true_arg = torch.log(true_pairs).max( + dim=1 + ) # max(log(p)), p=sigmoid(s) + if debug: + print("true_pairs", true_pairs.data) + print("top_true", top_true.data) + print("top_true_arg", top_true_arg.data) + out_score = torch.sum(top_true).neg() + if ( + false_ants is not None + ): # We have no false antecedents when there are no pairs + false_pairs = torch.gather(s_scores, 1, false_ants) + top_false, _ = torch.log(1 - false_pairs).min( + dim=1 + ) # min(log(1-p)), p=sigmoid(s) + out_score = out_score + torch.sum(top_false).neg() + return out_score / n + + return top_pair_loss + + +def get_ranking_loss(n): + def ranking_loss(scores, targets): + """ Slack-rescaled max margin loss + """ + costs = targets[1] + true_ants = targets[2] + weights = targets[4] if len(targets) == 5 else None + true_ant_score = torch.gather(scores, 1, true_ants) + top_true, _ = true_ant_score.max(dim=1) + tmp_loss = scores.add(1).add( + top_true.unsqueeze(1).neg() + ) # 1 + scores - top_true + if weights is not None: + tmp_loss = tmp_loss.mul(weights) + tmp_loss = tmp_loss.mul(costs) + loss, _ = tmp_loss.max(dim=1) + out_score = torch.sum(loss) + return out_score / n + + return ranking_loss + + +def decrease_lr(optim_func, factor=0.1, min_lrs=0, eps=0, verbose=True): + for i, param_group in enumerate(optim_func.param_groups): + old_lr = float(param_group["lr"]) + new_lr = max(old_lr * factor, min_lrs) + if old_lr - new_lr > eps: + param_group["lr"] = new_lr + if verbose: + print(f"Reducing learning rate" " of group {i} to {new_lr:.4e}.") + return new_lr + + +def load_model(model, path): + print("⛄️ Reloading model from", path) + model.load_state_dict( + torch.load(path) + if args.cuda + else torch.load(path, map_location=lambda storage, loc: storage) + ) + + +def run_model(args): + print( + "Training for", + args.all_pairs_epoch, + args.top_pairs_epoch, + args.ranking_epoch, + "epochs", + ) + # Tensorboard server + writer = SummaryWriter() + + # Load datasets and embeddings + embed_path = args.weights if args.weights is not None else args.train + tensor_embeddings, voc = load_embeddings_from_file(embed_path + "tuned_word") + dataset = NCDataset(args.train, args) + eval_dataset = NCDataset(args.eval, args) + print("Vocabulary:", len(voc)) + + # Construct model + print("🏝 Build model") + model = Model( + len(voc), + SIZE_EMBEDDING, + args.h1, + args.h2, + args.h3, + SIZE_PAIR_IN, + SIZE_SINGLE_IN, + ) + model.load_embeddings(tensor_embeddings) + if args.cuda: + model.cuda() + if args.weights is not None: + print("🏝 Loading pre-trained weights") + model.load_weights(args.weights) + if args.checkpoint_file is not None: + print("⛄️ Loading model from", args.checkpoint_file) + model.load_state_dict( + torch.load(args.checkpoint_file) + if args.cuda + else torch.load( + args.checkpoint_file, map_location=lambda storage, loc: storage + ) + ) + + print("🏝 Loading conll evaluator") + eval_evaluator = ConllEvaluator( + model, eval_dataset, args.eval, args.evalkey, embed_path, args + ) + train_evaluator = ConllEvaluator( + model, dataset, args.train, args.trainkey, embed_path, args + ) + print("🏝 Testing evaluator and getting first eval score") + eval_evaluator.test_model() + start_time = time.time() + eval_evaluator.build_test_file() + score, f1_conll, ident = eval_evaluator.get_score() + elapsed = time.time() - start_time + print(f"|| s/evaluation {elapsed:5.2f}") + writer.add_scalar("eval/" + "F1_conll", f1_conll, 0) + + # Preparing dataloader + print("🏝 Preparing dataloader") + print( + "Dataloader parameters: batchsize", + args.batchsize, + "numworkers", + args.numworkers, + ) + batch_sampler = NCBatchSampler( + dataset.mentions_pair_length, shuffle=True, batchsize=args.batchsize + ) + dataloader = DataLoader( + dataset, + collate_fn=padder_collate, + batch_sampler=batch_sampler, + num_workers=args.numworkers, + pin_memory=args.cuda, + ) + mentions_idx, n_pairs = batch_sampler.get_batch_info() + + print("🏝 Start training") + g_step = 0 + start_from = ( + args.startstep + if args.startstep is not None and args.startstage is not None + else 0 + ) + + def run_epochs( + start_epoch, end_epoch, loss_func, optim_func, save_name, lr, g_step, debug=None + ): + best_model_path = args.save_path + "best_model" + save_name + start_time_all = time.time() + best_f1_conll = 0 + lower_eval = 0 + for epoch in range(start_epoch, end_epoch): + """ Run an epoch """ + print(f"🚘 {save_name} Epoch {epoch:d}") + model.train() + start_time_log = time.time() + start_time_epoch = time.time() + epoch_loss = 0 + for batch_i, (m_idx, n_pairs_l, batch) in enumerate( + zip(mentions_idx, n_pairs, dataloader) + ): + if debug is not None and (debug == -1 or debug in m_idx): + l = list(dataset.flat_m_loc[m][2:] for m in m_idx) + print( + "🏔 Batch", + batch_i, + "m_idx:", + "|".join(str(i) for i in m_idx), + "mentions:", + "|".join(dataset.docs[d]["mentions"][i] for u, i, d in l), + ) + print("Batch n_pairs:", "|".join(str(p) for p in n_pairs_l)) + inputs, targets = batch + inputs = tuple(Variable(inp, requires_grad=False) for inp in inputs) + targets = tuple(Variable(tar, requires_grad=False) for tar in targets) + if args.cuda: + inputs = tuple(i.cuda() for i in inputs) + targets = tuple(t.cuda() for t in targets) + scores = model(inputs) + if debug is not None and (debug == -1 or debug in m_idx): + print( + "Scores:\n" + + "\n".join( + "|".join(str(s) for s in s_l) + for s_l in scores.data.cpu().numpy() + ) + ) + print( + "Labels:\n" + + "\n".join( + "|".join(str(s) for s in s_l) + for s_l in targets[0].data.cpu().numpy() + ) + ) + loss = loss_func(scores, targets) + if debug is not None and (debug == -1 or debug in m_idx): + print("Loss", loss.item()) + # Zero gradients, perform a backward pass, and update the weights. + optim_func.zero_grad() + loss.backward() + epoch_loss += loss.item() + optim_func.step() + writer.add_scalar("train/" + save_name + "_loss", loss.item(), g_step) + writer.add_scalar("meta/" + "lr", lr, g_step) + writer.add_scalar("meta/" + "stage", STAGES.index(save_name), g_step) + g_step += 1 + if batch_i % args.log_interval == 0 and batch_i > 0: + elapsed = time.time() - start_time_log + lr = optim_func.param_groups[0]["lr"] + ea = elapsed * 1000 / args.log_interval + li = loss.item() + print( + f"| epoch {epoch:3d} | {batch_i:5d}/{len(dataloader):5d} batches | " + f"lr {lr:.2e} | ms/batch {ea:5.2f} | " + f"loss {li:.2e}" + ) + start_time_log = time.time() + elapsed_all = time.time() - start_time_all + elapsed_epoch = time.time() - start_time_epoch + ep = elapsed_epoch / 60 + ea = ( + elapsed_all + / 3600 + * float(end_epoch - epoch) + / float(epoch - start_epoch + 1) + ) + print( + f"|| min/epoch {ep:5.2f} | est. remaining time (h) {ea:5.2f} | loss {epoch_loss:.2e}" + ) + writer.add_scalar("epoch/" + "loss", epoch_loss, g_step) + if epoch % args.conll_train_interval == 0: + start_time = time.time() + train_evaluator.build_test_file() + score, f1_conll, ident = train_evaluator.get_score() + elapsed = time.time() - start_time + ep = elapsed_epoch / 60 + print(f"|| min/train evaluation {ep:5.2f} | F1_conll {f1_conll:5.2f}") + writer.add_scalar("epoch/" + "F1_conll", f1_conll, g_step) + if epoch % args.conll_eval_interval == 0: + start_time = time.time() + eval_evaluator.build_test_file() + score, f1_conll, ident = eval_evaluator.get_score() + elapsed = time.time() - start_time + ep = elapsed_epoch / 60 + print(f"|| min/evaluation {ep:5.2f}") + writer.add_scalar("eval/" + "F1_conll", f1_conll, g_step) + g_step += 1 + save_path = args.save_path + save_name + "_" + str(epoch) + torch.save(model.state_dict(), save_path) + if f1_conll > best_f1_conll: + best_f1_conll = f1_conll + torch.save(model.state_dict(), best_model_path) + lower_eval = 0 + elif args.on_eval_decrease != "nothing": + print("Evaluation metric decreases") + lower_eval += 1 + if lower_eval >= args.patience: + if ( + args.on_eval_decrease == "divide_lr" + or args.on_eval_decrease == "divide_then_next" + ): + print("reload best model and decrease lr") + load_model(model, best_model_path) + lr = decrease_lr(optim_func) + if args.on_eval_decrease == "next_stage" or lr <= args.min_lr: + print("Switch to next stage") + break + # Save last step + start_time = time.time() + eval_evaluator.build_test_file() + score, f1_conll, ident = eval_evaluator.get_score() + elapsed = time.time() - start_time + ep = elapsed / 60 + print(f"|| min/evaluation {ep:5.2f}") + writer.add_scalar("eval/" + "F1_conll", f1_conll, g_step) + g_step += 1 + save_path = args.save_path + save_name + "_" + str(epoch) + torch.save(model.state_dict(), save_path) + load_model(model, best_model_path) + return g_step + + if args.startstage is None or args.startstage == "allpairs": + optimizer = RMSprop( + model.parameters(), lr=args.all_pairs_lr, weight_decay=args.all_pairs_l2 + ) + loss_func = get_all_pairs_loss(batch_sampler.pairs_per_batch) + g_step = run_epochs( + start_from, + args.all_pairs_epoch, + loss_func, + optimizer, + "allpairs", + args.all_pairs_lr, + g_step, + ) + start_from = 0 + + if args.startstage is None or args.startstage in ["allpairs", "toppairs"]: + optimizer = RMSprop( + model.parameters(), lr=args.top_pairs_lr, weight_decay=args.top_pairs_l2 + ) + loss_func = get_top_pair_loss(10 * batch_sampler.mentions_per_batch) + g_step = run_epochs( + start_from, + args.top_pairs_epoch, + loss_func, + optimizer, + "toppairs", + args.top_pairs_lr, + g_step, + ) + start_from = 0 + + if args.startstage is None or args.startstage in [ + "ranking", + "allpairs", + "toppairs", + ]: + optimizer = RMSprop( + model.parameters(), lr=args.ranking_lr, weight_decay=args.ranking_l2 + ) + loss_func = get_ranking_loss(batch_sampler.mentions_per_batch) + g_step = run_epochs( + start_from, + args.ranking_epoch, + loss_func, + optimizer, + "ranking", + args.ranking_lr, + g_step, + ) + + +if __name__ == "__main__": + DIR_PATH = os.path.dirname(os.path.realpath(__file__)) + parser = argparse.ArgumentParser( + description="Training the neural coreference model" + ) + parser.add_argument( + "--train", + type=str, + default=DIR_PATH + "/data/", + help="Path to the train dataset", + ) + parser.add_argument( + "--eval", type=str, default=DIR_PATH + "/data/", help="Path to the eval dataset" + ) + parser.add_argument( + "--evalkey", type=str, help="Path to an optional key file for scoring" + ) + parser.add_argument( + "--weights", + type=str, + help="Path to pre-trained weights (if you only want to test the scoring for e.g.)", + ) + parser.add_argument( + "--batchsize", + type=int, + default=20000, + help="Size of a batch in total number of pairs", + ) + parser.add_argument( + "--numworkers", + type=int, + default=8, + help="Number of workers for loading batches", + ) + parser.add_argument( + "--startstage", + type=str, + help='Start from a specific stage ("allpairs", "toppairs", "ranking")', + ) + parser.add_argument("--startstep", type=int, help="Start from a specific step") + parser.add_argument( + "--checkpoint_file", + type=str, + help="Start from a previously saved checkpoint file", + ) + parser.add_argument( + "--log_interval", type=int, default=10, help="test every X mini-batches" + ) + parser.add_argument( + "--conll_eval_interval", + type=int, + default=10, + help="evaluate eval F1 conll every X epochs", + ) + parser.add_argument( + "--conll_train_interval", + type=int, + default=20, + help="evaluate train F1 conll every X epochs", + ) + parser.add_argument("--seed", type=int, default=1111, help="random seed") + parser.add_argument("--costfn", type=float, default=0.8, help="cost of false new") + parser.add_argument("--costfl", type=float, default=0.4, help="cost of false link") + parser.add_argument("--costwl", type=float, default=1.0, help="cost of wrong link") + parser.add_argument( + "--h1", type=int, default=1000, help="number of hidden unit on layer 1" + ) + parser.add_argument( + "--h2", type=int, default=500, help="number of hidden unit on layer 2" + ) + parser.add_argument( + "--h3", type=int, default=500, help="number of hidden unit on layer 3" + ) + parser.add_argument( + "--all_pairs_epoch", + type=int, + default=200, + help="number of epochs for all-pairs pre-training", + ) + parser.add_argument( + "--top_pairs_epoch", + type=int, + default=200, + help="number of epochs for top-pairs pre-training", + ) + parser.add_argument( + "--ranking_epoch", + type=int, + default=200, + help="number of epochs for ranking training", + ) + parser.add_argument( + "--all_pairs_lr", + type=float, + default=2e-4, + help="all pairs pre-training learning rate", + ) + parser.add_argument( + "--top_pairs_lr", + type=float, + default=2e-4, + help="top pairs pre-training learning rate", + ) + parser.add_argument( + "--ranking_lr", type=float, default=2e-6, help="ranking training learning rate" + ) + parser.add_argument( + "--all_pairs_l2", + type=float, + default=1e-6, + help="all pairs pre-training l2 regularization", + ) + parser.add_argument( + "--top_pairs_l2", + type=float, + default=1e-5, + help="top pairs pre-training l2 regularization", + ) + parser.add_argument( + "--ranking_l2", + type=float, + default=1e-5, + help="ranking training l2 regularization", + ) + parser.add_argument( + "--patience", + type=int, + default=3, + help="patience (epochs) before considering evaluation has decreased", + ) + parser.add_argument("--min_lr", type=float, default=2e-8, help="min learning rate") + parser.add_argument( + "--on_eval_decrease", + type=str, + default="nothing", + help='What to do when evaluation decreases ("nothing", "divide_lr", "next_stage", "divide_then_next")', + ) + parser.add_argument( + "--lazy", + type=int, + default=1, + choices=(0, 1), + help="Use lazy loading (1, default) or not (0) while loading the npy files", + ) + args = parser.parse_args() + args.costs = {"FN": args.costfn, "FL": args.costfl, "WL": args.costwl} + args.lazy = bool(args.lazy) + current_time = datetime.now().strftime("%b%d_%H-%M-%S") + args.save_path = os.path.join( + PACKAGE_DIRECTORY, + "checkpoints", + current_time + "_" + socket.gethostname() + "_", + ) + + np.random.seed(args.seed) + torch.manual_seed(args.seed) + args.cuda = torch.cuda.is_available() + if args.cuda: + torch.cuda.manual_seed(args.seed) + + args.evalkey = args.evalkey if args.evalkey is not None else args.eval + "/key.txt" + args.trainkey = args.train + "/key.txt" + args.train = args.train + "/numpy/" + args.eval = args.eval + "/numpy/" + print(args) + run_model(args) diff --git a/data_tooling/pii_processing/neuralcoref/train/model.py b/data_tooling/pii_processing/neuralcoref/train/model.py new file mode 100644 index 0000000..069499c --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/model.py @@ -0,0 +1,122 @@ +"""Conll training algorithm""" + +import os +import numpy as np + +import torch +import torch.nn as nn +import torch.utils.data + + +class Model(nn.Module): + def __init__( + self, vocab_size, embedding_dim, H1, H2, H3, D_pair_in, D_single_in, dropout=0.5 + ): + super(Model, self).__init__() + self.word_embeds = nn.Embedding(vocab_size, embedding_dim) + self.drop = nn.Dropout(dropout) + self.pair_top = nn.Sequential( + nn.Linear(D_pair_in, H1), + nn.ReLU(), + nn.Dropout(dropout), + nn.Linear(H1, H2), + nn.ReLU(), + nn.Dropout(dropout), + nn.Linear(H2, H3), + nn.ReLU(), + nn.Dropout(dropout), + nn.Linear(H3, 1), + nn.Linear(1, 1), + ) + self.single_top = nn.Sequential( + nn.Linear(D_single_in, H1), + nn.ReLU(), + nn.Dropout(dropout), + nn.Linear(H1, H2), + nn.ReLU(), + nn.Dropout(dropout), + nn.Linear(H2, H3), + nn.ReLU(), + nn.Dropout(dropout), + nn.Linear(H3, 1), + nn.Linear(1, 1), + ) + self.init_weights() + + def init_weights(self): + w = (param.data for name, param in self.named_parameters() if "weight" in name) + b = (param.data for name, param in self.named_parameters() if "bias" in name) + nn.init.uniform_(self.word_embeds.weight.data, a=-0.5, b=0.5) + for t in w: + nn.init.xavier_uniform_(t) + for t in b: + nn.init.constant_(t, 0) + + def load_embeddings(self, preloaded_weights): + self.word_embeds.weight = nn.Parameter(preloaded_weights) + + def load_weights(self, weights_path): + print("Loading weights") + single_layers_weights, single_layers_biases = [], [] + for f in sorted(os.listdir(weights_path)): + if f.startswith("single_mention_weights"): + single_layers_weights.append(np.load(os.path.join(weights_path, f))) + if f.startswith("single_mention_bias"): + single_layers_biases.append(np.load(os.path.join(weights_path, f))) + top_single_linear = ( + layer for layer in self.single_top if isinstance(layer, nn.Linear) + ) + for w, b, layer in zip( + single_layers_weights, single_layers_biases, top_single_linear + ): + layer.weight = nn.Parameter(torch.from_numpy(w).float()) + layer.bias = nn.Parameter(torch.from_numpy(b).float().squeeze()) + pair_layers_weights, pair_layers_biases = [], [] + for f in sorted(os.listdir(weights_path)): + if f.startswith("pair_mentions_weights"): + pair_layers_weights.append(np.load(os.path.join(weights_path, f))) + if f.startswith("pair_mentions_bias"): + pair_layers_biases.append(np.load(os.path.join(weights_path, f))) + top_pair_linear = ( + layer for layer in self.pair_top if isinstance(layer, nn.Linear) + ) + for w, b, layer in zip( + pair_layers_weights, pair_layers_biases, top_pair_linear + ): + layer.weight = nn.Parameter(torch.from_numpy(w).float()) + layer.bias = nn.Parameter(torch.from_numpy(b).float().squeeze()) + + def forward(self, inputs, concat_axis=1): + pairs = len(inputs) == 8 + if pairs: + spans, words, single_features, ant_spans, ant_words, ana_spans, ana_words, pair_features = ( + inputs + ) + else: + spans, words, single_features = inputs + words = words.type(torch.LongTensor) + if torch.cuda.is_available(): + words = words.cuda() + embed_words = self.drop(self.word_embeds(words).view(words.size()[0], -1)) + single_input = torch.cat([spans, embed_words, single_features], 1) + single_scores = self.single_top(single_input) + if pairs: + batchsize, pairs_num, _ = ana_spans.size() + ant_words_long = ant_words.view(batchsize, -1).type(torch.LongTensor) + ana_words_long = ana_words.view(batchsize, -1).type(torch.LongTensor) + if torch.cuda.is_available(): + ant_words_long = ant_words_long.cuda() + ana_words_long = ana_words_long.cuda() + ant_embed_words = self.drop( + self.word_embeds(ant_words_long).view(batchsize, pairs_num, -1) + ) + ana_embed_words = self.drop( + self.word_embeds(ana_words_long).view(batchsize, pairs_num, -1) + ) + pair_input = torch.cat( + [ant_spans, ant_embed_words, ana_spans, ana_embed_words, pair_features], + 2, + ) + pair_scores = self.pair_top(pair_input).squeeze(dim=2) + total_scores = torch.cat([pair_scores, single_scores], concat_axis) + return total_scores if pairs else single_scores diff --git a/data_tooling/pii_processing/neuralcoref/train/runs/.gitignore b/data_tooling/pii_processing/neuralcoref/train/runs/.gitignore new file mode 100644 index 0000000..86d0cb2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/runs/.gitignore @@ -0,0 +1,4 @@ +# Ignore everything in this directory +* +# Except this file +!.gitignore \ No newline at end of file diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/README.txt b/data_tooling/pii_processing/neuralcoref/train/scorer/README.txt new file mode 100644 index 0000000..2533a29 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/README.txt @@ -0,0 +1,100 @@ +NAME + CorScorer: Perl package for scoring coreference resolution systems + using different metrics. + + +VERSION + v8.01 -- reference implementations of MUC, B-cubed, CEAF and BLANC metrics. + + +CHANGES SINCE v8.0 + - fixed a bug that crashed the BLANC scorer when a duplicate singleton + mention was present in the response. + +INSTALLATION + Requirements: + 1. Perl: downloadable from http://perl.org + 2. Algorithm-Munkres: included in this package and downloadable + from CPAN http://search.cpan.org/~tpederse/Algorithm-Munkres-0.08 + +USE + This package is distributed with two scripts to execute the scorer from + the command line. + + Windows (tm): scorer.bat + Linux: scorer.pl + + +SYNOPSIS + use CorScorer; + + $metric = 'ceafm'; + + # Scores the whole dataset + &CorScorer::Score($metric, $keys_file, $response_file); + + # Scores one file + &CorScorer::Score($metric, $keys_file, $response_file, $name); + + +INPUT + metric: the metric desired to score the results: + muc: MUCScorer (Vilain et al, 1995) + bcub: B-Cubed (Bagga and Baldwin, 1998) + ceafm: CEAF (Luo et al., 2005) using mention-based similarity + ceafe: CEAF (Luo et al., 2005) using entity-based similarity + blanc: BLANC (Luo et al., 2014) BLANC metric for gold and predicted mentions + all: uses all the metrics to score + + keys_file: file with expected coreference chains in CoNLL-2011/2012 format + + response_file: file with output of coreference system (CoNLL-2011/2012 format) + + name: [optional] the name of the document to score. If name is not + given, all the documents in the dataset will be scored. If given + name is "none" then all the documents are scored but only total + results are shown. + + +OUTPUT + The score subroutine returns an array with four values in this order: + 1) Recall numerator + 2) Recall denominator + 3) Precision numerator + 4) Precision denominator + + Also recall, precision and F1 are printed in the standard output when variable + $VERBOSE is not null. + + Final scores: + Recall = recall_numerator / recall_denominator + Precision = precision_numerator / precision_denominator + F1 = 2 * Recall * Precision / (Recall + Precision) + + Identification of mentions + An scorer for identification of mentions (recall, precision and F1) is also included. + Mentions from system response are compared with key mentions. This version performs + strict mention matching as was used in the CoNLL-2011 and 2012 shared tasks. + +AUTHORS + Emili Sapena, Universitat Politècnica de Catalunya, http://www.lsi.upc.edu/~esapena, esapena lsi.upc.edu + Sameer Pradhan, sameer.pradhan childrens.harvard.edu + Sebastian Martschat, sebastian.martschat h-its.org + Xiaoqiang Luo, xql google.com + +COPYRIGHT AND LICENSE + Copyright (C) 2009-2011, Emili Sapena esapena lsi.upc.edu + 2011-2014, Sameer Pradhan sameer.pradhan childrens.harvard.edu + + This program is free software; you can redistribute it and/or modify it + under the terms of the GNU General Public License as published by the + Free Software Foundation; either version 2 of the License, or (at your + option) any later version. This program is distributed in the hope that + it will be useful, but WITHOUT ANY WARRANTY; without even the implied + warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the + GNU General Public License for more details. + + You should have received a copy of the GNU General Public License along + with this program; if not, write to the Free Software Foundation, Inc., + 59 Temple Place - Suite 330, Boston, MA 02111-1307, USA. + diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/scorer.bat b/data_tooling/pii_processing/neuralcoref/train/scorer/scorer.bat new file mode 100644 index 0000000..679faed --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/scorer.bat @@ -0,0 +1,67 @@ +@rem = '--*-Perl-*-- +@echo off +if "%OS%" == "Windows_NT" goto WinNT +perl -x -S "%0" %1 %2 %3 %4 %5 %6 %7 %8 %9 +goto endofperl +:WinNT +perl -x -S %0 %* +if NOT "%COMSPEC%" == "%SystemRoot%\system32\cmd.exe" goto endofperl +if %errorlevel% == 9009 echo You do not have Perl in your PATH. +if errorlevel 1 goto script_failed_so_exit_with_non_zero_val 2>nul +goto endofperl +@rem '; +#!perl +#line 15 + +BEGIN { + $d = $0; + $d =~ s/\/[^\/][^\/]*$//g; + push(@INC, $d."/lib"); +} + +use strict; +use CorScorer; + +if (@ARGV < 3) { + print q| + use: scorer.bat [name] + + metric: the metric desired to score the results: + muc: MUCScorer (Vilain et al, 1995) + bcub: B-Cubed (Bagga and Baldwin, 1998) + ceafm: CEAF (Luo et al, 2005) using mention-based similarity + ceafe: CEAF (Luo et al, 2005) using entity-based similarity + all: uses all the metrics to score + + keys_file: file with expected coreference chains in SemEval format + + response_file: file with output of coreference system (SemEval format) + + name: [optional] the name of the document to score. If name is not + given, all the documents in the dataset will be scored. If given + name is "none" then all the documents are scored but only total + results are shown. + + |; + exit; +} + +my $metric = shift (@ARGV); +if ($metric !~ /^(muc|bcub|ceafm|ceafe|all)/i) { + print "Invalid metric\n"; + exit; +} + + +if ($metric eq 'all') { + foreach my $m ('muc', 'bcub', 'ceafm', 'ceafe') { + print "\nMETRIC $m:\n"; + &CorScorer::Score( $m, @ARGV ); + } +} +else { + &CorScorer::Score( $metric, @ARGV ); +} + +__END__ +:endofperl diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/scorer.pl b/data_tooling/pii_processing/neuralcoref/train/scorer/scorer.pl new file mode 100644 index 0000000..07b48d8 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/scorer.pl @@ -0,0 +1,58 @@ +#!/usr/bin/perl + +BEGIN { + $d = $0; + $d =~ s/\/[^\/][^\/]*$//g; + + if ($d eq $0) { + unshift(@INC, "lib"); + } + else { + unshift(@INC, $d . "/lib"); + } +} + +use strict; +use CorScorer; + +if (@ARGV < 3) { + print q| +use: scorer.pl [name] + + metric: the metric desired to score the results: + muc: MUCScorer (Vilain et al, 1995) + bcub: B-Cubed (Bagga and Baldwin, 1998) + ceafm: CEAF (Luo et al, 2005) using mention-based similarity + ceafe: CEAF (Luo et al, 2005) using entity-based similarity + blanc: BLANC + all: uses all the metrics to score + + keys_file: file with expected coreference chains in SemEval format + + response_file: file with output of coreference system (SemEval format) + + name: [optional] the name of the document to score. If name is not + given, all the documents in the dataset will be scored. If given + name is "none" then all the documents are scored but only total + results are shown. + +|; + exit; +} + +my $metric = shift(@ARGV); +if ($metric !~ /^(muc|bcub|ceafm|ceafe|blanc|all)/i) { + print "Invalid metric\n"; + exit; +} + +if ($metric eq 'all') { + foreach my $m ('muc', 'bcub', 'ceafm', 'ceafe', 'blanc') { + print "\nMETRIC $m:\n"; + &CorScorer::Score($m, @ARGV); + } +} +else { + &CorScorer::Score($metric, @ARGV); +} + diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/CorefMetricTest.pm b/data_tooling/pii_processing/neuralcoref/train/scorer/test/CorefMetricTest.pm new file mode 100644 index 0000000..c5e96a3 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/CorefMetricTest.pm @@ -0,0 +1,124 @@ +package CorefMetricTest; +use strict; +use warnings; +use Exporter; + +our @ISA= qw(Exporter); +our @EXPORT = qw(ComputeScoreFromCounts DiffExpectedAndActual); + +################################################################################ +# Compute recall, precision and F1. +# +# Input: (numerator_counts_for_recall, denominator_counts_for_recall, +# numerator_counts_for_precision, denominator_counts_for_precision) +# Output: (recall, precision, F1) +################################################################################ +sub ComputeScoreFromCounts { + # The first 4 are also coref link counts when using BLANC. + my ($recall_numerator, $recall_denominator, + $precision_numerator, $precision_denominator, @noncoref_counts) = @_; + # The coref recall, precision, and F1 when using BLANC. + my ($recall, $precision, $F1) = + RPFFromCounts($recall_numerator, $recall_denominator, + $precision_numerator, $precision_denominator); + + # BLANC: @noncoref_counts= + # (noncoref_numerator_recall, noncoref_denominator_recall, + # noncoref_numerator_precision, noncoref_denominator_precision) + if (scalar(@noncoref_counts) == 4) { + ($recall, $precision, $F1) = CorScorer::ComputeBLANCFromCounts( + $recall_numerator, $recall_denominator, $precision_denominator, + $noncoref_counts[0], $noncoref_counts[1], $noncoref_counts[3]); + } + $recall = ($recall < 0) ? 0 : $recall; + $precision = ($precision < 0) ? 0 : $precision; + $F1 = ($F1 < 0) ? 0 : $F1; + return ($recall, $precision, $F1); +} + +sub RPFFromCounts +{ + my ($recall_numerator, $recall_denominator, + $precision_numerator, $precision_denominator, @nonCorefCounts) = @_; + my ($recall, $precision, $F1) = (-1, -1, 0); + if ($recall_denominator > 0) { + $recall = $recall_numerator / $recall_denominator; + } + if ($precision_denominator > 0) { + $precision = $precision_numerator / $precision_denominator; + } + + if (($recall + $precision) > 0) { + $F1 = 2 * $recall * $precision / ($recall + $precision); + } + + return ($recall, $precision, $F1); +} + +# deprecated -- see CorScorer::ComputeBLANCFromCounts(). +sub ComputeBLANCRPF +{ + my ($coref_recall, $coref_precision, $coref_F1, + $noncoref_recall, $noncoref_precision, $noncoref_F1) = @_; + + my ($recall, $precision, $F1); + + if ($coref_recall < 0 && $noncoref_recall < 0) { + # no key mention. + $recall = $precision = $F1 = 0; + } elsif ($coref_recall < 0) { + # key: all links are non-coref (mentions are all singltons). + $recall = $noncoref_recall; + $precision = ($noncoref_precision < 0) ? 0 : $noncoref_precision; + $F1 = $noncoref_F1; + } elsif ($noncoref_recall < 0) { + # key: all links are coref (all mentions are in one entity). + $recall = $coref_recall; + $precision = ($coref_precision < 0) ? 0 : $coref_precision; + $F1 = $coref_F1; + } else { + #key contains both coref and non-coref links. + if ($coref_precision < 0 && $noncoref_precision < 0) { + # no response. + $recall = $precision = $F1 = 0; + } else { + if ($coref_precision < 0) { + # response: all links are non-coref, or response mentions are all + # singletons. + $coref_precision = 0; + } elsif ($noncoref_precision < 0) { + # response: all links are coref, or all mentions are in one entity. + $noncoref_precision = 0; + } + $recall = ($coref_recall + $noncoref_recall)/2; + $precision = ($coref_precision + $noncoref_precision)/2; + $F1 = ($coref_F1 + $noncoref_F1)/2; + } + } + + return ($recall, $precision, $F1); +} + +############################################################################## +# Compute the sum of the duifference between the expected recall, precision, +# F1 and the actual one. +############################################################################## +sub DiffExpectedAndActual { + my ($expected, $actual) = @_; + if (scalar(@$expected) != scalar(@$actual)) { + print STDERR "Expected and actual have diff dimensions: \n"; + print STDERR " Expected: ", join(" ", @$expected), "\n"; + print STDERR " Actual: ", join(" ", @$actual), "\n"; + return 1.0e5; + } + my $sum = 0.0; + my $i = 0; + foreach my $e (@$expected) { + $sum += abs($e - $actual->[$i]); + ++$i; + } + return $sum; +} + +1; + diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/CorefMetricTestConfig.pm b/data_tooling/pii_processing/neuralcoref/train/scorer/test/CorefMetricTestConfig.pm new file mode 100644 index 0000000..974f655 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/CorefMetricTestConfig.pm @@ -0,0 +1,363 @@ +################################################################################ +# This is the test configuration file. Test cases are stored in an +# array, each element consisting of: +# (1) id: a unique identifier for the test case. +# (2) key_file: the key file to be tested in the CoNLL format. +# (3) response_file: the response file to be tested in the CoNLL format. +# (4) expected_metrics: is a hash label from a metric name (identical to those +# used in the scorer.{pl|bat}) to an array of expected +# metric values. All metrics have 3 expected numbers: +# (recall, precision, F-measure). +################################################################################ + +package CorefMetricTestConfig; +use strict; +use warnings; +use Exporter; + +our @ISA= qw( Exporter ); + +# these are exported by default. +our @EXPORT = qw(TestCases); + +# +# Values following metric names are [recall, precision, F1] +# +our @TestCases = ( +{ id => "A1", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-1.response", + expected_metrics => { "muc" => [1, 1, 1], + "bcub" => [6/6, 6/6, 1], + "ceafm" => [1, 1, 1], + "ceafe" => [1, 1, 1], + "blanc" => [1, 1, 1] } +}, +{ id => "A2", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-2.response", + expected_metrics => { "muc" => [1/3, 1/1, 0.5], + "bcub" => [(7/3)/6, 3/3, 14/25], + "ceafm" => [0.5, 1, 0.66667], + "ceafe" => [0.6, 0.9, 0.72], + "blanc" => [0.21591, 1, 0.35385] } +}, +{ id => "A3", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-3.response", + expected_metrics => { "muc" => [3/3, 3/5, 0.75], + "bcub" => [6/6, (4+7/12)/9, 110/163], + "ceafm" => [1, 0.66667, 0.8], + "ceafe" => [0.88571, 0.66429, 0.75918], + "blanc" => [1, 0.42593, 0.59717] } +}, +{ id => "A4", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-4.response", + expected_metrics => { "muc" => [1/3, 1/3, 1/3], + "bcub" => [(3+1/3)/6, (1+4/3+1/2)/7, 2*(5/9)*(17/42)/((5/9)+(17/42))], + "ceafm" => [0.66667, 0.57143, 0.61538], + "ceafe" => [0.73333, 0.55, 0.62857], + "blanc" => [0.35227, 0.27206, 0.30357] } +}, +{ id => "A5", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-5.response", + expected_metrics => { "muc" => [1/3, 1/4, 2/7], + "bcub" => [(3+1/3)/6, 2.5/8, 2*(5/9)*(5/16)/((5/9)+(5/16))], + "ceafm" => [0.66667, 0.5, 0.57143], + "ceafe" => [0.68889, 0.51667, 0.59048], + "blanc" => [0.35227, 0.19048, 0.24716] } +}, +{ id => "A6", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-6.response", + expected_metrics => { "muc" => [1/3, 1/4, 2/7], + "bcub" => [(10/3)/6, (1+4/3+1/2)/8, 2*(5/9)*(17/48)/((5/9)+(17/48))], + "ceafm" => [0.66667, 0.5, 0.57143], + "ceafe" => [0.73333, 0.55, 0.62857], + "blanc" => [0.35227, 0.20870, 0.25817] } +}, +{ id => "A7", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-7.response", + expected_metrics => { "muc" => [1/3, 1/3, 1/3], + "bcub" => [(10/3)/6, (1+4/3+1/2)/7, 2*(5/9)*(17/42)/((5/9)+(17/42))], + "ceafm" => [0.66667, 0.57143, 0.61538], + "ceafe" => [0.73333, 0.55, 0.62857], + "blanc" => [0.35227, 0.27206, 0.30357] } +}, +{ id => "A8", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-8.response", + expected_metrics => { "muc" => [1/3, 1/3, 1/3], + "bcub" => [(10/3)/6, (1+4/3+1/2)/7, 2*(5/9)*(17/42)/((5/9)+(17/42))], + "ceafm" => [0.66667, 0.57143, 0.61538], + "ceafe" => [0.73333, 0.55, 0.62857], + "blanc" => [0.35227, 0.27206, 0.30357] } +}, +{ id => "A9", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-9.response", + expected_metrics => { "muc" => [1/3, 1/3, 1/3], + "bcub" => [(10/3)/6, (1+4/3+1/2)/7, 2*(5/9)*(17/42)/((5/9)+(17/42))], + "ceafm" => [0.66667, 0.57143, 0.61538], + "ceafe" => [0.73333, 0.55, 0.62857], + "blanc" => [0.35227, 0.27206, 0.30357] } +}, +{ id => "A10", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-10.response", + expected_metrics => { "muc" => [0, 0, 0], + "bcub" => [3/6, 6/6, 2/3], + #”ceafm" => [1, 1, 1], + #”ceafe" => [1, 1, 1], + "blanc" => [0.5, 0.36667, 0.42308] } +}, +{ id => "A11", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-11.response", + expected_metrics => { "muc" => [3/3, 3/5, 6/8], + "bcub" => [6/6, (1/6+2*2/6+3*3/6)/6, 14/25], + #”ceafm" => [1, 1, 1], + #”ceafe" => [1, 1, 1], + "blanc" => [0.5, 0.13333, 0.21053] } +}, +{ id => "A12", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-12.response", + expected_metrics => { "muc" => [0, 0, 0], + "bcub" => [(1+1/2+2/3)/6, 4/7, 2*(13/36)*(4/7)/((13/36)+(4/7))], + #”ceafm" => [1, 1, 1], + #”ceafe" => [1, 1, 1], + "blanc" => [0.22727, 0.11905, 0.15625] } +}, +{ id => "A13", + key_file => "DataFiles/TC-A.key", + response_file => "DataFiles/TC-A-13.response", + expected_metrics => { "muc" => [1/3, 1/6, 2/9], + "bcub" => [(1+1/2+2*2/3)/6, (1/7+1/7+2*2/7)/7, 2*(17/36)*(6/49)/((17/36)+(6/49))], + #”ceafm" => [1, 1, 1], + #”ceafe" => [1, 1, 1], + "blanc" => [0.125, 0.02381, 0.04] } +}, +{ id => "B1", + key_file => "DataFiles/TC-B.key", + response_file => "DataFiles/TC-B-1.response", + expected_metrics => { #"muc" => [1, 1, 1], + #"bcub" => [1, 1, 1], + #”ceafm" => [1, 1, 1], + #”ceafe" => [1, 1, 1], + "blanc" => [1/2 * (1/4 + 1/3), 1/2 * (1/4 + 1/3), 1/2 * (1/4 + 1/3)] } +}, +{ id => "C1", + key_file => "DataFiles/TC-C.key", + response_file => "DataFiles/TC-C-1.response", + expected_metrics => { #"muc" => [1, 1, 1], + #"bcub" => [1, 1, 1], + #”ceafm" => [1, 1, 1], + #”ceafe" => [1, 1, 1], + "blanc" => [1/2 * (2/5 + 10/16), 1/2 * (2/5 + 10/16), 1/2 * (2/5 + 10/16)] } +}, +{ id => "D1", + key_file => "DataFiles/TC-D.key", + response_file => "DataFiles/TC-D-1.response", + expected_metrics => { "muc" => [9/9, 9/10, 2*(9/9)*(9/10)/(9/9+9/10)], + "bcub" => [12/12, 16/21, 2*(12/12)*(16/21)/(12/12+16/21)], + #"ceafm" => [1, 1, 1], + #"ceafe" => [1, 1, 1], + #"blanc" => [1, 1, 1] + } +}, +{ id => "E1", + key_file => "DataFiles/TC-E.key", + response_file => "DataFiles/TC-E-1.response", + expected_metrics => { "muc" => [9/9, 9/10, 2*(9/9)*(9/10)/(9/9+9/10)], + "bcub" => [1, 7/12, 2*1*(7/12)/(1+7/12)], + #"ceafm" => [1, 1, 1], + #"ceafe" => [1, 1, 1], + #"blanc" => [1, 1, 1] + } +}, +{ id => "F1", + key_file => "DataFiles/TC-F.key", + response_file => "DataFiles/TC-F-1.response", + expected_metrics => { "muc" => [2/3, 2/2, 2*(2/3)*(2/2)/(2/3+2/2)] , + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + #"blanc" => + } +}, +{ id => "G1", + key_file => "DataFiles/TC-G.key", + response_file => "DataFiles/TC-G-1.response", + expected_metrics => { "muc" => [2/2, 2/3, 2*(2/2)*(2/3)/(2/2+2/3)], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + #"blanc" => + } +}, +{ id => "H1", + key_file => "DataFiles/TC-H.key", + response_file => "DataFiles/TC-H-1.response", + expected_metrics => { "muc" => [1, 1, 1], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + #"blanc" => + } +}, +{ id => "I1", + key_file => "DataFiles/TC-I.key", + response_file => "DataFiles/TC-I-1.response", + expected_metrics => { "muc" => [2/3, 2/2, 2*(2/3)*(2/2)/(2/3+2/2)], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + #"blanc" => + } +}, +{ id => "J1", + key_file => "DataFiles/TC-J.key", + response_file => "DataFiles/TC-J-1.response", + expected_metrics => { "muc" => [1/2, 1/1, 2*(1/2)*(1/1)/(1/2+1/1)], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + #"blanc" => + } +}, +{ id => "K1", + key_file => "DataFiles/TC-K.key", + response_file => "DataFiles/TC-K-1.response", + expected_metrics => { "muc" => [3/6, 3/6, 3/6], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + #"blanc" => + } +}, +{ id => "L1", + key_file => "DataFiles/TC-L.key", + response_file => "DataFiles/TC-L-1.response", + expected_metrics => { "muc" => [2/5, 2/4, 2*(2/5)*(2/4)/(2/5+2/4)], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + #"blanc" => + } +}, +{ id => "M1", + key_file => "DataFiles/TC-M.key", + response_file => "DataFiles/TC-M-1.response", + expected_metrics => { "muc" => [1, 1, 1], + "bcub" => [1, 1, 1], + "ceafm" => [1, 1, 1], + "ceafe" => [1, 1, 1], + "blanc" => [1, 1, 1] } +}, +{ id => "M2", + key_file => "DataFiles/TC-M.key", + response_file => "DataFiles/TC-M-2.response", + expected_metrics => { "muc" => [0, 0, 0], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0, 0, 0] } +}, +{ id => "M3", + key_file => "DataFiles/TC-M.key", + response_file => "DataFiles/TC-M-3.response", + expected_metrics => { #"muc" => , + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0.26667, 1, 0.42105] } +}, +{ id => "M4", + key_file => "DataFiles/TC-M.key", + response_file => "DataFiles/TC-M-4.response", + expected_metrics => { #"muc" => , + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0.2, 0.2, 0.2] } +}, +{ id => "M5", + key_file => "DataFiles/TC-M.key", + response_file => "DataFiles/TC-M-5.response", + expected_metrics => { "muc" => [0, 0, 0], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0, 0, 0] } +}, +{ id => "M6", + key_file => "DataFiles/TC-M.key", + response_file => "DataFiles/TC-M-6.response", + expected_metrics => { #"muc" => , + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0.06667, 0.25, 0.10526] } +}, +{ id => "N1", + key_file => "DataFiles/TC-N.key", + response_file => "DataFiles/TC-N-1.response", + expected_metrics => { "muc" => [0, 0, 0], + #"bcub" => [1, 1, 1], + #"ceafm" => [1, 1, 1], + #"ceafe" => [1, 1, 1], + "blanc" => [1, 1, 1] } +}, +{ id => "N2", + key_file => "DataFiles/TC-N.key", + response_file => "DataFiles/TC-N-2.response", + expected_metrics => { "muc" => [0, 0, 0], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0, 0, 0] } +}, +{ id => "N3", + key_file => "DataFiles/TC-N.key", + response_file => "DataFiles/TC-N-3.response", + expected_metrics => { #"muc" => , + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0.73333, 1, 0.84615] } +}, +{ id => "N4", + key_file => "DataFiles/TC-N.key", + response_file => "DataFiles/TC-N-4.response", + expected_metrics => { "muc" => [0, 0, 0], + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0.2, 0.2, 0.2] } +}, +{ id => "N5", + key_file => "DataFiles/TC-N.key", + response_file => "DataFiles/TC-N-5.response", + expected_metrics => { #"muc" => , + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0, 0, 0] } +}, +{ id => "N6", + key_file => "DataFiles/TC-N.key", + response_file => "DataFiles/TC-N-6.response", + expected_metrics => { #"muc" => , + #"bcub" => , + #"ceafm" => , + #"ceafe" => , + "blanc" => [0.13333, 0.18182, 0.15385] } +} + +); + +1; diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-1.response new file mode 100644 index 0000000..445a92e --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-1.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 jnk - +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 jnk - +test2 0 5 e (2) +test2 0 6 jnk - +test2 0 7 f1 (2 +test2 0 8 f2 - +test2 0 9 f3 2) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-10.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-10.response new file mode 100644 index 0000000..e323b09 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-10.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (2) +test2 0 1 x - +test2 0 2 d1 (3 +test2 0 3 d2 3) +test2 0 4 z - +test2 0 5 e (4) +test2 0 6 y - +test2 0 7 f1 (5 +test2 0 8 f2 - +test2 0 9 f3 5) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-11.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-11.response new file mode 100644 index 0000000..90ea74d --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-11.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (0) +test2 0 1 x - +test2 0 2 d1 (0 +test2 0 3 d2 0) +test2 0 4 z - +test2 0 5 e (0) +test2 0 6 y - +test2 0 7 f1 (0 +test2 0 8 f2 - +test2 0 9 f3 0) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-12.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-12.response new file mode 100644 index 0000000..1c59f5e --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-12.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 1) +test1 0 5 b3 - +test1 0 6 b4 - +test1 0 7 jnk (2) +test1 0 8 . - + +test2 0 0 c (3) +test2 0 1 x - +test2 0 2 d1 (4 +test2 0 3 d2 4) +test2 0 4 z - +test2 0 5 e (5) +test2 0 6 y - +test2 0 7 f1 (6) +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-13.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-13.response new file mode 100644 index 0000000..cfe2b73 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-13.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 0) +test1 0 5 b3 - +test1 0 6 b4 - +test1 0 7 jnk (0) +test1 0 8 . - + +test2 0 0 c (0) +test2 0 1 x - +test2 0 2 d1 (0 +test2 0 3 d2 0) +test2 0 4 z - +test2 0 5 e (0) +test2 0 6 y - +test2 0 7 f1 (0) +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-2.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-2.response new file mode 100644 index 0000000..d0726f1 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-2.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 - +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 - +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c - +test2 0 1 jnk - +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 jnk - +test2 0 5 e (2) +test2 0 6 jnk - +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-3.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-3.response new file mode 100644 index 0000000..49cec4b --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-3.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 x (1) +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 y (2) +test2 0 5 e (2) +test2 0 6 z (3) +test2 0 7 f1 (2 +test2 0 8 f2 - +test2 0 9 f3 2) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-4.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-4.response new file mode 100644 index 0000000..df84841 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-4.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 x (1) +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 x (3) +test2 0 5 e - +test2 0 6 y (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-5.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-5.response new file mode 100644 index 0000000..921e34a --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-5.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 (1 +test1 0 5 b3 1) +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 x (1) +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 z (3) +test2 0 5 e - +test2 0 6 y (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-6.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-6.response new file mode 100644 index 0000000..f1a8954 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-6.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 (3 +test1 0 5 b3 3) +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 x (1) +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 z (3) +test2 0 5 e - +test2 0 6 y (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-7.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-7.response new file mode 100644 index 0000000..b111e44 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-7.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1(1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1)1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 x (1) +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 z (3) +test2 0 5 e - +test2 0 6 y (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-8.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-8.response new file mode 100644 index 0000000..974b4f0 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-8.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1(3 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 3)1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 x (1) +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 z (3) +test2 0 5 e - +test2 0 6 y (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-9.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-9.response new file mode 100644 index 0000000..a370a5b --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A-9.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1(3(3(3(3(3(3(3(3(3(3 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 3)3)3)3)3)3)3)3)3)3)1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 x (1) +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 z (3) +test2 0 5 e - +test2 0 6 y (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A.key new file mode 100644 index 0000000..445a92e --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-A.key @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 jnk - +test2 0 2 d1 (2 +test2 0 3 d2 2) +test2 0 4 jnk - +test2 0 5 e (2) +test2 0 6 jnk - +test2 0 7 f1 (2 +test2 0 8 f2 - +test2 0 9 f3 2) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-B-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-B-1.response new file mode 100644 index 0000000..3224fbc --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-B-1.response @@ -0,0 +1,74 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054 +nw/xinhua/00/chtb_0009 10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-B.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-B.key new file mode 100644 index 0000000..59fd836 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-B.key @@ -0,0 +1,74 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054 +nw/xinhua/00/chtb_0009 10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-C-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-C-1.response new file mode 100644 index 0000000..6e1ee2f --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-C-1.response @@ -0,0 +1,74 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054 +nw/xinhua/00/chtb_0009 10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10060) +nw/xinhua/00/chtb_0009 (10060) + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-C.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-C.key new file mode 100644 index 0000000..259383a --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-C.key @@ -0,0 +1,74 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10043) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054 +nw/xinhua/00/chtb_0009 10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10054) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (10060) +nw/xinhua/00/chtb_0009 (10060) + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-D-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-D-1.response new file mode 100644 index 0000000..d2be1a0 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-D-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-D.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-D.key new file mode 100644 index 0000000..785d0a4 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-D.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-E-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-E-1.response new file mode 100644 index 0000000..c7710cd --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-E-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-E.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-E.key new file mode 100644 index 0000000..785d0a4 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-E.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-F-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-F-1.response new file mode 100644 index 0000000..f2a6355 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-F-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-F.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-F.key new file mode 100644 index 0000000..bb972d2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-F.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-G-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-G-1.response new file mode 100644 index 0000000..bb972d2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-G-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-G.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-G.key new file mode 100644 index 0000000..f2a6355 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-G.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-H-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-H-1.response new file mode 100644 index 0000000..bb972d2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-H-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-H.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-H.key new file mode 100644 index 0000000..bb972d2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-H.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-I-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-I-1.response new file mode 100644 index 0000000..f2a6355 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-I-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-I.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-I.key new file mode 100644 index 0000000..bb972d2 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-I.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-J-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-J-1.response new file mode 100644 index 0000000..4f78b25 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-J-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-J.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-J.key new file mode 100644 index 0000000..3519532 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-J.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-K-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-K-1.response new file mode 100644 index 0000000..70a2552 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-K-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-K.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-K.key new file mode 100644 index 0000000..588ff84 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-K.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-L-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-L-1.response new file mode 100644 index 0000000..cb8ae7a --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-L-1.response @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (3) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-L.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-L.key new file mode 100644 index 0000000..472c3b9 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-L.key @@ -0,0 +1,31 @@ +#begin document (nw/xinhua/00/chtb_0009); part 000 +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (1) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 (2) +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - +nw/xinhua/00/chtb_0009 - + +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-1.response new file mode 100644 index 0000000..2dca5b3 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-1.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (0) +test2 0 1 jnk - +test2 0 2 d1 (0 +test2 0 3 d2 0) +test2 0 4 jnk - +test2 0 5 e (0) +test2 0 6 jnk - +test2 0 7 f1 (0 +test2 0 8 f2 - +test2 0 9 f3 0) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-2.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-2.response new file mode 100644 index 0000000..7fd13ec --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-2.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (2) +test2 0 1 jnk - +test2 0 2 d1 (3 +test2 0 3 d2 3) +test2 0 4 jnk - +test2 0 5 e (4) +test2 0 6 jnk - +test2 0 7 f1 (5 +test2 0 8 f2 - +test2 0 9 f3 5) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-3.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-3.response new file mode 100644 index 0000000..bf3fb66 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-3.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 jnk - +test2 0 2 d1 (1 +test2 0 3 d2 1) +test2 0 4 jnk - +test2 0 5 e (1) +test2 0 6 jnk - +test2 0 7 f1 (2 +test2 0 8 f2 - +test2 0 9 f3 2) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-4.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-4.response new file mode 100644 index 0000000..590914b --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-4.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (0) +test2 0 1 jnk (0) +test2 0 2 d1 - +test2 0 3 d2 - +test2 0 4 jnk (0) +test2 0 5 e - +test2 0 6 jnk (0) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-5.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-5.response new file mode 100644 index 0000000..00aa567 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-5.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (2) +test2 0 1 jnk (3) +test2 0 2 d1 - +test2 0 3 d2 - +test2 0 4 jnk (4) +test2 0 5 e - +test2 0 6 jnk (5) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-6.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-6.response new file mode 100644 index 0000000..8436410 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M-6.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 jnk (1) +test2 0 2 d1 - +test2 0 3 d2 - +test2 0 4 jnk (1) +test2 0 5 e - +test2 0 6 jnk (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M.key new file mode 100644 index 0000000..2dca5b3 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-M.key @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (0) +test2 0 1 jnk - +test2 0 2 d1 (0 +test2 0 3 d2 0) +test2 0 4 jnk - +test2 0 5 e (0) +test2 0 6 jnk - +test2 0 7 f1 (0 +test2 0 8 f2 - +test2 0 9 f3 0) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-1.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-1.response new file mode 100644 index 0000000..7fd13ec --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-1.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (2) +test2 0 1 jnk - +test2 0 2 d1 (3 +test2 0 3 d2 3) +test2 0 4 jnk - +test2 0 5 e (4) +test2 0 6 jnk - +test2 0 7 f1 (5 +test2 0 8 f2 - +test2 0 9 f3 5) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-2.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-2.response new file mode 100644 index 0000000..2dca5b3 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-2.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (0) +test2 0 1 jnk - +test2 0 2 d1 (0 +test2 0 3 d2 0) +test2 0 4 jnk - +test2 0 5 e (0) +test2 0 6 jnk - +test2 0 7 f1 (0 +test2 0 8 f2 - +test2 0 9 f3 0) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-3.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-3.response new file mode 100644 index 0000000..bf3fb66 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-3.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 jnk - +test2 0 2 d1 (1 +test2 0 3 d2 1) +test2 0 4 jnk - +test2 0 5 e (1) +test2 0 6 jnk - +test2 0 7 f1 (2 +test2 0 8 f2 - +test2 0 9 f3 2) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-4.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-4.response new file mode 100644 index 0000000..00aa567 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-4.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (2) +test2 0 1 jnk (3) +test2 0 2 d1 - +test2 0 3 d2 - +test2 0 4 jnk (4) +test2 0 5 e - +test2 0 6 jnk (5) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-5.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-5.response new file mode 100644 index 0000000..590914b --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-5.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (0) +test2 0 1 jnk (0) +test2 0 2 d1 - +test2 0 3 d2 - +test2 0 4 jnk (0) +test2 0 5 e - +test2 0 6 jnk (0) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-6.response b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-6.response new file mode 100644 index 0000000..8436410 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N-6.response @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (0 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 0) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (1) +test2 0 1 jnk (1) +test2 0 2 d1 - +test2 0 3 d2 - +test2 0 4 jnk (1) +test2 0 5 e - +test2 0 6 jnk (2) +test2 0 7 f1 - +test2 0 8 f2 - +test2 0 9 f3 - +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N.key b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N.key new file mode 100644 index 0000000..7fd13ec --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/DataFiles/TC-N.key @@ -0,0 +1,23 @@ +#begin document (LuoTestCase); +test1 0 0 a1 (0 +test1 0 1 a2 0) +test1 0 2 junk - +test1 0 3 b1 (1 +test1 0 4 b2 - +test1 0 5 b3 - +test1 0 6 b4 1) +test1 0 7 jnk - +test1 0 8 . - + +test2 0 0 c (2) +test2 0 1 jnk - +test2 0 2 d1 (3 +test2 0 3 d2 3) +test2 0 4 jnk - +test2 0 5 e (4) +test2 0 6 jnk - +test2 0 7 f1 (5 +test2 0 8 f2 - +test2 0 9 f3 5) +test2 0 10 . - +#end document diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/TestCases.README b/data_tooling/pii_processing/neuralcoref/train/scorer/test/TestCases.README new file mode 100644 index 0000000..d60d2bb --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/TestCases.README @@ -0,0 +1,390 @@ +TC-A-1 - perfect: +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bc} {def} +Expected: BCUB=1 [recall=6/6, prec=6/6] +Expected: MUC=1 [recall=3/3=1, prec=3/3=1] +Expected: CEAFm=1 [recall=6/6=1, prec=6/6=1] +Expected: CEAFe=1 [recall=3/3=1, prec=3/3=1] +Expected: BLANC=1 [recall_c=4/4=1, prec_c=4/4=1, recall_n=11/11=1, prec_n=11/11=1] + +TC-A-2 -- response with missing mentions/entities +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {de} +Expected: BCUB=.5599 [recall=7/18, prec=3/3] +Expected: MUC=0.5 [recall=1/3, prec=1/1] +Expected: CEAFm=6/9=0.67 [common=3, recall=3/6=0.5, Prec=3/3=1] +Expected: CEAFe=3.6/5=0.72 [common=1+4/5=1.8, recall=1.8/3=0.6, Prec=1.8/2=0.9] +Expected: BLANC=0.35 [recall_c=1/4, prec_c=1/1, recall_n=2/11, prec_n=2/2] + +TC-A-3 -- response with false-alarm mentions/entities +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bcx} {defy} {z} +Expected: BCUB=.6748 [recall=6/6, prec=55/108] +Expected: MUC=0.75 [recall=3/3, prec=3/5] +Expected: CEAFm=12/15=0.8 [common=6, recall=6/6=1, prec=6/9=.67] +Expected: CEAFe=3.6/5=0.76 [common=1+4/5+6/7=2.66, recall=2.66/3=0.89, Prec=2.66/4=0.66] +Expected: BLANC=0.60 [recall_c=4/4, prec_c=4/9, recall_n=11/11, prec_n=11/27] + + +TC-A-4 -- response with both missing and false-alarm mentions/entities +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bcx} {dy} {z} +Expected: BCUB=.4683 [recall=5/9, prec=17/42] +Expected: MUC=1/3=.33333 [recall=1/3, prec=1/3] +Expected: CEAFm=8/13=0.62 [common=4 recall=4/6=0.67 prec=4/7=.57] +Expected: CEAFe=4.4/7=0.63 [common=1+4/5+2/5=2.2, recall=2.2/3=0.73, Prec=2.2/4=0.55] +Expected: BLANC=0.30 [recall_c=1/4, prec_c=1/4, recall_n=5/11, prec_n=5/17] + +TC-A-5 -- response with both missing and false-alarm mentions/entities, and overlapping mentions (capitalized letter: b and B). Overlapping mention B in the aligned entity. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bcxB} {dy} {z} +Expected: BCUB=.4 [recall=5/9, prec=5/16] +Expected: MUC=2/7=.28571 [recall=1/3, prec=1/4] +Expected: CEAFm=8/14=0.57 [common=4 recall=4/6=0.67 prec=4/8=.5] +Expected: CEAFe=4.14/7=0.59 [common=1+4/6+2/5=2.07, recall=2.07/3=0.69, Prec=2.07/4=0.52] +Expected: BLANC=0.25 [recall_c=1/4, prec_c=1/7, recall_n=5/11, prec_n=5/21] + +TC-A-6 -- response with both missing and false-alarm mentions/entities, and overlapping mentions (capitalized letter: b and B). Overlapping mention B in an unaligned entity. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bcx} {dy} {Bz} +Expected: BCUB=.4325 [recall=5/9, prec=17/48] +Expected: MUC=2/7=.28571 [recall=1/3, prec=1/4] +Expected: CEAFm=8/14=0.57 [common=4 recall=4/6=0.67 prec=4/8=.5] +Expected: CEAFe=4.4/7=0.63 [common=1+4/5+2/5=2.2, recall=2.2/3=0.73, Prec=2.2/4=0.55] +Expected: BLANC=0.26 [recall_c=1/4, prec_c=1/5, recall_n=5/11, prec_n=5/23] + +TC-A-7 -- response with both missing and false-alarm mentions/entities, and duplicate mentions (capitalized letter: b and B). Duplicate mention B in the same cluster entity (note: this is diff from TC5) -- this tests mention de-duplication. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bcxB} {dy} {z} + de-dup: {a} {bcx} {dy} {z} + +de-dup: +Expected: BCUB=.4683 [recall=5/9, prec=17/42] +Expected: MUC=1/3=.33333 [recall=1/3, prec=1/3] +Expected: CEAFm=8/13=0.61538 [common=4, recall=4/6=0.66667, Prec=4/7=0.57143] +Expected: CEAFe=4.14/7=0.62857 [common=1+4/5+2/5=2.2, recall=2.2/3=0.73333, Prec=2.2/4=0.55] +Expected: BLANC=0.30 [recall_c=1/4, prec_c=1/4, recall_n=5/11, prec_n=5/17] + +if No de-dup: +Expected: CEAFm=8/14=0.57 [common=4 recall=4/6=0.67 prec=4/8=.5] +Expected: CEAFe=4.14/7=0.59 [common=1+4/6+2/5=2.07, recall=2.07/3=0.69, Prec=2.07/4=0.52] + + +TC-A-8 -- response with both missing and false-alarm mentions/entities, and duplicate mentions (capitalized letter: b and B). Duplicate mention B in a diff entity from b. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bcx} {dy} {Bz} + +De-dup: +Expected: BCUB=.4683 [recall=5/9, prec=17/42] +Expected: MUC=1/3=.33333 [recall=1/3, prec=1/3] +Expected: CEAFm=8/13=0.61538 [common=4 recall=4/6=0.67 prec=4/7=.57143] +Expected: CEAFe=4.14/7=0.63 [common=1+4/5+2/5=2.2, recall=2.2/3=0.73, Prec=2.2/4=0.55] +Expected: BLANC=0.30 [recall_c=1/4, prec_c=1/4, recall_n=5/11, prec_n=5/17] + +If no de-dup: +Expected: CEAFm=8/14=0.57 [common=4 recall=4/6=0.67 prec=4/8=.5] +Expected: CEAFe=4.14/7=0.63 [common=1+4/5+2/5=2.2, recall=2.2/3=0.73, Prec=2.2/4=0.55] + +TC-A-9 -- show B3 can be canned: "b" is repeated 10 times so precision approaches 1 +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {bcx} {dy} {Bx10z} +de-dup Rsp/Sys: {a} {bcx} {dy} {z} + +De-dup: +Expected: BCUB=.4683 [recall=5/9, prec=17/42] +Expected: MUC=1/3=.33333 [recall=1/3, prec=1/3] +Expected: CEAFm=8/14=0.57 [common=4 recall=4/6=0.67 prec=4/7=.57143] +Expected: CEAFe=4.4/7=0.63 [common=1+4/5+2/5=2.2, recall=2.2/3=0.73, Prec=2.2/4=0.55] +Expected: BLANC=0.30 [recall_c=1/4, prec_c=1/4, recall_n=5/11, prec_n=5/17] + + +TC-A-10 - Gold mentions. Only singletons in the response. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {b} {c} {d} {e} {f} +Expected: BCUB=.6667 [recall=3/6, prec=6/6] +Expected: MUC=0 [recall=0, prec=0] +Expected: BLANC=0.42 [recall_c=0/4, prec_c=0/0, f_c=0, recall_n=11/11, prec_n=11/15] + + +TC-A-11 - Gold mentions. All mentions are coreferent in the response. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {abcdef} + +Expected: BCUB=0.5599 [recall=6/6, prec=7/18] +Expected: MUC=6/8=0.75 [recall=3/3, prec=3/5] +Expected: BLANC=0.21 [recall_c=4/4, prec_c=4/15, recall_n=0/11, prec_n=0/0, f_n=0] + + +TC-A-12 - System mentions. Only singletons in the response. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {a} {x} {y} {c} {d} {e} {z} + +Expected: BCUB=0.4425 [recall=13/36, prec=4/7] +Expected: MUC=0 [recall=0, prec=0] +Expected: BLANC=0.16 [recall_c=0/4, prec_c=0/0, f_c=0, recall_n=5/11, prec_n=5/21] + + +TC-A-13 - System mentions. All mentions are coreferent in the response. +Key/Ref: {a} {bc} {def} +Rsp/Sys: {axycdez} + +Expected: BCUB=0.19447 [recall=17/36, prec=6/49] +Expected: MUC=2/9 [recall=1/3, prec=1/6] +Expected: BLANC=0.04 [recall_c=1/4, prec_c=1/21, recall_n=0/11, prec_n=0/0, f_n=0] + + +TC-B-1 -- spurious mention (x) and missing mention (a) in response; link (bc) is a key non-coref link and is an incorrect response coref link. + + Keys: {ab} {cde} +Response: {bcx} {de} + + key coref links: C_k = {(ab), (cd), (de), (ce)} +key non-coref links: N_k = {(ac), (ad), (ae), (bc), (bd), (be)} + + response coref links: C_r = {(bc), (bx), (cx), (de)} +response non-coref links: N_r = {(bd), (be), (cd), (ce), (xd), (xe)} + +(I'll use ^ for set intersection) +C_k ^ C_r = {(de)} => R_c = |C_k^C_r| / |C_k| = 1/4, P_c = 1/|C_r| = 1/4, F_c = 1/4 +N_k ^ N_r = {(bd), (be)} => R_n = |N_k^N_r|/|N_k| = 2/6, P_n = 2/|N_r| = 2/6, F_n = 1/3 + +BLANC = 1/2 (F_c + F_n) = 7/24. + + + + + TC-C-1 -- same as TC14 plus a new entity and its correct prediction shown. this was for testing the more than two entity case. + + Keys: {ab} {cde} {fg} +Response: {bcx} {de} {fg} + + key coref links: C_k = {(ab), (cd), (de), (ce), (fg)}} + key non-coref links: N_k = {(ac), (ad), (ae), (bc), (bd), (be), (af), (ag), (bf), (bg), (cf), (cg), (df), (dg), (ef), (eg)} + + response coref links: C_r = {(bc), (bx), (cx), (de), (fg)} +response non-coref links: N_r = {(bd), (be), (cd), (ce), (xd), (xe), (bf), (bg), (cf), (cg), (xf), (xg), (df), (dg), (ef), (eg)} + +(I'll use ^ for set intersection) +C_k ^ C_r = {(de), (fg)} => R_c = |C_k^C_r| / |C_k| = 2/5, P_c = 2/|C_r| = 2/5, F_c = 2/5 = 0.40 +N_k ^ N_r = {(bd), (be), (bf), (bg), (cf), (cg), (df), (dg), (ef), (eg)} => R_n = |N_k^N_r|/|N_k| = 10/16, P_n = 10/|N_r| = 10/16, F_n = 10/16 = 0.625 + +BLANC = 1/2 (F_c + F_n) = 0.5125 + + + +# ------------ examples from the B-CUBED paper + +TC-D-1 -- merging one small cluster with a big cluster + +key: {12345} {67} {89ABC} +--- + +1-2-3-4-5 + +6-7 + +8-9-A-B-C + + + +response: {12345} {6789ABC} +--------- + +1-2-3-4-5 + +6-7 + | + 8-9-A-B-C + + +Expected: BCUB [r=12/12, p=16/21, f=0.864864865] +Expected: MUC [r=9/9, p=9/10, f=0.947368421] + + + +TC-E-1 -- merging two big clusters + + +key: {12345} {67} {89ABC} +--- + +1-2-3-4-5 + +6-7 + +8-9-A-B-C + + + +response: {123456789ABC} {67} +--------- + +1-2-3-4-5 + | +6-7 | + | + 8-9-A-B-C + + +Expected: BCUB [r=1, p=7/12, f=0.736842105] +Expected: MUC [r=9/9, p=9/10, f=0.947368421] + + +# ---------- examples from the MUC paper + +TC-F-1 -- + + key: {ABCD} ---- Links: A-B; B-C; C-D +response: {AB} {CD} ---- Links: A-B; C-D + +Expected: MUC [r=2/3, p=2/2, f=2*(2/3)*(2/2)/(2/3+2/2)] + + + +TC-G-1 -- + + key: {AB} {CD} ---- Links: A-B; C-D +response: {ABCD} ---- Links: A-B; B-C; C-D + +Expected: MUC [r=2/2, p=2/3, f=2*(2/2)*(2/3)/(2/2+2/3)] + + + +TC-H-1 -- + + key: {ABCD} ---- Links: A-B; B-C; B-D +response: {ABCD} ---- Links: A-B; B-C; C-D + +Expected: MUC [r=1, p=1, f=1] + + + +TC-I-1 -- + + key: {ABCD} ---- Links: A-B; B-C; B-D +response: {AB} {CD} ---- Links: A-B; C-D + +Expected: MUC [r=2/3, p=2/2, f=2*(2/3)*(2/2)/(2/3+2/2)] + + + +TC-J-1 -- + + key: {ABC} ---- Links: A-B; B-C +response: {AC} ---- Links: A-C + +Expected: MUC [r=1/2, p=1/1, f=2*(1/2)*(1/1)/(1/2+1/1)] + + + +TC-K-1 -- + + key: {BCDEGHJ} ---- Links: B-C; C-D; D-E; E-G; G-H; H-J +response: {ABC} {DEF} {GHI} ---- Links: A-B; B-C; D-E; E-F; G-H; H-I + +Expected: MUC [r=3/6, p=3/6, f=3/6] + + + +TC-L-1 -- + + key: {ABC} {DEFG} ---- Links: A-B; B-C; D-E; E-F; F-G +response: {AB} {CD} {FGH} ---- Links: A-B; C-D; F-G; G-H + +Expected: MUC [r=2/5, p=2/4, f=2*(2/5)*(2/4)/(2/5+2/4)] + + +TC-M-1 - Only coreferent mentions in the key. Gold mentions. Matching response. Since the key contains no non-coreference link, BLANC equals recall_c, prec_c, F_c. +Key/Ref: {abcdef} +Rsp/Sys: {abcdef} + +Expected: BCUB=1 +Expected: MUC=1 +Expected: CEAFm=1 +Expected: CEAFe=1 +Expected: BLANC=1 [recall_c=15/15=1, prec_c=15/15=1] + + +TC-M-2 - Only coreferent mentions in the key. Gold mentions. Response contains only non-coreference links. +Key/Ref: {abcdef} +Rsp/Sys: {a} {b} {c} {d} {e} {f} + +Expected: MUC=0 +Expected: BLANC=0 [recall_c=0/15=0, prec_c=0/0=0] + + +TC-M-3 - Only coreferent mentions in the key. Gold mentions. Response contains coreference and non-coreference links. +Key/Ref: {abcdef} +Rsp/Sys: {ab} {cde} {f} + +Expected: BLANC=0.42 [recall_c=4/15, prec_c=4/4=1] + + +TC-M-4 - Only coreferent mentions in the key. System mentions: only coreferent mentions. Since the key contains no non-coreference link, BLANC equals recall_c, prec_c, F_c. +Key/Ref: {abcdef} +Rsp/Sys: {abcxyz} + +Expected: BLANC=0.20 [recall_c=3/15, prec_c=3/15] + + +TC-M-5 - Only coreferent mentions in the key. System mentions: only singletons. +Key/Ref: {abcdef} +Rsp/Sys: {a} {b} {c} {x} {y} {z} + +Expected: MUC=0 +Expected: BLANC=0 [recall_c=0/15=0, prec_c=0/0=0] + + +TC-M-6 - Only coreferent mentions in the key. System mentions: coreference and non-coreference links. +Key/Ref: {abcdef} +Rsp/Sys: {ab} {cxy} {z} + +Expected: BLANC=0.11 [recall_c=1/15, prec_c=1/4] + + +TC-N-1 - Only singletons in the key. Gold mentions. Matching response. Since the key contains no coreference link, BLANC equals recall_n, prec_n, F_n. +Key/Ref: {a} {b} {c} {d} {e} {f} +Rsp/Sys: {a} {b} {c} {d} {e} {f} + +Expected: BCUB=1 +Expected: MUC=0 +Expected: CEAFm=1 +Expected: CEAFe=1 +Expected: BLANC=1 [recall_n=15/15=1, prec_n=15/15=1] + + +TC-N-2 - Only singletons in the key. Gold mentions. Response contains only coreference links. +Key/Ref: {a} {b} {c} {d} {e} {f} +Rsp/Sys: {abcdef} + +Expected: BLANC=0 [recall_n=0/15=0, prec_n=0/0=0] + + +TC-N-3 - Only singletons in the key. Gold mentions. Response contains coreference and non-coreference links. +Key/Ref: {a} {b} {c} {d} {e} {f} +Rsp/Sys: {ab} {cde} {f} + +Expected: BLANC=0.85 [recall_n=11/15, prec_n=11/11=1] + + +TC-N-4 - Only singletons in the key. System mentions: only singletons. Since the key contains no coreference link, BLANC equals recall_n, prec_n, F_n. +Key/Ref: {a} {b} {c} {d} {e} {f} +Rsp/Sys: {a} {b} {c} {x} {y} {z} + +Expected: MUC=0 +Expected: BLANC=0.20 [recall_n=3/15, prec_n=3/15] + + +TC-N-5 - Only singletons in the key. System mentions: only coreference links. +Key/Ref: {a} {b} {c} {d} {e} {f} +Rsp/Sys: {abcxyz} + +Expected: BLANC=0 [recall_n=0/15=0, prec_n=0/0=0] + + +TC-N-6 - Only singletons in the key. Only coreferent mentions in the key. System mentions: coreference and non-coreference links. +Key/Ref: {a} {b} {c} {d} {e} {f} +Rsp/Sys: {ab} {cxy} {z} + +Expected: BLANC=0.15 [recall_n=2/15, prec_n=2/11] + diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer/test/test.pl b/data_tooling/pii_processing/neuralcoref/train/scorer/test/test.pl new file mode 100644 index 0000000..78228e8 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer/test/test.pl @@ -0,0 +1,46 @@ +#!/usr/bin/perl + +BEGIN { + $d = $0; + $d =~ s/\/[^\/][^\/]*$//g; + push(@INC, $d); + push(@INC, $d . "/../lib"); +} + +use strict; +use CorScorer; +use CorefMetricTest; +use CorefMetricTestConfig; + +my $error_tolerance = 1.e-4; +my $script_dir = $0; +$script_dir =~ s/\/[^\/][^\/]*$//g; + +foreach my $test_case (@CorefMetricTestConfig::TestCases) { + my $id = $test_case->{'id'}; + my @key_response_files = ($script_dir . "/" . $test_case->{'key_file'}, + $script_dir . "/" . $test_case->{'response_file'}); + print "\nTesting case ($id): keyFile=", $key_response_files[0], + " responseFile=", $key_response_files[1], "\n"; + my $expected_metrics = $test_case->{'expected_metrics'}; + foreach my $metric_name (sort keys %$expected_metrics) { + my $expected_values = $expected_metrics->{$metric_name}; + *::SAVED_STDOUT = *STDOUT; + *STDOUT = *::SUPRRES_STDOUT; + my @actual_counts = &CorScorer::Score($metric_name, @key_response_files); + # Compute R,P,and F1 from raw counts. + my @actual_values = CorefMetricTest::ComputeScoreFromCounts(@actual_counts); + *STDOUT = *::SAVED_STDOUT; + my $diff = CorefMetricTest::DiffExpectedAndActual($expected_values, \@actual_values); + printf " metric: %+10s", $metric_name; + if ($diff < $error_tolerance) { + print " => PASS\n"; + } else { + print " => FAIL\n"; + print " Expected (recall, prec, F1) = (", join(" ", @$expected_values), ")\n"; + print " Actual (recall, prec, F1) = (", join(" ", @actual_values), ")\n"; + #exit(1); + } + } +} + diff --git a/data_tooling/pii_processing/neuralcoref/train/scorer_wrapper.pl b/data_tooling/pii_processing/neuralcoref/train/scorer_wrapper.pl new file mode 100644 index 0000000..b43fc30 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/scorer_wrapper.pl @@ -0,0 +1,35 @@ +#!/usr/bin/perl + +BEGIN { + $d = $0; + $d =~ s/\/[^\/][^\/]*$//g; + + if ($d eq $0) { + unshift(@INC, "scorer/lib"); + } + else { + unshift(@INC, $d . "/scorer/lib"); + } +} + +use strict; +use CorScorer; + +my $metric = shift(@ARGV); +if ($metric !~ /^(muc|bcub|ceafm|ceafe|blanc|all)/i) { + print "Invalid metric\n"; + exit; +} + +if ($metric eq 'all') { + foreach my $m ('muc', 'bcub', 'ceafm', 'ceafe', 'blanc') { +# print "\nMETRIC $m:\n"; + my ($acumNR, $acumDR, $acumNP, $acumDP, $identNR, $identDR, $identNP, $identDP) = &CorScorer::Score($m, @ARGV); + print "$acumNR $acumDR $acumNP $acumDP\n$identNR $identDR $identNP $identDP"; + } +} +else { + my ($acumNR, $acumDR, $acumNP, $acumDP, $identNR, $identDR, $identNP, $identDP) = &CorScorer::Score($metric, @ARGV); + print "$acumNR $acumDR $acumNP $acumDP\n$identNR $identDR $identNP $identDP"; +} + diff --git a/data_tooling/pii_processing/neuralcoref/train/training.md b/data_tooling/pii_processing/neuralcoref/train/training.md new file mode 100644 index 0000000..dce11ef --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/training.md @@ -0,0 +1,121 @@ +# How to train and modify the neural coreference model + +Please check our [detailed blog post](https://medium.com/huggingface/how-to-train-a-neural-coreference-model-neuralcoref-2-7bb30c1abdfe) together with these short notes. + +## Install + +As always, we recommend creating a clean environment (conda or virtual env) to install and train the model. + +You will need to install [pyTorch](http://pytorch.org/), the neuralcoref package with the additional training requirements and download a language model for spacy. +Currently this can be done (assuming an English language model) with + +```bash +conda install pytorch -c pytorch +pip install -r ./train/training_requirements.txt -e . +python -m spacy download en +``` + +## Get the data + +The following assumes you want to train on English, Arabic or Chinese. +If you want to train on another language, see the section [train on a new language](#train-on-a-new-language) below. + +First, download the [OntoNotes 5.0 dataset](https://catalog.ldc.upenn.edu/LDC2013T19) from LDC. + +Then, download the [CoNLL-2012 skeleton files](http://conll.cemantix.org/2012/data.html) from the CoNLL 2012 shared task site, +and combine these skeleton files with the OntoNotes files to get the `*._conll` text files which can be used as inputs for the training. + +This can be done by executing the script [compile_coref_data.sh](/neuralcoref/train/conll_processing_script/compile_coref_data.sh) +or by following these steps: + +- From the [CoNLL 2012 download site](http://conll.cemantix.org/2012/download/), download and extract: + - http://conll.cemantix.org/2012/download/conll-2012-train.v4.tar.gz + - http://conll.cemantix.org/2012/download/conll-2012-development.v4.tar.gz + - http://conll.cemantix.org/2012/download/test/conll-2012-test-key.tar.gz + - http://conll.cemantix.org/2012/download/test/conll-2012-test-official.v9.tar.gz + - http://conll.cemantix.org/2012/download/conll-2012-scripts.v3.tar.gz + - http://conll.cemantix.org/download/reference-coreference-scorers.v8.01.tar.gz + - Move `reference-coreference-scorers` into the folder `conll-2012/` and rename to `scorer` +- If you are using Python 3.X, you have to edit the `conll-2012/v3/scripts/skeleton2conll.py` file + - Change `except InvalidSexprException, e:` to `except InvalidSexprException as e` + - Change all `print` statements to `print()` +- Create the `*._conll` text files by executing + - `conll-2012/v3/scripts/skeleton2conll.sh -D path_to_ontonotes_folder/data/ conll-2012` (may take a little while) + - This will create `*.v4_gold_conll` files in each subdirectory of the `conll-2012` `data` folder. +- Assemble the appropriate files into one large file each for training, development and testing + - `my_lang` can be `english`, `arabic` or `chinese` + - `cat conll-2012/v4/data/train/data/my_lang/annotations/*/*/*/*.v4_gold_conll >> train.my_lang.v4_gold_conll` + - `cat conll-2012/v4/data/development/data/my_lang/annotations/*/*/*/*.v4_gold_conll >> dev.my_lang.v4_gold_conll` + - `cat conll-2012/v4/data/test/data/my_lang/annotations/*/*/*/*.v4_gold_conll >> test.my_lang.v4_gold_conll` + +## Prepare the data + +Once you have the set of `*.v4_gold_conll` files, move these files into separate (`train`, `test`, `dev`) subdirectories inside a new directory. You can use the already present `data` directory or create another directory anywhere you want. Now, you can prepare the training data by running +[conllparser.py](/neuralcoref/train/conllparser.py) on each split of the data set (`train`, `test`, `dev`) as + +```bash +python -m neuralcoref.train.conllparser --path ./$path_to_data_directory/train/ +python -m neuralcoref.train.conllparser --path ./$path_to_data_directory/test/ +python -m neuralcoref.train.conllparser --path ./$path_to_data_directory/dev/ +``` + +Conllparser will: + +- parse the `*._conll` files using spaCy, +- identify predicted mentions, +- compute the mentions features (see our blog post), and +- gather the mention features in a set of numpy arrays to be used as input for the neural net model. + +## Train the model + +Once the files have been pre-processed +(you should have a set of `*.npy` files in a sub-directory `/numpy` in each of your (`train`|`test`|`dev`) data folder), +you can start the training process using [learn.py](/neuralcoref/train/learn.py), for example as + +```bash +python -m neuralcoref.train.learn --train ./data/train/ --eval ./data/dev/ +``` + +There are many parameters and options for the training. You can list them with the usual + +```bash +python -m neuralcoref.train.learn --help +``` + +You can follow the training by running [Tensorboard for pyTorch](https://github.com/lanpa/tensorboard-pytorch) +(it requires a version of Tensorflow, any version will be fine). Run it with `tensorboard --logdir runs`. + +## Some details on the training + +The model and the training as thoroughfully described in our +[very detailed blog post](https://medium.com/huggingface/how-to-train-a-neural-coreference-model-neuralcoref-2-7bb30c1abdfe). +The training process is similar to the mention-ranking training described in +[Clark and Manning (2016)](http://cs.stanford.edu/people/kevclark/resources/clark-manning-emnlp2016-deep.pdf), namely: + +- A first step of training uses a standard cross entropy loss on the mention pair labels, +- A second step of training uses a cross entropy loss on the top pairs only, and +- A third step of training using a slack-rescaled ranking loss. + +With the default option, the training will switch from one step to the other as soon as the evaluation stop increasing. + +Traing the model with the default hyper-parameters reaches a test loss of about 61.2 which is lower than the mention ranking test loss of 64.7 reported in [Clark and Manning (2016)](http://cs.stanford.edu/people/kevclark/resources/clark-manning-emnlp2016-deep.pdf). + +Some possible explanations: + +- Our mention extraction function is a simple rule-based function (in [document.py](/document.py)) that was not extensively tuned on the CoNLL dataset and as a result only identifies about 90% of the gold mentions in the CoNLL-2012 dataset (see the evaluation at the start of the training) thereby reducing the maximum possible score. Manually tuning a mention identification module can be a lengthy process that basically involves designing a lot of heuristics to prune spurious mentions while keeping a high recall (see for example the [rule-based mention extraction used in CoreNLP](http://www.aclweb.org/anthology/D10-1048)). An alternative is to train an end-to-end identification module as used in the AllenAI coreference module but this is a lot more complex (you have to learn a pruning function) and the focus of the neuralcoref project is to have a coreference module with a good trade-off between accuracy and simplicity/speed. +- The hyper-parameters and the optimization procedure has not been fully tuned and it is likely possible to find better hyper-parameters and smarter ways to optimize. One possibility is to adjust the balance between the gradients backpropagated in the single-mention and the mentions-pair feedforward networks (see our [blog post](https://medium.com/huggingface/how-to-train-a-neural-coreference-model-neuralcoref-2-7bb30c1abdfe) for more details on the model architecture). Here again, we aimed for a balance between the accuracy and the training speed. As a result, the model trains in about 18h versus about a week for the original model of [Clark and Manning (2016)](http://cs.stanford.edu/people/kevclark/resources/clark-manning-emnlp2016-deep.pdf) and 2 days for the current state-of-the-art model of AllenAI. +- Again for the sake of high throughput, the parse tree output by the [standard English model](https://spacy.io/models/en#en_core_web_sm) of spaCy 2 (that we used for these tests) are slightly less accurate than the carefully tuned CoreNLP parse trees (but they are way faster to compute!) and will lead to a slightly higher percentage of wrong parsing annotations. +- Eventually, it may also be interesting to use newer word-vectors like [ELMo](https://arxiv.org/abs/1802.05365) as they were shown to be able to increase the state-or-the-art coreference model F1 test measure by more than 3 percents. + +## Train on a new language + +Training on a new language is now possible. However, do not expect it to be a plug-in operation as it involves finding a good annotated dataset and adapting the file-loading and mention-extraction functions to your file format and your language syntax (parse tree). + +To boot-strap your work, I detail here the general step you should follow: + +- Find a corpus with coreference annotations (as always, the bigger, the better). +- Check that spaCy [supports your language](https://spacy.io/models/) (i.e. is able to parse it). If not, you will have to find another parser that is able to parse your language and integrate it with the project (might involve quite large modifications to neuralcoref depending on the parser). +- Find a set of pre-trained word vectors in your language (gloVe or others). +- If your dataset does not follow the tabular `*_conll` file format (see [details on the CoNLL file format](http://conll.cemantix.org/2012/data.html) on the CoNLL website), you will have to tweak the `load_file` function in [conllparser.py](/conllparser.py) to adapt it to your file format. +- Adapt the mention extraction function to your language parse trees (`extract_mentions_spans` in [document.py](/document.py)) to reach an acceptable identification of mentions (the function should output the list of all possible mention in a document: pronouns, nouns, noun phrases and all the nested possible combinations). +- Re-train the model and tune the hyper-parameters. diff --git a/data_tooling/pii_processing/neuralcoref/train/training_requirements.txt b/data_tooling/pii_processing/neuralcoref/train/training_requirements.txt new file mode 100644 index 0000000..5a0b063 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/training_requirements.txt @@ -0,0 +1,3 @@ +spacy +tensorboardX +torch>=1.3.0,<1.4.0 diff --git a/data_tooling/pii_processing/neuralcoref/train/utils.py b/data_tooling/pii_processing/neuralcoref/train/utils.py new file mode 100644 index 0000000..be6339c --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/utils.py @@ -0,0 +1,116 @@ +"""Utils""" + + +from concurrent.futures import ThreadPoolExecutor, as_completed +import os +import numpy as np +from tqdm import tqdm + +PACKAGE_DIRECTORY = os.path.dirname(os.path.abspath(__file__)) +BATCH_SIZE_PATH = os.path.join( + PACKAGE_DIRECTORY, "test_batch_size.txt" +) # fernandes.txt")# + +SIZE_SPAN = 250 # size of the span vector (averaged word embeddings) +SIZE_WORD = 8 # number of words in a mention (tuned embeddings) +SIZE_EMBEDDING = 50 # size of the words embeddings +SIZE_FP = 70 # number of features for a pair of mention +SIZE_FP_COMPRESSED = ( + 9 +) # size of the features for a pair of mentions as stored in numpy arrays +SIZE_FS = 24 # number of features of a single mention +SIZE_FS_COMPRESSED = 6 # size of the features for a mention as stored in numpy arrays +SIZE_GENRE = 7 # Size of the genre one-hot array +SIZE_MENTION_EMBEDDING = ( + SIZE_SPAN + SIZE_WORD * SIZE_EMBEDDING +) # A mention embeddings (span + words vectors) +SIZE_SNGL_FEATS = SIZE_FS - SIZE_GENRE +SIZE_PAIR_FEATS = SIZE_FP - SIZE_GENRE +SIZE_SNGL_IN_NO_GENRE = SIZE_MENTION_EMBEDDING + SIZE_SNGL_FEATS +SIZE_PAIR_IN_NO_GENRE = 2 * SIZE_MENTION_EMBEDDING + SIZE_PAIR_FEATS + +SIZE_PAIR_IN = ( + 2 * SIZE_MENTION_EMBEDDING + SIZE_FP +) # Input to the mentions pair neural network +SIZE_SINGLE_IN = ( + SIZE_MENTION_EMBEDDING + SIZE_FS +) # Input to the single mention neural network + +DISTANCE_BINS = list(range(5)) + [5] * 3 + [6] * 8 + [7] * 16 + [8] * 32 +BINS_NUM = float(len(DISTANCE_BINS)) +MAX_BINS = DISTANCE_BINS[-1] + 1 + + +def encode_distance(x): + """ Encode an integer or an array of integers as a (bined) one-hot numpy array """ + + def _encode_distance(d): + """ Encode an integer as a (bined) one-hot numpy array """ + dist_vect = np.zeros((11,), dtype="float32") + if d < 64: + dist_vect[DISTANCE_BINS[d]] = 1 + else: + dist_vect[9] = 1 + dist_vect[10] = min(float(d), BINS_NUM) / BINS_NUM + return dist_vect + + if isinstance(x, np.ndarray): + arr_l = [_encode_distance(y)[np.newaxis, :] for y in x] + out_arr = np.concatenate(arr_l) + else: + out_arr = _encode_distance(x) + return out_arr + + +def parallel_process(array, function, n_jobs=16, use_kwargs=False, front_num=10): + """ + A parallel version of the map function with a progress bar. + + Args: + array (array-like): An array to iterate over. + function (function): A python function to apply to the elements of array + n_jobs (int, default=16): The number of cores to use + use_kwargs (boolean, default=False): Whether to consider the elements of array as dictionaries of + keyword arguments to function + front_num (int, default=3): The number of iterations to run serially before kicking off the parallel job. + Useful for catching bugs + Returns: + [function(array[0]), function(array[1]), ...] + """ + # We run the first few iterations serially to catch bugs + if front_num > 0: + front = [ + function(**a) if use_kwargs else function(a) for a in array[:front_num] + ] + else: + front = [] + # If we set n_jobs to 1, just run a list comprehension. This is useful for benchmarking and debugging. + if n_jobs == 1: + return front + [ + function(**a) if use_kwargs else function(a) + for a in tqdm(array[front_num:]) + ] + # Assemble the workers + with ThreadPoolExecutor(max_workers=n_jobs) as pool: + # Pass the elements of array into function + if use_kwargs: + futures = [pool.submit(function, **a) for a in array[front_num:]] + else: + futures = [pool.submit(function, a) for a in array[front_num:]] + kwargs = { + "total": len(futures), + "unit": "it", + "unit_scale": True, + "leave": True, + } + # #Print out the progress as tasks complete + # for _ in tqdm(as_completed(futures), **kwargs): + # pass + out = [] + # Get the results from the futures. + for future in futures: # tqdm(futures): + try: + out.append(future.result()) + except Exception as e: + out.append(e) + return front + out diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_0.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_0.npy new file mode 100644 index 0000000..917e42a Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_0.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_1.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_1.npy new file mode 100644 index 0000000..8282932 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_1.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_2.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_2.npy new file mode 100644 index 0000000..3f7c49e Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_2.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_3.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_3.npy new file mode 100644 index 0000000..5b3f328 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_3.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_4.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_4.npy new file mode 100644 index 0000000..1e30464 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_bias_layer_4.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_0.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_0.npy new file mode 100644 index 0000000..e8644c8 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_0.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_1.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_1.npy new file mode 100644 index 0000000..fb57818 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_1.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_2.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_2.npy new file mode 100644 index 0000000..7f00669 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_2.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_3.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_3.npy new file mode 100644 index 0000000..db62e7f Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_3.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_4.npy b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_4.npy new file mode 100644 index 0000000..96178fb Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/pair_mentions_weights_layer_4.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_0.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_0.npy new file mode 100644 index 0000000..05e7083 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_0.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_1.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_1.npy new file mode 100644 index 0000000..e79abe4 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_1.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_2.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_2.npy new file mode 100644 index 0000000..fa37e60 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_2.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_3.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_3.npy new file mode 100644 index 0000000..7e06322 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_3.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_4.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_4.npy new file mode 100644 index 0000000..3352bea Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_bias_layer_4.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_0.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_0.npy new file mode 100644 index 0000000..32c9799 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_0.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_1.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_1.npy new file mode 100644 index 0000000..53c6648 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_1.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_2.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_2.npy new file mode 100644 index 0000000..683b4df Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_2.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_3.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_3.npy new file mode 100644 index 0000000..ee4af48 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_3.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_4.npy b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_4.npy new file mode 100644 index 0000000..dea3fef Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/single_mention_weights_layer_4.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/static_word_embeddings.npy b/data_tooling/pii_processing/neuralcoref/train/weights/static_word_embeddings.npy new file mode 100644 index 0000000..d4a9696 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/static_word_embeddings.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/static_word_vocabulary.txt b/data_tooling/pii_processing/neuralcoref/train/weights/static_word_vocabulary.txt new file mode 100644 index 0000000..f6451f9 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/weights/static_word_vocabulary.txt @@ -0,0 +1,103144 @@ +echelon +yodeling +pomp +manse +sensationalism +teams +macintyre +cryptography +delirious +ilham +blunders +rubs +farr +bramley +unregulated +sneijder +espo +hydride +loneliest +j.b. +beautification +co-authored +non-zero +cadets +crespo +sahara +orissa +preceding +collector +branscum +court-approved +canfield +hugs +bagapsh +lecherous +scrupulously +serfs +mahk-mood +ands +naim +bookings +ofws +beschloss +neonatal +pointing +mussels +headers +veolia +izu +cremation +unrolls +dudgeon +stratigraphy +lake +hypovereinsbank +sorel +journals +toilets +musings +oled +cowlings +debating +sterner +henning +firms +woodlawn +shanklin +sef +alcoa +hagens +analog +low-margin +skis +fidelis +bohm +absolutely +bethsaida +triads +galland +shuvalov +rudiger +bureaucracies +tartar +push-button +joachim +colbrunn +grundfest +taha +loosen +nether +postville +trent +harlow +waits +interplay +allende +collaborating +boulevards +shootings +sheathed +medibank +sprain +sxsw +rollo +dullness +latin-american +kurdish-controlled +lilith +denting +floats +turkishness +mister +zastava +lingam +maumee +buh-roh +combats +hunts +duality +kinship +bernadette +ontiveros +huth +heatseekers +griffiths +affluence +parasitic +somchai +rhona +hunter +reinvestment +specialising +ihara +vms +tuleyev +durante +scrapyard +soma +archness +handshakes +interested +laxative +vaccine +customised +j.h. +alfonzo +registration +ainsworth +winchester +franco-african +powar +m00a0 +predisposition +hangu +guidry +interconnectedness +canisius +abiomed +disturbingly +stavanger +fha +pah-vah-rah +openly +stenberg +nuestro +strekalov +shreds +:00 +kiwis +forsee +phrygia +upgrading +reincorporated +brightest +bago +amputees +departs +c.b.e. +yegorova +shaughnessy +hurled +skari +basalt +financial-services +newson +stand-up +baresi +paye +point-of-sale +clasp +no-ball +pop-culture +hwange +rifts +shannara +relocation +preconditions +look-alike +industrial +belo +schlierenzauer +jeffersonville +saitama +lindbergh +suzhou +cabildo +cpv +wd +beibu +bryce +sabc +dictatorship +fourth-largest +udbina +ixl +kfir +mmc +linley +coe +heard +jaffrey +larrabee +abdelkader +playoff-bound +upending +indeterminate +inquisitor +esfandiari +breastplates +viewpoint +expatriates +extract +coaches +skimmers +taslima +turkeys +suspicion +inshore +dries +bough +krug +ashtiani +toad +dando +lives +interfered +nairobi +teapots +ck +startups +neethling +homma +spooking +wingspan +shih +camaro +lalime +crushes +mcvay +santini +tzee-yahng +yussef +sprinkles +lahiya +onshore +rights-based +coterie +credit +kermit +edson +authorship +halton +kwah-dray +subpoenas +wilkinson +shakeup +muridae +over-the-shoulder +afd +turkomen +topicality +easton +serials +albertus +shaye +il-00 +bipedal +reacted +evidentiary +symmetry +paradigm +givat +hartl +price-to-earnings +inflexibility +xxxix +mardan +fairy +nazir +williamstown +wining +unstated +economico +norbu +rylance +fil +ejercito +cheju +sharpening +at&t +pro-china +cndd-fdd +iccat +hadera +depresses +boardwalk +jukes +muntz +insulza +fay-lee +substituting +reducing +finales +handled +starwood +re-think +parlour +yuans +broken-down +fenway +conferencing +overawed +comatose +cotillard +disengage +naina +toynbee +tata +ogg +mecham +sunbeam +qatradullah +umenyiora +duly +solagh +wiring +fearful +carpenters +gunshots +nicoll +ensures +instructive +working-level +talbots +hans-joachim +praising +teh-reh +shuzhen +melanesia +chanted +four-piece +adenauer +belga +mauretania +fallacy +cdna +matron +cassettes +semi-automatic +lonny +ruscha +katanga +natwar +0-cylinder +german-occupied +backstop +attractiveness +avondale +sahim +slavery +katzenstein +whitewashed +paykel +birns +tncs +erupt +lah +somebody +shell +e-mus +fleche +full-bodied +schoolgirls +heralding +impartially +overtimes +habanero +waded +porto +zada +unlocked +navigating +yehl +faster-growing +impulse +agreements +visco +beepers +reused +manoeuvres +gradiska +republished +carrera +mihd +foreign-invested +fdny +twentieth +sonoran +bailed +a. +half-way +rajasthan +nozomi +relegation +kander +all-consuming +shinkansen +rosebud +00-acre +yakuza +maugham +this +zhu +milt +putback +demeanor +kham +ghneim +umps +the.00 +fille +kalmadi +well-paid +right-click +granby +civilian +telenor +land-line +multi-cultural +serge +ceremonial +rogge +affectionately +barta +rahanwein +calcite +vijaya +escriva +test-ban +combatants +brusque +antarctica +! +shadwell +dented +shiller +convince +ageing +vcr +behaviorally +all-inclusive +swingley +bostwick +morphs +pulpits +trolleys +shibata +misogyny +subjecting +peeling +sethi +dontrelle +cogema +huffman +visalia +dumoulin +regimented +monticello +tangles +ashlar +bayshore +bucaramanga +annointed +kirstie +prichard +wadler +peritonitis +honestly +sub-committee +sonnet +albertini +chitty +generalization +rougher +harbours +airbag +non-resident +sexless +lafon +albany +diller +achiever +andina +bluechip +janus +shadows +bet +angolans +long-held +kyrgiakos +intellectual +narrow +hemingway +hommes +retaliatory +extention +miranshah +disengaged +predicament +longley +thapa +twenty-five +yosuke +bruns +christiana +sagar +kiet +one-hitter +unhcr +importance +pungent +laxatives +bolingbroke +holyrood +brdo +psychopath +depaul +lynndie +warburg +adapting +satirize +opiates +cultivar +barmaid +stepp +hysteria +whale +kcb +nikola +holtzman +incessant +murderers +hoylake +yoh-kus-kuh +loewe +memorandums +chest +illustrating +kahl-duh-rohn +gunturi +schuller +lepore +blumenfeld +highwaymen +provincetown +ducklings +ribbeck +locations +paladino +sahaf +interdict +referring +shahram +regev +inky +oksana +burglaries +kd00 +ces +ingresos +realtor +asking +termite +waca +scavengers +oddballs +ginola +revenues +tithing +hazardous +four-party +gendarme +string +bts +discovered +ratko +listlessly +clever +ibs +voicing +thurs. +hurls +pelton +doyline +archer +self-serve +collegians +courtside +alderman +dihn +chukwu +macpherson +chip +chloride +tajuddin +batt +____ +realising +sheetrit +conservatorium +jersey-based +voter-registration +larkin +scindia +seedless +likening +guest-starred +klan +novellus +rectangle +hilda +shriver +deck +overhauling +vod +ginzburg +misinterpret +curious +deluge +red-shirted +countess +revelations +eke +pulaski +packer +tupi +densely-populated +hamza +grinning +dvd-rom +gerhartsreiter +treen +movimiento +legitimise +goal-scoring +non-manufacturing +predominate +verbalize +plateaus +respectability +tohru +langan +earthy +phieu +fdc +shoh +jell +peaceably +mothers +existance +critically +willingly +all-clear +pissarro +mafia +glos +koplan +m.c\. +syf +yosano +matching +rolla +bearn +paton +solidifying +lotuses +puppy +whig +deutch +talkers +disconcerted +antiquated +funneled +kamala +cheerily +dragon +nathanson +guadalupe +heresy +robespierre +'an +hee-jah +modahl +mongoose +savalas +tipper +undercounted +bukhari +anti-air +transducers +sioux +surreptitious +kumagai +stockard +advaita +tardis +converters +techniques +uptick +mcmullin +flavin +ihl-hahm +zeina +patek +lenz +speculative +combat +fatigues +brackett +strolls +asymptotic +steer +humanitarian +graphics +wickmayer +droughts +paredes +country-by-country +mesquite +trg +neh-zhahd +basque-language +monotonous +labrum +carron +gans +three-dimensional +asiatic +country-specific +realises +vegas-style +vanadium +pirate +insufficient +fumio +fronts +microphone +chopra +drug +bessie +remembrances +holmberg +curler +deukmejian +derelict +platter +tentative +lgbt +announcer +gouging +lovett +jude +stone-faced +zahedan +hitzfeld +dug +00-00-00-0 +higher-priced +million-year-old +industrial-scale +mildred +co-president +flexes +woodpecker +selectivity +marciano +xiaohui +slaughtered +macro +fanatics +checklists +similar-sized +barrens +seventy-five +hazmat +mathematically +wasting +perforated +stomach +akil +walesa +peaceful +recounted +mignon +cuddling +mayors +despotic +cybernetics +counterbalanced +generously +uae +semi-autobiographical +suez +commiserated +snr +kgalema +boycott +guangfa +post-apartheid +nbs +forkball +ses +blitzkrieg +vettel +gnawing +paraphrasing +lashkar-e-tayyaba +nonverbal +brigadier +tala +chador +jent +instructed +woerns +debt-to-equity +respecting +emeritus +equality +slatkin +turin +exorcist +phallus +interbreeding +designer +dedicate +parkland +simply +corpsman +otomo +cumulatively +antidepressant +sako +referrals +westcott +player-coach +enacting +ducati +guzzlers +glass-enclosed +xanadu +newspaper +overstep +psilocybin +legislations +00a +nimmanahaeminda +satya +ivor +scramble +yilmaz +al-yawer +snipers +shimer +bemidji +kronos +tobacco +rotorua +prevent +mahal +fixx +allister +weeks +biographies +re-create +cowboy +carotenoids +der +demonstrably +glens +newtonian +re-named +acan +shires +shortfalls +incompetency +niemi +tacky +mcmeel +superstition +multi-level +fashanu +editorship +franconian +stamper +hoshyar +trailer +midshipmen +fireside +raoul +00000-00000 +ashqar +ghafoor +cavenaghi +00-00_00 +spano +pompey +cannabis +lloris +minow +hitchhike +dwarfs +teo +daniilidou +handyman +okazaki +hierapolis +korean-born +cosmin +predict +contenders +didymus +flown +bulbous +amitai +sudarsono +kata +enola +stumpel +abduction +moasher +low-wage +bathing +hippocampus +receptacles +johannesburg +lid +stayner +eloquently +pre-christian +easternmost +vacco +gatorade +coolidge +tewksbury +postwar +limpopo +sudarat +corporeal +overcook +electronics +poetry +entomologists +suppressing +realnetworks +understating +decaying +long-on +nay +fall +tohk-tahk +pindar +hutzler +indentured +mendocino +steady +mccrae +nonproliferation +http +start-ups +northerner +off +gunslinger +cent +broken-bat +troubadours +wesfarmers +frontrunners +golden +headrests +ilir +suh-nool +personal +chunren +e/cn.0/0000/00 +saba +harewood +youtube +tugging +nomination +pavlos +non-mandatory +point-and-click +signature +groves +midwesterners +permissible +heihe +-class +pawned +suntrust +heap +practitioner +tutuila +nioc +guangyuan +monumental +al-salem +aerosol +annapolis +dzurinda +about.com +rudi +mesdaq +00.0m +behl +cartman +boatman +belmondo +gruenigen +small-company +byline +loafers +al-tamimi +geocities +smuts +zairians +tommasi +cassel +nehru +cooke +immunity +sandberg +drop-dead +jet-lagged +yasein +opossum +subtract +republican-dominated +creaky +joint-stock +authorites +bluish +gp +mythology +ingalls +fallin +chappelle +brut +leeds +hinduism +sexual-harassment +trans-siberian +vodou +yeping +absurd +higuera +pardonable +butmir +grah-nah +machimura +modestly +topmost +boater +pushpa +effie +meaner +aide-de-camp +gniezno +amend +d.c. +inwood +musburger +nizar +stabilizer +veep +pics +henrico +evgenia +tamping +messed +colossal +obsidian +filed +kasi +bertone +pundit +nearest +tsf +reales +evergreen +nadal +wows +t-shirts +liquors +flatt +mesh +conversant +costumed +elysees +greenock +prasanna +soraya +guozhu +davey +agee +kohlberg +well-placed +srebrenica +biochemical +colley +according +kushner +houston-based +undervote +nipple +je +sanna +barest +crammed +moulton +crematoriums +lepers +neutrino +nhis +coughed +mel-ahn-sohn +hartsfield-jackson +mor +fayn +weighted +thomson +collective-bargaining +lashes +clotilde +safford +on-camera +hadj +gleaned +iloilo +valbuena +pryce +berenger +abattoir +grafts +bruno +graphics-budget-nyt +unexceptional +german-american +unassisted +cosmologists +busan +tuomioja +choosing +poulsen +fujioka +stange +dan-ee-lihn +associative +commonality +hotmail +baltar +ghaith +society +ui +thoroughness +tfw +speculations +bloodstream +placebos +catapult +surrealistic +chipmunks +bluesy +cricketers +translation +burdett +ramadan +eilean +henri +tee +shaking +purge +pilbara +overhauls +insein +erdemovic +steams +asia/pacific +busquets +youngstown +once-booming +weis +asymptomatic +alize +mica +fsv +out-of-competition +neutral +bnp +fenghua +shahi +scarcely +'hare +letelier +eurodollar +ryde +suthep +yekaterina +ijaw +harvard +citi +a.d +hard-luck +goodson +alta +taiwan-born +carnivalesque +muzzi +amidesk@ap.org +shen +flaring +vick +mcsweeney +windowsill +hodge +brunn +lockups +finney +free-floating +koko +elicits +falaya +sachsenhausen +camellias +season-worst +meaty +drubbed +milledgeville +propellant +000v +isaia +merk +eu-africa +gougne +r-ind. +bypass +chauffeur-driven +findley +weaved +freivalds +compulsions +oleg +tomar +infosys +porras +enlightening +betwen +whacking +thacker +sikh +chechnya-based +citta +davidian +stationery +smithkline +blue-green +mccafferty +hardwood +bechtel +sealock +cpb +reasonably +grodno +schenectady +o'hagan +mouton +wavers +knifepoint +prez +stores +lightship +bloodletting +skay +biofuel +characterization +mustache +refinement +chastity +compactly +dope +hymnal +inheritances +kellie +gagne +ishak +complements +sultans +apparat +u.s.-chinese +sankyo +calderoli +eustachy +catskill +ricard +quarters +three-shot +treatable +seif +hercule +mostovoi +ump +mulally +bozeman +000. +homewood +concluding +dreifort +cassino +berms +locket +floored +genaro +half-full +berta +myths +outwit +colonies +alma +arbitral +grimaces +dobrinja +totalfinaelf +expectant +mavericks +briskly +resourced +kraatz +leaps +blatt +serginho +fingerhut +reich +transmitter ++0.0 +confidence-building +fulci +maquis +askari +hassett +johnston +front-running +mission +peronist +gosper +mazu +reds +hubie +zambezi +instil +grandeur +sanding +jelani +accurately +btw +collide +penh +self-defense +virtua +critical +drinkers +mobilcom +empirical +treats +taryn +wizened +contusion +yup +water-based +bernhard +aligned +mcclain +pierpont +b-000 +rohm +indurain +deterrence +flav +l.p. +p.d\. +tantalizingly +bolles +sultry +benedictine +stronger +patton +plush +zaghawa +thrips +xpress +discontinued +girth +bridger +long-overdue +riordan +lucho +lured +presbyterians +entire +terminations +pint +fast-breeder +hobbyist +malays +boating +heaters +radi +programas +belarussian +rezoned +memphis +ronin +validate +fairbank +immense +puna +uri +finland +irish-american +environment-related +gruel +cuneiform +elevation +colorful +tonkin +tear +transcended +severity +portico +unv +leonora +donations +carolinians +exhibitionism +gould +under-fire +aronofsky +unichem +arimathea +derogation +throttle +compliments +duque +vibrating +erg +slobodan +mungiu +riechmann +almelo +crue +gcc +yukari +khaw +denby +shredders +unblocked +metrodome +souza +margrave +epstein +mcp +y0k +beto +motorised +malpensa +al-sabah +barbero +mbuji-mayi +gen +masvingo +pepin +esi +pentium +esthetic +spider-man +counter-attack +zhuang +residence +hoffer +wingback +elli +dystopian +aclu +korda +mpv +landesbank +al-ky +charlize +explorer +herbalist +anti-doping +milestone +soliman +liquica +ambiance +indies +agios +cto +pranks +hudgens +flatts +fatalities +levant +humble +overbuilding +mizuki +muttur +nastier +kara +naeem +trades +ri +gorazde +judgeships +soliciting +rowntree +phoenicia +sub-region +algarve +mitsukoshi +commences +u.s.-controlled +aspe +plaything +ferris +ranariddh +muralist +ensure +juxtaposes +trabajo +hadden +u.s.-north +recharge +spouses +gores +democratized +syrian-israeli +mixtape +ahmadiyya +harassed +bild +skeptics +lewy +faget +molluscs +'sullivan +junto +immobilize +full-color +oita +mamat +kirschner +pegasys +dugdale +diagnosed +straddling +atwell +pronged +modernising +udp +inspire +0par +regier +dishwasher +unrecognizable +gidget +little-seen +billiton +mcgeorge +mandil +suh-fay +leaches +ismailia +therapies +kalish +ozark +internalize +france +fabian +fifth-grade +naturalist +terence +heidi +penghu +minter +canadian-based +batted.000 +lazare +platts +juniata +activism +apa +surreally +jianmin +objectors +impart +bruguera +hkpc +incinerator +purpose +taye +ferraro +autrey +mvps +kongolo +stitt +excision +makharadze +crewmen +breaker +unspecified +binational +air +andreessen +one-off +natalya +kulti +fabienne +atrophy +trounced +grade +worthless +antisubmarine +complex +long-neglected +wgc +zaki +oa +heidar +zapatistas +reinstall +term-limits +trios +poborsky +carrot +tunneled +hobbling +driftwood +exertion +pee-ah +d.c +underselling +molde +inbar +deleon +muhammadu +minting +dingman +volkswagen +qamar +cheltenham +overtook +supermodel +humvees +betancourt +meridians +mobs +kwiatkowski +poltava +shoo-in +km-long +pero +gems +npa +pro-military +capellas +munoz +new-media +hopwood +presenters +federally +nuts-and-bolts +proliferator +bigots +cowie +pawnshop +phraya +00000 +felled +leela +zebras +pequot +florida-based +gasparovic +qd0 +seay +nanking +targeted +contingents +one +giorgos +flooding +slee +extended +tugnutt +libera +hayatou +sustaining +pci +eh-lah +naehring +greig +non-combatant +pipe +impish +negocio +locomotion +oceanic +prabang +progressions +regaining +fee +pescante +shenanigans +drvar +riedl +addai +druze +countries +transits +prasad +subject-matter +destroys +shines +corals +accomplishing +medal +exclusive +china-japan +western-brokered +acerca +pedagogy +retroactive +springboard +bequest +psoriasis +second-generation +grattan +disallowed +osborne +staniforth +subbing +betrayers +canales +fredericks +bilawal +yearbook +fec +bureij +altus +novotny +please +nonunion +jojo +sasuke +waalwijk +iaaf +nig +vaporized +co-publisher +mom-and-pop +anti-ballistic +ncaas +bee-ehn +architecturally +mardin +saturn +lightened +guarantors +0.0-litre +sider +persistency +herri +redeploying +pre-dawn +victoria +rowhani +sind +bunds +hornacek +flattered +bowl-shaped +vial +fleiss +barrios +confection +designers +tehsil +spreadsheet +demichelis +partway +income-generating +invercargill +seemingly +badged +vike-freiberga +vt +prescribed +construed +mitts +first-string +bedroom +whiteness +wait +cw +apropos +o'kelly +whims +pallets +hirschhorn +cannibal +posture +collectibles +melodically +nfl-record +unsc +tampico +noaa +pathfinder +thereabouts +gratz +cross-market +primeau +impairments +manitowoc +tx +lucasfilm +jerri +repayments +jars +u.s.-russia +robbing +romagna +miqdad +renaissance +spiro +boutique +very +airflow +confidences +mccullum +smuggling +vodka +memorizing +00nd-minute +danko +greased +infomercial +0,000m +dietitian +futenma +stott +seven-plus +kdd +well-acted +geraldine +interstate +ligands +passes +anfernee +groundstrokes +corinthian +winterthur +yancey +dovetailed +herr +transgender +granada +udhk +generosity +transform +dewhurst +maduro +walled +mudslides +thrillers +much-heralded +withheld +respectable +mendota +widjaja +al-moussawi +cooling-off +astakhov +hyperinflation +quien +overdependence +gastronomic +sec +eu-u.s. +visser +drawing +devane +dislikes +internees +loaned +gallardo +rivasseau +cinergy +stitched +ursuline +capitalist +congregational +abdel-aziz +palpably +wrongfulness +sensibly +restated +metaphorical +chebet +bantamweight +workmanship +dished +rfi +rotors +rug +upset +grabbed +cavers +sportswriters +pna +lithuanians +locates +quasi-judicial +morelli +grouped +mactavish +seto +muscles +elena +balkh +haneda +rate-sensitive +dred +overconfident +cedars +chipmunk +nes +mismanaged +rumen +fifty-two +two-day +lak +veterinarians +zdnet +gandolfo +tandem +airlifts +ouyahia +nayef +acetaminophen +venkatesh +fetish +duceppe +determinant +lippman +fath +toyoda +tpi +fresno +taiwo +overstating +mid-morning +dsc +derive +humorously +headbutting +conquer +dial-up +ethnology +haddad +connote +rish +empiricism +bequeathed +taliban-held +thumbs +kennett +ladybugs +oversee +kono +british-ruled +analysing +embark +supervillains +hectic +symphonies +vasil +has-been +veils +jakobsen +hyman +eesah +deschanel +versed +karunaratne +mantle +demarcation +cochabamba +border-crossing +keegan +relinquish +discography +sagged +sipowicz +bands +soria +dusko +januarie +sime +shuttler +lawfully +spivak +ashoka +amanpour +berber +vincennes +averbukh +propagate +polgar +smp +zhuh-mahn +samoan +bks +varejao +jackhammers +record-equalling +mookie +philosopher +shrink-wrapped +telectronics +diarrhea +headstone +fubon +klebnikov +cattlemen +hemorrhoids +chameleon +bauhaus +ablin +abb +insults +buster +oakdale +printemps +ravished +delobel +jarret +eggnog +flimsy +veritas +pretensions +zeffirelli +republika +bhupathi +chattanooga +cadavers +zaccheroni +motoren +aimar +reinvented +multidimensional +lode +ballan +amstel +warsame +jaret +sidestep +self-reported +temaru +mazda +ranches +rahmani +horsley +coale +swaine +counter-terror +kluwer +sprang +backbiting +slow-down +appreciate +yusuf +wattles +sst +portola +montenegrin +grabs +parva +disavowing +burglar +chancel +00th +tondo +leganes +runny +camerino +azov +nyberg +stinker +pushers +goupil +talismanic +equipping +nistelrooy +sophomores +hush +parameters +mediums +http://www.defenselink.mil +pots +affair +first-section +pinnacles +ext.0r +yawkey +taxpayer-financed +skynyrd +atc +tamales +haibin +peloponnesian +akers +defensiveness +energize +co-curricular +moy +kah-lee +ulihrach +pittsburgh +longuet +rearming +guadalcanal +pops +tectonics +thandie +montreal-based +a.t. +’m +… +hovan +arizona +browser +decriminalization +villaraigosa +yarder +informing +bhima +saburo +tobago +husks +muk +westergaard +fortuyn +fergie +t.b +booby-trapped +liang +abdo +groot +des +baywatch +bulletin +airstrikes +cavani +unaided +conservatoire +musketeer +nunn +foundling +musgrove +edc +offspring +theodoros +geography +innards +desktops +hokies +aboveground +calico +sabbatical +tusks +chesnutt +labor +overgrowth +yardbirds +redlands +mahdi +quieting +reassurance +scare +parenting +bettors +vol.0 +matriarchal +th +raney +sent +roughed +adkins +___________________ +plod +corruption-tainted +subprime +ashburton +brin +attleboro +temple +latches +bombshells +nmda +wore +juryo +seven-under-par +berens +francisco-based +guerrilla-style +heung +artifact +up-to-date +redondo +supplementing +yolk +telepathy +villegas +roland +seen +cockbain +shree +zee +seldes +hamoud +abcnews.com +linghui +homicide +unfulfilled +un-led +marchena +either +anti-porn +homeless +librettist +ragas +horvath +unconstitutional +unnecessary +milito +narrowest +medi-cal +accuweather +refine +advocated +morris +neeleman +rene +reggina +franchisor +on-again +nyon +codify +extraterrestrials +koskie +chambliss +nihilistic +wrenn +earlier +bengie +snobbery +mbbs +susanto +constantinescu +trade-off +celts +diverting +dte +insinuation +scary +pcf +righetti +cornhuskers +sex-change +knob +elise +soldado +worst +interdepartmental +hard-fought +yuichi +inappropriately +halston +pani +ms +textron +grumbles +refashioned +portent +0000est +chastelain +bussereau +bluestar +hammarby +lech +forza +moroni +flanner +re-appointment +gramley +dau +harlingen +departement +ruthlessly +perenchio +houstonians +grass-fed +md.-based +morais +endorse +valentin +think-tanks +sub-par +clarin +dyck +imperils +parsley +fuming +lowland +asha +clarified +thant +dowry +hold +allston +inset +whipping +calder +aaf +geller +garages +equivalency +mineta +positron +baugh +stripe +shoeless +chien +stomps +hanrahan +schmeling +dialog +twinkies +workaholic +angles +nightcrawler +reminiscence +speech +dramatized +sabatini +f.c. +valerenga +alister +hoti +behaving +tornados +reichardt +plowing +borealis +lumen +coffee +dehydrogenase +ltda +bulged +qahtani +celebrex +decompression +ne'er +wolves +pedaled +sports-talk +00-hole +rahlves +calistoga +kohli +dalai +metacritic +webcasts +heartbreaking +haniyeh +wah +gazi +communication +gleefully +kiernan +00percent +day-night +recessions +activated +five-story +lemongrass +rtz-cra +ligier +naturalism +oliver +regularity +disarms +haotian +akinwande +damnation +bowdoin +adderley +returner +tend +biomedicine +semester +foodstuff +lobbyist +otsuka +underwhelmed +burns +five-year +reattached +emmanuelli +vagus +sokolov +j-0 +eggs +hor +parkways +iwa +artur +braver +four-ball +miscommunication +colors +intricacies +prices +russellville +bangar +menopausal +moustapha +aberdeenshire +saute +non-degree +imitation +inclines +handmade +sportsnet +wildcard +bradley +knell +daunted +olimpo +0pac +beijingers +peace-keepers +knu +expectancies +sarandon +horseshoe +toscano +sfda +ranch-style +sedgwick +year-to-year +misbehaves +dlp +ergo +sportscaster +heartbeat +russians +estaing +handhelds +plumb +demographers +reluctantly +cica +ryanair +incubators +comeback +notre-dame +peasant +caird +usefully +quarantining +aquinas +corrective +terry +divider +palestine +guin +replay +then-prime +berzin +sokol +shuttles +acu +halley +commencement +aermacchi +kanon +proposes +kumgang +niall +coordinate +barrymore +roaster +tax-cut +rpc +za +telecasts +warri +correspondent +titi +fruitless +melinda +r-idaho +blinks +envisage +palpable +eckart +piro +wiese +rodent +eeg +paleo +gorizia +associates +swinger +dist +invaluable +flea +augur +life-changing +faith +tenia +haikou +film-maker +amazonas +one-and-a-half +longmen +intersecting +reliquary +altercations +granik +energetic +bastareaud +sokolova +productivity +ooz-mahn +cable-stayed +timeslot +lickliter +assuaged +appa +outlines +scandal-hit +gus +dumpsters +hytner +olivo +seaport +viggo +epics +windsors +porridge +mahk-moo-dee +tvbs +jean-baptiste +firewood +tavern +golkar +wannasathit +unintended +hardiman +engler +ramirez +raycroft +tchuruk +ecus +talavera +overseas +undo +bio-diversity +smuggler +mid-october +ouvrage +six-country +mjib +tartikoff +justification +watt +incapable +qualifying +watched +verisign +mailed +ferns +plummets +centre-forward +mcclung +augmented +malay +freeform +riske +emperors +gfk +arcandor +kempthorne +rakhmon +mosaic +validation +teague +bankrupting +revamping +danica +skullcaps +sockeye +straying +tabasco +hildegard +reiter +up +gain +cheyenne +riefenstahl +archdiocese +sanchez-vicario +mcglaughlin +off-campus +fantasized +de-000 +churkin +u.s.-backed +moorhouse +lashed +griff +catalyst +ashlee +worth +achieves +much-publicized +vesti +hasselbaink +jacoby +doctrove +judeh +requirement +hohenstaufen +gees +ravindra +cypriot-controlled +heydar +houseful +peskov +warlike +makarios +enforced +play-offs +inez +ninja +panov +beecher +hanegbi +appendage +shandling +janzen +intercity +terrebonne +co-owner +auction-rate +discussions +nuneaton +ornately +lotus +cypriot +rosetti +manually +turkmenbashi +js00 +trilateral +non-jewish +rongji +cnh +fitzsimmons +ramadi +genitive +paraplegic +hairless +inevitability +noisier +wallstrom +saboteur +nelsen +rampant +ning +wayside +sponsor +mistresses +symantec +elling +hailar +00-second +scheetz +nablus +commiserate +unexploited +flamingos +peaked +sip-ree-ahn +shotgun +schmeichel +carnations +mcewing +intestines +kennels +sniffs +roh-zhay +bozidar +heilman +rattles +fiction +gratefully +magnetism +lovemore +hegemony +juventude +solanki +schueler +primorac +cambone +advisable +moyle +confiscate +mathijsen +dana-farber +alum +publicity +loong +underwood +sovran +buoyant +pastor +harman +boing +parsi +dais +stitching +impossibly +conjunction +mackinnon +chez +bui +johnson +tara +rockhampton +neutralizing +damper +hums +pegasus +hairs +sebastian +oh-fen +mertz +rockefellers +ing-goo-sheh +best-case +policy-oriented +tyndale +charisma +elber +star-crossed +boccardi +latent +ailments +a/c.0/00 +visionaries +haarhuis +super-sized +hasten +prog +aperture +pressurize +limousines +shieh +mildest +kedar +sdk +attainable +paksas +koper +chien-ming +m-00 +peterman +responds +rascals +bound +unobtrusive +curls +lore +rearranges +streaker +conte +genteel +kombat +lopez +montealegre +like-minded +ron +castrogiovanni +potomac +teter +lobbed +identical +bust-up +sputnik +townley +trusses +fathur +frears +pediment +dalliances +simunic +burnhams +ish +recognising +riba +partitioning +kampusch +psyched +gora +rumyantsev +elwood +initials +needier +damm +shaffer +nast +moloch +kemerovo +eighty-eight +zhuo +stankovic +backrow +u.s.a +winfrey +obliquely +ecb +somatic +pumpkin +risky +ninety-five +obtain +nick +mediterranean +greenhalgh +mersin +african +khz +kwik +brogna +geraint +toowoomba +lieutenant-general +transgressors +clan-based +deh-land +bretton +painkillers +mando +chalk +panhandle +denude +roughton +strug +horseman +negotiable +urine +stepmother +speechwriters +charteris +evaluation +mantis +talwar +riesch +evangelista +furness +breda +flammable +miracles +hino +squeezing +tatar +tasted +shielded +amazement +freely +pizzas +archetypical +killian +taxiing +overwhelming +taiwan-based +maxim +cotes +intensify +bishoprics +ascertained +lisa +tearing +oo-din +cdc +mystification +pelt +all-cash +kohv-tun +distancing +shush +bustos +noll +udi +reeve +unital +lonsdale +book-to-bill +hon +aeromexico +bluebloods +password +workweek +invalids +takeuchi +kahr-mee-ehl +teletype +toxics +tanker +puff +mccomb +ewerthon +scenes +provocation +feb/00/00 +dang +abd +bandana +swazi +oberstdorf +cubans +ruhr +arrears +ysidro +abramovich +dotting +ligation +cusack +centreback +quarles +mclarty +ravaging +huckabee +joking +sesame +ahth +chaoyang +bua +melfi +biota +rostrum +cocks +gradkowski +gargano +bellew +00km +gollum +unforeseen +pupa +fortuitously +vedder +influence +bodmer +serf +reunified +videophone +dfb +independence +atiku +twose +babu +ebersol +sawan +basf +learnt +constrained +volker +schuerholz +almagro +motivator +t-rex +reproduces +dof +dregs +atlanta-based +cord +pubescent +boyle +farhat +self-produced +tb +pp +static +clementine +autograph +reverberations +non-russian +cup-winning +thah +thoma +neverland +anxieties +alfonsin +saki +panitchpakdi +lhokseumawe +catalyze +ground +yn +off-limits +whitish +jointly +hereford +hydrotherapy +hellerstein +comedy +taube +queenstown +ustinov +s0c +psb +sneed +tydfil +kindler +marino +hess +bottom-line +walkouts +smithers +00secs +baines +helveg +detoxification +copperfield +farrow +selection +improvisational +megatron +equals +hitters +nonexistent +warmian-masurian +finalised +voluntarily +uncool +kutcher +iridescent +tokai +neelum +worcester +finucane +slayers +knievel +null +unease +eras +recommending +accidental +competitions +cerberus +scenic +holdouts +termini +rebar +characteristically +beachgoers +augustinian +hian +stands +smarty +abc0 +rafa +00-00-0 +electrophoresis +dull +woodville +lures +padres +cambridgeshire +stocker +self-portrait +booty +heloise +headline +pianist +revelatory +ghostwriter +savaiko +stereotyping +mosses +splints +alfonseca +fleet-footed +giga +rachel +alphonse +blas +citizens +sainthood +reagan-era +vito +deferential +bei +marshfield +qfii +sandpiper +in-state +overpowered +substantial +tysabri +taszar +mckinny +spacecraft +bastions +puncak +battered +suspensions +amb +hugues +downgraded +sprinting +eger +restating +relate +manliness +yah-sin +payer +kunstler +controversy +greens +fluttered +longford +evra +kosor +pentecost +wachtell +childish +topless +top-seeded +viadana +winfred +aleksandrovich +moneywatch +multifunctional +frost +serum +caso +muscular +d.t +pummelled +single-use +wolverines +kanga +lci +parochial +kennewick +rivera +chicago +dix +tol +adelman +roadsters +macarena +bewildering +nathaniel +donnybrook +upturned +calcified +amadiyah +task +best-known +morini +chandigarh +weiskopf +marwan +sandal +tornado +holiday +epithets +corrections +assailants +fast-track +manzoor +songkhla +gritz +impassively +bicknell +alvaro +elkington +validated +successors +barbarism +teamster +sidekick +abductor +keqiang +fired-up +disown +kalonzo +energy-hungry +mccardell +c-section +oban +draftees +reynaldo +sandhurst +melkite +assert +intelligently +pussy +yogi +ezzedin +nationalist +statins +javagal +darkened +tshwete +gaylord +scolding +yongzhi +ner +jeers +shuh-mohn +r.j. +cleanup +lunatic +telecommunications +brylin +attaining +leggett +sheepdog +male-dominated +uncertified +france-0 +ekaterina +tanakh +sangiovese +oblast +channeled +clutter +defending +gritted +emaciated +dicing +defray +lovelace +mommy +fen +amor +semitic +dupre +tamira +wahda +wittelsbach +yoshimura +medill +makeup +cie +credulity +warfighter +timeshare +eugenio +voulgarakis +moderation +dartmouth +top-ranking +sab +family-owned +blalock +injunctive +hyperextended +ccm +employed +mori +hah-suhn +powhatan +dala +pomeranian +wittmann +reassembling +evaded +yawn +kleinfeld +elimination +sharpe +rodina +reconsideration +gilpin +notes +sequence +militant +ears +bored +renders +gyorgy +namib +scrawling +limited +prior-year +can +carnivores +bates +crime +tareen +sat +moldovan +seely +fast-paced +stilted +three-tenths +charmaine +captioning +gahl +fatherland +buckeyes +voluptuous +crevices +spadea +manholes +backpacking +blood-pressure +fourth-best +breast-cancer +0-cd +wishbone +balaclava +estimable +prawn +quotable +makino +geagea +tones +larger-than-life +intercultural +gulshan +schwarzenberg +hamann +outnumbering +ziege +armstrong +tailgate +sexuality +buchanan +shearson +nefarious +jewett +anticancer +andoni +zim +books +wondrous +retaliate +bursts +macneil +lihn +denney +musashimaru +offscreen +cedarbaum +shells +reburial +czeslaw +coasting +tsutomu +rummenigge +amulet +barrage +mohawk +burros +descended +habib +milliseconds +kates +lane-column +alongside +witt +overtime +dc-0s +terme +glasgow +gerber +hourlong +holiday-makers +smiled +soundtrack +cry +wye +horizontal +both +third-highest +josephthal +tracks +columnar +weevils +smaller +kare +adenosine +pre-roman +galesburg +home-and-home +gujjar +kimberly-clark +arar +tomkins +worthwhile +surrendering +seda +onitsha +ferrying +knockoffs +cigarettes +zafarullah +gamal +tricks +mna +jonathan +unseasonably +envisaged +yule +tyrone +distill +primary +protester +bottomless +bce +menchaca +trapeze +al-saeedi +hospitable +resident +barrow +horrid +telemarketers +botticelli +bernice +lomaia +zebulun +weekday +renewing +selleck +chemicals +rearward +legrand +frankel +francisca +xangsane +omnes +c.m. +galilee +konowalchuk +petrels +west +transmitting +aut +cunning +alireza +instilling +stage +apocalyptic +recombinant +tomboy +woodbridge +at-large +atheists +pacesetters +herne +bobblehead +catalysis +sinica +coon +anoint +mehrab +serevi +rudisha +grammond +yongkang +thefts +calatrava +herbivore +co-director +condenser +ansari +tech +sumptuous +albacore +eyck +fu-wah +jtwc +cereals +melcher +merchants +recordable +unscrupulous +ramsar +manchukuo +genomes +amid +trivial +archangel +hughes +telnet +cheek +photograph +revolver +neruda +gottesman +liberals +incompleteness +blurs +crisman +sinister +stavros +comforts +reimbursement +disguising +couchepin +oxford-educated +league-nawaz +civics +0.000-0 +tsuchiya +overalls +bompard +brat +agitators +laid-off +byword +lie +glop +ipads +new-born +plah-sin +geophysical +harrer +arrondissements +government-appointed +schutte +thies +optimists +exactly +dispersing +expats +rah-mahn +deals +socially +ditties +mckinney +ee-lahn +habibullah +ayash +perceptual +daring +statesmen +mavrodi +t-online +initiate +bioterror +kobren +garnered +evergreens +nokia +webs +tilde +xxviii +iijima +montana +zurich-based +buttresses +colombia +insular +appropriates +tri-service +explanations +discriminate +kurt +bickered +health-food +haruhiko +bilirakis +trinidad +lignite +waldron +hyderabad +entrance +hansell +usurper +california-berkeley +four-part +commerce +timmins +monitored +hawke +galling +schiano +liss +preliminary +susumu +dic +polytope +karsten +overvalued +sixty +trivialize +nel +liar +zhiyuan +taoyuan +silva +lulu +philadelphia +army +first-inning +tae-woo +mortgage-related +mate +fraley +vanquish +vaart +mullally +ferriss +ara +emeralds +woodward +ozone +radicalization +documentarian +bolkiah +optimal +mandula +recharging +linenger +pbc +normalized +fertilized +advertisement +high-sticking +personification +schwank +halves +cacophonous +nipper +re-run +mild +emiliano +newington +herniated +hau +incidental +vitriolic +compromise +spools +zhongguancun +ending +pearls +wolverine +shackleton +one-sixth +town-hall +bystrica +financings +turtleneck +teijin +baluch +hua-chih +moline +ikan +stora +endear +russia-nato +taffy +letter +cousy +junko +neophytes +hauls +ex-member +misusing +ordaz +ascetics +entertainment +bundibugyo +troyes +earshot +incineration +givenchy +gloves +thorns +interruption +susilo +collaborations +melissa +singer +nitrite +regulated +mass-produced +capus +extensions +trask +medi +accion +porcius +kasikorn +dren +exhibitions +freighters +inter-services +wheatley +samar +polynesian +nagin +ruyi +steh-fah +dogs +invent +condors +iie +cheerios +reitsma +ponytails +descriptor +intendant +ender +scab +ratcliffe +commercialization +airman +vii +wisden +long-time +party-line +rafidah +zulfiqar +sabbatini +overexposure +gatos +stiffness +vadodara +innocuous +respective +handelsbanken +blic +blizzard +naive +colorist +zig-zag +steppenwolf +replenishment +freeways +fifth-floor +crooks +volume +de-emphasize +conservationist +haruna +accessory +sanwa +low-rated +vows +podhoretz +virility +swiss-based +weekly +depressive +cut +quote +imaginings +technion +w-league +barristers +ripe +nidal +pdb +sat/sun +williston +refrained +non-violence +burkle +refraining +lihd +quelling +proposals +marchand +magnifies +klaipeda +hammond +dcf +vortex +athletically +janet +diageo +alleviates +llodra +borsellino +moodin +favoured +panmunjom +auxiliaries +arthropod +shahid +jaziri +laurels +khai +trickling +shoh-say +cpas +gotshal +mid-december +encountering +sixteenth +tramways +beasties +dear +sulawesi +conformity +shipboard +rockin +xiong +dreamwave +boon-yah-raht +millburn +steadman +medico +bajak +high-precision +b000 +abubakar +nyunt +tweed +emphasis +jaxa +perspicacious +khodorkovsky +transgressive +disobedience +burnout +nambu +rebels +gifts +shadow +assurance +dispel +rdr +dunkin +ayo +wanting +stinson +decreasing +norge +middleton +speaking +policy-maker +never-before-seen +daniela +noblest +cabrillo +spasms +boughs +javid +pis +wastes +advisors +muscle-flexing +feats +forgetful +updf +belonged +memories +injury-riddled +courtyards +caterers +mwangi +four-course +bakayoko +adornment +marketer +multi-track +bere +sitaula +f00s +duplicate +zatlers +hated +kron +comcast +verdugo +rickm +olive +saboteurs +diameters +aids +posit +juicy +kur +timetable +hendrawan +yor +smithson +oskin +cd-roms +fillies +resources +harlequin +scalability +appallingly +accc +mianyang +thumped +borrego +el-arish +delong +minnow +'amour +telework +basta +mlb.com +riptide +jovic +flue +namesakes +celina +macduff +candido +yat-sen +tier +wynalda +diesel-powered +al-ayyam +cammarata +disbursement +mau +wooing +boothroyd +nyanza +asselborn +cardigan +bermuda +toasty +rudely +tricking +appendages +tyrese +upjohn +brockman +refoundation +deckhands +siano +recharged +two-wheeled +q-tip +-0.0 +pinos +eerie +quick-fix +thorne +glonass +velde +shayne +vix +southfield +akebono +medium-fast +dangling +postiga +categorias +inducted +outsize +money-laundering +burkhart +concessional +awang +qader +thugwane +guangzhao +vietor +fourteenth +cube +sleepwalking +bookworm +aliya +warsaw +shepardson +giannoulias +whistleblowers +amat +mcnall +navigation +pbsi +squamish +khabarovsk +thurz +un-protected +racha +disappointed +lte +nenad +dining +hwy +pui +ffr +stumped +racehorse +asghar +republican-controlled +greco-roman +sammer +buccaneer +cowdenbeath +inaugurate +andaman +orkney +rewiring +vsel +bayard +pma +rogan +diarra +nec +ag +crimson +zarqa +ocac +food +lyrically +quinones +philippi +transactional +tamarind +multi-stage +republican-leaning +branching +,000,000 +hawked +jenkins +conformation +silpa-archa +specialities +taishan +compares +sole +terrorized +sondheim +virtue +.......... +herbs +khyber +chakib +windsor +graphite-moderated +prepping +europe/radio +stone +landline +enzo +horrified +lowest-paid +dilawar +teikoku +credito +rebuffed +mugrage +lastest +gingham +agostino +yum +spacing +llyn +plummeting +totalitarianism +niaga +overnight +zamir +legacy +yuan-denominated +bellows +inhabiting +villarreal +ibid. +longer-term +bellingham +usu +westerns +institutionalization +orthodox +megabit +pleasure +sic +prokaryotes +goldfarb +seeps +overwork +medals +tracers +bobble +asensio +starke +bullfighter +rmi +artest +brings +earthbound +tankobon +grows +motorcycling +high-cost +ejection +spellman +scar +yardsticks +tiesto +taxes +signifies +orascom +bang +ncp +track +cichlid +cockpit +molder +burners +zeitgeist +sato +fogh +khadija +0000st +nuevo +neill +tds +hemolytic +kroc +redeveloped +fuck +skyscrapers +thumps +played +archuleta +scouts +scajola +nesmith +wilf +al-hindi +sectarian +u-turn +frittering +bruton +visnovsky +suburb +poachers +malkovich +non-nato +hoodlums +infinitive +immunex +computer +seiu +derg +chichester +snafu +edmar +reiterated +withholds +delighting +prizefighter +peat +womanizing +baiul +rebellion +sleeve +barasch +burner +abysmally +holme +caucuses +d.j +geht +charlton +stapp +anti-tank +us$ +disguised +divots +reciting +gladys +mcclaren +suwannee +terroristic +reenactment +faut +00- +kani +carrillo +pemex +0000-00-00 +ipods +cutest +filmmaker +jabr +kuroyedov +burials +queen +garvey +tag +extremist +watch/asia +helmets +tires +medically +granic +scoops +marching +socar +jockeys +pistachio +gaggle +el-mahdi +pim +draper +mayon +lankans +feelgood +pedantic +fps +surroi +groening +bottlenecked +isp +kwaku +quique +nahf +covenants +mcreynolds +tree-yehv +klitschko +u-shaped +ssc +telecoms +moratti +dean +extradites +gogo +granddaddy +future +pospisil +high-rise +nameless +proliferate +osteoarthritis +abode +jawa +wheeled +pumps +linney +babbitt +heartening +karpov +dormant +conservationists +fermenters +davinci +acclaimed +authority +nice +uneven +stock-market +jasdaq +a0xx +withdraws +puteh +galleries +bribes +barreiro +comings +marge +smokescreens +autonoma +marblehead +vitus +airstrips +teepen-column +hindman +jessy +liberalisation +gutters +emil +spence +libidinous +graciously +am-page0 +semi-finalists +decaf +superfortress +vitesse +reply +maximilian +pletcher +esf +rungs +oakhill +schenker +jasinowski +lofted +rages +fancier +feeder +swelling +appraise +dabbagh +cleaners +guys +crazies +vibrant +contre +branagh +conversational +eleazar +court +well-funded +wcbs +homages +whoa +urged +laffey +mentalist +state-of-the +excelling +finkel +cate +afc +inextricably +trenchant +grandin +barthez +beautifully +cyberport +dead-on +cruelties +cherbourg +tabulation +saperstein +quadrupeds +niue +expressionless +chebaa +durkan +ultimatums +decor +midsummer +perino +cultivars +literally +dprk +nutrasweet +slaughtering +deplores +ponte +pathology +questions +furs +yannick +cradling +federalists +lerma +d'escoto +resplendent +artificial +garble +march +kongo +fragment +galle +historical +iaf +ibex-00 +owen +hafer +headphones +venture-capital +osterman +fett +geronimo +shahriar +doormat +locarno +hastert +bako +u.k +vasteras +nuisances +absolved +esty +saps +gallucci +nez +labute +algebra +sud-kivu +shiga +hermon +upper-income +hur +jogged +heightens +flo +brawled +waterworld +flautist +blows +circles +vested +tyke +tr +archrival +commemorative +dulled +fickleness +fpo +non-recurrent +segodnya +far-right +majuro +mirabilis +arabized +0,000-00 +hemlock +starry +rudnick +matthaeus +0e +coens +allentown +teofilo +mire +contrite +marburg +nmod:like +niece +soundbites +kleinberg +cyberscene +editor-publisher +ellington +martell +technische +lifelong +haase +functionalities +lubricating +decisionmaking +follow +mauer +pert +nostalgic +abhorrence +mahayana +baddeley +'i +koh-dah +kardashian +gucci +aquarium +iceland +isolationists +resumed +baryshnikov +adherent +synchronously +wiper +galois +ccd +ridha +unrecognised +yeni +elke +flowering +burkina +finalizing +crean +banach +wahhabis +turn-of-the-century +chronological +remixed +stourbridge +moonlit +courtois +zettel +late-afternoon +yugi +dmk +gasps +morigami +lorain +boer +iban +khakamada +throbs +unliquidated +wharton +setubal +willow +one-billion-dollar +eludes +ornette +jerusalem +alcee +yeonpyeong +wildness +abas +izzet +kouyate +durations +bonito +laborer +obilic +h.d. +zhong +jah-mal +resets +gables +saldanha +babylonians +uncorrupted +moonlighting +hysterically +babi +guofu +applaud +potts +contraptions +reliance +saxophonist +occident +nabil +anti-zionist +confers +erie +tishman +tingting +videotape +terai +receivable +penetrates +dispersion +dracula +joint-venture +meshal +o'neill +rupiahs +woo +circling +asceticism +wildenstein +mercier +iasi +hues +herder +razors +socioeconomically +commemorates +burgeoning +unwarranted +maharaja +knopf +turkcell +brickman +petrocelli +pau +ih-nehk +repackage +rankin +long-suffering +gidley +nanoscale +javelin +vo +beam +shah +third-team +brandished +joerg +malabar +skidding +onyango +funchal +lukoil +now-famous +amok +vice-presidency +ecuadorean +happel +shantou +gallus +haltingly +renat +cita +monasticism +signori +huai +sith +skirts +bahl-kah +fenice +gabriela +wisconsin-madison +statisticians +kolingba +dimond +baddest +off-again +fow +torso +outbuildings +sigit +ben-eliezer +abu +------------- +u.s\. +parmalat +yazid +mugged +waxed +mythic +faced +telegraf +superintendents +eps +usual +subjunctive +burlingame +intrinsic +ahl-ee +evasions +lufthansa +cross-border +bulworth +tenement +thein +husband-and-wife +watford +macondo +nosferatu +al-turabi +abgal +vivek +hebrews +exes +miguel +sher +tuffy +freund +galkin +indio +estate +anti-clinton +wracked +transpire +uh-doo +pinching +pes +friendliness +twin +pellizotti +eireann +team-mates +gelb +gish +halfheartedly +subcontracted +` +tiger +analytics +ghani +raritan +enquire +neighbourly +storyboards +henson +catriona +typefaces +unbearable +government-chartered +skunk +fly-fishing +freak +geneve +thomsen +deal +luba +forging +arl +addi +pseudomonas +squeeze +hearsay +egon +cotto +technician +recession-hit +masuda +pretentious +phelan +ndungane +rapturous +then-girlfriend +clicks +currying +saraj +shear +part-owner +unjustified +turco +mestre +stoica +force +brookmeyer +hah-roon +zairian +darley +slog +tawana +beor +winton +garcias +vic +guwahati +laissez +annick +thai-myanmar +indignity +tenure +mystery +sich +minimised +bina +orfeo +stubby +kravitz +en-dahr +kuntz +e-books +zany +brazenly +sabotage +habu +assemblers +gathering +airdrops +bunkered +survivalist +ustc +butterscotch +romero +stature +spielman +liable +bda +sardinian +qf0 +brooms +indefatigable +peek +charlottetown +zhonghua +gantt +visayan +d-del. +law +oilfields +axe +nod +powerboat +grotesquely +kilograms +rn +lah-bahd +diouf +dogan +odalis +mercilessly +sino-african +promoting +internazionali +biennium +stunner +prototyping +enormity +upheaval +back-office +t.i +blending +stringfellow +relational +hkpa +pay-tv +reinfeldt +fit-again +headland +toshiko +clarissa +tended +million-square-foot +asset-backed +pointman +assailing +marca +gago +wayman +sainovic +vol +reformulated +acupuncturist +anti-spam +qwest +bachelor +rose-colored +hydrogenated +sculley +oft +loyalist +matteau +index-linked +legally +peso +zabiullah +regency +sood +ground-to-air +favela +unicode +waking +scrubbers +tarawa +krane +xue +renominate +responder +akhenaten +lufkin +gadgil +demobilizing +defer +adequately +skateboarding +kaman +zambian +perini +zuroff +segundo +bridge +clairvoyant +oceana +ironies +misrepresents +multi-use +japhet +command +n.j\. +ferre +sponsored +doggone +accolades +tyneside +telenovela +yeah +smartphone +senga +engulfs +electromagnetic +two-to-one +implicating +miramichi +filthy +whining +iphones +served +saviano +riverdale +yoga +councilors +tightened +competency +symbian +petersburg. +douse +aficionado +conditions +coverup +laettner +qualification +tibet +clambered +peering +masking +decided +backman +pennsylvania-based +rectify +funding +sach +falconbridge +ordina +viiv +humam +dallas-fort +ree-dwan +walker +vuong +shoos +emeryville +double-teamed +hospitalization +ayr +microprocessors +masato +moorland +virginie +milutinovic +patriarch +allbaugh +cubes +montages +drs +replaces +oddly +dabhol +marquardt +meagre +redressed +spontaneity +westphal +owl +dorothy +gaon +ruelas +flaky +freehold +nuba +fertilize +sommaruga +aki +empathy +frail +ipl +tremolo +lasva +colvin +pears +cultural +twilight +ligament +hikers +chlorine +serengeti +seraphim +yakult +subsidy +proves +evenings +geoscience +huffed +nala +todos +dely +'hara +reprinted +footwear +prostitutes +gilmore +fetal +accumulations +ratcheting +klochkova +butte +borromeo +trentino +delroy +mallory +sultan +roh-mah +loquacious +legend +aptn +two-storey +taccetta +ascends +mythologies +capsizing +mocked +lakehurst +treated +hay-raht +cayne +drastic +getter +vought +fait +fifty-fourth +lubbock +abs-cbn +boarder +takuya +comparisons +slammer +kjeldsen +janakpur +trans-dniester +ever-rising +marginalize +britta +antismoking +walpole +angled +experimental +perrotta +furtado +mem +servant +burmah +thicknesses +mattis +invincibility +blinded +jean-louis +radium +made-for-television +herrmann +fiddle +vereen +schmidt +seconded +braved +district +yulon +ihp +pernambuco +alemanno +intoxication +taibu +diocesan +presto +cjd +turinui +bragg +defago +gannan +geffen +moskowitz +collectives +dhanraj +radhika +fronting +murillo +bair +bax +infusing +wintour +segway +rain +advisers +villager +krisztian +mutandis +sandown +nagourney +creole +writer +seguin +lubin +multi-lingual +karts +ecoregion +activation +valued +bleed +radovan +slams +levein +stimulants +wicket +mcburney +mcentire +tick +brill +brno +guoyuan +forehead +subscription-based +bertrand +typecasting +highfield +one-million-dollar +couturier +half-percentage +capitalism +guanglie +iba +panza +jo +anastasia +burnham +closely-watched +directorships +directors +einhorn +shafii +backheel +lpf +bandic +absentia +elaboration +third-longest +d-vt. +forry +raloxifene +jawed +rooftop +mentors +shunting +carnelian +fis +erben +uvf +accolade +hinson +shrouding +exorcise +abdus +avec +nouvelle +yaroslava +housley +lavatories +agglomeration +overexposed +patient +authenticity +morose +sandalwood +erap +rammstein +liquidating +sitter +authorise +ctb +ambulatory +traumas +korean-american +fj +hevesi +susana +sdi +pembrokeshire +belonging +oriol +cv +t.j. +crispy +haverford +impeach +retrospective +bloop +dollar-based +embargoes +low-grade +capitulation +batman +haier +siphoning +bellotti +ik +doylestown +fogg +abdel-baset +effortless +internet-only +wasim +jah-vehr +legions +ziggy +obasanjo +mpci +colorization +valiantly +food-processing +fury +envelops +lachaise +borse +first-generation +renaldo +oceania +barbaro +fermi +draping +naples +mud-slinging +turgid +marks +eye-dit +perfecto +j.j +globo +dialing +kshatriya +iwo +moderne +zones +luiz +goryeo +bown +arching +explosion +videoconference +falcone +moral +neurosurgeon +labat +strub +subway +jammer +rifle +’s +funk +sudi +poulter +yam +msa +nieces +two-under +peppercorns +fiesta +faruqi +graciela +trevi +busies +gren +ananias +melilla +anton +chiefs +rcs +ocracoke +interloper +lavishing +cheyrou +ronstadt +diebold +today-gallup +amply +volk +newsgroups +elven +itar-tass +ferran +serre +salespeople +perceives +goldsmith +medeiros +wilts +infusion +rukmana +victimhood +ruffling +lamitan +subspecies +sibir +homosexual +outlived +midrash +grammy-winning +nedra +anadarko +undocked +postage +categories +ruff +skf +desks +three-way +eschewed +inauspicious +zbigniew +huaqing +snipes +hypodermic +two-player +intl +egat +malton +schwarzman +gallovits +bilin +swung +evaluator +entitle +espousing +bunch +calamitous +colette +tradesman +preferences +deminers +fielder +adidas +musume +renter +band-aids +serhiy +acre +addams +xian +aldgate +peafowl +manus +corporations +blanco +barthelemy +garciaparra +soundproof +contretemps +mv +dfm +align +byzantine +semiautonomous +low-energy +roads +bashful +decreed +barricading +disrupting +pleiades +seven-step +self-satisfied +topper +simulator +graham +aesthetic +dismounted +basilio +co-ops +early-warning +bionic +df +qe +sandrine +disregarded +mopping-up +breadwinners +review-journal +dae-jung +inclusive +carola +sprawled +traficant +postnatal +yahzarah +rci +annoy +tamper +world-famous +unmibh +transvestite +brands +playmakers +castell +helix +ap-ipsos +flathead +gunboats +pinched +sherlock +maoris +halogen +ebenezer +disparaged +khomeini +quattrone +urmanov +algonquin +gangsters +three-pointer +vidal +birdland +amarnath +opposite +meehan +wildland +sarunas +lubusz +kiwa +hypotension +gentrified +radu +surface +ashwell +howler +aflac +lofting +submit +china-u.s\. +factors +hayward +janvier +moveable +funes +barrington +misalignment +cobos +turkic-speaking +suddenness +morgenstern +istria +expire +rear-admiral +serna +replace +lahti +puck +effective +pershing +spo +cobb +hallstrom +wlodzimierz +displacing +aotearoa +gwadar +kveta +multisectoral +smyth +gaf +true-life +siamese +dissection +giron +cafeteria +lighter +adams +csos +karamanlis +ex-lover +orange +soul +fishmonger +thrusts +lacunae +refinanced +perpetuate +napkins +gt0 +pinot +fitzwater +vinegars +maliciously +tasha +dermatologists +henchmen +yoh-shee-ah-kee +scrawny +insulted +carnival +jatiya +bianchi +vinnie +leung +chung-hee +doer +eskridge +mahran +muh +rastafarian +forecasters +sloth +dayrit +ginsberg +full-featured +destabilisation +range-bound +beholden +denny +lebanon-based +garbajosa +tremonti +villanueva +between +centerpoint +fifty-five +blanc +receded +back-channel +crestor +tactic +monchengladbach +palio +deep-water +church +submission +muliaina +chakvetadze +gato +gazeta +rodham +ingres +atagi +high-fiving +stu +manninen +repossess +multi-disciplinary +curricula +yim +soo-kahr-noh-poot +sabhavasu +inventions +ebbers +minneapolis-st +noiseless +excerpts +xanthi +recalibrate +oevp +creed +neidl +newcastle +headmaster +strapping +promissory +ascended +heading +oranges +dandies +zahd +robledo +mid-august +tamimi +herceg-bosna +achievable +pidie +aceh +obscuring +bondevik +mutilation +private-school +philologist +spirits +anglesey +paternity +0x00 +rsc +excel +theatrically +philipp +epd +personal-computer +cinemascope +tomaszow +tatun +man-kwong +lynchburg +lautenberg +avner +biron +koenig +undetermined +rahs +disdained +concentrates +galvez +iranian-made +planta +propelling +westmeath +l. +gerhardt +pvm +marek +grounded +israel-gaza +slavin +dishonest +pogroms +eliminated +speakeasy +bracco +huw +liao +give-and-go +abortions +xiamen +ufw +upshot +cucamonga +egress +shawna +flaws +grass-court +chinese-speaking +schtick +ricardo +discharges +attackers +mony +al-taayie +uzi +hairstylist +pecker +rha +hy-yaht +giora +gingrich +vucic +dorff +bruiser +al-yawar +hallways +mcguirk +placekicker +a.m +pericles +barzak +smallmouth +employing +pacer +barringer +unseaworthy +no-parent +yarn +makeshift +dabo +mourinho +arturs +lauded +sahr +robb +horizontally +batarseh +kurzweil +sutiyoso +inktomi +nanotechnology +christianity +above +identifies +bab +launchings +astronomically +coachman +multi-functional +chood +tenor +dorris +0000i +revista +ex-king +edited +amalie +abderrahmane +punic +johanson +sellars +bank-schroder +runnin +pro-israel +luby +warmth +tore +blessed +lawyers +partners +cartels +poppel +coburg +jakub +expecting +investigations +cheekbone +kaohsiung +mewar +walgreen +street-smart +liberally +submariners +interacting +fm +self-righteous +denuclearisation +xps +treasury +jauzion +bitters +karl-heinz +ford +haunts +attachment +macaca +motility +solid +hoeness +torts +denver +ofir +bladders +propositioned +pyrite +singer-guitarist +well-documented +ramtron +d-0 +al-hakim +phrma +opere +telstra +doran +sarwan +mep +fudged +leffall +supt. +tellez +pro-poor +hasegawa +tiptoes +chengchi +minding +pluto +efe +brevity +gulati +huerta +loom +a.j. +deregulated +mimi +afdc +snoop +match-winner +measly +paterno +indulgent +vihear +bringing +greyhawk +treo +artemisia +internet +biometrics +tvs +carpets +concern +workstation +lies +rainbows +couches +belligerent +palacio +herzl +occupant +bank-based +chemin +mayorga +ruhv +mouthful +perminov +tip-in +horsepower +hualien +commemorating +kodama +persimmon +churchgoers +titanic +tagging +cyanide +tees +expounds +missile-defense +tabby +dillard +rationalist +desecrating +balsillie +waterways +pellets +anglicized +hasn +decani +murders +personify +ont +thanked +distributes +nutty +lurie +balto +snyman +psychedelic +behest +prizemoney +enke +chip-making +spellbinding +wizards +matson +px +zy-ehd +demure +bedford-stuyvesant +wadih +labelling +glassware +showcase +then-u.s. +lara +roller-coaster +mitul +permissive +harbhajan +kc-000 +auman +cmr +environmentalist +snowstorm +hypersensitivity +scissors +combinations +saleable +verne +diane +dft +berthold +artie +meh +0l +amalfi +monkees +kogyo +argus +doorstep +laughing +bulbs +shahin +ajaye +complexion +al-harby +kuh-dayr +inconvenient +pistol +ferroelectric +elvira +somberly +high-rises +johnsson +covalent +riddance +glacier +plotkin +hoyer +residents +rejoining +coma +silences +well-publicized +pippin +boarders +aragon +j.c +pratas +tarmac +eland +siena +invisible +gtech +moreau +ash +top-three +hoppe +henny +lingered +criss-crossed +malawi +diaghilev +montage +ridiculed +cerebellum +absentee +facetious +sofer +shone +pres +taek +propagandists +meserve +heirarchy +unincorporated +lilongwe +jodi +tulkarem +raquel +materialistic +usl +hutchins +kaht-sahv +hyperion +nat +crawled +mackenzie +corporals +handzus +siu-tong +hydrates +blinds +alteration +xxii +uxbridge +noemi +auer +africanist +droit +procede +quarter-finalists +supachai +bytes +nader +minoan +stranding +chikane +zeevi +orientated +freshen +tans +hand-over +consumables +citric +arutyunian +lilacs +tni +medical +meatloaf +passionately +norc +parrots +psilocybe +polemic +robinho +pizzeria +abide +add.0 +idp +doby +jabalpur +anesthetic +touchstone +tickled +crenshaw +atlantis +subgenres +tushar +pickoff +performances +prosecuted +motagua +millar +yousuf +reddick +jbail +leonsis +aerobatic +puberty +josslyn +nmod:against +chery +tathiana +enfants +gonaives +impoundment +alyn +tri-series +interactive +morkel +north +gale +northrop +razing +chivalric +bayern +mtetwa +pryor +bonfires +teluk +takhar +deficit-reduction +noncitizens +mowgli +piers +retrenching +sapling +ardeche +najib +kill +haga +niekerk +uneasiness +kamau +democratic-republican +osha +outback +liana +teardrop +guildford +graha +pre-membership +repton +joslin +cargill +spiers +inescapable +chamisa +rigg +karmapa +low-cost +normandie +dinapoli +chabot +ians +cgt +kaoru +nolasco +scw +manicures +sudetenland +asia +lowest-scoring +conveniences +roshan +seven-foot +partial +avoiding +gazzetta +provision +reynald +chf +oold +heu +j.k. +half-and-half +zik +magnitude-0 +collude +deakin +scabs +milky +hope +ithaca +codrington +half-million +licinius +pugilist +sniffer +marita +ladens +jihua +ronson +overreact +weintraub +tools +cropped +clay +journeys +naral +milieu +peppers +thrilling +off-court +strenuous +k.m. +dwelled +colgate +croat-muslim +theroux +political +noli +zhohn-pee-ehr +serkin +nebojsa +role +coloration +ragnar +fifteen +lana +tendencies +loyalists +bugatti +entangled +anglo-indian +rededicate +gera +csu +inopportune +first-term +vestal +tnn +proposing +echoes +vuh +piaget +ayro +gw +brandes +steward +unreservedly +aggravating +everen +wrc +pabst +wrenching +keelty +straight-set +teacher +zuhri +alcon +clm +taufeeq +questioned +announcers +arise +gottschalk +capote +milgram +inec +aspersion +lilic +tug-of-war +dryandra +sine +mandella +misbah +scam +standbys +scorpions +cashes +eran +inhibitions +labuan +nac +bilingual +imclone +al-azhar +organists +shahrm +vrabel +husin +splashdown +limited-access +conj:or +logistics +ark +organised +quelled +pantsuits +sberbank +velar +eclectic +filmmakers +stiffed +sanader +maidens +see-oh +osnabruck +ballmer +liebe +naha +centrist +fined +tongling +mawangdui +kalima +disassociated +blundered +smaltz +refers +duping +quds +olisadebe +md +gaza-israel +songs +bobs +repainting +doorbell +lexisnexis +repose +appointing +underscored +slathered +vips +glues +arrowheads +givens +starkey +categorically +w0c +ahl-uh-dahl +gb +guardedly +self-belief +villar +hatcher +stalking +chinalco +hinchey +malinda +dredged +bluthenthal +indiana-based +conservative +quinton +rands +pointcast +pegg +henze +jean-francois +dell +khalil +psinet +swooped +redirecting +rifkind +menthol +shudders +grappling +friedgen +koolhaas +under-age +holloway +knick +theobald +crofton +sharp-eyed +redwood +stephenson +bushmaster +estimate +manifolds +schuyler +flighty +combined +superfast +revitalized +hansbrough +real-life +trappings +libri +inspirational +mpd +tobias +preakness +spruce +retrenchments +melendez +lippo +comair +freiberg +antonya +reproductive +confirmed +cardiologist +wolverton +merloni +top-00 +frocks +ziegler +chatelet +reinvigorated +dispose +boy +dreamgirls +casson +oppositional +winograd +redevelop +sharps +centers +coffees +pasha +packaging +------ +symbology +stauffenberg +accrual +manuscripts +quota-free +ilana +rupees +cybermen +new-car +gently +overshot +olusegun +verhofstadt +longest-serving +interrogate +bourgeois +morning-briefing +judah +typist +gnashing +nested +everybody +laureus +pozo +meteorology +0stld +shremp +prefab +navel +cypresses +kordofan +zalman +deception +twelve +conform +capable +grijalva +on-base +carnal +maratha +hamstrings +unheralded +tribesmen +octane +woe +veronese +ronaldo +moo-jah-hih-deen +glassy +0000p +internist +pfleger +strang +deducting +maina +mandic +lungi +repugnant +zvornik +ah-kee +tacitus +exuded +mongolians +piazza +time-out +spearmen +league-leading +sincerely +oppressions +fore +peake +temporal +last-chance +log +delightfully +lightman +unseen +self-confident +lazlo +operatic +schemers +olu +tel. +willey +matvichuk +turek +oleander +later +gomarsall +wachtel +gateways +crust +patrolman +daub +interchanges +eugenia +vetoed +farrar +hedge +mozdok +gilgit +awry +pleuger +loathe +bassoon +qualifies +fuels +skirmished +powerbrokers +graduated +weidmann +deathbed +reactor +anatomist +pussycat +doublespeak +klassen +linseed +extremities +industria +mid-twentieth +cimoszewicz +retiree +firefighter +mohammad +arsenio +arrangements +kawakami +lees +helicopters +appropriating +nanotube +boiled +voters +distributor +oren +transsexuals +huasun +mademoiselle +polyglot +tnt +warburton +representativeness +bianco +durable +sauropod +risc +complementarity +nilsson +ident +boasting +autocrat +renamo +sculpted +muffins +techs +slipper +jg +colo. +kensington +democrat-led +workman +yeo +sdr +stennis +drury +electrify +corrales +provocateur +iraqi-american +aung +potholes +harlem +tcg +tagus +arch-rivals +hackneyed +indifferent +peaceable +policyholder +lehner +consulate-general +occipital +jimbo +hah +originator +indiscretions +00.000 +wastefully +rohingya +benetton-renault +carriages +liberians +ruder +skerritt +um +robredo +isolated +briere +coceres +contents +00million +endangered +oberlin +heil +globes +reinvigorates +musial +yaser +invitationals +daytime +beseeching +ay +sundaravej +blunted +capobianco +grange +credits +dressing +inaccurate +l'oeil +ghah +entering +damme +lah-bee +inequalities +subways +absence +waterstones +jolt +etude +corrects +hyannis +dismiss +tuqiri +tatra +wilks +ringling +thwart +ozu +sol +tortuous +roasted +dolittle +mehran +end/0000 +kirghiz +trustworthiness +whidbey +aural +roff +cernan +magnitude +kazakhstan +cleanliness +nmod:npmod +zhenhua +unbeatable +sheath +addiction +baritone +shihkang +crayton +dialogues +terrapins +fatuous +knock-out +mizuno +upload +grt +pared +prompted +dupage +tadpole +antawn +salvages +unapologetically +a +courtyard +word-processing +aurangabad +eurosport +franco-belgian +modi +kvitova +unsold +tits +carvajal +near-fatal +amazonian +queda +millenium +cdi +expending +fifty-second +assembles +chorley +lavrov +ignatius +carillo +racetrack +daalder +brookes +ne0 +balking +elliott +monk +nearby +iapa +blameless +lineouts +morgue +dreaming +fennell +revolt +beamed +crick +inserted +audrey +fight +stigmata +donkeys +noncombat +camembert +chunghua +leis +deterred +croatian +norwegians +chimney +ak-00 +n.y\. +dsv +fancy +navia +ooz-bek-ih-stahn +pliant +venable +salt-and-pepper +incentives +visteon +guerlain +embellishing +watercolour +rm00 +marginally +maul +terror +montferrand +second-fastest +sterilizing +preparing +divisive +shattered +hemisphere +admixture +gelatinous +unspeakable +palaver +tighthead +year-on +perilous +bosanski +mufamadi +kubota +nyt +ibrahima +hand-eye +groomed +chickasha +rts +ordain +nashashibi +beacon +wempe +taste +kerman +oriel +nepa +angelides +x00 +lefthander +fatchett +riedel +geode +seyyed +sartaj +two-set +co-sponsor +duckling +co-organized +muezzin +uw +presenting +nine-member +famous +youcai +bundle +pulleys +unabridged +adviser +intra-party +shopped +ouch +clydebank +usery +finding +som +spotting +plotline +acceptance +dca +portend +primogeniture +top-0 +wyss +perisic +stuffy +canosa +unreserved +psychotherapy +erk +sakakibara +rodriguez +regressing +herge +ung +sone +small +quarterfinalists +meritocracy +tilled +double-headed +margherita +profligate +bjp-led +a-night +grizzly +dollarization +nar +visconti +subside +newly-established +smolensk +interlocutor +operationally +nll +jowl +jade +romantics +legalized +micheline +overemphasized +adorns +ballgame +rediscovered +burnt +proxy +cornering +dover +grapes +ems +hargreaves +sorts +outbreaks +a000-000 +mohawks +floating-rate +olbermann +liberal-national +obstructs +plazas +widely-used +gurion +gao +deflating +bright-eyed +copa +a.c +polenta +sociology +primes +teheran +shahrukh +pumping +kilmarnock +kabardino-balkariya +seventh-round +re-routed +cola +markowitz +feasts +morrissey +sfchronicle.com\. +batali +steaua +lightfoot +hubert +anti-globalisation +riser +sheena +sorrow +papier-mache +incessantly +jeannette +jacksonville +fl +six-match +undg +gee-yan +inconsistencies +endorsing +de-emphasized +ruffians +waterfall +over-reliance +espn.com +mccracken +leyden +gino +even-numbered +big-picture +hahm-dah-nee +marcelle +wildebeest +bucher +ki-00 +coleco +chiming +newborns +valladares +captaining +lipitor +tarawneh +gascon +parasite +ifor +taylor +ottoman +morshed +00-episode +aphasia +sainz +kerekou +lunches +hudna +meticulously +saadi +foreseeable +advisement +shrimp +mishandling +asterisk +russet +prosecutorial +dil +clamp +palette +novoselic +otton +pleading +zel +rio +enbridge +venison +foresees +quebeckers +inchcape +supersport +winslet +caricaturist +goku +shallowness +sterilized +matsui +megan +mifflin +skilful +n.h\. +harbury +clingy +substitutes +linhas +bridget +http://web.coxnews.net/nrs/ntags/ntagweek.htm +choreographing +floe +whisking +samer +gratified +third-leading +iwai +kohler +kilburn +nah-tah +end-of-season +debakey +cashman +durant +lereah +fouled +out-of-the-way +shepherdson +kwu +crossovers +birthdate +michal +antar +bbv +kwanwoo +tiago +tallil +ugly +crumple +cia-backed +0000.00 +cause +custodian +healing +papaconstantinou +sinner +fellini +catch-all +arthurian +needs +luddite +crackle +borisov +cosmonauts +takeover +fujita +switchbacks +signaling +indebtedness +unenviable +recitative +cbgb +mating +schizophrenics +truer +seymour +hitler +bizerte +neil +eyharts +flapped +readjustments +sorenstam +gta +grimm +mcginley +gwg +bootlegging +hamelin +prizes +banteay +honasan +volatile +bifurcation +seine +centre-left +toshiyuki +ants +lifebeat +vallee +baserunning +versace +radeon +pitino +kuklinski +gained +saretta +carpool +buh-teest +refuses +mee-leen-kay +rusher +durocher +silat +iligan +elapsed +lukewarm +redemptive +haynes +gennie +comely +wakeup +savchuk +zulkifli +gushed +keels +policymaker +forerunner +outsourced +twitchy +mccullough +crisco +zhaoxing +abbe +sprinted +stormont +bmj +moussa +half-page +ney +clinging +jessen +holdup +sub-saharan +fricker +cbf +bloomers +impelled +federalism +irony +woo-suk +recherche +trip-hop +bramble +marginalized +prebon +copiers +indoor +elasticity +savino +jacques +aeronautical +quarterly +zuelle +cinders +alone +ninety-two +scooter +ritek +eide +expropriations +plovdiv +hezbollah-led +lennart +impending +chand +clarksville +dealerships +narrators +pet-roh-chel +washbasin +road +hurdler +genting +aggregating +irt +passthroughs +discomfited +commerical +jagdish +colonialism +banal +compressing +holyhead +redness +tripoli +higham +frusciante +miserable +leconte +yuasa +gromov +once-dominant +tenzin +bluebirds +iranian-backed +absinthe +lans +unfortunately +shutdowns +outdo +charge +afford +issue +fiber +tp +tarantula +blown-out +midterm +supplies +issuer +slav +bnl +azocar +notably +levan +baen +nonu +endesa +blades +tinian +collided +bayonets +rapporteurs +hamas-controlled +kuznetsov +energie +refresher +spectrum +iteration +pkp +gushes +plotting +daltrey +sequenced +presidente +putting +storytelling +commune +daiki +grable +angouleme +sejong +trencin +sutyagin +nook +0/0000 +jerome +m.a. +newman +hired +zahra +diet +pathan +missoni +flatly +deductibles +gergen +self-indulgence +simonton +galeria +mpfa +sadrist +haar +megaphones +bacall +laviolette +swoops +musee +goalkicker +jibril +shelling +csa +scilingo +lenglen +rots +orwellian +tsetse +uspga +conveying +cloths +stroke +black-faced +carril +chiang +family-friendly +dollops +trenchard +urology +backstrom +hermetically +jablonski +anuradhapura +mile-an-hour +low-floor +once-proud +detachment +tussles +chappaqua +barrel-a-day +corcoran +sedona +everyday +libel +e-mov +run-ins +margins +overfly +futura +hortense +innovator +gallows +counter-attacks +ipad +sixty-nine +repackaging +jenine +b-shares +recoveries +wachner +muthana +sand +exhausted +reinforced +rondeau +beneath +pakistani +babies +applications +uto +elisha +biomass +bmt +indy-car +contender +folios +newark +gamespy +kidder +mako +predates +braggadocio +lodger +rhein +levinsky +prevention +olympia +habits +excise +chichi +warlord +roster +thriving +ah-nee +bp-leased +calais +unraveled +dandelion +six-round +wetland +fanciers +istituto +elmwood +outsider +mstislav +regionalliga +dup +piggybacked +subsides +frazee +rushailo +turnips +leong +000-seat +third-worst +austere +end-of-the-year +conflicts +marker +intermediaries +fogerty +iaquinta +stings +laface +kannur +exchangers +abelson +benue +inflation +iveta +barbell +espectador +goodwood +darjeeling +ct0 +maddow +herath +kaji +/f +shawnee +eyelid +ulnar +brainless +places +jean +goossen +uh-med +flutes +verisimilitude +early-bird +zhan +exploitable +overabundance +articulation +crowbars +delamuraz +khor +retrieve +lyme +rik +speeded +anti-pornography +yili +00-week +consensual +e.g. +panna +valledupar +gremlin +celtic +subconscious +tanjung +wbo +anglophone +procedural +salk +ironically +viability +ur +defined-benefit +thiel +finster +argentine-born +kasoulides +dielectric +progressively +vmware +tumbleweed +solitaire +bushehr +grandson +first-class +defaced +stang +aushev +wm +corley +cirstea +slough +sahwa +kindergartners +whigs +conquistador +korey +najah +unpacking +porsche +doc +voiced +mellitus +ysgol +macha +zamboni +amazon.com +szavay +zippy +deducted +lubchenco +murmur +playwright +covertly +off-screen +esso +crabs +al-wahn +aorta +lakeview +suspense +mccorvey +strontium +salaheddin +cordovez +nursed +cloaked +huynh +horrendously +yaroslavl +peonies +get-rich-quick +coarsely +tare +advisories +cercle +nathan +fsb +bateer +ogiwara +sautin +arango +cling +quips +natchez +illuminati +strycova +sediments +wertheim +monopolist +wiggly +underreporting +rear +misunderstand +whimper +division-leading +faucet +henninger +stoneware +nh +humidity +restoration +northcote +photo +cpo +causal +voice-overs +aviacion +garhwal +vice-captain +0000,0 +kshatriyas +miponuh +airplane +kinesiology +kipling +quotient +alcoholic +vedic +memorized +hkia +glad +career-best +bip +rapidly +s.p\. +amphitheater +enemy +rangebound +sours +hotels +isabela +misspoke +baekje +premierships +eighty-four +quirkiness +sotelo +invested +determinism +exaggerator +one-season +glitter +distillery +enel +least +southworth +== +bulk +externally +chilly +gogol +risk +periodicity +comprehensively +carty +voloshin +id +mondays +non-professional +kf0 +styled +qin +kit +coliform +diluting +kabhi +crushed +joklik +androgynous +carats +lluis +unappealing +outcrops +ramezanzadeh +monumentally +legalisation +marinovich +trims +papp +kroner +airshow +licences +cadillac +facsimiles +trotsky +choicest +celestial +sinhalese-dominated +lunching +altera +redwing +redgrave +'homme +speculators +sofie +basins +cursed +airpower +ap-pronunciation +al-salam +square-foot +rhoden +e.u. +loathed +tuyen +calumny +xviii +anil +hippolyta +hamper +suleiman +yastrzhembsky +connie +shee +essien +inroads +albar +gentrification +apostrophes +spouts +fieldstone +obscure +best-paid +nasir +bibliography +behave +henke +tiahrt +passe +blowing +ksc +bahama +domes +saccharine +vidhan +seq +checkbook +roses +kambanda +czw +sergio +stand-ins +karn +yeoh +o'shaughnessy +estas +cavalrymen +undergrad +m-class +workbench +metis +walnuts +b.b +wsb +grebe +bucharest +symptomatic +toomer +generalist +janko +gustave +pocatello +omnibus +verbandsgemeinde +generalize +western-backed +s.m. +funcinpec +ever-popular +elaborating +lammers +levski +gourmets +lose +air-conditioner +kwit +myo +avic +ejup +rial +pimentel +freeland +vdc +ati +everyone +ah-mahr +anlong +jv +huy +malvinas +camoranesi +then-record +eichel +maximals +marginalization +settlements +tandon +mistrusted +pomerania +yee +welfare +lah-grohn +billington +vienna-based +aeg +intel-based +menagerie +eight-game +temperatures +bose +capacitance +malfunctions +reemployment +lamenting +agostini +ruthardt +moored +blink +majoring +charred +extinctions +footsie +ah-zur-by-jahn +egyptian +yoshida +anti-inflammatory +mistrials +component +kennebunkport +long-delayed +buckman +mtdna +arpanet +adulteration +borlaug +minis +pulling +wegerle +zeye +guh-deed +bayer +discs +lucien +estimated +wardens +floch-prigent +sea-birds +footbridges +originality +saturating +michele +atta +cram +naveen +privately-run +lee-toh +howitzers +qatar +kinzer +ocean-going +additive +persona +paragraphs +buss +reversion +abv +orkla +closest +dimbleby +espinosa +national-level +griddle +fries +guilds +incas +cartographer +troupes +pediatrician +unsubstantiated +expert +michelle +canoes +apo +slackened +multiyear +yamashita +sixth-grader +camper +chukotka +toolbox +ivanhoe +codename +asserted +jelled +reactivating +barakzai +unwary +neoregelia +yakubu +raccoon +lawfulness +christchurch +thump +paperwork +abductees +barco +doak +sun +public-works +conditioner +chats +tynan +americans +lowercase +ventricular +reines +liaisons +nonconference +mcdade +sunbathers +temptation +sophomore +qurnah +subculture +character +tugay +u.s.-led +dragoons +valence +buttercup +stimulated +brahmaputra +el-hage +hanno +mcilroy +taniguchi +sonia +dy +congo-zaire +escalation +scraps +krajicek +mcbeal +clem +fullmer +tunbridge +tadpoles +damocles +idiocy +uncapped +ulcers +mononucleosis +confuse +razzak +moise +milicic +disclaims +lamour +musculature +meltzer +sooty +comfort +kilowatt-hour +passbook +tuned +pacification +conclude +beings +pertains +campeau +picaridin +smallness +fifty-nine +trills +mlambo-ngcuka +terrorism-related +fracas +blessings +interferon +gazes +keene +mops +statues +christoph +mottram +amm +00am +lowe +ips +ohrid +single-track +walser +bellicose +kili +cranford +eskom +nearer +arnaldo +ellis +great-grandchild +dnf +gitega +relations +ziana +moon +backswing +assisi +vujacic +thirteenth +riverina +follow-through +kina +ritts +germon +undiagnosed +conjunctivitis +mpaa +hush-hush +side-to-side +watchword +abaddon +communities +embraced +sharaa +kol +powdered +prolong +marrying +avalon +footbridge +tachinid +credited +sono +genia +lawrenson +chinatown +hamlin +kha-led +ruutu +mramirez +rochon +beginitalic +raven +maz +conseco +rjm +nadaf +sotomayor +laborde +surfboard +yusen +purists +hering +syed +overcoats +ayyavazhi +shenyin +eurotunnel +truffle +clavet +musical +conveyed +cajole +000x000 +cts +soham +amnesiac +euro000 +performance-enhancing +voyeurs +cackle +raja +pacha +wrang +passive +regretful +quereshi +miracle +jarrod +bellwether +galante +campaigners +fractal +jarno +recirculated +la +venkata +wanderers +lone +devious +mega-hit +musher +annihilation +daying +basinas +constructing +floodlit +wen-hsing +kanchanaburi +batic +pro-active +conceptualization +locke +debt-stricken +dordrecht +krung +momma +facto +clunky +constantia +westward +dabbed +arf +lebow +increments +nose-dived +rp +durkin +triple-a +orinoco +gaza-bound +cahokia +nicolai +sambo +syllabus +centrum +friend-of-the-court +unidentified +far-reaching +reroute +mattie +ravishing +nemanja +istanbul +hedman +kingfishers +metabolize +cosell +sodhi +penthouse +el-alfy +crystalline +karens +martel +economica +writethru +meeting +cfh +dispatchers +ribbons +nanjing +extracellular +strongmen +hymn +sp0 +ariel +vody +demille +socialist-led +___________________________________ +starbeat +pulido +unintentional +fonseca +received +garibaldi +ulterior +qingdao +diligently +goergl +grownups +five-under +arnall +sidewinder +hgh +frome +anjana +exegesis +masterly +changer +alger +covington +ain +holmqvist +informers +outfitted +marche +congregationalist +zakir +nihal +twinge +buyoya +torturous +osasuna +chauffeurs +enron +probing +harmful +pausing +muddling +reboulet +sopranos +rapoport +critically-acclaimed +terran +doodle +rozelle +cdu +afire +jailed +scowcroft +pugwash +falsified +agora +no-load +scrapped +eating +nominees +norquist +modernised +gugasian +gadid +poland +signaled +schakowsky +oxman +gestion +thomond +nuttall +opprobrium +platon +cdl +prevents +reconstructed +vowels +caixa +draught +zorba +shahab +sometimes +esterhazy +impassioned +iota +far-ranging +seiroku +procreation +loca +duh-layn +sadik +absurdly +mikhailovich +military-ruled +rabin +words +flood-affected +vh-0 +touchy-feely +peacemakers +maturation +cairo +wilander +fuh-razh +nilsen +palembang +insurgencies +saber +hace +brawny +careened +constructed +tszyu +'clock +kouchner +schubert +soapbox +hi-tech +sunglass +fd +meshed +hebert +trinity +0 +superintendent +failings +toei +left-armer +piece +teaming +reassuringly +carried +sit-ins +ih-suhn +kudlow +american-owned +brand-name +gal +dagestani +apogee +al-moallem +fruitful +jiangbei +nineteen +intermarried +manufacturing +heartburn +hawija +amrita +occasional +artis +scotch +mexico +afl +amhara +phosphorylation +starfire +settling +savarese +criville +fabled +hes +adventists +prescriptions +everyman +jas +fava +vah-zeer +mikko +antennas +waddington +dwor +police +gpu +olesen +primestar +gulden +outcasts +poof +sixth-floor +hattori +zippered +a-list +ujjain +sons +fee-doh +blanch +seong +beehives +procuratorate +orbison +spits +janesville +halved +christodoulou +mccarthy +00rd-minute +cheras +coogan +treasured +nytns +toned-down +tropez +convened +refoulement +masochism +timon +mamma +northeastward +bonifacio +devotions +blackwell +nicklas +proclaiming +elmira +coolants +rested +capella +bremerton +zang +self-congratulatory +dabengwa +pomposity +executive-led +mafia-style +saltwater +assay +kapalua +divisions +antes +optimizing +generals +seventy +sino-u.s\. +shorter-range +strategies +yusril +interceptions +sequera +allier +mile-high +louder +injury-depleted +yanked +hawatmeh +eighty +confess +saviors +cream +nesdb +yongbo +uninterested +thankful +vaulted +hampered +exceeded +reports +kahm +alluded +shee-mee +holdings +sedki +near-daily +bc-newsfeature-budget-lat-wp +mccue +short-yardage +misbehaving +poplars +cahill +lobes +diesel-electric +germanys +muggy +convoked +benevento +lipa +bullhorn +waycross +prodigious +dioxide +bancorp +sedentary +sixtus +figures +doctored +rawson +skewers +contravened +0000-present +sema +tomato +crags +pfister +remes +tunghai +sdds +heave +theban +00-0000000 +varitek +perish +kloden +hongbo +blue-eyed +secularized +right-hander +columba +noronha +inline +valve +burger +economists +chaika +idea +mop-up +morsel +vern +morimoto +riksdag +baldwin +ambit +skate +foxman +ploys +dreary +smallholders +sputtering +mihz +astral +co-manager +dingo +cross-dressing +thg +see +dc +phalanges +wrongdoers +akol +doubleheader +bollea +cafta +bochum +marleau +sunburst +tiffany +debriefings +alliot-marie +zaire +boxy +mortazavi +liedtke +boulware +keenan +encores +bah-shahr +crumbled +informatics +accompanied +nasri +procedures +immigration +three-plus +gnomes +clinical +barnea +vining +arsenals +pirate-infested +barrasso +woon +right-leaning +solskjaer +chimpanzee +eissa +epzs +crag +petulance +mette +habibul +vysocina +bangura +matteo +para-military +franz +bauhinia +puebla +merwe +counteroffensive +kaput +burl +framatome +mauricio +kershaw +sheepskin +dothan +tory +srpska +hebrew +grime +tindall +nobler +vvs +volts +helter-skelter +toys +gt-r +milo +angler +drugmaker +spaces +hostage +decent +bariloche +quench +jewel +ladd +potent +reer +00th-placed +lanvin +polley +centralized +meter-tall +buri +inheritance +geh-lah +wield +non-residential +commercializing +us-british +aib +hezb-e-islami +bronner +double-team +mashing +bystander +gono +procuring +palomar +higher-level +garmin +cephas +kariye +corneas +kick-off +metropolis +reinstating +motherland +ah-dahm +sob +uh-00 +kapanen +threatened +germane +radisson +ralphie +galsworthy +tid +infects +sadaqat +zealand-born +spillway +mdl +oligonucleotides +impeccable +re-exported +feingold +ias +hiss +moran +ashby +grauman +bahari +positivity +examination +provider +pinky +aar +sportsmen +hernia +parabolic +incompatibility +iceman +windless +rhonda +dealmaking +gurney +writer-director +oil-producing +antena +alluring +tallahassee +friso +taki +otway +bundaberg +slivers +jaya +plies +egret +whitbread +adelboden +events +detailed +getafe +rimbaud +owsley +ehn-thahl +pearlstein +kiichi +memoirs +micky +gesta +rubaie +schmick +vliet +selassie +aquarius +iva +sigel +triumphal +umpteenth +wendel +replenishing +undrafted +trans-atlantic +berger +communist-dominated +nob +egregiously +abusers +worn-out +thousands +tim +dismantling +rigors +metamorphosed +furnishing +xxix +sandwich +orally +caracalla +earache +parsippany +weider +fashion-conscious +intangibles +feeney +sacrificed +backgrounder +fimat +luol +ili +maung +spirit +galactica +vivi +boldest +blowtorch +bolster +realized +fifty_fourth +snoozing +allstate +arranged +one-over +worldcom +forearm +cohabiting +predefined +rusted +m.sc +croats +cranes +hin +angioplasty +niasse +manhunts +nah-veed +unfccc +winship +ville +circumstance +haye +frenchwoman +buechel +aire +rpt +dazzles +sandton +sligo +jeh-may +dunston +downwardly +ex-governor +montfort +kukan +rockford +m0a0 +aor +overlay +ordonez +coherently +duffy +cleavers +cauldron +mah-sood +fold-out +extractor +all-female +trans-national +unsuitable +wallabies +hofmann +four-point +chuo +garr +delmore +outlawing +tinge +minxia +kuh-pehl +pps +shuo +wraparound +fincke +barricades +theriot +narration +presser +relayed +bernabe +depredations +unmovic +baskin-robbins +tube +opt +s.h.i.e.l.d +medium-security +khas +highest-paid +kotchman +informatization +fierro +gladstone +osgood +aleksandr +choirs +subcontracting +bridesmaids +amateurism +jingoistic +same-store +gah-dah +laid +papel +till +disingenuously +damsel +chore +kpu +luggage +antifungal +gerritsen +solves +sleeveless +graceful +willoughby +rais +arrive +flirtatious +liquidity +paso +banzai +translocation +editors +xxx +giornale +mandan +allspice +cancer-fighting +araujo +rationalistic +gianni +monreal +friday.the +iomega +agron +outdated +hoysala +neuheisel +ludin +sinisa +corticosteroids +replant +fifty_fifth +bovespa +vfw +marxist +nhlpa +furstenberg +fragmentary +mec +reburied +kacy +russian-u.s. +newts +hassanain +difranco +muqdadiyah +a/ac.000/000 +applegate +crpf +guatemalan +arianna +gatlin +jam +colonize +cherono +computerised +iversen +zombie +hoo-say +anti-gun +six-time +kinchen +quirks +tc +silber +vyn +teeming +imbedded +hathaway +hydraulic +symposia +lengthwise +patiently +lavery +unknown +divert +fuh-bree +uh-rehn +deviates +stockpiled +extrinsic +makoni +discolored +eradication +rigoletto +hime +ozone-depleting +hobbes +c.c\. +dominic +parisian +cancer +halford +documentation +oscillations +debuts +stock-index +manado +farrington +decently +bln +tycoons +dictatorships +madrigals +frisch +gitarama +enthusiasms +pursuant +rapist +geer +statuesque +powerful +vexing +aleppo +marlowe +lampson +mejor +worships +pious +uniroyal +al-dulaimi +radical +delvecchio +valdes +everytime +packages +habitually +baozhong +sacre +overstocked +chun-hoi +far-western +sledging +post-it +kitties +resch +lymphoma +questioners +rattled +seventh-grader +pac-man +seung-soo +ny000 +nigerians +kettle +fonville +emeka +neophyte +infirmities +cosgrove +metra +michie +trespassers +gordian +dimitri +possessed +armenian +etiquette +demote +rukmini +overdue +xuding +fla. +drippings +replete +israeli-syrian +al-moqrin +vermonters +tales +cine +meditative +bemba +accepts +edison +spielvogel +elmhurst +sevenoaks +trunks +aleksa +valcke +temblors +five-o +sh-00 +instinctively +necessitated +gomes +canisters +tarullo +illuminates +expresses +cumulus +supportive +et +glass-column +hanjour +echoed +pee +dps +thalib +rushmore +wallen +energizes +kenyan-born +roten +xiaoling +zealanders +wenshan +vivienne +minus +provident +pro-growth +eviction +mews +insulation +di +distilling +mental +rendez-vous +abather +stevenage +affiliated +qualcomm +anjar +affect +skyscraper +complementing +r.d. +mips +sewn +arsenis +aluminium +lefthanded +arte +meli +troublesome +gurgling +lava +overcast +concentrating +asarco +avant-garde +shephard +landlines +forefront +brewster +sisson +coslet +island-wide +prestige +zags +sba +siecle +n-tv +preordained +officiating +anti-israeli +bodacious +islay +cm +jubilation +lookout +luxuriant +private +addict +shishi +taint +alles +aalcc +disrespect +shill +davila +horas +penta +liners +dogfight +lurch +transcribed +dian +bulgaria +pepys +beachside +standpoints +reichert +redcliffe +gbadolite +wimmer +distance +characterised +bah-cheh-let +fuxing +hixon +ebbets +apparitions +falafel +amarah +infiltration +mechanicsburg +scrolled +stemming +gillis +licensure +phills +instructs +santorum +echostar +haberdashery +smokin +bah-tahr +bourgogne +grafite +/cp.0 +satellite-guided +rabaul +stroyev +damping +matsunaga +crusade +tipo +bernardino +squirts +half-game +lausanne +marauders +questionable +tupper +ten-minute +gender-based +d0 +zvonareva +scoreless +stainless-steel +intentionally +devonian +naivete +millrose +transforms +verdier +scaramella +nicki +fetch +inexpensive +firebomb +clarify +windows +horizon +heathfield +sakurai +loafing +minefields +belied +flagrantly +foulke +delcarmen +ergun +carrollton +emotions +golgotha +elano +first-time +yeltsin +skinless +on-track +overhang +durie +upscale +crestar +doug +downfield +ah-ray-yah +drained +grip +odm +cesarean +wettest +bernardini +machine-gun +ex-minister +lauryn +damselfly +aguascalientes +ejecting +play-action +chatty +flux +scoliosis +pulpit +wyborcza +spellers +expels +endeavouring +la-z-boy +hamas-linked +anti-qaeda +cutter +chose +israel-syria +cheever +a.k. +unpromising +rashwan +superannuation +refreshment +bene +undersheriff +boilerplate +distressing +perforations +shortchanging +bungle +wicking +embellished +quarter-million +shiny +nehemiah +inconspicuous +mckelvey +semi-independent +nakazato +huge +swathe +soviet-built +co-anchor +counterfeited +year-low +sylva +basuki +feat +tahl +simms +alleviated +mordechai +hammoud +parametric +recipe +unsightly +zec +simplest +beata +gibraltar +mcdonagh +calcareous +exhilarating +trading +gearan +solos +sbc +juke +lodges +stampede +auschwitz-birkenau +easily +hotchkiss +renegotiation +conciliation +rigorously +veiga +novellas +potentates +mga +hornish +mose +pythons +britpop +grondona +attendants +self-flagellation +swahr +mushfiqur +mythos +transported +trang +debt-servicing +bovina +stepdaughter +dlrs +gulbis +honky-tonk +flex-fuel +limoges +agha +litre +guterres +gauthier +personality +kuncoro +asthmatics +pih +blacksmith +huayuan +middlebury +drosophila +ogi +embarrassment +orbi +shootdown +decentralized +playland +yassir +tuntex +yei +polak +billows +seamlessly +sewing +millie +claflin +escambia +crest +puccini +obama +mhs +staking +lutyens +obe +toni +okefenokee +krasnoroutskaya +hagerstown +upside-down +nonbinding +overdosed +neo-communist +protectionism +funnies +iobj +lenses +countercharges +sx +whittemore +heileman +squabbling +shareholdings +stops +riddles +pagani +apologetics +non-fiction +ruud +privatization +ifo +jumbo +rife +outdoorsman +answers +farmington +unconstrained +self-financed +detention +libere +fixated +czarist +taciturn +reversed +ghz +employers +baosteel +wilkins +brea +concussions +sheppard +gamez +three +thuggish +larger-than-expected +vibrio +sambi +dials +duffus +boarded +eisteddfod +cuttings +shabab +cliffe +assigned +desmarest +walkie-talkie +progression +obi +vessels +cpus +bielsa +r000 +skein +test-tube +tedium +terminals +andorran +led +casimiro +flatley +stomping +one-term +eisenreich +measuring +easements +ehud +s.c. +freaked +shuang +zoroastrian +elephant +saigon +rothen +a-plus +cardiac +tv-00 +minus-00 +hoppers +design +carvey +yalta +pineau +bhopal +grandmotherly +aboud +pre-production +in-game +dominator +maligned +delilah +habash +interleague +wargame +swiftly +cristiane +jonsson +buhari +greenery +reubens +a/00/l.00/rev. +slinging +rev. +perishable +diagnostics +straws +temptress +gimmick +moratorium +longstreet +nigerian +brainwashing +elizabeth +centrifuge +perception +flycatcher +etchegaray +tiptoe +renovate +sulaiman +silguy +lazio +councils +susskind +gazelles +plunging +covered +truce +intruders +furthest +coast-to-coast +laxmi +disburse +woodson +dribbles +keighley +specialised +away +burnish +ached +quarter-on-quarter +tomes +regina +kluivert +platonic +nymex +rojo +anat +czechoslovaks +mated +cyrix +loophole +ozren +keep +postponing +itami +nacional +al-moo +dmitri +nerds +betsen +bruck +descents +hanoud +oklahoma +longfellow +halfback +end/ +around-the-world +ucb +pechstein +nissan +daimler-benz +bah-kee +marmot +observances +fearless +invade +re-engineered +rake +leap +guixian +teton +manos +ibp +nesterovic +abascal +helton +fran-kee +newly-built +r.a +re-organize +perpetrate +aravinda +clobber +pizzo +daei +creedence +mapped +roped +hiv/aids +reichstag +michell +o'clock +misadventures +harland +tetris +pisgah +jessup +oosthuizen +gronholm +reserves +araya +volunteers +rubens +double-faulted +hibernate +restaurateurs +hernan +veuve +rimsky-korsakov +anglia +parentage +overtone +meth +ostankino +shoplifting +eluding +messe +tempt +biggest +evora +venezuelans +math +ahsh +ould-abdallah +jen-lee +pleistocene +weinstock +state-wide +validly +disconnected +alphonso +jiaxuan +bittorrent +sodom +srecko +capes +feathery +jamshidi +cabezas +roadrunners +hendricks +dethroning +lakers +brokerages +snarky +iam +cosmas +warding +solidarity +sca +first-come-first-served +mindanao +fogel +morn +unofficial +fay-leeks +thirty-one +pincer +sepa +tankers +savona +enforcers +bok +mainly +prints +fraught +fes +batterers +cashiers +yolanda +lloyds +fawehinmi +honeycutt +hooke +henley +whisk +fain +loudest +maskaev +sanjay +universelle +slicker +hogwarts +faster-than-expected +hindu-dominated +linde +six-shot +ramesh +gunfire +soundscan +congregation +numbers +duda +boycotted +forearms +raimi +innovating +legitimately +glance +unsweetened +thespian +xl +permafrost +nonstrategic +futuristic +casamance +hagiography +propelled +xc +n.m\. +uh-kwah +santeria +groh +petrograd +debt-burdened +flatbread +possession +ko +crisply +qiandao +toronto +bomar +mailings +squatting +exorbitant +clemenceau +ahl-doo-lay +pampling +leventhal +mclellan +dodson +inxs +hyogo +take-charge +short-story +gohn +better-off +da'i +downside +rankles +grizzled +immensely +authenticating +continues +martyrdom +dispensation +counsellor +devouring +pontevedra +searchable +vaccines +invigorated +eurex +quezada +savior +narita +lumps +convolution +secondarily +nickelodeon +cooksey +curly +ed. +paschal +osbournes +picturehouse +cbp +bested +ghalib +alert +centreville +diaper +folklorist +la. +mariposa +kyrenia +mtc +flournoy +ladylike +kyl +yoo-ahrt +mandelbaum +lorraine +ambassador-at-large +essence +paranaense +kumanovo +electricians +let +juno +yarbrough +china-russia +tirreno-adriatico +whereof +comics +kohr +furies +sentient +msgr +audit +champa +ambushes +masses +sigurdardottir +schoeman +mamoru +jayasinghe +000mph +piping +cello +sauer +heald +merga +fy0000 +skews +flurries +knitted +pyleva +flatness +thanou +umar +jaque +pj +pre-fight +lumme +bullying +massaged +nutmeg +highly-rated +technology-heavy +hoists +ivies +autopsy +coverage +privatise +goldston +grandparents +kkk +insulator +chanderpaul +hants +bossier +harada +recreated +adulterous +gurus +subclause +chives +indo +meandered +bessemer +intergroup +zsolt +hadassah +massood +tok +assures +wecker +rainbow +mushahid +undressed +archbishopric +babylon +lede +d-va. +khans +lawson +channelled +parted +shrouds +khalaf +nissen +hairstyle +seinfeld +pan-blue +loh +unending +cpl. +rausch +vassallo +cabos +spotlighted +gatsby +strikeouts +klim +auditing +asteraceae +delirium +lik +storyteller +stormy +january-september +artisans +zhanjiang +basis-point +stockholder +scapular +metabolite +bartok +garamendi +clumsiness +career-high +sincere +indulgence +formulation +autoimmune +ibn +ilm +trento +jourdain +weightier +badi +molson +brezhnev +turku +zuhl +helo +hkt +seats +entourages +jurvetson +bille +tigress +atx +contessa +kamiya +kgo +conscription +stowage +elantra +hockenheim +qalqilya +sideline +apelles +drafted +hard-nosed +badme +tariff-free +tries +balikatan +project +attentions +k000 +hewat +merger +beiteinu +hurricane +fpoe +0-d +fret +fisa +story-telling +sv +ld-writethru-china +albom +cero +hallie +procurements +frankfurt +audio +taijiquan +yungho +azaria +swatted +bartoli +monti +amelie +reversals +rinpoche +exxonmobil +angeli +benefield +soi +plunking +portly +jdlouhy +ntt +audi +cardholder +turnberry +extra-virgin +hernych +pontiacs +operating +homophobia +chechens +doorman +danamon +doo-wop +polymerization +interpellations +judging +fabricating +handal +genocidal +self-sacrifice +unique +intercom +end-all +gules +nasheed +westland +bonanzas +fanta +gumy +persons +dutra +nicolo +embraces +bronte +gosling +kucinich +flower +konin +gloria +braulio +cockpits +fastidious +rescued +farida +ciel +polite +markko +scrapbooks +third-country +oliveira +two-parent +baggy +morton +tit +hendriks +loosely +hereby +levert +arboreal +sintra +syms +tanabe +capp +electrolytes +confirm +householders +vigor +tsang +decayed +farah +apparatuses +periwinkle +guh-dahn +boston +holomisa +bushnell +hounslow +liban +pioneers +vanguardia +md-00 +abhishek +blandford +hanbo +self-parody +halmi +lothian +marmaduke +silsby +round-trip +stooge +ringers +bothersome +expeditious +squalor +instinct +pigeonhole +gatien +a.g\. +tangshan +tokushima +sang +drawdowns +rasoul +modest +half-life +peto +nosed +toda +khannouchi +entitlements +rpgs +nurtures +haden +seminoles +dorin +disequilibrium +weight-lifting +post-0 +hardest-working +oscar +charming +methods +consigning +rawls +run-in +transfixed +previous +bananas +one-seat +sounded +sunk +boubacar +thanksgiving +whitewashing +filched +bracken +irna +pollution-free +klusener +cosmetic +ellam +venues +kosovska +believing +requiem +motorboats +park +deformities +resellers +optic +abdul-mahdi +francona +sreesanth +preponderance +rexall +acquaintance +marchibroda +fifties +dougal +neighbourhood +mrs +misconstrued +damaso +sittard +engelhard +laurie +wheezing +caroling +menotti +whitewash +sohmer +tate +uncritical +adn +wine-producing +dissolves +birger +ascii +exxon +oiler +barcelo +unfair +wastage +unearned +asml +saddens +cosmodrome +varmus +shotguns +exclusivas +quantifying +weems +yildiray +second-highest +voller +vampires +gaudy +wires +buffered +samui +romulan +northants +racks +boulders +leed +qb +mid-american +ackroyd +muchtar +gandy +managua +speakership +tinggi +faults +chr +antecedents +destroying +incurable +auctioning +ako +sl +poso +feuded +gina +gq +co-ordinates +eastenders +tedesco +fantasia +asano +curiously +escap +pint-sized +east +-.00 +annabi +onyewu +clothed +gameplay +permanente +eaa +inkster +acquiesce +defiant +nesta +catatonic +ps0 +procedure +entertaining +chaff +ira +footing +hideyoshi +00mph +outfit +nanyang +adua +cabal +battelle +excruciating +remnants +continent +m-0 +haidian +diop +dozing +vladislav +intercollegiate +mushy +pressman +american-born +zap +mobilizing +handbags +misappropriated +harkens +discretionary +hydrographic +season-high +ventricle +icasualties.org +sweating +rolled +graziani +mcmurdo +glossed +innocence +al-thani +cns +edmond +carlotta +regimen +nominating +avro +odwalla +bureaucratic +broadens +missive +celebrities +ricciardone +mcnown +unheated +tok000 +disfavor +american-led +torrealba +otellini +anti_personnel +curt +texas-el +non-believers +angara +student-run +nail-biting +argosy +under-performing +spice +playing +competence +matias +career-low +arista +dap +nadu +theme +fdch +noteworthy +foong +oom-foo +amritraj +fissionable +congressionally +chowk +darshan +figurine +sla +hcfa +leclerc +kwok-him +sah-ee +sadism +napster +hsan +zeb +jannati +rodolphe +upul +maurizio +tenney +ballooned +afro-cuban +concord +secord +vermouth +minorities +pre-emptively +early-stage +dickerson +haeggman +resurrecting +blazers +khoo +boylan +olive-green +f-0 +yangon +studer +muramatsu +creamery +start +wynter +motoring +poggiali +ex-communists +randt +a-week +dragan +non-oil +evened +first-half +bumps +tagliani +post-earthquake +headley +kamchatka +groundhog +deductibility +falsification +borja +retailed +upstream +jutting +now-closed +tie-dyed +blairs +hoa +achieve +swam +cheetham +ensign +welshman +apg +comforted +friedlander +tokusatsu +kisangani +tchaikovsky +globalstar +showman +millennium +morriss +adler +kyokutenho +rajouri +hiv-positive +polyunsaturated +viewership +sakic +biscuit +neologism +divide +dilutes +wieczorek-zeul +deactivation +carlesimo +newseum +misrepresentations +antimicrobial +bornstein +arthroscopic +spiffy +scot +cuter +seizes +pinches +kostelic +pro-west +high-stakes +pheromone +energy-rich +ragam +slavish +axon +steelman +meher +lehm +saori +cucuta +dawn-to-dusk +ber +klapper +'ll +cocaine +esgrima +sauk +headstock +laskar +demolishes +al-faisal +azerbaijanis +tinges +agers +backpacker +herein +rifat +kankakee +rosner +melancon +beau +oregano +ayers +gloster +steinhauer +sunny +drysdale +florentino +cut-off +carbohydrate +quarrel +agents +mcl +normality +cusiter +reenter +disassemble +reauthorized +rediscover +unprintable +wearer +goods +apos +hah-wahr +descendents +trashed +kolata +secretes +bight +all-nba +kenta +subwoofer +nuku'alofa +kenai +vagina +cossiga +graphic +ashtrays +organizing +nag +marlon +klaas +reimburses +straighter +masahiko +well-positioned +landfill +aptv +amelio +elmi +tsi +sail +furby +protestations +uttering +unthinkable +autistic +russia-belarus +sired +asa +weed +text-based +lineal +uriah +assessor +remodelled +sharm +sequined +shoot-outs +inglorious +awesome +smoggy +persuasive +all-girls +negron +yutang +icoast +treasurers +outsource +hounds +bajo +mansuri +copied +outhit +jordanian-israeli +paralleled +wenders +metropole +michelman +kikuyus +irascible +rowed +cks +jaguares +getters +prevaricating +commensurate +hisses +roosendaal +colleagues +henin-hardenne +anti-party +pickett +coil +polynice +complete +railing +wallflowers +closures +chhay +jarrell +espirito +doubly +dismissively +milkweed +hirata +small-car +arms +haru +kitchenware +quotations +traitors +argyros +shourie +renegotiated +vt. +scrolls +perfectly +maple +goldin +birla +institutes +ahl-meh-grah +backup +portfolio +top-selling +suitably +,0 +kick-start +consolidated +articulates +widths +jupp +malick +deak +eshelman +eis +pragmatists +integrator +genachowski +survivor +consuls +houthi +huyen +fatherly +unpaved +super-combi +classless +touchstones +crescent-shaped +lihua +jovica +responsive +exerting +arrowhead +circulates +political-military +esoteric +decertify +summers +cropping +wide-angle +chah-chee +then-governor +bowes +nmod:through +v.00 +short-leg +rainer +scrapes +beanie +frustratingly +decades +winder +moonie +appalachians +bankruptcies +dym +ramanathan +scomi +ud +metaphorically +comes +census +career-ending +demolitions +grasping +wycliff +ahl-huh-tahb +lodgings +jasim +quanzhou +proceso +raked +jeen +monopoly +pixies +home-loan +oseltamivir +wa +mcmahon +orza +yolo +magnetically +unalloyed +decontaminate +sampdoria +age-appropriate +crosby +hessler +finnegan +shawmut +sufian +concoct +#00 +fragrance +paypal +biomarkers +ademas +oasis +declassified +wuhan +justify +wed +axelrod +subdivision +lod +angang +difficult +rop +cougars +barnyard +havelock +tarzana +pierre +perusahaan +feudal +bachelet +ram +baseballs +amorphous +ks +rang +mishkin +spraying +mcewan +topflight +mejakic +testy +soundscape +enable +kn +mpla +besotted +paltrow +mcqueen +full-power +pester +dilate +jumper +shkin +eurythmics +taiyuan +toothpicks +three-part +cerezo +al-samoud +juxtapositions +alogoskoufis +needled +deductible +wendelin +dierdre +stay +cosseted +mackay +fiberboard +gmp +meron +inbev +sys +e00 +universiti +causative +animals +gravel +insufficiency +cautiousness +plight +heli +kopp +community +defects +bollinger +coincide +000,000-00 +fribourg +formal +sy +yossi +%eh +pif +two-page +bump +trachsel +pips +leaky +t-0 +leaderships +sacasa +uh-muh +bucuresti +chuckled +patiala +laughable +krebs +weinrich +amelia +anti-submarine +coming-out +toshack +turkistan +mauritius +gunner +twitty +ingvar +long-necked +prohibitively +strong +thermodynamic +panel +install +agonized +yankelovich +flatten +miniatures +electronica +actresses +ani +eckel +shuqin +gamma-ray +alicea +unobtrusively +prouder +bcs +bottenfield +sears +persall +acrobatic +barzan +parizeau +adan +politkovskaya +cancun +imaging +percentages +truckee +p.m +sheffield +fistfight +obscures +mien +mayumi +imd +garbled +000000000 +sobibor +snub +00-00-00000000 +yacoub +cockfighting +hamstrung +kniazkov +aging +meltwater +radhi +akel +jarvi +sex +relocates +centred +wladimir +greensburg +long-tailed +00x0 +loughran +ern +unfettered +members +vowing +repelled +blot +levine/scholastic +orthodoxy +grimly +eilat +pinhead +anointing +be-all +dissuading +bishara +papered +aspirations +hlavac +condensation +lozenges +buhe +believability +valentina +clinically +al- +moneymaking +protrudes +chiral +minimise +serbia-montenegro +brassieres +'00 +sacp +fleischmann +thsrc +inmarsat +mini-summit +incontinence +wr +kovacevic +noda +more +tarrytown +hattrick +sayid +mdgs +sayonara +tundra +cookware +anniversaries +abramov +clashes +exemplified +tightening +chinook +wire +recession +elmander +elitists +kilauea +pate +annesley +copper +nephropathy +jw +00g +piquant +ton +prohibit +pervaiz +lawsuits +schip +wrung +argos +syndicates +nicolson +demme +statuettes +saari +mariana +haditha +brah-heem +disestablished +woolls +moynihan +brighton +lampoon +landslides +gailhaguet +embedding +winslow +expressed +mydans +oh-mahr +wandsworth +blanche +disbarment +baltasar +wwf +rosenfield +meant +fini +mccovey +ohio +europeans +protons +rapture +few +desalvo +foals +integration +sderot +ryne +human-to-human +camel +independent-minded +ah-meen +maik +msi +synergy +williamses +thaci +palliative +zora +tackled +]/ +charmingly +aramco +salient +billion-yuan +seagal +staircases +armidale +mgm +taking +port-au +wary +giggs +applause +bernadotte +rewarded +joannie +seafoods +supersonics +rhon +coons +q +asheville +israeli-owned +mackin +melman +facilites +mayes +selig +crews +weigh +magazine +hectoring +figgis +ovechkin +club-wielding +kasparov +hanna +kkr +foote +warm-ups +keflezighi +atr +realms +co0 +vivekananda +amigaos +discover +waals +inferior +comore +fundamentally +celebration +jomhuri +italo +jsc +clerks +meat +burrows +shutdown +swirling +peh +davy +maseru +emblem +tanvir +souls +roustabouts +series-clinching +spore +timberlake +overrun +gabelli +crisis-ridden +riad +conditionalities +monthly +gatland +helene +kupchak +tva +zeta +aurea +moggie +division +conveniently +conquers +ricotta +invaded +sheets +irrelevance +sport +paktia +chargers +stour +oems +biography +kronor +refer +everard +scrubby +youngish +droids +microfinance +snakeskin +surname +lakhs +imbalanced +doses +unpleasantness +tanah +anti-eu +trafigura +mpa +unlisted +assess +post-production +rowdies +stasis +halfhearted +canadair +djerba +stronach +00-day +homestead-miami +built-up +millman +woodburn +herons +grail +ah-skah-ree +upended +perching +perthshire +drowsiness +jog +benedict +rent +salton +auctions +attach +imi +vitamin +annotated +apostolos +selfish +wola +smail +colgate-palmolive +denotes +hadrian +divot +colluding +deliberative +moet +wardell +poorly +hellenistic +blubbering +x-rated +imploring +redone +sabha +zhahng +belichick +mainichi +beny +topanga +clamps +carpathians +yai +mcclellan +flood-control +.0000 +mull +tournament +lefevre +jochen +ousland +fattening +attache +zodiac +fuhl +vedette +angel +rovers +annihilate +feature-film +streetcorner +cardiopulmonary +bolstering +try +battlecruisers +portobello +kolff +whaley +massawa +divinely +aedes +scheveningen +funders +epidermis +ih-noh +intermountain +downy +zadran +rendezvous +wretch +rationalizations +seurat +desecrated +apostolic +purposefully +villagers +darkroom +morse +import-export +bel-00 +darden +tactical +keokuk +seething +lurd +rotten +anti-musharraf +lhasa +johnny +trickle-down +grindcore +deniro +hun +korah +rucker +grinned +colum +matheny +brasileira +jbc +gwo +serguei +insistently +souths +saturated +azeri +bedford +ensues +jeopardizes +benson +energized +blanking +cialis +thermal +ipanema +breslau +tuesdays +zlenko +diakite +c.w. +britain +notts +marple +grech +heterogeneous +darmstadt +blithe +often +hanlon +crow +elsner +lifts +jiu +fidell +several +foley +liquidator +jefe +conferences +lebanon-israel ++00 +¼ +two-face +d-n.y. +mathematician +dgbas +juntas +pursuer +palsy +subnational +vietcong +ambition +line-up +campsite +trimmings +cope +non-government +picnickers +lorelei +pitts +pardubice +sepsis +exempting +scariest +susie +comiskey +zeljko +maldonado +than +caracciolo +kanepi +vukovic +kobe +underpaid +on-loan +revealing +blackjack +abstained +carelessly +tremor +tharoor +dtc +deviation +cathie +unveil +comprises +salami +ricky +nicodemus +saca +nymph +evie +triumphing +comerford +majdal +harrogate +heiligendamm +sandis +proprietors +marveling +ellsworth +post-taliban +spaniel +syrians +depressant +towel +swaggering +percent-00 +corvette +diddley +patrolled +impersonated +mete +nematodes +phoneme +moseley-braun +manager +raw-fuh-reh +rectors +chinatrust +dickson +heigl +daja +barrientos +siew +carmelita +anastasio +award +high-deductible +baytown +veena +editions +nocioni +yugoslav +helpfully +long-forgotten +malpractices +sk +dresden +bitburg +rory +send-off +sauron +demoralize +northern-based +katherine +aviation +baccalaureate +slavneft +interdiction +arveladze +seduction +al-marabh +bundestag +withdrawals +hard-line +timings +00 +stecher +low-speed +meryl +bleaching +arabica +barneys +rongen +sneak +results-oriented +leighton +inimical +mcavoy +peca +flagstaff +veterinarian +mandl +xiaohua +intikhab +burial +myung-hwan +jenner +cellulite +jardin +miserly +arzu +cylinder +sombre +kiir +asahi +reale +fugitives +dee-yahr +mounted +r-colo. +roadhouse +non-indigenous +ustr +bernama +prekindergarten +samoans +stumpf +cyclone-hit +withdrawal +provable +wife +masri +discouraged +echos +a.m\. +kasai +pothole +housemate +cubit +treating +see-uhn +legspinner +detours +mcgregor +ribbentrop +deploys +crocus +notching +breadbasket +whippings +ciarcia +carvings +pilcher +vine +pleasing +jyoung +grievance +librarian +shoved +reapply +documented +price-weighted +pervert +bullpen +concert +semin +bounded +visuals +bxc0 +rodrigues +exclusions +mildly +miles +dv +saltzman +burris +auster +lyondell +reservations +fyth +customize +furrier +dot-com +comandante +planner +wallingford +referencing +computerization +gelber +red-light +moskvy +ever-widening +marcoses +buford +zaheer +uplifted +duguid +chants +sadeq +osaka-based +vegetarianism +curren +rami +agony +koreans +bastad +vakuf +detour +sourav +valdivia +accelerating +tseng-chang +nanaimo +zabel +sunway +non-iraqi +siregar +vico +typology +firstborn +tanzanite +carnot +closure +upu +sierras +carvell +reimbursing +ancestor +dahlia +untended +lampoons +longitudinal +cragnotti +stt +whiffed +pax +so'oialo +ovitz +enzyme +casbah +weller +less-than-stellar +situational +nuria +multimillion-dollar +farnham +distinct +spyros +break-point +escapism +abounding +canaries +esos +crustaceans +banality +congenial +baltacha +favorite +katsuya +chronic +macedo +tidiane +kottayam +russ +westley +markkaa +shallow-water +namor +randiv +netherland +fugees +sobered +nervous +kris +dujail +andover +dutchess +doubt +tah-kah-roo +ah-deel +runes +neighbor +piqued +payne +internationally +privateers +free-kick +pap +hellbent +unreadable +uploads +outmaneuver +pro-bush +yona +stances +akayev +matas +ogres +johann +fondled +pre-selected +oom +arabism +four-wicket +e-cel +hetland +federations +jadiriyah +shareh +donington +maggart +identified +asoka +oates +amniocentesis +serena +denunciations +livedoor +outokumpu +laghi +ornish +altadena +junge +farmworkers +ergonomic +cananea +godsmack +spicer +muh-haj +nawar +understaffed +enormous +beards +ratwatte +low-voltage +bulgarian +fortunes +christen +n.c. +susceptible +vih-chah +huda +meidani +mungiki +farmville +jests +creamer +huaihe +diss +collate +00pen +uncdf +hendee +iou +unfunny +microscope +citizen +downsides +norwest +affectation +poliomyelitis +pil +tributaries +todays +ronni +per-child +manual +contemporaries +protrude +scrimmage +league +pinkie +purvis +plans +leonhardt +woodwind +glickman +pro- +ingmar +llanelli +precedence +catalonia +mwinyi +chemists +execution +misled +kalma +roubini +puccio +harking +weekes +bingol +intercourse +scl-rb +english +fission +inspiring +pulver +byoo +subjective +krakauer +fulgencio +cubic-inch +pro-abbas +s/0000/00 +freddie +intake +non-invasive +cesid +taconic +pry +lenovo +phau +equalized +sculpture +farmhand +kempe +bor +malankara +franco-british +cib +falsehood +moffatt +schabowski +imitators +nva +vliegen +wurl +timah +rapporteur +erin +shoichi +mackey +ehl-tehn-tow +anti-independence +flin +emissaries +b.g. +two-faced +undocking +kosciuszko +financiere +maxims +alessandra +legitimized +taster +newnan +kitten +low-pressure +expansionism +stated +disaster-prone +flicking +bogey-free +yellowcake +bio-technology +eappen +terming +diarrhoeal +lumley +zahlavova +ku-nahr +frisson +additions +shand +undoubted +zilch +softening +surnamed +0am +inpatient +hoo-ree-ay +cha-cha +autobiography +alcatraz +schett +glenwood +shulman +baseliner +microbiological +dehr +sharman +boisterous +shape-shifting +passersby +cavazos +shalal +iwakuni +hah-jah +seasons +anesthesia +border +grampian +siem +nittany +concession +counter-reformation +kuh-zah +salamat +culpability +briers +hungrier +ais +quality-control +tantawi +evangelion +betz +incumbency +duct +elongated +housemates +stimuli +confide +geelong +al-saud +after-tax +epl +meir +deport +wako +matinee +admiration +mosel +hollway +am-nyt-budget +saomai +anorexic +compare +atmospherics +itemized +sarhan +lionel +taiga +marrow +falling +changeling +cemetery +sarfu +kelvin +ippon +clansmen +ballon +obikwelu +joanne +scrimping +unidos +curtailing +cropscience +extraterritorial +haren +wrights +siderurgica +peril +raider +hennessy +whatever +hurt +nuffield +al-amud +tetsuya +exhibition +sahin +lolo +hadley +bossidy +studs +melts +humanist +terengganu +bgng +guterson +reliably +eslite +imposes +katzenmoyer +notated +nedlloyd +charm +n0 +counter-demonstration +dan +ireland +underachieving +visible +zerubbabel +monkey +passively +doha-based +dogged +luk +counterfeiting +appendicitis +dolphin +rasping +tajikstan +ghassan +conveyance +re-designated +lay +sins +cramp +rsvp +dialectology +isinbayeva +ekho +ihr +morihiro +ghor +bando +etcetera +hanescu +busey +mutilated +retained +wsf +blueberry +ft. +shinya +d-nev +dominique +rulon +fanuc +vinton +staving +hmmm +way +musicale +anp +cisneros +pro-karadzic +mb +oskar +hypothalamus +wrongful +ihl +late-00th-century +ctv +walden +escapade +approximation +bikers +lodging +dedications +souther +shuh-koor +retire +salt +herdsmen +shimmied +manx +amazon.com\. +belligerence +caravans +daegu +pankisi +gimelstob +oi +apoel +evolving +ksa +bourg +te +parties +throbbing +sixty-seven +intrusions +independence-seeking +ownership +larsen +kiddie +deemed +rob +voivodeship +ok +herds +paddies +bludgeoned +beyer +outermost +capillary +baturin +ravenna +sanctification +kurdistan +devlin +gross-out +branca +imprints +uniphase +feminist +cegetel +fsu +landholdings +guttman +multiverse +westside +duff +bm +manfredi +corti +millstein +supervising +cherubs +two-star +pinstripes +nswrl +gouda +chait +reno +prise +lavigne +inter-war +greenside +sohn +west-central +tropics +cassette +determinedly +chug +farhad +masseur +milovanovic +rm000 +hydrodynamic +lefkowitz +weakened +fabrizi +porous +rifai +humiliations +lokendra +volkskrant +regrowth +owing +discontinuance +plattsburgh +bweiz +opinionated +mooney +inkling +co-ordinating +jabali +dah-vihd +jon +inconclusively +andres +lend +pettigrew +birch +off-beat +lay-off +incorporation +seussian +boren +al-maktoum +oracle +span +anion +jarosik +eid +refrigerants +narcotic +buchman +simulant +biorhythms +egotistical +to-0 +bijapur +eades +tanya +fri. +regroup +johnstown +shaban +aldrin +shepard +noguera +d-fla. +patties +pavlyuchenkova +toenails +dorky +bc-yugoslavia-kosovo +halil +entrant +ohv +bilzerian +midriff +klass +rahl +broncos +revolutionaries +country +viacheslav +oversight +cong +henman +redden +morsels +rolex +consciousness +skirmishing +chagrin +shrike +baggies +agencys +hsh +b-0 +st.george +baroque +revson +protestor +tenacity +turks +dunning +flynt +paquette +theorems +margarine +prosecutor +ganymede +gaultier +grafting +sheepish +intrauterine +nung +celaya +clobbered +lebedeva +khan +five-under-par +sky +hurtle +chem +qq +venegas +sifted +climbs +straightening +caltech +megalithic +plushenko +patch +noncombatants +hot +qualities +pheasants +delle +bipartisanship +swaraj +gharib +nonchalantly +orientale +newly-promoted +telemundo +dickov +korea-u.s. +players +kilovolts +grenadian +dieter +covina +glowingly +minardi +pang +tagore +interlingua +nightmarish +wire-rimmed +accompanies +rooted +deregulates +penetrate +rivaled +third-seeded +elope +kingsford +utilitarian +reporter +modernistic +game-day +q.c. +fact-finding +manipulate +mite +vehicular +montaigne +maclean +homesick +michel +taxicabs +insufferable +klebold +port-au-prince +fazekas +guava +melt +neglect +rim +madoff +outings +mccaughey +kochis +yanai +expletive +starfighter +interpret +pedroia +composing +spoked +naismith +amc +procedurally +kangra +resurrects +saadun +bluewings +grandmother +jemima +erkel +intervened +lyricist +ky +jenas +talas +flushing +inverter +discounters +fraying +bern +ivorian +popes +perot +reconvenes +tent +red-headed +oops +jacek +patrick +arcadia +tantamount +buell +sakher +herbst +vanessa +shuman +threated +veer +ahl-fy +helga +strives +riksbank +essequibo +hashan +defibrillators +bith +easiest +bahaji +hgtv +shadowing +raining +particle +arellano +knocked +arabian +baby +deanna +toboggan +splicing +bicentenary +nujoma +virtuous +hilla +herschelle +onerous +kismet +occurrence +brothers-in-law +panes +malisevo +heckler +renal +lakefront +staunch +tuffey +haymarket +jubilo +duddy +ee-pahn +nabatiyah +dufresne +word +zobrist +samsung +jocelyne +nada +reconsiders +employees +woodhead +pd +gall +inter- +eastwick +abaco +heublein +folk-rock +rijksmuseum +gum +m.h. +hypertext +projectionist +abacus +striker +clapboard +engagingly +befell +verifies +quotes +cirrus +bamba +kisumu +safet +franchisee +noblewoman +sparring +secure +sked +undersold +starboard +casado +bailout +gerashchenko +constitution +springform +lee-oh +neutralization +dumpling +fittings +flocked +gaps +knightley +salo +archaeopteryx +panday +sem +ahr-ihs-teed +rosh +rashly +cantaloupe +glaze +mashaie +dorfman +grids +co-starred +demining +minwax +clooney +brc +outlanders +largesse +fairfield +euclid +co-operation +grape +canyoning +milquetoast +eriksen +script +post-katrina +edina +ramadhan +mc0 +vedeno +dostam +disqualifies +durst +peach +kickers +unabated +chide +motc +red-faced +cmll +reprints +goto +extroverted +pump-action +arak +pavlovic +sarkar +belem +weill +inattentive +cruciform +brain-dead +five-month-old +payton +ocd +ct +latal +kwon +arnoldo +cluj +00-bit +prime-time +loews +overpass +magnificence +old-age +syn +tyrants +owens +zahl +goliath +exclusivity +schulman +puppets +blindly +balkanized +neptunes +carribean +a-000 +comestibles +iiss +hanau +sabotaging +opt-out +benesova +apostolate +emphatic +palmdale +popemobile +storms +colonial +goerges +caromed +cancion +divers +belittling +emp +kennard +santosh +airtours +mankato +00gb +mason-dixon +iroda +condone +tiantai +fist +sawai +subroto +debentures +unplayable +residue +forti +final +skies +peoria +vejjajiva +grampus +trail +balakot +suspected +ticker +markovic +bi-directional +farber +penny +elsinore +vagabond +chavez +latta +dom +upson +stringently +man-to-man +intercut +healthier +bronze-medal +afx +demobilisation +credence +u.s.-financed +kahv +ramnaresh +kilotons +selamat +ecologically +conakry +consumer-electronics +ensberg +historically +chiesa +interlinked +unaired +bousquet +mcduck +conlin +denton +carefully +zow-gahm +flowery +enhanced +tera +championships +procurement +ipil +pavement +baffle +previews +wimhurst +privations +logo +splits +guttmacher +mar/00/00 +roulette +triceratops +jaycee +c-0 +al-nashiri +dekker +tcl +jamaat +markt +cervix +dampens +blurry +lawyering +mah-noo-chayr +fiba +prospectuses +flitting +ivkovic +ephedrine +file-sharing +funneling +post-september +jeffries +tarleton +overrunning +crimp +hamblen +pursued +youren +wb +q000 +okah +spinner +old +physicals +patriarchate +anpp +emails +isi +vanuatu +ledo +australian-based +shower +pratchett +/rev. +bankers +elkin +reinforce +supplanting +pro-union +overhead +terrorize +rajko +escaped +jennie +rangefinder +appellant +five-shot +rickey +nazareth +oji +creel +verified +railway +rust-colored +much-debated +azeris +eadie +rakes +bloodily +hayabusa +honks +nettle +mathematicians +velupillai +murmurs +rathbone +risen +pine +stretton +fleetingly +nummi +food-safety +infra +glut +milburn +eight-year-old +hongzhi +victimize +exponent +cletus +putted +thirty-third +units +maes +'un +wadhams +riina +footprint +sloh-boh +contour +culiacan +snared +tig +raissi +gif +myasthenia +allis +exhorting +0- +swilling +co-founder +dot-coms +sewers +shrugs +enfeebled +tub +llanos +scrubs +angostura +populares +decryption +0tc +silverwood +turner +occidental +navratilova +tien +belligerents +olowokandi +macphail +nil +hamas-fatah +baxter +expander +niven +torreon +improbable +por +honore +final-round +perplexing +imf +hoodoo +yoel +iberia +rohp +qilu +nha +unficyp +london-born +autopilot +zemarai +ici +sewer +baigent +nii +devising +do-it-yourselfers +litters +sudden-death +sheepshead +peacekeepers +delgadillo +habitats +j.j. +sabato +afld +steeps +rude +policing +turbines +paco +corkscrew +casio +chien-jen +javon +koi +extra-inning +riccardo +nuestra +knockout +all-encompassing +seung-hui +naftogaz +stampeders +pebble +snicker +luzerne +harnett +powerlifting +abo +moveon.org +wusa +preferring +bugel +flings +head-butting +cleo +rudolf +colts +clef +mandy +burghs +bradtke +conception +claycourt +inhospitable +morbid +modern-day +takahiro +shuler +cubits +obziler +00nd +hussey +unchanged +ellman +farmar +cash-for-clunkers +lecavalier +anticlimax +bookcases +speedpost +weakens +sediq +three-term +laci +timms +imams +maharashtra +numismatic +affirming +ticker-tape +motorist +initiating +boomers +antimony +too-rik +ogun +--- +dachau +allies +posited +osce +dextre +debutantes +well-founded +guiseppe +sneezing +moulin +mirages +jumpers +orchestral +clutching +'ve +bositis +granados +non-smoking +flycatchers +vetted +baby-boomer +erbil +tonkov +scalped +hotan +bitterness +duplessis +axum +benelux +thine +anzac +communique +balaguer +bista +bilal +austen +axis +natasha +aubry +stepped-up +f.w\. +aggarwal +prettiest +applying +petrenko +ebs +hilarity +andalusia +muentefering +enter +radiates +septa +wheeler-dealer +retracts +plantation +gilley +bertelsmann +milliliters +chagas +aged +wampanoag +khadr +nahmias +cubist +mamaroneck +soothsayer +phonemes +oct. +diaoyu +exaggerated +general-secretary +ditty +minnawi +d-colo. +kuka +offhand +farley +heart-breaking +furniture +bulldozed +gbarnga +titillation +pantoliano +flecha +universidade +dutch +hak +debt-reduction +dilemmas +lodi +vaudeville +sheepskins +achievements +servitude +thrifts +sightings +italico +abid +leave +tejan +workflow +u. +machining +grunge +frugality +maseko +brushy +isadora +dairies +dramatist +belkin +that +madeleine +scorns +lwow +duplicating +junta +lagoons +six-point +kuranyi +bruhth +stumbles +becket +updated +ned/rab +ayu +outstandingly +backyard +constrain +ellicott +tweets +anti-dumping +vonk +seljuk +accountancy +certifying +separatists +perng +renumbered +venomous +citizenry +a/00/000/add.0 +factually +'neill +bbb +illion +baptized +allowances +marcella +francoeur +winners +valentine +hire +dioxins +crossbar +guler +high-heeled +inch-thick +apostles +academy +overland +jalali +farouk +rossa +afinogenov +heal +hoogenband +maximum-security +kdp +set +gyms +cagey +ivar +d.r\. +policewoman +localized +deplorable +wartorn +heart +meyers +stuffed +lacs +defunct +kul +hadid +mummy +well-drained +qian +zeke +swipes +bookkeeping +four-year-old +valdemar +extremadura +strangers +fossil-fuel +uh-uh +aichi +momoh +debora +psychopathic +vir +sky-high +mcpeak +mischief +lightest +pre-0000 +platform +gal-uh-det +chasers +hodgson +thoughtful +releasing +konigsberg +pacemen +ramey +ballas +headdress +volatility +everything +mahesh +starcraft +'en +loftier +ah-bah-kahn +half-baked +wigginton +boosting +right-handers +doebbler +damages +argo +nkunda +lestat +renewables +column +lindsey +dc-00 +hipolito +stephen +arthurton +rapa +sabers +manana +exciteathome +modalities +bootsy +ferrara +soba +arouses +concomitantly +collaboratively +yamato +bieber +biff +unmolested +existence +velo +rogier +millikin +brierley +oranje +sneakers +intensifies +asylums +forint +walston +benedetto +bahceli +war-style +beefier +anti-china +truncheons +brainer +kipp +override +tajbakhsh +economia +mule +fib +gurdwara +caio +bacsinszky +sehgal +hashim +egalitarian +navigator +foreign-currency +ivanov +al-jamri +procrastination +dart +bird-flu +eliade +boros +rl +darko +beja +hsia +cnooc +fra/cof +changeups +rj +fantastic +wyche +paxman +emphasized +spanos +archway +unasur +backlogs +instructional +flayed +ringed +naivety +!!!!! +bludgeon +warcraft +arakawa +panmure +setlist +tce +donoghue +etudes +supercross +kigoma +generalised +ponderous +zucchini +newly-created +slanderous +custis +berne +babic +janson +eee +sister +reflecting +dogmas +masons +shizuoka +joyner +petulant +impeding +renditions +princesa +backgrounds +paraiso +ladysmith +gayt +westport +tarantino +linesman +justin +kamensky +lullaby +turtlenecks +benefited +clans +fleury +profanity +reorganizations +sixes +brotherhood +kahane +marinade +corn +ineffectiveness +glow +scoring +emr +counter-terrorist +teesside +birdwatching +highlighted +paris-jb +salafi +campsites +afghan-pakistani +precedent +fortuitous +snake +jann +politburo +isamu +bns +steinbach +finitely +priest +sequins +watercolor +sensor +narvaez +trigonometry +al-daula +hydrant +donaldsonville +umpiring +kozulin +mengistu +cairns +mawae +bn +jaafari +configurations +cabrini +seamen +paired +unrwa +pixie +demeter +nightmare +spectrograph +deservedly +trueman +diatribe +rainstorms +encyclopaedia +gatekeeper +secunderabad +html +disadvantage +logitech +triad +hots +circulatory +robison +mathematical +juh-kahr +c000 +moliere +implementation +all +galliano +safar +bancshares +destructiveness +skylab +musicnet +well-mannered +akhmetov +tse +leite +bullring +oktoberfest +longbridge +abcs +egger +civilisation +moulds +slightest +whistling +adjudication +matsushita +ignagni +cincinnati-based +katyn +squiggly +mumbles +lon +stoppard +angelo +condenses +marquis +baldelli +rossini +israel-palestine +shogun +dunham +malmoe +intermediates +sanusi +accuse +mdnm +notify +westfall +torchmark +rockwell +monuc +persuade +salonica +b-movies +knife-edge +air-cooled +roca +formosan +clue +sadc +lillehammer +iberdrola +zippo +second-level +hashana +ade +outset +incapacitation +yeng +kayes +verbiage +handy +scientific +alpha +bandy +fatale +toivonen +bergendorff +florals +handlebars +tsuyoshi +canals +contribute +glaad +injurious +interurban +jeed +mon-tay-see +lorrie +all-sports +define +bohol +marzuk +bergamasco +tabulating +leigh +laptops +centavos +moslem +undetected +sparking +reclaims +fauvism +philandering +lorenzo +metrics +fleischman +adamski +hammersmith +hard-throwing +shinobu +universiteit +government-imposed +zeigler +proceeds +hr +benzodiazepines +fuego +trinitarian +flagg +mid-size +al-alam +stiff +hovered +barack +marguerite +ethniki +complaints +jetstar +owners +brumby +french-language +wimax +machineries +dishes +weymouth +primatologist +fresnel +coining +gah-lin +gladly +kars +obscured +dabbing +deve +tpa +barbora +gray-haired +engaging +mitsuzuka +levite +toxicology +re-created +flinch +gird +recently +rapt +alle +nagoya +shorter-term +interacted +webcam +retracing +instant +ucc +iu +third-ranked +artistry +seattle-area +chateauroux +saga +0x +minimum-wage +busoni +macaw +self-destructive +gpa +check-cashing +suitability +transgenic +kluger +wrapped +daylong +xiros +forecasting +thickness +farcical +ironman +yam-kuen +ballard +sports +one-touch +leaned +third-grader +chelios +freeh +constructionist +spidey +preventative +postcolonial +susi +bc-as-fea-gen +nyiregyhaza +starcevic +moneyed +payette +moca +crunched +dimas +munroe +maric +markings +clapham +otlk +overworked +courter +discernible +audacious +huebner +khem +xining +masao +provincia +olson +gauging +concentric +collapsed +honest +sarcastically +sleepover +desegregated +audley +reputable +utilizes +fighters +shimmy +piglet +remote-control +notable-azr +eggplant +short-distance +despotism +mehra +streit +e-sports +by-product +braunstein +parcels +piotr +krenz +beall +veronique +biologics +high-performing +kenseth +bistrita +kda +curative +ceredigion +fatwas +waht +kde +kyung +rekindling +konrad +title-holder +demolishing +ashes +mann +carla +demobilization +joystick +downturn +bebe +hsun +ayumi +inches +gilford +donato +astrologers +re-opened +eyal +clematis +tabloids +reformed +rhetorical +runs +instant-messaging +cce +babe +jacket +hopewell +bettor +ondrej +unscathed +0/0/0000 +bordering +offerings +vanke +serb-controlled +circulation +eighth-round +arpey +pyrrhus +dollar +medieval +asterisks +fios +arum +imac +henan +sensitization +dalglish +currier +bloodstained +postal +tuk +itno +gaiety +khalilzad +intercepting +acoustically +adamec +sino-american +wale +beauregard +austell +semi-truck +less +example +pac-0 +scarface +tseh +almeria +b.s. +celebre +ruesselsheim +tae-young +mea +natural +marchers +confederations +ben-ruby +caucasians +contends +out-of-court +phone +macalester +murphey +slugline +effendi +distorts +toaster +redeemable +crowther +eib +recouped +godard +sit +blatant +take-it-or-leave-it +interment +ramsden +haitong +michalak +absent-minded +assembling +garfield +dixon +reingold +center +viet +fru +overdose +analyzer +csc +berets +slivered +edgefield +wahhabi +wars +excluding +icc +markin +vanish +facilities +markman +particular +hanish +ninth-ranked +duos +shyamalan +outplacement +deceptively +narrator +glare +annika +ah-ree-el +klingon +terrorising +raze +mayan +paneled +skied +zabin +watered-down +sills +grafs +praying +kewell +proffitt +lashley +difficulties +palatial +rattlesnake +consultants +militaristic +guangchun +weimin +afghanis +crossroads +cedeno +invariant +wedded +chelan +tulio +maiduguri +markell +wiped +hiaasen +wels +burnished +cleric +sandinista +glassman +astronomic +financed +illustrated +paratrooper +lecturer +bork +delos +underplayed +luci +mortal +zarate +biechele +ac/dc +reconstructive +ah-day-wah +breezing +bylaws +taba +puzzling +gaussian +kirui +boulder +kedah +apax +shellshocked +higher-ranked +lossless +supply-side +retrograde +ivanisevic +blinked +000million +saving +flood-hit +gluck +twenty-sixth +gleneagles +illinois-based +insect +keino +forgone +leka +black-and-white +peppering +kuchma +readership +tadesse +rendon +mapmakers +chanda +tropic +birkenau +taizong +huaxia +kristian +iginla +00.0000 +re-establishing +cain +tunnels +verna +crematorium +anand +voltchkov +denied +cranked +ritz +burg +elst +marthe +dallara-honda +swinging +shu-chen +mus +gas +adumim +human-like +appleseed +cheerleading +infiltrator +cognition +e.coli +sulfur +ep-0e +snaked +seabrook +fajr +kojak +mbc +myanma +premadasa +eliud +trigger +vesa +carinthia +farid +visually +declasse +mousavian +shrek +fences +cellular +dragonflies +iwata +keiser +calendars +wiggins +despues +tidying +moves +roasts +z0 +one-year-old +crutchfield +climate +five-decade +headmasters +d000 +religion-based +combated +reviled +eau +third-division +buildup +o'reilly +rwanda +meting +wiig +ballad +jamiat +extrajudicial +bigley +missa +joop +bobo +utaka +rue +sorted +tenancies +brushes +multiculturalism +unreconstructed +alibaba +ensenada +trevor +rebates +insects +anti-malaria +co-writing +prisms +clamoring +earp +batted +rubbery +gnaeus +sun. +minton +paragon +cnn-ibn +ofi +daya +takeaways +ateneo +quid +topics +save +al-bakr +dedicada +eighty-five +skimping +bambino +collingwood +child-care +overlooking +calvinists +mounir +homeport +kloeden +dur +single-member +felgenhauer +unicredit +carburetors +hooters +rueda +newbery +bohl +combos +stepford +remained +mischa +undeniably +manipulated +patrice +coste +chooses +scholes +nhu +schoeneweis +neiland +sophocles +lions +bekasi +despised +ane +zuzana +pacheco +elliptic +ouija +cancers +immortalised +inf +conseil +year-end +outclassed +zacarias +vietnam +simic +compressive +anti-russian +fistula +resignations +simmers +colonization +gave +tarpley +sift +non-local +house-passed +wav +dehli +re-emerge +brayton +eaters +creeping +scandal-plagued +narayani +fanatically +magnier +matignon +gangwon +archivists +grandmaster +jacking +fixture +flannery +emerging-market +pisces +esters +precipitously +reoriented +brawl +infante +then-new +vangelis +zero-tolerance +licence +vandy +an-000 +helens +stock-option +gaydamak +obligated +winner +efrat +grella +asap +deliverables +entercom +ferrovial +pilkington +knowlton +smothers +sluiter +syne +blares +most-favored-nation +verdon +laughs +rulemaking +bulger +honoring +hatchbacks +oodles +joppy +deleuze +moog +callie +niccolo +starship +gored +zumwinkel +tempe +acharya +macmurray +hsc +christensen +nanos +glen +} +small-town +lebrun +ntsc +moines +ricke +rosemont +monotony +cements +culina +draghi +idg +navistar +sandino +in-season +litigating +scarier +actuality +bartolomeo +scrupulous +origin +perceptions +obeys +gef +kilby +bending +presumedly +confined +nanga +listening +broadview +triptych +trochowski +saddening +beckons +chanting +adrian +idly +approves +malfunctioned +suntory +hizbul +aspartame +disguise +runyon +meerut +lederman +aspirated +jacobite +lonergan +stipulated +slocombe +subcontractors +fitness +people +crosses +hispaniola +sustainably +racine +integrators +perspective +two-lane +circus +euphoria +initiates +well-respected +sledge +filo +signed +qinhuangdao +rosneft +grafton +africans +seepage +nicopolis +roark +lavalas +hidetoshi +convenes +bosch +multnomah +withdrew +melee +three-phase +finchley +wentworth +yelled +reprimanded +pingpu +subsiding +govett +katrin +irrevocable +villainous +gusto +sportsperson +sofitel +levites +sword +py-ee +avesta +aside +summerland +workday +disconnecting +noxious +obafemi +emf +conservators +tabbed +taluk +custody +dibble +boonen +sergeyevich +ones +kolodko +zlin +xichang +sub-zero +transducer +ema +oleh +throttled +christofias +markoff +hanshin +materialized +light +unsurprisingly +copra +beloit +indochinese +cashews +contreras +allude +porch +consonants +rain-affected +romanovs +clarice +thrashing +plains +headwinds +morariu +pro-russian +accommodation +otello +kuh-rel +touristy +lezak +anti-terrorism +octubre +prepped +mres +luciana +dispatched +sinar +realidad +elephants +unlocks +accelerate +kilogram +nebe +anti-competitive +tolerate +veggies +sidibe +moh-hahn +residences +balloting +transplanted +first-year +iz +completion +pound +shavings +creighton +rutherford +sistan +nrm +pml-q +annan +convulsion +utterances +yet-to-be +arabi +brainpower +wallow +mid-summer +artful +aguila +jury +audacity +arteries +pakpahan +beatific +preys +tmp +demands +dynastic +cesar +patroness +monaghan +yoshikatsu +etiology +mjallby +whitten +needlepoint +chiffon +mulhouse +problema +fasts +halfpipe +upholstery +mig +headache +meltz +canada-based +maso +vittorio +trots +stanhope +embarrassingly +shogi +yuletide +gini +comix +rohe +shoemakers +smer +heinrichs +flecks +quantification +bookish +four-decade +cataloguing +disabled +webbed +herbaceous +wael +bundesliga +deviating +shirts +evert +rewriting +agate +kantar +viruses +protozoa +spirited +pillai +vermeil +nurturing +safeguarding +whisper +over-the-hill +refilled +diogo +nyuh +aftershocks +blindside +silas +webby +three-run +papua +ankles +meanders +squeamish +s-type +attributes +pueden +spokesperson +plainly +miscommunications +doobie +cluttered +pankhurst +internally +localizations +emulators +bothered +gertrude +wally +unsurprising +rampaged +rowles +necessary +mantegna +hakkinen +brajesh +gama +bukavu +mouth +u.k\. +convention +raggedy +nutrient-rich +bache +hundt +libertines +boban +bom +alla +season-ticket +waiting +grainy +untaet +dw +frelick +wipe +contact +jurgen +trocadero +jasenovac +misrepresent +sound +greatest +equipped +bronchial +aberrations +rickie +bogar +aai +backcountry +undersides +waverley +kelantan +baalbek +lepage +chea +non-british +index +peseta +crushers +embarrassed +duhul +inshallah +marchuk +telepiu +commonly +hashemite +griffud +low-yield +pyroclastic +amaker +has +havant +extrabudgetary +visualizing +cashing +tired +accusers +ange +infallibility +whys +bsp +lower-class +afoul +tubal +kongers +inefficient +tower +bohls +sambath +muller +tortured +cyp +plat +tamil-majority +balochistan +toned +olonga +heinz +golovin +sheetlets +hoodie +cryptically +bodyguards +lambda +trna +girija +batting +hate-crime +narrative +abn-amro +dismissed +malformation +stich +rmrb +silverstone +x0000 +accented +montt +usg +humankind +huxtable +dirita +jabs +kucera +willson +antigone +karthik +somoza +fca +gelato +balak +trattoria +steffy +blasi +out-patient +sentenced +affordable +poisons +mid-west +fahrenheit +pocket +csb +mcdonnell-douglas +withdrawing +actuary +cavallo +madame +0.0.0 +strongholds +kallstrom +wuerl +brinkley +fusions +vinicius +chandelier +carlsen +felicia +tipton +foday +ogunquit +willingness +majestically +merman +autocrats +sidney +investors +sinned +destruct +baqer +tantrums +agd +al-quds +nights +trombley +chiropractor +presumptive +pacifica +glossary +000-bit +repatriates +egan +cpn-m +garcons +vampiric +dei +off-kilter +hamasaki +exact +aspirin +injury-time +granbury +ostrich +cilla +submerges +u.n.-organized +galton +chamblee +corrosive +dishonored +home-run +interrelationship +gilbride +annoyances +acidic +tutti +small-group +madison +ministers +curran +webcams +simpler +unbowed +nath +khl +loduca +acropolis +barque +arakan +cunego +lapsed +isc +inderfurth +erfurt +dann +critters +blondin +milosevic +launceston +maritime +louis-dreyfus +norteno +maura +ferndale +presenter +debtors +etching +synthetic +academia +yatom +anglogold +asmara +tcc +olaf +anders +concessionary +perimeters +rath +soskovets +sling +numminen +masterson +denominations +primitive +ibiza +squares +large-cap +mocumbi +practicalities +clumsily +dismisses +supremacy +ramp +sorority +strident +saman +army. +crafted +meissner +tugboat +noncompetitive +sorenson +filters +cavagnoud +bottlenose +picus +cookery +embedded +rentokil +stoxx +colder +jt +sub_commission +dozier +decorative +braun +giles +necessitate +boorish +judaica +suitcases +tagesspiegel +kant +thievery +repulsion +favre +ipoh +fiasco +gantlet +government-financed +hock +glantz +junkies +lindwall +groundwork +loess +webb +monogram +qufu +skilling +froehlich +adf +thomasville +hythe +mckibben +reinvested +affirmatively +navigators +virginia +bau +depeche +vga +dresdner +aventis +cosmological +caboose +career +zahovic +dilshan +customizable +jobim +perm +theophilus +quilters +semper +yeh-gohr +cosmo +toshihiko +tattersall +haggled +stewed +licked +miscarriages +buzzard +flextronics +forehands +echevarria +non-partisan +picts +crowning +scriptural +zapotec +shortbread +rule +jrl000 +aisle +barony +d'alema +panoz +junius +posted +glutted +kentish +timaeus +shechem +miserables +shoemaker +mon. +extradition +gregarious +spendthrifts +ripeness +kke +orinda +squyres +suede +def +althorp +irobot +burqas +translated +foster-care +ask +cogent +vice-principal +poltergeist +weidner +businessweek +out-of-towners +bosnians +isolate +latino +vacate +islet +sipadan +spans +pronunciation +yahf +ski-jumping +nelspruit +kelso-column +hajduk +morteza +cumming +alcala +emile +blantyre +fajitas +catalogued +truby +kooch +ostro +resoluteness +ethnic +floater +trebizond +minor-league +dealing +tedy +compartments +tubby +kingpin +onlooker +ecw +undertakes +reticent +podcasting +toyama +crop +preussag +boiler +sukhothai +league-low +cousteau +topix +mclain +morrie +congenital +vancouver-based +desensitized +viejo +seizure +stmurray +faultlessly +galati +p.s +tfb +phosphatase +letourneau +allenby +rust +freighter +pompous +mangano +malcom +phisix +lest +storehouse +sassa +ridicules +petticoat +iz-ah-rahng-goon +menengah +tylenol +repressing +vezina +cointelpro +burdens +abramson +ricoh +risk-management +xide +al-sah-hood +waugh +shakeout +montell +hardwicke +heavily-guarded +squinted +striven +barad +bavaria +thorax +consciously +ostroff +sprays +act +aimed +zakheim +mallards +systematizing +amigos +shifted +datuk +ottawa +tabulations +cuddly +bathhouses +holloman +hoary +kollam +muon +ingenuity +conjures +credo +mzoudi +raya +sluggishness +lymph +styron +ilie +apollo +westlb +mohajir +uh-din +slalom +donncha +memoriam +chloroform +refrigeration +chloe +placeholder +twenty-fourth +irritability +zhongyuan +ovate +invesco +zhengming +dolores +espoo +calle +suttles +niigata +goodspeed +peculiar +can-do +alerting +shtyn +backing +jeromy +elusiveness +shumpert +chiswick +sideshow +dirt +warehousing +cruz +bones +cressey +hakkari +lower-cost +frampton +boehm +mari +glyndebourne +b.c. +sceptre +galanter +opposites +adventist +dereliction +deh +beckford +farrelly +hawthorns +consist +werther +outlasted +tosco +oeste +braids +uther +hat-trick +beaming +herington +correia +keat +interns +drug-induced +sahrawi +ttv +regains +falters +bjoerndalen +exceptional +eye-yuh-lohn +owning +rabbinate +gaudenzi +abdulla +appreciative +eurocorps +processed +colds +twenty-third +morphing +hypothetically +front-drive +warms +grandchild +toted +spanned +feel +bromide +00-0/0 +steptoe +rolls +tsukahara +jenkin +bada +girlfriend +merit +nocera +aqueous +ruy +have +cob +vershbow +denham +minneapolis +00:00.0 +high-grade +ansley +tarkovsky +shuzo +fla.-based +bracts +traditionalists +soon-to-be-released +maldives +fuel-efficient +itu-t +ramli +aiko +seht +mukhabarat +dwain +skimmed +supercomputer +state-to-state +tilley +samashki +newsreels +take-out +el-din +bannon +vote-buying +tranquillity +hard-wired +ploo +bookmark +shadings +rumor +high-water +laneve +petters +pronunciations +atom +prenuptial +flourishing +inevitably +entities +alar +sdpc +venetian +humus +spurts +suffield +linkin +musicians +bruederle +pleased +nonsense +playbook +erasure +messenger +admissible +granddaughters +tweeter +daughter +everbright +anderlecht +skeletor +jayant +meeks +legwaila +streaking +bozos +resonating +kelis +valois +fueling +burton +massive +whitesnake +resonant +bailouts +divergent +single-mindedness +blushing +almada +pcp +clad +reforming +plymouth +kurukshetra +queueing +scion +krewe +mahr-zook +gas-guzzling +blain +industrialisation +marshaling +bouba +stupidity +flashbulbs +two-seat +nky +testing +khalsa +consign +buffaloes +popped +wideouts +perinatal +pre-emptive +estrella +mesoamerica +earners +concertgebouw +0000000000 +abney +deadpool +telescope +andreatta +incubating +salomao +snort +double-play +twinkie +reputed +mooring +rapping +preempted +mah-lahn +omani +grooms +tahrir +squat +cemex +teledyne +boven +townshend +moldavian +paratroop +mis +twitter +bond +absconded +whitaker +sagarmatha +laconia +lough +uterus +economics +lbj +screw-up +hence +double-doubles +burundi +verses +incubated +swale +buzzed +fest +meads +quibbles +gehry +papyri +waived +upperclassmen +demagoguery +clanged +ascent +unmitigated +searing +ahmanson +grote +yangzhou +chico +detested +indigenous +oci +degeneration +holcombe +rosenbluth +disorganised +dimorphism +megahed +one-fifth +gustafson +leopoldo +museveni +man-yi +callers +saunter +0-00-000000-0 +yachting +vancouver +immunisation +mendenhall +deadman +inaction +gizo +parton +kum +uploading +informants +post-communist +tends +holocene +northern-central +kennesaw +guerillas +micheel +whitlock +naja +hand-holding +stronger-than-expected +aylward +villas +misplayed +nan +jf +well-adjusted +replanting +successive +hooves +three-party +vacancy +safin +caesium +banditry +exonerated +joliet +foot-00 +related +candu +oas +pandemic +lenders +radulescu +spiking +schengen +rats +sadek +successor +vondra +gabrieli +invertebrate +darkening +n.q.-not +brevard +heartthrob +bozize +time-travel +arcs +quadratic +plausibly +touch-screen +sjodin +targetting +rolling +co-development +liem +chuang +mba +cautioning +loire +yu +bongiorno +hz +right-arm +-.000 +abstraction +slawomir +mugler +fitzhugh +prayad +madelyn +dialed +trigger-happy +acura +baidu +listened +cbk +taufiq +full-throated +licensed +bazaars +armories +jordanian-born +sisk +mientkiewicz +marchenko +season-best +damming +vis-a-vis +marg +mrt +bresciano +repairmen +extra-base +greipel +consideration +beh-nahn +voronin +reformists +fooled +malmesbury +nabe +attenuation +wee +pacificorp +pura +long-dominant +dunya +zhivkov +orf +weaponized +kopper +helium-0 +laurent +karelian +ripper +mile-per-hour +limon +clear-eyed +amino +clots +prabhakaran +revue +polehinke +israeli-plo +steh-fah-nee +regattas +moheli +emotionally +whiter +bagels +non- +aloft +chiyotaikai +hezekiah +biblically +direct +gee-whiz +smuggles +stratum +molik +clearest +meyer +sudamericana +kabariti +iwamura +hah-keem +competing +lb. +non-food +arcata +improv +shuh +ipe +israeli-palestinian +bubbles +gt +boe +aubert +noticias +built-in +correctness +multiplatinum +fulmer +medallion +huon +flyover +highest +lennie +-00 +unfazed +annus +accomplices +el-badri +minus-0 +esri +cas +enlistees +boo +grayson +writhing +invents +bayreuth +goofball +yakub +hand-to-hand +x0 +jawf +tenements +modernizing +heeled +carreras +hexadecimal +t000 +traore +melnick +jacinto +sarrazin +majoli +fairplay +armor-piercing +jenny +conventions +earring +tomcats +mangini +doherty +nsg +all-big +corrigan +chatman +berserk +bickford +hammon +hardest-hit +surrealist +biffle +niches +unequipped +traversing +loves +indo-pacific +misleadingly +dentition +fielding +galthie +six-inch +hulse +spells +pavlyuchenko +ignatz +schoolbooks +annuls +sendak +semantics +feria +moulay +pervomaiskaya +roughshod +ra-jich +malts +lutnick +secured +lip +boomer +inscribe +gagan +post-sept +cryptic +mutineers +solar +ryzhkov +unconditionally +fox +versions +suncoast +costumes +wrangler +latitude +three-month +reaffirmed +vi-er +disillusionment +armm +glances +korps +shallower +constricted +harish +fringes +varig +persepolis +conditioned +androstenedione +trails +yen-yawng +activator +pittsford +re-edited +motta +star-struck +stiffer +corigliano +reentered +strathairn +theodora +chippendale +maxfield +ninth-place +remanded +tamely +outing +conveyor +projection +fetchingly +simulations +shmuel +co-operative +gradually +mit +razzano +anecdotal +blues +jp +sinkewitz +cleansing +unimaginable +debonair +part +linke +publicised +wallowing +actuators +betraying +semisweet +fort +macro-economic +juste +tangier +foster +intensification +mchenry +yonge +granda +luciano +sisterly +bbwaa +allendale +rajah +eight-foot +rosebery +nunes +megachurch +digress +steaks +indian-born +kelson +die-hard +kuwaitis +government-in-exile +headman +koirala +thankfully +pelfrey +helgesen +morphed +kanell +halleck +grambling +mofaz +d'andrea +doukas +landes +red-shirts +bodine +thought-out +marshland +prudery +anti-gambling +savile +jugovic +appeals +and +martial-arts +izzedine +besides +low-price +gekko +six-member +kuomintang +erroll +fugard +bc-na-pol +ariz. +northampton +brood +preternaturally +yahya +yehoshua +verbal +golfing +humanities +cicinho +sainsbury +ellipse +ether +karnei +covariant +olli +reptiles +lobov +nao +angelika +pond +marc +scrapie +kimber +jib +mitch +google.cn +rung +jostling +spicy +treacherous +theorizes +klezmer +ict +donate +faculties +reopens +stilwell +powergen +otb +battery-powered +zhenjiang +mclennan +ambon +subparagraph +mattingly +watersports +zhengding +blackspots +tebow +suva +operatives +high-power +bleep +unravelling +loser +iona +ripple +zayed +verano +knowingly +trusted +newscasts +one-piece +didactic +tarasyuk +acer +jugglers +extraordinarily +genealogy +caligiuri +lg +lagardere +wilfrid +tanasugarn +inculcation +debased +calves +cols +baroda +educationalists +backhander +flemish +badlands +diomede +petitioner +jacobi +leningrad +sheaths +cold-war +rampling +sandstrom +counter-drug +caracol +promote +lorena +monsoons +osho +pritchard +tellier +abbreviation +resentful +christina +wolfowitz +recognitions +detainee +amira +couplings +asd +government-run +dek +assault +goov +tumbled +cruisers +psalter +packing +explored +barredo +installments +cockatoo +goalmouth +ulan +filigree +iggy +undecorated +imaginations +anschluss +canned +balaban +possessions +boxcar +ambiguously +kanawha +friedland +blockhouse +duty-bound +nihon +coaxes +labelled +drachma +interim +hfs +gotha +kersten +inaugurations +bios +try-kawf +nambiar +mim +valkyrie +atayal +blood-doping +camilo +eroglu +takako +shivering +flatow +six-figure +lutheranism +incredulity +colourful +robertson +assists +guocheng +embattled +dallas-based +kibbutz +uganda +gracious +pyramid +telecomunicacoes +semiretired +provenance +credit-default +life-affirming +kilkenny +bray +raduyev +canarsie +rosey +indoctrination +co-signed +aw +implement +newborn +verde +kom +locusts +dlr +oberstar +epistle +ignace +gmail +centre-right +hydrated +anti-flu +merion +breast +consented +duras +kirsty +larouche +billboard +stieglitz +digicel +spraining +captains +shirin +unwell +simmer +ptc +constrains +tolosa +macular +ragone +commandeering +pboc +parretti +systematize +convoys +schooled +crush +swedan +mohmand +matadors +energy-efficiency +nematode +bethel +hesse +splashed +wraps +caged +pats +uproar +advise +detlef +sika +merrell +feces +grigorovich +olimpia +stoh-yee-koh +incandescent +roslyn +chapuisat +neal +vitro +ellyn +shriveled +stoning +teepen +censorship +twelve-year-old +offa +coking +coincidentally +organizations +canary +judgeship +sistan-baluchestan +labonte +sino-japanese +sandhills +kwasniewski +gynecologists +homestand +richard +self-referential +pasok +hay +tagg +applauding +low-rent +david +primarily +hibbard +interlagos +rangers +discreetly +hoh-zay +prometheus +party +leogane +symbiosis +cistercian +novell +profundity +amish +affable +olivine +biggers +talkies +dataset +ahaz +matthias +defensive-minded +old-timers +carolus +gothenburg +haphazardly +rah-mahl +tras +massey +ellen +madan +coro +outed +township +oxbow +zeinab +rasool +diphosphate +enraptured +diminished +disheartening +reigate +hearn +hib +streamlines +episcopalians +schedule +khmer +nui +intermingling +french-speakers +panchen +mri +khamtay +enticed +recruit +geron +tharanga +nah-beel +hindustani +mumbai-based +phu +rafer +ayckbourn +tompkins +cadastral +functioned +herman +westhoff +callously +tyrant +bolero +martens +yazidis +metabolism +tamura +bluegill +al-hassani +tuscaloosa +widely +tacks +kippur +t-pain +kah-len +heckmann +shlomo +morrisville +tecumseh +dulles +gynaecology +siempre +dina +plo-ruled +noirs +cullman +hassled +licenced +dilemma +jaen +narrowness +boyfriends +kfar +calicut +bandage +nabarro +nape +victory +warnapura +plaintively +ce +hormonal +polychlorinated +wiesner +circuitous +antipas +lsd +rosenfeld +merial +howells +fok +oxnard +chumash +palin +entree +nsf +curtiss +dripping +xu +deeds +yoshiaki +trainers +hoggard +untreatable +arup +melnikov +xstrata +grocers +lifestyle +gitmo +land-use +fanatic +stellar +capo +waist +djindjic +isner +atpase +fervently +at +hackl +first-rate +telus +low-carbohydrate +ndereba +domitien +monge +w.w. +ministered +rutskoi +sweats +uninfected +fittipaldi +load-bearing +ferman +fgn +bayi +faring +qt +paperboard +raped +gotti +implantable ++000 +parrotfish +mixed +filtered +altay +neo +ashleigh +headbands +samit +complacency +innes +inundation +podsednik +designed +ideologically +fpc +abdel +packs +kaffir +projectiles +cours +ruutel +duster +rostislav +musicology +jol +french-brokered +bistro +conservative-dominated +clogging +cardenal +andrade +fine-grained +feuding +diagnosis +acoustics +baathist +tanneries +multibillion-dollar +choral +nau +haunting +stinging +three-foot +enchanting +haliburton +jahn +ell +mohammed +haouari +denser +seizing +vise +substitution +utah +faht +wurz +klagenfurt +eln +charpentier +snuffing +blue +xterra +nmod:to +thaugsuban +torquay +yakovlev +registers +royalists +epidemic +timeline +csce +bc-eu-gen +hoot +month +dementieva +jock +preached +hikmet +upstairs +ur-bay +epidemiological +copes +lost +listeria +flipkens +kaavya +always +gunness +savagery +o.b.e. +non-mainstream +magadha +parkes +ingested +frisians +chelyabinsk +reveled +sahs +donohue +underlined +gracefully +lowlands +nonzero +t.k. +e.f. +softest +criss-crossing +paradorn +formation +norwich +backpedaled +numbing +less-expensive +spaced +raaphorst +kovac +romario +sampoerna +difference +breakthrough +shuh-kow +branstad +caters +lafave +earthworms +scourge +massimo +eu-0 +spiritus +respiration +hedberg +hanoun +autobots +tapie +clapton +herbivores +all-rounders +sofala +etheridge +gabled +forgeard +maids +sipah +ori +gram +cixi +luisa +quintana +chirps +pounding +backline +four-nation +j.p +elizabethtown +kovalyov +bagel +eternals +kull +a.r. +showcased +mac +halting +spokespeople +sleuthing +over-reaction +christy +pattison +territory +mertinak +open-pit +dena +sausalito +on-field +cushman +five-term +allocate +dezhou +gspc +belkhadem +forsyth +dividers +adolphus +plaudits +haslett +purse +medicis +proofing +rothstein +scaled +welk +wil +vogel +al-rasheed +expelled +costanzo +icsc +electrolux +spoons +wendy +bucked +bomba +inch-wide +highbury +reckon +societies +seatbelts +paediatric +stettin +carillon +ancient +freaking +werke +maggio +gurung +gats +eubanks +amour +eckert +subscribes +manoeuvring +sorrentino +pick-ups +pout +franken +diverts +plumbers +dolomites +congregations +cutouts +off-putting +repealing +items +preventer +cramped +consoling +tempering +suicide +controllers +decathlon +goodfellas +irish-born +santacruz +phoebe +seven-year +tlaxcala +julius +lubos +decontrol +saracen +harboured +unorthodox +longest-running +chews +equates +last-placed +yonhap +downtown +colorado-based +adama +semi-retirement +barcelona-based +gorbachev +rosemarie +munching +worded +refinements +maxwell +cali +unpf +tellabs +stricker +enyeama +polynomials +bc-iraq +corporation +bainbridge +herault +russian-chinese +paean +rebuilding +tew +telemedia +busses +compuserve +lifeguard +m.d. +ohno +millennial +manningham +misidentified +pantry +kroq +knapp +sanchez +cato +wiranto +retold +smells +astray +complexions +weser +seleznev +ghulam +floodplains +forays +sadistic +kau +kovalenko +murali +tongue +tule +palmetto +aberrant +pohl-hing +formalism +macdougal +batts +tyan-jin +shiu-kit +assets +pakula +weicheng +shrub +nocs +prosser +medway +codifying +conning +saia +qaddafi +privacy +kidnaps +shinseki +elia +cop/mop +affections +saracens +dimethyl +order +templar +siddhartha +skeeter +reminisce +midshipman +shatila +tomatoes +ordained +insee +parkers +craze +embryo +mobile-phone +flange +bowie +jeweled +aix +lazutkin +spandau +behold +pittsburgh-based +harry +---- +reservation +molecularly +suites +citadel +left-winger +yaya +appendix +eggert +primark +hairston +worse-than-expected +difrancesco +padding +bloomingdale +iconoclast +prospectors +0000-0 +muammer +inverted +three-tiered +worryingly +hermanson +tejas +lifter +diode +fonseka +vasco +melodramas +saipan +tirana +unchained +goodnight +orchidaceae +deserted +forgives +moravia +shootouts +overheads +causalities +flaking +luckier +tailor-made +s.k. +prismatic +makarova +alston +kagwe +afcd +undoing +officialdom +featherstone +overwritten +civic +brownfield +retail +barchfield +ameren +ueno +milanovic +ultra-low +high-voltage +fruitcake +discontinuous +coddled +nationalizations +outfitter +garbin +goro +jianhong +photojournalism +synthesize +gastropods +p +constantinos +ves +constricting +endowed +misspent +rehearse +mistrust +jpc +horizons +moxico +jolie +whichever +icu +tupou +sekulow +exterminate +snakebite +binoculars +horne +kajal +stanozolol +under-secretary-general +muting +yoon +monte +speer +pug +rohsh +ileana +vastra +miandad +candide +tin-roofed +breathes +trintignant +ouagadougou +reserved +hin-dee +kozhikode +deprivations +war-wracked +out-and-out +gx +retorts +dosing +get-well +cinematographers +hornung +remunerated +dissertation +merkle +temples +steven +~ +pennine +jerseys +almaden +hennigan +textbooks +engelberg +berardino +symington +shakur +fahmi +xxxiv +woolworth +fixed-income +relaxant +lexical +floor-to-ceiling +multi-screen +triggered +harbingers +dunk +below-normal +qdii +commitments +scatter +aramony +tactics +camping +gsm +nerve-wracking +digg +rah-oof +thion +religiously +creationists +re-built +caves +darman +trumps +worth-based +upazila +looker +vicario +exotic +panics +diametrically +claudia +kinsley +uf +leyton +jacqui +qvc +lemieux +third-down +bengal +devotes +sauter +faw +unrealized +kalisz +00k +lins +centralism +antagonisms +end-stage +blends +photo-update-nyt +nso +fabricio +tah-kah-foo-mee +relativism +wenlong +moh-hahm +neglected +ferruzzi +jets +ab +surayud +estrogen +horror +apparition +greenhorns +wire-to-wire +irises +hunter-reay +seven-man +cassia +excellent +c-000j +limb +mastectomies +bonne +augured +dengeki +mm +fangataufa +contested +globalization +rationalize +benefit +suds +tenchi +nesterenko +inoffensive +militarization +marinus +cooperstown +payoff +aggravates +unamid +cuche +ogle +uniforms +harmonisation +sable +0rd-quarter +dethroned +geragos +canceled +glorified +mutombo +sketches +reinterpret +obsessive-compulsive +encodes +underworld +melvin +dashiell +soaring +linghu +martinez +hsv +manzanita +operates +anti-indian +eggleton +excrete +subsidize +all-volunteer +granular +prologue +gulf +naylor +symbolist +boeing-000 +white-minority +drew +entrepreneur +tynecastle +timur +externalities +toms +non-durable +subotica +leavers +basked +mixed-up +hard-hitting +southwest +hessen +stanfield +fleece +abkhazians +zhuhai +lahad +puh-lah +khazar +drugstores +reading +forms +smother +tressel +cromartie +infringe +escudo +allow +alienating +porque +coal-mining +deactivate +sakya +ukiah +tajiks +ncaa +satara +liggett +debian +staffs +curbside +yesha +hammam +calisthenics +legislators +dumitru +rosenblum +incarnated +burroughs +signee +souring +staggered +audiences +zambia +kohs +luken +dyke +clay-outdoor +doles +monza +bextra +moosa +crate +bobby +bangko +resettled +lijun +rapids +long-ago +dismantled +fazlur +fermentation +sidon +winterkorn +dubin +tenderly +stakic +gallaga +nanshan +scranton +quebecois +conifer +worshipping +gondolas +ilijas +ramparts +overplayed +hsbc +bst +underarm +pro-unification +pro-whaling +imp +formality +mccarver +yildirim +corso +eyeful +bureaus +primer +navarre +traviata +fit +glastonbury +cuper +lectionary +seven-nation +wilcox +,000 +loud +reminds +malvern +medigap +shiite-sunni +dg +valdivieso +katsav +portishead +streetlights +one-game +zhen +zhukov +lasky +lefties +afflicted +copying +mexes +babbling +habibi +smes +pulsate +wrister +youzhny +ballot +roll +takahashi +ige +steadied +mih-lah +companywide +e.w\. +protesters +kabardino-balkaria +ti +figure-skating +brazzaville +competitively +starlet +jiarui +taher +uncountable +brown +inveterate +virtual-reality +servers +nacht +regurgitation +cleaning +trillo +refugio +fallujah +investing +flamboyance +xxxx +posh +wizard +jarni +elbe +cliffs +despaired +rayong +painlessly +sellouts +vedran +illusion +papoulias +khaleej +moe +metabolized +teodor +encrypting +furth +lauding +sukkur +cms +polygons +calkins +safeguards +half-court +beside +agni +serving +asia-pacific +satan +daes +residues +freda +glasnost +fermenting +refiners +cross-industry +bottler +chl +low-key +buller +crosbie +taxon +substantiated +anyone +malpractice +dsd +detected +aes +depends +allawi +framework +longterm +wetten +dishonesty +shahl +flamenco +padlocked +liposuction +shotmaking +serbians +siberia +incidence +howie +dla +repeats +srp +0.0-00 +homebuilder +vengeance +inauguration +rayleigh +kept +yamaichi +congratulatory +dictum +shays +ha-noon +moretti +excites +sto +eni +effigy +microelectronics +lasaf +raef +afterthought +w/photos +calibration +dweller +partys +hodder +licensing +mid-way +boltzmann +continuum +outrun +davor +konishiki +patted +skippy +mctiernan +bart +family-run +adductor +eames +daunting +capitales +libyan +marrero +yiwu +byte +menken +dunstable +panacea +buyukanit +trick +jackpot +auschwitz +commandoes +pondicherry +indomitable +karat +republish +ivanovic +scores +inverness +tunes +ica +turnstiles +ultranationalists +intermediation +psychedelia +brooksville +gs +yokozuna +complexity +andras +politicized +gies +handlers +chalmette +oregon +seek +shrapnel +industrially +midway +squared +bdr +krieger +mexicana +haus +harrah +baffles +schematic +in +pure +winters +masochistic +archdiocesan +peart +birds +pih-kahr +mohammadi +spiralled +walken +extra-judicial +nzl +tomic +trans-canada +kovacic +anhui +jamila +fanfare +beaten-down +highest-rated +karenna +u.s.s.r. +maliki +disembarked +ischinger +merapi +cpr +indivisible +pan-malaysian +bloodlust +goeran +ionesco +cav +disaster-hit +uncomfortably +abdul-rahman +imitator +ranges +ilford +conjugated +pay-per-view +defra +fucked +premiered +bixente +soh-kohl +vacaville +schenk +harrassment +capitulating +insolvent +zurbriggen +demanding +talaat +distracted +mailman +lenin +lustiger +fidler +mollusk +utama +exert +wild-eyed +martial +tatjana +lobstermen +expend +luxuriously +upperparts +kosevo +pecc +vermillion +fadil +parliaments +condominium +gram-negative +moving +pankratov +bermudez +substance-abuse +cibulkova +trailing +foxy +parliamentarian +hargeisa +caijing +nebulous +liaquat +dangerous +inge +linfield +seale +razorback +aguero +reaffirming +neda +hazelnuts +iditarod +coahuila +filmmaking +frenzied +playoff +cbe +fluctuating +pardons +casert +unsophisticated +buckets +backtracked +mediterranee +cognitive +gary +lightning +moritz +alon +live-in +troncon +sqn +shmahn +oxen +glam +philly +unsolicited +re-issue +projective +girondins +ramapo +confessed +crc +liberties +distillate +al-shah-eer +headaches +long-form +anti-semitism +unswerving +saws +roost +jaipur +eh-cheh-gah-ray +drumbeat +chatting +neftegorsk +nyt00 +twa +finishers +grandiose +jianxing +taiwan-funded +honeysuckle +endoscopy +pseudoscience +rebuking +assimilated +directed +reformation +fso +top-four +lankford +motif +washout +seceding +aimal +infectious +famicom +devos +doohan +inspects +shake +toeloop +atlantic +sub-machine +mahler +novorossiisk +exercises +sobbing +www.star-telegram.com +misiones +co-author +muzaffarabad +rockfish +bagri +waring +thats +obeidi +in-form +indra +a_00 +habana +klamath +richness +udaipur +antilock +wuh-hah +motorola +sanskrit +particulary +translucent +keath +infringement +botts +watch +objectively +right-to-die +pipelines +landsbanki +catanzaro +a-day +preserver +sochacki +intrusion +gallen +people-smuggling +non-consensual +ricki +osmanthus +maren +receipt +approval +liberalize +orations +antimatter +chipboard +croft +callaghan +globalsecurity.org +kushnick +bocanegra +luh-fayv +haired +catholics +drinker +stomp +emplacements +tc-cb +fbr +non-technical +forest +mending +sheep +episcopate +judicature +drifters +millan +toler +pop-ups +tailspin +jakaya +homeway +evolutions +ayaan +now-infamous +0o +gingerbread +0stld-writethru +scope +puja +swingin +optically +glenview +predominates +bahn +ness +hinske +daryl +heirloom +ahsan +rehaief +freeway +krayzelburg +seashells +bonehead +depressingly +bails +mclelland +moller +spt +robberies +penelas +deluding +coroner +oneworld +kittery +sekiwake +seongnam +louvre +pelvic +land-mine +censuring +wearying +exhale +lapaglia +ruston +alumina +erratic +kampung +yilin +insidious +jmc +sandomierz +leuenberger +britons +raghunath +self-governing +farish +suggested +urination +spall +onset +invisibility +neva +stralsund +crippled +centimetres +industri +inversely +run-down +korbel +octogenarians +waldman +banzer +ibises +ecotourism +beheading +raiders +adrenaline +dragoon +havlat +mare +valencian +benicio +avars +voir +desegregation +syringes +typhoons +hongqi +pinning +comparability +belson +bursa +decentralised +talked-about +finnan +avianca +frees +stitches +sicilies +guggenheim +nauchnyj +placentia +prepubescent +chosen +kramer +medan +kahsr +halperin +gerstein +brockway +knudson +commendations +insolent +newham +mifepristone +dec. +visceral +00_00 +iglesias +esa +tae +genetically +capacities +midwife +second-line +insuring +lithe +radoslaw +azevedo +commit +kungliao +controversial +bioterrorist +adders +almodovar +unfairness +swiss-swedish +louis-philippe +dependant +momo +more-or-less +venerated +coulibaly +decried +planche +stockhausen +tues. +grosses +nahl +epsilon +entitlement +skaters +improving +misinterpreted +standpoint +phillies +groaned +ministerial +smarts +lutfi +restricts +ma'am +wistfully +whittington +wickham +unitar +fairview +magellanic +trotters +watchable +cores +sih-lev +mud-brick +dresses +floundering +tweeted +buono +performs +personalization +mekki +throwing +graver +euros +traveler +mboweni +boors +bodhi +balmoral +horseback +domaine +mineworkers +wali +shuddering +light-water +meulaboh +helge +torpor +fairways +lentz +quackenbush +semi-desert +garagiola +co-chief +purplish +valujet +dagmar +abimael +waistband +stimulating +blush +minster +ci +silwan +soundwave +equal-opportunity +seminole +fits +waistlines +hoof +omdurman +ramí +caesarea +anomalies +sustains +summing +indemnities +akis +nippon +jakup +man-made +siding +rabbits +halima +golubev +tangerang +mdg +offaly +swabia +malignant +tweak +alberta +goal-line +horsham +balthazar +reminiscing +plasticity +destefano +restructures +havlicek +vedrine +chiba +impreza +krishnamurthy +cost-cutting +choices +convert +aborigines +c0000 +vinet +latkes +wisconsin-based +call-ups +malivai +lynagh +r0 +.. +ulithi +cookson +noranda +heisman +buckeye +anthemic +center-right +ocho +gehrels +newdow +boris +rashid +implications +articulos +tokayev +iic +freaks +badoer +troussier +semifinals +expulsions +urn +hoards +exley +palash +suguri +bourbon +nong +modifiers +tarnoff +legalizing +larded +sassou-nguesso +homing +brechtian +edberg +antonio +goo-tee-ayr +eighteen +tripods +something +daemon +tiredness +desperation +muniz +abaya +kr +neosho +whole-day +eel +heysel +forbidden +volunteer +gauchos +repurchasing +faulkner +chola +legit +gd +hemorrhage +webpage +paramedic +fatah +b.a. +transpose +whorls +eco-friendly +orchards +bearish +stand-in +freaky +mohamoud +bestial +joanna +mong-joon +jackal +yvelines +subtitled +okays +usb +returning +v-e +prefecture +bootlegged +msl +gurkhas +empowerment +scepter +resourceful +demanded +gilroy +cwc +migs +meunier +swartz +yongjiang +falloff +knvb +gool-boo-deen +peculiarities +unlicensed +jordan +requested +jinks +finale +revoke +http://www.nasdaq.com +bodega +cut-price +minimalism +stubblefield +nigerian-born +suvs +wimpey +resorted +bud +tickling +raad +jinjun +non-members +cheri +state-funded +brownlow +placing +phs +snap +pillows +rasul +pesquera +fatigued +structuring +homecourt +husband +big-money +dole +mounts +darom +ctp +chatrier +kazuyoshi +digesting +mini-album +sargodha +pacquiao +slavkov +ovw +cdr +anarchy +starledger.com\. +redrawn +bombast +frankness +thor +mulroney +rhj +menashe +misc +oric +setters +non-compliance +esperance +sund +prissy +tanak +lamech +artisan +inks +kemp +sulphur +mellencamp +fights +mayland +koizumi +renumbering +elitserien +ineffectual +brah-dohr +yaacov +radoslav +spam +strings +medulla +ao +self-portraits +remo +gazed +stratification +lotteries +coalescing +victims +nugget +generically +mahn +boob +sluggers +braswell +rejections +hernando +bemis +fetzer +almighty +sakhalin-0 +pendleton +atambayev +greifeld +semi-arid +labours +aksel +jetta +emergency-room +off-peak +woodpeckers +turncoats +brucellosis +self-employed +manny +aguiar +manifesting +monkfish +sotheby +bodysuits +city-wide +leahy +½ +serfin +ker +sacchi +formulas +campion +szczerbiak +dehydrated +installations +liters +mel +unjustifiably +sebold +scherrer +hilbert +fast-growing +trivialized +mapuche +warne +lease +aic +janjalani +cutie +france-info +hailed +northwesterly +error +nee-zhehr +pudong +elin +xd +scrambling +txu +mid-tempo +nautilus +severino +perilously +ent +casually +kalan +definite +hungry +pedersen +kasuri +cid +vinciguerra +buda +leftover +rebelling +casagrande +leitmotif +compartment +mwai +multi-colored +albertson +deforestation +ballclub +pranab +courted +peccadilloes +dalek +hoarding +issued +third-rate +flood-ravaged +khankala +smackdown +teeing +grundy +lump +vara +charg +erodes +retrofitting +eur +relationships +vavuniya +moldovans +feedings +hirohito +watts +babb +mischka +then-gov +sergei +pastiche +savannas +tsinghua +nflpa +b-share +spires +actions +fire-fighters +malthus +winter +carothers +aykroyd +deckers +swamps +oo +romp +fanzines +lenox +rosenker +rodwell +jet-black +non-italian +renomination +hsien +qataris +kristensen +sosnik +stymied +plunge +alloys +masquerading +hanks +price-gouging +shedding +tms +grinham +imprisons +segro +luttrell +bubblegum +instrumentation +docudrama +pesetas +kurdish-held +skopje +samuelson +aminu +pepperidge +i +curtright +d-s.c. +hsin-liang +cosy +rawabdeh +privy +gilmartin +horse-racing +fazul +nautical +singled +os/0 +california +orleanians +coughing +bc-la-gen +tice +straight-forward +meticulous +nobly +faroe +ponting +teradyne +manned +puddings +goldsmiths +fuel-cell +marikina +schmaltz +bem +attics +proscribed +woolsey +acetate +fui +printmaker +noor +avendano +cussing +briefer +embezzler +tapped +arapaho +dree +kin +shahroudi +ledbetter +asymmetric +commonsense +matos +baulked +yellows +censoring +devices +selden +stojanovic +vain +weighs +saudi-owned +large-caliber +desjardins +suspect +frame +clifford +postdoctoral +miklos +exonerating +scene +pringles +perfecta +unrestrained +libero +outstrip +checkoff +hkcee +teh-ruh-kah +aebischer +eldridge +acclimated +hyperspace +jonze +chugging +leveraging +earthen +jun/00/00 +rabinowitz +wincing +evoked +superconductor +conjuring +nakatani +tiring +victors +junks +escada +nido +roundtable +washoe +jounieh +souffle +telegraph +convalescing +whitmer +ath +caras +dammam +moldavia +dostum +hippolytus +whomever +mannesmann +al-bolani +licensees +elway +nightcap +open-minded +uninspiring +deh-stef +attwood +herta +pioneering +wknd +assessment +piatt +mistakenly +tracie +scalded +kiosk +bas-relief +rusedski +cuba +carloads +oh-bay +fire-breathing +recommends +q0 +lief +egyptologists +usga +complying +musicologist +ninth-largest +kaka +geist +pst +calin +insight +sfr +moinuddin +bumper +charente-maritime +moderate-income +rabbis +hinds +bonaventure +curing +croat-controlled +wager +muslim-dominated +roba +clawing +giuliana +enbrel +danube +deaconess +mef +allegro +tapings +fitting +six-year +pinochet +atrophied +miler +defamatory +stomachs +quests +sacrilege +pro-independence +renu +one-dayer +0.e0 +jacksonian +thuhd +oper +sudirman +fete +lovingly +addicks +copycat +disclaimer +self-styled +wangfujing +aubin +griped +dida +flickered +doted +{ +voz +reacquainted +dells +informational +mahanama +lettering +cmdty +iovine +shipments +aud +sherbrooke +thal +lysacek +developing +guinea-bissau +nutrients +defraud +technology-driven +free-kicks +crunchy +00.0 +oddo +flashes +apc +jacopo +lyon +zvereva +ftorek +trash-talking +bold +precession +craven +britton +undermines +customized +hochschule +sacrilegious +snail +supercomputers +seabees +re-employment +capitalizing +forney +borden +whizzing +abou +best +rearguard +atef +oh-klahk +ahram +taggart +shielding +canal +seafarer +jernigan +maitre +tsarist +barnacles +aad +coughs +leopard +warranties +collisions +uh-roy +detroit-bound +machine-readable +drunk-driving +mashal +whorehouse +unstable +blackfoot +lurkers +similarly +jail +strother +mockingbird +country-western +snooty +kinakh +khiem +non-interventionist +cca +sidearm +rules +krajisnik +prince +uneasy +abner +seven-night +tinsley +breeder +narcissus +hahb +non-committal +all-stock +vratislav +shivers +zeev +number +hec +tcf +kvaerner +offset +hurricane-force +radiohead +iptv +ds +ah-roo-tyoo-nyahn +short-covering +first-timers +land-locked +mujahadeen +roused +autissier +julianne +kyokushuzan +loosehead +fukudome +grigory +independence-minded +unremarkable +globally +bootle +edmonson +alentejo +sported +cliques +hittite +shakedown +objects +exhortations +tom +vomit +geir +radmanovic +gondar +bouyeri +mordonez +hah-meed +ael +years-long +otl +tengo +heatwave +minmetals +pragmatism +eurosceptics +zogby +behn-yah-meen +mellen +cotta +littlewood +alderney +patasse +first-and-goal +0000- +nagykanizsa +wi +alvin +roundabout +ribbed +feh-rooz +launching +bif +pageexpress +wal-mart +hmong +roast +crackled +liberia +periodico +beate +first-name +jerk +boudewijn +bristling +fredi +mauritania +scott +lope +metallurgy +paigc +forcibly +shutters +dockers +kinnevik +match +dem +wachs +zhahn +white-water +lots +america +wyandotte +lavagna +bakri +homogeneous +secular +thirty-second +abi +outputs +wong +low +appraises +guoan +carpenter +considerate +venecia +iucn +eea +scientists +bradway +shiu +cipriano +hatchet +motorway +evinced +ilidza +minders +mastery +yoakam +neuroscientists +one-third +raise +chilton +line-item +quota +videoconferencing +kalou +mitzi +flexing +dressler +pretext +razzouk +slides +heaving +glove +vanya +p-0 +tigana +stephan +leo +punctuating +skin +agreed +vitality +clocking +pro-environment +tve +kasese +fulcrum +lilley +atlanta-fulton +edge +restructured +hittites +searchlight +sitcom +telekinetic +blacker +slavishly +zoellick +girozentrale +ekran +mutually +e.j. +brimstone +testily +kolb +yuval +blythe +realign +commentating +helping +sedimentary +dietary +subscribing +contentment +jehovah +wine-growing +wed-sun +vigilance +cana +botswanan +spontaneously +thaddeus +ridiculous +laguna +edgerrin +elective +r.k. +kah-wah-goo-chee +sidor +henares +help +co-chairmen +womb +trt +bundesrat +sunning +hrw +two-match +ashfaq +interest-sensitive +tenzing +cholas +davydov +hutomo +kissers +remake +sks +floaters +janitor +bivalves +societa +kilduff +icehouse +martyrs +condemnation +tolerated +dinghies +thins +hitter +physiology +biannual +wic +inpex +profitably +majorities +cominco +unsuspecting +addresses +lma +decode +r-utah +jeopardy +tomiichi +omission +virtual +tuna +enfield +afirma +deaver +monopolistic +s.r +preludes +medicines +sklar +affiliations +warlock +picturesque +reallocated +left-center +stoyanov +rout +buckwheat +whiteside +reposition +folds +genet +gerais +boettcher +eclipse +knaus +docklands +riise +fishbowl +sparklers +mao +liebman +re-creates +stenciled +french-led +salted +associate +ouest +giddily +netizen +sitiveni +bourget +dade +pashtuns +detectable +bremer +pragmatic +angelopoulos +ponders +sinus +ptolemais +kasagic +christiansen +propositional +nuncio +predacons +hah-zeem +plc +uppsala +reimposed +restricted +mods +magdeburg +stonecutters +sembilan +seol +up-close +lindberg +d'amico +dunkin' +fare +shareware +merged +one-star +steerage +davala +waif +proceed +ruffin +verifiers +lbw +zebari +aoyama +avionics +ppi +impotence +dirichlet +fulbright +bulb +starks +brant +foisted +alix +suckow +yoo-muh-tihl +akayesu +minesweeping +intitiative +around +sucha +christo +trespasses +plaid +throat +macey +prc +precariously +quake-ravaged +fundamentalist +melanin +technological +cement +shipped +faustino +anti-virus +tw +computer-animated +coinage +rowers +lord +integrated +willems +keane +maria +civil-rights +mushrooms +logar +marja +electron +communally +lapd +pharmacologist +annum +tattoos +southernmost +mould +trifecta +moose +nutley +sitcoms +frode +treadwell +kimpton +adapt +mowat +idiom +bewilderment +low-powered +breezed +alarmingly +lassana +wind-whipped +nima +celestin +naoto +undercount +atavistic +convictions +cohanim +wealthiest +entranced +gremlins +peremptory +bed-and-breakfast +grassy +angeles-based +literature +chungli +honorarium +statistic +doong +guardian +gulotta +biomechanics +kiri +chic +nazis +kralove +providence +nikopolidis +ventas +fianna +six-pack +tiene +brahe +haas +amateurish +natanz +zyprexa +chao-shiuan +successful +nettles +exposed +joneses +borloo +cloistered +al-baz +carpathian +entrenchment +freekick +monitors +weiner +novi +uh-gohs +chih +minkowski +hookup +wardle +amalia +installer +followup +sales-tax +seeding +bartoszewski +half-mile +mailbag +joann +thurber +breezes +sha-lohm +guitarist +lithonia +hainaut +misbah-ul-haq +controversies +wenjun +phosphates +bamford +retested +rambles +lofty +dalmatia +depositions +waigel +authoritatively +pasto +break-ins +chores +schemer +ftas +proportionate +perpetuity +mj +jessica +coolly +resend +josie +tagged +mohn +torches +achim +florez +far-off +bandmates +epg +priestess +stolen +transmogrified +peppered +s000 +asta +well-off +severing +hartlepool +griffey +nah-keeb +surakiart +westfield +durbin +enron-related +tibor +fasteners +flamingo +trainspotting +leghari +deli +mizuho +princes +hdi +four-decade-old +wright-phillips +wiegand +servicemembers +robotic +blackest +demagogue +ventriloquist +jaunts +garda +ballesteros +unrolled +rza +hyssop +errani +war-torn +bensonhurst +carved +retiring +transformational +housework +poorer +reissue +reeks +two-hit +laws +fled +tucuman +art +teachable +binks +jarome +waikato +skits +om +voo +cancellations +troubleshooting +doon +tri-nation +reselling +mirwaiz +dzeko +fusen +kirilenko +unknowns +doled +flourish +jonas +olde +empty-netter +depicting +boons +rearm +agnieszka +gratuitously +admonishment +demobilize +sino-thai +aua +dome-shaped +stacie +jamaat-e-islami +cagliari +lessons +guidi +ucpn-m +poached +matthau +genscher +unsalted +exultation +hsiu +sahn +meneses +nrdc +wausau +meter-long +magna +fairhaven +marmion +meddled +hipsters +sula +bereuter +sheen +overlying +henie +ever-larger +treaty +dental +high-octane +misdirection +aggressor +two-inch +dunkeld +nagy +soothed +deserving +trs +oman +latching +recommendation +maru +pozzi +decentralize +budgeted +two-room +ratchet +basle +indian-controlled +fountainhead +urbane +sweetest +anatolian +kirghizia +bushels +diffuser +stekelenburg +elio +bemet +marleen +colman +u.s.-flagged +sixthly +dame +disbursed +artist-in-residence +dilma +transplantation +reunite +merciful +tooth +ide +chimps +eastlake +publication +koskinen +arcana +winkeljohn +chuan +megastore +huanggang +arteta +syrups +hawkins +uygur +hah-sahn +coexist +junia +mahony +correlates +exabyte +councilmen +dewatering +hydraulically +barcode +credit-card +autofocus +soto +incomplete +jacor +pragyan +megat +swahili +altavista +phase +loman +img +challenges +refutes +termination +aerials +al-watan +sinners +holds +cashiered +mass-production +cross-contamination +siphon +doyle +layne +shorenstein +graffiti +investec +maggert +vah-vrih-noh-vich +gsk +freeport +cobbs +zin +carver +fumes +new-home +duchess +solitary +fruit +boxes +equivocation +jean-philippe +circadian +uso +activex +buenaventura +sikorski +ih-kaht +belle +lockdown +bagabandy +ur-tee +lateral +expeditionary +d.00 +cudicini +ramses +touro +decay +plummet +josep +minded +dinh +reza +kayseri +youths +p. +000.00-000 +smythe +tiebreakers +----------------- +non-violent +siddle +n00 +wisp +manchu +kebabs +exhaustively +koalas +journeymen +bun +nadeem +kazmierczak +amphibians +socioeconomic +omelet +alarming +routledge +parakeets +phenom +kirstein +unfaithful +kumi +oussama +manila +viduka +contemplate +tahoe +lavishly +dismissing +traditionalist +skirmish +rincon +chawla +vary +brazoria +ossetia +wittgenstein +butt-head +kind-hearted +jabar +cichlidae +shinto +schleicher +goor +footlights +workforces +congratulation +six-nation +substituted +pension +par +hitchhiking +taisei +ninth +founding +cicada +blaney +andersonville +audiophiles +short-sleeve +iosif +occupy +araki +persuades +vickery +racecourse +ports +grilled +dniester +ladders +artemio +andy +results +filiberto +morauta +vijayanagar +homestead +update0 +chitin +sustained +nemo +gillibrand +bellow +ghori +hilemon +fireproofing +cechmanek +lopez-alegria +im +brushed +div +piao +madagascar +perla +fta +unfamiliarity +flywheel +arnon +brassy +point-of-view +gruffudd +aws +play-by-play +yuh-hee +fast-forward +wreath-laying +fanned +aranesp +segmented +catalogs +aretha +bovine +contingencies +outspent +darting +sanctioning +rivkin +indications +deadbeats +somber +conjugal +sibneft +resorts +bergerac +kot +politiken +spacesuits +exporting +september +pat-down +nankai +sibiu +cruickshank +respectably +burk +tirol +altima +juha +jyoti +hobart +banh +linux-based +imanol +zalmai +homeland +understates +hollande +misreading +poste +non-emergency +querrey +oakland +maillot +spokespersons +jerez +first-stage +rigobert +araneta +unerring +x-box +specs +questioning +oc +tillekeratne +sussman +rotisserie +eyjafjallajokull +guinier +falsity +whistle-blower +transcendent +subpar +carollo +caterer +criswell +zaireans +zongo +pressler +unkempt +dervish +tiberias +cch +baan +appraiser +tribalism +stout +du +unam +heping +accentuating +olajuwon +masashi +giuliani +mimosa +communicative +bonney +knot +amboy +six-year-old +bafin +davao +writedown +fuld +btk +tanis +trippy +supra +bmw +natiq +lh +imogen +ultimos +starbuck +reclassification +bentley +beauties +bollard +membrane +grihn +casesa +snubbed +systematics +ria +soltanieh +hirsch +dye +declare +nbd +wiggles +pangasinan +modin +illnesses +brito +snatches +fricative +nontoxic +songstress +adjoined +akin +graphs +e.on +regionalism +kaleidoscope +cribbs +namely +pain-free +girded +continents +chicken +vc +maplewood +magloire +sukur +j-league +willful +petitioners +swingman +vellore +gartner +debater +ppc +iraqs +carpetbaggers +hlinka +internet-connected +game-playing +feet-0 +iwan +multibillionaire +lobont +trier +mateus +emerged +ust +unifem +flopped +thrifty +upi +ine +jvp +legitimacy +kosir +syncopated +effusive +moyes +abdul-rauf +dakin +scathingly +activist +nimbly +zenit +dickens +durrani +nonbelievers +joba +manzi +upstart +dupes +islamization +whitby +newton +poll +lenihan +amer +rile +agani +kravchuk +three-night +superconducting +masse +fuehrer +unimaginative +consortia +carpet +buffer +zaharias +ransomed +tinned +taboo +bur-roy +cernobbio +low-volume +jax +reassure +epirus +treblinka +recchi +canady +kassar +scrip +hideouts +folders +poppy +coelho +chapple +wawrinka +anam +semi-circular +explanatory +c.f +platoon +masajuro +dinu +earnshaw +abdellah +prosthesis +savoy +dockets +baronetage +bucking +kony +carry-on +silversmith +indissoluble +mcgrady +shabwa +nobunaga +scherer +leao +etfs +harbored +radio-controlled +tht +chamberlain +goodbyes +u-s-a +centerfielder +atp +moralistic +mascots +slight +dissonant +stressed-out +taiba +speculating +streamlining +wards +coiffed +hippocrates +monastic +guttural +pek +nevirapine +wendt +weatherford +punitive +fee-paying +pigmentation +parley +dragonfly +graff +counter-cyclical +perret +imaged +defender +remittance +toure +gomez +n-0 +phases +olympians +arrivals +arad +primeval +mass +preventable +puke +garofalo +balmer +smithfield +pleaser +cliburn +toasters +secretary-treasurer +ineffable +haarlem +liberalised +tractors +potenza +ends +deadlocked +clenching +kraftwerk +urban +frontman +aced +mura +glamorize +rubella +raouhi +basket +rufus +delisle +inflamed +dreher +overdo +farce +prosecutor-general +warrenton +siddique +defend +bomb-sniffing +schenley +statistician +slurring +spoonbill +marginal +beleagured +gwalior +conflagrations +zz +badillo +subtly +psg +rti +rabia +helmet +intermittent +eye-to-eye +adduced +beware +gourd +abraham +perdomo +beaches +zhao +boat +yiu +jeffress +trademark +reappearing +sleepy +stricken +gears +noordin +ejected +shrinks +nyt-news +fresh +cable +bdsm +skinhead +bilateral +peary +quaking +galina +sandhill +marton +penske +turnover +kory +anathema +paramilitary +shana +mizell +alimentos +toubon +joubert +retain +cinch +suzerainty +lanning +rickets +gyn +violated +bueno +lehmkuhl +cannavaro +bob +markus +much-loved +inaugurates +democrat +nailing +tench +henkel +e-waste +steenland +hertha +encapsulated +turkana +dziwisz +haldeman +halloween +bruckheimer +piano +frumpy +u.s. +metabolites +mensa +know-it-all +panoramas +ipv0 +'in +socceroos +scrabbling +pye +foodstuffs +litmanen +marital +ideology +safwat +reachable +sympathizers +ake +agitator +amenity +delores +birt +fani +rubicon +kamm +benni +toothpick +limbo +animate +bossy +pommel +sgrena +parsnips +toughness +civilly +mcleod +rameau +bielefeld +policeman +stepsons +fluttering +dresser +adi +mixes +chela +marchant +gail +tarred +tie-break +asr +described +zheer-ih-nawf +eisenhower +u.n.-designated +catheterization +junger +transamerica +s0000 +camargo +preschool +onal +pivoting +quintuplets +trad +defecting +prawns +hezbollah +videotaped +dancevic +eagled +balabagan +goatee +axiomatic +scylla +prefaced +banked +copenhagen +gough +need +lamma +whatmore +deployed +stardust +skyrocket +corinthians +mouthpiece +rinsing +maclachlan +short-list +lindstrand +whose +superstate +paleolithic +mecha +slimmed-down +cake +chinese-made +cvp +off-the-field +citic +hyacinth +proclamation +skrulls +harriman +dealer +elm +karon +foulkes +mid-autumn +philatelists +life-cycle +forgive +abby +misplaced +waitt +retools +verdes +bonderman +uncultivated +whither +popping +promulgate +vocals +rothenberg +litan +moles +condit +frozen +republican +ghg +chek +peckham +waitakere +hagi +sadakazu +teodoro +wont +shihz-leh +earle +tiller +catchy +feature +break-away +kawashima +pocono +qaeda-linked +denounce +saloon +phill +up-to-the-minute +drench +translations +rubric +slims +coli +saddled +disinherited +nearsighted +snail-mail +lando +cholera +flier +angrier +greenshields +urquhart +comprise +alkhanov +lumberjack +slumps +nets +toupee +abdicate +combe +fence-mending +innsbruck +seeman +nitpicking +recipients +cushioned +tseung +carioca +irven +marvin +vasella +ashwin +hieronymus +donny +kapital +depreciating +japan-u.s\. +overnights +ghaziabad +bolanos +cpp +late-season +al-hussein +irradiated +phitsanulok +transgressions +barricade +pae +spreads +wendi +outpouring +capitalization +caufield +masterplan +disunity +bereaved +manitou +kimes +filho +pantries +menachem +spearhead +nybot +low-calorie +inaugural +elisabeth +apprehending +cellucci +fassino +monographs +clinch +dutch-based +capitaland +bar-illan +karstadt +labourers +agoa +gam +malecon +poems +bitterly +dda +scammers +shum +syrtis +hallett +amsterdam-based +000.000.0000 +jihai +yarmouth +kickboxing +destabilizing +mosser +bot +prefixes +sandisk +moira +kingsport +johannes +bahl +kanata +oaxaca +delectably +shortness +00p +azizah +steinem +if +declan +extra-long +nytsf +brasil +besieging +rebel-held +hers +siebe +kazemi +hakone +dihg +feiner +cic +wyclef +reps. +rc0 +pitcher +majeste +rippled +amusing +faul +eluded +tolstoy +kwd +rough-hewn +founded +careerism +peirsol +tamale +jeered +¾ +yawning +bears +prr +lat-wp +decadence +arcing +irvington +blazevic +endit +ondaatje +transrapid +scheduling +bugler +oncogenes +dayne +shota +docs +leather +bundles +ethanol +news-gathering +ambrose +melamed +portillo +foale +greville +diodes +eventual +eisler +ka-shing +wessel +harshness +balbo +loki +rahmat +empathize +borgo +yanjin +floated +markese +vyas +dressmaking +esprit +roselle +benhamou +bartsch +impressionable +immunization +salafist +documentary-style +dismembering +mcclatchy +costuming +rumblings +familiarize +ling +pascal +aco +causey +brooklyn-based +mcguinness +jyrki +lofa +cylinders +dominant +hem +wyn +sergeants +kah-bahr-dee +wahaha +ophthalmologist +comprised +hah-dahd +agresource +nuaimi +clockwise +neuman +porter +ilanthirayan +russia-eu +post-modern +mehta +recommend +gillespie +bayley +all-americans +m.s. +muh-dee +daringly +secreted +choke +anshan +pro-abortion +pay-off +downtime +'este +post-holiday +producing +brussels +timekeeping +chatterjee +marinating +utv +med +farfetched +zaks +geeky +mohler +anwar +royalist +abortion-rights +on-board +halfcourt +shastri +dinky +diggers +grammar +m.a +osowik +frontal +specification +shuai +courteous +botnet +ethernet +krusty +nah-sih-ree +sollecito +checkpoint +bars +multi-party +farmworker +fasher +gadgetry +cablevision +scratches +odd-numbered +meshkov +ulysses +arranges +sara +inability +worldwatch +melton +dark +leveraged +sorrows +mana +kirsch +i.s.o. +soufriere +dubuque +discriminates +prizren +val +aga +harter +fortier +judea +rescinded +euler +blanket +drogba +safir +asterix +two-tone +irsay +waffles +gori +belie +remakes +regents +ecco +horseradish +livengood +martyr +bahr-behr +endings +remington +embarked +polytechnic +transfered +estimations +ahl-joo-behr +wyoming +toh-mehn +subservient +gab +amerindians +leafing +decentralization +fraud +wrench +mutton +mediaeval +equilibrium +velasquez +resales +palmas +shanley +nusbaum +portmanteau +rocio +horribly +arnold +third-base +n.y +metro-goldwyn-mayer +clambering +gymnast +refrigerators +parlophone +grizzard +morel +saucy +scaled-down +too-too-ee +neuhaus +darken +roar +holbein +fouad +chump +livre +duane +nasution +krylova +recoup +cubs +hoodlum +depletion +cross-check +hiyama +murdered +masih +dressage +aimee +xigaze +jemma +stench +maeve +magnet +policy +regularities +hysterectomies +nadja +deadlock +justyna +pup +anchor/doubleday +maisonneuve +multiracial +shortsighted +bring +hussaini +savoring +tl +bouake +binaries +cao +loo-ees +a0 +at-and-t +seventy-one +ax +by +tongans +reichenhall +bemoans +scrutinise +motored +palmed +likable +yearned +alexeyev +chills +cyberspace +eiji +explains +saltzburg +emperor +grass-roots +unproduced +tweedy +tu +perceptible +ludmila +drabinsky +backlot +containers +rebutting +oau +berbers +unstaffed +deceptive +brauer +rolando +swelled +revamped +condoned +lanzhou +chemins +jalabert +stationed +cappuccinos +redo +superb +orators +autonomous +rambouillet +dur-uh-bad +heenan +pirlo +razor +rome-based +fourth-most +goetzel +immutable +outlay +hazell +mclarens +calmer +chungcheng +guardrail +augmon +harare +koh-joh-kahr +triton +ashkenazi +contemptuous +arrays +consumed +landings +rostam +six-month +furthered +olmo +& +brendel +zulu +kallio +adenovirus +degrading +labus +beatriz +fair +crossbow +hackett +wataru +copiague +arjan +pati +unpack +” +brisbane +taxi +refresh +revalued +creak +springy +contesting +infidels +bro +big-hitting +barbary +kinski +xenophobia +schleswig-holstein +qingping +mockery +athanasius +arizonan +kalmar +yoriko +octopus +carneros +demitra +friday +window +houreld +sensitizing +remarks +salang +masumi +much-ballyhooed +delhomme +sensitively +softwares +social-service +allot +tarun +ruzicka +byrnes +gehring +importer +parlor +inexhaustible +reclaiming +igc +menzies +toads +dress-up +bosco +umbrellas +haselman +0.0m +kayaks +moreno +zuhair +displays +gridlock +dunhuang +unprofitable +pick-up +sheds +vestments +bullhorns +ghazali +organic +sle +nonpublic +potala +conservation +self-government +beograd +lineups +ect +guerre +bihn +shipowner +jenson +end-users +villard +sul +neuroscience +synchrotron +carranza +cluny +tootsie +danubio +fallon +crookes +autodata +mitrovica +estela +sebastiao +service +libretto +scandals +patchy +jamal +glitches +nrg +streetcars +prophecies +munitions +lowered +climates +commandant +swath +khalif +glutinous +ice +riverbanks +latvians +wargames +pcm +ventilator +informationization +senate-passed +netball +donte +vina +trackside +off-camera +steadfastly +circuses +returnees +submersibles +podium +mody +relaunching +reine +tejeda +wcl +walrus +four-fold +one-year +larnaca +inaudible +hemophiliacs +zimbabwean +empretec +kuh-weye +refunding +'connell +moist +compounded +gladbach +wavelengths +explicitly +fadeaway +readies +forbidding +mixon +bloodhound +paix +adriano +australians +women +violinist +hovers +joakim +buen +mechanistic +low-performing +permission +workspace +improvement +borch +solicitor-general +vrtiska +educations +talismans +greenburg +herodias +kinyarwanda +andresen +tofu +tah-kar +0,000.00-0 +xtc +swimming +zoloft +maddox +atra +gulbuddin +archeologist +stalwart +mcgahee +crony +lucrative +gisele +calabrese +kansteiner +fomenting +dioxin +permits +pfa +oto +differentiated +pistone +undercover +sells +mccallum +anointed +refuelling +ohchr +xiuquan +stuntman +saharan +mbb +palestine-general +anti-insurgent +0.00 +twentieth-century +misfortune +inder +kimonos +reprint +co. +ambler +irritating +r-ind +hugh +fuze +documents +colgan +moslem-led +karbon +mopped +locus +recast +diwaniyah +cosas +boars +drago +cudgel +zen +pisidia +snoops +loaders +olimpija +teen +nighthawks +hempel +development +sexiest +regional +crotchety +ranch +no-show +bamberger +indoctrinate +ebro +rabbani +tractor +hizo +wittig +auctioneers +dmz +bola +gauguin +micromanage +rendezvoused +zoo-by +schottenheimer +depress +vouchers +g.o. +intercept +elton +undersecretary-general +tampons +pre-storm +enjoying +freire +dictates +hemel +budvar +incensed +rabid +botching +sugarcoat +prachuab +maida +asam +self-criticism +springtime +beverly +mannequins +enactment +franche-comte +backfield +viewed +vulnerable +dervishes +mosquera +defacto +adding +alamoudi +pillar +puh-dee +isolating +commodified +epr +denis +funnier +in-store +fourballs +pin-kung +tubers +veh +hindemith +tusk +valais +papillon +premises +snowballs +bator +horsemanship +voyeur +spiderman +ultra-nationalists +nonesuch +tonawanda +alicante +vehemence +0i +bahar +ramzi +cross-generational +landon +moulded +officemax +alves +joo-nayd +unapproved +shinjo +italy +tidied +near +airworthy +e +ovarian +kariba +agassi +dusting +best-performing +penitentiary +kugel +deri +reimburse +bethlehem +muffler +newt +shirakawa +durres +recruited +liong +hongwei +kungfu +thunderous +conny +plenipotentiaries +my +angling +klose +cullinan +malamud +lahia +bearskin +temptations +chickamauga +make-believe +imputed +waistcoat +casartelli +jurisdiction +woodcock +had +kih-lee +ul-vay +kanda +liferaft +fibreglass +soren +advest +manheim +kosova +magdalen +akon +munched +exterior +montano +circa +medef +bijou +montefiore +emmanuelle +timbaland +omelco +waka +rm +essar +addressee +tattooing +acw +hiking +surprisingly +pave +inflates +semi-conductor +customs +showgirls +masquerade +wowereit +wikimedia +cala +odis +professorial +commodities +ngai +chromatic +fuente +nassau +fora +prevost +mythical +undemocratic +grainger +scallop +lived +overhearing +tanjong +hushed +cartridge +pisanu +gents +bibby +enables +extraneous +aides +hollow +housewares +indication +kharrazi +ndlovu +korte +bulge +college +hannity +catoctin +jehf +ill-fitting +albers +sandpipers +longshoremen +wynn +alza +maximise +leeward +clostridium +eye +boulton +indefensible +pennebaker +frying +appendectomy +pharmacist +excavation +take-over +murr +yongxiang +molesting +mined +anarchic +papermaking +swallowtail +spending +associacao +pre-college +circle +burundians +gerberding +defying +laeken +juppe +carmel +saraswati +chrysler +brundtland +launchers +goldenberg +yok-sing +bentonville +honourable +obesity +slaughters +low-emission +omelets +iftikhar +v-chip +hooting +hofer +atahualpa +inert +rewrites +pre-hispanic +ture +kling +rabo +boise +constructively +narasimha +viagra +stratford +labia +fickle +strokeplay +underpinnings +done +calcavecchia +british-style +elina +hoogenboom +hysterical +minamoto +perugini +blue-ribbon +gunter +election-eve +sundowns +wangchuck +reinking +programmable +vide +locating +portability +stratfor +israeli-jordanian +lui +beit +lopsided +whoop +principle +drug-resistant +strafing +mindset +rzeczpospolita +pro-putin +tallas +miaoli +andreasen +grameen +extradited +place-names +delegations +general-election +frost/nixon +merchandisers +samsonov +arian +investigator +china-affiliated +theses +berewa +tapani +mammogram +fri/sat +nominations +beanstalk +great-uncle +kailahun +makati +oxley +impedance +infoseek +omid +sediment +underserved +biamby +doutriaux +drc +juggle +cmu +universal +omens +mordashov +splashing +blom +metalcore +nasdaq-000 +germ +frawley +analyzing +predetermined +pigmented +menendez +alena +ishtiaq +readied +param +ken +menu +yarrow +nachos +anchorman +heirlooms +wabash +westernized +leipheimer +sates +soulmate +linehan +depending +all-state +rubins +yueh +milkman +blooming +participle +callas +recruitment +appetizing +heroine +kundun +scooby +placencia +quark +nardiello +vardar +arty +tsvetana +steamed +gwendal +situ +wight +maudlin +geigy +schliemann +humanity +follette +stefan +moshe +hummer +three-percent +toxicologist +nell +witches +antiretroviral +homestake +trample +ill-gotten +plasmodium +maystadt +shain +borchardt +gethin +reticence +property-tax +lithium-ion +mateo +megastores +sutcliffe +bautista +monkeys +disbursements +00.00-00 +grandparent +garvin +cei +basha +granddaughter +refiles +azmi +extreme-right +seating +bugaboo +nara +sentences +peal +lanqing +stunk +tumor +newbies +ladle +gool +rainy +gens +three-mile +tsongas +amon +hellish +yak +lycopene +produccion +qizheng +sant +chunnel +gardening +counter-narcotics +standardization +heymann +uunet +fifth-seeded +reba +contaminated +rugova +unwholesome +obscura +medias +bradsher +o'meara +long-established +eu-china +suryadi +oceanographer +revenue-generating +boniface +business-class +inexplicable +ro +numerology +horacio +gomer +jeanie +divided +haran +jyllands-posten +dissociated +printout +speechwriter +lifeguards +lynch +archambault +lamm +misrule +grumbling +psu +eighty-seven +rodolfo +rishon +grenell +nadine +perec +karsh +fatten +pretence +head-butt +memorize +saurav +gorcyca +pvs-kl +taxman +eyebrow +d-mo. +hahs +eclipsed +boilers +zeile +arnaud +'em +canter +ameen +utilising +ament +six-month-old +mammoths +gymkhana +erased +accor +stjepan +punk +shoveling +provoked +rubin +arizonans +wart +tomo +iraqis +demir +daejeon +flung +multimedia +booting +bbl/day +masovian +partition +jar +appended +down-and-out +bakr +cruising +paedophile +wingate +oh-noo-free-enh +gaetano +nub +paoli +about-turn +overreacted +cppcc +kandel +asx +virenque +disassembled +delis +zhuangzi +herrero +apologises +fantasizing +laliberte +navka +jurist +mothballs +stoitchkov +khadka +redefining +pune +natty +mosh +subsurface +shindig +luxembourg-based +wrangling +runcorn +will +fergana +jayhawks +nacchio +sook +aqsiq +intersected +jin +keyarena +eucalyptus +depictions +zigzag +thesaban +behan +bench +illiterate +garlicky +denman +refering +stallone +handan +prototypes +much-awaited +huawei +zah-pah-teh +khaddam +legionaries +lays +al-sahhaf +bradlee +worst-affected +konkani +saber-rattling +wes +horiuchi +truck-based +edgy +lw +renegotiating +glencore +babes +absenteeism +emba +affirms +runestone +massacred +stoke-on-trent +steelworkers +mccarty-column +okello +brazauskas +orders +survey +hegemonic +agnew +freij +counterterrorist +agfa +eurostar +oo-buh-rah +jih-boo +gearing +nakajima +sheremetyevo +seesawed +lefever +ghedini +tzeng +heinze +interchange +drunkards +unhindered +beaver +witless +morricone +lipoproteins +lester +cordesman +rigveda +materializing +dreamers +vasile +twinning +skiers +irks +kitna +haan +cultivators +cambridge-based +sardonically +lamberth +goncalves +costacurta +jardim +single-shot +egad +anf +looms +carreno +existing-home +mckinsey +lockout +british-irish +ajmal +considering +slideshow +showed +terrorist +wga +olympus +retinue +ministry +bakar +bogan +elements +robinson-humphrey +southerner +franjo +picture-winged +tek +abrahamic +herc +tv/radio +godfathers +sadder +goat +nevermind +ariane +oxendine +yunis +visions +temas +oughta +bazak +lurking +piquet +bausch +shout +violinists +muzzling +taifour +recited +no. +hobeika +lapsing +philosophizing +brownstone +bentham +derick +flumist +soundview +schoch +quintuple +mahr-wahn +burnet +samaritans +bengtsson +magistrate +recycler +johanna +lucero +geduld +upstaged +conditioners +sugar-cane +nhc +palestinian-ruled +meekly +yellowfin +moodie +chestnut +heroism +evaporating +terriers +imposing +divisione +farting +chauvinists +suhaimi +vella +philology +megahertz +hez-buh +emigration +pasar +tamari +stomachache +elk +ineligibility +edwardian +mrna +mirth +induct +preach +facials +cadel +three-over +huq +rehs +attiyah +clone +shrinkage +bracewell +quagmire +landowners +adoption +lynam +scorch +vile +antigens +matz +weather-beaten +hungarians +appropriately +classed +rs000 +jannie +modeling +polemics +panellists +stewards +fuzzier +wald +fulfill +non-french +charters +yunshan +simeone +gecker +roadshow +superieure +squeegee +empoli +all-women +alexandrov +madama +hide-out +luscombe +self-determination +valedictory +ader +stand-alone +weeds +karameh +abyss +hammerstein +somalis +tschula +ongc +neurologist +pretax +nuclear-free +nuala +belching +arsenal +rehnquist +medhat +festering +mammals +nanguan +hemphill +utensil +finals +bulldozers +politely +fairy-tale +churning +hewlett-packard +auto-parts +izzie +mercedes-benz +four-tenths +mendieta +mlk +topped +burnside +lucinda +prancing +shockwave +galvanized +taps +recipes +merchandising +filibustered +vickerman +0000-00 +ninian +parkside +avenida +milf +gibraltarians +grosz +portals +forensic +hadfield +connecting +overheating +slink +directional +swimsuit +technocrats +ncr +zoe +squander +melayu +ardabil +glarus +pittman +cassels +brannigan +xerxes +cottagers +ripon +hikes +chengdu +three-peat +leg +sathirathai +powerbook +dazed +pistorius +chihuly +metrolink +autobot +opposes +bargain-basement +candidacies +collectively +saas +raaf +caldor +curtain +swinton +natal +winn +anti-coalition +retrospectives +anti-immigrant +year-olds +d-backs +pimping +informant +question +neapolis +planar +huffington +sn +gali +undescribed +unspectacular +overfishing +discovering +warm-up +cricket-wc0000 +beveridge +ghazni +cluj-napoca +million-euro +mokaba +mckean +tomko +linwood +diy +wtf +lorca +ironclad +marias +georgy +child-like +triet +nypd +connaught +staterooms +heck +noontime +oversimplified +huskies +beh-tag +jinping +underway +microscopy +macleod +halter +dietrich +black-eyed +monotheism +vokoun +quantitative +reconstitute +intimate +impersonal +ticketed +embankments +fedex +shipbuilding +leaders +leola +joysticks +stenson +straps +vistas +candied +evidences +lefortovo +quezon +underground +penniman +flagship +gelbart +gow +criticised +decade-long +transparency +uh-poh +flavours +feuer +route +grenville +satanic +bumi +malik +core +sapped +underperforms +sue +diamond +keach +faintly +outside-half +alton +rydberg +rounded +clowes +leggy +tih-nehn +accede +sacrifice +walla +determining +nwa +gj +gyrated +gigs +ifrc +socal +fpa +milliliter +talbert +lah-duhs +juhi +sonic +placements +backpacks +hard-rock +ummah +gruelling +bulgars +exportable +hardback +mew +shipment +reem +unlawful +broderbund +gunda +wachter +jesu +intends +'orleans +calero +asses +guardians +inlay +anomalous +curragh +jawng +meter-deep +aep +vice-versa +tranghese +encloses +stephenie +cession +reinforcements +netzarim +l.n. +ut +septum +odin +aurora +bows +ransoms +forelock +produces +cinnamon +sele +reactive +experimentally +pte +underperforming +bc-af-fea-gen +regine +opposite-sex +raye +germantown +brim +gg +husein +vizier +romansh +amarillo +biya +post-secondary +recuperation +eastland +ultra-hip +onslaught +siddeley +kovach +bonaparte +hein +inclinations +semi-professional +shahr +collage +scours +beheaded +salado +rpalmeiro +darfur +unfurl +arras +loe +vipers +lemond +devilishly +employment +scots +sncc +chivalrous +0ad +bittersweet +croshere +haskins +flipping +eller +waive +roadside +pronounced +orchestration +apologized +projected +heeded +exemplary +upbeat +goodie +frankenstein +stabilization +sarajevans +marengo +sholom +cookies +soca +teleported +kozlowski +afridi +impaling +theatricals +danza +mechanisms +agenda +redrado +kowtowing +carin +uptight +dating +personages +shamshad +macedonian +hass +elongate +wine +multiplex +koli +sovereigns +issam +iles +verbandsliga +lampkin +lovin +inquire +plop +confirmations +aryans +perused +seki +combative +pinkerton +turboprops +mongolia +sarita +dissed +bhandari +cymbals +bujanovac +tullow +biran +kiribati +europa +multiple-choice +angeles +performers +naff +masquerades +two-income +greek-turkish +prefontaine +bae +held +baggage +clothes +sinuous +mozambican +hiratsuka +caltrans +booby-traps +redirect +facades +causeway +e/0000/l.00 +kafka +penises +aerosmith +ambitious +aza +aristocrat +kiosks +labour +casting +gmb +rijkaard +victories +fulda +miniscule +zorro +fernand +huber +doughnut +daim +boalt +walton +qassam +moxon +kosh-too-neet +forman +raines +much-criticized +lahore +buxton +mahon +cruiserweight +copping +kuwait-based +oleds +vandort +shopaholic +cupped +musically +foxworthy +sobbed +sweat +eyeglass +forthrightly +zew +hedda +connery +paris-based +collectivism +junhg +featherweight +interagency +doin +ensemble +opryland +agosto +democratize +gruntal +lansdale +llong +hangover +six-player +requesting +kah-deer +morihisa +once-powerful +katsina +studebaker +scotched +rroeper +tna +eutelsat +terje +radiocarbon +iii +backstory +intravenously +hosing +haggadah +menton +kama +modifier +presidency +zambada +cruzeiro +cpc +trusting +carves +adhd +quattro +pietersen +amulets +east-northeast +icpd +equalled +cherish +wellhead +jump-starting +outs +saints +street-level +cherokee +zimbabweans +network +hesiod +rd0 +exploits +perigee +tuttle +palaniappan +mysore +glaser +bisbee +journeyman +bcci +glitterati +berenson +wondered +nicaraguan +micoud +nipping +chasms +ah-kih-noy +surround +tremendously +lamond +somersaulting +marbury +warns +cueva +whittaker +arab-dominated +nord-kivu +danone +goner +saidi +endowments +lawn +kctu +petrochemicals +harming +onur +mundane +high-pressure +snippet +u.n.-african +gaullist +nzse-00 +coldness +deveined +populations +footscray +eyebrows +lupine +airwave +prescribe +holderbank +intuition +slopes +northview +lattice +government-provided +ratio +nozari +engen +spilled +cannell +duplicity +shaves +emilia-romagna +mulatto +alliances +health-conscious +0u +spdc +powers +jayalalitha +claritin +enthroned +mears +bruford +leonese +square +cold-hearted +powerbroker +aragones +sars +paralyze +puppeteer +nahyan +portray +0000z +hantavirus +vaginal +udovenko +prilosec +skydivers +cade +plaines +crowded +monarch +tablecloth +floating +gulag +overdrawn +stashes +munson +jac +highly-regarded +chests +unscripted +northwich +aol.com\. +ruefully +variance +skimming +zoo-rahb +scrub +horseshoe-shaped +naipaul +hcl +baltimore +marroquin +campeche +promotions +dx +team +racking +snide +cadman +impolite +cadbury +sofa +heitinga +rooftops +diurnal +innovations +razaq +introducing +pomerantz +khumalo +foods +fels +anti-gang +laker +vermont +devours +witten +safavian +marathi +juanico +jeannine +wreckage +littoral +tng +approximating +chang +unveiling +must-see +couple +belton +mmorpg +ceiling +brewers +six-lane +telstar +blurt +smokestacks +belvedere +flare-up +kadri +single-elimination +trinh-duc +cools +bataan +westmorland +rco +crash +fighter +spirlea +calls +rosales +hsinchu +bruin +dfid +savo +caregiver +holborn +sheeran +paid +subverting +bayonet +cartier +on-the-job +upm +heftier +pressel +adonis +yongmin +hewlett +peen +assaf +state-subsidized +angstrom +chacon +cis +swamped +colonias +ploce +fritters +deir +reeked +euphoric +systematically +metaphors +israel-plo +hex +mascarpone +fuhrer +curzio +hemorrhaging +csm +anti-depressants +ten-year-old +strathmore +callow +summarizing +alibi +eighth-inning +pakhtakor +fiqh +eh-sheh-reef +marring +centerpieces +summons +neuropathy +reverberation +sizzler +tangible +ksenia +arabiya +tree-uh +blok +hebe +fend +reconfirmed +pelletier +nor-oh-dahm +wilm +calibrate +rfa +pala +mee-eye +lye +yana +fardc +grooves +circumnavigation +retaking +optimized +sikandar +ayoub +realpolitik +al-qaeda +ea +elysian +drive +gyan +overwhelms +abiola +advising +rosenstock +koda +pcs +peer-reviewed +tongue-tied +pulverized +asf +interstates +burpee +landler +stastny +meatball +campus +childers +joshua +citra +criminal-justice +chinese-american +abated +acteal +discriminated +wogan +0.0 +intentional +dissect +seventh-grade +pneumonia-like +deliver +hiv-infected +phased +mercados +three-pronged +arch-conservative +unschooled +earl +kc-00 +oshkosh +cbi +basements +decade +friendships +afshar +clementi +liuzhou +glandular +consortium +polarised +henne +hmv +u.s.-owned +reiterates +kurtis +poizner +gelinas +thunderbirds +miraflores +skye +radiography +pot +guillory +public-service +hal +normal +mariko +dracut +three-level +ungainly +lawbreaking +omitting +rattner +erectus +grasp +pinch-hitter +lausd +futures-led +svay +safavi +rails +rizzoli +slowed +pod +hoyte +dodgeball +gellman +arguable +co- +entertainment/arts +hands-free +place-kicker +lytton +f-000 +asimov +zctu +keeney +showered +publishing +fertilizer +rect +putrajaya +spectacularly +solyom +roswell +germany +anecdotes +msar +israeli-arab +thinners +bodes +nurse +modern +plavsic +aurelien +avenger +bratunac +zine +playroom +survivability +hotel-casino +benham +pontypool +merck +saver +break-in +ronkonkoma +cautionary +publications +columnists +nita +tudela +communist +mcneal +model +milkha +widgets +caucasian +edifice +lingnan +insightful +salizhan +high-priced +iron.acquiremedia.com +lawmaking +bloggers +paleontologist +relapses +cameroonian +enlist +traverse +perfidy +ir +acted +grecula +orbital +0-000-00000-0 +exercised +gripper +linemates +stanley +juri +adria +szeto +irritable +phantoms +penguins +patchwork +daoist +ice-skating +eroshevich +jillson +ibook +eighteen-year-old +al-iraq +russia-ukraine +tatarstan +sven +orsini +underdevelopment +boulogne +forgettable +kenshin +chemo +levity +dahr-foor +irma +motioned +maron +chapters +ezzard +same-sex +malraux +magdalene +reysol +boxster +integer +lobbyists +dimpled +chatichai +slitting +qasimi +skehf +hampstead +erasmus +biologically +javanese +hawaiian +raymond +doubtful +crunchier +kiprop +breweries +working-class +ifaw +sindona +iran-iraq +proximal +debriefing +much-criticised +maccabees +beihai +zhijun +sizzles +degette +mums +. +adjudicators +norton +meta +ovchinnikov +elysee +poetics +a-see-tuh-mihn +inhabited +opiate +nardi +synthesis +entrepreneurship +rusk +kelo +0-year-old +darchinyan +_________________________________________ +tricolour +creditable +aggressive +goldie +sooner +donde +harmonization +jusuf +abac +fmln +nonflammable +frankenheimer +ryerson +sah-ool +aspect +calleri +pagliacci +mccreary +missives +whistle-stop +sanjeev +then-unknown +folie +puyallup +slats +wms +elbert +blossoms +proteus +kipper +footnote +kildare +warminster +anti-chemical +fully-fledged +indicated +redemption +morden +ternate +hasim +machen +slotting +cibitoke +awkward +sein +on-duty +matthieu +salesclerks +hag +equivocal +fifth-best +nz +pipeline +monkeypox +recommit +bardo +ayn +curbs +erickson +out-of-body +mingling +minolta +botany +neeman +roars +self-defence +hrs +half-sister +jan/00/00 +sherrill +post-olympic +ppv +montague +fluctuations +marinin +mama +stary +septuplets +bewildered +khat +whiff +pml +emigrants +fiend +luyt +election-night +throckmorton +anaerobic +franchise-record +succor +finch +safeguard +achieving +maggots +haryanto +forty-six +scolded +no.000 +dechy +insights +tampered +bagram +fleetwood +claymore +coal-fired +anti-illegal +marler +ketch +scorpion +traces +killings +inter-faith +comet +childrens +phentermine +faizabad +rudeness +oh-pek +falwell +slates +non-hodgkin +military-to-military +nusantara +romanoff +fastest-selling +uncannily +itu +salvaging +roiled +lackey +negredo +scantily +trieste +ambrosia +stridently +mages +sae +apologetically +nicolaus +faze +madurese +canadas +gush +repays +ferried +college-educated +smyrna +portage +sobriety +guandique +million +taxus +giffin +adamson +sweltering +slowly +referenced +malware +cadfael +velika +sued +freston +fitzsimons +bedridden +marv +s/prst/0000/00 +prensa +heene +malevolent +chaudhuri +limestones +impossibility +spying +osceola +ojibwe +screening +laude +desafio +bonaire +shargel +pasternak +two-tiered +burglars +warrens +choudhary +seikaly +feeley +salty +confidence +milling +barged +patchogue +lindo +dims +emergent +contributed +mackie +seldon +kingsway +sleep +tskhinvali +fea +overexpansion +short-term +chatsworth +conference +ital +ah-seh-fee +ldp +dashes +loathsome +betar +mantu +matterhorn +cartan +ricken +ppp +woefully +notari +disconcerting +heterosexuality +acetic +al-mahdi +plutarch +discernment +articulo +medium-low +pylori +jieping +juh-bah +nazar +abiding +xinsheng +rupturing +nairobi-based +kanak +dividend +chuckle +chord +jong +trim +toledo +late-model +kagoshima +spiralling +tecos +concrete +annexed +objective +lamentable +appointment +hah-reer +moscoso +overbought +karp +kwang +antinori +centrica +malnourishment +mitt +wo +epps +arba +dev +presidental +fivb +alford +benefactors +explaining +demjanjuk +linguists +scarf +audiotape +bbs +unison +outrages +hogarth +pancreatic +awardees +burnings +desa +scooted +senses +over-the-counter +renegades +hilly +commander-in-chief +guile +stith +bresson +yobe +firewater +conceals +co-financing +taurasi +sonnett +swamping +avonex +technology-based +cfb +corman +gitter +socialite +kazak +owner +shorty +stipend +maccanico +indecently +shuts +0a-00p +perkins +ouellet +sandals +unity +nah +zanuck +herefordshire +petroglyphs +chen +bailey +underemployment +shay +recovery +shouldering +luong +tabulate +variegated +adornments +fabulously +jutta +salah +moriarty +reservoir +fonda +deloach +chair +slept +incense +immaturity +antoine +schlemmer +\ +easygoing +year-over-year +illuminations +tins +wrought +elsa +athina +ravenous +perestroika +stratigraphic +cws +bicarbonate +unearth +apocalypto +rightists +fuso +sexed +susteren +winnetka +binds +czestochowa +three-judge +faht-hoor +icicle +new +barth +tankleff +stewardesses +maranello +cheshire +owner-occupied +haasis +moderated +kpl +acindar +morelos +hunsicker +earmarked +zedong +laurents +sunrise +dorchester +potawatomi +notable +stena +noble +mitchell +cobblestones +repechages +pessimism +nah-eem +millwall +shias +rear-view +sexiness +game-winner +analogies +first-grader +heart-lung +nebo +marlene +hen +ghee +ser +edifying +gusher +condemnations +koehler +parred +amoy +secret +palmer +afon +post- +propagated +ahmadabad +genero +montillet +philippa +condi +summation +unaltered +smashing +branded +conner +thieving +clashed +malacca +tenochtitlan +archived +uninspired +paraffin +unmil +earthmover +million-dollar +infantry +parenthood +0/0 +folded +malley +amgen +shelburne +puffed +pocock +professionalism +hradecka +talal +gagged +thus +slogans +burrowed +nicknamed +splat +geochemistry +family-planning +verbs +mazoka +anti-slavery +tobacco-related +harrods +chromium +irbid +arch-rival +stretching +self-explanatory +buffers +baker-finch +brun +reinvents +edgier +flickering +jeffry +great-nephew +embellishments +retooled +smc +calles +dorset +run-rate +heatstroke +krakow +pinon +skype +smi +quartets +sweeps +sequester +dorantes +columbia-presbyterian +irkutsk +feelin +inga +counterclockwise +out-of-pocket +concurrently +placidly +attu +kbit +brooker +sackcloth +matter +chimed +antebellum +extraction +casing +udomchoke +maddening +lierse +lick +w.p. +aoki +pesky +oki +stanton +beckoned +triumphantly +pictorial +tarzan +bituminous +nonchalant +stx +triple-bogey +helped +hannibal +deputies +maciel +bandleader +posadas +toes +tallulah +barraza +zeiger +vitti +smurf +emilie +woodworker +needless +fundamental +inane +full-grown +yoko +zoom +danilovic +rainwear +mushtaq +multivitamin +chums +authenticated +seducing +acrimonious +hands-off +deliberate +vomits +kelman +gameplan +usda +learn +abdulsalami +depleting +kigali +tax-related +dambulla +kissinger +blakemore +appropriateness +tech-heavy +ilah +vm +koenigs +unacceptable +dalby +lythgoe +strangle +outtakes +african-americans +unforgiving +rui +hafeez +longboat +antero +ee-hahb +bindra +easterby +unipolar +antibody +cancer-causing +antonioni +overreactions +nida +mcfadden +novartis +ece +constructive +drive-thru +al-naqib +fachhochschule +embassies +kwah-trohn +assuncao +000,000.00 +carnell +mks +dataplay +pivots +ex-general +setzer +populous +spanish-style +cd0 +pre-orders +ninth-seeded +bush-cheney +information-based +disposed +anti-imperialist +holtz +raphael +atkinson +baz +tape-recorded +pangalos +schwinn +srih-nih +neurosciences +gypsum +opts +vento-kabchi +cull +befitting +appearances +trajkovski +kavan +ronen +crosswalk +genders +decrypt +ushering +syrupy +grit +nalanda +ramsgate +repatriated +overlooks +prayerful +yingling +treble +reprogram +abridged +weblogs +faster +guesswork +kuban +raab +prozac +seok +kunitsyn +lega +canas +portia +starving +bargain-hunters +lingle +kola +urgings +r-n.j. +felines +0st-quarter +stuffit +kakar +ealing +simcoe +vcds +dens +najeeb +timeless +boyes +giroux +yehuda +keswick +ex-gratia +scandalized +vujanovic +kio +jagland +focusing +hosed +liturgical +cronkite +aches +loewen +pollster +medlar +myself +machete-wielding +kudryavtseva +recitation +persevering +eyeglasses +resisting +disband +gacy +therewith +ciller +l00 +transylvanian +footloose +ananda +bridgend +culpeper +sullivan +exe +construe +rehearsing +pro +early-00th-century +pomona +polygram +annals +noto +masonry +ideologue +governorates +fortunate +heavy-duty +polygamist +styrofoam +engravings +catapults +gah +beeching +quarto +single-party +correction +coloring +medein +photovoltaic +warshaw +uncut +pace +short-circuiting +avid +lefcourt +larne +nishikori +bhatia +goaltender +appreciably +taffeta +lista +blongino +tip-offs +teh +equity +indiscipline +north-western +zocor +bgc +wu'er +u.n.-supervised +foreshore +ths +obsessed +kamaz +dokdo +miyake +mourns +role-playing +misadventure +resettlement +emsd +bodybuilder +occupying +receptionist +elaborated +htc +snowed +saint-andre +tanks +finishes +smr +donnas +saxophonists +aldus +naruhito +melamine +quinoa +operations +filderstadt +hexafluoride +first-degree +housatonic +essid +resending +gateshead +linus +turncoat +muhn +goodman +vice-presidents +sidebars +wiki +devvarman +freest +compagnie +repetition +tillandsia +counterattacks +xiaolin +envied +paginated +things +rugs +symbolically +betty +mulligan +moustache +pensive +wrecking +crystals +incontestable +prayed +yamaoka +pensioner +0x000m +potholed +monta +pook +orie +kangyo +spanair +dubai-based +inquires +streiff +bydgoszcz +mimicked +malls +armistead +dujkovic +rarity +well-timed +a.g +biopic +doj +second-stage +longer-lasting +bolder +falls +irani +iris +constellation +forestalled +abysmal +salfit +urological +dziekanski +compositing +cowen +hurtled +off-the-record +brock +fortify +courtly +pleaded +ceremony +transients +enshrining +sri +nazarov +aeroplanes +a/ac.000/l.00 +traci +midsection +waxing +blown +three-minute +goalkeepers +lianyungang +milled +subservience +zetsche +countryman +separation +rail +sarris +healthiness +maule +dsl +heartfelt +nondurable +wau +acholi +barnabas +dhanapala +messages +footer +peterle +lupita +rsf +jennings +stashing +caste +surf +tapias +amortization +merits +blarney +mapinduzi +iscariot +repeaters +muslims +pana +mishandled +authorized +four-wheeled +imia +monegan +piecing +stacked +mid-teens +delia +jocular +mushers +brookside +predicates +kenyan +fata +stating +al-goh +elis +phenomenological +jovana +utopian +hardcopies +preferably +daubach +love-00 +butyrskaya +teriyaki +was +miranda +tortilla +uninhibited +enlists +eichler +ee-mahm +five-nation +leaching +transference +cassim +full-year +sparkman +contrived +bugner +voorhees +pleasurable +notarized +mcmanaman +lumber +montgomery +stimulation +tails +sustainability +gero +marietta +clawson +sauve +polydor +game-ending +widebody +weaker-than-expected +kru +tamworth +m.b.e. +banding +keats +evasive +salahis +tiled +cisg +amounting +backspin +organisations +mollusks +jeffersons +mile-wide +horseracing +ezequiel +eurozone +glengarry +dehaene +when-issued +stripping +plainview +reprises +lis +lend-lease +guatemala +sepals +reputation +categorizing +subcarpathian +niko +lottie +divas +scheming +gua +kava +quarreling +bevan +promotional +donkey +medinah +guido +penzance +valves +pasay +naively +howley +kolko +regal +mandaric +anse +mina +fiorentino +h-shares +four-lane +colonial-era +keffiyeh +matsuyama +sloppiness +shifa +unshakeable +once-promising +nunnally +lawyerly +mein +clears +rhys-jones +impresses +various +hauraki +unleashed +macleish +jean-pierre +lunch +ramos +chairmanship +harsco +gudrun +hakuba +bergsten +dissatisfied +filling +evian +tailwind +sergeyev +alami +waratah +july-august +u.k. +pavn +buoyancy +smelters +nosedived +dreamland +pursuing +damask +drucker +goeas +eliminate +xigris +step-up +moriya +optical +rajoy +filip +schaumburg +sweet +ritz-carlton +erroneously +stowell +zimonjic +switchblade +hurler +amtrak +carload +aficionados +fewer +baldor +laterally +insupportable +al-sunna +iterations +poblacion +abiocor +iihf +detachments +unsolved +flavour +fratello +executive +whitmarsh +amoeba +cruella +0gb +ference +hiller +ging +instill +granddad +forge +freestanding +publishers +quixotic +kenting +wah-keel +kurtz +as-yet +cinder-block +td-scdma +weightlifters +marisol +massacres +tactfully +niva +disaffection +sweatshirts +joseba +delegating +asio +chungking +refractive +k.r. +jeroen +synthesized +leg-side +sevigny +islandwide +edgerton +refurbished +dravid +constantius +worries +schiphol +kindest +greenberg +akkadian +churns +accredit +vacation +seelye +beethoven +schizophrenia +northern +smiths +tain +ul +ligeti +sorcerers +braid +sulk +wedlock +vacationing +collette +swish +convenient +norm +atsc +gramm +sacral +rupel +swiss +solaris +discuss +erhardt +gilgamesh +zeroed +ongoing +blackouts +juncker +kutch +reinado +maslyukov +checo +varner +luigi +maumoon +ef +polishes +ecomog +shorthanded +offsets +fitted +penetrated +seamstress +napier +rodong +hideous +lashawn +leather-bound +noone +anesthesiologists +beranek +stratospheric +comanches +mins +masha +chazz +karbala +retreated +mee +gaucho +inescapably +co-opted +o-000 +discouraging +coffman +befriend +derrida +myhre +bosnian-serb +humbug +ini +sobel +piaf +broom +yarra +jeremies +mohajirs +chechnyan +ice-cold +oswego +beers +four-term +zuoren +notting +parsing +juncture +krahn +cupressaceae +'e +compactness +chested +beasts +putian +shengli +restrictive +total +doe-eyed +fake +olympique +networks +scoop +goma +molested +microchip +uh-nuhv +readmit +pichai +u.s +kostya +westphalia +glace +eggshells +jeh-beer +coldly +cinta +merah +goosen +life-altering +ocular +superheroes +adversities +glazer +kpa +reactivation +nailon +misconstrue +vive +silvia +bused +joes +waterloo +mtv0 +enriches +stained +pleasant +gissin +taoiseach +wiseman +gaudio +endeared +kaaba +bodhisattva +addictive +squealing +ess +guyanese +cena +verlaine +hisashi +guide +placenames +dimitry +oblige +bonn +bushfires +aozora +asan +broadmoor +siegmund +leitrim +delap +nampula +babylonian +nj +trilogy +pleasantries +reversal +foal +parthiv +desde +stanford +republicanism +papis +ashdod +garb +pretexting +pioline +mox +applicable +oba +one-match +gl +thrace +numan +rhea +originates +reconquista +al-arabi +celebratory +wba +huddersfield +surmised +dib +examples +thomaz +remove +multinationals +donatello +ice-cream +tos +offsides +poncelet +lambeth +suk +ninety +kahan +murt +unstuck +witchcraft +herbal +centauri +rampages +oaths +versailles +beaux-arts +kyo +jaynes +streetwalkers +perils +plaintiffs +penance +dassanayake +girlie +deduced +goals +mercies +cerebellar +sour +motorsports +shunyi +roadkill +pairing +ores +decreased +snails +snorri +fairs +shuddered +blace +cascaded +assimilating +slums +rubber-coated +stubborn +enters +team-up +trollope +jujutsu +mpr +litex +disadvantageous +nobilo +tart +sounders +nco +outdoors +past-due +kayakers +paribas +messy +ravitz +healthiest +complain +takeoffs +third-tier +begun +fretting +shiite-led +cage +insert +ushers +cofounded +milkshake +sideways +bisher +shonen +orcs +chaps +restraints +nagata +transfusion +nishi +gallic +mh-00 +moo-ah-shur +passenger-side +commissioner +argun +split-finger +ruthenian +paddle +verettes +sensationalist +prorated +alioune +breeches +cartons +puffy +delaunay +moseley +moisture +dragnet +panova +engstrom +hoya +00c +sherry +chamomile +ullyett +greeter +rafiq +jabba +thickly +casar +clenbuterol +template +mesto +toh-nihn +longitudes +delegate-rich +hakka +mcconville +chlorofluorocarbons +britt +ambient +tandja +demolished +winked +accepting +ups +mihail +al-aksa +greyhound +sapir +mostafa +imitative +dnc +titular +hildesheim +acquitted +clemmons +haters +detracting +circulars +belatedly +arrangement +stagger +descriptions +delancey +eia +sahni +imperial +flax +felder +silvija +faithful +bicameral +fabien +hellip +blackening +mixup +ciu +emitter +untenable +pompadour +brando +two +bison +avril +shue +geraldton +newsmakers +myung +stella +almutah +munich-based +gayssot +subsidence +hilltop +wasson +repeated +heraldic +bribery +settler +rumbles +il-0 +verplank +fabricated +ronnie +constitutions +cellars +kirill +phage +goof +tachia +friction +ploughing +actualized +imprint +pskov +sumatran +o000 +heartland +oxides +screwed +dre +ukulele +semyonov +restraining +al-kah +ariake +commanded +carbonneau +unjust +papyrus +tephritid +edginess +bandidos +hydrochloride +nomar +anti-secession +liming +sochaux +mahakali +ouse +pinch-hitting +gai +lahaina +ugliness +igawa +base-closing +winched +atlantans +molloy +envoys +bitching +knbc +nakazawa +prijedor +steering +hurry-up +blewitt +knocke +u.p +guided-missile +yarmulke +abhor +canvassers +liffe +camby +two-door +mobiles +supposes +00x +spanning +practicable +etf +perros +eerste +espanola +ahlerich +0-inch +lewisham +julianna +presided +ground-level +usfk +entertain +shantytowns +maynooth +brittan +serfdom +bakiyev +aftermarket +all-england +years-old +gautier +redoubt +iraqi-born +zabar +mindspring +almonds +serie +mirant +heide +tehran +deflecting +ives +beathard +writhe +unpreparedness +vigilant +sign-on +terada +resemblance +expiration +faithfulness +soviet-bloc +norway-brokered +trigg +omran +tonys +pennington +thoraya +apertura +ll.d +pylons +quickfire +stegner +mc +khalili +doh-wahn +neighbouring +interior +illinois +dwg +tam +nitty +arabs +rare +chippewa +charley +recognises +co-ceo +donuts +reyes +hearty +idled +cfs +bade +clearcut +nyhan +socialist +depp +spangler +actively +unauthorised +promiscuous +seniority +probation +forty-eight +thiemo +x. +abed +dept +attractions +marky +stalling +f-000a +keon +giveaways +mexicans +vice-president +extrusion +reconciling +yohr +second-home +fff +reassess +filene +00000000.0000 +hypocrite +circulate +nanni +testicular +demo +bsa +corridor +sponsorships +vieja +zeeland +ga.-based +intertwine +henschel +taif +hassanein +towers +seon +oboist +apartment +quartermaster +cariboo +postmarked +bannu +paints +impounding +watan +succeeds +unpolished +publix +vhs +bling +crawlers +aneurysm +fencer +marshy +experimenter +philosophers +coding +dory +coots +deforested +glaucoma +embargoed +guerilla +quantity +burney +cabin +ucsd +bell-shaped +dahlberg +worldly +timepiece +savings-and-loan +balloonist +cardinale +day-by-day +foil +tadic +punctuated +endeavoring +unanswerable +petrochina +tamoxifen +nwankwo +product +bc-financial-advisory-lat-wp +mackler +rehearses +baltusrol +samsonite +petkoff +flamethrower +p.w. +cftc +purges +aarons +webpages +cetacean +oceans +take +purchaser +voila +dystrophy +shilton +six-tenths +unmask +durian +johnsons +lafayette +0km +palladino +grieved +brundle +wanted +naia +reassurances +dany +workhorse +afghanistan +mezzogiorno +newry +two-level +novelization +hair +marcus +kt +house-to-house +precluded +jaha +nikko +relegate +late-0000 +harperperennial +jabir +excepted +stodgy +budweiser +samarasinghe +prefectural +trillion-dollar +retransmits +gowan +satanism +javan +swear +antihistamines +acc +ponderosa +distinguishes +listens +famine +russes +war-battered +dysart +mini-vans +gucht +caithness +courthouses +ncb +panini +blackford +cathleen +costs +msha +maroney +visitation +trimmed +disgust +maleeva +nishikawa +hudec +pre-set +00.00.0000 +inherited +curved +gawker +baradar +showing +krtc +taekwondo +miht +nurdin +losyukov +fast-developing +gestation +riess-passer +malabo +unr +kirkpatrick +ilsa +grierson +octavius +idolizing +lair +zamorano +asiana +0000000 +trinkl +salvi +chincoteague +edney +remorseless +norgay +brecon +plump +sutton +plugged +westerfield +chy +tan +montessori +vital +ramprakash +redrew +rennae +cove +dotel +coby +dni +chartier +bonaly +dewayne +billing +qingchuan +stonewalling +dampers +meps +prieto +pagodas +shide +vancomycin +halfway +washed-up +pentiums +re-thinking +tcp +anticompetitive +end-to-end +snot +md-00s +preconceived +atheist +informed +superstitions +disordered +five +accompaniment +calley +kimono +kearney +00-0-0-0 +cross-section +aspired +gape +technicolor +subcutaneous +tong +aspects +gemstones +wrangel +lance +enmeshed +repaved +massa +stud +multinational +potential +solicits +duka +davidson +leavitt +parastatals +acidity +pelous +radnor +rivers +e-commerce +denesh +mayra +castleford +culver +frieder +hotspur +off-site +colima +bogeyman +modus +flow +laundries +hot-air +cole +success +runako +uday +tyranny +confab +coniston +medard +selwyn +sixth-graders +botha +ashore +bobcat +wresting +sbg +clinicians +tanui +unch +jitters +choristers +amounted +muscovites +leboeuf +duo +landry +surveying +born-again +mcanally +vedas +pyeongchang +deeply +styles +city-state +theophile +peron +000-000-00 +aoi +notations +indyk +esther +varanasi +al-rantissi +kroon +clique +marries +agrippa +flatulence +marka +vee-noh-grah +sempra +devoured +aviv +jung-hwan +hunted +flu-like +zeros +staph +majerle +edgar +joy +folkways +differs +stackhouse +imprisonment +cylon +farragut +groscost +nawaf +vidarbha +recognition +swissair +khalfan +fowles +npc +shocks +choppy +regis +field-goal +china-based +mikado +ramada +promise +interest-rate +eurydice +kalyani +worship +corel +single-chamber +headlong +dci +hertling +enrollees +patronised +most-populous +wow +iran-based +atsushi +sancti +ventures +rohner +amnon +cronin +gobind +pop-punk +calderwood +cocked +upanishads +suao +couplet +mccowen +cashmore +saldana +homered +yoshiki +jumbled +lippold +aiyar +royals +dusts +hybrid +t.i. +scalia +bergen-belsen +contended +pannonia +coakley +hellas +blackadder +rancic +danka +us-india +dasani +neko +kaluga +wakanohana +e/cn.00/0000/ +wilfried +poi +snow-covered +sterilizations +moistened +keenness +wwc +kiper +goeglein +bountiful +expo +maccoll +moo-bah +sibyl +crumpler +n.w. +eliminating +peace-building +salute +hypertension +giampiero +transact +xmas +soreness +... +detritus +gimnasia +alasdair +000-00-0 +joint +cross-party +postgraduates +delray +machete +tella +identities +everglades +fia +catheter +beeps +chalets +craftsmen +strongly-worded +courthouse +pakistan-afghanistan +en +zanu-pf +f-00 +futile +inertial +donovan +shopkeeper +jetty +strumming +post-saddam +full +exchanger +past +jumps +kagan +hanjin +mtb +hargrave +hengchun +incinerated +papayas +actor-comedian +grammophon +labyrinth +caddick +hausdorff +achaemenid +serbo-croatian +zainuddin +clamor +duch +hatcheries +kirby +pacman +takashimaya +doa +kam-ay +rolfe +xia +accommodates +maire +reusable +riverboat +fda +manoel +psi +moo-neer +browsing +uruguayans +usx +bresnan +lusitania +little +trihk +tokelau +uia +bruising +samudra +supermodels +ij +lumbering +organisers +apologetic +espiritu +patenting +mbit +peered +loi +quai +lpr +geek +emergency +vanderjagt +cooed +competences +consignors +overstretched +schon +concha +flirt +gainsborough +illegality +mccarty +leached +shallots +xsara +dusky +leaving +whet +paraguayan +shukrijumah +house +manageable +chronically +desert +xuanwu +mos +orthographic +toyed +tonya +satisfying +zinn +jaa +ah-bee-jahn +meenakshi +ramazan +toumani +saline +self-mutilation +rehab +mcilvaine +synthesizing +mucus +conservatism +bogues +n.ireland +two-wheel +encapsulate +aparicio +jilani +instantaneously +caesars +humanized +deby +tomahawks +incongruity +fujio +wilfredo +andrew +favorably +etruscans +laying +scribble +lunged +high-resolution +umarov +pro-russia +condolence +englanders +deceiving +helmer +officio +catharines +ready-to-wear +taught +dangled +ross +firmament +------------------ +delmon +early-0000s +sain +ebadi +unblinking +renshaw +stalker +convener +tee-moh-shen +five-storey +coolers +bolo +lamp +discontinuing +piyush +paddock +mountaintop +cabinda +masterpieces +beaty +ana +blackburn +picking +three-page +pitchfork +fedotov +rigor +florid +polyakov +pandit +quiet +craziness +iraklis +sanomat +evildoers +check-out +proto-indo-european +nacion +perata +oxytocin +azim +gurria +ile-de-france +urchins +frazioni +anteaters +hmm +spray-painted +salvageable +sunflower +breeze +proclaimed +remodel +lasagna +brunette +ivanovich +skim +0x000 +presses +yehiyeh +seller +guyuan +sloot +healer +fends +us000 +moslem-croat +petal +mahut +ariadne +mf +plagiarizing +formica +advocacy +yalahow +times +sampler +merry +free-lance +extolling +details +became +unmih +lindemann +discriminatory +cuatro +herbie +telmex +alvarez +mko +syllable +bandanas +xanax +breathing +intolerable +mauri +irc +reorient +intesa +preliminaries +tainted +resuscitated +turpan +saint-etienne +troublemakers +icelandic +constrictors +governmental +clover +classroom +merlyn +dampening +overbrook +wasteful +plaxico +brubeck +marques +reaffirm +commends +fiske +rebound +rtl +rave +blockades +mathew +pressings +propylene +gsee +irrigated +bavasi +patrols +building +imtiaz +documentary +carbone +donning +binary +matilde +headdresses +enlarging +spacesuit +devastation +corallo +demetrius +globalism +malignancies +hart +hj +faire +victorias +recognized +mgr +holding +sergeant-at-arms +kansan +elland +intents +starlets +unidir +home-schooling +needing +yachtsmen +chemical +unicredito +domnina +lamu +demerits +boredom +naidoo +kazakhstani +middleman +nytimes.com +sickening +rommel +forster +disinfection +barrels +noncommercial +krall +hossain +perejil +u.s.a. +injury +renney +placement +metropolitana +homer +ruggles +riot-torn +bastogne +itoh +pata +trabelsi +restocking +bratislava +twins +dusseldorf +post-electoral +lacroix +professing +activities +scant +sangakkara +camrys +c. +reinjured +seselj +voh-yee +vibrates +immunological +rites +feofanova +greer +perkin +arkhangelsk +iccpr +lbr +oblique +pound-feet +racists +on-line +gilded +changeable +six-minute +cluttering +cross-fire +upper-level +rash +bakoyannis +linkup +eyadema +big-band +realtime +sanctuaries +yevgeni +two-tier +biblical +disagreeable +hoddle +00f +isotopes +nds +enlightenment +malta +americo +banter +indrawati +nm +purify +classy +ex-chief +pinchas +exultant +tangling +voracious +bc-israel-palestinians +caved +quiroz +amedeo +mellow +semi-permanent +shaving +quarreled +iptf +mal-ehn-chehn +committee +maoming +theme-park +zhizhi +lengthens +whatley +ims +convertino +brigade +delusions +dames +intending +yastrzemski +branched +koh +00sec +adha +baghdadi +danmark +tram +mucho +lustig +bunched +’re +cindy +demarcating +badly +crutch +ringgold +inflows +cilantro +efforts +000-000-0000 +phonograph +load +ruckriegle +divine +asturias +flat-out +tanweer +bacterial +zurawski +thanos +quarterfinalist +vitali +radek +zyn +legalizes +ahb-dur +culminate +gupta +rioted +starling +ppd +u0000t +fracture +braces +ostrava +bena +grills +ayala +tethers +multi-agency +wissam +extraordinaire +harmonised +gripe +gravesen +ossie +uncircumcised +gesher +flemming +chica +land-based +majority +lytham +caseloads +standing-room +government-allied +foundering +ohs +sows +authorisation +opioids +e/cn.0/sub.0/0000/ +e-mailing +indanan +noses +latina +inhibitory +bomb +pre-installed +cheval +roger +loretto +jingle +ascoli +maulvi +spoke +mayanja +crests +adjudicator +nude +anti-nausea +nightfall +nigerian-led +thumping +lanois +shabir +flubbed +rephrase +half-brothers +pekar +brink +marne +stand-out +profound +meh-hee +rheims +freestyles +congonhas +respondents +hints +comey +mustang +usurpation +cowgirl +homemaking +plantar +appropriate +dall +ltv +reigns +eindhoven +deceive +cabinets +rafters +mosb000 +mcdougals +sign-up +nowshera +purveyors +tamils +shading +marrakech +chipped +barrel-chested +kos +underdressed +judgements +lemaire +prions +tarantulas +langella +nauseating +asw +scholarships +solicitude +negation +athar +thoughts +zhenya +nereus +wongsawat +dutch-speaking +0,000-0 +spiced +noland +caton +trumpets +kenwood +rush-hour +oram +exodus +chunghwa +nutrition +trivandrum +mexican-born +unrealistically +ranks +rain-soaked +alzheimer +nasal +caisse +golmud +wonders +snowbird +yafei +cayetano +semi-public +gather +alou +sabians +lakh +audio-video +miers +for +bourbons +boutter +boxer +gristmill +obsessive +borland +ark. +environmentalism +contemporaneous +vetoing +strangling +understatement +ah-thay +deleo +faithfully +watertight +candelabra +sordo +scientology +shohat +vfl +nuys +ecole +trenches +ambien +lars +toshihide +smooth-talking +commenced +staub +maeda +absentees +swanson +eugenie +sauerland +patinkin +reviews +upheavals +pinata +burrow +trillions +poehler +pollak +belgacom +thatta +six-term +foward +bricks +poo +yo-yo +synchronised +radioisotopes +booklet +post-intelligencer +imax +exhausts +normalization +ede +kosovar +lockup +dumars +porterfield +akademie +aeroplane +anti-clerical +trade-weighted +mccrary +single-game +basturk +bjarne +woman +church-run +prparatoires +jujuy +gasses +inhalers +litigator +ascendance +overthrown +sm-djp +trapper +adjective +irritants +schoolyard +us-elections +jumpy +then-chairman +mediocre +citicorp +frequent-flier +kirshner +hotter +arrogant +pessotto +skimmer +dropped +yakushkin +on-going +all-ireland +snitch +aryan +grazed +mangroves +ie +nea +jogger +historicity +kingsbury +aurilia +al-tikriti +bokhari +svr +cover-ups +tyrol +workmanlike +first-phase +maputo +yimou +fletch +footsoldiers +rosenstiel +vere +telemachus +beefy +studious +mickael +continually +chakraborty +cholla +pyuhng-yahng +sip +jeong +unprotected +thoracic +georgians +artibonite +unsound +deh-loo +annulled +catechism +cba +presidents +jorgenson +secondary +barbed +jacinth +coward +star-studded +aromatherapy +reddy +costner +arcos +ludwig +subjection +rainsy +intimidated +pidgeon +pignatelli +makhdoom +myelin +grimace +thessaly +confidential +bofa +anime +onboard +raul +eye-ah +bebear +paxton +bishop +magistrates +chaowalit +ebdon +serial +wea +sino-vietnamese +irineos +rekindles +attentiveness +changxing +mulyani +hapoalim +bowman +amusingly +photo-graphics +tvr +sydney +kaia +legislature +alsop +emus +twenty-four +sirhan +spreadsheets +paparazzo +lightweight +rewritten +precipitous +spoiling +schlumberger +rocha +margot +silicon +decelerated +corsi +bigelow +sameer +gamers +silhouette +steph +hesperia +post-race +sculpting +locomotive +seas +pro-thaksin +al-ani +geodesic +improvisation +vorontsov +slayings +rothmans +sadam +oso +whiteout +yeomen +co +co-chaired +car-free +suria +lesser +moratinos +venting +stevenson +beyonce +noche +troops +oh-bayd +lim +india +assuming +intraregional +pioli +lard +upper-crust +west-leading +ywca +bacteriological +bards +unmanifested +half-time +piromya +fishbein +growth-oriented +snowflake +suffixes +woodblock +adeline +sulfuric +disgraceful +yuba +gacaca +erb +0-bit +dilated +whooping +thammasat +insulating +kitzhaber +admonishes +archelaus +paleontology +ex-rebel +ifp +loneliness +rebook +jerks +saarbrucken +dictionary +anani +hanbal +00th-place +00ft +discarded +uniting +wohlstetter +d.c\. +plesetsk +cannibalize +ludington +mihn +portman +levine +balkans +blooded +pan-african +sinatra +misery +swears +fudan +shenouda +uic +shies +deciphering +pernod +vanryn +weapons-related +priority +taisho +biofuels +nationale +muppet +thrushes +defaulting +irregularly +armenians +exculpatory +leona +hajdari +builds +quade +roadless +squeak +disastrously +zook +thessaloniki +reproduced +contractual +finalize +catalogues +multi-pronged +kbps +barometer +brucia +cluster +battler +fraph +marini +outsmarted +screenings +aboulafia +assails +halibut +flicker +tunisia +liwei +dooz +batiste +visigothic +pcbs +hardened +photo-op +stratovolcano +nantwich +accomplishment +cross-century +fmr +doo-stuh-blah-zee +bleakness +casso +illuminated +connecticut-based +morakot +took +ragnarok +unfilled +fofana +mavis +marni +petronas +tessa +marcel +denel +puller +shean +effluent +fence +professes +spengler +jean-marie +watchmaker +teemu +00-000 +bestowing +revolutionary +jekyll +ballplayer +how-ahr +taepodong +inmates +colspan +daniele +cheeseburgers +one-under +birdman +yoo-shen +hdc +silbert +coxnews.com\. +binghamton +tranquilizers +superagent +lower-than-expected +branco +navigational +double-sided +romanow +guaranty +montevideo +ehlers +counter-demonstrators +vivica +garment +endowing +tesoro +shute +newcrest +phosphoric +dispassionately +bourdais +srb +rubbers +blacked-out +electrolysis +dobro +dungeness +cemented +jean-marc +slavonia +drop-out +sitka +unb +pottsville +trainees +prospers +dmx +complains +soo-koht +xiaochuan +kristy +ab-dehl +nucleic +coote +pest +attribute +sphincter +walsall +ilhan +beverley +lata +gutless +abusing +disbanding +outline +suji +facilitation +raps +afflict +bur +chalukya +earmark +prisoner +excusing +accompanist +linings +mahat +imayev +ros +chesterfield +adirondack +maynulet +kepler +formula +churchman +o'smach +panagopoulos +bonita +accorsi +recordings +meniscus +arredondo +twenty-two +strafed +bearings +ostersund +palauan +surveys +goodly +ante +kooning +dissension +trace +kuril +publish +trendiest +manouchehr +utero +ombudsmen +turbojet +tshabalala +fairbairn +topples +hildebrandt +bayfield +00-0-00-00-00-00 +minuteman +dowd +restructuring +sapienza +red-carpet +montas +nevin +panahi +lock-up +discern +watermark +anantnag +denning +tarp +staten +arson +hollies +flulike +memorial +belmarsh +han +kerik +negating +cfe +diwali +extend +minas +sogavare +geared +bedeviling +priddy +dani +r-fla. +refuting +massport +bia +haitao +pereiro +dial +lexus +typos +topps +leathery +prejudice +pent-up +shortest +anti-vietnam +burr +samira +galo +erc +issn +keanu +fukuyama +johnnie +zenica +much-delayed +decheng +c.c +usm +pro-iranian +assumed +leonard +prix +ghost +moammar +fog +decelerating +aleph +seroquel +salant +pellet +lites +deon +entrusted +negate +junmin +taupe +decentralisation +downtowns +wellstone +consoled +gyroscopes +culling +schisms +lauren +agencies +tonics +swindle +tattooed +micex +nyheter +dispensers +geologists +bahg +positioned +telecinco +utf-0 +recyclables +hulled +buy-in +frustrate +corrupt +skydome +calmed +bitola +analytically +trans-border +contradicting +slorc +b-flat +eunice +havret +keisuke +ndc +postscript +ibar +chords +selloff +nickles +jairus +pallister +gaap +ply +beatified +orchard +defensive +yoann +prueher +botulism +adak +recreating +heye +mckie +vons +educational +social-democratic +munda +refreshed +mcammond +lowell +dickey +-00.0 +sabe +zydrunas +gongadze +chop +as-kahr +baserunners +aurelio +pfennigs +bidders +prudential +ato +lecturing +ifans +delon +frills +enduring +soot +montpelier +gss +xinjiang +tuhv +fahnestock +mineral +on-call +oratorio +gilardino +fortifying +ob +wyd +grins +visitor +strangest +meissnitzer +steeves +plaque +outlier +spatial +yinchuan +states-based +mischer +climaxes +gauteng +dowager +tunings +mpeg +untruths +whoopi +babysitting +relatable +pegram +tensely +hauptbahnhof +buttressing +riveted +pledges +precocious +sausage +seve +litigants +brags +all-out +barksdale +abdomens +cathcart +pollock +indignantly +all-shares +katayama +trade-distorting +omaha +kidneys +barbecuing +burning +ihn +glass-walled +zupancic +grinstead +shifts +vickers +neuilly +loincloth +derailment +mustaches +uber +choirmaster +double-faults +chardy +elshinta +rebekah +portables +fujiwara +impala +rubies +kidnapper +youssef +sociable +waistline +april-may +corbin +manioc +gospic +certificated +riddle +upwind +speak +elevating +turmoils +zadar +condo +heintz +0000b +stroking +kurdish +byron +neh-veh +teamwork +wah-keen +" +navarra +measure +volusia +flaunting +infirm +tuitions +poundstone +remission +czerkawski +millett +contests +boarding +secessionist +pacifying +narendra +tension +freelancer +qantas +gubler +harries +burman +rain-triggered +espn0 +chicanery +azadegan +frat +tonka +mercenaries +just-published +teva +vattenfall +arv +magnetometers +all-tournament +stock-based +merv +join +german-style +queens +restrained +rey +un-christian +fortress-like +faleh +leggings +growths +naughty +kravchenko +charleston +lwt +husbands +eponymous +restarted +seizures +eases +viceroyalty +addled +coram +calcio +archduke +montoya +pick +reagan +garfunkel +antivirus +maqbool +lemonade +trumpeters +teamed +square-leg +placated +hatter +diskette +blumberg +vesco +collaborationist +mauthausen +pelicans +therapist +inglewood +scorers +merino +elks +wat +champions +dementia +manta +anchorwoman +merchant +willmott +inc. +traffickers +co-educational +lyrical +natta +engelbert +elfsborg +puede +gunnar +coordinator +boondocks +rhp +jihch +lugs +al-khaimah +noel +drugging +individual +c-span +blastoff +bosniak +yerevan +invasion +overmatched +handoff +lombardo +underrated +saddling +shamsuddin +reiser +b-sides +rand +reproach +disobedient +tajudin +al-mutlaq +complimenting +scythe +flatter +poughkeepsie +fausto +pineda +dungannon +indoctrinated +ullah +podujevo +resistive +obelisk +patriotism +pursuers +a.h +enrich +all-knowing +wurzburg +kuh-ray +jingling +honouring +putt +hives +mammalian +ba0 +vaduz +eagleson +salman +psychosis +euphemisms +cohesion +upon +staffer +transco +microphones +st. +accommodations +cordes +nakano +anthropology +businesslike +trainee +gumi +bunnies +sachs +statehood +xixia +understands +seidman +lf +doll +sunni +nonprofits +beaker +dougie +suha +ensued +humbly +hands-down +neo-liberal +shengnan +hooligan +disconnect +finest +wpix +nasrawi +untethered +apartheid-era +arnaout +baltic +baradei +singapore +non-convertible +barsukov +pressuring +morissette +equipe +ceasing +armin +sables +sludge +cadres +arik +blau +grandees +camelback +emc +hulme +wayans +holy +redder +rzeszow +pienaar +psychics +cleanups +vocational +guerrouj +lswr +capitalise +vote-getters +lcs +oil-bearing +gambia +numbered +virgen +ueberroth +hack +wuthering +catering +clarity +turntables +fentanyl +peeled +persson +yoshii +e/cn.0/0000/ +kupwara +jailing +rocketing +fans +rybak +trophy +merlot +phylum +schemed +django +unlocking +engineers +coleen +nauru +believed +kanan +not-guilty +webvan +prepayments +pressurised +susquehanna +cam +heaping +rafsanjani +litany +joergen +ore. +berliners +coldfield +vaults +berate +abdurahman +srt +kg +bag +betsy +cancel +jaaskelainen +jethro +inward-looking +aggravation +imitating +griesa +molars +cancellara +cdb +dorrell +ncos +global +salif +vandalised +nasi +tps +hoi-chang +administracion +benguela +creditor +monopolies +ribosome +stalwarts +slut +ilp +wegener +mashonaland +hartford +subpoena +saudi-born +futch +annexation +colony +hussar +party-building +dipendra +superpower +flee +squirt +anti-missile +estaba +migrants +bev +rainforests +peck +rikki +magellan +hand-delivered +clintonian +assisted +crispness +unreliable +rushers +cliched +anchovies +lion +irwin +yuvraj +nebraska +gearboxes +defector +hancock +seychelles +mondadori +joiner +omni +usd +plenum +buyback +soothe +signals +liddell +gunman +energy-starved +hsu +helm +cashflow +katarzyna +reoccupied +swastika +cortland +gilbertson +baying +dangles +locatelli +derian +quartering +repatriate +pointe-noire +fart +aachen +co-produce +0-dimensional +dressy +bpl +ruhn +beefed +gah-lahb +cacau +unsuited +neo-classical +fadl +ouvriere +dkb +tohr-ree +impractical +saucepan +supervisory +reptile +vissel +voreqe +suceava +crosscourt +additionally +imposed +wisecracking +scuffling +yachvili +cochin +jacobabad +amnesty +midyear +nero +attaches +magomedov +co-opting +genus +vote-rigging +lajunen +weightings +multilingual +nery +pristina +point-blank +corrigenda +isaacson +polansky +mackillop +crying +superpowers +bruxelles +powdery +arvin +granulated +smh +swi +kiva +blatter +put +bowne +feroz +fished +setc +forty-fourth +postoperative +karak +gerg +climatologists +yazoo +vacationed +homeostasis +kabylie +enteroviruses +luoyang +cellblock +ely +yah-noo-koh +agonist +dosages +masayoshi +chon +kala +shipyard +paleocene +harps +caine +bwf +rigid +use +merry-go-round +skas +keno +depositary +mince +a.o\. +kolbe +shackled +nra +coursing +undiminished +protestantism +card +sequential +kibumba +rebuked +punjabis +kotsay +delage +woollen +lollipop +treasure +dynamo +ayer +baghlan +als +rieckhoff +market-moving +unmet +mnouchkine +caperton +headwaters +geel-yayr +mathura +cli +officeholder +explosive +consuming +blacklists +wahdat +pro-moscow +doublet +bmx +ad-hoc +kambojas +polymorphisms +galindo +u.s.-canadian +envelope +azarov +american-arab +mceachern +aref +mini-bus +muddied +patria +dancing +libertarians +steak +ruberg +scotty +mui +guanajuato +mayfield +stonecipher +hq +prolongs +kuzmanovic +doormen +milligrams +movladi +khee +secede +sighed +straining +pago +completeness +shii +grah +challenging +wolford +beguiling +malaria +donizetti +topher +ernst +confronting +hissene +despots +boundary +speedometer +jacquard +merrie +charities +spanked +expos +incapacitating +curl +badajoz +plain-clothes +relaxing +plotted +notifications +plowman +turow +algiers +basulto +hp +run-off +religions +signatories +turkish-cypriot +backstreet +geo +tribhuvan +takings +hothead +guinness +isma +knott +pon +terrace +sangria +urszula +montezuma +000-year-old +allegation +cjones +yokota +beria +intergalactic +great-grandmother +brasov +deduce +alstom +tail +western +ringo +warranting +interwoven +nauseous +troubadour +inbred +asian-pacific +chuck +zola +dopes +quarter-mile +artichokes +anja +parachutists +ngos +ima +chorrillos +syphilis +mrs. +kiko +pelleas +soichi +compensatory +zuluaga +loaf +talansky +gol +birnbaum +swd +kenton +carding +lowly +cautiously +yielded +0-star +bexar +triumphalism +centro +sofas +newfield +firefox +althea +wgbh +curtis +dacey +prop +mook-tah +cajamarca +dodge +creepy +vodkas +imam +chasse +jocks +lengthier +medium-size +sappers +disregarding +muscled +bougainville +ljm +chogm +winemaking +wei +outwardly +hinkel +najim +sar +ambushing +obituary +limber +saliva +brenneman +dhoni +thierse +vied +polarized +stickier +heymans +tortoises +six-part +aurangzeb +hottie +tmz.com +mychael +steel +defecation +segregate +snowboarder +bossi +murai +no-go +marinate +sproul +ministership +tipsarevic +shipwrecks +moriches +shiokawa +creep +consents +cross-examined +identically +arua +exertions +well-guarded +bandages +coppin +tuneful +rtc +scofield +officers +telewest +fuh-wehz +interrelated +dynamically +dusen +pitchforks +tannins +unaccompanied +bourque +freshwater +parlors +camerawork +concomitant +magnetic +scorching +inseparable +jamel +mahr-teen +ptv +confining +cantilever +queenie +young-sam +predestination +dioramas +reassessing +urbanites +llamar +extricating +jaleo +oratorios +medusa +magaziner +underpass +kraut +statutes +waystation +dubiously +rafting +turbocharged +reapportion +vann +mehsud +imminently +pahl +u.s.-style +pipers +ex-president +beta +scorned +smalls +endorsements +voh +corp +rhetorically +hard-currency +minute +cash-and-stock +rearrange +stabilizing +guest-worker +marxists +topinka +dominions +malayalam +livonia +proust +dawns +trinket +ciento +feign +comfortable +unplug +ap +browning +cashbox +stammering +rose +bekaa +rambis +minnesota +musser +tulia +behrens +anti-insurgency +tauziat +stonemason +druce +advantageous +differ +verb +walsingham +chipping +ibca +incarnations +d. +meer +geithner +wrecks +undernourished +fiumicino +prominently +goossens +darpa +sensible +libyans +intelligentsia +harrington +bookshelves +anker +landlady +onondaga +automating +guo'an +vigilante +systemwide +felten +embittered +definition +bahamian +aquifers +jinxed +inaccuracy +ab-ee-my +co-presidents +salamanders +stipulations +conducted +grinnell +gender +lileikis +pergamum +evacuations +slip-up +thinning +thistles +farka +beatings +bermudians +wor +waiver +janis +ogletree +provincial-level +guested +highgate +usk +hawks +liberalise +jaundiced +miseries +ven-ee +rulings +declared +consumable +teeth +tipping +tatters +pooch +receding +bushes +rolls-royce +turbo +lampert +gtr +bassam +sheaf +resting +blighted +begat +marti +constitute +bosniaks +yamin +artificially +potting +dynamics +andrews +absorbs +clarifying +livable +grose +asada +meteor +montenegrins +blackman +goeldi +troo-hee +ruminations +dualism +stockpiling +verheyen +outcome +peters +heine +expounded +al-khatib +jepson +rebukes +u.k.-based +take-two +hazem +vulgar +law-enforcement +baishi +anthony +stepashin +dewi +ttl +un-au +plows +narcissistic +manipulating +hoard +k.c\. +overjoyed +platt +mall +rudiments +domingos +assailed +peoples +bbi +hominid +unprepared +scattering +tallow +east-leading +chauvinistic +vatan +transborder +bonuses +polaroid +masa +m.s +recommenced +nonwoven +dene +copayments +tanjug +seder +hingham +throb +threepenny +tolbert +deet +klayman +0000/00 +smallest +uni +excellently +goalkeeping +indianola +emigrate +eszterhas +waiters +abdomen +heem +yudhoyono +tsibliyev +chorpenning +quasar +manica +ashdown +equate +mbaye +oscillators +acquisitions +cortical +comparable +foaled +uncharted +mirada +navin +undeveloped +ravine +francois +suh-moo +peltonen +cleveland-based +tyrannus +epee +transformation +baldrige +eragon +namur +donnelley +october-november +considers +grader +lauer +agnelli +curvature +supremacist +anti-colonial +anticipates +lapel +shelter +estee +intra-day +culberson +accessories +dias +meddle +grudgingly +cicadas +deportivo +tallest +00-00-00 +belden +eprdf +shihmen +airless +antidote +ludlum +busloads +progressives +gunn +soundly +linnean +folate +kidan +rendell +streetscape +subtraction +suncor +pilsner +simba +abutting +baltimore-based +palffy +housemaid +roscoe +ameritrade +doleac +anti-torture +storm-related +kharkov +lidia +side-by-side +contrary +reprimands +imitated +recruits +royle +inflationary +misunderstandings +resorting +loit +facundo +shigeo +administrated +hinted +hindmarsh +sanz +utsumi +deadbeat +drop-off +outgrown +tillakaratne +schuster +hocking +eliminates +september-october +stoked +nearing +museeuw +greengrass +mazzola +v +subsector +oreos +flame +ah-ray-ah +lawyer +tingle +sarge +surfacing +wyckoff +advocaat +hardcastle +el-sheikh +tenuously +course-record +gkn +nyingchi +wake-up +ethical +bret +stryker +rah-been +hamedan +pendergrass +folha +nun +tei +scintillating +usc +redknapp +rethought +shadowed +unamir +serling +laporta +tracer +arma +vlaovic +seel +patman +hecker +hyperventilating +ten-man +ashcroft +shot +gazan +alwi +ernakulam +and.000 +tuesday +forsake +subsidizing +reflects +chinese-language +tello +phenomenal +genie +mouse +fae +minugua +levying +should +perk +broder +weekends +protean +upholding +fingerprinting +co-executive +alcock +loeb +and/or +fitz +coltart +efficient +sabu +diverged +spartanburg +meals +twente +golisano +heidemarie +disablement +special-interest +zeneca +kuttab +bostrom +muth +oppress +bela +brite +modrow +hick +interviewees +mi +grain +jonty +curio +rohvsk +bedard +--------- +concluded +eschenbach +wharves +woburn +fink +xinmin +lorin +troubled +comically +obando +wgn +cantoni +ridley +cookbooks +uncorked +swanepoel +equator +confucian +pentecostal +soltan +bejeweled +radic +gaping +dentist +wallets +release +avoid +crew +dpp +linguistic +chasen +high-quality +overused +pulitzer +back-door +levi-strauss +able-bodied +smartest +burghers +ngilu +flamengo +natures +staves +privileges +eights +politically +thiam +see-yah +ridges +taft +magana +prowler +mogae +diphthongs +0hr +comunidad +tigray +wulf +gerrit +tiber +miyoshi +pre-registered +happier +sameness +remastered +nytimes +truckers +nepal +tor +magnanimity +parmentier +infatuation +free-speech +weeklies +tzu +0,000.000 +micunovic +free-agent +relays +remedied +hek-mat-yahr +high-speed +guilder +overgrazing +qinghong +campfire +come-from-behind +hackles +ny0 +weta +koln +clintonville +desolate +non-cash +one-two +slew +itn +transduction +senor +anaemia +tiong +austrian-born +edgewater +impetus +drapery +mou +stossel +gau +000-0 +ofer +trodden +different +ziyi +unemployed +voyagers +outshone +imminent +alvar +audina +matara +kcp +a000m +destabilization +arlacchi +lipoprotein +falsifying +shuttering +smoothie +pascual +jansen +pandora +marseilles +agent +convinced +snout +koki +talkin +obstructionism +syndication +plain +swonk +amiez +extracurricular +olympic-size +dammed +yurt +tigger +deficits +imbue +commercial-free +saakashvili +racers +xi +nor +mendoza +slmm +ejector +recursion +whirlpools +cif +awarding +revisionist +allows +all-rookie +kasit +lillian +dn +nigh +valencia +alamogordo +chessani +attacker +experiential +rafal +carmakers +travels +shahrd +slandering +jin-pyng +meditate +kazuki +skittled +rationalization +during +hirsuta +twice +market-oriented +repubblica +i.c.j. +eyeing +shop +percent +dios +envoy +congo +glennon +oxidase +zinc +matures +org +semifinal +mensah +full-size +rigidity +fuel +paradox +other +refried +antipoverty +lx +colonel +marvellous +cabbages +doron +nightjars +us-japan +nikitin +zlotys +protect +yan +cacak +kolar +ntp +rotarians +freebie +inc +unwieldy +mma +selva +unu +poster +magnified +wander +stacy +tactful +us-made +bewitching +abdelmajid +preeminence +kamal +hawkeyes +iestyn +wildhorn +four-run +unusable +adderall +blurts +lisboa +bend +smoothly +rakish +burson-marsteller +opera +error-free +groza +lithuania +nevada-las +defuse +nca +imprisoning +panay +mastiff +lipstadt +ornaments +duplications +hostel +ration +dombrovskis +lyricists +supernatural +discriminating +madman +rae +cvt +attila +lareau +d.a +magick +hazards +byers +portentous +janusz +buh +cher +bolden +elicit +segregationist +union-tribune +hip +spines +algeria +untamed +cass +sanibel +ultras +tallon +top-to-bottom +dreading +benoni +eurocup +amidst +omri +al-issawi +nora +yoh +tatsuo +banco +institution-building +bespoke +incubate +alarmed +hauling +phenomenology +db0 +movers +low-tech +kompakt +iroquois +kolesnikov +kamloops +irretrievably +redwoods +jeffreys +soviets +enthronement +lifespans +box +ahl-ek-sahn +noisy +amphipolis +pepsico +gdp +on-set +gudjohnsen +weber +railroads +us-iraq +ishida +tutorials +mcg +dama +ancelotti +truitt +ushered +sensibilities +follies +ault +ingratiate +basics +haynesworth +pitiless +kaddish +amram +nap +pinkney +farooq +arye +hornblower +heist +bayliss +collinson +dimarco +amsterdam +obscurity +crude +conserving +travolta +daloa +margaritaville +berkeley +sark +legace +overload +unafraid +unnerve +mixed-race +nikolay +duchovny +traipse +yearling +cramps +mathur +povich +esteem +stockbridge +equinox +gaizka +believer +russian +bartenders +sufferers +ancien +bunnatine +richardson +lamy +payee +dalila +moskow +aggregation +georgiana +potentially +mnf +petrella +merimee +macrophages +non-existent +chrysalis +argento +overstayed +denberg +kadena +flatiron +jeannie +sprinter +kyoo +toddlers +brassai +rectification +farthest +thiele +algebras +charing +westendorp +alessandro +deviled +inactive +sear +infrastructure +udugov +power-hungry +tamayo +arshad +itza +encamped +vibrational +piniella +jancker +paleontologists +wolf +sharples +stretches +eichmann +sembawang +relocated +ectopic +burnley +nuts +cardinal +abrams +engulfed +mentioning +cray +behaviors +automated +disaster-relief +hongyuan +rezende +hayami +lubeck +hornet +nishioka +fixed-line +cos +shamkhani +gem +post-kyoto +kaneko +pier +barren +fredonia +hiv-aids +large +rtm +financials +eiland +mousa +harryb +c.000 +ta +lynchpin +well-designed +ecg +jiaozi +timea +backbenchers +ryuichi +woodchucks +socked +nafta +fish +sadrists +matchmaking +associating +mohsen +quasi-legal +00h +galdeano +marathon +morristown +obeida +broe +niemira +creo +falmouth +cota +orderliness +mohk +blunter +schindlers +interjected +margit +knockouts +javi +baim +frenzy +pre-match +place +comparator +distinctively +chickpea +hell +topology +abducted +multi-skilled +al-ahmar +tpc +baer +printed +auspicious +kilic +dorota +strict +barrages +pews +preserving +lichtenberg +mendip +lantau +necktie +ruettgers +skuh-lee +tolo +granth +surroundings +thakur +mentioned +hasan +paal +yanyong +breedlove +tempest +salina +kumite +granderson +lucius +merriam +zelda +office-supply +monogamous +asaad +-0.000 +fess +brunettes +uzbekistan +fascism +purportedly +kirkham +o'briant +esperon +invariants +sih-pel +proliferators +secessionists +al-bandar +scrawled +koljevic +three-member +brondby +narrowcasting +al-rawi +jacki +despicable +demand +offensive +zhou +torchia +mex +rugen +hindered +telemetry +spca +bessarabia +ziyad +conclaves +a/00/000-s/0000/000 +motivation +hollister +riverwalk +marilyng +yahng +ballroom +eyes +polanco +locality +trader +maharani +all-metal +subiaco +high-strung +hut +home-based +hits +asper +seduces +sniff +ee-kee +overachievers +itunes +goaded +kitazawa +winces +cgi +two-hour +roofed +account +commentators +serenade +quick +dude +bodeen +paintings +barisan +seabirds +migden +duplex +pur-vehz +reuter +farsightedness +three-bedroom +birdies +vice-presidential +arabella +improvise +jarring +ormond +premature +struts +out-of-date +pahor +disbarred +gullah +private-label +suan +daydream +bronckhorst +nmod:than +danish +backer +southeast +socio-cultural +appellations +twin-island +universo +contend +nonda +polster +aphrodite +gentler +barbarous +morell +refiner +rafah +oxide +stalked +vallance +brisebois +five-minute +trillion +motorcycle +accounted +perceiving +meng +mcdermott +stubhub +campo +researcher +rehabilitative +mamet +federal +0a +nonprofit +prerogative +cnn +photocopies +julia +squadron +assemblages +komura +wasmosy +blaskic +clavicles +endemol +imette +plunges +orban +makaay +securitas +estevez +zach +praiseworthy +oxidation +farewell +catered +intellectuals +washed-out +joined +heyman +sfeir +meireles +paranavitana +grammy-nominated +eliakim +neglecting +ulises +seizinger +mirabella +pellegrino +affection +nehustan +middle-income +shanab +ringing +iman +circumvents +uesugi +wondering +perusing +goldsworthy +pickard +protruding +canteens +dubious +argentinos +uh-day +announcements +kaino +filename +heinemann +hazeltine +schiff +maximizing +egg +strangely +mustachioed +revenue +rockets +schiavone +treatments +darwen +vennegoor +mcneese +imperiled +bacha +incitement +biro +echeverria +maarouf +formulating +grid +frontiers +filial +cohn-bendit +double-figure +rivadavia +alimony +sneaked +suspects +versatility +smut +stratos +national +caught +duxbury +foo +nmod:without +elbaz +rogues +astaire +court-ordered +kids +glavas +well-traveled +luton +osprey +maude +brookline +recapitalization +ads +lockwood +dlamini-zuma +trop +re-establishment +maresca +specialization +nov. +boringly +electrochemical +wides +question-and-answer +stockholdings +pollan +lexicon +hagen +blandness +dlouhy +l-0 +ego +leyland +perverting +winfried +dehr-nohv +prinz +karros +swept +nna +buttery +affects +autonomy +endpoint +gretel +pneumonic +amoral +safta +snarled +flows +disseminates +articulating +guangxi +springbok +jse +snowboard +castaways +north-central +manchin +fixes +chroma +schmidbauer +hubbert +xc00 +boffo +aghazadeh +naohiro +shalu +kidnap-for-ransom +semesters +argentinians +interferes +u.s.s. +crouse +playgrounds +heinkel +rumsey +theisinger +abebe +megastar +meter +guntur +hypocrisy +reynold +xxxxx +marketers +approached +michelob +amjad +stoplight +camilleri +laperriere +partiers +hartwell +chairperson +hippie +baptize +investment-grade +larionov +korkmaz +ex-military +kurils +stan +praveen +mcgoldrick +diabetes +headway +hay-soos +zepa +virus +mk +non-official +00-man +second-seeded +carleton +yangquan +arianespace +f.o.b\. +cavan +d-conn +holdren +requisition +deutsche +adjusters +toluene +scales +bucci +cotter +vehn-gud +anti-fraud +kwah +gamblers +souvenir +pre-olympic +abolishes +stine +problem-solving +disarcina +tiberi +so-and-so +weather-related +kitagawa +captures +photoelectric +submarines +bahk +cabinet-level +such +cho +individualism +excels +high-temperature +impacts +evangelistic +f-word +rushes +muttaqi +brute +ramachandran +d-neb. +undignified +sabre +subsumed +kickoff +their +sloc +impound +janelle +hoteliers +ivanchuk +hnilicka +standoffish +only +lilco +yuming +yzaguirre +valiente +interest-free +diagnosing +room +undergirding +bared +montmorency +besiege +poly +hitachi +retton +kangaroos +suitors +authoritarian +bt00 +woody +nia +bellhorn +quipped +hickory +jeeves +square-mile +windshield +delays +cska +adam +heroically +keebler +chester +set-aside +dike +g0 +attendant +irresistibly +flicks +yaobang +geiger +zipping +bly +archetypes +sagas +image +mid-march +tomey +sikhism +u.s.dollars +buckled +maytag +eastbourne +strayed +erica +stoudemire +liquidators +fiends +promenade +rivoli +maio +kalumba +codice +polemical +cuff +lead-off +era +moyne +canto +wolff +kuchar +leh-fawl +monarchical +yvon +chang'an +cardiologists +modesto +askariya +legionnaires +kursh +holzer +grubb +crevasse +witty +electors +i-0 +innuendo +directories +reintroduced +pandering +big-box +spenser +suction +all-pro +kitt +anibal +darby +yongtu +low-ranking +romley +lund +0000 +enterprising +anatol +integra +sympathizes +dordain +harbour +touchscreen +snowpack +condemn +phobos +africas +bally +merit-based +loeffler +regenerate +shunde +satrap +inflicting +forgeries +wegman +fujairah +zionists +rathore +unusual +overprints +pip +ual +loopy +remotes +heffernan +d.c.-based +primedia +weakling +costis +ljungqvist +wider +church-state +maniacs +conduit +qianjiang +lucid +g-force +galligan +stockmarket +resuscitation +balde +mistreating +barbaric +mutilations +cornell +leben +survival +make-up +carboniferous +illustration +showplace +sokoto +sturbridge +northville +forero +bizima +machismo +guffaws +ped +bothers +drinking +destabilising +trespassing +billy +bolshevism +lachman +bergman +micivih +karo +crambidae +miami-based +quinney +tilbury +accumulates +compress +brice +nagi +biennial +gennaro +conclusion +forty-nine +ribao +taller +lubitsch +probationary +greta +bamut +sailings +wreaks +pinned +passy +damaged +jorg +deterring +kenan +cost-saving +one-handed +nc0 +whaler +stl +stasi +institutionalizing +first-division +mysticism +cofer +oppressors +world-weary +troll +inter-state +ose +valuing +summarizes +florencio +styll +greed +sager +lompoc +ngugi +listing +lesh +brandao +yearn +isaragura +spotsylvania +spectrometers +forward-thinking +kimble +ricks +mehlman +merceron +juventus +flay +moreland +bingaman +mujahed +immeasurably +text +slaughterhouses +semarang +nimroz +purifiers +girona +kufa +sellout +eds. +retried +whitecaps +inbox +reapplication +policia +non-families +bonham +rowing +d-00 +bostic +broadcast +allure +goodrich +ffs +actual +unpalatable +vanney +aydin +trucker +kinsmen +tribunes +zant +coggins +self-exiled +perks +belli +kourou +chevalier +rigby +shire +marzio +karlsruher +lump-sum +lijiang +cherub +circulated +novels +pneumococcal +irreparably +excitedly +reoccurrence +long-sleeved +bustier +hammocks +opry +rosenbloom +insurgency-wracked +meal +babson +hybridization +conflict +schering +onlf +sutherland +nhl-leading +greene +mauls +bathurst +storeowners +untainted +pnv +console +satish +counterbalance +public-address +flag-burning +binders +kubot +sibel +transmeta +lb +merkur +xavi +privately +nightmares +extricated +kirchhoff +femmes +mithridates +hk +tells +relevance +sponeck +odds +minos +strep +clanging +hoyas +redressing +fornication +shy-ehr +visiting +kuna +privileged +incisive +tristar +snobby +footy +weaker +cro +blazed +relaunched +savor +imola +jowhar +nzse00 +honig +thirds +lowenthal +olmsted +ansell +jeou +iron +switchboards +beatlemania +woodcuts +stencil +psychiatrist +lavatory +dah-guhs-tahn +katanec +etruria +luxury +nagging +messier +tallies +shaped +frightening +taveras +pearce +didnt +mcmoran +ih-stahn +menard +krauss +walkways +inquisitors +gemstone +aramark +karlstad +near-earth +thomason +precipitated +then-sen +standouts +readjust +ah-boo +tokyo +jogs +neo-con +fried +effenberg +pro-saddam +tutte +reductions +obit +infamy +handshake +woodwork +ahr +lithograph +clinton-era +us-trained +'honneur +johan +lumpy +adil +psoe +thirty-nine +lyn +flukes +filipino +woodman +transmitida +heinsohn +arabians +dunlop +lady-in-waiting +orient +mennonites +kendo +manson +nrp +chastise +post-disaster +melodrama +birdlife +nazism +navigates +ascomycota +foot +booted +manges +bian +whittle +rilwanu +remi +http://www.nyse.com +bac +deh-zh00r +kafkaesque +isolates +gonzo +searchlights +handbooks +cojuangco +cleves +raceway +bahrain +computer-controlled +sickbed +piccoli +burkett +julich +neh-kee +saunders +swamp +white-hot +road-building +r-wis. +endometrial +surat +flexed +part-owned +monomer +heft +tomlin +overshooting +smattering +guiana +zhelev +dives +p.v. +gailey +swabian +dfw +judi +control +full-on +ejecta +biondi +chrysanthemums +zeti +twin-engine +copycats +kotecha +federline +reinaldo +gig +dnevni +blindfolded +browner +ftu +glinda +war-stricken +scrotum +ryo +eventualities +squelch +qr +laureates +perrone +sattler +telecommunication +litres +sampson +gre +willett +col. +enrage +upton +protecting +x-rbl-warning +printings +winks +weeps +chinese-owned +allahu +chickens +square-kilometer +michaella +vatican +companies +vtc +wuppertal +sandbox +pepfar +youngsters +sunspots +fists +hinging +flouting +protagonist +r00 +veda +ver.di +itsd +cinerama +neutralize +mussolini +turnabout +logging +rasheed +homey +terrance +shih-rahk +warangal +iajuddin +sg +posse +ethnography +ronald +clauses +ba'asyir +mbna +saint-pierre +slumping +raiser +gullikson +acela +spago +kok +dundas +scc +scrubbing +ding +street-corner +ceiba +costing +rearmed +townspeople +floridians +zalayeta +aburizal +together +dao +norwegian-brokered +londoner +ovation +unto +shrift +wherewithal +nwah-ray +hammarberg +loggins +criticizing +airdrie +eight-month +tettleton +unsure +dunhill +nsl +capernaum +cammack +nickname +comedienne +trois +manchild +underlines +barre +cd +jci +shirazi +al-hassan +clings +mustering +dunant +re-evaluate +pinsky +switches +artyom +coler +stockwell +perpetual +posses +moroccan +un-american +validity +iec +aqa +air-conditioned +recording +grosjean +oxidative +virtues +avalanche +flirtations +carney +segel +trying +extrapolation +york-based +karan +fund-raisers +live +satisfactorily +bare-chested +viciously +unimaginably +segovia +starkest +promodes +guthridge +vendors +h.e. +acme +productive +stratagem +anti-catholic +cai +foolhardy +then-husband +phonak +minurso +aguayo +discotheques +leroux +donated +torme +trippi +smack +one-shot +bloat +guccione +acrylamide +havasu +swarmed +unai +elsevier +faculty +bakhsh +stop-over +single-story +inheritor +re-launch +one-size-fits-all +scheck +ahl-sih +just-ended +fifth-inning +sikharulidze +latterly +qa +wamp +rips +wineries +sectional +market-opening +mash-up +caja +dripped +oldest +cassie +mobilising +futurism +distortion +monks +slush +israel-hezbollah +pahlavi +fcc +quantico +strategy +seung +kwahn +leisure +couture +scca +beachfront +sah-teesh +aegis +croix +schily +tasmania +fanny +praise +bartholomew +sangeet +try-scoring +mcinnis +abierto +ashbrook +lahd +album +pickets +hean +tes +bourassa +methamphetamines +gangs +commandments +great-grandchildren +daoud +taoism +andreu +given +dockery +crashing +barclay +batchelder +estranged +al-iraqi +man +baluyevsky +nx +miao +uninhabitable +obliges +borakove +espen +turkoglu +yen-hsun +frederique +technologist +jebel +short-sleeved +seiichi +overhear +reiterating +afrikaans +filers +tovar +non-productive +dartford +embarcadero +uab +theory +zubeidi +sonntag +relatives +elegy +match-ups +chakwal +beneficiary +recede +urologist +zonal +icons +butare +espino +dool +idolize +harold +shaanxi +temperament +jenks +chimpanzees +usti +ralston +baden-wuerttemberg +mijailo +scofflaws +lampooned +loder +resolute +kasim +viv +muhamad +co-operating +hermogenes +humberside +instinctive +explained +chladkova +obscenities +pox +downgrade +ratzinger +guacamole +tannadice +diaw +wisse +singularly +dermal +gaeta +markle +0d +grads +racecar +vassiliou +collards +spilt +ctc +quonset +stephanie +sled +keidanren +miller +theresienstadt +jealously +greatness +nicholls +bristle +ascendancy +charlesworth +cased +vases +broadleaved +dislike +citytv +hospitalizations +kollar-kotelly +collins +blood-alcohol +off-spin +litani +lek +veba +markdowns +gastric +storer +marbles +occuring +pregnancies +sphinx +escwa +gila +us-born +czechoslovakia +tilted +itaru +widening +headstones +talmudic +shakti +trottier +morass +officer +tul +al-dabbagh +r.r. +grannies +malachi +lampre +decoration +doctors +flemings +syrup +couscous +romme +haggling +spartacus +scuds +00000000 +ky-shehk +sprains +koenigsegg +bethany +rossiter +five-week +al-dhari +agwunobi +peri +ruch +cs +mitsuru +dysfunctional +small-screen +offered +agbayani +mcquillan +genghis +wielgus +blix +conservatories +aisne +estrela +usable +opto +top-quality +mayoralty +satirist +director +marchment +usually +moakley +zexu +nine-point +rih-man +dearly +spi +yann +invitees +nanayakkara +intramural +decoster +cons +kulkarni +congolese +mascara +programa +boney +scares +achievers +wailed +faneuil +stepson +penetration +virginians +tassels +nodule +metadata +snowman +opening-night +ould +ignoble +spinners +hannon +sweatshirt +ensuring +eight-team +mushroomed +ga +outpitched +donner +colorized +visa +full-strength +fisticuffs +pakenham +rakhmonov +bulky +non-life +well-informed +promulgated +principia +turmoil +kinnikuman +skepticism +breh-vahrd +cal +hoshi +clincher +bakersfield +restructurings +overspending +gateway +braking +stumble +consequential +ket +alpirez +00aou00 +crimen +ledra +gathers +kumamoto +akihabara +iguchi +naresh +tories +kosar +suprise +mailer +noureddine +aloisi +eurosceptic +exotica +china-made +nrk +highlighting +chol +onassis +demilitarisation +adt +valerius +sheboygan +flog +trumpeted +tamarine +alois +triplett +murrah +reconnaissance +breath +huseyin +jurong +anti-cancer +karembeu +suv +child-rearing +russo-japanese +functionally +french-colombian +colluded +swaying +posteriorly +galician +band +hardwick +beimel +bombardier +mowaffak +milian +selhurst +nicola +berbatov +pitch-black +relentlessly +kashiwazaki +ecclesiastical +anti-semitic +one-upmanship +habra +decide +ngoma +cartoonist +necks +toh-pin +buc +climbers +aquileia +jayhawk +outlandish +apathy +rulebook +suppressors +pandy +bahrainis +archimedes +mika +mersa +mof +tallied +gaetti +minister-designate +adventuresome +continuously +praha +0. +campaigning +bragged +pechiney +zardari +greenleaf +marchal +inconsistently +atheneum +turboprop +william +laurentian +baqouba +yokoyama +neath-swansea +garners +jelinek +hakkas +co-written +two-bedroom +pimlico +expressiveness +diniz +himalayas +off-track +millon +pietro +jowell +bah-doo-el +rarefied +nohr +gnassingbe +nervosa +participants +fluctuate +shaul +one-up +awash +frontcourt +brunell +marist +clamped +invigorates +stopwatch +disavow +schroders +wushe +referees +uncertainly +bottoming +bunkers +parvanov +airspace +oceanfront +astrodome +fiero +sandeep +revolve +crohn +regrouped +singaporeans +lundin +coatings +ridiculously +greenough +majeure +gives +yassin +weiping +kahr +sinusitis +underfunded +cloves +re-electing +terminology +foretaste +wielded +creeks +hamdania +disability +rehoused +subgenre +trapping +ghosts +usain +fullest +oil-and-gas +sheeley +socialists +daft +directions +fishery +que +acetylene +occult +moviemaking +kulasekara +uses +mcnamee +al-shara +amerus +frenchman +labelle +fallacious +skonto +bahawalpur +hy +mariinsky +marten +corot +kashkari +jingtang +gaya +leszek +central +dilation +camarena +arbitrate +rashed +echinacea +ex-offenders +placard +sids +award-winner +effects +headship +solidere +commited +prodding +chun +counterattacked +endres +risotto +selves +e-trade +elkhorn +oxidized +jingles +drive-ins +superjumbo +ozarks +suetonius +accentuated +rigueur +pamungkas +neolithic +goff +organisation +freckles +m.p.h. +near-miss +ibuprofen +jolly +reiterate +agreeably +andreotti +incites +seater +yordan +hajjarian +servicio +memorable +truro +samara +overturning +shab +inherit +serdyukov +bricks-and-mortar +solstice +drum +clients +down-home +cranmer +hey +dahan +ensue +spader +julieta +schnitzler +adlington +osr +al-ahmad +left-handed +oscillator +chandos +moron +krumm +rukai +siddig +fairgrounds +zunyi +customizing +tactician +hague +humanism +vikings +batteries +ssb +imbroglio +ethnical +radicalize +bz +arens +loosed +bakke +league-worst +decisively +nahkt +londoners +succumbing +capistrano +hynde +cranks +al-tuffah +sejdiu +samiti +chopsticks +ashram +strips +abc +persecuted +kwang-tae +alkaloids +feshbach +sumerian +kirkilas +terminus +overpowering +bawdy +scans +enabled +thirty-seventh +keeping +cuban-americans +kutaisi +'malley +transistor +plebiscite +mid-priced +stalin +equilibria +kidwa +split-screen +bsi +jana +goode +food-service +stabilizers +digit +rearrested +rajapakse +beef +ive +anchors +mindlessly +amyloid +kims +sixty-five +olofsson +flamed +mansur +marsh +zealously +g-0 +tongan +aol-time +xuezhong +f-000s +gentleness +forgiven +well-behaved +akash +negroponte +conjectured +skewing +literate +roda +eed +eighth-grader +captiva +lead +saada +sheng +chairs +anthem +telerate +wilentz +bolger +figs +lorenzen +intra +steaming +necropolis +pas +adoration +leumi +malaise +journey +regiment +pterosaurs +afghan +rosset +modify +hunan +miga +violet +vicariate +problems +ryoji +tinctures +club-record +paok +morna +cmi +downtrodden +top-flight +stowed +holzmann +chorus +yadav +exorcism +mbs +mid-day +ikeja +midcourt +wide-scale +nqakula +unmik +slingshots +gators +d-mich. +reece +mah-lah +arriba +callousness +phenomenally +brooke +wounding +chuckie +bodies +swallow +jaafar +three-star +modena +comrades +anfield +artery +cornucopia +knit +warriors +gravely +argumentative +criticality +salomon +shenzhou +gere +issac +cultures +gdynia +thu +distributors +scorsese +after-school +wigglesworth +kryptonite +inseminated +0.0-0-00-0 +flourishes +offerman +marshals +scrappy +karno +plumber +t.v +camcorder +marcato +mont +iraq-based +novak +redistributed +mink +pinion +hatch +nuer +leander +palop +mee-an-mawr +greensboro +celle +surakarta +hilversum +clearing +no-man +let-up +dispersal +marquesas +hanseatic +rowell +jianchao +palmor +seeley +scatological +fertiliser +wordperfect +dodo +bms +algal +tilburg +fides +mcguire +andes +montagnards +clarksburg +vioxx +collectible +balls +sainte +darussalam +caryl +corgan +clutched +barot +muzzled +gee-lahd +safrica +kulongoski +castries +kauai +iasc +caymans +wheat +chih-chung +grassroots +gravitation +uruguay +beat-up +sabbah +limp +autonomously +polypeptide +no +bicep +r.c +jewison +osiris +ladan +ophthalmic +yeovil +arap +yehv-geh +mamluk +phoenix-area +dirhams +sergi +non-working +cacti +kozinski +customer-service +exerted +antifreeze +sassy +phat +aibo +nebulae +germinal +hulking +sot +oligarchic +textile +kochi +riklis +happiest +izawa +bullimore +dong-won +hirelings +djukic +kingston +suo +vigilantes +andriy +hamed +consorts +eucharist +frito +tape +teary-eyed +mollie +imperialistic +brows +ccomp +leased +generalized +qazi +grinch +thorburn +afrique +polyphony +governorships +kishi +non-consecutive +busiest +flippant +biologists +mariani +taft-hartley +busters +gillett +piper +samos +rem +preparedness +savors +atrazine +tiebreak +escorts +zelikow +wagging +erupting +hamrlik +enigma +palocci +paul-henri +nyan +colina +scald +independencia +vinokourov +mah-ghen +ricketts +frankston +attracting +repulsed +torture +antropov +riegelwood +bega +tbi +venue +exhibiting +tribute +kouassi +berea +duties +unleaded +butterfly +savers +deduction +shirt +gershon +dificil +hallyday +eales +aho +recalled +alliteration +muh-hah +sectarians +secretaries-general +video-game +spindle +jumped +sah-deek +fricke +semantic +tumbleweeds +agitate +liberalism +require +0000th +slavko +durban +colliding +revolts +mishima +round +gligorov +southland +flyby +jovovich +unpopularity +plassnik +asymmetrical +countrywide +fantastically +terrill +mato +accommodate +receiver +tenderness +worst-hit +imprecise +one-minute +arouse +degas +hustle +moser +kitsap +physicality +mcalister +azor +literati +lollipops +clausura +0lb +kurita +page0 +pomfret +zoot +chiefly +komisarjevsky +boldly +boao +surpassed +setif +histrionics +intrasquad +lohse +orix +cyd +intertoto +tinnitus +ghraib +clapper +diez +mulford +jb +violation +jatusripitak +arraignment +alternately +violas +struh +rear-seat +n.y.-based +understood +sarr +qassem +candlelight +economical +method +lotions +reallocation +biological +dreyer +sensitive +tiglao +arleigh +foreshadowed +sheldon +craiova +a/00/0 +frana +france-based +airing +bulldoze +clairol +shaper +jonassaint +cheah +nextel +cajoled +punctuate +nicaea +craters +0nd +own-goal +gaily +defendants +scarlett +vanstone +katyusha +genuinely +stints +sincerest +neighborliness +despatch +leanings +nazi-occupied +nyasaland +mcnair +geschichte +heredity +pitot +liangyu +nervy +manifested +chengyu +b.0000 +drumroll +shanksville +illingworth +doppelganger +colin +panos +lenape +redneck +winston-salem +rapped +kase +railroaded +sanhedrin +vestibule +gergiev +hadzici +dissented +villahermosa +gossamer +excretion +cloete +franking +overburdened +flotsam +yerba +non-traditional +yahoo.com +disney +high-calorie +logged +spacewalkers +zona +pounders +avalanches +free-standing +psychiatric +shamans +loosing +kandy +brunson +kruse +anti-japan +encyclical +vitez +mabon +luh +nnnn +oxygen-rich +tearsheet +homeowner +mat +ruh-dih +sliders +kee-oh +leppard +elegies +pettiness +studies +five-percent +sociological +prof +avdeyev +frowns +ecoregions +instigating +detract +sandys +oregonians +probert +gamini +percival +materazzi +muslim-christian +sweetened +hostage-taker +ereli +disagreements +polymerase +atmospheric +paris-nice +morehouse +songjiang +resolved +easy-going +precipitate +ues +chins +cyrano +inspectors +reparation +corked +guaranteeing +sturdier +dock +lennar +felonious +seldom-used +hsa +long-term +distended +bickerton +metz +sanford +three-goal +otten +frodo +garner +shut +swindell +arp +centigrade +refreshments +bronfman +popolare +progeny +'histoire +nbc-tv +abakan +mattison +salbutamol +ruta +nesbitt +liquefaction +whitcomb +armoured +bento +messi +launches +complicate +shogakukan +hincapie +non-issue +felling +oregon-based +fouhy +rolle +stover +n.a. +spawn +halted +dahr +tadeusz +polls +bhushan +hardman +drug-coated +mendelsohn +rochelle +fermanagh +catalanotto +hong +cejka +rinaldo +shan-see +rte +azzurri +overflows +seized +kaufmann +abeokuta +muggings +stably +motivations +day-old +test-fires +ethylene +cycling +elliot +gdi +admonition +cbs-tv +penna +yummy +gad +aristobulus +ipr +morphologically +titusville +romiti +handsets +khanate +glossop +flightless +naxalites +decontaminated +eking +sjs +sam +ilam +cul +militiamen +paella +rizal +screams +quarterdeck +nine-hour +tendai +shunning +deadly +cela +genealogical +bodyguard +decorum +fleishman +legge +glauber +chaining +code-named +perfunctorily +wholeness +missile-related +school-record +best-of +merckx +chariot +georgio +sahal +helipad +porpoise +flick +praised +jeffs +second-tier +courtship +inventors +kyprianou +rees-jones +fisk +cityline +adjournment +tax-cutting +eddington +careening +malo +gouged +kartman +boies +hel +kriegsmarine +retailer +'donoghue +europol +suffice +tenses +propagation +unmot +kofi +patronymic +hongshui +redd +granules +casey +basement +bite +parlay +pedroso +jean-christophe +in-law +holes +intoned +deena +well-established +carefree +00rd-ranked +savory +riyad +retransmission +toffee +asc +rape +rini +hogg +mend +bookman +birthrates +groen +wertheimer +halstead +boit +chartering +coulter +lt +janowski +breakneck +afghan-pakistan +ehman +dumbarton +lycos +cites +borys +hemmed +plots +rationing +coyle +taos +repossession +qaissi +sylvester +overrule +waist-high +metrostars +sen +sadr +haldane +lop +rural +ch +triomphe +richie +decades-old +all-china +tiro +washingtonian +nutritionists +umpire +baiano +ecija +dela +thirty-seven +general +wrap +arthuis +colour +foiled +powerfully +protectively +butchery +euronext +am.-0 +rea +mogens +batty +boston-based +tall +francia +clearfield +electoral +cisse +tablespoons +agata +dittemore +freiherr +francophonie +nationalizing +schafer +handsome +brent +photographers +nebuchadnezzar +demetrios +cabo +enders +ringmaster +rosenbaum +agonies +infants +garces +paxon +boucher +hookah +etzion +clusters +jasper +aliza +divan +thome +qwerty +domesticity +meteorite +torque +hrawi +written +axing +torments +brawer +chardonnays +grapple +hacaoglu +eyre +up-market +sing-along +napocor +swee +w.d. +alpert +gangster +jaques +c.v\. +apotex +solna +blakeley +labouisse +cossa +notation +covets +distracting +lama +unification +perdana +tully +piecemeal +reconfigured +passport +forty-five +tone +leche +adjoins +fail-safe +vcrs +grapefruit +stiffen +divisiveness +hahk +zan +bennigsen +parallels +superiority +callsign +why +encountered +scribes +under-pressure +chosing +westmoreland +militarists +hirshhorn +stanislav +usada +invertebrates +mother-daughter +toenail +polish-lithuanian +cavemen +hosting +recital +panache +buckshot +revoking +sicheianytimes.com\. +fortune +blacks +illustrative +ripens +winstone +ahonen +bermudian +motsoaledi +arcelormittal +petras +hajim +higuain +harrell +r-mo. +decays +workpiece +gladwell +likelihood +va-san +federals +yellowtail +holdsworth +hale-bopp +broods +lawford +waddle +koll +shunji +evangelical +sparse +gardener +hubble +escalates +phinney +two-term +languish +cmag +creation +womanhood +lep +ample +ee-sah-ee +agordon +overtures +major-league +banquet +test-firing +0-00-00 +cormorant +year-ago +bucket +pando +pigeon +trawl +franciscans +astrazeneca +neulander +huh-neh +lapasset +sways +mahendra +moiso +sync +roadway +roun +couch +breastfeeding +rezulin +ex-cia +lice +cataclysm +ih-mahm +staunchly +dov +poos +immunizations +confounds +bvudzijena +typically +kantner +miscellaneous +broh-toh-din +roughriders +brannan +tapping +dool-mah +clandestine +staple +talking +souder +belies +co-productions +electroplating +dapper +gopher +flout +horford +aeolian +nfl +rajavi +animates +ganesh +redeployments +baseless +fiedler +pembina +disciplinary +skee +canvassing +regatta +pseudo +vandenberg +plenipotentiary +biomaterials +tariceanu +galas +klickovic +three-act +contras +kilo +000cc +zhow-shwin +eldredge +masbate +s.j +innermost +hochtief +esteghlal +burdisso +templates +littell +redress +shona +fenton +sodexho +flock +fixing +dubois +tsc +eazy-e +dfc +rockabilly +theories +stooped +incarcerate +opacity +rashtriya +smashes +toru +reasoning +nobel +topographic +workfare +thousandth +faints +annoyance +kure +fuzz +vacuum +anne-marie +stupples +dolorfino +nautico +states-general +wimps +cosi +discoverer +utseya +motivate +optics +helicopter +cd/0000 +pinpoints +segue +suntimes.com +parallelism +sapa +perle +statscan +darkazanli +quails +kerr +ee-kaht +powerbase +landrieu +sonora +soundarya +organise +vh0 +antonov +seems +ledgers +brazos +byrum +spf +shelled +0/00/00 +time-traveling +sargon +pigott +serb-croat +tharp +nonvoting +may-treanor +korner +power-hitting +marquette +sens. +adjusts +bramwell +luckiest +palearctic +tinderbox +tertius +pulchritude +want +amiga +anti-takeover +qena +kaur +antinuclear +gilchrist +non-english-speaking +roosting +kilobits +valls +eidos +eyeshadow +muhyiddin +nepean +amata +uric +chipmakers +lado +dbe +petre +sata +tabulated +comprehending +accordionist +nakhodka +astros +dac +hamster +nobility +non-moslem +qinghai +rix +sigourney +swindler +gomorrah +hoffman +pretend +ene +shins +bernstein +dwindles +rapunzel +mts +duplicates +brownish +d-wis +penner +kestrel +asiri +receipts +conjecture +r-wash. +polygamous +smitten +davutoglu +booming +borne +verdad +schooler +keeling +underfoot +madrassas +awadh +woodard +jackhammer +whitworth +marksmanship +angulos +co-writer +inside +leaves +lurching +penalize +sudoku +nicobar +belarusian +low-quality +a.s\. +forklifts +janna +uthappa +resuscitate +nations-sponsored +transocean +uh-buh +blakeman +000mm +shahth +pre-holiday +defused +al-najdi +efraim +hallucinations +war-shattered +konare +uninterruptedly +landale +ah-bool +sacraments +ih-kee +jaspers +detractors +wenceslas +niners +ashley-cooper +archa +hostility +doctrinaire +bamiyan +sidek +perfectionist +v.s. +ratepayers +00-ton +hotheaded +nielson +lincolnshire +huracan +balazs +harmonise +imported +boisselier +amanita +bioengineered +'reilly +jose +winemaker +bouchet +cox-0 +disturbance +asher +potted +sanga +nantes +mckenna +mingled +dreamed +pens +dwight +ishtar +laughed +from +muslim-croat +afrocentric +ms-white +bailiff +interdisciplinary +rectal +gallaher +co-chairwoman +delbert +blow +j.b\. +fucheng +director-general +gills +beavis +jaber +lower-court +remorse +slant +oohs +chelmsford +self-defensive +greetings-nyt +sherron +encouragingly +camorra +stepanek +antler +cattaraugus +high-scoring +torretta +marri +links +do-it-yourself +tartly +hotly +commended +budejovice +lhs +touting +bosna +reforms +freud +korzhakov +arousing +naturals +kalam +transparent +nickel +elan +swiftness +scriptwriter +hooijdonk +uhs +uci +negligence +currants +donatella +flintoff +cross-cultural +evokes +developed +jai +blignaut +unfathomable +weaponry +amharic +now-familiar +housings +haber +zhoo-wahn +letras +panchayat +mmp +______ +donal +memorably +lethality +arbil +slackening +jianfeng +shami +hofstra +wodehouse +corpses +disclosures +andreassen +hkmiami +pharisee +precision +gemini +peden +garrard +gauzy +microgravity +montpellier +hanan +glided +giraud +cookout +bedell +heifetz +write-in +proletariat +spread +lettuces +marigold +covert +terrorised +nakagawa +photojournalists +owings +uh-see +klub +abyei +adom +tasking +nadph +bier +mgm/ua +mahmood +warmly +triumphed +metastasis +kasay +pca +emulating +pro-palestinian +mayberry +privately-owned +angelou +cotonsport +potemkin +feisty +smbc +schild +yohannes +tone-deaf +icarus +dabrowa +observation +sew +pashto +security-related +prioritize +akhmed +alajuelense +retainer +redmond +liz +inhaler +indian +vihch +cranberry +resupply +fractionally +colonizers +gourdes +unbridgeable +musicianship +keillor +jepkosgei +enya +koubek +outrigger +grunts +makushita +senora +harford +bazooka +altman +russa +labrador +soho +yancy +taff +encroachment +profanities +learned +vane +ovcara +strains +magnets +magnitudes +midwood +mills +hitmen +disorganized +how-to +steyn +printmaking +context +mokhtar +p.0 +k-mart +overline +torino +zoeller +sticker +misguided +raisin +000-foot +re-enacting +reflexively +unfounded +last-minute +aground +scuffle +implicitly +akino +irresponsibly +kwin +ccc +welter +first +attuned +geothermal +watershed +mumia +treeless +kajang +embarassing +0/f +mizoguchi +administratively +acolyte +rive +wilfork +poitou +militarism +glick +vocalists +neves +planeta +gold-medal +storks +hors +jailbreak +entrust +vendome +functionaries +owned-and-operated +puerto +superstitious +kagera +m.d +us-eu +mercator +sarcoma +hillier +fungi +awakes +overlain +excitation +acadian +iberian +duberstein +bergkamp +salvadorans +smoothest +milan-based +grossman +labor-management +mouth-watering +velocities +brigham +gotcha +cologne +kris-chyan +shortening +emphasised +srivastava +two-disc +impartial +donen +brainerd +stijn +amazingly +twenty-fifth +sobre +foreword +kazem +templars +isaiah +torrington +corregidor +dcs +crease +bronc +cossack +historic +nahuatl +-00:00 +emporio +kah-yah +ices +badaling +mehmood +dioceses +trance +spook +federalized +fluorine +psychologists +granollers +near-misses +smear +overlong +lindy +maharoof +00st-minute +aek +greenspan +xiaogang +waziristan +timepieces +schneerson +d-league +hangers-on +overflying +fuxin +unguided +receptive +nile +ausmus +geologically +prentiss +rmb +makeba +rescuers +narrower +ivankovic +bauder +ry-tur +attorneys +glenbrook +stability +zafatah +pagoda +karthikeyan +disinfectant +programmed +stroman +anti-state +came +negroes +kulov +saratov +cravath +contraction +make +isola +hunker +hbos +bynum +huntelaar +saucer +resourcefulness +mind-bending +u.n. +maggot +ringleaders +keely +ochsenbine +plasma +essentially +ridership +mustafa +liszt +breeding +tempers +refinancing +good-paying +aimless +colonisation +siesta +underwing +taroko +bookkeeper +poplasen +zanzibar +disavowal +icici +occasionally +espinoza +groupie +goulburn +mahone +minnesota-based +hater +stuttered +shaun +ibanez +emily +ephron +laware +varvara +awakening +deering +relived +lithuanian +zoologist +simulating +goldman +urawa +three-year +prospective +transcending +bremmer +swain +supplanted +simard +impacting +unmasked +unsurpassed +larue +ossification +mugger +buddhism +lt. +kirkcaldy +dweik +deg +harvests +sveriges +low-fat +mantilla +jalisco +gigante +grint +faraday +satriani +existentialist +entrepot +abscam +stumbling +chorizo +mundy +pab + +standstill +rx +rinse +scarcity +pane +bengkulu +rationality +busier +galileo +humility +siv +searching +fines +age-old +dacia +kintetsu +kremlin-backed +qomi +chernobyl +sechin +quilt +bluetongue +vocally +wynonna +unionist +accused +aqim +seye +soothing +beauty +asia-africa +compartmentalized +foursomes +difficulty +chlorination +repackaged +rosary +wah-sef +bachelot +abbasid +committed +teed +dough +gunderson +frantisek +half-naked +abizaid +self-regulatory +amaral +miringoff +sturrock +jose-based +spee +comparatively +roderick +tuition +girouard +andrei +heckman +mamluks +vees +stratocaster +miro +goddard +dollar-buying +aztecs +rodin +rykodisc +analogues +hajric +ganley +goncharov +villavicencio +majali +illegible +tlingit +purpura +sarin +groped +envisioning +plantations +science +visualization +ernesto +skoo +inertia +mpt +mt. +mournfully +beaten +sub-genre +anan +nepalese +overbearing +hannigan +oden +ayling +berbick +shihm +infantrymen +randi +maia +staffed +electrical +sever +rif +reestablishment +djs +ashland +accusing +veggie +picturing +politicos +meteorological +dalembert +hca +familiarity +welteke +dwi +swerve +nlp +louvain +easier +gis +arnie +droits +regions +sliced +ill-treatment +cru +crept +beuerlein +first-past-the-post +eighties +bramlett +previously +farquhar +billings +chadwick +elman +ccpit +live-fire +trampled +tunas +charest +haviland +seitz +majapahit +deangelo +orienteering +inordinately +immanuel +installs +hanuman +kennan +kibuye +derby +deluca +opted +powder +compagnoni +wiggling +mattiace +krill +coexisting +assaults +noncash +pinder +ltu +jospin +landers +ntsb +kristofferson +conquistadors +radiant +administrating +konosuke +eighth-graders +quintessentially +metin +kunduz +nickerson +acorns +gaia +nongovernmental +aan +stock-car +uranus +kublai +absolute +flyers +nirupama +irksome +avers +pathologist +belize +orthopedist +fabius +corsairs +mattek +lingerie +goolagong +yasmine +mizutani +galahad +brisson +hansie +riches +suzuki +compositional +bassi +bek +puel +glowering +taxila +tweety +non-core +lunchbox +avoids +hagler +rogozin +demonization +rajiv +al-islah +batches +whirl +apparent +restrictor +parramatta +tried +schwantz +obstruct +baath +transports +gornji +springer +taxpayer-funded +pinpoint +maurice +sefer +foot-long +caped +industrials +recriminations +dreamliner +unifier +bisnis +junichiro +skip +mcmichael +yarmuk +ipu +leverages +sleepovers +normans +barda +perspectives +uneconomical +admission +isr +donati +triceps +wenatchee +biohazard +evaluations +zander +non-starter +kretzmer +candidly +ill-fated +lawmen +rell +openside +eisuke +rebuff +perhaps +yellowing +condensed +laff +genetic +stipe +stack +raitt +uchida +distinguish +suhn +stelios +writings +gaynor +mauna +longmont +scooters +marathoner +bokassa +otherwise +promulgation +butted +0,000,000-00 +pinkish +becher +oddsmakers +contradict +00l +parse +cyanamid +chagall +spiral +walkin +alissa +wide-range +duminy +duclos +nightstand +inconsiderate +perseveres +hindquarters +verbena +centralia +restate +postponed +zuh-eh +inscribed +neuronal +rain-shortened +swatches +scolar +romps +curfew +severs +rudders +wide-reaching +luh-vich +telford +tipoff +rummaged +lightbulbs +groep +.000 +agusta +paranoia +swenson +civilisations +frontpage-nyt +causes +barents +grungy +al-andalus +culpas +dusters +radish +human +gallian +ventured +responses +francke +chs +audiovisual +goddamn +summit +best-ever +overfished +flexibly +azizi +material +slam-dunk +zaza +non-arabs +tajik +infiltrators +prevlaka +sabin +far-away +explorations +pete +sizzling +yawned +sharpen +kidnappings +milbank +whangarei +eck +ruberwa +barvikha +staatsoper +govinda +liv +plahv +koivu +ecosystems +aristotle +alfio +re-evaluation +gomis +persist +ova +gohar +hillsdale +impressionism +cyl +jeunet +fortified +infatuated +doce +quattrocchi +petron +myrna +amiable +sds +erm +reichen +marina +perspiration +hemophilia +attacking +breakpoint +sunderland +winona +jujamcyn +formalities +fosse +luna +baselines +willing +sittings +novikov +latakia +meade +abuses +bunny +meigs +cotabato +shankar +buffed +solve +poa +oru +cada +beninese +vehicle +joe-max +osterloh +in-zahn +stair +nagpur +dagbladet +pitta +seven-member +mistaken +gamey +pita +komar +cordell +christmastime +primaries +hardiyanti +saenz +talha +kilborn +devoid +kostner +hunziker +five-month +munk +gant +frustrations +quinnipiac +dalhousie +commented +hanoverian +banjo +outlaw +quashed +petition +comprar +allocates +runnion +shahar +admire +cuffy +tilak +fuera +bastien +send-up +musharraf +rhubarb +dragutin +carcasses +marathoners +utd +scanning +juilliard +adopts +oe +instrumentalist +pran +obligate +ilyushin-00 +honk +mullis +pownall +filmed +upstanding +supposing +sub-indices +westlife +text-messaging +waste +steam-powered +vaunted +knotty +squatted +cf +geographies +gee-lah-dee +ibms +ershad +vice-premier +nevado +rawhide +eastlands +wyandanch +viag +deterministic +midget +citv +willie +mcalary +mah-dy +devereux +imitations +min-soon +stephane +savage +weathers +foot-and-mouth +abbess +corina +dadfar +ajay +costlier +mcdougal +hubel +breads +landau +attentive +hot-rolled +tapers +claudio +relying +cowley +trudging +bunker +no-look +hensley +writer/director +transliteration +us-sponsored +tremendous +mah +sigurd +karpin +failaka +encouragements +carving +kicks +overthrow +second-day +australian-led +third-set +biking +krypton +aided +smokers +genentech +criticises +trinidadian +ovadia +idolized +deftly +bouillon +saunier +virgil +fernandez +o'toole +huhn +anti-soviet +condom +vicente +robo +incorporeal +lindros +binh +stratagems +awaiting +jean-bernard +bynoe +parchin +neck +value-oriented +wasp +jehangir +balthasar +north-west +europe-wide +aur +haggis +soo +teen-age +nimble +sawed +intracranial +connally +discontents +iqbal +mitchel +buying +nwfp +bobb +accrington +preparatory +leiby +bowen +out-of-control +slovak +dalziel +shlomi +algoma +toons +craves +pre-tournament +guyton +ukrainian-born +going +safety-related +kerkrade +subconsciously +levitte +uncontrollable +mottola +ahmad +francisco +gabba +greeks +vitale +dispersant +kneecap +femininity +brookfield +danielsson +bundeswehr +overturn +quays +databank +howl +suited +kossuth +focused +remembrance +pumped +antimissile +tiers +standardize +fuyang +est +claudine +steeplechase +anti-personnel +balmy +voboril +n'ts +spine +resins +simeoni +copeland +squadrons +traunstein +arturas +boo-roon +dou +guare +ruh-bah +hikind +seaway +jacklin +sympathetic +apparently +friesz +governess +poisonous +dubs +unknowingly +socialites +nymphs +basset +gentry +rule-making +safwan +decline +vikas +australis +insists +/prnewswire-asianet/ +computing +croyle +coastguards +stroke-play +frosty +caption +recourse +keenly +epiphytic +pickin +lumiere +maharaj +borrowers +co-creator +stringed +mendy +rian +al-nahyan +stovall +campers +zoroastrians +crazy +ahmet +cropper +dwarves +disjointed +nine +leagues +oriskany +morella +singles +manslaughter +lucie +d'etre +brashness +tokyopop +defences +environs +asphyxia +poetic +unread +helpings +chabal +library +idw +dahab +new-age +pro-soviet +holliday +child-abuse +honduran +angora +jiyun +jungles +livestock +dinar +bedded +lila +mujibur +weinberger +rigging +ukrainian +parthenon +inventories +sykora +hughie +verdean +sawamatsu +taxol +ghudayer +omniscient +bulldogs +bezos +hive +icahn +mannerist +vanities +subindex +himself +drifting +carmelo +souped-up +railroad +hasselbeck +lighthearted +princeton +disappointingly +scientist +hazim +cristodero +nur-sul-tahn +revival +corrode +concealment +disincentive +foreign-policy +sugarbush +eugenics +wobbled +rugunda +birding +pico +mohamud +waterbury +corsicans +pree +distrito +portuguese-speaking +o'hare +tacos +retake +five-on-three +gur +deion +war-damaged +dyes +frailties +broil +uta +computerized +t-bills +vaxgen +conmebol +stags +mollohan +kingpins +security +cultura +equalizer +estoy +nailed +lustily +sprout +s.i. +hutton +passer +logue +baffling +mudenge +sheaves +courtnall +lightning-fast +reconstructs +knoll +extravagant +dropping +loam +bratwurst +shawn +mangala +againt +valenciana +nietzsche +gingerly +reining +california-oregon +exhibited +pales +interpretations +instrumentals +argonauts +bubb +vigo +swished +janklow +apprised +chains +a.j +uncalled +left-field +recordkeeping +radically +dayron +cress +merovingian +wastewater +00/00/0000 +kansas +stefansson +caac +referee +ice-breaking +crave +non_proliferation +lollapalooza +athenaeum +accounts +cann +gung-ho +lloyd +commonplace +choppers +ihz +mulls +eldred +yoram +peachtree +parastatal +umbro +pampas +massie +ahmadiyah +palmyra +farewells +acknowledge +chiung +illegal +refreshing +mercieca +venezolana +dongen +rejuvenating +kcr +tanveer +speciality +negated +tunic +corroborate +retinues +britains +chirpy +spiciness +veering +salahi +statelet +merited +reminder +pinpointed +reaser +deng +guises +monoculture +gunnison +takur +new-look +sonera +cormorants +authors +blue-chip +mainz +woolen +share-holding +e.m. +0000.0000000 +stamina +lieb +unwise +catheters +genoese +dfl +injected +eno +norristown +skulduggery +city-owned +muto +stakes +fanbase +clerides +drive-by +chandler +dumps +apollonius +crashed +hunsaker +hulun +oatmeal +greats +coppell +ra0 +dismissal +oh-loo +fez +refusals +atlanta-area +personally +safeties +heyer +mulloy +burdensome +sixth-inning +t. +colbert +teak +ocbc +suhl +riadys +alam +houellebecq +hahr +compromised +litas +kap +receive +unlockable +lasker +episode +zuniga +treanor +hashed +geographer +cohort +hastened +maturino +goal +okrug +wyman +latoya +anti-whaling +nn +beebe +honorable +satire +ingle +negeri +deen +closedown +contravention +goh +discotheque +superhuman +levada +wucetich +on-campus +garver +u.s.-appointed +yingxiu +sonn +politicization +season-long +gostkowski +tongyong +rw +avocado +partridges +deregulating +gabel +tzfat +raion +hyoon +sleng +a.c\. +big-name +anstey +disease-causing +renmin +hola +carers +penberthy +handedness +en.wikipedia.org +musicality +wildwood +p/asx +anneli +starfish +hayg +devito +rony +sensationalized +rejoinder +quartet +welcomed +drop-in +ikb +torvalds +tensor +landreau +refloated +elvir +inhibiting +ih-dee +alpher +biz +dongfang +ching-fai +transmutation +cta +non-catholics +ahl-tah +bijani +texts +withholding +dangers +tevez +yu-na +bar-on +kenyatta +gustaf +wool +palma +dockside +evading +paprika +menstrual +tshisekedi +eurogroup +commision +multipurpose +battle +aynaoui +slovo +get-out-the-vote +christiania +mifune +jarrah +grilles +burgess +herders +gert +mcdormand +geriatric +coupled +juh-day +hickersberger +kanther +subtracted +annas +mai +paradoxical +findings +shalhoub +firewalls +parrott +handicraft +slouched +escondida +mean-spirited +abdelraziq +radio-canada +bloch +semak +militarised +socialistic +bender +tanguay +eurocopter +ditched +apostrophe +outfield +hazrat +elegans +epping +hum +dated +archetype +cooperation +globalised +trait +jassem +heupel +telco +wiseguy +kitzbuhel +roi +bouncers +mcclean +l.a +brzeski +peacekeeping +oka +lexmark +virginia-based +nellore +dubya +duekoue +tachikawa +flexible +carmarthenshire +keppler +sterling +kilns +peeler +kahl +haight +aragorn +english-born +isham +omarska +mosquito-borne +buenos +gavilan +fasano +inter-clan +quieter +purdue +hns +donnie +far +conferees +latrine +lehi +obnoxious +maribel +mid-0000 +macaulay +acre-feet +observed +lugo +rawlins +pakistani-american +cauchy +marathas +gullies +derosa +manifests +bargaining +hangouts +spoofs +aboul +unido +ancestry +under-strength +vino +sankara +undeterred +kladusa +ferrets +shapiro +fairtrade +poorest +home-field +mulvey +riga +nbi +fella +skillet +also-rans +aerospatiale +yashin +egghead +aiken +catchall +country-rock +honda +re-engage +tulloch +acetone +largest-ever +munir +rabih +throwback +alphanumeric +bonaduce +mainstay +ravens +lemerre +aeon +tula +ticketing +hardwork +ringlets +biggar +mcvey +capriati +solver +retreads +compelling +swing +canker +auteur +heche +barbosa +aggressively +cabling +plugs +jabbar +fernando +snowballed +recoilless +mil +nique +immunodeficiency +marcio +ernest +odo +vanquished +agere +milla +elvis +duchamp +reagans +zavala +warmest +pretending +bremen +wylde +perversity +tarpaulins +newest +skirting +shutout +olav +martinique +ilc +stillwater +imagine +drove +transmitters +manipulator +front-line +shark-infested +pestilence +caracas +notice +levis +grimy +lug +mcnish +parable +netflix +corpse +coubertin +hann +gulab +knotting +drapes +trench +unbalanced +costa +bergen +halas +zah-rah +bossa +volandri +winer +un-mandated +ammiano +shoplifter +chiara +deplored +ysl +ground-to-ground +timeout +statuette +space-related +north-northwest +kimura +lenicov +hall +chaminda +seafloor +rolan +outgrow +uniform +rwa +chivers +0p-00p +enid +commenting +noppadon +po +hazlewood +fostering +arusha +stoll +rajic +estella +lawlor +deficient +nuveen +romping +regrettably +rebellin +manhasset +wightman +kelvim +ansa +shih-reen +guts +kudzu +heartened +atlas +souk +vucinic +n.v. +lethal +amatil +itanium +retroactively +wrack +voigt +weep +rohde +myitkyina +celluloid +garrigues +beauvais +thorium +fir +tdb +discussing +ozil +braxton +bus +steamers +zohar +vacillated +crepes +serbian +novelty +paraphernalia +roloson +laglio +marginalizing +rightward +two-test +tyner +basij +bargain +raffles +encoder +measurements +thigh +denise +pre-sale +levon +enact +kandilli +legible +irwan +innkeeper +debt +four-way +technologically +debartolo +tachinidae +untrue +age-related +insurrections +followings +stenosis +cannons +dichter +thule +downshift +coercing +terkel +nestle +two-over +yogyakarta +reread +studying +duh +0,000-seat +mabel +flashdance +grapevines +moorings +neuromuscular +dhlakama +sorghum +post-processing +jumblatt +bondra +sangin +endometriosis +recounting +after-sales +tray +natural-gas +spinella +mischaracterize +ff +crimped +ill.-based +wynette +photocopied +sponges +consecutive +klotz +cog +aero +contra +cantrell +pollute +brenly +financing +delaying +chavo +deep-pocketed +umno +sidr +rialto +tolerances +legalised +reitman +stolle +visualized +tallinn +salvadorian +podcasts +good-faith +clog +mass.-based +arica +liston +mis-hit +eccentrics +independence-leaning +seascape +megalomaniac +bormio +entrails +cajoling +columns +normalised +mazzilli +t-bill +dini +giselle +rfp +commutations +appropriated +stigmatizing +denys +jesper +powerhouses +triggering +squealed +privatizations +hillock +seven-year-old +opengl +huaicheng +schweitzer +acclamation +pageantry +brahms +meanest +stinks +gesture +law-abiding +saito +purest +rocky +frankfurt-based +bikini-clad +overran +drills +newey +charge-offs +kennedy +dept. +constituting +rhythms +mogilny +simpkins +marchioness +shrubs +vn-index +krasnodar +hough +four-minute +terra +clerked +uberuaga +naomi +buy-back +ivan +francophones +pizarro +leisurely +switchover +kayaking +roel +perak +harpy +aggressors +marred +nourish +phlebitis +dso +relenza +army-backed +aversa +monarchos +klein +medgar +avanti +rooming +synchronized +bovis +pah-ee +ewing +westernization +lindsay +saic +haircut +vogler +.0 +ferdinando +hada +chun-hsiung +hilaire +pueblo +withstood +duhamel +olympics +airsoft +councilor +afrika +planed +nyah +met +mankamyer +froze +occupiers +statuary +changping +four-shot +impulsive +thirst +hitches +akh +foundation +disabilities +predatory +inequity +gorski +inhabitants +casper +grice +pi00 +wagon +eliyahu +joaquin +leaped +hackers +zango +vizquel +hoff +kansai +caraballo +rao +yit +mazel +riverbeds +bardstown +huguenots +bedingfield +giovanna +gyula +yeast +madl +cohn +trill +anti-communist +plutonium +audiobooks +rockstar +witherspoon +high-caliber +exquisitely +mcginest +plessis +refill +macrae +preschooler +tenors +corrie +litigated +indemnity +saugus +intermediate-term +hara +inconclusive +outsides +reebok +josephine +sepang +disgruntled +e-book +frayn +xylophone +menstruation +record-holder +top-level +siirt +avni +rutledge +surprising +cne +smk +stamp +exploitive +frowned +toe +reshaping +surveillance +agonists +rochester +ruts +mas +partnering +anticipatory +ciena +front-page +wechsler +festa +brazile +nods +tanzanian +giddens +ring +huston +ever-more +literatures +client-server +erna +surface-to-air +hunkering +unloading +pealing +unleashes +belz +organisms +scholarly +gauhati +shooter +rabbitohs +nastase +fuzziness +ayub +equitably +slob +jeopardised +monkeying +fob +predating +ozdemir +corse +skakel +organizer +manticore +callisto +complainant +dpa +advantaged +h-share +paraphrased +blocher +big-league +cakes +morioka +obtained +kiraly +provocateurs +sault +gyatso +idyll +choking +leavy +lyman +siting +kabbalistic +levitate +sarno +maldini +mediatek +gennady +millennia +caucus-goers +00_000 +abounds +saurashtra +lehmann +one-sentence +acqua +gita +bee-ahn +outside +ev0 +unearths +missourians +sartain +diced +intakes +kgb +eulogy +denso +cited +heme +patikul +mcmartin +dwright +safety +returns +pacific +alcides +videocassette +nole +bustle +crimping +paupers +adjourning +infringed +nederlander +jiuquan +admittedly +baggio +washburn +camcorders +action-adventure +glendening +takers +tosca +shit +gambari +valenciennes +nyathi +jamie +gagging +sanity +tennessee +betfair +no-hit +paulina +northgate +franks +sonorous +fenty +howling +priesthood +dicey +self-help +yiannis +sprague +tendrils +00-metre +ahi +kingsmead +legally-binding +lili +sp-000 +coupe +0th-00th +un-supervised +deo +amauri +grobbelaar +gardiner +feudalism +sudbury +filippo +siu +date +khalidi +bouquets +arch +amp +snakeheads +delors +fyodor +magaw +g.i +jeyaretnam +taormina +cmc +andris +aya +neurologic +chastising +well-heeled +problemas +holdsclaw +tank +crisscross +shovel +anti-jewish +parle +gunbattle +dialling +hertzberg +swore +ishaq +yemenia +infighter +toto +unbuttoned +horticultural +jarreau +bergstrom +matchbox +co-existing +edi +connotation +hutter +verheugen +landslip +simulation +racked +walk-through +robotech +hollioake +programmers +beda +telemar +glancing +coppa +oise +faust +fords +harney +mogadishu +annoying +ramush +rutenberg +classifieds +enthusiast +garon +reheat +chunichi +northwood +dahn +dewey +luh-bee +berroa +djalal +amway +checklist +subdivide +agostinho +cryogenic +degenerative +coincidence +fpl +effluents +rivalry +uncertainty +banfield +wash. +suge +lizards +dobriansky +araskog +strapless +motivating +bevilacqua +delegates +investigation +goshawk +morro +koren +rhymes +uh-sen +referenda +saffir-simpson +rupinder +dejected +morphine +rows +balcony +workington +uncluttered +alternate-shot +cmgi +fulfils +hossa +yashwant +kilroy +fillmore +grammars +shrines +ozkok +jewelers +hover +divvying +rahz-eek +assessing +tyus +blonska +delved +manas +siraj +drifted +unica +chutzpah +tangle +unspoiled +shaky +cathal +ayatollahs +doncaster +helpline +mammal +blackout +kadi +romancing +optometrist +bah-grahm +cremated +crafting +brel +abramowitz +langlois +tasi +gurusinha +cardoso +double-fault +death-penalty +budgeting +kahalani +balti +non-citizens +snorted +sanction +death-defying +catt +ntu +swift +floss +panionios +flabbergasted +pads +spawned +declares +exhaled +indian-held +ly +wands +exarchate +pantai +eighth-seeded +horticulturist +mi0 +fabrics +irretrievable +asadabad +krakowski +conj:but +willcox +lysenko +enda +zahn +peasantry +ambassadorship +wind-blown +weakland +masayuki +angleton +testbed +ospina +satisfy +mountaineers +napa +eruptions +impeaching +accompanying +ad-supported +forte +nonbusiness +samora +vents +banknotes +hobbits +facets +stupendous +lookin +kumaritashvili +laughter +matsuura +assumptions +willowy +hauge +siddons +inter-bank +onlookers +foams +finkelstein +titov +ubuntu +mitzvah +valderrama +mcshane +elaborate +overcharges +electrostatic +mukherjee +dual-track +dreads +khazars +coped +ajc +declarations +surrounding +repairman +ophelia +pasco +roundabouts +yo +bennati +interoperability +bannerman +nationalize +slop +odum +inoculations +dugarry +houston-area +grudge +norske +thalia +going-away +locomotives +thank +times/washington +prolonged +retrace +expectations +blackbeard +feyenoord +tahk +nortel +ichi +keb +viana +shania +slevin +unseating +clouding +rotterdam +i.d\. +bronston +veeg +cplp +remembering +songbook +slope +fearlessness +deferral +marika +caprica +kerstin +nicolae +sent-off +region-wide +aiming +kleiman +snuck +aerolineas +no.0 +cold-blooded +boyars +handcuff +unremitting +beale +mwy +fischler +awakenings +niles +arthritis +buttered +lyons +pieta +alliedsignal +pki +plagiarism +chairmanships +supersymmetry +tolkien +messrs +livings +loses +imf-led +sight +rump +cadmium +nine-man +flood-related +ziaur +loughborough +professionally +grillo +handout +allegra +alcoholism +faye +felicity +o'brian +persuasion +egalitarianism +operation +shigeki +kikwete +midler +minute-long +chernomyrdin +lively +alinghi +peinan +u-0 +heredia +shiseido +ruehl +boheme +ezra +tannen +cholmondeley +liege +lumbar +veeck +sentra +mothballing +africain +dadaab +sort +kassir +creech +scanty +asset-management +polka-dot +kuldip +mcconaughey +martian +fair-minded +psalms +makoto +loaning +dickinson +organza +grigio +kern +camilla +institutions +supposed +pwehr +quicks +adzharian +nta +chairman +dieteman +hardy +mayl +e.b. +grosso +resource +an-00 +minority +harwood +reaffirms +turn +chou +jornal +deletion +archers +nah-bah-tee +tebbutt +pinheiro +free-fall +postmarks +markka +sensuality +sylvan +motherwell +carbon-dioxide +donmar +cheaters +tay +quadriceps +cheque +hon. +impartiality +kings +permit +morals +legazpi +perverts +johnathan +crutcher +fifth-place +dhahran +vns +wellbeing +woo-set +georgiadis +mitochondrial +repay +seamount +minimizes +pushpakumara +loring +optioned +a.e. +clenched +badgering +thereafter +kunitz +otsego +sculpt +daydreams +earls +budge +bernoulli +gorge +morningside +baronial +npls +antihistamine +state-supported +second-half +pivotal +b.s +unilateral +celestino +adrien +hoban +cortisol +clontarf +terrorist-related +a.k.a\. +smallville +plow +brossard +gazprom +logistically +annoys +frisell +tsung +polymers +afternoons +reggaeton +euna +paralympics +nimbus +automakers +rehearsal +at-bat +ajc.com\. +bani +doria +ex-wife +changi +rears +natura +presley +forecasts +holiday-shortened +muresan +truk +diaz-balart +chau +vinatieri +vignette +indah +offs +contributors +knighton +mistreat +saqib +d.l. +pauli +uncivilized +sabotaged +lit +footballer +conformal +businesswoman +knowing +digitally +woof +mud-walled +may-yoon +fidh +yool +handkerchiefs +wilk +kurmanbek +paces +ghali +forlornly +wurlitzer +robusta +ultraviolet +farese +unassuming +mentawai +remodeled +republican-led +george +gan +fleetboston +circumspect +wetting +unreleased +grasscourt +york +countless +palawan +campos +troublemaker +history-making +jimmy +gabrielli +abkhazian +temur +obrenovic +mason +mta +chatted +nouvel +championship +blackstone +-style +chaw +pennant +amortize +jauron +treetops +innis +musicologists +hempstead +differed +tempered +pany +rainstorm +constrict +industrias +germs +stinky +bungalows +readmitted +al-arabiyah +turned +'ai +rhoads +passageway +ecowas +uniao +mena +euroskeptic +pastrami +cone +endeavors +nine-time +d +folly +ute +cabral +standoffs +larcher +hbc +squirrel +wobbles +saranac +sukru +egrets +astro +high-concept +employer-based +spinoffs +pooled +supermarine +carvalho +scrutinized +ensured +preppy +ice-free +ilya +overshadowing +brotodiningrat +nemtsov +compaore +nehra +drug-dealing +gnutella +retool +betray +dufferin +lastman +blimp +yimin +consulate +tahitian +beitar +binoche +scorecard +purloined +cesky +saleswoman +preaching +prodigies +immunotherapy +humorless +visage +us-installed +medved +strut +laughingstock +woodruff +oddest +filinvest +---------------- +vicinity +generous +marsa +backlash +heifer +singapore-based +employ +albini +lyceum +daimler +eh +allayed +somerset +rematch +harmlessly +weinstein +interfet +dickering +bikaner +prepares +fon +blended +posada +botti +encased +milder +congressman +gutmann +exemplify +mayoria +single-handedly +camogie +ee-loy +raves +gentrifying +angelina +ginger +eggers +leno +suzan +phuc +bevel +auditioning +makeni +deployments +disrespects +betrays +utterly +maltreated +regionally +ligurian +ies +middle-class +desiring +edmilson +arm-in-arm +bhusted +hyong +a.a +brightman +slk +astern +homeroom +reclaimed +visigoths +harpoons +quizzing +aqeel +jewell +cellmate +overwrought +spooner +sunbury +tapioca +ahl-moo-hah-jeer +zing +repeal +counselors +vocal +vongerichten +basel +rpa +pruning +bradesco +maybank +bookshop +lomond +day-glo +unction +neurobiology +wada +sapper +recalcitrant +half-a-dozen +unprocessed +muhd +macharia +roussillon +loo-see-nah +mbeya +pai +stockings +average +black +disease-free +courland +mixer +steinmetz +liga +zest +israel-palestinian +ahd-nahn +soulias +lu-mahn +abstinence +maggi +submachine +squamous +songwriters +womanly +rummaging +billiard +ontario +golds +cruel +pileggi +enberg +recouping +anyways +jackpots +botsford +kaitlin +morey +staccato +fenced-in +hopper +pilgrims +samoud +earnhardt +wih +gamarra +al-attiyah +bookmarks +sutrisno +mum +five-year-old +shan +inflammatory +chimp +bajram +naoki +transitioning +achille +stallings +fairground +american-statesman +quicken +houten +thermonuclear +duck +stubbs +braunschweig +in-fighting +shoestring +glennie +stiffly +primavera +multiplicative +fads +julio +susan +pows +jab +broome +second-youngest +varying +cornfields +operculum +arghandab +wounds +seashore +tarnovo +performance +droid +surya +clutches +suffers +fukuoka +jiefangjun +luxemburgo +principe +monteverdi +wound +kenedy +resulting +interminable +nodal +non-voting +thrives +biathletes +janney +lieberman +greaves +us-film +beechcraft +gorillas +apalachicola +chunxiao +bijan +pauly +geely +holidaying +runt +inter-governmental +grappa +delhi-based +chambersburg +taz +muirhead +presevo +abad +insurmountable +naam +ak-00s +rayo +daraghmeh +merrily +brew +laos +r.e.m +quietly +carpeting +unmistakable +arbuckle +judokas +patricians +responsa +alkyl +abingdon +karel +aegean +stalemated +kurokawa +again +hoboken +warner-lambert +naing +cartridges +mail-in +decomposition +leitner +dbs +activision +jokey +northpoint +handspring +conceited +scaring +donahoe +munitz +eu-imf +violations +navies +hdfc +steichen +predate +chimera +murrow +crichton +eu-wide +lurk +juraj +pillbox +schott +edy +unconfirmed +halberstam +el-hilweh +tsunamis +neutralise +faulk +clicked +carmine +al-haramain +asma +hiked +ssp +perplexes +rostenkowski +ngor +blankfein +wright-patterson +pastels +rarest +swiftest +reevaluation +salamanca +stringer +moorish +manto +synapses +rayner +jain +skokie +blenders +globalizing +chech +stuntmen +chretien +cetin +floorboards +silverman +fazal-ur +spool +nachman +succumbed +furloughing +gasoline +drunkenly +krisher +letsie +vesicles +syrian +flatbed +relapse +reaches +fci +marc-andre +taizhou +hooper +cooper-hewitt +lavine +peppermint +carpetbagger +benavides +mysteries +sips +messinger +gnss +reddish-brown +goochland +nf +affix +hyphen +berge +pantano +exiles +onumoz +hail +australia +swamiji +relapsed +lifelike +wilkie +juli +sda +revives +rags +homely +mortgaged +jelly +deva +underpants +decriminalize +equidistant +e/cn.0/0000/0 +dousing +previewed +unsaturated +disembark +bombardments +lellouche +self-assurance +ingredient +lent +antigua +sexist +periodical +ecstasy +temperature +completing +lua +headband +lampung +tena +prescribing +co-sponsored +oceangoing +double-overtime +starts +jonestown +hagel +islands +upstarts +castellanos +conventional +labyrinthine +politics +cancelations +fastest +nasar +rustu +second-graders +talent +wreak +hand-painted +shares +detachable +competitiveness +ee-zeht-beg +ahl-hoo-say +azimi +sews +frisked +tugs +simsbury +anti-immigration +pre-independence +buthelezi +piranhas +america0 +sparkly +well-meaning +hunting +biotechnology +sheila +picture-perfect +roitman +erasing +pyruvate +pojaman +amalric +lien +mimes +hard-earned +magnetized +which +sabah +submarine +komen +baptiste +well-done +amityville +guesthouse +rickman +second-ranking +lba +unproved +fudge +oddities +backhoes +castel +webmaster +goodwin +slattery +injuring +folio +beatrix +recoverable +asbestos-related +unquenchable +worldwide +wiener +clips +spelman +senseless +telefono +humphries +pato +reincarnated +x-rayed +tmc +acclimate +resona +epigrams +spewed +xp +nominee +philbin +incubator +garmisch +yildiz +scoreboards +retread +loomis +infested +aggregate +naypyidaw +trustful +counter-claims +townland +computer-based +mcelderry +ashoura +corniche +enquiries +duped +hutus +ethiopian +hallberg +alcoholics +cooking +bettis +dockyard +cervantes +naacp +admonishing +ickes +districting +off-line +apl +hijacks +puncog +pedaling +tubing +’ve +nyoman +mazar-e-sharif +kendal +on-the-record +state-approved +ahmedabad +qana +grandes +sycamore +traveled +raptopoulos +mojo +ravenswood +hinsdale +al-nah +miodrag +circumvent +india-controlled +bt +demilitarised +investigators +futebol +sociocultural +nureyev +shoulder-fired +phd +seigo +sony +goalscorers +letizia +insulin +adem +biplane +roxie +masakadza +happens +kyle +parts +donadoni +year-by-year +pause +fishnet +reauthorization +masaru +w00 +muddy +jamuna +on-time +philips +totti +predominant +media-most +rspca +upkeep +stepinac +ricci +directing +muckraking +hoi +hearstdc.com +xinyi +securitization +up-front +sur +set-00 +hardliners +crunch +gateau +ahl-yow +serpico +mystified +stuff +investigational +verges +liber +attrition +jamba +lala +rebadged +ukranian +alt-country +masculine +prosecutions +diagonally +encircles +nautical-mile +rozier +biden +uptempo +casuistry +ieyasu +painless +pepperoni +brancato +mav +saskatoon +aks +hemant +brawls +ziglar +dirge +olathe +having +awoke +puzzler +leonid +dupree +eda +blind +pta +killing +pigalle +cancelling +impenetrable +proclaim +gediminas +prospectus +phosgene +infraction +momentum +keeneland +liaqat +transformer +aforethought +amaru +javits +enyimba +hatchback +towed +mancini +becerra +georgette +bandaged +groveton +el-vee +benighted +saiget +swarm +spec +bought +silla +myriad +rom +baumbach +member-states +mahi +stringy +tpg +al-jaber +costed +gc +tenets +depths +tuhl-ka +trow +amicable +defaults +paniagua +mixture +iranian-americans +outbreak +mela +riyals +acronym +second-story +valeron +clouded +write +dead-end +jabbed +preah +misperception +uniformly +ahb-del-ah-zeez +hauptman +fossa +clube +seehofer +bendtner +salleh +tweezers +whimsy +garoua +tali +mccallister +0-0-0 +vollebaek +c-class +middle-age +inanimate +dominicana +bolan +thuan +snowboards +trepagnier +mandated +sinuses +wrongs +dove +underbelly +guillermo +drexel +meteorologists +lacher +jbreyes +sampled +sororities +dannielynn +cep +vandals +oefelein +smokes +shattering +moment +re-elect +maison +essen +al-awsat +d-ind. +nep +jcpenney +bogle +unnerving +chahn-choo +basking +mccool +leavening +northbrook +innocents +sluice +nikolaidis +median +lillo +speedboat +lurched +takanonami +fusiliers +squinting +rehashing +jumping +mandanda +zyuganov +cuban-american +avn +newly-opened +grown +balked +cuneo +serialised +anglo-dutch +staining +opus +cnt +conceiving +alameda +saku +sadist +cross-pollination +gawler +bc-news-advisory-lat-wp +parazynski +discursive +worksheet +telecomunicaciones +residencies +formalise +walther +muscling +maze +grabowski +dummy +five-test +segment +pfizer +rearrangement +denbigh +tokyo-mitsubishi +aligning +giri +megawatts +haleh +shaaban +esh +mowt +default +damion +bayonne +sicker +huwei +mechanical +coverdale +lancome +hams +shah-ahn +haslam +guerrilla +considerably +excellency +arrogantly +takami +hibernian +phoning +dragster +gann +bout +tmd +repulse +most +puffin +paralysed +rouse +dukakis +habeas +amenhotep +tduncan +stills +genocides +gionta +oem +aas +macias +nms +j +assuage +wiretaps +fells +mosby +big-play +yung +walkinshaw +shariah +morath +ondo +mandir +dispirited +butt +roofer +sochi +four-plus +ryn-myn +gaal +gyeongju +yari +littering +copacabana +prinze +clink +peizerat +no0 +tempos +reimpose +u.s.-mexico +wholesome +conciliators +boal +vee-yah-ry-goh +paramore +archaic +archie +mortis +lesser-known +four-night +disloyal +filmfare +rumored +coddle +encourage +dvr +nontraditional +hornby +alleges +rifling +dav +namibian +anarchism +redefinition +sundae +wiccan +vociferously +heuvel +0.00.0 +oahu +stanislaus +gabbana +feldman +yardy +shelton +kalashnikovs +gage +bioengineering +rebel-controlled +valiant +grotesque +worsening +impediment +polaris +facie +johansson +palos +swimsuits +yugoslavia-kosovo +dishonor +befits +howrah +lightsaber +wicb +regulating +protocol +wicketless +toray +resemble +smallwood +falciparum +wares +intervening +^ +pocked +pols +religious +jahl-lahl +intently +leadoff +tete +unaffordable +mikan +airship +ija +drug-related +oklahomans +000- +spade +vladimiro +naughton +adc +turkmen +rusch +encroachments +anti-capitalist +soliders +althin +lelouch +landholders +scoured +krzyzewski +hatched +bc-na-fea-fin +deportes +kansans +yusef +tanked +trumka +guenter +londono +rondo +ballads +vicenza +reconstructionist +solenoid +co-producers +midwinter +belarusians +supply +looper +roosevelt +apodaca +mid- +meiosis +diuretics +barbecue +pinstriped +tty +vander +leann +mae +hmas +kazakov +keizai +caserta +amurri +habito +hens +semi-rural +russian-born +corea +therefor +nobody +000-pound +liquified +meridien +re-discovered +cartooning +metres +scarcer +phosphorus +regenerated +consisting +refueled +shelbourne +cg +abstentia +dello +els +bonds +akio +single +chafee +private-sector +sorrel +disrepair +chick +najran +door-to-door +london-based +schooners +hula +jayantha +thaler +assessors +medics +charly +exploitative +ballantyne +subzero +cruces +jobe +ahmadinejad +overseen +eizenstat +ofta +picketed +haida +honchos +viticulture +uml +clampdowns +fuqua +soothes +reach +militar +russia-georgia +simm +tectonic +quadrupled +hume +nuova +wells +wafer-thin +lubrication +term +marinas +miniseries +infuse +sonnenfeld +albirex +feu +smiles +production-sharing +senatorial +known +posen +misa +meath +turyk-wawrynowicz +bagged +pilate +polka +mentorship +landover +trophee +sirak +buy.com +mitra +infomation +hitchens +farveez +banqueting +zemun +mah-mood +anti-flag +returners +mcnulty +lineout +sedan +striking +gipper +propagandist +smokestack +ahb-del +mines +dykes +ghazi +tips +grau +stoiber +enrollment +shipbuilder +motley +abdulkadir +gillan +evaluating +welcoming +electrocardiogram +kbc +lundgren +misconduct +yay +violating +glitch +mitchells +safes +thrive +repaint +hockey +anti-u.s. +sage +kura +tufts +windfall +cammalleri +rikers +orkin +head-on +dialysis +botas +hamon +nuristani +colle +'is +cupboards +macs +estrogens +commemoration +villiger +scoping +ghailani +co-chairman +pastoral +conscientiously +public@nytimes.com +algorithm +upgrades +buser +honed +standout +eccleston +misappropriating +seuss +jan. +clearly +ciavarella +ih-mahd +one-for-one +changan +sentinels +narragansett +capitalize +dictionaries +singer-actress +bertolucci +lack +miniskirts +tomislav +seagull +non-lebanese +first-choice +solzhenitsyn +wonka +biltmore +bute +luxemburg +famed +dhow +cheated +beater +vertebral +sessions +snouts +sassafras +pelting +wuerffel +dolls +noc +cabdriver +cmd +e- +cigarette +centre-half +mangal +liping +fortresses +qutb +prodigy +ldk +confront +fils +rooms +schulte +bowlful +populist +keystroke +diligence +floral +pro-consumer +jameer +lyra +breaching +abkhaz +proficiency +mega +detrick +habermas +wed. +comesa +plunkett +printouts +transmissions +heavyweights +snk +malawians +supercharged +melancholy +adorable +albion +analysed +barreto +kotov +belding +deshields +kotomitsuki +meteoric +radiation +berkley +thuram +demonizing +pigment +peregrine +seedlings +skewed +commedia +memorials +falcao +woodbine +rials +nmod:on +spyglass +fattest +resurrected +shifters +basal +intertwining +swisscom +unwitting +highly +balaton +penalized +gourmet +sharpened +buggies +daqing +presume +tsui +hands-on +bolduc +bjorgen +sete +mur-see-ay +solidity +sanctus +reclaim +two-family +bounces +keough +vacating +swashbuckling +arundel +yonne +windward +ap.org +j.g\. +rodas +waterside +inexcusable +prisoners +carbs +elected +kula +swinburne +now-disbanded +utilize +tsutsumi +konishi +crucial +saqr +ostracized +non-party +sukkot +shadowy +crowns +iau +lambeau +whiplash +compressors +ishii +header +infineon +brilliance +kertesz +grolsch +title +pieper +) +condiment +hating +comerica +florists +accreditations +rebuffing +dayaks +ahr-naht +gainers +islah +msdf +seaplane +all-australian +deletes +massacring +kolkata +bicentennial +rebuttal +mallard +goss +onsen +revivals +onion +cgil +glamorous +taufel +laiwu +stew +rani +ris +cecelia +defi +ballots +cajuns +coeur +weaving +overcomes +conference-leading +himno +slobo +boomed +quebec +soviet-led +lucan +yousef +gp0 +evita +rah-zheev +ephemeral +gente +tirade +plated +yoav +coyly +nourished +waver +notoriety +elihu +arriaga +siddiqui +guga +beech +swoopes +braganza +cigars +lixin +low-slung +viz +sampling +megi +vat +neotropical +orleans-based +editorialized +disseminated +reedy +blackley +sunbelt +aprilia +unpredictability +interlaced +masterpiece +astle +interbank +re-trial +underdogs +violence-prone +gts +mansion +waikiki +jeev +disinformation +foerster +raging +hdtv +angelis +entomology +decapitating +ile +breh-neet-sah +gye +slogan +marianas +chip-in +reprise +alamitos +washable +mihm +eunuch +flotilla +co-anchored +canister +a-ha +odder +odetta +caldwell +silverton +bradfield +moderate +bites +pumped-up +inhibitor +judiciary +paa +empresas +icq +latour +limo +pack +budgets +brack +threatening +admirals +demonstrations +albacete +rutger +discontinue +broad-shouldered +hydroelectric +ricans +00a-00p +exchange-rate +lodwick +captives +carcinogenic +ledges +groups +atv +sarcophagus +deploring +manors +phonemic +emotion +feasted +dialogue +cybernetic +bashkim +welled +mar-zheye-oon +lerach +transgression +c&ed +ng0 +gemelli +epitomize +aps +less-than-perfect +al-balah +vichy +hunt +starched +testifying +mich. +a/00/000 +fogged +bater +bronxville +calm +kon +woodham +hryvna +ldl +wedge-shaped +oda +oil-for-food +yehiya +revolutionize +vietnam-era +carmichael +you +ealham +solti +inbounds +tatum +blogs +special-teams +lumina +custard +pontefract +instruments +carmelites +simplex +rues +phonological +reed +nangarhar +edelman +homed +dagens +ertan +watanabe +halberstadt +bickle +ita +un-brokered +airstream +paydays +marios +sutarto +'keeffe +deventer +honcho +hypnotist +conservatives +gondry +randal +ganassi +drawback +pivot +pneumatic +merengue +triple-double +ignaz +jessie +segregated +arda +mime +cuauhtemoc +kategaya +d-la +pickings +lansana +rader +anchoring +peet +telenovelas +bashi +awol +left-arm +bigamy +polsky +wingers +rakesh +balk +pohang +mart +hamtramck +fn +squall +consumption +zeit +o'dell +compaction +gir +affirmations +detmer +inhibited +grendel +first-order +townes +synonymous +spills +eschuett +chromatography +ee-brah-heem +disfigured +repositioned +depreciation +creates +wicket-keeper +dixons +asem +durrell +defeats +checkbooks +initialled +ostrowski +zlatan +christin +reemerged +gottlieb +ceviche +el-baz +sergius +mahl +toddy +lpc +resource-rich +brutally +contamination +tilda +seams +defar +jr. +colonnade +favoring +lujiazui +bzw +pliability +showmanship +transmitido +cuisines +relocations +lightens +backbench +arbitrariness +prohibitivo +diskin +stenmark +breezily +fluff +fools +de-escalation +unionization +shouts +runner +much-maligned +rootless +redhawks +oya +jotted +sucrose +tupa +livy +voided +epargne +blomberg +reappoint +cordoned +pelosi +shandong +galleria +counter-offensive +illegitimacy +junkers +comments +yuxi +dailly +chadians +furlough +jee +skittishness +sophie +jian +vibrate +imprudent +uncommon +wellpoint +refuges +outnumbered +lifesaving +hammy +coupons +rahab +r-n.y. +shiite-dominated +titus +outlets +revalue +digested +male +paperback +china-friendly +quiksilver +ridgewood +derek +ymca +exponents +messrs. +roja +tubes +juliet +kws +pioneered +coast +round-up +lipsky +folkloric +alcohol-related +awareness +cursing +delauro +gruner +intimation +turbochargers +grassroot +soft-money +rather +hicks +alaves +obamas +formatting +loren +wilted +relocating +evictions +option +hopkinson +mural +szabo +good-will +vcu +kraken +fathom +raffi +sg-0 +cubrir +00o +sing-gur +foresaw +chopping +spousal +rugby +thickened +unlikeliest +super-heroes +nunnery +kyuma +demographer +uh-mahr +arbitrators +obstetricians +twenty-six +selectable +ionian +phobias +raincoats +offsite +classicist +pless +ms. +penalised +unlikely +cortina +camera +fyodorov +viewfinder +vietnamese +julien +sunglasses +shameless +mcduff +alyson +iquitos +rundgren +twu +unrepresentative +threaten +abolished +wheelhouse +brookings +billet +wheeler +scum +tama +vr +alexandru +abalos +homebound +ufj +neurological +wadowice +marimba +000-year +unpredep +around-the-clock +maupin +co-worker +andrzej +kibbutzim +crandon +szarzewski +deepwater +ninth-inning +roughhewn +novy +backslide +maricopa +repo +grains +unintentionally +fishes +moulding +loose-fitting +halos +emg +yar +top-line +treading +rowhouse +sturges +gammon +conformist +exchanges +oxidoreductase +pazzini +keio +ethel +gleevec +supermajority +proms +careful +burj +assemblymen +saffron +cthulhu +downes +mech +casini +mochida +diocletian +disagree +thruway +islip +tongued +nevzlin +frechette +districts +polio +bonk +technocrat +tumult +murphy +on-court +starscream +sahb +administer +unloved +astana +mannequin +switzerland-based +khaldun +mihajlovic +gilmer +ganglion +properly +super-middleweight +in-patient +topol +arinc +durga +mees +bc-un-gen +sanger +jinjiang +shipping +screamers +yuk +drawl +whitechapel +schalken +awakens +rearview +defeat +conflict-of-interest +prefer +pym +riots +ih-zayd +ngoc +popham +dulmatin +widest +kurtzman +devers +batchelor +restlessly +blassie +klemm +rdx +layouts +shortcomings +moo-ah-zahm +tamagotchi +speckled +spitfires +continuous +pilon +aron +slow +revellers +impinging +cuong +idiosyncratic +gainesville +csx +wim +clarkin +rangeland +caribbean +amends +amcham +state-of-the-art +rereleased +s-pulse +dayan +cliff +osc +chestertown +extravaganza +radiology +pakistan +haniya +ryukyu +frigid +vh +swooping +fukushiro +sculptured +slacker +crappie +infancy +hannover +bottle +slugging +emporia +crib +bagby +interbrew +narnia +intrude +agree +pogo +pachuca +longo +shehu +zesty +biochips +galant +time-tested +brandi +high-capacity +lumsden +scratched +interrupted +farc +slugger +luneng +aig +wordless +mcneeley +spelled +ops +capacitor +pattern +pollstar +immunologist +priests +southend +all-spanish +schemes +dupuis +telegraaf +sunni-led +exterminated +specified +wet +proclivities +elaborates +sanctity +concerts +corder +theodoric +pornography +problematic +lra +volumetric +prism +snakes +effeminate +manipulates +slick +offenbach +krih-staw +fabregas +comprising +detectors +0-000000-00-0 +denuclearize +nationsbanc +marshlands +gasoline-powered +yasuhiro +apologising +preproduction +nuon +postbank +sun-baked +tons +pitkin +mozilo +tolerant +breathed +millstone +russo-turkish +agus +cabriolet +culminated +docile +enersis +twickenham +extruded +publics +amarante +gullickson +counselor +preceded +dynamic +swells +ornithologists +riviera +beaconsfield +r-minn. +performance-based +kemble +dokmanovic +azamiyah +coded +teamsters +pesci +stoically +ceni +alumna +rex +bartolo +gregan +orchestrating +injustices +bubbled +seven-figure +punched +walid +baikonur +debug +facilitators +thurday +golub +ferro +swordplay +tribunals +fela +marmalade +north-east +thunder +chemerinsky +zher +offences +withstanding +overheated +mash +technobuddy +unforgettable +verve +macgill +craxi +ludovico +satyam +organize +coa +bra +tulare +publicly +koepke +mildura +haroun +responsible +martine +tilghman +enacts +swatting +interred +managers +nonprofessional +venoms +vegetables +reforma +goudeau +mates +petzschner +krueger +puy +copies +visnjic +hails +surtax +vanderveer +fremantle +bil +collider +recife +noose +nonlethal +sewall +mbta +oars +nika +unfavourable +parwan +crowned +gerardi +macdougall +imperials +eurobonds +official +furlan +favour +hexham +gymnasiums +profiles +premiering +confound +portrays +parades +millers +larks +roush +multifamily +giannakopoulos +beamer +redefined +what-ifs +boscap +behemoths +stalks +palms +recieved +fratricide +repatriations +cisl +doh-mee-neek +korea +beaded +user-friendly +engrossed +nakai +lang +arguing +sherwin +annemarie +parkersburg +abstract +supplemental +systematized +mccarrick +insulting +argyll +banker +pasig +trickery +hoagland +snps +amersham +boldness +bah-den +converged +oaa +maliti +yaniv +performing +hotel +mushrooming +nyman +yellow-green +czechs +funnel +parfait +extra +epi +gov +ishigaki +unicorns +perpetration +al-kidwa +mateja +vazquez +ralcorp +husted +psychosocial +centimeter +meghalaya +woodrow +dicky +autopsies +transept +nemesis +wristwatch +psychotropic +motions +telfair +bids +scruffy +mailboxes +moisten +fifth-biggest +gunaratna +cheeses +three-quarter +peshmerga +detaching +mid-point +marcoussis +macabre +lyric +twagiramungu +barnstorming +naghani +rahul +mingora +shrewder +abetting +wall-e +alckmin +plane +wozniacki +private-equity +supporting +snead +shoof +recasts +lint +formulae +averaged +y0 +workouts +mother-to-child +chariots +lipinski +abbate +jettisoning +louise +dieting +fau +aggression +caliente +hansen +christofi +jeune +bass +p.l +reborn +stocking +cobbles +costo +unilateralism +counsell +australia-new +re-exports +fsn +trois-rivieres +lounging +on-year +militancy +ignominious +detection +anti-mosquito +fidesz +blossom +re-election +aloysius +crunk +zucker +opm +tenders +sickles +sloane +cason +sternlicht +calculates +printers +multi-family +roundhouse +primary-care +pliocene +bare +bc-na-fea-trv +eberhart +aldergrove +osi +meru +chepchumba +levu +widodo +benched +transacted +inflicts +equated +sohail +coni +greener +sm-liiga +zakariya +well-chosen +hard-pressed +hauritz +rudder +shanties +remnant +convents +manatee +knowlege +yeomanry +paychecks +mehrtens +konstantinov +bargained +gabon +frog +pensions +able +skateboarders +amman +daytona +southwesterly +swarthmore +mutually-beneficial +kaberle +woh +azkaban +farhi +implementations +sihanoukville +twisters +stifled +shura +0/000 +guangxu +reimbursable +0000/0 +subatomic +down-to-earth +popp +barring +morphology +rame +jenni +disorderly +gremelmayr +rd. +babble +inuit +blacklisted +francesco +assured +maddalena +glamorgan +warsh +crystallizes +skewer +hardening +niebuhr +tabloid +dinars +frolic +anything +fueron +mazes +penalizing +tragically +roden +cannistraro +belongs +klimt +hypocritical +schreiner +adjustments +coughlan +inept +punctuates +00s +pontificate +arthropods +aei +bobbed +saulnier +decoding +blackwater +alomar +diaoyutai +boot +re-employed +abdullahi +attack +super-fast +icty +ze'evi +latinoamericanas +semipalatinsk +gimenez +obtuse +ginandjar +tarim +bells +groene +00-year-old +jericho +deciding +unlawfully +pitbull +lenoir +autumns +neeson +diethylene +posed +brosnahan +steller +hortefeux +mush +nightgown +behari +serendipity +segunda +octuplets +dempster +fernandes +constantino +prod +fregosi +bierhoff +yuck +previewing +roth +taxa +selecting +alkali +kalinin +vidmar +outdueled +terrifies +upstage +self-centered +rubiaceae +centrally +imagery +benazir +zillion +tramples +delineate +kayaker +jamshed +kermanshah +sifrit +snatched +flecked +anticoagulants +homonym +cady +passel +spa-francorchamps +doughnuts +boston-area +vibrancy +wildfire +elbit +fairmont +integrate +divac +bondsman +wilco +ljn +yemen-based +par-00 +visegrad +thoroughbred +visakhapatnam +omega +rickard +fabrications +presidencies +afghanistan-pakistan +worlds +couriers +bagmati +lily +f0 +fah-noh +garlic +manicured +ohuruogu +jaffa +tenis +inquisitive +off-base +nitel +blanca +v-j +krugman +bookstores +nationalised +prinosil +sullenberger +zhiqiang +beachhead +aug +cherundolo +melo +grandstanding +sizwe +mead +fuses +three-nation +jiffy +morning-after +lorient +abuja +inoculated +clearwater +waite +administration +symptoms +involving +sunroom +pied +sill +snape +nellie +prefectures +oberman +edgbaston +undertakers +persuaded +teachings +buzzes +rigged +bakun +roadster +schoolroom +tendering +gwar +by-products +legitimizes +splitter +papademos +boll +duplicitous +gruppe +schur +al-gamaa +nmr +slam +ndp +glimmering +buoys +five-hitter +peking +end +detonations +michaela +case +turpin +durand +snore +richmond +non-domestic +production +casablanca +wanderings +mightily +liquids +entrenching +borrowings +lactation +mesa +tabori +banishment +boh-rihl +two-game +electric-powered +inca +focal +buoying +szeliga +u.s.s.r +maguire +sahm +suing +negotiation +mediterranean-style +dee-ahb +leixoes +nv +cargos +kellett +technology-intensive +exchanging +potgieter +precisely +full-back +cepa +arshavin +arb +get-tough +crossfire +snowfalls +unremittingly +henrieta +restless +prison +telephony +homosexuals +inducing +ida +golding +mmm +nestles +mind +ezln +glur +rechargeable +synagogue +used +mini-league +bloomed +vedanta +ionic +renuart +sary +cagayan +samawah +avai +markets +beginning +gustavus +findlay +silt +dinero +banc +memorialize +mp0.com +giteau +irrawaddy +finneran +novelists +krupp +bruny +ljubco +yala +czink +screeched +slightly +enclosure +zoey +drawn-out +retaliates +sceptics +0,0000 +shimmered +engdahl +flush +bagley +shonan +00min +rua +shiner +camels +obec +0.00m +cheddi +wrong +00,0 +avon +fantasize +decompress +terim +strasser +curlin +aberle +wicker +plunger +nycomed +sistema +womack +kaing +scioscia +lomas +prelates +humanists +federici +c.j +cather +casks +underperformance +shin-zoh +suspiciously +mid-week +ptsd +dacic +tobin +verse +swimmers +turkmenistan +autographed +valletta +vishwa +non-orthodox +superconductivity +roni +two-phase +vilifying +appius +alkatiri +enjoin +rodgers +denigration +stadium +entwistle +azerbaijani +baku-tbilisi-ceyhan +grantham +installing +engenders +families +trickier +sionko +announce +gaol +fermions +busily +castille +non-permanent +premiums +supersonic +spontaneous +on-0 +alleviating +tafe +focus +woes +torii +lida +dispatches +mazowiecki +compatible +flop +potty +reconfirm +wasser +bedraggled +rickd +durham +yancheng +sha +nabbing +skintight +furore +brazier +andreychuk +appalled +airspeed +discreet +defrost +distillates +randy +mapquest +dennis +buchberger +gamespot +entryway +englishman +plea +agamemnon +baie +konjic +ctk +specialize +aruba +tee-ur +letterkenny +tomba +bednar +indexing +kovalev +fraternities +abduct +pallas +british-owned +brah +hushovd +lacalle +sandie +alter +laggard +hoo-waysh +volkert +rerouted +swooning +morehead +chauncey +play-off +lecture +ingham +heaton +undamaged +add.0-0 +century-long +carell +whodunit +overhangs +egos +gdanski +marlena +trounces +sulieman +pow +magnifying +mankind +improves +fla +powell +pacino +modems +containing +aznar +conserved +vibrations +dga +adada +cloutier +el-maati +reticulum +elicited +government-approved +tosic +bratton +schuettler +nejd +jayakumar +sssi +roo-pin +sending +sajid +nikes +discount +periodicos +jeep +dint +domenech +havana +binding +vida +military +joschka +benedetti +hollowed-out +priceline.com +leterme +bunting +seawolf +0sec +interpreted +girard +alexa +infuses +meriwether +structural +enjoys +plaques +kafr +solubility +firm +schalke +monies +campana +warplanes +contraption +boudoir +concordes +cinder +slava +measles +earthlings +hh +rack +lampedusa +assimilate +nonsensical +d-mont. +denote +mecklenburg-vorpommern +uninstall +oceanside +covic +codey +halcyon +frank +high-technology +evreux +apiece +efron +dramatically +good-natured +skywest +mgh +ganga +ventilated +anise +lizarazu +non-toxic +westerberg +quadrangular +reyna +jindal +attained +ronning +storied +banger +'u +lister +stampeded +nmd +cetera +wannian +farina +prohibitive +retrovirus +flanigan +garber +jalandoni +upper-caste +timberland +nags +demetris +newshour +bicol +beckham +first-week +asharq +mid-november +eschewing +lagrone +terminating +stimson +hydrostatic +tumble +mcinturff +centaur +tucson +choon +authorising +ripped +subsidizes +clothesline +gymnasium +fruity +runaway +kah-nur +thongchai +dimed +campy +pus +rube +flamini +accountants +alcaraz +cambio +worksite +jumping-off +tunica +nabisco +wider-than-expected +superfamily +saru +farrer +caretakers +suskind +configuring +contrast +reformers +constitutionality +steroid +backstage +china-bound +barker +nkvd +acutely +empress +playstations +overpopulation +pawan +solicited +lethargy +sengoku +transistors +pummeling +signers +zeus +ranked +superficial +surety +kochan +therapeutic +redbook +topi +five-run +fibromyalgia +apse +tbn +lower-priced +eviscerated +bleeding +oradea +polychrome +baboo +aniston +tupolev +cargoes +colorimetric +knights +quizzical +hamstring +advantest +religion +hateful +morgans +gray +melbourne-based +well-earned +wingless +jinglian +mormonism +pitfalls +impeachment +night +nihat +thrills +dodgers +panisse +paras +duodenal +distinctive +died +giffen +numerals +us-style +tremont +fai +then-president +slabs +tapas +crocodiles +dryer +monetize +glover +lao +sandringham +markedly +ladies +harrison +fettuccine +johns +tombstones +santer +quintessential +ptt +quiros +doves +maarten +transformers +chesapeake +castleton +bank +tamas +landy +pretension +gawk +pump-priming +mankiewicz +unclean +pasteurized +taheri-azar +impeded +furt +self-knowledge +fabric +witold +radwanska +access +d-ill +rama +dionysius +personage +isaksson +gunung +coupland +icbl +perl +privatized +robbie +villa +badra +brr +coomaraswamy +strike-shortened +bunn +gawking +nature +indirect +overheard +clearinghouse +wind-driven +seles +gratuitous +jager +daimlerchrysler +northfield +scammed +sedimentation +gastroenterology +intriguing +geyser +marlboros +sprawling +barakat +marci +nicene +mcgreevey +jorda +emu +lebaron +mentored +harrier +perverse +s.korea +iliad +table +rancher +springing +cornelia +facade +paulette +minimising +aguinaldo +modise +brien +blotted +forefinger +riverdance +kano +underwriters +father-and-son +immature +shiro +fiume +prize-winner +frantic +revision +ruf +anya +otter +blunting +rook +overprotective +krishna +pader +honorees +securitisation +broached +basterds +janacek +namibia +convergence +langone +pasttime +dedham +emei +hooded +yiannakis +maquiladora +sleuths +ilhwa +bai +harrick +carbonyl +eka +seaver +janata +canizares +maize +agreement +prosiebensat0 +llp +troupe +flnc +metrocard +nihn +danny +sentries +resnick +usia +caltex +rudin +calabria +hartmann +0.0km +medallists +pornographic +ground-rule +kosice +wedd +portrayed +vein +catches +higazy +zero-percent +angered +accounting +someplace +bingguo +al-zarqawi +tamilnadu +northerners +modernized +lowrie +psyche +marksman +rajkot +'leary +arrieta +bwc +kanji +hidayat +kernels +gnu +pinball +thruout +borgetti +jubilee +olsson +cathartic +three-time +yikes +hemp +d-n.y\. +groundbreaking +sitting +repurchased +trachtenberg +emailed +swensen +byway +multi-millionaire +liberace +postmenopausal +xing +u.n.-backed +tuft +arbitrating +chunks +trudy +non-japanese +impudent +run-scoring +incredibly +operators +texan +jess +competitor +salesmen +cost-benefit +unced +gunship +readjusting +joely +ghajar +hillary +zeliff +veloso +deighton +petrus +foreskin +fenner +beth +gorka +redux +ultimo +cicarelli +callender +openness +evening +spanky +hawala +hussein +blur +encompassed +retrospect +bharati +sushi +valentino +pseudonym +gheorghiu +grotto +kinmen +ils +sperm +firebox +syrian-backed +percolate +metzger +keer +tua +priyanka +brain-wasting +celine +schnur +ueda +rajesh +space-age +bad-tempered +engage +meralco +00-point +title-holders +fayed +cumaraswamy +vasconcelos +amadou +outperform +gop-controlled +ceyhan +modernize +calyx +hl +bse +self-respect +briggs +taylors +jacquet +xxxii +ruina +razzle-dazzle +accomodate +rough-and-tumble +dazzle +draped +pacified +sentai +toothed +prosecution +rhizome +mcadoo +kindling +boogie +exon +coping +palatal +backboard +passive-aggressive +nomads +museum +borders-column +china-eu +montreux +a.p\. +molinaro +trumped +wariner +fei +mere +season-low +locally-listed +disney-owned +schiffer +scrooge +wushu +callous +heiden +compendium +arrayed +denouncing +casualty +pekerman +transporters +hah-lee-fah +sah-kahsh-vih +retrenchment +diplomats +simo +eliane +adventurous +panucci +gravitated +lakeside +appearing +lumberjacks +overheat +alessio +jaden +anticlimactic +certainly +saltillo +workings +enumerate +rizk +nationals +udc +toyland +witted +minicar +sirivudh +starovoitova +upcoming +inter-american +goalies +medgyessy +wardlaw +appetizers +soir +pesticides +media +scooping +remittances +identifier +bmc +headquarters +oreo +ripken +busts +arteaga +notre +retrieved +rating +sculptures +feick +leopards +kudo +peterhead +zeroes +peacemaker +flawed +clea +licentiate +baloch +braine +goldberger +unsuspected +degraded +centre-back +dungeons +readily +growth +pasta +kray +riker +skelter +co-insurance +vinh +alwan +flights +illogical +sehk +denver-based +spd +boron +airlock +witwatersrand +solvents +greek-cypriot +gasket +invading +redraw +nationalized +ipcc +consolo +qandil +reinforcement +shourd +ruinous +interpol +federico +gesu +jerky +ketchikan +intro +dowries +imperialism +aircrews +balenciaga +cyrillic +unjustifiable +ligety +libya +ha-meed +dissenters +bakeries +aftenposten +lachey +sutro +dreams +rationalized +crayfish +loup +shmatko +geometries +sweeter +perfection +floor +favelas +attendees +neumannova +welby +steinbrenner +intercepted +borrowing +confided +rauch +favouring +glacial +mashhad +funeral +crosley +akhmad +blemishes +milan +understate +gluten-free +travesty +enshrines +nominates +formally +multilaterally +impediments +b.v. +tiptoeing +giddy +cutbacks +liechtenstein +liens +xufeng +self-rule +harwell +pro-british +coconut +starrett +clasico +neiva +alessandria +cdma +calista +bonhams +cichlids +nitric +mairead +kusuma +hammadi +greatest-hits +aileen +kwak +depiction +kassel +phan +highlight +unpasteurized +qaeda +gnma +sac +wargo +open-air +sommer +recollection +stig +uncanny +safer +sides +wolfpack +backlit +betas +demoralization +leandro +ceremonies +uaap +monadnock +teens +saxophones +rehash +sp/mib +afshin +detonate +homogenous +combest +gaborone +iran-backed +shaalan +rocco +mdul +murkier +multi-sectoral +s-0 +uneducated +fitna +beker +asashoryu +desktop +scents +cultivable +bjork +clavijo +chatterton +noodle +agusan +lirong +reprieved +eightfold +elijah +two-person +hegarty +ripening +mems +blanks +unenforceable +stimpson +nbt +communist-run +graz +seeped +grandview +end-0000 +yakutia +solvency +uem +joust +kravis +mattes +forbid +roaches +wamba +dichotomy +medpartners +surapong +jsp +unconcerned +urbanization +petra +'azur +spinach +unnoticed +relocate +gamecube +counseled +assassinations +minsheng +degenerating +insomniac +dehere +hindustan +joseph +delahoussaye +koo +geeta +samburu +yet +lancry +shellfire +fuji +monitor +gasoline-electric +carbondale +revues +lidge +combat-ready +workbook +waists +everest +parana +ceased +mid-flight +rules-based +draco +readability +homolka +retaining +tourer +haul +cricket +egy +craig +floridian +reverends +arison +jordanians +tighten +downloaded +toshiro +upcountry +cushy +seers +gettin +localization +omissions +atif +cover-up +health-insurance +cipollini +maghreb +whc +fatally +linklater +literacy +crannies +xingdong +evelyn +despondency +bilbray +moab +primera +jambi +strainer +corbet +haneya +attain +smasher +chhang +feral +tonsils +draconian +ionescu +irregularity +sehr +santamaria +ii-era +vajrayana +fudosan +shippers +greenlaw +government-affiliated +front-seat +elphaba +ourselves +okhotsk +dali +unfunded +tryouts +scipio +fra/btl +cbt +o'hern +cintra +nema +recombine +'neal +hurriyet +takenaka +israilov +astoria +euphorbiaceae +frenzel +shebaa +b-0s +ancestors +logs +phlegm +slapped +lonmin +defoliant +two-man +ivo +sirte +rscg +luminous +alpacas +bessonette +knobs +qinghai-tibet +gasol +furlongs +krasner +refile +antagonistic +leone +laser-guided +folksy +hatching +apotheosis +roldan +brasco +non-negotiable +unquestioned +grottoes +hemings +botanic +winsor +hager +hand-written +buner +sung +dispelled +dwyer +koot +desk +illicit +ningpo +reconquest +salei +grey +phoned +conservator +admiring +petkovsek +anal +dieppe +anti-narcotics +underneath +blanton +hyping +fc +prospekt +disaster-stricken +paper-thin +delights +schema +secondly +well-suited +vendrell +gourlay +hafr +consigliere +teahouse +aves +mmd +inimitable +geoghegan +niaz +tents +paulison +erlanger +hannan +evangelos +coria +registries +full-term +sarawak +pas-de-calais +unworkable +buckingham +prewar +loathes +predictability +broward +hirschfeld +pepsi +seed +melli +kodjo +hardball +multi-channel +earhart +basdeo +pescara +ellos +telephoto +ottmar +knifing +salto +specificity +towards +desalination +sib +foskett +beiersdorf +rihanna +top-scoring +judoka +wisecracks +speedskater +mss +hah-sin +malayan +hampers +expenses +steinbeck +opening-round +bulimia +overcome +novela +iyengar +nuh-beel +non-banking +kills +otago +beefs +teleportation +mondragon +oy +vie +eliades +huot +avraham +strategic +invicta +deliveryman +certainty +paralyzes +meatballs +bullwinkle +unpopulated +creatively +cnc +nicorette +antenatal +grantor +mathis +garmser +mealy +juarez +sponsors +wilkes-barre +n.m +fellas +anti-islamic +tooled +scorer +mp0s +peretz +face-down +rock-solid +estimates +maryland +soweto +catalonian +p.m\. +antara +roasters +prosecutors +saint-germain +initialing +hypnotic +satoshi +admirer +belfort +avenue +dahaf +yoshino +garrow +gizbert +guilin +concealing +anglers +cassano +tights +lintel +pulled +healthcare +00w +rescheduling +justus +retreats +redbridge +buha +iceberg +outspending +artist +ratan +bloods +kevan +binocular +elsom +flood-prone +insane +two-third +cognizance +typhus +slit +disappointments +herewith +cust +primate +kicking +ultra-modern +dislodge +mnlf +toscanini +pizzazz +spire +felker +soule +houphouet-boigny +flyovers +culkin +superdelegate +accidents +noninterest +quake-prone +arizonarepublic.com +implode +abhors +powerlessness +berliner +offending +redecorated +gran +livnat +thais +pontoons +assent +litchfield +expects +fringed +anxious +deprived +uppermost +alphabetically +metamorphosis +valuable +wreaked +sloop +comprehensiveness +peavy +neuville +fag +luminosity +codec +bernard +marbella +jaime +cheerfully +mod +defecate +hg +passarella +consorting +congested +taxed +demoralising +pra +robbers +gymnasts +post-vietnam +snowmobiles +mathieson +louisbourg +jenrette +phi +kung-fu +yunlin +swooned +snowshoeing +siddiq +cheam +halt +younis +nationality +ojai +gump +pre-empting +confine +blodget +ridgway +fictionalized +virtually +elucidation +marriot +istres +dormitories +tsz +highschool +extrovert +linzer +platz +money +meagher +arieh +liberty +minimize +processional +asparagus +interrogated +quantrill +dislocations +governed +redfish +greenblatt +at-grade +datek +beheadings +simona +mcgagh +kimi +stanza +tantrum +steeler +operant +spooky +capacity +azharuddin +bowdre +shutter +loughlin +ghettos +tomtom +yonghua +denson +shotaro +wehbe +retrofitted +monument +roams +josten +canaveral +comas +baby-boom +luthi +lomax +jackass +claudette +bigger +corrupts +pastrana +protestors +gardenia +aristocrats +renta +macclesfield +schuessel +eris +olly +assiduous +venetiaan +ventilators +cooperate +ennis +borgnine +lahm +after +teapot +alphabets +liberators +unc +abergavenny +chain-reaction +debt-free +traded +urgency +emyr +obliterated +longchamp +magog +whether +djp +ver +hitting.000 +sleeps +semi-autonomous +reject +waldrop +gijon +scourges +kennet +dunlap +raed +noboru +gropius +ratifications +duplicated +absurdities +wu-tang +zur +gowda +megachurches +poppies +headscarf +howick +wsj +megson +notaries +desertions +abattoirs +carriageway +puree +uproarious +headhunter +akkal +charbonneau +00rd +doghouse +post-doctoral +ganz +ente +smooch +second-class +roms +cubas +expositions +passions +utc +secretary-general +waterston +espada +interoperable +post-traumatic +enchaine +loaded +complicating +mola +ebbe +baldy +kooks +h.p +tomaz +sterns +underperformed +ing-rat +phineas +weekend +rap +downing +q-school +scheiber +allianz +tucking +undeclared +abstracts +cori +brigades +successfully +sil +grasped +hof +pecuniary +friday-sunday +gisborne +00the +archive +networking +high-growth +burbridge +ahluwalia +observateur +overdubs +nathanael +medalist +inactivation +thence +multi-national +lomonosov +muskegon +madi +al-obeidi +aku +staged +kcrc +non-interest +dasgupta +lozano +liqueur +geoffrey +kees +bardem +uncredited +flashlights +megawatt +symposiums +reveal +noriaki +samaj +gusev +000.0000 +miso +add-ons +peguy +luz +frescoed +se +haitham +koertzen +brynner +cleland +canoga +volcanic +salons +medimmune +herzog +trovatore +canopy +alpaca +seahorses +sram +missouri-kansas +pollitt +unreliability +palumbo +marovic +extenuating +andreev +stick +six-yard +confederation +scuba +bessette +bottleneck +bravura +bullet +secrecy +windfalls +szczecin +polishing +favorability +reverberates +disintegrates +openers +marinades +mariane +permira +eater +'l-baha +interspersed +muy +food-borne +dalton +tuxtla +noo-say +kirchmedia +baubles +mandibular +jeeps +disarmed +layman +tahm +clorox +velvet +gentlemanly +shoot-to-kill +motocross +timelines +merritt +schweinsteiger +semi-official +profitability +two-horse +mcdonalds +maughan +one-legged +shaven +sept +reactionaries +commemorated +rebalancing +topkin +idol +perfect +antarctic +anarchist +kansi +usr +stairway +tft-lcd +khabibulin +jaidi +cly +soh-mah +lillard +evermore +involvements +haggerty +uniformity +deafness +turnbull +ladin +yemeni +ios +optimization +haley +blaine +persimmons +hawley +abuhena +agathe +tyco +buddies +000ml +mop +expulsion +mcfarlane +snowboarders +anti-democratic +propeller-driven +best-loved +epicurean +machinegun +or +ehl-behr +honking +retardant +ws +rotation +stingy +firebombs +admirably +carneiro +afflalo +stocky +aechmea +opposite-field +calabrian +caetano +innate +overpopulated +replacing +danner +pierrot +pancreatitis +muqataa +wigand +urrutia +regularize +pyong +presides +rapp +anurag +bir +reduce +gelder +bonsignore +ladner +artistes +flagrant +broiled +personnel +wearing +gauls +happened +unconsolidated +stutter +retard +ordinance +endara +kilometers +secretaries +reen +otti +yanomami +karlin +rhys +sorkin +nordea +rad +sp/asx +sobchak +blend +analysts +lifetimes +seedy +hanafi +chesnokov +schoharie +al-sha +equations +rejoined +magnesia +siri +squad +obliteration +unlimited +turkish-occupied +vaux +downplaying +metalist +clean-energy +fast-food +sylvain +kui +coworker +czech-born +spelt +distinctions +stylists +belenenses +widnall +barnacle +bowell +clinton +premier-designate +cockle +magyars +milomir +inds +dissidents +crosse +nucleotides +anyaoku +geelani +krona +0/00 +lengthening +brulte +workplaces +infocomm +spas +00pts +gazetted +vna +snagged +omnicom +diskettes +enos +mackintosh +trampling +consists +lateness +fraternal +mulholland +seaview +mallon +majerus +pickles +pelted +shamuyarira +haryana +alexandrian +seawall +patience +polling +tuc +finalizes +rectum +eurocontrol +featuring +ka-ruh-bil +terrains +party-led +dahik +barbier +buffets +mariscal +helicopter-borne +rainforest +qashqavi +vollmer +rorschach +bourgeoisie +ooi +eldon +kayhan +carta +loons +tugboats +surpasses +appalachian +war-related +goings-on +barreled +resentment +times/herald +confrontation +aragonese +drops +chromatin +hacked +demps +blindfold +gbr +aereas +quarry +firat +tabla +photographing +gutierrez +tuiasosopo +ogilvie +secretariat +steiger +crazier +thunderbird +changchun +amaro +consorcio +sd +banister +overseas-based +introduced +smashnova +pre-release +al-qabas +sassanid +eight-day +kramnik +civilian-military +ternary +typhoid +placido +cardiothoracic +dongshan +atr-00 +hesitancy +astrid +roeper +hdz +dissolution +blair +predictions +brazill +szlachta +arnott +devalue +foschi +esthetics +colletti +self-taught +pharrell +stateless +fortuna +wasps +copter +osteopathic +representative +open-wheel +kieslowski +funded +talk-show +unfpa +paused +mateen +waldner +sidearms +metalworkers +unbridled +ree +livres +culebra +lietzke +qazvin +ditzy +eight-run +intelcenter +lukic +arifin +sesay +janitors +investor-owned +phyllis +fatboy +queues +dsp +reinvesting +ocampo +playable +lansdowne +williamson +home +half-jokingly +hapoel +steyr +agribusiness +menezes +well-armed +darwinism +gull +degrassi +wunderkind +loo-eez +magpies +apertures +burjanadze +iftar +may-kur +mcclinton +counterweight +misinterpretation +pricewaterhousecoopers +luxottica +katarina +evenly +husbandry +hals +toensing +pinkston +gannett +stirling +cuthbert +terminated +rimonabant +sidestepped +after-hours +full-throttle +selena +shigemi +nif +fossils +coat +goldfish +honeymoon +ertl +angelos +circumventing +physiological +cursory +transmissible +tilling +mara +congressional +kokang +effortlessly +soaps +manda +u-00 +participant +american-based +moh-hah +mbar +overlays +reliable +commsec +red +holger +grandsons +tasteful +magda +samana +towson +prepared +outposts +cheer +travelers +confronts +eakins +stifling +holograms +thar +downgrades +psychotic +high-flying +bnsf +triage +folkestone +massillon +kek +mikey +siegelman +zoete +helmsley +tobruk +rifkin +thought +half-dozen +adulthood +mazzone +midline +prudhoe +labor-led +articulated +two-cd +paola +theodosius +odi +0-00-0 +puffs +snicket +bernier +clapp +antonescu +ongaro +seery +butz +ben-elissar +airships +disillusioned +bilbo +soc +piggott +muttered +gard +didier +boyfriend +impersonating +dzbb +fairchild +poodles +incrementally +hoss +meantime +balaam +loan +zimmermann +ashamed +bizos +sending-off +helmick +kwun +papuan +flopping +manton +yukio +sacks +hoses +sharon +sneaking +barwick +bethesda +roofing +tres +falkland +squeezable +trippler +minstrel +petroleum +asec +shoddy +bushwick +kel +whatcom +two-and-a-half +kila +reasserted +taichi +qiao +wiretap +sheri +ebitda +deceleration +beaton +allo +noncore +nikkei +banjul +compiler +afonso +wheelchair-bound +diner +faris +softwood +four-hitter +ellerbe +ska +normalisation +fixed-rate +drang +convulsive +ooijer +zahr-kow +deadmarsh +bizkit +darlene +kaul +ingratiating +bonin +jcp +aloof +bins +typewriter +reimer +reprising +silo +dubus +gandolfini +steeples +radio +paws +corners +revels +develops +udd +tree-planting +daewoo +undervalues +daan +tennyson +odysseus +motivational +demarcated +rapper +bowls +macgyver +eight-member +pippi +rowley +job-training +scone +mlah +adjudicate +light-hearted +cumin +s00 +boesky +arises +bk +childbirth +nazca +uncritically +balthus +congressmen +calories +procurators +mesut +caffrey +kudrow +eco-tourism +flapping +asefi +unethical +vincent +thrived +streamed +red-carded +hesham +adventures +commencing +mass-market +mercurial +minsiter +ugur +carve +abdicated +carlyle +brighten +srebotnik +meets +valorie +gretzky +quantified +system +shut-down +households +ayman +dalia +shrugged +baucau +chucky +three-person +bii +croc +haworth +seldom +desire +gated +sajjad +yitzhaki +dario +buffering +filtration +electrified +predictor +basso +arco +geiberger +rambo +centenarian +resists +ordnance +colby +preeminent +blm +shopping.com +sargeant +downs +juniper +feer +perfumes +minawi +high-class +farnese +untiring +sandbag +cummins +octopuses +upwelling +alianza +highest-ranking +auditor-general +ernests +booby-trap +abnormalities +servicemen +currency +blouse +appetites +stirred +burp +isleworth +publicly-funded +venal +castings +tibbets +olad +maritimo +cortese +maybelline +polanski +wen +picard +twp +tacna +kowtow +tempts +turns +roxburgh +unruffled +jaunt +baba +sheh +trujillo +scent +orchid +aditya +jouret +unsportsmanlike +fourthly +runner-up +naruto +nostalgia +widowers +fintor +nuke +overseeing +ajantha +togo +kroyts +unwillingness +fuzhou +soemadi +unsettle +bakufu +toshi +decorator +ramjet +brahma +bsf +capitulated +trainor +risha +aide +decoys +bocheng +dealings +sueddeutsche +lahk +robbery +cheaply +dangerfield +country-music +magsaysay +louisa +eglin +lower-profile +delmas +doling +isidro +qat +cables +declarative +fratto +endorsers +illegitimate +gallstones +pnp +quiver +guber +theorizing +becca +clipping +gospel +unsuitability +resolves +respectively +fordice +r-tex. +athlete +companias +gallas +r-miss. +khasbulatov +ferrero +broadest +promiscuity +glide +jost +windmill +r-alaska +lachemann +hypersonic +escalated +crone +sub-division +palatable +u.s.-south +awami +hillsong +houck +poh +optronics +sharipov +neocons +trash +railtrack +boley +foolishly +curricular +johannesburg-based +weldon +jorge +noriyuki +edicts +becoming +carry-over +drive-in +___________ +mahv +fitch +cocktails +salem +penne +in-country +loiter +semanalmente +hot-dog +apr +egocentric +’ll +gagliardi +farming +nakanishi +joongang +tabitha +bacar +moxley +simson +gimme-five-0000 +free-wheeling +all-acc +salopek +chinanews +coefficient +hedgehogs +capdeville +self-made +banxquote +planning +post +joson +sheer +tham +junichi +plague +hippolyte +phishing +merrin +dumfries +routine +kweisi +us-israeli +arcade +mcdaniels +fissure +slumber +hook +wish +characterizes +dark-haired +dicarlo +osborn +interesting +sah-eed +keratin +kenner +phylloxera +equally +deity +referral +criss-cross +grounds +allmendinger +panhandling +patched +memoires +sodano +countenance +tripathi +quintin +eido +a.m.-0 +harangues +voldemort +knockdowns +bedi +stohl +cnd +vahlz +tuo +emelec +gestured +dannatt +uh-fee +butkus +yvo +lou +booked +polder +polarizing +darted +tariff +yah-nesh +astrologer +unconvincing +soni +prejudge +arliss +shrunk +pyjamas +intransigent +partnerships +floods +mammoth +fleur +pervasive +heer +luncheon +soh-hayl +engulf +screeching +exhumation +viaducts +peptide +constituency +dakotas +thanks +overridden +netherworld +pcb +dili +micro-blogging +fado +yama +reappointed +checkpost +heaney +taxidermy +u.s.-proposed +rewarding +zhangjiagang +larga +blane +wins +protagonists +parliament +sensuous +digitized +ayotte +kyi +mortlock +undesirables +tailender +sightseeing +weisel +ass +right-center +capa +cnidus +takada +actor +specifications +giancarlo +unreality +god-fearing +arjen +required +bode +introductions +ultrasonic +porat +widescreen +al-qassam +database +thou +d-mass. +choked +slaps +invalid +boxset +zhangjiakou +mccready +avalos +cordon +reacts +generation +hku +tillstrom +muerte +nicholl +otranto +demeo +dutch-born +dooley +jessen-petersen +musters +alignments +absorbing +kibria +hippo +unburden +heraldry +guesses +burro +tunb +bide +zug +furloughed +self-interested +hooked +plagues +cr-v +leans +isachenkov +elana +sobek +berezhnaya +oricon +persistently +streeters +keeton +0000a +tennis +koruna +thinktank +unmasks +anticoagulant +a-share +agonising +antietam +annunciation +p.j. +blood-stained +underlining +claustrophobic +mah-johr +olano +andronikos +aurobindo +diversity +headlight +wear +pollen +yak-00 +charades +holien +bharti +lewiston +karenni +lowestoft +triglycerides +headwind +tyronn +kaz +communal +summonses +fabris +christening +debates +kilometer +imaginatively +buh-bahr +breaded +clichy +pastimes +colston +scandinavian +inventive +megapixel +semicircular +peacock +burstyn +behrami +0:00 +myriam +celanese +battisti +fisu +rehydration +bungee +manorial +ayako +margret +amri +reconciles +supercup +overshadowed +arrigo +every +marx +catchers +accords +krikorian +patel +responsibilities +rahimi +pizzi +gigawatts +ripples +playoffs +lathrop +| +ethnicity +apply +pedal +nemeth +speculated +t.o. +lunde +eloped +ntc +adamu +summed +cameron +lehman +kleiner +frommer +hideaki +bogdanovic +neighborhoods +lender +willys +cnes +specially +carles +washington +jawaharlal +elbowing +advertise +booz +possessing +votto +levelheaded +salih +stubbornness +paar +sh0 +end-march +adrs +stephenville +theatres +diffident +estudios +latex +efficacious +prada +angie +importation +raabe +overtones +mauve +characterizations +montagne +bocelli +pbr +wearied +rockdale +sabena +victorians +re-occupied +thin-skinned +guilders +bunk +custodians +exit +limping +drabek +farmers +moni +giveaway +ysp +jig +scandal-ridden +injunction +repopulate +t-bone +partitions +peshwa +dombrowski +science-fiction +predator +graph +pastures +glycerin +pressley +stronghold +britannica +gcse +petaluma +koos +jake +barnesandnoble.com +pti +replicating +appraisers +abandon +subsidising +bertha +tewell +with +fighter-bomber +whittall +fisker +gemstar +mccain-feingold +curse +ruger +debe +must +rockers +contactless +donelson +bv +mfs +duh-rohm +drizzt +corliss +inserting +clustering +synch +taupo +mamelodi +sabino +magdy +scalpers +signage +kcna +cosme +smithy +shara +al-abdullah +fasten +al-sadr +coleman +fire-resistant +stepchild +doppler +incumbents +lowdown +beverages +montiel +humiliation +norwalk +involuntary +ila +sahk +manifestly +exercisers +tcm +moorer +one-out +creosote +us-entertainment +gazza +buddhists +rice +reward +unmodified +ashura +zaun +hurried +akwa +supposedly +bits +moh-sehn +kus +faction +iacocca +british-based +proudly +knows +valverde +disbelievers +westboro +salzburg +under-equipped +coursed +underbrush +scavenged +numa +trisha +barhoum +plata +corned +coddling +alcantara +posner +mih-shel +waggoner +georgia +raimundo +welding +skids +epogen +aback +yaounde +inhofe +playmate +inspections +opponents +slyly +equating +asadullah +insignificance +udon +one-woman +knotts +ucf +bargain-hunting +mai-mai +spektr +boughton +kilbane +tortola +unitarian +danijel +jamming +fbi +extant +spartan +effigies +inferno +morgan +chipmaker +inundated +press +s.korean +power-generating +waitangi +france-presse +wibisono +hopelessness +redeemed +orphans +yuki +airports +irreducible +nabi +abdul-ilah +scaffolding +document +banos +chlorophyll +intrastate +bib +mid-atlantic +conti +naftali +klesko +nukem +kosinski +sayeed +asgard +ahman +gro +blather +peninsula +pwg +undisclosed +best-actor +doumani +fah-rees +zagreb +before +fulsome +advertisers +millward +preki +tormenting +one-lane +get-go +bran +katha +seidenberg +contaminating +pickpockets +cromwell +fen-phen +nitrogen +davison +litke +nootka +boulahrouz +hehr +kazim +prayers +thornburgh +burba +dayuan +deduces +dieu +off-key +permutations +al-haili +rowlands +yarns +kassala +bolling +tulagi +maintainence +yuanshan +marry +lower-level +vac +vartan +comitatus +gutman +terror-related +hed +raconteur +raducan +penetrator +mcgill +lessing +brolin +enditem +kleist +mongella +thurmond +dimension +entourage +sgi +kharkiv +navtej +snappy +drollas +norihiro +long-serving +mikhalkov +samson +shunsuke +offend +patrik +emmanuel +hammer +counterintuitive +weekley +admiralty +quenneville +star-making +nordstrom +llorente +withholdings +leroy +loadings +calamities +saroyan +lap +thitinan +two-strike +exceptionalism +veered +tracking +grammes +long-troubled +alexy +------- +atlanta +callaway +bogus +covenant +paet +trumpeter +andros +favoritism +genocide +mbarara +cullen +rejoice +gillick +sheet +askar +bayo +resound +gsd +glazed +boca +alban +likeness +self-consciously +helper +escorted +tastes +attesting +dot.com +frazier +gruffydd +rhett +---end.of.document--- +futterman +graceland +geometrical +dafa +daddy +sarkisian +pui-chung +affliction +asom +calibrated +boskovski +curatorial +zoran +'nai +three-inch +clean-shaven +echo +ever +kobayashi +radiotherapy +murungaru +barnum +stuffs +mimics +aller +gitanes +ji'an +nmod:tmod +sahar +emotive +suburbs +front-wheel +ecology +tomoko +goebel +uh-mur +palakkad +lanarkshire +hickey +navarrete +timberline +pires +reality-tv +strands +bujumbura +diversifying +nextwave +desegregate +capri +bobbing +government-set +malu +hoht +sobers +merchandise +turd +asea +hym +vih-sen +0-car +neurology +unser +metaphysical +hither +chappell +zines +debts +flowing +five-times +serono +neoconservatives +stray +feldspar +madder +koon +degrades +redevelopment +degenerates +conditional +decimated +calms +gansler +thibault +kishore +take-no-prisoners +sited +lombard +desserts +infidelities +internment +kelowna +invocations +muir +volunteered +surly +triple +kaplan +procure +backwater +kiruna +hylidae +ex-yugoslavia +cytoplasm +good-humored +breen +eurostat +smock +mid-western +irena +niceties +stonehenge +foreign-based +toon +heiberg +colosio +pokhara +panitan +zevon +lemons +makro +joss +shenandoah +have-nots +mariano +daisy +elastic +airport +mcnabb +circumferential +oxidizing +substation +deeper +mbo +toulouse +controversially +marcial +wailers +clr +xilinx +encompassing +jens +agrarian +wholesale +codecs +payless +infestations +eighth +hug +al-din +hamad +mote +filmic +slide +careless +aleister +paddy +lauri +sapp +kahr-nay +alhaji +in-flight +real-time +entertainment-arts +series +possiblity +services +pasty +leasehold +eca +serwer +anachronistic +three-under-par +distributorship +keg +yakima +breaux +bryans +zolak +mcbryde +balbir +teachers +pampa +suggest +paternal +permissions +edgard +udai +belleville +engendered +dass +rollers +gimmicky +soviet-made +nc +ejaculation +speaks +mashpee +entices +germinate +constitutes +bruni-sarkozy +become +de-baathification +wrongheaded +urbana +quarrelsome +whistle +mauling +implying +demobilized +lagged +grassland +osage +tampers +firmness +crested +disinterest +pro-opposition +baghdadis +lauder +yongfeng +feud +reveals +jiri +caan +payloads +jaffe +infamous +hinged +specialists +hore +racquet +fireproof +anabel +janabi +hallmark +sporting +arenas +apologised +bottalico +romanowski +genji +beijing-based +coiled +fishy +genesis +non-aligned +natives +gedo +golly +piet +diction +thrown +aquatics +anti-semites +infamously +bonfire +pakeha +zagros +lordship +cranky +foreigner +almeyda +indiscriminate +windstar +choreography +hersh +gauged +bandini +monique +dissipating +eagles +landgrave +underprivileged +electronic +elegiac +frowning +phonographic +shine +qinglin +pre-kindergarten +fusai +two-pronged +cgs +suits +jurgensen +epson +lockerbie +quantum +strafe +addie +chopper +madhouse +frahn +standup +edsall +gravity-defying +alleyne +jal +wreaths +shira +louis. +criminalize +no-hitter +cyprus +sums +contradiction +funerals +affirm +k0 +embalmed +atvs +formations +whampoa +hanky +buchenwald +assyrian +fleeting +muttaqui +washed +constructor +romantically +razor-thin +otras +thunderstorms +mid-sentence +hermione +farther +acumen +ingot +formerly +masaki +back-to-back +unicom +directness +chester-le-street +bissau +hiccup +philosophy +cabaret +wasilla +strachan +ordinarily +'or +haywood +button-down +re-examining +transponders +layla +doktor +superman +karzai +untraditional +andrija +hillbillies +nawa +postgame +ascribes +kaixi +roney +unsaid +flinched +acres +refuel +deflects +locks +brewed +inside-the-park +snowshoe +wole +blanka +discovers +two-minute +ilk +antunes +sap +teh-des +hrt +uns +hamels +despite +withers +awadi +pe +military-backed +siler +colt +heiress +hostilities +alberto +near-monopoly +reminisces +iraq-iran +melody +fingertip +cvc +seattle +outrageous +abstractions +shyness +lockyer +seyoum +minerva +daycare +gershwin +cavanagh +kilt +bicker +bilk +concur +acceptable +qinglong +berated +grebes +repairs +discoveries +plotters +hobbled +colbern +fetus +kurds +cashmere +tye +stoplights +bg +robson +chow +un +manfred +differences +nizam +adm +anti-piracy +chiklis +nightly +asahara +erhard +kamara +quasi-governmental +cross +non-strategic +cowher +energies +these +courtier +hortons +deco +sextet +neutered +blucher +dobbins +composed +tsim +agi +tramway +culture +quarks +stopped +safran +rok +kimiko +worshipped +rhodia +longer-range +skrull +turkish-held +coefficients +sydenham +mitofsky +sodor +renowned +puritanical +danaher +vagaries +sidhu +barman +prefects +yevgenia +undergrowth +clearance +golam +unpowered +alec +j.l. +ganache +barricaded +tawny +low-risk +whimsically +demonstrated +remade +jodhpur +halderman +dungeon +transworld +sackings +fetters +reason +chat +suppers +expletives +cumbia +esche +ecevit +balboa +papapetrou +ex-head +lucci +superbike +radcliffe +patrushev +loyal +d'antoni +vision +driss +fourth-quarter +gelman +danske +fizzled +stampeding +episcopacy +bestseller +dissipation +-like +another +trish +essential +baku +realizable +non-racial +tonga +hump +businessman +kooky +helpers +shahor +mab +totem +bantariza +ullrich +renee +monro +ordovician +declaratory +insistent +unsecured +nicol +bradshaw +morozov +ohmae +mohr-ahl +buffalo +garin +solich +kastner +kerosene +pawlak +web +algol +adlon +carville +rubble +practicing +overstay +basil +mistreated +zenith +untried +greenwood +carbide +metric +japan +million-yuan +serviceable +pavlik +schwerner +tris +couto +population +saturdays +britain-based +nakamura +dumbbells +amores +conversions +torchbearer +scrutinizes +godless +adoptive +toothy +eight-under +deshaun +hah-mahs +dsm +schnyder +reissued +wajid +bc-na-fea-gen +simplicity +duh-van +besar +lobotomy +tomy +mosisili +dornan +nuclear-weapon-free +bortolo +disclosing +a-0 +aerobics +efficiency +tela +wouldn +caravan +sauna +supranational +saniora +mattar +swearing-in +buries +forewarned +appetit +poh-shay +baka +lyrics +spectral +satellite-based +technology-related +matrimonial +rego +weizhong +talked +000-000s +frans +audits +silicate +ghanem +houli +vests +weirdest +kotla +garros +cb +reapplied +preening +trolleybus +abound +industrializing +eisley +ita/lam +sandbanks +nkem +satirizing +abruptly +clapping +delgado +mohsin +rybarikova +uploaded +montesinos +prostitution +hyperlinks +mah-tuh-sad +danse +fullbacks +dahlgren +www.star-telegram.com\. +fumble +guinn +lauria +bashkortostan +rink +downsize +cuckoo +naira +glazers +pedrosa +open-heart +tjh +coexistence +aquifer +tomi +gentilly +subplot +upsurge +haussler +pro-islamic +tarnish +buh-shahr +leftist +franchisers +o. +paying +partnership +housecleaning +ee-yahd +yvette +compensated +plan +mused +lubricated +bhd +proclaims +ilyukhin +quito +dilorenzo +pacelli +cascading +berra +rockaway +weaves +mcateer +athol +ridgefield +dance +katif +quantities +conigliaro +starchy +uneventful +ah-meer +amine +geometrically +ensnare +steamship +unwillingly +byung-hyun +behead +niche +shull +disasters +tishrin +epithelial +outhouses +cleaved +vashem +unedited +hole +jabril +skeet +lashio +glories +legs +--------------------- +importing +manon +hatem +gillers +wetzel +narino +instincts +illini +physician-assisted +sunstein +meddling +hillbilly +c- +spartak +highgrove +sjc +ferrigno +detach +suprianto +noir +pollutes +portrait +commandment +feds +bajaj +co-chairs +divergence +refills +velcro +mr. +godhead +boor-hahn +pleasuring +darron +investigate +grasslands +hemlines +unpunished +approving +enterprise +bliley +sumter +sauteing +ac +idiomatic +criminality +sickness +whitewater +menuhin +tangents +chum +khrushchev +uh-vich +filament +dallek +karimi +isf +spineless +incomprehension +lederberg +trespass +pehk +cellar +smeal +charikar +douala +tragic +crazes +mantel +terwilliger +co-consecrators +0nd-quarter +cpd +knives +teems +homepage +baek +election +belgrano +optimize +lisle +eskimo +lagat +lesotho +vented +caches +puffer +tamraz +platte +balakov +plahnsh +avert +sideshows +slings +providenciales +plundered +al-ahdal +concocted +integrating +adhesives +melting +beautify +nadya +predawn +vast +j.m\. +markers +weddell +spacious +00v +unbiased +anglicised +deangelis +presumptions +air-defense +anti-theft +sobieski +stats +samardzic +light-colored +fadhil +lespinasse +arion +homering +sauls +decimating +firefights +ahmici +sufism +punky +motegi +malbrunot +knee-high +switchback +behavioral +mcfaul +waders +greenbacks +ambiguous +guesthouses +moussaoui ++0 +washings +erste +believe +impatiently +diwan +ebook +alegria +sinning +wheelbase +kaminski +neighborly +consort +thickets +gianluigi +lah-tee +wormwood +cboe +tarin +0c +halftime +masturbate +called +bahia +wanchai +formby +sheltering +detestation +decency +brean +bpa +worst-performing +grayish +mistook +reliant +vfb +cocking +nadp +herzfeld +smeared +murtagh +beneficiaries +straightened +avatars +littered +cords +diack +angeles-area +tenured +wrangled +dentistry +oconee +macaques +potion +debby +spots +dubliners +flakes +shorted +000/00 +fire +coalmines +tero +projectile +rana +spiraled +carry +conservatory +inacio +escobar +walk-out +a.b\. +focuses +re-enactment +wilmot +wanes +kharazi +tocantins +captions +stratford-upon-avon +alamo +devereaux +protections +trooper +country-wide +steinway +apologizing +torbay +petraeus +blanked +fraudulence +kanka +ard +prejean +certificates +meola +ramzan +drawbridge +saavedra +reh-nay +keng +pugliese +blip +ilo +cabarets +gaither +clarifies +priced +chaman +saucedo +nakedness +schopenhauer +tech-dominated +al-qaqaa +flim +degrees +retirements +qal +tut +hollered +overdraft +joscelin +concacaf +pro-rebel +munis +satyagraha +reprogrammed +thetis +abrahams +e.t. +pausanias +airplay +rickshaw +installed +zah-hahr +spores +symphony +bonnaroo +odesnik +debord +killinger +brule +merlo +speth +then-soviet +tasso +orthogonal +krait +cobi +blackmun +salon.com +sociopathic +jma +eldest +self-reflection +exacerbates +truces +humors +lineage +yanping +unwisely +ozolinsh +incited +thc +amod +capricious +yerin +nyah-sing +dodoma +isabella +energy-weighted +0-0/0 +scurry +klci +icann +buddle +stepanian +precipitating +ids +topspin +oxycontin +measures +l.a\. +curveball +refractory +drinan +aol.com +signees +muh-now +disinfecting +weathering +semyon +spattered +animal +cdu/csu +masala +full-day +engineered +fins +dugan +deirdre +groucho +active-duty +thundering +papuans +four +municipality +bastrop +shoot +pathe +ascending +svalbard +top-scorer +alyeska +midweek +isl +smashed +bradman +charlatans +levinson +mediate +vento +scones +loris +untitled +symbolizes +mpi +ex-foreign +kokomo +kubba +nabors +worsened +ddp +val-uh-ree +delight +whenever +basham +hydra +sideman +cantata +gelsinger +reaped +gian +criticism +spiky +regio +ex-spy +stele +forrester +spiker +shaftesbury +genevieve +hyoo +leslie +fully +enquirer +altana +nauseam +chevrolets +bear +ofheo +sparing +forty-sixth +buffoon +harris +illustrator +dung +phonebook +zaht +reverted +fortnightly +targeting +grooved +worried +divestment +stockade +affirmative-action +conocophillips +completed +demoting +sportscar +cozier +twenty-eighth +aquaman +thereunder +disagreeing +kampuchea +alexia +cognac +sb +operettas +jeopardising +hoy +stole +warner +muda +eddie +homesteaders +xavier +vanhanen +snb +gheorghe +mallets +transit +wohl +lever +sanctioned +smelter +hodgkinson +galleys +muhnt +ticked +redacted +lamont +butterworth +second-leading +perrine +tyagi +changing +exclaimed +vukovar +cozying +leer +burson +alun +language +instrument +widespread +lanes +lbf +uh-reef +000f +cumulative +cavorting +weston-super-mare +albury +gooch +workout +high-security +skagit +dopp +mouly +suitor +mendez +medicating +substances +kalman +'s +underlying +drummers +mahabharata +slaughterhouse +flesh +recaptured +agar +reagent +siphoned +antonelli +heliport +ano +ramona +placerville +d-nev. +verkerk +misrepresentation +juggling +directionless +undesired +repressive +menino +chi-chi +parvati +temecula +calculating +outraging +barreling +politicised +crummy +sledding +apnea +morrow +byzantines +pearlman +puckett +endearing +smudge +kristi +laurence +deal-breaker +impairment +goodall +changyi +brcko +falter +immigrant +labouring +nepali +currencies +tombstone +attendances +xix +albanian-dominated +top-end +cintron +public-health +collegiately +0000edt +tradeoff +weasel +gph00 +meizhou +antithetical +vulnerability +unapologetic +side-impact +staunchest +last-ditch +yussuf +flagged +mannan +ashmore +prescribes +flask +pistole +ctbt +megane +hasson +kootenay +photosynthesis +financiero +csaba +biases +periodontal +hammarskjold +outfitters +interpolation +amt +netzero +allusion +inheritors +woolf +tie +revamp +horrifying +cook-off +n.h. +sinise +metronome +arbitrary +widnes +whistled +zab +omnipotent +mine-clearing +furry +debt-ridden +candi +aliyu +sloshed +adorning +neergaard +gi +hartley +arvydas +dueled +sakai +unturned +gahan +troilus +multi-polarization +endow +timoney +naser +occupational +top-tier +homeboys +repentance +cleft +karol +cookbook +pattie +friendster +awori +plame +mansouri +brompton +sheltered += +stehf-uh-nih +bestsellers +chipmaking +harinordoquy +tian +accompaniments +sentry +celso +caguan +brittain +kugler +advanced +anambra +hartnell +searchers +gani +litter +usha +raht +sherif +haass +charvis +congratulated +sulaymaniyah +boobies +toyotas +upwards +stripes +pippen +city-based +hardcourt +deteriorating +murkowski +jur-rah +forgets +udal +dub +eateries +samper +mase +sarsfield +xii +bruises +rizgar +danai +framing +gravelly +putter +freelance +opec +hefetz +galapagos +brookville +shimla +illston +sulzberger +sixteen-year-old +aforesaid +messianic +kingsley +spelling +flutie +alida +admonitions +dreamer +breathy +appointive +shing +hilo +enroute +mackinac +bottlers +waseige +guard +aerobatics +panyu +sock +outlining +dryness +driscoll +bothell +00.00.00 +reelection +shikotan +fabulous +captaincy +configured +nmod:such_as +toyo +thirtieth +negro +koptev +waldemar +lessard +conn.-based +abigail +sliding +grs +rosaries +involved +underwent +dicaprio +basmati +censor +singers +joya +nye +hallway +fivefold +seven-hour +koroma +drunken-driving +restarting +dissociation +kapugedera +georgievski +rohatyn +faure +recitations +awaits +orthodontist +veterinary +cautions +carton +re-energize +cowed +lindland +mazatlan +stump +jaw +glumly +bombastic +spun +corte +snyder +ex-us +gruden +slavonic +skandia +madigan +cartoons +conger +laila +capshaw +carmona +chairpersons +intermedia +pazienza +sugarloaf +mwaruwari +job-creation +first-pitch +autonomy-seeking +gotthard +botero +incisions +thomas +ballyhoo +exploitation +rejection +sixth-place +camille +consumerq +incongruous +knin +begawan +non-celebrity +matalin +boucicault +diamond-rich +subcategory +hurries +optus +glitters +shee-yeh +shepparton +front +schenck +viewers +factionalism +dreamy +exhuming +orsi +cielo +doosan +whetted +sacramento +ri-stah-nee +depreciate +tucker +yigal +rosenwald +auditory +attempted +x-ray +ringside +finely +stead +laverne +jakrapob +librairie +heavies +chae +readjustment +bomberman +harmonizing +dianna +mass. +cocker +batmobile +jamar +unmanageable +ramírez +greenbelt +lammermoor +undaf +dreyfus +salehi +smoothed +threw +brownstones +jusen +borge +interface +lead-acid +cherubic +polish +mahfouz +unpardonable +nu +wooten +nostrils +fayssal +camillo +hst +crea +cantankerous +politically-motivated +jigme +awards +accreted +interpersonal +fudging +hovercraft +toosi +nowhere +chalking +helena +hitless +newsman +dominatrix +guizhou +corriere +surhoff +bruckner +clipboard +sails +revco +continuance +al-qaeda-linked +community-based +jh +plowed +props +bogeying +gasnier +jean-rene +ahl-kuh +gar +reichmann +penrose +scunthorpe +persian +tarango +issuance +cordiant +tight +landscape +indium +asim +eltham +dein +boft +stringers +acl:relcl +wrathful +backyards +videogame +maturity +missing +underwater +krulak +dari +set-up +potsdamer +ruffles +nfc +construct +publishes +feeding +speight +hoped +collie +dakota +guelleh +placid +norplant +twenty +expansion +bdp +great-grandson +no-name +lomartire +mcghee +olympian +second-longest +looted +predecessors +yamanouchi +clerical +quetta +rmn +s.africa +helluva +damn +al-timimi +newsrooms +baros +donnan +moura +cheonan +geezer +overton +fairweather +inner +trenchcoats +hap +body +contractions +shahab-0 +grazer +self-guided +a/00/l.0 +restorations +thrilled +teeters +toulousain +jica +stalled +supercilious +penitence +susa +keflavik +bukhara +skylights +dewalt +braving +proehl +adherence +handcrafted +booties +whitehall +sangpo +palaces +allegories +encampment +madhav +klock +rajendra +tahr +bespectacled +lasse +cano +ayurveda +pierce +aquatic +millionaire +ziv +reaction +columbo +weighty +manifestos +cholesterol-lowering +provincial +caplan +chambas +alleviate +harangued +moonstone +jassim +babington +croon +incorporate +omits +macdonnell +virginian +fatalism +nepenthes +liepaja +spanking +seasoned +sexes +merging +rosalynn +dalles +mid-may +koura +uh-deen +clan +scriptures +cyst +mattei +weightman +zedillo +golo +rohit +bashiti +leery +exclusion +spurred +fireflies +fbs +loss-making +flintlock +dutch/shell +geysers +chin-shek +obstructions +fayyad +shamed +mcafee +now-banned +staying +unfocused +chinese-born +brind +00-00-0000 +harmonia +bologna +demerger +yano +henao +lner +(000)000-0000 +twinned +jee-oh-vee +pivoted +maid +mwalimu +bozo +nobuo +gauntlet +olay +damas +xiaoyu +nguesso +bove +anti-chavez +overeager +nemours +transcend +vlachs +shun +baig +visor +ious +quantifiable +odile +hounsou +cataracts +diefenbaker +nantou +diver +cyclists +fannie +single-celled +sorrell +dottie +starters +novelli +batters +meen +courtenay +rage +beemer +sms +sankt +acquainted +wide-eyed +kotoko +imagining +fates +pataki +budget-conscious +polluters +khalis +disturbances +transverse +phelps +weisberg +roslin +lectern +splitting +biochem +merkin +dressmaker +krasnaya +unmarried +wonderful +w-00 +dueling +s- +h. +three-ring +pooh +sedated +evangeline +mind-altering +investor +rauscher +triples +microns +ayurvedic +kesler +shai +nucor +centaurus +bothering +trout +stare +non-market +sohc +mcgraw-hill +autumn +ursula +mertesacker +loon +post-0000 +chock-full +first-timer +exported +leduc +deuterium +quixote +screenwriter +tma +unconscious +ure +geopolitics +cedras +basic +obeying +skarsgard +eggen +lichtblau +gene +back-seat +contacts +sakharov +rotate +katich +homolog +wine-making +tseng +leiria +targu +extrasolar +zhuh-ray-vahts +foxwoods +reelected +dube +one-seventh +lenient +poosh +muskrat +hardwoods +bangalore +rollicking +fieldhouse +soundstage +herero +made +biafra +havens +hewing +brahim +cuesta +paramilitaries +remarkably +waving +infusions +cadaver +shy +tidal +deconcini +ban +rabbinical +master +valeo +caretaker +hibernia +anti-bush +hx +zai +stefanos +forfeit +right-wing +ruda +promoter +beowulf +lyndin +bangguo +priklopil +five-second +leverett +henceforth +rosanne +fearon +high-explosive +organ +tyrolean +lue +heavens +roll-call +mino +abbreviated +juxtaposed +pre-eminent +altantuya +glaciation +jongh +vojvodina +out-of-bounds +waterborne +merge +girardelli +arafat +tax-writing +sentencing +authentication +higher-than-expected +drone +sanyo +oberst +omanis +kindelan +regulatory +paramour +corollary +casa +steve +mijatovic +hagman +airways +setanta +belmonte +salud +massachusetts-based +anesthetics +hecht +gender-neutral +myeloma +neath +mesoamerican +scg +polytechnics +snook +propping +urzaiz +mailroom +slugged +sneh +yangpu +skipping +cabbie +soissons +acadiana +szeged +navidad +debated +premeditation +lieu +mulled +us-top +universalist +stinking +bethune +diyala +heavyweight +sneers +seanad +necrosis +fussed +fairlie +thirteen +five-member +donegan +run-dmc +neve +harvested +lavie +mid-america +rockport +secretly +sneaks +keys +fer +tosovsky +depart +psychiatrists +hausmann +muh-lahl +seaworthy +hedegaard +foot-high +pitched +angelus +snegur +fiat +katerina +maureen +farentino +talky +ejido +shuffle +bonnet +gazetteer +syrian-born +barcelona +geneticists +disembodied +meiwes +0,000th +liveliness +portas +gway-shee +stucco +crisps +mad-cow +distressingly +so0 +discredited +overtly +samaraweera +railways +fernanda +trabzon +popovich +welty +swc +headliners +syntactic +hercegovina +paroles +ripen +depth +ministering +geidar +coghlan +fee-for-service +styris +heighten +clippers +prominent +0000.the +polystyrene +side-footed +aicha +00-hour +shett +four-digit +playground +chessboard +domesday +escapee +operandi +'l +disobeying +kastor +derogatory +southall +marriages +percentile +snags +g000 +abdiqasim +resulted +keeley +sah-veets +ruminated +back-row +gwinnett +sakyamuni +berrick +edward +heritage +signifying +hoster +tax-evasion +basques +trust +spammers +drift +slovenians +kneeling +compliance +antibacterial +sagging +endoscopic +gangland-style +subject +myopia +cavalli +greul +grigoropoulos +eun +xiaolangdi +convertibility +wilhelm +nosebleed +tubs +birdie +stood +bc-as-pol +shah-e-kot +bengt +evanescent +heavier +groom +multitude +consummate +conquerors +uttara +rothschild +apathetic +alava +dinnertime +most-traded +connotes +specialized +alco +medalists +sandi +baud +reverting +operas +licensee +gopal +myron +yanfeng +madhuku +silence +keynote +johansen +lynchings +ventola +residencia +similarity +connex +beekeepers +obligations +policed +particularities +relay +almsick +except +samy +fly-by-night +lps +littman +pakrac +argues +orbis +trown +realignment +vert +kenji +howls +valero +goble +period0 +fonts +wmx +collision +freezing +reassures +balustrade +locklear +changhe +elfman +internship +defection +hurdling +appointees +watermen +condoms +home-schooled +yangtze +w0 +bottling +pareja +years +tashi +unearthing +macfarlane +anglo-norman +introspective +ljubljana +anti-tax +cerf +veech +kral +faustian +tavistock +philp +knoller +tis +bandanna +celebrate +geena +spray-painting +luge +trc +andries +darke +duty-free +goon +decorates +obi-wan +pitching +infringing +physiotherapist +institutionalized +berry +lairs +ulrike +bulkier +rubles +sherrie +corresponds +refugees +rime +biographers +chewbacca +narcotics +vguerrero +ah-bahs +hollows +synagogues +v.c. +double-teaming +inarritu +barragan +dwayne +coasts +ahs +carew +keener +merthyr +nzru +showdown +sulka +rav +intuitively +finger +outlaws +four-door +incest +vda +torrens +coaching +wijdenbosch +adolescents +00-00-00-00 +jolted +verney +managed +apd +governor-general +piss +money-raising +rcmp +trumpet +conflicted +twos +menzel +mohambedou +reinstated +black-market +yesteryear +vulcan +space +dangerously +sodomized +indefinite +apprehended +botelho +visibly +thackeray +lumping +frustration +scathing +lebedev +usmanov +undid +self-contained +al-ruh-heem +apeldoorn +voiceless +kearse +appreciates +colonialist +confinement +devaluations +carrere +linebacker +ranger +paracha +vizner +salahuddin +hyperlink +arsenal/eng +vitor +cokie +bartlett +asunder +noises +hypoxia +chiropractors +tarar +flavoured +pelzer +rutshuru +bagus +harwich +smartly +sneaker +gotaland +irrespective +bargains +williams +c/o +in-vitro +asia/oceania +interprovincial +celera +rud +socialism +argentaria +swings +synonyms +bezeq +irreversibly +hanes +carradine +politiques +spoofing +initiatives +taxidermist +crawfish +mckillop +bastion +japanese-owned +vecchio +friedberg +extras +bungei +billion-peso +axed +nibbles +ilyich +stallion +presumptuous +worthier +spc. +bowlers +debunking +trac +haiphong +clwyd +stays +hasidim +full-price +miscalculations +abdou +dai +polybius +rba +lyre +lyonnais +dedicated +roomy +gorondi +hieroglyphic +swaths +tottering +ubs +klondike +cortege +pirating +belin +brainiac +maud +summery +romany +molly +vip +allsvenskan +us-mexico +vaccinating +cruises +jaish-e-mohammad +publicar +mcallen +ah-tul +a/cn.0/000 +confindustria +cinquanta +hubei +impede +obligates +prostrate +pledge +arab +chahm +deregulation +citigroup +telecaster +scamper +vfr +ordinations +urdu +listen +ioan +gunpoint +five-piece +q00 +newsstand +transgendered +hebrides +show-kaht +arriving +gower +herbicide +kamikazes +complained +exclaim +carl +disenfranchised +maranhao +x-factor +brar +instructor +warthog +spot-on +democrats +philby +integral +blow-out +radioactive +cross-town +lambiel +scrum +al-samarrai +shuichi +freed +spuds +compensations +snark +homosassa +olin +nallet +underrepresented +whopper +rohrer +two-meter +wilkens +ascap +clouds +mclane +pilipino +jacobsen +bustled +hud +backhands +murugan +nanometers +nynex +terblanche +housekeepers +warm-blooded +defile +ehl +availing +mbeki +troutman +terrorism +pergamon +egg-laying +contraception +eroding +intimated +saberi +three-letter +agriculture-based +buybacks +gamut +jot +umbrian +samurai +mirco +persecuting +multiplication +timbers +dans +exchanged +bratz +source +cozumel +kitson +rig +immersion +kreindler +threaded +guileless +half-built +shi'ite +benghazi +gujarati +eight-inch +voice-activated +cutts +opposition-controlled +seductress +denounced +manufacturer +jozef +toamasina +moneda +neugebauer +fiserv +pampered +periods +copan +undesirable +isolationism +grower +agape +commodore +a.a. +whalers +worksop +online +kiplinger +realistically +wishful +pre-conditions +lutheran +celebrating +power-play +scp +etcheverry +walter +moo-sihn +duh-bahd +khon +line-drive +commoners +keir +rinsed +ifad +kafelnikov +ethnically +microcredit +world-record +mckinnell +low-flying +emerge +counterproposal +woodsy +masatoshi +hungerford +michigan +storeroom +investigatory +caramanlis +pullovers +nord-pas-de-calais +dips +showdowns +hsiang +lumpur +kreh-tyen +soldier +yusgiantoto +year +nikai +rights +gratton +ablett +merton +forfeits +inter-religious +nazri +uprights +conformed +mda +diligent +squeaks +scurvy +narcissism +exelon +font +outbursts +lowenstein +ljr +terminates +state-of-the-nation +delude +floorboard +staines +leash +hirofumi +jui +co-driver +coveted +poetical +lapis +devil +airstrip +corby +presumably +latticework +colonist +rhenish +four-man +ameri +cameos +mamba +asagoe +verbally +carnevale +lobby +fraudster +viera +shuffling +filet +nis +misjudged +brentwood +youngman +antsy +knudsen +kandi +lucknow +arles +windbreaker +razorbacks +pjs +000th-ranked +chukchi +arid +serialization +hideaways +dioner +inflection +shaf +lernout +renault +elyakim +gondoliers +cj +afflicting +unselfish +afro-caribbean +mycenaean +excerpted +tarragon +pdt +goetz +counter-terrorism +tareq +wallboard +voyeurism +r.e.m. +torchlight +markarian +severine +hampden +proceeded +jbl +zawahiri +steamer +lebanese-syrian +d'amato +linda +flinn +meany +post-operative +non-serb +marquess +cinema +lovable +dojo +bas-rhin +walkabout +gibberish +yzerman +mideast +aristides +fan +dagblad +hicksville +wisely +bubble +ahl-sah-ee +edwin +andersons +suzie +paget +moray +minty +synods +jeon +ahumada +auditors +iaa +nanotubes +audition +postive +blacked +double-digits +transitional +methodius +thawing +dea +rangel +fluffy +dkny +under-represented +platelet +wyo. +parent-child +hadzic +sub-groups +thigh-high +thys +hanger +pio +minutemen +inquiring +verity +0-man +moellemann +mons +redesignated +remedy +satisfies +bleachers +abourdeneh +minsky +mediaone +norsk +blaise +evangelization +struggles +mihai +airfield +feint +ruini +editorialists +mandela +observatories +inspecting +saeco +k +maffei +sabean +kingship +dada +bromberg +southerners +jamaat-ud-dawa +v.v.s. +nek +ex-members +bharara +misfortunes +sun-thu +fucking +bissell +beltran +commercialize +ifk +kbr +agronomist +griese +abruzzo +elma +high-intensity +ineffective +blimpie +fas +significantly +underside +umma +east-southeast +jenin +tue +gonul +wealthy +anmen +nlcs +no-fly +chalco +solomons +reproached +equation +00-month +anatoly +murayama +tranquil +nintendo +renamed +aru +moores +disciple +bulz +jubilant +guoli +enquired +mythological +twister +cnn-turk +recosting +wilford +quatre +infighting +desultory +www.nytsyn.com/pageexpress +purified +middle +second-placed +deltas +collapsible +while +oliech +staubach +mihaela +stocks +representation +pilson +label +icm +acute +siazon +thracian +overrode +lynette +clegg +volunteerism +gladiator +woking +maxx +rupp +movies-minireviews +karimov +whit +darker +sufis +foggo +guliyev +wills +pilfered +capitoline +boone +kaye +highbrow +ledee +coincident +sub-station +luxuries +zhvania +off-duty +ooze +lombards +three-kilometer +coordination +spotty +scalpel +jahangir +consciences +psp +blared +cicely +lumbini +modernism +possibly +slicked +insincerity +nowotny +budget-cutting +sax +vrt +w. +passage +quarterfinal +semi-finals +categorised +spector +dma +reviving +capitols +bouts +pantera +bridgestone/firestone +comyn +ventricles +lab +conniving +decides +coffin +patacas +orator +imploding +mountbatten +husni +dorado +cringed +constancy +certified +00-00 +fundraisers +jacks +washingtonians +jonbenet +sixth-round +google +territory-wide +big-game +trojans +vasili +peep +oversize +versfeld +copilot +lahey +mystique +antiwar +high-ranking +butch +midlevel +dor-dan +slater +trailhead +luckily +vltava +catlin +anti-trafficking +ltd. +chiron +donors +deviance +aramis +non-economic +expedient +single-a +infuriated +asturian +contemplative +muse +reeking +pronoun +maxima +coldest +mongolian +stooping +anti-sars +careered +spratlys +reston +trees +capt. +destatis +lupton +tidbits +alia +ombudsman +poaching +surrogacy +enviably +mid-00 +flam +suntan +ono +msika +petritsch +yettaw +spooks +telegraphy +storage +ferencvaros +butchering +glorification +rammed +crusaded +clampdown +ex-bruin +vis-wan +capdevila +trahlt +nicanor +eschew +nervously +'al +p0 +westgate +doctorow +fuhr +godwin +rigorous +cps +lenore +traditionally +rises +avaya +neukom +charmed +hacker +whl +waltzed +chasm +rudenstine +culled +ceska +niagara +cezanne +philippoussis +repudiated +cebit +keizo +zhongyi +halls +hurts +fifty-seventh +arranging +youthfulness +nobutaka +titan +* +devillars +carjacked +nikolas +skated +plimpton +newsreader +rico +partly +maturing +ger-shon +suh-nah +boorman +dougherty +niculescu +granma +warfare +bombardment +tsingtao +census-designated +quince +firdaus +totality +vlasic +mcrae +grenoble +discontinuation +lebanese +herded +solid-state +lending +mitosis +realities +episcopal +jilted +ietf +nevada +christian-muslim +stagg +maurya +maimed +disproved +sgt +droopy +neoconservative +fee-yuh +sixto +ccb +cranston +mbabazi +arrested +huckaby +unproven +berrigan +aishwarya +methodologies +earthjustice +scavenger +pdc +jeffords +wbc +u.s.-supported +outplayed +lagerback +transportation +maryanne +nipples +000-plus +right-of-center +obligating +fingers +metalworking +reasonableness +epf +'a +portugese +kelsey +three-hitter +vogosca +langkow +parece +bedlam +obstructive +discourse +ferocity +flintshire +beitenu +slim +invictus +denying +leckie +nohn +caddie +officer-in-charge +pinch +quip +andro +spurn +layden +behrend +simpson +red-hot +tampere +peleg +xenophobic +spamming +numbed +peralta +undertook +unobservable +all-share +bloodied +xxxv +popovych +pathogenesis +supplant +bonga +license +kiner +jute +crowding +lange +red-shirt +clemente +cuernavaca +sparkling +exotics +assassin +dust-up +manifesto +defillo +belfour +cementos +habitation +addison +southern +jay-jay +undaunted +al-libi +anti-tobacco +sawed-off +likenesses +fowl +pieced +huhm +en-route +raided +tantalizing +ilyushin +mander +foresee +deal-making +keepsake +ayrton +one-by-one +riparian +punditry +leach +0,00,000 +bragman +overachieving +lubricants +headstrong +reclassify +subic +parachuted +hillsides +floor-length +whim +al-ansar +alija +goodlatte +ccpoq +sipri +r-000 +glock +spaceman +multiply +abdul-aziz +ih-meer +estonia +rustic +ensnared +retina +noorzai +bonwit +t-bonds +kendra +broomstick +clump +advice +tracinda +eretz +tuam +flied +unassailable +bordon +diamandis +aurelian +thematically +funai +ncku +quintiles +bhs +extinguisher +cristobal +student-athlete +turn-around +tech-rich +eight-minute +limitless +neihu +raster +linc +senden +sounding +aveo +fluminense +marauding +lam +besson +billionaire +thabo +defenseman +longwell +r.i\. +dodd +applauded +liquigas +nghe +coats +hedge-fund +cuando +tricked +aisha +syrah +suhs-kwuh-han +milch +suppose +valle +teitelbaum +coronavirus +motte +lirr +conestoga +schleswig +hippy +pahk +regulars +figueirense +lah-nee-yuh +disruption +polytheists +italian-born +beekman +drips +zandi +jing +confidants +ls0 +hka +tommaso +drains +contributor +participatory +carlo +boosted +giunta +typewritten +shivraj +ucsb +faruq +randol +birkhead +knowledge +unbanning +constructivism +scotia +beaujolais +home-video +rasputin +eleni +october +hko +rotted +credible +kallis +oh-sah +surfboards +kemper +conducive +huntly +siegler +breakable +flavio +www +unilateralist +abbott +leekpai +nairn +vania +run-a-ball +puffins +koala +dagher +kuwait +pizza +incertae +fine-tune +ird +buckminster +extracted +langenbrunner +unclog +motors +undying +simi +kosovars +two-decade +succulent +immersing +wends +cometh +fending +reshuffled +cineplex +silhouettes +frogs +gargoyle +plutocracy +dongyang +second-period +newsgathering +altona +newsmagazine +atrocities +0h +accademia +murder-suicide +kumara +satcher +cruiser +kovacs +litvinenko +premise +butcher +sven-goran +birthing +realignments +orkut +edmonds +intangible +cartesian +dons +simonsen +wisla +recount +coyotes +asymmetry +interlocutory +appellants +climber +saarbruecken +gaghan +boogerd +vili +interval +romped +kasab +notifies +instituting +tu-000 +tulip +gallipoli +wladyslaw +gangchuan +shady +quantization +quenched +normals +enticing +punishes +pornographer +hockney +galaxy +ido +modulation +restriction +d-n.c. +judgmental +unclassified +kiddies +highest-grossing +fixation +long-haul +brannon +content +decorated +beekeeping +two-a-day +swope +downstairs +prussians +nastia +precondition +matty +economy.com +two-thirds +warwick +takushoku +aunts +laxman +clackamas +dailey +yohan +murata +derecho +stabler +montel +sida +wagers +native-born +cotswolds +bosko +islamophobia +00-minute +grete +controls +demint +televised +spiller +off-the-books +escalante +stains +whilst +sealing +julienned +greedily +creeps +symbolise +lucky +catherine +near-term +balliol +auxiliary +dionisio +manzanillo +generated +puttering +disaster +maximizes +entrants +ex-soviet +baidoa +kpmg +flashpoints +simulate +mermaid +camellia +dezhurov +eight-month-old +lazaridis +existent +massad +overhaul +telegenic +presuming +oyo +dujana +nock +vaio +mishaps +rebollo +harlequins +micaela +videnov +offstage +now +suiting +cradle-to-grave +rosters +hohs +see-loh +nisan +hayne +taqi +aired +creditors +suter +bingham +roissy +ninth-grade +konstanz +million-acre +contestant +gn +ex-prime +fourfold +wcc +sublimely +catcalls +broaddus +mahawil +reintroducing +bournemouth +stylishly +tunnel +central-eastern +magritte +quayle +reconstructions +b +y0000 +tdc +behr +catcher +fussy +dialects +polluting +euro-zone +corvo +00.0-0-00-0 +on-street +rucks +four-engine +valium +defective +finasteride +hilt +ornament +d.h. +likhovtseva +ktla +miko +khah +rashard +shukla +helms-burton +bi- +notched +hynie +keating +magno +passaro +nando +dellinger +monolith +bajur +benevolent +traynor +firstenergy +comverse +nonsmoking +tienen +second-ranked +reclassified +lisandro +chandra +agbonlahor +young-pyo +kiong +muhammed +testified +dolan +tecnologia +hake +arcadian +multistate +mishra +recall +tough +foreclose +spc +gunpowder +www.arlington.net +olympiacos +myehs +hawkman +tbc +scsi +ciro +constantinople +double-double +concourse +nahdlatul +swordfish +cash-poor +ardmore +hoopla +interregional +per-person +soriano +dowie +evaporates +surpluses +pass +rison +jumpin +bisexuals +abidin +lacerated +veronica +unfavorable +vanden +big-government +stah +andante +dunga +rokocoko +cat +huff +all-electric +magnuson +well-deserved +valhalla +lukman +hemispheric +visayas +practiced +obsolescence +resurfacing +suresh +secs +further +conga +incentivize +marfa +lcq0 +arbi +implicate +izvestia +galley +zaft +bishopric +anti-pollution +acoustical +laughton +morgoth +manifold +suara +baldness +councillors +unbelievably +jsx +reuven +grudging +tranches +us-iraqi +peitou +stint +sclerosis +figure +jadeja +bloodier +roseville +epicenter +unabom +foucault +exalted +sandstorm +inter-parliamentary +biggio +chihuahua +shola +piepoli +multilateralism +boykin +terzic +features +zhamnov +galvanised +two-member +textured +sharing +sprocket +riverton +acolytes +newby +pro-gay +co-authoring +qayum +inglourious +demeanour +musgrave +desired +ravalomanana +balibo +stradivarius +etoys +groundskeeper +deauville +obeid +alfieri +sham +traipsing +post-industrial +weirdness +unmonitored +elite +hydrophobic +foolproof +cupertino +lebowski +granola +zhoushan +explode +laurean +heater +immigrate +tributary +midwifery +0.0000-00 +pulliam +kadoorie +coke +guimaraes +limits +yoo-koon +tranche +unobserved +symbolize +impervious +hedged +unflattering +r-n.m. +savoldelli +inflections +rightist +totalling +klux +zee-yee +payola +class +empty-handed +burswood +curry +overrated +berlioz +daniell +elbow +bulldog +counter-strike +electrolytic +sweatshops +schweizer +yong +arvidsson +mikio +c-000s +rbis +hendrick +fayetteville +lordstown +tangerine +wide-open +trafalgar +pleas +commando-style +dud +re-engineering +compass +vohor +foundered +oks +diaz +skit +windup +messiaen +tah-mee +interstellar +sated +ziff-davis +teleport +falla +hides +supplier +invoices +mimic +elector +eluay +moot +kabc +astrakhan +fishers +euthanasia +gambill +hale +write-offs +gwih-neht +results-based +unimpeachable +philippine +hus +eas +subterranean +unconventional +anguished +ramaphosa +cuc +solidify +brightening +suffolk +podiums +hydrogen-powered +embezzlement +awed +caborn +do-not-call +vacillating +binder +edict +slows +hollandia +heflin +nicky +backside +suvorov +spinoza +balletic +top-five +sulla +ennui +kostas +dune +xxv +downhill +fault +miscue +fredericton +pokemon +cocu +metsu +demers +increased +woolfolk +n-gage +adamawa +bettino +rosier +burnes +dollar/yen +stab +fibrosis +double-check +unblocking +briefings +coarse +triumvirate +beatable +armadillo +rebeca +founds +guk +pagan +sprewell +incalculable +lalo +constants +bonnaire +moviegoers +differing +bon +shimbun +pathologists +barometric +recyclers +td +amateurs +jacksboro +ear-splitting +abandoned +heel +popolo +collecting +grates +cams +genetics +eac +hartfield +cobham +shofar +munsters +intellicast +neufeld +miniature +aura +humphrey +intricate +00st-century +zamora +hoarse +predeceased +birthrate +deed +zaharah +geophysicist +kilgore +adulyadej +alertly +rtp +enhances +jair +dalit +extracts +yushan +bioscience +kinkel +alo +pavon +meese +productos +cheuk-yan +catalan +panic-stricken +celebrations +interpretive +ferrol +lapointe +cheap +taunt +infallible +miele +smoothing +state-run +besiktas +windscreen +otte +servais +novakovic +spotlight +by-pass +brigadier-general +jk +coached +mazembe +idc +mcdiarmid +for-profit +ma +celadon +engined +masturbating +-0000 +wag +anwr +world-wide +four-car +trenton +weedon +mil-ahrd +temp +keita +strung +westpac +piloted +kavi +seasick +path-breaking +belgique +water-saving +rupaul +fackler +sarasota +borie +unz +chapeau +stretcher +igloo +daylight-saving +walk-ons +uncovers +cosmetics +besting +mtrcl +armonk +bundling +0v +gleaners +shep +trickle +wilt +rowe +embezzling +trapdoor +oder +svilanovic +ceri +cooper +folder +carom +pakistan-backed +habit +misinterprets +refreshingly +conceicao +dinosaurs +emusic +extramarital +vehemently +grandfathered +chap +00-foot +dupont +plantago +kurz +bricklayer +invitational +gunsmoke +corno +livingstone +derivations +unlv +laryngitis +additional +multilayered +vogt +hilmi +silky +harnesses +anti-regime +prandelli +come-back +comden +unrealistic +zippers +wein +disqualifying +hitman +dimmed +starlings +blowup +enshrine +perjured +commercially +montauk +arslan +hard-edged +glanced +soupy +commerzbank +mujaheddin +aharon +opened +bridgehead +year-long +ih-kah +entente +unrelenting +manaudou +monsanto +mud +atalanta +skg +clsa +dfs +mh +piero +april +riel +clc +worshipers +kimbell +holstein +north-eastern +scalping +tonight +ellerbee +metlife +agrees +water-borne +pollutant +adversarial +third-class +short-track +well-functioning +courts-martial +telegram +gridlocked +harmonic +robots +pfaff +moti +bombers +proteomics +brights +assiut +velasco +authorize +harem +euro-mediterranean +billingsley +godhra +gena +bee-oh +better-than-average +incredulously +needles +monsters +reportedly +alcott +flag-draped +hofburg +lifeblood +k-00 +parttime +shedd +furcal +consequently +wandered +neiman +grandiosity +crankcase +zielinski +semi-regular +runtime +kostadinov +layups +aubenas +receptor +checkout +lula +aharonot +basilica +zebra +zvonimir +thumbed +bjornson +haddam +purnomo +busang +wastelands +booing +aviary +lasso +virginal +gorgeously +one-car +houma +principal +convoluted +plaster +schreiber +kong-wah +percussion +kuba +dry +cosa +artistically +hohhot +rope +montenegro +suffices +fast +ignoring +shrieked +public-relations +unashamedly +branislav +unorganized +publicizing +gris +glimmer +choy +owhali +cockiness +patterning +transdniestr +ions +shtick +asad +doped +boldak +zhaoxu +belligerently +pillsbury +wistfulness +consigned +juwan +crosswords +gov. +aransas +ketsana +tomahawk +thyme +apprenticeships +dendritic +longings +braintree +tau +thinkpad +knocking +pouches +racehorses +grudges +tweet +qld +peddling +kellman +stabilize +000-000 +booby +elderly +five-man +whx +corwin +scoffing +crud +editorially +phonics +sprenger +bilked +c' +errazuriz +she +dumbest +pasquarelli +crab +complainants +tarrant +hunger +u.n.-brokered +mineralogy +kellner +oceanographic +vibes +robustly +crystallize +predictive +pakistan-administered +goydos +leiberman +lemony +hackford +kickback +burstein +onishchenko +assumes +wvu +clarifications +saint-louis +co-hosts +rna +menopause +kromah +zu +u.s.-run +wma +third-year +unverified +redeye +short-lived +toll-free +acampora +front-runner +epcot +edd +bruh-mahf +datin +vandross +bolts +offering +periphery +pappas +yohei +phyllo +al-ali +huddling +meh-neh +dignitary +red-tailed +backpedaling +potassium +increment +largo +wink +whitefield +relies +corrine +bedminster +wizardry +chulalongkorn +crank +dark-colored +midnight +vennochi +thriller +snider +arata +cheapest +fakir +re-released +pyne +mahela +bruder +lindell +rhineland +mid-nineteenth +magnetization +hassen +shanqin +gilles +whoopie +cayuga +srichaphan +amazon +fda-approved +tonle +pasting +bilingualism +universalism +shinwari +livingston +waters +quarries +iskandariyah +eyles +endgame +davin +almaty +naidu +tokugawa +hickson +churchmen +non-nuclear +adjourns +people-oriented +repaying +comoro +mather +ceases +foreseeing +albanian +nyerere +fated +nakhon +lemus +apoptosis +reconcile +waechter +honing +renaudie +invisibly +pelicula +yukos +aeronautica +insinuated +quintet +repellent +medecins +needling +trade-related +rai +maimonides +specializes +iwi +culturally +casimir +sandman +miyako +well-rested +reisman +meldrum +rezko +thunter +anti-viral +congregants +blondie +modo +schecter +overshoot +joey +chubais +establishing +rosamond +dovetail +kfw +opulent +tex. +gamst +dellucci +pecs +averell +rafique +subjects +al-sistani +un-islamic +bloody +broking +graziano +caspian +vursh +renfe +sinewy +blu +export-dependent +limbaugh +olsztyn +submersible +military-technical +shel +copyrights +infotainment +hopscotch +ozzie +villareal +pathogenic +macapagal-arroyo +wholesaling +future-oriented +larger +beals +bares +ruh +paddleball +honorius +tadao +gac +resettle +sidhi +annabel +re-formed +chalcedon +social +mussel +chernin +nasdaq +alamos +dual-purpose +paderborn +shawshank +arbiters +aldous +poring +cosmology +stormwater +terminally +dodged +cowbells +steadiness +unavem +mastodon +borba +convict +jeffery +readiness +tubercles +overstayers +wild-card +pentagonal +yearbooks +cognoscenti +salish +hartono +bichel +poom +concertgoers +numb +boccaccio +vaucluse +taped +veel-pan +outdistanced +separatist +beneficial +bullen +contraceptives +minani +bowater +rnas +folgers +bleeping +recreations +blini +physique +derry +homilies +post-menopausal +multi-role +pixley +tripod +rebuttals +legislative +instills +shoprite +lasted +perchlorate +acquits +bunko +seh +govern +commute +asserting +duh-rahn +tuxedo +ellemann-jensen +milingo +delineated +reinert +tsp +konno +abominations +devastating +radler +abided +bellwethers +slouch +x-rays +granny +mohamed +alloa +rakhmanin +akhtar +reputations +matin +mercury +turbot +catchphrases +three-wheeled +hobnobbing +prof. +dill +first-person +omnipresent +flasks +revolted +staff +konan +hydrangea +protectors +fester +afro-asian +hansa +droppings +esto +amenities +u00 +trine +computer-generated +freedom-loving +midfielders +emaar +roping +attracts +yougov +brigand +courting +samba +alas +everts +hosea +juba +glittery +indentation +bocca +atone +shoy +yamazaki +ritalin +impatience +hipc +sep/00/00 +defensor +calvo +paint +wage-earners +electrocuted +eyelids +moses +meredith +titania +multivariate +cantor +unshakable +consensus +severin +hamdani +malbec +engineer +adamo +playmaker +cleats +zooms +affidavit +ikeda +monarchists +renounced +accrue +pehr +benigni +langkawi +hobbyists +brochures +doh +yanukovych +miccoli +gogoi +quite +peasants +cored +deepens +tf +feinstein +populaire +sana +tweeds +drama +numbness +branford +hoisting +lapine +dudek +miceli +katja +parmar +recompense +aunt +non-english +eloysa +fracturing +elissalde +uncomplaining +wagons +anaesthetic +clues +outpointed +minorca +selectmen +anis +oaks +bisects +extra-curricular +amanda +salivary +spindly +hauptmann +sme +confides +rep. +sookie +chee-hwa +drunks +nasrin +magdi +doland +mukai +barnstable +landa +biggest-ever +spaulding +ab-duhl +localised +stations +leprosy +slatina +prospector +practice +laden +puhs +jalapeno +superleague +bradlees +halide +kunstel +semimonthly +kiloton +smoke-free +radicals +caveats +casale +henn +sepahan +lethargic +fictitious +nashi +reality-based +pac-00 +lesabre +energy-efficient +mayonnaise +taras +ophthalmology +yorba +heavy-water +feerick +siebert +kamikaze +militias +shinn +reductive +arodriguez +cautioned +propels +disinfectants +meanings +t-00s +jaffna +relieving +bonobos +jolene +petrodollars +oldsmobile +cmg +bloomer +neurontin +guang +deletions +tanglewood +deranged +snooker +mamo +deodorant +padilla +sunningdale +counter-trade +super-rich +bing +septic +henry +mellowed +ambrosio +hudson +baltics +matsuno +gruesome +precarious +craning +so-so +vima +twists +disadvantages +shallot +tignes +janeway +meskini +enserch +corny +castaic +zeh +prepackaged +humans +blockade +specimens +canvass +annes +goldwyn +vaccinate +powerless +maravich +foreshadows +herpes +eigenvalues +galasek +resale +counter-clockwise +tamileelam +penders +sniper +trotter +emirates +bogdanovich +salva +purples +whittingham +devils +closeness +internationally-recognized +pick-and-roll +cracks +supple +irked +karen +ceylon +klas +barb +hibiscus +frayed +transgresses +kazakhs +deny +mael +laz +eta +lisburn +sadequee +affected +sukkar +thuong +euthanize +fledged +srinagar +so-called +avia +multipolar +greenbaum +hammad +galvanize +avocets +masonic +arizona-based +montross +shandon +conventioneers +patronized +outcast +ex-wives +jna +detainment +ortiz +fearing +anonimity +tous +tried-and-true +subjugation +four-match +cimarron +khouri +djorkaeff +midwicket +hollins +mahsud +unwittingly +underdog +lds +sinaloa +marketing +tambo +northumbrian +hosni +eulogies +kearns +decomposes +corazon +quarter +overhyped +ducks +kumasi +jiangchuan +pekka +yuko +guarana +contracting +harbin +peja +callahan +vlado +team-high +buzzy +becks +second-largest +samothrace +#ukqeqtqszb +c.l\. +subsets +spurgeon +d.000 +staunton +emanuele +auguste +vryzas +politeness +air-raid +french +pali +kordic +upliftment +pro-life +comoros +grayb +craftspeople +brewery +nonperforming +starck +lazo +spina +family-style +warners +lassiter +0000. +brinckerhoff +output +woon-jae +modafinil +unfairly +wild +antanas +terrain +uttarakhand +skidded +assure +caro +churchyard +samarrai +tsoo-tsoo-mee +inner-party +bois +soerensen +scholarship +sindh +bridled +vaseline +plunk +fatimid +parka +counter +stars +vassell +comscore +sari +dux +slid +housemaids +hah-sheh +delegated +rainfalls +surgical +second-best +isomorphism +wrath +nooks +pre-market +rda +kebab +sall +apex +nieman +tougher +flatbush +melamine-tainted +middelburg +resurfaces +wasdin +kasich +broiling +caprice +perseus +sino-australian +mutt +desirability +arculli +mashantucket +reponse +deficit-cutting +lakshmi +heparin +mehlis +kucan +superferry +eyelets +disbursing +slovenia +outcry +joh +rwandans +majeed +ledyard +weeding +seaweeds +calmy-rey +chomping +million-pound +weird +chaudhry +ciccone +mentor +amateur +vexed +hamblin +dissecting +baycol +marie-therese +haemoglobin +substantiate +lambasting +slur +overshadows +pedigrees +mourn +hannaford +projections +takayuki +holguin +vitae +cacao +justicia +gonorrhea +vlaams +obliged +tyrell +anti-mafia +recto +brusca +lucent +hittner +shomron +obata +nassim +municipalities +truism +picket +josselin +sternest +rafalski +advised +ribbing +par-three +shingles +mussa +redundancy +bint +third-holiest +morpheus +icebreaker +teleconferencing +murchison +feitsui +neh-groh-pahn +esteban +resende +riddled +rot +engendering +munger +offside +compelled +perfectionism +power-broker +anti-smoking +devoting +proportioned +mclaughlin +claimant +corkscrews +fingered +canon +game-time +barbarian +troma +palm +lott +mu +tarlac +simplifications +deberg +wallach +taxicab +norway +holographic +ayeyawaddy +high-gloss +gresham +seige +obstinate +peals +cravings +kuznetsova +princesse +kankkunen +cet +thoroughly +zidane +sowetan +incheon +theremin +educates +untaes +abbreviations +discipline +k.d\. +hawn +tsuen +kadhimiyah +00th-seeded +transcendental +kumari +association +zeleny +re-creation +0000-0000 +butts +pensacola +wolcott +turnkey +outscored +sebi +wiping +eh-kay +roberson +praetor +wanxian +staters +mahindra +sadat +playmates +nehm +belarus +harm +first-of-its-kind +drafts +berndt +climate-change +movie-goers +thronged +mouvement +hospitality +lockheed +lucia +lydia +viljoen +pre-colonial +garcia +carso +ceasefires +archeology +chesterton +coronel +u.s.-taiwan +webbing +hard-disk +bourses +barcella +pogue +well-supported +stevedores +rusting +alphabetical +lycee +thewlis +stoking +confit +deferring +chen-fu +gilani +morena +kidding +lifecycle +dazzled +zad +krisztina +second-lowest +telescoping +cytokine +diago +hedging +homme +qassim +cultivation +meisel +dumb +r-del. +colitis +hesperiidae +quandaries +burnitz +weirder +actionable +hyper +dawoud +dermatitis +yayuk +aromas +muszaphar +choco +authorities +volcker +eppolito +two-part +hambrick +brandon +jeu +bulent +tec +seven-party +bohn +surnames +helmuth +zara +ph.d. +four-seat +pan-fried +underemployed +abbotsford +swearing +countertops +fredric +engaged +oshawa +downforce +romer +traditions +lifeline +habitable +burd-sheh-nahd +bc-post-front +teller +bowery +mtbe +shortly +consistently +shag +pitfall +panned +lakeland +barneveld +angular +adhamiya +etz +feaster +ahl-zoo-by +fa +kristallnacht +parody +sisal +ovoid +lahl +contingent +post-war +bim +extensiveness +to +darvish +carn +student-led +tweens +chime +unleashing +dolt +govou +refinance +attended +pfoutch +ramesses +redundancies +sown +tuscan +rejoicing +begala +winningest +exemplar +dimming +monastery +foa +jeju +dd-000 +funniest +movement +streaks +oscar-winner +hans-peter +feathered +farfan +multihull +snoopy +yoruba +scurried +antley +action-packed +intifadah +modernise +inexperienced +trawling +though +pro-syrian +bygone +glycol +ch0 +tinny +financial/first +concurred +seismology +fenech +demilitarize +forger +ueki +brickwork +hervey +importers +modesty +afzal +finca +jaswant +xiv +sadly +iconic +ven +cross-eyed +maxine +lieber +fluctuated +knopfler +ismail +on-air +bhat +bcp +motorized +oku +kimberley +nine-week +avco +hutu +observing +siam +cianci +xfl +nitrous +sterilization +printable +acquire +yoo-ahn +semion +dhia +ganges +innisbrook +pre-race +messaging +magma +turturro +proffers +nomadism +sylvestre +slauson +malfunctioning +pittodrie +nacheman +bedrock +bahai +nvidia +nepalis +brooks +wilton +indicators +precludes +knees +xfm +rakh-men +lindner +ziegfeld +getaways +0, +scaife +d-wis. +eure +outer +italic +reuben +intermittently +zavgayev +solace +differently +grimmest +chenault +ill-advised +fohr +polarisation +chadha +octave +haro +haywire +salcedo +winking +gay-rights +montero +schiller +tuneup +lunar +de-escalate +subdued +svanberg +dish +bohlen +teenager +barbee +marlins +pluralist +jessore +spokane +precious +nudge +etymologies +suspending +doy +globe.com\. +bram +inhibit +stirrup +sportsline +keown +underestimated +laporte +tainan +seismically +firebombed +hurray +schiaparelli +laceration +musso +laps +lukens +passerby +mess +paige +ontario-based +paglia +overcharging +fine-tuning +mich +boasts +arima +greeley +hindsight +programs +amiss +mid +dayak +rafik +schirra +zum +tarot +tangiers +tunics +hue +iwasaki +keer-ohs +titleist +correspondant +deductive +grunsfeld +murray +caffe +toyotomi +buh-sheer +contrasted +pell +outstrips +wipes +fiorina +mice +blin +akihiro +triathlete +refectory +non-financial +daytondailynews.com +raga +faithfull +lippens +guh +ella +maher +taxiway +co-edited +accumulator +gadison +stepchildren +at-bats +provide +omari +rosukrenergo +hobbies +evolutionary +implemented +prescott +arbogast +unify +ptolemy +hydrologist +nizhny +parquet +democratique +strobl +karolos +bbn00 +sabir +shrewdness +musayyib +nayarit +actor-director +unenthusiastic +sieur +scroll +undistinguished +endogenous +marseille +holby +home-and-away +jocelyn +upturn +professorships +notebook +emotionless +linton +blizzards +interahamwe +inter-county +maxi +dollars +selangor +chapman +aamodt +r-fla +paradis +jeopardise +compression +battlefields +nsubj +necessities +indelibly +abolition +nimh +shelah +pressure +bronze +unix +doctor-patient +xanana +wilfred +slime +vishnu +buckler +al-ahram +southside +saa +ahl-zwah +tarek +pac +pompano +miami-dade +sahd +policymakers +masterful +andropov +hemorrhages +post-invasion +imperiling +universitat +tac +juju +abul +togolese +palladian +ced +wadkins +mercado +bislett +fray +barked +offenders +scanned +provocatively +borehole +transposition +named +fertile +lust +proliferated +ladbrokes +bexley +centerline +moby-dick +roig +traian +gmac +flours +pedra +unstructured +soar +berjaya +emitting +shamsi +permian +albedo +pro-forma +infrared +schoolgirl +crucible +emre +ill-defined +levers +bedevil +soldiered +houdini +tlc +sharecroppers +locker-room +eileen +ramone +superior +forecaster +npcsc +liveliest +nabhan +malam +middle-aged +thoughtless +theta +fortnight +panther +cx +zehs +mind-set +wring +katzenberg +mick +non-intervention +escudos +railcars +befriends +angop +potentialities +mohr +bibs +broxton +confectioner +expressive +showgirl +fumie +boats +garrity +inflammation +dragonlance +five-hit +attanasio +fukushima +kaposi +ah-lee-ehv +jalal-abad +mader +much-touted +second-biggest +reawakening +tourism +pentateuch +vlad +illegals +midfielder +pathogens +anti-flood +feared +much-hyped +whitman +tak +scandalous +clicking +settings +progesterone +bugs +jeans +padre +corroboration +rk +latimes.com\. +shimmers +change-up +grisham +condensate +gen. +aras +lizzie +paulus +lothario +toward +miraculous +round-robin +seaton +provisioning +endorses +broadsides +brak +ghafar +muted +mladic +gebreselassie +sigmund +barbecues +torturers +lonestar +beaudoin +mobsters +basinger +pinang +hazlitt +smirking +officially +sunil +niedermayer +signposts +generalissimo +downlink +jeane +aomori +d.s +facet +touch +jean-david +cornish +marketization +lattices +conradie +pulp +drown +assuring +sfaxien +scalar +imprimatur +ridiculing +pampanga +masters +jayapura +floating-point +glyphosate +chittenden +anzio +kornberg +varieties +emotionalism +mcwilliams +nowa +foremost +securitized +mccanns +kawash +elashyi +keying +youth-oriented +tova +0-000 +khair +flirtatiously +enzymology +dineen +sachiko +caskets +hornos +stewart +low-priced +frontlines +reshaped +guardado +u.s.-made +magnificently +derrick +strategist +shaquille +cla +megadeth +altruistic +livan +nigerien +brainstorm +parnell +billick +rensburg +wilder +all-white +pantani +even +akp +oxford +repossessed +bhargava +overplay +iii0 +heptathlon +firefly +haiti +goncourt +fiercest +autocratic +protesting +oddsson +quiroga +canton +cane +lubumbashi +egyptair +ulsan +bronski +sags +piri +foie +jerusalem-based +babysit +deactivated +cornwall +hsi +schipper +rajkumar +sola +absent +thich +xun +practically +confederates +censure +masculinity +hyatt +intercepts +krekar +tulum +flanks +forecast +creams +jeronimo +savoca +dirtier +vacated +fourth-and-0 +counsellors +anti-taliban +soldered +medici +lethbridge +narada +succinct +maraniss +celebrity +unreasonable +mazuz +correspondingly +cndp +hodson +eliza +self-evaluation +smits +mainstays +gallimard +eliseo +savannah +remlinger +cwb +mineral-rich +mastering +jeopardize +pantomime +koppen +lincoln +parti +phds +distrusts +pilfering +safest +yahp +wellman +carswell +disable +ayres +glorify +montazeri +broadcaster +wrought-iron +wellness +ordinances +terminal +tami +jari +pareles +receptacle +sordid +usa +emancipate +goellner +regrettable +oolong +souris +bottom-up +llywelyn +paschke +magnetosphere +goleta +untruthful +attributable +leasable +war-scarred +raisins +eg +tvm +oxfordian +fauci +misab +headwater +ah-keem +gelled +linlithgow +houk +nuradin +doomsayers +pontoon +hairspray +cameraman +elspeth +frankly +corbusier +leith +whatsoever +hilary +miyata +merveldt +plastics +pilatus +resigns +iis +buildups +domenici +twig +plate +dogma +iger +itogi +nigeria +star-spangled +digby +capsaicin +rankled +subtleties +halabja +vtb +barzani +koszalin +remiss +mbandaka +nafis +conchita +cormack +kovalainen +mini-series +clarks +apparatus +southeastern +presence +amarna +sparingly +wuethrich +newswire +rearmament +raton +freer +flowed +subliminal +leffler +nethaway +douglass +hejduk +keyshawn +consultancies +motherhood +metastatic +line-out +flattering +tightens +commercialised +squads +peres +reigning +alertness +olympiakos +wood-frame +leonie +unencumbered +international +moh-sheh +societal +bayerische +kalla +zhijiang +pajamas +fightin +kyoto +axworthy +pamphylia +snafus +thx +connaughton +variable +bi +kikwit +sprayed +sirven +mid-00s +unhcrs +gooding +gilts +romo +berates +sit-down +lame-duck +daluiso +creek +pham +cardiovascular +sunburn +hambrecht +heber +solarz +libido +wyndham +lungshan +yah-seen +likes +mediafax +milloy +perp +dora +tailgating +ky-eed +nonaka +saxton +thirty-eight +maiming +board-certified +woeful +representations +eh-bah +fumbling +alatas +justifiably +figurative +shani +yi +vcd +leifer +zulus +calliope +long-simmering +auger +skyhawk +underachievers +military-led +fastow +governing +palme +dwarf +grown-ups +ajit +phoenix +a-month +palenque +rainbow/push +woolworths +sarthe +un-administered +iguanas +assemblage +guh-gah +cafes +boras +alienated +jagger +purveyor +southey +perfected +arpaio +picardy +mckesson +soy +bildman +martorano +combinatorics +octogenarian +sucre +uy +umag +pocahontas +quack +repression +shorn +sino-european +affiliation +tengchong +rdf +shawl +exco +capitalised +vohs +understory +californian +korolev +time-sensitive +omnimedia +grammys +scarves +newscast +china-africa +jowls +kalamata +nahas +fellowships +lessig +stereoscopic +zajedno +bopanna +] +acton +ciudad +randall +relied +gargan +fetishes +fussing +kislyak +banja +picture-taking +blames +tryout +moh-tah-sah +dns +christie +radios +coach +insoles +smuggle +carolina +broaden +oilers +dismaying +jammers +cornered +noncompliant +duh-nah-free-oh +zelaya +ibsen +arndt +marisa +kodansha +supplementary +rhinos +gossage +lear +aplenty +claude +diving +bna +mano +shtool +penchant +sparkle +lah-hood +lusk +meats +cesium +witcher +weinke +stroked +nutritionist +blank +strauss +custom-built +jetted +rawlinson +refunds +tire +pyre +monday-friday +fs +royster +nebula +estimators +khawaja +canteen +aspen +doubleday +allocations +belgium-based +offal +china +l.00 +klausner +ryongchon +ornamentation +solheim +cameroon +emasculate +goth +verily +cemeteries +inside-out +horn +shah-ool +sundown +tal +securitate +penitentiaries +bertram +safeguarded +ball-tampering +crosswise +interpreter +'day +tomography +perls +ritterbusch +houghton +apra +mistreatment +gignac +conceivably +constitutionally +about +laith +succesful +ludovic +vespasian +disassembly +kudrin +judged +uda +searle +lego +pemba +0000e +lee-ohn +innovate +menaced +volvo +editorial +brumbies +inherently +rip +zed +derivatives +refinery +hysteric +undersecretary +souleymane +jha +orchestrated +sensitized +maximus +gob +communiqu +kunming +ove +swathes +barnier +al-jubeir +banke +leung-sing +rants +medicinal +miikka +juventud +scene-stealing +toa +radha +nucleus +tolan +l-0000 +fredriksson +zhee +noblesse +viral +genre +al-hazmi +abandons +newsweekly +labors +commissariat +feld +overstreet +perpetrator +stimulate +deluxe +callback +profiling +andalucia +vaclav +meriting +pickler +dehl +ty-chahs +radiated +merz +00,000.00 +hamburg +regular +rohr +bahru +bsn +brajkovic +lassen +accountant +antipope +two-out +korb +modulus +resilience +travaligni +oberholser +ratzenberger +fascinating +glanville +lobsang +steles +glides +thier +moderating +abolish +responders +naas +ladsous +carib +siyi +anti-serb +bormann +inamed +sadeek +matti +propriety +warping +’ +pickle +pitt +sped +maras +clamshell +repudiate +great-great-grandfather +cranking +abdur-rahim +determinations +hirsh +hitchhiker +coziness +rappahannock +catfish +papon +lower-rated +disease +one-shots +railhead +kielce +fassi +low-interest +endzone +mandel +overlord +grabber +commemorate +gavaskar +perrault +analgesics +sauber +henriques +climaxing +armies +saiki +party-list +archbishops +frac00 +fresco +liquor +speculates +charente +patterns +nikolai +jianhua +astrophysics +red-eye +mulva +imperfections +re-evaluated +lundqvist +arsenault +berner +niger +fmd +icon +elizondo +rmt +hsin +unbelievers +secures +nous +abetted +pam +blues-rock +gruyere +icebox +tunis +dubbing +bouvier +panda +argumentation +traille +pangs +prone +non-union +wg +pharmacological +gaziantep +pbx +views +ethier +orphan +waddell +middlemen +iww +hearing-impaired +macqueen +colditz +radius +dostoevski +centralizing +urbi +____________ +greek +tingling +styling +mervyn +lubanga +stop-loss +danzig +excite +sci +deluded +immovable +parishioner +calyon +baronetcy +hofstad +zahid +surgically +co-host +reliever +cowart +nodar +mdm +strife-torn +bombings +coffer +suitable +whitmore +may-june +brasher +longhorns +daniella +camouflaged +anjelica +munteanu +huddle +synergies +demong +theoretical +haman +adverse +venables +ahearn +unidroit +house-senate +cabletron +compared +frater +mccarran +aronson +ulyanovsk +waited +yoshinori +wealthier +zhor +push-pull +corneliu +merida +desensitize +tartu +bow +foibles +sumita +strangelove +grybauskaite +cinemax +wasit +gynecologist +00h00 +grieg +rima +gorgon +slocumb +jiangxi +alleles +valerie +duong +guiliani +mora +eds +non-aggression +playfair +baw +ajar +yuya +gregor +sporty +glands +boulevard +viktoria +mbh +brewer +usman +mujahideen +ehs +foot-pounds +photographer +llano +debugger +ashgabat +franco-spanish +sparred +xfdws +roundtree +caen +violin +hambali +whittling +subtypes +qui +manifest +godolphin +wise +sports-related +seminar +ruthven +reauthorize +objectives +mysterio +indigent +oilfield +no-win +remediation +segregation +domestic +nederland +lindholm +tradition-bound +brutalities +bertolt +libertarianism +adept +confidantes +wiggin +thirty-eighth +sidestepping +taiwan-u.s. +imai +kilowatt-hours +seedorf +stravinsky +cyclone +wade +snowbound +dolle +adolescence +burmeister +pavlov +untimely +gritty +elahi +nasa +rezoning +al-maliki +gretna +environments +eos +butchered +refilling +aree +five-night +importantly +leaks +mandal +erdos +middle-distance +tanga +0-track +coutinho +selected +aug. +honky +hori +latvian +sobeih +ex-soldiers +consistory +albarn +zubayr +vague +basher +sonograms +santo +tigre +uddin +ek +nadar +sprung +lme +bci +mane +indisputably +kubo +cerritos +akihito +fears +powerball +consonant +deportation +nine-day +higher-education +hotz +quebecor +karolina +squashes +toshihiro +isar +mindscape +albee +altars +strait +seedling +hills +hayr +maximising +skittish +seize +third-term +tailed +urs +rental-car +all-sec +lakewood +musk +paz +incentive +timmerman +suzy +bloopers +atack +contravening +apolo +bloodshed +abdullahu +hotcakes +sheung +jpeg +fockers +archenemy +lautner +osteoporosis +transpired +gwozdecky +accreditation +byohrn +absalom +surge +active +courageously +hearts +echoing +conned +scissor +rumsas +latitudes +drug-fighting +side-curtain +butting +kashgar +nightwing +chiou +lawrie +magister +islamic-style +farda +individualistic +cami +bs +bruguiere +trapp +anti-religious +vee-ahn +deciduous +urgently +kiwanis +entertainers +al-nahayan +pro-family +diagram +cdf +mi-0 +kerkorian +stalinism +nine-wicket +stereotypical +izumi +abrogated +convincing +adelstein +shoulder +ll.b +popeye +chomsky +oly-0000 +etrade +tilly +malka +heyns +carousel +falklands +jamaal +estuaries +premarital +0-lane +abundantly +chosun +niqab +margerie +0x0 +rawlings +zhe +kelleher +zoned +icp +spain +nop +peer-to-peer +mirror +sixth-placed +girdle +scotus +divorced +alte +cbo +d-iowa +adgonzalez +ebola +five-part +lorenz +apocrypha +justifications +shary +enshrinement +0h00 +toll +planemaker +intersection +hyypia +cripps +kcbs +life-sustaining +collating +schrock +post-conflict +khaliq +fradique +shuffled +berwick +brick-and-mortar +no-contest +garzon +legos +daehlie +comma +wray +milford +inflate +balfour +iskcon +wallenstein +concerning +purging +befallen +schweid +g-unit +sidebar +croes +memorializing +chancery +graciousness +snow +hawk +bg0 +lopped +shoshana +fong +precipitation +tailwheel +conceptualized +matar +multi-ethnic +tretyakov +valuations +pingpong +vercelli +baojun +dio +chileans +aruban +unama +guidebooks +starlink +enactments +interconnected +panjshir +masami +mattias +mobile +soundproofing +chittagong +abdi +substantiation +jiangyong +gottingen +paneling +mahuad +skeletons +pri +helios +commutation +discontent +dataquest +guerrero +gratuities +measurable +treasuries +kappa +lucena +fair-skinned +gott +brest +detoured +nst +banat +globetrotting +justina +pharyngeal +ganzi +metcalf +jean-sebastien +dravidian +teases +laureate +heels +nusrat +wading +organized-crime +motionless +hausner +gorkha +nahal +bicoastal +law-and-order +thermostat +ahmadi +spacek +lawmaker +hawi +emmett +pestering +tourists +zenon +soloists +underwear +hoxha +intimidator +cheatham +four-page +creator +tiffin +gardens +mast +administrations +devalues +repel +kurdish-dominated +pacing +divo +rappelling +clean-cut +colic +ubiquitous +goodell +dogfish +maersk +urethra +nutcracker +husarova +boardrooms +slump +blandon +depression-era +nano +zeroing +most-recent +aborigine +okanagan +trueblood +carmody +nisei +p00 +linares +hou +sandburg +oca +tufnell +china-taiwan +rhyming +encore +okada +hamre +conflict-ridden +raddatz +mendonca +minn. +lovesick +indicates +koran +el-hadji +ushakov +automobiles +zip +badgley +pathet +barachie +nzrfu +sylvia +infantryman +tooling +equatorial +expressing +bamako +costal +anemic +recur +bandura +billionth +hendry +fassa +blenheim +coachella +trulli +mcdowall +baesa +continuity +dubose +juris +udine +switching +unconsciously +nibbled +conceptual +jean-pascal +hutchison +ayhan +heisenberg +multifunction +sentelle +anti-rebel +huguenot +multi-day +fondo +mazeroski +non-u.s. +webcast +rediscovering +smoothness +evidently +fitful +faux +squashed +lowrey +young-adult +menatep +receiving +automation +conforms +melzer +dray +testaments +concerto +truest +well-fed +attractive +voluminous +homeopathy +incubation +calibers +appropriation +cool-headed +hyatte +oreal +breathtaking +xiaopeng +kuralt +r.p. +us-based +g.k\. +kee-ehsh +branch +sawalha +blackberry +badger +orbiters +savings +jue +permeability +euphorbia +lovely +harrold +mee-loh +morph +chalice +platinum +mutinied +bate +rubber-stamped +winced +girolamo +osh +hispanics +ndong +floyd +kick-starting +undertake +calo +non-farm +extort +burritt +woolmer +paiwan +spender +collings +ceca +tieying +bergh +disposition +buzzer +defiance +sneered +motor +sinead +holdout +wields +aesthetically +lann +inns +edmondson +excused +ennobled +sr +atmosphere +vasilyev +vanishes +steny +rotund +senility +dismissive +dead +informer +vibrato +maxed +bowled +rossouw +whistle-blowers +settle +tooting +altintop +fluoridation +koop +marquez +unabomber +war +agnostic +pureed +deserved +kidman +fuller +avian +actuated +edmundo +chinamasa +demonstrates +exasperating +gaius +fifth-largest +state-backed +baguio +miscalculated +cod +salas +wellspring +sharratt +traversed +repertoire +nrcc +pauses +halts +proselytize +tighe +bilking +restive +macho +homelands +aha +shaken +f.a +landless +infrastructural +moderately +meltdown +cfa +latecomers +chiapas +lifton +ineffably +thrust +allele +transsexual +voices +0min +classic +inventory +destino +skyrocketing +deviations +tangled +military-installed +talons +shiri +kendrick +centerback +superconductors +finley +crestfallen +poem +rca +cze +sibanda +junin +adjusted +shabazz +alerts +carrard +w.va. +spacewalks +epithet +deadline +unguarded +wescott +two-month-old +cabins +lunchtime +earful +kiss +delic +congresses +acid +noth +piven +coffers +narayanan +molybdenum +roddick +requisites +wjc +lysander +sailors +scalise +matra +lantern +rochus +blandings +cottle +valente +debunked +waleed +cooney +furor +self-absorption +realaudio +agence +squaw +brothel +gdr +usefulness +civilised +geological +kur-lih-kow +professionalize +clementina +batgirl +cobwebs +weak +fulani +slurry +ys +prokhorov +hirst +abc-tv +authorises +pardee +azinger +phalange +calamari +consenting +orin +dentists +prehistoric +german-made +fininvest +peabody +interdenominational +outhwaite +untied +doping +hubcaps +dandridge +kazimierz +unshaven +coutts +forgers +ineptitude +relaxes +driven +sympathetically +pre-arranged +hordes +tenures +ulf +compassionate +thornycroft +scrounge +gamely +all-rounder +caloric +fairford +volcanism +porte +chah +corp. +idiots +earthquake-prone +weisskopf +speed +suggs +pulls +enhancer +yeshivas +askance +asian-american +carparks +flaccid +matches +iguacu +nylon +disturbing +robidoux +ajaccio +nestorian +rogerio +nolberto +snug +usfl +recluse +fuhz-loor +alltel +oud +scanlan +alliterative +backups +slaney +cambodians +broadfoot +khatami +ailerons +tucheng +junid +botulinum +lob +mln +wilkesboro +yakutsk +poses +longevity +last-gasp +dhawan +highlands +however +lemoyne +periodically +frazar +ticket +twits +vin +nyiragongo +principalities +mozambicans +jogging +re-entry +a-team +io +goalscoring +mistrustful +mylan +ningbo +katy +sharaf +deepening +kuang +amphibian +two-week +isis +boerne +modal +paises +impressionistic +mallya +furthers +hyun +swedish +playtime +godley +assab +spindles +bachtiar +holland +frisco +poisoning +wickes +dvor +worth-dallas +fontaine +monster.com +idiosyncrasies +incorrigible +acadians +maruti +multi-directional +ftse +streaked +snell +rainout +ki-moon +margareta +second-grade +anti-washington +aeneid +hoffmann +maracana +serves +vegetarians +carmina +cachet +anhalt +stals +reaves +kurram +matrilineal +welds +pepperdine +joan +smooths +matamoros +settlers +wmo +rolston +lysias +eminently +berm +spew +a.p +zen-ruffinen +leamer +tah-wahb +jaruzelski +roadrunner +negotiators +numerous +unccd +noun +salsa +kanye +theravada +reorganise +hopeful +hinojosa +comedie +dawei +theropod +cherished +bigotry +anti-riot +ljiljana +btu +wheelbarrows +budanov +two-round +bomber +and-a-half +neubauer +woerth +bloodiest +gsc +sounder +jihg +bora +irs +shape +romanians +make-over +e-dress +co-producer +menaces +acadia +blitzer +travel-related +heatwole +third-floor +laborers +appathurai +chahine +totally +humboldt +hafiz +garman +exacting +occlusion +enclosures +warm-hearted +dictatorial +smoky +pdci +harte +pni.com +yasuo +coffs +wollongong +minuet +rabat +wangari +levelled +triple-digit +ketagalan +dimwitted +queso +calipari +alchemist +tearfully +bj +marketwatch +ldcs +nsdap +fandango +catamaran +muchos +topsoil +spied +bootlegs +mute +bedbugs +ungulates +snuggled +dondo +india-pakistan +ahl-zahr-kow +krin +widowhood +vg +lifeboats +seventh-seeded +steubenville +latimer +gutterman +kop +mitrokhin +fable +guarded +shriek +zeng +tachibana +splash +wong-fat +eon +keepsakes +dings +rides +compound +levels +shipper +travertine +parrish +norma +polycarbonate +vector +bhubaneswar +morag +muddled +coffield +hetfield +barnsley +stipulate +kwok-keung +handkerchief +medium-rare +drug-smuggling +zygmunt +malted +leila +bloodless +caucus +behravesh +idealism +jah-mahl +spearheads +justly +adolf +hub +laggards +advisory +conglomeration +southpaw +madugalle +bodie +scania +deryni +four-wheel +ferociously +bumiputra +exports +bucolic +negatives +off-and-on +habitual +sedatives +testosterone +harbouring +breese +castano +long-stalled +lougheed +agoura +spring-training +arming +eslinger +abstracted +modulated +asperger +reconnect +ideologies +gardeners +abashidze +kitwe +routinely +doha +donut +disjoint +mitigate +disposes +calculus +berryman +chadian +cassar +quirk +kfor +costigan +smaller-scale +mafioso +sulu +wrapping +ssr +cartagena +sight-seeing +committing +monetization +shazam +ahvaz +hogue +rainy-day +marinette +bladder +civility +technicals +financially +kristiansen +allison +laboriously +wirtz +below-market +proudest +dissipates +toxicological +amity +telemarketer +frick +dolly +lebanon +president +affording +invalidated +primetime +cover +screenwriting +resubmit +trip +representatives +canberra +settled +spoken +paintball +misunderstood +rearranging +zxs +heyden +authentic +hep +govind +unpublished +aster +avowed +blueprint +lifesize +marys +uninterrupted +fainted +operational +skroo +pushback +dragons +pre-columbian +osvaldo +cozy +amro +checkfree +boswell +infiltrating +reeds +bogota +forestall +wbbm +harper +alacrity +asphyxiation +chissano +metals +faqih +nautica +civil +half-point +00th-floor +fat-free +salama +hoenig +gamla +b0000 +in-line +veselin +airbus +stannard +vineland +orioles +nla +jerod +confrontations +yang +succeeded +biarritz +outperformed +nib +corneal +aria +embarrassments +esopus +skolnick +kurihara +five-and-a-half +stokowski +sharjah +nissim +hailing +nur +retinal +shunted +gonzaga +jatuporn +haw +manukau +spewing +birinyi +accomplished +rummage +bettina +masterminded +bursting +suscribir +government-wide +belcher +azaleas +fenn +tribulations +zito +mini +diemen +cagle +fortran +assembler +jovanovic +fwcw +blackie +scenery +retraction +fantastical +schacht +kogan +deus +relegating +fifth-round +maccabi +cdp +sapo +absolutist +when +televise +alluding +chastises +duplication +juh-lahn +dilute +endymion +irish-americans +kariya +lane +wristband +skull +sugden +encapsulates +disservice +pre-islamic +bertie +compact +unequaled +kadeer +hole-in-one +spaniard +cool +diets +countervailing +overdosing +kranjcar +publica +feigning +leftists +zealous +trafton +nickelback +cpa +long-anticipated +kentucky-based +higher-ups +tutoring +justinian +generally +marjah +oklahoman +co-operatives +beached +whole-wheat +backe +aries +wwe +rebelliousness +dongfeng +madura +smelting +ironed +grass +yanina +leftfield +be0 +delectable +mole +janka +vdot +beaumont +appeasement +teotihuacan +burling +delicately +svu +masaaki +swimwear +toprak +irureta +groupies +takashima +gyroscope +charlemagne +bloomfield +everitt +fluids +tauscher +game-winning +freshman +co-operated +o'connell +alarcon +mikulas +typesetting +stirrups +catalyzed +ceramicist +folsom +buh-dah +fourteen-year-old +prima +leibowitz +dink +orgy +forli +benard +hessian +sonntagszeitung +pottage +pickaxes +loftiness +dual-core +interpreters +arrow +bloomingdales +jur +denzil +berklee +emphasising +kass +ligase +payouts +ambivalent +zhiping +anti-smuggling +drut +eccentricity +dolorosa +filmography +hsiung +intoxicated +blimps +leopold ++ +africana +verkhovna +chaz +landi +knocks +trompe +chitungwiza +mudslinging +third-and-0 +collection +indonesians +mirwais +mahjoub +vidro +spoh-kan +malawian +castle +______________ +petula +hummus +well-served +biel +film-makers +fifty-one +purnell +idema +shiraz +tensile +educate +hodgkin +spherical +todt +cheney +zell +contemptible +jeonbuk +cecilia +amr +womens +cochran +magician +wagged +sub-sector +neu +navi +bloomsbury +sikora +steere +orahovac +uppercut +gencor +boudreau +quicksand +frosted +sufferer +tarasov +asaf +sweetener +karroubi +outlays +animosities +chaotic +uttar +osk +depend +dente +kelley +heartlands +christa +freier +alcazar +jst +ringer +antipersonnel +ypres +adjourn +lel +bouncer +eleven-year-old +silvery +booker +satoru +intuitive +shooting +unpretentious +purring +fairleigh +bunyan +sarobi +lindelof +sanitation +pg-00 +bleached +frederika +w.e.b. +dreier +sprinkler +yamasaki +rica +gr +trincomalee +zermatt +conical +pointy +ten-year +johr-dayn +stetson +means +statehouses +anti-choice +sloan +muang +locales +sw +struggler +gracie +waldorf +sloths +perryville +nunca +look +contractor +navas +disturbs +can-am +sheikh +blackboard +carrie +victimizing +depressed +atari +fifth-ranked +internationalism +dingle +pals +peeters +flack +matriculated +00-0-00-0 +pains +stale +losman +repurchase +classifications +dima +heatedly +oat +inning +moehler +unrestricted +terroir +turbotax +adjutant +sketched +bohemians +calhoun +ecosystem +pernilla +long-cherished +supposition +demonize +marjoram +bihari +affixes +lesson +saiful +prong +docent +cross-sea +characterise +fractional +adequate +sihl +abdel-meguid +kuei +stevie +cantonal +convalescence +rpi +imre +fakhruddin +pavilion +scrimmages +adjudged +ankunda +stevan +follower +nip/tuck +mcgurk +herb +hiram +glyn +tetanus +aargau +gangly +firming +obscenely +one-bedroom +foxe +d-ga +0,000-0,000 +forcefully +dyvz +reviewers +insinuating +fiefs +warbling +commissions +ungodly +bark +checkup +carrots +divoire +burks +mcgee +puh-shah +peerage +zigging +ru +mores +shim +nmod:in +konstantinos +bimonthly +tujunga +frente +akshay +dlamini +revitalised +accuser +coordinated +knuckle +meadowlands +j' +just-in-time +albatros +wonderland +unborn +wood-paneled +aboard +henriette +matted +saeed +yugo +exposition +cayenne +incriminate +profoundly +devin +hoge +canine +fibre-optic +holmes +vandeweghe +mehn +sma +kuebler +four-stroke +blood-red +digs +cloning +gandhi +lucile +croat +marston +seminal +poutre +desperately +ahn-hehl +savic +alnwick +ion +xiaoqing +0000m +freon +clunker +thicke +mayores +bottlenecks +accommodating +lon000 +cosmic +range +derides +eh-sahm +chevallier +attilio +apf +slogging +moore +invests +zow +uhlmann +hausa +trickiest +pediatrics +dramatize +ahl-hy-ee +dogfights +inonu +tsunami +dingoes +fareed +marathons +tracey +padua +cordova +culprits +adcock +gyor +asis +riau +lobos +croaker +empathetic +qatar-based +ju-lah +quanyou +bobbitt +bangs +pi +yun +mesas +tumbler +overpaying +pun +affaires +vai +purchased +yorkville +0.00am +roomful +wireline +gaza-egypt +hain +counts +tuberville +korn +alana +wieck +smoking-related +vanquishing +compromising +stand +passaic +matera +starve +chacin +allred +strugar +low-power +operable +cross-state +css +rearranged +foutch +icl +traitor +kronfeld +cliffside +thirty-two +unreformed +applauds +adaptation +schonberg +ecozone +pensionable +malle +emerson +tih-koh +nils +jamaicans +msx +stares +republica +munnetra +safaris +franciscan +yanukovich +bed +00th-round +reconnected +siva +dikes +jiang +protestants +sueno +shortfall +trun-rehn +architect +plums +exmouth +near-zero +catastrophe +delineation +widowed +tomita +shreve +jonathon +matic +non-championship +narathiwat +sasha +erosion +for-town +transnational +flip-flopping +daffy +adrenalin +nigger +grouper +porthole +disappointment +treasonable +timothy +locking +abrupt +mauldin +ballew +lome +shubei +shaykh +xiongnu +experimentation +takoma +clemons +interwar +enforces +atp/wta +villalobos +poignancy +flail +raffaele +goblet +abs +soon +bc-me-fea-gen +'n +linnaeus +valarie +deb +ndash +'affaires +bust +represents +cremer +kadhafi +hyf +josias +hasse +dfg +ba000 +catalyzes +peacetime +polje +limped +moyo +observant +lin +roosters +lleyton +contaminant +holler +cheung +latur +weakest +alexe +decapitate +accruing +undisturbed +well-paying +heretic +confectionary +dafydd +isla +mestizo +shatha +nuhs +four-room +camdessus +mickie +wives +swayze +hormone-treated +postbellum +prattle +streep +liberated +semites +second-last +atkins +legacies +ljungberg +gilera +korman +rambling +fraiche +donor +pulo +post-punk +al-nuh-shee +anti-depressant +tuol +kingmakers +squalid +yur +jean-luc +mongol +billionaires +foreclosed +linga +spared +uffizi +kapur +iso +kingswood +tradeoffs +over-the-air +prescription +friis +weakening +half-volley +gout +asus +expedients +juanito +specify +soundings +originate +pce +lugging +arrest +soirees +sasquatch +steeper +assays +dwindled +nielsen/netratings +unprofessional +instantaneous +al-jihad +frelimo +apollon +sugars +institutionalize +pedretti +re-emerging +fateful +ishibashi +demonized +trite +crickets +aka +manche +deggans +sues +figurines +kabaddi +chinn +parolee +shadid +delicatessen +tassel +fabianski +book-length +fertilisation +ratatouille +compote +mastermind +cruised +rauf +voyles +seditious +nusseibeh +mantras +best-seller +jesse +anti-racketeering +panthers +rer +blackbird +sleepers +kosi +gazette +colloquially +elektra +kraft +steeply +albanians +dash-tee-kah-lah +inquirer +lex +kirtland +moncayo +redwall +satter +bourguignon +devout +crozier +dynamism +djing +synchronizing +huh-sam +critic +underlies +hjk +abzug +vaughan +boudin +maximize +pr +rationalizing +parachute +ploy +constituencies +dropoff +discrete +emporium +t-mobile +counterparty +oligarch +pelican +adventurism +toor +hfcs +alhurra +warbler +khun +monash +farmhouses +buyten +lupe +pfc +reload +state-based +jaitley +bridgestone +adebayor +tottenham +scoville +simmonds +anthologies +gravestone +whetstone +satmar +hamill +anti-constitutional +r-kan +scotiabank +yasuhisa +eight-page +vakulenko +hallmarks +mousse +azure +tax-deferred +dents +a.h\. +visited +zapatista +shifting +nascar +000-mile +anti-french +ninh +ardennes +burgesses +insurgency-hit +prager +tireless +commercialized +tehz +spurns +hanna-barbera +subsisted +peerless +freedoms +letterhead +harvesters +unheeded +upsetting +lakhdar +troika +hand-made +dares +tragedies +delano +wabc +facelift +neanderthal +debited +strandings +poyang +deliriously +mainlanders +mahd +alito +possessive +arjun +relented +ideals +twiggy +pat +ht +torre +kuan +avital +dilbert +dareini +conjoined +dominos +preez +babur +re-introduce +sesno +d.0000 +emblazoned +farsi +concerns +uncial +mandrell +allegany +anthems +odor +mauritian +sergeant +zupan +rain-interrupted +truscott +chuckles +form +tur +tektronix +risk-taking +flute +asserts +alt +high-protein +endless +brackish +pena +mccain-palin +oni +furnishings +wrigley +sph +refocused +undiplomatic +showy +runestones +nieto +heilbronn +reassessed +transferring +hummers +orman +00x00 +oberg +riskiness +sweetwater +salahudin +resolutions +provocations +marange +eroded +decommissioned +tanzanians +berthoud +ucsf +veto-wielding +hundredths +plumbing +lundberg +inker +balloons +languorous +scrubland +dickensian +zoological +marianna +bata +polynomial +fellows +substantive +three-and-a-half +caster +crawley +foot-dragging +l-00 +banks +mouthwatering +hospices +iranian +fourth-year +snowy +grievances +asustek +acea +lodz +i.m. +machine-building +churchgoing +conflicting +kaklamanis +militaire +bondy +flaked +two-car +enhancements +thayer +samberg +verizon +city +pool +rymer +reproduce +censuses +assemblywoman +cosponsored +aquariums +accountable +pullbacks +haughty +collapses +divulged +lohman +biding +tergat +french-born +grasso +aust +surgeons +coattails +roxas +adopted +shek +grits +mous +bigoted +heinen +scoff ++0.00 +oss +daily +fi +borat +billed +jolting +lancers +anticipate +aphorism +yes-or-no +bagger +mita +gsp +kuki +kidron +friendlies +tapash +georges +tuskegee +amusement +bellman +unidad +specter +superdome +personal-injury +distributions +al-sheikh +brooding +codeine +punch-card +rigdon +perennial +-------- +lekic +wernecke +kwok-po +n.v\. +epilepsy +earth-like +chinh +esas +lift +guilty +tialata +fang +reworking +paleontological +cops +defensed +baumgartner +dappled +fujianese +generate +sinfonia +androgen +bux +creases +abandoning +pesaro +hoods +revered +fuer +thoroughbreds +fascinates +rip-off +incongruously +kih-bah +r-tenn. +confluence +cation +delaitre +runners-up +irrational +wmd +civilizing +tours +azlan +bixler +oppenheim +hipper +massenet +scratch +tantra +bowens +stigmatized +genres +junkets +hypotheses +search +houseboats +go-round +dietetic +dunedin +aryeh +pharmacies +need-based +pickford +resisters +view +conroy +frederic +etymological +eons +fourth-biggest +lilac +tears +tem +consul-general +amuck +creasing +nordic +consob +shinzo +depopulated +diocese +maternal +dino +grandkids +industrialized +hindi +college-level +hms +prussia +crisp +jokes +estado +quaint +calif.-based +predicting +enthralling +ytl +sicily +zibri +feedback +stephon +class-a +koerner +first-innings +reexamine +minya +kisco +graphics-files-nyt +ultrasound +accusation +game-show +witch-hunt +ruining +santi +pass-through +unmaintained +iwc +amines +racially +frequented +kallithea +voice-mail +toed +vizcaino +nand +pendulum +playfully +sherman +vagni +cattleman +iraqia +westbound +kenzo +ulidiid +coincidences +landstuhl +eu +monoxide +geospatial +attention-grabbing +pradesh +preachers +ground-floor +off-day +six-wicket +nona +marvell +nanning +mynetworktv +pamphlets +hali +shortcoming +unseeded +distaste +conoco +duels +beneficially +scilly +programme +misaki +gardez +kurth +queensland +misdirected +olhovskiy +tailing +scarring +lynne +footballing +contention +golmard +doo-by +motherboard +bangladeshis +maginot +interrogations +half-year +tropical +doggett +orange-red +markups +pvs-ml +ble +topsy-turvy +mladen +junkyard +eaton +annette +pilates +carriere +in-your-face +taliban +comdr +iveco +jun +mobutu +fulltime +doubts +ayes +000 +rubicam +singly +roubles +thy +hesitate +deliveries +darkens +rocca +beni +phys +montclair +full-motion +humpbacks +a/cn.0/000/add.0 +de +mysterious +eberhardt +latter +horvitz +january-november +cartwheels +udinese +efficiencies +vesnina +top-secret +victoire +hiroko +saddle +daghestan +hueston +lodgers +d'onofrio +cendant +rains +nola +subaru +d'agostino +kors +gund +badat +gachechiladze +outsourcing +united/eng +somewhat +sarajevo +jirga +lemming +relaying +nyet000-000 +enugu +starz +navarro-valls +owls +information-sharing +government +lancer +neh-gah +bosh +re +insecticide +forty +weybridge +lube +plouffe +lubelski +ratliff +niehaus +osteen +chartrand +claris +compusa +timekeeper +tarkanian +jungian +broadcasting +violence +function +eletricas +escapees +uncounted +shehata +urz +shah-zahd +bayh +seguridad +studied +vice-director +etienne +republic +ghanian +abidal +nmod:as +hadlee +useless +criminalist +mocking +manrique +catnip +todas +mcelroy +nuit +dealmaker +kathryn +khosla +suppressor +tahiti +motorhead +bandai +handily +khayyam +forceps +bette +chao +james +fiennes +exploded +dyeing +builder +stillness +stalk +higher-income +bullhead +emigrating +tillinghast +renovation +sunda +bierce +00-mile +voeckler +heinonen +anson +begs +flirty +dash +lapentti +olivares +sandra +honked +unanimously +piggy +sel +noi +free +laughlin +suleman +lineker +elphinstone +logistical +keyes +episcopalian +0000s +sewanee +kreme +encino +incommunicado +thani +laidlaw +zeid +non-manufacturers +comedies +lobbies +tarja +abdallahi +arafa +provence-alpes-cote +mississippian +stagnated +wordy +woodlands +jagr +sandbags +nantz +renewable +grewcock +broughton +tapes +cooder +relieves +koji +call/thomson +zahf-roo +hair-trigger +sabina +kouloheras +00-seat +crusts +perpetrators +steffi +modified +rainmaker +yisrael +alumal +insignia +recapture +pathmark +mam +chicagoan +evils +burlington +schoolchild +marque +hideously +s&p +compunction +kist +pocketing +pointed +barrows +fassel +parser +deficiency +anne +catharine +ee-poh +mosaics +kazuya +shoulder-length +hkcec +ouro +calor +telling +borghese +alerted +gestapo +absorber +cecchi +ximenes +spunk +secretary_general +dads +fleisher +mcknight +sauvage +broadcom +mass-circulation +hangin +freestyle +surfaced +ejemplo +mauser +lune +dunaway +jurek +lesbos +liberal-conservative +worthy +guru +doggedly +azusa +jellyfish +running-mate +balances +truss +corvallis +admit +internationally-recognised +opinion +esau +romeo +townhouses +ratcliff +jintao +pomelo +huntingdonshire +resolutely +laplace +baron +cheerful +newness +fromong +clinician +gantry +masterton +pugin +boiling +barmy +perrin +conditionality +agilent +marcum +udeid +punto +culpable +shaver +ied +madelin +amaranth +abbots +den +one-word +bogdanov +rajputs +curiae +drive-through +steelers +star-shaped +trusteeship +softhearted +laypeople +foxconn +neurotic +padma +shee-mohn +naco +gargantuan +shinohara +bennett +sveti +eddies +vaguely +surveyor +poirier +quarrels +excised +agriculturally +spacer +druh +nation +lavinia +arab-israeli +kaspar +00,000-00 +gujarat +geico +mishnah +collison +zhahk +delivered +flor +stojkovic +goodness +anyang +completely +vahidi +rosenzweig +stairways +ofsted +mogollon +manchus +safeway +rudge +salamis +sattar +diffidence +citing +dram +tailenders +bering +w000 +akita +bung +musketeers +lipman +crockery +overwhelmingly +hbo +kriz +sed +pleads +duncan +anti-psychotic +priorities +repeals +three-week +watchlist +member +lull +blumenthal +awfully +seven-month +classify +perodua +decimate +familiarization +inclusiveness +menelik +arbiter +admirers +seven-point +neuquen +rain-delayed +programing +representantes +thalmann +skanska +martinon +edgware +bonino +sunscreens +evades +sinopoli +woodworkers +lyttelton +profligacy +harken +tacking +arch-enemy +lipson +durum +u.n.-declared +vulgarity +samhain +hellcat +midori +mes +egyptians +draws +vihl +a-levels +riveting +prelude +campground +adapted +limerick +overactive +cresson +okeechobee +wildly +palpatine +anima +pre-order +prussian +allott +enabling +hkust +midday +re-enact +rourke +elias +hesselink +spamalot +adieu +miyazato +cremona +soviet-designed +lima +macarthur +progestin +sowerby +dee +venizelos +champ +mehserle +danby +stake +taniwal +hactl +cattle +on-demand +proponents +counters +divested +pegs +etoile +requires +dumais +balinese +menifee +goodfellow +ashe +sub-species +com +push-ups +audubon +maltin +ripping +displace +brendon +s.p.a +deville +beaus +weitzman +reuptake +nkorean +enforcement +cirque +darryl +wiberg +render +sure-fire +viciousness +concessionaires +espana +takeru +danilov +biaggi +milly +clark +heydrich +dassin +lietuvos +rosal +russia +donaldo +tendentious +spammer +reveille +refi +resigning +woomera +blare +fifty-eight +pro-republican +magdalena +tennant +helplessness +azur +sprint +adele +cingular +garuda +prudish +thap +january-february +skyrocketed +reintegrated +yuka +snickers +yaung +looney +climactic +zealotry +socks +scurries +air-quality +yards +irfan +rybkin +eagerly +r-ariz. +moorman +argentinas +nines +scripture +deiss +bridegroom +stretchy +amani +exacts +ellwood +braff +leclair +abdicating +backers +cookie-cutter +cardozo +baltazar +medallist +high-profile +constrictor +harriers +niamey +firecracker +stebbins +suppan +chloroplasts +djldf +bleary +urbana-champaign +causa +ex-presidents +sealants +brady +kindergarteners +diffused +hannawald +transcontinental +tana +cti +schering-plough +dubliner +blog +'r +imperceptibly +realizes +birders +south-eastern +mesi +subpoenaed +fujimoto +robs +absences +rhoades +penick +vastly +celica +inconveniences +cornelis +kbs +beckman +thinks +keefe +spit +roby +behk +seanez +cfcs +kincaid +in-laws +unsung +labastida +non-governmental +kievan +saprissa +broadsheet +icesave +zukav +krist +mize +klink +stiffs +radinsky +quartzite +zamalek +grief +vortices +undiscovered +malev +leviticus +hogs +rosario +kaushal +hearing +hermann +aidan +titicaca +best-of-three +overs +cloak +shahm +ally +ebony +peete +snowstorms +blockage +ange-felix +koo-luhn-gah +layering +reviewing +ayob +stepfather +ee-fahs +loew +reflection +warning +rasim +gibney +placebo +beretta +punisher +fsf +chaudhary +lerman +alleging +employer +finalising +agitating +okla +00th-largest +inning-ending +medvedenko +harbors +serene +keven +ludicrously +cheering +limit +longbow +unfinished +aex +chew +gondola +totaled +curses +ketchum +yoo-bik +nurnberg +f-00a +perugia +uav +treasurys +shun-byn +thereupon +tubbs +genitalia +toilet +rosettes +snapshots +vica +scarab +theodore +coordinators +marlin +head-first +sawers +nanosecond +philanthropists +ste +glass-steagall +bread-and-butter +inco +shellfish +gulliver +undertaker +accrues +uncertain +dyken +feltman +raspy +smidgen +hartwig +receivables +ethiopian-backed +nascent +poets +elvin +baucus +bitumen +kun +super +non-opec +whitelock +al-islamiya +penny-pinching +females +debt-laden +discharge +000mb +tuba +pestle +numerical +mood +annexing +zepeda +millis +visual +mnangagwa +third-ranking +outwitted +faking +teixeira +analyse +caricom +ported +graphics-update-nyt +coalfield +wenham +econ +breakout +carnivore +nagged +volleying +accomplish +pursues +pritchett +subdivisions +pbgc +powering +widens +rowen +five-wicket +principi +agadez +bourne +stojan +f-0s +rollback +jilin +forceful +doritos +thai +crowd-pleasing +humperdinck +d-n.j. +tuzla +unitary +go-between +abounded +fungal +corin +arenella +muffled +aspiring +vernon +smothering +seltzer +snowbasin +duller +aeroflot +averting +melchor +lamen +liberalization +initial +steppe +mets +sbi +beltsville +childbearing +midwestern +vandenbroucke +conforming +hardcourts +cumbersome +kd +rieti +m.p +unpatriotic +boers +scholastic +dikembe +dimitrios +decorous +wennberg +densely +frolicked +ansi +stadia +metallica +stamkos +aeronautics +differentiating +transbay +gerard +droughns +n-000 +sanitize +habibie +conferring +ind +cpl +cross-legged +isthmus +euston +ogura +multigenerational +hondurans +bonnets +sleeper +(00) +dorsal +rate-setting +discourages +ningxia +issuing +makhachkala +steeled +set-asides +kff +pelindaba +apples +friedmann +chi +bb00 +non-performing +bogdan +chad +harris-lewis +crips +retrained +auc +assessments +williamsport +abortion +vanished +hillis +meteors +pacos +galen +correlation +cfu +mistletoe +bra-hee +dormer +enacted +akzo +sabrina +majewski +zane +hyung-taik +datu +e.l. +garton +filipovic +institute +chamoun +saatchi +thes +schlosser +persuasively +corresponsales +hendawi +tautou +krajina +eintracht +colombo +melded +feminism +circuit +e. +rensselaer +editor-in-chief +linguine +quemoy +germanic +iyad +humayun +cessna +spirou +concerned +warfarin +steamroller +rittenhouse +alcorn +hamas-led +finke +norse +bruce +lackawanna +pinter +recumbent +postseason +anglo-american +skeptically +rasmussen +admirable +lutz +reliability +takei +matchup +bruch +decision-makers +barthes +sivas +deferred +repeating +inaccuracies +patin +starting +louganis +theaters +elkhart +commissars +pareto +donaldson +derr +wy +alexei +lime-green +to-do +pilsen +directorate +carstens +mockingly +dortmund +joyfully +kotkin +svetlana +assist +forrestal +co-ordinate +airmail +rental +kuhnhenn +os +budi +footage +adjuvant +maelstrom +embryos +mine +rioja +ganesan +hijacking +botanist +anap +solids +kanu +inventoried +fragmented +sortie +pisco +lemma +adaptable +puppet +wingtips +wilshire +high-seas +cle +windshields +jawbone +passers +four-member +relation +bibles +subsidise +eisenach +basayev +stem +vue +avant +expanding +rah-feek +antiabortion +critiquing +allergen +betrayed +moana +two-goal +jpl +tormented +cirincione +archivist +lemaitre +co-workers +wrong-doing +honeyed +six-and-a-half +honeywell +fascist +demonstrating +victorino +kozlov +gang-rape +hyperbolic +decompose +rustin +overdoing +turnpike +areva +kissimmee +iqaluit +spearing +syriana +optional +imager +suppress +nary +impersonator +preservatives +brazel +watermelon +minto +rosselli +mammon +shocked +burleson +thammarak +rishi +sebrle +fours +top-performing +zuckerberg +antrim +opcw +ataturk +all-america +ex-soldier +suspicious-looking +tolentino +english-language +rostov-on-don +kasdan +ingenue +adrift +schuth +tiger-cats +airdrop +jawara +snapped +preconceptions +lusa +moniker +interlopers +agra +chitwan +vonage +amadora +sixth-ranked +oligarchy +darkhorse +boo-sahn +eytan +felon +brooches +fyrom +hundredth +four-star +advertises +suchet +chua +sah-heem +chih-kah-rehl +------------------------------------------------- +patron +athletic +mitnick +pillow +ibrahim +flashback +britten +mother-in-law +consternation +reviewer +cloud +kojo +keke +five-fold +retrieval +low-lying +bakassi +accident +wiz +comparison +competencies +experiment +slp +augenthaler +counterattack +ticketmaster +mckevitt +dislodged +yes +authenticate +spectrometer +stents +sco +treasures +composites +ecologists +uprising +prs +constructivist +healthful +rivals.com +leases +gawkers +stultifying +tyre +restaurateur +northumberland +orbitals +brightens +shelley +grokster +ah-tee +apis +competitive +dunblane +be +loney +richman +forwarding +adult +clos +funicular +protruded +clap +khalistan +million-member +one-stop +fielded +non-political +foot-0 +fujisaki +toppers +galvin +fathi +cheetahs +then-deputy +bc-culture-advisory-lat-wp +tackle +across-the-board +propulsive +sink +cieszyn +hubs +rule-based +principality +cloaks +wwi +julienne +russian-language +nuremburg +netting +fengshen +coffeehouses +tyumen +norwegian +hopp +dispels +aftertax +obediently +recalls +nest +squawking +ischemic +spectre +antecedent +granting +ecuadoran +palamedes +six-cylinder +luka +'ah +minimum +intercountry +sampo +sheriffs +wfaa +bss +nestor +an-wehr +issuances +chihn +zhuh-vahn +bassline +tobishima +tagline +mindless +bashary +uap +abidine +godsend +rehoboth +copps +bail +nothing +observes +nightwatchman +westhampton +million-strong +indeed +prine +ebi +prejudices +karolinska +burgh +roil +opole +mireya +twinkling +eighty-one +well-organized +i-a +riverbed +lynwood +sailer +piller +torry +aspirant +heavily +yuh +hylton +luc +botswana +hirsi +neagle +zilina +second-guess +hah-dee +manley +rianta +greely +highway +florencia +judd +mobilisation +reoccupation +cellos +short-circuit +instrumental +silhouetted +two-shot +diarmuid +ridicule +goddesses +bennie +a.c. +deferment +loans +w.h. +stockport +chiles +phone-in +zadornov +bacque +neb. +apparel +prikhodko +schachter +polisario +tantalum +dig +cheese +al-youm +longhorn +indian-administered +codification +feels +gane +armoire +chrono +tihomir +egoism +beeped +assyria +voeller +compresses +clasping +seu +painters +sober +bejarano +antisemitic +off-the-cuff +kikuchi +juliano +marlo +qinshan +baird +istana +all-or-nothing +newswires +meguid +ncc +henneman +tetons +nivel +degenerate +lesley +rfk +dobrev +hermit +first-grade +shingle +jean-michel +preparations +govpx +requisitioned +unbearably +etim +borbon +mainlander +schlesinger +rangy +jem +incident +pij +brawler +skyboxes +approximate +n. +winnings +csfb +ah-noo +wand +unmis +stop-and-go +headingley +farhadi +puh-len +multi-engine +murdoch +flourished +u0000 +yuan-worth +translational +chief +riggleman +deejay +footers +macedon +tamba +leprechaun +rata +sid +transitive +shuh-behr +raytheon +unable +compensates +mami +fast-break +libertas +pandavas +helsingin +faroese +hv +checked +immaculately +idi +already +guidance +centrifugal +barkin +drugged +lighted +radioshack +coalfields +vahn +kamieniecki +artifical +ros-lehtinen +m.b.a +shakira +ergonomics +ihop +distortions +peripatetic +dylan +r-okla. +trusty +loaiza +tupelo +dara +peninsular +brandenburg +unbelief +misbegotten +a.p.j. +languedoc +best-of-nine +leu +tarpaulin +stewarts +chicago-area +fcs +luce +slips +bayt +reads +kasey +galan +forfar +benflis +0.0000-0000 +rubbing +trouncing +guangcheng +downright +pollinated +shared +appoint +bankrolled +mers +modelled +huns +fayad +by-law +lowther +holsendolph +chennault +propounded +state-sponsored +skywalker +puniet +pre-eminence +timer +five-stroke +segregating +fco +blu-ray +0-year +off-roading +husky +embellish +sayre +kellerman +feedlots +tourism-related +russell +inzamam-ul-haq +koc +exchequer +miron +deke +butlers +processor +demirchian +circumstances +ambedkar +overemphasis +launcher +blah-goy +mecklenburg +fogarty +mujahid +undersized +second-quarter +appian +machinist +focussed +diffusion +sources +elms +woolwich +tiznow +o'keefe +florian +reflux +anti-gay +makuuchi +kinks +toh +yuanchao +imbibe +skewering +altamont +rescuing +non-whites +semanal +festered +winans +self-pity +experimented +keystrokes +tel +obregon +caribou +spats +sakata +physical +charlotta +bleary-eyed +seremban +orc +qusai +salameh +notional +rove +hruska +gsa +nias +disabling +babel +stolberg +yamagata +busied +checkered +breadcrumbs +hfmd +exercising +post-coup +brouhaha +calculations +streaky +candelaria +filth +rubinstein +mboma +theorist +kwab +belting +scb +manitoba +karbacher +husam +janeiro +tomorrows +jiujiang +rpp +dungy +knotted +rationed +cavendish +fumigation +miletus +feet +rugged +scientific-atlanta +momento +pamper +skier +crash-landed +philharmonia +uptown +farhan +shbak +doorway +va +rotator +everton +mua +two-plus +fortieth +lampley +jhaveri +roch +transformations +matlock +rabbo +kapp +lain +tax-deductible +poutiainen +jianlian +would-be +qalqiliya +disinfected +megrahi +brandt +timidity +mind-numbing +speedo +riz +maccabiah +snedeker +chantal +amado +del. +misread +eulex +yongsan +mint +irrepressible +uncc +bischoff +submerging +cafe +bore +doss +scoot +newell +lastly +mayer +babri +schoolmates +precincts +conspirator +unctads +stereotype +deflationary +shift +jefferson +0-yard +on-deck +kannada +00th-hour +implanted +nowitzki +late-term +confines +bruni +launchpad +paladin +garvaghy +margolis +raunchy +redonda +formers +sadomasochistic +reunification +whispers +blinders +masaya +router +neighbour +nimr +leh +earthquake-hit +cera +duran +thao +harnessing +maximiliano +ahl-rah-by +jamieson +demos +pontchartrain +hydroxyl +wehr +lockport +post-impressionist +chenggong +lendu +risse +annotations +aviators +gerhart +quantify +dl +woredas +doonesbury +rubenstein +al-shoh-wayl +h.w\. +tramp +plants +thompson +two-headed +gorgonzola +medium-pacer +sleeved +cees +ferret +000-mm +infield +farwell +three-game +wendover +glazes +disentangle +rice-growing +ezekiel +koto +preble +rathbun +cadenhead +tse-tung +fictions +ee-nah +nuremberg +merce +leotards +stenographer +piaggio +lining +pariahs +indexes +tomb +e-government +hefley +five-door +yoo +rumpled +organizes +rudyard +leominster +urus-martan +agreed-upon +druyun +combine +constructions +eighteens +odets +cultivates +aplomb +sturt +pooley +honeybee +morphisms +rolandas +eod +no.00 +rwandan +thru +spell +concentrations +crampton +insanity +supernova +dvb +times-express-budget-nyt +doda +expelling +acp +surplus +consonance +highest-level +diagrams +al-jaziri +bedanova +securely +seaford +closing +momentarily +dinkins +all-you-can-eat +roos +two-billion-dollar +pacesetter +aarhus +pontifical +tsing +neglects +raeder +preface +drawers +wolfe +tops +mcmurtry +bolton +fades +foursquare +texarkana +ngau +choreographed +goodenow +beak +steadfastness +nazaire +mya +baloney +balan +spoils +deripaska +basler +horrocks +vermaelen +floors +transnistria +vileness +steelhead +geoana +minuscule +motorcycles +basque +illiteracy +populism +edie +kragujevac +iwerks +mogao +investigative +unsinkable +hasty +twisted +borsa +lote +boac +purview +escravos +strobe +zihuatanejo +alluvial +bacolod +portland +boyd +killed +honor +katie +drooping +thallium +facile +wittingly +fouls +packard +multimillionaire +lichens +abdalla +responsibility +propeller +medium-high +tepco +topalov +weighed +zvezda +woolley +practices +harkes +razon +beausejour +capped +childe +kaukonen +bartram +thilan +rugbyu +reh-sen +xa +crystal-clear +yakov +grenadines +whalley +mustapha +sept. +sapphires +eccentric +openings +an +pub +bharatiya +presents +phish +bancamerica +d-pa +workdays +e-business +franchised +non-narrative +j-pop +orgasms +delinquents +tania +reminiscent +delusional +luca +kla +forfeiture +glorious +firebird +bolivia +haven +burned +bunye +---------------------------------------------- +unattended +leapfrogging +venetia +flak +pixels +cityscape +undertones +unmasking +hazaras +triumph +worry +ipos +xvi +kothari +pesto +qiang +start-0 +icbc +execs +gesellschaft +lowering +dahdouh +improbability +verdasco +intrusive +wead +veers +tyres +hashmi +meditations +sympathized +hotspots +riccardi +sanguinetti +mee-loh-meer +dauphin +leukemia +releases +lidstrom +inmate +lauzon +tsuda +mesic +kuh-nee +enveloping +shao +yearend +non-serbs +disputed +gutted +arrangers +stagnating +challenged +michelangelo +depauw +var +gunawan +reinventing +gmtv +ill-considered +stable +dovizioso +hydro +traction +pellicano +jetliner +leafs +apprentices +dayna +halligan +tight-fitting +splintering +steadily +post-watergate +s-00/0 +shivaji +nadler +carlow +bucknell +palaeolithic +individualist +hrh +investments +tzur +mickelson +import +maksim +mortensen +avocation +yost +planck +bergdorf +morten +skips +foothills +ag0r +interruptions +ren +sander +axtell +bombs +clubhouses +lukasz +handrail +clerestory +repulsive +mcaleese +downtrend +campaigned +oversupplied +deified +budiman +gratuity +lower-caste +lucyna +sangh +fabricate +wingman +klain +canio +perturbation +mccaw +sdl +evacuees +noguchi +sickle +stroh +cleanser +shakaki +formulates +cruelty +niro +fainter +affixing +rightness +evident +feedlot +babar +in-demand +picower +tyree +jibes +malibu +shipyards +dropper +u.s.-trained +swellings +flintridge +chemically +dahal +florio +terfel +genealogies +non-socialist +healthsouth +cross-over +deafening +lock +tulu +certiorari +menchu +kilpatrick +high-density +dutchwoman +bureaucrats +sil-vehs +mukasey +rabobank +gong +dutchman +chubb +sq000 +eustis +cite +despondent +aguilera +boldface +landor +bandit +gabby +asbestos +officeholders +escudero +kristal +hurtles +travaglini +homebrew +growers +veto +achilles +finck +arunachal +seismologists +francis +remixing +needle +kee +mobility +horrific +viognier +malachite +bandits +adweek +rb0 +nuclear-power +purple +frankish +theosophy +duaik +verlag +tableaux +shouting +ab-der-uf +verbeek +00-story +goree +steele +bash +rebuts +biophysicist +g.c. +schifferer +kanjorski +marymount +compiles +procuratorates +tran +coherent +defamed +cycled +jianguo +possums +british-american +regression +funnelled +eppard +ropes +muddle +brumfield +dissolve +tranquility +gorakhpur +apu +chasing +vermiculite +zdeno +blois +co-write +sayf +micrometers +exonerate +ena +critter +computation +three-digit +promisingly +baseline +reform +on-off +sdn +parimutuels +partisans +topsail +hahj +spiezio +prerecorded +pervasiveness +in-between +festivities +haemorrhagic +meh-hahl +autos +rangarajan +von +wormed +z +bichette +retells +fujisawa +gasped +trost +noblemen +crete +filibuster +mansoor +ballston +standing +karma +agf +meszaros +chunqing +criticized +juande +poznan +d-wash. +felli +vera +tsun +formless +frederick +slovan +walking +first-set +muchas +canines +ozalan +attire +indus +prefers +scheuer +aeneas +al-douri +khulna +bickerstaff +grammatical +oh-rihs +so-far +darr +dakh +users +sinorama +bulked +continuo +cormier +bead +setting-up +unix-like +immelman +fuelling +equivalence +sportif +par-0s +committal +two-for-one +00.0fm +matchday +twofold +remuneration +kitajima +keer-kook +wrestlemania +wetter +sansern +mahlangu +jenifer +dressings +hundley +insist +collegian +newsbreak +sensors +powders +maj. +condemning +parkway +karasin +normalising +mille +zealots +leija +semifinalists +beige +touchstone/s +cred +adu +bestselling +rosecrans +eliminator +coleslaw +level +slippery +ingrid +o'conner +sayed +sadiya +gummy +eraser +aliyev +longtime +fresher +prowling +raine +waveforms +souter +anti-nato +cesena +voelker +motorbikes +generales +toy +self-reliant +liver +minden +polk +uh-row +shockey +jotham +ritual +chahar +privatised +ptech +unplanned +emphasize +cardamom +mainstream +almanac +slithering +000.00 +dragged +aether +retriever +nonsmokers +renwick +plethora +xianglong +the.000 +costanza +publicized +tartan +laissez-faire +wuh +goldstone +carter +two-piece +bartman +industrie +co-ordinated +henrik +questionnaire +alignment +esam +amritsar +disquiet +terrine +assicurazioni +arledge +hygienic +basildon +riverbank +intellectually +hoop +graduation +extrapolates +whisky +00cm +heat-related +timika +carrey +anderson +briefing.com\. +a/ac.000/0000 +carly +facts +moorad +bilic +humpback +tanzania +easyjet +marjorie +duress +kick +farkas +cordelia +inferred +narain +buzzing +ffestiniog +seeded +hutson +capcom +backdated +ubcv +drudgery +whoopee +backtracks +intervene +chickasaw +utopia +triesman +backwards +historia +gome +cuny +diplomas +relieve +minibus +bale +arvs +preservationist +uhk +lemke +giggles +caffey +kashmiris +rockland +presbyterian +elly +jcct +silvio +ankle +mazen +fascination +lamar +crumpled +bleak +leasing +trans +paragraph +unconquered +mujeres +zoning +radiance +sentence +vilnius +ingo +elucidate +damone +post-quake +ferruccio +microscopes +classification +defense +faisal +substations +offends +poisonings +carolinas +lafley +innovative +fairfax +hayter +mais +http://www.tse.or.jp +assorted +elrod +pilgrimages +servants +pan-asian +reorganizing +temperate +chui +antoinette +slippage +meaningfully +tynes +malaya +volcanoes +starry-eyed +ala +trained +dancin +secondment +chirping +ch'en +clarinet +bribing +mardi +sudden +off-center +televangelist +hoarded +mestiri +edmunds.com +brimmed +flexor +aoun +howards +cn +neilson +wolfson +brass +arsons +margaritas +shallow +itineraries +chauvinism +sangha +v000 +veneer +schoolwork +s.s. +ream +porfirio +manufactures +academies +pedestals +decca +coinciding +tycoon +thiruvananthapuram +subsonic +wan +talib +busboy +anais +oromo +anecdote +flat-rate +fancies +chakravarty +consults +illustrations +pyro +and-0 +fetes +cordis +alisa +slovene +dse +centrais +anti-drugs +life-long +overtaken +theodor +pharmacy +insult +tongji +inarticulate +wispy +italia +arnhem +gliders +hanson +vladivostok +dictaphone +nudist +dolce +supermarkets +picnics +fudd +sparky +truthful +bsb +kian +shenhua +sheu +plover +trainer +desecrate +menace +quan +emory +kleenex +newscaster +symbolised +claim +sidemen +right-handed +palestrina +batik +afi +manaus +pandey +coney +!! +spyridon +free-to-air +el-ah +discus +barons +symbiotic +bowe +bearable +kin-yee +seaside +thoroughfare +dhaliwal +obliging +konica +notter +russian-backed +bendel +zarif +erecting +wijaya +dehuai +keypad +huntington +mid-wicket +guptill +kinsler +illarionov +portends +seidel +cleopatra +reckons +photonic +voc +murcer +barbie +swum +linoleum +grata +strivers +coolant +doubtless +mueang +ambushed +post-civil +worley +hamburger +esd +amalgam +spymaster +scotti +macroscopic +non-functional +tarnow +grandfathers +rajin +specialist +ekeus +psip +greve +thermoelectric +embodies +leesburg +pkb +wyo +directly +yellowed +quinn +casserole +outgained +augmenting +pangandaran +cidade +erisa +essex +franchione +wop +montagnier +becton +biracial +karlheinz +unpredictably +translator +eo +six-night +manmade +zdenek +mikhail +porky +belfry +former +i-aa +kalpana +redirects +gumby +esfahan +slidell +gras +dmv +bustles +lintas +nadir +oilmen +slate +battlelines +swindling +wiesenthal +parasol +osun +selfless +barry +purves +unwinnable +bemusement +dur-ahn +ephemera +christi +back-room +ekinci +compostela +thiopental +hard-liners +avex +discworld +punta +kerch +atoms +solvers +salter +dearest +retesting +female +agp +term-limited +layoffs +khitan +differentiate +individually +gibson +rocketdyne +riflemen +nonviolent +horrendous +volcanology +exch +reichsbahn +mining +isakson +franco-german +heritages +fengxian +necklines +glenville +hatley +fdlr +hard-headed +wert +crittenden +perella +zamosc +all- +nawab +tidewater +staal +friendless +libreville +jami +mainline +potentials +chucking +lyall +invigorate +childlike +apollonia +slimy +games +continental +al-khattab +hd +asier +yardstick +stream-of-consciousness +chaput +mah-dahn +bluffton +stagings +xenia +upfront +first-ever +freshest +subang +triassic +all-natural +liza +perceval +aidid +protracted +mock +notebaert +fantastico +n' +bernardo +raskolnikov +aussies +segura +putin +lovebirds +lupone +scowling +trumbull +meanwhile +rugrats +jelimo +porush +unaffected +fidgety +paros +property +donahue +allin +strippers +adair +na +terrified +cheung-ching +tetangco +exceptionally +sharan +refugee +ahem +ramsay +marksaeng +artesian +sinecure +technology +dimly +kwame +animations +lacerations +inalienable +korzeniowski +defines +pronouncing +commits +fastened +nmod:since +scoundrel +rehavam +tri +pruh +marko +panagiotis +aching +mangum +nothingness +interrogating +discouragement +buddha +unceremoniously +clintons +desirable +steinitz +unflappable +video +merson +imaginative +zesco +cink +vying +porcini +harpsichord +mallett +holly +cheesecloth +nondeductible +mezzo-soprano +aoife +occupants +tomcat +sabic +eighteenth-century +fionnuala +equatoria +sian +venus +starfleet +dismember +magnesium +meera +nondisclosure +bete +motion +sorceress +decoders +poppins +basile +resurrection +ewan +almeida +swindled +gore +bogie +augusto +dostoevsky +misbehavior +precepts +garwood +magnin +fuselage +erving +storyboard +e.p +non-use +smallish +subterfuge +zealot +deployment +entifadh +gisenyi +opening-up +eze +jihadists +flabby +toss +underestimating +tapestries +peloton +manaf +guangkai +urdu-speaking +sargsian +sicher +colm +walruses +g00 +laminated +astringent +at-risk +mercosur +healed +racketeers +'keefe +acuna +irredeemably +etv +iron-clad +appointments +choo +panelists +lahaye +behemoth +d.j. +bazar +illegalities +pressured +northumbria +mandi +superiors +paratroops +daud +cojocaru +raiding +pollyanna +carrigan +meciar +player +lukyanov +a-00 +falconry +engels +stupidly +partner +marchese +ogden +decatur +magny-cours +fulin +circumscribed +bukovina +scopes +kornfield +departure +hi-fi +infiltrate +simulates +intersects +frasure +vita +holster +trendsetter +contraband +sweetening +flag-carrier +rawal +kayak +risperdal +gbl +teofisto +vung +recreational +enright +chih-kang +shoves +h0 +intercession +born +merkava +resetting +suggestion +great-great +disconnection +ovaries +coloured +advances +undertaking +rival +haidar +deserts +lupu +well-educated +cer +wrestled +sheik +horton +medicaid +jah +poder +metroplex +magnify +deer +pablo +fringe +peckinpah +zagging +suharto +color-blind +unitas +quidditch +manar +acehnese +kris-tahl +sarda +hidebound +cougar +u +amstetten +paolini +wallpaper +madani +dryden +doth +hates +minister-elect +deem +cue +vass +mileage +peeved +sayers +chateaux +dorcas +naik +teaspoons +glyndwr +kornblum +kaffiyeh +ranchi +tizzy +wap +sanderson +maruyama +kakha +uighurs +ecdc +sugawara +illyricum +zougam +ampezzo +earthworks +kerrang +trofimoff +kingmaker +merely +centennial +manes +iv +fraudulently +wahhab +stressors +implausible +customarily +tiremaker +unfathomably +revolved +firsthand +servette +manu +karlovac +fahmy +bulges +mooresville +bathe +fadzil +al-rahman +frequently +foner +sterilize +fourth-graders +snowbirds +merlino +strangled +brutality +stiles +expunged +cyrille +ole +nyrup +reeducation +cocoons +nff +guadalajara +adipose +barbus +crocs +face-off +co-sponsors +spiritualism +imprinted +figueroa +parks +utep +catholicism +ammar +disproportionate +kerner +ife +vignali +exhibit +alem +maltby +priceless +insole +guitars +painstakingly +actives +overbuilt +detikcom +congresswoman +sequestration +hema +stakhovsky +attest +wsd +inject +arquette +armenia +pre-empted +endorsed +mih +shar +baskerville +coadjutor +wenchuan +thirtysomething +syndromes +winch +graeme +overstated +snelling +remand +boateng +admiringly +gracing +paxil +reo +revenge +garn +fixe +sickle-cell +al-zaidi +mcchrystal +pre-modern +exogenous +buffing +handheld +mephistopheles +interferometry +suleyman +reaps +chiyoda +accumulative +four-legged +least-developed +blond +one-timed +inexplicably +centanni +lacey +ruse +tamil +excessiveness +pre-draft +blancs +sulaimaniyah +primates +pichardo +doucet +dumbo +biko +liqin +contributing +deconstructed +believers +hand-picked +chapels +pedophile +kyra +marconi +caution +orthography +dawes +school-based +waterhouse +what +mozart +yew +sadness +tarifi +sorensen +dasa +loya +savaging +stunting +mask +pulsing +consistencies +extradite +freitas +scholz +matsuoka +photographed +fulfilment +fiscally +curvy +aksa +lexie +fuh +turismo +guidelines +violist +hurtling +launderers +sheringham +turbulent +mcquade +pov +dohb +farsighted +braced +monika +unfashionable +winthrop +cobbler +n.j +trough +rbd +avatar +exclamation +wetmore +well-qualified +non-metropolitan +lotfi +fah-rook +flipper +s +systems +wassef +baric +namco +undergarment +storch +clijsters +benign +predicate +jerzy +jie +wheelers +paterson +bertinotti +computationally +fenster +xueliang +llewelyn +queenside +gravedigger +seawater +essenes +jahf +playstation0 +humongous +npcs +schelling +sundry +muharram +odumbe +toiled +mahalia +el-nash-ahr +idd +xb +tempura +beslan +clays +michaele +mundi +pequots +lessens +hight +ho-hum +uncomplicated +transfiguration +andromeda +enigmatic +bolsters +affront +trimming +ouachita +karami +worldview +kuok +kajaki +ltcb +shakers +prompt +splint +soler +segun +reappear +rodino +business +pineapple +furrowed +sully +goong +crowed +lewes +bouterse +torus +saed +peaches +zeon +sheridan +sidelined +ampang +mindy +seesaw +remarriage +of.000 +populus +idf +red-and-black +endure +jaundice +pradhan +patriarchy +potteries +right-to-life +onslow +ang-gwil +guia +self-supporting +restaurants +realm +brunei +aleutian +kow +beret +surprises +kwa +gynecological +nanchang +jds +wildstorm +begins +a-plate +depressing +warmup +ramekins +dormann +hajek +waffling +nargis +warblers +valdano +ulla +re-unification +anni +factbox +nicked +eloquence +expertly +footman +defended +pdf +zulle +gilda +eagleton +agassiz +jean-bertrand +strengths +masts +sailor +instinctual +0' +pds +kukes +irishmen +song +batch +hint +bojan +buganda +equanimity +tros +ragan +tenaciously +typography +mcauley +holyoke +choe +groin +ndola +dagan +safe +herskovitz +siwei +communaute +universality +wasteland +daihatsu +vehr-fy-yay +dizon +abeche +acs +nasty +lips +trusts +cr +a/00/l.00 +linate +caked +chianti +meaninglessness +voy +schofield +faltered +unifying +jinn +sadirov +wanderlust +nyima +wassenaar +hayles +crites +fabre +canceling +katsuhiko +surry +djordjevic +ignalina +lure +meddlesome +human-rights +domi +towpath +mahr-koh +alexandros +fsc +sestriere +caritas +hornsby +turnip +valenti +royce +lulea +alfred +calvinism +kweh +varma +might +vong +expandable +multitasking +authorial +graduating +trekked +crumbling +nagaland +albus +claremont +mises +coxnews.com +slowing +memoir +mars +military-run +bitterest +al-khazraji +ariana +fahk +anyway +acknowledgment +deposing +leveled +stabilising +terrazzo +papin +wenner +vultures +wagering +rus +nuevos +cartel +jeweller +making-of +irenaeus +top-shelf +lalonde +edt +pre-civil +overcame +ahkh +kegs +lemur +creatine +ratnayake +windings +ee-vahn +lounges +lycra +shin-wah +haugen +solemnity +rasch +profess +o'connor +simoni +orcas +hafs +belgrade +storrs +cranny +gizmondo +franchiser +ballooning +wideout +dismayed +feehery +pru +roed-larsen +valeri +iraq +decliner +paralyse +nyt-budget +konner +heavily-armed +hypnotized +spiteful +bryon +homeworld +hawai +harvesting +danang +insanally +per-share +opa +castres +zibo +faison +transformative +c00 +t0 +olomouc +kantor +hye +incomprehensible +susman +quantitatively +moravian +greets +ghostface +ouzou +thad +blum +cheesy +thresher +hawking +succinctly +paymasters +poe +still-life +stratus +bagpipes +trailblazers +inzaghi +tyurin +barrionuevo +linear +walk +schembechler +dysplasia +cantwell +crunching +qasim +agincourt +anorexia +yearnings +zheh +rolen +cassell +offense +gakuin +carbonate +t.c. +00.0.00 +caridad +swell +ah-00 +scuttling +teasingly +hammered +jive +rosette +jayasuriya +festooned +modernization +wallet +cornerbacks +applesauce +petty +inevitable +nightclub +mdf +apron +hab +albo +carriers +tooj +weisglass +diego +ewell +mireille +magyar +gansu +kiryat +replenish +tie-ins +blinder +sullied +dennett +effectuate +parkinson +atwater +unstoppable +commanding +loudon +undergoes +learner +snowe +manna +massages +lovitz +connemara +resilient +polian +wrist +deriding +delco +linn +obradovic +minot +dorismond +rosso +gays +beholder +unsentimental +anti-thaksin +darned +objected +fedak +upchurch +instinet +whitehouse +izhar +farallon +currie +throngs +strap +freeze +conjunto +myra +premiers +saric +mentality +leyte +sewage +sprah-kuh +enamul +back-to-school +andalou +admitted +ergotelis +barnwell +outkast +palo +pertaining +bebo +psychoanalytic +colonie +whisperer +karatantcheva +summertime +steered +noor-hah-seem +triple-triple +booking +izmit +stanzas +tryin +kadir +offutt +nikon +kart +arbitrator +priddle +covariance +snuffed +breathnach +intractable +sanan +myles +port +sarraj +profited +ides +salinity +leptin +filipacchi +grams +arpad +ots +bunks +drab +faint +goons +energy-consuming +summarised +perceptive +agarkar +overbeck +quizzed +peyote +teena +fool +odeh +emmy +kiessling +nordiques +xiling +smoot +walcott +eldoret +klingons +rucinsky +article +pawlenty +sevens +destroyer +jostled +sensing +bazaar +trillanes +aggregated +bracket +mind-boggling +ibu +jotting +gorse +scolari +silvester +verbruggen +positions +frighteningly +yuanta +nasaa +revocation +vietnamese-american +baby-sit +piranha +sanfl +spry +adored +pamuk +gobbledygook +nonmembers +hindu-majority +deep-seated +parise +sarney +gunshot +recorder +ardent +electorally +frisian +shore +forgetfulness +reminiscences +gebhardt +al-bashir +bridgewater +abstaining +putsch +mcadams +unrepentant +kayla +resounded +credibility +sather +succumbs +cancer-stricken +logrones +untracked +loosened +mixing +drowns +hostile +sees +risible +disheveled +casseroles +villepin +spotless +hardens +kolhapur +amnuay +aspelin +oreja +mythbusters +zinfandel +virtuoso +lanai +trescothick +subregional +fagin +consignments +mainstreaming +muzak +spleen +glimmers +arts +ignorant +minibuses +iowa +ailing +vectra +recreation +kent +gambhir +hauled +dunked +theseus +gangway +sizeable +perrot +adapts +propensity +nagorno-karabakh +heart-shaped +re-establish +zhengzhou +tanzim +amounts +rattan +sopwith +spinks +first-day +vivanco +nedved +fuchs +optimise +fawkes +hons +bumping +rorer +confiscated +sedate +day-trippers +luzhkov +ribot +pandiani +reprocess +maf +schooling +f000 +exclaiming +gobi +iida +eric +chips +levitz +multi-religious +struggling +really +0ft +neue +minaret +divorcee +communist-ruled +consular +uplink +eye-catching +twx +oxymoron +ndl +hardin +foot-deep +grands +awacs +pages +gripping +wmc +penalties +luster +pusan +educated +thaad +burlesque +build-up +counting +baughman +eight-person +garrisoned +widened +goolsbee +dampier +multi-nation +alligators +schwartzman +katz +friel +slacking +stupak +sidelines +wolfsburg +mid-stream +sandf +darkness +agm +wane +habyarimana +magnanimous +hellenic +tortillas +near-freezing +loch +mahm +ilich +thermopylae +cuvee +well +raleigh +tetley +oscars +forty-third +salary +disassociate +shampoos +sevier +entity +alternative +everly +mascalzone +blogger +staked +coal +dales +nisshin +barkat +sedge +relevant +goeth +abdulsalam +obuya +fragility +bug-eyed +obermaier +roofers +rods +puma +lunatics +montag +roco +tigh +companions +repeater +reckless +saxcoburggotski +herculean +wuerttemberg +macgregor +sted +pang-ahn-dah-rahng +hazard +pyramids +timor-leste +gottwald +moscow +rhetorics +prick +bocuse +al-anbari +moctezuma +addendum +quadrangle +enforceable +fill +madcow +surinder +dri/mcgraw-hill +battaglia +mcbee +sargis +clones +ideal +vagueness +shrine +tio +off-balance +quesnel +autry +bar-ilan +gellar +uncompromising +power-ups +bases +monotheistic +theatre +vvd +livejournal +proportionality +krogh +monorail +futilely +d-md +datafile +show-biz +distribution +tuberculosis +misty +pardon +mansehra +boomerang +polarity +hydrothermal +small-arms +yamaguchi +mathematics +brundage +kilowatt +recurred +alabama-birmingham +statutory +vaira +qar +nin +separations +tubular +cecile +pederson +crowd-pleaser +arsu +german-based +keele +? +cosworth +bez-lahn +countrys +gandhinagar +participates +hurdles +torchbearers +thompsons +soliloquy +nady +wavy +missiles +us-brokered +nassir +sentinel +next-generation +popular +hegel +h0o +braugher +bettman +labem +fast-medium +taut +pratfalls +depravity +counter-proposal +vulgaris +concretely +madrasa +petting +shaheed +anti-government +advertised +saez +gizmo +bathes +exposures +vereinsbank +schutz +first-edition +tawdry +lecturers +golfer +tigres +u.s.-cuba +continuing +famer +flying +observers +pera +standardisation +assailant +hunky +idlewild +yuanyuan +evidence +nightspot +itochu +bunce +biagi +kahk +yunnan +latium +fitz-gerald +appliances +comin +sandford +sybil +0st-qtr +finlayson +amphoe +relics +fisheries +anousheh +sr-000 +littlest +reyat +emmitt +screens +wain +syr +weaknesses +shinnecock +us-iranian +meandering +immediate +twist +ahl-hur +surgeon +anhydride +national-security +atherton +alita +dmb +swiping +long +stouffer +delaware +artistic +flyhalf +mah-kawf +polyethylene +purdy +bucaram +amit +forums +slovaks +frogmen +zelimkhan +squats +announcement +bolivar +suitcase +pollinate +spruced +decomposing +fushan +pickers +adalbert +spla +raid +honolulu +ic +carboni +retired +subcommittees +criminals +pall +downgrading +amplifiers +in-house +sawgrass +sarid +epiphany +flutter +songkran +curve +stifle +digital +intimidating +desoto +combatting +felonies +emap +cozma +deceased +coromandel +expired +banesto +ue +tobey +tengku +pogatchnik +lupus +smug +chakri +danville +zimmer +ltte +hyde +multipolarization +biti +run-up +expansionary +catera +mesothelioma +unreported +storerooms +aborting +priciest +reopen +grossly +polymorphism +doane +ghosn +wiltshire +roque +expensively +dih-mee +tko +bertolaso +salieri +suffocated +volcano +ethiopians +risers +boeuf +martin +gallatin +chained +land-grant +emmys +demoralised +decimation +disgusted +sr. +fra +kordell +werder +hoglund +anna-lena +ga. +cedaw +rifled +swanton +tiptoed +chairmen +getaway +groban +din +schrempp +crapshoot +special-effects +hipp +hoda +consulted +thieu +demigod +elazig +notch +electricidad +potok +voce +hailu +actuaries +tsai +ook +kampen +akhter +tachometer +arps +tahng +wholesaler +in-situ +praxis +ipsos +hammerhead +sensational +inter-ethnic +swastikas +bodied +mort +swat +craigslist +deflect +bankhead +aigner +lutes +marquise +l000 +yellow +haganah +turlington +garth +ifill +wisconsin +pashtu +cl +proportional +psycho +retaliation +shuh-lahl +savour +sebring +traceability +fordyce +roo-goh +marginalisation +stewing +ruptures +babitsky +oldie +includes +gernot +ocoee +r-kan. +bloom +ginn +atwan +panicking +paktika +wozniak +windswept +fandom +kingwood +scripts +congratulate +madhesi +wildfires +georgiev +haight-ashbury +burrell +one-hundred +bitchy +istat +0000gmt +tiles +predominantly +strydom +trailblazer +0wd +waved +seaports +boyaca +duckworth-lewis +preferable +jubilantly +micheletti +pro-aristide +misamis +fro +provides +cereal +antowain +ramblings +cybertron +bernardi +frothy +riskier +nava +stynes +fetching +hobgoblin +attract +pat-downs +landis +rundschau +forces +brigid +oroville +odemwingie +speared +bomblets +sauvignon +re-enters +post-graduate +ralphs +defrauded +toss-up +laundry +conveyancing +takebe +kebir +red-handed +partick +fleets +teenage +knowsley +precautions +padlock +soars +benigno +myanmar +jsa +horgan +hayao +warp +zhiguo +tannhauser +tutor +closeup +haulers +impress +mo00 +jillian +unamsil +deterioration +diagnoses +terns +clemency +santas +schourek +leakey +cross-national +entice +blockhouses +grueling +one-to-one +moroccan-born +altria +subtropical +titanate +sania +laval +fiendish +kann +azem +icr +breather +windowless +zakat +epistles +undof +tuchman +neave +berners-lee +qinzhou +cerner +hirose +contrapuntal +ger +sasaki +posits +atrocity +moshood +shv +imada +harms +hendrickson +terrazas +chetan +ganguly +redman +factbook +backseat +bachelors +natalegawa +resurrect +lowest-ranked +insanely +benet +solder +grilling +leavenworth +payroll +generali +temblor +leak +demilitarization +marie +clintonites +nuc +cut-throat +ubaldo +nystrom +reto +sarwar +hajji +shudder +organization +risk-free +famagusta +aromatics +pawar +bivins +practise +suffragette +categorized +bayelsa +glasses +outspend +ganja +karlsson +u.s.-born +rfc +israeli-held +restructure +justices +photonics +whites +second-seed +sfgate.com\. +j.lo +loth +well-protected +pancras +jiashi +sunbird +malvo +telesur +u.s.-based +rallye +fbc +ferrero-waldner +farraj +nt$ +dahs +discussed +curtains +digitizing +alagoas +brianna +multi-polar +florentine +jammed +wafts +dutroux +abjectly +fibrillation +ree-ah +hibbert +mindoro +adaptations +grazing +sten-my-ur +hudler +unimproved +courtroom +mond +00nb +cloth +fernie +reinsurer +hainan +comprehensible +opt-in +dnepropetrovsk +olver +beaked +me-hee +birney +sharpton +dowdow +blethyn +ghana +ricin +instruct +guscott +arisen +pondered +christmas +mr0 +nanette +wolfed +casanova +tally +nealon +flouted +conducting +rumors +archeologists +myre +stoppage-time +arm-twisting +tba +thornton +predilections +sidings +paragons +gsn +lamassoure +romanian +charitable +agriprocessors +ousting +hand-crafted +high-powered +brantford +demeaning +ouster +telegraphic +capua +tithe +full-court +tact +preposterous +verifiable +obedience +honorific +carlton +ssa +litigant +avengers +oil-rich +samsun +connective +fantail +proved +csp +enoch +janikowski +rednecks +y' +prior +supervalu +kingside +sulayman +damarcus +benediction +minute-by-minute +mah-ah-loht +romaine +well-read +swoop +sweet-natured +carragher +mcneill +suspend +nichol +wagner +approved +scull +alsatian +canyons +hospitals +amoco +blagov +fad +jankowski +parachutes +cashin +supersede +roone +rthk +southington +wrecker +tanzi +farmlands +frenzies +stadio +silvan +gratin +aerodynamic +piloting +kosuke +o.k\. +edged +hurl +astronomers +shahal +argot +pacificare +magisterial +ju +rebuke +piezoelectric +csr +prevalent +grenache +loners +oysters +immokalee +kindness +isuzuki +denard +mayans +vice-minister +hea +upriver +nettlesome +top-drawer +phrases +blankly +pig +phytoplankton +quirino +furnished +tarps +versa +ended +kashyap +merle +victimization +tern +robben +antichrist +huaneng +information-technology +nederlandse +shipowners +bio +artd +insures +lisicki +thea +assembly +ccaq +gold-colored +hanh +briatore +kiszla +durables +paulin +wicketkeeper +truckmaker +b.j +generis +basilicata +jelle +disdain +rosenthal +ae +plummeted +mangold +now-deceased +shibboleths +aime +nguyen +bullish +goh-nah-eev +thematic +toi +theologian +undp +lorries +d.d +mohave +ex-convict +eh-lee +barca +cobble +liege-bastogne-liege +exposure +silvana +voyages +unvaccinated +kih-koo-chee +earthly +traditionalism +guttenberg +probably +run-offs +aristarchus +kristen +foretz +pineiro +athens-engineered +demagogues +endicott +firebrand +0.00000 +toth +spinnaker +flacco +kiara +abnormal +macinnis +wajed +fazlullah +r-pa +machiavellian +ungreased +safrican +prefabricated +stricter +sasebo +bedpans +hilltops +homologous +bonet +jainism +dutifully +financiers +overpay +pieces +gord +inductance +chides +frontera +chapel +colo +funnily +shots-00 +cee +gt00 +penney +shafts +hebei +precede +culprit +fulford +temin +ged +avaricious +soft-spoken +yuh-luh +recurrence +tropicana +emilia +bardot +upto +vase +brafman +flew +ankara +yobo +approaching +mcdaniel +molt +characteristic +bettie +jenna +amuro +ancients +oxidoreductases +medium-pace +back-up +non-event +living-room +mono +lingering +badges +jedi +half-centuries +bogeyed +hemispheres +mountain +ranbaxy +calling +bed-and-breakfasts +bleus +machined +bybee +ollanta +heerenveen +lohpzh +kaba +exclude +massieu +taker +credit-rating +materializes +computer-related +advices +relishing +schlafly +landmass +abdul-jabbar +minnesotans +paavo +numero +persians +bunuel +internet-access +dawa +jinmen +neiss +self-discovery +nugroho +zuh-yahng +cribs +brocail +masks +jabez +rcd +convey +unbecoming +tramping +ussr +mauritanian +prospering +stuyvesant +upperside +minotaur +dohc +splendor +expansionist +squire +r-n.c. +ludacris +al-moayad +ito +mccombs +coat-of-arms +overmars +mut-uh-wah-kihl +postcode +randomness +bissett +bbc0 +kah-mee +thin +cofferdam +highest-ever +ubon +manville +scape +mengele +natixis +martti +furnace +konya +hawes +papal +nuno +brescia +gaines +astounding +korir +aggressiveness +kneaded +velayati +g-00 +shrew +post-election +vientiane +workstations +institutionally +busted +top-traded +seri +richey +lucerne +shah-ree +ramble +half-pipe +perelman +c.e. +ppb +mallow +betelnut +uehara +bumiller +trade-offs +rightfield +ivins +zhejiang +budig +bicycle +aptitude +voicestream +dehumanizing +urbino +rigi +coo +asif +texting +irl +glossy +rehousing +federal-mogul +caramel +memoranda +disturb +desperados +albin +zamzam +js +freres +endures +toured +agnos +caron +cowles +communist-led +flouts +panoply +druid +papacy +girma +ulmanis +lalit +soured +annabelle +export +rossignol +verdens +polyvinyl +trachoma +advcl +mehr +kilobit +upper-body +recites +metohija +enamel +appel +reruns +hine +scheider +000-00 +jigsaw +regulates +manan +zou +indecision +mlas +toma +noncombatant +expands +bloke +kyaw +broth +kozloduy +prudently +grandfatherly +preto +savisaar +mandolin +kryptonian +vanier +hiatus +kooyong +jaron +li +a/ac.000 +small-business +re-count +wynne +harmon +celta +buddhas +victim +prize +propaganda +taxpayers +yandong +heet +lehtonen +x-force +yehn-jin +abrogate +dim +lean-to +half-hearted +lawlessness +producer +zantac +uncles +inoue +ranford +forage +zedd +ohio-based +skeletal +gunnell +undress +solicitations +compliment +imports +routed +eq +bombshell +super-low +fireballs +elfriede +buchwald +deep +n.h +slanted +evens +barranquilla +enshrined +n.b. +brunswick +lay-oh-nehl +redoubled +non-hostile +breakfast +xiangxiang +adjoint +foetus +jura +post-soviet +come-ons +attributing +dyuh +:0 +edmonton +monitoring +motets +foxhole +steffens +vx +rodionova +scudder +furtively +nahshon +chairlift +yuen-han +biometric +ibm +ramiz +laleh +bd +sebastien +predictable +sch +mfn +assiduously +cyberpunk +hatton +pigeons +strathclyde +vitiate +tacoma +amigo +oppressed +undervotes +deterrents +polluted +seamless +advisor +meltdowns +paper-based +neglectful +league-q +pile +reinvention +dems +otaku +dice +murder-for-hire +trifling +siochana +ignition +nedbank +toxins +ligue +nance +berezin +incorrect +wherever +hiroyasu +blaring +snorkeling +flippers +patrimony +dq +lapin +milat +zenawi +idaho +jazzed +vegetative +harri +adversely +gregorian +rehearsals +incite +penalise +clumps +scars +bosque +inflating +renegotiate +rawness +gossiping +stainless +masterminding +harvick +hippos +showtime +wriggled +rancor +takemura +domodedovo +atallah +rogie +present +paolo +mansions +categorizes +yepes +bikinis +clariant +fees +suh-kaye +myawaddy +indices +cooped +minivan +championed +ayatollah +cost-reduction +selby +herron +eight-track +0x00mm +balaji +metcalfe +colliery +managing +regurgitated +qurei +batam +anorthosis +sprightly +verlander +drastically +colosseum +alaba +twangy +marched +toils +sweetly +pathway +pyramidal +redland +jumanji +yrs +pinnacle +newmarket +ewald +claret +keyword +keyboards +reverential +guelph +f. +surinam +hydrophilic +fountain +armaments +comforting +oppressor +opposing +undertaken +fryman +coordinates +bi-partisan +criticising +colchester +mercurio +invariance +pad +meijer +coble +minar +cbm +heat +cyclicals +p/e +clip +roussel +fasel +beating +stormers +businesspeople +newtown +bordry +reconciled +switchboard +connectivity +sheva +acrobatics +shayk +diodorus +bodywork +geldof +pichot +columnist +sad +simpatico +islam +receives +hindu-muslim +kunst +queensway +retaliated +pills +renminbi +bingo +tussling +histories +appealingly +chiayi +oh-vich +mcpherson +oversaturation +business-like +cece +prospal +overpower +pecans +cleburne +aidc +read-only +buttock +headgear +nilis +transaction +canale +mclachlan +minna +tripp +injectable +chapelle +kamp +hinault +us-celebrity +categorical +shaara +konig +detroit-based +al-nasr +sado +ulm +bod +justifying +tess +auction +wcw +presbytery +loosening +prp +sacrificial +asia-oceania +schmoozing +midge +kinkade +nakayama +bano +anxiety +maribor +poiree +asyut +reg +triggers +marshalling +dreadlocked +dredd +cross-checking +autobiographical +thin-film +won +aflatoxin +collazo +tohoku +transcripts +mbd +lighters +emmet +gaidar +vermeulen +otra +eco +repetitive +footpaths +hoppy +him +vaud +natured +kearsarge +rayburn +sodomy +ed +ruthless +stapling +mid-cap +bungalow +unilever +husk +auxerre +fawng +pulsars +vials +sai-chu +appalling +wotherspoon +cote-d +coomer +pinellas +declaring +enix +fah-ly +baghdatis +penalty +three-point +tehl +under-developed +atrial +repos +grout +kanpur +inflation-indexed +khoury +bulldozing +reuters +dorrance +israeli-occupied +hartz +popularly +neckar +inhaled +saying +rahk +verdun +mehmet +narrow-gauge +milks +detailer +exploding +0mb +jong-wook +insufficiencies +shafiq +crores +olle +heinlein +metering +kanagawa +awf +leipold +fur +kazhagam +rescission +tunick +moslems +drilon +coolio +videogames +siddiqi +reeled +abundant +grandstand +orderly +calabar +gee +bluebird +claps +subcomandante +piedras +marsha +ostensibly +midi +aiadmk +reproductions +grippo +eroticism +go +sigmar +tabare +pinal +underclass +houlihan +favourable +third-graders +borda +prolonging +paris-dakar +guglielmo +proliferating +ponsolle +bhavan +deliberating +yegor +tejada +origen +oy-dahn +rosenstein +foyt +medtronic +__________________________________ +vaccaro +allegorical +karim +locator +zhimin +ozzy +return +tamsui +t00 +bree +elko +hani +slip +weather +leg-spinner +creswell +fanchini +matchplay +lattimore +homan +conurbation +murdering +nestled +hensby +lamentations +collaborate +abbie +india-based +shrimping +dare +intranet +ew +spend +manipulation +00a-0p +statesmanship +nancy +disinvited +pruned +disks +nephew +fatmir +portal +alegre +microsystems +feller +00-00-0-000 +seydou +chisholm +microbiology +malott +nio +dwp +discounter +sieges +moongk +intentioned +millones +mias +demoralizing +tacklers +em +injustice +uaa +variation +kenenisa +relinquished +patric +brine +ultralight +cop +malwa +salutary +marin +watkins +leshan +bermuda-based +barbican +french-style +signs +bjp +battling +resents +downstate +shreveport +zuercher +p0p +rooker +hachette +neen +chula +solitude +arkan +indycar +appier +butterflies +knead +remote-controlled +harambee +wetted +herriot +mackerel +shake-up +comte +lonesome +listener +superficiality +tumors +workable +kiarostami +neat +murad +s/0000/000 +hastening +deride +armchair +berard +defeating +outpaced +ephraim +picture +mudslide +dizziness +vibrator +cassin +earth +mastered +disingenuous +co-stars +shuttered +salma +sedwill +finns +margo +wpp +sibylla +festive +blitzed +bleach +gminas +diatribes +stingers +brimmer +crowds +kitamura +installment +centrifuges +shosei +chalker +brownstein +byu +nro +blunder +pope +gwent +baby-boomers +el-masri +ritmo +sepak +gait +hayek +sapiens +stage-managed +tamudo +double-header +sealer +tale +milano +obsessively +sanders +marble +thrush +ny-rehr +russian-built +misanthropic +tah-lihb +predictably +activity +younus +brantley +i000 +ev00 +aba +dutiable +oilseed +ugandan-backed +kingdom +loudspeakers +beach +faubus +rightfully +karstadtquelle +fahrenkopf +uplands +realizations +saul +gulped +sobe +u.s.-iraq +breckinridge +patna +grouse +frings +incremental +correspondents +tort +serpentine +cartographers +emotional +destabilize +serb-led +taguchi +maniac +ziad +gorton +officership +auf +embarks +poulenc +ettinger +starred +paracel +murofushi +gul +,000.00 +walchhofer +transferrable +to-00 +predicated +c.k. +conclusive +cgames +ih-koh +kalin +hannes +middleware +hurwitz +pricetag +sidewalks +pheromones +lasorda +declining +feline +dusan +bodgit +intermarriage +baranski +kieran +murree +pride +unacknowledged +hagan +armee +nudges +spray +flinders +steadier +pro-western +ramo +bifida +tragicomedy +pantyhose +peace +belgrade-based +u.s.-sponsored +reviewed +dizzy +retrogression +quaresma +ready +ahmadis +algunos +a/c.0/00/sr.00 +josephson +stunted +kiran +organism +virile +derz +danie +avenge +proletarian +stroller +tout +distract +tfs +showboating +hallinan +heroic +departing +carnage +rhino +willits +aye +cubic +alstott +mushir +cardin +bowed +aftonbladet +adamkus +seca +doo-koyn +ugueth +pisnik +developments +sundarbans +leaked +lewd +walmart +timely +uninjured +team-mate +n.j.-based +u.s.-iranian +yitzhak +vcs +benefits +smash +vur-steen +chowder +peng +mandatory +saarinen +deceit +peluso +akina +ethicist +reorganisation +bandwidth +canons +scream +hamzah +ahb-dul +talat +achingly +incinerating +holden +majoras +planetarium +shohreh +nightlife +dramas +cellini +bumped +late-day +zion +intervals +monde +kirk +bostonians +indiana +chu +l'amour +brainwashed +philatelic +fundamentalists +siewert +shearer +coxless +wilmington +earpiece +dissanayake +snowdonia +backroads +baffin +boldin +custer +iain +takis +ramallah +bluebell +aerodynamics +chancellor +kristof +loral +transmission +massino +evicting +culpepper +pocketbook +sella +jeremiah +tibetan +inattention +unbound +jaromir +rising +brian +froman +steels +em-bray +trampoline +nudibranch +cohesive +beigel +brioche +price +low-dose +unanswered +intelligible +four-under-par +singer-songwriters +ipi +pounced +lay-offs +on +frock +trovoada +fifteen-year-old +cut-up +mchale +carryover +jaz +amplifying +delivery +oppressive +lefts +crabbe +kerber +mcdevitt +wyly +minimills +profits +solothurn +pro-us +opulence +porn +synaptic +gratifying +humphry +kersey +sprints +token +shekel +detonating +riyal +spitz +espousal +quarterback +summerlin +historiography +vines +goalless +poet +disbanded +noncommissioned +womanizer +anca +pro-am +imprecisely +sirindhorn +varies +plugins +chansons +winfield +volkov +stoughton +cutoff +0s +nikolic +ossetians +snugly +nate +al-hussayen +ailton +j.d +gorky +pikachu +frontiere +farouq +mithun +gaumont +wilderness +motel +subproject +droll +citation +three-putted +toppling +o0 +flicked +renfrewshire +untrustworthy +lampard +batson +hazan +sanya +olimpico +portraitist +philosophically +profiled +agrippina +resented +lyudmila +braveheart +windows-based +editor-at-large +ballpark +aalto +merseyside +jibe +m.f.a +leyla +ostracism +menudo +reasonable +movie-star +superseded +ludwick +eek +tarrin +northamptonshire +wean +psd +fossil +schadenfreude +u.n.-sponsored +denouement +bouteflika +gunnarsson +welt +huet +humbert +transmit +garlands +btv +utilise +jerked +phifer +forswear +hospice +sit-ups +factories +robinson +morbidity +annie +sin +devalued +denunciation +tifa +truman +ncs +garo +tuscany +sportsman +ebrd +retardants +encounter +afl-cio +dunstan +lacrosse +gnocchi +furtherance +helms +keogh +sunken +modelo +ra +ferb +solicitation +hubby +enthusiasm +overdrive +non-grata +annulling +elevated +monopolizing +melodic +intel +complications +bowness +andry +bodybuilding +givers +milagros +amanatidis +boulud +roughest +untying +pesach +reservoirs +ottaway +yuzhen +oversold +gove +conflated +delay +lengths +prowse +penalties_none +shakeel +barno +high-traffic +potbellied +treads +forty-eighth +calaveras +towels +n'dour +uighur +holocaust-era +medica +macmahon +antipsychotics +issues +fota +nats +redoubling +sociologists +unsavory +surmise +crb +sciri +breuer +yongji +disdains +parent-teacher +porcupine +knowledge-based +african-born +seamstresses +evanescence +zugdidi +qimonda +szekely +dysfunction +salley +sixth-largest +yearlings +lippe +horwitz +night-vision +melrose +conflict-torn +daqamseh +ba'athist +narayan +currently +moaned +cointreau +ccp +mirek +spectator +takashi +infinity +coleraine +home-plate +masada +booth +noori +wildflowers +illo +trey +spinster +pianists +e-0 +well-regarded +profusion +radin +adminstration +fallback +vihn +rifleman +brisket +thornberry +iconography +re-equipped +initially +suchart +hackney +directorates +forbearance +sweetness +westview +traveling +puello +left-to-right +toxic +lacson +bachelorette +beatnik +whore +torrado +ilminster +yields +perpetuating +excitement +banned +pseudonymous +pratap +glottal +herod +dense +blissfully +composition +diversionary +tortures +impolitic +race-car +tete-a-tete +setiawan +diyarbakir +giza +scherbo +thrusters +korean +qing +pancevo +anti-bacterial +transformed +we +haj +boks +misogynist +fifty-fifth +amex +sirikit +bathrooms +mikhailov +overloading +craps +punctured +broadcasters +ahead +know-how +technologists +leafy +mcclintock +farces +battista +bul +measurably +s.e\. +mench +slugfest +basses +century-old +hoist +wristbands +concubines +raison +broodmare +rosalie +pickering +rending +oberliga +shafi +do-nothing +fibonacci +glycine +mixtapes +quadruplets +recreates +sushma +blockading +atmar +due +haydn +napoli +gliding +loomed +percussionists +risa +turbulence +croke +vinci +ragged +betamax +amir +susannah +pastas +dubbed +urinated +babs +kanyakumari +magid +unseal +demolition +uyghurs +sayles +amps +viceroy +southwark +scalabrine +co-operate +worsen +sensex +gruber +'rourke +porno +nevertheless +geri +chess +macaws +western-oriented +dubinsky +wana +barometers +i-era +impacted +arthurs +mckim +emo +fastest-growing +esaf +ditka +sachin +outskirts +plugin +contravene +well-taken +bagwell +zooplankton +executives +hcc +salyut +barden +centurion +us-00 +brits +wren +nussbaum +msm +unwin +beloved +nubians +forsythe +lagers +fridge +helps +khaldiyah +ascension +sheahan +chamakh +colonoscopy +suri +hanifa +hewn +microprocessor +rym +eletrobras +nuptial +ecclestone +divest +komsomolskaya +atwood +strabo +bellini +technique +nato-member +expediency +filatov +ijn +hepworth +harun +secretary +shield +primacy +allowing +bulava +cipro +reverent +epitomizes +strictest +optometry +denials +augments +persecute +monochrome +judas +loggers +docudramas +loria +english-only +pugnacious +guixi +seifert +civil-military +porpoises +weaned +niwa +myff +servo +skee-ah +qayyum +celinda +pentax +bloodstains +inch-long +soluble +heilemann +cave +retraining +matt +sketchy +endeavour +zayd +homeboy +songbird +malanje +rajya +rebranding +hoechst +muggers +cardiff +endangers +patently +mittleider +brainstorming +giuliano +wessels +high-achieving +envisaging +kbe +walsch +blanketing +kota +shredded +cowan +proh +ashen +determine +ribbon +finalists +expresso +overhanging +anti-asian +piercing +telhami +vidya +alfonse +missy +dodges +bey +stefano +hurricanes +seibel +hrbaty +usachev +djamena +radicalized +yaroslavsky +identity +adolph +rectitude +carman +recreate +diarrhoea +cfl +secaucus +pawlowski +legitimate +pods +critiques +balance +legionnaire +sell +abstentions +judicial +morne +show +manner +salivating +endurance +revelation +mondrian +smile +pincus +toyoko +emulation +modano +kinect +burnishing +glint +000-yard +wetherby +fastballs +right-foot +terse +diem +esp/gce +ameritech +pok +norstrom +ncube +rid +glendale +provost +recliner +ww +ashley +pennsylvanian +mcgeechan +manmohan +kdb +mammography +livent +wags +king-size +concoction +gamma +shabani +haque +engines +awestruck +uam +berbizier +troubleshooter +bridgeman +joc +rushton +water-dropping +faultless +rezaei +capita +astrophysicist +lineman +stadtholder +ihs-lah +untreated +walheim +good-luck +amax +rafale +localize +hendra +fun +sanctified +maracaibo +ovidiu +redemptions +upper-class +aimlessly +spot-kick +bromsgrove +neighbors +rocks +baffled +0k0 +jubera +mended +sah-meer +camberley +notimex +special-needs +piedmontese +stoddard +warring +blew +wallin +hlaing +snitched +apted +nmod:out_of +guineans +purpose-built +unopposed +dagenham +bye +letting +exasperated +sternly +dossiers +newport +aristocracy +stoop +brac +xxiii +divides +alms +cynthia +litle +nigam +lambright +kael +hazleton +feb. +boast +sidley +ashkelon +hochberg +ogilvy +ordinaries +increasing +plunged +deleting +intimations +pingxiang +francesc +unceasing +bankboston +layoff +kickapoo +pacers +0-0-0-0 +expression +cat-and-mouse +rechecked +chisel +candida +veron +palais +saya +busch +knuckleball +medications +bockarie +prosthetics +scriptwriting +devas +benjani +earns +slo +overtaking +invocation +lobbing +creuse +mortality +stupas +shimomura +differential +price-cutting +prophylaxis +lessee +sutil +boi +destroy +visby +chabad +ardeatine +kunshan +bakili +stanislas +full-service +tokens +runner-ups +metaphor +akgul +breast-fed +daugava +half-century-old +ascetic +yahz-vee-yak +philosophies +attributed +debut +power +behooves +incb +bakker +left +00-0 +ratios +solberg +late-inning +filipina +giorgio +dwayk +pfp +carvin +hard-drinking +severest +sprouts +anschutz +chocolate +breeders +freih +excalibur +mps +telefonica +clough +linemate +incompletion +eight +state-appointed +fabbri +tony +suddenly +tanto +gst +decadent +chamara +mittens +indispensable +ep-0 +pro-taliban +earnest +four-hole +esquivel +pettit +dabney +speeches +normand +jelavic +sown-dahr +greying +fertility +accelerators +esperanto +j.c. +peripherals +meringue +twirled +saini +kwara +odense +vermeer +decertified +godfather +atalay +bathory +mariah +borussia +altar +mcd +confer +peer +refined +buena +bullfight +reinvest +tuileries +touch-tone +manifestation +valdas +selfishly +rexhepi +ha +smicer +chinext +vice +devour +irgun +impossible +boracay +attorney-client +mcfarland +migrant +approvingly +beryl +reb +tormentor +assertiveness +clearer +strachey +dinos +gramatica +manipulations +madhya +fivaz +trounce +dionysus +for-0 +tk +ascher +ranil +psychoactive +back-to-basics +pancasila +carjackings +flockhart +bhumibol +earn +redshift +imb +billion-a-year +musik +peipu +wahbi +harangue +palmtop +systemically +kyushu +tightly +intolerant +stardom +junco +holst +hohns +testimony +nagorno +blindness +wholehearted +allegations +dahlen +huma +buildings +cayes +mashhadani +edifices +durango +cloister +dejammet +pusillanimous +walk-on +separating +mmx +sukma +labeouf +virgins +highland +deluged +abacha +precipice +ivica +chervil +spangled +grounding +seminaries +guth +starzz +stubbornly +shoval +bls +escher +ogre +reflexive +prosecuting +akbar +jannes +madera +tojo +unh +coverages +nominee-in-waiting +depose +mongrel +lerner +landowner +interfax +dicicco +r-ariz +first-rounder +rationale +bainimarama +republic.com +vogelstein +raleigh-durham +needed +non-commercial +colangelo +rih +ras +double-o +electability +---------- +liking +desi +drugmakers +consisted +live000 +afterglow +cantona +camaguey +infiltrations +hangings +protopapas +hark +santiago +candidature +aerial +agonizing +misstatement +aus +ching +holdover +rooting +brodsky +abdulaziz +massimiliano +homefront +danubian +hafner +purports +troubles +remotely +height +originators +cunningham +flavia +conformational +pinfall +verhoeven +akaka +antic +antidotes +mlada +funny +matsch +poh-sah +mordecai +wit +radar-evading +mollify +neanderthals +bariatric +alg +tandy +verdicts +eckhart +inedible +preh-vahl +chauhan +films +stade +migrate +metzelder +dowdy +jiazheng +spends +angola +tanegashima +storming +palisade +chronicle +grappled +merced +taiping +commodus +luskin +angkor +steepest +edmunds +buicks +mussorgsky +bobsledding +reserving +trudged +lament +marseillaise +races +holi +disqualified +devecchio +trudge +burglarized +horses +livorno +whale-watching +tortellini +pro-israeli +lng +hester +wedge +raoux +tyne +talbott +kurosawa +tannenbaum +complete-game +distorting +jow +brigands +sehn-tah +dury +bdo +edb +suarez +counterrevolutionary +lighten +blakeney +yasuda +carle +nmod:into +debasement +invitee +splendors +shiloh +rimmed +ado +fizzes +isamuddin +dalis +scaggs +animal-rights +lukowich +reals +burden-sharing +biodiesel +v00 +b/d +news +lourenco +pinckney +officials +klinger +workloads +take-offs +flashpoint +affairs +hersman +mulgrew +sonja +hleb +telkom +heeding +hacksaw +gekas +barter +bitten +shredder +giovino +sj +islamic-rooted +blick +screwdrivers +yurchikhin +streeter +inference +giusti +puritanism +getting +geneticist +ry +module +boolean +churned +lulled +pleasanton +slocum +documenting +seminary +advisability +belaunde +harmless +fitchburg +nail-biter +verdy +iqs +movingly +carlsberg +delighted +freberg +disapproval +reinsurers +formidable +digenova +igbo +stottlemyre +wolof +reimbursed +macromedia +buzek +finite +00.0000000 +chichen +bahamas +controllable +renege +nfb +shinhan +baby-sitter +proviso +handicappers +imperator +tatupu +cavort +stereotypes +melchiot +painewebber +mcnerney +otto +displaces +bulman +economy +counselling +sontag +monied +hesitantly +rosslyn +unexpected +fix-it +e.t +toulouse-lautrec +interscope +niosh +yer +own +aalborg +agendas +sworn-in +marilyn +approx +reprocessed +otunnu +tactically +charleroi +warrants +eisen +pironkova +one-china +revere +annecy +jacobs +sunfish +r.b. +ecu +laois +confessor +shortlisted +hard-driving +lasith +sieve +combing +prose +worcestershire +mayak +af0 +nudity +calvados +domicile +re-emerged +doo-troo +finery +cooperative +jurevicius +posting +bartel +algerian +subdivided +sibal +yanbu +bush +bucca +clyne +euskal +macbook +ijaz +crock +quigley +rallying +best-of-seven +woodwinds +etch +albano +enlai +lihv +0000/000 +lute +russian-made +hussain +tanager +chiquita +churlish +handles +unmotivated +spike +pearson +woke +springsteen +cresting +subvert +irreplaceable +shaved +clements +benner +bancorp. +non_governmental +jinsheng +emanates +consolidation +abelian +zinni +tiantian +ndtv +ahronoth +kerala +dushanbe +symbols +hypersensitive +aal +valens +fruits +cinematography +'est +millimeters +saporta +lofts +corral +heir-apparent +heat-trapping +luscious +00/00 +breaking +gloomy +tap-dancing +eight-hour +furtive +bodysuit +azr +kuffour +man-advantage +trigonometric +pyahng-chang +urchin +tardiness +mortgage-backed +cheung-kwok +unskilled +willes +campanile +germania +infused +paled +dodik +reggiana +heavyset +vmro-dpmne +sarong +feh-hee +stauffer +robed +vaughn +tuhp +batistuta +stringing +medicated +coutu +unambiguous +idyllic +garg +craftsmanship +headlands +methodism +allotment +accumulating +nine-year +adige +s.k +l.k. +rittner +sohrab +khamenei +wayne +minamata +unplugged +side +loose-knit +whispering +browne +applicant +procrastinate +epga +frontieres +provence +caricatures +hematite +niketown +swivel +harari +atletico +iwf +over-00 +saeedi +dadullah +geranium +vignettes +alps +sandoval +alums +foreboding +sancho +entered +dobie +kahveci +outrebounded +kimmo +hagia +mechanization +buh-tuh-fyoo +ranieri +rada +blacken +favouritism +tburrglobe.com\. +meses +eliciting +pleasures +arduous +criminalizes +enmities +niguel +nedney +conceivable +noyer +trickster +mascot +hells +spanish-american +dona +news-journal +aminopterin +pippa +arben +inglis +tourney +assembled +meistersinger +sohag +reexamination +multiethnic +grzegorz +halpenny +bc +whitelaw +deliberation +faldo +gillies +vis +micrograms +non-elected +mcbride +nightline +panasonic +clp +beibei +bara +palmera +hanukkah +quietness +baguettes +reignited +perricos +instructors +ehime +revote +sebastiano +normative +augurs +cava +veen +gyeonggi +otc +al-shifa +cost-of-living +corrals +netware +wendell +surrounded +w.va\. +kyoko +retractable +robotnik +dumbing +ines +mullaittivu +jagan +dua +man-of-the-match +steinbrueck +welder +apportion +saw +marylin +ye +vilma +meles +enclosing +petrie +tuh-blee +bennington +rostropovich +taiwan-japan +harkins +presumes +ding-gur +agca +cancellation +prague +ndcc +scrutiny +arora +guthrie +talia +afrikaner +divestitures +non-album +well-received +recapping +phones +four-game +al-hashemi +staging +annihilating +harv +flailing +acciona +mathers +banning +ex-con +herald +superposition +accusative +jour +lakota +whined +gallon +peirce +chalet +cliche +pike +abet +urlacher +a.i\. +vendetta +unctuous +padalka +lewis +waitress +0-phosphate +winnowed +kg0 +rms +tyrrell +anti-aircraft +gladden +converted +uncivil +nayan +gneiss +enzymes +diffraction +forrest +seoul +jeffrey +exclusives +crevasses +worrell +muriel +incompetently +montgomerie +mover +senate +d-calif. +evaluated +coniferous +falah +leeuwarden +tri-colored +essy +college-age +srinivasa +unmentioned +ramming +desantis +wannabe +ipa +mcnealy +man-eating +majesty +fx +cyclones +supremacists +inspires +outflank +ein +nss +pleasantly +loveliest +faber +fearsomely +milwaukee-based +tancredo +seventh +old-style +payson +retirees +pummel +stairwell +policewomen +kazuhisa +hires +hasbro +laycock +caisson +shaer +vader +disposal +iran +smirnoff +imsa +pombo +mcluhan +imposter +ebay +chipotle +agung +english-speaking +ant +infernos +client +ornamented +greenback +hastily +tulyaganova +bhuiyan +murtaugh +schultz +besetting +maidan +symposium +moo-shah +lee-kood +treat +m.e +irvan +breakdown +a-0p +buckinghamshire +msnbc.com +rupert +designate +peaking +suhong +offer +reinhold +capital-gains +aiden +blessing +crocheted +komsomolets +editorialist +compacting +disregard +ashok +pacify +structures +stoicism +macchi +makepeace +unsustainable +conclusively +new-found +triangular +predated +sprained +unopened +lecce +minbari +nannies +peddler +sloops +gemayel +pillaged +sarkozy +tossup +kinsman +fate +kiyoshi +b-0b +connecticut +bjt +huesca +telephones +pros +fsd +pawnee +lefty +cashier +pet +togetherness +bunt +sallah +kcmg +achievement +rained +cpu +freeport-mcmoran +longitude +reissuing +joyu +wamu +guangdong +dallas +nitride +rajapaksa +braddock +barbados +tnk-bp +hamm +mullings +constituent +auctioned +arden +derives +havre +amokachi +quasi-official +minimization +replenished +all-around +yunus +exterminating +unarmed +pinging +vasily +waveform +karume +kristol +extrapolate +eagleburger +cocos +qualms ++.00 +espace +valid +breech +vacuums +stove +hotlines +seventy-eight +cutters +cryptosporidium +millonarios +thinking +rousing +cubism +lp +chancellors +well-financed +rebranded +geza +heracles +abatement +bric +eoc +complication +corsican +chromosomal +thyssenkrupp +ajax +zarya +ivankov +tungsten +opening +promoted +een +hanging +niinimaa +goose +into +strategizing +midair +quirot +specialise +morison +brevet +mung +topic +county-level +kanter +machines +messengers +tailings +michael +riady +ewbank +hama +erdal +public-private +sunspot +snakehead +machineguns +presentable +tennessee-based +kuroshio +re-use +fri +ridding +concourses +overruled +quarter-finals +deyoung +awning +abdulmutallab +hinrichs +armrests +christophe +farrakhan +sortied +berkshires +densities +aiello +tualatin +weapon +ogata +% +initiative +recognise +clarion +caleb +variously +iron-fisted +huang +qom +feldstein +crudes +infected +gip0 +ursprache +reheated +robot +high-yielding +yan'an +clatter +faceted +nimes +light-rail +inheriting +drunken +co-sanctioned +faerie +shea +transhipment +extortionists +practitioners +warship +trauma +bradys +splendour +cheon +laxity +clyburn +diabolical +piled +abort +miroljub +blakely +mccloud +slapdash +joanie +fifteenth +out-of-form +t-cells +vincente +promus +ferc +qu +uconn +ngati +phonetically +tourist +kph +embers +cunard +reloading +livelihoods +mapes +r-la. +misunderstanding +utricularia +forthwith +high-level +runoffs +meadows +finanzas +plo +tax +cienfuegos +squarepants +qarase +walls +devi +beacons +cork +super-combined +cease-fires +busload +mag +grooming +sacramone +pb +dress +tabuchi +zenga +nabs +bah-koo +soh-lahn +trung +cwm +sheffer +mexicanos +popularity +alarm +headsets +inclined +maverick +wallachia +inexpensively +cortines +klehb +grumble +sprinkle +mail +dacourt +dinamo +fewest +spin-offs +tovey +midst +sovereign +souness +muffed +ferranti +kader +parapet +ponson +metropolises +pollard +guillen +reinvent +politicize +playboy +meghann +finlay +geometric +dortiz +understandably +craft +moya +milram +substandard +matter-of-factly +shawls +hissing +stockton +congratulates +ut-tahrir +superstars +norte +jalandhar +jlg +pavle +aid +geneva-based +allotments +glaciers +gulick +hajj +unofficially +piebalgs +markos +malakand +lukashenko +editora +blagojevic +roadblocks +urging +borde +instilled +_______ +ceding +nouvelles +erect +brain-damaged +kan +home-made +gloucester +statistical +trajan +vias +seventies +hit +alleys +dustin +good-naturedly +cutback +crewe +hours +concurrent +tset +poisson +rennes +agricole +tax-and-spend +tso +blogosphere +augusta +najafi +million-a-year +fms +ambitiously +cued +gales +hassles +cvs +all-star +fastbreak +kleinwort +distributive +glow-in-the-dark +balata +multistory +gurgaon +intervention +malema +lexicographer +alarmist +d-conn. +floppies +t.v. +cocky +alisha +indecency +silted +sidgmore +cradle +blackberrys +prejudging +flex +r-va. +detrimental +augustus +shoehorned +colville +chuckh +coauthored +frittered +reset +gopac +smarting +supervise +dialogs +........... +refurbishment +unidentifiable +hangzhou +prurient +fredericksburg +staffordshire +i. +amitabh +traits +es +doma +lashkar-e-jhangvi +pdp-00 +tweaking +election-year +computers +naturalised +intranets +tway +chalked +impermissible +nibbling +touching +gare +bronislaw +erlangen +better-paying +somali +ironside +chiltern +cobain +mufflers +deserters +dumas +00th-century +moallem +blasting +multiples +psyllium +plastic +softy +observance +billion-u.s. +roz +underfinanced +presumption +raila +racer +dines +abrasive +redox +hinge +allen +propitious +barros +rifles +scrambles +simoes +gravitas +gon +rangnick +meritor +candlestick +sokaiya +first-place +grantees +lhota +likeliest +ben-hur +puchu +oded +armpit +wipeout +duvall +lire +cary +bonecrusher +rivlin +graves +litem +weizhou +bryson +vanderbilt +world +whahng +mik +hikmat +fatherhood +lower-middle +absolutism +rubik +pitney +truth +culinary +methyl +skiing +tgs +bala +devised +krys +kunashir +kidd +morgana +mazinger +eldad +pressure-treated +hobby +infiltrated +impeachable +wickenheiser +kilinochchi +ehsan +monetizing +blondel +heizo +ratcheted +hoped-for +nt +awb +athabasca +qiqihar +sarbanes-oxley +keye +annotation +wilbur +datta +retracted +danesh-yazdi +hinton +janeane +french-owned +brockton +grbac +else +explain +ducked +headcount +strikeforce +buckle +zhengying +sandlin +sino-u.s. +llb +ulcer +inlays +free-spending +sub-divided +arkansas +raluca +tarom +contortions +bc-newsfeatures-lat-wp +zeppelin +deep-rooted +strip +pricey +weston +legalistic +dafna +comebacks +eto +ache +brutus +kole +letters +christ +vulnerabilities +felony +lum +smt +divisional +crennel +aftereffects +minesweepers +refloat +grehn-yay +canda +terrorizing +maturities +archeological +scalp +louisiana +al-assad +bedsheets +stagnation +veljko +chaser +wickremasinghe +freeing +ambani +esta +supercontinent +sotto +responded +altruism +chrysostomos +chased +quinnell +beadwork +tribe +antagonizing +play +saudi +fills +safavid +quickness +plankton +diaa +touchdown +correlate +pushcart +torpedo +allie +crucifixion +monmouthshire +ollila +seafaring +chemung +kmart +garrulous +delpy +tuxedos +spurted +pairs +harbison +catamarca +ambush +jansson +accessibility +indios +bocog +brownlee +grassley +vesting +location-based +recovered +quoting +qanbar +straddle +emerging +ods +distant +zagallo +brion +tarsus +directorial +leamington +filipino-american +by-0 +insurgency-related +blokes +punctuation +shareef +lobster +drainage +admitting +tendon +otis +abernethy +may/00/00 +radishes +worthington +second-phase +giraffes +haidong +fizzle +toasting +fri-sun +super-powered +islamiyya +mcgurn +xxxvi +goodale +aparecida +characterized +fy00 +vacant +yassine +dues +tverdovsky +decries +ablation +rith +gaz +parry +rhythm +brightly +liberate +sands +postmark +middle-school +seven-game +personified +gasping +obaid +breathalyzer +pounder +lviv +forehand +brick +nazarene +ink-jet +positivist +grasses +lateran +lichtman +greenaway +jamshedpur +cays +zale +mechanically +clean-air +riddell +cincinatti +phils +schuman +mir +expressionists +leads +panic +yuen +fall-off +nuns +then-current +spellbound +engineering +touchdowns +student-athletes +pre-trial +essam +migrating +land-for-security +nord +sin-binned +president-elect +devastates +mew-tah +subfamily +blight +und +gawky +apatow +narvik +coordinating +stockpot +twenty-nine +wobble +then-vice +underwritten +strategists +poacher +lyricism +fbl-wc0000 +lugou +protein +christos +compulsories +pajero +irb +pijesak +thoth +injections +pence +bruised +npf +niemann +exploratory +passageways +stefani +lehn +untouchable +finish +hitomi +shanks +boyar +sihk-sun +toiletries +catalans +dahmer +napalm +fal +aggressions +acidified +downloads +two-run +octaves +afloat +burge +montebello +astronomer +gothic +espresso +serve-and-volley +hijazi +beagle +sasson +dozen +monochromatic +tuscarora +run-time +bismarck +ascribed +leonore +falconer +burnsville +skyler +space-based +achebe +matzoh +alkaloid +organises +timberwolves +xy +recoil +doo +inspiration +lofgren +tillery +hefty +hambleton +tutsi-dominated +race-based +earphones +shekhar +vintage +distillers +clement +pula +car +malang +hereinafter +eccentricities +see-gun +despises +al-zahar +long-planned +osmosis +submarine-launched +immobile +dusty +figueres +gallant +conductor +clive +brooking +weisman +contrarian +khorkina +apt +greenhouses +max +quiescent +laurens +oooh +searched +colonialists +riou +decamped +condor +commode +smurfit +demonstrator +carded +ivester +spitzer +sensations +isdell +sinbad +rampaging +converts +wisest +untangling +nrl +excuses +oly +editor +rsi +include +lichtenstein +sex-abuse +smithsonian +ohr +ayrshire +courtesan +bundchen +angelic +revivalist +lish +hng +stacker +luhrmann +alor +macht +diaphragm +zune +high-minded +scholars +stomped +ita/liq +modernity +mischaracterized +sendai +re-established +harkleroad +double-blind +gombe +radebe +rupo +jay-z +treaties +kolev +n-word +jugs +parisi +ben-ehl-ee-zahr +bluffing +sought +provocative +egotism +svindal +iodized +convulsions +genealogists +demons +beaufort +saraiva +scapegoats +meaningful +ltd +first-hand +grunow +ssl +eastwood +directory +collared +camps +toeing +tastefully +dwarfism +retelling +yuma +sih-soo +haplotype +kasprowicz +geisha +archibald +shingled +third-wicket +undergarments +weiss +titans +blindfolds +manolo +fouty +rusty +moldings +recapitulation +conant +ghose +no-balls +fashionistas +chimes +rowse +exportation +bone-dry +lv +kly +multi-layered +boleslav +mar +exteriors +undated +denim +symcox +suckers +baccarat +reverberate +jergens +bureaucrat +accordance +pursuance +fairest +lobbied +shockingly +lightyear +unravelled +semple +wash +furnaces +macon +obasi +al-sayed +catskills +jafar +compromises +skane +lioness +nasiriyah +alfaro +alu +symbolism +alveolar +karmazin +frio +clean-burning +beckett +nordisk +screen +kathimerini +garnet +strata +bur/rw00 +diminutive +telegraphed +line +syrian-controlled +cybersecurity +escalating +veng +kyser +pulsating +maxillary +het +holvis +delmar +owe +hdnet +ultimatum +seaplanes +siang +budgetary +phrased +putters +participations +farm +mango +natalie +guti +di- +functional +irishman +ty +bellflower +laffit +legless +kizu +stained-glass +babcock +non-trivial +nonstop +www.startext.net +cardwell +orbiter +takayama +oil-exporting +perea +weight +figc +single-payer +brook +gossip +royalty +00st +ore +manh +harron +al-anbar +volcanos +vecchione +gween-sow-oo +prequel +n.c.-based +carey +lismore +third-placed +harping +centre +wnet +peya +hushen +sumatra +pearl +op-ed +aligns +al-arian +festivity +wage +komercni +digitize +singularity +shortcuts +inayat +devolved +ab-d00l +snowballing +bodily +kah-zahk-stahn +tints +gop-led +woolly +beauxis +roundup +concentrate +colorado +junqueira +hah-med +plantings +tedford +mikael +bf +hovering +angiogenesis +mobilised +howlett +badal +baggaley +littleton +tangjiashan +blackness +kindle +loveless +terms +lifelines +pflp +chater +deadliest +000z +congress +on-the-spot +francie +wuer +jumbotron +countermeasure +screech +davis +spahr +give-and-take +taverns +noting +ans +bartley +eyesight +ebdane +shoppes +phillipe +shuns +extolled +scuffled +significant +daher +air-breathing +elian +amesbury +columbian +witney +cookie +0up +atrium +milne +bordello +amenable +sonet +diatonic +territorial +karoo +sanski +lieberthal +reapers +porphyry +barbra +horse-drawn +nondescript +clo +admires +ctu +home-equity +judgement +duffel +reestablished +antelopes +greis +meu +bps +visto +holcim +weyrich +crede +carburetor +refueling +grantee +mey +breaths +sleigh +rosberg +cyclo-cross +double-barreled +bc-na-a +pisano +predrag +relive +chorzow +'er +dutrow +turnarounds +appeased +gnat +brad +precio +kells +blakeslee +maniche +ruth +honduras +grabbing +filner +righteous +bancrofts +joyride +tap-in +rcn +pushy +cable-television +komusubi +postmortem +profitable +abra +dst +hera +oviedo +kite +outland +bolted +issing +jawad +beckwith +sathya +dalits +kayani +vassal +springboks +hyperactivity +bi-monthly +compels +enchantment +hwahn +woosnam +flensburg +mittag +prophesied +strongest +spooned +delusion +improve +fluency +kitab +zampese +hidden +burgeoned +sponsoring +homesickness +branches +kruger +nor'easter +reit +symbionese +ruediger +whitacre +rustling +fissures +open-mindedness +smithee +edging +pupils +editorials +mrc +pro-milosevic +zuh-lee +renard +cuddyer +townsite +morons +does +hankou +amygdala +jabalya +nausea +hydration +unbleached +laurentiis +srinivasan +petitions +rebutted +indicting +luzhniki +reflected +socog +fnb +hoon +hemmings +tlatelolco +loony +quorum +throng +didn +rafe +ruskin +karbaschi +duarte +substitutions +mission-critical +factions +metre +bah-ses +slowness +bc0 +carjacking +fingerprints +brandish +war-ravaged +unanticipated +island +offshoring +mitchard +bandung +willed +insectivores +decriminalized +indo-pakistan +slash +ivax +silverstein +pontianak +laura +qe0 +enrique +decentralizing +resupplied +dorr +painfully +cunliffe-jones +enslaved +polices +returnee +dulce +months-long +spm +specialisation +clarett +astonishment +bulls +jack +academic +kobi +antalya +fine-tuned +darla +dromi +alpes +foreign-funded +alcatel +tijuana +novosti +thatch +digestible +unviable +campbell-brown +conservancy +deregulatory +laughingly +slumming +hashem +subfamilies +science-based +cleamons +rearing +caviar +tracery +philately +joie +austria +horsemen +correll +vilification +margaret +wortham +partially +transplant +irreverent +manor +laziness +nemov +hindley +paragliding +assumption +vespa +goalpost +sigi +cuban +d/fw +incirlik +0g +cyclops +life-threatening +pregnancy +kubina +across +landshut +kadima +resold +helder +ix +hogwash +inflected +rigs +unappetizing +mujica +heller +co-operatively +pflp-gc +setback +alfonso +notches +muscat +drudge +hwan +gear +frazione +sixtieth +priestesses +paris +adultery +lcq00 +fcb +korth +schundler +travellers +seh-vahn +xxxi +pro-chavez +airbrushed +polity +oxfordshire +rhine +lee-yuh +soochow +bubby +works +municipal +inouye +matchups +allam +classes +racquets +nothin +tranz +deerfield +roanoke +aral +typeface +0-0000 +iyer +sugiyama +confidante +fung +brains +airwaves +fendi +lemmon +breeds +superstore +0-a +huppert +graafschap +josefa +ophthalmologists +skadden +heartily +close +sectoral +eurofighter +diosdado +magnification +teasers +w.j. +exporters +thresholds +hweh-chayng +muskie +reefs +ss00 +deposition +scottsdale +counsels +kiloliters +murcia +self-funded +messaggero +mcsorley +honeycomb +lani +shoo +katowice +interpreting +pollin +whiteboard +mouth-to-mouth +oruzgan +blee-yehr +garzelli +engelhardt +ql +mistaking +faxes +prostheses +lovat +redding +larger-scale +chronicling +underscores +ipsa +postel +judaism +greggs +argentine +silvers +trustco +amicus +carters +ua +kyu +borax +titillating +gondor +conscious +castellano +coryell +lanham +yosef +fulfil +ty-beer +tabak +acf +mutual-fund +dick +broadhurst +leniency +syria +alexius +programming +modernists +outlasting +uh-jeel +cristiano +iodide +cackling +parsifal +stay-at-home +thicker +anatomical +discos +milkshakes +lubbers +anti-european +manhandled +enjoyed +newscasters +morishita +capel +hormel +__ +braising +slits +cellophane +upgrade +miki +debris +exclusionary +pill +kandinsky +tsien +evade +heretics +jobson +pertamina +figueiredo +chagrined +hickie +assigns +pilings +bmo +self-described +lrc +see-ahn +spouse +surfs +long-distance +chrissy +boudreaux +mdx +romani +seperate +trnc +vascular +unanimity +talk +pietermaritzburg +reputedly +aat +suu +net +lindstedt +fomented +spoe +qua +ah-ky +quarter-final +shinui +seventy-six +lamphere +squint +obed +tannic +blake +gyrations +amd +transshipment +weydert +laudrup +quizzes +wrappers +clubhouse +picks +ajmer +dannenberg +squandering +cpf +whigham +fails +single-issue +tough-guy +turnaround +hammill +petaling +lifted +rewards +repsol +seer +out-of +scotrail +cypher +canara +nielsen +inappropriate +a/c.0/00/l.00. +wbur +unexplained +campeonato +dahlie +refining +yusuke +miramar +lawbreakers +single-minded +duvalier +hind +downdraft +terri +ehn-froy-duh +demon +nine-year-old +eleonora +anthropogenic +privates +bitter +of-0 +brom +nesn +kartasasmita +heuer +sandline +equivalents +jcs +fresenius +kingsolver +ambroise +uprisings +snipe +0million +collyer +luckless +hunterdon +sabbath +horrors +hanoi +borneo +sinochem +baden-wurttemberg +0-00000-000-0 +testimonies +dauntless +everwood +laboring +illness +el-bared +talkie +borrower +myrrh +hungarian +fervent +conscientious +nordine +lil +norden +mtu +rowland +schick +fevered +imaginary +repelling +browsers +barbiturates +bagh +cessation +dimensions +abdollah +friesen +internet-related +afton +kidnap +free-flowing +leviathan +sti +denial-of-service +hsieh +drumline +treatises +televising +legume +insubordination +ingram +jetliners +adv +nomi +manipur +unknowable +fbl-eur0000 +minneapolis-based +sophisticates +reischauer +left-handers +latecomer +hata +specifics +deming +hubertus +disbandment +cretan +materialist +docks +herceptin +treviso +hills-based +shirov +reaching +botox +clashing +cauthen +undermined +exempt +norrkoping +coulomb +u.s.-european +saplings +alm +scorched +mostly +hefner +incline +cash +choreograph +jianxin +edinburgh +radioisotope +mistimed +aylesbury +government-backed +ioannis +durer +philbrick +tags +peers +brees +latif +drowning +tumen +siebel +sabathia +betel +gba +tolerance +jesuits +unwritten +liangshan +intoxicating +harty +rhythmic +cairo-based +larch +liberte +three-week-old +carnation +restorative +libor +foul-smelling +outfitting +assisting +cardiology +cartographic +stocked +conclave +hideout +vertex +rum +likens +interludes +export-led +questionnaires +captioned +pronouncements +moo-mee +escapades +registered +edits +d-la. +pisa +su-wei +minehan +absolve +xilai +fy +israeli-allied +lauck +louis-based +wegner +characterisation +asamoah +galeries +co-conspirators +minutely +vestibular +neretva +fireplace +quilting +mentoring +permanency +radioactivity +graded +unadorned +morning +wrestler +critique +bert +pennetta +author +superfund +kido +inexperience +chowdhury +dod +macadamia +milligan +runnerup +collegiate +koh-bee-yah-shee +scandal +roe +medio +homosexuality +barbieri +course +statehouse +behaviour +sur-oh +megumi +000h +unfailingly +cross-strait +transmiten +gelatin +edoardo +leib +a/s +hendersonville +whole +adorno +dreux +neuwirth +envy +testicles +calming +intellect +joleon +renan +fangchenggang +reusing +speakerphone +consider +hopman +transjordan +wsu +all-french +ampara +klerk +antone +marzouk +mahamat +israeli-backed +baden-baden +fusaichi +stanger +bartered +petered +penobscot +aquila +whitchurch +h.g\. +restrict +soft-shell +hostess +h-p +popstars +lublin +newburgh +conundrum +game-changer +now-retired +liquefied +amours +second-leg +minurca +ostrow +bobetko +ignatiev +ascendant +industrialised +cordless +libai +oerlikon +rueful +bushmen +kemboi +emmerdale +shinri +info +seismologist +dave +# +javy +fahr +grating +floppy +megalopolis +dallaire +bullet-proof +dement +hobo +mitigation +belinda +storekeeper +elbows +late +dehradun +quist +alt-rock +waterwheel +eliahu +ben +hokum +bowersox +roared +mih-hah-eel +emigrant +angle +medellin +ex-kgb +pickled +fiftieth +two-on-one +montagu +self-policing +killington +munshi +productively +detracts +descriptors +juhr-mayn +hemisphere-wide +navigated +caricature +edible +trysts +eleventh +plus +kresge +phivolcs +watery +routh +afp00 +outscoring +seleucia +analyses +slated +quoc +montego +zetas +submissiveness +concepts +crystallography +simonds +ayyub +tramps +roxy +salangi +visa-free +adventure +chaos +cbbc +utley +coriander +sjoberg +chocolates +fanis +dialectic +livery +monomers +mugs +sharp-driving +salerno +whitehaven +tang +chenin +patarkatsishvili +columned +;p +filmation +studio +malan +debre +sterile +irish +long-standing +fdi +neoprene +branko +vibe +maclaine +overriding +hosp +yichang +riera +ulmer +cricketer +ea-0b +astronomy +turnouts +menominee +r.a\. +frasier +shujaat +sightseers +inorganic +easterly +sensory +clerc +arlen +clausen +riddler +obsessions +missus +spa +checkerboard +oor +rotating +bayamon +contrafund +sutures +strummed +jabbing +noe +sejm +ploughs +mongkol +serafin +hopkinton +jurors +horie +trias +gimnastic +yoghurt +scarpetta +og +journal +trahan +encarnacion +fading +unruh +observe +lonnie +walkman +meritorious +avila +ruthlessness +huizhou +holmenkollen +polyps +epic +advertorial +indignant +minhang +dunst +caruana +life-sized +seven-time +iit +disuse +ata +swoon +mischievously +paik +handler +activates +rooster +leftism +smokey +trellis +shouldn +whipp +concurrency +militants +wehrmacht +outshine +naqshbandi +embrace +al-showeel +toros +learners +super-jumbo +zimbalist +home-town +roo +home-care +maronites +hungary +bullet-riddled +killen +cunanan +arrange +ciampi +hrd +ivory +occured +statesman +edf +swindlers +acebes +detains +pagasa +chino +expressen +bronson +seamers +teleworking +pletikosa +bc-na-fea +kroll +ambac +ofra +yoong +waseda +grocery +stipulating +modern-dance +turbofan +al-mashhadani +streamline +environmentalists +leishmaniasis +lagarde +brae +malina +lyles +waynesville +differentiates +oats +prolifically +scribe +quesadillas +sleiman +carona +recuperate +o'donnell +noriko +maxey +californians +bethe +kamui +clove +zero-coupon +drunkenness +absorbed +humana +erick +jul/00/00 +bangor +co-existence +pre-competition +harpring +petrarch +amis +veerappan +baseer +heartbreakers +hast +jehan +coincidental +proceedings +hashish +emulate +saturday +lenten +berdymukhamedov +revising +compilations +macroeconomic +ambassadors +rsd +ndrc +krstic +ze +interconnection +freeney +collina +turpentine +hari +kallasvuo +wasn +pitstop +a/ac.000/0 +belorussian +refuted +autocracy +kiselyov +pica +lhp +alters +ocha +malla +lens +stress +hol +batra +marked +inferences +cupboard +auspices +marshaled +trimble +deloitte +inter-palestinian +sniped +al-khoei +lindquist +firewall +likability +enderle +otegi +saddest +rudderless +ting +diego-based +frankfort +rosanna +t +nine-tenths +ahmed +four-speed +decliners +blood-boosting +tawfiq +south-central +imasco +skiles +sake +friesland +general-purpose +oral +peleliu +neto +sedative +tupperware +hatteberg +drying +whiffs +baia +monuments +ingraham +pendants +bellefonte +bbn0 +bellaire +tentacles +bis +istanbul-based +erythropoietin +faltering +adoptees +africa +muktar +totten +bahn-jawr +sabo +ferment +non-muslim +fun-loving +saida +sahib +tehreek-e-taliban +moeller +corbett +wallaby +handbasket +steals +after-effects +lobs +debuting +reacquired +rendering +patrol +shuttled +hennig +pitting +chok +crooned +burress +party-to-party +reanimated +incompetent +android +devolution +stillborn +klansman +cups +ozaki +refraction +coils +cozza +alamin +sod +deporting +supremes +00:00.000 +eloy +sts-000 +underestimation +tvx +multidirectional +jugular +ecological +spoilers +onto +scruples +cathy +tarde +gaspard +indy +tpb +egil +rigger +vilar +weidman +rapid +nonfinancial +zaeef +bf0 +yvonne +weald +cordiality +odious +willfully +indosat +muskoka +precinct +berenice +drogheda +sigler +hurts-lee +carpus +morotai +priceline +beget +lugano +three-putting +faz +muban +decimals +liew +ftse/ase +hedges +regardless +gastroenteritis +caa +majors +malhotra +drawer +muhammadiyah +abbado +second-division +harrelson +four-week +zeal +deviate +spilling +whiz +backhand +mockumentary +ahg-dahsh +prevalence +jammeh +pro-secular +germans +canute +resonate +disqualify +haitian +icg +remixes +upc +iupac +underclassmen +kerrey +leake +disciplined +perdue +shu +superlatives +assume +hydro-power +brazilian-born +anti-muslim +cold-weather +aristide +sia +lumpkin +guenther +collar +consider-nyt +arbitrarily +taw +gloat +oak +cyr +encampments +good-quality +four-track +icrc +rasa +authorizing +mayport +venezuelan +publico +carson +antiquity +kitgum +stunts +eighth-grade +agile +socratic +publicis +widower +mg +philemon +elba +linkage +unmarked +sanofi +sexism +voinea +vacuous +investigating +blubber +rubbed +separately +nail +venereal +richelieu +candiotti +pandolfo +reflect +radio-television +brokeback +sverdlovsk +sapporo +flintstone +appreciated +yongyuth +awad +mihailovic +tg +nps +disaffected +easy +solon +pse +tremblant +newberry +one-party +intimidates +jamia +gundam +atlantico +solbes +cinco +commemorations +vaas +donation +missouri +gigantic +non +htay +carlucci +datang +computations +blagojevich +quinta +sws +promulgating +blowouts +denuded +restraint +infirmity +stonework +potter +modem +surround-sound +xhosa +strasburg +edinger +refocus +best-actress +tailbacks +fujian +matilda +0-month +terrorists +wahoo +spratley +commodity +claypool +desierto +anymore +pilot +magneto +post-crisis +intergenerational +adamov +attock +untie +never-say-die +umbrella +velodrome +adores +rangoon +harardhere +krkic +ventilate +hygienist +boggles +discarding +sensationally +celibate +u.n.-protected +impoverished +vaulter +displeasure +co-managing +slapping +dealers +thanking +iq +umm +bimini +orca +uncorrected +peterborough +drow +ervin +credentialed +attend +disclosure +injury-prone +higher-margin +pldt +lau +adelaide +copywriter +matisse +tequila +stages +ktv +vasiliev +goude +willi +egeland +thagard +taboos +o'malley +rudra +eloise +atonement +bordeaux +easter +unpopular +teeny +concerted +gosford +janos +semipro +nessen +remarried +re-joined +nicolas +longitudinally +artfully +gh +therapists +emad +jackman +dieters +males +pandas +clause +wemyss +nutt +sagami +calcium +academe +sarath +bmg +u.s.-bound +rebuffs +correspond +protested +mints +subsp +avail +capsized +buchan +eamon +scornfully +lofton +capozzi +artisanal +muzaffar +canaanite +podgorica +mumps +mago +planters +iago +friesinger +pilotless +notification +boa +hollywood +xiuying +opperman +raccoons +expunge +poti +mazza +flattened +dumont +gunfighter +benning +hangars +dramatizes +powerpuff +experiences +sfo +coveting +mccraw +lucille +commending +pastry +chandrika +keeps +momir +b0b +siege +embroil +arrondissement +janjaweed +double-deck +mezni +ericson +grigori +waltons +funereal +bombed +wais +lehane +jud +vlore +lorry +first-come +amiens +equaled +nonnative +fax +fodor +garmisch-partenkirchen +abl +mosley +jetstream +wyk +corporacion +decker +auditioned +grown-up +lordi +disintegrate +commotion +yazidi +murtha +gecko +mnj +spratt +squeaked +lower-paying +whirlpool +underpowered +tabular +stoere +high-definition +wickedly +telly +yokohama +elmo +gillen +emanate +remain +non-sectarian +pavarotti +pelagic +allaying +amba +convair +vitalis +stam +lights +wrongdoing +n’t +l-shaped +feliciano +slipping +usgs +buys +misra +ribble +motu +partizan +pavlovich +boomlet +kimmitt +droz +spendthrift +sub-standard +creditworthy +crispin +roko +cornelio +receptions +unimpressed +huelva +falsify +dad +grn +yawar +g. +larchmont +postmodern +murmuring +newsroom +prabhakar +jae +invites +slum +pretoria +ramelow +ominously +dusted +nestling +gag +worthiness +nashville-based +briceno +chin +maariv +kempf +lectures +cottbus +fp +electrically +six-mile +linguistically +cac +eliminations +assad +then +lactic +kahuna +blocked +reunion +artes +absurdist +four-month-old +oriole +listless +salaam +disappearing +gort +markelov +medea +goalline +burdette +zhoo-lee-ah +fern +previn +brought +yasser +blotches +carrion +speicher +peña +prototypical +tr-0 +audible +omnivorous +nee +hawaiians +positive +high-frequency +discordant +third-most +branson +bestow +jc +highest-ranked +fixed-term +accenture +masback +nahariya +stansted +lille +roa +reporting +analogue +kk +xinping +ink +anti-affirmative +renaud +foment +espouse +hazelnut +low-frequency +albatross +strauss-kahn +fitton +painkiller +azhar +xv +dolomite +petroecuador +empowers +viking +filippini +staff-written +erosive +chassis +hagedorn +ssangyong +demonstrative +ammo +one-person +vs. +eastwards +literal +protective +xingtai +dab +jetties +two-step +dividends +nayla +eddy +hassanal +brownie +bullishness +points +nikolayev +bollore +swaddled +kernel +dmca +sgs-thomson +lavin +unchs +a.d. +scharf +stretched +hannay +al-majid +overstate +banknorth +motorcades +deitch +heathcliff +humorist +rushdie +dollar-yen +rood +consistent +up-and-down +seton +massachusetts +arbuthnot +rheumatoid +macao +estero +wilberforce +sparta +deplete +dominica +bachmann +observations +deep-sea +putschists +collectors +gathright +canadian +codified +warnaco +rangana +remedies +uncommitted +vlade +mcmillen +exemption +firebombings +kalinic +naps +lovejoy +wafaa +alemannia +cincinnati +snooze +stimulant +000a +grim-faced +parallel +documenta +overdone +grade-school +npr +presupposes +methamphetamine +untouchables +cpt +grushow +carre +non-tradable +blackmailer +skirted +parcells +educationist +berdych +beatification +burgoyne +stockpiles +designs +mid-term +christiane +limbs +hate-crimes +mostar +btr +dancy +west-northwest +pre-game +blockbusters +dahlin +r&d +all-news +intruder +diablo +enlarged +prerogatives +focac +tuoi +00-mm +confronted +ural +dunking +hacia +babineaux +gahn +ipf +cyprien +deel +sockets +lorber +soderberg +capricorn +coombs +patsy +'ma +uptrend +malinga +clandestinely +blankenship +minera +squires +_______________________________________ +airy +lewandowski +flaunt +sandon +in-person +despairing +sequencing +kennedys +self-indulgent +x-note +kicker +wirthlin +mcvie +labels +taihang +christer +shiv +fido +niggling +confesses +functioning +itching +ah-bah +caviezel +simple-minded +after-party +fremont +knut +affirmation +therese +shock +islamic-led +free-market +resells +bahrain-based +cobo +intensive-care +supersedes +golota +anti-cult +skunks +neelie +karelia +embargo +carthaginians +seconds +lancashire +gottfried +randa +0-000-000-0000 +off-stump +verifiably +bc-af-gen +gadfly +zog +manufactured +robins +stones +mihaly +recess +mallee +acquiescence +limit-down +higashi +denbighshire +muskingum +mcginn +palu +entero +sweetheart +osei +zte +parataxis +poole +appraisals +alamodome +hawkeye +most-watched +misstates +seaworld +geo-political +variances +windies +secondhand +brokers +garret +livers +cullum +mamoepa +uslpga +vdovin +intermediate-range +axons +charoen +change +arjuna +befall +ripa +trailers +sru +mugello +adopt +anchorage +natchitoches +jm +concorde +gym +semiotics +cwa +hi +malaga +staved +tab +00r +bavarians +gdl +cyberattacks +dorms +outflanked +vanguard +grc +kwek +ter-petrosian +cataloging +abomination +caverns +irshad +franzen +rijo +naimoli +pant +im-rahn +toying +yucca +work-related +rahho +five-passenger +lads +corker +loyally +stand-by +teething +mesolithic +tunisian +touristic +mroue +host +government-organized +pyrenees +grove +ronaldinho +month-on-month +wemp +std +heins +connectedness +coldwell +ursa +transforming +altercation +cringe +barueri +struck +milka +sensed +vendor +mortem +shiozaki +grew +maxime +crowley +object +lae +explosives-packed +examinees +xetra +lobe +electorates +twenty-one +parachuting +yehud +eero +autoworkers +jeremie +j.a\. +accomplice +nytrng +mid-september +drugstore +drug-addicted +al-ah-meen +maegashira +missionaries +chay +off-season +metros +occitan +reel +rosalind +eisenman +unbounded +saco +zanu +feeders +noo-ruh-stah +devaluation +saparmurat +advertiser +vilsack +bailiffs +reva +dutton +culls +depict +dagger +fifth-placed +masahiro +aspire +civet +muffle +spaceshipone +bbn +un-declared +shamir +tianjin +unregistered +inapplicable +triggerman +pre-crisis +pro-government +zafy +eshoo +charterhouse +trivedi +geosynchronous +houseguest +demerit +rockettes +ice-t +coerce +pled +second-wicket +shawon +drooling +novacek +tulane +evernham +preventing +rimes +letitia +tracts +sect +wainwright +evander +permutation +sought-after +co-producing +colleague +tulkarm +trelleborg +schroeder +believes +umts +joints +grojec +polarization +levett +bi-annual +adjusting +tze +cgm +nisar +kessel +meselson +frere +univ +dano +imriel +volpi +chute +especial +committment +repaired +preachiness +masuku +exiled +geert +stamps +brit +heynckes +no-interest +copulation +st +radom +chief-of-staff +randolph +taloqan +strikers +entertainingly +afterschool +melania +geneva +ralf +anti-vice +full-bore +damage +german +bolivars +specializations +boh +alternatives +dataquick +hendon +hah-meh-neh-ee +liam +batangas +cienciano +0mm +shifty +resonated +ninevah +improprieties +advancements +elham +launch +omer +hohr +guangzhou +rumours +neither +temper +aqua +bellona +damansara +xxxiii +schuessler +chamlong +eyewitnesses +webmasters +comparably +dances +subvention +improved +blender +behind-the-scenes +seesawing +moorhead +brush +sissy +parthians +lying +banff +grubs +miu +microwaves +taipei +irreparable +kakuei +kaleidoscopic +first-base +kye-gwan +tezuka +tetrault +horseplay +d-n.m. +sukhoi +celebrators +swofford +overlapped +koffi +cations +matriculation +rarotonga +keystone +thurgood +kickbacks +beginner +mcmanus +syriac +--the +galilei +also +nuh-gur +stojakovic +ansett +itals +unocal +wust +hangout +standalone +not-too-distant +jasmin +arsonists +speedway +bochy +wigs +hardliner +narrows +cannibalistic +'n' +maoists +morrison +boulanger +chaldean +turabi +wyle +hurston +sucden +querying +rift +gaspar +nomad +persecution +crunches +split +blackmore +reveres +csl +addy +well-planned +sherpao +circ +above-average +condescending +daley +brawner +disinfect +philippines +resuscitating +unspent +putney +ga-bohn +r-s.c. +waske +fyfe +mosop +rims +jaunty +chevrolet +kam-chuen +stirring +node +expedia +cremate +substrate +greetings +radke +kalemie +stowers +andijan +combed +tongass +sikorsky +balzac +ringel +pachinko +mera +boxcars +challengers +hoes +bishkek +dorsett +smurfs +asli +gbi +recklessly +benaud +german-born +triplets +heng +addictions +chaired +cassidy +buddy +muar +attacks +guernsey +alcohols +epsom +resurgence +astiz +r-rated +sulzer +yen-denominated +treadmills +warned +criminally +roxanne +bobdeans +bannister +kenyon +palpitations +intermediary +glaxosmithkline +0:00:00 +serpents +tver +cash-rich +incomparable +arapahoe +sikkim +abductors +nantucket +boyer +egbert +inter-related +hornbill +guilt-ridden +hometown +lists +popper +redeployment +fifty-four +candlelit +occasioned +arequipa +pro-communist +two-dozen +knack +rajoub +explore +storm +warranted +advil +subgroups +moenchengladbach +ragsdale +ravaged +bercy +bride +braille +bubbly +reference +machado +pohl +molten +armature +guiyang +epithelium +chronology +cooler +cfr +mordant +fresh-faced +belushi +x-files +redskins +high-tension +bsc +sahhaf +problem-plagued +prevailing +hypermarket +tibetans +share +radiator +dolphins +a/ac.000/l.0000 +goings +pieter +zips +doubling +porsches +delfin +indicating +kilometer-long +op +newspoll +megaworld +holston +re-opening +tempelhof +disclaimers +knockdown +nerve-racking +regulate +magnus +rams +non-users +myskina +clientele +lavender +sentiments +ascertain +goht +americanization +adapter +depopulation +cpg +constitutive +lower-paid +loving +rpf +feasibility +bleu +vasari +scrawl +convertible +populace +bogra +reverts +accession +paler +vicissitudes +alp +generator +hollowing +iker +aiyegbeni +taunts +blanketed +oberon +safa +gordo +nuclear-weapons +anti-christian +delicious +ransome +match-fixing +sisto +e-bks +roskilde +castration +bicyclists +simcity +tansu +alcan +foamy +higginson +planners +curtailed +rgb +tubingen +airfoil +chainsaws +superstation +blast +itzhak +bb-00 +bertarelli +submerged +sacra +toit +goldfinger +mahoney +pining +movements +rwandese +preclude +counter-espionage +shalikashvili +argentinean +letdowns +africom +tyra +soviet-style +trolleybuses +eem +chalcedony +finesse +neuchatel +person-to-person +yasar +drill +unsmiling +dd +ashkhabad +palaiologos +pirelli +hyundai +formed +sujud +league-high +trawlers +warheads +fragrant +aversion +reith +guided +zar +classmate +mainwaring +transcribe +genotype +babil +edith +f/a +mazandaran +pellegrini +unifies +racket +v. +bartlet +amherst +strugglers +garden-variety +scalable +bnk +malian +recrimination +basir +dudayev +giraldo +peay +pygmalion +apace +manhunt +oases +undermine +ballet +yegorov +bryza +bourdain +uncharacteristically +ambulances +newfoundland +reseda +passers-by +eltantawi +legoland +homeric +o'day +serrano +nkosi +al-zubaidi +lihir +misstep +un-run +klinghoffer +radanovich +gavel +culbertson +kifah +cleavages +larkana +headhunting +ensuing +georg +akhil +semi-annual +redraft +teliasonera +multicultural +plana +vol. +austerity +exhilaration +plucky +cowes +middlesex +australasian +kunqu +sunshine +kicked +youngblood +tasmanian +rock-climbing +six-hour +mold +pastors +concentration +juve +lovemaking +dashing +taxied +france-klm +chauffeured +sixty-two +pak +swan +engraved +survives +flogging +aggregator +vy +tailplane +.00000 +pardo +elgar +daniel +dunford +sharpshooter +fendrich +conor +bronx +norberto +anti-money +departures +self-governance +0000,0000 +kilogramme +hayman +hossein +ahronot +boran +bobek +catapulting +cross-examining +sivan +beatrice +wasserman +ormeau +frith +blurbs +adulterers +grodzisk +forego +resubmitted +winging +walkoff +volpe +topical +ehv +eci +workhouse +cyrene +invitation-only +tosses +sardar +squabbled +representives +ah-wah-dah +columbine +enlightened +lfo +synthetics +tomorrowland +d'alessio +telephoning +astonishingly +masseurs +hatteras +generators +handicapping +manipulators +reproduction +sandbank +yel +thirdly +frostbite +dumisani +blah +fsln +barney +zccm +newsome +incisors +ampatuans +sectors +younger +swagger +ljajic +extremity +four-bedroom +seko +mcgann +disparagingly +chastened +sensei +sustenance +journalism +shanked +ever-changing +freightliner +grassed +islamic-oriented +pasquale +benches +benchmark +indo-european +pic +tyrosine +azzam +honors +gerrard +rescinding +polis +riche +counsel +ridge +dietitians +seventh-day +vulkan +sperry +addressing +huilan +legwork +memory +cadence +ties +nelson +teu +nago +planets +public-policy +goofs +bellowing +non-recurring +beardsley +farnborough +reap +bryan +start-up +magpie +nataliya +faught +painstaking +pessoa +galles +anti-milosevic +volkan +flowerpot +mutates +corr.0 +brainstem +profit-taking +taiwanese +sloshing +emancipating +luneburg +ampex +backrower +shades +scripted +sidecar +loot +comfortably +kell +parsed +beersheva +rasiah +satar +directives +patagonian +dion +lifeboat +tanaka +mistake +cofactor +bailing +xxvi +badgered +squier +latinas +astroturf +finn +pittance +kuh-ruh +casals +baoshan +battier +moncada +'arcy +indianapolis +erections +korhogo +toussaint +malady +leg-spin +gun +eire +jongwe +circuitry +capetown +postmodernism +kubica +illustrators +scarlet +francophone +nursing-home +zonta +bloomberg +capirossi +nitschke +indigestion +droplet +terrestrial +josey +gender-specific +finder +marsden +matus +petrovich +donating +eight-year +offices +vaz +gory +envisions +goodridge +proportionately +rollercoaster +short-course +dm0 +cmj +markup +kadyrov +eikenberry +materia +buble +refuge +tat +blue-and-white +kidnappers +juggles +debit +acts +greenberger +humerus +piccolo +hosts +pork-barrel +tripling +ungoverned +maastricht +powerpoint +socio-economic +kfahr +german-language +mushroom +karam +hoe +steamboat +accesses +0000-000 +btc +revised +bridge-building +negates +driesell +holyfield +two-night +fijian +under-five +discharging +ehr +move +rushden +backbreaking +ihsanoglu +discussion +grbavica +formalization +j.w. +unwanted +bookshops +wick +invariably +hohst +lipton +loyd +torstar +beaverton +sbs +sculptors +memorandum +ftp +slumped +grubman +fakes +pro-gore +reindeer +reconstituting +blurb +ibb +abbeys +knighted +colombian +bootleggers +mayne +biedermann +andreas +rubi +persisting +six-run +salvatore +'shea +codices +zhongshan +rents +sketchbook +imprinting +burgas +removed +ah-leem +0.00.00 +entonces +airtime +nba.com +moh-sahd +b00 +planned +extra-large +tipster +dictating +lightbulb +huffy +shortlived +centurions +roberts +seniora +dessert +cowtown +waqf +paulie +mechanics +zeno +larissa +rumi +behavioural +solo +maven +remarkable +challenger +soundgarden +aircraft +obstructionist +stet +evans +troost +weightless +repudiation +awareness-raising +r-ohio +pg +dahl +bakir +krai +karlsruhe +pranger +puea +deutschland +watered +telluride +iras +erupted +headlines +definitive +horry +yeasts +eyewitness +dismemberment +blame +muhammad +fraschilla +wished +morningstar +hartman +waft +lanzarote +four-letter +motorcyclist +maths +mong +0w +gaymard +four-country +beringer +honorably +two-hitter +dingwall +mouths +prosciutto +remembered +cloaking +tune-up +ke +loudspeaker +dealey +moneymaker +graders +ozzfest +bullfights +father +disqualification +acquires +medallions +gayle +chungshan +markit +drumcree +castletown +verwoerd +sealand +lina +gerry +cant +attested +agarwal +suker +rumbling +biddle +mcnally +berman +lettres +craigie +stormed +clung +gambier +masahide +shearing +hextall +-the +beknazarov +navigate +leadup +thestreet.com +nov/00/00 +likened +fronted +ghent +menteri +rino +atoll +dispense +barbies +isaak +exchange-listed +angra +sigint +weatherspoon +rebelde +gorleben +cueto +multimillion +canvases +carnarvon +cair +decider +debtor +imposition +euclidean +narcolepsy +drivers +straight-0 +biloxi +trashing +yeti +matta +bogies +jang-yop +perryman +demurred +yiu-chung +procrastinating +regionwide +cabs +rtr +condensers +like-for-like +comical +marionettes +additives +well-built +condos +sjostrom +shon +executioners +concannon +kenny +knock-down +beliefs +disliking +methodological +indict +concocting +czar +curable +ruffian +tripping +torrid +by-catch +ecosoc +stabbings +chronicler +intensive +california-based +paleozoic +blemish +seventh-place +seventh-largest +esplanade +misha +playwriting +skateboarder +reinsdorf +conglomerates +drawstring +countered +swp +tattered +welshofer +slogged +instalments +unaddressed +ayew +polymer +feebly +shimmer +guerin +ulmus +hural +ledesma +scripps +ethnographic +gronkjaer +shackle +qingpu +work-study +borcz +graner +springdale +s.c\. +unrepresented +iai +contacting +stacking +democracy +d-ill. +grolier +enso +empirically +democratic-leaning +trenchcoat +gallia +arce +benzema +suraj +principales +asch +orchestrator +eckstein +chai +beforehand +kaori +interferences +combating +gu +collis +chicane +cleansed +lewin +gnats +sabrosa +cvetkovic +saitoti +yemenis +brody +folger +smearing +doughty +yoshihiko +busting +health-related +lobo +meds +reptilian +serenity +tipperary +half-second +juhasz +encroach +nationalities +rotavirus +dwarfing +guen +polished +wasserstein +alex. +headbutt +carnahan +see-uh +fa-too +woodbury +allround +righty +psv +sundance +pms +hirschbeck +mandelson +mauritz +sycophancy +/l.00 +samphan +kernan +kaizer +netizens +symbolized +haneef +canonization +nnpc +sunlight +politicians +ghetto +pancake +fundraiser +bamyan +pretty +mahmud +animorphs +cannery +gaborik +aboriginal +alesi +tamed +kenney +brainard +techie +rapier +erol +sasa +outbidding +lauds +folles +elo +admissibility +ver-et +courtesy +heroin +nerves +ere +jarmo +gul-wud +slices +tests +complicit +southwards +cuellar +fondue +frontex +arms-control +clotting +repse +altai +brahmos +nabucco +misperceptions +analyze +utterance +directorate-general +badmouth +impulses +bond-equivalent +american-made +bastia +pigou +carbine +untidy +sonar +spivey +leaning +gaudin +morrell +naked +no-bid +sappho +swifter +rocked +awake +shrubbery +pro-presidential +fieldwork +induce +knowles +brandeis +big-time +krupa +oswald +hok +newsletters +barges +acids +curiosity +rashomon +abuelazam +lifer +re-deployment +edwina +cross-country +oswiecim +khazanah +non-threatening +blade +capping +margulies +nauseated +fermat +genera +lichfield +maka +linkages +reps +ulfa +selectors +bi-weekly +shir +therapeutics +universiade +iraqi +rushed +gloats +pasqua +shali +time +oaklawn +boga +storey +code-share +all-conference +cleaves +rushkoff +captivity +sah-leem +kinder +rayon +co-lead +cassis +catastrophically +brake +kahn-yah +restlessness +self-pitying +gadzuric +misfit +hijaz +r. +dimanche +malice +gourds +debutants +gajah +osu +peppy +composer +simplify +minaya +khurram +ivorians +chirped +pillars +muratovic +histology +coolest +secrets +waxes +huangpu +impasse +riht +maurer +lieutenant +brechin +red-and-white +sidetrack +prohibits +excited +eyman +veneta +artemis +stritch +eso +election-related +farmland +marcinkiewicz +alaron +sonya +barra +corroborated +handball +c-usa +linden +season-opener +software +circumcised +federica +fulfills +karl-theodor +levitan +gte +fazed +stow +gbs +qichen +nutria +portraying +mti +guangying +ever-growing +insides +0n +train +nurtured +mange +npp +griles +ascribing +exhort +claudius +market-share +alaskan +crain +lower +codes +grandpa +oye +constant +contradicts +disaggregated +anti-american +urinating +khaki +granholm +honorary +approximates +halprin +saha +windblown +nattering +rebecca +plaquemines +sheikha +tiling +china-related +ypsilanti +prize-winning +porgy +suspended +coronary +mfr +paradigms +trending +pitofsky +embodiment +neifi +furthermore +abdurrahman +rkc +haarde +ugandan +lieutenants +romain +paperbacks +obuchi +surin +four-storey +diverse +bumpers +baddies +mounds +three-day +fightback +organically +captured +farhatullah +aircrew +ouedraogo +unquestioning +us-south +homers +rounders +jello +ignored +gumbo +brand +grow +letup +anniversary +consumerism +antidrug +tubb +billah +conceptions +buh-nay +evacuating +glenallen +voter-approved +harvey +broadus +marnier +giants +accompli +exclaims +kraushaar +lovelorn +no-hitters +phipps +riders +chorale +intersectoral +time-consuming +teaneck +chaplaincy +fumbled +boim +alleyway +tricolor +packed +zama +underwrite +folklife +continual +weaken +belong +bazan +offensively +noodles +seng +trouble-free +klansmen +endive +jays +henk +mcginty +idling +bomb-making +surefire +straits +specimen +lavoro +daliberti +godsey +bean +frodebu +labor-intensive +blacklisting +ratification +stripper +redhill +seasonally +lambaste +crane +blogging +fabiola +sankey +aeltus +lag +burdick +adsl +prodi +re-elected +ambled +tenorio +tah-deen +bridgeport +adecco +nkosazana +einar +paul +noncompliance +clockwork +b-00s +reinstate +dreaded +obstinacy +zone +rhodium +varietals +babangida +wacotrib.com +carpeted +tamara +akai +servia +ags +cemil +mcgovern +fame +blistering +inla +kirchen +saskia +none +clinard +leibovitz +maluku +hoyzer +sephardi +shakhtar +strehler +pollari +maturana +arca +supervisors +sherpa +rerecorded +aliyah +chick-fil-a +anu +kovalchuk +bt0 +draw +unflinchingly +gnjilane +chateau +attn +hollyoaks +haute-normandie +histone +westinghouse +barajas +love +bated +sabotages +civilizations +ericsson +baru +balcon +deshmukh +outswinger +holum +operacion +jardine +huh-roos +lieutenant-colonel +coimbra +superseding +prominence +ramon +romania +minami +patrilineal +hearses +el-amin +nove +riff +juices +eudora +dupri +backfires +torn +berth +vellum +jukebox +mound +kind +festina +saudis +applewhite +muoi +newburyport +quickens +jang +teresa +unbeknownst +b-movie +asfour +dishwashing +haug +lipsticks +thucydides +domestication +cease-fire +search-and-rescue +balco +amphibious +arctiidae +pessimists +bien +stargate +fertilization +macbeth +godspeed +mercantil +necessarily +00-00-0000-0000 +starvation +province-wide +men +bone-in +reuse +clitheroe +separates +fullerton +ponds +grassi +stabs +nyanga +kadhim +nazario +pricier +delacroix +andrea +sisulu +massena +page +distinguishable +constraints +rhyme +raith +possessor +shortcut +straddles +punish +no-no +cc +flawless +realistic +tilman +hurricane-ravaged +nei +botton +logarithmic +resell +volleyball +molecules +scherzo +suppressed +irrefutable +closed-circuit +hawaii +subhead +pie +sub-lieutenant +embratel +fed-up +instrumentalists +abbasi +plinth +fund +edsa +besser +plastering +thirty-six +aliso +plank +mouthed +calvert +rant +reins +amputated +indignation +dirac +unclear +fastener +westwood +grosser +mokoena +hangman +koech +wyatt +comfy +woodford +instance +monoliths +replication +champagnes +medicare +bedouin +conquest +ballymena +graco +ndi +trial +tuku +austin +jean-yves +bracciano +espn +booster +messer +hairline +koen +sassoon +poeme +pnc +ex-servicemen +canola +debunk +us-led +gestures +stoddart +bzdelik +connell +pla +beghal +maroons +antonio-based +canopies +meche +wachowski +four-person +intensified +scarpa +afdb +originating +firefight +centrale +zappa +000e +lindahl +banishing +interceptors +incriminating +underperform +disruptive +pseudonyms +ecologist +liberalising +computable +organisational +npfl +kadish +millard +saxony +soulja +zivkovic +beavers +trashy +pre-selection +sacha +fiestas +schools +ambivalence +shasta +durning +gavin +autism +breakwater +talented +volz +nonspecific +ameriquest +destiny +'ivoire +types +baghran +rear-wheel +lga +junctions +ghul +left-hander +crustal +flirtation +grandest +maneuverability +suffer +brunner +diabetic +consortiums +enfant +nursery +rerelease +soldiers +losers +assassinate +crassus +swiped +ingeniously +re-launched +appease +hotelier +cavernous +wheels +pro-tibet +pudge +turing +pew +bollenbach +composes +loft +oakmont +multi-task +lalique +bookable +world-class +wright +amanmuradova +fallibility +eelam +halifax +sieg +fauzi +dirty +deliciously +ben-gurion +denominated +drexler +mohandas +subtext +veranda +yamuna +simonet +architects +anheuser-busch +expendable +daiei +jiading +0-point +shaik +reddish +market-based +contador +chipset +clank +prisoner-of-war +theological +celik +schell +wavelength +guojun +acknowledges +kristie +dissolving +stickers +french-speaking +gohl +slovenian +erebus +sens +severed +cells +happy +quimby +xo +deutsch +waitresses +billion-worth +odorless +svend +antique +bee +astrophysical +gotlieb +levittown +stalinist +bite-size +lineup +moh-sas-uh +bland +berglund +mkapa +pirated +gourcuff +newnham +idps +dilution +scimitar +vertebrae +bewkes +starkville +command-and-control +crankshaft +crashers +undulating +cadences +fashionably +over +deleted +romance +chancellery +abdic +four-hour +meaning +bestowed +runways +comprehension +eff +groundwater +al-barakaat +mahn-bek +milton +foss +beechwood +asked +sepracor +priori +short-wave +toshio +loader +d-ga. +millionth +naivasha +virat +appleton +protectionist +humiliating +outplaying +prefrontal +gilliam +frowick +neptune +especially +biscuits +lowery +disclosed +hihnz +explosive-laden +drax +resumption +restrictions +unadulterated +augmentation +societe +condon +unwilling +woos +negotiator +postulate +mansa +kaelin +best-preserved +mcphee +capsizes +carport +gotland +earvin +peacemaking +larsson +letters@nytimes.com +niang +fashionable +serv +discoverers +koyama +wanhua +breathe +backfoot +akamai +doorsteps +evgeny +growling +kuehne +birdied +meacham +000.00-00 +respirators +manila-based +administering +mejia +marginalised +dyachenko +subdistrict +quarantine +contributory +expertise +lantos +birgit +diuretic +pml-n +er +o'neil +deciphered +dlf +overseas-funded +kharitonov +bma +headlamp +fellowes +come +colours +roenick +perlis +celebrant +liquidations +opportunism +pacts +minima +dpj +underwriting +brenda +roller +sleek +ricocheted +rescues +tucked +trailed +klineberg +rivington +vaught +pancetta +liability +dellacqua +nutritionally +biosafety +goncz +economic +fireworks +basilan +franklin +fetches +pascoal +singaporean +netwatch +hydrocarbons +dalmatians +dunne +hoiles +thuringia +inserts +adeniji +nitze +mee-loo-tin +pre-games +mccluskey +counterfeit +automotive +altaf +scarsdale +electrodynamics +aerosols +ppl +kawaguchi +mdax +cameroun +libdeh +affidavits +baca +headroom +call +indebted +pedestrians +sanches +superstar +squarely +swietokrzyskie +tunstall +inborn +eap +beauchamp +vecernje +dalzell +estar +rouge +humanistic +timeliness +greendale +augustine +iafrate +fourteen +nyt-consider +russian-ukrainian +electrolyte +sugared +pilgrim +semifinished +nabatiyeh +leathers +huta +z000 +sworn +seabiscuit +panorama +whipsawed +weihai +waffen-ss +mcclure +havok +judicious +waxy +galactus +anchored +megiddo +albeit +rizzo +chantilly +tonality +ke0 +aegypti +ers +fleur-de-lis +collages +dawning +hawiye +ansel +dossier +mutiny +consummation +carlson +pgm +foyle +offspinner +tursunov +taganrog +oswaldo +solar-powered +solomon +end-zone +kramers +sats +ramblas +barbs +fourth-seeded +clouseau +forgiving +salwa +brohm +adapters +@ +coltrane +drifts +washington-area +michoacan +baobab +u.s.-british +grieve +unseated +towered +southam +shorebirds +dominici +margolin +schori +vanna +belk +audio-visual +haring +nonstarter +mork +zhang +salonika +presently +administers +hiv +inured +eastside +apocryphal +castlereagh +heat-seeking +tricycles +bosnich +berbera +afro-american +kournikova +weights +jostrowdenverpost.com\. +morbidly +moo-zah-heem +pringle +tooted +krantz +kercher +cirillo +paddler +alienation +five-hour +reynard +vukcevic +recycled +hipness +pillaging +pole +weld +brampton +volga +nails +equal +unasked +allah +up-and-comer +p000 +al-juburi +poolside +non-americans +cartwright +borg +radiate +m.j. +amina +cost-effective +ardzinba +http://www.nytimes.com/syndicate +tawab +hunslet +vatanen +raucous +sweatpants +savored +issak +une +goldwasser +janice +bheki +lapses +kanoute +verite +perdido +depodesta +eritrean +salaries +incriminated +gilt +mitsui +capra +wetangula +reserva +keywords +seleucid +eruption +eggleston +vandalize +pan-american +cortes +belgian-dutch +taluka +pythagorean +dotted +buckmaster +academicians +debacle +yuhong +poonch +prefect +all-girl +mcneely +top-down +nrc +duty +ghai +suvarnabhumi +foer +threshold +prophecy +terraces +patter +ngong +hurricane-related +bc-feature-advisory-lat-wp +vasectomy +doctoring +kroos +enlarge +culminating +glasser +staid +apostate +tabriz +wiles +aswat +gambles +embry +handwritten +bah-sheer +saaf +labatt +veces +doe +grief-stricken +redick +bodybuilders +arraigned +duchy +barriers +abscess +hornets +gusting +idealists +slicing +tangibles +yoshi +dictated +hotshot +machel +baerga +seva +greinke +lcd +shadi +gauche +lafarge +lichen +so +long-off +laces +dies +clancy +moj +number-one +best-kept +longish +lauda +sieminski +sy-eed +teaching +presage +tue. +claw +stagehands +irreverence +secluded +embree +eez +divorcees +pockmarked +autoroute +nuisance +mains +think +bonkers +stara +eight-nation +venturing +vande +viorel +jidong +mapei +alexi +faked +ill-informed +blinking +depalma +kuh-rehr +prosaic +gco +lite +oratorical +cv-00 +blasphemous +outmanned +hhs +arkansas-based +spacetime +semi +voix +surfeit +anti-racist +swr +wrongly +undefended +nsubjpass +capsules +mashaal +thinker +pear-shaped +bauxite +benji +vw +leachman +patriot +catholic +u.n.-approved +hornaday +ramires +pba +thumbs-up +kirke +unoccupied +contingency +g.b.s. +quiz +sigismund +mcginnis +xiang +nonplussed +bisys +insensitive +sharp +grin +hasina +rewrite +gordie +vault +unsettling +fedayeen +boediono +seismic +pro-rata +ellipses +r-wyo. +shoppe +al-jabal +uf0 +sonnanstine +squaring +mohanty +aker +pan-european +cylc +defaulted +medleys +reve +typo +epidemiologists +handel +jump +kompong +imparts +poodle +bloodlines +prerequisites +jacquelyn +bicyclist +through +reoccupy +armband +peloponnese +boots +briefs +thwaites +tejano +reorganized +downturns +theresa +davies +vandalia +withington +nl +gioia +commission +amplifier +sequencer +langdon +voicemail +extorting +gas-fired +belittle +patchily +afg +head-coaching +croissant +fourth-grade +tryptophan +libeskind +hamas-run +repair +localities +ailey +mimicry +enceladus +old-guard +xtreme +dugard +soliloquies +goodison +0000s-0000s +immorality +u.s.a\. +toshiaki +reconditioned +ar +vail +daman +extremists +bankstown +livia +cpsu +cysteine +dream +herbig +notas +gratification +trap +shinichi +disapprove +leonhard +tureen +worst-ever +internships +criss +scouring +historians +flavored +monophyletic +kingfish +patterned +congratulating +predispose +servicers +curfews +toca +guerra +fowler +rise +old-line +politicans +contemplation +circularized +hallman +pailin +uncouth +hannah +paw +heras +fucker +recuse +presentation +conover +lorimer +choruses +abstention +quitter +boggs +kinds +swede +evan +geoff +four-cylinder +formulated +barisal +vosges +abuarqoub +notices +escude +mangled +adopting +trove +weeks-long +napkin +pullman +chauffeur +fill-in +valuables +seventh-inning +xishan +antilles +0,000,000,000 +kathrin +b.i.g. +motown +bogged +denoted +israeli-egyptian +koku +reznor +marriott +stop +zhibang +electioneering +taxable +web-site +truths +harel +johndroe +multi +self-deprecating +interstate/johnson +lessen +aon +watcher +soberly +rihs +breton +flatwater +conyers +diehard +chinese +grayer +government-ordered +augsburg +poco +bathrobe +anke +dump +yahweh +cinderblock +voltaire +moisturizing +position +sm-0 +yellen +courtrooms +edit +taksim +tocqueville +pais +melina +vieques +uxo +lorre +matheson +ftse-000 +us-closing +gulfstream +registry +nni +iconoclastic +neocon +kuh-too +wandering +adopter +thornhill +ch-00 +disrespected +creators +westheimer +sukova +soong-hwah +f-0e +ghanaians +interacts +soltys +sarka +kawasaki +cnac +qadeer +utters +cbs +hackman +best-dressed +amazed +disposables +parking +coupes +dunbartonshire +arraf +svetozar +berti +anti-incumbent +pprb +s.t\. +strathcona +chef-owner +stokes +awful +gourmelon +immersed +vih-tal +meeker +uht +valparaiso +equivalent +giannini +suns +bana +anonymity +modry +manpower +hennes +posible +allmusic +charismatic +ah-kah +nirmala +timetables +unodc +retardation +irritated +vallone +ching-kuo +unum +extensible +aztec +chur +tilberis +attests +accents +chrome +elissa +enhancing +bbq +heikki +cosmonaut +griswold +cnn-usa +low-fare +undergone +hearth +worsley +spear +gilman +kamsky +bangzao +turban +undermanned +casi +ulu +septuagenarian +robustness +si +venevision +esb +nov +diffuse +ecclesiastic +dierker +cecil +kuh-fahr +morales +notoriously +visitations +tesh +gums +evidenced +squirrels +bourke +nieminen +untested +isthmian +callan +lillee +consumer-oriented +ricker +pigs +echegaray +safed +uh-kohs +shizhong +gallery +unions +main +pronouncement +mosher +levied +grogan +castroneves +moraes +harness +georgina +somerville +sanded +by-00 +fij +auvergne +planted +bases-loaded +trinh +hide-and-seek +evoking +afterward +amended +boxing +takafumi +doubting +khong +rededication +relentless +curbing +alejandro +zayas +dillingham +revving +bosse +myst +aziakou +kinoshita +heaps +aroused +unsigned +chishui +vegetated +poutchek +ahng +alumnae +numancia +prabhu +superbly +orosco +coc +spurrier +wadi +cinnabar +montalvo +slc +faunal +vuelta +too +emma +kornheiser +ventura +mcevoy +mankiw +kane +polygonal +scud +prue +privately-held +homoerotic +upsilon +klich +athens +damaris +moisiu +kinases +sun-times +interregnum +analogs +degli +eternally +turkestan +moonstruck +starkly +connects +tiramisu +sedation +zigmund +weathermen +lamppost +ss +pdk +obstacles +inadequacies +00-meter +cretans +e-mail +biomechanical +outcomes +fou +schlessinger +sepulchre +all-stars +u.s.-hosted +nf0 +rock-bottom +newly-elected +paulos +mdc +romanization +homotopy +edelstein +mustaine +bisons +gnaw +celebrants +domestically +olsen +sculptor +anti-communism +bursaspor +00-00th +christine +sino-eu +tip-off +trackbed +little-used +sahl +flattening +amos +cfm +spinal +biscay +zhirinovsky +battery-operated +unhealed +hyperbaric +typical +keynes +arab-owned +hoke +menahem +wanganui +tomomi +short-tempered +nmod:poss +baxley +rubina +bowden +squatters +carmaker +pennies +kerb +brownback +hundred +parameswaran +kissel +fuling +u0 +mansfield +bad-loan +miss +coherence +narazaki +kisan +becky +oversees +iha +sanborn +kohen +shahabuddin +touchy +foreign-owned +sold-out +jabaliya +christmases +vacationers +huntley +noisemakers +low-skilled +zubair +knoblauch +zoo +ipso +owain +mafias +sapping +pointe +neuner +high-strength +four-and-a-half +gatekeepers +mcmullen +doctorates +exceedingly +ironing +kostov +loran +colonia +villeneuve +five-team +hrc +tomczak +avignon +cityhood +freemason +registrar +river +plates +sdf +follow-on +okinawan +francaise +observer +al-qaida-inspired +center-field +outdid +microeconomic +tuber +win-win +kurri +welton +monroeville +offensives +fap +sunnier +pragmatist +covey +reappears +molina +marubeni +voted +flaming +indigenously +afterword +stews +platted +jagoda +girls +jinghua +lee-ehn +meier +bharata +alexandr +laminate +scarred +malcolm +tsv +siberian +gunships +sakaguchi +turney +nocturnal +york/new +fars +thune +coxnet +superficially +lowndes +interpolated +regretted +lanier +anti-graft +disdaining +gordillo +anti-hero +tech-savvy +impresario +lungs +mst +rinehart +lubavitch +ints +remains +netted +nsp +hah-dy +samaranch +h.p. +koike +evatt +weirdo +statistically +n- +solved +ruptured +harass +antigovernment +favorites +autodromo +cem +relieved +tito +test +mo. +willard +silver +hurrying +companhia +reconstituted +fatf +voyeuristic +run-of-the-mill +simmering +seleznyov +overcapacity +israelis +will.i.am +suman +hoots +integrals +sunbathe +lubis +eligible +yez +nine-inning +flesch +fiefdoms +msnbc +enzymatic +eredivisie +preserved +gutsy +wasatch +entomological +swampy +earplugs +monet +pemberton +parents +mouthwash +dagong +conceived +jit +illumination +perky +describing +ei +bled +novelties +negus +buffs +teleprompter +sneezes +monopolization +off-spinner +bevy +puh-rah +soares +frobisher +imedi +early-frontpage-nyt +durazo +nanoparticles +hormats +al-arab +preschoolers +welders +farnsworth +self-directed +runners +runaround +grossberg +ca0 +viewpoints +fennel +styria +u.n.-imposed +availed +gullit +tetrahedral +westbury +post-hurricane +revived +$ +_ +welfare-to-work +muehlegg +occurred +shunt +haedo +shards +nah-hah-ree +ex-rebels +right-wingers +delist +linchpin +trope +richthofen +england-based +wec +impostor +mpc +denpasar +mccandless +tarija +py +tuz +faxon +teel +progreso +gaming +wachusett +realigned +extorted +oar +counterfeiters +forcible +deviant +fairness +den-yih +mazur +knauss +tuck +five-game +lookup +kofler +carrington +sharif +hric +non-trade +nhek +sicilia +bacau +foncier +evangelize +dervis +stipulation +tetrapods +turbaned +kenya +hasert +assembly-line +dragonair +thunderball +grandmothers +tussle +smoldering +reu +loansharking +hadad +marriner +mulberry +liguori +youth +off-label +alexie +praia +boogert +dominguez +medium-haul +doo-kloh +stranglehold +somsak +gases +taxpayer +buttiglione +unprincipled +ovum +buckley +ellesmere +demographics +leaderboard +cold +bajnai +expensing +translate +speedy +kosdaq +utah-based +nse +ironwork +six-hitter +threats +scoreline +ngawang +shopper +animator +primitives +welts +blunt +self-examination +holed +sinker +valuation +liquidated +regressed +baby-sitting +sani +us-economy +detained +nzx-00 +gatlinburg +esophagus +televangelism +unanimous +oilseeds +chitchai +karajan +joyful +roadsides +anti-anxiety +resigned +chronologically +mdr +jeez +bivens +scarlets +formosa +klima +hermits +aurelius +wedgwood +myers +home-court +necaxa +ridder +supergroup +bashing +buffy +perform +myer +speedboats +pontus +schork +peg +braided +three-putt +cyclical +marjan +kostunica +finessed +three-pointers +nineteenth-century +downbeat +wheeling +counter-insurgency +fizzles +cellou +hydrogenation +ratchasima +amin +hexagonal +seem +emphasises +zamboanga +mcauliffe +face +beeping +clio +retort +o.c +gicquel +bellied +hdmi +hutchings +baltimore-washington +re-recorded +roomed +noticeably +bhutto +rosenhaus +d-mass +boardman +torrey +beye +caddell +00/0 +netminder +igneous +troopship +apcom +fire-control +forty-first +tola +burnette +abu-jamal +write-downs +renaming +symbol +well-maintained +snaring +rocketed +schwarzer +lashings +scandinavians +trw +'at +songhua +humanoids +reichenbach +rheumatology +villainy +mcteer +heidegger +flamboyantly +corson +sporkin +jains +rantissi +podolski +sissoko +migration +heron +whistleblower +resto +shrikes +oncogene +cristian +sugababes +worse +foodborne +konkan +drinks +microcosm +dingell +counterfeits +money-losing +0-time +kedo +reevaluate +ibadan +albie +televisions +al-masri +alkaline +mathews +samoobrona +thyroid +oliseh +leapfrogged +doral +brammertz +oneaustralia +manic +abdelaziz +bogeys +futility +recipient +decomposed +internal +decorate +huddles +poelten +straightforward +zondervan +transboundary +slpp +defaulters +faso +allocated +carriage +rebounding +jameel +mishap +spurning +hosaka +bes +ah-doon +preamble +spanish-speaking +zakopane +dispensing +gripped +aah +atienza +hardcore +cochrane +shanghai-based +confetti +adel +pre-historic +technicians +dabbling +larocca +culvert +professor +designation +aspin +chrebet +billie +dance-pop +parade +ottomans +italian-style +idols +lew +nonreactive +secretariats +moqtada +ondimba +aso +sabra +pith +bbc +qc +sympathies +iranian-born +universe +mexican-americans +counter-attacked +atsb +flickers +fostered +languished +all-black +psych +fourie +judeo-christian +comedians +mass-produce +arpct +mid-decade +adware +soiled +motorists +amalgamated +half-day +low-rise +subtype +gambar +shahadat +obviate +gigue +fecal +typographical +icmc +al-kindi +commas +warmongering +handgun +chul +pre-revolutionary +ahl-fahd +sayyid +spat +reverence +high-spirited +moftec +zapping +kirwan +three-match +kaddoumi +skinny +doers +suit +silke +extra-marital +somersaults +crier +dismantlement +klauer +andorra +understudy +taleb +pisani +loathing +s-000 +persecutions +mohajerani +boarded-up +renovations +backbones +crafty +d'huez +mixed-use +mcmorris +masked +baudelaire +involuntarily +ventspils +virgilio +pavilions +graphics-early-budget-nyt +ploughshares +nottingham +usenet +chaebol +bede +calgary +proverbs +poise +powe +bakken +lenton +witnesses +jayden +hunter-gatherers +self-aware +traverses +sse-00 +forgo +timmons +cronies +anti-british +craton +procuratorial +pinatubo +supp +reception +pro-war +arkin +hamas-ruled +kahl-keel +spar +davie +umberto +oceanian +armada +hedgehog +hallucinogens +pariser +muralitharan +three-volume +otani +strasbourg +jacky +mona +karni +half-decade +stillman +sorrento +bh +al-awlaki +subsistence +negotations +cambiasso +anywhere +rock-and-roll +bill +denuclearization +people-to-people +ransacking +tih-stahn +perfume +obispo +overachiever +hereafter +bahr +kempton +dudes +hydrolase +vcjd +heartbroken +kesri +deluise +actionaid +mapping +second-term +icos +japanese-made +r-maine +abram +highpoint +roma +trappers +journeying +doody +erika +lapp +straw +reimagining +usinor +hatchery +octet +hf +phillips +daiichi +sneering +buckhead +dramatic +eenennaam +sharply +islets +malouda +haim +commander +frameworks +insecticides +decommission +wallpapers +astin +shuh-ray +smelling +cualquier +huntingdon +cafs +coastguard +bur-nang +thereof +delineating +embarkation +dwellings +yau +putts +patuxent +rosina +small-market +kyat +giulia +malagasy +irons +jinshan +benny +tics +jodie +throne +pre-recorded +pre-determined +analogy +planetary +hoh-ky-doh +kulasekera +relief +stalag +inordinate +shuttling +miwa +instigation +vanderlei +churn +australopithecus +nouri +impregnable +firepower +nodded +lapham +signalling +groan +spitfire +al-rubaie +non-denominational +capuano +denial +norwood +antiaircraft +sangre +serenaded +realists +unauthorized +insurgent +refrain +bosnia-herzegovina +anz +bakhtar +liuzzi +maoist +second-to-last +opic +hoh-may +sub-culture +antoni +anti-saddam +personalities +al-zeidi +cherokees +panty +recitals +samaritan +piglets +u.n.-monitored +yoor +breadth +gwen +meh-kell +schrager +four-mile +cormac +toya +shatter +rizzotti +gas-electric +akiva +citycenter +irene +hussars +minefield +turkic +notifying +proud +brothers +interventionism +uruzgan +philosophic +nudes +cooperated +clubbed +laotian +expectancy +in-car +waukegan +comptroller +stamford +depositors +tristan +kavanaugh +colonized +xuming +shug +gratitude +braniff +tryon +berkowitz +nakheel +replays +bastille +hecklers +indictees +glib +adversity +andean +tantric +enchanted +bellinger +disorder +heiko +volver +strada +boatswain +catolica +statoil +nectar +salad +batasuna +bookmaking +stefania +luebeck +deflator +offseason +bake-off +endearingly +ptl +inconsistency +apostle +fih +relegated +ics +piech +goalscorer +ingest +spawns +theology +qajar +degree +hedo +winn-dixie +feature-length +dtp +austral +cap +cabell +moises +wolk +comic-con +schwimmer +commonest +hamsters +highways +wastrel +undergraduate +arundhati +counterinsurgency +persists +dykstra +tueni +movieline +goldsman +faller +badminton +owned +unomil +twyla +sylvana +pilots +crematoria +bantam +three-stage +ridgeway +cancelation +pasa +wel +........ +wanchope +infractions +fontainebleau +kierkegaard +carmon +palander +officious +sealers +lancia +zinser +criterium +c +specifying +modernist +marysville +finlandia +ridgemont +headlamps +anti-nazi +prelate +weemer +indore +out +hydropower +isms +metrical +chaperones +turkey +karamoja +wailing +parading +schulze +tonbridge +midges +relenting +foundational +doerr +champagne +abilene +ah-ree +samaki +driveways +winnable +growl +augment +replogle +al-zawahiri +tabula +irvine +incurs +cupid +spurned +rent-free +duracell +unveils +replicas +morland +seaborne +palermo +phoenicians +applebaum +moaning +rotational +gals +heresies +hee-gah +deonarine +shevardnadze +motorcade +wringing +dragging +martians +yokosuka +siemens +on-stage +sega +vindicated +baby-faced +cleanse +redeveloping +sistani +parreira +chandlers +tear-gas +ludicrous +rockville +saunas +alenia +embargos +fey +mid-february +all-weather +adobe +reached +barstow +a-rod +spongebob +da +balogun +vys +seventh-ranked +vanzant +rejuvenated +kocher +moo-hyun +thurston +violette +0.0-0 +olvera +j.t. +mcv +zebedee +front-loaded +a/00/l.00. +canard +furse +euphemistically +aladdin +right-footed +year-on-year +kersee +inlaid +riffing +guillotine +everlasting +icn +kontic +inquests +edhi +snapshot +bronwyn +zhoo-bayl +uncorroborated +nitroglycerin +ert +gosport +reverberating +bargainers +affective +stratton +pro-european +gatherers +restorer +umaga +tribunal +geovanni +well-to-do +zoo-hahr +uppers +pattinson +intended +shrieking +accountability +gaetan +gio +lycoming +left-right +embossed +complacent +hassler +domination +mustangs +stereotyped +n000 +fast-changing +intimidation +taranto +rueter +fear +arash +yugoslavs +anglian +x-0 +represented +jone +matthaus +alphand +renong +fats +suwat +saratoga +ytn +000000 +disc +passau +en-drah +paltz +alliant +crisscrossed +firing +conciliatory +sprig +sweater +lardner +warranty +hepatitis +intricacy +germination +higher-end +self-reliance +amersfoort +boogeyman +die-off +pavel +degan +konerko +convoy +helical +stilettos +oxygenated +r-conn. +rodney +beltway +incurring +tommi +delves +cordillera +maneuvers +pater +re-enter +richer +varese +kishimoto +orgasm +urea +cost-savings +kaufman +jahd-ree +moped +falcons +afm +agin +jagielka +baptist +aosta +affinity +repudiating +treks +casiraghi +earnestly +mcclendon +dork +burden +bonanza +monfils +myrtaceae +untapped +reassemble +cylindrical +garzarelli +permeating +linh +nurseries +chuhk-woo +blockbuster +fikret +carruthers +recedes +predictors +indie +shehadeh +strawberry +tutankhamen +malacanang +rakoff +kebede +-a +daly +compulsive +heuberger +haya +bassey +recommendations +amble +criminology +socialized +hammonds +eternal +jingwei +non-competitive +bonanno +colonnaded +0.0l +repute +plucking +burbs +dramatists +mangoes +know +mpp +acquittal +galloway +olf +indiscretion +subsystems +garnishes +arousal +interests +molinari +chaim +auteurs +opine +myoung +a-league +stevens +whizzed +racism +spoiled +candid +debutant +frantically +landlord +piz +raff +kingsville +excreted +acceding +courageous +asi +averaging +moh-tah-kee +goad +budget-balancing +oriented +vaezi +cyber +large-format +deadpan +moh-wah +boeheim +despatie +fifty-six +bohdan +colliers +wooed +lotto +bitches +sanfrecce +vries +anonymously +betis +geopolitical +backdoor +dower +sequoia +00,000-seat +sanctis +heightening +seacoast +gondwana +chandeliers +jurisdictional +statham +isetan +miskito +shovels +guarani +zero +guei +andamans +mutlu +thermometer +gibsonburg +sucked +castelli +swingers +chine +webster +rocketry +currents +successively +recessive +meowing +cookers +throughput +meaningless +poisoned +domini +above-normal +orbs +bethnal +halliburton +eyeballs +allergies +krause +double-wide +prusiner +tamiflu +footed +beglitis +mastrogiacomo +katmandu +coal-rich +emi +carmela +nicks +aridi +insinuations +courbet +roan +fathered +a/c.0/00/ +rocket-propelled +rann +vs +briefcase +mudflats +puny +buttressed +shockley +vikram +anura +staffing +shortstops +pathophysiology +overtakes +foro +kfc +overturns +bernese +retrospectively +penicillin +psychos +sadducees +without +six-disc +fomento +leaf +iniesta +plying +minimum-security +spikes +precision-guided +overbilling +rtbf +neuter +coca +battalion +sorokin +usisl +emplacement +camejo +meow +self-confidence +lukovic +them +kickstart +paris-roubaix +auden +lavar +hawar +muslim-majority +wartime +stavropol +chimneys +docked +hickenlooper +blackened +made-up +adriana +dog-eared +tutankhamun +academica +maysan +bbdo +woodcut +barrister +viborg +pact +redoing +estimator +myong +dynasty +olestra +nine-month +bartender +longoria +pocket-size +centrality +mannion +flaunts +nafo +yusof +chain +leones +moussavi +warwickshire +outlet +briefest +kiswahili +nation-states +defensively +affordability +concessions +pro-democratic +belgaum +mozzarella +rdp +poison +lur +faustus +hurrican +unomig +barbarians +impermeable +authoritarianism +be-nay +ibrahimovic +cameo +ashrawi +bushel +sunnis +bonny +transposed +galvanizing +luego +nationsbank +sld +mapp +weeknights +jug +ossuary +rapaport +regent +swordsman +spalding +kd0 +visionary +lunt +three-quarters +frown +bic +citron +v0 +fingernail +stiletto +dupuy +wariness +royston +philanthropies +connoisseurs +baksheesh +sentimentality +gpc +----- +viola +cardigans +patriarchal +momentous +smith +rabindranath +seoul-based +tagalog +crittenton +alitalia +ganglia +safavids +glc +suse +item +gyrus +ih-goh +predominance +vagner +poncho +uh-wah +airliners +antofagasta +waratahs +emphasise +firearms +s.a\. +afb +whiteman +samia +annuities +signing +artwork +widows +novo +wui +cott +fuentes +vitally +parker +tecate +middle-ranking +oscillate +chikara +asic +sherwin-williams +infanta +fleshing +sreh +compatriot +mardy +marzano +prosoma +mccrory +bpo +0r +metal +hotspot +january-august +lavoie +nonfood +commandos +magath +roraima +voyageurs +casella +re-enactors +goc +sobotka +samarra +mousavi +okamura +frankford +kami +vetoes +v.k. +favorable +jammu-kashmir +chana +tsa +implication +sinton +lagoon +traumatized +immortals +jelena +bake +drivetrain +gstaad +joycelyn +rationalism +harpers +joyous +maw +eleuthera +dongguk +holing +january-june +off-broadway +taken +toothbrushes +contracted +limited-edition +granite +circumvention +favours +watada +huss +bedtime +int +checkpoints +altered +flushes +prov +vous +congregated +woollard +penza +bidwill +stock +chalmers +mirrors +instituted +stuttering +compatibility +chieftains +sailboat +oluanpi +geodynamic +shahbaz +bomb-laden +sledgehammers +alva +monterey +al-mutairi +shaoxing +salamon +karolyi +vivaldi +sisko +kah-see-ah +lapidus +kiptanui +barnegat +00th-ranked +lysine +gaslight +andrej +naveh +dirksen +unimpressive +steiner +gland +hohmann +frerotte +exhumations +righthanded +orthopedic +pull +calumet +cistern +morin +homophobic +syllables +joffrey +embryology +laserdisc +ufc +like +skins +ihsan +lightweights +piot +gih +sinhalese +chas +thomson-csf +inebriated +arthouse +encompasses +privatisation +pronto +marcher +tiff +positives +firefighters +quitting +cale +sucking +boutros-ghali +one-eighth +freewheeling +fossey +khanna +zookeepers +saadoun +mile-long +dodger +manasseh +ritualized +mondial +newly-founded +mccormack +do-over +hua +hitching +corruptly +homebush +pro-pakistan +gordan +gascoigne +daddies +hulls +towne +laments +whitetail +al-shabaab +nonstick +once-thriving +nominative +inviolability +patriarca +contemplacion +nicolau +kluft +faceless +a-bomb +armory +kyats +emeril +boonville +airfields +malatesta +blais +senghor +clemson +:| +belgian +kahl-uh-pahr +gujrat +raynor +fukuhara +leftwich +disapproved +interdependent +westborough +accompany +walkover +enormously +grizzlies +melaleuca +slower +rompuy +exhume +redesigned +renfro +nfib +harmonica +story0d +warman +louie +mdma +pepper +sedis +endeavor +aperitif +catalogue +dusit +tepper +shilling +s.s +go-around +duelfer +keh-nehn-deh +precluding +revitalize +seduced +gunners +doo-mah +thiago +cheeky +uh-teen +caddo +0.00.000 +manilow +cucumbers +asthmatic +corporates +roommate +cranbrook +twenty-seventh +salvoes +mariachi +cepd +passing +expressions +cashel +uncontrolled +000hp +esch +paer +compressed +prairie +ngo +birendra +meas +salisbury +three-test +non-us +mannerism +jeff +guevara +rosatom +reopened +lackluster +htm +midpoint +paulista +tookie +teye +limousine +home-state +blundell +virginity +maguindanao +chavalit +rost +seven-story +diplomatic +berrios +rees +angers +profiting +___ +backpackers +sniffing +psychoanalysis +highlanders +uncomfortable +shirked +lafleur +backsliding +point-and-shoot +deforest +abhorred +soyinka +unmatched +prowled +earthenware +meares +self-discipline +snazzy +gbp +fusses +coyne +beltsov +ot +stuart +subprogrammes +unused +thereby +shuh-pyoo +catawba +eats +startling +re-energized +binion +red-nosed +dunwoody +jovan +smoothies +co-hosted +descendants +coops +then-defense +three-month-old +gyari +customary +against +round-table +four-disc +nic +palau +anti-german +cassius +cabled +stockbroker +crochet +leiber +bulwark +shantytown +opel +ducky +chubby +ashton +individualized +medley +thicken +eyewall +those +nouveau +nimer +sweeney +tetracycline +homelessness +fluxus +circumcise +palmeiro +oo-ree +salsas +retrieves +saiz +cabinetmaker +batha +clamber +mengfu +spx +nonthreatening +ls +kashmiri +simplification +mismanagement +global-warming +puerta +astacio +rapidity +cutaway +kalenjin +meriden +giang +ucl +spasm +homeowners +big-budget +anglicans +eels +boxx +seagate +mersey +fossella +sci-tech +drawbacks +supercenter +honesty +harf +sicken +emblematic +radiologist +spoof +lr +gerhard +evicted +mix-up +potters +boller +banners +often-violent +contribution +gratis +feder +wacky +kiedis +integrative +steh +olongapo +tot +wanguo +kielty +racan +warders +scapa +somkid +brattleboro +legato +droning +deposit-taking +shamelessly +loading +door +tochiazuma +erling +erbitux +hersey +corell +jan-ove +tikolo +apollyon +sovereignty +al-haq +two-seater +fingering +munchen +tunisians +0,000.0 +comportment +josipovic +snow-capped +pennzoil +beem +valentines +positional +academics +sunbathing +coaxial +borders +moret +furloughs +mwanza +sharapova +unit +mogul +backed +leftwing +mccall +screaming +analyst +madea +pirouette +r-ill +soulless +worrying +blown-up +enz +stupidest +inciting +raviv +alternatively +busy +biodiversity +zapped +repeatedly +inspector +toggles +april-june +solicitous +ditches +general-interest +sensitize +rector +huan +marxism +rimini +toyota +quaker +neshoba +taib +viscous +appraised +asu +och +internationale +unt +posterior +vi +filan +r-miss +bibliotheca +winkle +fittingly +cell +validates +*UNK* +studdard +images +katyushas +rain-swollen +inaugurated +derivation +liliane +ebner +uncooked +ozkan +ainu +patil +plucks +microbiologist +exemplifies +junctures +gel +ada +hih +necessitates +legalising +mcclary +persevered +feminine +eight-wicket +keneally +marron +restrepo +launched +apologise +myosin +encryption +beer-drinking +ilia +fleas +rajshahi +wryly +antics +uttered +teary +coronet +ferdinand +gillani +cartoon +diawara +softly +terrify +shown +three-country +alcalde +ultraconservative +fencers +fatal +punctual +kjetil +non-daily +repealed +ire +belly +sergiy +ground-attack +j.p. +vieux +berlingske +burdening +mechanism +devens +militiaman +theatrics +ruled +refs +subcontract +spades +costume +meyerson +immobilized +shariff +soldering +mcmillin +banknote +supari +connection +connections +a- +vies +wroclaw +obtrusive +fragmentation +toombs +sixty-one +pokey +lea +transvestites +rasel +segal +rhone-poulenc +changbai +piped +elroy +pencils +avions +amo +guajira +lunchroom +dried +castrated +mutation +invective +griping +helter +interestingly +boleyn +drg +fritsch +sondra +complement +rumour +internationalist +spinning +anti-military +aitken +statements +olmos +higher-than-average +user-generated +ham +achaea +insurrection +graber +humid +meh-gah-wah +iliescu +flurry +aeschylus +hiroshima +congestion +boveri +heidelberg +baskets +hutt +willy +sandlot +tribals +hideaway +kageyama +unintelligible +swaps +loma +self-expression +bragging +fasted +jsf +vays +presentations +gea +diversion +hander +guernica +dispossessed +neel +utilitarianism +business-to-business +inward +booksellers +tit-for-tat +jukeboxes +confounding +commuter +d.w. +hoare +rotella +crimean +leuven +ambrosiano +cajun +sugary +ozawa +'etudes +absorption +quang +launder +knee +demurs +in-0 +prettier +depot +mahatma +angrily +flogged +uninvolved +pretexts +pius +duan +stonewall +destined +scoutmaster +nadi +passable +prospered +stallworth +rampage +alecos +multichannel +multi-member +communists +bizarro +herbert +rebiya +immortal +textbook +veneman +netzer +petrescu +inequities +putra +uwe +rapists +picker +pharaoh +harvard-trained +niekro +frances +zahir +ammonite +fantome +millicom +thanh +burned-out +nuh +wv +lids +heartstrings +managerial +atop +schuett-column +dantzler +hydrolases +p/asx000 +elkins +wormhole +based +trespassed +bagosora +demolish +mig-00 +abdullah +calipers +fifi +simplot +testimonial +bogosian +wahr +nurburgring +agim +tivo +crawford +rosenbergs +regretting +zhi +carolina-based +klm +tumbling +scalfaro +waheed +anti-us +margate +mutated +squeezed +tillamook +r0000 +0.00x00mm +mitford +boxwood +tahar +chg +ramen +chroniclers +self-preservation +vanity +brough +non-league +loaves +nandi +boss +invoice +bravery +p-00 +nns00 +soybeans +refitting +over-time +bithynia +compaq +tgv +brio +ieee +churches +vf +circumference +popo +ayalon +fishing +lih-zhoon +subdue +greenhouse +ribera +qusay +rosenblatt +wwii +japan-china +port-of-spain +macross +coritiba +inoperable +abhorrent +injury-ravaged +partying +punctuality +pho +intraday +electrons +prisa +devise +goo +moonshine +stagecraft +blond-haired +naaman +whipped +stylus +physiologist +tint +fitri +chile +polamalu +nansen +gilt-edged +thien +rippling +same +heavy-handed +makhaya +unrelieved +eboue +foreheads +frontenac +much-needed +konka +re-releases +gundy +consolidating +brulee +long-expected +investigates +anthropomorphic +spiny +columbia/hca +twirl +extinguishers +photographs +whiteface +carotid +numb0rs +duckett +benfica +massively +thermostats +gonu +post-abc +freshness +co-founding +shrewd +energon +correcting +six-under +stockholm +deceived +euskaltel +dinara +ransacked +opposition-dominated +ronettes +involve +ricupero +ryman +japanese-style +uterine +capability +spiritualist +nicholson +sub-tropical +demas +motion-picture +bellies +existential +shin +cinematheque +aids-related +kona +punt +busby +aaron +tide +staples +curia +alexey +archrivals +sinden +bc-na-fea-a +photocopying +0-0.0 +delicacies +insiders +tames +vent +mlb +horny +newcomers +hialeah +alter-ego +extent +mantei +breakup +manages +sifton +coombe +zigzagging +lytle +as +proulx +happenings +middle-order +sub-prime +lucretia +dispenses +scrums +abang +middelhoff +**** +no-frills +broke +stenholm +ukawa +.00 +orphaned +kaen +salable +scalloped +britian +governorate +barings +le +gorman +antibiotic +reconstructing +self-service +bagheri +mashrafe +basseterre +degrade +hooray +curtail +sweeting +cultivate +re-record +shortages +gnawed +garnished +qingzang +unwavering +magowan +eleventh-hour +small-scale +kiefer +consecutively +mikaelian +demirel +reichl +kettering +shuey +scheffer +frazzled +tsuji +ihor +seminarians +kam-bohn +selfridge +mattek-sands +forthright +backfired +economies +malone +unops +janie +outplay +chalkboard +hearted +mortified +thrift +carbines +kumble +pre-opening +pakistan-controlled +redeems +fingernails +lazar +coastal +begrudge +myth +interviewing +particles +hypothesize +harmonies +firsts +dybas +intricately +grasse +cbse +fens +abkhazia +debt-relief +laugh +cmp +hoarau +fauviau +debt-for-equity +generational +nena +euroleague +pea +el +bcr +archipelago +propulsion +bester +whorl +halloran +sura +associated +dissociative +puli +bueller +s.g. +larijani +rothwell +tia +theatrical +dimitris +broadband +marcos +kathakali +relished +overrides +lifestyles +life-size +mraz +grimshaw +all-league +khurshid +santoso +pre-existing +loo-chee-ah +castellaneta +unispace +thirsty +influences +laurier +three-and-out +newsgroup +countywide +ronan +sinmun +r-tenn +interethnic +fume +izquierdo +ismael +schleck +treatise +sukarnoputri +freelancing +nzpa +interamerican +newcomb +subplots +silks +avocados +scherr +ingelheim +pithy +arcades +oslo +jan-michael +llandaff +vivo +scraping +al-sharif +noisily +fantasist +hah-mood +ramdin +veteran +clothier +contexts +longing +threading +costinha +panjwayi +emirati +cactus +rocket-launching +sada +nondiscrimination +yiin +rosin +bisignani +cheaper +ruslan +fertilizers +briana +kennington +luisao +nah-sahr-bah +accentuate +grayling +disbelief +guarantor +healy +qigong +llama +tie-ups +chik +geraghty +hurd +viper +blurted +n't +yining +enzi +avoided +deadlier +disbands +pencil +imbues +brennan +diminishing +reiner +kentucky +fellowship +siglo +niel +strangeness +nazi +downers +amorous +investment +burnt-out +knoxville +expectable +conscript +chiriqui +brother-in-law +bashed +assassinating +boorda +nkp +buemi +** +restrooms +lafontaine +oswestry +okay +mulch +starches +baqubah +prods +nateq-nouri +matanzas +riis +polygraph +allgeier +hutchinson +stedman +rubber +akrotiri +fungicide +kay +rerun +bigwigs +stop-motion +horthy +marr +shabalin +bar-chen +civilians +marechal +grad +abreu +guideline +full-blooded +juh-mah +fran +nhi +pair +photography +grier +crucifix +evacuation +divulge +minato +wicket-taker +probes +distanced +rags-to-riches +fr. +mattress +wads +cdnow +trappist +guek +manet +deron +yoshito +goodby +girly +tauber +stet-lur +cavalry +tirunelveli +snowcapped +supplements +guilherme +slanting +sustainment +chamonix +tongue-in-cheek +right-of-way +hse +peco +administrator +mcgraw +tv-0 +dozens +jealous +high-velocity +injecting +ndayizeye +illiterates +sickout +zechariah +tocco +signatory +dinghy +overuse +spillover +gorillaz +calving +0.0.0.0.0 +ultima +westhuizen +frightful +amama +engraving +radford +created +res +trucks +leni +restful +criticise +viloria +noo +lazard +calmness +nozzle +isotopic +ocs +virunga +chapare +armadillos +wines +; +grapples +regeneration +jewry +oed +obituaries +force-feeding +loggia +unquestionably +analytical +relevancy +gadhafi +sera +reconfiguration +knew +tsx +ehn-hahl +nang +irrelevant +dispatching +gensler +sulfate +balakrishnan +mangino +liaison +emmons +tote +polled +rinko +cd-r +afrc +weariness +chafe +natively +devotees +wriggling +latte +top-ranked +dharmasena +thornburg +kosmos +robin +dishman +fumed +snowmelt +stalactites +caustic +orlov +greco +neurologists +proportion +sits +sudhir +tune +tallaght +tribune-herald +xr +armey +bargnani +stand-off +earned +roadbed +blob +sehwag +toots +radicchio +suburbia +etisalat +katharina +british +bakara +kelli +dewar +fidgeted +apart +defect +tecdax +stanzel +nine-month-old +alejandra +head-turning +bohg-dan +jasmine +hmcs +globe.com +fourths +indignities +lualua +baffert +byelorussia +back +co-payment +submitting +abbondanzieri +psychoanalyst +slighted +fail +coffee-table +critchley +artworks +kamanda +flashman +transiting +taiyo +rwandan-backed +ahl-bahr-uh-kat +second-most +stojko +bruhn +hymns +filme +a.m. +consumer-friendly +mds +myhrvold +near-perfect +deference +db +biotech +slang +anding +norodom +skyline +verbatim +november-december +crossbones +napoleon +paste +marlet +malai +hardest +vocation +nmc +revokes +thom +raelians +sor +slahv +ryland +parra +indicate +woken +ts +sauerkraut +allahabad +generations +doctoral +penguin +drafters +signings +kvitfjell +ellison +setting +commercialisation +byblos +bryansk +ftv +instances +polygamy +blazer +lambton +distinguished +yorktown +betterment +refund +carcinoma +behs +verner +gprs +undeniable +zero-emission +department-store +railroading +conqueror +hurrah +rohch +000-million +magenta +nicest +suture +handbook +excavator +hiddink +barnstaple +brutal +marshmallows +thruster +laurent-desire +fermin +promising +tisch +cussler +noh-voh-sel +modeled +initiated +boxiong +connectors +first-round +masako +dine +hearst +tandjung +dependable +comers +pmartinez +vivien +baroness +bast +pre-packaged +intersections +batallion +bioinformatics +topography +superwoman +slippers +bankrolling +mossy +high-risk +indictment +jamali +choose +oglethorpe +collaboration +macari +lows +meira +stoo +kira +pallid +deities +well-spoken +verniero +counterpoint +radii +damning +densest +globe-trotting +driver +higher-ranking +wahhabism +enunciated +crocodile +bales +pauling +anakin +solidified +outpace +abyssinian +walk-up +encirclement +viticultural +life +saved +hideyuki +tented +cuenca +grieves +huong +coverts +coetzee +jil +unblock +linked +piney +ioc +cipriani +macros +aircrafts +cruelest +populate +matchless +unfailing +doggy +tdp +ibrd +one-fourth +oh-vik +murry +outdoor +reais +reaffirmation +ungovernable +outweighed +milena +brasserie +phonology +picabo +nono +gyaw +terreri +lakhani +dressers +rut +repercussion +queued +ghouls +co-conspirator +physiologically +moamer +runnings +improbably +gayoom +shayr +cri +pushkin +castello +khattak +consulates +underboss +sars-affected +orford +inchon +avnet +threadbare +ala. +rebounded +haag +broek +plus-size +taliban-led +elections +interest-bearing +chrysostomides +urbanus +tah-ur-eh-zahr +rhoda +ubiquity +asylum-seeker +vasbert +imf-backed +chevanton +case-by-case +rely +cox +influenced +osamu +yocum +gry +desiree +mcnaught +hien +copyrighted +million-barrel +renqing +dot +ancic +thinly-veiled +whacks +latifiyah +ranji +smacks +amador +rooney +kleinberg-column +regarding +chuk +homology +evocation +rubbish +byways +invigorating +jazeera +diameter +petter +kampong +castiglione +carli +petrovietnam +hollinger +uscg +bhagat +uniqueness +smalltalk +never +cowardice +ekimov +ramping +perez +electrocution +reinstatement +polarize +shetland +bookmaker +prh +lead-in +nuclear-powered +ragweed +lekh +nardelli +transkei +bur-ding +s.african +bandera +ridden +poker +fonsi +trains +harpist +developmental +theistic +ssh +loretta +infer +l.p +disarming +grover +sympathizing +violent +salvos +red-brick +foca +nata +boroughs +iced +imbued +yagi +alicia +reintegration +pervaded +baykal +isotropic +gjirokastra +ringgit +ducal +marvels +timmendequas +trackage +yekhanurov +stealth +recommitted +gainful +triathlons +individuality +boom +irresistable +severus +sprucing +boumsong +companionship +hurlbert +tapper +injury-hit +hyoo-dek +bndes +sharemarket +bureaucracy +misspelling +slugs +kilometer-wide +castile +quaid +persis +sylvania +zomba +slaying +goodies +zx +subdistricts +ets +remoteness +pushover +textiles +athenian +plenary +quasi +pnb +rabie +counterclaims +pakhtunkhwa +injunctions +antigonus +smolarek +titian +exploiting +revisionists +deaton +corvettes +miti +zhigang +swart +pittsfield +weapons +greiner +lander +woodside +frontale +eukaryotes +centering +needlework +enslavement +topeka +pawn +prequels +anupong +adulation +bonar +lullabies +submerge +yoshimi +readdy +cte +nabih +puppetry +ketone +mamedov +cooing +espera +mineshaft +removable +qurna +kurgan +wrest +madonna +marl +primerica +infinite +intrudes +mowbray +incapacitated +svein +hofstadter +innovation +pores +hand-held +forestalling +duluth +michelson +albelda +dustbin +herschel +harassing +debrecen +cycads +puyol +nyack +shaping +beijing +antonovich +compensating +gendarmerie +commentaries +gilead +machine-guns +pixar +flatware +gringos +dingy +motherless +yearender +otieno +free-trade +federacion +analogous +malek +decks +foxborough +rooks +deformations +ruehe +holiness +unites +accosted +b000-000 +retooling +trade-in +cge +claro +clara-based +brunel +toddler +duca +luthier +old-timer +meanness +revisionism +cambodia +tanrich +bidirectional +suffragan +fixed-wing +indigents +debbie +msw +hutto +beermann +kirkland +changhong +dfa +onscreen +guan +indolence +short-tailed +torched +veiling +balanced +wrx +light-heavyweight +karnataka +phylogenetic +mazin +intimidate +rewrote +floundered +gricar +malformations +raving +skillfully +stoda +garde +sjeng +mobley +brokering +talibans +al-beshir +impressive +gardenhire +enriching +anamorphic +taiheiyo +gruff +ghia +rubalcaba +knutson +dubinin +public-interest +hekmatyar +arabesque +yucky +kamen +imaginable +destruction +modulating +gatting +yeager +root +amazes +pashas +eliezer +pre-university +dispensaries +parables +kevlar +divergences +chrysostom +thoo +darian +tapered +slaw +castilian +last-00 +azul +marshmallow +fared +pylon +hideki +suborder +sprem +backbeat +equaling +acquaint +beecham +nc-00 +unconsciousness +ah-bay +publicists +groaning +double-faulting +erdogan +second-rate +kev +accra +right-field +naji +harshbarger +mumbling +aloe +panchayats +laine +decommissioning +croissants +fisons +sentiment +jingzhong +ulrich +fiori +layered +revolutionized +coworkers +statesmanlike +lvov +hepburn +action-oriented +wecht +tomlinson +quickening +pioneer +h00 +ou +carpentier +uaw +vest +copperbelt +crosscurrents +restocked +girlish +velappan +cobs +stationary +senegal +gaza-based +croquet +goalie +seahorse +long-dead +conversely +six +lyndhurst +second-order +jusco +laar +tamp +carcinogen +al-thawra +appos +mullen +next +npt +ravi +ndeti +duquette +fief +dah +vilified +copier +multiplayer +firmest +spy +recruiter +unreal +steely +-0 +allegiances +klasnic +netcom +escherichia +post-independence +mcgarity +incognito +gadio +icbm +glisten +bum +noticed +beaulieu +gentility +verso +divisible +leninism +attention-getting +ethic +clendenning +yds +heartache +wenli +akerson +untrained +ephedra +co-editor +sanpaolo +toughest +hauer +curreri +moss +todorovic +disapproving +apricot +choosy +jamey +k. +fallows +public +illegally +hardiness +subscribers +april-september +guigou +interactions +queretaro +francoise +vivre +sljivancanin +wherein +sushil +tov +valleys +experiments +rateable +exaltation +three-decade +, +katzav +tay-poh-dong +pornographers +croutons +emphasizing +directx +mswati +cavic +poul +num +lithium +wohlers +fasb +ardor +below-par +euell +pre-condition +convivial +solidifies +nog +resisted +rabble +low-paid +bekker +warmongers +ohka +thug +yucai +rma +fg +leonards +bouton +cataclysmic +implores +whooped +chee-en +uh-pak +robards +hougaard +maggiore +voraciously +alexeyeva +km0 +geraldo +broker +sized +begets +eko +ale +waterville +workers +prado +riesling +dah-ood +dying +gusmao +thumbing +msgr. +cradles +lileks +schulz +dianne +tannin +italian-american +mutilate +tanshui +protector +habituation +foreman +silverdome +karloff +leptodactylidae +spunky +begin +mair +bloomington +annunziata +ponti +smarter +billups +millville +flagging +pitted +brosnan +shukri +zafar +duke +regularization +sacrifices +al-fitr +screeners +tharpe +porting +second-in-command +lugged +prearranged +hide +funds +yell +burridge +palmach +dislocation +samantha +monologues +three-fourths +gymnastic +reka +dlj +pushed +carnivals +ratu +lyonnaise +kimmel +ballparks +huila +yushenkov +fujitsu +tuner +pointer +trillium +unpaid +mclauchlan +angina +dibs +nordland +tinted +puzzled +gueant +jim +hyena +four-goal +bone-marrow +agua +embarrass +stuttgart +heaved +cyclonic +goalkicking +mahr-cheen-kay +solemnly +advancement +cannibals +vacancies +addo +inquiries +gholamreza +miscalculation +tiered +listyev +skippered +mcveigh +weigh-in +maceo +anti-crime +raanan +berezovsky +malki +anti-chinese +indo-pak +sportscasters +faucets +disavowed +abeid +pluralism +ranh +skwy +ditore +full-face +bamaca +quarter-to-quarter +galab +bric-a-brac +prunus +recapitalisation +cabernet +reinvigorate +maicon +an-sah +el-nashar +sarcastic +joko +overtaxing +ellipsis +vicki +nourishes +hanauer +crushing +pursuit +seam +sauntered +barua +ibom +six-party +distort +ballyhooed +scrubbed +crowd +public-use +rekindle +countercultural +wafers +ringleader +ringtones +albino +draskovic +accusatory +yichun +half-marathon +amre +in-service +dotson +flanked +gusinsky +decamp +schoolhouse +dwellers +excuse +behr-trahn +turquoise +mirani +cecafa +mayhew +normale +windy +olaru +emin +mexican +unpredictable +ibra +turcotte +iif +pythagoras +minimalist +bristol +seasonings +tad +hesitation +climatic +backhanded +fatih +stabilise +legislatively +proton +0rd +caicos +insisted +bc-worldgraphics +melkert +inquired +kpn +jen +naoya +flake +colleges +foolish +legal +mini-games +all-party +chilling +krone +re-designed +wuornos +keung +tortorella +morientes +zsa +pentagram +violence-plagued +britches +conversing +amendments +encephalitis +quilmes +romijn +length +feuerstein +s.s\. +veronika +tarses +cladding +p.o. +weightlifter +esc +peddled +single-engined +chain-smoking +milenko +spur +kinetic +zetia +scrutinizing +births +etat +cough +gration +one-point +ranged +oped +advancers +win +initiation +ladder +carrickfergus +sartre +hyndman +tangentially +elbaradei +trolley +poon +exceeds +domain +druzhba +minimal +guess +subversives +healdsburg +click +nomenclature +annis +boatloads +gavi +borten +italian-made +sorry +jove +nicolette +redeeming +complexities +whimsical +biederman +feasting +kalgoorlie +traffic +undelivered +spokesman +ditto +and-over +frias +administered +schaub +tapia +ferguson +aroostook +impairing +summitt +sfc +parc +sociopolitical +cowper +truex +timor +confidentially +rtd +undertone +ultraman +trd +hk$ +carts +royale +full-page +drizzling +yiming +hearse +orphanage +hameed +wenning +sparked +cinematic +mcchesney +heathen +five-bedroom +crumbly +mineola +semi-final +tulle +talkshow +buh-sy +two-line +sporadic +buf +agonize +walthamstow +lms +calligraphy +shoots +kuti +marketplaces +rebalance +spree +sell-offs +forty-second +igarashi +carbonell +maury +blaxploitation +ajello +mid-off +bnd +routes +rehire +saxe-coburg +pdi +frey +overhauled +ly-dur +softened +neumann +insignias +costin +reckitt +adrenal +wantonly +mala +paus +shtokman +obering +lubick +internecine +good-hearted +semaphore +m +profanity-laced +purisima +korea-japan +pocket-sized +inhalation +multi-sport +outsiders +waltzing +formulate +ormonde +naca +oscar-nominated +godzilla +one-meter +homecoming +pensioners +therein +oval +bonsai +whitening +kinko +saddened +alexandre +exorcisms +cricetidae +psychology +unseat +poetically +transient +kotite +repayment +mandibles +sinan +on-ice +h.g +mirna +juxtaposition +fehrnstrom +mar. +colloquia +whitney +ragtag +work-life +fino +amien +basting +raza +marcela +showa +khattab +butterfield +suzanna +manassas +cng +flat +yeley +driveway +pre-raphaelite +centerfield +sulejman +haqqani +vauxhall +maywood +first-serve +unisex +coors +jorma +lift-off +shengyou +immigrating +comercial +ahb-dah +pasts +salads +vehicles +rapid-fire +hardware +ungrateful +riverview +reestablish +yeoman +lago +snob +extinguished +deems +but +flirted +recusal +mattia +hid +blase +diehards +alfre +mainland-based +headphone +penniless +thaws +sharpens +mckeon +open-market +chilmark +june-july +slag +derision +schrodinger +devore +marriage +saif +andrus +ravana +evangelizing +choir +market +eilon +skytrain +defazio +devolving +cohesiveness +abandonment +highlander +badrinath +snapple +government-orchestrated +lito +o'neal +sione +wrens +denounces +hemorrhagic +percolating +firas +twitch +impressionists +ceausescu +durbar +leinbach +aqsa +watling +prang +arvid +hoang +zealander +hilliard +alberts +frontage +ast +len +grinds +squillaci +poseidon +asynchronous +extending +libby +finidi +takeout +multidisciplinary +marketable +addington +truffles +manhole +maternity +madly +bluegrass +guitarists +diesels +inconstancy +zuh-bah +armour +penury +jackson +valea +baptised +djinnit +a-barrel +bc-eu-pol +ferrell +cizik +politica +becatoros +nitra +lissa +gnr +nicht +howitt +kowalczyk +sane +brabazon +meridor +housekeeper +millen +travail +parviz +toughs +travelled +seguros +cavanaugh +scrumptious +gugelmin +dennehy +aliases +booze +smalley +racicot +knitting +wearable +pohamba +vladimir +striding +interchangeable +tarn +gounod +setbacks +steg +searcy +thinner +reformulation +chillingly +chickpeas +bunbury +car-bomb +ex-girlfriend +sun-drenched +larva +wildest +osijek +hamanaka +herz +dockyards +kitchener +caress +consent +carbo +tass +distracts +norris +sires +jinzhou +mciver +restatement +ljubicic +kalle +bhola +distaff +marit +hibernation +speechless +lenny +freight +irk +tempera +bosphorus +frenetic +flashbacks +mysia +niu +lessening +lippi +acftu +fehr +xinhua +loveland +non-profit +zubov +haruki +elevate +apprehend +ivs +toepfer +evolve +close-in +macmanus +congreso +fischbacher +bassists +trolling +kassebaum +pines +roils +faith-based +basa +hape +ex-boyfriend +subhuman +tatiana +moderator +vagabonds +moveon +bott +shariat +hillel +dragoljub +preambular +sampaio +girder +post-cold-war +broten +turbans +valles +borderline +al-najjar +schaap +basescu +therefrom +maddeningly +kildow +masur +unravel +revamps +eav +hu +tah-nee-wahl +devastated +eu-us +wingfield +assistant +sta +schuchat +chetniks +bahs +anti-kerry +weizmann +amaury +unequal +participate +alan +earliest +hamdan +battlefield +isle +steinhardt +lauch +crime-fighting +eardrums +twining +chummy +objection +foretold +patmos +unisys +pianos +goel +00-00-0-0 +shich +rossi +00pm +lackland +farrell +any +china-us +rioting +commandeer +anemia +site-specific +login +hyenas +abidjan +hamlet +gotham +programmer +removing +present-day +jimenez +reconfirmation +sunday +sharpness +godin +petah +virgin +bearded +vibration +furst +nunavut +demin +tee-ayr +cub +lehtinen +privalova +showpiece +pmoi +succumb +government-owned +heiner +wenceslaus +jeremic +englander +indo-aryan +attenborough +nominated +shanna +defusing +loni +overripe +bright +adherents +kuangdi +causality +motorcyclists +slowdowns +edilson +tabernacle +balsa +unnecessarily +excommunicated +taitung +hillside +two-state +ptolemaic +bundesbank +tsavo +cida +coen +jialing +lawless +pink +first-graders +ospreys +gms +goswami +ragheb +shack +'n'roll +clocked +revs +eurobasket +cowling +empathic +particulars +chemist +vitner +sleazy +low-temperature +gourmands +caliphs +bin-al-sheeb +osaka +europ +record-high +publicist +higher +uncoordinated +ing-wen +teen-agers +outcropping +policies +non-lawyers +dana +excursion +nerve +orpheum +two-volume +loughton +reordering +renault-nissan +pouncing +sylar +war-crimes +isbister +wcup +pro-market +bigfoot +punting +daal +ordering +runoff +screwing +ogea +just-released +hagiographies +beep +bolting +scampering +eight-time +longa +hinterland +zobel +mccoll +guay +warlords +alleyways +sudan +uruk +alexander +avidly +kb +nodules +cheadle +blass +nccc +passwords +lamia +shaker +overlook +deprives +sipek +orson +allocating +kateryna +gilad +aguirre +rodeo +alexios +tri-state +ms-dos +asante +panicky +alouettes +lonrho +allergan +studios +ranasinghe +sass +infecting +pernell +nova +kaif +bioethics +00-0-0 +mujahedin +villiers +yorke +subset +redistributes +parched +lekota +mismanaging +samadhi +uvb +texture +rivals +sievers +serif +beatle +stanch +supplying +deconstruct +defections +luxembourg +spiteri +islami +outweighs +arrhythmia +jitendra +oration +denison +three-storey +self-confessed +formulations +kapisa +djohar +surcharges +drier +outfielders +parma +latam +asteroid +scooped +foix +alagna +udhampur +ira-linked +jackets +privilege +0st-half +michener +haste +ratified +mizrahi +buyer +talbot +giant +motorways +aleem +caddy +barium +mctaggart +j00 +cesare +iverson +jacked +maaleh +ladakh +lakes +undercard +m00 +three-wicket +bilge +heilprin +vocalist +bolelli +sporadically +territories +paroxysmal +self-inflicted +fayez +the +pansy +pinero +ge +channels +talkative +minnelli +electro +0/00/0000 +rebuild +rei +wimbledons +optometrists +fpi +chetumal +bounty +unranked +knickerbocker +de-emphasis +finalise +pro-eu +bc-yugoslavia +upright +accoutrements +wycombe +hb +hand-lettered +uelmen +phlox +nobis +fick +institution +inflatable +gross +keil +taito +aim +purity +three-speed +northland +drome +issel +organics +performed +prerequisite +udupi +bertolotti +punctures +oran +near-complete +waltham +iodine +marvelously +nethaway-column +deniz +cpe +pints +gerst +monsoon +bbox +aitzaz +nhk +heists +trinitron +anh +haslem +pullouts +soleil +geologist +infest +merger-related +hines +epidermal +lowest +spews +unsatisfying +ritchie +veitch +vesuvius +half +quadrupling +thawed +short-haul +hoffa +0000000000000 +oic +killeen +hugged +sithole +singling +tiebreaker +incorruptible +ill-equipped +disadvantaged +scrolling +sherwood +eircom +yohannan +panathinaikos +executor +*** +real +selma +al-islam +chef +ynet +bulbul +panning +copyright +ioannina +rahman +shoten +crudely +bigness +counterterrorism +pipes +kez +lombardy +dem-yahn +candle +fueled +what-if +remorseful +extermination +leech +hunters +islamic +wide-spread +pbl +aldi +aaus +clash +vintner +gasquet +itzik +cyrus +encompass +exploiters +minghella +usurping +never-ending +perihelion +utilised +linkletter +gallego +dwarfed +luh-nen +decolonization +bakari +prophet +mccartney +masood +escarpment +felice +auchan +pella +erected +town +ferry +entrepreneurial +contoured +ersatz +grouch +cubed +partnered +gremio +anti-foreigner +hankering +alishan +nakashima +accomplishments +ecfa +earth-shattering +nih-kuh +ribosomal +unshaken +disparate +mottled +saeki +vuvuzelas +incorporates +reus +mikva +lush +midsized +jobseekers +kush +doing +termez +colonised +aesop +teas +tempestuous +bijeljina +sandler +priya +brash +dijon +completes +ravioli +grossed +floodplain +sheiks +bleakest +plain-spoken +tarik +a.l\. +quarrying +leptospirosis +costas +manga +shipmates +supertanker +murano +prachanda +burgenland +greedy +bin +indecisiveness +shills +shoulder-to-shoulder +meirelles +ann +death-row +scrounging +rh +comsat +lentils +siobhan +consolations +vigour +sammi +internationally-backed +amistad +personalised +graft +aa0 +groggy +pity +upend +singh +mollusc +uncalculated +supervisor +bohemian +quinine +racing +00, +glisan +government-commissioned +ela +unsuccessful +not-so-subtle +fratricidal +piker +looping +cp +december +adjara +olmec +wexler +khost +innumerable +ahb-del-gah +eight-week +flom +code-sharing +ghostbusters +comex +schoen +mendelson +bell +epoque +departmental +cree +cappadocia +trestle +dimaggio +full-length +protour +constantly +prepaid +shoah +centex +renberg +leicester +ecclesia +roustabout +artifice +invades +koxinga +hard-to-find +viii +---------------------- +jellison +pedestrian +cypress +obsession +jermain +reimbursements +gramophone +hairdos +opens +re-sign +domecq +ecuador +ahm +reuss +malformed +proper +xli +succeeding +mcnutt +air-to-surface +tono +kindergarten +jetting +indosuez +blr +fold +immobility +pranksters +multi-million-dollar +litigators +mesopotamia +wreath +straightaway +volta +haseltine +staggers +000-0000 +brinksmanship +loge +tragedy +bt000 +provenzano +mornhinweg +metaphysics +oezil +weiland +foot-wide +geese +basketballs +muh-law-nuh +moerdiono +invaders +emancipation +jef +thrombosis +jefferts +expectation +i-00 +grander +krsmanovic +arbour +bpd +warren +teimuraz +britannia +better-than-expected +prosperity +kepco +pfg +swirls +awaited +airforce +fassbinder +freya +erases +hallucinate +dedicates +baiyun +pdp +jla +languedoc-roussillon +implantation +dolares +shehade +chandpur +smoked +musician +apologists +foot-tall +policy-setting +jet-powered +parlayed +tolliver +kabuki +canoeists +attorney +bylaw +acb +dozed +bar-honda +roilo +megapixels +re-igniting +fact-based +spartans +luise +filming +sizes +injectors +brawling +ubi +orlen +dreamt +0000.0 +repurchases +hijacker +mcgrory +gano +internalized +eduction +vulture +unravels +neh-hohs +whoring +grammatically +carrara +backwaters +slung +janica +singletons +lags +gaudi +furnishes +extortionist +silajdzic +verena +defiantly +non-muslims +honecker +re-recording +hamburg-based +lares +nzl-00 +shkodra +others +destinations +bnei +expended +bloated +stutzman +moreno-ocampo +bergamo +worf +boumerdes +curriculums +el-sheik +pal +lortie +self-deception +grubby +matiur +cockroaches +hierarchy +huxley +medic +mercure +simulcasting +coincides +russian-speaking +saluted +esp +distraught +grievously +llosa +trembled +overruns +timid +barbour +astor +put-upon +zigzagged +meggett +behalf +record-low +cancerous +muzahim +dnipropetrovsk +jiuzhaigou +carlisle +pre-approved +fryar +impassive +caxias +featherston +hoc +ctm +neuer +tomasz +qaim +shearman +ramat +afscme +jacuzzi +lacquer +cream-colored +ilias +vasa +smelled +ganging +theocratic +friezes +ploughed +registrations +baldassare +tunku +plaguing +out-of-wedlock +olden +emit +cardio +toews +blocker +emir +short-run +mci +exeter +pregnant +nerf +pinoy +rockies +empire +orem +subtlety +darrow +heart-stopping +martina +grease +pao +stiffening +pinks +eren +renown +urbani +thumbnail +window-dressing +kulik +uncovered +tuen +barbershop +windjammer +easy-to-use +condescension +squid +preteen +rodrigo +onrushing +al-aziz +bait-and-switch +ncl +south +zain +ritt +brookwood +designates +lehs +atapattu +casas +scornful +vitter +satellite +kapler +gash +nonstandard +overflowing +hakodate +glenelg +cummings +cornel +countable +m.o. +latest +parodying +co-defendant +qaumi +intrawest +much-anticipated +enrichment-related +landlords +commuted +hillsborough +apothecary +vouched +auchincloss +vagrants +canavan +reverie +hillsboro +chingoka +yingfan +latched +fingerprint +hmo +toxicity +ih +spokeswoman +fuk +german-us +break-even +leary +alguersuari +trans-alaska +figured +reemtsma +litt +kana +multilateral +shopkeepers +deepened +triplet +address +kalinga +ndjamena +abrego +duisenberg +witham +nber +delft +principles +gilder +penry +dovish +antiviral +lightness +mistry +intriguingly +mid-range +wests +eason +stankowski +buttons +w.r\. +pompeii +best-ball +dependents +wer +onsite +genius +abolishment +calender +apologize +w.c. +nathalie +hardie +cosmopolitan +housed +niklas +cundinamarca +indiscriminately +moshoeshoe +picador +hypoglycemia +gorging +massu +coruna +readout +realisation +shakier +cryptomeria +workplace +moshav +eked +caernarfon +chalukyas +al-iraqiya +zivadin +endorsement +digestive +mustard +vale +gers +culp +chavan +barrera +minority-owned +new-style +xiangning +sinai +banten +cyclotron +fairey +lohengrin +apsaras +smoking +amirault +talley +mondeo +ruddy +boynton +lishi +darrel +rosendo +shocker +french-german +unfeasible +cater +augie +janne +devlet +generative +leven +mondiale +geremi +zirconium +synergistic +conduits +anabolic +button +genclerbirligi +skuratov +polo +ase +centenarians +clarinets +pua +pissed +acquiescing +milken +carnatic +boehringer +swifts +kach +eclecticism +wynton +dule +bantu +castilla +chevrons +zakopalova +post-tsunami +nukes +mashburn +battenberg +ranching +lindstrom +politic +history +teutonic +nr +methanol +furukawa +pay-television +nikos +mcintire +shoeshine +bride-to-be +naito +claus +rendered +handfuls +droplets +yaakov +carolingian +endocrinologist +complutense +liars +vaillant +fenian +cornea +penile +inaba +coolness +agr +nosair +unabashed +pusher +karagounis +matsuo +sudeten +clout +ss0 +eggplants +alternating +inigo +kremer +lothar +nonmilitary +tex-mex +brandywine +captained +yahm +productions +defames +mayall +sky-blue +loci +gejdenson +post-apocalyptic +kabila +gujranwala +rehearsed +schlager +pwc +taubman +vienna +x-men +besieged +procter +xerez +horse +blackmails +whaling +higher-profile +prime +crystallization +denoting +clogged +typify +almunia +kashiwa +telefonos +player-manager +lydon +tremblay +negros +go-slow +acquitting +criminalized +microbes +detective +frustrates +responsiveness +platelets +francesca +macintosh +comply +cutlery +fnm +outspoken +bottoms +basse-normandie +bolivian +dudu +vang +chinatowns +alba +tioga +hiromu +compellingly +daylights +underlings +teske +tigers +re-examine +beasley +twice-daily +salihamidzic +sih-rahj +ariella +dynamos +daum +miners +moulson +kapo +wildman +vickrey +quakers +johnstone +zachariah +store +violets +pons +departed +legalize +raising +sga +yekaterinburg +timbre +gramercy +bangla +vintages +limelight +swig +daydreaming +talabani +fabrication +deportiva +provera +navjot +devine +summerhays +vedra +eventuality +simplifies +well-developed +strengthened +todorov +youkilis +lactose +'etat +franck +weisz +kunkel +goetschl +distraction +mountains +pippig +zulia +bieghler +situation +emblems +stabilised +lee-ahs +reality +bingley +hoffenheim +raiden +a-class +yield +caulfield +giancana +sacrificing +birkett +bayrou +uphold +venom +clinton-gore +girding +did +vitantonio +huntsville +unprecedented +euphrates +displeased +fleshy +khurana +lubricant +waning +esiason +rind +delicate +ramage +stoned +stp +industry-standard +lj +fluoroquinolones +flair +leinart +sussex +fah-hahn +weigel +hinting +esser +al-jaafari +cssa +rheingold +silver-haired +mfg +mian +bowler +impressions +finnair +mayers +widmer +buddhist +altadis +inequality +wy-nee +peerages +subjected +tonnes +roh-lahn +wielkie +brogan +ona +antal +sudanese +segued +adhesion +yaohan +throaty +oslo-based +restyled +in-school +lobsters +stapleton +ambassador +tenant +mohali +dietz +labeling +disagreement +crucially +gracias +anger +soward +kabalu +lynes +darlington +saxophone +duration +pm +parris +shanthakumaran +distantly +bullion +guede +allergens +resveratrol +metrix +biblioteca +tabarez +centuries-old +examining +gallach +diogenes +learns +stolz +premonition +scheldt +svyatoslav +driest +snuff +haka +dez +proposal +penfield +herat +cogeneration +stabbing +acupuncture +abdur +producers +succeed +high-end +kwok +jalapenos +cbn +contest +hosted +detonator +chippenham +doi +obtains +cures +poles +issachar +mennonite +south-north +harrowing +drina +juror +laugh-in +sinew +lita +lesion +mcardle +stumping +forth +haskell +revelry +sacramental +baja +usaid +greasy +al-sajr +islamiah +obstetrics +report +0,000,000 +springfield +wholly +nicolle +suze +eavesdropped +kashmir +truthfulness +masuoka +piety +stream +franchises +shanxi +off-the-shelf +bebeto +youssou +higher-paying +martinis +remora +ribeira +lung-bin +gabi +whitestone +physicists +tabor +lansdown +entropy +philanthropy +walkers +dandong +concept +sank +mortals +transcript +chiu +employer-sponsored +calloused +cigna +usp +qiong +novices +harrisburg +romantic +accumulated +a.00 +celiac +mites +inna +gamboa +jeb +noh-goo +surged +working-age +langham +worshiper +bingu +tenable +aff +closets +hangs +wnba +adalberto +prats +vergara +kreis +expository +talese +support +van-ryn +pre-election +maha +dethrone +befuddled +jendayi +dyncorp +nudged +free-spirited +subordinates +coax +akiba +pristine +sino-us +swag +sow +yd +akins +halliday +qiangba +shackles +encephalopathy +rotting +vice-chancellor +boil +nilson +brophy +super-giant +mijares +haulage +blazes +firmware +zuh-meel +bolzano +shade +gaskin +contagious +fillings +halcion +decree +sardinia +harley-davidson +bulacan +canandaigua +minustah +bwi +hyun-chul +sima +vocabulary +passages +raveling +rho +repress +ahly +grande +urns +hizb +creoles +ogawa +capturing +excavators +miffed +beaux +punjabi +ricciardi +antidumping +aab +boreal +concours +lorne +benefitted +dragoslav +nibble +mahaney +amortisation +flexibility +yount +suh +-------------------------------------------------- +soonest +hair-care +footwork +bulking +tsering +certainties +isg +rented +sportswoman +tradition +bernardin +vah-leh +razak +islamabad +pandeli +downie +layup +charney +hinman +eleven +misstatements +usn +simultaneously +rihab +procession +convocation +tremlett +http://www.usdoj.gov +athenians +cascades +bam +add-on +life-support +eastgate +mahogany +junked +optimist +sindhi +barclays +bangkok +aitor +nits +coxed +iguana +khaleda +gracanica +realtors +mopping +fibres +massud +thrusting +cygnus +coto +contrition +bea +expanses +ursus +snowmaking +timbuktu +vivid +diverging +pertained +guoqiang +kowloon-canton +generalizations +hermas +bets +title-winning +smacked +cella +rossiya +limited-over +koppel +overspend +hilferty +mosca +flach +toolbar +telegrams +proficient +al-zubaydi +drones +scheidt +bubbling +seed-eating +unclos +lehrer +separator +skynet +cruikshank +aikman +wikis +holcomb +senol +karaoke +danceable +bierman +dose +decorators +stubb +koh-too +expressionistic +touche +righting +gunther +cirrhosis +hotline +azar +educationally +manufacturers +long-dormant +panama +shawcross +fifth-grader +tumours +turning +rebate +rbi +chitchat +presences +mellgren +smiley +carlsbad +colombiano +cranium +dumped +portraits +yu-gi-oh +adventuring +hksar +indescribable +armageddon +defrauding +lottum +tashjian +roman +humes +non-discrimination +red-clad +classical +osuna +hollen +berths +0do +brightness +petros +campaigns +barger +rigidly +horna +beamon +epoca +flora +johnsen +price-fixing +algebraic +devotee +tossed +cardoza +josh +foundry +recuperating +sicko +al-turki +relaford +evict +permitting +macintoshes +zafirovski +meili +greenest +sienna +dredge +spenders +secunda +mastella +shortstop +nmod:over +addenda +nbn +primus +am +blowers +cm0 +adheres +undersea +dit +sexier +snorna +astronaut +alfalfa +cached +subclass +dogwood +unaccountable +frontrunner +bol +combining +houllier +yamoussoukro +hyphenated +delivers +asphyxiated +krystosik +august +drechsler +codenamed +tight-lipped +meister +leoni +a/00/0000 +miked +leg-before +ridged +c-00 +roll-off +jizhong +kehl +high-margin +cheema +avelino +buttafuoco +sunder +encarta +yuppies +slash-and-burn +ric +numbering +naka +depicts +pinup +jerry +agl +compounds +pesic +diary +levene +bolshevik +shirking +polyp +lonely +r-va +lipids +rushing +chrysanthemum +v-0 +modoc +home-cooked +sora +pop +sheh-reef +stoneman +conductors +durability +companion +takanohana +dever +moviegoing +melodies +w +vivacious +shoot-out +impact +makin +mazhar +ulsd +lightning-quick +co-founded +lotion +longshot +sidesteps +cheif +evangelists +majko +lora +artefacts +gaining +targa +iea +walters +serb +hulu +ahd +bejing +ahlam +zakaria +proprietor +befriending +spero +whores +kringle +rfid +zwick +gift +willem-alexander +mack +right-back +holiest +packaged +kurtenbach +fairies +destin +gallegos +shareholding +alaskans +bags +variables +custom-designed +raum +veto-proof +one-note +takin +hippies +coulson +maggette +erez +disappears +obtaining +transportable +freddy +danilova +tissier +passengers +arief +ignacio +one-page +rachael +majed +bagging +payers +seaward +av +lawyer-client +neutrality +mon-thu +minarets +safire +replaying +analysis +tempel +cave-ins +refundable +jerking +benzes +magicians +meg +nourishing +giguere +depreciated +instalment +peppery +gallagher +vero +water-related +detergent +mcwhorter +humanitarianism +gto +pubic +constantin +harvard-educated +re-export +prelims +geordie +bih +prt +jihn +lasalle +wriggle +tree-lined +sobero +edvard +poincare +sphere +resultant +videocassettes +pharmacology +exile +savvy +jozsef +vn +000b +verification +yasin +damiano +cen +left-foot +arun +interreligious +kassim +sacirbey +aphids +asbury +ehd +giscard +lockhart +pupae +youthful +bluth +nkurunziza +wicketkeeper-batsman +lopes +deez +dhkp-c +hellfire +third +cetus +unbreakable +hidenori +junk-bond +alabama +sepultura +consulship +inadequate +reductase +wallowed +humberto +carsten +invite +diminish +stk +kiley +streamers +schomburg +miscues +resendiz +sighted +fourth-inning +lillies +pou +zednik +montella +powderkeg +outcries +lazarus +southport +mylar +tamir +mcconnell +youngest +downward +hollings +dirham +michalczewski +fomc +supremo +duffield +retrain +test-best +clocks +sunni-shiite +seibert +tidbit +zia +guynn +kathy +prematurely +tion +water-sharing +terreblanche +carns +descending +condemns +warnings +vociferous +barro +maters +peppercorn +equipments +errands +habia +mapplethorpe +florin +homemaker +southlake +mccoist +chishti +unionize +showboat +edda +high-fructose +onlytest +macke +zarzuela +somers +vice-admiral +tariffs +plath +expansions +principally +purporting +hanke +applicants +shatoi +h-t +milanese +edo +ahl-ah-rih-bee +whizzes +detail +saar +anglo-irish +iniquity +haggard +al-sattar +berthed +borrell +crossers +bayerischer +bader +immunizing +puzzle +rattay +silverware +infidel +wakayama +scavenging +regress +whitfield +weehawken +carted +afs +aspiration +bruschi +rosalia +hinckley +affectionate +livni +peopled +akhbar +undergo +reservist +pozen +print +stockholders +hentgen +titanium +sabine +peeking +dispelling +refurbish +chesley +stoltz +ouma +revaluation +hypothetical +blockages +dicamillo +shamsul +paganism +a.000 +naturally +bellhop +tolling +wielder +lovie +opal +kneading +yair +rustle +vaslui +simons +major-label +stir +melgar +schatz +femsa +colloquium +guzzling +rupe +hizbollah +sezer +hatfield +unfolds +starr +reisner +occasions +disk +kazi +p-0c +okasan +probe +bolland +clarksdale +nikki +stabilisation +wuxi +moyer +kwangju +ballpoint +ousts +poors +despot +xenophon +store-bought +upwardly +relearn +bradford +statelessness +aspires +peace-keeping +speller +muro +members-only +kellogg +0b +outpost +abuzz +panamerican +hao +pinchot +emmerich +rune +hiromi +ape +objectivity +zoology +vit +proportions +csrc +yash +rightful +accidently +flattens +shijiazhuang +inestimable +banu +latvala +blushes +burak +bennis +practising +bee-hah +troon +drumsticks +postings +differentiation +jumpstart +ghat +packets +yep +rm0 +streetwise +mizan +ghosh +pallone +shahawar +sweepstakes +vwahr +frenkel +erskine +punts +makassar +lashing +sebelius +abdu +denizens +lynyrd +meshes +angelique +damascus +milion +danvers +pavia +blyth +manly +dependability +barbecued +earned-run +e-learning +litmus +judeo +bund +enrol +accurate +nih-kehm +jvc +martino +gala +tulsi +namdar +sirmium +nimrod +nacionales +isomorphic +haitian-american +popularize +behavior +itri +gellert +tikhomirov +abolishing +entanglements +soap-opera +pruett +detracted +ns +aglow +lionheart +shaggy +dha +deuce +kaczynskis +slaughter +natuna +approvals +himmler +impurities +hostesses +post-mortem +accretion +charted +adsorption +maccarone +capacity-building +spiel +driving +double-a +burundian +al-zawahri +diagnostic +savir +puyo +cosmos +competent +monarchs +rah +rundle +lzr +gip +nadel +gunes +hiker +fuzzy +free-for-all +rarities +spouting +quotation +eparchy +aisles +scuffed +guozhong +woori +kahne +mizoram +antioch +ostrander +alpe +zev +ja'afar +madre +ay-yoo-tee +haft +asen +carpentry +westmont +ttc +markakis +thurlow +anode +models +stalemate +geng +expect +lubomir +asl +vall +mclaren-mercedes +entergy +tamer +tiny +resiliency +anti-business +globulin +qureia +watchtowers +greenville +afptv +pakistan-india +saint-jean +timorous +crutsinger +truly +detecting +flip-flops +epitome +metrobus +humiliate +unfurled +graphical +brodhead +yung-woo +kiraithe +somersault +uneasily +j.t +hallelujah +roots +h0n0 +gerontology +newsradio +borno +dexia +glazing +astronautics +nyra +northward +went +orleans +shrivel +elizabethan +questioner +marra +schiavo +akagi +byelorussian +lurgan +found +ahl +attica +exploration +washroom +falun +danielle +all-wheel +ley +albertsons +journalist +dejiang +executes +fall-out +regimens +sharansky +apprehensions +tex +charting +one-half +jalan +blocks +mcgaughey +hinoki +revisit +foreplay +factional +yoshitaka +yearns +dirtiest +ukr +xiaoguang +underpinning +tie-breaking +naperville +turntable +surpass +hatshepsut +dehydration +burgee +fiddled +semenya +disparage +mcentee +vart +handover +welle +owns +berlin-based +plagiarized +shoreditch +x-00 +moats +stern +barloon +graced +underscore +kleinman +stuck +rezai +clovis +cerpa +ornithologist +veritable +csd +damped +wove +belongings +cleverly +brabant +pavlova +humpty +videos +exporter +klarsfeld +gadgets +ih-lohn +rookies +women-owned +brutes +splendidly +kristiansand +kendall-jackson +limthongkul +osorno +thurn +feeds +burgundy +shortened +miley +manama +dvd +bernal +thalassemia +boje +freebies +draughtsman +preyed +state-financed +juice +clermont +wolfgang +blood +ozeki +elisabetta +cult +sis +visx +saynt +wien +hatbox +well-executed +slot +unready +shitreet +gara +sunscreen +construcciones +classically +brabham +mile +purely +fenerbahce +routines +gavlak +ohlund +prakash +atto +darkly +evacuates +comprehensive +blinding +stress-related +arrestees +redheaded +stoutly +zuber +patching +h.r. +nanak +anti-islam +grudzielanek +aum +abductions +gap +tivoli +aquaria +nazief +mehmanparast +redline +anniston +non-proliferation +cinemas +moribund +tickets +singleton +arellano-felix +enriched +carrizo +fedotenko +paratroopers +yeong +clift +materiality +kerrville +resumes +nations +transcribing +0a-00 +annetta +coal-burning +0:00:00.0 +palladio +ratty +nazmul +mic +emitters +aita +venerable +xe +legio +triangle +guofeng +light-weight +interlocutors +weasels +ehn-bahk +redford +two-point +nuggets +sharks +inducements +moccasins +commoner +far-sighted +sextuplets +burgos +freedom +pumpkins +keri +unfortunate +penrith +yanbian +d-wash +clamping +delorean +tamada +cacique +chaves +waltz +tampa-st +cocktail +searcher +geddes +dwells +kmt +fnl +yugoslavian +turk +desailly +figuring +chevron +baton +salvator +gollust +mccolgan +prosecco +touches +proteas +auditoriums +wolverhampton +hulks +a.e\. +vuitton +peacekeeper +femme +reykjavik +friars +warped +blackmon +okapi +azerbaijan +craggy +hangovers +spite +rilke +bogdanos +divorces +cambridge +suzann +density +eighty-three +cancer-free +lexis-nexis +kryuchenkov +acceded +single-digit +epochal +vmi +stave +used-car +kemal +ballo +stagecoach +pried +haller +huweish +non-american +zahar +averted +wave +dread +shauna +sloppy +legation +ceilings +disobey +che +ex-dividend +windhoek +runaways +moc +maddy +bartz +topiary +buffel +kindled +sleds +zvi +peru +preheated +jagged +wesleyan +fanning +nerve-gas +grave +antibiotics +vyv +dookh +ny000-000 +higuchi +cellulosic +medvedev +mansour +conan +snatchers +britney +factor +erroneous +mongia +hanover +neuberger +honoured +winged +_________ +bums +certifications +re-evaluating +azt +devonshire +orville +cronyn +globetrotters +professed +nonferrous +industries +onward +dunno +gamer +jps +ex-fbi +subversion +postpones +lycia +sexy +exurbs +teterboro +watchman +propane +mijailovic +smg +ballen +padgett +conserves +subcontracts +nucleoside +dignitaries +chamaecyparis +saddam +e-ring +competitors +irate +aspinall +wellington +antonin +one-hit +jobs +jackie +skog +kleine +tiaras +all-century +polly +wrenches +amerada +including +deland +rediscovery +co-captain +calorie +nih +escort +rankle +courses +aberdeen +guns +arrests +dhs +home-ice +doctorate +erikson +cantu +illiquid +bettini +appreciable +lackadaisical +rab +estimation +oshiomhole +caprivi +centipede +musica +heckling +anti-nuclear +suleymanoglu +nrf +masry +allergist +variant +left-wingers +three-tier +betrothal +pharaohs +newsom +felicien +tony-winning +irakli +khokhar +plum +hypercard +nut +septicemia +dorm +overestimating +seacrest +rebut +kroger +rabinovich +easterbrook +one-room +gillispie +trevino +rutan +tibe +cilia +polytechnique +hautes-pyrenees +croton +yishai +cast +ex +wolpe +gossard +sehorn +nicaraguans +uncompetitive +rinks +hijab +fifth +interrupt +legislate +libre +legco +mtn +alamein +dicker +faeces +heartbreaker +amassed +fleshed +silpa +graveney +unsubsidized +sammy +costco +campuses +flutey +cheered +disallowing +littlejohn +quran +defenders +perturbations +malysz +ideologues +abrasions +thrones +quindlen +commisioner +tersely +dujiangyan +healey +removals +mattel +suwandi +shamrocks +dyk +starbucks +remodeling +creditanstalt +acacia +perdition +deprecated +stingrays +mothership +tikrit +criminalization +apocalypse +mandalay +campbell +lied +contaminants +winky +re-ignited +ancash +disagrees +elfin +takara +shooed +erekat +tsmc +scrutinised +fuad +statin +ame +temperaments +spheres +utility +okayama +ninjas +nah-vah +us-appointed +barrie +ponta +hard +taupin +trowbridge +brive +bubka +dwindling +winner-take-all +suhail +favourably +earnings-per-share +countersuit +horowitz +pathologies +concentrated +famers +junket +br-000 +zt +katzenell +pk +jomo +lockheed-martin +goodyear +cio +kuhn +extratropical +girardeau +unexpectedly +brews +liotta +jimeno +caterpillars +chernoff +talleres +yediot +migratory +stoudamire +kyrgyzstani +detentions +soft-drink +tamkang +borscht +notions +raji +varietal +thorsten +muqtada +whites-only +convolutions +romanticism +inefficiency +mid-afternoon +barbarossa +toot +mini-state +ivy +digressions +sabretooth +cabernets +mugging +jerald +dabble +screened +hokey +capps +tweaked +ave +aarp +kootenai +ratify +dirigible +awhile +latroy +late-0000s +parent +tangent +alvear +pauline +abdominal +ponchos +molecule +sah-lahm +bisexual +rossotti +scrambled +thymus +protests +vlasov +melanoma +brunch +hoaxes +overbooked +aleksei +stellenbosch +tch +'z +essay +wuterich +revolting +battles +headless +chromosome +leaney +double-digit +undecided +salinger +top-grossing +uh-rahr +buccaneers +hefei +lampposts +negra +nalchik +riddick +henriksen +spadina +perpignan +dinkic +five-party +boksic +avoidable +pre-departure +abominable +miniaturized +mu-zahr +devolve +triathlon +coalitions +budget +allee +understorey +fergus +debussy +infringes +olympic +ewe +moksha +ruh-lah +erection +cheil +gloved +fascists +ordination +gertner +jaye +mullan +food-related +walkway +completions +dvorak +second-row +daryn +moonlights +bishops +imply +catchment +ciara +oop +stanic +kid +pose +vaishnava +col +governement +yung-kan +electives +khader +0,0,0 +distinction +schultz-mccarthy +tillie +loudly +falsetto +amnesia +ticklish +swollen +kuitunen +j.p\. +derechos +diners +childless +charlotte +underwrote +decrease +disintegrated +create +fanciest +soomro +judy +janik +preference +blume +delegation +foothold +pulitzers +caseload +unified +galaxies +widmark +heathcote +guebuza +seasoning +billboards +half-back +fiddles +cora +thamilselvan +glitz +dependencies +madina +balancing +meatless +unmapped +myeloid +baur +foreign-exchange +ai +tilson +delivering +chlorate +wend +lugovoi +karunanidhi +frc +professional +townhouse +inputs +jensen +operated +certain +nihilism +navajos +charlene +sweaty +khatri +khama +hollywood-style +lsi +coalition-building +graying +spotlights +swims +utilisation +etc +irie +cobra +intruded +immortality +hunkered +cornwallis +overthrew +cowrote +wt +convertibles +mib +haddon +comorian +snack +blohm +cavalcade +second-straight +canseco +boeing +lepidoptera +glenny +insulators +poston +webmd +co-pilot +cir +retry +darwish +madras +barred +nzo +kundera +'ar +flagler +zacatecas +torkham +deploying +endearment +ex-husbands +speculator +exits +exaggerating +conglomerate +taskforce +expediting +comeuppance +aube +burke +beastly +fissile +backflips +nutritious +caned +principals +onstage +stc +triumphs +snowmobiling +notorious +cow +monikers +d-san +identification +kingdoms +noticing +pistons +norwegian-backed +snobs +lowbrow +ginnie +baptismal +riding +klee +violence-free +yaqub +previti +krasniqi +war-time +anatolia +tz +mix +arch-foe +m-00s +recyclable +consumer +ss-00 +sephardim +khe +foreign +impurity +charron +bskyb +karama +then-00 +disrupt +reevaluated +endothelial +disparaging +bind +corrupted +sah-nee-ohr +almond +anteriorly +cockerill +cluck +wreck +unhealthy +virtuosos +crewed +undisguised +banska +absolut +potatoes +wobbly +gustafsson +resistance +sitters +scriabin +unsuccessfully +motivates +templeton +rationally +hogan +glimpses +laptop +perfidious +oneasia +iacovou +mots +palance +markel +borderlands +purposeful +innovators +alfredo +advertisements +asteroids +scoppetta +pastime +mojave +boycotts +abides +camelia +numerically +recovers +classicism +vanoc +hahm +charlestown +shippen +evaders +leanne +air-traffic +zabihullah +holbrook +hate +handwriting +000k +sheathing +handouts +abolitionists +renzi +tona +corn-based +tryst +hirvonen +hominids +baldoni +attitudes +nakba +mattresses +lambasted +eitel +counseling +correspondences +vocations +pavements +talker +flooring +benckiser +hansel +surmount +briefing.com +steelmaker +gurley +three-fifths +serra +sonoma +altrincham +aris +muna +yasmin +kaminsky +nari +rehiring +fifth-year +00,000,000,000 +apartments +countryside +cried +j-00 +benedictines +deputized +rogoff +fawning +organs +jayne +talk-radio +rusnak +alli +dramane +relievers +ballgames +approximated +georgios +ah-lee +overextended +spoiler +aaj +mitzna +slade +disfigurement +speedier +edgewood +paramedics +dex +franconia +peyrelevade +nani +marla +00n +sylhet +malleable +gerda +subregions +deserves +sense +adversaries +awakened +amadeus +abdellatif +frivolously +sprinkling +rlfc +watering +bacanovic +cleveland +pyi +minke +pld +hide-outs +raina +cni +granaries +takes +devon +colonials +duval +'00s +a-00p +noah +garbo +willkie +copperhead +noten +reassignment +mahoning +industry +harshly +bramall +self-destructed +duopoly +thickens +fmc +dhabi +helplessly +futon +escrow +targets +prospects +misjudgment +zimbabwe +gyulai +aznavour +overtaxed +cynosure +grammy +misdemeanors +earthmoving +divisor +carlie +kastari +alpa +entomologist +culminates +binnie +generics +infarction +jah-zeer +witz +foreground +blacktop +bowel +premiere +patti +nasser +ranneberger +bummer +mov +hosiery +cctv +enthusiasts +cementing +rogelio +0.0000-0 +lazier +fulfilled +bonnie +urumchi +weedy +abdelghani +deathmatch +paulsen +luminary +asner +self-sustaining +bouncing +tillman +yavlinsky +luring +lela +modules +pertussis +eht +hotbed +defrocked +fortum +appropriations +bjorn +thoon +anjou +customization +wis. +acknowledgements +prom +daw +pagliuca +genital +rivaling +hydroelectricity +uprooting +entranceway +tamerlane +deserve +honour +lubricate +relaxed +headboard +husseini +seiya +hrant +psychic +kumaratunga +hopi +gallantly +originated +hang +qub +atul +souled +anemone +animated +norman +ullmann +pittsburg +osgoode +italian-americans +preselection +fazio +cantat +largely +photos +legalities +nlc +liberian +nb +grih +recruiters +then-chief +mclendon +alwaleed +chartres +handicapper +verbale +carols +schaffner +puzzlement +logics +sahagun +hypo +skinner +wbz +'donnell +jama +lewisville +bandied +ilfc +overzealous +neff +outgunned +pro-nato +banded +wifi +dictate +pigtails +cossacks +father-daughter +windermere +dispensary +ipm +gallifrey +long-winded +poaches +makhmalbaf +giacomo +yavapai +corinne +qatada +emmis +sumac +reactivated +bentz +broad-market +mallinckrodt +malakoff +molyneux +outlast +teaspoon +rother +yuriko +off-side +hennepin +banamex +gnostic +wmorrisglobe.com\. +oios +vesta +koeman +mahidol +antiochus +barolo +preval +paralegal +bays +cay +lucked +pbs +ferrier +combustion +effingham +aleksey +christology +grecian +zidek +lom +esop +torborg +broken +dynamical +midland +kohlmann +thorn +wooly +grisly +voice +democratic-led +mucosa +burwell +djlfx +altair +homesteads +microcomputer +waged +clearances +two-putted +progressing +basten +cut-out +repairable +yushu +mahan +huygens +fateh +shattuck +boruc +guatieri +non-olympic +msf +sandia +gladiatorial +bnfl +restorers +kempinski +stairwells +barham +weatherman +teresita +peiyao +eminent +b.i.g +supervillain +occupies +gashi +pergola +morrisons +griffon +goh-shay +spiegel +pirie +blankley +emblazon +estonians +luxor +possible +discerned +ratner +groff +aeronautic +circumspection +finishing +gowen +zoh +expedited +sorvino +jervis +suffered +dewulf +phung +blaylock +ticino +apportioned +ungar +dollar-priced +peas +golf +grittier +warhorse +popup +...................... +payrolls +unitedhealth +yellowknife +burglary +giuseppe +tell-all +reared +supergirl +ospel +caching +caffeine +glasswork +stupor +viva +rotherham +pharynx +nacogdoches +kindergartens +wahl +clinked +nishizawa +sucks +niclas +sawyer +one-stroke +slr +citroen +mariette +corsa +frentzen +utica +yunfei +cordially +seven-times +rayman +harrigan +miroslav +refco +sener +vomiting +backs +minks +hamid-reza +nose +outlook +hinders +nieuwendyk +challenge +vonn +jevon +pasricha +seligmann +chatrooms +chiseled +saadat +producer-director +algeciras +mannar +circulations +mughals +writing +photojournalist +persistence +balasingham +stitch +stockbrokers +re-enacted +gujral +gti +dinners +deacon +cocteau +long-lived +caring +cross-ice +imn +zooming +theatricality +grissom +supporter +reassignments +castaneda +legislator +hampshire +dickenson +disastrous +holocaust +washers +appraisal +interconnect +sharkey +hansson +repressed +watercourses +ber-wys +pained +ramalho +tammie +grouchy +seamy +louima +tippecanoe +liaoyang +motorboat +semana +magnum +forewings +cadogan +vanes +battlefront +calment +darusman +meatpacking +ascorbic +lapped +pvt +indicator +us-china +brooklyn-born +reflex +esporte +three-in-one +yom +shetty +neutrons +celebici +birthright +grubbs +self-employment +cuddle +refurbishing +ripplewood +riverside +feed +beirut +sulphate +persky +sugar +shrinking +che-hung +isfahan +razvan +calla +00,00 +repressions +consejo +indistinguishable +over-the-top +myopic +daredevils +canaan +conspicuous +petain +approachable +herrington +al-janabi +writ +fidelio +computer-driven +macklin +kor +tardy +valour +leitch +shehab +salesclerk +trends +bobsleigh +hectares +ve +cheddar +mosquito +pro-reform +sprees +schoomaker +wrangle +sigma +chalabi +kalmykia +brinker +foch +because +junction +dealt +wrinkle +anon +all-conquering +better-than +bourn +eskenazi +gurdjieff +aro +taxiways +inter-congolese +nusseirat +riley +petsmart +nou +mccrery +dewine +gagarin +tribes +mossi +ostrovsky +bylsma +aziz +naseem +stabilizes +apportioning +norbert +hewitt +drydock +israeli +cloverleaf +sledgehammer +carbonated +delanoe +residual +scarfo +interviewee +raidi +joked +hiroshi +schiele +two-bit +disraeli +delayed +ams +attempts +spoonbills +abbot +callao +allowable +inter-island +manish +three-man +deutscher +repertory +ardito +light-emitting +hezb +movil +wittenberg +00:00.00 +american-islamic +tiverton +wails +zuma +dep +valet +ill-prepared +eastbound +kiro +zheng +throttling +us-bound +loach +salesmanship +spann +thumb +price-earnings +feverishly +meditation +ssm +joshi +invulnerable +zongren +mencken +personas +bc-feature-budget-lat-wp +inadvertent +willa +establishes +glistening +gerakan +archaeology +bosnia +footballers +tankful +sendup +lamontagne +quilts +morgantown +billerica +chatter +mellon +resonances +backtracking +spaceships +gorges +raw +ideological +duisburg +no-decisions +gennifer +enis +apolitical +postgraduate +redeemer +arg +calif +lushan +stagnant +watching +ach +pw +galbraith +psyches +fincher +menem +pinstripe +filter +refuse +losing +fawcett +yehudi +petit +gerdes +roo-zee +fyrstenberg +immolation +tumultuous +fanatical +takeshi +kain +testis +ruins +emancipated +socorro +gettysburg +blige +tool +sagamore +ketumile +wigan +residing +zwolle +bummed +send +short-handed +transporting +mutts +doonan +roemer +cytochrome +washington-based +disregards +outpatient +klugman +tripartite +aiba +shepperd +plavix +hillman +dryers +long-shot +laboured +papa +talmadge +rakyat +malden +amur +rioters +pleasantville +racetracks +cutesy +twisting +dissemination +wavering +0,000,000.00 +cautious +weighting +relinquishing +salcido +knp +video-conferencing +post-bankruptcy +handle +hawker +undone +magallanes +longest +georgi +alfons +posey +frank-walter +mirza +fabio +undoubtedly +arguments +schoolmaster +kaisa +piggyback +pre-employment +wake +coven +wilburn +rah-heem +willy-nilly +tingi-tingi +pluralized +lecompte +ojeda +tawhid +reintroduce +interchangeably +cafu +injures +sores +ethereal +subbed +correze +austronesian +collective +ames +prohibition +repaid +kojima +revealed +cantina +pimps +woodstock +slays +compensate +easing +cloris +pretended +nuclei +mckeown +sean +striving +filipinos +redoubts +irabu +buchholz +abyssinia +vlsi +menchov +sherborne +inflict +manera +roehrkasse +revitalization +inflated +cultish +unappreciated +hazzard +reprimand +barmby +repack +zyl +paya +aritonang +freeview +commands +significance +low-level +wavered +hordern +aa +lumbered +woonsocket +kartuzy +creeds +ammunitions +meza +johore +interpellation +00.00pm +quartered +e/cn.0/0000/l.00 +ddi +gulfport +evel +graveyard +circled +carnival-like +inspect +mungo +smedley +league-best +miocene +oblivion +mainframe +stargazers +bolin +langevin +kuopio +goizueta +sermons +fleeced +luhansk +nh0 +drip +cheesecake +biofeedback +morels +thrashers +big-ticket +sasae +nomadic +mi-00 +scm +coverings +adios +carcinogens +catch +mikheil +westerly +shuffles +dante +machina +kate +rachman +hnkd +assistance +moelgg +f.a\. +vaccinations +necessitating +stemberg +o.j. +purchasing +iaea +podlaskie +mikkel +sprayers +slouching +wh +cases +dallas/fort +shrubby +gonzalo +pileup +movies +yeats +game-changing +station +inconsiderable +swirl +puss +spectacle +horatio +versatile +barging +mido +iambic +alavi +mca +schneider +weeden +stun +beenhakker +orangemen +claymores +bioweapons +nativity +faa +deep-fried +pegging +koufax +fsm +reciter +girders +m-000 +kyran +drizzled +iranian-american +eye-opener +etymology +favored +abie +endemic +gestalt +bou +counter-intelligence +werth +centcom +intensively +deeming +adjustable-rate +grading +secularization +wenchang +ever-expanding +vengeful +cornerstone +mackovic +coffins +brentford +proteins +gallbladder +witnessing +ehrlich +accelerator +redshirted +banpu +easy-to-read +juvenile +flattery +precise +flores +aflame +pmi +sugarman +songwriter +connoisseur +microfilm +gaye +whom +chu-ming +mubarak +non-lethal +reeder +skipper +evangelicals +an-juh-lee +demarco +pharmaceuticals +unreasonableness +imbalance +cad +hadji +partygaming +ac-000 +pre-poll +soka +direct-to-home +parenthesis +giampaolo +doble +mahre +pre-requisite +husker +ddt +smothered +carabobo +berthod +pliny +neem +pectoral +u-000 +fuel-efficiency +code +lightening +isro +migrates +sirotka +mayotte +unicorn +yuppie +separate +hightower +vote-counting +kotobuki +sofia +nazer +cedar +0-0-0t +mocha +wedged +catania +paper +octavian +mujtaba +greek-american +transporter +pencilling +commutes +helpful +headscarves +nmod:within +shinko +afghani +mcgarry +peruvians +sr-00 +jemaah +usec +unavoidably +gazans +prepare +impetuous +castes +axl +al-baghdadi +geoghan +married +hideo +rosie +hove +cha +kilometres +busta +schalk +mccarthyism +kompas +policymaking +hillard +remind +name-calling +foramen +bazin +fazel +youwei +westchester +discounting +berkshire +whisker +non-indian +todavia +ahbd +whelan +mientras +cipel +arai +sequentially +bp +walling +savard +ensler +revoked +hiring +bouley +symmetrically +larimer +jailer +fujikawa +left-footer +hamish +manju +bobbi +fitzrandolph +fifty-first +al-nahzh +nineteen-year-old +nem +jugnauth +00th-graders +joris +intestinal +boles +lst +buzz +crusades +0000-january +kadirgamar +thankfulness +anna +wannabes +duggan +buffeted +ufa +coetzer +top-seed +confederate +outspokenness +raters +cornwell +ah +humorous +cayman +truffaut +brainy +asks +hojo +dogleg +quartermaine +gonzalez +katia +voyage +xie +sleaze +pahang +reignite +indolent +kirch +straights +kuh-lev +concurring +kong-based +renews +psychologically +tailor +toxin +qalibaf +headquarter +tejon +psion +abusive +bmws +krens +sizing +coppi +mulling +redeem +outages +guinean +xander +waned +existing +olara +gowns +irritate +scheckter +corroding +millicent +jamaica +outboard +0com +al-qaida +mcmullan +entertainments +strived +incompletely +abject +endorser +sanlu +sevastopol +belch +bengali +energetically +motherboards +shocking +r-ky +potsdam +tih-kreet +fluctuation +caricatured +robeson +wiretapped +eyelashes +muttiah +snorkel +all-important +hecho +informix +amphetamine +contepomi +gy +zoeggeler +bavarian +enchiladas +overblown +fulfilling +nahn +nikka +northbound +robyn +bedside +medianews +tolls +silveira +ruge +joni +butternut +pc-based +myoo +buh-dow +freeholders +franco-american +anselmo +masanori +arctic +amma +eet +heh +transylvania +sdb +gilding +cory +makeover +accuses +dispensed +globular +postelection +crosswalks +shind +playm +puncher +arruda +kashi +moceanu +kenosha +brecht +sneer +opposition-led +obliterating +queer +hips +scouting +forelimbs +platitudes +yams +overly +last-second +corzine +ferric +ciphers +dalian +ngan +allgemeine +kittles +xxvii +bouffant +sparkled +al-shahristani +heywood +scarfing +traitorous +beefing +harang +predominately +friedrichs +blowback +hand-me-down +davos +creative +accidentally +preemies +slimmer +zanardi +mandates +blackmailing +roethlisberger +novello +materials +yui +thigpen +tailoring +knelt +donned +dahm +perpetuates +flour +stambolic +bordick +magglio +kneeled +erratically +single-parent +faro +switzerland +lucifer +nai +extravaganzas +hard-hit +klaus +tinsel +veco +quickie +scribbled +kile +dulko +corinth +chipper +mccurdy +non-roster +vieira +ncp-uml +fawn +ferries +battlecruiser +crosswinds +origins +n.korea +maloney +zahrobska +marlborough +kita +hygiene +paysandu +preoccupation +sumbeiywo +roughness +railed +murmansk +interfere +doku +wps +phosphorous +ak +kaluwitharana +stil +kuru +rowand +amrit +our +puskas +flocking +sub +isna +weirs +kumbh +mccoy +skaardal +joad +pininfarina +arm +manolis +oo-zayr +devo +ousmane +dispatcher +landforms +torment +backlog +kimberly +pointless +spliced +digest +foils +wickremesinghe +thaw +kanaan +ee-too +war-divided +huh +gloss +sanctum +counterpart +lined +0000/00000 +no-smoking +anglo-australian +solicitor +peeping +commonwealth +polska +meters +eury +chokehold +guyana +carrefour +cushions +aksu +soderling +pre-planned +cristea +cosimo +shiver +deserting +hokkien +experience +itinerant +serbs +brazil +misshapen +hangar +pagar +lusaka +name +giacometti +ammunition +tahl-ah-bah +untouched +neurosis +swire +bicommunal +agave +wyeth-ayerst +isere +ambitions +rousseau +nobile +small-sized +grinders +areas +srdjan +crusoe +vertically +marga +fishburne +kunlun +deedee +vb +ojo +adorn +tani +innately +sobhraj +disunited +anti-subversion +splendid +jenning +reorientation +rookie +'im +medium-term +shilpa +lu +dalmiya +manso +secularism +mainassara +corolla +no-brainer +scowls +evesham +snohomish +al +irrationally +moriah +midcap00 +vessel +sentosa +skyteam +cadmus +off-course +fukui +jargon +zurab +mani +tcw +stoute +rahn-tee +tender +pedigree +southerly +irian +nahum +laotians +sideswiped +a-level +gia +bowyer +rayan +darius +apps +army-navy +littler +herd +enterovirus +rs0 +reworked +lashkar +tomjanovich +tdk +carboxylic +ter-petrossian +readjusted +co-developed +ravanelli +cremonese +multicolored +softball +tolman +removes +conn +black-owned +all-boys +convective +constraint +condense +italian +maybach +heilongjiang +0-minute +fitzgerald +exclamations +well-treated +modicum +abnormality +edmund +slimane +nationalists +biosynthesis +rotor +sketching +news-questions +mobil +pans +shall +folkish +candie +shelving +tokyo-based +maga +gat +dah-rahn +goleman +cieslewicz +head-to-toe +bakkies +filippi +amber +starace +grottos +asoriano +pogrebnyak +tiant +forty-seventh +hellmuth +immunized +anemones +sigue +stoner +climate-controlled +worker +newer +amptp +regime +0.000.00 +samore +shelters +ln +boomtown +undeserved +recruiting +beddall +childhoods +face-to-face +panesar +condemned +ossified +sensitivities +tah-goo +nonprescription +mangos +chacarita +ljubijankic +huson +imperative +commanders +wilma +corr +unconnected +pooling +combattant +impressed +jad +risks +suspicions +jewellers +bizarre +cathodes +kah-toh-veet +coals +justified +howard +third-party +judgment +soapy +self-ruled +massed +ashtray +bindings +supplemented +scrap +mulla +biennially +uninitiated +complaining +helguera +houseplants +sebastopol +firebombing +self-destruction +subgroup +undercutting +stubble +attributions +h.s. +declension +macau +b0 +arby +gaffer +fluorescence +shipbuilders +bracknell +voltage +glum +bryzgalov +placings +luck +crevice +hirschman +chinese-americans +disambiguation +polyhedra +meetinghouse +low-income +guppy +borodin +outstretched +gainst +operetta +interventions +feasible +pfoa +breakthroughs +rhone +tag-team +neuroscientist +falconio +o'hanlon +wheaton +keong +leisel +sandretto +icbms +0-00 +physio +minogue +appeal +reactionary +elblag +mind-blowing +alchemists +wily +outdone +bowser +king-dow +manawatu +censors +kickboxer +renewal +onside +gaughan +segev +khalifa +hodgman +cobreloa +gervin +ischemia +fagan +givaudan +palfrey +salamander +wowing +rg +jundallah +kapali +implacable +ekman +ramseys +probst +langhorne +aslan +bolt +wide-brimmed +introduce +inflation-adjusted +longer +underpinned +intermingled +posco +redesign +deficiencies +spins +belizean +harmonium +stoke +wiltord +chutney +ing-stuhn +toby +recesses +alumax +subtler +gade +shouldered +shallows +maneuver +soul-searching +examiners +invincible +vicariously +slow-growing +chinooks +mekdad +lectureship +nana +pujol +typing +to-000 +hazing +marie-jose +sitar +extractive +exemptions +hesitated +timlin +upa +irritates +felton +gonsalves +titlist +fruition +educating +nephi +juninho +influence-peddling +lifes +enumeration +mid-level +indefinitely +ought +cenotaph +mixers +ilyas +spearheaded +hegemonism +hargrove +theirs +wambach +cetaceans +harald +samaras +radiative +bantering +punted +faq +expressways +jewels +mattered +files +professions +horace +gramlich +kinsey +volcanologist +pamphlet +malenchenko +roh-slahv +mms +alfano +retrieving +reoccupying +tmz +taiex +speaker +phair +serb-run +laure +shelved +gaddafi +vicarious +bronco +khuh-lee-fuh +anti-counterfeiting +exhorts +evolved +pro-iraq +moselle +prokofiev +barrot +wolters +equus +court-martialed +overdubbed +half-a-million +two- +inter-city +seaman +luckett +northeasterly +mendes +dictators +ramped +self-doubt +mournful +racist +drummond +gille +basrah +passivity +cleavage +wah-wah +gaffe +wilke +josephus +anarchists +ladoga +greenbrier +heike +overreaction +ponder +drag +wahab +manufacture +renegade +jean-charles +insipid +yeung +nicer +hur-soot +backbencher +remainder +optimally +vhp +threshing +simon +gaston +makerere +preside +west-southwest +intertidal +purer +bogue +parte +uplifting +conformance +lucasarts +dukedom +victorville +ansip +methotrexate +obfuscation +wooded +stately +handicrafts +blindsided +unisource +millbrook +charisse +rss +tr. +jmb +clamors +adana +mistress +caucasoid +xvii +nith +warily +chaitanya +edu +halimi +rusal +ah-dohm +corrientes +vassily +fanciful +tirunesh +barfield +brower +loyalties +curlew +sabor +r.l. +joyner-kersee +engagements +russel +logger +g +marzuki +dhillon +lacy +highsmith +belbin +harith +fpg +iselin +propagating +emerick +bhatti +preemption +depositor +nazrul +amerindian +luo +diabetics +bortolami +fat +berries +senderos +greys +tymoshenko +sandzak +littlefield +texans +viewing +espy +billion-franc +callens +locally-produced +lahiri +shanker +jean-claude +weicker +bpi +pluralistic +al-haj +pacifists +cyborg +fazil +particulates +jokers +philippe +ingersoll +underreported +natan +fosters +montauban +quadrilateral +mueller +ipp +hongkong +0000/0000 +vanda +kajima +commuters +giotopoulos +arirang +crowne +aluminum +diamond-shaped +ressam +ways +adrienne +bastos +cocoon +futian +p-i +circumscribe +frankincense +sanjaya +cinematographer +equalling +ultranationalist +hopelessly +boas +resuming +subsectors +capillaries +neural +xf +segui +moin +bolognesi +shougang +sumo +csun +fashioning +altos +vajpayee +sangam +renew +dzmm +n.c\. +nosy +bies +subduction +rotates +taber +mico +selman +economically +takamatsu +macomb +mendel +connivance +irrigating +koreas +monograph +brecker +yuna +ago +folding +javascript +akbel +seven-under +next-of-kin +kl +nkrumah +tori +new-generation +n.a\. +perplexed +entertains +sailboats +convicted +bullets +albertina +lennon +mornington +puglia +melons +effrontery +mittal +expressionism +varsity +vigilantism +cysts +approach +hippopotamus +garnish +one-yard +antipathy +regulators +caregivers +leh-vay +kick-started +horta +bemused +charitably +dibaba +parkhurst +0-day +six-day +rapeseed +popcorn +stretford +atticus +lacan +vargas +crouching +kleber +danys +hijo +offshoots +instability +sugiura +rock-throwing +rubbermaid +sarkis +re-enactments +entebbe +impounded +basotho +rumford +haircuts +issuers +ahwaz +divining +flares +flextime +greenstein +al-tih-kree +shenzhou-0 +subcommission +poised +dissociate +strode +well-organised +obstruction +accessorize +reshape +interpublic +megalomaniacal +blackmailed +forfeitures +hkma +hooch +juveniles +xenon +half-island +moguls +neo-nazi +blonde +alsgaard +catholicos +ridley-thomas +tschetter +perce +gaithersburg +rascal +renata +creepers +naphtali +crotch +wallace +pro-jakarta +menos +lovech +shaq +accorded +phong +reverses +hage +damir +trooping +sheraton +sternberg +pliers +keyboardist +mowed +divestiture +sophia +skipton +larroquette +revise +spassky +tussaud +rekha +defrantz +taliban-linked +ss-000 +coulee +under-00 +wsc +simoncelli +nasreen +ferreting +pierer +enflamed +rous +ominous +bakula +union +bukit +mugunga +husain +incantations +dogmatic +disenfranchise +tinkering +climax +tron +korea-us +homa +revolucion +chattering +valedictorian +hakki +add-nyt +internationalization +kanz +shoring +fifth-graders +kusadasi +condensing +presale +non-chinese +plunder +accessible +aswan +oquendo +ovations +patera +stee +turn-based +intergovernmental +fauquier +unaccredited +non-profits +yah-yah +bohai +flat-bottomed +surrenders +emergencies +tuh +timed +schattner +kat +wealth +hvb +pinyin +crack +ray-finned +shebab +parliament-in-exile +saranda +dilhara +representational +watertown +environmentally +petrochemical +sarcophagi +blackwill +nowak +auch +thanong +hotbeds +one-liner +fin +whirling +muammar +glows +thoroughfares +foggy +distention +frieze +anti-crisis +dc-0 +pearlstine +pactel +ord +benzene +supervised +orwell +mcgeady +ictr +circumcision +klestil +jarman +ext. +clubs +ura +agriculture +sena +montedison +misstated +coagulation +walford +pillay +casualties +strewn +thomases +yarmouk +gnarly +ribbon-cutting +torben +lorgat +grannis +shrouded +jeanette +vigorously +smithereens +duva +baluchistan +kath +randomized +jnr +toland +bombing +bribed +allege +drop +ademi +knitwear +bothwell +itasca +heroics +entries +000cm +roll-out +rosen +durden +jovian +stanwyck +bugliosi +richemont +leoneans +gatti +scowl +ballantine +half-length +alpi +vijayawada +chieftain +tenacious +rotc +kanchelskis +steenburgen +shemesh +vanguards +wildcat +voting +washes +unresolved +intj +flip-flopper +northug +yanez +mancuso +traveller +deschamps +muscle-bound +weiser +e-class +hubbard +snodgrass +davidians +striped +nought +dinajpur +grenier +nns0 +europe-0 +hvac +gut +swett +wachovia +impostors +worriers +shibuya +sno +karenina +safekeeping +marcello +darwin +patents +simian +trilingual +wayland +lazarenko +plant-based +ticket-holders +touched +nusa +luke +downsized +criticize +harcourt +muwaffaq +puh-tak +botch +impaled +shrimpers +five-star +volsky +displacements +indians +bowers +enrolled +saone-et-loire +millwood +azizullah +lager +establish +floodwater +morelia +kachin +sweeping +shelly +cede +attachments +vitorino +co-owns +canucks +vitaly +malmo +lectured +androids +auto +hochul +concussion +leon +briefcases +tines +deform +bowring +overestimated +bongos +firemen +macculloch +zephyr +glared +withstand +slither +broyles +ibf +mariel +wittily +charl +muluzi +tegla +nanometer +class-action +employability +cushion +disappearance +kevorkian +super-spy +collegium +appelbaum +hiv-0 +toil +misaligned +madrazo +othniel +nadezhda +forebears +djordje +naysayers +koukalova +southwell +third-inning +rabah +hizbullah +downfall +trav-ah-lee +unifil +taman +awe +imparting +crimea +near-collapse +high-paid +mourner +tammany +bulldozer +bedeviled +yusgiantoro +officiated +appropriators +masson +garrick +paralyzing +koranic +annualised +yevkurov +galatea +marchi +rescuer +mohs +schill +pan +humiliated +nld +cache +oilman +intersperses +colas +splintered +beh-kah +virulence +ormsby +dhu +spawning +securities +hoodwinking +bromeliad +face-lift +imprisoned +twang +deflators +rumoured +boaz +antananarivo +michigan-based +hailstones +thihr +four-story +doozy +kubrick +blute +catalunya +atlantique +feast +stamens +yorker +sparano +mclaren +vanua +rote +backgammon +hand +szmajdzinski +0st +vanishing +tacit +tossing +cabello +shavers +bloating +hamilton +wal-marts +fortification +electric +blowhard +kerry +slingshot +hawpe +eniwetok +explosions +icd +first-run +wk +wetteland +replica +armen +allied +inhabit +klse +morello +taku +fragile +multi-candidate +haifeng +ramblin +employable +sealed +cogs +record-setting +recuperated +--------------- +pepe +morte +daura +orifices +taal +arabic +juge +tongues +livelier +biologic +twigg +senator +administrators +uranium-enrichment +cows +nerd +juries +philadelphians +monster +commissioners +founders +three-hour +bluntness +schuett +vassar +qala +kaio +deteriorated +amoruso +float +ittf +self-possessed +hokkaido +healthily +meld +straight-up +panting +dmitriy +proffered +revolves +elca +aziza +slutskaya +fantasies +swamy +factfile +sncf +baathists +mitterrand +rosewall +jalla +poitrenaud +masterworks +lilo +lowlife +crossley +c.r. +dongguan +ari +incomes +anglo-french +gunned +aveiro +stencils +moir +u.n +luria +dwt +leonor +hollywood-based +matsu +hambros +introduction +serialized +conditionally +metairie +joplin +benes +correct +bangui +e-mailed +nudging +shawel +hemi +osbourne +s-00 +aland +uniontown +selim +cellphones +fop +stories +renteria +guiza +capeman +chart +aventura +stemmed +jurado +elon +nankang +ambulance +pennsylvania +chitral +rehn +shrill +swim +allaire +anesthesiology +fue +rudeina +up-or-down +begging +lippmann +pha +bente +beagles +provencal +assa +linen +trend-setting +bain +fount +thai-cambodian +dierdorf +creeper +0:00.000 +equine +mega-hits +matte +pul +engelbrecht +lantz +mount +sobriquet +stefanie +alexandrovich +matan +differentiable +leapt +subjectivity +implicated +dyspepsia +mccutcheon +mcbain +metcard +shivnarine +guessed +toasts +imparted +mobster +keyed +morale-boosting +sick +fillon +dimasi +shoals +wrapper +thirty-three +disqualifications +chehr-noh +sinensis +tennessean +oozed +lancastrian +quacks +heated +acclaim +nyala +wenhai +vaca +microfluidics +instigators +devises +dickie +electrifying +arnault +uniquely +hopefully +fb +coconino +beazer +calvisano +gallup +mehk +nauman +pur +dale +à +guam +k-league +ex-premier +ehrenreich +oyama +langhenry +darrin +nieuwe +four-month +severo +jah-wehd +primo +surpassing +aleutians +saloons +malbranque +reigniting +fifthly +rotunda +0k +hands +theotokos +encapsulation +aftergood +dentures +reigned +unmop +year-earlier +amu +bopara +perlman +doused +jaap +shimoyama +ultra-safe +schreck +speculation +prides +antiques +presario +rosser +accrued +jubilees +technologies +evers-williams +permeate +albrecht +ndebele +savchenko +deux +playtex +made-to-order +russian-georgian +a00 +gdansk +wru +anti +jaguar +pin-up +dun +sekou +lorentz +dormitory +plato +spp +conradt +backstabbing +intracellular +bludgeoning +danu +boonyaratglin +rewind +surveyed +parisse +compressor +oedipal +roxbury +tenuous +yukiya +lipped +seclusion +hydraulics +c.t. +tough-minded +hongqiao +tls +re-organized +half-finished +nawaz +torres +itau +exito +s.r. +leadbetter +containment +clarita +shut-off +cost-sharing +t-000 +capital +kih +ciphertext +yifu +conn. +proclivity +applied +dessens +waiter +tartabull +demystify +ticks +musab +personae +two-sentence +much-improved +koblenz +cambria +calligrapher +wembley +itinerary +hot-selling +cosco +realigning +slow-motion +mixtures +doo-zhayl +pressures +guiding +ashraful +leading +menacingly +ronda +marwijk +scaly +headings +gunfights +firestorm +luang +meatpackers +coldwater +manoj +ruben +dawson +tibbetts +kree +exceeding +rambus +fletcher +shipley +gametes +kodiak +once-secret +quotidian +marcelino +omiya +apparatchik +homebuilders +hwang +seven-week +inhumanity +kpc +trabajadores +monarchies +mista +aureus +adhikari +multi-user +parke +obie +kea +tacitly +cdt +arguably +outlawed +pelham +muthanna +viaduct +claws +canadians +on-the-ground +unobstructed +montalban +off-white +turan +ghazal +far-left +laminitis +gorelick +lamas +kajiyama +keiichi +sharper +heretofore +bearing +quilted +broadly +upping +lamented +joyce +groove +opener +ankle-deep +sahnoun +acwf +mpg +accomplishes +rie +palliser +bhattarai +illusory +jerram +pedophilia +toyline +amla +00cc +tighter +khel +koo-sin +shyam +wreckers +zhujiang +incidences +micropolitan +lebron +ostentatious +mistakes +huck +voodoo +fiercer +wilhelmina +wolin +olmert +al-zahrani +bullied +graaf +hoodwinked +bandaranaike +sandpaper +murderous +trebek +paralysing +forerunners +tachycardia +wronged +dockings +greater +jiji +luan +tino +ribery +kavanagh +rohs +durable-goods +overbid +al-amin +earnestness +matsikenyeri +brahmo +sandiego +imagined +upheld +sverre +mavens +egg-shaped +harpoon +vigils +offshoot +waylon +koha +subroutine +outage +u.n\. +executions +superbad +fertitta +in-kind +hospitalisation +mancha +wotan +expropriated +pasir +conceive +idleness +thwarted +indicted +equivocations +tollway +laroche +mirer +reneberg +ntr +cermak +quickly +contemporary +ediciones +rukeyser +dominika +molecular +standards +infuriate +n +epicentre +acquirers +dusautoir +kathie +kalu +selects +underused +0pts +bungled +dealership +naumann +pictured +imperialists +calligraphic +l +cornstarch +jurassic +b. +spinney +kwanzaa +mocks +piercings +explodes +idb +ajinomoto +grunting +hippest +tutored +recon +quins +bridal +relax +okocha +altitudes +maddon +rochette +worshiped +homage +famished +photogenic +clock +gui +belov +dorje +leste +naqoura +pointedly +eradicating +sukhumi +jaffray +devaluing +damage-control +auge +milenio +lakeville +regrow +pretense +street +bath +critiqued +jacobellis +corporate +overarching +kao +kcal +vineyard +mosques +beattie +epa +foodservice +soviet-era +rx-0 +ip +cheers +pong +assignor +lillie +resided +shelia +coin-operated +homogeneity +odour +reminded +converges +intergraph +compassion +moisturizers +wella +aqap +extraordinary +crema +massimino +free-range +strikes +liner +taihua +preschools +fianarantsoa +fairport +voronezh +fdd +aravane +antonis +fire-fighting +aftertaste +madrid-based +moo-sow +a.d\. +arroyo +lettered +regionalist +cls +ustad +electrocute +orff +fragmenting +syllabic +weafer +thirsk +hacks +freemasons +fargas +reconsidered +disillusion +anti-western +ieds +pele +barghouti +rominger +ushuaia +knots +lugosi +miner +latifah +defaming +plutonium-based +shinrikyo +klatt +yousif +barrack +briones +ulbricht +coquitlam +stepping +lung +causing +erstein +deficit +fromm +stallman +bwv +natural-born +fabiano +virender +throughout +squabbles +long-ruling +militarized +einstein +bitmap +pettersen +fallers +scattered +proposition +ginseng +kahlk +newton-john +dawe +olshan +puppies +girlhood +finnerty +affords +jdam +ankle-length +nagano +cults +ermita +million-plus +sweep +socio +ababa +outpacing +segmentation +u-bahn +vicious +lizzy +mudge +sheehan +punch-drunk +phillippe +schaefer +self-fulfilling +mensch +caudal +depositing +livid +mohinder +haute-garonne +pursed +fealty +kipchoge +rebelled +valuev +fosamax +traumatic +three-disc +bullpens +achy +undervalued +consuelo +naxos +hakuho +scheindlin +natsios +runic +r-n.h. +plus-00 +siegal +thrashes +namath +intersessional +inter-continental +stepdaughters +treason +indented +kesey +velarde +birthdays +orchestras +diamant +woodhouse +asides +-------------- +americana +two-times +petrovsky +then-ruling +rockne +stakeholder +exciting +stadiums +writes +softkey +lebed +baleen +unequivocally +smelly +dreamworks +snapping +failures +underestimate +dorothea +apologizes +greeted +maquiladoras +tanganyika +sixty-three +re-engineer +icing +marceca +yahoo +zack +memberships +vintners +effervescent +laboratory +mississippi +gorica +bipolar +bystanders +qun +graf +anesthesiologist +rottweiler +newin +atholl +pf +boxed +ignatieff +freetown +perches +fook +highlights +nows +bap +year-old +welles +high-efficiency +scoundrels +trebled +usmc +equalise +raindrops +truck +wilting +rochdale +coursework +tailhook +carcetti +lene +esme +kah-doo +hiawatha +hisham +appetizer +bellamy +guadeloupe +ave. +flan +chesnot +unemployment +resign +quake-affected +pacemakers +adirondacks +retrievers +captors +blood-soaked +whines +chaco +jani +middle-earth +jill +ceo +ahb-dool-uh-zeez +wicked +hilde +sino-indian +smaller-than-expected +displacement +disgorgement +tulowitzki +cop-out +duet +diffusing +zoo-pan +mannheim +liquefy +susanti +preferred +chevys +reassured +superspeedway +illyria +watauga +sharron +linkoping +stonewalled +misleading +raich +mindedness +campanella +brann +rainsford +linguistics +well-intentioned +confidant +lazaro +acceptability +rena +b.d +batten +innkeepers +alcs +nev +dahir +convoke +francais +lux +rastafarians +harmsen +plenitude +chirp +voids +cower +lacking +al-qadi +een-yar +permanent +kgi +coups +sipple +kassam +maritz +greenlight +bully +gitic +bartow +jewish +ihb +no-huddle +aggrieved +training +stealthy +chipman +gaffney +spalletti +doull +bonding +garfinkel +panoramic +obstetrician +daughters +bends +owais +immigrants +sonatrach +triarc +mccaffrey +aed +mouwafak +ramshackle +restarts +eximbank +ghb +rancid +rolled-up +five-set +kroslak +pupil +standoff +communion +dinka +billeted +non-eu +taira +marceau +leibniz +forex +cloudcroft +obstetric +crypts +breakdowns +overpowers +sereno +outstripping +hadn +shackelford +ceku +wyden +lisbeth +fatimah +represent +trammell +progenitor +purana +pour +chadors +follow-ups +urng +basin +goers +mekeisha +svk +lundy +hassan +harmonize +formative +azeem +allay +lukavica +windham +pattani +well-stocked +pinafore +angelica +asean +shelbyville +solely +crosshairs +adami +killy +herrera +alanis +schoenfelder +administrative +salinas +r-ill. +determines +au-un +d-ore. +unambiguously +zak +shiba +formalizing +taiwan-china +midrange +mailing +unrequited +trick-or-treating +o'keeffe +re-instated +kabat +hummingbirds +celery +bayes +norepinephrine +preparers +ian +karst +tucks +gaskell +bores +destitute +tutors +businessmen +cousins +chainsaw +complied +ill +walloped +nineties +odinga +martinelli +mongols +thimerosal +atheism +kaczynski +conservatively +delisting +hksarg +benevolence +altenburg +downplay +technocratic +cassatt +mounties +results/standings +wengen +caldas +serenely +slice +unbroken +doomsday +luu +chilies +zionism +self-conscious +roving +cheong +romberg +nears +nugent +nci +schoenberg +xlii +barnet +hvo +qualls +macauley +kleberson +s.00 +inviolable +ex-army +curmudgeonly +fawr +four-set +reutimann +microbus +umass +duchesne +jingyu +ivashov +magnusson +ilan +adhesive +mandible +igman +brawley +madness +invertible +pro-democracy +blackfriars +frivolous +tie-in +approve +transparently +rhinestone +lunsford +roguish +rocking +unverifiable +wedbush +zielona +caulk +pretends +vidar +infestation +gumption +crawling +reside +solovyev +modular +karrada +quakes +sparsely +canis +dancer +teen-ager +physicist +kac +appeasing +chases +organiser +premarket +alphabet +ned +upswing +strait-laced +allegheny +spagnuolo +smallcap +resolution +bailed-out +divx +kcc +love-hate +burrito +zhangzhou +bolstered +exceed +signpost +largemouth +amputee +paulse +geary +well-groomed +rentals +blaster +shati +kuk +parting +fretted +wrap-around +equalizing +blackrock +sayer +ulama +cepeda +huangshan +angst +ludhiana +boatmen +bundled +libertad +acr +diplomat +catapulted +daedalus +kah-mahl +lower-quality +deadweight +fishermen +prosecute +mufti +carmen +hanif +boobs +abolitionist +mystical +dandenong +unconditional +pterosaur +marwyn +scions +disrupts +hdtvs +perron +kmb +coarseness +voshon +leamy +taunted +juma +sandwiched +pecan +idiot +forty-fifth +fonz +alternates +pini +abortive +druse +brownies +stoker +powerplant +beiji +viterbo +nomo +biographer +sub-clan +gagosian +unbeknown +reportage +reluctance +'' +gearbox +uplift +cama +curtin +uncovering +sidelining +c.i.a. +ryutaro +vice-prime +one-timer +pennants +catalano +soulful +akinori +playback +zaid +sykes +club +bighorn +shaath +twisty +scored +panzer +pramod +sita +abdication +cynically +draft-day +garden +aneurysms +rs +superdelegates +' +shuja +sabliere +upside +drizzly +entrapment +capers +pickpocket +spectacles +shuttleworth +resist +detroit-area +favor +elementary-school +artillery +saybrook +overstatement +presidium +evaporated +backfiring +tiburon +annoyed +minimums +heterosexuals +pluralization +bookies +taliban-style +outgrowths +puget +purina +isbn +unaudited +tico +vittek +nene +pellissier +unbeliever +cipher +incurred +kazimiyah +divvy +lords +nightshade +ludwigshafen +kabbah +doomed +vassals +sfor +waterproof +sepulcher +salutes +weapons-grade +giggling +nyt0 +koichiro +troup +rucchin +animators +brushing +rupee +hawkish +taiwan-made +anti-monopoly +applebee +herrman +basaltic +potpourri +dulaimi +expropriate +moll +volquez +fenced +schneiderman +pastureland +indifferently +even-handed +looking +testimonials +slip-ups +fontenay +tu-00 +equalization +enjoyable +cochise +updating +fashionista +grenfell +arlo +europe +weifeng +simmons +infect +whereby +profile +reconvene +norio +atlases +tft +cohan +fairway +iraqiya +turret +familiarly +gunbattles +schindler +warrantless +shelve +twse +cso +hughton +anglican +hdl +flounder +pay +ming-teh +heinz-harald +manhattan-based +brodie +crayon +in-tuh-fahd +conspirators +orphanages +fugue +ancillary +glenda +theoretically +haglund +persico +escalators +arturo +ping-pong +thousand +fangcheng +amplified +thundershowers +taipei-based +vlok +tenet +persie +antiseptic +rottweilers +phenomena +repository +penis +high-altitude +stopover +turnovers +relegation-threatened +jest +dallaglio +hiroki +descends +clanking +delmarva +insoluble +temps +silverberg +broad +scurrying +frieda +creutzfeldt-jakob +jungle +emptiness +berthing +maitland +outlasts +cloned +romm +testers +anselm +ogoni +cinderella +clydesdale +commitee +alabaster +interracial +pyrgos +biphenyls +lancaster +grij +burry +regulator +bba +safina +foul +cottrell +.... +fondness +unsteady +bix +decoupling +under-00s +overhears +cerda +embryonic +houseman +sashimi +lancet +hukou +takedown +cicero +workhorses +moultrie +sakr +ah-yah-toh +eliasson +frazer +orlean +unnerved +giddings +arbeloa +freemen +dispositions +battlestar +whitsitt +leiden +pontiff +ury +defence +salvador +colossus +aerodrome +airworthiness +gromit +islamist +wafer +seared +eustatius +clueless +posters +ecc +sagna +heyday +kerry-edwards +predestined +non-linear +straub +lambert +nicotine +yardwork +il +monty +oudin +sikhs +mysql +pull-up +schrenker +kanafani +dauphine +warmups +croat-held +curators +ying-jeou +j.b +nuance +sun-dried +diverges +twain +seaweed +soden +weiler +bracketed +zaidi +djoko +quartz +torneo +bertini +unprofor +ur-ee +eastham +ntb +prep +seeping +effectively +manatees +evoke +rudy +above-mentioned +blockers +islanders +cering +allergy +nastiest +fohg +sandbar +mid-0000s +probability +baretta +leonean +autosomal +!!!! +peiris +gazebo +beeline +ryan +engine +therapy +murthy +walder +wrecked +laghman +hippodrome +tax-exempt +r-0 +akhund +cooperations +swardt +pgp +meningococcal +twinkle +woodworking +cassoulides +saifullah +barron +militarist +heckled +f.0d +jinro +wardrobe +clamour +bandmate +jangling +bemoan +seduce +gisela +00.000000 +voa +xin +signally +rectified +nameplate +shorter +levelling +parvez +hillenbrand +gtp +levey +mansura +dvt +clergy +reinvigorating +circumstantial +complicity +casino +utilises +substitute +jadida +time-bound +cristal +bony +brow +farmer +stoppage +rau +jeffe +ann-margret +rosalyn +gabor +gumshoe +enhancement +amerika +afrikaners +rahim +normally +zhiliang +concoctions +trice +placed +yung-jan +hyung-jin +posavina +grim +ledley +buoy +ocean +chanson +hinzman +bednarek +reverently +porches +kolzig +zhehl +provoking +mangudadatu +birmingham +geomagnetic +catch-up +risch +resonance +masterwork +kupriyanov +yarkas +wonderfully +spirals +harvester +twomey +geisel +interfaith +dollhouse +amparo +vannatter +hardcover +rivets +fraport +prey +masterminds +cauliflower +stovetop +monocoque +perversion +mahn-dy +burdzhanadze +macmillan +boneless +disruptions +makiko +skill +subsided +commandeered +accomodated +hedi +spyder +quarter-finalist +vocabularies +fadhila +connor +inflame +kamakura +maroni +nansha +charter +one-child +taskmaster +pulses +test-fire +left-footed +eye-opening +nama +mandiri +diddy +damps +lucio +ugandans +swathed +rivaldo +refounded +tatler +hypnosis +aboriginals +nafie +cramming +h.r +short-listed +despatched +strife +spearheading +squawk +wheaties +marketability +sub-county +kut +sajak +nijinsky +intelsat +slumdog +cricketing +avtovaz +palisades +loven +poirot +dipping +shamil +dohnanyi +catch-00 +byproduct +baran +madero +pharaonic +metabolic +tinkling +haydon +revises +hartson +phonetics +nucleotide +falk +sausages +conic +six-week +c.00 +aji +doctor +rambukwella +olivera +heartwarming +incumbent +tiga +gridiron +repatriation +gigi +sons-in-law +lowes +fadiga +matsumura +cdos +weezer +massaro +lasts +alvis +dmytro +prophetess +hoan +matutes +one-sided +blandly +moma +ambika +annulment +tommy +pola +milwaukee +michels +tackling +arat +charger +mcglynn +dacre +martinsburg +krosno +petey +fontenot +kunio +bafta +shearwater +webern +nmod:for +entitling +fatty +merges +desist +darts +higher-order +comm +auo +gambian +northwest +eurobarometer +whoosh +high-volume +retrench +defeatist +matsuzaka +mosquitos +horst +contented +boreholes +kirkuk +dots +geodetic +ilgauskas +third-degree +meningitis +bunton +cacho +ingestion +pasi +undercarriage +evaporation +shipman +bivalve +january-april +immunities +bobcats +o'dwyer +ishant +tartaglia +yellowstone +casings +parnevik +townsend +reinhardt +wahn-ah-suht +allyn +hoosier +mia +fatigue +lip-synching +tax-free +best-selling +feely +oversimplification +tvnz +mastracchio +jianping +ninety-six +us-run +aiguo +moderates +asuka +amal +akchurin +donald +cash-strapped +pazner +immerse +balkan +drah +civic-minded +automatically +beckinsale +eitam +butane +wilde +zukang +embellishment +sings +weihua +statistics +increasingly +existentialism +shaba +democratically +demean +devonport +wedding +veez +texas-based +marigolds +huaihai +dailies +rub +technicalities +yandarbiyev +valdez +sep. +acasuso +dharmsala +pep +mow +grant +lotos +corsair +stockholm-based +kyodo +arya +hussam +comic +chandon +trade +fittest +wallack +putonghua +crider +jiminy +minnetonka +hayat +revenue-sharing +ruano +toning +dempsey +tamaulipas +marais +aquamarine +satiric +instraw +mibtel +caf +trumping +secretions +pilar +repetitious +yah-sur +twenty-eight +morality +rockefeller +clown +sigh +babacan +eased +amg +ferrers +wattle +energy-related +subsections +mullin +holmer +licht +soaked +lynched +vfa +quine +jena +honours +goldilocks +phuket +rideout +americorps +conversationalist +unctad +real-world +depredation +pro-u.s. +surviving +'toole +camara +gov.-elect +istook +tietmeyer +tatchell +sunflowers +sneeze +saugerties +bundlers +wallerstein +ensembles +he +airstrike +languages +g.l. +antti +volleyed +nefertiti +drug-control +reuniting +cloisters +brahimi +wafting +inter-agency +eri +gaskets +biting +futuro +awan +proceeding +boosts +pawel +orel +cities/abc +maximo +gotten +prioritizing +pathological +kieron +rescheduled +gun-related +smoke-filled +khorasan +castaignede +seriousness +sellafield +cost-free +b- +shatt +fares +dodi +counterpunch +plexiglas +wrestling +prestigious +al-askari +hilarious +murderer +escondido +partygoers +gazetteers +width +nsw +monday +tranquillo +downcourt +yongjian +centocor +selective +weds +signet +savant +tarts +pancho +nol +weakside +chuh +barbadian +dined +ahl-kah +neutrinos +aer +hitchin +inducement +madhavan +fended +mentalities +lambskin +levin +lambs +karakoram +comstock +subordinate +flinging +unaffiliated +soeren +mandell +isotope +sutter +tracklisting +apollos +galli +sany +al-khalifa +honeybees +bother +pueblos +totes +vitriol +muslim-populated +goal-scorer +maxis +toomas +londons +untac +batting.000 +cursor +persisted +uggla +radomski +skb +knute +sais +lawton +uh-mehr +badge +base +dissipate +o'driscoll +owed +chafed +uniondale +acceleration +soglo +reverend +convent +ocana +debauchery +esposito +co-owners +rydell +heliopolis +engender +pillage +washing +schuttler +square-metre +codex +facing +kanno +krol +mccreevy +inexact +gwyneth +one-month +foxholes +parishes +foul-mouthed +ih-duh +they +irritant +katrina +synod +nasd +revelers +halle +hatta +stokely +tormentors +mcdavid +photon +blurred +sanneh +antiterror +tammeus +clades +econometric +ec +blasted +cna +fulfillment +constituents +mcas +piedad +yuga +yongbyon +godo +tsunami-hit +bogollagama +powerhouse +bilious +juche +louw +noyce +ll.m +vogue +depression +lcds +sagaing +np +kmiec +spinoff +backtrack +midmorning +hacienda +tuan +rallies +tsukuba +welling +reunify +unimpeded +junk +thalidomide +halard-decugis +potro +legends +stealing +gittins +turners +re-creating +salesperson +dorn +cobbling +evacuee +punch +twelfth +petrol +000i +kool +memorabilia +latortue +ritsma +purported +second-hand +minerals +rear-ended +two-fifths +brazilian +pesce +hammacher +pouting +weeklong +leica +bridgwater +naturopathic +picaresque +f-00c +isiah +amyotrophic +monson +re-negotiate +israeli-made +crypt +homomorphism +briefed +nikolayevich +flunk +style +necklace +rebroadcast +shogunate +charlatan +contextual +re-arrest +plastered +classrooms +derriere +enaam +lunenburg +brakeman +gawain +langeveldt +yun-fat +spezza +thrasher +brugge +complemented +automate +tehf +hieroglyph +wpi +overweight +delinquencies +slashes +mass-transit +fixed-asset +handsomely +rummelhardt +blackface +pomegranate +euthanized +u.s.-built +invention +slack +foretells +spurt +amorim +etzioni +catastrophic +dardenne +worldsources +nonreligious +nkorea +bereft +momcilo +legarda +temerity +lipid +kawamoto +experts +nga +nectarines +eurasia +parthia +weaver +pendant +short-sellers +activists +bookstore +semis +k000-0 +000.0-000 +hamayoun +anguish +four-hit +streets +asprilla +karpal +usma +skyward +mayflower +mode +invoked +cef +placards +reunited +piedra +halakha +solihull +0.000 +millimeter +quiej +plainclothes +sevan +gillingham +tiniest +assen +partiality +leng +afghans +wu +sheryl +bootstrap +buckovski +roach +earlham +soekarnoputri +antonveneta +ares +mcclane +ishikawa +pursing +fiorello +latvia +fredrick +champs-elysees +hirai +wisps +ndadaye +raring +civilized +quandary +r.j +bulgari +mcintyre +trackers +equitable +stv +larosa +hannelore +marburger +jocketty +dal +boere +cambrian +sanogo +cares +kerzner +regular-season +departments +practicality +legitimize +orrick +hurdle +revel +himes +oddity +whereabouts +double-dip +wasted +trianon +beatify +phrasing +stanisic +ottey +galeano +broiler +r-iowa +interception +khanh +schmitz +nmod:agent +fuel-economy +hemming +pushes +holidaymakers +foes +nexus +xiannian +modification +frequents +millisecond +each +terribly +low-maintenance +djtgv +ishiba +abuser +lena +ldc +isps +connacht +mehalba +casal +unattainable +jeering +oberhausen +nd0 +sugihara +canadian-born +emacs +nodx +gipson +rustenburg +straightforwardly +marius +merriment +tv-pg +pooches +beekeeper +valera +comite +fancied +tile +mantovani +shuk-yee +overstaying +thernstrom +arevalo +nonwhite +hindering +potluck +hydrazine +breasts +throws +flemmi +ravelli +jonkoping +rerouting +muffs +waksal +kaya +atms +quail +cannibalism +00mins +igor +berendt +supercenters +enthusiastically +pressing +skin-care +perignon +a/c.0/00/l.00 +shops +smoother +ter +girl +fibt +jewishness +mee-uhs +chairing +stimulus +mercy +bel/qst +restitution +utes +bristled +licorice +shoebox +lisi +sts +steamships +christened +volition +stinger +boils +squids +inr +monju +ebonics +icftu +satirizes +nab +lemuel +ostend +sih-beer +camus +lukacs +iri +shoveled +rapes +d00 +ermine +zambians +cim +ganesha +wojtyla +modulator +odessa +christel +hilal +musty +profit-sharing +server +demagogic +gameboy +niittymaki +says +batavian +jagdeo +0th-century +t.r. +buggy +blevins +non-exclusive +styrene +sua +cradled +flat-screen +summarize +status +blotter +conducts +ransack +jiangsu +azadi +bullard +unflinching +crooner +bail-out +derbez +foam +pusey +al-jumhuriya +aftermath +rajput +cultivating +see-ay +consulting +coretta +plodded +smarmy +gmg +flames +realise +experienced +dravida +enticements +prentice +stupidities +mpeg-0 +foshan +declassification +ie0 +ex-pm +0:0 +sih-mee +misspelled +sinclair +soong +spatula +limited-overs +shanty +wilber +godparents +armani +higginbotham +panamanian +motorbike +hop +pavlo +plating +anti-abortionists +towing +s/0000/00/add.0 +kismayo +falkenberg +laszlo +pewter +mcdowell +bonneville +fornos +usui +upholstered +congregate +relativistic +de-mining +moscow-based +grounder +taino +branyan +vallejo +organising +f-00e +company-owned +government-led +estates +ibc +risked +remy +bosnian +dettori +beeson +improvised +regensburg +throw +hosei +prided +shindand +knezevic +etherington +concordat +pamphleteer +eartha +morina +wrote +balladur +spate +judith +fine +frederica +somalia +lst-000 +break-up +vividly +urich +fetishism +hyperbole +bestows +paraiba +lustrous +tamilnet +ramblers +narc +saruman +soloist +jabari +israelite +inzamam +exceptions +rpg +hombres +transfusions +oj +pascagoula +arched +raspberries +varley +radzinski +sapphire +stewardess +hilfiger +lemon +outbound +c-000 +assassins +microblogging +nitro +ottavio +provokes +atiya +musayev +cute +matkowski +watters +biologist +bava +wang +alaska +diversions +enticingly +sowell +kai-shek +damp +cabeza +limiting +gowdy +dryland +all-too-familiar +lotta +lazy +hynix +indonesian +zuni +blanchard +crawl +canning +steeple +caliph +rajas +overeating +iskander +haole +nonpartisan +pohlad +catharsis +paramount +deadpanned +carthaginian +marian +bayside +jong-pil +unsual +gou +sheinberg +pavin +carlsson +lytvyn +opening-day +dinardo +unsafe +fog-shrouded +nstar +interaction +u.s.-iraqi +cotonou +beeswax +ginny +coated +divination +sublet +swallowing +haessler +docherty +a/00/0/add.0 +drivel +profuse +surigao +overcharge +okur +xishuangbanna +sustainable +berri +earths +nayak +immodest +sticking +untaxed +affine +ecs +interlocked +strasbourg-based +gully +mckinnon +mists +tanith +mixte +omega-0 +barbers +off-color +balmain +bucknor +wail +well-oiled +boundless +maronite +rauschenberg +lario +kaczmarek +walkie-talkies +half-staff +tomorrow +himachal +corrugated +foia +settles +adachi +al-sharaa +tidende +feng +carlos +irresistible +gerland +hob +pottery +war-induced +molasses +engrossing +andretti +fascinated +dirk +nickie +leavened +iff +gameday +encyclopedias +handguns +propel +pants +parish +front-office +kagawa +nixon +gortari +freiburg +beame +halal +catholic-protestant +hikari +r-ky. +steuben +christendom +triennial +nikkei-000 +systolic +desertion +hercus +drug-taking +alfredsson +poot +bees +diamonds +paulo +bahujan +paulauskas +osmond +fallible +capitulate +began +waist-deep +lpg +bulow +compacts +angolan +yells +lhc +minidisc +ephesus +peeks +kaesong +waller +mccann +far-out +droo +luftwaffe +portions +satu +braves +kindly +stressful +eurasian +kimball +machine +veins +individuals +avp +re-appointed +gymnastics +sops +tasman +hirings +contiguous +framers +danton +craving +maya +entitles +legg +nabokov +hubbell +seventy-three +sativa +long-awaited +betsey +dodds +toulalan +decimal +cooperator +front-wheel-drive +michiel +squeaking +nass +palacios +amongst +crowder +provided +ramda +gref +castrillon +kv +langer +tribune +lifting +e-00 +flunking +incoming +segments +s.d. +telecommuting +kenichiro +meditated +caller +goalbound +dern +jorgensen +pegged +pavol +well-thought-out +maturin +magoo +adroitly +cornejo +overproduction +lattes +nhat +gerstner +c'mon +unrecoverable +fluting +sinhala +wishy-washy +fuelled +pinar +policy-makers +chunk +stangassinger +brevis +ando +reactivity +hasler +preservative +havilland +u.s.-educated +mowing +roeder +negativity +self-destruct +tracheotomy +trinkets +re-release +miroslaw +jigs +appearance +scholl +pinkett +linger +lois +canadiens +warrington +ramsey +sidique +everson +swedes +astronautical +00.0.0 +knorr +boo-kah +lentil +odai +steelworks +degree-granting +dimitar +baluchi +anti-war +saberhagen +tailors +ashfield +sihamoni +comebacker +hasbrouck +dominicans +goran +rouen +toba +furtwangler +bacillus +aprons +geforce +skrtel +moviemakers +wide-body +shoulders +noninterference +motlanthe +immaterial +itamar +juliana +raspberry +maroc +p-00s +some +sophisticated +distrust +sidebottom +ev +current +robby +reinforcing +enough +blodgett +ferrie +ambiguity +kavala +ousted +preexisting +pail +bulletins +blanchett +rejuvenation +reattach +councillor +withdrawn +better-known +jorgen +loins +racketeer +fixed +cramer +lot +repositioning +foe +unsmih +skid +moo-hyuhn +motogp +unstinting +tcac +wilmer +iti +direct-mail +heartwood +multi-media +catchings +non-ideological +byrds +haigh +hingis +eventing +telegraphs +behar +gusts +booklets +crooked +well-run +airmen +clearview +moratoriums +kalamazoo +fidelity +hispanic +purr +annapurna +heterosexual +parked +rufous +drug-trafficking +abhisit +tianhe +vernal +rectangular +corresponded +wakil +ethnikos +fitzgibbon +spring +milestones +relatively +gizmos +pneumonia +bridesmaid +beiping +murdiono +st-petersburg-times-stp +seward +urals +pays +occurring +vladikavkaz +krejci +colonels +albiol +sub-continent +cowered +american +silvestri +conversion +tithes +guillaume +tudjman +concordia +fraternity +plagued +mahmudullah +unseemly +engquist +shalit +puc +kazaa +hopscotching +sticky +spinetta +yoffie +minuses +clattering +northeaster +alen +ponytailed +mig-00s +one-night +sasser +sharpie +sedin +rococo +caliber +consolidations +bellmore +muslim-led +mah-tyoo-ree +jarryd +alioto +gari +cornerback +omonia +coating +mens +dat +fouling +culverts +maneuvering +pervez +upward +wnyc +erzurum +expressway +ppa +ratings +boatload +flavorings +subtle +abductee +one-time +heavy-lift +watchful +voluntary +missed +licenses +shohr +0-0 +spaghetti +non-state +foreclosing +nanci +quevedo +hellboy +tere +dey +portsmouth +mischievousness +avoidance +streisand +cahn +awoken +hah-nah-keen +cabbies +co-payments +ehz +mccaul +tokhtakhounov +same-day +trilling +gastein +rayne +parity +high-yield +pierzynski +magnolia +polokwane +jfe +poindexter +conjugation +sdp +& +conklin +octagon +lahsh +elarton +quickest +bock +young +mignoni +cervelo +glimpsed +khristich +marcia +yah-dayt +rosy +goggin +kazakstan +sah +ellie +moltke +radiating +siders +rudman +arbitron +hackworth +close-up +00000-0000 +antenna +contain +purgatory +kilmer +umea +muhamed +pembroke +linderoth +notables +curd +lizard +scheele +vestry +latrobe +obligation +lemurs +feisal +impunity +ugc +khamis +check-in +breathlessly +lovers +haradinaj +tappan +swann +iigs +sestak +aix-en-provence +aquilani +inter-party +broadbent +pridiyathorn +nicholas +humen +m. +ryazan +rhone-alpes +well-wishers +trilobites +eclipsing +intertwined +biodegradable +savoie +stereographic +non-volatile +forbes +nepotism +finchem +semtex +classe +patriotic +tarragona +prophylactic +cyangugu +moody +talitha +dictator +igniting +isabel +striptease +sicherle +impersonate +odors +golani +cabanas +pugsley +saturate +counterintelligence +barnstorm +shri +cutty +half-century +peacefully +bogs +transponder +franziska +poverty-relief +deformity +all-time +bid +discard +mitre +dreyfuss +rotations +stiglitz +basing +hopeless +lacquered +petals +technics +benthic +intrepid +registrars +obey +gib +cbrc +slow-moving +proximate +stigma +kiril +silliness +hydrants +igad +snl +uwa +american-style +longstanding +diarist +pro-labor +tussauds +equivalently +norah +cacheris +gulch +eisenberg +batavia +day-lewis +rashad +melodifestivalen +charsadda +nesh +quay +nanda +kennebec +juanes +porters +pickton +migrated +pipa +smolinski +cruise +curving +daffodils +wadham +betrothed +wicca +dogfighting +howes +low-sodium +crackling +darlin +ar-00 +d'angelo +tebaldi +zala +zico +solow +non-member +outward +kyrgyzstan +cse +centered +cocom +allman +appalachia +polytechnical +taper +embroiled +texas +hagee +shrubland +kei +wording +sobering +massapequa +theorized +dirani +television +wolsey +orne +filipinas +soeharto +benefactor +iorio +meilen +leeches +ethos +french-american +munasinghe +crisper +monolithic +record-tying +episodes +excess +troubling +brith +rhondda +bloodshot +shareholders +darter +dorman +mobilizes +taxing +neymar +cherkasky +judicially +krongard +kaladze +non-executive +bedecked +altamirano +redistribute +stems +aspirational +pdas +ashraf +ferretti +bc-budget-lat-wp +roadmap +ungureanu +alaa +figuratively +ex-communist +louisville +tubas +crackdowns +deguerin +zubak +dominated +pop-rock +mohd +shaft +collateral +spoilt +ussf +aftra +southwestern +birthed +bakers +fossett +zgray +oversubscribed +charan +http://www.stuffit.com/expander +mesmerizing +ons +disprove +savanna +crashes +deutsches +banyan +haruka +highrise +teeter +matched +bhattacharya +sarna +slovakia +00-year +decertification +hebron +pl +0-0th +agro-based +whiskers +featurettes +saidov +cross-boundary +divorcing +renner +gunnery +multicast +havoc +locally-made +chidambaram +corestates +clara +jl +brainchild +lauberhorn +blondes +inflow +toothbrush +jfjb +sipping +ostertag +dench +intervenes +yard +radioed +shampoo +folkman +nichols +rodents +begum +schrempf +mambo +creatures +conran +anaesthesia +charlottesville +invert +kuh-dee +sluggish +macy +kagame +transmits +franco +kibeho +goading +vf-00 +marketplace +saucers +organelles +grumpy +crouch +gagnon +surface-to-surface +anglos +jarmusch +mainland +self-image +discontinuity +gleam +amidships +oath-taking +crime-scene +incursions +started +refiling +ifr +destinies +mils +gesturing +concedes +stacks +self-imposed +suppressant +rohan +leman +assemblies +exterminator +fear-mongering +crus +tracy +maulana +corsica +gels +wine-tasting +screw +compounding +eyesore +huron +deformation +fighter-bombers +third-largest +dimensional +undercooked +cymru +000-day +padania +fluffed +nato +ashtabula +destitution +gwynn +viable +follows +patterson +philological +mah-kuh-puh-gahl +cragg +trod +osorio +layton +theologians +hose +hoskins +00mm +bait +walgreens +co-leaders +epitaph +wonks +filing +boot-uh-flee +trajectory +fleischer +wanna +committe +sih-dee-kee +nibali +furman +furious +benzodiazepine +gusenbauer +romances +forts +sen. +amun +oncologists +baths +jewellery +iglesia +heterogeneity +callup +organist +main-belt +mismo +a0000 +eye-witness +growing +silos +career-threatening +ride +gps +boc +marciulionis +blackhawk +bens +viswanathan +phnom +dccc +letterman +elation +aspca +vecsey +subjugated +ripley +mintz +nominally +moh +waterstone +mierlo +feynman +multifaceted +tamblyn +skube +arrogance +quadrants +astride +cooling +sc +decision-making +devote +spencer +michelin +acronyms +chamber +lieutenant-governor +celebs +petrovic +crucified +orchestra +carling +hauck +leeway +stinnett +hopped +candice +geddings +louis +company-wide +unshirkable +kabul +adolphe +freshly +discredit +microbe +evensong +internationalized +transcriptase +bachus +hungarian-born +wirelessly +gooden +amphitheatre +frakes +penciled +craw +post-colonial +alternated +chengde +catlett +quanta +lithgow +giordano +falkirk +este +haram +attendance +syd +moraine +zahr +travelling +jhaw +fedor +ferraris +gwangju +candidacy +lingayen +gallinari +earthworm +republican-sponsored +condominiums +virtuosic +garnett +kremlin +futsal +al-jazeera +mbf +fjords +possesses +pails +contemplated +cross-examination +nonpayment +deplore +lybrand +zhur +phrase +berube +blatantly +montane +kuo +hindu +eloquent +sibusiso +invalidity +slow-growth +truculence +moan +krishnan +rabuka +geometry +high-interest +hologram +badly-needed +fitfully +randomly +engle +turki +suffocation +nazran +sublimated +blount +applies +swap +mazda0 +child +explosively +unilaterally +substance +uob +omx +margarito +sa-0 +macdill +san +austerlitz +golez +ruffalo +scaling +harried +cruciate +rhine-westphalia +torun +abdelhaleem +rahall +extrapolated +zlatko +sanofi-aventis +hatreds +teasing +parisien +shapely +ineligible +gerardo +mid-season +celibacy +00.000-00 +ayacucho +hitz +suggests +estuary +snowing +chemotherapy +fortifications +kieren +cazin +orestes +bening +motherly +arbeit +under-the-table +mawr +tarr +atomic +mauch +circumvented +00lb +singson +receivers +rahf +jean-alain +frequencies +advises +orme +reclining +schooner +sse +wednesday +detect +british-controlled +ventana +phaseout +partied +jokerit +oppositions +s.a +boastful +youhana +stengel +mislabeled +distin +captive +minds +aghajari +outerwear +slimmest +rebounder +selections +collects +altogether +mr +ujaama +gaa +romy +workmen +prickly +nabbed +issaquah +middle-eastern +ruto +ebbs +aldair +crawls +hangul +enliven +heating +seven-run +verdict +0000cc +expel +taub +mannered +respirator +underaged +intersect +parnassus +oct/00/00 +ceremoniously +second-grader +samad +boatpeople +presaged +glutathione +lawnmower +subsoil +foundations +lassie +0/00th +sprecher +mor-ee-kohn +aeros +infanticide +cohasset +answer +orono +regenerating +inventiveness +iss +okra +dippenaar +unachievable +halper +a/ac.000/ +kash +lol +mingus +disorientation +jaeger +zalgiris +ontological +low-wing +zah-eef +ext +incontrovertible +airlifted +mekel +hah-loots +vagrant +cotti +gaunt +circulating +single-family +cheikh +cantos +weathered +keller +rejuvenate +kellenberger +homocysteine +moustafa +ciechanover +silly +cud +mountings +castrol +anthropologists +shang +ganzhou +referendums +defamation +rackets +inclination +daneyko +blood-spattered +childhood +apprise +scotland +ying +jaffar +bratt +immelt +mudavadi +histoire +toc +thorp +rehoboam +dreamily +mazari +jane +polyphonic +roxon +olympio +vriesea +lineages +plopped +jaramillo +rapacious +yakin +envisioned +ahl-ah +crvenkovski +well-coordinated +dissipated +xyz +foreshadowing +returned +dae +boeings +un-yong +reluctant +dees +programmatic +llc +pathetic +defenceless +quintessence +houlton +punishing +coda +sentral +miraculously +caux +regie +esmeralda +epc +hand-woven +danger +fastening +dragomir +shredding +protestant-catholic +ornithological +overlap +r-00 +westerner +righteousness +saffi +pmc +cots +reliefs +ballistic +disciplinarians +sicknesses +hardheaded +besmirching +chipsets +merlene +reformist +moonscape +spinola +purchase +wrong-footed +prd +spandex +humanoid +underscoring +january-march +beverage +leatherman +shilin +helsinki +dues-paying +guessing +steal +madjid +absa +sistine +bernabeu +dragila +ahli +al-ad +non-catholic +khanal +deneuve +osim +hybrids +conflagration +raju +tasker +unrefined +won-lost +nk +olfactory +anti-aging +tripura +probabilistic +grimness +mrsa +captivated +wordsworth +futurity +itself +latrell +benn +weeded +cuf +exuberant +pontiac +erich +changjiang +marder +emling +hamdoon +back-nine +gmina +rendition +coronal +severance +samuel +agong +stirrings +mondo +certify +intracoastal +visualize +dark-skinned +bless +post-christmas +haitien +catalina +gurirab +goldsboro +mirai +thunders +sleight +redshirt +pneumoconiosis +heather +impracticable +bozell +ehf +regula +hsiao +oppose +pandemonium +shank +rapprochement +limbic +self-financing +eisenstadt +haruo +asti +steamrollered +afta +sexton +alawite +devries +jewelry +awkwardly +aquino +champaign +government-linked +iap +ranidae +-000.000000 +vans +wiesbaden +marchionne +g.p. +carting +assamese +servings +pa +excoriated +disrespectful +allrounder +idealized +hank +taliaferro +nobles +rives +madd +self-appointed +heaviest +thoreau +bailiwick +universities +gliese +a.f.c +hakeem +guanzheng +bowling +interprets +trie +burgers +haagen-dazs +reax +liquidate +spoleto +kalac +actors +puritans +vahj +berns +daybreak +yoo-ryd +sajida +dastardly +margie +fulton +buttoned-down +marta +triangulation +ld-writethru +armistice +inactivated +a-side +downplays +gihn +subordination +pre-primary +ever-present +00b +almost +ubundu +crear +pino +gallo-roman +cleary +cilicia +bikes +replacement +achaia +reinterpretation +tiki +snotty +solider +noncommittal +ibge +topaz +anti-fascist +jiulong +rollie +distressed +karun +underpin +lodge +v0.0 +berhad +sardis +idina +reggie +juwono +heals +school-aged +block +gordon +wipers +esophageal +tigris +welioya +cohens +bugti +.the +goehring +startled +tartare +underwriter +refit +koch +scudetto +vamp +bullshit +decapitation +sybase +xena +microorganisms +descendant +melodious +debilitated +non-stop +giovanni +hemsley +bertil +vaccination +pappy +kauffman +caper +sabanci +yev +steers +jimy +songshan +novosibirsk +ufos +handley +ocalan +semi-finished +reek +costantino +arana +cui +yallop +big-serving +bristol-myers +anesthetized +benching +subspace +sacked +laced +kasem +reparations +mah-hah-weel +gator +arches +woodley +moralism +nineteenth +sidwell +grist +stroud +demonic +crabmeat +havel +desmond +marzel +udvar-hazy +newsday +coimbatore +adamant +gysi +balance-of-payments +bostock +paedophiles +frightens +occupationally +marouane +sex-related +disheartened +rutted +ucr +guantanamo +perpetrated +solicitors +kawai +r-r.i. +yoshinobu +ageless +luv +shard +inaki +format +invokes +godlike +cannonball +impromptu +ilunga +bycatch +non-ferrous +dura +microwave +redecorating +kuby +landscapers +college-bound +purses +delorme +al-sherif +beek +filler +00,000 +margery +malisse +half-empty +headfirst +adults +chewing +paine +sommers +uptake +keel +pendergast +tractor-trailer +fabrizio +bacos +bandicoot +geren +psalm +collaborated +rick +downpours +illustrate +heinrich +novella +acknowleged +reassign +nazarbayev +piracy +son-in-law +feb +hagerty +collectivization +burmese +candace +shiite +oporto +gholam +samut +clarence +rolf +salome +hanford +submitted +thurow +'amore +australia-based +maltese +r-texas +venter +filipe +peten +pay-as-you-go +wheatland +aaas +ashbourne +appomattox +whiner +khemais +ducharme +kerouac +aussie +wi-fi +alumhg +unknowing +reynosa +nigra +second-worst +barnard +putative +extols +low-yielding +dohuk +speciation +seger +side-effect +goofy +ihd +volunteering +lejeune +gets +ashford +stroessner +case-shiller +sunoco +ferber +jesus +hyon +snobbish +reactions +spigots +isometric +bangkok-based +ehn-seh +honshu +juan +omagh +skimp +nuclear-tipped +gippsland +rundfunk +job-seekers +enkhbayar +belair +cretaceous +crawler +mediators +testthis +griggs +hollingworth +coercive +consumer-driven +influx +detergents +unconstitutionally +commissioned +reseller +strengthens +corpus +cynical +0nb +quin +month-to-month +industry-wide +destabilized +cleaned +vinyl +exude +looming +plexiglass +aberration +gelding +plos +life-time +mayfair +fortin +jin-tow +evasion +ebbed +altitude +hindus +peddles +melds +corroborates +fonti +hom +vulgate +libraries +answerable +sandro +newhall +yahaya +elmore +cadiz +ex-convicts +tolerates +landfall +sipped +rah-mah +wholeheartedly +couldn +bismuth +becker +testud +cec +banana +'il +goalkeeper +telepathically +lacing +confiscation +education +fah +endeavoured +makeovers +friedkin +d-day +thoughtfully +r-new +siegfried +free-throw +slapshot +inconsequential +commissioning +schatten +disrepute +hesketh +vas +brotherly +full-time +sindhis +keyboard +trombonist +speier +xxiv +af +uh-shay +acquaintances +parore +serb-dominated +marquees +officals +appear +sahlin +job-related +abadia +balilty +soane +extremism +christiaan +seligman +kien +test-takers +izzard +avmark +happy-go-lucky +show-stopping +crouched +thunderbolts +off-the-wall +singer-songwriter +bess +battleship +defied +brownsville +old-world +nethercutt +hercules +exide +deportment +interscholastic +wardak +bargen +potash +fireplaces +day-long +assertive +government-sanctioned +luongo +neutering +machiavelli +llion +hennekens +pencilled +answering +sturridge +bodleian +bourgoin +bench-clearing +krohn +quits +ah-zeez +el-mah +ebert +bullies +pcc +instructions +rings +turandot +wahlberg +six-story +sunni-backed +alim +buh-rahk +tucci +grandchildren +homemakers +mummies +mah-ree +less-than-expected +minors +muntari +changers +tee-fahd +off-year +pfeffer +haut-rhin +inked +bluefin +bernie +tsukamoto +jovial +ah-than +hybl +newbury +pre-emption +dominick +sinology +wattenberg +daybook +snowmobile +furnish +wonk +delino +lithographs +howarth +elston +considered +00-round +scams +jokinen +wisteria +frigate +jesting +fournier +englishmen +penal +martyn +personable +edgardo +skiff +grindhouse +survived +recursive +sport-utility +saxby +hustings +al-haram +chaminade +mercer +cuffs +carpio +vistula +verhagen +prepay +dissent +fatality +senkaku +surfaces +rebellious +altarpiece +faymann +cavaco +eros +switch-hitting +irbil +prospero +emmerson +ivanova +lucy +gatt +cornette +compulsorily +travelogue +sitdown +hunchun +tbilisi +cpn-uml +materiel +vice-chairmen +daulton +subscriptions +orebro +gamba +anquetil +dado +invitation +his +hydrological +gabe +narang +darnell +email +perfecting +buffeting +jebaliya +rhodes +bequeath +nonfarm +by-elections +seiji +adzharia +self-serving +naming +supremely +entertainer +constriction +jinxi +bougainvillea +quirky +unfriendly +stacey +skrela +hapsburg +exaggeration +ghoneim +introspection +massing +akinnuoye-agbaje +skylark +empty-net +falaise +laursen +midlands +positivism +herrin +privatize +cockeyed +uhuru +sketch +maestro +top-ten +bahraini +kanal +ort +rhames +cornyn +villains +tinkered +kookmin +stroll +couplets +khin +poway +machetes +timidly +codelco +malfeasance +gains +confectionery +minoru +slepian +forestation +grigg +hamden +non-standard +dts +bedding +mobilized +zapatero +oficial +basri +seck +fyi +multi-dimensional +carelessness +muay +whip +mabry +on-scene +kia +western-leaning +eight-man +properties +goes +balloonists +shakes +leukaemia +drilling +slurs +hensarling +ibragimov +delisted +albert +pedophiles +santino +chamblain +icap +skinning +year-and-a-half +anomaly +cresswell +untraceable +kivu +gibb +silencers +0a-0 +congruence +jukka +vampire +rhee +lidocaine +biochip +mesopotamian +caw +device +insecure +spanish-language +esmat +medavoy +trnava +kah-ree +ah-foo +hard-won +inadequacy +cdy +hadi +spoofed +purport +dm +baranov +marijuana +mele +whitehead +target +faintest +plessey +burrowing +bah-lah +herdsman +slasher +bemoaning +tierney +harding +zemlya +bumble +shizuka +beads +bahram +honoree +reef +unflagging +maltreatment +wilson +thushara +sufficiently +liked +rupture +aideed +semi-pro +poyet +yanks +attractively +bfi +ist +papelbon +lissouba +breathtakingly +antioxidant +policy-making +polyclinic +rhododendrons +komorowski +smirked +hd0 +nonfat +levitation +irri +bookseller +non-academic +garter +kulikov +one-liners +auld +caravaggio +puranas +melchior +bobic +ncnb +heathrow +unfit +broads +hard-bitten +tending +djokovic +neary +adwan +pinhole +regionalization +000mhz +stilts +sanam +schalkwyk +madrasas +lucinschi +gilly +mehl +page-berris +urumqi +resurface +zaini +hostages +bettag +do-gooder +qari +silesia +offenses +plausible +affiliates +link +unbending +inefficiencies +than-expected +herbarium +lines +bookmakers +meiji +cityscapes +babysitter +orangutans +usac +paraguay +indulge +self-denial +bask +kwong +medina +s. +inhale +azizan +burka +emilio +beano +votes +vindicate +thrissur +are +tustin +erlich +democracies +there +dag +savio +dhaka +sepia +hilariously +waiving +fred +rade +crippling +mcgillis +reorganizes +brt +mays +enquiry +metro-north +jiechi +engagement +schism +a.i +remedios +polluter +enclose +spin +feeble +inversions +sefton +nobels +pda +aldridge +replaced +mistura +decisive +barnett +stosur +impressionist +annales +singularities +blower +zeller +overstepped +spatially +chabrol +mccarter +peacebuilding +epinephrine +shoemaking +scanners +taliban-controlled +rinker +wafted +nard +lakas +molokai +jurisdictions +subsea +cancelled +lather +uru +spectroscopic +goblin +tock +spurlock +systemic +udall +forwarders +amonte +willis +jeezy +su-00 +albumin +grandfather +jay +rijn +kratochvil +vejnoska +crusading +res-ahm +fibrous +j.c\. +nrhp +quarried +lalla +enthusiastic +rockslides +goodling +petrucci +skewered +joaquim +blasters +indianapolis-based +funimation +fragments +rs00 +solidly +pacifist +states +moonves +sawing +rosoboronexport +acuff +palettes +shimon +suburban +valley +buscetta +r.i +u.s.-funded +crap +corduroy +novaya +rank +gestational +solondz +derrek +vig +tenderloin +belafonte +kristina +southcorp +domingo +narciso +larrea +achieved +cassandra +patients +crustacean +baglioni +aintree +maazel +sanatorium +encourages +pdg +insured +edin +partial-birth +epz +python +spout +outliers +rogaine +studiously +cauda +smucker +structured +dele +uproot +unattractive +southampton +foursome +adventurers +orser +biplanes +debaters +hyperactive +frederico +brainiacs ++00.0 +caraway +'m +hoar +stilt +espoused +twentynine +eternity +m.l. +samuels +wollstonecraft +acerbic +fortunately +royally +ovata +squeezes +voh-loo +less-developed +pallet +bolkestein +shale +balch +choate +bevin +isn +graubunden +best-sellers +good-neighborliness +somewhere +paged +snacks +unionized +materialise +allerton +black-white +combo +negara +'connor +00-degree +inbreeding +giotto +coaxing +lexington +assyrians +crump +curlers +flinching +suzi +violetta +sezs +universally +commercialism +dispossession +rhetoric +resurfaced +jayyousi +brigitte +lock-in +pucci +fearlessly +qbs +midwest +annul +chromosomes +teal +struggle +operate +verdi +permanently +croat-moslem +olof +susanne +pee-noh-chet +secretary-designate +gutting +exudes +000-bed +calypso +obscenity +biochemistry +natter +basu +laud +distribute +celje +welker +mujuru +koka +wide-bodied +tabacalera +petro-canada +romford +poultry +chappaquiddick +permeated +idec +drummer +garcetti +gourdine +gce +changzhou +libra +unfolded +donn +goblets +uh-roos +impeached +pimp +chaplains +pereira +shapeless +malign +keren +sixty-six +javad +shabby +jihadis +aft +who +sy-yahf +ph +aun +swabs +austrians +exhumed +sardine +blankets +namhong +wur +symbolising +culpa +mountjoy +evonne +merchantmen +rallied +machinery +planter +gautama +dagon +wooldridge +slimming +wordings +million-us-dollar +outshooting +magical +three-headed +invoke +well-versed +00-pounder +chillies +sump +dixie +eads +eighty-six +parasites +kohat +campese +quentin +exhibitor +fellow +dank +timescale +outrunning +self-titled +rework +enhancers +mikulski +pfennig +inaccurately +gomaa +brethren +homestretch +underachiever +a/00/000-e/0000/00 +dilapidated +uscgc +meaux +spacewalker +lipscomb +morocco +exhaust +latency +whips +gossel +closet +relationship +globemaster +overwhelm +opined +beautifying +carne +co-owned +heimlich +maiga +tou +stroup +bl +xiaojie +corky +epperson +instigate +second-set +juried +hammock +gennadi +crewmates +milam +woodsman +nonresidents +examine +efta +seductive +dur-sloht +furlong +sela +mahn-tih-sel +jayawardene +hostetler +insemination +streams +nasseri +p.e +gauge +bruins +grasser +two-leg +arboretum +belying +inflaming +upped +mugabe +phil +carolla +stunned +campfires +wattanayagorn +oom-kah +data-processing +long-sleeve +tunnelling +casement +liberalizing +remix +ayia +jaish +canby +nixed +klinsmann +gossett +bouchard +participating +pharmacists +dissembled +priory +housekeeping +pidgin +claimants +nadia +dateline +onn +dede +sorcerer +celeron +wideman +edinburg +emulates +mimicking +prestwick +horner +yogurt +rigour +england +golborne +yousaf +shaded +phra +pavkovic +alexandria +signalled +lefkow +prim +kalahari +hitt +mph +arizmendi +vilas +stylistic +tehr +doolittle +boundaries +interviews +zidan +crusaders +reckoning +miyazaki +aberystwyth +mohan +sciences +communicates +montezemolo +unitals +vellu +biscotti +ginsburg +articulate +self-improvement +kwazulu-natal +sion +airlines +conspiracies +radar +brisk +stephens +florets +qf +mycobacterium +imagination +armbands +giamatti +shorelines +macedonians +neurotransmitters +bloodline +acting +kissufim +arena +allardyce +ex-government +supporters +washboard +suspicious +spars +al-shaab +newlands +smigun +hershey +reforestation +knowledgeable +vel +bug +glee +gaby +lm +nurses +olivier +satisfied +bamboo +muttawakil +0000c +hamada +brilliant +pozzato +sami +milbury +cherry +piste +cowardly +bypassing +epo +interviewer +cirencester +two-tenths +cappuccino +melancholic +darling +datsyuk +gunk +sina.com +partitioned +akiyama +dygalo +common-sense +philharmonic +georgian +chastain +quart +nubia +geyer +legalise +moisturizer +dejan +abare +frustrated +serine +hospital +heaven +lal +todo +chock +volcan +mutahida +poaceae +ricocheting +gebhard +category +lynx +lances +weasley +sweatshop +tokyu +compete +tickle +hammerschmidt +clothing +elixir +broadened +recapturing +garang +mutola +minimizing +boasted +pts +fortress +men-chah +marvel +subvented +inhibition +upper-middle +schlock +haig +marcin +abell +elevator +tribal +dvds +self-immolation +usages +d.t. +feliz +utiashvili +vertices +alleged +ly-thoh +functionality +hustlers +weirdly +contractors +isaac +lisnard +thimphu +peterhansel +workshops +multiplexes +demi +dissing +integrity +nach +manigat +half-mast +suspenders +unselfishly +incubus +starch +pauken +sixties +unwinding +interrogation +liddle +ramiro +fwd +exmoor +clang +biosphere +anntaylor +va.-based +mcguigan +anachronisms +motives +sourced +bosons +mutatis +carrier +multiplying +thoroughgoing +third-generation +okamoto +beat +gilmour +multi-story +allocation +pesos +ku +wingtip +levy +pagers +hoo-sayn +capuchin +troyer +serry +glynn +trapped +kunz +uefa +gregory +koga +centimetre +orang +ascend +khobar +sandiganbayan +willfulness +pecked +roquefort +bone-chilling +richest +tuanku +mindaugas +inamoto +miyuki +variability +non-albanians +whopping +takano +experiencing +porcelain +gilan +pricked +creamy +thirty-fifth +sulking +modes +negligently +custom +raglan +golda +beukeboom +shaab +halo +connected +contralto +followers +higdon +mondesi +businessperson +southee +consequence +costliest +rosedale +stipends +invalidating +sinopac +ostriches +ehl-free +riegler +foy +condiments +bat +amiel +antigen +al-jubouri +forks +exacted +par-five +riney +serious +puncture +expected +cerrito +taybeh +duplicative +regulation +someday +pole-sitter +00-yard +anza +rajeev +carries +rommedahl +alice +incarceration +glencoe +cit +binhai +garnier +apulia +topside +kyong +non-saudi +postponements +trekkers +moo-stah +kites +six-speed +substantially +melding +sunamerica +iwate +peltier +sanctuary +imamura +jacksons +haekkerup +mitsuo +bushido +gohs +cubriendo +draining +downloading +watson +rcaf +esk +dennison +dordogne +pretzels +fescue +delimited +trot +doy-leen +checa +splashes +jazzy +mausoleums +burhanuddin +torricelli +rear-end +prendergast +ibisevic +audax +vivian +quayside +slavic +profusely +arneson +anchor +military-related +cds +peruvian +commercializes +swarms +front-runners +velvety +multimodal +tome +romulo +frs +bongo +eloi +democratically-elected +kid-friendly +scaffolds +dba +counterparts +menon +eaten +abadi +forbids +zamfara +agaisnt +mukalla +planking +nair +gcses +milliyet +quinlan +unsparing +nazi-era +stoneham +wilhelmshaven +faceoff +amar +chelsea/eng +reflector +drowsy +downsizing +relent +renounces +days +anheuser +overflew +predators +islas +phuong +a/h0n0 +kiriyenko +ruler +motorsport +ito-yokado +lourdes +riggins +greyish +bygones +pagano +unicron +paving +valentinian +foyer +conduction +three-drug +poke +winded +frisking +pro-north +ettore +unlovable +gambled +allowance +whiting +regularized +kar-wai +dryly +d.b. +portable +gay-marriage +channa +retreat +reversible +damned +amputate +irving +muh-bahd +eltingh +ringtone +chambers +colmes +inexorable +pantheon +usurped +persuading +zaragoza +turtle +scor +hm +bulkhead +contours +riggs +rounds +guano +noctuidae +mobilize +cheats +pickup +al-mansur +berating +galloping +restores +pro-rabbani +varian +ward +hasselhoff +govortsova +gnarled +three-hit +gashes +chevrontexaco +pubs +resistor +efps +seneca +lurid +slacken +conscripted +koubriti +vomited +byzantium +gosh +erectile +period_0 +harsh +tightness +tethered +sengupta +great-granddaughter +backflip +kerzhakov +bammer +barbet +solent +gwr +nmod:according_to +lumpectomy +once +macquarie +hewed +harden +thalberg +mellman +pelle +thwarts +deflated +auburn +queasy +l'osservatore +mckiernan +perpetually +roald +grifters +frites +resealable +carnaval +desecration +gorey +younes +astra +raises +csn +danks +hindiya +immaculate +chhattisgarh +shrimps +refrains +wastebasket +caulking +mandhai +apprenticeship +mpofu +behaviorist +pathogen +chronicles +carolyn +perceived +invalidate +tsukasa +hooking +snares +bookie +sundstrom +dvrs +surrogates +oma +sze +voucher +cosenza +check-up +bury +denominator +legitimizing +gogh +collaborator +hawkesbury +kranjska +raking +prompting +fossilized +sf +pixel +placating +tikkanen +deports +al-fadl +bd0 +birth +technically +b.b. +defy +rehman +ligtenberg +manion +twenty-first +godmother +0.000000 +marketeers +scottish +centerville +nt00 +guardsman +macanese +soledad +arish +season-by-season +wielaard +high-visibility +showers +anew +speedskating +multi-purpose +tauro +serostim +jos +dazzler +octagonal +uh-pee-ak +congee +d-texas +stonington +000d +castile-la +zelman +credential +turbidity +enabler +glamour +sifford +ujfalusi +fistfights +ignore +faiez +davenport +flashy +nanya +kah-chin +contradictions +goulding +evaluates +jadranka +committments +nasim +long-lasting +belted +abdelrahman +hei +undue +ecuadorans +prevailed +beppe +oryx +undershirt +five-setter +vestas +black-clad +verstappen +mormons +spyware +advani +vitaliy +delamere +boilermakers +albanese +portnoy +ah-mahn +vusi +berg +whipple +uneconomic +a/c.0/00/00 +bjorklund +leverage +contrasting +ganic +poked +nagashima +gifting +mada +charms +concertina +howell +f00 +sewerage +fidgeting +reintroduction +intelligent +enthused +appealing +kotor +bioethicist +pharmaceutical +gray-green +socializing +arkwright +al-hariri +caveat +bayan +silkworm +thorvald +sarai +drilled +feathers +malcontent +top-notch +destabilise +hazel +picayune +nadh +sponge +channing +starter +anissina +ruling +uavs +gimmicks +sub-district +koht +attempt +underlie +lat +raman +bizonal +geographically +redfern +unrivalled +humvee +abdelbaset +comanche +gangland +ryding +garissa +polygon +camped +zi +knee-jerk +backdrops +guinea +pro-iraqi +boka +rowan +wiry +unavoidable +quadrant +varicose +wainstein +cuomo +klang +head +climatologist +ps +fiery +akili +maamoun +jolley +zeist +kabwe +olivos +dibiase +makah +elf +retirement +tus +telfer +voyager +disposals +takas +tillis +bredesen +mitochondria +fredrickson +worthing +wiesel +complementarities +http://www.coxnews.com/0000 +fhm +hawthorne +autumnal +front-row +rebagliati +trickled +wisdom +qishan +industrial-strength +big-hearted +byng +ceb +bandon +staphylococcus +mihos +thoughtfulness +laimbeer +caterpillar +candor +coy +separated +accessed +ages +wentz +turkish-iraqi +similarities +headline-grabbing +skew +missile +ahuja +proboscis +dharma +malaysian +lipstick +nys +itar +sweetie +ebbing +a&e +buts +downwind +terrifying +nursing +puzo +galactic +nightclubs +gravity +ihk +bintang +watercraft +zverev +match-winning +olic +mp +burnett +gallaudet +lutsenko +forst +goldmine +pauleta +canty +dzhokhar +donnelly +mitsotakis +finalist +out-of-work +berlinale +upland +melange +buhrmann +running +baked +tassos +formalized +kc +falconi +respond +webisodes +luh-kah +in-room +detonation +northrup +indulging +ill-tempered +middle-of-the-road +hung +rembrandt +tracklist +plutonium-producing +entry-exit +receptors +ponying +mcgruder +rhymed +ilves +reasons +sawmill +kenneth +update +asthma +meyde +maintenance +lahn +-00.00 +o'rourke +squalls +reagents +p.m. +vice-chair +reminding +obote +pleat +patio +gravy +six-page +jutland +mark-to-market +goodstein +etchings +boosters +chapa +hah-sahm +ewes +mulcahy +vitoria +encana +maddux +aetna +generating +lukes +clifton +psyop +kung +tropes +jong-il +spies +o'dowd +stowaway +whitlam +petrino +absolution +recused +boston.com +housewife +peshawar +researchers +hospitalized +machu +woreda +thrice +newfound +tg00 +sprouse +routing +schalit +taliesin +lankan +cross-gender +penetrating +decision +papeete +optionally +exacerbating +cephalopods +atal +anti-terrorist +subsection +mdp +peewee +moscow-backed +painful +zubizarreta +artem +anti-stalinist +repainted +minicomputers +longingly +liverpool +hooted +aristotelian +sir +origami +ahl-kuh-feye +yehiye +venezuela +00th-inning +ordaining +yade +uhf +delahunt +r-pa. +mock-up +bla +abderraouf +strenuously +macaroni +r-calif +chilavert +witter +hiroaki +two-putt +basit +consumers +tomei +sm +jaidee +svensson +hakko +aloofness +mcm +hardaway +blurring +musique +advantage +short +strangler +u0000s +windsurfing +sag +nipissing +kw +disparity +unhappy +dengue +booed +frosts +fourth-highest +rhesus +remarked +absolving +metalworker +blessedly +safely +andra +transactions +clitoris +determined +alloy +gnp +synthesizer +resent +prabowo +trademarked +freckled +schaller +rapport +triangles +prater +gabashvili +gog +pairings +cloture +cadre +minimally +mainsail +genovese +mounting +wellfleet +outflow +aggie +leninist +iffy +pending +kaiser +alison +mid-april +copland +self-promotion +mazarin +venezia +oct +uk +katalin +snarl +joys +tiara +vez +degenerated +leaderless +footpath +non-conventional +spectrometry +wetterich +public-school +programmes +logano +bos +christopher +farms +romana +ortega +form-fitting +elves +ribisi +lenard +pediatric +majlis +marcelo +clinic +antiterrorist +finistere +cantv +bruyette +confucius +crisscrossing +cowens +kem +tpe +tilts +nikolaus +instabilities +abyan +naproxen +staffers +desdemona +splittist +pyle +cytoplasmic +infuriates +medco +over-all +nef +unexploded +bergamot +delillo +fema +caihou +robaina +aleksandra +drug-testing +crude-oil +makers +b-00 +zoologists +stoppages +yvan +absorbent +value +drunk +jaywalking +wireless +aca +maku +idiotic +lorie +facial +mmr +hooliganism +reels +six-game +dj +slovakian +ioi +balsamic +spikers +adoring +reardon +tinker +refrigerant +sizzled +uspensky +vu +bantul +pierces +halpin +loath +malloy +hairdo +medal-winning +yah-mah-oh +headhunters +centralised +claimed +rios +outperforming +plaint +hamsik +goldfields +precambrian +promotion +candlesticks +tachilek +hedland +padoa-schioppa +peebles +fritter +strategize +videotaping +hypothesis +irrigation +blacking +kayser +sox +announces +000-000er +sim +hairpin +proyecto +life-and-death +plus-0 +keyless +toppled +oleksiy +penalty-killing +larose +gillian +primers +lavish +yogic +duero +ddr +mattson +doubled +padi +coupling +tendency +voinovich +long-running +scriptwriters +exhibitors +theuner +dokubo-asari +ahl-sih-stah +disliked +temporarily +isuzu +time-share +grimsby +sandstones +focussing +nott +trainings +homeruns +bayou +mell +somalian +shyi-kun +dialectical +picnicking +fluorescent +sprinters +bochco +publisher +idiopathic +grenadier +magness +liberalized +paracetamol +chee-oh +fatma +normalcy +inadmissibility +crediting +vroom +thumbprint +chavanel +distrustful +surfed +maim +jakob +negativism +opportunities +odyssey +reincarnation +orlando +mammograms +apoplectic +adventurer +accutane +kipketer +amed +rucci +off-target +scat +liras +gongs +wilkerson +inactivity +guyer +cantatas +radomir +battambang +korei +pur-noh-moh +rahf-sahn-jahn +decoder +muladi +doughboy +rostov +parole +suspension +win-loss +tahsin +botanical +golan +journalistic +yantai +answered +deregulate +gamsakhurdia +prowess +westernmost +mutu +nostradamus +abeer +huddlestone +replicates +king +nubian +specific +moneyline +cyberworks +oft-repeated +hirano +clanton +confessing +languishes +svenska +kp +standard-issue +vices +ollie +gobs +ulrika +synths +hondo +bevington +portuguese +swallowed +columbia +ratchets +rec +scoreboard +dribbled +vela +kingfisher +desiccated +politicizing +dismount +scheduler +aspersions +huatai +clarification +uluru +riese +shostakovich +sei +cubano +neoliberal +remaining +rajon +veal +voht +utilizing +sa-bah +five-person +archaea +bruner +fiore +tens +pastries +biweekly +vowel +ultra-conservative +one-quarter +cleave +admissions +drennan +quality +frolov +hometowns +habre +gauze +graduate +nocentini +sali +adjust +human-induced +adoptions +palestinian +shenyang +pursue +subversive +ehl-hahj +acetylcholine +misty-eyed +bearer +bolten +illusions +gonna +snowboarding +deparle +albina +playlists +daffodil +runabout +pamplona +north-northeast +aguas +introduces +capitalizes +pronk +self-management +mortification +lass +roleplaying +equaliser +schaeuble +furyk +bots +parklands +zangeneh +stilled +dsa +urgent +curcio +skipped +appiah +point-to-point +eldar +preparation +amazonia +primorsky +unchecked +tangy +akinola +faces +jaffer +recurs +independiente +urls +dabbled +comparative +folk +beneficence +banshees +cardholders +mcpeek +color +joffe +warfield +soaking +mcinnes +dilip +farmstead +ardently +testes +berke +weekender +gmc +riaa +josette +reinprecht +oozes +toshiki +archaeologists +elevators +escapes +hunte +canvas +testicle +symonds +embracing +ruckman +midian +u.n.-led +michaelides +adore +match-up +curriculum +fly +huddled +desormeaux +dyslexic +five-time +quietest +natwest +redundant +mo +deif +cooker +aub +harbaugh +escaping +thatcher +orellana +emphasizes +margrethe +cooley +twombly +state-set +herself +collymore +croker +transpires +widener +leonel +cowering +non-metallic +sah-hahf +keith +woo-suhk +borgia +gumbel +cochlear +chmura +ngr +congestive +firs +equestrian +well-kept +fortson +apprehensive +recycles +ishihara +bane +understanding +juts +flu +cpaffc +akef +del +referendum +claridge +grunwald +lesions +voskoboeva +mulenga +rocard +traceable +memorization +canes +sayegh +ballplayers +communist-era +depicted +chops +sullen +woolard +bihac +last +high-performance +sadako +stripped-down +j.r.r. +beautiful +wash.-based +survive +walt +anticipated +shoal +ren-yay +insulate +rain-drenched +orrin +cody +resolve +plug-ins +scientifically +high-handed +newland +homework +asmussen +farmingdale +handpicked +erase +two-footed +crotty +schultze +machakos +unusually +unceasingly +leblanc +workshop +buckland +weiguang +pear +jeanne-claude +romina +yacht +curb +bodman +canwest +zambrano +hunches +decking +instyle +assertions +season-opening +catty +comrade +tsvangirai +supercar +nabobs +marichal +palestinians +natascha +appendices +mccabe +cowards +bricked +goodbye +zabriskie +tisha +reh +reconnaisance +weng +vice-chief +punks +ochoa +opines +deflected +ioana +northstar +bdi +commence +generalities +bisexuality +docking +university +assignments +ledet +gwyn +retro +nmod:at +overbay +untold +idioms +swansong +raptor +patriots +sabmiller +higgs +pallbearers +tindouf +alawites +cherries +inspected +motassadeq +ramakrishna +soli +anti-trust +dummies +angst-ridden +snowball +nad +diverted +express-news +yahia +confraternity +tehachapi +000-acre +quibble +terracotta +fives +automorphism +conditioning +enslaving +indias +tsonga +post-rock +italians +exploring +slamet +bertelli +overgrown +fussell +wind-up +parliamentary +intefadeh +haussmann +canny +brinkema +unreachable +constitucion +claxton +pitch +dokic +baboons +romulus +sarcasm +hustling +sotiris +greenpeace +handicap +badri +asia-europe +citys +subjugate +vimy +conway +audibly +likely +f +playhouse +jump-start +taurus +huntsman +transferases +marsupial +bustani +gogel +crossings +goias +k-0 +sell-off +mcgrath +fisher +kumar +urge +das +ouellette +neighbours +ginglen +packwood +amara +paycheck +npd +prioritized +doyen +dol +safi +doting +rav0 +ills +snowmobilers +carruth +uncharismatic +buttoned +drcongo +freshened +flashing +colourless +kangaroo +rereading +times-stock +cottage +londonderry +afforestation +emulated +parham +targetted +overwhelmed +blink-000 +tirupati +loroupe +riccio +unscientific +sadow +advantages +atolls +scottie +minstrels +infiniti +ziff +jardel +leniently +tendons +shalev +livermore +proven +palmolive +lido +miz +marica +yankees +hard-drive +behn +faulted +service-oriented +non-conference +fighting +strong-arm +tolimir +pests +gurbanguly +gutter +varosha +mossad +rmit +am-roh +pccw +enumerating +mother-tongue +pulmonary +decidedly +c-00s +pulte +inductees +spotter +fluently +anjouan +deuteronomy +exclave +webo +jinja +teng-hui +sor-buhn +whitefish +cut-rate +pastore +wenzel +perben +apoyo +nakuru +dmitriev +frictions +al-arabiya +amused +low-hanging +horsey +athos +calamity +weddings +imploded +snag +hantuchova +ill-conceived +harleys +resembling +ftaa +foregone +claudication +goldeneye +profane +cabana +failing +seven-day +coed +pima +kidderminster +seita +akira +fetuses +munro +biophysics +dislodging +alsace +marches +signatures +threat +pincay +retarded +choi-hi +panties +egypt +springs +reciprocity +eva +bacon +preachy +rosemond +g-rated +twitches +polyester +data +kh0 +mavi +hornbeck +00bn +franchi +predecessor +pored +hennessey +three-car +tancred +riyadh +strolled +shuttle +molds +eye-yahd +kospi +shyly +det. +ezzat +independently +two-stroke +caminiti +pitiful +expertos +airfare +shaman +sanctions +expiring +moea +masi +federer +princesses +vertebrates +takeshita +zaman +lash +razov +employs +chest-high +eighteenth +pierre-louis +r.w. +directs +jagodzinski +rylander +bumbling +bool +blacksburg +malians +apical +representante +mismatch +iia +practises +bogut +canna +inaccessibility +arguello +al-marri +woodforde +chessman +fourth-floor +sweden +nir +nonaligned +sevres +depo +buttress +shakespeare +scepticism +towering +unearthed +counterculture +sweated +straight-a +anagram +nyangoma +baa +schechter +backfire +ralph +combattants +internationalize +pantsuit +0,0 +swansea +revolving +timo +examined +0,000 +lipper +craved +above-ground +reflections +acuity +direct-to-video +tammy +olexander +pillboxes +twenty00 +el-fahm +0t +nee-uh +stein +drafty +top +infirmary +u.n.-controlled +geoffroy +honeydew +baguette +shikaki +soyuz +bertuzzi +a.k.a +payments +genome +government-funded +shigeru +campaigner +fluidly +checker +corroborating +copiapo +nazr +bullfrog +domestics +d'oro +demographic +zhitnik +mak +on-and-off +misogynistic +firebirds +open +interweaving +vah-yahr +finality +liriano +azalea +disguises +mariusz +tonto +speedily +devoutly +lapels +vinik +zubrus +age +tedder +confirmation +vladimirovich +certificate +stempler +match-play +hala +...... +mecca +notion +hatoyama +reappeared +loved +lundwall +fifty-eighth +p.000 +hershiser +mystics +comune +chocolat +emoluments +enjoyment +keim +bathed +goren +kiser +periyar +sash +clinched +sah-lee +epidemiologist +handicapped +typified +slobs +zur-in +piccard +intimacy +derided +veracruz +replaceable +giuly +periscope +strategically +panamanians +convene +d-pa. +scuderia +frida +betrayal +slug +michiko +flipped +forcing +glaus +gk +abbottabad +pro-kurdish +diacritics +collagen +wikipedia +groundlings +minced +dec/00/00 +penarth +grand +polypropylene +schilling +cakewalk +finegan +jonny +amiri +cantons +tangerines +crowell +synchronous +awarded +t-00 +mjoes +forestry +kiseljak +groton +set-piece +ardoyne +mukhtar +segers +practical +fingertips +drnovsek +slavs +impersonators +clasps +melatonin +getulio +kittredge +deferments +garneau +cloudless +file +falsehoods +teves +longshore +meshulam +vandore +third-place +scented +modulo +forlorn +go-go +awe-inspiring +pre-show +ofc +flint +area +rafferty +yalu +top-edged +navigable +unsanitary +jailhouse +eocene +moyers +hod +snecma +oued +bushman +realize +anti-poverty +seal +dp/0000/00 +airbases +renewals +sakes +brasileiro +brighter +greet +utrecht +two-dimensional +japanese-americans +insufficiently +wilner +rachelle +pro-athens +kps +near-unanimous +galveston +gormley +hedley +dera +charity +hostels +fijians +outsold +valenzuela +qalat +tabletop +egoyan +rafat +crooning +dreamlike +shah-meel +oxfam +gravano +ahf +maar +wolfman +fgm +ilene +tv +hava +embodying +aden +pre-session +awolowo +potboiler +mid-winter +coos +taiko +dandelions +ol +blueprints +kefu +burbank +scotts +bromley +hopes +dynegy +bungie +troop-contributing +foh +fluctuates +camarines +hunchback +vardalos +karadayi +mata +afforded +passat +afraid +bribe-taking +bangles +pakistan-afghan +pascale +leger +exercise +ambiguities +eskimos +slingers +caniggia +out-of-town +us-russia +kosher +chain-link +satisfactory +appellate +spiders +brokered +devotion +b.a.t +pina +one-inch +megabyte +centerfold +montecito +kelp +dior +copernicus +cosby +bravest +g.i. +brilliantly +nisbet +dum +water +amass +cotterill +jinnah +telebras +batlle +thrash +golem +hoving +nattawut +tiankai +gerald +pragmatically +suh-wihk +draperies +touring +ballets +h +hadith +landfills +komansky +killer +surgeries +sirloin +blaming +meno +well-loved +image-conscious +clare +erotic +gnosticism +veneration +grub +mismatches +well-crafted +pgr +auctioneer +energy-saving +communicable +winnebago +coronation +antony +urban-rural +blitzes +mazar +holt +menacing +cda +hayworth +derail +eesti +urbanism +peruse +boycotting +dissembling +ah-muh-dee +tolles +afflicts +futurist +protest +aea +bisphenol +aja +semicircle +kraemer +screenwriters +kweli +cooperatives +comac +quesada +pits +rabe +zun +dishonorable +xitong +kerlikowske +resembled +lilian +posix +us-backed +monthslong +reactivate +alchemy +vivant +cloven-hoofed +espanol +dissolved +sonata +romanized +kinsella +hewett +heir +pol +preying +luncheons +counteract +havelange +bridgette +msc +squashing +jester +surabaya +renters +tra +ate +yankovic +potable +safra +eczema +patagonia +farinas +affluent +pasted +eighth-place +etobicoke +monopolize +mayr +yanking +relishes +florence +first-served +aqueducts +outro +endeavored +bhakti +preserves +c.j. +p.r\. +circular +constructs +commonalities +wedneday +bremerhaven +tsushima +carlito +melanie +katzman +bello +embankment +instruction +lewinsky +netherlands +markov +bonior +examiner +hayley +extracting +plenty +begg +froth +tilden +dog +restrains +maggs +playwrights +lanterns +goldwater +masai +burnie +yilan +munchkin +kitty +mahmoudiya +mutter +terminator +croce +mothballed +schoolmate +mbps +peschke +kirtley +queries +presidential +south-south +strained +enameled +intact +isringhausen +communes +melisande +samp +disrupted +tycho +eagerness +volodymyr +oshima +wavell +velma +vasseur +susceptibility +proto +careers +nutting +mouthing +niazi +amendment +wall +pasteur +shannen +cacophony +hissed +anno +variety +dafoe +medium-sized +geographical +spiegelman +linguist +dramedy +well-written +bizimungu +provisions +greenwell +0th +perera +kirsten +conversation +upstate +haves +grimacing +sixfold +shg +freeware +flanagan +bibliotheque +misdiagnosed +coming +resort +vocalizations +two-time +zurich +fining +gree +seleucus +cardboard +fiancee +stanwick +flirting +lavalle +eradicated +loops +suna +wide +goldberg +eidur +glycerol +docomo +czars +scan +ashish +intensities +rigas +brearley +turkmens +corridors +jharkhand +dispenser +five-foot +pamela +bohg +pathetically +osa +bluetooth +foor +friuli +stur +attending +ramah +hero +kline +outdoes +inhabitant +outfits +refrigerate +allergic +seafarers +grips +constables +bahr-goo +barone +mcdonald +aphorisms +busayyah +gallacher +orlin +comrie +erbakan +decisiveness +burkhardt +irreconcilable +pork +screwball +albatrosses +shipwrecked +loping +soldiering +good-looking +latter-day +hazen +coronado +rpr +skorean +despres +reprisal +adaptability +peeked +dahk +truckload +sandstorms +dia +suh-dee +untoward +pfeifer +neemia +comprehend +ducking +haselock +chapin +wmds +earthwork +cracked +bobsledder +aviaries +cnrs +wham +giovani +established +menswear +helmut +thames +socialize +sdrs +persuasions +foundries +nyi +u.n.-mediated +afoot +run +kamil +crabtree +thee +nik +commons +sanath +corbis +deathless +sabonis +shas +matchmaker +reilly +bremner +gluing +whimpering +ogonyok +excelled +signer +jiddah +worden +cassava +profesional +annoyingly +pt +countermeasures +jacobites +thicket +burleigh +bc-pm-budget-lat-wp +latin +moms +lengthened +krumv +embed +disco +three-under +nuclear-related +airframe +confidentiality +begay +xiangyu +flotation +sliver +gulu +violence-wracked +vint +push +kangxi +lewitt +herding +bie +ingles +tweeting +shor +ikea +savaged +c.s +michalis +included +lacklustre +aston +until +parseghian +assam +phaeton +willpower +frequency +caballero +sneaky +chattel +al-fayed +professionals +all-day +cual +designator +ignites +ranting +third-and-00 +supernovas +aip +preacher +tavares +zhenghua +exploit +eligibility +ulema +week-long +northridge +skyguide +askew +leonidas +flight +forcefulness +frolicking +low-budget +robitaille +musket +bleeds +chens +d-calif +sidoti +soles +dissents +abnormally +ilitch +published +amphetamine-type +dimple +000p +sigrid +thanet +mits +brownfields +smokies +prolific +tuaregs +jarred +folktale +languishing +strictness +riza +belts +kitschy +solders +shakir +heisler +molitor +dinger +spielberg +midlothian +hand-in-hand +levit +money-making +oversupply +closed-end +fyoo +mercenary +gatehouse +anglo-saxons +shayan +recollections +frightened +teaser +oscillating +recoils +brickell +-00.000000 +getz +pennines +mine-clearance +lenexa +derisively +singha +antonino +tight-knit +faysal +splinter +sanitizing +hunter-killer +simmered +occurs +marrakesh +tigar +overpayments +splayed +yumi +add +komodo +militantly +torsion +graffanino +huhhot +aforementioned +amen +nomen +irby +afa +adulterer +thuy +all-chinese +varna +wardrobes +vranitzky +elders +skorea +tercera +kostomarov +haddock +moro +mashed +emulator +inculcate +chafing +oracles +waukesha +ituri +chili +kilimanjaro +hertford +inherits +crewmembers +reallocate +borel +beck +airtight +correspondence +anti-ship +two-way +headquartered +mariucci +revive +muslim +inflorescence +rosas +dopamine +civitas +braunfels +tembo +fasting +fulke +courier +awaken +hollers +suggestions +self-assured +replayed +farooqi +waves +duhn +bugbear +democratic +distinctly +photorealism +fradkov +rates +shahm-rohn +roddy +ulsterman +mourned +rudeineh +tenerife +torri +ami +patrolmen +rollin +shivered +agip +ladislav +pronouns +discretion +warmer +gwan +west-east +prieta +putz +estefan +loner +v-twin +kmh +dickstein +falcon +executing +farthing +nyu +nfa +holomorphic +dazzlingly +taiwanization +retailers +hanged +implicit +feta +spectators +gun-control +rubble-strewn +clutch +retakes +malfunction +sanitarium +outmatched +hattaway +desai +drift-net +al-duri +shunned +tatenda +iht +canopus +kwan +appleby +liter +trombones +peled +conceptualism +yosemite +swerving +republics +linford +apprehension +judie +camerin +alda +arats +keyhole +anti-social +trumpeting +usps +double-murder +hochman +ols +cnca +seigneur +months +norv +diplomatically +whisks +tungshih +vince +one-story +longview +crypto +omar +sting +pups +vish +superbowl +yagudin +gobble +zadok +bykov +bulkheads +opsahl +sharia +forested +b.a +alienate +chill +outta +gruevski +forgave +upn +antipsychotic +arresting +fitzpatrick +lottery +rescind +coptic +vaporize +responsibly +telltale +stashed +invulnerability +scher +stablemate +newlyweds +hiatt +byz +lescott +mitigated +spr +remaking +prairies +sud +iphone +opportunity +assign +langen +peaks +coaster +gaulish +stefanyshyn-piper +serviced +curley +poli +harlin +wildcats +sing +nsb +conspiring +delucchi +deriving +jingdezhen +pick-me-up +pandev +rollins +narrated +philo +mesozoic +sulfide +h.j. +equalising +actuator +grazers +'brien +elodie +ritzau +mesaba +stifles +politicking +stigmatization +messing +lehnert +fitzmaurice +flaxseed +welcomes +unsatisfied +immd +nurhasyim +arvind +baystars +nbc +hopkins +writeoffs +mali +euro00 +armchairs +ee-meel +cambrai +i.e. +overreach +laser +koreatown +barrio +fearsome +lc +quackery +governments +wallonia +interact +incised +belzer +saad +amisom +upsets +bruise +nordin +knuckles +paramaribo +videotapes +rijeka +dalla +drags +second-year +phenotype +embezzled +shamkhi +ewen +balcerowicz +unties +proportionally +mermaids +bugged +orangeburg +non-european +equip +budding +harris-moore +etxeberria +induces +shellings +marsalis +apostates +santana +teran +internacional +philosophical +zy +outcrop +macaskill +http://nytsyn.com/syndicate/pageex +dependency +abrasion +self-proclaimed +metallurgical +horno +annexes +okan +instantly +hypothesized +creme +banging +colonists +bills +e/cn.0/0000/000 +subscribe +chitra +mug +heseltine +killarney +tease +heavily-fortified +outgrowth +strongman +myung-bak +jung +backstopping +hsing +perspiring +jeanne +business-as-usual +elson +bedouins +michaels +zf +catamount +somme +larynx +demarest +gahr +nmod:between +irritation +un-habitat +modigliani +cofidis +nws +buchner +hillcrest +dancehall +paper-making +simitis +aggravate +blobs +moat +coup +undergrads +uematsu +percentage +rafts +hears +logbook +ponce +cornmeal +glitzy +0th-quarter +j.s. +government-subsidized +penalizes +slaven +coloratura +ml +low-carbon +jabal +ethnic-albanian +brocade +all-wheel-drive +implants +dworkin +vertigo +day-to-day +mio +electrode +cataract +macapagal +chalerm +non-military +shootaround +perrigo +marjayoun +watchers +celsius +softer +re0 +stayed +bowels +coop +'til +olt +gaulle +six-stroke +transnet +corretja +duro +stressing +vikki +godunov +tcu +keyser +broker-dealer +rika +co-located +raemon +consecrated +lessened +peripheral +impose +al-naimi +mcgehee +introverted +luhn +german-speaking +traced +concurrence +enrollments +schwartz +doors +dollar-denominated +influenza +ezell +quieted +iguodala +shacks +contravenes +roscommon +backpack +deployable +ducts +ciaran +politika +wark +bluestein +worsens +urbtix +lundestad +nich +warded +shenzhen +tableau +xiaotong +organizers +alighting +televisa +valladolid +duckworth +shvedova +bligh +mogavero +bruijn +objectionable +argue +fife +zenden +atacama +anti-iraqi +menke +0.nf0 +simao +selcan +unprecedentedly +ernie +locate +arazi +hiro +marinelli +mcdougall +kickoffs +nwo +gauges +herring +tci +ahmedou +open-end +nightingale +penultimate +birkenfeld +experimentalist +cuttack +mccaffery +monasteries +halaib +vladeck +otherworldly +storylines +radner +cremations +demography +bfa +beersheba +off-road +kamei +hades +thundered +companys +alchemical +banksia +nonnegotiable +hunch +toffees +dmc +cme +unlike +knifed +retief +anubis +shark +unesco +o'grady +action +shapira +schoolboys +trucking +nytsyn-tvtonight +sheeps +shkoder +durao +mansell +allback +isobel +sawa +reeves +neckties +burqa +valu +supper +una +garratt +stylist +income +ferrante +decals +sayuri +lo +marib +orszag +wagga +how +gleason +dispatch +unfancied +gelbard +rear-wheel-drive +extender +summer +euro-area +anita +trilobite +hamidzada +herbicides +vee-zehl +ninety-nine +thanjavur +refocusing +consecrate +banged +denier +schaffer +boni +juggernaut +ildefonso +sniffed +saxony-anhalt +hsinyi +yokich +negligible +understeer +gerstenmaier +harmoko +baid +deeb +derbies +bin-lah +eschews +symplectic +conspicuously +crp +guangya +ynez +sequences +low-intensity +nuanced +oriya +eh-kat-ur-ee +hutu-led +skydiver +harborside +chak +egmont +pleated +riverboats +uk-based +multi-platinum +dive +otri +thermally +application +liliana +buzzwords +sirius +admired +uriel +millet +benko +carb +ojdanic +pineapples +fledging +bombay +bangabandhu +hartnett +ideally +pallbearer +pastoralists +collars +mcnamara +mih-thoo +confusing +covad +indictable +shiites +unter +take-away +sodomizing +resignation +buoyed +ill-health +urinary +fave +medicine +bookcase +spongy +yin +salvaged +coxohio.com +al-rabeei +bioterrorism +bienniums +warmonger +slain +squirted +· +ridgeline +handcuffs +coauthor +winifred +deylam +willamette +half-hour +rejected +rollbacks +secretion +comforter +premarin +kisses +samajwadi +sydor +thacher +mughniyeh +formalised +oswalt +eco-systems +judges +scolds +princely +ronny +hard-core +mee-shehl +eyet +suisun +ignited +chopin +sihf +ulster +natick +bunted +stickney +recursively +mundo +collaborative +three-room +laborious +seaga +amf +vahid +al-shehhi +sagebrush +deanery +lasting +costar +front-month +entrenched +reciprocal +bel +durrant +constance +contestants +cuticle +timorese +softens +schaaf +reapportionment +diluted +azeglio +r-ga. +carte +moa +acl +hkmc +chivas +siad +brixton +iga +lionsgate +spigot +molesters +herold +fell +yulia +paloma +sharpshooters +bloodthirsty +ofcom +denzel +plied +anti-secular +tournai +lexi +haughey +r.h\. +guayaquil +audie +updike +ranted +viscount +weingarten +cruyff +hydrocodone +fused +gladiators +combines +middleweight +f-series +plugging +unosom +suda +schieffer +lgonzalez +gresser +hoisted +chardonnay +goguryeo +damon +commando +blowfish +retrenched +seiko +breakage +planting +hemoglobin +sosuke +relinquishment +kummer +formaldehyde +restrain +bestiality +third-grade +stooges +cristie +teck +artifacts +pistachios +faeroe +cashew +dadis +on-screen +hash +hauler +screenplay +azman +eiffel +d-los +milpitas +open-ended +bemoaned +fetched +williamsburg +morley +abbiati +mla +dermatologist +voles +fith +stifel +prem +nyse +serc +ex-dictator +seventeenth +spillage +mid-to-late +glade +petric +hutcheson +yad +bataille +l' +atria +entail +anthology +minella +non-professionals +azarenka +spyker +followed +ultra-thin +rebuilt +teri +crooz +medford +tatyana +oberweis +entailing +sufficient +e.r. +murrell +germaine +frejus +mckellen +appreciation +scandinavia +molding +swipe +formatted +crystallized +tenn +misdemeanor +rekindled +thorniest +rahn +inlet +cert +oftentimes +encyclopedic +aena +bayeux +multihomer +karnal +dugout +best-looking +gilberto +kezman +imran +feedstock +banbury +gordimer +jihl +chicopee +patricio +wenger +varios +chim +colonna +hutu-dominated +portfolios +cerebral +yourself +natasa +simple +vadim +layout +milan/ita +encoded +jittery +mechanised +ahl-rah-sheed +irreversible +finger-pointing +calexico +strawberries +stohf +sultanov +kihd +lise +mughal +totta +paxson +basse +orquesta +cara +uzice +neatly +famines +managed-care +asian-americans +yourselves +nodes +fouts +jul +chara +retook +regimes +harkin +oficials +toughens +doyenne +july +mauresmo +first-leg +http://www.ford.com +kinney +stanislaw +leadership +shingo +mauritanians +mwangura +revved +potosi +craziest +popovic +tabs +efficacy +keirin +andre +cost-efficient +thrashed +weir +townsfolk +walsh +quibbling +pre-sept +surrealism +eec +culmination +wolfram +dorgan +frye +wishart +book +frisk +battle-tested +tepid +dreadlocks +extortion +decorations +performer +bakewell +car-based +biology +attic +sevilla +tendulkar +brenden +dosage +lengthen +mee-lahn +endangerment +tooele +neutralized +presumed +crops +thunderbolt +punching +reconquer +agricola +handcuffing +brambles +hog +sprites +grater +implore +passer-by +cognate +hailstorm +father-in-law +yanic +reassert +papaya +csiro +crutches +westbrook +ahl-oh-wahl +polish-born +martelly +well-defined +monstrous +gil +yuli +devoe +nobuyuki +blewett +wackenhut +thongs +0-hour +bootlegger +villain +injured +braithwaite +bibliographic +flees +yasukuni +bradbury +slm +bombarding +carnes +losses +ester +fuh-tyah +piaui +fusillade +b.c +luminaries +rat +flip +think-tank +eye-popping +ecker +post-game +cross-taiwan +cavalier +typhoon +armstead +banton +undertakings +elegance +nagle +marvan +sino-french +heirs +sonnets +kampf +recurrent +sportsmanship +airplanes +sorour +erp +suggestive +break +nishida +blocs +ava +hasek +krishan +involves +skinned +three-times +pretrial +get +barbed-wire +glih +moorehead +levees +sandstone +tell-tale +fam +estelle +surely +lunacy +shined +egerton +sheff +unforeseeable +maciej +dmitry +qasr +vidor +thohr +ybarra +closed-door +sof +drain +cloying +kettles +examines +devault +ouyang +chilliness +sawdust +aggregates +gomel +matthey +bakhtiar +ady +geral +ex-police +then-coach +advertising +angela +beauvoir +banished +dogar +adulterated +ishiguro +orejuela +drywall +adaptive +lucha +nilmar +zemin +incredible +geophysics +ffa +d0000 +despise +rta +tayeb +masud +zana +conscience +scholar +vilna +totaling +chatel +cupcakes +snacking +barletta +landman +0-disc +thailand-based +docket +smell +ikimi +chicano +hypothermia +diorama +baylor +hamburgers +pronghorn +loss +trager +rode +mrkonjic +camila +robinsons +albania +cryer +barraged +loa +vitamins +thickening +senior-level +seals +hindrance +frankfurter +lark +making +roukema +gastroenterologist +willies +morphological +barroso +erudition +gregoire +mid-june +card-carrying +defected +manifestations +lobel +mie +sam-py +slights +premiership +benito +bonded +auspiciousness +hwa +histadrut +opie +jere +nba +conferred +00m +aiding +ryu +shareholder +is-lah-mee +concordance +unsanctioned +acosta +jhelum +playfulness +artawi +sila +scaled-back +dunker +senders +m-f +antonia +fedorov +subprogramme +re-examination +stir-fried +knock-on +sixteen +animosity +momentary +triathletes +chevy +yoshikawa +sages +bmw-sauber +italics +muck +stepsister +mutations +illicitly +unvarnished +scenarios +appraising +contentedly +fought +othman +eurobond +outraged +apostasy +frequent +durr +reinhart +karting +teledesic +stepped +peronists +maintained +keen +caray +massage +whey +molineux +hieroglyphs +gigli +headteacher +clean-and-jerk +lincolns +telemedicine +open-top +southgate +fermented +baez +rag +laayoune +dos +coates +saluting +permissiveness +chieh +tenths +wallenberg +unchallenged +miscarried +junsheng +raised +komeito +umbra +beneficent +ranatunga +spent +neon +bathtubs +mayi +lamb +jet +newly +tamar +phiri +downpour +taya +algorithms +drank +sleuth +weinsteins +pangilinan +alberti +wadsworth +high-fives +millionaires +leaguers +epp +conspire +glucose +websites +naturalisation +inaugurating +couplers +lajos +slovenly +‘ +rejoiced +outfoxed +cringing +transplanting +axial +suffering +homicides +moralist +bosworth +summaries +marte +cassini +dri +outselling +hews +tilton +american-backed +distasteful +toshiba +istomin +elmar +dolby +mad +davids +sankei +scraggly +tutelage +viacom +pre-empt +oil-based +salazar +ferenc +hieroglyphics +balanced-budget +ill. +tesco +t.s. +compulsively +flagpoles +misfires +four-day +radicalism +wis +bradenton +northeast +ganis +spock +overthrowing +ezzedine +necklaces +betting +deserter +joblessness +negotiate +orchids +fortitude +paiva +stagflation +vijayanagara +movement/army +mcintosh +augustin +abreast +british-made +kneels +unforgivable +mullaney +cordial +huntress +earrings +seattle-tacoma +slipped +lachance +us-000 +explicit +lanston +ostensible +adder +lifers +steeped +algirdas +decibel +hinkley +quarterbacks +aliens +skelton +atwal +anglicanism +blossomed +heyerdahl +intensifying +climes +imperfect +reengineering +tina +harshest +mathieu +atropine +n.v +ahtisaari +kil +nullification +yablonsky +old-economy +chunlai +djibouti +ledford +teletubbies +samaria +philanthropic +teplice +clemence +two-year-old +tiebreaking +policemen +dislocating +then-secretary +overstuffed +caucaunibuca +umbrage +rounder +bras +phylogeny +flash +demosthenes +dunes +infections +duquesne +cuvier +fuerte +shojo +shields +detonators +khar +peninsulas +egged +smallholder +lascelles +robber +caremark +newhart +scold +beetle +ovulation +counteracting +undergoing +predicaments +pricing +hour +inquiry +skateboard +sweeper +seiler +jaw-dropping +vnu +truncated +sixth-seeded +rheumatism +pozzo +warn +handlebar +yue +tracked +unforced +velocity +casket +rahway +unequivocal +esperanza +professionalization +northerly +purcell +comb +wheelock +kwah-ee +amadeo +noticeable +oriental +singletary +mandala +rear-drive +kenobi +residency +vnukovo +americanized +milepost +foreclosures +bypassed +hawthorn +absolutes +shashi +jolts +discharged +second-guessed +ah-mehr +mcphail +frailty +glasson +sardi +november +cross-ownership +omb +hall-style +evolution +accumulation +efcc +seh-beel +timmer +shams +renovating +000/000 +dative +dooling +konami +daughter-in-law +chaanine +otunbayeva +contentions +ryoko +evangelism +rossana +boykins +seventy-two +sixpence +hsimenting +boric +oscar-winning +rubber-stamp +point +schwarzenegger +brah-zow +hairy +isolationist +single-handed +exerts +outhouse +sidani +stylised +tri-cities +non-interference +caterina +muh-sood +eoin +unstressed +midwives +menna +potchefstroom +fly-half +eustace +a.b +carniola +foxes +shirtless +defenceman +exoneration +maale +incapacity +kaifeng +nagel +firstly +calligraphers +alekhine +poverty-stricken +hardline +exchange-traded +wareham +tannoy +sepulveda +exel +samawa +yazdi +clarkson +geckos +bugle +munition +vonnegut +jacobean +ah-boo-hay +samovar +estudiantes +gotovina +lan +rafi +brand-new +land-mines +third-string +residential +iseman +ambassadorial +yael +broader +vectors +brouwer +castigated +gohr +rasp +oberoi +vitebsk +oglala +exercisable +epochs +kudos +hannu +seeming +rudd +ibarra +armors +bucs +yates +absurdity +chamorro +intimates +favreau +uch +newhouse +soundtracks +monroe +raisers +state-controlled +ab-dahl +loy +tbd +milledge +middlebrook +partaking +befalls +considerations +quadruple +cronenberg +scurrilous +dwyane +maestros +then-mayor +respected +morial +maslin +voight +unyielding +deisler +gerbil +projects +cognos +gable +covarrubias +ancestral +blaze +antioquia +stem-cell +rizwan +cask +micale +predicted +kasikornbank +hah-sah +glean +baiji +bacteria +athlon +milli +simplistic +dacha +colmar +bc-new +sss +pachauri +shortwave +mobbed +comedic +five-million-dollar +trixie +liguria +eclac +football +particulate +spouted +drazen +viti +carbon-based +republicans +ruiping +windpipe +xm +asda +koy +deprivation +sniping +corkum +irwindale +unfurling +nucleolar +kleybanova +madam +underappreciated +nationhood +municipals +similiar +coxsackie +yoweri +shakespearean +wd-00 +sealed-off +dagestan +venture +tasnim +jakarta-based +darrell +qiyue +spanish +africanus +truant +saxon +infomercials +roux +dow +reinforces +sweeten +jerrold +schwan +gilo +artmedia +crass +kvashnin +paraphrase +ladenburg +music +mcmaster +razed +wrested +agh +pro-junta +internationals +exacerbate +precursors +wanda +galvan +abutments +pizazz +scorecards +mitigating +thermo +pashtun +anti-treaty +carr +northernmost +mired +tromp +islamist-rooted +hallucinogenic +computerize +oguchi +farris +tyson +cnta +taxonomy +bah-rayn +recurring +tazewell +strain +pedagogical +infrastructures +downhiller +rona +imperil +yoo-doo-yoh +sluman +tricon +dynamite +nitty-gritty +lodhi +sivits +shaolin +hansard +coot +reacting +founder +ski +begrudgingly +ghostly +misfire +southwick +sportswear +featherless +heidfeld +sarsaparilla +neurons +beaks +gale-force +oh +roseland +scrutinize +sloped +karabakh +horan +priscilla +frigates +shanghainese +likud +tastings +00.00 +oneida +hpa +rubino +nlrb +spl +refute +intransigence +leia +feinberg +nullis +encrypt +callum +favors +kitts +system-wide +coined +colwell +fryer +madge +nacho +kuipers +forked +adjudicated +emirs +d-houston +whole-grain +familes +suspends +gulls +solange +re-entering +influencing +self-propelled +avi +u.n.-run +mcduffie +physicians +devotional +anthropologist +ccdi +unfrozen +illegitimately +propellants +entitled +daze +acoustic +increase +pariah +lingua +unless +detects +well-being +rah-sheed +festivals +solecki +germanium +rabi +multan +off-guard +cassese +linking +weah +petrov +imperceptible +dignify +arminia +smalling +pulse +minh +chinese-style +sinks +bosnia-hercegovina +metamucil +sirajuddin +nuclear-capable +best-of-five +mukti +brassard +pei +eder +childress +idul +rahm +government-supported +encroached +eleutherodactylus +quarts +jae-soon +muslin +wreaking +cadena +rank-and-file +flag +oil-drilling +ballack +bottomley +caruso +overflights +matabeleland +complicated +spotted +ceded +expounding +nouns +randhawa +jamaican +0ot +gambit +tiraspol +subgenus +venous +doorknob +liken +d-r.i. +backdating +mayo +doering +shaoyang +tah-jeek +'re +bracelet +mastro +fulham +korydallos +antelope +aghahowa +mpenza +tides +saka +posuvalyuk +dimes +khoh-dohr-kahv +decade-old +koresh +reconstitution +soes +gerolsteiner +smouldering +giant-killing +gainfully +http://www.hkma.gov.hk +bildt +dhani +morava +camacho +tollways +blisters +kessler +chunky +usher +scituate +quarrelled +friendly +palatine +nine-story +confiscations +roiling +friary +toothless +avedon +fleeing +recalling +secularists +irr +storm-force +taichung +museo +electing +unexpired +nussle +possibility +overt +biceps +stillbirth +creations +honored +koby +among +corruption +approximately +buffon +profit-making +makings +cips +kargil +herbalists +dashst-i-qula +acquit +ailment +registering +dominating +confounded +godina +reaping +acnielsen +califano +skink +glamorized +mist +manoeuvre +przemysl +hospitalised +camarillo +ball +puppeteers +xcel +payable +broadwater +prediction +forges +strangulation +huard +feted +chipperfield +carriles +remarking +captivating +take-off +shove +plante +archduchess +whittled +unneeded +buscemi +buzzcocks +desir +potocari +european-american +escuela +monte-carlo +fujimori +scarp +hutchence +cephalon +little-known +novara +fervor +carbonates +matteson +marxist-leninist +piscataway +ravage +relative +sasac +moreton +elaborately +fairing +zhow +highest-profile +hohr-an +creditworthiness +surendra +guingona +linkedin +queuing +shallah +baht +hijinks +thirties +letter-writing +spanglish +argentia +trident +ejections +kaberuka +zhicheng +find +not-for-profit +obara +pedagogue +catwalk +turrets +commendable +kilbride +refereed +heats +mingle +sandwiches +alight +abramoff +annular +ships +drugs +riemannian +hunk +portis +mascarenhas +rankings +offloading +recognize +nts +eight-point +domenico +deconstructing +ilona +robocop +indecisive +caliban +idris +usability +takuma +ribs +plodding +labs +straddled +liquid +conquering +manulife +stochastic +abadan +walkout +evin +tg0 +unsupervised +zambrotta +zah +high-dollar +trebinje +incur +pernice +silvestre +hostage-takings +bellsouth +ducasse +kerim +forensically +fluted +tunneling +mechanized +iterative +rectangles +maharishi +nuptials +hairdresser +endeavours +sparrows +incantation +tudors +nationalistic +weingartner +transcendence +xiao +pessimist +oversights +skrudland +bomb-grade +totalitarian +switched +complimentary +ad-din +irrevocably +dutt +times/cbs +haridwar +cosmopulos +madrassa +jeng +backdrop +arabia +pauls +epistemology +meri +humanly +aav +jiu-jitsu +famously +ilija +thaworn +tourniquet +colombians +jefferies +karlovic +westly +thuggery +co-founders +post-season +hermaphrodite +debarge +truong +thursdays +changeovers +square-meter +maryam +teepencolumn +jacque +gillette +guardsmen +uphill +respect +legendary +bengalis +arab-led +chronicled +gigahertz +zoos +poh-hsiung +expense +big-screen +gor +castaway +quake +opportunist +extinct +steppes +paintbrush +mudflows +umbria +pedro +defenses +machine-gunned +invoking +nagasaki +personalized +josef +junkie +informacion +categorize +better-educated +storeys +overflight +eckersley +dooming +bethanie +newberg +bearden +abedin +fairbanks +lohs +sinking +fico +taepodong-0 +aires +sephardic +tasters +lehd +excerpt +surest +assuredly +biggest-selling +coalesced +sacrament +deposed +expiry +uncensored +third-period +howe +governor +jean-jacques +frizzell +ryszard +oath +download +katsouranis +solving +valores +cybill +mcinerney +knutsen +u.n.-appointed +sickly +classico +boiko +shimada +oboes +criticisms +loko +amasses +pinez +provo +garreton +arab-language +overtake +jordans +portadown +limps +bard +roadie +execution-style +punishable +lyster +hitoshi +formats +south-western +scratching +pom +hilario +mappings +pipas +subjectively +baronets +wani +hashemi +true +ten +simulcasts +crossair +recep +reimagine +allotted +engel +complaint +ufo +middlesbrough +playa +anxiously +tael +eavesdrop +baker +endowment +hazelwood +onetime +dnes +first-down +complicates +repositories +cars +overall +effusively +liles +gut-wrenching +swapo +anguilla +teletext +kino +arbor +parolees +indivisibility +transceiver +lox +courtiers +admin +glowing +ounces +townships +jalili +jj +forty-seven +trustee +meek +well-trained +dunleavy +oh-day +baquba +ne-yo +roam +below +christs +v-shaped +mecir +bachman +sturgeon +neville +cottonwood +bahadur +rower +interleukin +amil +forgoing +fond +lazarevic +south-southeast +zahi +acrylic +vallarta +brooklands +min +notified +stretch +meta-analysis +chung +gatwick +plug-in +hyper-competitive +dy-eef +unrated +karina +habla +bartels +ox +maintaining +guss +kye +abrosimova +bracks +attlee +stirs +bacardi +khao +delaney +sino-russian +hacer +tewkesbury +ohl +tomohiro +perennially +i00 +nanny +deshawn +multicellular +year-round +debugged +reefer +appealed +condition +methodically +violator +sabre-rattling +strickland +pontes +cerebrospinal +00.00.00.00 +sharpest +fishman +brahman +extension +extraditions +dsb +bendix +shoe +clear +post-cold +adisai +airs +acrobats +meissen +lockett +wrestles +atmel +microbrewery +preminger +justice +donne +deman +unquote +yulin +oratory +fisichella +tastier +molar +governors +suborbital +fitter +filesystem +scopus +floodgates +under-funded +revitalizing +violence-torn +eradicate +faraway +second-chance +costly +jamestown +pomeroy +metall +catch-phrase +stimulator +petn +dismay +ferrous +seriously +intrigues +mutant +cour +yoda +devaney +dwindle +ashanti +piccadilly +spectroscopy +evacuated +leatherback +stippled +lightly +ebit +siete +mealtime +e/0000/00 +err +eye-ee +boesak +efficiently +niggers +c&sd +wile +one-run +sinjar +blackett +speculate +kilda +wishes +venerate +00d +perjury +eucharistic +uncultured +vacillation +barba +meretz +zookeeper +bohanon +then-wife +declines +ibrox +latinos +wears +quatermass +lynda +dew +riegle +caesarean +forgetting +bre +kollek +sadiq +djilas +propagates +fingerlings +straka +al-sham +domineering +showering +anti-iraq +leticia +abboud +teleconference +electrics +comp +shalala +bare-knuckle +justifies +dwell +historique +epoch-making +orthopaedic +corporal +rb +tarnished +anatoli +cashed +mcallister +troughton +promontory +parr +tuners +hiranuma +vertebra +mrta +terrific +repellents +joinet +dependence +waxman +hildebrand +transatlantic +upstaging +tayyip +didion +razali +cramping +caffeinated +coller +mid-table +synth +hombre +violators +self-sufficient +itsekiri +government-sponsored +signalman +jovi +negev +baqir +barrier +yeh +abdoulaye +mt +pigeonholed +basketball +fusarium +cedars-sinai +ex-chairman +matryoshka +thugs +brendan +lagasse +somethings +avandia +menage +declaration +indo-asian +levenson +0.0000 +oppenheimer +sou +00.0-00 +teetering +measurement +lyle +westerners +chone +baha +baptism +girardi +eveline +schmit +drenica +stigmatize +responding +parson +mckinley +padang +diamondback +multibillion +csi +hard-outdoor +dido +prion +vapour +esl +gattuso +riposte +wood +putzer +bypasses +characterizing +martyred +hashanah +ghar +finanziaria +attracted +interactivity +clinching +israel-palestinians +immortalized +hosseini +plebeian +watley +exuberance +borrows +intelligence-gathering +deputation +oh-guhng +balanchine +stumps +sugarcane +categorization +joseon +nevsky +cuervo +ahl-mahl +pirro +repartee +fiset +research +tanigaki +steelworker +novel +publicise +fowls +nasional +fiscal +smolder +battie +january-may +subcompact +solovyov +defibrillator +stadt +gretchen +scrapers +mon-fri +tampering +chamois +metro +alfa +cmb +kuwaiti +ancona +bella +zionist +screamer +donji +tss +ecstatic +allegiance +'d +horns +incarnate +aug/00/00 +heights +magnate +distinctiveness +brims +manger +telia +bullock +coley +topping +wanamaker +defense-related +karmiel +hit-and-run +tapp +heathland +strove +tempo +biped +freese +parlance +roddenberry +fortis +kosovo +azcarraga +financier +gael +near-record +akihiko +narrate +apple +methodical +activating +ruz +luque +cone-shaped +fiber-optic +nome +yolks +astutely +brougham +bicycling +mawson +revolvers +forever +ex-employees +track-and-field +impassable +fara +melandri +penev +airway +safari +foretell +communitys +strikingly +set-pieces +data-storage +powlus +mccain +fashions +clack +ground-breaking +philistines +disincentives +ismailis +cuts +rodriquez +nipped +hawass +bas +zundel +fromberg +unrivaled +shoreline +chenab +chicoutimi +plovers +ranjit +rectifier +retest +streaming +blitz +culhane +clear-cutting +hristo +a-year +h-00 +siloam +gorgeous +daukoru +lindh +discerning +unpainted +poussin +go-betweens +newsmagazines +location +jeweler +maryland-based +deh-sih-dehr-ee-oh +conviction +cobblestone +novotna +firearm +exulted +camberwell +levesque +norac +hennings +assortment +gana +plzen +boards +strengthening +caius +moths +marylebone +mymensingh +governance +morgenthau +negotiating +thong +makeups +biz-cover-nyt +reloaded +lucarelli +pop-music +superheated +architectural +observatory +consultative +nobu +radial +wessex +cez +sanh +inching +imron +banshee +tidwell +dismembered +roper +wai-hing +patrese +uncompleted +thun +monogamy +ack +environmental +kehr +licit +croatia +lawrenceville +taiji +namibians +paves +anant +throwers +state +enlistment +molded +methodist +whistler +meh-rah +built +interiors +falling-out +pygmy +boson +magalhaes +taranaki +backwardness +patten +clear-cut +meanchey +esmark +third-world +elapse +bendigo +dorian +standard-bearer +head-to-heads +regressive +ismet +hornblende +encrusted +defendant +pro-taiwan +volgograd +tinh +steadfast +charisteas +yoh-ree-koh +heretical +tendered +co-chair +halsted +zeiss +retailing +glendon +kailash +mundell +thorny +moreira +cure +haggle +forsman +marlboro +come-on +frequenting +xhaferi +schumer +reestablishing +outcroppings +uil +weizman +santorini +e.g +bouma +skills +freezer +zazi +obstructing +right-side +referred +rnc +skulked +archery +merseysiders +vats +one-goal +ukip +studded +background +gomi +hiroyuki +anecdotally +crayons +lac +wrestle +vaikundar +boyne +rudolph +w/photo +jolson +handbag +sennett +expenditures +breach +funaki +solute +ledger +faberge +life-saving +bollywood +somare +two-year +adda +millimetres +once-in-a-lifetime +j.s +anatomy +terps +lilt +corus +satterfield +re-examined +union-patriotic +travis +furuta +inwards +belt-tightening +high-dose +eyelet +litton +navajo +buhner +eve +widget +ghedina +picketers +highs +marwat +bookends +crusty +tn +reams +byrs +kotli +shida +meted +kazuo +wheelbarrow +tokio +guideposts +rodger +revitalise +neutron +benita +flagpole +shoulder-launched +iom +fitzwilliam +improvising +heavy-metal +o'loughlin +hitchhiked +branding +vodacom +mehd +garay +fifth-wicket +duhon +snubbing +kean +diversify +comelec +hanun +counted +get-togethers +indenture +dillon +taming +mingli +cowell +controlled +boeta +groans +shred +piura +jeanine +brewing +hurst +murmured +aquitaine +pickens +mgs +kam +adverb +your +hautes +scrapbook +persecutors +sunnydale +swindon +noh +sik +schloss +belanger +ramones +matthews +silencing +mohseni +jingyi +shangqiu +saddam-era +deadheads +scali +seventeen-year-old +cuss +darul +two-speed +suncorp +mercker +interrupting +liviu +poconos +espanyol +icao +wristwatches +russo +muhl +buch +cheerleader +surreptitiously +twentysomething +bama +principled +fuca +nondenominational +normalize +told +singlehandedly +bashar +ceaselessly +explorers +evansville +eusebio +personalize +re-imposed +sewed +sychev +ajil +talcott +gainer +hunter-gatherer +canonical +bernanke +armor +ludlow +familia +thurwachter +damron +0000nd +killers +magruder +contributes +muzik +cris +flec +hadayet +porcelains +crowbar +avg +four-time +erik +karine +ribald +ibovespa +moen +corne +motz +adb +silk +quarter-point +paisley +tavarez +sure-footed +wattage +busway +ignite +tuwaitha +speyer +disneyland +home-improvement +unspoken +_______________ +roy +weibring +chambery +kms +downstream +milinkevich +scythian +bahasa +lapid +kiev +halim +pardoned +clean-up +pagad +giverny +inland +clothe +mellberg +netanya +ruffled +fab +conspiracy +added +halliwell +flops +hijackings +stamos +upfield +kalai-zal +emori +ewood +tahir +kuwata +'arte +hammurabi +levies +nigel +mortuary +quindio +calculators +hurtful +fengshui +coffey +clattered +commendation +bryant +nuovo +japan-based +thetford +shrewsbury +sorcery +gusted +langat +cityrail +batumi +src +jonesborough +philadelphia-based +ecliptic +belmont +vehement +sprawl +condoning +punishments +maathai +eli +medak +fawad +cavs +identifiable +sum +checking +rectifying +colfax +sender +ferrari +clermont-ferrand +anchovy +important +unionists +brookhaven +houser +khursheed +christenson +boland +conley +congruent +moskovsky +standardizing +nabilone +landsberg +unraveling +pkk +asset +call-up +grinding +sig +gregson +eckhardt +then-no +fibula +cyan +landmines +winemakers +percy +besancon +sandbagged +gwynedd +pauley +rahmatullah +bugojno +entry-level +bounce +amassing +macworld +cicek +seemed +aegon +jajce +sometime +0-0-00-0 +gerd +synopsis +citations +sinestro +air-conditioners +select +knox +darcy +scissorhands +berto +slaloms +vixen +kj +herndon +kilos +ciminero +tbs +paseo +intersex +iquique +scribbling +prudence +dispersed +trucked +sal +regalia +skyway +yeshiva +nassar +barhum +dawg +crore +lamborghini +odell +tedious +mckey +gauss +takeovers +patella +kameni +lithography +modifies +paperless +000ft +ese +father-son +non-democratic +00/00/00 +semicon +sprawls +sanitary +adriatic +blahs +danziger +meer-ee-yah +pager +mame +hardscrabble +pinto +miuccia +ladainian +nain +non-edible +edition +landscaping +lukang +ceballos +four-lap +electricity +acceptances +skippers +splm/a +joon-ee-chee-roh +rah-nahn +scr +woods +brkich +potions +hurling +serb-held +nour +underwrites +fundraising +waldo +centeno +fisher-price +optimum +aldehyde +micronesia +tricia +bc-hong +buzau +televsion +aftab +shahk +buttocks +shi'ites +silently +nfp +all-male +right +joulwan +nason +household +limor +cast-iron +scs +andrius +blunkett +strengthen +fencing +decibels +candidates +mountaineering +hopefuls +antonini +nahk +ries +pint-size +criminologist +attendee +armpits +basemen +karmi +allama +balshaw +bare-bones +treasonous +extol +seis +pore +yank +neighbourliness +nordegren +profiler +dusk-to-dawn +archon +soaks +five-match +shepherded +al-faruq +intrigued +bhutan +eves +prototype +climbed +interfering +bihl +hagai +refiled +eber +miyamoto +huts +gozo +pecks +lagos +leyritz +glittering +kowloon +day-lahm +karaha +puddles +yusufiyah +wagered +longleaf +kiprusoff +manchester +dutchmen +indelible +borman +millstones +mcclelland +athlone +oakwood +six-under-par +management +rosenborg +kah-noo +whir +armco +sunburned +bawag +merode +calisto +gill +baraja +matzo +seahawk +vitis +amoroso +mal +delve +axle +yearning +lurked +cartoonish +contrivances +ppm +unavailability +cuaron +mencia +reda +baden-powell +clinker +sydney-based +cheater +vacillate +high-ceilinged +tinged +differentials +nocturne +ugarte +kone +pouring +inflexible +cyclist +al-rah +aylmer +unep +behring +bondage +aamir +vandal +nytimes.com\. +maserati +badran +globus +fruiting +three-story +studds +excavate +high-fat +single-player +unirea +panetta +contrasts +jaded +jokingly +industrywide +transferred +usairways +shimkus +luthor +teach +gonzales +wurzelbacher +bc-na-gen +playful +feeling +destroyed +tee-ah +trembling +caldron +belliard +homo +roski +multiplier +automobile +multi-year +vice-foreign +globalisation +discoloration +appellation +reidy +bottom +fano +embolden +equips +nuri +polonium +matonga +waging +yury +indirectly +zabul +liberator +tik +n.y. +refutation +ms-00 +marcell +ghufron +no-flight +phasing +khanabad +requirements +magui +arron +archiving +knobby +glaring +celis +multilayer +downer +0_0 +sundquist +poudel +cuttino +best-picture +kuh-sohr +nytnews@nytimes.com +holton +envisages +jordanian +dates +fontana +tacked +inter-group +tribesman +jaffee +stamping +nrsc +avram +thereto +recent +specialty +cubicles +balks +conch +masthead +java +sonthi +workforce +litigious +cutthroat +barenboim +doctrinal +retinoblastoma +vapors +gaillard +servile +allstars +lichang +plasterboard +muchmusic +harmoniously +karuna +second-guessing +alphabetic +abdul-karim +snare +mazeikiu +chrissie +solution +ep +contempt +squishy +sabirin +cigar +mckellar +large-sized +r.c. +sectarianism +redouble +bmi +e0000 +highest-scoring +icts +ordeal +ponytail +irrigate +heartbeats +councilman +anasazi +science/medicine +living +aardvark +sashes +waffle +dismissals +geometridae +miriam +pucks +auditions +beets +voisin +luh-fee +getty +sadler +gauloises +al-walid +wilders +stowe +stub +daggers +long-lost +gemsbok +bombed-out +`` +perked +larceny +sql +gamel +rudimentary +elitism +designated +patina +flummoxed +rollover +amano +broach +mccown +leal +mandate +wulff +irresponsible +ribeiro +slimmed +compton +amphetamines +vote-getter +exoskeleton +boyce +herodotus +campinas +saxena +cripple +tissues +sicilians +pollutants +takagi +ovals +ismaili +clunking +jambalaya +ammon +jalalabad +non-tariff +lover +nerdy +liaoning +left-back +guy +bodmin +declassify +sagnol +disrespecting +smokeless +piraeus +metastasized +prodded +spokesmen +mochizuki +staircase +taf +brazen +kar +shirley +hesitates +shafer +nmod:before +micha +insularity +ruckus +aunque +terra-cotta +summits +radley +bans +swapping +mah-zheed +interlude +ahk-mehd +mitchum +guinsaugon +permeable +lutherans +ople +tyndall +grinder +trunk +tabling +comedown +pale +sq +schedules +package +bliss +howry +transcends +satchel +rock-hard +batons +merrill +fireball +ainslie +gudermes +score +baf +re-introduced +utmost +sweaters +retrial +electable +ahh +mediaset +howdy +ytv +baquet +steamy +abbett +barabbas +typed +lathan +00th-grade +mirrored +french-canadian +mortally +affixed +rowdy +steed +boyhood +belknap +amorgos +ism +astounded +debilitating +revis +hand-wringing +idealist +mcguinty +inequitable +converge +doh-van +fips +consecration +00mb +novice +semi-finalist +golfers +rox +arable +oldman +mayenne +surging +harborview +unharmed +flit +philpot +scarborough +ripert +adubato +matters +fama +simultaneous +ll +roberta +footnotes +chenier +undertow +ignazio +grimsson +cathedrals +tribulation +disciplining +[ +haq +dewitt +mullaitivu +laetitia +unhappily +charon +talks +mcculloch +au +como +teus +bowa +quintero +snowfall +oblivious +carolinian +authorizations +belched +kip +rumble +three-step +politician +us-celebrity-quotes +ibex +chita +leaguer +convicting +kizlyar +cryptographic +maidenform +carbohydrates +vardon +setups +gratia +dissonance +bidu +giese +disenfranchisement +misjudgments +stefanovic +sore +effort +yangmingshan +configuration +restroom +one-tenth +tilney +withered +logos +parliamentarians +drowned +mamas +trong +magnanimously +garhi +facilitates +narrowed +tcs +mutating +popescu +agatha +misuse +goucher +exchangeable +baptisms +giertych +do +jara +wafd +warmed +stansel +abijah +orenburg +pynchon +pull-back +verify +biennale +alonso +anos +freighted +kang +well-connected +straitjacket +skinheads +cantonment +professorship +riled +retrovirals +felix +climatology +bassano +josephs +bakhit +veras +obayashi +mccormick +statesman.com\. +darya +silliman +gung +chewy +registrants +tutsi +tasseled +naimi +amorello +jus +reassessment +bluff +synchro +silicone +wasabi +reprinting +lapland +eschatology +rt +ong +convalescent +universidad +whedon +cystic +eggshell +faubourg +qays +mvp +fao +waltzes +pulsed +orbited +dershowitz +ganadero +0-0-00 +glutamate +export-oriented +proscription +scientologists +insofar +salta +jostle +eliot +tzahi +neo-nazis +aik +orangutan +compel +borrow +offence +regret +bisset +barrow-in-furness +prather +thesis +beggars +abayat +kahlo +k-state +it +wc +anatole +managements +anti-static +sixth-grade +energy +00nd-ranked +k.k\. +myocardial +raipur +mid-sized +methuselah +bayfront +defenseless +tawn +derailed +cadge +orden +web-based +terzano +oyster +awtrey +preparer +sau +quicktime +lyne +bickering +bireuen +eduardo +saxons +harmison +simone +up-and-comers +kanzaki +goosebumps +cross-cutting +stockpile +napolitano +rambunctious +conj:and +debate +rate-cutting +mccumber +peiyun +transcanada +legionary +chiding +trays +cronyism +jumbos +gloom +neoclassical +ben-ah-mee +carousing +kuta +bellevue +teng +swedbank +formalize +raptors +burghardt +missions +well-made +uti +goa +assi +cowboys +burn +chequers +lesbians +shimonoseki +taipower +rhizomes +albans +tuareg +dispassionate +constellations +ming +gouge +emission +sparc +simonyi +pv +lib +oakville +psychological +dixieland +tambourine +mn +advocating +miyagi +inspector-general +romanticized +recalculated +anglo-saxon +construction +malinowski +coldstream +karadzic +tri-star +respiratory +build +gigabyte +salle +non-negative +grozny +gorshkov +bleriot +mckenzie +d'souza +halles +sternum +langford +unconventionality +deleterious +devoted +bellucci +auchmutey +pentland +compensation +speeds +takasu +ascents +liddy +governorship +diagonal +listed +kalashnikov +idei +wpa +second-oldest +kydd +pollack +medrano +goldblum +implements +seven +locksmith +monarchy +nosedive +bush-era +ays +vegetarian +subs +bistros +bondarenko +sigurdsson +disreputable +allstar +yardley +malignancy +sodbury +veil +ladbroke +kanazawa +lahs +olivas +accuracy +self-sufficiency +ellsbury +mekong +pradeep +approximations +pulsar +newsmen +would +classmates +explanation +wazir +exhaustive +gehrig +reposted +techies +mello +taricani +talon +outvoted +five-kilometer +bambi +lately +gela +brothels +toder +progresses +supervision +erkki +sextus +nevill +breeden +openbsd +cleared +fiduciary +nurture +rohrabacher +dearborn +maan +non-arab +andhra +retrovir +unaccounted +sunlit +hanns +legged +hite +cupping +zalmay +dubai +backa +award-nominated +mandarin +fearfully +coder +thumbnails +qadir +falungong +gaels +warmers +sergey +low-rate +neb +wedges +aliev +nifty +juridical +recoiled +guoliang +lower-income +parental +tusker +champlain +steps +sultanate +australian +randwick +publius +wort +chechen +koster +trousers +pietsch +arkady +dail +foreseen +malnutrition +multi-millionaires +nation-wide +pertain +tobe +seance +bruyneel +sprigs +borges +ihab +dpr +germany-based +sweepers +amaya +newspapers +wtc +florist +slathering +kripke +warm-weather +lettuce +chamique +respite +gatineau +prune +alanna +decorating +sperling +winches +pahk-tee +cannibalizing +parodied +hislop +roofless +funky +hydrologic +hallucination +lett +finnie +healers +mccully +unrecorded +extensively +janine +rebounds +afer +gaze +explosives +jardines +pari +debutante +000,000-000 +alonzo +unrighteous +piston +mqm +escalate +restaurant +groundout +distiller +xtra +boskin +narmada +subordinated +zonen +sensitivity +adelphia +hooky +engulfing +london +bowing +morici +mrap +skulls +counter-revolutionary +improvements +remote +rebellions +wide-screen +gulzar +s/pv.0000 +puncturing +maja +strand +bca +spoil +balladares +peale +imagines +salmons +prodigal +underpins +grades +dooms +vantage +dore +mahomes +tasks +hydro-electric +mirren +dobj +ariege +gaitan +theater +ang +archbishop +guild +ivana +xcomp +dispiriting +enmity +oooo +multi-racial +overturned +belaying +ruddock +selenium +styx +self-regulation +roberto +beefed-up +kinshasa +proofs +capitalisation +weave +parveen +periodicals +advent +daimyo +brancusi +ah-leh-gree +stupid +gha +laveranues +peak +omon +imad +westermann +crown +noggin +rpm +escapist +neas +appetite +reschedule +analgesic +hardly +blahnik +classics +mcen000.0 +goggles +discovery +www.netarrant.net +pre-katrina +hague-based +helin +jeh-mah +almaz +selloffs +mfdc +mahrs-yahl +vecdi +mehn-jee +desh +computed +countering +eight-lane +usf +'amato +bankroll +mariann +long-range +compulsory +lounge +drescher +qi +preview +decrying +proverbial +mary-louise +collaborators +trekking +lira +riduan +penang +kellen +berrer +sayyaf +matfield +ntv +imphal +wheldon +resounding +galls +undivided +emden +shwedagon +downhearted +krabbe +burberry +repented +safdar +hatches +hrudey +tellem +franco-prussian +kirchner +improperly +ehg +nutshell +pepsi-cola +crossroad +debugging +skirt +eventful +incestuous +volumes +jennifer +diao +multi-instrumentalist +orbach +stiegler +red-green +inverse +smartphones +vur +proponent +taco +prolongation +cedergren +month-long +descendent +vidic +underhand +ferryboat +overloaded +hurley +tubmanburg +fenders +strafford +u.s.-brokered +guildhall +pitchman +impotent +erdmann +fredy +broun +malindi +rhododendron +four-team +skeptical +shinawatra +lets +yevgeny +nylander +erakovic +goulart +sulphuric +suen +giulio +pastel +garland +rickshaws +zhiyong +circumpolar +cook +electricite +ill-timed +n.d. +becomes +tikhonov +element +abe +laodicea +beyond +npm +installation +arterial +broz +catsup +eleanor +goldhagen +hysterectomy +collegiality +tah +shortage +portrayals +gambon +suppression +numeral +baiting +animus +obsess +subunit +peltz +randle +czechoslovakian +cvrd +brace +chevenement +banderas +fdic +comets +chided +jellies +chaiyawat +waterfowl +mace +arno +tannery +bike +mornings +bunning +magically +onwards +nodding +chenoweth +sandelin +makki +chia +lawler +azali +exhausting +byd +hewson +dureza +ypf +sundar +pseudoephedrine +kreuter +curried +pro-nuclear +000/0000 +cuddy +disenchantment +pollsters +p.s. +adaption +leko +kam-lam +livin +theologically +judiciously +ventoux +crossword +sibley +plainfield +horde +groupe +stiffest +sensini +ails +inkatha +kirkby +rw00 +fergusson +quit +bolsa +aaliyah +pls +demeaned +musculoskeletal +mccline +pitches +overboard +erma +scuppered +minicomputer +near-universal +dogging +geriatrics +dared +mcclanahan +monrovia +renting +psychopaths +cock +sufficed +laundromat +pleadings +a/conf.000/ +thick +matchbooks +summerville +atf +clarinetist +confiscating +uncontested +godly +third-biggest +reynolds +madeline +crepe +zhah +rhinebeck +ise +sfa +kimmelman +compiegne +ex- +gipsy +nostril +today +rosetta +dodging +yorkshire +kilobytes +alto +metheny +fallout +tango +invision +darcheville +lactating +volokh +liu +department +caceres +fallopian +bloemfontein +electrodes +gandhara +unfamiliar +executors +prts +quickened +essayist +venta +valdis +mausoleum +amazing +market-leading +democratization +cynicism +shekels +accepted +lower-end +judson +cers +boro +nikolaos +goh-loob +hetherington +ciccarelli +wanton +elbowed +brett +vigil +tatis +scallions +innings +droop +izetbegovic +developable +trendy +exited +anda +brief +lalita +kse +carnoustie +maa +andal +sold +synchronicity +firefighting +trittin +fabricators +alderson +smtp +whirlwind +sidewalk +botham +normalise +drubbing +digger +riband +lorna +femina +renunciation +quechua +muscatine +shylock +nohs +breed +bec +indre +macroeconomics +changsha +hashimoto +eying +jagannath +aweys +tyr +hamadeh +splashy +usaa +fangio +ravel +dellas +rasta +telemark +yugoslavians +frahm +ritualistic +optimistically +huskey +yonsei +shopping +sampras +bred +yoichi +text-align +designating +next-door +mineo +obsessing +cedillo +wenji +png +enforce +emigre +sambora +effete +lindgren +kaunas +yoos-kee-ahn +fos +kurnaz +textural +geier +ibaraki +dust +gass +homegrown +edirne +circumlocution +friendlier +gillard +inter-provincial +elbegdorj +remarry +acquittals +treehouse +toki +inconvenienced +rf0 +sinnott +ahab +ankiel +yoma +orsay +notability +january-july +gandalf +tiaoyutai +interventionist +israeli-lebanese +phantom +composting +hierarchical +mollified +changming +knife +efi +uche +emmy-winning +cash-flow +cockles +thermodynamics +huhfs +albums +stabilized +war-era +harnisch +breaches +groth +yamarone +estoril +ethnicities +pharmacia +benon +ostentatiously +counterterror +printing +nots +sights +ahern +prenatal +uruguayan +moskva +hameeduddin +soya +skating +albright +feigned +moresby +fathers +tipped +storing +phoney +capabilities +beulah +zubin +kha +charade +abc.com +soybean +gt000 +sims +homebase +hat +peapod +leetch +sustain +taillights +daiwa +isdn +telethon +allan +olives +templer +barks +bathroom +perceive +yanni +strike +crusher +guarantee +motto +skinstad +dissuade +denali +outlying +ji-sung +krispy +rectory +fourth-ranked +tongs +sportschannel +novato +record-shattering +kampot +guilford +khachigian +bunun +phoenixes +prins +brindley +identifications +twice-yearly +ilse +waynesboro +grateful +fajardo +inboard +overdoses +sundays +urinal +indecent +mtr +lustful +kahn +danna +ki +drenching +kuh +diiulio +mati +matrimony +bhagwan +'higgins +battlegrounds +alusuisse +buttermilk +assis +lia +cab +de-icing +annuity +dflp +putumayo +pygmies +defined +cylons +movie +foxtrot +forlan +izzat +trafficking +deliverable +parque +courant +capecchi +boom-and-bust +thabet +understated +colorblind +candela +inconsolable +terre +snes +cooperates +agitation +mestalla +force-fed +savages +sasso +intifada +vespers +h.l. +ah-fee-ah +redistricting +scout +doctor-assisted +fo +daldry +bogarde +nondairy +obstacle +truancy +gospels +hawaii-based +squash +shui +flyweight +claire +do-or-die +kiowa +madagascan +trax +revulsion +chuen +larranaga +telecast +shino +albuquerque +depressions +minzhang +adelphi +unprovoked +proconsul +visoko +unburied +tvb +weepu +lebanese-israeli +sihanouk +perumal +tertiary +kwh +skeleton +petkovic +french-made +sino +singed +sunni-dominated +cibc +greenpoint +hov +gru +plouhar +wester +recounts +pranced +shoji +heros +d-s.d. +astute +epitomized +crystal +rutland +self-dealing +ifs +newsmaker +plaintext +wynand +pinault +tirawi +velazquez +hicham +irregularities +perturbed +oprah +circuits +schmieding +ungaro +pakaya +romandie +asquith +ultra-sensitive +mcmillan +bole +n.e. +hyland +fruitlessly +beginnings +caregiving +intermediate +danis +earley +volcanologists +collett +newsprint +midsize +hulkenberg +jails +________ +happenstance +peyrelongue +wahid +algo +vacuuming +moffett +ibis +ratchaburi +modifying +wajda +djurgarden +z00 +nmod:because_of +00-gun +ramin +merhige +stereos +bunches +moneybag +yoshiro +alternation +seeing +vuhl +hodler +shubert +johor +gradual +ahoy +seceded +rubio +juvenal +clerk +go-kart +heart-to-heart +okinawans +dispersants +dishing +mealamu +jazz +dris +silencer +rizzuto +masterfully +repeat +bleacher +kai +rinds +feel-good +bittman +jussi +sign +princess +luxurious +burhan +jum +conserve +soga +baa0 +cupola +krabi +section +seattle-based +clinches +satisfaction +co-premier +summerall +vur-suhn +bartimaeus +joins +souvenirs +take-up +climbdown +demilitarized +thang +elaine +wakes +duhl +foregoing +wimbledon +strangles +intent +monsieur +minimized +methylation +,00 +compute +cecava +broadside +anaheim +mainframes +finders +karoly +paced +underfunding +optima +gold +babyface +biosystems +enviable +blockaded +unawares +protestant +benaissa +milked +realtytrac +bni +must-win +perrier +anti-abortion +storefront +nowy +monotypic +causation +avigdor +got +weblog +xinzhuang +yani +make-or-break +flavors +cb0 +ceaseless +sixth +excommunication +replies +tari +windstorm +primakov +0th-0th +expensive +olmedo +pascoe +dwight.silverman +stone-throwing +liftoff +arlington +hispano +revisited +cubicle +recklessness +beds +yellowish +ruhe +carabinieri +mccarron +billowed +marley +reboot +zakayev +boueiz +passmore +oversized +brownwood +wobbling +ti-00 +schneier +saville +renay +furthering +falstaff +ifj +fay +provisionally +obeyed +nozawa +kimchi +friar +mier +pavelic +watches +levitt +laver +c.b. +o'brien +khedira +yao +negative +000g +bawling +centric +wai-yin +cest +kamel +pro-tax +rollout +muallem +isaf +disputes +zairean +twigs +beaters +bratty +riskiest +casillas +tui +consoles +magic +half-past +trouser +so-yuk +haji +schwab +englund +dti +exquisite +fierceness +xingfang +older +catalytic +cytokines +leeks +baumann +novitzky +romanos +decrepit +wintering +jozwiak +paranoid +azteca +robes +shuck +cards +glenn +mangement +reiki +geotechnical +risk-averse +cleverness +taikang +noire +storrie +zak-uh-ree +grope +outright +maneuverable +supercharger +cross-straits +prehistory +court-appointed +emporiums +tah-hah +tea +atn +meisner +guh-mahr +knolls +thirty +scheer +indecipherable +optoelectronics +mahathir +oif +datsun +gaba +interconnections +unomsil +gas-powered +fourth-down +dimaio +wretched +keiko +unexamined +sq. +non-specific +decry +linux +ceos +cliffhanger +preservation +problem +monsignor +corrosion +eurodollars +co-opt +harked +humanely +oiled +china-asean +yifei +miami +airfares +maybe +longhand +ultra-right +halpern +robie +one-armed +thana +aces +vandalism +irrationality +confuses +kusturica +primorye +kits +lok +anti-science +polytheism +tutorial +winterbottom +kalb +v-neck +tpn0 +khristenko +roubaix +stonehill +dudi +gift-giving +machar +tt +nasrullah +vistan +left-of-center +franky +daddah +celtics +pratt +tenneco +rockwood +tap +0a-0p +foresters +recoba +storytellers +multitudes +trestman +water-filled +adriaan +headliner +christianization +desam +ulvaeus +malaysia +overflowed +maximized +hysterics +monthlong +grindstone +marshal +encumbered +oneness +overestimate +whittier +bassist +slots +pushing +andya +kerwin +yanagisawa +seyed +cetra +smudged +tux +specialises +viennese +j.m +brahmin +gimp +srna +loosens +estrada +lacombe +smallpox +stubs +jahan +financial +antithesis +blackerby +islamism +bq +woozy +pitcairn +mende +manohar +footprints +holtz-eakin +hyder +gdnf +kf +dru +hilton +morneau +postulated +friendliest +colorless +kurland +fiercely +tamika +hayden +dhabi-based +maris +indestructible +bhagwati +domains +post-match +cross-court +informal +luyendyk +realism +wistful +straus +artois +holdovers +cech +krista +mid-on +middleburg +fed +minnie +comment +norad +emigres +council +qualitative +bream +conde +trachea +choong +hunched +hoops +tudor +samoa +usatf +swaminarayan +schaeffer +hos +nationalism +lesnar +sfsr +asylum-seekers +hard-liner +located +roh-mayn +expat +bisque +haneke +oils +dunfermline +yap +marbled +greenspun +pawtucket +nanotech +nighthorse +cordoning +indexed +billion-euro +foaming +high-wire +halevy +putrid +bitty +filibusters +gleaning +cum +okafor +delphine +dont +prop. +demotion +i-jen +dornier +iturup +eagle +minutiae +crises +vermilion +batsmen +double-breasted +rummy +deviants +hranjski +yasushi +barge +negri +o'hair +gentleman +indulges +rosemary +macnamara +appears +mathilde +juden +mengniu +ciba +spaceship +unhurried +rosati +bungling +bouquet +shintaro +sportive +angier +sheetrock +teruel +along +ne +sighing +waveguide +outshot +torrent +dashboards +hamma +stingray +purposely +banharn +increases +inswinging +agustin +xt +fingerprinted +writer-producer +harbor +forgery +commissar +sodden +pimpernel +ula +senators +diapers +welbeck +dehaven +barna +vik +perlmutter +xuzhou +chouinard +exuding +conine +restatements +bcc +terracing +attiya +o'leary +agonisingly +inadmissible +hazelton +protease +empresa +figurehead +donates +tainting +dip +mies +repercussions +arran +maskhadov +datong +feminization +taca +disfiguring +tryline +rome +wiwa +kool-aid +roker +u.s.c. +rainey +harmonix +forester +'hondt +catwalks +airlifting +m.k. +states-led +diploma +refinancings +wax +positioning +albanian-majority +pre-paid +alpharetta +meteorites +mortars +proliferation +cheapens +000kg +common +wishing +moh-boo +gunma +frontier +wings +weissman +calabasas +naval +orbits +scheffler +ifpi +shellacking +wheeldon +humphreys +flutters +hnida +mykola +paparazzi +tame +tull +anti-discrimination +musing +hamze +saison +evers +eugen +wickman +fistful +ee-an +bri +locals +indifference +spokeswomen +lamentation +axiom +centenary +hemispherical +el-bashir +greeneville +gallium +briand +quarter-century +antihero +coloma +latinoamerica +lotte +sacco +jealousies +00. +site +jaschan +masisi +immediacy +barras +taufik +douai +dunbar +lem +distractions +hanley +uhs-tihm +battersea +similar +keelung +preferential +eulogized +ah-rah-gun-see +aapp +trips +controlling +ramis +galvatron +matsudaira +pearly +belated +competition +bristles +aponte +pasolini +stomach-churning +ambev +yaroslav +lurks +center-left +reintegrating +nd +shimmering +rajab +zhawn +cutting +pathos +co-production +carmelite +hamas +bronzed +ees +intensely +potrero +hard-right +harkat +estados +behr-guh +akane +disgusting +enroll +tallis +summerslam +cassavetes +clogs +usta +abercrombie +fondling +fitzroy +guanzhong +pouty +misused +rosebush +insider +knapsack +barefoot +clot +implies +hares +kirkman +masjid +bravado +short-circuited +pro-peace +saladin +westwards +bateman +fawlty +les +patrician +dollars-worth +v-00 +celebrates +flatlands +untangle +help-wanted +reprised +feckless +rejects +monoclonal +co-hosting +rogue +rolland +tipsters +oddball +initiators +ott +enticement +driller +micah +tupac +spratly +neri +bosanska +implied +wilbert +sargent +mincemeat +excruciatingly +soviet +throats +anti-inflation +bihar +metalwork +bedie +binyamin +linyi +nezavisimaya +co-starring +game +nemechek +alvarado +flaherty +pony +sunset +harrisonburg +disinclined +rehz +zhirkov +ducey +e000 +fairytale +bashes +incan +sighs +neste +wonsan +muttahida +rhapsodic +primero +claustrophobia +appelmans +starker +hafez +nursultan +mm-rb +flood +eureka +amplitude +reformatted +constraining +todd +luxe +kuiper +feuds +endriartono +turnstile +n.c +protocols +auteuil +b-side +bay +not +consummated +nueva +terrifically +flavius +safe-haven +pomegranates +tukaram +squirm +recasting +matter-of-fact +alterations +penned +spearman +mutual +sodium +theron +lyell +moreover +schlegel +cht +endlessly +balm +depriving +once-popular +thickest +reinsurance +tenaga +indian-ruled +katya +cleanest +abdirahman +ecn +checkmate +demise +anticorruption +freedman +blister +bandar +caprio +japanese +routs +regards +zanganeh +dual +yutaka +addis +canvassed +footholds +xiaosong +liukin +neck-and-neck +captivate +bcm +housman +bugsy +radiators +prso +baal +islamiyah +thinness +lonski +understandable +integrates +illawarra +quarterbacking +edouard +buckskin +queried +caving +streptococcus +pah +000-0/0 +alligator +gaiman +cornfield +rukh +voss +abdali +ice-covered +sports-nyt-budget +vojislav +re-adjust +theocracy +jolla +overreacting +vesey +fervid +regiments +massi +chads +particularly +ventre +millner +clipper +demis +legumes +connelly +dreadful +friedel +choker +ignominiously +loop +cameramen +slapper +condones +picassos +recanted +dampen +eduard +colouration +tatsuya +impeccably +victorian +pontypridd +most-visited +gaoqiao +lombardi +ablaze +startle +h.w +carnegie +ecopetrol +basquiat +subchannel +slithered +natalee +interrupts +balding +denigrating +jams +tipu +haris +topolanek +apuzzo +apologies +plaids +keycorp +gadahn +yucatan +soelden +sites +reorganize +errors +davidge +baas +traub +pit +trademarks +hamidi +parrot +onex +richland +refereeing +estos +primoz +low-carb +parietal +escalations +kruesi +tirades +a.q. +selo +axel +camden +kgaa +pro-musharraf +abril +obese +marines +askin +burma +omen +evaporate +consolidate +emerges +airliner +tell +dhi +stransky +deutschen +tampa +liven +reduced-fat +blida +radikal +belen +delany +maurier +pro-indonesian +rejoin +graveside +stoops +bona +aoc +zetterberg +swe +fanzine +streamlined +mumba +pumas +kolo +puritan +peugeot-citroen +savants +mccray +easterners +work-in-progress +wouter +shah-leet +matsuda +bahsh-kohr +grimes +myspace.com +ohlmeyer +vp +flips +shrank +pediatricians +tuerk +roaring +punchy +collin +overshadow +ferdie +cathedral +israel +loin +moods +south-southwest +macartney +chaney +pouch +okla. +all-singapore +saqlain +catwoman +ignominy +peiyan +depository +extinguishing +hana +marianne +ozal +autographs +creche +huckleberry +aci +converse +hats +marco +anti-violence +zijin +overseers +hibernating +redolent +changeup +khatib +self-released +solicit +drape +geostationary +hibs +welded +netherlands-based +weyl +bobbled +schroder +gilligan +chivu +reduced +privatisations +odes +handelsblatt +totalled +nonrefundable +snuggle +pos +flank +maitreya +anterior +proprietary +monckton +undead +steinmeier +bonus +experian +ravers +o.j +petacchi +actually +allying +dainty +foz +wha +jenn +superjumbos +llagostera +anaya +splotches +grandmet +0kg +misbehaved +chinas +bloodbath +long-haired +hurry +shrugging +ajc.com +erotica +lucca +biopsy +popova +tirelessly +usair +pastes +astonished +khimki +stradivari +bentsen +inspection +anticipation +sallie +fortunatus +ex-combatants +nasiriya +postma +parachutist +hastings +baily +padova +griffins +aviator +osthoff +anthracite +weei +qaida +ossa +doodles +winning +contradictory +osler +cruze +leos +embezzle +bog +cide +bumper-to-bumper +interpretation +sun-sentinel +glafcos +pretzel +geordan +svoboda +using +misrepresenting +toiv +kitsch +cheat +klemperer +dribble +waldegrave +bridged +reign +eponym +re-enlist +crackpot +khakis +primrose +mullet +stadler +miscellany +tsunami-ravaged +testifies +popov +countdown +identifying +wilpon +burford +second-floor +cogswell +arauca +turin-based +chet +essonne +twenties +zemeckis +spinelli +insectivorous +landtag +ferlinghetti +yi-hsiung +pravda +lazutina +curtly +frugal +cima +camino +stiffened +bogey +felos +midas +seamanship +punches +boutiques +rondell +yielding +venetians +brydon +frauds +sequels +herminator +hales +molise +aybar +inoculation +bosses +customer +photons +koninklijke +coca-cola +abilio +leaflets +macedonia +unjustly +moderns +assessed +sire +affray +uc +piles +bomb-maker +million-u.s. +vee-uhn +dosedel +necked +three-legged +kozo +paraguayans +cayo +ruble +islander +anti-serbian +telex +defu +maker +retention +lacoste +catching +requiring +severstal +soccer +cusick +waldholtz +blackbirds +japanese-born +monologue +dindane +bosley +angels +kalfin +renton +showings +0-speed +set-top +grosse +preclearance +substrates +vytorin +racial +brandy +shemona +hassell +glycoprotein +conclusions +team-record +foxtel +virgo +shaukat +domb +u-boats +notepad +eurocentric +irritations +wadia +laundered +overdrafts +mechanic +approaches +itf +underdeveloped +banga +lime +yaw +overlords +breakups +elemental +sobs +technical +karate +o'quinn +warcrimes +sousa +utensils +denmark +tennesse +goba +pre-season +ath-thawra +tunney +lobotomized +doings +harvest +zeman +mmi +much-vaunted +mahinda +high-value +guhn-too +investiture +alistair +fetid +electromagnetism +cawley +samir +grunfeld +off-speed +tai +penn +misinterpreting +epoxy +liezel +leguizamo +eastward +influential +arkham +http://www +ya'an +second-ever +nottinghamshire +dining-room +perpetrating +swisher +'o +pilaf +cerny +rioch +wikileaks +malaita +dain +romney +amanullah +haile +renewed +virtus +indentations +papas +mariya +frieden +he-man +mickens +bulgarians +savas +french-based +auriol +harrow +platters +victorious +disagreed +good-neighborly +leawood +grodin +cst +decelerate +voting-age +qb0 +libertadores +metallic +westford +confusion +smoltz +seventy-four +algerians +megaplex +stat +revisits +choreographers +fullness +communicate +ma'a +muti +vidyalaya +narbonne +posterity +lapping +ballarat +miho +jinhua +marcelinho +kwah-trah-dool +zorn +brazilians +borrowed +lighting +mfume +belhadj +dnipro +liaising +hinduja +knockoff +booths +s.p.a. +jonson +briscoe +cafferty +sahalee +wilful +bias +british-built +foggia +ogaden +athleticism +reunites +entrees +local-level +coral +sprite +indistinct +value-added +desimone +gyro +hierro +craftsman +sandri +braga +phallic +yazd +chancellorsville +ivanko +adlai +omo +rohman +gokhan +novgorod +bahrani +tj +godel +sido +rrf +analyzed +evo +swami +isuppli +kufuor +bribe +selene +caiaphas +cocoa +wallington +dotcom +salve +lower-ranking +mountainous +saifi +wir +demobilised +sisters +unkind +essentials +cronulla +comic-strip +stylized +prophets +inslee +mcgavick +ashburn +nsc +music-making +gwynne +kurtzer +klaas-jan +refunded +ahad +unite +tiaa-cref +chary +homeownership +championship-winning +rebuilds +elgon +ahb-deer-uh-hahm +fusing +compatriots +oldenburg +imu +trifle +ainge +melaka +koo-say +misnomer +bachrach +phare +tangential +blueberries +tanned +dreadfully +industrielle +embody +flosse +underline +bequests +renouncing +tesla +hoyos +yemen +nash +seagram +contraceptive +dinner +taping +raphel +kieffer +pertinent +sps +shootout +oth +deegan +schoenfeld +diploid +evgeni +inclusions +ost +expropriation +execute +hee +claiming +muhajir +yamauchi +ruhl +olmstead +leaking +stowaways +carcass +harz +wekt +summoning +wades +watney +prays +abate +rehabilitated +dongping +religiosity +offended +ennio +a/c.0/00/l.0 +corsets +hallucinatory +cip +enrichment +records +dredging +jima +living-arts-budget-nyt +unrevised +chicago-based +pullover +rests +jiaxing +bak +page-harry +parishioners +combustible +prius +sarmiento +0000s-style +bicycles +abuse +disseminating +roasting +yaz +industrious +whispered +mourning +tikva +chelsea +ruffo +valerian +dakar +sinuiju +panelist +multiplexer +surfer +talladega +emanating +identifiers +changed +parameter +quarantines +corona +nightspots +climb +ramrod +paralyzed +00th-minute +ahg-lah +tjx +calibre +rejoinders +eitan +xiu +cascade +fourth-generation +tyrannical +cellphone +sona +hoo +fluoride +graca +higher-quality +comedian +positively +x +rattlesnakes +traps +shamrock +superfluous +introductory +uranium-000 +aqrah +wheel +kuroda +bruges +distrusted +potvin +witness +fooling +geraniums +listeners +gallegly +klf +grenades +croom +edley +dobbin +choicepoint +felt +burdon +slahi +hoey +mass-selling +objector +futher +saskatchewan +abdel-rahman +turgut +northport +ruhollah +gulp +dignity +baena +flaccus +school-age +retroviruses +naturalized +gregorio +bastard +sisco +seasonality +evocative +slovenes +quilter +plaza +neuf +inhumane +clemens +ih-lay-ah +jumble +dpi +tung +bushra +westlake +u.s.-israeli +layover +floodwaters +delicacy +short-range +php +oneself +itemize +enniskillen +chokes +humanize +udo +agonizingly +million-us +echelons +trabzonspor +personal-best +congaree +raping +imprison +diario +0rd-qtr +rede +sow-my +molnar +sams +daria +kah-rah +sylmar +existed +kenna +ability +browse +bathers +daf +gehman +mulching +easel +essendon +hoover +anak +presse +cannes +spastic +soggy +mehdi +bravely +brideshead +hpv +bwalya +titleholders +langue +berris +snowflakes +mcguckin +mob +bar-zah +passion +sandy +ichikawa +hanscom +nolan +arnesen +detests +incompatible +minnig +certitude +norweb +chaozhou +hours-long +dariusz +airtel +nb0 +mutharika +industrialization +wuhr +frayne +controller +middling +intention +levi +patino +toronto-based +contaminate +muhajer +strapped +waterfront +subsystem +arabic-speaking +serpa +hankins +miscegenation +phang +alternator +feminists +arne +klum +sa +palate +talmud +futurama +matthew +great-aunt +military-style +roamed +harsher +embarrassing +stupa +oha +turbocharger +supplementation +lobbying +baraboo +wept +arbitrage +finance +tranmere +prepositioning +foreigners +shinjuku +patent +cromer +morant +ndiaye +switzer +gilkey +reprocessing +piltel +payn +hurriedly +disappointing +confident +sauces +generic +ugliest +calculable +zimmerman +electroshock +placer +threesome +reawakened +topple +jeremy +counterproductive +rexrodt +vasilev +following +dich +quadrevion +srs +insinuate +berwyn +dampness +apache +mental-health +unconscionable +exaggerations +eminem +shuster +lih +meet +zam +co-prime +evaluate +wesley +billion-u.s.-dollar +nsa +subsist +initialed +humala +governor-elect +garry +al-bayati +bta +party-goers +laurel +tambor +globex +inch +co-star +bekele +south-east +pacifism +dreamliners +smog +quoin +pestered +anti-semite +enveloped +rattle +garriott +deprive +nonalcoholic +visors +misdeeds +karpinski +paradoxically +unmanned +icicles +homeopathic +reiteration +sakhalin +nebiolo +bridgetown +saro-wiwa +seven-person +measured +yuan-yuan +picky +sign-off +kuehn +arecibo +mementos +non-binding +maiden +derbi +meetings +gyurcsany +week-to-week +combs +pattaya +phthalates +receptionists +her +00-page +italianate +beautician +subramaniam +spare +collected +closers +waterreus +h.k\. +colson +plays +ouattara +hassle +amuse +slaves +non-playing +ted +cutlass +octavio +petrocaribe +vamps +airbase +terrors +mccaskill +negligent +deneche +tanja +red-haired +japanese-american +fizzling +excavated +sok +politico +natale +graces +smokescreen +parkman +rnzaf +suzuka +kuantan +urinate +beilin +alive +coffee-growing +oh-bah +delta +handing +helaba +costello +funke +corrigendum +h-0b +expedite +fungus +alastair +000nd +armed +nagar +authorizes +byproducts +retraced +dawn +dee-wah-nee +hartigan +microcomputers +aptly +reformatory +monarchist +whoops +wracking +tzipi +mpumalanga +u.s.-iran +radio-friendly +s0 +fabs +multifarious +mra +power0 +ruefly +catacombs +tester +soviet-backed +vamos +al-attiya +reform-minded +muckler +verifications +researched +yada +ards +sweets +bitterns +riles +al-mabhouh +a/00/0/rev.0 +surrendered +croak +monopolized +el-wah +carole +rightly +confed +regrouping +banish +extreme +disorders +ypfb +k-000 +graduates +finmeccanica +milltown +boyz +ligaments +independents +pompidou +violently +razzaq +testaverde +hartsfield +vanek +ghoulish +conceded +himalaya +zingers +hegelian +roxana +abn +fenugreek +statment +rvs +hla +lavas +chink +ahz +square-jawed +undermining +descartes +enchilada +kidnapped +tenth +riggio +jornada +animist +motive +grumman +kyrgyz +amran +curiosities +travelocity +rael +hydrangeas +cave-in +razr +bluefish +portugues +gutenberg +rivero +stromberg +dent +mayday +friends +limonov +doctoroff +outlive +starsky +gudang +ruffle +jayaram +dentsu +greenway +purchasers +arithmetic +xi'an +niculae +corgi +boatlift +thohr-eye +functions +fatos +modulate +available +chennai +gigolo +hashomer +replied +co-authors +reciprocated +indiscreet +andree +maza +lawman +belgians +sharking +clavicle +haughton +vasquez +subscription +co-accused +genk +prospectively +nav +infidelity +sulley +enlargement +then-attorney +azahari +buns +ment +pinch-runner +cardenas +bedspace +primordial +jairo +ahl-moo +hubbub +luzon +alleviation +popsicle +shifter +resin +balikpapan +stickler +all-race +creativity +icebergs +placate +seb +middle-level +everquest +systematic +diarrheal +prostate +toh-mahs +payload +taikonauts +asociacion +bjerregaard +semblance +geosciences +color-coded +frescoes +beltre +beloki +biggs +murky +alona +solvent +liselotte +ordo +obiang +stereotypically +cinched +tresses +vegas-based +overdevelopment +ferri +janitorial +synthesizers +sukarno +overstaffed +irregulars +conceptually +takeda +resistant +sorting +vuvuzela +carrot-and-stick +forests +boonyaratkalin +pocklington +thieves +samak +magus +o'callaghan +savicevic +roundly +marcellus +newsreel +baseball +magnetite +misawa +mott +seagoing +turtles +bartering +hinkle +baskin +gilliland +cosmair +occur +jankovic +smugly +harumi +pasado +grosvenor +kirov +f0000 +gynecology +bambang +hjelm-wallen +mohicans +reported +kari +made-for-tv +brockovich +cape +bedfordshire +time-lapse +faulty +botched +reiffel +pitchers +joo-lah +acquirer +greeting +psychotherapist +nyc +izmir +arrival +gabonese +legislated +preset +wearily +clann +hlasek +shortchanged +bah-kir +cotecna +die-hards +chancellorship +sans +lanka +specialties +tati +sounds +logically +precipices +thirty-five +godavari +designing +wilkes +wcbs-tv +gin +broussard +company +charles +wallis +dunmore +art-house +late-morning +self-effacing +oxidizes +morphin +jeffers +cenel +odighizuwa +strasberg +rojas +granato +bourges +boehlert +bu +sdlp +stent +biwott +harpists +rolodex +beresford +ow +dinah +nobodies +upham +halloway +bayly +odierno +camphor +crudup +live-action +time-trial +biker +arthritic +calendar +javier +basra +non-title +silesian +alledged +caps +rcm +nogales +krzysztof +bauman +attorney-general +decapitated +misinformation +lupo +forecasted +tm +kaas +preaches +0m +factly +e-000 +uppity +deeded +mwamba +demarcus +sasol +shamus +keitel +megaphone +derails +galt +guanyin +miniskirt +pogues +bombarded +employer-provided +foghorn +backus +all-purpose +developmentally +needham +pluck +pettersson +popularization +spud +lisbon +etched +kuh-deer +uma +kiffin +upm-kymmene +caddies +tailored +fujifilm +globe +scattershot +alternative-fuel +bar +self-righteousness +trimester +metrology +cel +its +produced +jayson +kocharian +liabilities +connotations +uva +rizo +negotiates +breyer +full-screen +luizao +subunits +fiona +e/cn.0/sub.0/0000/00 +roughly +dumping +foothill +trowel +foxboro +kornblut +tractor-trailers +trina +potito +ariz +secretive +ecumenism +hijack +portuguesa +thinkers +reitz +erus +toast +kitti +qualifications +realist +entry +mahe +reassuring +academically +backstretch +sputters +martineau +lwin +patan +astrological +radars +six-man +sea-level +hallucinating +gbagbo +limit-up +wooden +sublime +connector +pratibha +a-line +hottest +gatherings +coq +hil +cd00 +strikeout +hosanna +000x +hirayama +all-in-one +sassou +nandan +expeditions +clustered +bracing +loanwords +harrod +puri +adp +child-sex +credibly +anjali +averages +post-world +pejorative +wakeman +jiao +league-n +tora +clowning +darin +languid +rc +shorten +denisa +scruggs +english-style +narrowly +dss +socket +absorb +:000 +tuva +al-qahtani +liev +blustery +poured +fauna +charging +entrepreneurs +usnr +voltages +nimitz +unchangeable +pttep +broadway +jaworski +a-shares +dynamited +beckenbauer +ethnic-based +smugglers +mention +mauled +abates +jimena +waterway +wyler +shoreham +moviegoer +egyptian-brokered +cunliffe +fujii +comarca +undisputed +miliband +diminution +ddb +rhb +heads-up +reintegrate +droves +minor-leaguers +okajima +ing +charcoal +long-promised +profumo +mercantile +ca-va-coo +u.s.-russian +accentuates +accordingly +tourette +guangsheng +custom-made +buren +waltrip +researching +jarkko +conspired +dulwich +edna +campaign +bimbo +lanza +benayoun +maintains +lamarr +logarithm +me +white-bearded +anti-drug +aau +munich +leftovers +vidalia +countrymen +silica +us-japanese +000km +uncover +gironde +plotlines +sisterhood +vernacular +ayd +closed/season +madcap +big-city +pdl +dependent +dinwiddie +hedonism +loose +romanus +pinpointing +providian +splenda +kretschmer +thumbs-down +vetter +ditch +whyte +bathgate +sanda +connect +bucks +grasshoppers +authoring +bushy +discrepancies +unruly +ionizing +hereditary +pease +heady +lacma +sina +tying +outsell +protection +garotinho +doneness +fatalistic +ruby +surgery +brackets +underutilized +sahour +lomu +gambino +uli +garrison +chartered +slider +bidding +tendinitis +cost +obinna +defame +yours +r-calif. +pentecostals +koschnick +horticulture +lindisfarne +interned +nica +fry +sedition +rd +mun +ascribe +misdiagnosis +chagaev +dahuk +unshackled +gharana +000mg +pile-up +allusions +locked +getzlaf +admits +antagonism +giggled +disenchanted +thales +extends +ivoire +meurthe-et-moselle +lace +cooled +lahnd +merdeka +constituted +point-scoring +collated +barns +lakshman +crucifixes +grammer +recessionary +soap +warm +lower-order +aran +uss +commentary +nine-minute +sofyan +sarbanes +econometrics +lantana +encouraged +inflicted +franchise +scientologist +thebes +paddlers +subsequently +kumho +outpatients +appeared +neurosurgeons +rah-joob +tahsh +merkel +thomasson +objecting +aida +cfdt +imelda +sequestered +vinko +cabot +spoilage +unforgiven +invasive +sous +usage +faryab +fire-sale +beery +coaxed +raz +saddles +encode +quadriplegic +kikuyu +emery +warrant +droppers +treadmill +cavity +aoshima +arab-americans +chung-kai +inter +one-of-a-kind +promised +mwanawasa +hydrate +insulated +narayana +magomed +conjure +catastrophes +circumcisions +r-kansas +dysentery +arising +flashier +ruin +corey +afield +soh +cisterns +loos +seedings +forde +shillings +siskiyou +calderon +vivas +lemmy +bremond +composite +techno +regrets +styn +georgetown +wiebe +waldorf-astoria +enlargements +citgo +melted +ipod +searches +guilt +seville +self-loathing +cap-and-trade +greyhounds +look-alikes +teppo +landesliga +breaststroke +inhuman +almirante +jaroslaw +payback +reconvened +oakes +archival +quranic +levens +beane +bayless +aware +fractions +arsenic +ceramics +unpleasant +agreeable +rehabilitating +adewale +shanti +mamie +fhimah +cebu +thrower +world-renowned +multi-lateral +renominated +newquay +herodium +resemblances +kassem +examinations +immemorial +quint +prvs +contradicted +jones +sherbet +screws +rink-oh +guaviare +borut +top-00s +lavelle +corps +obscene +h-0a +a-c +conquered +kabir +excrement +rubberized +rcsc +envelopes +tre +recovering +unip +trejo +delinquency +ybor +afro +dabrowski +transport +razzie +boxers +krispies +mooted +snaking +charts +printer +infection +abdul-zahra +eightieth +statute +stalls +prophetic +orchestrations +spink +sala +tellingly +pervading +rucksack +planeload +alexandersson +ghats +unsworth +hour-and-a-half +x000 +kross +life-giving +stool +toadies +chubu +vinny +birdcage +magill +cobbled +sutta +scola +brittany +procurator +tca +delimitation +umkhonto +collaborates +000/0 +00,0000 +second-degree +okubo +redhead +daubed +semiconductors +quicker +undisciplined +wernher +ameobi +inquest +enrico +illusionist +nationwide +steamboats +birkdale +nandrolone +gamelan +gamecocks +boumediene +videographer +vinogradov +adorned +antonella +annandale +buckethead +waffled +rush +marwa +jez +singirok +overcrowded +newcomer +counterclaim +e.00.i.0 +pakistani-controlled +tempting +indulgences +parnham +gaza +zandt +waterproofing +marion +su +pre-positioned +petionville +unseasonable +ranga +healthy +ailes +extremely +verandah +clt +householder +unholy +grounders +dati +lincicome +tulsa +institut +oil-industry +ewa +instigated +pritzker +jumeirah +exaggerates +karin +umc +reformer +professors +sadar +desperado +cooperating +squelching +ebu +chye +touts +knits +finicky +mirpur +e-art +maui +repentant +recurrences +oz +featured +materialize +al-manar +harvard-smithsonian +contractually +schimmel +graphically +elsewhere +ayuthaya +angiogram +ayad +dinosaur +deathly +youngest-ever +non-religious +reimagined +subregion +old-fashioned +cupcake +johari +olivetti +spokeman +mestizos +borowski +outmoded +saiful-islam +overlooked +addition +bizmags +wimp +cohen-aloro +tolerating +flailed +romans +antidepressants +0000-march +dofasco +acker +infinitum +sedgefield +declined +acrimony +bridle +impulsively +childs +riverhead +unutilized +foti +five-day +masque +indulged +cnn/usa +sup +clicquot +gascony +reorganization +cassock +ryk +hermosillo +exchange +reganbooks +internet-based +clamouring +stephanopoulos +graveyards +takeshima +campaign-style +palazzo +uninformative +yankee +margolies +direction +laird +wooley +misfired +rosa +tanking +fiu +slotted +flat-leaf +ee-duh +fillip +methionine +adversary +diminishes +liturgy +llewellyn +dahv +cyprian +gonchar +skylight +scythians +sao +urinals +staci +bandannas +volos +fourth-place +frosting +ingots +contemplating +quell +china-backed +kehoe +ultra +mckernan +poitou-charentes +abbey +varadero +poking +odette +jaws +cell-phone +ryle +paulson +ez +rampart +excesses +haut +cremins +type +hackensack +sendoff +currant +weise +parlous +rossellini +preflight +liberman +fever +mary-kate +nesting +l.l\. +solemn +post-retirement +oncoming +off-balance-sheet +lnwr +khasavyurt +tribespeople +eastern +srinath +cern +swiss-born +non-disclosure +clampett +rsp +cliches +mccants +despatches +rain-hit +courtney +dovetails +attraction +reasearch +nunez +bounced +outlined +myrtle +defensible +mohair +anti-globalization +soh-ee +breck +gorzow +acorn +kashima +vertebrate +bahais +abbas +merciless +tajikistan +lahoud +lally +listings +halving +kamran +armas +compulsion +brushwork +riek +yok +crook +alene +sidekicks +venerating +outnumber +etruscan +pn +earmarking +wharf +maidstone +pinera +moralists +fuh-loo +roadways +melodramatic +perched +maret +mtrc +recycle +quoted +loden +finer +one-step +semiautomatic +convening +paszek +polonium-000 +economias +sus +himalayan +buses +pizzerias +arvn +internazionale +male-only +misconception +americas +typewriters +cline +tightlipped +bird-watching +warnock +rohl +footsteps +obrador +disappear +altering +jeer +planes +brig +mandating +pleases +gerona +eyeball +ontology +braathens +zumwalt +manuel +dominate +purged +kneel +march-april +convicts +widen +eisner +disarm +landlocked +rowboat +paris-bound +marty +000,000,000 +pentagon +paraul +multiplexing +mme +asiago +picton +confessional +leaflet +skydiving +hurghada +crewman +business-friendly +wood-burning +beidaihe +bong +paradiso +finnish +hessians +recap +juniors +one-hour +timber +liat +norms +arfa +riemann +roofline +longino +corruption-free +cham +shader +fairer +nutritional +colorfully +promoters +romar +devolves +ovid +composure +thain +detlev +gresik +moderators +lbo +bureaux +honus +leading-edge +cutler +blazon +enlarges +proverb +sophomoric +sceptical +anthrax-laced +daryle +tarkenton +mallorca +zdravko +stunningly +commuting +cyndi +spruill +van +apprenticed +gasp +mahamadou +s/0000/00/add.00 +replanted +pee-wee +globalized +keer-ih-bahs +thyssen +siragusa +frist +unclaimed +ibero-american +tricky +goats +sunnah +pimples +uniformed +halevi +illustrious +mahmoud +odometer +effectiveness +sna +akc +murrayfield +polyhedron +co-head +ballistics +prudent +grievous +self-respecting +frontpage +maryville +chey +mangalore +weighing +blaha +concepcion +second-place +sizable +autobahn +jaume +purposes +locker +forgot +bikini +helmand +ha'aretz +ancram +third-quarter +baited +knicks +gendarmes +adani +definitively +obfuscate +focaccia +brasilia +petitioned +vlahd-ee +ariane-0 +wac +lawry +slap +ebb +firth +kidney +mcms000.0 +ait +takeo +skeptic +attains +eskew +paymaster +goyal +petersburg +lema +camelot +plant +hkd +plug +tottori +avramovic +nah-jee +murat +championnat +maxie +tmt +nmod:from +clonaid +bourdon +stoch +life-or-death +nighter +paging +incompetence +limburg +jeddah +controled +phony +merita +seven-wicket +textual +churchill +quivering +holl +reinstalled +mi-kayl +octavia +repatriating +reappearance +bamboozled +larryk +westover +ahl-dah-bahg +karnak +teacup +minion +lucrezia +glass-and-steel +bronchitis +vacaroiu +drought-stricken +unhelpful +agronomy +yuhs +corry +yearly +nzsx-00 +jehoram +statement +concludes +effecting +rit +showroom +akmal +unconvinced +sih-dah +crowes +gpus +snickering +amicably +plaskett +curbed +supercomputing +e-flat +maasai +disengagement +video-sharing +vos +stranger +complimented +ah-shoor +polish-led +inclusion +paralympic +surinamese +roche +rawat +shik +hillerman +dorfmeister +mulder +resolving +quadrennial +twenty-second +hurting +sartorial +paulding +earthquake +pauper +mckinlay +shankill +adequacy +shot-making +schreyer +papantoniou +symmetric +ehrlichman +videla +schmitt +bubis +coveralls +northwestward +ncis +shell-shocked +engages +embroidered +shortland +qichao +epidural +co-ed +efa +description +knuth +exploited +eatery +endangering +zeitschrift +soundness +plundering +goths +shatters +urso +beetles +morea +unleash +orientalist +memos +hyperthermia +promos +fleetcenter +unreasonably +cokes +holmgren +haron +machinations +sonny +rajaratnam +mironov +cryptographers +blokhin +pierre-antoine +eng +feverish +chenango +ingredients +carbon-00 +nmod:about +putnam +clench +gentle +canonized +fast-flowing +weightlessness +taxonomic +handset +aren +rac +gibran +punchline +guofang +grille +ilocos +nearly +gilson +cash-starved +sugarland +inscriptions +blasts +erykah +muirfield +gunmakers +ogier +tied +bilbao +gustav +seabourn +stammer +inferiority +arias +softness +eight-story +eventually +soros +tittle +simferopol +disintegration +oedipus +bozic +translates +mbe +lady +state-by-state +thirty-fourth +krickstein +smugness +ins +altidore +single-seat +land-for-peace +brinkman +homeschooling +sarazen +non-prescription +jankulovski +mohegan +steroids +mistral +bancroft +ret +pre- +lundquist +anka +sih +mantra +foreign-made +earning +thirty-first +contrivance +newsstands +insolvency +towns +fahad +powys +downwards +reginald +otmar +african-american +salvation +danneels +await +bakrie +disallow +mussab +leiweke +tidings +reaper +afresh +kuh-noss +hyperplasia +oneidas +temporary +brauchli +ohn +automata +mater +lauderdale +yale +zuo +bigot +up-tempo +ober +flynn +bleecker +distorted +nossa +take-home +muster +mirabelli +spriggs +000,00 +cuenta +harley +sputtered +shihab +maas +text-type +sects +deductions +cuisine +tonal +vettori +scrape +jpmorgan +sava +sauce +brava +hays +tummy +cfc +pathak +patriarchs +maalot +uhl +writedowns +nbl +kapil +employee +al-lami +blackberries +naga +resides +uninformed +handiwork +milberg +half-billion +hanbury +hedrick +double-edged +seabird +cuttlefish +alcibiades +then-rep +near-constant +recollect +baring +slickly +casinos +lesbianism +kawamura +ingress +crockett +animatedly +edp +benguet +trouble +razor-sharp +wirayuda +rutten +episodic +hairdressing +by-000 +gianluca +montes +guardia +tisdale +beeston +ooo +materialised +houses +satin +kittens +aol +collation +deptford +komatsu +jjb +prioritization +crescent +surrounds +bookshelf +thyself +laudatory +lovell +satellites +gardasil +accent +isao +jund +lagrange +goody +millenniums +high-impact +al-waleed +agadir +self-published +michaud +ground-up +informally +resistors +swarovski +neurodegenerative +intercommunal +ncnp +nouakchott +bahlul +pronounces +xs +bhatt +deaf +rakuten +witching +thistle +tweaks +online-only +equalize +canyon +kalimantan +cruelly +tabara +applicability +agency +0.x +blackwood +arie +pickups +foray +bullocks +cities +stockbroking +dedication +baranja +gethsemane +leyva +mauger +multipliers +henriquez +palmeiras +fabrice +asiedu +chakra +about-face +mutua +wiley +subtracting +paerson +cordoba +carroll +tisza +marat +otro +00a.00 +uh-sel +last-place +debi +voyageur +squeals +ibes +tomasson +groningen +oldies +lead-based +overdressed +vhf +ultimately +shannon +lunga +bizarrely +facsimile +galliani +amstrad +jakes +observable +shave +aucoin +kali +coin +km +supplied +travancore +sunblock +chant +sama +themes +twin-engined +oven +kissed +retrofit +baden +orchestrate +anbar +beehive +mountainsides +joly +voiceover +brassiere +baisya +nas +lymphocytes +press-ipsos +obverse +shortlist +tortoise +antagonized +interlock +nonviolence +eisenstein +jews +movin +,, +photocopiers +ecumenical +futayyih +hickam +geewax +newbold +jfk +bluestone +recycling +mira +jak +davidoff +scotsman +ther +hidalgo +ridsdale +calmly +collarbone +debauched +anytime +warhol +yaalon +frenchmen +atl +strictly +jettisoned +americano +pinocchio +dederick +chilean +near-total +jarre +willows +hyped +handedly +meller +cable-tv +flap +watermarks +ving +doldrums +johanne +direct-to-consumer +ossetian +willem +nonessential +stakeout +tsr +nim +sheehy +prescription-drug +unsupported +top-scored +powerpc +amare +scared +headlock +jianjun +confidently +australasia +szymborska +chambre +jiahua +concertmaster +imperfection +indoors +pere +greifswald +cengic +boozer +timeframe +accessing +dr +dowty +pahad +peoplesoft +folic +monica +fashioned +hone +goksel +deputy +temasek +willingham +proactive +groupware +binalshibh +tether +supply-demand +casual +d-ohio +bladed +gata +babylonia +troop +conj +aux +biao +riaz +mats +converter +tripled +messina +indica +------------ +hillah +thorpe +unfold +progressive +seamier +mags +kevin +agger +two-mile +unwound +scanner +famu +pro-beijing +stools +sirah +respectful +harbert +yongchaiyudh +bangoura +belvidere +trend +curator +naveed +jetblue +zweig +striping +wig +revisiting +status-of-forces +brosius +lionized +underpriced +herkimer +danced +litigate +jari-matti +krasnoyarsk +praetorian +olafur +algerie +parkhead +nikita +characterize +testify +bancomer +orth +cipla +bop +cactuses +anus +ahora +risking +lowry +gender-related +dalliance +forty-three +heiss +tambien +picnic +career-long +keck +self-censorship +five-mile +palestinian-israeli +nilsmark +isley +bhai +delphi +providing +ready-to-eat +prevail +reneged +cartilage +ticonderoga +chausson +altoona +hijackers +hammers +glowed +limes +mclean +soichiro +uh-lohn +bordered +entreaties +assistants +hah-rohn +adham +chaperone +opaque +metamorphic +hustled +zuckerman +det +dexterity +warplane +cos. +domachowska +mccollum +0/0cup +fourniret +wipo +respects +wheelchair-accessible +grachev +vice-chairwoman +waterpark +ganske +re-signed +livelihood +emboldening +camp +anhydrous +persia +earth-moving +jet-setting +interceptor +infantile +toymaker +arranger +walleye +viewable +phraseology +laparoscopic +october-december +bombard +tailback +dominance +voisey +firpo +segues +prohibiting +hawkes +roundups +beng +worldnet +ratifying +clergyman +dismally +embraer +premieres +unexplored +uzbek +floris +vizcaya +guidant +joker +sympathy +posts +ld +saks +naw +pipher +sloping +chante +bearcats +halmstad +dahd +firma +degussa +directorship +wenz +heatley +dostoyevsky +goli +prosperous +inn +silverbulletday +decepticons +stepbrother +craddock +berthiaume +notoc +taro +pontius +twine +harbinger +santos +maktoum +activites +infliction +band-aid +mek +amana +alb +sago +kearny +muses +mnemonic +unelected +nombre +empties +sylla +outmaneuvered +file-swapping +skiffs +specials +jackals +swarming +stds +doty +binyam +khaled +nagyova +c.e +display +electronically +isa +gmt +lunda +daniels +kamenica +ripened +radio-frequency +bhuj +timoshenko +terrible +redistributing +derring-do +holistic +hedonistic +ecuadoreans +charette +vassilis +alain +alarms +corset +retribution +salutation +retaliating +hurriyat +sirens +greater-than-expected +intercede +wawa +greg +janssen +bocas +beeper +re-start +svp +takao +lad +000-meter +hydrology +cannot +underage +gloating +onusal +monteiro +huizenga +untroubled +spot +balky +gotra +perc +madeira +eth +resonator +random +tonne +shropshire +alok +namesake +villages +nemec +khwaja +baste +whitmire +argana +invented +error-prone +liaohe +inductee +daren +wanjiru +sakamaki +tallying +cockney +attenuated +gabbard +economist +dissected +palates +mcc +bethea +legion +huggins +adjustable +turnoff +ruminants +vacek +beseeched +mizban +americus +hazara +placenta +mwencha +precast +undercuts +lenka +walk-in +one-line +nonchalance +oversaw +olivia +pandya +plumage +real-estate +tibia +whitford +nori +guingamp +hanwha +galleon +partisan +advocates +udwin +madmen +sackler +sway +manfo +priestley +gmbh +evolves +alterman +lilia +hugo +halabi +torpedoed +cratered +koro +cia +knickknacks +halfpenny +emomali +encoding +remodelling +irradiation +cortisone +gallantry +thunderstorm +count +phillip +eton +weapons-free +milbrett +drenched +ficus +browder +co-premiers +war-like +mariam +information +blackhawks +afzali +collides +hijos +a.s +hassam +rocket +wun +okinawa +wrongful-death +garish +thailand +biographical +frontline +unnaturally +britz +pro-slavery +wastepaper +spacewalk +lederer +folklore +incision +petru +coliseum +jaroslav +leper +murnau +behaves +thud +ortho +nixes +attaching +ah-lah +nativist +akali +kuanyin +digits +first-period +divestments +matviyenko +midamerican +barbera +alright +pre-christmas +omsk +petitioning +chilled +simeon +clyde +ironic +dudamel +b.c\. +nato-russia +housewives +methuen +cervera +january +nationalise +intra-regional +trustworthy +yemenite +kilter +mortaza +contending +hopefulness +sadi +hoag +nie +goteborg +lowy +dashed +muris +amiably +magadan +casts +unadjusted +court-martial +suriname +saint-denis +temperamental +0.d0 +finsbury +florie +douro +pilgrimage +evidence-based +subfreezing +counter-measures +stylings +hoch +dilettante +federman +makinen +gooey +pentathlon +inhabits +thessalonica +overlaid +nepad +gelderland +pecos +moments +hokuriku +canterbury +sino-german +mook +resettling +diversification +simulated +iskenderun +setter +reclamation +sherri +bernini +mykonos +themed +sturtze +diallo +anfal +sonck +'angelo +rainier +cockrell +sheeting +tsih +mullins +sz +mobius +garrisons +thi +al-shabab +outstanding +mckeever +cort +watergate +slowdown +xijiang +patios +gushing +sleeker +ex-yugoslav +sackville +warships +acceptor +arc +just-completed +presov +federation +tasty +in- +jda +top-order +hase +tir +hanssen +snubs +sanctimonious +fert +covetousness +atlantan +infra-red +petro +well-dressed +udonis +backlogged +potshots +mendelssohn +cristina +payment +subhash +o +attacked +kagyu +gaddis +mcleish +brother +acog +rarer +supermax +pyrrhic +wimpy +madurai +photoexpress +homespun +province +dscc +isles +goalposts +czechoslovak +sowing +lansbury +batu +duhaime +demetrio +ghattas +dieng +rituals +rougerie +comer +rossello +loftus +colander +mccourt +cathode +tatsunori +coupon +sets +qinghua +toback +halen +vindicates +prahnk +long-handled +mitzvahs +carina +daz +capoeira +fast-moving +melky +fnc +niacin +paramus +homebuyers +hare +hesitating +chiluba +markey +stork +cheetah +fisherman +replicate +students +humming +masseuses +forties +grothe +innu +reshuffle +qtr +importante +zarko +koontz +lihk +oh-dee-ehr +heyward +nighthawk +marksmen +napping +jeopardized +tomsk +repechage +icus +confirms +piacenza +sihs +recognizance +dived +cates +hindenburg +pevsner +coventry +al-ittihad +metered +timken +newcombe +suppresses +coll +hot-tempered +resource-poor +wonderment +seasonally-adjusted +shamefully +kandahar +gautam +fk +see-ah-moh +cleaner-burning +aqaba +filtering +tritium +disables +olcott +afterwards +unbundling +nino +high-tech +i- +mirsad +violins +announcing +poplar +inched +malloch +bosporus +tedeschi +amy +blowin +pinglin +musyoka +billion-pound +heim +pudding +nom +bayous +non-nuclear-weapon +components +afula +celestine +toga +elect +ssi +designee +knighthood +posturing +libro +torturing +chiropractic +dulcimer +inform +bathhouse +samplers +baleful +ours +deterrent +gobbling +pco +fillets +rupiah +progressed +nighttime +liberating +deters +meh-lah +scupper +hereto +coyote +constantine +siegel +dong-young +redoubtable +excavations +at-home +dizzying +tack +wieden +profession +modish +naslund +concertos +redrawing +discards +leeza +strom +cbot +berio +brutalizing +touchline +0:00pm +eigenvalue +motels +empowered +unload +sekolah +pancreas +musicals +aesthetics +shoko +peggy +stopping +city-states +ear +reassembled +fraction +omnipotence +shaariibuu +infrequent +char +mannerisms +kiyani +gambler +pump +gehr +emulsion +deflation +tatu +fired +csis +elsie +taitra +impairs +umpires +sexual +darra +pyrenees-atlantiques +incorporated +reprogramming +testa +earth-000 +stress-free +gay-friendly +percussive +rappers +postures +self-awareness +outran +qpr +karyn +tuinei +rosita +blowout +tavis +verfaillie +adl +privation +turiaf +usafe +sunita +landed +bereavement +pntr +wing-tat +tephritidae +non-ethnic +lsu +minsk +togliatti +winehouse +hartmut +shmona +palestinian-run +orientations +desires +parente +bastl +anyplace +kaupthing +recommissioned +chicken-fried +howman +mehmed +instituto +hke +vaile +firework +labadze +hertfordshire +aldermen +sarah +j.m. +belmar +critics +bipartisan +greasing +nastiness +list +suicidal +bravo +tombs +kroes +agility +make-a-wish +zink +landmine +babbage +toe-to-toe +mahr +schreibman +dror +rantisi +inconsistent +guatemalans +useful +vicar +exaggerate +munster +bowlen +yelling +barking +gaviria +filmgoers +rimsza +oakley +inscrutable +three-decade-old +pajama +subsidised +taunton +entails +promo +cryonics +diesel +much-discussed +endocrine +infringements +resembles +falt +prompts +compilation +ft +get-together +grousing +major +gruen +kumba +honorariums +scandal-tainted +vinaigrette +wilkin +affleck +grate +dekalb +beguile +lame +ahmadzai +superhighway +kwazulu/natal +underwhelming +atelier +trond +detente +premio +longed +holley +twirling +jewish-american +concubine +attached +dongting +propellers +trotted +delk +groupings +preferentially +proprietorships +torah +trapani +attention-deficit +rumba +glorifies +edel +funhouse +short-pitched +gags +handicaps +arrington +teco +sahaba +muffin +caitlin +pantages +reactors +depots +whitehurst +lola +o'byrne +confessions +orchestre +moncton +pa-koo +arinze +rough +duesseldorf +ignores +kimmie +fehd +second +purtzer +wetherell +sub-sahara +vaccinated +tsohatzopoulos +five-judge +gulps +victor +high-banked +manuals +laymen +reback +circumnavigate +hora +external +synchronize +sonnenberg +ifeanyi +000.000 +robbed +hookers +guo +mok +local +u-boat +pipped +cpm +seniors +dor +dominus +gabriel +shores +microcontroller +undergraduates +stakeholders +cursive +granary +bibi +gmo +intensity +najibullah +wies +malotts +tarcisio +erle +seventy-seven +palang +artsy +high-school +berk +patches +eto'o +enjoy +jameson +kokusai +severn +nope +whereas +bloc +entirely +subtitles +saxo +blue-collar +scouted +v0s +digimon +glass +unger +glued +barnaby +scallion +showcases +shukur +streatham +kaunda +cssd +learning +apec +dithered +ivillage +hopson +hispania +flunked +terek +inlets +shaheen +unmee +bullitt +galway +detent +water-logged +autonation +martins +seamus +theorem +specifically +smelt +pruitt +creationism +caused +pervomayskaya +acquiring +petersen +shoigu +dimples +ogling +accustomed +jaco +liberation +eben +hello +freakish +isikoff +missoula +polio-free +in-home +chimbonda +stoppers +wesson +moloney +frn +jimi +equifax +fender +nami +koor +murong +mathes +echinoderms +oversea +gregg +rebirth +lilies +pande +pressed +zha +teddy +karachi +knesset +late-game +ecuadorian +snowden +alcatel-lucent +ovary +hanyu +nuwan +networked +yaron +massoud +theft +sheikhs +zanesville +regius +paralysis +parceled +co-exist +barton +rounding +lacko +badakhshan +overconfidence +ahl-hahr +remover +ceske +tightrope +qihua +shamelessness +countersued +darth +shipp +bopper +ipswich +karl +lawal +eritreans +anti-union +heuristic +okaz +boj +perimeter +qanooni +species +frattini +hanz +pennsylvanians +jalil +naoko +chongming +mid-july +kakutani +collapsing +maldon +bustamante +crisis-hit +totmianina +trumped-up +sinopec +deaths +landslide +errol +jauntily +aerospace +shanshan +weary +sra +extravagance +government-to-government +squirting +koreas-nuclear +r +impatient +emd +rundown +hartsburg +sourcing +fognini +paddling +hematoma +0th-qtr +dissatisfaction +cross-platform +genesee +jamaican-born +oil-related +derwin +berlin +foist +lands +lukas +moons +woodall +surprise +okemo +gradients +wellcome +cohen +negras +0,000.00 +exuberantly +forwards +bassett +corralled +twentysomethings +pledging +biak +darkseid +kew +mang +reel-to-reel +murtaza +biswas +moslem-majority +gun-toting +agitated +salgado +cup +couched +bilis +vilnai +wilds +ribavirin +non-native +mchugh +barkley +'arc +abedi +kuhb +samaha +josip +flare +jefri +varied +baram +interconnecting +honoris +kis +postulates +undcp +felipe +'art +enlighten +malatya +hah-lahb +swallows +preserve +pigsty +noncriminal +standish +aline +al-ahd +montez +asian +%uh +comoran +bobsled +characteristics +pakistanis +vostok +spittle +pickling +patrons +lathes +acquisition +faina +santa +inventor +muni +begley +mkultra +probabilities +clinger +mhz +sloan-kettering +harkness +encouraging +campbelltown +cnn.com +browns +clams +donnellan +sah-ood +lipps +iraq-style +taas +inman +chama +newly-formed +evacuate +quintal +sakigake +marchetti +freescale +mules +http://www.gm.com +oz. +shakib +just-concluded +puckish +woodworth +parkin +consignment +ppr +biosciences +splatter +penetrators +myint +neckline +coleridge +binns +protected +andalusian +slushy +fix +mind-body +rationales +jbeil +endured +daohan +cimatu +kinase +edges +mobilization +sbu +logie +greuel +fide +dismal +sipe +oldham +talkback +mehn-zehl +holder +grab +alcohol-free +tawi-tawi +proscenium +kilts +cabrera +workaday +bodice +sensation +attribution +moldy +nicaragua +brogue +keisha +franklyn +of +grimlock +dimona +sheedy +mcnary +single-engine +(000) +pardew +gibbons +sherpas +irresponsibility +synthpop +may-el +facility +englaro +uranium +saddleback +money-management +beh +round-the-clock +excluded +bish-kek +garabedian +jah-bayr +starman +favourite +threefold +analytic +wickets +luger +subscriber +schnellenberger +kaduna +centralization +theatergoers +all-night +nike +blakey +grimaced +sunroof +jd +standardised +waterford +syrian-lebanese +paceman +non-commissioned +breathless +hitting +minivans +pharisees +post-harvest +packers +roaming +hier +malkin +rhodesian +potapenko +boylston +sociability +pattana +jingu +forklift +..... +sloppily +paqueta +howland +ex-mayor +aquaculture +rasmus +tomenko +shining +str +formulary +ku-rahn +bottled +minchin +alumni +bretagne +kddi +combination +preheat +nonsectarian +pain +aulas +mexican-american +ntl +takraw +ohm +rhythmically +nsaids +a/c.0/00/l.00/rev. +cuffed +novick +biochemist +godfrey +talc +craddick +witch +antioxidants +adhamiyah +solvay +nuances +barracks +re-investment +eberle +romano +thrall +cote +sorana +jealousy +midtown +mofa +government-controlled +teatro +slowest +waverly +paternalistic +soften +proactively +computes +self-important +perfumed +surrey +mckee +missionary +citywalk +insurance +miscarriage +caroline +grace +creased +cpn +confiding +vapid +undocumented +lamina +fattal +armitage +period +battering +ref +kiely +khashoggi +discrepancy +mountaineer +definitely +yahn +nmod:during +closely +parsons +wold +astm +westerwelle +fabaceae +fleecing +upholds +phase-in +liqueurs +leadville +pinewood +tortricidae +dietmar +milanka +unexplainable +dependants +loyalty +mozambique +paralleling +unavailable +biosecurity +drifter +formalizes +right-winger +said +most-active +immeasurable +bernd +coins +swanky +argued +european-style +reconciliatory +pez +malkhadir +suwanee +smokehouse +miert +crazily +poinsettia +automaking +carbon +tricare +inhibitors +serve +marinos +seventeen +maw-yahd +vittoria +correa +viscerally +vialli +mckay +ratifies +herzegovina +june +dome +hundreds +misconceptions +extinguish +slipstream +superdraft +odihr +sahng +sputum +prevented +mousetrap +mpf +backwoods +doable +close-range +deepak +strength +revolving-door +normalizing +fainting +spitballs +tipple +conversed +reservists +moonlight +chestnuts +marshes +work +stanishev +gatling +leaded +kranz +lillooet +hina +kitchen +february +native +sanremo +wonder +janeth +karradah +staggeringly +ackerman +madden +message +pervade +antennae +woodgate ++00.00 +puno +ooh +kahsh +bloor +grimsley +ferocious +thinly +dazzling +sleet +schapiro +ahn +ruling-party +eclipses +paphos +hype +covers +lansing +haredi +draft +sep +dissuaded +ogasawara +six-way +preta +yle +karla +heineken +komnenos +-0.00 +beichuan +nacer +lonard +coves +regularly +subsidiaries +karlovy +kelme +horse-trading +harr +hounding +gunplay +thaksin +adjectives +furrow +virologist +mid-00th-century +danielson +maximization +snowshoes +weimar +bedfellows +seven-match +jih-vin +heartless +sleep-deprived +sikes +stoney +bubonic +marshalled +terminate +tiresome +watermill +zur-hoo +tables +butter +zigzags +escudie +domitian +todor +enforcer +now-defunct +nri +glares +reciprocate +pretender +emphysema +tvn00 +tuggle +prejudiced +trepidation +fillet +newsworthy +thank-you +jingsheng +joyless +homburg +perch +cafeterias +ayesha +methadone +assisted-living +newly-appointed +cure-all +balqes +sample +kinnock +kilometre +mito +befriended +antiquities +mom +surrender +summary +configurable +bohemia +olean +gadd +unrecognized +globovision +immunoglobulin +lian +georgia-based +membership +exhorted +kohn +populated +redirected +cordingley +thursday-sunday +grieving +dimitrov +codeshare +dergarabedian +honoraria +wudu +proof +arn +symptom +mail-order +thread +insubstantial +solorzano +pistols +communicators +freebsd +gibbon +revert +al-bared +hollander +hard-court +reduces +re-united +chechnya +quinto +layers +moesha +0kids +selfishness +inception +gni +lamberto +marionette +cheh +intense +mascherano +ode +playstation +rambler +medians +al-moo-ty-ee +shaw +speeding +williams-renault +gemma +inconceivable +close-cropped +hendrie +fontes +tracing +otros +dyp +ka +ira-allied +conboy +rickety +eddin +selina +slavia +consultancy +byrne +lascivious +bandstand +cross-sectional +dodgertown +avarice +epidemiology +hugely +keyspan +occupier +j.r. +three-piece +khs +vickie +zagora +fortescue +name-brand +veterans +wto +disarmament +disturbed +pummeled +liveries +comilla +lalor +nicole +jacob +all-round +quasars +discloses +reappointment +clubbing +claybrook +february-march +detectives +tada +xeon +paes +outgoing +gillerman +whitey +inoculate +georgiou +mikell@nytimes.com\. +veres +slah-hee +arnett +podiatrist +defacing +farro +village +rename +lev +dimmer +survivable +toothpaste +suave +rfu +vice-chairman +ppg +miscreants +sephora +sexually +space-time +hew +gravitational +ethyl +fifty-seven +assemblyman +tableware +jingjing +howlin +heed +rangpur +phoenix-based +deft +honeymooners +ultramodern +cloyd +netscape +threlkeld +thelma +hydrochloric +gasana +shutouts +hallowed +goin +dublin-based +airframes +ackerley +kati +nesirky +penning +intern +senegalese +gately +counties +hilditch +death +bc-as-gen +fuhrman +reuther +underling +flat-tax +congress-led +philanthropist +tiberius +chautauqua +civ +york-area +kotaro +ulidiidae +johanns +clapped +schillinger +advancing +duma +postsecondary +ucla +barely +nephews +govs. +ayre +chaffey +fanaticism +isak +renzo +closes +novelistic +guise +crumb +bootleg +greenfield +dupe +high-society +tetsu +xiaobo +flyway +ben-veniste +toeava +loic +spur-of-the-moment +website +tsu +crestwood +situations +bolshoi +peter +angus +cumbria +axa +intimidations +kuyt +camaraderie +angell +lajcak +wootton +latins +forecourt +showalter +scalps +concessionaire +matured +keiji +amec +mev +verona +guerrillas +paths +lafrentz +bakes +facebook +mcalester +veneto +appoints +000, +mnd +warden +dancers +doordarshan +bussed +fragrances +papi +mazar-i-sharif +atlante +guardianship +waco +beutel +timmy +yip +sanha +mx +surges +rustlers +analyzes +d'alessandro +recreativo +unheard-of +watchdog +timex +suffused +good +umbilical +mhc +membranes +assented +exp +escorting +budging +kidd-class +nee-ahs +pleats +elder +qumran +montserrat +eine +hound +norberg +re-write +quarter-inch +floes +bombmaker +miscast +macbride +eubank +gallo +zawraa +unfavorably +syntax +hoeven +spacex +puddle +sanli +dvi +raincoat +gotbaum +mayoral +prospected +gmos +creaking +desiderio +vestige +burkinabe +scala +overlapping +papillomavirus +rammell +urbano +peaster +exponentially +psionic +netbook +manchurian +naranjo +fund-raising +panjang +ionization +inwardly +broadleaf +mucous +mergers +herren +fundacion +ovens +bjorkman +scratchy +itv0 +postpone +gimmickry +kyriakopoulos +inasmuch +mcnaughton +north-south +compositions +kowalski +conaway +array +brickyard +short-selling +tapering +no-decision +nasda +hakim +nation-state +dwelling +martelli +trolls +gleb +crimes +martinsville +queers +eckhard +democratic-controlled +antiquarian +'u'llah +battle-scarred +doesn +kanharith +quasimodo +armando +mantega +serrated +xml +a-minus +unmoved +after-dinner +lbc +medevac +preseason +co-counsel +schmooze +mutters +¥ +four-of-seven-game +mowlam +bucksbaum +whooper +vedomosti +worrisome +walz +thinnest +diggs +two-fisted +commentator +al-hadi +recorded +djukanovic +request +citrus +skilled +unhinged +shirk +assaulting +selflessly +djia +cecily +peptides +p0000 +valeria +plano +medium +ivic +janette +stewie +kostanic +condoleeza +parche +glaxo +brister +demographically +optimus +stearns +saint-gobain +cyborgs +channelling +premeditated +rexhep +instructing +ringwald +gls +excludes +submits +erupts +chris +subalpine +chiellini +innocent +favourites +cheryl +sportswriter +ensconced +prokopec +six-monthly +flirts +correctional +demonstrators +soro +public-sector +beckley +haleigh +00ers +tic +fannin +youri +day/night +izzo +zenas +gyrating +redpath +holman +neutralised +cno +plasil +poverty +thuh +joji +arbroath +cleef +firecrackers +sez +burwood +ceuta +original +euphemism +clasped +hertz +vasser +arnulf +organized +rover +directive +verge +contained +plural +scully +guzman +salting +tiempo +donna +trig +surprised +cleanly +s.p +incinerators +femi +prying +haiku +slander +ramifications +pay-to-play +s/00000 +cassation +e-mails +constabulary +muhlenberg +vee +ionia +disappoint +helsingborg +al-husseini +ghauri +belletti +vly +slurred +ziyang +embroidery +movistar +jarl +mid-ohio +pischetsrieder +bailundo +disembarking +dtv +galatia +fahim +minicamp +great-great-grandson +aardman +silken +billions +jacobson +vandalized +taxis +downhills +rainwater +nicklaus +linens +injuries +cognizant +cpj +tablecloths +surveyors +hah-nee +hauser +outsprinted +garchik +quek +dnr +ee-yah-dee +soil +schumacher +parekh +snidely +communism +bounding +dobson +accept +illustrates +cusco +hampson +doorknobs +passos +ratsiraka +step +boring +samashky +entwined +bendectin +advert +termed +fehmi +menil +baldini +banyamulenge +multiparty +belgium +multiplies +sixers +nightwatch +hatfill +cy +plympton +poggio +brutalized +noiret +sunsets +pelts +drop-goal +metayer +clayton +nazif +melon +chambered +tamim +kilogrammes +laity +calenergy +bartolome +aaa +athletes +merrymaking +large-scale +must-have +minor +telemarketing +discounted +sosa +crescendo +huskers +rashes +detest +gheit +zina +dime +wkts +trivia +cybercrime +ub +rida +parmesan +dirceu +naseer +lading +zhilin +one-dimensional +renny +wssd +saramago +gasification +ka-my +incursion +moncrief +week-old +geezers +revd +fattouh +bounds +exempted +.000000 +ee-doh +pikes +makarov +brain +embolism +cogan +sibenik +basie +forsaken +ccr +abundance +nogovitsyn +zhanna +attash +vindication +andrey +demoralized +thorndike +patented +leapfrog +volleys +keepers +chia-jung +ably +well-rounded +scoffed +choctaw +petite +monetary +toughly +etemad +caledonian +pluses +mafiosi +merval +hectare +merola +observational +badr +linearly +auvinen +superstardom +huffing +travelcard +fatherless +prunes +assassination +demoted +sufi +ehl-ee-ah-hoo +fugitive +00er +stmicroelectronics +hummingbird +pastika +ostrom +inversiones +flannel +torturer +umpteen +rep +combatant +non-communist +mutinies +gleeful +mrksic +scooby-doo +rothman +fasth +bigs +weakness +calcutta +beijing-backed +eminence +peddlers +toothache +aristocratic +austin-based +faithless +connick +pagones +matsumoto +mutants +prejudicial +gringo +beziers +celeb +ex-marine +yr +rashi +quicksilver +saviola +morjane +nishimura +sherzai +phuoc +tristram +ales +sinkholes +dictation +twosome +a/c.0/00/l.0/rev. +mccloy +oleksandr +shorthand +detonates +dramatizations +plantain +ccs +reding +long-sought +saarland +catchup +horrible +spoonfuls +royer +dufaux +three-year-old +carrying +hearns +steam +iskandar +widow +un-sponsored +richly +green-and-white +daugherty +four-inch +re-introduction +precedents +maman +bluechips +asman +j.d. +martan +kenilworth +diseases +_____________________________ +mcs +coho +siemerink +subtitle +bunia +millington +scrapping +great-grandparents +picasso +buick +vur-tisk-uh +ov +gielgud +jule +summa +multiple +compacted +drawdown +corinna +fillers +polyurethane +saban +fondest +staggering +aly +spanner +odhiambo +zag +crabb +nongovernment +barayev +kgs +undersigned +vegas +tow +oli +acknowledged +savitskaya +landsbergis +development-oriented +haunted +osmena +six-foot +argentina +precept +judean +mccloskey +paradise +odoyo +rennie +two-digit +gorilla +shalt +pliable +comaneci +heat-resistant +amato +terrier +busty +vnd +variants +framed +lind +contracts +transfer +whiten +crts +interstitial +ibarretxe +baboon +zong +gander +symmetrical +darien +dolph +hydrocephalus +youssouf +projecting +marshall +whine +digitization +bread +yon +dipped +tridentine +livonian +clinique +bridging +bangladeshi +april-to-june +gradations +valli +estuarine +kuh-noh-ver +hakimi +merriman +adjunct +thatched +benitez +propofol +friedrich +morrill +travel +underparts +simpsons +joran +taddei +climaxed +delegate +opt-outs +car-bombing +bunge +benefice +monserrate +mih-shehl +rafales +bonomo +paring +martz +panamsat +gober +samuelsson +zoff +rend +biggie +onyx +denies +dyer +bunnell +drives +am-early-frontpage-nyt +looks +bull +gulping +hayashi +quads +pets +smears +hikaru +acidification +lwalker +weightlifting +gang +voluble +weu +dual-use +solano +pervan +mower +raced +dyslexia +wholesalers +bamberg +noboa +lucchino +communiques +armrest +nationalization +brickworks +bite-sized +logic +morgen +refashioning +dushevina +snoqualmie +ray +chi'en +life-style +sanaa +paho +puh-tray +montemayor +map +0.0.00 +current-account +brereton +enzhu +gorda +odd +hjorth +000.0 +night-time +foiling +irvin +dejesus +signified +dui +special +0.0.0.0 +elliptical +crayola +suozzi +changes +bergner +wilding +patting +troy +grahts +stockman +scenario +khad +billion +sho +dismantle +woogie +actuarial +rcc +kunashiri +pretenses +blouses +gurel +drakes +karada +calpine +dna +flds +pankaj +xxl +echols +drayton +inhaling +artists +syndrome +cantilevered +andi +e0 +mamadou +loudoun +oxycodone +transited +g.m\. +salaried +hagelin +/l.0 +care +riverfront +jag +rutter +sidetracked +haystack +lamine +murder +bankable +volvos +emits +buffett +tidy +emmylou +scrivener +gigabytes +descriptive +al-aqsa +pnm +portents +olga +gertz +linebackers +blooper +incipient +five-way +considine +toting +decathlete +sarnia +fukuda +duplexes +mingxia +kukoc +bauchi +superhero +yoshinoya +un-african +flies +orthopedics +idolatry +symphonic +bluffs +spares +swampland +assignment +outsized +consume +faisalabad +gf +landscaper +dampened +record-breaking +onstar +centrepiece +transitioned +battery +airborne +waldheim +flavor +endo +diab +bandara +palminteri +vendettas +call-in +bondi +perpetuated +dicks +antitrust +denilson +steadiest +battleships +prognosis +consult +backward +graphite +collies +spoonful +mclouth +broberts +qualifier +hashi +ah-mehd +konstantin +hagar +marsala +methane +crossing +rapid-response +binomial +clawed +anti-kidnapping +mexicano +deqing +three-set +izzy +bodegas +statoilhydro +profit +well-orchestrated +zeballos +tri-nations +/- +ashour +fortuno +shortens +nym +bossaso +chlorinated +convenor +ex-officio +flushed +land +flavoring +normandy +polymath +slow-paced +govan +kong-listed +domed +grasshopper +tegel +snows +sepat +marinated +reshuffles +developers +blackheath +madikizela-mandela +tempore +saleem +visas +broadcasts +perished +facilitate +chase +mujer +inversion +dassault +puts +mayweather +eu-brokered +lanao +heckle +herbivorous +wenzhou +yearwood +michaelis +match.com +maus +special-education +westin +overthinking +oft-injured +anti-corruption +xenical +warder +crybaby +amazons +sparkles +gazpacho +mohamad +alexandra +cevallos +implicates +servicing +vargo +tamaki +roza +kwajalein +relic +langston +overcoming +antivirals +ceremonially +slipknot +wowed +allegory +expose +jakarta +shad +thing +mei +songwriting +snarling +reiziger +beachy +natalia +dangle +dubrovnik +stabile +detaining +varnished +assigning +urosevac +strudel +senet +lampreia +krzynowek +she-hulk +trans-tasman +structurally +solutions +columbus +legislation +chunghsing +dogwoods +jafari +anglo +cancels +self-addressed +shabana +picked +fastball +shloh +resume +saive +krieg +retains +belasco +newgate +bindi +nominate +pelaez +undecideds +archaeologist +cornerstones +schiro +greif +empower +rickles +embodied +newbridge +storr +longworth +kerri +fenimore +mataram +centres +ingush +uzan +program +warming +reno-tahoe +grigsby +obsolete +dictations +lovelock +itv +rate +grocer +bankamerica +rogers +pacifico +shaha +schlossberg +pfeiffer +walks +sumaye +migrations +schoolboy +moors +beryllium +md. +elisa +mid-career +0/cp.0 +aghdashloo +friedan +salary-cap +sinfonietta +sowed +percent-owned +lagerfeld +kumalo +serres +determinants +boozing +solis +watchtower +cahoots +affirmative +bittner +riot +sastre +smuggled +prosper +penitent +linemen +yush +unleavened +elementary +jurists +wednesdays +city/00 +insolence +naught +amnestied +yarborough +landing +sepp +tomatillos +kwazulu +milos +mashud +reunifying +ruggiero +schantz +informality +ty-sah +hath +growled +00e +marveled +sherburne +cerak +resoundingly +dumbledore +lobed +zhaoying +mccurry +clarkston +venkatsai +regarded +trump +bulging +negatively +schwartzel +tracker +corleone +endpoints +handed +headlined +pavano +bach +nien +specifies +breakaways +sts-00 +mighty +chopped +synchronization +spears +snarls +pander +o'gara +carthage +luanda +selz +meshing +conasupo +villone +nagarjuna +0-0000-0000-0 +sutanto +doubles +selectively +signify +asleep +redefines +conduct +braiding +distilleries +ten-day +msv +cinque +squelched +boardings +linkou +brittle +jure +barat +topsy +sano +compiling +laryngeal +yoo-leht +third-best +ugh +whitlow +castelo +garson +aragoncillo +kaymer +deflection +boondoggle +infertile +interviewers +ballrooms +johar +ubisoft +thierry +embarrasses +acknowledgments +nen +armand +bald +fondation +antibiotic-resistant +one-eyed +subduing +a-gallon +telephone +regencies +securing +europe-africa +goiania +suicides +mbia +gettelfinger +smoldered +umpired +canoeing +downriver +romesh +vyacheslav +elie +daron +olczyk +proffer +evaluators +halama +venlo +air-conditioning +evren +00:00 +strummer +fogleman +non-defense +stampedes +pretenders +precautionary +merrimack +macri +four-year +qomolangma +arges +birdsong +curvaceous +metamorphoses +martindale +explosives-laden +malaspina +niyazov +bruh-hee +dogtown +telepathic +marsupials +nmod:around +torrence +alliance +bollettieri +rock +marzook +occupied +gaped +jurgens +czech +sentimental +rehabbing +sheba +conductive +paltry +cucumber +spirituals +maldivian +twenty-seven +ndr +nmod:after +locational +dewan +condolences +telesis +sequeira +kearin +micron +kamboja +asm +wallop +buried +economize +camouflage +jockey +arnaz +dissenter +monmouth +centrists +superimposed +rousted +rethinking +darwinian +fenix +figment +illbruck +alejo +dismantles +lockstep +al-heer +rideau +honey +keo +andersson +ig +kindersley +backroom +slower-than-expected +franchitti +post-crash +pinola +troicki +basically +heusen +derivative +leveller +popkin +behaviours +enjoined +behaved +hopping +yeon +stressed +wirral +toothfish +chicagoans +impregnated +para +tenancy +adia +boost +a000s +kadek +editorialize +shoh-fur +olympic-style +ginepri +andruw +day-care +athena +artichoke +leakage +sanctorum +venturi +today/gallup +passenger +brindisi +monterrey +ign +shau +pro-nazi +herrings +drizzle +bower +yardage +pollo +festus +dishonestly +congregating +pools +firetrucks +realised +row +fluidity +kaisha +algorithmic +hamiltonian +destroyers +diamondbacks +tasting +atkin +jeunesse +bogside +post-hardcore +wenhao +taji +mitral +urbanized +prowl +frame-up +buzzword +heppner +low-tax +jpn +consul +juxtaposing +kohlschreiber +cushing +campgrounds +curzon +re-based +beckoning +obstructed +udaya +make-shift +gloomier +zipped +laub +squeaky +whack +liquidation +theoretician +minted +dornoch +e/cn.0/0000/00/add.0 +barrel +virulently +wexner +librarians +pachter +tan-weer +tajik-afghan +micabrera +extra-terrestrial +vegetation +monaco +texas-mexico +realplayer +telekinesis +gleaming +dour +delving +monye +pyotr +insomnia +acd +s.a. +unthreatening +bleating +co-directed +devastatingly +royal +collenette +thrill +probed +shortcake +seau +marcy +boldon +left-sided +iconium +bafana +arbel +boden +validating +kale +alassane +- +low-cut +halonen +perpendicular +pancakes +mclemore +atypical +ivailo +daeng +wipro +ratp +soprano +cutout +tufted +egypt-gaza +gaddy +enlivened +centerpiece +frankie +trombone +holders +hunks +seatbelt +duel +hothouse +extricate +antiguan +numerator +bah-rah +jollibee +rizvi +stymie +pre-summit +royalties +dien +closer +hodes +reduction +sawmills +fmri +0p +denigrated +sparrow +beefcake +ministerial-level +dalrymple +memento +mbas +zapruder +uncontrollably +farrah +hindrances +solari +male-female +hydrofoil +hungaroring +saris +shrewdly +lahood +roomier +nmod:by +e-0c +hunley +fourth-placed +tiwari +terrence +harbi +instigator +labeled +nests +fier +debriefed +escalator +xuan +impression +group +shrews +dendrites +ounce +tibi +agri +alcove +reproducing +companc +checkups +follow-up +rtz +smiling +muttering +patty +literary +gravesite +crs +wolde +dairy +trickett +macdowell +cartier-bresson +jordon +isherwood +child-bearing +agreeing +reiss +betrayals +starstruck +kapono +al-hajj +unmistakably +lasers +mella +tip +lehigh +time-honored +vista +loco +chanteuse +fernald +uvira +groused +rosewood +boko +bakshi +dolch +glebe +hawkwind +dissenting +okabe +langley +per-capita +albi +laloo +esparza +stuckey +vicarage +over-par +one-week +glider +salon +interviewed +nahar +bao +plurality +nicos +greenland +worm +invariable +zig +festival +russian-american +lulls +peculiarity +millimetre +fein +embarking +sojourn +metropolitans +yamaha +most-wanted +disbelieving +cordons +audette +sahel +spiraling +vieri +mike +j.k +irregular +scheme +breakaway +gagliano +cellulose +prk +snowmen +varela +ora +protects +hardworking +tributes +borriello +burritos +justo +mvs +oriente +colborn +distances +obstinately +hampering +kelly +bahman +kloza +metaphoric +zaher +diphtheria +dutta +premised +athoc +ina +asafa +graduations +sourdough +lombok +w-0 +robbins +ehs-pih-noh +manhunter +baumgarten +vsevolod +catarina +hell-bent +asp +kuhs +timing +cathay +rhode +pocketed +deniers +s-bahn +palmerston +hydroxide +peretti +ouda +dominion +boulez +lengthy +karna +jew +manoa +self-professed +invalides +qorei +sit-in +mujahedeen +sorbonne +nazzal +urethane +one-ton +squibb +double-click +constitutional +winnie +lanny +bbva +finalized +norfolk +possibilities +stresses +arbitragers +joining +hixson +sande +prankster +dedicating +salmonella +urges +smirnov +lunn +ota +copped +deceptions +talents +icelanders +allyson +palestinian-controlled +ophir +reader +plas +compile +matriarch +shari +rehearing +hah-dehr +occupancy +remit +champlin +reentry +camshaft +kimbrough +displaced +plywood +propped +kenichi +hill +santoro +humour +rumbled +tralee +faria +msu +manhood +peculiarly +razi +imdb +downloadable +papadopoulos +all-new +nine-game +intemperate +siren +klobuchar +t-shirt +punters +clumsy +antiterrorism +guh-shtahd +stride +heaviness +ipc +pro-american +pebbles +shaohua +nationalisation +seekers +bumpy +cnr +gehe +overpaid +dithering +norian +shatner +dec +bah-kahr +late-00th +meter-wide +juneau +whitley +well-equipped +petrified +infotech +galvanise +-dimensional +drownings +forensics +petkov +bounties +us-north +extraditing +pumice +landesman +family +trud +darkest +intercontinental +ria-novosti +removal +milk +mailbox +demonstrable +tablespoon +excavating +homily +leder +al-zah-rah +pasko +hustler +hsn +low-end +infiltrates +roadblock +devananda +adult-oriented +buttes +imitates +intelligence-sharing +convinces +fade +multiplicity +marjanovic +yungang +descent +svendsen +haney +percent-plus +entrances +abducting +malevolence +autobiographies +laboratories +hitherto +sirleaf +pickwick +roader +ragen +granted +comdr. +pockets +blocking +isaacs +andersen +sends +weirton +stalkers +memo +lujan +megabits +movable +tadzhikistan +sakala +interventionists +ahl-muh-rahb +sante +glamoc +optimistic +staton +delinquent +wojciech +seria +duds +burying +paek +predilection +energizing +evi +0f +wing +ashworth +snowdrifts +hamar +clunkers +leeson +superboy +acheson +crafts +bridgeton +unwind +faiz +youmei +fabiani +rufino +wala +giraffe +unos +needlessly +manic-depressive +spearmon +lawns +editing +marshalls +deceitful +degeneres +septuagint +teased +surmounting +groundless +magazines +doo-hwan +exacerbation +sickest +castling +terrorise +isd +sleepless +disputing +dandy +ashman +swoosh +00-0000 +metzner +antitank +mangosuthu +telecharge +comme +emissions +media-savvy +hueneme +brevin +quintanilla +wooster +lar +americanisms +hendrik +hohl +link-up +marauder +olds +loads +nota +light-skinned +shockwaves +seo +emerton +genealogist +coughlin +seven-month-old +incidentally +benetton +zoltan +see-saw +locale +appliance +thronging +dumervil +kiang +lawful +upbraided +stansbury +sacking +kember +faxed +savimbi +no-fault +figgins +anastasiya +apologist +cheech +distinguishing +holmstrom +dh +envelop +keppel +gluttony +queenslander +beida +underweight +saviour +lse +eject +al-megrahi +sighting +ordeals +extremes +legroom +inking +senanayake +mahr-ee +chlamydia +highness +all-terrain +stash +elofsson +rally +portraiture +pcr +mk0 +randell +scapegoat +lyubov +ruiz +firehouses +reina +plaintive +'grady +oao +accelerates +iniquities +concise +butters +priming +viner +seven-minute +hit.000 +birthplace +al-adha +cuckoos +blithely +armored +swiveled +poettering +ah-zeef +breguet +seven-page +crippen +drake +shed +great-grandfather +stretchered +headmistress +aleksandar +smacking +phalanx +tour +mailiao +animation +wildflower +hampton +bal +barrick +moralizing +rarely +lumumba +skirmishes +facies +apgar +texaco +pozarevac +preterm +tranquilizer +davidow +pro-business +murerwa +unglued +posthumous +tsn +alai +statecraft +katharine +snipped +scanlon +ballerina +stop-gap +dih-veh +viscera +statue +spitsbergen +kasha +eritrea +oregonian +h.000 +reconnecting +grandi +mullahs +amputations +gaur +doolan +esmond +cycles +u.a.e. +boos +deploy +conwy +soames +ojos +abington +gabrielle +whitehorse +rosengren +platini +eberharter +hke000000 +tykes +wfp +maines +readers +fractious +hinges +layer +well-worn +electrification +forfeiting +barroom +h-financials +committeeman +discontented +wolfensohn +sugar-free +iken +daphne +signboard +guaranteed +reconfigure +enforcing +potanin +guinevere +gustavo +meteorologist +impatiens +d-mich +sufferings +isidore +00/000 +two-week-old +msg +zhai +limitations +zwelithini +pollution-control +recover +deborah +saint-saens +neuroses +thalamus +jell-o +translating +tween +mastroianni +bedrooms +tournaments +rong +crackers +invader +refusing +addicted +tshabalala-msimang +yukiko +punjab +sessional +roseau +retitled +interferometer +streamer +baitz +comparing +ahn-drays +publicize +dp +tread +nickels +innocently +mage +ndf +selebi +trezeguet +berchtesgaden +saint +drillers +sack +zawar +predominated +p.c\. +providers +platoons +sabretech +ah-rahk +joon +ertegun +throwaway +pathologically +show-business +crisis +schippers +humdrum +kuhl +partridge +sitio +mediation +antiretrovirals +elongation +hassoun +mechelen +buyers +sexpot +malaysians +memon +telekom +moffitt +langton +einem +ibj +moshi +merlin +tankan +closed +northwards +impedes +stall +ratna +murphys +auriemma +debacles +mcdonnell +silverstrand +kalvitis +valerio +cea +liquid-crystal +been +jemison +obtainable +alternate +hashimi +impropriety +propositions +southward +tablet +jeffersonian +jalen +wrinkles +procurator-general +montagnard +ccf +lothair +minder +wilby +infernal +mulet +judgments +micheal +bluntly +rye +diaby +cii +bad-debt +zhongguo +us-educated +continue +ketchup +nonbank +deadlines +archives +galvao +us0 +lindley +chastised +saraya +accommodative +tousled +doubleheaders +zhuge +proselytizing +saffo +sombrero +malarial +redesigns +tipsy +ensor +grandmasters +grady +siti +kealy +cor +laredo +harvin +mindfulness +pont +osman +ocala +moderna +generale +louse +bacharach +damian +splinters +oui +cffex +cayley +dnp +coalesce +cartoonists +broo +delma +wilfully +number-two +unami +goebbels +spiritual +yore +wellesley +vineyards +lamps +ornamental +rostock +montvale +rochford +countrywoman +j0 +painterly +yannis +waivers +undetectable +yamanashi +linescores +faded +seddon +beckenham +fizer +makelele +gannon +ironworks +najjar +ash-row +reconquered +sonics +multilevel +shatin +unfolding +solana +shakin +remark +pyres +sommelier +pct +narva +benton +eastleigh +tyler +hoosiers +skillful +00/0000 +doboj +nok +stairs +pia +entrench +tenterhooks +kwantung +perpetuation +battleground +indonesia +convergent +forsaking +ginza +alley +small-time +disgrace +wpc +brokaw +umit +may +ravages +mortgages +havas +lepper +garten +al-halabi +respectfully +bletchley +hammering +gunning +massif +hahmz +lansky +bhardwaj +saint-exupery +eavesdropping +myspace +belief +showrooms +righthander +liman +mcadam +halaby +fidel +matagorda +euskadi +revolt-hit +zhee-myehrsh +gaul +federated +ethically +drdo +nordby +low-scoring +schoolchildren +intraparty +scoresheet +kilian +fungicides +dionne +mladenovic +jihadi +progenitors +competes +britan +mid-century +disdainful +berasategui +sexson +matlin +aftercare +sharecropper +tashkent +elpida +macdonald +warps +niksic +pty +tayshaun +lubyanka +ingolstadt +behind +hermetic +god +zeitung +sah-dee +transneft +suspecting +whirled +naved-ul-hasan +sackett +cellist +lampe +rakim +emergence +pix +qais +manage +moneys +uncaring +picc +neh +kathmandu +000st +mugen +maps +riotous +rf +apcs +d-minn. +insecurities +strum +quartey +destination +stb +diw +lucian +granville +strobel +relativity +reims +shuttlers +darthard-dawodu +integers +cristo +idle +european-based +sonangol +chaib +martini +gunfight +sino-british +semi-retired +pinker +interference +mayawati +electorate +falsely +atromitos +enterprises +breakers +emphatically +cracking +susann +surcharge +kjell +recombination +0.0-0.0 +barboza +moscone +probity +beira +foxx +shawkat +aqueduct +maginnis +fanling +two-stage +emcee +litigation +anyhow +vj +wyvern +h-0 +jamboree +selectman +self-consciousness +deposits +aikido +shriners +gravesend +tru +bossie +muldoon +kerns +burt +broderick +emitted +banny +foreign-language +re-emergence +leaker +high-energy +lauterbach +submissions +uh +gladwin +widescale +air-to-air +wus +self +cynic +verdonk +keeled +ebullient +choreographic +tempted +kiel +ewart +swab +mundine +paedophilia +guarantees +pvi +closings +subsidized +israelites +uh-huh +lievremont +gauntlets +awa +wellcare +scavenge +foreign-born +tie-breaker +world-leading +coasters +podesta +parlours +zuhayr +narron +uninteresting +vicodin +akishino +robles +hand-carved +zeta-jones +waterboarding +trudeau +twenty-three +walworth +ph. +timeouts +suzette +sangatte +sequel +nina +amending +julie +kopassus +wfan +scatters +jats +kerrigan +singtel +rih-yahd +putty +dalkon +logan +bulog +filibustering +defining +headed +magnificent +incidents +dane +reissues +libelous +pessimistic +howser +industry-leading +anti-death +crist +bedoya +matins +thirty-four +seeker +s.0 +full-blown +f-00s +legalization +watercourse +origination +vives +xiaoming +unaware +aram +centralize +cobol +usurp +toh-roh +mexicali +compania +chiudinelli +abwehr +possess +beleaguered +amaryllis +dpko +surfing +jameh +exigencies +kathleen +eunuchs +rato +sak +adaptor +punk-rock +al-libbi +jiggling +pre-world +miran +flanders +israels +syracuse +bio-diesel +baserunner +nip +naturalness +produce +dahlan +j.r +upshaw +session +d-fla +niels +diaz-oliva +seaboard +shokhin +authored +enslave +mumbai +tyrannosaurus +raelian +thurman +riki +comity +period_none +treasuring +bolivarian +mut +aggies +tenggara +trundles +dominican +kroenke +lachlan +flashed +razek +zeroual +exiling +subcategories +titleholder +haagen +moans +hector +disappearances +buy +curitiba +disowned +genitals +khaneqin +winston +percentage-point +oun +spanta +rotblat +ponchatoula +travelgate +reddened +truthfully +unnumbered +fra/fdj +one-man +bankruptcy +steinfeld +antwerp +capitalists +sufficiency +nscn +longwood +fuerza +yearlong +reciprocating +structure +o.c. +olympiads +robert +infocom +moda +offshore +ghoul +klara +unico +jinx +hogging +salim +sports-budget-nyt +akademi +olena +oblong +trimaran +moth +outgrew +chongqing +lee +wickedness +dinari +kodak +gangsterism +vogts +promises +dar +maniacal +lounged +stylish +ayodhya +watterson +blvd +cheating +briefly +coffeehouse +outscore +wrongfully +rambled +speakers +jeri +sns +davydenko +team-leading +whisenhunt +cohabitation +cnnfn +incoherent +argon +ww0 +halutz +alike +hourglass +lifesaver +badghis +tactile +nervousness +forefathers +weidong +r-mich. +benchmarks +withhold +authorization +mediator +dribbling +kidded +imo +spong +usury +futures +euro +moggi +klug +interest-only +pagans +juggler +buyout +r-ala. +maehara +most-capped +flotillas +saccharin +overreaching +ashikaga +casco +sun-splashed +pettitte +by-laws +four-round +raymundo +skates +hermitage +taka +stain +eichelberger +italiana +dms +< +orly +ekg +meridian +godot +taran +barangay +rigoberta +wyeth +snagging +snickered +schweinfurt +barracuda +bumblebee +sherritt +khartoum +yamanaka +yizhong +mozah +acrobat +syron +non-confidence +logsdon +/ +vincenzo +pampering +enhance +splice +heralds +gimme +worshiping +clay-court +cultured +vigorous +masseuse +bahd +infill +kloh +mouthpieces +denisov +hahn +fraudsters +malika +pilipinas +lvmh +collegial +songbirds +us00 +copious +planing +kleinschmidt +materialism +posthumously +buckner +borislav +fripp +hailey +rite +trafficked +months-old +kengo +irv +blue-gray +rachmaninoff +strictures +moche +reconciliations +shula +preservationists +afflictions +diseased +anybody +neng +rich +mulan +sheared +subsisting +piskun +stunt +roseanne +sensenbrenner +intones +chunyun +vrs +liaise +raouf +cromvoirt +win00 +cnbc +unikom +mothra +tense +de-facto +punished +wees +garage +here +fling +ende +rickc +r.i. +reclusive +shames +panfilo +foolishness +warhammer +elitist +optimism +suppliers +hormone +fast-tracked +tho +kamuzu +coopers +leghorn +bergmann +ej +chewed +lilli +darlings +standard +fratton +ghastly +reorder +tarnishes +brazelton +rodman +barnicle +assem +moroz +00000-0 +commodores +manjrekar +concierge +uninsured +vor +theo +ataxia +capitalistic +beene +nelly +possum +puy-de-dome +kiyosaki +ex-deputy +godman +aguilar +downey +castellani +schamus +scrumhalf +antagonists +esrey +gewurztraminer +usama +reconciliation +baruch +rutelli +al-hashimi +knuble +atocha +ciampino +modernizations +cofounder +mendis +poitiers +nashville +joost +zabaleta +headset +dj00 +muzzle +mammary +moved +mol +lca +ebel +garments +plumes +balz +wawel +mcdonough +bo +el-atriss +rehabilitate +four-test +stilian +computational +carol +emb +strays +westar +fiddling +msn +mingo +brasileiras +ilbo +doan +mangan +first-quarter +enclaves +heroes +ethan +elated +test-fired +complementary +mastectomy +slinky +wither +container +gigabit +reinserted +close-season +bofors +corning +grahame +steep +grp +kareem +spirituality +bitch +ishmael +wagnerian +long-legged +mahz +gooz +washer +winbond +nix +samangan +treatment +half-price +non-jews +wishers +functor +suite +mercia +energy-intensive +rania +velour +montville +late-night +retainers +fifths +pearse +othello +hallows +ballou +kalyan +al-qaida-linked +guardiola +nieves +vesna +audiencia +capitals +albemarle +communicator +straight-line +liamine +wiest +shoppers +vicks +sound-bite +deaflympics +jonesboro +low-paying +ruhrgas +handcuffed +bah +http://www.whitehouse.gov +vinay +white-collar +preoccupy +slab +lajoie +midfield +belvoir +almonte +vertiginous +ossining +pictures +mammy +espionage +opium +granger +datasets +psc +crespi +beats +att +powerline +large-screen +dawkins +baits +childcare +jianming +ornithology +chabon +crossover +blauser +subparagraphs +physician +orde +pervis +arashi +mauro +ritually +tanning +roofs +intolerance +schruff +hs +negotiated +elusive +jules +barzee +requests +sah-lih +ease +hadep +peyton +selkirk +pizzonia +achmad +kiu +newmont +strange +girvan +chutes +pbpost.com +composers +kasparaitis +grygera +bent +unaids +lead-up +mixtec +vice-secretary +donyell +lasser +threes +hrvoje +radiologists +quashing +aloni +mayor +bronzes +korzun +gas-rich +dujarric +amplify +gebrselassie +prazuck +guests +oil +deliberated +dietrick +diplomacy +stabenow +cukor +j. +cedes +brca0 +rafael +stranraer +gideon +recognizes +intelligences +gentlemen +cheery +zhonghe +zo +jurisprudence +dongjiang +tie-up +poop +manicure +mincing +cries +capitalized +peel +teetered +salween +two-month +ittihad +mini-constitution +sub-group +aec +sleeves +fattah +quarantined +fw +awadallah +shabu +isoforms +job-hunting +piatkowski +gli +caning +barnetta +angelopoulos-daskalaki +originally +beluga +noriega +person +bylines +uppercase +cybertimes +self-deprecation +disseminate +hashing +streak +bushfire +yamada +shouted +downplayed +injury-free +remnick +chaka +lunging +jeppesen +mlc +s.f. +pangestu +onda +balsam +ike +gushee +cosponsors +wieland +smart +nettie +bradstreet +bromwich +treys +lolita +kinescope +lucic +simla +rays +deuba +srinivas +refrigerator +sungai +mastroeni +prophesying +djamel +exacerbated +schorr +husserl +unveiled +sizzle +south-west +rejoices +three-meter +lys +conrail +clearings +lamasery +tavernier +pacific-00 +undercurrent +fdp +kazan +tauranga +stoichkov +petri +wrexham +sota +rumsfeld +wilsons +symons +lafitte +sassi +whiskey +oldsters +mahjong +krige +mlicki +pretorius +minigames +sandinistas +advanta +popocatepetl +scads +stored +inbound +grundig +organizational +dachshund +disulfide +mcquaid +vegan +japan-us +scabies +trialled +montanes +showbiz +narsingh +grinkov +ochs +barrichello +dumplings +mattapan +azam +williams-sonoma +gang-raped +chamberlin +plb +chulanont +funnels +capitan +phenomenon +recession-proof +arcane +lingus +newmark +boozy +dropout +pulikovsky +braised +buff +low-enriched +penarol +orion +tonic +blundering +kazuhiko +nonhuman +stopovers +krazy +stricklin +wofford +kallas +tariq +sree +beadle +boroujerdi +agrawal +jered +scioto +lawmakers +semiofficial +agro +silting +red-white-and-blue +microorganism +benchley +kitano +vestiges +cease +asian-african +berstein +vaidisova +ethiopia +reconstruction +gdf +zoomed +varga +weatherly +fraser +adhering +pressurized +alley-oop +o'hara +ultra-orthodox +denominational +sylvie +holotype +definitions +amrozi +infrequently +tsao +gang-related +carbon-fiber +kosh +ernestine +doni +donilon +holbrooke +commercials +pilasters +varity +schama +out-of-state +lleida +r-ore. +penmanship +pares +franke +gender-sensitive +presque +cadillacs +fattened +opc +kerk +barbuda +evraz +al-hilal +lanky +travails +exam +flanker +postpartum +revolution +jatropha +cisco +flamboyant +slammed +foolhardiness +al-akhbar +decepticon +partido +also-ran +emas +kozak +algonquian +barlow +final-status +x-n +lewsey +serendipitous +kort +bini +fermilab +acta +0in +koh-las +chaplin +disciplines +hesitations +kloster +chard +gossipy +mormon +mystic +co-winner +season +wichita +vorarlberg +roommates +bc-economy +checchi +courteney +chilliwack +filled +fogey +jump-started +ironwood +angelenos +montini +koules +headlights +tinder-dry +mutinous +marinara +consumer-products +builders +genzyme +british-led +cleansers +husayn +ft-se +fahd +topographical +haute-saone +byrd +clade +enablers +capitol +yat +ecuadorians +fane +clean +pacoima +clohessy +bru +gravitate +hooks +spillane +abbeville +collor +scrips +rebus +creationist +yelp +quivers +cutaneous +wait-and-see +kurier +geno +salix +nahr +belles +sealy +suis +ben-ami +buck +redistribution +blomqvist +dumpster +hotwired +stumbled +smitty +good-bye +sanchung +khieu +computer-assisted +huo +depardieu +karabilah +burnaby +implementing +wie +brawn +selling +sacred +votaw +heedless +daylight +bartle +self-declared +wants +canaria +crispus +technology-laden +amniotic +renderings +bile +high +il-sung +lesbian +wylie +conventionally +shipwreck +distress +impersonation +conservative-leaning +lcc +raids +hedlund +swank +iroc +half-an-hour +chaplain +norcross +fork +non-western +henderson +rheumatic +kakadu +cdm +chng +disparities +levante +edessa +idealistic +unswervingly +yuan-tseh +semi-detached +periodic +left-leaning +noumea +al-wa-leed +rumination +batley +cherishes +bonilla +balconies +paiute +restoring +machinists +tumour +abloy +sociologist +vienne +freezers +abba +query +resurgent +crowe +nesbit +shanghai +bare-knuckled +planeloads +enqvist +rancho +galena +rugbyl +ventilation +rak +damien +violate +pirates +imperium +summerfield +gentiles +teja +ius +ingrained +finds +deans +crater +philip +meditating +being +usoc +lewisburg +treacy +00:0 +firestar +excellence +balad +pointers +tro +freelancers +sgx +sibling +montrose +dk +dyson +adjuster +technicality +perverted +much +shrieks +hickman +re-education +objections +000,000 +lpga +licking +indian-american +ayaz +tissue +estadio +distributed +welch +extirpated +cerebrovascular +francs +ammonium +magazine/abc +anachronism +naturalists +orpheus +0-way +astonishing +brunton +side-scrolling +habsburgs +pared-down +stance +stolpe +muskogee +katana +shabbir +brier +karas +mahs-ha +000rd +ki-hyeon +scampered +frelinghuysen +picchu +janssens +new-ball +arbitration +squandered +false +kerron +guidebook +accelerated +sahn-joh +atoned +oldfield +midterms +estonian +auntie +marooned +likeable +firman +abbugao +skydive +developer +hasta +contemplates +firestone +mortier +withdraw +glamor +phoenician +lamprey +culloden +narrowing +applets +serban +reverse +ninos +borer +ktm +compasses +assertion +debra +kebangsaan +sumbawa +a.p. +determination +threatens +heakes +chi-kwong +rifaat +no-one +kasten +disasterous +asko +moneymakers +nevis +lennox +fusco +kun-hee +populists +conifers +lorillard +harnessed +worshippers +quake-stricken +bourse +c.0000 +robuchon +predicts +near-capacity +karelin +crt +00th-00th +scripting +non-bank +aramaic +forwarded +hydrocarbon +classifying +atrocious +pounded +anti-racism +newsletter +maryann +county +anti-castro +outweigh +preliminarily +cronje +kuszczak +traditional +jolas +unamet +kah-bah +elam +vicky +menorah +superstructure +wunderlich +l.f. +imc +chantry +arab-american +baya +misrepresented +ostia +cross-examine +insensitivity +hydrogen +democratisation +educacion +akron +a/00/ +cbc +mw +geez +majored +bb +marmara +hobbit +unhygienic +pequeno +supine +m0 +toman +ricochet +uncollected +hypermarkets +zhili +part-time +delete +adjacent +extravagantly +inter-departmental +castoff +yuganskneftegaz +nicknames +co-defendants +claussen +plasmid +recber +readings +unresponsive +rodale +rowling +tas +doren +starring +msci +phosphor +sinn +scardino +pullback +mprp +chemnitz +workload +grandstands +backstroke +protege +shee-yeye +uncharacteristic +opioid +mcmurray +ganji +greenidge +seafood +denizen +warrick +deported +deneriaz +horse-riding +gwendolyn +elizardo +galore +dodgy +lensing +richfield +tellers +cedric +junker +frei +tha +common-law +chertoff +valor +drenthe +telangana +jansher +kingstown +antagonize +silvano +ahb +hoyle +kress +jo-wilfried +mongo +peekskill +tyrrhenian +torrents +horoscope +farm-raised +tauran +0:00:00.000 +tokage +oro +boathouse +undifferentiated +cusp +dinesh +jr +esp/eus +governs +anti-turkish +flaubert +scale +henshaw +joel +supported +haitians +sopore +ghaddafi +decisions +schwarzkopf +looped +citibank +tough-talking +steger +idrissa +winwood +clearstream +asylum +zarqawi +discusses +confusingly +asiad +abdallah +transferable +zhenyu +self-incrimination +airasia +colleen +fertilisers +pesticide +victimised +ipo +nox +elle +gangrene +snippets +implored +radwan +spacewalking +do-gooders +likelier +samples +plasmas +huthi +shadegg +muscovy +deejays +kindred +edsel +eriksson +fokker +transcription +huambo +efren +vachon +kinetics +sponsorship +coastlines +blooms +reprehensible +orr +ayutthaya +disciplinarian +fingerboard +ah-kee-hee +jagmohan +improper +interlocking +til +kuala +reorganised +brochure +pln +equateur +drunkard +ran +brining +omg +massacre +majevica +archetypal +upper +romanesque +thirty-year +xbox +minnows +valery +passports +dyed +sterility +just +embalming +labour-intensive +trams +nine-page +re-written +uhn +ledoux +unnamed +setup +chillicothe +abia +feburary +saguaro +elegant +rbc +murdock +matinees +sell-out +indicative +discrediting +damascus-based +squillari +retails +cohabit +xiaobing +disinvestment +legislatures +multimillionaires +thon +cerrado +anti-syrian +pamir +jacquelin +oxidizer +extraterrestrial +khali +secession +nonpolitical +forty-two +istvan +misuari +piedmont +mysteriously +inaccessible +interlaken +cunha +woven +denomination +nowe +pro-india +steuer +elevations +pvc +pullout +occ +tarpon +dott +bettany +paddles +hematology +uninhabited +infertility +faircloth +factorization +alludes +santangelo +soiree +covet +buy-out +conroe +discal +collieries +transmitted +azad +ignorance +flooded +fright +cart +oliphant +boniol +siskel +white-tailed +norrish +esq +sorties +jelisic +dipole +kinston +privatising +aspirants +monstrosity +hamlets +azimuth +coco +burgundian +zooey +compose +megret +oliva +tradesmen +glue +chios +militarily +spidla +palmpilot +candidate +barris +eden +academie +ambrosini +rds +ubiquitel +tiananmen +reasoned +reh-huh-vahm +omit +patois +klebanov +metzenbaum +labourer +non-hispanic +humiliates +standing-room-only +physically +test-playing +masire +tauzin +trooped +castles +kodori +phillippi +cost-conscious +d' +syringe +purim +glyphs +erode +statist +privateer +myerson +unmin +supreme +decoded +muasher +traurig +rulers +mustapa +happiness +negocios +simplifying +maglev +gunboat +centimeters +coolum +voice-over +academician +drm +big +hobert +fatima +kennel +mp0 +aurelia +porta +dissident +gypsies +gravest +consequences +plume +fig +nonresident +understand +compliant +persephone +roti +devilish +ramayana +praises +torsten +quotas +dixit +inflorescences +bbl +tornadoes +taegu +pdr +gelfand +henrique +articular +nazionale +cymbal +gargoyles +slashing +jinan +one-mile +hubner +fadi +colton +petrova +gaceta +unapproachable +sybille +bogging +leonardo +braude +say +decoy +ingenious +celebrated +switzerland-sized +donegal +mid-life +lino +prosecutes +shapes +barnhart +chor +treadway +strong-armed +kyiv +defers +bunchhay +ruined +protein-rich +phobia +nation-building +fiberglass +note +iqlim +baghdad +procures +kozyrev +kah-lay +syngenta +haifa +citrate +yoshio +brubaker +hold-up +ingeborg +fila +milovan +mwe +kistler +papandreou +uprooted +copd +yukon +induction +nasscom +converging +forget +splm +“ +ad +carrasco +schulberg +whoville +dandruff +fadel +dowling +szymanski +maki +league-record +orozco +frighten +doubs +euripides +xx +fathering +well-appointed +kubik +porcine +pahalgam +basis +flags +hiskey +inspirations +lecter +beset +psychodrama +visibility +croydon +corroded +afterwords +one-on-one +unsatisfactory +rbs +oped/editorial +cobras +adolescent +chalky +crocker +fogle +ex-england +prosthetic +weyded +calif. +overcooked +ndrangheta +meghan +cyanobacteria +mokhehle +bush. +petrel +vinson +broadcasted +nozze +emboldened +atmospheres +trio +consequent +precedent-setting +co-created +murrieta +vindictive +preventive +prostitute +summoned +gugliotta +peace-making +ocr +oireachtas +nagai +iraq-kuwait +energizer +civilization +deliverance +lycaenidae +late-summer +abrogation +aafia +cherie +coerced +flyer +aurel +inzamam-ul +ballot-box +defies +helmeted +attempting +looked +acknowledgement +centaurs +arnulfo +premium +assassinated +mccook +e-readers +paroled +naved +jan +beatles +cargo +renoir +jeux +scuffles +hooton +grants +juh +tenenbaums +satirical +tract +demented +houseguests +geology +giladi +follicle +hagenbeck +raiffeisen +vaal +clam +crates +0.00pm +monongahela +horoscopes +soundscapes +pitman +two-handed +haze +haute +flutist +petroleum-based +rededicated +petrobras +flashlight +balducci +gobierno +mortenson +tosh +sojo +raf +seeger +rhapsody +sforza +vlajko +kans. +lauper +malcontents +scallops +basks +soda +biogas +faustin +old-time +carden +saud +jesuit +embassy +shultz +satie +selepak +comic-book +monogrammed +jelen +back-end +mahala +brisby +navy +bridges +elwes +trickles +daredevil +tin +sarnoff +airbags +passerine +lynton +bronstein +uncitral +tripped +vainly +furriers +grasps +downed +brownell +stansell +ojha +wai +buxom +market-research +ethnological +shorting +inadequately +specializing +cpi +koichi +fsa +stark +uh-hurn +vice-governor +impressing +roughnecks +bw +hood +latham +herrick +isenberg +oxygen +opportunists +mediating +botanists +spurring +mcferrin +kuyavian-pomeranian +wall-to-wall +pollution +stagnate +whiteley +nashua +flowered +hattie +eban +kahr-toom +gaffes +nifong +00th-anniversary +welsh +wrangles +lemierre +animatronic +confirming +identify +business-related +deepen +parlement +homemade +pawnshops +jak-oh-ba-bahd +loreto +confederacy +kuching +reits +crumble +cracker +snowmass +asuncion +vpn +self-absorbed +wiretapping +tilapia +seminars +cameras +dillinger +psychiatry +zwanziger +invasions +shahzad +ex-beatle +startlingly +violeta +s.c +repayable +smithtown +out-of-print +rest +capably +reserve +annabella +webcomic +mid-south +ladislaus +divvied +walked +richter +flaps +ulimo +krystal +ultra-violent +decreases +majlis-e-amal +thq +restates +fallow +carmarthen +ordinariness +dogg +romantsev +gurkha +fortunetellers +lancelot +sure +palomino +pies +mortar +disposing +florida +downcast +interrelationships +ansar +sh +conjured +sinful +nadeau +grated +murals +inconvenience +montesquiou +gnome +nazim +salmond +sweeteners +christodoulos +fushun +leif +hans +meager +lewis-francis +incredulous +soifer +restart +friendship +lucidity +carcassonne +gold-plated +antje +marconnet +noes +gullible +heian +librescu +cerro +elohim +tipp +rational +giggle +rocchi +sununu +hktb +marija +discourage +mansard +re-arrested +maceda +skywalk +chanced +abroad +peanuts +aloud +choi +eerily +stapled +haverhill +two-and-a-half-hour +meter-high +baile +stahf +expand +tema +messes +caveman +updates +offical +banquets +manners +fictional +sheepishly +misgivings +hindery +hour-long +rationalisation +cleverest +provoke +joao +induced +fisted +crncy +platforms +interest +ruthie +eat +masaryk +formulaic +tod +wenzhong +dougan +bidwell +counteroffer +stoves +horned +jam-packed +capello +biagio +hamptons +corresponding +proving +al-kabir +keeler +tumbles +legia +gabler +grohl +sidi +barghuti +goofing +unwrap +mares +zalm +hostage-takers +mckechnie +pdvsa +penelope +helpless +counter-productive +spongiform +mccann-erickson +halvorsen +spvgg +c-cube +handful +sly +christian +object-oriented +chirac +walloon +egyptian-israeli +communicating +cabinet +cavern +sa-tahr +bullfighting +executable +larry +seppi +paved +lagrangian +inexorably +prefixed +flapper +kerviel +shackling +colorectal +classifies +beer +variations +subverted +encircled +unsettled +bertin +indicts +della +genova +dsi +titles +subcultures +kmph +pyrotechnics +pvda +ferragamo +insistence +seaquest +jacobo +hohp +unheard +ondruska +calculator +historian +verma +gainey +stalingrad +frum +isaias +factory +startup +weide +newsweek +mockus +'aquila +kuma +maneuvered +indira +ah-oon +mhp +check +sayings +bosniac +adagio +roles +physics +tanner +nme +incorrectly +orbitz +deseret +lingers +bhangra +sunnyside +antlers +immediately +kupang +pre +visitors +jourdan +kauffmann +panhandlers +helman +rsst0 +wince +israeli-controlled +catchphrase +dissolute +sicilian +allegedly +saux +ukrainians +satirized +asari +tasked +mesereau +dr. +straeuli +brahmins +dreamcast +lats +mumford +mayorship +cornett +telomeres +unlock +godiva +pronger +kokoity +hamer +malakhov +receivership +riffs +fallen +abelardo +gnarls +clearwire +oulu +brunet +tawfik +economy.com\. +govt +virology +farman +best-of-0 +gobbled +deol +atonal +priebke +ornate +arlene +condoleezza +legality +0:00:00.00 +ahold +pregame +rko +skater +feelers +kissing +occasion +child-welfare +mutare +schweppes +baze +carp +uga +gangsta +funerary +expeditiously +recognisable +pinch-hit +gastronomy +nway +sere +organizationally +outwards +ngc +corfu +subcontinent +fellman +l-000 +disorienting +regained +centuries +nukaga +alaeddin +taser +screed +sek +indemnify +sputter +xiulian +heh-yuh +gr0 +capper +surfers +enditalic +water-cooled +katusha +betts +alibis +pounds +shehzad +negatived +balzer +fiz +ravitch +apac +nonetheless +truckloads +apprentice +ah-dig-uh-zoo +scheduled +divesting +madsen +buckling +azima +greenlee +y000 +treasurer +imrali +groceries +rebel +sojourner +meh-yah +second-inning +fires +requisite +glaciology +ambience +hereabouts +agen +dost +arugula +nine-under +tentatively +imbalances +laid-back +third-fastest +takeoff +committees +supplement +gamesmanship +renate +ur-beel +reconvening +wind-aided +kudarat +quiche +mortgaging +photoshop +collect +sailing +hardships +mid-00th +gillet +yedioth +persistant +fierstein +mot +szilard +biljana +ordinary +varnish +abt +wafl +wisniewski +urbina +fazal +ky-oom +mundial +pardoning +leakers +shabbat +koons +creature +jughead +blackmail +decrees +draftee +dipietro +babayaro +xxi +war-weary +yukun +mellanby +wits +jacqueline +discerns +serdar +dessau +shepherds +soon-to-be +swatch +stufflebeem +wok +craned +fixtures +classified +kurd +angerer +clicker +rajoelina +dissertations +northside +sprinkled +medium-scale +coastline +storybook +undiluted +quadra +vishal +femurs +gophers +mintel +miserably +recidivism +avellino +medium-range +ilex +high-fashion +belarussians +colinas +second-string +divya +aghast +huh-shahm +svt +daigle +criminal +dimitrij +health-care +username +chigumbura +qureshi +landscapes +hate-filled +panis +breezy +etimor +ballinger +waffen +rhinoceros +hummel +indigo +brashear +entel +concealed +pitiable +calloway +deja +prodigiously +perna +hairstyles +u-haul +kazmir +llamas +courtesies +overview +steelmaking +borderland +eh-voh +dardanelles +armament +faceoffs +shelby +drusilla +afleet +furrows +mallet +anti-abortionist +selflessness +urdu-language +dividing +fahey +rib +result +firmer +oncology +airtouch +warts +barican +cd-rom +janachowski +cambodian +pen +mcewen +exists +aipac +exasperation +authorised +hypocrites +misquoted +sleeplessness +ezer +courage +topological +miscreant +nist +mures +oumar +migraine +cans +finches +zal +mii +billowing +antonius +watermelons +sculls +addicts +stateside +centimes +telecommuters +schnabel +essences +babbel +kazakh +metromedia +forgotten +kasper +bacher +brakes +raft +sagan +ibrahimi +selanne +midcentury +extra-time +druckenmiller +seductively +klia +seated +budarin +tum +pageant +braque +emerald +obliterate +moorpark +dorsey +recognizably +nhtsa +dunams +zagorakis +booms +mathematica +anatoliy +uh-hoond +single-aisle +frantz +neared +hamman +blanched +vena +frau +zuh +bc-times-front +libertine +right-hand +portrayal +warehouses +julian +exiting +nellis +illyrian +french-built +animists +teichmann +rawalpindi +rethink +propose +baton-wielding +contains +bone +koo-shee-roh +legate +references +turnout +meadow +choice +schnell +gedda +straight +pictou +r-ga +colonizer +ligand +numeric +bharatpur +factoring +near-simultaneous +premier +doorways +nonwhites +autonomic +sleepiness +faulting +ihs +spindler +trawler +castellon +melville +zacks +sondhi +curacao +fuchsia +malnourished +bassoons +dis +heerden +douglas +bettering +coarser +rupa +jersey +xwb +dominates +clarendon +disl +biopsies +tasers +faiths +naqvi +veiled +petroleos +re-organization +july-september +ozp +twalker +hollering +gentile +kibera +yonkers +oust +constanta +limehouse +mummified +rag-tag +empty +sermon +rickenbacker +prevails +corrupting +narratives +linesmen +richt +vetting +alina +anvil +billion-dollar +mcarthur +carotene +galarraga +habs +zoysa +patronage +wagah +salchow +00-member +kaige +earthlink +non-essential +jamaluddin +mislead +alder +musselman +no-shows +amari +jermaine +kumin +shroud +hennie +dijo +confession +sackey +barahona +licks +artiste +epidemics +wiedeking +testament +seamer +weil +chong +whales +nasr +eby +unscheduled +compilers +ventral +nitch +saeb +acevedo +birthday +helmed +mill +colouring +veltroni +ceasefire +portugal +vertical +takahara +encircle +unexciting +milorad +rocker +dropouts +brats +antisemitism +prepositions +annually +friedman +petits +re-assigned +versus +bleckner +noted +jupiter +iata +paley +mandrake +kuzmuk +calpers +chaste +preteens +uncro +exist +salles +vacations +thumper +suwon +boyko +register +koh-ee-zoo-mee +empires +sickened +munaf +urdaneta +ah-med +conductivity +p.00 +ellroy +adverts +rosenkavalier +finances +benchmarking +crumbs +tasteless +wal +0-door +scorn +prospect +serpent +fairbrother +milan-san +shellac +racketeering +primed +re-started +beggar +giovane +botafogo +recline +torrance +hitch +modality +textures +ulemas +plucked +denigrates +maynard +impaired +off-field +yushchenko +haz +traders +bathtub +toho +estimating +sedans +braked +overburden +sten +strasse +adhered +featureless +unquestionable +submissive +instead +humbling +amaze +rivard +bachchan +psa +univision +fineness +young-column +eckerd +mahn-wehl +zigic +nimoy +javed +ex-im +visit +democrat-controlled +kristine +shueisha +bosman +recognizing +pitsuwan +townsville +banerjee +straight-ahead +al-nuaimi +kartika +al-riyadh +names +travers +lalas +batista +lifters +eu-russia +pulwama +affirmed +savagely +peace-loving +sousse +merrick +rina +chances +ehn +mercedes +laban +rv +rated +century-maker +sensibility +money-saving +curbishley +pogrom +airings +susak +yesterday +dormancy +liton +gent +chairwoman +representing +encircling +mcguinn +yawns +constitutionalist +flood-stricken +spoon +jong-un +greening +mitsubishi +hellman +squabble +concave +gubernatorial +coeducational +shigetoshi +citizenship +legendre +galston +digestion +dugouts +afeworki +salernitana +brie +manganese +noonz +ya +picardie +kiwanuka +bassa +calvi +castor +fordham +pakistan-based +coltan +transvaal +englishwoman +bhp +entrap +indisputable +tahl-uh-kahn +mobilise +berisha +salesian +kushiro +perry +saleh +titled +laughably +nasiri +lr0 +abut +kennametal +ljubomir +poach +injector +blitzing +wounded +exposes +miter +bledsoe +hand-built +memorialized +nose-dive +animating +pasteurization +follicles +dislocated +br +bebop +chicagoland +fetisov +staley +melanesian +yves +cowgirls +oecd +paradoxes +warr +intravenous +errant +reveling +newsagent +" +outfielder +crematory +okun +congratulations +jinchuan +yoke +cortlandt +glossing +wayward +hand-washing +affiliate +gluten +cnpc +rondon +bastian +bayesian +prost +prithvi +bettencourt +tierra +od +donetsk +jap +close-knit +al-ahmed +coverdell +cause-and-effect +itt +yardeni +mindful +contributions +admonished +awnings +routers +marvelous +breakfasts +soft +nirvana +misfiring +fields +heskey +thane +hitched +turbine +retracting +researches +expound +theorists +egyptian-born +non-recourse +schillings +citybus +someone +brenner +don +grill +lifeless +fifth-generation +par-0 +go-it-alone +inadvisable +puntland +vanunu +farabundo +godson +carley +shelves +garcia-lopez +dissimilar +yea +united +zenyatta +vee-yehr +gemina +greatly +evenhanded +mangrove +luttig +adds +siedlce +vegans +hotheads +gedi +gallop +tonk +jordin +heaped +uncertainties +abitibi +gaga +heralded +tuolumne +anthropological +awd +co-ordination +grimmer +repetitions +cowdrey +hugging +douste-blazy +vermin +fiddlers +chilli +partake +leem +okuda +olympiad +convulsed +an-hour +senhora +curveballs +carlin +osterholm +curds +tri-city +forfeited +moffat +baptizing +cdo +audited +lumped +sopot +fuh-roo-kee +hip-hop +teflon +viscounts +derailments +independent +jean-cyril +panicked +interceded +middletown +stuffing +r.s\. +damaging +wuhu +gic +nsubheds +probate +ventilating +lydda +monineath +osan +wearers +livoti +sedaris +incredibles +saut +lesko +godal +carbajal +tizi +buh-dee +zeidan +routier +sickens +correlated +00-inch +month-old +wry +arthur +competed +cuevas +readymade +flesh-and-blood +snow-white +blazing +burgsmuller +wirth +colom +reconstruct +chefs +bommel +taguba +impressively +mukhlas +huey +end-use +facilitator +wiggled +purist +ground-based +iyman +hakimullah +ramps +mirjana +sule +tested +fluent +recessed +hormuz +specious +muskets +alf +regain +%um +winery +kitzbuehel +chandrasekhar +mik-gah +beal +udf +caci +recaps +void +j.w +billfold +nave +admittance +calf +whirring +caqueta +gastropod +vaulting +angering +cuckold +avellaneda +pro-chechen +cubana +marulanda +fables +gassed +jaclyn +hayakawa +interplanetary +spoken-word +pyke +gryzlov +flawlessly +yuke +naphtha +charges +con +vouch +entrusts +humor +whalen +headlining +lyndon +tussled +mischievous +one-dayers +statewide +outlooks +novelist +bulgur +hah-nood +prato +algae +dunkirk +amore +ex-leader +eukaryotic +kenyans +dams +pulis +describe +aborted +discounts +biomedical +crazed +checks +desolation +allard +fizzy +nauvoo +totals +samo +weavers +mul +mothering +comercio +massaging +bure +loopholes +seasonal +endanger +pathways +informative +georgie +jiro +enraging +cimino +aruna +nikhil +gordy +al-ahly +factored +ridings +zombies +treachery +monoplane +agnes +shambles +self-identified +hamas-dominated +sportage +odds-on +floodlights +apennines +hoekstra +rahal +overcrowding +uyghur +pasqual +election-day +balotelli +flemington +path +standardized +rah-chah +endostatin +-------------------- +palace +djakovica +edelweiss +annihilated +tilt +casserly +mccorkle +light-duty +on-site +parchment +linea +sonatas +renato +posing +prepayment +cooperman +knightly +a000-000s +waterline +cuban-born +juneteenth +haemorrhage +toney +aude +generality +brunt +lathe +domus +iowans +silverio +amodu +redditch +uni-president +hacking +timers +jockeying +eighty-two +midgets +chaucer +csto +eb +screamed +bhutanese +spices +halsey +qualify +cilic +vimpelcom +labbe +vegetable +banespa +policyholders +inquisition +xabi +morally +pecking +khanaqin +d-md. +brag +graze +no-holds-barred +kerr-mcgee +mutambara +outpourings +mcminnville +sfx +jousting +forstmann +nit +finally +cheeseburger +jumpsuits +blooped +milner +chen-ya +rabbinic +leveling +haqlaniyah +kempner +santander +raisa +schrader +alex +endocrinology +giap +separable +arose +scrum-half +valk +harker +vilify +hamid +blistered +ugo +catalog +overstates +mandeville +evangelist +anti-americanism +opting +up-and-coming +allfirst +levee +yul +safehouse +indo-pakistani +yuriy +shorts +vibraphone +bilharzia +rongkun +tremble +enclave +glyph +ukraine +carnivorous +henrietta +epistolary +i.e +emptying +fenfluramine +open-source +shiitake +moxie +al-adl +white +quash +nourishment +incoherence +renounce +pulmonate +boutros +marlies +yuji +gravitating +assimilation +excessively +abdul +themba +derailing +continuation +tihn +eisin +moh-fahz +colloquial +oslobodjenje +harp +plexus +fevers +pampers +carper +redrafted +heinous +us-funded +constipation +convex +peacocks +electricals +electromechanical +daleks +bc-eu-fin +two-foot +porosity +ph.d +bixby +survivors +continente +liturgies +leaden +necmettin +ciorbea +cml +boop +milligram +kah-nen +ibid +aioli +lighthouse +kora +regulations +tobacco-free +werner +camry +doig +wam +detroit +gaseous +beshir +cortez +stampings +averse +http://spaceflight.nasa.gov +agathon +audiobook +khoja +implementer +mailers +lawrence +gloucestershire +monotone +cga +shukor +personals +two-party +barratt +suma +retorted +lacks +largess +gardner +spurs +displayed +echr +explosiveness +moos +rubel +gillman +meena +slapstick +battalions +guest +outrageously +turkish-israeli +depleted +super-g +four-foot +pec +begining +peta +audra +matchett +fifty-three +overground +lincecum +andie +dowell +kaplow +grupo +sprinklers +buehrle +surfside +attar +alloted +freeman +tutu +old-school +complies +replying +yorkers +maj +gibernau +paula +padraig +choudhury +csf +blotting +phenol +funder +wpk +initiator +rafic +mineiro +yachtsman +ghanaian +ksor +vanilla +sandoz +steakhouse +dyess +fleet +recapitalize +overflow +alani +noviny +functionary +ucd +quercus +behs-kihnd +isomers +goshen +ortlieb +ponzi +dustup +doom +disgraced +rsl +nhl +galea +tahu +finex +badia +channel +egyptologist +zero-sum +deviated +reinstates +compuware +aromatic +sister-in-law +steinman +pyongyang +wannstedt +itc +cq +warpath +symbolizing +zarar +cypriots +wind +year-ending +teenagers +ih-din +kommersant +strokes +hans-gert +non-compete +sichuan +sabaya +mosul +collinsworth +jut +attainment +paternalism +microchips +yuan +najera +left-hand +di-pertuan +bubba +abri +nappy +jaarsveld +jody +pearsall +seventy-nine +fjord +amaechi +iran-nuclear +shoelaces +oleksy +perfunctory +better +wah-ming +micromanaging +fullback +pique +ichihara +rationalise +grazia +sixty-eight +helicoptered +serbia +walnut +schoolers +rollovers +y +million-u.s.-dollar +minutes +vandalizing +gop +shales +khelil +katzenjammer +prophesies +fayette +cyprinidae +fantasy +ferreira +sayd +zcu +keira +alden +high-pitched +disconsolate +crosstown +url +largent +self-delusion +jarmila +catamarans +guus +hah-leem +pvs +ponies +katt +tulips +doreen +a/00/00 +cajon +chace +exim +jdey +teammate +separatism +rachid +multilingualism +hammons +expansive +stables +affecting +tsb +judge +lafferty +sabri +transition +portion +hosoda +hurlers +aims +wigmore +obviously +c0 +dijk +divinity +divulging +softbank +command-line +overlaps +tonio +messner +plummer +nanterre +mucilage +lighthouses +ezio +buds +stolid +doris +junior +nmod:of +isolation +bryn +puffing +size +ellsberg +pare +flat-footed +copiously +eberhard +ever-increasing +leland +remedial +cohomology +chocolate-covered +reminisced +khiam +dawned +homogenized +zapata +adv00 +ntibantunganya +caesar +euro-dollar +lout +braverman +matzos +jihlava +crows +touareg +i.coast +arsonist +liberec +outburst +gun-running +orogeny +marcie +murakami +infectiously +vil +collectable +eager +air-sea +configure +weekdays +film +hippocratic +vowed +vytautas +vasyl +kyowa +corradi +steelmakers +stationers +ee +knickers +detain +herges +deflate +bristow +trans-am +pdi-p +weight-loss +commercial +weitz +reid +hah-vee-ehr +wsop +israel-lebanon +gadget +anti-arab +mayor-elect +locos +earner +impair +whacked +thermos +bse-00 +pro-gun +inflight +contacted +rhinestones +coalition +newbie +strolling +ichiro +fondly +holm +filly +multi-million +fairly +jonah +schwarz +virgina +vastness +bulawayo +major-general +clase +histamine +delfino +skene +briton +axles +drafting +beet +ionized +kish +freightways +oppression +confusions +bjorndalen +hynes +luminance +watkinson +executed +yomiuri +yager +firmly +non-customers +circe +seat +owes +apparatchiks +zdf +'id +drinkable +hollingsworth +fee-based +hanwa +duc +rabies +schaffel +molotov +fairytales +qaboos +unsympathetic +rehhagel +anti-lock +michio +caseworker +encouragement +vapor +moroccans +eklund +naguib +one-day +ruili +necessity +inventing +lapan +tommie +destructed +maples +burley +scotto +seth +collections +corrupters +erwin +otters +heraclius +aerts +thighs +seine-maritime +molotov-ribbentrop +humps +pound-for-pound +plant-use +leto +leva +patnaik +suazo +maran +felixstowe +scrabble +photocopier +unsealed +checketts +effected +bird +hearings +reppas +groer +indymac +petroleo +azores +demarcate +carping +simulcast +clymer +scharping +end-user +gerrymandering +mussina +noam +gereshk +subsidies +fairyland +dignified +leh-zhahn +deportees +infielders +hout +blue-chips +knowle +ttp +grenada +weeknight +pender +wanni +apology +misl +masoud +'neil +cma +joyously +fuss +incrimination +wexford +'am +refitted +crumbles +erdman +retaken +saylor +curie +kinky +sodas +shirl +touted +placental +kresa +zoroastrianism +faxing +contorted +sprouted +huddleston +flustered +pollination +nitrate +hir +orantes +overemphasize +perishables +zinedine +cushioning +wan-gah +line-ups +cyril +debs +pacemaker +precedes +subcommittee +superstores +detector +nascimento +qiu +winnipeg +retransmitting +board +partisanship +skaggs +d.a. +disapproves +ote +demonstrate +nuclear-weapon +covent +raheem +burkhard +staffan +centa +e/0000/000 +yasir +lovato +pheasant +unicameral +aristophanes +engraver +groovy +ijaws +money-market +futurists +lends +executioner +sbsta +high-priority +season-ending +photographic +wrightson +tao +italian-led +trundled +telescopic +seventieth +omv +argyle +benefiting +sutras +yukihiko +km/h +ketcham +sel-jahn +half-ton +dartmoor +salzman +rochefort +agricultural +catties +taoist +southeasterly +then-white +cycle +nevins +tocchet +hiccups +mula +croons +browned +remotest +lasseter +zagat +macaque +arbitrates +mer +filaments +elgin +actively-traded +cappella +water-soluble +erstad +bagdad +unrelated +pours +taihu +maggie +genes +dramatics +semi-precious +electra +gashed +belozoglu +barret +ghanim +self-perpetuating +smorgasbord +ilyumzhinov +duhalde +ya-ya +hike +banque +exposing +her-meye +yamamoto +margin +welcome +suckling +bustling +deflections +yippies +ramstein +conceal +riquelme +lay-dee +ackermann +foxworth +magistracy +ager +sturckow +transitory +shrum +dobbs +applet +screenplays +regimentation +leek +hangers +travaux +keeper +peddle +anatomically +pre-quake +asg +crackles +firings +overpriced +tradable +prow +boitano +> +reverberated +bowles +standings +mumbled +nemchinov +hubris +bewitched +gs000 +situated +hardtop +gm +jointed +alyssa +johnson-sirleaf +castillo +lapse +alsthom +stokley +dhar +frustrating +soared +qc0 +sorsogon +outlander +jacobus +single-hulled +gripes +al-saadi +gouveia +shrunken +primal +obvious +experimenters +croll +gilboa +poignantly +splurge +processors +al-tai +uthman +five-eighth +monzon +jason +lehne +sheinbein +isu +fast-rising +keraterm +familiar +avenues +adjustment +baum +broadening +income-tax +half-brother +aguri +lecrone +rotenberg +mondale +apaches +righted +warhead +aberdare +marxism-leninism +pars +silverado +uzbeks +mikes +two-a-days +vicksburg +showcasing +spark +lipkin +sas +potato +peterson +fram +cherishing +wired +heart-wrenching +prudhomme +dax +dominoes +boys +easley +business-oriented +accord +globs +dwelt +modric +process +hae +celia +midafternoon +brides +malia +mcgowan +inclement +ruxandra +chivenor +unicef +no-confidence +messerschmitt +naroff +goo-doh +ruc +vich +baudouin +snoring +avenged +grandma +rin +chemistry +ehsanul +lollar +nonlinear +duk +teenaged +insurers +psychologist +brusquely +recite +song-and-dance +aligarh +incarcerated +outrage +oomph +aphrodisiac +destructive +menial +quaternary +familial +sogo +cared +awkwardness +cloudy +zille +fibroids +stansky +camber +originals +cultists +gelechiidae +zero-gravity +noise +countertop +feh-lee +mumble +notebooks +harpercollins +arrived +forma +proposed +goethe +'italia +varney +toffler +mcloughlin +stoel +rivet +mpm +lobato +interpretative +a000 +erasable +miri +vesper +silurian +signboards +anti-india +scythes +cheerleaders +overruling +minister +rmc +niemeyer +shutting +stockyards +mtv +justifiable +ah-feh +levet +adebayo +informs +trek +spin-off +semifinalist +earthquakes +altimeter +gleeson +progress +houseboat +bangladesh +emanuel +interfaces +kasyanov +batajnica +three-strikes +lynn +tambon +gamaliel +kipnis +shame +spadafora +zoon +scottish-born +blocky +institutional +soak +walk-off +dearth +orbiting +legislating +kraus +( +erstwhile +biodefense +hedy +lokomotiv +cdelgado +advance +sharad +howled +rocko +rattling +enumerated +leds +evanston +kapitan +tapestry +magi +panels +superliga +abused +neighboring +tetra +learjet +republique +spring-summer +siro +exhortation +consultation +populating +relinquishes +metroid +leicestershire +cornbread +deposit +cu +mephisto +chisinau +ruihuan +khoan +bi-national +vestigial +argentines +futuna +four-under +ubc +hear +calvinist +reconsider +black-tie +baptista +refineries +marnie +double +pollinating +junior-college +dim-witted +battle-hardened +communicated +kich +dellums +machon +implosion +shahd +strive +pigskin +ionikos +seine-et-marne +sino-portuguese +phase-out +oceanography +seaforth +nico +lungren +000m +goan +baitullah +transom +juggled +surrealists +asexual +jhang +recommended +distal +for-00 +curves +arrhythmias +theropods +hasidic +yamani +billion-plus +0dfx +prescriptive +anti-japanese +fiance +alpine +ochre +boaters +conjugate +morale +chiarelli +strutting +impure +switch +neapolitan +mesmerized +schoolteacher +region +paganini +fireman +crappy +bats +tikal +elster +end-of-year +wind-swept +runyan +sheetlet +discourses +candies +tattoo +kingdome +spokewoman +zantop +rakhine +krasic +mirage +r-neb. +tremaine +tailpipe +sese +lamoriello +rustam +child-support +long-gone +stipulates +gone +behr-loos-koh +margaux +u-m +schaeffler +haisheng +crowing +thirty-sixth +hard-boiled +boothe +helmsman +commitment +suisse +schlabach +helfgott +rikl +spaniards +occurrences +unpacked +saxe +hamdi +tremors +torpedoes +deconstruction +amount +entanglement +oligocene +looting +conceding +ulcerative +whatnot +i-mode +selznick +preemptively +s-class +millay +mads +fundamentals +restricting +sagittarius +vom +pram +fledgling +daisuke +laguardia +cleaner +lbs +diaspora +waqar +leaner +c.s. +purser +avicenna +ef0 +qingqi +ovalle +whiskies +avastin +mediocrity +reese +family-controlled +maintain +bible +emmaus +rowena +arcelor +disarmingly +unaccustomed +handling +contagion +conagra +uncommonly +perquisites +shane +co-produced +glorifying +osama +karrie +jags +euan +boetsch +scannell +bluesman +untidiness +enrolls +bad +adage +mcneil +inhibits +five-speed +kook +pursuits +chauvinist +debatable +yiddish +anti-hooligan +hollowed +hohokam +jockeyed +larder +copley +gunmen +plough +shinty +bunts +swayed +isolde +icebreakers +greenhouse-gas +repent +sofres +sierra +00-0-000-0 +gay +tsubasa +thursday +glidden +educators +overpasses +albay +socrates +noo-rahg +trustees +trondheim +miser +pelvis +eastern-most +bayview +wacko +communications +uranium-based +merc +qur +underhanded +reckoned +scottishpower +overstepping +pbpost.com\. +cotswold +fishkill +caldera +impoverishment +kidsday +spun-off +sclc +accredited +giver +tychostup +charged +chequered +barbara +npl +winger +onishi +jaguars +drool +alfie +lampooning +desarrollo +six-fold +masturbation +forints +grafted +redirection +mark +khalid +theismann +pre-teen +domino +musavat +kaliningrad +0000s-era +regulus +firehouse +trotskyist +al-khobar +burlap +kanto +drs. +squeal +bettered +railings +deepest +l0 +non-dairy +migraines +issa +vending +universes +frescos +spiked +full-body +pre-school +goodwill +kheng +capablanca +gift-wrapped +greedier +re-ignite +veracity +exec +ragusa +injury-plagued +consumes +tillerson +berton +pulsipher +re-entered +didi +pro-serb +synthase +ruan +puns +westaway +hamadi +kallon +pugh +lie-detector +acuerdo +goliaths +hussan +boggling +acapulco +eh-ra +personifies +permeates +_____ +attitude +superlative +nesby +government-issued +curling +dongsheng +paralytic +kinross +narcissist +nine-hole +jalibah +heads +akram +hondas +robust +gazelle +trexler +roc +glatch +serviceman +diva +embry-riddle +prat +agencia +vanbiesbrouck +gate +kaine +non-peaceful +federalist +pins +aloes +habilitation +ol' +jessop +lichter +yoshiyuki +bergin +universite +failed +attentively +krefeld +otero +soup +holik +review +great +winnowing +r-okla +avery +huu +scaffold +viviane +beams +traumatised +slandered +lockers +torrential +stax +emigrated +environment +public-opinion +parsonage +ibo +kibaki +anti-establishment +response +singing +protegee +drachmas +changqing +siic +burst +injection +ascot +practised +gros +intuit +low-density +prized +cents +overseer +said.the +convenience +nuclear +swirled +sellers +authentically +glinting +cifra +takumi +interrogator +kaveri +bombeck +coasted +unscom +luczak +nissho +salam +products +freedmen +veera +tribeca +battlements +enthralled +channeling +handbills +government-held +youngs +senior +abstinent +nhs +malt +reminders +hariri +minions +joo +psychosomatic +kirkwood +tranquilizing +chargeable +horizonte +estrangement +head-to-head +salonen +flippo +iac +harnischfeger +armoury +fbn-falcons +venice +assail +kaptur +ih-pee +yoshihiro +larios +grays +mightiest +boselli +i0 +leiter +xiii +nasl +azis +weevil +m.e. +audience +deere +goverment +cropland +purebred +mellor +plot +shepherdstown +opposition +sinha +sadd +freshmen +kinnear +quake-hit +european +sctv +basingstoke +shem +flat-panel +goldschmidt +giambi +roundtrip +beg +mollison +ogoniland +gerson +cracow +luft +pre-k +germano +valjean +dunks +straighten +impermanence +liberal-leaning +flip-flop +sterne +chil +hulbert +galloped +deadlocks +entrapped +high-profit +high-income +xers +fourth +giorgi +lunge +turgeon +oboe +ferrer +birr +flag-waving +aman +poignant +perennials +torpedoing +ameliorate +echl +-000 +limousin +arif +derisive +mls +bauer +high-crime +hawkers +hirokazu +mantello +ciba-geigy +stalybridge +jet-set +shameful +museums +market-friendly +photocopy +jtf +klann +lori +anything-goes +exclusively +yangcheng +a/00/000-s/00000 +mcenroe +bluster +m/s +popa +zein +curtain-raiser +papers +mumtaz +medication +mucking +thesaurus +morecambe +sarsgaard +carapace +werewolf +paulinho +chekhov +kilowatts +co-op +munn +asb +hesitant +chanchu +buhl +expanded +sub-regional +gerlach +grenade +pounce +brzezinski +unescorted +stag +vornado +two-legged +inger +aranda +habsburg +auditorium +candle-lit +laudable +inflammable +hermosa +yiren +offender +hollandsworth +ruhengeri +colaninno +edgartown +subsequent +commutative +stahl +dmg +virulent +mayhem +white-owned +gassing +eyewear +potency +misinformed +banda +slender +investment-banking +suburbans +electrician +vaguer +seeds +stimulates +stopper +acrid +o'mara +usagi +storybooks +tired-looking +arriva +cbd +vitreous +acquired +loggerhead +puh-loh +biopharmaceutical +rookery +rancorous +bundy +maori +stuhr +unglamorous +felons +markham +calculation +coupet +academical +briefing +candler +sweethearts +fu +slicks +military-industrial +elevates +honeymooner +lawsuit +genial +torching +onus +cohorts +ordre +shuffleboard +bagpipe +job-creating +sie +nineveh +mise +melvyn +prophesy +detached +wilmut +methodists +improvisations +characters +batticaloa +parallax +atheistic +punter +sultana +beard +anti-terror +islington +wrinkled +diaries +snp +baptists +kiting +doubted +passchendaele +arezzo +leah +mails +josue +dissects +xinbei +saf +uv +mircea +pilloried +baronet +arta +mania +naif +caputo +tagliabue +derived +mumm +tine +conscripts +basbug +hira +luis +writers +missal +infinitely +denigrate +forgiveness +dekalim +of-00 +welterweight +deposited +fifa +lovenkrands +uld +evil +rodionov +flats +deadwood +reflectors +galicia +unbeaten +offbeat +ammons +manning +conciliator +fierce +businesswomen +grind +bse-000 +enrile +harboring +gazing +halard +rothko +could +peels +sitaram +suburbanites +provinces +b.sc +thorough +checkers +bit +wages +wpxi +janez +soups +jaci +lada +hodgepodge +florent +leipzig +recant +hoyt +efrain +orifice +options +fredrik +apricots +reprisals +furiously +fraternization +toughening +directv +looters +artesia +mediated +passed +apportionment +frigo +fairmount +tritt +jacco +within +presiding +revolutionizing +fractured +brave +martha +copts +dalmatian +je-chur +retires +unwashed +eighth-ranked +zelezny +back-breaking +astoundingly +fliers +kiln +hobson +griffin +jokhang +watercress +garrett +stoller +wholly-owned +hui +benjamin +sewell +benefitting +toleration +holkeri +discomfort +hamamatsu +amplification +kamynin +reined +bopp +nuclear-test-ban +ivf +rabbit +no-trade +medicate +sica +moonwalk +war-affected +ruck +jiangnan +/add.0 +shying +calculated +fadlallah +shu-jen +money-back +doubleclick +vax +zelnick +robotics +englewood +trv +coroners +family-oriented +budged +heavenly +musa +etna +definable +datum +wta +squirmed +verdant +moravcova +bareback +ama +precaution +doggie +reynders +hinrich +tochigi +generates +three-fold +coercion +tippett +enlisting +genomic +fourth-grader +stared +carmack +via +unannounced +prosinecki +00-game +fluor +rodeos +hre +shooters +carpal +seti +annenberg +restore +cardillo +co-wrote +ii +entrancing +flickr +gest +couey +adnan +insure +melia +levitin +forward +kuerten +tutsi-led +keynesian +irbe +lgv +mamdouh +quarterfinals +fingal +reynoso +decision-maker +gpo +silent +iordanescu +toulon +clinics +ecac +voip +konate +chub +zaw +senna +timm +miramax +genomics +fatwa +chomp +buhn +garba +uninvited +gephardt +kindu +baduel +satires +haplogroup +conlon +jehp +norilsk +savviest +melbourne +kenteris +flesh-eating +zhaoguo +powerplay +deccan +lumet +rutgers +arendt +semel +shimane +powertrain +working +white-sand +niranjan +facilitated +catalysts +giddiness +muzammil +invest +bondholders +bethpage +toner +northup +okruashvili +bah-rahk +fritz +behinds +watchmen +fignon +lee-way +customers +gma +transitions +vee-oh +explores +knife-wielding +hasharon +campbells +polymetallic +reprieve +slacks +sympathize +spectra +kubiak +capture +peanut +sturdy +clerics +multipoint +huk +left-wing +jozy +juiced +tug +shoshone +mayaguez +l.j. +theosophical +crossfield +mahajanga +turn-out +viewings +nonfiction +margarita +newsnight +ammonia +gaiden +limpet +majority-owned +rr +icac +u000d +asiasat +censured +handrails +projector +microarray +lurches +re-organisation +million-selling +hearne +epilogue +sophistication +raznatovic +grossing +d-w +stateroom +shuh-vich +behn-ehl-ee-eh +breaks +oguz +franchisees +parishad +near-death +bakery +prefecture-level +enver +emirate +klien +fedora +ballenger +bassem +ahl-roo-bah +deter +lo-fi +kock +absorbers +minn +pacifier +haute-savoie +drug-producing +raved +farnell +lunchboxes +00mg +jolo +emmeline +combinatorial +give +syndicated +earldom +brightened +insecurity +elites +s/0000/0000 +fuse +kingman +k.j. +cantabria +criminalizing +factual +barn +pecorino +deteriorate +wanderer +fourier +operative +brod +anthrax +weinberg +reassigned +matador +tdi +rev +insisting +offsetting +fluke +mozilla +raghad +carlist +eastman +youk +depraved +kirin +notary +were +keady +disloyalty +guineas +early-morning +stimulative +cres +reformulate +modine +transfers +ni +ointment +areopagus +coconuts +calzaghe +fundy +osmani +affinities +winchell +persevere +hoping +battled +mudd +emms +reinterpreted +breitling +sturgis +spitting +caldecott +medaglia +weyerhaeuser +mindsets +alien +antisocial +antibes +los +ree-ahd +sign-and-trade +briar +vow +cooperatively +voor +az +taj +entombed +druids +cockroach +insignificant +documentaries +mannix +m000 +pro-kremlin +reliving +tilting +cordier +charmer +postcard +halladay +astronomical +schumann +chickenpox +schwerin +barnette +dramatization +beatty +riverine +in-studio +localizing +axelsson +demonstration +hartal +gambling +jammu +debuted +,0000 +dudley +noa +sullivans +severely +diff +rockingham +silenced +poynter +expenditure +beckmann +habsudova +austrian +symbiote +faruk +heightened +al-rahim +whisked +joke +lovecraft +replacements +doberman +odeon +ergenekon +giro +tenenbaum +perforation +unchanging +chapultepec +volendam +jarvis +energia +hobbs +arman +shepherd +milstein +vendee +mur +shalom +francine +biased +swine +ivey +neighborhood +anonymous +stragglers +loffreda +glimpse +telecom +ammann +histrionic +viscosity +backcourt +ilic +haider +ntini +laundering +villanova +flatulent +azf +harmonized +jokic +storace +reconfiguring +badgers +trophies +rampaul +car-rental +slayton +sai +noninvasive +responsiblity +bukowski +kylie +souers +flavorful +pulley +banca +laing +saginaw +ecommerce +defiled +cmdr. +sandhu +mache +-0:00.00 +preempt +escobedo +fleming +houston +contract +dak +skimpy +barbarity +maximum +laemmle +chp +newhouse.com +third-round +marigny +enrolling +broomfield +orenstein +ringwood +juh-rard +acreage +pimco +lohr +huiyuan +bumiputera +sixty-four +girlfriends +halve +nominal +cranial +trafficker +warehouse +capacitors +full-sized +nomura +pendragon +pinehurst +rent-a-car +sauropods +recognised +nasrallah +menus +saab +yevhen +noreen +rigoberto +fe +dlc +lemmings +hattiesburg +dtm +freezes +daschle +satyr +permanence +dishwashers +raichlen +assemble +cumberland +glaringly +benno +mutate +motioning +narrates +hohenzollern +enriquez +ponciano +small-cap +poor-quality +a0a +study +kink +unblemished +rieslings +batsman +jimmie +brenton +axes +empowering +state-sanctioned +purifying +taffarel +poona +jamil +weifang +prioritise +peruzzi +bharat +shia +amory +dong +winless +ieng +youtube.com +shots +baoli +forbade +stargard +snip +prescience +andronicus +am/fm +salvo +messiah +manure +hormones +unerringly +sincerity +wenhua +raj +caryn +benatar +meshaal +yaks +diya +bowker +larkham +hajime +azuma +kyd +step-by-step +hapless +wco +avowedly +growls +scour +opp +commend +apr. +crm +delacorte +express +establishments +pierson +immoral +ditching +biddy +anti-defamation +five-page +friedrichshafen +polynesians +fraudulent +o'bannon +pierluigi +moye +flume +ng +kibo +bonzi +schoenborn +power-sharing +neurotransmitter +arpeggios +successes +emt +detainees +castro +better-equipped +opponent +claims +jailers +diehl +exception +hah-ah-rehts +geniuses +lynching +boyish +by-election +lavolpe +suspenseful +donnell +geeks +absconding +separate-buy +carrick +regard +racquetball +savon +kuehl +mosque +isomer +entre +prefix +hmos +mcgwire +lauro +unlucky +silkair +hassani +atherosclerosis +belgrave +liaised +recorders +strop +freeboard +coulthard +orao +servicios +chavis +outflows +tinseltown +redeploy +gpl +goblins +weepy +hatchlings +breslin +social-networking +nagas +wide-ranging +mattox +lrt +anti-wal-mart +sansom +gorbunov +fertilizing +hourly +nariman +coincided +superannuated +laconic +vinyard +grenadiers +non-combat +noonan +outpaces +oneonta +epileptic +hance +lebeau +softener +wef +lahr +planks +jayawardena +spurious +wycliffe +hargitay +mahaffey +doze +varzim +flocks +fascinate +las +distilled +dockworkers +little-noticed +fifty-third +quagliarella +lousy +eaux +glory +myoor +kah-leel +kym +disquieting +kyocera +tots +six-team +judo +cheng +dialect +sifting +user +denness +children +jacmel +point-by-point +tetovo +petar +flintstones +chapter +mccauley +hc +motorcoach +wairarapa +fightings +gust +fassero +fieger +byes +zambales +icy +push-up +rosicky +trumbo +kashagan +skin-tight +abalone +yaqui +bc-as-fin +crackdown +erudite +materially +waterfalls +admiral +keaten +yabloko +turmeric +majorca +campaign-finance +dumbbell +cndd +moldova +elwell +ul-haq +plausibility +themselves +kendall +bulloch +deduct +tibaijuka +sucker +participated +sugimoto +wrap-up +distemper +stunning +al-rai +lazily +three-course +comdex +switch-hitter +lymphatic +0:00.0 +meander +sulcus +ru-000 +wheelchairs +cressida +stoltenberg +duh-rahk +mtp +salar +-- +cleve +ariza +red-eyed +microscopic +one-act +kou +plantains +jarir +rechristened +dukes +quincy +orangeville +aamer +ochlockonee +mon +non-public +six-person +dermot +kong +transmembrane +lanus +aldrich +sce +akerman +sooners +higher-yielding +impolitely +pandemics +miniaturization +lieder +alpay +fountains +micronesian +owensboro +spellings +inscription +millions +supernovae +carlile +cmos +ars +insurgency +frits +chekhovian +hav +bluewave +salvadoran +bilaterally +hipster +kunihiro +compiled +haakon +ho +top-of-the-line +connerly +barrett +diamandopoulos +petrolero +klay +smoker +chisels +second-round +coexisted +salts +ahl-ray +pedestal +pujols +manzano +guarding +single-day +teaches +martic +re-match +whereupon +cesspool +trinita +curmudgeon +derwent +holzman +reunions +consolidates +kaneria +alighted +kas +fraga +basson +runkel +bests +clipped +soa +reggio +lacked +0.00-0 +loyola +ronde +militaries +burdened +forum +southern-based +christians +tazara +celeste +tricycle +duhm +outbid +carraro +hour-a-day +hems +k00 +siniora +pooja +divorce +knee-deep +flaunted +calum +cavite +helen +mentions +mesfin +under +toolkit +gakkai +brushoff +sturm +ballerinas +insatiable +deval +pvp +mercifully +narrating +wintergreen +antz +slaton +dayal +outweighing +ketamine +squeaky-clean +cured +kaki +disperse +snorting +amplifies +pitch-perfect +sizemore +snapper +aleman +haaretz +cats +buh-daht +mariners +bc-times-front-0stld-writethru +rations +hitzlsperger +jianli +biman +anti-satellite +umatilla +verifying +unimportant +maradona +high-low +toggle +sea-based +annuals +actin +ag-wuh-noh +immersive +tabu +imperious +nonrecurring +nsu +geographers +mulvihill +wicks +relaunch +gloated +allens +pictish +pollinators +doric +remitted +bohannon +livio +midrand +bass-baritone +single-season +maroon +lebanese-born +inviting +bahri +popularized +lese +jiaotong +cpsc +neely +equalised +provigo +neale +non-residents +first-in-the-nation +businesses +profiteering +oval-shaped +infant +flag-raising +mujib +meuse +bibb +colter +aylwin +vilks +mans +canoer +wicklow +symbolic +stealthily +dotty +mitcham +dibella +activate +chinchilla +crossed +sihm +mean +playthings +arcy +snatch +cooks +montparnasse +sop +tbwa +untamable +gathered +renfrew +joggers +mcaliskey +midcap +tallman +beckon +enclosed +couples +advocate +hedwig +per +al-bahk +standard-setting +buzzards +remon +darleen +gygax +detriment +kohr-zoon +guh-lahn +bluewater +gabriella +preposition +zhongyu +lochte +wisner +bali +bugging +chaffee +frames +flanking +shevchenko +wrongdoings +septimus +usaf +0pm +brokerage +released +zions +regia +abilities +fixer +tintin +sayyed +shoving +inchoate +prank +rel +dai-ichi +maneuverings +jacko +pan-arab +barnes +mourners +continent-wide +p.k. +uprona +spokes +east-west +microcontrollers +birkenhead +top-security +time-frame +accouterments +postcards +gih-stan +diversified +glemp +comedy-drama +rwasa +baillie +star +bono +slashed +illuminate +closeted +dee-yah +first-floor +understandings +greenish +eglinton +guangqi +marquee +dusk +pedals +reeling +glosses +gravestones +aap +kampala +roof +cervical +molester +aymara +concurs +langa +automaker +snaky +korg +pageants +spezia +lahv +sgs +stansfield +andujar +steinberg +promotes +busywork +f.c +00-storey +convection +coty +unnatural +erring +http://thomas.loc.gov +flare-ups +saheb +telcel +daggett +grahovo +fourth-round +eugene +since +williams-bmw +bogart +pull-out +ojibwa +hawa +gervais +dharamshala +deportations +thoman +bobbie +mother +elmendorf +grade-point +read +laogai +cultivated +synonym +soils +algernon +svelte +loudness +fructose +assesses +ufcw +wardwell +ransom +dumitrescu +doornbos +carberry +acknowledging +bushland +lesage +danson +ifop +decked +juana +contentious +eldorado +misspellings +intestine +succession +buffet +raskin +collusion +genetically-modified +dreadnought +prewitt +cutoffs +record +armagh +gloriously +kim +witnessed +immune +griffen +seagulls +mtk +nighy +therefore +injects +ponsonby +inspectorate +reconditioning +deh-kah-leem +kpk +notwithstanding +alshammar +connolly +wildlife +abstinence-only +gaeltacht +splattered +proteges +distillation +vinod +bottles +laramie +budennovsk +experimenting +peachy +preston +story +kovtun +latinoamericanos +rerngchai +appreciating +congeniality +baseman +constable +okaloosa +ub-00 +tubman +many +vali +acquiesced +digging +rompres +criterion +hookups +al-zubaie +irina +export-driven +keaton +blossoming +orton +rctv +mustered +queiroz +prideful +senior-general +planet +seminarian +zydeco +marlow +suh-wahl +risto +nurul +marmont +hoshino +symbolises +utz +fargo +suizhong +vladan +dacian +dunphy +uzair +gerets +chance +preps +russe +hooker +tan-zuh-nee +overhand +adolfo +trajectories +fbl-eur-c0 +holdups +throes +congealed +guides +nationally +white-haired +delightful +leiva +beastie +sections +worst-case +sialkot +lazareff +bpm +inyo +neutrals +alvares +pulau +banking +insurgents +assignee +blips +whiny +award-winning +chonbuk +risque +ionosphere +verging +gareth +happen +ervine +samford +mosquitoes +chohung +off-price +raikkonen +palencia +hayes +processes +railcar +marking +sorin +wkt +mirko +unindicted +enraged +dundalk +tcdc +borenstein +budokan +apes +kikkoman +mediates +bad-boy +shwe +muds +ethnographer +s.j. +sloves +fourtou +hapag-lloyd +tiffeny +wp +reflectivity +mosbacher +gracilis +adroit +wrenched +begich +soundboard +equipment +bearers +raffarin +broad-based +wydad +dinnerware +petunias +ky. +well-researched +counterparties +dipper +roose +ranjan +snowdon +major-party +phonetic +liffey +stafford +broccoli +credentials +thinned +diverge +pledged +kotter +pre-tax +participation +torsos +cit. +clezio +wegmans +yucaipa +caspar +brooklyn +reemergence +hutch +asphalt +ltk +illuminating +pedicure +attends +foodie +nowell +banka +lowey +whoever +nafees +dissociating +chernykh +mondavi +marginalizes +wad +abdala +neo-fascist +hing +big-spending +nester +elinor +homerun +rra +dewsbury +disappeared +swiveling +hot-headed +hemet +lefebvre +schlopy +vets +andreyev +rajan +keothavong +urbanisation +forward-looking +agoos +denktash +encrypted +morumbi +bastards +maritimes +greenstock +desirous +perpich +boardroom +degradation +interview +zhouqu +soderbergh +majd +bjoern +salvia +metropolitan +zhivago +permitted +sleeping +office +argent +intrigue +teammates +colored +xerox +taxation +rossetti +mbabane +betters +industrialists +beast +giving +first-born +prohibited +madhu +ahk +elude +presented +shaming +salesman +uup +polar +acquisitive +muncie +hoh +re-open +northam +gibbs +tolerable +preoccupied +uncontroversial +single-sex +yonder +yk +cider +worshipful +gusty +andulo +scottsboro +unburdened +hah-soon +patricia +mullah +good-sized +resonates +saarc +wrong-headed +well-liked +draftsman +hops +thermometers +looser +linder +strollers +believable +termites +nolte +eaves +dutiful +vice-mayor +renovated +displaying +full-scale +sibelius +gods +al-rashid +rosado +pray +provisional +cagney +pc +kan-koon +unwrapped +gyllenhaal +shimizu +inherent +green +encasing +mud-rock +mankahlana +vanni +app +sauerbrey +cz +erastus +implant +motifs +tihs +wirajuda +kinda +temperance +mota +genoa +squatter +teen-aged +northeastern +expatriate +intruding +sutra +timisoara +outreach +aroma +etta +zhiwen +although +orb +regalado +clowns +lemay +estermann +schramm +bunco +unearthly +benq +trimmer +joe +al-khaleej +reflective +newfangled +facilitating +outstripped +whammy +brooch +escalade +yakovenko +parkview +isabelle +climbing +haramirez +olazabal +ryuji +scalding +tolima +slackers +harmony +aif +eurovision +musashi +character-driven +goldstein +jettison +hai +jeter +vila +waives +emphases +strindberg +crtc +baksh +....... +strip-searched +schmid +000c +intend +gay-themed +galilean +garam +0000rd +tincture +vaudevillian +arvada +farmhouse +webber +drumming +demaci +d-maine +sumner +hardship +ola +meurer +revolutionised +dawood +baoding +well-preserved +wranglers +platypus +follett +lemos +swords +aleksander +choreographer +obligingly +fah-ree +watercolors +hendrix +budyonnovsk +rehabilitation +translators +stethoscope +re-used +fln +nullifying +parried +lippincott +trafford +dharamsala +mach +anacostia +pape +surmounted +defeated +devastate +co-leader +idt +rappaport +conspiratorial +predation +one-hundredth +monck +frisky +shiva +korolyov +dollop +chameleons +non-inflationary +shi +clair +al-faran +everett +harpo +lai +entirety +oremans +anti-apartheid +jovanovski +off-shore +remitting +mid-january +maclaren +tselem +bookend +surrogate +begged +eeoc +risley +almousaly +avuncular +reflexes +gallois +stull +zaleski +bellagio +cheeks +baudrillard +abrahamson +ember +casamayor +ideologist +mingles +expanse +ji +waterman +goals-against +automatic +weren +pinus +pierced +winstar +disclose +excepting +flared +champs +schedule-winners +rdeneh +borderless +saintly +arsene +rued +regretfully +ntnu +ticking +zachary +bros +kondo +torrijos +self-interest +larkins +regaled +koller +unqualified +frisbee +mourad +secundus +abdulrahman +plotter +dopey +hexagon +sairi +overdeveloped +e-tailers +ninoy +ornery +early +exempts +magnetometer +apia +soft-core +opportunistic +withering +negotiations +paducah +gypsy +annualized +altamira +decontamination +state-mandated +horseshoes +howitzer +faqir +speck +shou +undercurrents +tun +sakura +changeover +castoffs +essa +tsar +madtv +elmer +-0:00 +ih-mahk +certification +jala +mcdyess +blacklist +times-management +persistent +smit +day +lifetime +ingesting +farben +gadi +harks +perusal +kluge +trifles +brutish +willesden +ftc +chivalry +maur +unionism +postman +fund-raiser +keer-yaht +utilization +nonaggression +drought-hit +supermarket +processing +itchy +bojinov +gallons +aortic +yergin +fatter +foreclosure +nmod:with +zheh-ahn +jean-paul +brinkmanship +mottaki +extents +nihz +bacchus +tv0 +elden +lumberyard +assemblys +connexion +swerved +regimental +noelle +garrido +archaeological +suzanne +parlow +overreached +rehired +zerhouni +nonfatal +paranormal +reasserting +curate +maof +stepney +limitation +adhere +jared +whitson +child-friendly +blissful +alumnus +bennet +trials +schuylkill +split-second +precancerous +stadion +dexter +kirghizstan +enamored +bacterium +tripe +featurette +magne +estemirova +sided +magnates +cot +blackish +chicks +schuler +slickers +gist +haupt +laf +haydar +criticizes +e-reader +yamadayev +processions +austro-hungarian +muscovite +regan +petipa +qualitatively +groenefeld +hickok +filings +undefeated +adopters +alachua +aubrey +plead +quick-witted +botin +verrazano +gracia +karr +ny +semiconductor +japonica +tar +odom +mid-session +failure +kayin +skullcap +champion +limos +ordinal +torch +bisected +bc-me-gen +changhua +belittled +nus +bellowed +newly-crowned +goddess +ba +coalmine +scuttle +gotta +women-only +physiotherapy +berle +promptly +lomb +yapping +hsueh +bakaly +coloradans +balearic +stamped +sympathisers +o'donovan +utilized +assaulted +shrug +immensity +rovanpera +non-subscribers +relents +claiborne +bankrupt +creamed +arrows +beginners +fibre +unpeeled +fr +paez +peeve +tkachuk +mettle +madrigal +beilun +vodafone +finisher +sealant +killa +fagen +alienates +dehumanization +hollis +stink +modell +high-def +sanitized +dirks +meghna +sawn +respondent +non-renewable +patras +flaminio +aerobic +podria +mortgage +nhra +remainders +barish +paroubek +screwdriver +laney +ullman +refrigerated +cazorla +antagonist +tet +keer-kuk +re-signing +binge +shays-meehan +metrorail +steppingstone +architectures +argonaut +adjourned +locust +journeyed +fact +alhambra +cac-00 +incapacitate +rotated +kathi +foreshadow +tinto +yuhua +seeks +yelena +soo-rees +kananaskis +knuckleballer +rod +geographic +chaparral +pacs +genuine +chucked +socgen +ssris +woodhull +cairn +grandly +homeward +hosokawa +skanderbeg +hullabaloo +sacs +gaelic +aviano +playboys +nitin +somavia +wheelwright +grihs +lachapelle +yara +estan +stratosphere +gelsenkirchen +ravines +danbury +fogler +maharajah +scrushy +twellman +floured +haroon +televison +fibers +peroxide +student +racak +insurgence +nullified +pustovoitenko +loc +fervour +popularizing +wafa +senile +toughened +fugate +calmest +underestimates +mississauga +alawi +anti-inflationary +subcontractor +nkk +wurttemberg +tuvalu +leftward +terraced +aj +baril +sp +maximal +kamehameha +kapoor +reis +unlit +double-decker +disharmony +logjam +cotten +prithviraj +ultramar +gast +nicosia +rah-hahb +forced +jaan +encroaching +fielders +translink +marouf +shabaab +convincingly +secretarial +broader-based +expressly +midseason +archdeacon +feather +koo-loh-hehr +carhart +adman +stari +okayed +castigating +spectacular +guangen +wordplay +overcoat +gadsden +raffle +kwacha +islamists +tegucigalpa +galanos +tosa +dieudonne +barber +finalization +bernhardt +huairou +shinsei +infinitesimal +playlist +nakasone +eamonn +se-hyun +island-based +argentino +cholesterol +rinaldi +fourth-wicket +sawchuk +transplants +steamrolled +automaton +powwow +disposable +sale +vega +yabunaka +spill +umer +gyanendra +espina +selector +petr +zehnder +field +jia +burly +clamorous +signal +lucchese +collapse +regenerative +settlement +hairdressers +leff +lanark +usaaf +assange +e-tv +infuriating +lusty +lehr +ascertaining +sprouting +zwickel +grinstein +weaponization +nonsubscribers +mhm +mountainside +chapo +legalese +larvae +militia +arrives +shoes +uh-rahd +uh-oh +ceramic +tokaido +bracelets +appointed +mature +benin +vlora +seafront +willens +natche +hodges +bulatovic +caucasus +bmp +viewer +oligarchs +doubters +morandini +job +huei +duets +hounded +wacker +abating +fusion +fonterra +insertion +phrygian +cfo +goaltending +pelletreau +sawtooth +u.s.-india +scribner +saint-michel +queue +facetiously +wih-tel +shucks +version +peony +unbuilt +stringent +hydrolysis +juragua +benneteau +run-out +snatching +daisies +stockdale +fina +ex-husband +curries +crausher +secrete +oster +mila +powered +clubby +multi-billion-dollar +craybas +d-mo +three-round +resentments +idriss +breadwinner +telephoned +airtran +ia +warrior +serotonin +campania +quest +bifurcated +unloaded +lunges +expedition +stir-fry +fortaleza +kibet +charamba +goodluck +racy +ebrard +tearful +accusations +tuff +defilippo +ja +worms +epistemological +thet +wafi +joelle +000-0000000000 +geologic +tele +gifu +dilfer +stretchers +redstone +weeping +pingtung +saran +neo-gothic +betcha +full-fledged +sacrosanct +zarb +honiara +henryk +bb0 +cardiomyopathy +shepherding +zhari +equities +arbus +grimaldi +salacious +capitalising +talisman +ubu +00kg +virtualization +muhumed +bledisloe +maddie +spreading +consolation +subregulation +carvers +russert +msp +shamanism +rejecting +charalambous +fischer +deliberations +connors +coburn +franko +immunize +keheliya +sls +early-season +postponement +emptied +dublin +rotary +blvd. +remembers +phenix +waterworks +guards +complexes +cemac +nohrd +hagerman +bolognese +pondering +esquire +doctrines +estai +frilly +lacalamita +infielder +goaltenders +atchison +thorazine +custodial +clary +domesticated +off-shoot +afp +sunna +hooligans +john +cyclic +detailing +qianlong +fung-kwok +exhibits +smoke +confectioners +winsome +irgc +gosselin +spotlighting +hulk +unperturbed +yeboah +level-headed +halilhodzic +bsec +kiplagat +lior +0-0-0_00 +el-sherif +relish +conners +hastens +joppa +western-style +shuh-heen +nawal +sissi +shadier +sightsee +qna +macshane +trobe +witte +loo-kuh-sheng +barley +grek +vulcans +iter +cassady +norwitz +zwilling +clippings +scudamore +overpayment +curated +sinfield +ricco +nth +walkable +haute-marne +showbusiness +egregious +symmetries +stony +biathlon +plantagenet +low-post +amfa +duhv +popularised +chatham +pan-islamic +slayer +solid-fuel +non-human +postmaster +tns +tonnage +thankless +prayer +decades-long +captor +consignees +hotton +harassment +stewardship +turkish +solvable +egidio +bogor +al-hayat +greenwald +specks +ifa +assistive +recognizable +asteras +imis +immunology +snedden +cfius +remember +under-secretary +hitchhikers +midstream +bigger-than-expected +comintern +strides +humber +amputation +thamer +imperioli +microsoft +investcorp +typifies +butler +athletics +dhea +occupation +prostration +izturis +mortician +austria-hungary +severe +astronauts +bikram +melba +ahmeti +koa +hauntingly +cuyahoga +ary +mfa +aviva +ramsi +qingqing +special-purpose +gsi +where +agas +race +mentally +fifty-sixth +toh-kah-gay +kaiserslautern +citywide +intelligence +mururoa +werewolves +hilfenhaus +busing +elderhostel +budapest +extinction +birkin +madson +mismatched +breckenridge +yuliya +hook-up +devendra +quill +rado +toluca +photosynthetic +patrizia +whew +beading +saves +grunt +besigye +adr +bashir +menlo +szuszka +reade +piel +darn +frivolity +sorrowful +refines +edwards +twitching +parodies +neurosurgery +second-team +salmon +shanahan +carrier-based +t.j +conveys +bostonian +biogen +australian-born +yerkes +down +boggy +mediacorp +runway +udn +wii +us +harmed +singular +fascia +happily +terrell +abel +light-years +kjus +precariousness +chartreuse +segolene +berks +maidenhead +shaka +netanyahu +morceli +miss. +satsuma +glavine +tetsuo +tinder +summon +outtake +dt +state-linked +forsberg +unacceptably +zealand +rousseff +impinge +standby +break-out +actress +afternoon +mezzo +uncle +bolivians +fast-talking +cages +rhineland-palatinate +lesar +smirk +beazley +worked +menelaus +mildew +gfa +cornices +weaning +clergymen +winding +veneers +kvahsh-nyev +marissa +ticketless +albanian-language +bailly +perversely +rightwing +browsed +democratizing +newlywed +travieso +omitted +week +pq +remedying +self-esteem +puig +talaja +shinji +00,000,000 +craniofacial +troopers +amethyst +hadron +e-zpass +szolkowy +astley +higgins +defreitas +lemoine +pekin +chugged +shears +mishmash +dundee +tarnishing +caledonia +vuk +telematics +iconoclasm +lueders +cotton +charlie +jarrett +microbial +sivivatu +tackles +stereo +stabbed +greenwich +associations +modernisation +envious +slanders +thirith +senshi +kiwi +0,00 +morita +richards +crandall +meatier +oapec +flareup +jordi +necdet +unemotional +travnik +pituitary +00,000-00,000 +tadashi +claes +wnbc +simex +gianfranco +coupler +fossum +jiabao +quad +restored +badu +bairam +youde +tensions +yah-nah +noon +misses +non-discriminatory +downpayment +develop +helling +likewise +sealift +hinder +erred +pantelic +armagnac +bucky +pfc. +lifespan +lax +scraper +jezebel +nuristan +mcalpine +garbage +nguema +femur +pinsent +sourcebook +rita +reconsidering +framingham +lipkin-shahak +hepatic +installers +everywhere +polonia +karmic +cutlets +wintry +cynics +forsa +synoptic +ibm-compatible +bulleted +joists +falco +cousin +argument +locally +p.j +northwestern +al-kafai +niarchos +colne +dipak +miata +deane +huaqiu +modelling +guanabara +dioguardi +cosmetology +anelka +hughley +wanders +parirenyatwa +round-the-world +cheruiyot +lozada +ping +krick +bengals +emanated +self-exile +colonizing +moby +janey +chan +canoe +duenas +labored +trotting +firewire +icf +daunte +quiero +parcel +0q +latrines +considerable +exorcised +late-stage +mavs +junaid +oft-stated +christof +nuclear-armed +onufrienko +al-baath +najaf +supervises +hartland +panhellenic +releasable +shows +overcharged +sumitomo +avenging +valeriy +adrianne +magen +linfen +siblings +polynesia +kelton +hossam +poor +matrix +giambattista +vinegar +kawase +protrusion +munch +inductive +loggerheads +anticipating +peeps +holidays +remote-sensing +candles +redeployed +florianopolis +caligula +readying +ingemar +00,000.0 +goulet +pcl +maier +smooth +allowed +elects +juh-neen +trl +sipho +meligeni +wrists +doubletree +d-hawaii +bedchamber +toro +sadie +benz +insurer +zacharias +excitable +consistency +spacey +navarro +frets +marzipan +lower-ranked +strutted +wheelchair +hradec +lodged +marwick +nethersole +silberman +hand-drawn +mucha +islamiya +chaise +cease-and-desist +cobalt +00-0-00 +maloof +blemished +loo +adelson +neighbourhoods +winds +schoolteachers +newkirk +webtv +cones +janes +prescient +payout +cosponsor +brainwash +wolseley +kwai +rider +toehold +proenza +fim +bidder +abernathy +foresight +subscribed +annual +ahb-dool +wallflower +berlusconi +ds0 +ethics +ghaffar +establishment +corrections-nyt +baramulla +nalbandian +alencar +publicly-traded +gainsbourg +daughtry +reichel +wilbanks +metatarsal +buir +misbehave +am-frontpage-nyt +bajarin +fractures +reneging +moor +clarke +realization +cordero +taney +lakhvi +sakamoto +gastrointestinal +packet +oscillation +kerem +banner +henna +slumbering +schizophrenic +strongly +forthcoming +xizhi +zint +championing +aldo +iran-contra +bellas +dumbfounded +out_none +kristin +detonated +stuns +interventional +jobless +sahih +scuttled +nakata +uno +deliberately +parachinar +surtees +hutcherson +stepan +seeking +sea +sub-index +exhaustion +proclamations +duce +majid +ethicists +bari +throw-in +swapped +self-control +landmark +unabashedly +hallowell +matha +chabert +conquests +lookalike +nadim +truth-telling +lonj +enemies +synthetase +temelin +effect +first-team +jetsons +indochina +gojko +hermanos +bankrupted +tugged +summarized +box-office +purvin +coker +qualifiers +melchizedek +fundamentalism +newberger +yaping +appaloosa +implanting +high-wage +unfreeze +ginobili +punishment +hardness +impersonations +eyed +elucidated +cantonese +computerizing +waal +inspired +sankoh +cadet +nowadays +muhsin +mris +perreault +audiotapes +qatari +shikoku +mario +sumer +caramelized +paquin +yasuhito +folks +conservatorship +fedecamaras +arrojo +muscle +federal-state +top-class +upmarket +ohioans +tysons +arni +bice +moo +violates +c.d +storehouses +pin +poitier +sub-00 +lucious +double-bogeyed +react +figaro +benoit +umayyad +event +hardee +festooning +parisians +fuh-rehl +rah-rah +moluccas +tuncay +fiddler +libertarian +sluggishly +briny +0nd-qtr +counternarcotics +passionate +averts +b.j. +untraded +revlon +ceara +paddington +watchdogs +nowruz +milliken +rosenberg +nonresidential +aia +pervades +speeders +willingess +loutish +cimb +stephanides +crewmember +karsay +opposed +ince +jumpsuit +gallops +utilities +boar +metzler +syndicate +cavaliers +turley +josefina +readable +sales +visits +extensive +sharp-edged +joohm-hah +grandsire +lb0 +frederik +f.d.r. +haunt +unworthy +firmed +bwaw +orakzai +runge +ladybug +wolong +entertained +greece +enka +eighth-largest +eye-yoob +low-profile +finished +philistine +pva +dynasties +adela +yong-hyun +capsule +exemplars +jezzine +cavities +socio-political +shuji +koni +crusader +brandishing +state-level +jamaan +laisenia +shrestha +sacristy +build-operate-transfer +vivendi +elhanan +calvin +tree +freefall +detestable +flowers +expressionist +pernicious +blamed +derbyshire +ranchers +sci-fi +stationing +confused +un-backed +drink +slave +pundits +hkta +semen +vols +dire +straight-sets +newspaperman +erakat +haines +jordaan +two-sided +sos +sardines +samueli +000th +revolutions +go-ahead +reinhard +rossum +sorbet +qualified +ironworkers +calculate +bellerive +mopeds +statesman.com +attention +foodies +boehner +ramos-horta +neustadt +cattrall +cabbage +yen +velez +imperialist +dunn +advmod +nooses +aqui +parakeet +hkex +siachen +juergen +toole +utter +antibodies +hurtado +koh-lah +adjoining +watersheds +overture +buyouts +defoe +jat +feist +whiners +offloaded +jihad +bhaskar +singin +alimzhan +predisposed +seat-belt +m0000 +scorched-earth +belka +adipocytes +consultations +kalpoe +passover +godoy +outsmart +biscayne +unhurt +wattana +chanel +bains +inundating +motivated +pullen +capsize +barak +proxies +creating +wakefield +fluid +availability +unita +consultant +rebrov +buh-zahn +diagnose +shortchange +c.d. +lowers +toobin +cuteness +capstone +astonish +malin +southbound +heston +plaintiff +eruptive +imitate +must-pass +birkbeck +zellweger +petco +century +ameer +kazmi +landscaped +chiao +davide +fallacies +esteemed +conrad +errand +supportable +flaw +invitations +speedster +gradient +jed +hasselt +ingushetia +out-of-touch +am-000 +snorts +presidio +toiling +usns +bjoergen +all-american +suny +ambling +romanov +gamble +freudian +mikel +samarkand +pachachi +officiate +breached +chn +dato +gazillion +hahnemann +loan-loss +machinima +snooping +chandana +adjudicating +chablis +caries +transcriptions +wetlands +drummed +homicidal +shelf +jalal +nmod:under +nagorny +gardena +votive +victimized +tayar +kloer +downswing +constructors +mirroring +panchiao +0:00.00 +carat +montcalm +megabytes +franca +mrivera +sanzar +huadong +cryptanalysis +kenema +forty-four +frisia +redefine +breast-feed +high-rolling +purchases +shoh-deen +franc +stojiljkovic +indemnification +starlight +vremya +probable +privatizing +bcg +trapattoni +telomerase +salvage +tachira +eufor +faraj +lendl +auditor +boel +quality-of-life +shoaib +conversations +ivanic +bowl +halla +belt +happening +voest +baldacci +malachy +mcgriff +manik +sociedad +stoic +josiah +jett +psl +ba'athists +imation +british-born +curled +leverkusen +doge +oily +self-importance +aviles +sandusky +pop-up +palladium +dsec +caribe +phedre +jah-veed +sarfraz +lam-ih-ny +woodland +mamiit +digests +free-form +feith +pacey +wraith +suriya +war-fighting +obligatory +quasi-public +rebbe +dnieper +back-and-forth +defectors +nanfang +killebrew +guehenno +pro-choice +kalugin +midlife +flip-flopped +palmisano +shinshinto +sui +uige +covering +ace +limassol +outpolled +mohl +tf0 +cae +reporters +auckland +semiannual +oppressing +yah +nantong +despair +sailed +five-point +drams +taishang +goya +two-track +addressed +eyeliner +escape +00:00:00 +afterlife +berkman +fawzi +pillowcases +sneddon +bosom +five-plus +deacons +envision +dayton +osmotic +undeserving +burch +viktor +danes +ragtime +sorely +omi +onions +sydow +000-page +paraphyletic +friend +well-known +farren +spider +mirnyi +ninety-eight +wielding +precursor +makes +bottomed +stallions +manipulative +zanetti +nhan +co-sponsoring +riva +corrado +neediest +mystifying +kelso +danforth +ferrera +torchwood +misclassified +delhi +two-story +nostra +saldivar +sih-kah +slay +kal +chetwynd +acabq +decal +harb +fenwick +tatars +fahn +heep +struthers +ponomariov +zaanoun +uribe +jamahiriya +00-00000 +heath +magnolias +mathias +disused +procured +cornelius +straight-talking +breitbart +boon +zeebrugge +workgroup +djibril +jalaluddin +next-to-last +corner +helio +ryun +sprizzo +seabed +coxswain +telugu +kosgei +swans +breger +nozzles +santee +paraded +mukesh +autodesk +alcohol +iridium +pik +cra +senn +attired +stillwell +vox +accordion +landmarks +jehn +oxygen-carrying +alexis +zhongnanhai +ib +kinabalu +enschede +edm +maine +decipher +lean +jih-ruhs +gordon-levitt +virtuosity +readmission +restock +unrest +welford +gianna +herve +angry +prejudicing +malchow +barenaked +mahajan +keh-mees +cyc +diamante +reif +priestly +scarce +cardona +soe +takefuji +wintertime +bc-na-fin +sundial +manuscript +cornet +distributing +kitchens +suffix +yoder +signficantly +front-end +nameplates +angulo +is +wielkopolski +shook +trojan +bizet +earmarks +s-iv +fhp +jrotc +khalq +shuibian +astrology +non-african +sundin +bahng-gee +stargell +compost +shied +rimmer +zainal +easement +councilwoman +logistic +shwee +poblano +byars +guotai +chiller +disarray +airlift +dimon +struggled +traylor +mahdavikia +fujin +'oyly +dnb +nunan +forming +dumond +touchingly +latwp@ldc.upenn.edu +yugoslavia +refused +manchuria +cleans +steffen +harder +jeetan +backbone +braden +god-like +garnering +cleese +hummed +d-ark. +shin-peeng +undercut +bonhomie +atp-wta +kazuhiro +riviere +psychotherapists +capt +wilmots +paddled +amundsen +wami +domiciled +saturation +o'donoghue +sdram +authoritative +wavelet +exams +crum +latch +lunched +stopgap +bristly +keyrates +continued +rainfall +silkworms +mini-van +retract +crime-ridden +offload +payoffs +stranded +buttle +eardrum +siouxsie +disobeyed +databases +turf +cubby +washingtonpost.com +herzliya +harmonious +haploid +bre-x +juliette +robien +spahn +environnement +cooked +karcher +luminescent +lagging +kohut +supports +sangster +mothball +hristov +siberians +chit +ifc +kabbalah +rcp +pre-marital +corelli +welland +briquettes +diebel +detox +misfits +kunda +toasted +letdown +snaps +nobleman +architecture +hamming +nurd +opisthobranch +investigated +kunar +nayar +ill-suited +cleaver +six-plus +fridman +pre-war +incorporating +inter-regional +ih-met +encounters +al-bakri +ware +synapse +caressing +reggae +blow-up +multiplied +insouciance +runup +marden +auerbach +heaslip +grumbled +commissary +rogen +stylistically +seco +bagan +victorian-era +deformed +dramatizing +mastercard +blacksmiths +kernen +intentions +oie +injure +waterlogged +enlisted +hernandez +bso +announced +helsing +egyptology +podcast +trailblazing +goring +anti-israel +inadvertently +lokey +deek +refusal +confections +bulletproof +ih-sahn +pre-industrial +three-stroke +inkjet +marine +ali +home-grown +luntz +cardinality +aggravated +sandor +mccrea +sarft +judaic +atm +rapid-reaction +worshipper +doctrine +norell +kenmore +attainder +mombasa +pyrotechnic +shima +pudgy +top-rated +ca +netbooks +moi +educator +silja +mahara +skidmore +palmieri +paf +transliterated +meme +babette +lustre +sympathizer +sheriff +residuals +pomo +encyclopedia +a/conf.000/00 +taiwan +pansies +tih-mee +yaris +zainab +corrected +rivalries +verbose +lilly +larisa +napoleonic +cheekbones +suffocating +skeen +clint +cavett +ngwenya +seema +hammett +jklf +shahristani +lakeshore +retreating +ryder +mcfly +lsm +coldplay +robe +decennial +gahr-dehz +bc-cb-gen +ornstein +wales +dadu +kse-000 +cayard +afar +annex +censored +nicely +incinerate +disinterested +miyanda +letts +tekken +graydon +overkill +watercolours +intermodal +involvement +orientation +bosingwa +revell +game-tying +noorani +trichet +tfg +washn +micro-credit +diana +prisons +larson +ranong +liberal +franchising +dori +cataloged +footballs +poulin +wallwork +duomo +jada +www.startext.net:www.arlington.net +regnery +orbit +aslam +unfiltered +kohl +00000.00 +radiological +lgt +collateralized +biehl +sah-eeb +bonjour +nips +ebrahim +fleck +needy +saudia +shahak +re-branded +fodder +prams +luther +tekebayev +key +trigeminal +screener +dallara +disciples +amusements +whistles +pasadena +over-optimistic +ahrens +cardinals +nygaard +excursions +abstain +zakharov +blogged +imperfectly +apartheid +magee +larval ++0.000 +barr +geathers +gripen +al-khaledy +parmigiano-reggiano +butchers +whistle-blowing +seiyu +aac +mantua +o'shea +morgues +mariner +riven +disorganization +fac +semiconscious +00st-ranked +raged +brimming +bloodsuckers +transmigration +tenfold +moronic +forssell +multi-state +lidle +beans +thutmose +ovenproof +relating +gabriele +pir +materialists +ararat +fretilin +inoperative +thiessen +industrialist +jahb-reel +jah-meel +secularist +nmod:including +east-central +heineman +ceres +linz +skybox +hatred +reshuffling +stampa +streetcar +adpl +skateboards +mistrial +jamison +budd +uniter +hah-nahn +cci +dir +excelsior +swaziland +roarke +dalal +thwarting +madrid +feelings +curtailment +hot-button +sherrod +stf +vicars +reynaud +damphousse +toppings +high-five +describes +plunked +stripped +lackeys +id. +molest +mikkelsen +dermatology +hakan +prove +anas +al-ghozi +boavista +backen +descend +p.t\. +shrink +surreal +skoda +yahd +high-paying +moazzam +criminologists +all-powerful +monfort +lateef +komi +post-handover +disk-drive +michaelle +bsd +cabinetry +hootie +nadie +niki +haddin +yakis +kelkal +montreal +seep +griffith +adamantly +barofsky +rattlers +accessions +three-team +steenkamp +leaping +admonish +nullify +computer-guided +bianca +sharma +fiefdom +youngster +napm +kidnapping +oeuvre +osment +operator +sevenfold +nmod:among +miura +essays +bergeron +foliage +malicious +single-currency +waylaid +albertville +helium +intonation +occupations +non-christian +bruning +tumbledown +tamarack +amnesties +tarver +emissary +accumulate +flunky +crecimiento +barangays +maladies +minshull +obedient +gifford +tait +humane +hamra +taymor +surer +accessorized +spank +underhill +southbridge +hitchcock +fourball +fantasyland +zinger +cutting-edge +kingsmill +koryttseva +puk +interrogators +shangri-la +caicedo +blesses +sliwa +cannon +dabbles +yow +desperate +ngozi +hallam +caliphate +conjectures +joos +forty-one +karic +write-down +boz +westminster +kyoo-jay +euro0 +scutaro +cripples +montmartre +ledge +harriet +brig. +somaliland +winkler +mid-air +hards +chievo +picketing +opinions +koshien +spaniels +winnick +dumber +acne +borthwick +pigments +loitering +nashik +uzb +typecast +schlitz +horus +colon +grapevine +surveil +i-000 +coppola +spaceport +clamored +nkomo +shaiken +phosphate +rota +marketed +trott +dispute +canada +corks +computer-aided +koss +garza +kartik +patronizing +piling +storefronts +birth-control +lari +shui-bian +once-mighty +repels +below-average +disappoints +limestone +sillinger +milking +khuzestan +unzipped +gasper +sluglines +platov +jihadist +eurodisney +dam +replicated +exponential +sahitya +mowers +ich +akiko +micro +lugar +korac +: +psychopathology +ritter +voiding +jeopardizing +reeker +chesney +pokes +knee-length +percussionist +fy-zahl +caguas +foudy +matadi +unbelievable +defends +ship +inundate +prospecting +mims +spaceflight +fawaz +starwave +lasik +fantasizes +herm +accommodated +lun +scraped +schistosomiasis +capital-intensive +capacious +one-way +aftershock +susanna +spring/summer +sunnyvale +home-building +redfield +croatians +theorize +l.a. +offing +ger/mrm +reiko +sirnak +mortimer +noyes +cherif +pettis +wrestlers +nam +astrophysicists +input +outjumped +heder +repairing +mahane +femoral +redesigning +windmills +ramgoolam +pre-med +tfl +misappropriation +fizz +pitifully +guanghua +third-person +expires +endorphins +preoccupations +brathwaite +bracciali +rein +deuces +biathlete +zakho +brythonic +brodeur +cottages +par-four +harmer +bouncy +aveyron +unwelcome +compensable +luli +cmt +valdosta +unproductive +quebecers +computer-savvy +taunting +asians +certifies +interfacing +winnow +billets +stock-picking +molestation +flinty +galerie +upper-middle-class +bouygues +dashboard +sascha +lapierre +crompton +kulayev +zulfikar +hoax +syre +harmonics +seibu +offers +rjr +sinkhole +reopening +jamaa +ciao +mary +nevers +boyden +lei +muenster +chart-topping +sportier +ampolex +luyindula +stung +del-gah-dee +polychaetes +barshefsky +muppets +quo +journalists +cloak-and-dagger +whence +bateson +disproportionately +bandwagon +rebrand +lavished +cross-channel +lage +proximity +const +couric +weakly +unduly +gault +innovated +brohd +under-par +srimuang +strayhorn +dejima +worn +pharma +smetana +tuning +contemptuously +fridays +d-n.d. +scapegoating +lilan +puerile +rock-star +git +sportscenter +thelonious +bc-commentary-advisory-lat-wp +takeaway +mahmudiyah +cartography +storyline +deteriorates +mathare +roughing +cues +afx-asia +entrusting +voter +novitiate +grammarian +dominik +agro-industrial +olerud +groundswell +glades +binges +nw +preemptive +die +nae +bullet-ridden +mccord +colegio +t-cell +csbc +blt +bonner +sanguine +lingo +prognosticators +al-moo-sow +co-ordinator +parentheses +umaru +toldo +state-owned +sector +thief +vijay +excessive +aldershot +fixed-price +uglier +caseworkers +avis +kuito +cowl +glazier +upgraded +hull +pull-down +gangbusters +backhoe +student-teacher +son +disoriented +blasphemy +neuron +four-player +merriam-webster +mcnab +zocalo +profiteers +oozing +play-calling +toubro +forged +drums +kolelas +socialization +jobbik +forking +largest +indie-rock +fifty +nanhai +dita +lupin +hcg +seisint +powerade +rhodesia +matrices +oakey +hotpot +bren +confrontational +fortunato +interdependence +ideas +viki +speckle +savidge +billiards +etihad +suffocate +leotard +shah-rohn +split-level +000s +bromine +extrapolating +simonson +api +homebuilding +foraging +suffrage +far-flung +har +guitar +capone +intermission +game-high +freemasonry +realty +pre-budget +hizb-ut-tahrir +ah-noh +appointee +alkmaar +nda +d'oeuvres +reversing +miscued +harlan +boned +interministerial +'t +eyelash +simulators +cauca +radon +leinster +hazy +pasture +full-count +perth +tener +simplified +hierarchies +sappy +kursk +scarecrow +correctly +hard-charging +zipper +values +yolande +leashes +lusignan +vance +duchies +henchman +tablets +wittman +payday +mountaintops +nutrient +sindelar +disintegrating +naturalization +kah +juanita +hinterlands +jansa +ranking +misuses +threads +fabrica +boerse +tutsis +hamit +non-white +fritzl +justine +lookouts +rabbi +safeco +nos +relaxation +nogueira +patrolling +tomas +vujovic +klos +stela +afwerki +curly-haired +drawings +assurances +nijmegen +explusion +vah +livshits +hamel +louth +mathewson +sticks +sison +tese +vet +tabled +0e0 +ihf +itch +caswell +henin +vote +triumphant +wollo +timpani +banna +dahomey +bakary +vallecano +stiller +simenon +tunceli +heidinger +micromanagement +reasoner +drawn +pga +europe-based +haphazard +subsidiary +amalgamation +pu +shored +slamming +0p-0p +go-to +rejoins +newsasia +espouses +monahan +abuts +rah-yood +unevenly +mah-teen +heartbreak +balloon +icj +guangming +teleplay +intrinsically +universitario +zubaydah +rohmer +volley +painting +gagner +greenstone +donaghy +lcsd +yelovich +etc. +kotooshu +spotters +d- +naturalistic +nih-kahf +thereon +manhattan +seismological +unparalleled +lukin +roh +multi-storey +debenture +scoffs +russian-us +defensemen +satyajit +vyborg +courts +desertification +hijacked +baikal +ordered +mahs-yel +avs +baraka +fdr +grouping +palatinate +eagan +greystone +sainte-marie +icky +fashion +methodology +subchapter +dumpty +darcis +naa +krikalev +playmaking +peugeot +edema +ampatuan +zubkov +quaintly +proctor +doo-kayn +cuzco +trillin +colburn +double-bogey +snowplow +quills +homes +earnings +sculptural +eleftherotypia +olivet +m.r. +franciszek +habitat +sabres +genson +fss +nurmi +humbled +prohibitions +italiano +ranging +diazepam +000px +u.s.-allied +plentiful +cockburn +concede +swimmer +painter +arantxa +unwed +glas +jahr +abm +insincere +tamil-dominated +airline +imus +lipponen +elegantly +cesc +realizing +nite +blackpool +troughs +farias +golay +noida +rafter +zac +dressed +eusebius +trotman +stotler +hostettler +hammel +paulino +hah-bah +opportune +captain +futbol +incendiary +unp +ecm +calvary +sunkist +radja +still +chattahoochee +indictments +lisp +end-of-life +anaconda +sacagawea +smirks +even-par +puente +rivas +discord +fiji +bye-bye +ministries +foo-ahd +rimantadine +bullseye +after-market +mediobanca +copy +panizzi +sluicing +larkspur +bonnard +axioms +mucked +fangs +summarily +oromia +olney +hetman +xingjian +minesweeper +in-depth +competently +sandbagging +year-to-date +monua +wollaston +buckles +rican +winstead +remus +depended +dally +sate +nireland +megawati +vole +zyazikov +abtahi +sanhsia +sideburns +bolsheviks +leader +ultimate +undefined +free-agency +toomey +hermes +mezzanine +crary +strahan +manuela +edta +yaffe +seethed +ih-pahv +bulbophyllum +banged-up +vreeland +sauteed +jpac +starved +reappraisal +sardonic +fronds +daryll +darren +conceit +trimeresurus +glycogen +knight +heroines +sagrada +eccles +soderstrom +pocketbooks +drought +yachts +rhythm-and-blues +00-track +offline +inter-ministerial +plumbed +farmed +low-caste +greenhill +imperatives +abeyance +porteno +criteria +toughen +chonburi +sade +correlations +fcat +prongs +xhtml +positiveness +old-growth +baotou +paucity +revisions +somehow +cnet +non-payment +coming-of-age +salemme +padded +cannibalized +first-line +proofreading +eiu +jehoshaphat +acm +wiser +unattached +germain +cheques +sadhu +torte +yong-nam +rminter +nutter +substantively +um-beh +upbringing +chee +carini +bc-na-fea-tec +wenhui +dcc +wagoner +watkin +modifications +designations +missteps +carteret +tenants +anderton +government-mandated +unhappiness +kiki +uncooperative +mor-yosef +bureau +ats +school +reverb +dirt-poor +mid-year +bodo +ballast +dufour +majestic +insider-trading +accrediting +steen +rescue +hobaugh +wiggle +anti-hiv +argonne +estes +cornice +bayar +teargas +diwaniya +tackler +bergdahl +humanizing +crux +oncologist +staring +adobo +immigrated +purification +piquionne +salford +roebuck +twice-weekly +housing +multi-faceted +lilting +bc-eu-fea-gen +ordway +beniamino +safarova +multi-billion +enrolment +articles +bytow +anti-retroviral +majority-black +plowright +iranians +sensual +baking +kowal +mickey +lushly +invited +entailed +projectors +ino +colonial-style +danilo +shaikh +suggesting +medial +totems +alibek +belfast +dreekmann +saqqara +ultra-nationalist +mansiz +ginkgo +multi-player +kresimir +miyazawa +cosatu +pawns +kennelly +koznick +ritzy +confucianism +leering +groping +emmy-nominated +chuckling +anc +relates +xiaoping +cost-effectiveness +cortex +fumbles +longs +heavy +yuri +bleaker +quintus +akashi +dorf +regionals +pronounce +converting +keadilan +scorpio +balkenende +oo-jah +novostei +sally +bohr +behr-ee +gifted +writs +epoch +liebenberg +kaifu +myrick +decosta +patronize +altmann +sparks +ellery +cult-like +nonconformist +moto +hurriyah +murfreesboro +finessing +congdon +squirming +perseverance +violante +carousels +puzzles +close-ups +side-effects +ayyash +hiding +steadying +well-prepared +nitrates +natgeo +carpark +latsis +badawi +dhl +skibo +volt +adverbs +spooked +stratified +longman +vruhl +cranberries +logical +sati +incarnation +slipshod +bundt +health +mandarins +ico +scribbles +breathable +painted +parkas +relabeling +kraljevo +ccw +gec +batter +tolled +smu +tengiz +parthian +hard-working +kernaghan +egal +knightsbridge +galatasaray +orgies +candy +0runner +rsa +gilbert +kato +sint +alias +hobble +zloty +gorham +absolves +onegin +geremek +seahawks +collard +non-indians +al-sahaf +goering +longshoreman +gown +figo +january-october +knr +lohan +knock +shabelle +tightest +lucas +mcwane +lauaki +suck +mutilating +intimately +plateau +salarymen +orhan +bajaur +rwe +exhilarated +sociopath +borough +abassi +inner-city +protectorate +approbation +utilicorp +collier +open-door +coles +fiorentina +aloha +argentinian +discrimination +re-creations +bakley +gates +p.a\. +spiritually +havard +devean +telescopes +re-issued diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/tuned_word_embeddings.npy b/data_tooling/pii_processing/neuralcoref/train/weights/tuned_word_embeddings.npy new file mode 100644 index 0000000..ddddbd5 Binary files /dev/null and b/data_tooling/pii_processing/neuralcoref/train/weights/tuned_word_embeddings.npy differ diff --git a/data_tooling/pii_processing/neuralcoref/train/weights/tuned_word_vocabulary.txt b/data_tooling/pii_processing/neuralcoref/train/weights/tuned_word_vocabulary.txt new file mode 100644 index 0000000..a827268 --- /dev/null +++ b/data_tooling/pii_processing/neuralcoref/train/weights/tuned_word_vocabulary.txt @@ -0,0 +1,34288 @@ +connected +echelon +dangling +admitted +pomp +farr +palo +pertaining +beautification +ore. +preceding +pittance +teams +businessperson +kg +bag +blunders +unfashionable +betsy +cancel +sinopac +booking +unregulated +yushan +foy +bat +imitating +kadir +j.b. +antigen +akin +oils +co-authored +somali +serious +cadets +sahara +expected +creditor +sprinkle +monopolies +regulation +someday +border +collector +john +remodeling +slut +psychoanalytic +carries +profited +hugs +alice +hartford +subpoena +colony +nairobi +ots +cit +binhai +drab +petrochemicals +faint +superpower +non-saudi +perceptive +flee +topicality +pointing +mussels +torstar +izu +fool +substantially +unrolls +melding +harty +migrants +anti-china +sanctuary +analyzing +galanos +jacksons +xiling +stratigraphy +walcott +magellan +journals +article +draining +downloading +unreliable +farmers +malignant +cliched +mundane +lion +debating +nebraska +coalmine +bracket +henning +rubs +firms +screens +topsoil +joiner +sef +milt +stipends +usd +polyethylene +lasts +skis +absolutely +nasaa +bethsaida +signals +revson +piranha +gunman +spry +hsu +helm +uncanny +gobbledygook +slavic +profusely +joachim +janus +gunshot +recorder +ardent +taha +postville +trent +peruvian +commercializes +waits +dangles +whale +shore +repatriate +plough +reminiscences +collaborating +shootings +untended +abstaining +bongo +eloi +beefed +resounded +dullness +unsuited +credibility +lilith +denting +counterparts +deck +mister +mixing +eaten +hostile +doomed +forbids +risible +highly +agaisnt +impractical +saucepan +hunts +kinship +quinlan +reptile +myanmar +tutor +additionally +imposed +rhona +reinvestment +scuffling +applauds +consignments +justifying +qinzhou +shv +arts +ignorant +gourmet +patel +downsizing +genus +iowa +interested +days +laxative +ailing +vaccine +recreation +kent +predators +hauled +registration +rimbaud +sizeable +ruler +winchester +crying +propensity +disagrees +re-establish +global +granulated +zhengzhou +prowess +unflinchingly +tanzim +amounts +put +bowne +y' +openly +pearlstein +cross-section +lavender +ivanov +fall +whiting +vow +phrygia +upgrading +sedate +reincorporated +memoirs +brightest +problematic +chosen +luoyang +portable +amputees +overpowered +reprocess +ely +schooling +presided +channa +retreat +reversible +exclaiming +intractable +shipyard +harps +damned +amputate +kiara +eric +chips +ascertain +felled +crotchety +relocation +depositary +mince +attention +industrial +kolbe +shackled +pantheon +embezzle +persuading +protestantism +card +bedfellows +suzhou +divorcee +hm +consular +comparative +rounds +abstentions +nmod:'s +treasure +bbs +mobilize +flaring +pages +cheats +pickup +hater +penalties +galloping +restores +unmet +pusan +mnouchkine +ward +nobles +counting +stationery +mouton +noranda +explosive +pubs +consuming +widened +apparat +eustachy +majority +multi-nation +alligators +breastplates +slacken +viewpoint +katz +extract +buses +coaches +gosh +buckeye +hires +skimmers +guillermo +tightness +tethered +dancing +edwin +disconnected +libertarians +steak +suspicion +mid-stream +favoring +dries +darkness +lumpectomy +slopes +wave +magnanimous +hellenic +hewed +harden +manifestly +honey +well +toad +raleigh +auburn +lives +interfered +salary +attitudes +perpetually +ands +startups +entity +bunks +quarts +sighed +straining +homma +amidst +blogger +staked +shih +gulag +holding +challenging +younes +camaro +raises +malaria +relevant +goeth +immaculate +sprinkles +fragility +duvall +obermaier +0rd +speedometer +apprenticeship +egregiously +coterie +rods +credit +behaviorist +zaki +ratio +pathogen +chronicles +carolyn +perceived +relaxing +companions +plotted +metzenbaum +reckless +shakeup +wuerttemberg +rashid +algiers +zsa +pyramids +hp +fenced +moscow +rhetorics +oma +sze +voucher +signatories +reacted +geo +evidentiary +symmetry +bury +guinness +proliferating +collaborator +obesity +fairy +terrace +clones +wining +ideal +shrine +effortlessly +sofa +anti-missile +placating +smuggling +at&t +tail +western +shreveport +asymmetry +hadera +depresses +technically +genome +nauseous +defy +rehman +grandstand +chuck +manion +commodified +dopes +godmother +reducing +matic +handled +scottish +distribution +mismanaged +pardon +resuscitate +macanese +mrs. +kiko +soledad +mik +conferencing +overawed +comatose +yamaguchi +mathematics +showers +metamorphosed +disengage +anew +generated +multi-purpose +lowly +urn +separations +yielded +comfy +summons +arsu +congee +peck +? +wgbh +curtis +duly +cured +prop +wiring +glamour +fearful +erode +participates +dodge +philatelic +skyline +creepy +thompsons +imam +ensures +flashy +instructive +disperse +unanswered +gambit +praising +delivery +missiles +chongqing +finishes +committments +shuzhen +disbanded +hotlines +undue +bourbon +quieting +popular +wei +supreme +crispness +profiled +cdna +ballpark +taut +toilets +matron +lodz +cassettes +pesticide +saliva +external +ruscha +vied +knob +antecedents +stickier +tortoises +attractiveness +flanner +lengths +davinci +crucial +lawsuits +truth +leverage +katzenstein +contrasting +steel +simmons +lecturers +poked +golfer +charms +spectator +birns +marinate +continuing +milton +flying +f00 +shell +profile +euphoria +southfield +ilminster +heralding +intelligent +appealing +evidence +navigating +menopausal +williamses +bandages +agreements +rtc +crayons +officers +reused +socializing +yunnan +boldest +anshan +caveat +appliances +dubbed +transition +proposes +antonio +porno +twentieth +fisheries +bailed +a. +bala +synthesize +feathers +qualifications +uspensky +magnetic +hazel +picayune +monitoring +devised +weaknesses +starter +confining +ruling +gimmicks +sub-district +meandering +scavenged +this +immediate +unimportant +coercion +geographically +*UNK* +alita +enforced +humvee +frantically +fifths +delaware +underpass +pravda +artistic +sponsorship +statutes +camped +waystation +zi +ceremonial +intestines +dallek +reapportion +scripture +forums +tyre +guinea +pro-iraqi +announcement +wiry +curtly +combatants +ex-president +beta +suitcase +antarctica +fushan +anthropologists +endorsements +sauerkraut +head +corp +shadwell +raid +honolulu +rowe +dented +minute +ps +rearrange +stabilizing +fiery +retired +subcommittees +criminals +mp0 +amplifiers +breeders +vcr +behaviorally +generations +rustin +comfortable +epiphany +morphs +curve +trolleys +wax +yer +cashbox +stifle +bekaa +digital +impossible +minnesota +combatting +felonies +tulia +) +insanity +expired +stonemason +advantageous +highland +santorum +grounding +annointed +giorgio +chipping +staphylococcus +vogelstein +zimmer +hyde +honestly +d. +caterpillar +candor +abs +filings +xingdong +undernourished +accessed +ages +darpa +generalization +libyans +unreported +migrate +missile +airbag +sexless +setting +malaysian +albany +lipstick +automating +crowded +sweetie +reopen +embittered +grossly +bet +intellectual +narrow +hammering +a&e +expensively +anchor +imported +matured +extention +friedkin +volcano +attaining +conducted +nursing +borscht +cooked +persistent +gravity +substitutes +moderation +pergamum +chained +competencies +painewebber +celica +limited +harold +sr. +seong +understate +shortcoming +gainers +ga. +prose +waiver +webpage +donnelly +mitsotakis +bust +getaway +billion +hawks +jaundiced +din +miseries +tumble +buhrmann +jinsheng +hysteria +swarms +hypersensitive +declared +consumable +teeth +tipping +tatters +brotherhood +pooch +receding +prudently +bushes +ahaz +turbo +consulted +memorandums +chest +inefficiency +hung +notch +sheaf +naturally +blumenfeld +blighted +topmost +shadowy +marti +constitute +ski +receptors +actuaries +ponying +vis +artificially +pittsburgh +dynamics +andrews +absorbs +locations +subjective +bosses +arps +wholesaler +referring +testimonies +inky +maintenance +burglaries +mate +planes +emr +divestitures +blemish +stockpiling +messages +termite +p.m. +ivy +peters +heine +asher +jepson +bodied +anti-aircraft +mort +patio +string +discovered +baishi +theorized +listlessly +clever +voicing +yellow +hurrah +tornadoes +greenback +volume +plows +wisconsin +generating +proportional +disregard +hoard +ample +retaliation +inviting +invited +psyop +chip +vibrant +platt +kung +page +mall +jerald +spies +pakistani +stowaway +fleeing +assailed +answerable +peoples +includes +escalators +scattering +housewife +f00s +chauvinistic +vague +overhauling +bloom +hospitalized +solving +atwan +polaroid +masa +nonwoven +routing +revelations +eke +cross-gender +congratulate +packer +penetrating +seder +wildfires +nazionale +decision +punish +grinning +sees +bitchy +smallest +istat +trumpeting +anti-terrorist +wcbs +tiles +sponge +peewee +predominantly +gratifying +painful +abdomen +repainted +subtitled +verbalize +minicomputers +earthy +liverpool +provigo +bowery +sir +equate +racking +acquisitions +comparable +uncharted +scar +fro +existance +cereal +availability +critically +willingly +ravine +strenuously +macaroni +facet +mafia +computer +witter +shores +early +fetching +consumers +transformation +attract +awoke +hakko +omaha +lotuses +interdisciplinary +impolite +considers +blurring +puppy +forces +anticipates +deutch +misrepresenting +shelter +rubik +fermenters +disconcerted +accessories +funneled +grudgingly +ballots +laundry +dragon +repository +guadalupe +unrealistic +thatcher +kw +fleets +disparity +antidote +savalas +tipper +unhappy +bukhari +gunn +booed +soundly +soars +sioux +havens +saudi +remarked +absolving +zhiguo +stopover +metalworker +uptick +mcmullin +anti-serbian +jeou +affluence +fouling +closeup +haulers +impress +modeled +say +determined +alloy +deterioration +synthesizer +drape +clemency +combat +cross-national +entice +imitated +gog +humanitarian +graphics +strip +grueling +cadre +misunderstandings +protein +hysterically +erie +videotape +subtropical +titanate +afloat +mounting +beagle +aggie +iffy +pending +suppressed +kaiser +tillery +hinted +breather +celebrated +oct +uk +pirate +insufficient +scholarships +feasted +utsumi +fronts +joys +approximately +outgrown +tuchman +drug +gotta +degenerated +bessie +amnesty +ruihuan +eliminates +catching +deukmejian +platter +tentative +announcer +gouging +atrocity +bos +christopher +farms +camps +ortega +kluge +dug +lawyer +pediatric +backseat +railing +clinic +resurrect +tenuously +xiaohui +commercially +occident +slaughtered +ethical +farm +fanatics +payroll +displayed +mathematically +wasting +shuo +temblor +cips +stomach +leak +soccer +marie +infuriates +peaceful +recounted +liza +tracer +bergamot +concentrating +mayors +patman +despotic +hyperventilating +organization +ashcroft +shot +generously +uae +brunch +fertilize +suez +commiserated +ruth +theorize +tuesday +forsake +subsidizing +categorized +links +wireless +maku +taccetta +glasses +phenomenal +hooliganism +mouse +dj +petitions +docile +should +finale +perk +dover +justices +intersections +weekends +whites +upholding +instructed +turbulence +loth +writer +respecting +emeritus +equality +slatkin +malvo +vu +yuppie +and/or +felony +laughingly +farraj +nt$ +designer +migration +parkland +discussed +curtains +rec +meals +simply +tube +smooth +gear +bioinformatics +jammed +vehicular +mosbacher +cumulatively +antidepressant +winfred +referrals +democracy +modrow +enacting +zones +touting +videotaping +courtroom +hypothesis +newspaper +cloth +overstep +mi +infusion +grain +homosexual +hainan +sox +announces +knowledge +slaughtering +birney +wharves +freud +ghana +blurt +keyless +arisen +lorin +toppled +snipers +troubled +gillian +donor +lavish +tally +inclusive +hampers +fixx +cookbooks +conducting +doubled +weeks +wisest +confucian +archeologists +cowboy +der +demonstrably +marshes +gaping +fresenius +wallets +predilections +butter +temporarily +abundance +avoid +undecided +incompetency +romanian +charitable +linguistic +superstition +ousting +elan +racial +overused +pulitzer +acceleration +won +trailer +telegraphic +homeruns +bayou +dunkin +preposterous +verifiable +obedience +ghafoor +carlton +revitalizing +publisher +privileges +earnings +perfumes +proved +politically +enoch +liberalized +fha +taft +handyman +normalcy +hierapolis +kingside +predict +contenders +didymus +flown +negativism +opportunities +lows +amitai +reincarnation +tenor +swoop +abduction +pre-registered +happier +bathing +placing +amed +suspend +truckers +nepal +johannesburg +elbows +lid +infatuation +approved +eloquently +tzu +montagu +hospitals +relays +navigated +postwar +amoco +campfire +corporeal +hackles +electronics +poetry +parachutes +cashin +suppressing +freeing +parole +suspension +clintonville +botanical +vocabulary +journalistic +frenzies +diane +itn +answered +pallid +evokes +000nd +impetus +boarders +mou +regulator +shahal +gau +headphones +pacificare +off +ju +rebuke +deities +king +specific +moneyline +different +golden +unemployed +streamline +oysters +personal +kindness +vice-minister +huntley +kryptonite +vices +nomination +ollie +nettlesome +northrop +belorussian +phrases +portuguese +tse +columbia +auspices +signature +pascual +permissible +heihe +jansen +furnished +agent +heap +practitioner +docudrama +ended +hoe +shuttled +victimization +clarification +syndication +monumental +enteroviruses +riese +antichrist +trial +rudi +remaining +bio +coalitions +arrive +tens +pastries +shakir +vowel +assume +departs +cleave +deficits +venezuelan +imbue +hometowns +supervises +forget +investigating +gauze +venereal +nor +candu +adjust +disdain +palestinian +pursue +awarding +allows +lillian +shibboleths +nguyen +gallucci +illusions +bluish +mythology +ingalls +bullish +dealers +iq +travels +yeping +introduces +absurd +piscataway +modestly +elegantly +vetoed +questionnaire +safavid +payout +relative +industria +urgent +unvaccinated +earthly +curcio +amend +d.c. +inwood +aristarchus +kristen +stabilizer +dios +envoy +andean +congo +tangy +faces +zinc +endangered +g. +org +kasi +abnormal +inequalities +folk +beneficence +banshees +perilous +fuel +poulin +evergreen +other +inseparable +released +stricter +soaking +mcinnes +bedpans +marvellous +queda +replogle +ardently +literal +overpay +pieces +jacob +chides +puppies +kohlberg +toshiki +colo +funnily +rotarians +archaeologists +freebie +struggling +inc +according +penney +preconditions +undervote +hebei +ayer +precede +culprit +poster +midian +nipple +je +varies +prerogatives +crammed +avaricious +adore +crematoriums +kamal +crucifixion +fly +tropicana +huddled +mor +flew +unusable +thomson +lashes +bend +smoothly +mo +gleaned +characteristic +opera +coleco +lithuania +ancients +abattoir +defuse +mishandling +imprisoning +pant +lingering +ration +cowering +kmart +custodian +commonality +nimble +madman +hemispheres +coupling +compatible +society +volatile +frederick +magick +interventions +bleus +speculations +buh +recycles +bolden +elicit +bane +filly +segregationist +understanding +toilet +stamps +translation +ramadan +exclude +henri +tee +algeria +del +cass +shaking +harlem +purge +bertrand +blunt +transited +ioc +catamarca +steams +persians +hydrogen +bunuel +ambush +memorization +co-anchored +nora +vocal +ballplayers +depicted +chops +enactment +alarmed +hinterlands +masks +libel +bnp +convey +glitzy +scarcely +tramping +sadako +eurodollar +slicker +kidder +beautiful +harvard +corroded +a.d +splendor +survive +walt +anticipated +goodson +insulate +box +backward +pose +resolve +carnivalesque +noisy +amphipolis +scientifically +homework +vick +randomness +gdp +handpicked +bissett +op +railroads +thin +cofferdam +defying +sentiments +tutorials +feasibility +manville +scape +ushered +rieckhoff +ingratiate +workshop +basics +blast +furnace +spells +modify +yacht +ecologist +breger +racket +bypass +acolyte +findley +astounding +nap +educated +kneaded +fenghua +oleg +sexy +arranging +assertions +catty +comrade +heist +workstations +betwen +nabobs +busted +palestinians +obscurity +crude +conserving +travolta +bustling +ramble +perelman +berkeley +heard +mccabe +sandwiches +c.e. +smithkline +goodbye +betelnut +overload +unafraid +bumiller +choice +covert +zhejiang +mixed-race +freeh +bicycle +weng +benchmark +reasonably +esteem +parted +ochoa +opines +believer +marring +russian +bartenders +sufferers +knifepoint +prez +discs +bloodletting +loot +dion +riga +assignments +zamzam +governorships +fights +nmod:at +procurement +freres +compactly +dope +endures +lowercase +agnos +patriots +complements +cherries +dialogue +trashy +ronson +ulmanis +precipitous +export +quarters +diverted +treatable +sprinter +tower +prophetess +recites +nmod:like +rectification +farthest +appel +quibble +terracotta +reruns +voyles +concluding +locket +floored +italians +alpha +regulates +inactive +sear +zou +indecision +fend +myths +parliamentary +cheered +haussmann +infrastructure +noncombatant +expands +limo +canny +anita +qingdao +broth +vinson +unreachable +briskly +mandolin +envelope +wolf +illuminate +blatt +sexually +sarcasm +ploys +strings +vomited +li +handicap +cardinal +gunfire +abrams +engulfed +serenity +howling +cray +conway +fanciest +propaganda +likely +dreary +taxpayers +warranties +rapier +murders +lesbians +reds +misperceptions +heat +gem +judy +producer +pier +dodi +lukewarm +uncles +inoue +grandeur +mcgrath +accurately +urge +btw +collide +das +skeletal +neighbours +tackles +packwood +penh +ta +ordered +paycheck +critical +drinkers +prioritized +imports +jiaozi +doyen +bombshell +treats +doting +ills +mini-bus +woodchucks +socked +uncharismatic +indecisive +buchwald +renewed +deep +bernhard +halpern +aligned +lambert +n.h +flashing +beethoven +slanted +quasi-legal +enshrined +marathon +deterrence +mounds +gravesite +cottage +optimized +grow +carcass +tantalizingly +hose +breakfast +xiangxiang +foetus +schindlers +stronger +overwhelmed +crisman +post-soviet +baim +attributing +frenzy +plush +place +unscientific +edmonton +distinctively +unified +earrings +discontinued +hell +girth +abducted +multi-skilled +infiniti +none +albanians +lured +printed +auspicious +entire +strict +barrages +ericsson +preserving +palmolive +sandinista +oscillation +ibm +sacrificed +yankees +lantau +necktie +heaters +oas +bien +predictable +assiduously +fukuoka +guangzhao +pricier +pigeons +memphis +vitiate +tacoma +tormented +oppressed +undervotes +deterrents +fooling +casualty +vets +flirtation +lucius +pulmonary +advisor +asaad +elevation +colorful +tonkin +tear +fess +brunettes +uzbekistan +ambivalence +dice +undergoing +severity +donations +assassinate +carolinians +vacant +gould +fallibility +ignition +uniroyal +frictions +narrowcasting +horsey +throttle +calamity +weddings +vibrating +antique +blaring +tobacco +resembling +snorkeling +offensive +incorrigible +zhou +failing +mangino +shredders +hindered +tabulating +idaho +unblocked +vegetative +harri +saeb +abortion +esther +doormen +seita +abrogation +rehearsals +incite +kaisha +dubious +addict +biophysics +scars +unknown +inflating +eyes +o'neil +ma'am +duclos +trader +threat +bargain +ala. +dating +hut +moslem +gossiping +hits +reciprocity +composer +sniff +stainless +destroy +residence +bacon +overachievers +rancor +polyester +weihai +roofed +aclu +data +account +commentators +landesbank +rogie +quick +present +dude +predecessor +paintings +milestone +paolo +now +indies +tracking +fees +pranks +modernize +strolled +shuttle +sands +fatalities +molds +shyly +humble +ezzat +independently +jarring +premature +nastier +kara +trades +qigong +gorazde +pitiful +promotes +sanctions +mullins +expiring +moea +soliciting +southeast +embraces +pcs +alaba +contend +lash +mitsukoshi +marched +employs +sweetly +pathway +plaything +gentler +eighteenth +completeness +pinnacle +pre-dawn +r.w. +divine +ensure +fiancee +directs +overhaul +hadden +oxide +f. +midyear +recharge +spouses +hydrophilic +amplifier +allocated +democratized +armaments +motorcycle +guest +accounted +skeptics +meng +undertaken +mismatch +mcdermott +loft +coordinates +stubhub +firmer +researcher +incidence +pegasys +inserted +federal +0a +isolation +drone +nonprofit +chessman +pad +pronged +prerogative +cnn +sweden +documentation +julia +rely +assemblages +nonstrategic +fitted +unrecognizable +clavicles +imette +depo +mandil +courtrooms +zach +beating +shakespeare +nazarene +scepticism +proceeds +therapies +sergeant +intellectuals +influenced +joined +internalize +heyman +france +philology +mechanized +dominated +eliakim +baa +penghu +punctuated +civics +ralph +columnist +sad +affection +boundary +islam +activism +receives +revolving +jianmin +objectors +examined +circumvents +afterward +wondering +lipper +retaliated +incinerator +purpose +histories +roofers +reflections +chiayi +tammy +bater +announcements +oversaturation +crewmen +breaker +charities +upturn +heinemann +drafty +top +rotors +egg +strangely +mustachioed +bishops +headgear +transaction +treatments +flattening +worthless +minna +dirty +payments +r +campaigner +categorical +sang +checker +gasps +maarouf +domestics +sunk +jackie +filial +grande +yah +loosening +open +alimony +finality +sneaked +guise +hobbling +driftwood +azalea +disguises +helper +speedily +d.c +anxiety +denominated +underselling +israelis +triggers +certificate +clothed +nightly +hala +...... +mecca +notion +volkswagen +mobilizing +overtook +reappeared +loved +miami +humvees +depended +wtc +mobs +repetitive +brookline +mother +recapitalization +him +ads +gems +disparate +houseful +ed +overtones +nov. +nasd +quo +stapling +boringly +electrochemical +intimacy +bungalow +architects +husk +hazard +finalizing +proliferator +bigots +strategically +athleticism +00000 +convene +ego +runway +betrayal +swept +appalling +flipped +targeted +heroic +one +affects +autonomy +declaring +extended +collagen +penalty +fill +learned +months +agnew +flows +sustaining +dudgeon +guangxi +schilling +equals +reuters +dorrance +pipe +pluralized +blogs +popularly +lew +regaining +fee +saying +shenanigans +survivor +detailer +synchronous +pedestal +awarded +countries +forestry +serials +shalu +mpd +insufficiencies +destroys +shines +mukhtar +phased +corals +accomplishing +playgrounds +medal +therapy +intimidations +meter +retroactive +fur +kuomintang +hypocrisy +moslems +windshield +dudes +hailed +meshulam +scented +reeled +disallowed +shed +abundant +industrialization +immortality +install +righteous +forlorn +chairperson +orderly +hippie +baptize +sheffield +claps +hardships +theaters +ostensibly +midi +stan +area +grippo +eroticism +go +laborer +headway +paradigm +please +nonunion +virus +satirical +tightening +prolonging +snecma +air +legitimizing +statuettes +co-publisher +anti-ballistic +yangquan +kinescope +realize +seal +architecturally +undergraduate +saturn +lightened +jazeera +slicing +brighter +greet +utrecht +requisition +bedbugs +jute +jeng +deutsche +scales +augment +ozzy +grant +return +tamsui +dense +souvenir +charity +hostels +racehorses +slip +weather +designers +snack +declined +prompting +counseled +guojun +crooning +jurist +murdering +nestled +leaping +photoelectric +collaborate +submarines +such +dare +intranet +construed +fats +ew +rationalizations +tv +bedroom +spend +embodying +aden +individualism +awolowo +excels +manipulation +wait +impacts +whims +rushes +statesmanship +nancy +lifts +pruned +disks +brute +nephew +cope +posture +colonial +portal +melodically +abstained +microsystems +blueprints +sabre +subsumed +pathfinder +asthma +burbank +cross-market +impound +microbiology +hopes +stabilize +jala +intentioned +standoffish +shifting +only +repayments +jars +em +injustice +meowing +robbing +uaa +variation +autry +spiro +booby +diagnosing +relinquished +very +brine +tenacity +repented +cop +elderly +china +audiophiles +vodka +marin +hitachi +memorizing +leshan +suitors +authoritarian +ambiguities +autographs +horowitz +signs +publishing +quipped +bases +battling +longitudinal +nah +delays +birth +poison +spiders +brokered +adam +heroically +devotion +b.a.t +pina +herr +jug +attendant +nervous +generosity +kelp +theatre +cosby +bravest +mudslides +withheld +respectable +diamonds +image +mid-march +butterflies +awad +water +wetted +hyperinflation +amass +overdependence +buckled +tumors +disinfectant +cells +sec +thrash +hypnotist +fiends +institutional +promenade +armchair +conservatives +aoki +pride +drawing +gerald +b.g. +ephraim +touring +h +picture +hadith +like +era +loaned +additions +killer +appetizing +wolff +mastered +capitalist +chang'an +hulls +modesto +shuttered +attuned +normal +sensibly +admiration +clare +erotic +baptized +veneration +innuendo +festive +directories +bleach +rug +suction +stingers +grabbed +coronation +kitamura +installment +pivot +comair +holt +menacing +yongtu +watershed +dissolves +blunder +peruse +0000 +pope +enterprising +palau +protest +muscles +sapiens +haneda +freedoms +kraemer +screenwriters +tale +condemn +cooperatives +sprenger +pits +marble +dishonorable +owing +lend +resembled +predictably +gotlieb +younus +shunde +inflicting +veterinarians +bilzerian +espanol +advcl:in +kingdom +deploying +zionists +unusual +tandem +dracula +inspector +heir +deutsch +pol +stalinist +liliane +weakling +rightfully +realizations +fresno +renters +saul +wider +ate +overstating +conduit +mid-morning +qianjiang +derive +safra +tort +bacterium +emotional +conquer +riskiness +pasted +ethnology +survival +maniac +illustration +gorton +poulenc +reinvigorating +florence +starred +gum +thumbs +toured +sasser +transferrable +kono +scared +shorelines +c.j. +embark +demurs +bothers +drinking +trespassing +hectic +nyc +billy +supplements +bangladeshi +ruberg +karo +melanie +hyman +declining +katzman +bello +embankment +instruction +accumulates +lewinsky +compress +kieran +mantle +complicity +watchdog +biennial +unacknowledged +tiantai +peoria +yonder +examiner +fenn +relinquish +slows +ramo +bifida +plenty +sick +peace +greta +denton +dog +reviewed +wreaks +pinned +lanterns +goldwater +ready +damaged +cautiously +slobodan +kenan +kitty +tubular +vincennes +ritchie +stunted +debited +organism +cletus +avenge +proletarian +presidential +strained +dorota +tout +distract +intact +philosopher +consecutively +baxter +dozen +inter-state +diarrhea +animosity +claudication +fubon +departing +backflips +carnage +hemorrhoids +greed +farmer +aye +el +myasthenia +cubic +susceptibility +vibes +cardin +careers +00nd +impresses +weakens +amendment +motorist +negotiation +wall +developments +ravished +leaked +lewd +ascribed +timely +sada +flimsy +text +geographical +watts +hurd +operator +benefits +smash +chattanooga +sellout +mandatory +deceit +furniture +reinvented +0th +akina +turkcell +reapplication +conversation +upstate +haves +ignoble +sixfold +ferrying +scream +broadcast +allure +ranches +anecdotes +misdiagnosed +sledgehammer +resort +swaine +ignored +semesters +holden +sprang +enabler +nightlife +dramas +gabor +bumped +returned +flirting +liaison +possessing +zion +intervals +kirk +grabs +bostonians +loops +cherub +wide +chu +novels +goldberg +camerino +fundamentalists +canisters +shearer +czars +scan +naivety +goupil +corridors +zurich +ftv +meal +assumed +hybridization +conflict +hush +moneyed +politburo +sutherland +grasps +ramallah +pots +nightmare +affair +chancellor +storeowners +high-risk +loral +brigham +transmission +counterbalance +slightest +fertilizer +attending +ramah +hero +cartons +linked +jeremiah +outdoes +tibetan +outfits +merkur +outweighed +allergic +rising +brian +privately +nightmares +steels +mcdonald +snobs +spectacularly +hk +tells +relevance +adamski +odds +pops +strep +decisiveness +price +fornication +visiting +hefty +screwball +filed +dominos +deterring +incisive +arizona +browser +decriminalization +thickness +weaker +smiling +storefronts +archangel +audacious +husks +shaffer +collapsed +irresistable +adults +t.b +wyly +minimills +profits +zawraa +sandstorms +corvettes +des +porn +bulletin +comprehend +runs +iron +switchboards +flame +ducking +prevailed +token +adamec +cracked +cross-generational +offspring +quarterback +luxury +poet +geography +established +wars +menswear +truck +tallies +helmut +thames +shaped +frightening +skied +labor +plugins +afoot +run +cutoff +reassurance +0s +parenting +mcmoran +snugly +customary +thee +congresswoman +commons +walkways +ivory +sent +marvels +deathless +farouq +mithun +matchmaker +wilderness +motel +precipitated +isaiah +whimpering +ogonyok +trigger +vice-governor +tokyo +jogs +neo-con +sanya +temple +buildup +fried +recyclable +pt +fallacy +kazuo +roughnecks +berens +thicket +stealth +maidenform +reductions +orlando +infamy +exchange +artifact +handshake +filaments +begin +lengthened +disco +still +seen +reasonable +johan +offering +eek +shantou +wenshan +confidentiality +abcnews.com +fossil +filipino +schadenfreude +homicide +unfulfilled +xiangyu +flotation +resonance +transmit +garlands +vint +push +ascher +allied +herding +orient +blueprint +robinson +unconstitutional +unnecessary +manson +annie +sin +narrowest +signed +until +truman +yongbo +rene +express +cough +frequency +nazism +pro-growth +condominium +foot +manges +bian +whittle +anti-terrorism +earlier +asked +kafkaesque +pound +ra +diverting +scary +audacity +solicitation +preacher +bahrain +zhenghua +exploit +worst +interdepartmental +sweater +elevated +nurturing +psychology +hanks +monopolizing +flight +complications +forcefulness +grumbles +monomer +shedding +heft +tomlin +howe +bleeds +chilmark +lech +untying +dissents +pesach +avondale +published +yuzhen +dimple +kongers +tortured +ruthlessly +delay +control +jabs +endorse +prolific +greenhouses +american +halle +max +folktale +potbellied +willingness +gig +towels +blindfolded +fuming +lowland +belts +asha +clarified +submerges +hold +fluorine +mysteries +sociologists +whipping +geller +spielberg +telecommunication +equivalency +unsavory +under +bedminster +stripe +brutally +gre +levit +col. +yongji +oversupply +disdains +protecting +dialog +biscuits +virginia +angles +shayan +allahu +speech +frightened +teaser +recoils +vatican +companies +vic +dysfunction +sandbox +outcropping +non-lawyers +youngsters +fists +nsb +derisively +torso +passwords +coffee +sanitizing +insightful +hearing +currently +occurs +neutralize +ccp +turnabout +qahtani +takashi +logging +add +wolves +kolesnikov +unsupported +wildflowers +huhhot +aforementioned +amen +ronald +clauses +daisy +bhatia +chance +raiser +henceforth +territories +ceos +emerge +0/00/0000 +wah +pare +kok +adminstration +observers +communication +gemayel +gleefully +ding +vass +intervening +activated +costing +initially +civilisation +crewmembers +together +sweetness +westview +traveling +ovation +correspondence +unto +oliver +toxic +shrift +bachelorette +wherewithal +resumption +revive +muslim +lush +dopamine +wobbly +tend +yields +perpetuating +excitement +banned +biomedicine +suggestions +indecisiveness +waves +semester +requests +bugbear +cammack +democratic +lobbyist +distinctly +racing +prays +underwhelmed +burns +rates +manchild +secretes +degeneration +barre +cd +jingzhong +troublesome +guerillas +eggs +thrusters +korean +miscommunication +unwilling +re-evaluate +switches +agip +coler +ladislav +perpetual +moroccan +transformed +inhibited +yu +we +superintendents +recording +holds +whoopie +amex +wee +hooker +lags +virtues +bathrooms +bradley +falcon +broadcasters +executing +skinny +nyu +daunted +trying +leafy +inventive +boo +writhing +live +retailers +hanged +implicit +viciously +balls +spectators +resolutions +fielding +hoist +clutch +subjunctive +malfunction +provocations +misbehaves +versions +heartbeat +shunned +acme +productive +twos +cai +rending +kwan +inferred +shaohua +foolhardy +liter +intrinsic +conceptualism +reluctantly +haggle +incubators +cosmopolitan +due +shouts +apprehension +judie +peasant +dotcom +loomed +bodine +anti-social +sinai +yaobang +corrective +know-how +terry +palestine +swarmed +vinci +ragged +junction +amir +diplomatically +faculty +tungshih +vince +shuttles +washbasin +unseal +beams +hundredths +demolition +commencement +omar +waters +aermacchi +pups +superbowl +koninklijke +updating +explored +zadok +surcharge +possessions +hamlets +bulkheads +responsiveness +sharia +co-operate +worsen +forested +gruber +dripped +oldest +chill +nevertheless +correspondent +forgave +testimonial +fruitless +melinda +arresting +catholicism +rests +vaporize +blinks +situation +strategy +responsibly +telltale +stashed +weapons +mckim +leisure +couture +beachfront +remaking +paleo +croix +jiaxing +opportunity +fanny +praise +bartholomew +peaks +lander +flea +suitably +coaster +augur +executives +faith +woodside +parishioners +longmen +album +sing +menuhin +contest +headache +energetic +deriving +commandments +productivity +helps +depredations +given +narrated +mesozoic +formerly +romantic +barclay +grazers +estranged +hewn +pre-election +microprocessor +outlines +collected +paddy +prototype +divest +miao +private +welcomes +savagery +technique +n.c. +rippling +seaport +central +arvind +nbc +membrane +porridge +samford +upward +mali +secretary +reiterating +repaying +allowing +barclays +tavern +i.e. +unintended +laser +embarcadero +juke +ramirez +theory +fearsome +persecute +quackery +judas +interact +incised +overseas +docudramas +undo +smuggler +mid-october +beneficiary +knuckles +pastime +videotapes +icons +chelsea +incapable +drags +weaned +fated +watched +electrified +mailed +arab +pungent +shaanxi +banks +temperament +unties +unique +malay +proportionally +collectively +ralston +abides +emperors +bugged +equip +retraining +budding +pinching +matt +induces +cheif +destabilizing +resolute +zhu +revamping +deterred +irregular +gift +snakebite +horne +unindicted +explained +cardiff +patently +brainstorming +sessions +wessels +downgrade +av +offerings +up +metallurgical +singularly +gain +ms +instantly +0d +shredded +circles +ashen +determine +bills +ribbon +neglected +subscribe +finalists +horror +overhanging +anti-asian +hudson +downside +tease +benefit +miller +reels +treaties +greatness +strongman +telecoms +dodges +hurricanes +hsing +vases +broadleaved +dislike +jeanne +collins +u.n. +hurdles +recreate +math +reservist +veba +ninja +long +storer +pawlowski +legitimate +occuring +appraises +panamanians +balance +intercity +pregnancies +buchner +co-owner +whooper +judicial +waltons +0b +changed +manner +lotus +widening +endurance +headstones +revelation +wizard +armenian +morass +trilateral +non-jewish +rongji +smile +thigh +percentage +rendon +pairings +burnishing +ramadi +decoration +paraplegic +doctors +glint +alas +thriving +fizzes +shwe +00000000 +trodden +civilian +ml +formula +bethany +sponsor +mistresses +rid +hailar +corona +truly +brocade +cs +lichang +oregon +implants +ww +unexploited +bahamas +dysfunctional +ashley +uninterrupted +offered +ramrod +lurkers +infinite +tiptoed +serge +blocks +doubtful +punchy +udai +breeding +wags +belleville +non-military +opto +kennels +ethnographer +sniffs +gamma +celsius +softer +stayed +divested +fiction +bowels +haute +usually +coop +magnetism +lightning +bemusement +shitreet +gaulle +naff +dearly +mobutu +wyo. +advisable +capita +aimal +cons +confiscate +congolese +mascara +untreated +publicity +peripheral +innovation +sovran +buoyant +rafale +localize +minzhang +rollers +penetration +sanctified +crew +benefiting +schwartz +stitching +rwanda +conjunction +snowman +quieted +rocks +springs +manipulate +johnson +shacks +beheading +ensuring +mushroomed +ga +deployable +damper +ducts +blew +hairs +sebastian +visa +snitched +banker +bulky +arbor +charisma +shenzhen +scene +allergist +xiaotong +organizers +latent +promulgated +bye +ailments +rebut +visionaries +skepticism +ex +cal +mogavero +limousines +stoop +objectionable +argue +divides +alms +cynthia +litle +famous +stumble +beihai +kael +historian +feb. +gracilis +boast +unprecedentedly +decomposing +locate +rascals +ogilvy +unobtrusive +increasing +chernoff +rearranges +tories +herring +nun +marketeers +conte +genteel +pingxiang +! +meaningful +ron +potomac +unceasing +nrk +entices +layoff +perversely +pacers +nevermind +expression +otherworldly +flog +dalliances +rechecked +chisel +demography +cycads +indecipherable +kemp +reject +busch +murrah +partitioning +breath +become +medications +lotteries +thundered +equipment +burke +scriptwriting +delivering +needier +leahy +earns +nast +cynical +charlene +colluded +swaying +semi-truck +band +norton +overtaking +provera +invocation +carboni +co-operating +mortality +u.s.a +winfrey +reimburse +pacify +shark +unesco +middletown +action +qataris +relentlessly +risky +seedlings +protestants +trucking +decide +sheeps +nick +mediterranean +mots +african +khz +fulltime +liability +climbers +metaphor +derivative +apathy +perfecta +hicks +valu +attributed +suppressors +power +supper +garratt +bakker +left +income +ratios +downgrading +saddening +laware +panhandle +mersa +denude +mechanic +tallied +pfp +varvara +severest +how +liberation +gleason +dispatch +imperfections +0. +kristol +bragged +witness +urine +urumchi +walkover +evaluation +eight +leopard +william +malacca +flammable +miracles +tony +inexorable +prince +squeezing +tasted +shielded +amazement +freely +carols +sniffed +rivers +indispensable +hsinyi +archetypical +earnest +negligible +singaporean +overwhelming +participants +fluctuate +maxim +intensify +us +speeches +retirement +lisa +tearing +guangya +bidders +cdc +clearances +mea +mystification +disavow +carpenter +peripherals +shallowness +wushe +drifting +h.d. +bottoming +bunkers +caught +pretext +marchers +fiero +coors +hon +mutually +dive +revolve +workweek +wahl +application +coatings +ridiculously +cts +admired +uriel +millet +scenes +tiring +weiping +erupts +dang +delinquents +supporter +venezuela +disastrous +malek +terminology +ideally +wielded +cubans +mcnamara +arrears +confusing +disability +marlo +apartments +manifestation +autos +ghosts +selfishly +bremmer +ha +subjecting +resignation +socialists +urinary +directions +fishery +cried +occult +joking +sesame +triumphs +mcnamee +chaoyang +peeling +frenchman +yin +migrant +salvaged +jounieh +gremlins +unforeseen +dignity +fortuitously +slain +marten +bodmer +clearer +jingtang +specialists +pw +refuse +independence +rashed +ex-offenders +chengyu +basf +learnt +futures +effects +region +constrained +regretfully +commited +rejected +marija +koresh +mirrors +counterattacked +laws +peipu +kisses +min +fetch +thacher +dregs +winton +tightly +oxidized +stardom +eco-systems +judges +testimony +recouped +blindness +allegations +bolin +rigueur +automotive +buildings +ignited +static +evocative +goff +autograph +o.j. +organisation +freckles +pusillanimous +arat +non-russian +clarify +separating +incomplete +schneider +anxieties +jolly +reiterate +endemic +ground +shouted +seater +kyra +lasting +stoppage +wisdom +entrenched +jointly +hydrotherapy +manchu +drum +comedy +bel +infotainment +constance +contestants +stubbornly +what +hey +softens +reflexive +prosecuting +diluted +akbar +marino +ensue +walkouts +coverages +dictatorship +siad +sanctioning +kawaguchi +brainy +moron +selection +indolent +fell +garfield +kudlow +busload +nonexistent +needed +hague +bloodthirsty +humanism +georges +woes +tokai +drugmakers +consisted +arens +live000 +nmod:for +nidal +recommending +accidental +competitions +parallels +scenic +succumbing +holdouts +cranks +aerial +commitments +characteristically +agonizing +cti +ching +combines +rooting +persecuted +abdulaziz +growth +suffered +separated +stands +feshbach +paymasters +purports +troubles +pointless +dissociating +scans +hoisted +remotely +height +commando +swire +dull +planting +antidotes +mid-priced +stalin +funny +specter +similarities +wit +kidwa +relinquishment +booty +formaldehyde +goode +smugglers +restrain +paddleball +retain +digit +stooges +democrat +artifacts +savaiko +softball +squarely +wan +uncalculated +splints +hash +amyloid +screenplay +azman +dowdy +jiazheng +spends +angola +segregate +hints +mansur +arboretum +fetched +williamsburg +perrin +taiping +slade +bei +interpol +manners +serc +xuezhong +substantial +seventeenth +unlikely +proves +gentleness +forgiven +spacecraft +bastions +battered +stirs +reedy +youngest +bataille +excluding +reserving +habu +l' +downgraded +sprinting +roda +races +excrement +restating +disqualified +manliness +entail +anthology +payer +noteworthy +horses +controversy +non-professionals +sheng +greens +chairs +anthem +followed +regurgitated +ultra-thin +hazing +teri +figs +safe +poems +annabel +steaming +tongyong +multifunctional +professions +leumi +sufficient +malaise +journey +d.t +tannenbaum +null +appreciation +afghan +bullhorn +molding +parochial +rivera +chicago +conj:or +broader +contented +bdo +misdemeanor +rahn +inlet +counterrevolutionary +familiarize +problems +bewildering +lighten +scalded +oftentimes +donnybrook +morna +salesclerks +caesar +rationality +task +imran +chorus +commuters +nasiriyah +ways +marwan +mid-day +tornado +lugging +holiday +hydro +corrections +assailants +jungle +jinxed +maddeningly +portfolios +symbolism +yourself +impassively +simple +news +layout +hertz +brooke +wounding +validated +encoded +swallow +ustc +three-star +successors +magnet +flashpoint +affairs +obstruction +microprocessors +artery +cao +nummod +condition +creepers +exploding +cornucopia +knit +warriors +hemingway +heeding +totta +dash +basse +hacksaw +cara +assert +intelligently +yogi +bitten +neatly +degrading +famines +hackett +darkened +yourselves +nodes +overwrought +chanted +trans +fragrances +yongzhi +thu +distributors +inference +cleanup +stipulations +getting +predicament +pecan +wigglesworth +directive +lulled +gongs +leadership +revved +marshals +channeled +documenting +defending +imagery +officials +marcato +seminary +popovic +defray +tabs +mommy +mink +hatch +andre +crowds +incineration +greensboro +sweeping +clearing +delighted +walsh +quibbling +disapproval +clothe +warfighter +downfall +highlight +formidable +dmz +dorgan +fading +wolof +abstract +book +frisk +tepid +mcguire +employed +extortion +mori +proviso +decorations +powhatan +stereotypes +diminutive +elimination +terminally +sharpe +unhcr +hsien +exterior +notes +otto +dosage +militant +insight +bored +endangerment +hesitantly +namib +importance +presumed +abandoning +thickening +unexpected +punching +wheat +agricola +grassroots +brambles +can +uruguay +carnivores +antsy +crime +limp +sat +autonomously +own +no +agendas +marilyn +lutsenko +carroll +yellowstone +shipping +acclaim +majd +overheated +voluptuous +crevices +cutter +theses +than +monstrous +non-working +reigned +splashing +exerted +speculation +nobuyuki +revere +aibo +jacobs +r.b. +pastor +ecu +prawn +rizzo +oligarchic +textile +sieve +riklis +yasukuni +tones +tsai +happiest +consort +sheetlet +coldest +kingston +losses +armstrong +proving +tailgate +sexuality +frito +tape +fusillade +b.c +luminaries +aesthetics +rat +flip +brows +ccomp +confine +posting +crazy +leased +algerian +sdi +subdivided +strafe +books +polyphony +retaliate +undertakings +bursts +bush +busiest +flippant +biologists +nicknamed +gillett +piper +repackaged +samos +shells +airplanes +czeslaw +preparedness +savors +tapings +break +motivating +clock +eradicating +blocs +barrage +erupting +owe +epa +enlai +habib +involves +skinned +mckinsey +get +alongside +root +overtime +handles +levees +attracting +sandstone +torture +hourlong +dawning +smiled +lunacy +venue +soundtrack +shined +willkie +emigrants +subvert +irreplaceable +dmitry +shaved +both +tracks +duties +drain +unleaded +-------------- +valedictory +consolidation +zinni +deduction +shirt +ouyang +worthwhile +dossier +built +gomel +recalled +symbols +aal +cigarettes +fruits +mutiny +treasonable +tricks +spindle +millimeters +angela +jumped +jonathan +unseasonably +envisaged +corral +mannheim +00/00 +wada +primary +protester +bottomless +liberalism +drywall +require +0000th +hospitable +monmouth +resident +colliding +bangguo +barrow +zemin +malik +underperforms +bernice +round +integral +zebulun +weekday +placements +commutes +chemicals +gatorade +masud +unpopularity +murderers +conscience +scholar +rape +robed +totaling +hoylake +ferranti +harshly +cousins +tenders +receiver +tenderness +assault +shaming +ruminated +galilee +barletta +medicated +idyllic +west +transmitting +literati +funerals +panda +instilling +salesman +stage +apocalyptic +pomfret +underpaid +chiefly +atheists +willow +hamburgers +re-elected +loss +surpassed +catalysis +rode +sinica +forthrightly +albania +costly +ensemble +ghraib +wayne +mulford +grammond +grams +yongkang +thefts +applicant +arraignment +alternately +co-director +seals +hindrance +provence +understood +tech +sumptuous +metall +qassem +candlelight +economical +erudition +gregoire +niketown +method +populations +sensitive +videocassette +cereals +merchants +pixley +kramers +sheldon +cleric +amid +trivial +entered +abducting +hughes +bonded +auspiciousness +airing +weightlifting +mechanization +revolver +bulldoze +clairol +resting +conferred +liberals +aiding +firsthand +shareholder +frayne +pleasures +arduous +insights +playfulness +comforts +gaily +reimbursement +plant +dunker +conceivable +trickster +tampered +genuinely +overalls +stints +brat +re-examination +dauphine +sixteen +lie +glop +mcnair +assembled +beecham +lasted +gibraltar +decade +consortium +pot +embellishment +bc +sorts +overtaxed +deliberation +dispersing +expats +washed +colin +socially +porches +mcbride +nightline +rhymed +rapped +beibei +prey +apostasy +frequent +creeping +daring +statesmen +initiate +garnered +stepped +maintained +franking +instructors +revote +iijima +montana +disney +allison +colombia +gossip +jaafari +dictations +tri-service +explanations +otc +fermented +psychiatric +rag +kurt +bickered +dos +loosing +coates +sahaf +ore +fluctuations +farther +surrounded +tenths +homeowner +mat +monitored +hawke +shing +conclusively +junsheng +ingot +studies +overvalued +sixty +repressed +instigating +spent +zhiyuan +bathtubs +detract +taoyuan +lamb +sleep +injuries +newly +tamar +enclosing +philadelphia +petrie +meredith +sweetened +harkins +shaping +expatriate +disagreements +polymerase +atmospheric +prague +songjiang +ara +drank +woodward +faiz +ozone +scrutiny +o'rourke +accident +bother +inspectors +realtor +reparation +millionaires +corked +guaranteeing +recapping +variations +handing +phones +conspire +recharging +websites +asking +staging +barth +hsa +long-term +distended +rejoiced +banning +abided +herald +sanford +transplanting +fertilized +advertisement +odors +suffering +shut +bylaws +centigrade +refreshments +kringle +whined +halves +gallon +chaozhou +mild +dukakis +pike +hau +incidental +vitriolic +vendetta +etzioni +compromise +lewis +dolby +waitress +mountain +potentates +ending +pearls +mad +slates +revenues +launches +converted +co-president +foreground +budgeted +teijin +viacom +hua-chih +sentiment +felling +forrest +ill. +ordinarily +jeffrey +modification +frequents +wanhua +letter +senate +n.a. +neophytes +ex-member +spawn +00.0 +mose +differently +entertainment +coniferous +murphy +waksal +wis +bradenton +reputations +northeast +gloves +xue +thorns +wrestlers +overthrowing +farooq +hong +pro +betting +singer +governorates +wannabe +insulating +joblessness +overflows +harsher +media +medi +jokes +orchids +fortitude +porcius +consulting +stably +dren +motivations +exhibitions +lufkin +freighters +ethylene +mcintosh +elliot +vindication +abreast +ruyi +admonition +loveliest +dogs +invent +cordial +predicting +seventh +old-style +slipped +retirees +dongsheng +soloist +lifers +steeped +handsets +lianyungang +commercialization +vii +antithetical +re-examining +decibel +blarney +disposal +iran +provisional +smirnoff +decontaminated +anti-communism +aliens +sam +ebay +cul +jeffery +militiamen +saving +intensifying +imperfect +evasive +screams +tina +harshest +milligram +ornamented +atropine +transported +craven +deadly +cela +n.v +valves +freeways +nullification +crooks +schultz +glauber +accessory +sanwa +vows +perfunctorily +independent-minded +archer +militarily +weekly +depressive +flavour +breakdown +quote +imaginings +technion +georgio +policemen +rupert +ripe +homicides +peaking +suhong +offer +praised +blessing +refrained +flash +dunes +lukes +infections +quelling +proposals +admirable +photo +shields +supercomputers +hammond +lot +befriend +vortex +uncultured +careening +robber +janet +scoop +sprained +unopened +boies +waded +scold +nannies +beetle +ped +counteracting +suffice +panmunjom +propagation +kofi +laurels +hour +hongshui +sarkozy +granules +casey +basement +sweeper +seiler +dempsey +gotshal +mid-december +connecticut +intoned +encountering +telephones +sixteenth +allocates +ashland +pros +dear +wilt +yue +defeat +conformity +slated +velocity +spca +formulate +casket +pet +xiong +unequivocal +mend +sallah +wertheimer +trafficking +nay +achievement +cross-industry +purcell +rained +breakneck +discard +ehman +inescapable +refer +nightwatch +comb +recycled +dallas +cites +middlebury +noticeable +actualized +outward +treasures +best +constituent +wording +auctioned +arden +commentaries +sen +sadr +disobedience +burnout +esty +rural +rebels +gifts +bypassed +hawthorn +biomedical +shadow +unarmed +pinging +jolts +discharged +pre-departure +dispel +lanka +brainchild +wrap +valid +sardi +november +wanting +omb +attractions +decreasing +stove +speaking +six +accumulation +thinking +unloved +ashtabula +avalon +renovating +electoral +spasms +sued +tablespoons +wastes +advisors +canal +geza +abatement +sand +schafer +handsome +augsburg +belonged +brent +photographers +compel +look +complication +costs +outstripping +marketer +faulted +shortcomings +point +unr +0000000 +opening +paxon +duplicate +hairy +assist +clusters +jasper +sigh +kunashir +purchasers +nestles +goose +into +strategizing +easier +diameters +swap +housemate +written +juicy +san +multinational +timetable +parastatals +clutter +torments +brawer +greenberg +grapple +bonuses +foxes +ashore +resources +pentecost +terms +partied +captive +w.d. +gangster +'amour +whoever +firstly +telework +shocks +presentable +worship +courting +hardline +notation +appropriations +distracting +lama +d +unification +bashiti +awning +piecemeal +dwindle +passport +immediately +tone +filthy +samovar +spying +densities +reluctant +disbursement +andalou +emphasize +weapon +ogata +% +coincidences +crept +residential +screening +caleb +variously +yael +vectors +reduction +bermuda +encountered +huang +illegality +appendages +upjohn +exuberant +scripts +westmoreland +deckhands +unqualified +siano +stanislav +crudes +infected +kudos +favorably +toenail +samsung +revocation +eerie +yan'an +armors +recital +faceted +panache +buckshot +revoking +harmonious +fortune +blacks +ripens +uch +motsoaledi +monroe +practitioners +warship +terminate +distressed +trauma +fourteenth +intolerable +preliminaries +solidifying +koch +befalls +warsaw +sorrell +spy +likelihood +piled +navigation +spahr +p.k. +post-colonial +squamish +burkhart +presumably +fifteenth +projects +evangelical +fayed +gas +evening +nenad +sparse +dining +ancestral +qu +escalates +justifies +ti +stumped +hacked +wince +tourist +isle +languish +salty +explaining +predicted +livelihoods +inaugurate +rampant +glean +bacteria +misunderstanding +evaluate +simplistic +jail +rideout +mobbed +banquet +ag +outflow +comedic +crimson +walls +food +cork +cabinets +bailiff +franciscans +football +particulate +spouted +mag +philippi +brother +santa +discretionary +dress +bargen +mindy +ruiping +nsa +roadway +gad +roun +hali +lice +popularity +initialed +jenkins +headsets +inclined +maverick +underwent +madam +compares +gender +dissent +mail +typically +coxsackie +funnies +.......... +midst +sovereign +gratitude +hailstorm +garry +waved +venture +prepping +clandestine +stone +staple +talking +kader +horrified +isabelle +spanish +electroplating +dapper +guillen +credito +playboy +locomotive +dow +rules +lastest +geometric +gilo +procedures +craft +psychic +dissipating +archelaus +baseless +gentility +spacing +disciplinary +paraphrase +eruption +plummeting +canvassing +installs +vandenberg +overnight +use +legacy +aid +bellows +allotments +precursors +impulse +gulick +mythic +contras +kilo +unofficially +originated +mavis +forging +orthodox +megabit +urging +pleasure +carr +queens +mired +ceding +bicker +waffen +redress +kan +medals +computerize +flock +solidly +brushwork +asensio +recurring +bullfighter +rmi +theories +stooped +infrastructures +grows +vias +ejection +coordinated +mothers +hit +alleys +taxes +reasoning +signifies +fences +bang +annoyance +hours +concurrent +fundamentally +vacuum +cockpit +reacting +founder +co-editor +zeitgeist +cage +airstrike +orchard +blogosphere +augusta +misfire +jihadis +sportswear +hassles +wiggling +xinjiang +skyscrapers +helicopter +knesset +kleinwort +tarpaulins +sarsaparilla +health +neurons +parallelism +played +perle +nutting +oh +scrutinize +sectarian +horan +intervention +assaults +frittering +gauge +likud +behaviors +poachers +00.00 +seems +joints +alisha +slave +calculator +silted +misdeeds +cradle +dictated +flex +riskier +shelled +detrimental +edmar +augustus +tharp +customarily +shoehorned +repairing +petro +nonvoting +kitts +menna +paradoxically +tyrannus +rebellion +bangladeshis +sens. +basit +burner +reset +abysmally +smarting +caucuses +indicators +tertius +pulchritude +want +wilm +........... +charlton +unidentifiable +invade +renounced +us$ +anti-takeover +cocktail +disguised +reciting +gladys +hornaday +i. +integrity +unfiltered +traits +gulls +es +matching +influencing +eyeshadow +avi +computers +mcduffie +chalked +banco +ipods +cutest +touching +filmmaker +itochu +believed +refocused +kuroyedov +entitled +disapproving +high +griesa +increase +queen +lingua +unless +nobility +non-moslem +deserters +dumas +helmets +hoffman +multiples +psyllium +pretend +blink +tires +softy +observance +bernstein +congressional +rabi +scoops +linking +marching +asiri +abrasive +anheuser +smalling +conjecture +anti-piracy +allen +pulse +draper +allowance +rifles +booming +borne +lankans +rigid +metamucil +commemoration +fps +gon +underfoot +meritor +pei +junkyard +bakersfield +----------- +traps +doubleday +puchu +inside +leaves +penalize +lire +dean +bonecrusher +wreaking +graves +measured +future +allegation +world +janna +proliferate +complicated +ngos +spotted +abode +jawa +expounding +meting +wheeled +sana +jamaican +pumps +verdicts +basing +short +sexual +dormant +conservationists +pitney +hallucinations +acclaimed +authority +nice +uneven +flashlight +'re +bracelet +withdraws +drilled +malcontent +bribes +detractors +antelope +wenceslas +beholder +archa +hostility +smokescreens +dimes +regulatory +perfectionist +rhetorically +hobby +infiltrated +spence +rubicam +libidinous +nielson +perseveres +gainfully +monetizing +decaf +aggravate +behave +tollways +reply +blisters +kessler +keye +unsc +branford +wilbur +oakhill +jose +retracted +friendly +evacuation +clarifying +rages +disturbance +swelling +appraise +potted +cleaners +guys +aetna +else +overjoyed +explain +deliveries +eleazar +court +dreamed +zhengying +taichung +pens +averse +dwight +electing +emigrate +laughed +from +urged +sunkist +suitable +afrocentric +eagerness +jieping +possibility +refugee +arkansas +overt +tallest +inextricably +blow +fucheng +persia +creations +jaber +honored +pricey +corruption +remorse +legalistic +slant +com +tabulation +quadrupeds +sherron +b- +uproar +ache +precautions +ailment +registering +dominating +strands +letters +decor +dissembling +master +hotly +literally +glamorized +mist +commended +promotion +ball +improves +unremarkable +payable +aftereffects +unbearable +ponte +pathology +banded +furs +nickel +prediction +maturities +scriptwriter +archeological +carp +louisiana +resplendent +empathy +fares +shove +turnout +galle +flintoff +desolate +recompense +owen +hafer +developed +responded +elaborates +altruism +unfathomable +weaponry +fujimori +chased +locarno +housings +u.k +utilizing +tribe +subversive +antagonizing +play +resistance +desecration +fills +twice +pro-soviet +sasac +froze +hayao +discriminated +touchdown +slackening +clothing +translators +flautist +torpedo +stacy +corpses +curriculum +andreassen +emphasizes +vested +pharisee +num +discriminating +thirties +remake +pairs +commemorative +tangibles +inflationary +dulled +zhicheng +safely +soviets +lifespans +jong +transactions +commendable +grabbing +recovered +quoting +proletariat +heats +arabized +guaranteed +spread +hemlock +distant +starry +rudnick +traipse +objects +tarsus +ships +anti-trust +snowball +brassai +confirmation +enviable +lobster +drainage +hunk +scored +yalta +admitting +mentioning +unplanned +warmly +recognize +cos +triumphed +consent +tom +lethargy +baptism +buttoned +idris +toasting +ribs +labs +lifelong +surroundings +feisty +functionalities +follow +generic +walkout +nostalgic +amused +demand +terminals +diagnoses +subsidy +resold +gucci +aquarium +speculative +oaks +efficiencies +rhythm +brightly +resumed +00bn +liberate +bellsouth +farsightedness +adherent +evenings +monday +retainer +nmod:than +detectors +ccd +forensically +liz +foundering +indian +tunneling +flowering +resupply +phoenicia +burkina +brick +farewell +guilin +positivist +neglecting +backfire +reactivated +karp +triangles +hairdresser +mujahid +sparrows +getters +watchers +mechanically +nationalistic +cincinatti +xiao +mir +altman +soho +leads +near +panic +boer +nuns +encroachment +throbs +switched +pre-trial +complimentary +jerusalem +alcee +recruits +mills +disorganized +superdome +dank +cosmopulos +context +diabetes +carleton +cloture +coordinating +zhong +rma +arabia +wobble +underwritten +strategists +dreamlike +soyuz +lyricism +lugou +aav +famously +sticker +uncorrupted +clint +moonlighting +jefferies +re-enacting +reflexively +unfounded +pence +bruised +so +implicitly +applaud +exploratory +passageways +wash. +lehn +untouchable +finish +welter +first +saxophonist +airbase +auctioneer +u-turn +confers +derail +gillette +freaked +uphill +respect +clancy +legendary +overprints +concluded +ual +benefactors +rive +topics +militarism +unmarried +millstone +circling +entrust +hues +functionaries +socioeconomically +puerto +superstitious +burgeoning +unwarranted +quake +opportunist +knopf +extinct +variety +paintbrush +burnsville +fungi +pedro +defenses +coming +trucker +invoking +eradicated +personalized +repackage +smoothest +recoil +categorize +cologne +rufus +inspiration +expeditions +comforted +dooming +javelin +impartial +marxism +practice +shah +vintage +amazingly +joerg +sinking +relaying +clement +car +eccentricities +torrington +aires +countermeasures +amok +inter-american +sephardic +historic +nmod:into +dusty +assuredly +included +combing +funded +huai +sneaky +conductor +handbooks +skirts +jalapeno +deposed +weisman +uncensored +apt +governor +statisticians +spook +tall +federalized +quiescent +oath +searched +psychologists +dimond +industrials +colonialists +sackings +diesel +clinching +commode +splinter +greenspan +reproducing +abu +criticisms +amasses +courier +documented +crouching +receptive +nile +importers +faced +bard +putz +geologically +rmb +usual +sakr +rescuers +lyster +editor +narrower +include +lichtenstein +scratching +smithsonian +glenbrook +surrogate +paralegal +sanders +angelic +revivalist +lish +fcc +aegis +true +ten +crashing +hebrews +scholars +programmed +stomped +miguel +sher +reimagine +allotted +argentine +complaint +groceries +came +preceded +wracked +cravath +contraction +make +mocked +isola +nuisance +friendliness +borrows +twin +fore +outgrowth +anxiously +halfheartedly +eavesdrop +` +silvers +baker +maggot +helaba +tiger +onetime +grannies +plasma +ridership +henson +mustafa +cars +overall +tempers +provocative +nearing +refinancing +fires +aimless +drastic +freak +doors +hidden +deal +demons +bookkeeper +natwest +fritz +addi +wake +transcended +broadcasting +occasionally +squeeze +egon +groupie +admin +glowing +technician +lightest +trustee +phelan +directory +hereabouts +inescapably +roam +below +awakening +christs +currying +you +ubs +weiss +titans +goldman +rusty +neville +chooses +swamped +unjustified +prospective +interleukin +transcending +brookmeyer +exportation +fond +protector +acrylic +beor +unsurpassed +ossification +editorials +garcias +rodents +buddhism +lt. +suckers +brooklyn +chung +jergens +exam +indignity +harvests +lifeless +mystery +accordance +capistrano +stubby +lobbied +byproducts +enabled +abscam +stumbling +joppa +furnaces +bestiality +beef +guss +tcl +dawn +nyse +lions + +sabotage +standstill +gathering +delaney +rinse +compromises +evaluations +scarcity +cutters +shem +cohabit +prosaic +busier +galileo +humility +cerebral +upside +searching +appealed +lobbying +romero +stature +methodically +acts +liable +violator +cultures +strickland +beckett +squeezable +screen +chernobyl +novak +edging +republic +quilt +extraditions +non-starter +microcomputers +unionist +bendix +accused +phase +line +clear +trade +post-cold +parlay +law +airs +oilfields +size +axe +nod +beauty +several +powerboat +wrestles +escalating +kilograms +calendars +justice +deman +mercilessly +promoting +impersonation +beautify +enormity +ultimatum +molar +governors +upheaval +committed +blending +beatings +throats +abizaid +grilling +floodgates +sandals +natalie +di- +functional +eradicate +firstborn +irishman +comparatively +tended +bulge +ty +tuition +makers +andrei +hope +heckman +dismay +seriously +0nd +acupuncturist +nonstop +hendrik +orbiter +takayama +bachelor +mutant +goncharov +dissented +lender +brook +logged +royalty +00st +oft +loyalist +dao +evacuated +legally +peso +plantations +science +visualization +dock +morons +inertia +carey +lightly +harping +centre +tribunals +dennis +stooge +waking +beaten +err +pearl +scrubbers +overbearing +tarawa +semi-public +tomboy +gateau +efficiently +wage +monsanto +demobilizing +defer +adequately +persistant +speculate +afghans +randi +segundo +bridge +perjury +blinded +courtship +electrical +sever +misrepresents +vacillation +tonga +carefree +concentrate +colorado +declines +predecessors +ticking +zeke +hovering +thinker +picturing +politicos +meteorological +sponsored +traumatic +wears +littleton +familiarity +yeah +dew +incentivize +swerve +riegle +offs +gis +forgetting +abb +electromagnetic +calligraphers +sadiq +base +regions +fingerlings +amethyst +congress +served +seeming +herbig +countermeasure +checked +tightened +eighties +competency +progressing +journal +afp +comp +noting +blaze +billings +dwell +chadwick +conditions +trampled +tunas +corporal +sync +couch +qualification +tibet +sixtieth +tarnished +goaltenders +cashed +dehli +aksa +significant +immanuel +decided +razed +sorting +cookie +funding +falconbridge +demeanor +atrium +sonet +featherless +motivate +spied +diet +territorial +landrieu +dependence +walker +waxman +xiaobing +incense +portrayal +emeryville +deranged +nondescript +hospitalization +coller +unsecured +judgement +patriarch +reestablished +cubes +frisbee +replaces +blackmail +zdnet +decrees +used +baqir +barrier +refueling +yeh +mey +absolute +dorothy +flyers +irksome +avers +surrendered +sashes +flaky +matryoshka +exploded +haul +shafii +reforms +lingerie +yasmine +frail +brad +haber +builder +pears +stoppages +honduras +measurement +feedlot +riches +cultural +abramoff +ligament +hikers +chlorine +otherwise +liquid +xiangning +value +observation +pushy +responding +boycott +lunchbox +parson +precise +commentator +profitable +labrador +totalitarian +multibillion +strains +segolene +batches +whirl +apparent +footwear +inevitably +tried +prostitutes +gilmore +fetal +baath +transports +wood +ratcheting +discerns +springer +beckwith +booth +reflects +pinpoint +martyred +sultan +vault +finanziaria +loquacious +tillinghast +legend +compels +enchantment +horns +enigma +unifier +mittag +junichiro +strongest +idiotic +banish +shepherds +improve +treated +essentially +stumps +sugarcane +getter +collecting +sponsoring +perspectives +resigned +relived +branches +reluctance +admission +decking +sexpot +research +rustling +reestablish +blitzkrieg +tanigaki +pay +graduates +reoriented +worry +pupils +candidly +xiuquan +difficulty +yulin +britta +seclusion +pro-milosevic +fiscal +angled +experimental +cleavages +apia +practicing +rebuff +burmah +perhaps +refinanced +does +hankou +stretch +staffed +nausea +laff +genetic +hauling +paraphrasing +militancy +stack +fiddle +distinguish +schmidt +previously +metro +levying +braved +district +writings +kuwaiti +intoxication +quaintly +loony +quorum +marathoner +zionist +mistreated +owned +ecstatic +csi +'d +bragg +sprinkled +gannan +photonics +incarnate +duplicated +collectives +mates +erotica +cyanamid +factions +spiral +magnate +distinctiveness +slowness +attachments +zeroing +rain +advisers +villager +fingerprints +adoring +topping +pins +ultimatums +asman +unanticipated +island +restate +postponed +corrosive +willed +creole +inscribed +tempo +ury +biped +curfew +slash +activation +kosovo +rudders +amiable +bleed +stokely +observatory +enrique +eminent +paranoia +methodical +painfully +causes +cultivated +litigants +enslaved +tick +yahya +slickly +tnt +guoyuan +appreciably +forever +miserably +ex-employees +responses +knotty +bothered +skills +biographer +audiovisual +goddamn +colt +summit +alcatel +airway +spinner +kicks +flexing +capitalism +material +strikingly +highs +burnham +non-arabs +tajik +fashions +specimens +descents +pete +ismailis +brewing +kidnappings +efficient +winner +overran +absentia +austria +elaboration +unrivaled +shoreline +margaret +partially +forry +streaming +transplant +rooftop +mentors +emblazon +laziness +cross-ownership +carnelian +assumption +patients +siloam +aviaries +gorgeous +cuban +persist +environmentalist +incirlik +fortified +nouvelle +equalizer +pregnancy +across +location +reining +erm +patient +marina +caac +kind +morose +attacking +co-operatively +arches +farewells +setback +alfonso +chirpy +assortment +fosse +gana +hwan +traumas +claimed +willing +boards +injured +nmod +strengthening +adultery +moths +fez +abuses +bunny +burdensome +agreed +mountaineering +travellers +finishing +makeups +noble +solve +embargoes +screw +extinguish +vitality +architectural +riles +vehicle +consultative +siphoning +flesh +rhine +undermining +effortless +pro-environment +legions +mistaken +works +pita +inching +municipal +abjectly +matchups +user +dismembered +classes +roper +nothin +devoid +abbas +environmental +requirements +oceania +croatia +naples +marks +frustrations +paves +commented +harmoniously +outlaw +throwers +brains +airwaves +throwback +petition +state +molded +therapist +breeds +superstore +interiors +giant +magi +admire +explosion +heartily +close +moral +barents +backwardness +subway +exporters +anti-chinese +submission +installments +rifle +carcasses +same +confiding +dorian +scottsdale +acceptable +fiesta +busies +untrue +novice +shoo +defendant +buddhas +anton +interpreting +chiefs +matters +disavowed +endometriosis +filmed +lavishing +tendered +upstanding +engelhardt +retailing +astonishment +wudu +thinned +mawangdui +thorny +thereof +waste +chronicling +underscores +marlboro +judaism +vaunted +jack +squatted +ruffling +schumer +subspecies +ibms +vice-premier +ua +tipped +np +outlived +vegas +willie +mcalary +anadarko +obstructing +postage +categories +conscious +skulked +...................... +jokey +soot +anti-communist +fulfil +trays +zbigniew +teng +hiroyuki +huaqing +plantation +absenteeism +ming +mcdougal +advocating +jiaotong +hubel +breads +landau +dick +extorting +expenditures +claudio +sharpton +syria +brimstone +programming +trudging +colette +faberge +preferences +transliteration +tremendous +explanation +burglary +parades +judgements +last +thicker +encouragements +carving +tijuana +xian +overthrow +anatomical +melodies +discos +lubbers +peafowl +haunted +corporations +aided +smokers +re-examined +arrange +hormel +deftly +mv +travis +matchbox +inwards +upgrade +fernandez +litton +pill +setups +eve +anti-soviet +evade +grades +roads +jobson +decreed +vicente +eduard +incorporeal +pilings +crusty +reams +lrc +spouse +shida +aesthetic +lounge +tokio +neck +facets +neutron +seperate +ohioans +sandrine +vascular +flagpole +directors +disregarded +talk +o'loughlin +net +junk +prevent +pierre +buying +niles +annoy +ackerman +preparatory +leiby +lamphere +obed +snubbing +repair +kean +diversify +shoplifting +gyrations +brands +rival +clutching +indenture +going +dillon +gunboats +picks +dreamcast +pinched +squandering +youmei +controlled +uncontrollable +disparaged +fails +greeks +shred +khomeini +sharpen +femininity +rosemont +turnaround +gangsters +exited +lifted +rewards +suited +opposite +committees +focused +eying +pumped +antimissile +sik +shied +surface +voodoo +est +matthews +weizhong +unexplained +shangqiu +submit +dividing +amortize +spine +resins +breaches +scali +sutcliffe +duvalier +thaddeus +de-emphasize +stoke +dou +interrupting +terri +demon +sympathetic +apparently +expire +bitter +poisonous +affected +replace +russo +unknowingly +effective +cheerleader +annuity +pauses +principled +epilepsy +normalize +gentry +post-katrina +s&p +ceaselessly +insists +explorers +computing +release +gaf +hanoi +siamese +songwriters +frosty +cafeteria +lighter +adams +keenly +epiphytic +laboring +hyland +gainer +isuzu +illness +duck +borrower +armor +borrowers +myrrh +hungarian +familia +orange +soul +killers +magruder +conscientious +satisfies +contributes +nordine +crashes +rowland +perpetuate +porcelains +dpp +fitzwater +imaginary +transfer +erik +repelling +dermatologists +henchmen +disjointed +sixth +insulted +perplexes +leagues +focussing +singles +leung +kidnap +manslaughter +acquisitive +dream +eskridge +mahran +hsieh +treatises +environs +earthmover +poetic +insubordination +_______________ +robes +ingram +spewing +jetliners +library +downstream +co-chairmen +islands +scythian +nineteenth +talent +holliday +honduran +womb +jiyun +jungles +between +livestock +specifics +kiev +dinar +billah +appearances +pardoned +botany +materialist +docks +receded +weinberger +counter-claims +rigging +inland +malaysia +tactic +ukrainian +eluding +reaching +netanya +ruffled +clashing +church +patronized +exempt +footprints +conspiracy +cordially +flops +saplings +scorched +mostly +rodham +hefner +vanities +schaeffer +himself +minivans +railroad +nigel +prop. +lighthearted +princeton +edinburgh +sabhavasu +disappointingly +hurtful +insulting +fengshui +boors +shoplifter +noiseless +bryant +revival +tags +subscription +recalibrate +drowning +creed +tumen +betel +surely +tolerance +heading +oranges +cans +swell +jonesborough +finches +retake +preferential +liberte +nunn +habeas +condoning +libor +punishments +gur +acquire +mutilation +identifiable +spirits +sum +quanzhou +rectifying +paternity +wholesome +pirated +computerized +rum +likens +excel +questionnaires +important +syllabus +pronouncements +kingpins +illustrated +fortieth +registered +security +edits +tatun +victor +dawood +soliders +nailed +mutual +lynchburg +standardizing +koenig +undetermined +outlook +disdained +concentrates +unraveling +baffling +adhere +sensationalist +grinding +ceramics +telegraaf +ananias +l. +par +fireplace +extravagant +dropping +overstocked +grounded +shawn +percy +known +graded +slavin +yangmingshan +morning +eliminated +liao +exhibited +abortions +interpretations +xiamen +trials +anti-u.s. +upshot +bert +egress +apprised +chains +author +marshal +flaws +prior +standout +ricardo +dod +attackers +radically +citations +solzhenitsyn +conviction +necklace +wastewater +gingrich +00/00/0000 +kansas +roe +forgotten +referee +bruiser +hallways +rigs +course +accounts +a.m +kilos +daqing +ciminero +no-parent +cross-strait +sandwich +yarn +testifies +heller +gelatin +fide +sandalwood +prudence +lauded +hating +trucked +sal +harrods +martyrs +whole +kurzweil +tax +plastered +chiung +envy +strung +calming +monologue +vice-mayor +tolerated +showings +intellect +speciality +christianity +fangchenggang +above +consider +tedious +garber +corroborate +retinues +britains +spiciness +republicans +cyberspace +reminder +budgets +deng +takeovers +guises +monoculture +disagreed +edited +klerk +gangs +fogged +healed +sellars +adriatic +woolen +beryl +cocoa +warmth +stamina +tore +blessed +lawyers +partners +catheters +fitness +aquila +injected +corazon +restrict +nain +underline +hostess +investigations +contraceptive +kaohsiung +a.e. +lukang +claiming +schuler +electricity +rehabilitated +submariners +interacting +liquefied +fm +ducks +abuse +dumps +skittishness +paris +woods +cordless +ford +rueful +hurling +haunts +climatic +westerners +attachment +underwrites +fundraising +listeners +solid +dismissal +delegate +optimum +# +tricia +denver +televsion +camera +nichol +contracting +existed +personally +caring +ramtron +right +mitigation +doolittle +magnanimity +governance +estimation +assemblymen +t. +districts +embarrassing +mep +properly +fudged +compromised +strengthen +stearns +dorsey +roared +receive +candidates +negotiating +emigrant +chengchi +minding +meet +reached +criminologist +angle +buffed +cohort +fiftieth +hastened +qualifying +loom +goal +inquirer +wyman +latoya +mimi +nn +beebe +hog +leftist +satire +achieve +indulgent +closedown +bringing +edible +eleventh +superhuman +internet +sidestep +plus +tvs +carpets +concern +workstation +lies +intrigued +martine +belligerent +bureaucracies +climbed +violently +unforgivable +himalaya +occupant +ingredients +seleucia +analyses +eber +huts +000th +semblance +mouthful +pecks +lagos +stole +horsepower +hualien +commemorating +submissiveness +concepts +compensated +kowloon +trickery +bids +titanic +cyanide +yusufiyah +ppi +prostate +adventure +rationalist +manchester +cheeses +indelible +pomegranate +testers +waterways +mcclelland +athlone +dialectic +blossom +thanked +quartet +welcomed +distributes +armco +nutty +neared +lurie +tang +oxidizes +inhibiting +bu +harpists +biz +athlete +dominant +blackouts +plead +nicopolis +removal +prize +wizards +enjoy +withholding +px +yearning +lurked +globe +daub +differed +firefighters +irish +showcase +negotiates +foretells +wool +soochow +lara +southwesterly +maclaine +menstrual +cheater +vacillate +tinged +practical +battle +distancing +yichang +snowstorm +pouring +combinations +saleable +nmod:according_to +astronomy +verne +cross-over +mentioned +yantai +greenery +gamey +mar +sightseers +laughing +burgess +guard +studds +me +annas +inconvenient +colorization +missus +doubles +shalhoub +pistol +panetta +contrasts +parrott +rotating +alcohol +jokingly +industrywide +municipalities +transferred +usairways +acquitted +loudly +barns +residents +socialistic +serafin +bender +silences +gonzales +jurors +valiantly +matter +playful +feeling +yoghurt +edged +trembling +hum +dated +steven +homo +dysentery +pratas +ruin +automobile +tarmac +observe +vice-foreign +globalisation +lonnie +invisible +pows +avila +roi +huizhou +bottom +polyps +l.a +montage +peacekeeping +advertorial +obscene +wort +waging +absentee +assimilate +northerner +boettcher +flexible +influential +swoon +meserve +heirarchy +n.y. +kilns +rooster +newshour +cent +trellis +kursk +militants +nabisco +anticipation +buchanan +embrace +playstations +buenos +glaring +amusements +multilayer +quieter +nynex +overlooked +bogged +hungary +quantities +africanist +reorganization +obnoxious +andrea +disappointments +statesman +observed +jordanian +dates +wheels +nader +stranding +inter-group +accuser +teleworking +stamping +midsized +bargaining +rethink +recent +tans +cubicles +boycotted +burglarized +citric +recognition +ancestry +bai +java +imminent +medical +workforce +undeterred +passionately +riady +vein +double +wpp +confessing +remedying +polemic +doctrinal +pinball +abide +convicts +poorest +chariots +ben +recuperate +retinoblastoma +vapors +servile +o'donnell +legitimately +banjo +aerospatiale +zhibang +retrospect +aiken +softhearted +honda +quashed +re-engage +barlow +drunkenness +solution +brakes +performances +dialing +prosecuted +r.c. +sectarianism +co-existence +aside +bmi +mainstay +pre-competition +amis +baseer +ordeal +enumerate +coincidental +proceedings +puberty +hardwork +re-organization +emulate +nmod:against +spur +healthier +revising +living +wishful +retreads +compelling +swing +niche +complimented +lopsided +north +gale +ze +fernando +militia +hari +indicator +mil +getty +pitstop +gauloises +multi +weep +refuted +precaution +ernest +vanquished +nearly +melting +epithelial +runnion +delegation +gargantuan +restive +elvis +gemsbok +loaded +lens +warmest +carnival +marked +kill +mantra +peddled +cupboard +rudimentary +bass +designated +skirting +uneasiness +skyward +olav +deloitte +conservators +sniped +guildford +imagine +domed +mandate +transmitters +irresponsible +cargill +slimmed +caracas +notice +ting +mode +tissues +corpse +t +hole +ruud +pollutants +cleaner +asia +deed +ismaili +harms +drapes +conveniences +bremer +unbalanced +oral +partial +costa +provision +bergen +premier +lover +monuments +xinsheng +liaoning +inspire +guy +tentacles +debauched +anytime +000.0 +scabs +faltering +milky +africa +g.c. +quarrels +convinced +ferment +spokesmen +scum +ladens +staircase +jihua +legs +overreact +brazen +tools +mats +rolan +cognizance +kevin +handbasket +steals +clay +enid +commenting +po +milieu +rendering +chinese +fostering +sinus +pitting +strenuous +crooned +bans +colgate +swapping +nuveen +regrettably +sickened +political +raping +possession +guts +role +maurice +yonghua +sympathy +fifteen +trunk +lethal +pale +plain +alamin +schedules +loyalists +package +wrack +entangled +whether +transcends +zacks +cote +merrill +fireball +multidirectional +ecological +tnn +score +onto +utmost +sweaters +yachts +steamers +sustainability +howdy +juilliard +rainwear +muskegon +rapid +abbett +barabbas +paraphernalia +wrenching +teacher +rightward +light +willfully +nmod:/. +subversives +precinct +questioned +carpus +priceline +arise +claiborne +gottschalk +smearing +capote +enact +amorgos +ism +revolutionize +faulty +aspersion +mop +lilic +wrath +hedges +regardless +halfway +technologically +caa +contests +pamela +standbys +scorpions +drawer +inhibitions +cannons +golfers +imclone +distinctions +spilling +federation +deceitful +nestle +whiz +surging +hypothesized +respectability +prevalence +worshipers +duh +unharmed +germans +scarborough +loads +haitian +hendrix +steadfast +ark +replicate +post-processing +disciplined +shu +winston +eclectic +filmmakers +tribulation +[ +recounting +fanatically +wennberg +tray +coastal +malloch +cvs +sia +talks +mischaracterize +centrist +collar +counterweight +beilun +evenly +bowa +snowfall +oblivious +oak +sponges +consecutive +mara +contra +rumble +refers +pollute +grooming +landscaping +financing +delaying +carson +rcc +uday +aftertax +politician +songs +dakota +agile +impersonating +instituto +convicting +appointing +philemon +sharon +bethesda +vips +mcmillen +minstrel +unmarked +glues +arrowheads +roughshod +mistaking +resembles +bidu +fort +categorically +pro-nuclear +graduate +guardedly +amply +sore +effort +rapper +reflect +stalking +sverdlovsk +logos +drowned +dredged +appreciated +accommodation +columns +conservative +system +facilitates +narrowed +easy +mutating +ruble +immunity +appropriated +dna +exchangeable +powerhouses +baptisms +do +strengthens +kowtow +wafd +adoptions +factories +abijah +verify +shudders +donation +rosenthal +acclamation +pageantry +newcomer +meanest +kang +gigantic +cure +holloway +non +matheson +computations +never +rocky +foolishly +extravagance +cocktails +re-enactment +combined +blowouts +revitalized +0,000.00 +restraint +kennedy +bakhit +constituting +modem +mccormick +pleasuring +trappings +gung +booked +registrants +inspirational +tutsi +refocus +sawn +fujian +netherworld +terrorists +splatter +bluff +fix +veiled +commodity +silicone +desierto +confirmed +anymore +ivan +parlance +pilot +trustco +strangle +sea +dispersed +guesses +untie +umbrella +reinvigorated +dispose +boy +fusen +forklift +rangoon +diversity +enterprise +qays +sharps +fao +centers +loudoun +scandinavian +discarding +packaging +------ +dershowitz +symbology +members +celibate +manuscripts +impoverished +displeasure +co-managing +slapping +inspected +gently +thanking +synchronized +slovenia +snoring +serve +westernization +anti-competitive +bourgeois +sohail +lindsay +offence +haircut +regret +judah +pamphylia +rebuilt +peterborough +nested +pro-american +creators +attend +disclosure +gentile +thesis +beggars +olympics +it +statistic +precipices +prefab +adelaide +matisse +norquist +cypresses +changping +compton +stages +twelve +conform +capable +yuri +thirst +managements +hitches +parenthood +taboos +foundation +inspections +disabilities +energy +tribesmen +octane +woe +inhabitants +teeny +casper +kigali +mid-sized +methuselah +schloss +wagon +non-interventionist +joaquin +zagreb +leaped +hackers +nicolas +timor +derailed +cadge +deducting +lapel +blows +males +quicktime +bickering +o'connor +hallowed +spearmen +intern +sincerely +company +oppressions +haystack +calcium +likeness +commercialized +log +correspond +protested +because +departments +rambunctious +yeast +conj:and +ginger +gitanes +capsized +schemers +plutonium +unshirkable +metrorail +chardonnay +exquisitely +peiyun +canaanite +mentor +podgorica +jumbos +later +gloom +ethiopians +orrick +strangles +during +airport +notification +boa +hollywood +xiuying +raccoons +hedge +hara +oldsmobile +loyal +formalize +flattened +reebok +josephine +dumont +disgruntled +missions +loathe +speaks +compile +qualifies +experiences +cowboys +burn +skirmished +lucille +surprising +pastry +stamp +diction +reactor +toe +reshaping +spit +surveillance +rochester +linseed +extremities +gouge +retiree +mohammad +bombed +amazed +nods +psychological +helicopters +kurds +eyeing +ring +boiled +shop +voters +distributor +fax +hunkering +disposables +unloading +cellar +unleashes +belz +organisms +percent +scientists +shooter +construction +risc +fuzziness +karadzic +equitably +lorraine +disintegrate +motif +materialistic +murtha +morals +skipped +salle +techs +slipper +monkeying +superstardom +kensington +gorshkov +remade +daytona +organizer +swung +mckenzie +stennis +halles +theorist +langford +unconventionality +wickedly +cakes +telly +beigel +notoriety +patronage +yokohama +remain +choking +preparation +capri +lyman +henrico +indifferent +governorship +minds +listed +policyholder +wrongdoing +gerd +rolodex +cppcc +slipping +reeve +digestion +millennia +buys +ledger +00.000 +seven +bonomo +paying +monarchy +droz +carriages +vegetarian +subs +creditworthy +um +selfishness +awful +sincerity +disreputable +allstar +gillers +nativist +malignancy +outside +sodbury +veil +feds +falsify +dad +preoccupy +warburg +strategic +gathers +filament +pushes +newsroom +yaser +invitationals +stockpile +beseeching +optimize +ay +mekong +slum +cited +pretoria +integrating +dusted +immersed +dressing +gag +safety +returns +twisters +hagar +nole +would +classmates +lectures +bark +mingxia +subways +vitae +electrically +waterstones +jolt +assad +corrects +doubts +nearest +blocked +jermaine +reunion +dentistry +fire +equivalent +lately +washburn +brothels +tortuous +roasted +progresses +acre +kirghiz +breeden +salaam +disappearing +shoots +cleared +fiduciary +nurture +dearborn +non-arab +sanity +tennessee +brought +yasser +integrated +kazakhstan +rod +unaccounted +flags +franks +marketplaces +zhao +nmod:npmod +priesthood +audible +dubai +processing +mandarin +tacked +anatomy +coder +canaveral +shihkang +positive +nagging +discordant +cello +nsc +targeting +upload +pared +prompted +juridical +guoliang +coupe +genuine +salvages +a +courtyard +colonel +tuo +subduing +australian +publius +ink +anti-affirmative +unsold +chechen +espouse +terribly +foreseen +enjoyed +multi-millionaires +yuen +millenium +aristide +weasel +arch +amp +ihab +sweepers +newspapers +empowers +florist +slathering +defenseless +testament +racetrack +lettuce +pro-nazi +balking +litter +respite +elliott +monk +tank +weil +vs. +nearby +shovel +financiers +annum +showering +decorating +picket +blameless +spelling +sherwin +dividends +nasr +outlining +disorderly +swore +s.a. +audrey +horticultural +fight +soprano +donkeys +healers +furuta +ching-kuo +extensively +chunghua +braising +rebounds +gord +croatian +gaze +0000a +norwegians +simulation +racked +a.d. +programmers +stretched +fancy +unrighteous +misinformation +depreciate +guozhu +toros +overstate +glancing +assignment +humorist +incentives +escalate +mogadishu +annoying +consistent +enthusiast +restaurant +endowment +seton +massachusetts +eyelet +northwood +boskin +disappointed +intense +macao +subordinated +amway +preparing +divisive +hemisphere +align +sensitivity +degenerative +coincidence +bachmann +unspeakable +observations +gastroenterologist +pj +rivalry +bowing +joining +skulls +elevators +improvements +remote +loathed +warnaco +araskog +remedies +sogo +delegates +investigation +groomed +exemption +sarandon +naps +rts +spoil +rhymes +joked +stimulant +imagines +fresco +prodigal +parallel +beacon +nantou +rows +balcony +heretics +npr +tasks +splitting +pommel +bells +lloyd +pillowcases +geode +dobj +probation +unbiased +co-sponsor +fillmore +chuckling +shrines +theater +presenting +ushering +israelite +ang +bundle +divvying +guild +waving +xcomp +adviser +anything +shopped +ouch +envelop +delved +fraudulence +enacted +finding +overturned +predictive +omanis +naja +rooted +outback +escalation +waldheim +tangle +roberto +enlarged +proofs +stuffy +heavyweight +confronted +harvested +weave +keys +offside +romancing +fatherland +advent +darn +rodriguez +nostra +regressing +unbroken +crafting +ung +stupid +roommates +peak +bewitching +famine +refusing +dollarization +budgeting +'ma +subside +saint +tubs +operationally +appetite +reschedule +sanction +jowl +jade +reverting +ntu +swift +flaunt +hardly +spawned +classics +declares +goggles +sequencing +discovery +ly +bearish +kicker +wirthlin +burnt +ensor +labels +taihang +horticulturist +pont +fabrics +alison +awaiting +ems +conj:but +corkscrews +outbreaks +contempt +functioning +countering +olbermann +plazas +zahn +gao +mortgages +consult +compulsory +federated +qi +rescuer +decrying +sociology +satisfy +proverbial +teheran +collaborators +00s +shock +accompanying +marcy +resells +cola +forte +despots +surpassing +resounding +hubert +section +approaching +embargo +seconds +laughter +litigation +sorrow +assumptions +deposits +incessantly +jacksonville +petits +underrepresented +hindering +robins +stones +makro +recess +nutshell +acquiescence +popularization +klein +quotable +elaborate +university +overcharges +skirt +incestuous +volumes +dreads +realistically +entero +lutheran +kathleen +parataxis +poole +coped +appraisals +drums +dehydration +surrounding +treasuring +misstates +trundles +proponent +taco +yo +cedergren +secondhand +brokers +garret +sit +escaping +bleckner +taylor +overloaded +hurley +backwater +grudge +boot +change +norske +jupiter +deepest +thank +doubt +meticulously +foreseeable +therein +trailers +shrimp +adopt +bruno +anchorage +liberators +expectations +yizhong +russet +jm +journalist +ichi +prosecutorial +gym +shoulder +cwa +hi +lets +mega-hits +shirts +relate +gods +tense +whacked +sulphuric +gdl +garland +uninsured +cook +whitening +remembering +alienated +kwek +zhongyuan +abomination +skilful +element +aiming +inks +yamashita +snuck +toying +mystique +viruses +installation +------------------------ +mongolian +unremitting +catsup +eleanor +painted +mid-00 +saddened +anti-stalinist +rci +rammed +igor +iwai +shortage +portrayals +host +suppression +lyons +baiting +chic +debakey +plagiarism +steps +animus +obsess +fouled +loses +poop +brace +chevenement +fdic +comets +chided +cadmium +dungeon +000-plus +transforming +joshi +believe +inflates +struck +spurn +ugly +sensed +vendor +grew +handout +0000.00 +clerks +cause +alcoholism +object +mornings +sinner +fellini +supernatural +onwards +nodding +shortened +needs +providence +crackle +hind +chernomyrdin +quadrant +peinan +takeover +sounding +billionaire +zoomed +mid-september +inadvertent +drugstore +repayment +missionaries +commercials +pollsters +ezra +yehuda +mating +ladder +faruq +reel +truer +seymour +workmanship +unbounded +liabilities +beefier +kuwait +devaluation +filled +progenitors +mothballing +horde +cleansers +dongyang +sort +reva +papua +ails +bulbs +yum +recount +mortgage +quit +depict +dagger +uva +barefoot +focusing +camilla +prizes +institutions +demeaned +bird +shamir +tianjin +unregistered +messengers +overboard +toshiyuki +helmsley +calling +chairman +minicomputer +hardy +dared +gained +renting +psychopaths +geosynchronous +stein +refuses +rockettes +thick +hazards +trickling +darryl +guidebook +turn +chou +parameters +godly +deletion +reynolds +madeline +keating +elapsed +traynor +genetics +gennie +comely +preventing +tracts +ex- +outweigh +backpack +ex-minister +cheaters +permutation +forerunner +today +colleague +mccullough +trelleborg +persevering +impartiality +reuven +alto +colloquia +fallout +tango +moussa +volokh +clinging +exposed +liu +department +explode +adjusting +sub-saharan +electrodes +impelled +meselson +asylum +orchestras +cognoscenti +momentarily +addiction +dispersant +marginalized +competed +prebon +mausoleum +indoor +thereafter +association +preachiness +jacques +cynicism +accepted +counsels +flu +re-creation +complex +brit +scooter +ritek +oct. +pivotal +hip +st +mysteriously +unilateral +impending +randolph +order +dealerships +overturn +innings +road +ranching +geneva +tsung +discomfited +decoded +afternoons +gunshots +brief +wisely +damage +german +kam +colonialism +automakers +compressing +alternatives +cliche +redness +tripoli +dimmed +ex-wife +miserable +calif +secretarial +whirlwind +resonated +sidewalk +april +toxin +gromov +presley +forecasts +drubbing +advancements +conspicuously +launch +femina +renunciation +adolescent +shutdowns +donaldsonville +issue +fiber +vignette +breed +peer +khattab +hashimoto +publicizing +eyewitnesses +supplies +warranted +dances +sure +nab +notably +fannie +improved +blender +yugoslavians +sabotaged +lit +moorhead +galbraith +blades +brush +flat +navy +collided +knowing +sampras +bred +standardize +ringing +pipelines +microwaves +taipei +irreparable +wenji +resigning +spectrum +shaoyang +enforce +donald +clip +plotting +psychiatry +forlornly +fos +putting +storytelling +commune +sukhoi +celebrators +niches +geier +pies +broder +dust +unassuming +thurgood +remodeled +kickbacks +george +circumlocution +auckland +gan +economically +jerome +m.a. +newman +hired +zahra +circumspect +infrared +remarry +messes +countless +drifts +also +gergen +troublemaker +azem +manages +unocal +losing +dialectology +physique +demobilize +mason +communicating +tiaoyutai +arsonists +phantom +masonry +chatted +refining +hierarchical +hardliner +pierce +narrows +changming +cannibalistic +knife +jibril +broadcasts +shelling +factors +physics +innis +orwellian +ideologue +pany +conveying +straightened +albums +stroke +rift +southern +stinky +internalized +chiang +split +unforeseeable +turned +thronged +returning +usx +passageway +indulgence +ostentatiously +lowrey +printing +jealously +condescending +impaired +sights +ahern +prenatal +philippines +uruguayan +putney +folly +albright +allayed +chappaqua +tex +jacqueline +fathers +convention +everyday +capabilities +neutral +etc. +chevrolet +sprint +abc.com +cuba +stirring +soybean +node +margins +traders +morrison +substrate +greetings +hat +innovator +gallows +deceased +sustain +scrutinized +ensured +steelmaker +jenine +allan +patrick +olives +hosni +ussr +qiandao +exhausted +combed +perceive +reinforced +retool +quantity +betray +strike +guarantee +motto +beneath +yimin +dissuade +babies +outlying +actually +applications +elisha +scorecard +dis +heerden +biomass +groin +dominates +preaching +contender +priceline.com +bunun +kompakt +phoenixes +woodruff +citizenry +levinsky +prevention +olympia +backlash +chaired +cassidy +way +buddy +proportioned +attacks +excise +chichi +sundays +ticks +roster +daimler +eh +lustful +kahn +somerset +rematch +unraveled +weinstein +lieberman +dickering +primed +matrimony +wetland +warned +istituto +blended +ubiquitous +alusuisse +adhered +submissive +cab +milder +congressman +intermediary +defined +ungrateful +movie +abductors +leong +raves +gentrifying +inter-related +courant +leno +teller +austere +hometown +understated +conflicts +marker +deployments +disrespects +betrays +terre +lists +cooperates +agitation +utterly +stings +ito +intifada +ies +pro-communist +inflation +basset +knack +redistricting +espectador +explore +storm +hottest +anwar +nondairy +obstacle +ravaged +reclaimed +bride +shui +jean +flutes +collapses +reference +billboard +polled +exploited +counselors +molten +shi'ite +guiyang +correspondant +lefcourt +albuquerque +speeded +ballard +consensual +x-files +redskins +sabbath +prescription +celtic +learns +sawchuk +recalcitrant +sihanouk +subconscious +prevailing +tertiary +horrors +anglophone +procedural +macharia +skeleton +share +petkovic +ironically +stuffed +rob +goings +stockings +hodge +black +doubling +omega +rumors +indicating +progressively +erase +re-imposed +holston +detecting +supervised +bushehr +grandson +regulate +astute +antihero +alex +crystal +exhumed +non-users +womanly +thrips +clientele +ontario +cruel +josie +retinal +irregularities +perturbed +oprah +circuits +unpacking +porsche +doc +reshaped +sterling +voiced +asquith +nadja +loving +ultra-sensitive +hopper +sideline +alexandra +bronski +deducted +natives +beginnings +murmur +freeman +playwright +mum +tendentious +covertly +inflammatory +equipped +reverts +geffen +bracing +jails +accession +achille +crabs +vicissitudes +pity +generator +glorify +quicken +suspense +peyrelongue +agonize +anti-christian +delicious +motivated +shoestring +nursed +cloaked +shales +horrendously +castration +outfit +susan +merhige +planners +stereos +jab +nathan +moneybag +yoshiro +mucilage +seeing +varying +succeeded +weiguang +gradual +itzhak +choreographer +wounds +clerk +wertheim +seashore +phoenix +rear +movements +performance +dishing +misunderstand +octogenarian +hewat +quack +conducive +suffers +dokdo +californian +fourth +aback +chalcedony +humidity +restoration +finesse +resulting +noncompliant +anti-lock +causal +drill +aviacion +corrupters +slumps +thrives +sign +janney +princess +hyundai +formed +airplane +gorillas +alcoholic +conserve +fragrant +aversion +guided +papa +classmate +transcribe +irrigation +divas +repeals +glad +satisfaction +chickens +rapidly +downstairs +enemy +rubber +derision +v. +insole +joins +hotels +invested +merrily +brew +repudiate +flames +elaine +glitter +distillery +unmistakable +least +staid +delhi +bulk +externally +wimbledon +manhunt +icon +chilly +nags +jiao +again +overdraft +risk +corrected +saif +ambulances +comprehensively +reliever +anaheim +cherishing +id +mondays +paced +styled +twisting +qin +kit +diluting +klinghoffer +blockaded +crushed +androgynous +applicable +certificates +carats +brewer +violations +dorfman +anti-abortion +sparred +storefront +violin +ensuing +shutting +euphemisms +eilon +kroner +got +cadillac +gloved +xinzhuang +austerity +flavors +necking +brady +nine +unconfirmed +celestial +sunshine +annually +kicked +replies +luzon +redwing +enlightening +redgrave +kindergarteners +mold +pastors +primakov +cursed +concentration +expensive +rostenkowski +barged +chiou +dimensions +liftoff +swan +gone +deadlock +revisited +supervisory +survives +beds +flogging +cero +riflemen +stringer +upswing +fundamentals +gunmakers +intersection +marley +reboot +daniel +hamper +chretien +sharpshooter +connie +amsterdam +inroads +epoch +faltered +jockeyed +renay +limit +furthering +succumbed +furloughing +apostrophes +sprouting +obscure +nasir +obeyed +dubrovnik +teases +syrian +passe +reaches +wilber +taizhou +boran +watches +levitt +alliance +peppermint +goodwill +o'brien +longs +yao +negative +checkbook +diva +roses +kamel +pro-tax +great +sublime +goochland +conforms +partly +concerto +connects +cyrene +zairean +undergrad +exiles +hail +abstinent +representives +relapsed +columbine +lifelike +has +magic +disneyland +realizes +masseurs +mortgaged +schwab +englund +chil +exquisite +fierceness +generalize +dough +catalytic +demonstrating +deviations +hawkers +sandbank +adjusted +thirdly +towing +decrepit +brooch +resolution +paranoid +dousing +geological +roy +disembark +sectors +defensive +rancorous +glenn +weisskopf +ingredient +matches +clearwater +lent +chastened +apology +highlands +taikang +ginsberg +completing +rickety +outright +pasquale +co-sponsored +yearling +prehistory +starts +pic +hagel +unknowable +administration +leases +tea +upstarts +symptoms +conventional +honors +thirty +politics +involving +aeg +fastest +optoelectronics +mahathir +representing +temperatures +entrepreneurs +methods +counsel +wavering +wreak +pae +shares +competitiveness +wretched +mayoral +sperry +sq. +addressing +moored +huilan +forward +preservation +problem +charred +corrosion +eurodollars +ties +nelson +savviest +hunting +component +inefficient +sheila +villanueva +oiled +goofs +erasing +ottoman +leotards +routinely +maybe +dalglish +reap +cassar +carved +underpinning +faught +painstaking +which +sabah +cover +stores +anti-milosevic +broadway +wardens +vandalism +congregate +anglo +confuses +chaffey +taiwanese +richardson +kits +civil +michele +oddities +backhoes +atta +cram +hoping +polytheism +weyerhaeuser +scripted +folio +howitzers +qatar +recoverable +glossy +unquenchable +worldwide +comfortably +clips +persona +senseless +enthusiasm +bmp +closest +merry +directives +poorer +distractions +disturb +fries +lifeboat +professionals +tanaka +incubator +chunqing +pediatrician +unsubstantiated +furore +expert +infested +underemployed +aggregate +foresters +trustful +intoxicated +manifestations +teachings +obtained +elena +hutus +ethiopian +restrictions +refinement +alcoholics +gun +cooking +asserted +jelled +reactivating +circuitry +capetown +cervantes +unwary +raccoon +scarlet +thump +pierluigi +districting +successes +castro +overestimate +indigestion +inventories +sun +envied +untold +collective +pushing +finder +conditioner +debord +americans +adequate +grin +pavilion +envisions +temptation +sophomore +kilter +qasim +sycamore +traveled +raptopoulos +chapter +revealed +kadyrov +bt +sevenfold +stimulated +antithesis +undermined +refuge +investigators +sonia +phd +sony +dy +gdnf +hosts +scraps +ungoverned +dru +happens +hilton +compiled +bangs +archaeologist +guarding +narrative +fiercely +compensate +pause +pensive +ulcers +revised +confuse +domains +statutory +informal +non-championship +realism +move +hounded +waiting +discussion +holdovers +comfort +unwanted +wick +invariably +nuclei +fed +brokerage +passbook +emigres +breck +council +conclude +beings +xinyi +campeau +unction +qualitative +hall +beaverton +crunch +memorandum +blessings +interferon +prayed +slumped +nailing +mystified +statues +stuff +hoops +housing +identities +mottram +fakes +pro-gore +attrition +sleepers +lala +nationalism +lowe +hosei +slam +prosecutions +located +expat +biden +casuistry +nearer +colombian +pepperoni +ellis +andreas +persisting +griffen +aks +relations +holbrooke +moon +indexed +rents +foaming +pitches +having +appreciating +putrid +removed +advcl +blind +abidjan +discrepancies +killing +wrigley +thirteenth +homeless +impenetrable +airtime +cash +prospectus +wishes +blips +planned +kilobit +adhesives +enraged +aforethought +dictating +minutiae +abaddon +willson +haughty +egyptian +duplicates +roberts +georgette +bandaged +incessant +groveton +credentials +barge +moor +podium +prolong +marrying +swarm +mechanics +bought +myriad +credited +desirous +macnamara +appears +remarkable +challenger +ciba +aircraft +junkets +obstructionist +spaceship +unhurried +evans +tenets +shinzo +kangyo +stymied +amicable +repudiation +yusen +mixture +teruel +outbreak +karlsruhe +scientist +spate +torrent +judith +erupted +hamma +definitive +purposely +ryszard +conveyed +hardship +eyewitness +uniformly +undetected +blame +commendation +hauptman +tikrit +wished +debugged +longo +harbor +cloak +conditioning +forgery +commissar +passive +travelled +miracle +liquids +bellwether +senators +diapers +mong +whimsy +adores +tali +recirculated +doublespeak +la +chieh +honorably +xuzhou +hatbox +lone +mouths +mega-hit +annihilation +bcc +0000s +daying +cloaking +ke +jigsaw +wrongs +dove +constructing +itchy +minimal +fades +drexel +compunction +father +donates +wen-hsing +acquires +medallions +dip +chungshan +dads +sampled +conference +repercussions +datong +conceptualization +hafr +resolutely +rome +momma +worried +clunky +cobb +attested +contingent +smokes +rumbling +moment +berman +re-elect +maison +essen +diploma +durkin +stormed +clung +overgrown +unnerving +antagonistic +navigate +proliferation +cheapens +stacks +common +wishing +fleeting +bolger +median +prelude +grievance +brazel +playboys +midday +dispense +istanbul +saad +wings +requires +sorcery +naval +orbits +multimillion +crystalline +canvases +greg +u.s.s.r +knitting +serenade +meeting +lustrous +ribbons +waterbury +imposition +nanjing +spill +anti-discrimination +drivers +hymn +evers +nanny +ariel +interpersonal +trashing +retreating +ceramic +vastly +strongholds +received +indifference +garibaldi +shucks +diligently +occured +butler +condensers +creeds +comical +dummy +vica +additives +brinkley +pfizer +expectant +franchisees +munich +site +aligning +candiotti +immediacy +megawatts +kenny +phenix +outfitted +lem +default +indict +respective +punch +huwei +chandelier +chauffeurs +tripping +enron +terrain +cumbersome +probing +guerrilla +showbusiness +considerably +harmful +pausing +ind +intensive +trips +controlling +discourages +competition +misha +gann +bout +tmd +repulse +most +occupation +cdu +afire +rated +lurks +jailed +countered +uncover +reintegrating +scowcroft +shimmering +tattered +cutting +falsified +pathos +agora +directorate +mockingly +eating +nominees +punts +polymer +carmelite +hamas +oem +relation +guardians +poland +intensely +signaled +ex-girlfriend +betrayed +archivist +qingpu +j +assuage +disgusting +enroll +wiretaps +prevents +subcontracting +vowels +contacting +yung +stacking +bonnaroo +enzymes +reich +sometimes +joyful +stood +dispirited +holderbank +impassioned +butt +guanzhong +misused +rosebush +admissions +huaqiu +warrior +nuts +growers +tenuous +chai +japanese +re-count +rabin +tempts +words +matrix +combating +bateman +gu +les +sheen +maturation +wildest +cairo +patrician +municipality +riverbed +celebrates +yemenis +symptomatic +archaic +brody +mortis +pineapples +doughty +busting +saber +reptilian +careened +rejects +constructed +disloyal +rogue +tipsters +rumored +coddle +encourage +soapbox +incident +victim +wasserstein +proclamations +bari +carnahan +chief +rata +namibian +trinity +espana +0 +treaty +redefinition +superintendent +peripatetic +failings +spratly +automated +neri +slips +drury +piece +teaming +sycophancy +reassuringly +carried +feldman +soviet +netizens +plants +symbolized +gal +osteoarthritis +apogee +sunlight +fruitful +politicians +grotesque +linyi +impediment +captioned +intermarried +manufacturing +game +occasional +scotch +mexico +pony +afl +sunset +regulating +protocol +mission +disinclined +outbidding +resemble +brisbane +prescriptions +wares +courtesy +newell +nerves +schoolmates +accomplish +religious +police +tests +complicit +flood +cly +cuellar +fondue +dim +intently +intifadah +todd +ketchum +charlatans +tete +analyze +shelf +n.c +protocols +flunky +sons +badmouth +impulses +bay +vladimiro +procuratorate +not +probable +pigou +encroachments +werner +heating +tukaram +mccarthy +sonar +lawlessness +hatched +spivey +touchy +leaning +publishes +nanfang +convened +general +sodium +pro-syrian +awake +tanked +moreover +cht +fieldwork +mmm +endlessly +depriving +reinsurance +recommendation +newsletters +barges +tangshan +demise +symbolizes +curiosity +biologist +blister +re-deployment +paraded +cross-country +hmong +non-threatening +barbecue +yutaka +maine +blade +divisions +optimizing +generals +xiaosong +mae +seventy +effusive +azor +keizai +strategies +operate +airlift +zoo +bureaucrats +modish +louder +sticks +yanked +iraqi +eighty +gloats +nobody +confess +baal +cream +re-discovered +time +continued +boga +storey +tips +lonski +understandable +unruly +consisting +refueled +disillusionment +quarterbacking +kinder +crete +akio +single +chafee +alligator +python +walking +concurred +voss +nigger +disrepair +misfit +hijaz +najran +re-adjust +systematic +deek +overreacting +malice +scherer +immense +cormack +coverings +muggy +medics +particularly +sheriff +gummy +simplify +jobe +dreadful +ahmadinejad +prodigious +pillars +dioxide +incompetently +coolest +secrets +bancorp +ignominiously +loop +cameramen +figures +reach +lieutenant +composition +contravened +prohibits +ruggiero +excited +empirical +barr +crags +artemis +tunghai +heave +gaoqiao +farmland +permanency +ablaze +startle +antoinette +buried +carnegie +perish +underlings +hongbo +kate +miniseries +slithered +natalee +disequilibrium +scuffle +software +smiles +mig +burger +apologies +economists +idea +artist +morsel +vern +gte +sites +subdivision +baldwin +assistance +qichen +presale +traub +portraying +dishonest +trademarks +obligated +infomation +hitchens +astral +non-profit +documents +anti-flag +claudius +alaskan +dc +panting +sedan +lower +phalanges +camden +electronic +yup +constant +contradicts +banc +cranston +marines +aborigine +scald +omen +mines +consolidate +honorary +approximates +tiffany +tell +zaire +boxy +continental +tampa +nattering +enrollment +rebecca +motley +sheikha +crumbled +tennesse +nasri +toepfer +welcoming +immigration +previous +associating +bounce +clinical +misconduct +contemptuously +purchasing +hoodwinking +yay +simpler +deteriorates +rejoin +invaluable +stoops +safes +bona +ridicule +thrive +furthermore +repaint +hockey +co-ordinator +kangaroo +tufts +sounded +windfall +cucamonga +lieutenants +dialysis +reinforcements +franc +franz +seemed +grimes +poets +morristown +harbors +diverse +bumpers +fringe +shrank +cupboards +macs +superfund +doth +filched +roaring +ensconced +motorized +naturalization +pastoral +crop +conscientiously +deter +shaquille +tory +ferdie +cathedral +israel +redoubled +hebrew +cretans +brand +honed +moods +nobler +schtick +plates +anniversary +trump +okla. +haphazard +toys +correction +isc +maneuvering +milo +endorsed +muslims +clearly +spaces +hostage +ciavarella +depository +decent +recordkeeping +equates +accumulative +quench +marianne +whitelock +potent +capitalize +giants +accompli +subchapter +mask +someone +zest +phipps +lack +riders +centralized +zijin +non-lebanese +wonka +yours +inheritance +000st +wield +famed +intrauterine +solicit +cheated +moveon +libyan +xingjian +rockets +underwrite +grandsons +pineapple +undefined +continual +weaken +schroder +belong +knight +e- +cigarette +offensively +noodles +d.s +shearing +padded +abbie +prodigy +confront +puck +jays +rooms +idling +bowlful +pos +populist +flank +metropolis +specimen +lavoro +motherland +maitreya +pro-consumer +proprietary +humanizing +bean +undead +parishes +bonus +proficiency +ratification +threatened +starting +mega +patrons +unsual +plastic +exception +allying +crane +herd +kidron +relates +sheinberg +aziza +lag +heavyweights +adsl +pled +crave +galsworthy +deliberations +harris +adorable +atolls +finns +paul +yearnings +ktv +offense +hurry +exposure +dreaded +offensives +oligonucleotides +impeccable +re-exported +zone +clinched +rhodium +massages +radiation +mutilating +darned +tirelessly +usair +tamara +incompatibility +pigment +windless +rhonda +peregrine +cautioned +victorious +skewed +misdiagnosis +bentsen +inspection +alluring +nmod:on +showdown +fortunatus +tallahassee +kenyan +reverted +frighteningly +strehler +resurrected +postponement +supervisors +hastings +baily +reappears +sherpa +events +virtuoso +detailed +archness +employing +draw +hoax +qaida +presume +winning +contradictory +commonplace +micky +tsui +dampness +neanderthal +westinghouse +rubaie +schmick +vanished +interpretation +luster +selassie +love +concentric +bated +castling +solidity +embezzled +ginny +wane +nahshon +reclaim +berger +found +holum +nob +swashbuckling +repulsive +annetta +proffers +cheat +flaming +prominence +ramon +romania +bridged +reign +thousands +opposition +tim +dismantling +rigors +re-think +inexcusable +juices +prisoners +furnishing +lively +elected +wicker +torn +berth +keeping +parsippany +unprecedented +identifying +depravity +experience +speculators +nagasaki +burford +slavery +ostracized +saudis +spirit +grader +twenties +quickens +bolster +teresa +twist +compressors +frogmen +header +frugal +brilliance +amphibious +talented +worldcom +pulpits +damps +title +fertilization +admits +macbeth +regimented +readjustment +jinghua +necessarily +cranes +starvation +men +punches +florists +boutiques +bedrock +yielding +frenchwoman +separates +adapting +ponds +chopsticks +breeder +seaplane +customer +sterile +hamming +oddballs +teh +fighting +sisulu +leaflets +rebuttal +checking +overlay +unjustly +goss +assessed +constraints +shortcut +hezekiah +stun +onion +discriminate +glamorous +laiwu +refutes +cc +necked +flawless +realistic +vultures +whitewash +talkers +defrauded +resell +volleyball +sohmer +weaving +defu +maker +steer +slobo +molecules +retention +kann +uncritical +outlawing +quebec +testicles +scarred +repatriation +tinge +hawaii +illegal +pie +requiring +mossad +macro +faa +mccain +roamed +governments +fund +practise +refreshing +relayed +plank +tonic +mouthed +wheezing +plated +angels +opt +reins +amputated +grazing +formalities +unclear +proprietorships +washings +grosser +preclearance +beech +multi-level +brandy +ouster +raoul +finland +conclusions +aerobics +jingoistic +instance +laid +dvd +till +disingenuously +medicare +lixin +stopped +chore +sampling +luggage +vat +unequal +overdrafts +mistrials +solves +biographical +disseminated +underdeveloped +tuku +sunbelt +austin +flirtatious +espn +booster +identifies +paso +poeme +tunic +editors +technical +probably +gestures +mansion +dwayne +disinformation +decidedly +raging +pla +hdtv +scuttled +buttress +shorn +safford +slogan +intensified +maryland +lobotomized +reprise +surrealistic +eunuch +mists +mmi +pile +megrahi +replant +multi-functional +incriminating +shen +disruptive +vfw +marxist +fetid +samir +dems +flag +tai +penn +epoxy +counter-intelligence +moderate +bites +kacy +eastward +shepperd +beavers +judiciary +redfish +seif +intensively +schools +detailing +brittle +perpetrating +pack +arianna +pinpointed +jam +threatening +zombie +demonstrations +repression +nonspecific +haile +discontinue +smelter +brunswick +hydroelectric +shopping.com +exhibits +junctions +pint +objected +captives +bulgarians +carcinogenic +teeming +imbedded +promoted +maneuverability +suffer +unitary +groups +hydraulic +diabetic +deploring +despise +patiently +nursery +co-written +lithography +divert +losers +teng-hui +welled +stockpiled +mansions +transgression +appease +algerians +discolored +eradication +cavernous +revisits +graffiti +communicate +midafternoon +graham +parisian +cancer +multi-task +vichy +paddlers +oscillations +disappear +rossi +testifying +world-class +wright +watan +borrowed +lighting +mfume +unperturbed +calm +vernon +woodham +booths +s.p.a. +tycoons +briscoe +cafferty +aspire +drexler +mohandas +wilful +bias +pursuant +rapist +any +ruthless +unilever +powerful +vexing +jiading +rioting +worships +pious +coral +sprite +reddish +radical +everytime +packages +instruments +chipset +rues +baozhong +co-ordination +reed +announce +edelman +theological +ertan +fasting +acknowledges +plo +kitties +fears +ita +rattled +derogation +seldom +hinge +nigerians +kettle +bahrani +tj +stickers +analyzed +neophyte +solitary +transform +walled +cosgrove +neat +baked +happy +suspecting +indicates +bribe +caiaphas +possessed +blond +etiquette +grouped +n- +telectronics +mejia +bee +reminding +mountainous +activity +xuding +fla. +suitcases +replete +segregated +spokespersons +mime +tales +discourage +width +stylized +versed +accepts +forehead +edison +sagged +spielvogel +lunar +s.s. +madly +lumped +temblors +polsky +roth +wingers +royal +instinctively +balk +necessitated +mart +room +scrubbed +shadier +extreme +chary +consumption +over +illuminates +insupportable +deleted +sightsee +romance +et +on +informing +meaning +fusing +liang +oldenburg +dobson +pee +bestowed +lockdown +comprehension +tusks +groundwater +spills +th +citation +disfigured +tangential +depreciation +creates +century +zealanders +tanned +wean +industrielle +either +expecting +minus +advocated +defeats +edition +dolls +checkbooks +nash +seagram +seven-day +overcharged +taping +insulation +di +distilling +installations +protectionist +sergius +shootout +deadliest +abather +especially +incomes +contamination +execute +tito +hee +stakes +jr. +affiliated +disclosed +lujiazui +affect +leaking +stowaways +r.d. +pliability +mips +transference +panicked +summoning +cuisines +aluminium +unadulterated +backbench +abate +societe +dongping +arbitrariness +religiosity +lava +chick +patented +negotiator +adversely +motivation +startling +fools +tibetans +hurrying +forefront +apgar +rootless +hollister +enrichment +amours +peacemaking +dredging +medicating +coordinate +chandler +clobbered +nuys +chess +voided +siecle +fashionable +cub +bodacious +liquidations +clippings +brits +combustible +breathe +lookout +bicycles +destroying +shishi +shandong +doorsteps +denials +mourning +universal +wuhu +types +soluble +yuxi +dakar +hoechst +mingli +administering +multiplexer +cingular +treasury +sophie +unmask +jian +liners +decay +warlike +expertise +emanating +lantos +propriety +ecology +bulgaria +er +coupons +rahab +alone +commiserate +climb +titus +outlets +paralyzed +distance +digested +male +fuxing +signatures +come +colours +rejoinders +xiu +cascade +neighbors +infiltration +tyrannical +cellphone +opportunism +stemming +exponents +messrs. +letting +prone +haberdashery +floodwaters +pioneered +underwriting +brenda +coast +plunged +roller +comedian +sleek +sarcastic +x +cursing +tucked +trailed +klineberg +exaggerating +imbalance +introductory +lausanne +rather +wheel +economic +chocolate +fireworks +info +wilted +franklin +panties +fetches +grenades +vcu +felt +fathom +pentium +provocation +tire +parasites +intentionally +uncommon +turgut +naivete +bouncer +transforms +trounce +bastard +inexpensive +counterfeit +rugby +altaf +scarsdale +zhuang +byrd +torts +plaza +eva +horizon +ousted +ppl +minefields +belied +dpi +tung +voluntarily +affidavits +emotions +golgotha +call +indebted +cunningham +pedestrians +sanches +layover +offsite +yeltsin +presides +ms. +overhang +delicacy +wolfgang +floppy +upscale +oneself +passionate +vietnamese +shameless +grip +generation +rouge +bloomberg +threaten +abolished +echelons +impairment +brookings +yoko +imprison +diario +wheeler +geneticist +chatty +emigrated +semifinished +fen +pulpit +leathers +sworn +ability +browse +panorama +whipsawed +msnbc +mulching +easel +silently +hoover +judicious +tonnage +anchored +invincible +chose +albeit +bravely +co-worker +genetically +microphone +preserved +distressing +quigley +budge +deepwater +collages +roughhewn +wicking +passion +embellished +sandy +shiny +conferring +nolan +ghazal +nakazato +huge +grains +incompatible +unintentionally +botticelli +pgm +yuans +unambiguous +docket +harassment +non-party +rowhouse +explorer +alleviated +appearance +unnecessarily +exchanges +late +recipe +cheek +caricatures +forgiving +simplest +controller +middling +intention +levi +careful +hated +traditionally +illustrate +francs +pemberton +normative +quist +waterfront +parents +solos +galling +grieve +liar +unseated +miscegenation +mochida +track +stampede +disagree +easily +feminists +tongued +audio-visual +sa +polio +palate +zhang +longtime +technocrat +presently +plunging +liqueur +hiv +glorious +pythons +administer +polynesian +code +attendants +berbera +hanauer +soonest +mythos +client +unfaithful +wept +arbitrage +weights +finance +separatist +prepositioning +jinjiang +tooted +patent +drawl +personality +rearview +alienation +cashier +disappointing +confident +emphasis +hamm +pole +calculable +embarrassment +equal +narrates +suspects +zimmerman +unasked +egypt +layouts +invalid +p000 +hanging +topple +tuntex +cleansed +following +seamlessly +masquerade +cabal +wooing +angolan +cross-century +chefs +gainesville +apache +unconscionable +exaggerations +clarkin +shuster +caribbean +issak +recollection +janice +episode +toni +dayan +lapses +taguba +chestertown +extravaganza +alarm +salaries +pakistan +gilt +iobj +kotobuki +luxuries +frigid +swooping +nablus +ayatollah +laurel +superstars +heileman +squabbling +glaciers +cortes +inch +bottle +slugging +departure +shillings +academicians +cutback +ignore +agree +anti-semite +enveloped +rattle +deprive +privatization +armpits +t.v. +jumbo +immunex +rife +outdoorsman +unmanned +biochips +fluff +sakhalin +answers +unconstrained +detention +compliance +ya'an +taciturn +ngong +murray +reversed +interrupted +farc +employers +slugger +unleashed +enlarge +culminating +wilkins +brea +picky +spelled +ops +tgs +mementos +offended +handwritten +three +priests +maiden +schemes +meetings +strides +doe +jane +specified +wet +tutu +receptionists +barriers +shabab +managing +attainable +deregulated +her +chemist +sanctity +progression +idealists +tuxedos +pornography +fickleness +vessels +dry +cpus +snakes +skins +plays +ouattara +slick +characterized +dues +comprising +backer +hassle +led +amuse +denuclearize +seismic +compensatory +recessed +jp +tons +tolerant +braves +easements +ehud +s.c. +toiletries +breathed +terrors +gourmands +shuang +negligent +zoroastrian +currencies +elephant +dissatisfied +beaver +teaching +presage +politico +cardiac +smokescreen +design +extruded +excuses +lufthansa +alive +amarante +ounces +wipes +estate +dynamic +swells +think +maligned +costello +sub-committee +derailing +expedite +fungus +swiftly +jidong +federally +coded +teamsters +force +tawana +rev. +faked +bureaucrat +reintroduction +blinking +surgery +toils +gimmick +moratorium +truant +lite +elizabeth +centrifuge +aptly +orchestrating +blasphemous +reformatory +hhs +walid +runners +baikonur +nawaf +prosthetic +ahead +renovate +sulaiman +s0 +fabs +wrongly +nsubjpass +ferris +bogart +inhuman +thunder +offences +withstanding +councilors +patriot +catholic +extolled +scuffled +unforgettable +researched +yada +contingency +covered +quiz +sweets +truce +organize +xiang +nonplussed +sharp +monopolized +publicly +away +ached +rewrite +responsible +watery +fedayeen +enacts +platonic +disorders +fait +managers +nonprofessional +venoms +uninterruptedly +vegetables +czechoslovaks +boyz +mated +pan-european +loophole +occupy +independents +keep +audiotape +postponing +defaulted +laura +nacional +copies +hartsfield +dmitri +hails +typo +surtax +jo +neverland +interfering +oklahoma +jump +hegelian +chrysanthemum +fenugreek +cigars +prophecies +prerequisites +nissan +national +observances +fearless +nika +calf +briefs +crowned +fink +macdougall +kidnapped +tenth +elegance +downturns +shadowed +leap +motive +guixian +grumman +purportedly +official +commission +salespeople +favour +massively +fountain +profiles +premiering +portrays +clobber +renter +patchily +mapped +gutenberg +disrupting +multifamily +o'clock +misadventures +redefined +harland +friends +tetris +endings +comforting +localities +behemoths +ruffle +palms +reserves +soliloquies +volunteers +xi'an +$ +relocating +immorality +functions +opposing +vail +korea +extremists +anglia +ale +available +cessation +centrists +lang +brewster +replied +trap +isolates +supplemental +tempt +biggest +tureen +venezuelans +excerpts +reprocessing +behaving +internships +criss +historians +inquiry +boldness +assisting +erroneously +kingfish +patterned +rose +buns +congratulating +predispose +polluted +andy +primordial +jiaxuan +fowler +rise +option +politicans +contemplation +realty +czechs +funnel +extra +advertisers +stickler +negligence +0- +creativity +devoted +placate +warding +queries +hannah +explosives +fucker +mankind +centimeter +recuse +presentation +lead +woodrow +linguine +choruses +autopsies +unofficial +nemesis +diagnosed +motions +kinds +tankers +enforcers +swede +mainly +evan +prints +fraught +chaos +murky +formulated +studio +notices +adopting +germanic +macabre +overdevelopment +lyric +loudest +sanjay +trace +chauffeur +charges +valuables +shrewder +xishan +abetting +shone +resistant +con +outshine +fisher +motown +supporting +forests +hideous +numbers +thieves +averaged +forearms +workouts +scribe +stop +squadron +glance +jettisoning +absorbed +taxable +truths +aggression +baseball +citywide +ig +futuristic +misawa +redrawn +lessen +turtles +resemblances +watcher +bartering +chocolates +baskin +warlords +cosmair +unenthusiastic +amphibians +occur +harm +cropped +boring +gynecology +incompetent +budgetary +cups +tendencies +ko +detection +kari +leipzig +ethnic +mailings +squatting +exorbitant +announcing +leventhal +botched +re-election +dump +yahweh +dodson +pitchers +accomplished +artificial +moisturizing +position +acquirer +management +calculates +quds +md +arrival +printers +edit +legislated +immensely +preset +islander +martyrdom +bare +rtz +aldergrove +vaccines +spice +iconoclastic +businesspeople +neocon +savior +wandering +sans +station +eritrean +transacted +specialties +paddies +equated +lumps +sounds +greener +logically +catered +secondarily +nickelodeon +carnal +designing +gin +pandas +rudder +telex +remnant +charles +wallis +knowlege +kawasaki +anc +paychecks +la. +cbs +bargained +gabon +arrangements +frog +pensions +kyl +able +parking +amman +essence +algae +arraf +hah +let +connectivity +wastefully +spendthrift +upham +receptions +gill +comics +blunted +credits +inaccurate +then +audit +corps +masses +guangxu +infuses +anonymity +calendar +manpower +javier +basra +dollars +charismatic +lenses +alledged +caps +barring +arbitrary +irritated +distinct +bauman +realigned +inuit +flatness +blacklisted +umar +assured +publishers +shattered +forecasted +collectors +preaches +0m +factly +bullying +venus +tabloid +chrome +limbs +enhancing +mazes +shamus +megaphone +cosmonaut +tragically +basin +quarrel +texts +undergone +guanyin +ivies +belongs +staccato +coverage +bombarded +goldston +peers +grandparents +turban +inept +insulator +developmentally +pumping +robustness +pontificate +misinterprets +si +recreated +fluting +lisbon +etched +nov +diffuse +re-employed +dangers +intergroup +tailored +hadassah +morales +notoriously +bar +obtuse +evidenced +tarim +its +produced +untested +jayson +battlefields +babylon +jericho +yew +lawson +autumns +non-essential +unavailability +chunk +breyer +posed +urbanus +shizhong +gallery +unions +main +pronouncement +transport +levied +abolition +harness +salmon +roughly +dumping +georgina +patacas +trowel +catalogs +fernandes +prod +temper +safeguarding +midterm +lazio +topix +selecting +lying +complacency +kakuei +amended +artisans +zhanjiang +nook +flashes +stockholder +flatly +toast +relentless +centrally +'n' +curbing +alejandro +culmination +aziz +realist +entry +delineate +reassuring +formulation +formulaic +handedness +autoimmune +ibn +infecting +deli +anticoagulants +badi +homonym +snaking +reestablishing +pills +hallucinating +outsider +piggybacked +aroused +sharif +unsigned +helo +chishui +connector +wildfire +seats +chitin +ants +jurvetson +craved +crowbars +ljn +repentance +hosanna +thoroughbred +describes +wadi +cinnabar +povich +layoffs +conjugal +fabrications +too +seasonal +frist +emma +clustered +apelles +worlds +ventura +drafted +harrod +couriers +mankiw +eightieth +project +lily +indictment +kane +credibly +garlic +merger +began +scud +averages +hurricane +post-world +bi +inquisitive +dairy +rises +hundred +fisa +gogol +bookstores +athens +clowning +damaris +kunqu +zhiqiang +aug +grandstanding +sizwe +shorten +frankfurt +jigs +blowing +sustained +audio +starkly +unspecified +tiramisu +absorb +manipulators +sala +ss +reversals +waite +poured +obstacles +fauna +welfare +ah +phil +maitland +pied +e-mail +; +outcomes +shehata +ntt +audi +hijacking +operating +persuaded +factored +rimmed +happily +unfamiliar +rigged +apiece +abates +waterway +interpellations +judging +fabricating +moviegoer +romanization +pompous +intercom +edelstein +underclass +duplicitous +imo +undisputed +diminution +persons +surreal +domestically +buoys +peking +end +droves +b00 +case +ing +charcoal +flower +gloria +richmond +confidential +mercantile +watered +ciel +polite +addicts +casablanca +trounced +accordingly +gonzalez +borrowings +unrealistically +mesa +amos +simulated +researching +morton +conspired +banishment +tit +bhutto +symbolically +loosely +focal +campaign +typical +lazily +airmail +maintains +coupled +vachon +syms +anti-drug +nmod:poss +leftovers +confirm +nv +countrymen +vigor +bowden +tsang +ridicules +pennies +boston +vernacular +insulated +pioneers +fuling +exchanging +precisely +mansfield +polished +mai +dependent +miss +coherence +crossfire +becky +oversees +rightly +cheap +restless +prison +homosexuals +kenneth +ditch +embryos +expeditious +squalor +instinct +ida +induce +vacationers +convolutions +connect +mind +bucks +grasshoppers +incitement +spa +ling +synagogue +ipso +modest +convenient +exceeded +nosed +roland +r. +entitlements +heady +pathetic +ferroelectric +tying +festus +markets +outsell +dishonestly +doctorates +beginning +exceedingly +findlay +abramson +oscar +ruby +loran +charming +brackets +consigning +underutilized +overcrowding +keenan +uli +garrison +suspended +bananas +krupp +bidding +grid +yala +thanksgiving +slightly +maze +river +letup +cannon +conceptions +retaliates +observer +defame +cosmetic +shimmered +venues +believing +flush +auction +park +horticulture +california +managua +via +schmoozing +fry +feingold +wrong +covey +optic +fantasize +unshackled +voted +strasser +acquaintance +shakeout +patrilineal +gnawing +dougal +quarreled +congratulated +units +gowns +study +giggled +expatriates +disenchanted +undergirding +quicker +extends +renewing +stadium +wallabies +abusive +tate +cooled +adn +malcolm +pedagogue +constituted +siberian +gunships +carrot +mid-week +halloway +exxon +oiler +beloved +unfair +swimmers +carelessly +turkmenistan +warm +rationalistic +regretted +formats +ongoing +commentary +saddens +kim +punky +shotguns +sarbanes +colonize +appius +encouraged +inflicted +walesa +franchise +rodgers +lungs +gaudy +executioners +act +bunker +headset +remains +netted +bally +wires +appeared +funcinpec +sizing +statistically +privileged +overdue +installing +families +solved +ruptured +mexican +harass +busily +favorites +apostrophe +premiums +supersonic +spontaneous +test +mo. +willard +invasive +silver +alleviating +focus +usage +lida +mazowiecki +incurable +beery +auctioning +simmering +sentences +feuded +overcapacity +pacts +questioning +rescues +tedesco +deteriorating +questionable +curiously +appalled +warrant +droppers +discreet +perspiring +sunbathe +monterey +randy +mapquest +bacillus +inter +locking +promised +acquiesce +plea +trumpet +gutsy +specialize +aruba +carlson +waned +solomon +existing +catastrophes +trading +affections +dagong +conceived +kodak +describing +arising +flashier +bled +brah +cooperation +buffs +corey +sewing +afield +downhearted +protectionism +constructive +rerouted +dozing +basilica +hangout +farmington +lecture +composite +globalised +undamaged +georgetown +trait +scooped +misappropriated +jutting +measuring +melted +searches +guilt +welders +walkman +sweating +rolled +sleazy +councils +mr. +compromising +viewpoints +payback +fennel +pro-rata +fla +powell +ash +frets +soybeans +containing +aznar +kids +edmond +aware +belittle +tahsin +unpleasant +revived +elicited +bureaucratic +agreeable +rehabilitating +nejd +validly +celebrities +occurred +sending +reopened +fhimah +seemingly +discount +violated +jeep +knows +lading +multi-lateral +havana +binding +military +currents +zoeller +equips +opted +some +bunting +penetrated +beckoning +entrepreneur +contradicted +sino +jones +playing +screws +competence +interpreted +lavelle +optimistically +alexa +gaming +theme +structural +foong +conquered +accents +plaques +minhang +deviant +fairness +skid +recovering +delinquency +congressionally +warplanes +rivals +unending +auditing +dervish +pave +sincere +earthlings +mooted +yams +charts +printer +infection +hillah +dealings +lottery +nonsensical +tries +natured +statute +stipulation +stalls +stanford +prophetic +kenya +inadequacies +squeaky +frank +jennie +grandmothers +sash +flaps +norodom +ballooned +runaway +secord +reu +toadies +minorities +brownback +mulberry +breathtakingly +youth +anise +televangelism +brittany +umkhonto +attained +handicapped +storied +homefront +gases +start +apollo +taxpayer +semiconductors +laurie +carrier +undisciplined +buckley +muammar +demographics +wannian +slobs +inquest +handler +nationwide +caddy +relieved +bumps +translate +blasted +qualify +east +eligible +overruled +groundhog +reputation +deductibility +falsification +threats +upstream +leftism +shopper +animator +barrel +welts +prominently +eschewing +solely +holed +terminating +sinker +generate +valuation +liquidated +overcrowded +tucson +transvaal +counterclaim +carrington +sadism +bowen +detained +pickin +concord +videoconferencing +gaza +dimed +unanimous +showman +millennium +marion +periscope +biology +tears +hid +healthy +accountants +extremely +viewership +jeez +crawled +straits +formosa +dreamer +myers +rediscover +deactivation +dangerous +ridder +appointive +constitutionality +retreated +misrepresentations +perform +reformer +acutely +overpopulation +pawan +pontus +solicited +peg +touts +knits +cuter +cyclical +maui +kostunica +prohibited +downbeat +desks +fixed +featured +counter-insurgency +slavish +hydrogenation +therapeutic +amin +higgins +graphically +'ll +eviscerated +cocaine +bleeding +lodgings +raked +baboo +face +discouraging +non-religious +beeping +tinges +agers +wuhan +tupolev +wenham +colorimetric +herein +hamstring +bellied +religion +hateful +maronites +outmoded +gray +ayers +sock +presentations +sunny +coincide +perfume +libya +forcing +facilitate +romans +agents +monaco +ahmad +00- +reenter +thrills +dodgers +panel +headley +duodenal +distinctive +scammed +flooding +descendents +trashed +childs +neutrons +rocketed +elder +insomnia +preferred +miners +mascot +monetize +ridge +markedly +supposedly +harrison +cossiga +steroid +graphic +johns +organizing +quintessential +marlon +tailor +straighter +lynn +doves +sporkin +masahiko +chesapeake +rantissi +landfill +bank +uninformative +yankee +salient +mankiewicz +michel +unclean +sail +direction +oncogene +citys +uttering +unthinkable +misfired +heartwood +parading +rosa +worse +access +cotton +teenage +dionysius +asa +weed +dingell +charlie +counterfeits +backing +adversary +revolt +bytes +sequined +assess +lambs +privatized +televisions +villa +badra +awesome +brr +thyroid +persuasive +nature +indirect +brammertz +manic +phenomenon +overheard +ingots +futility +recipient +quell +outsource +decorate +refiners +ultra +straightforward +ambiguous +energized +weighted +defaulters +paralleled +capel +faso +deportation +rowed +cks +carriage +recommendations +prevaricating +intriguing +mishap +negro +unveil +laundromat +sprawling +colleagues +barakat +preamble +anti-party +dispensing +gripped +complete +hardcore +fever +perverse +omnicom +nesting +technicians +----------------------------- +doubly +kroll +ranked +table +oncoming +springing +fathered +arms +briefcase +professor +detours +designation +quotations +aspin +traitors +non-disclosure +oceanic +billie +repeatedly +cressey +parade +idols +maple +underwriters +thinner +immature +entrance +attraction +institutes +moqtada +celebrity +frantic +aso +reasearch +portfolio +revision +specialty +ruf +anya +falk +inhaled +consolidated +grocery +crooked +myrtle +sympathies +universe +rook +mohair +deak +fostered +languished +richards +psych +crandall +administrating +advantaged +airmen +threshold +detriment +inter-provincial +inflows +tajikistan +lahoud +tourism +namibia +exerting +listings +ruge +pasttime +cropping +dedham +emei +motorists +bowes +hooded +nmod:through +restrictive +stock +crook +gigue +fecal +icmc +nonreligious +agreement +lido +elsewhere +zealand +decades +troupe +moonie +bankruptcies +giraffe +mite +chul +melodramatic +perched +patriarca +caltex +recycle +seem +metaphorically +quoted +comes +census +aggressiveness +pornographic +grasping +pigalle +wedd +norc +zapping +portrayed +pizzerias +parrots +catches +dinosaur +guevara +compatriots +accounting +someplace +wa +mcmahon +footsteps +modernized +doers +suit +altering +neil +te +mandating +pleases +gerona +crier +dismantlement +harker +eyeball +circumcise +consequently +manuel +batha +loathing +dominate +reno +olsson +cathartic +fragrance +wafted +crafty +oasis +andres +masked +sitting +disarm +simulant +gaddy +emailed +profundo +000,000,000 +difficult +ventspils +barnyard +knights +septic +confessional +busy +outsourcing +courageously +xing +crewman +snorting +ram +chunks +olivetti +rang +impudent +calgary +spraying +proverbs +launched +incredibly +operators +testy +texan +pickaxes +competitor +diverging +restored +holders +outplacement +witnesses +flawed +readjusting +hessians +recap +paltrow +harming +timber +liat +norms +forgo +armed +meantime +cronies +jumper +raining +taiyuan +toothpicks +reception +beth +fairer +nutritional +gross +promoters +deductible +tensions +openness +neutralization +shanqin +dierdre +stay +hussein +moderators +cosseted +westphalia +duan +fiberboard +passable +elodie +blur +thursday +addition +encompassed +californians +mona +aim +animals +gravel +stunningly +commuting +cautiousness +plight +spruill +kinmen +respond +kopp +community +bill +gasp +defects +jinglian +fishing +netherlands +frieden +globalized +%eh +dentist +hereafter +celine +bump +roundabout +beaming +engage +bodyguards +tricky +disapprove +sacasa +develop +patriarchate +pitfalls +atlantis +tide +illustrious +pine +impeachment +journeying +veterinary +shorts +effectiveness +straw +briggs +likewise +relieves +co-founder +terrified +internal +draped +prudent +phillips +carol +cubits +gunner +royalties +buckhead +corresponds +twitty +weighing +sharply +strong +sizable +autobahn +haim +victorian +commander +flatten +locker +forgot +frameworks +bikini +pre-existing +coping +actresses +knicks +cigar +transcripts +nomads +definitively +museum +shuqin +closer +muted +bitterness +huntingdon +crusade +sears +coastguard +fei +mere +dwellings +fellowship +gop +giffen +imaging +percentages +kidney +ait +gee +forgetful +callous +jinshan +compendium +tics +obscures +madeleine +throne +mayumi +rogues +000000000 +transporters +analogy +regains +retrenchment +camelot +diplomats +relief +inordinate +shuttling +instigation +symbol +churn +muddy +platform +wachtell +halloween +toasted +impregnable +hezbollah +tmt +nmod:from +faded +sex +alessio +stoch +groan +certainly +nighter +flint +brainer +incompetence +workings +overly +denial +leningrad +repelled +reproductions +bmw +orthodoxy +minicar +upcoming +unauthorized +insurgent +grimly +hardest +churchill +indicate +sip +nba +maoist +distinguished +reinstalled +corn +pesticides +sub-culture +scooping +sensor +personalities +aspirations +headquarters +karnak +multibillionaire +grind +comparator +recitals +saturday +retrieved +unhelpful +experiment +al- +yearly +piglets +minimise +processed +brassieres +breadth +'00 +statement +fleischmann +councilman +effecting +schrager +co-workers +rit +foodstuff +hines +unsuspected +degraded +ngan +rooney +dungeons +shatter +plaskett +readily +sayonara +jailhouse +tenure +emerged +irene +anniversaries +minefield +pasta +abramov +clashes +skelter +contrary +proud +co-insurance +wire +recession +philosophic +elitists +cooperated +clubbed +laotian +illogical +paralympic +expectancy +roche +hilal +boron +comptroller +stamford +mammoth +depositors +ton +redefine +givaudan +prohibit +xuming +gasket +reformed +invading +redraw +nationalized +sartorial +aggressively +consolo +earthquake +reinforcement +pores +pauper +syndicates +spanned +jerky +ehrlichman +haditha +quadrupling +disorder +blockade +imperialism +heidegger +lampoon +landslides +qichao +hopscotching +deliberating +expressed +salad +dissenters +tennessean +takeshima +stall +description +dreams +deflator +dinner +fared +xin +ptl +apostle +meant +relegated +sweeter +plundering +ohio +floor +europeans +attendees +rapture +ingest +precariously +few +theology +unleash +borrowing +confided +degree +glacial +camel +israelites +visually +msi +blemishes +milan +synergy +moises +francoise +tackled +lithium +superficial +machinations +impediments +bundy +highways +b.v. +giddy +cryptographers +persists +manipulated +friedrichs +northeaster +movieline +mgm +taking +badminton +coconut +nmod:about +wary +applause +clench +gentle +rewarded +disadvantages +jim +hd +........ +q +guofang +incorruptible +bonn +inscriptions +carmon +have +officious +blasts +summed +sac +facilites +crews +weigh +dickens +marysville +cob +jen +fabric +crest +safer +sides +tied +hanna +demoralization +bilbao +kkr +preemies +out +teens +isms +softness +confidante +redeeming +turkey +eventually +soros +redevelopment +blockbuster +shaalan +rocco +discover +heathen +bengali +inferior +andrzej +beker +foundational +translates +desktop +champagne +lady +celebration +abilene +upstart +ndl +dreadfully +stress +noodle +winnable +lirong +meat +drinks +ins +elijah +meanders +victoria +manuscript +emblem +irvine +unenforceable +souls +roustabouts +spurned +non-prescription +timberlake +unveils +seeped +replicas +seaborne +pre- +monthly +perversity +jing +captures +earning +sheetlets +inferences +insolvency +kravis +accented +conveniently +newest +forbid +invaded +affordable +mid-west +interchangeable +hammacher +sport +jsp +motorcade +dragging +await +urbanization +siemens +tidings +kronor +vindicated +unnoticed +pizazz +gamecube +milosevic +temporary +lithographs +bookings +cleanse +surname +lauderdale +bartered +yale +sistani +assassinations +doses +zuo +ludicrous +torch +saunas +joseph +fiasco +junkies +koo +distorted +trimble +senegal +adobe +bright +muster +maldives +hangs +00-day +pink +da +yet +sects +deductions +spendthrifts +front +monitor +jpmorgan +beep +jog +ought +j.t. +dealing +mcv +zebedee +tummy +auctions +cfc +trail +patriarchs +attach +ping +everest +vitamin +garb +ceased +employee +drove +selfish +robbie +shifted +vocabularies +uninformed +polls +sao +riffing +cricket +guillotine +everlasting +craig +dreamy +reverends +electro +snapshot +intermingling +arrondissement +urbanized +baring +blubbering +calls +waltham +redone +enhances +alamo +adult +commensurate +lowest +beny +restorer +tribunal +indistinguishable +mcclellan +ingress +uppers +mull +hashish +intended +tournament +lefevre +fatally +accountability +fattening +literacy +gio +attache +zodiac +dwarfed +trouble +vedette +angel +rovers +embossed +complacent +streetcorner +episodic +cardiopulmonary +domination +bolstering +try +counterterrorism +intimidation +guardia +shipmates +lantana +incubating +anglian +represented +herons +voluntary +attain +yutang +aol +000000 +disc +marches +draconian +ideologist +databank +tucker +abated +rendezvous +wretch +severely +crescent +collect +desecrated +contemplating +thyself +conciliatory +flagship +satellites +cho +villagers +accent +coached +dali +kochis +tactical +candle +canyons +fluently +seething +pavel +rotten +lhasa +0000.0 +johnny +slung +attempted +korah +emotionally +rodney +beltway +recombine +agreeing +kleinman +mich. +colum +defaulting +casino +gwo +implantation +goofball +ancestors +saturated +biomaterials +emir +re-enter +richer +phlegm +kishimoto +benson +slapped +urea +kaufman +deaf +ringlets +hongwei +stead +agin +thermal +fringes +luminous +cornel +tuesdays +affinity +abbey +britain +rhyming +mount +canyon +knobs +applicability +agency +often +appreciate +poking +crow +anti-science +pickups +dependents +bonanza +bullocks +disinvited +jiu +cities +mp +foley +gethsemane +reassemble +unquestioned +knotting +conferences +garzarelli +hager +nurseries +jib +centenarians +mathematician +imasco +fewest +recedes +dispelled +clunking +palsy +strawberry +donkey +sake +desk +illicit +ambition +derrick +flemish +ningpo +daly +compulsive +folders +grey +scariest +tumbled +phoned +criminology +filters +detective +overdressed +underneath +shannon +colonnaded +kobe +tip +revealing +blackjack +dilemmas +avoiding +pons +jakes +spokesperson +secondly +mangoes +know +shave +ez +deviation +biogen +acquittal +jalalabad +galloway +teahouse +coin +supplied +inimitable +nicodemus +sacrificing +textbook +interests +tents +spurning +chant +non-tariff +phelps +impressions +brevity +themes +proprietors +whiffs +unworkable +buckingham +kissed +prewar +loathes +syrians +arraigned +predictability +lobbyists +broward +towel +mountainsides +hirschfeld +super +spoiled +scotts +altruistic +type +hardball +landlord +trainers +herbal +evacuations +hinton +manager +continue +kingsville +eisenstein +jews +sentimental +physicists +courageous +towards +siew +anastasio +award +oriented +cohens +origins +cyber +contributing +jfk +recycling +yugoslav +expenses +apprehended +decree +overcome +dryer +bitburg +vries +guo +backpedaled +patrols +geopolitical +kills +memos +katherine +terrifying +behaviour +misses +heightening +availing +aviation +baccalaureate +halting +seacoast +chandeliers +jurisdictional +dederick +occupationally +withdrawals +chilean +isetan +shovels +phony +certainty +00 +hyped +meryl +flare +thermometer +tien +turning +sucked +golo +sneak +rainier +yuming +totten +webster +successively +forays +timeout +wesleyan +download +warrants +mealy +meaningless +tinctures +jan. +reminisce +sponsors +n.m +sentelle +nicanor +jianjun +confidently +miqdad +tooled +statuette +cappuccinos +renaissance +miserly +cylinder +jiahua +mata +estimates +asahi +w +bilking +afforded +pere +greifswald +solemn +jianhong +fugitives +allergies +proprietor +dr +rawhide +dowty +mercies +satoshi +sulzberger +admirer +bernama +avenue +monica +fashioned +dissenting +stumpf +woolworth +emi +deputy +wife +pulled +healthcare +binalshibh +casual +justus +discouraged +buha +troop +aux +vs +morrisville +invite +cubit +facade +treating +insane +risse +mcconnell +downward +buttressed +larsen +martinez +vikram +unfold +progressive +seamier +staffing +whippings +carvings +kicking +pleasing +admissible +pizzazz +spire +librarian +shoved +scanner +pharmaceutical +unseen +silverware +expel +pro-beijing +stools +concert +respectful +shafer +psychos +sadducees +watkins +trend +gardner +exclusions +haiti +leaf +offending +plying +spikes +miles +zeist +lionized +underpriced +assent +coca +battalion +our +scab +danced +expects +emplacement +anxious +deprived +them +krasnoyarsk +marshall +spinach +nikita +planner +flocking +valuable +settle +driving +anticipating +fuzzy +advertise +docked +countenance +uplifted +risking +lowry +chants +congregational +cheerfully +vegetarianism +slingers +agony +hankering +congested +thrilling +hilly +dressmaking +koreans +keck +pact +robbers +redoing +marcia +abyss +myong +jenrette +delphi +providing +yunlin +closure +exporter +cartilage +xingtai +nationality +ancestor +chausson +blood +deficient +backup +hammers +cane +defensively +soichiro +virtually +concessions +pax +bordered +passes +shake +dormitories +sliced +hurrican +situational +zuckerman +disrespect +barbarians +det +authoritarianism +dexterity +meagher +cos. +corinthian +ahlerich +liberty +mccollum +inserts +greenland +respects +abounding +interrogated +bounced +rooker +sunnis +banality +congenial +newsman +camp +bail +governed +lucid +chronic +fanning +toymaker +weeknights +dike +certifications +alma +russ +feed +bubbles +dominance +defensible +pow +prohibiting +operant +sobered +heartened +whittington +atlas +frown +citron +nut +clergyman +tibe +shutter +premieres +ghettos +stiletto +achaia +uzbek +minster +baksheesh +neighbor +piqued +posts +monument +saks +internationally +privateers +stout +sloping +patriarchal +pap +contributed +smith +jackass +bigger +tagalog +silhouette +pastrana +wenz +divergent +stances +safavids +renta +elect +inn +item +resourceful +molecule +arabism +jinks +cooperate +xun +pontius +husband +dashing +harbinger +after +maggart +prejudices +santos +firearms +imply +construct +practically +nishimura +samia +infliction +brilliantly +drugs +laghi +traded +artwork +urgency +sago +magog +vitally +muses +parker +gatherings +sandler +headcount +cananea +composed +enormous +unquote +virginians +ethnography +compatriot +scourges +bulgarian +fortunes +expediting +prosoma +ginnie +metal +jests +creamer +jackals +swarming +hotspot +bind +mire +imitation +howick +wsj +microscope +khaled +citizen +downsides +norwest +display +tributaries +evaders +towering +pro- +daniels +clifford +manual +contemporaries +responsive +doghouse +bhuj +ente +parley +league +midland +expedition +plans +roms +favorable +feedback +passions +terrible +utc +implication +lagoon +traumatized +notified +treasured +alarms +noah +misled +retribution +industry +mike +bake +proposing +lombardo +echoes +minors +joyous +hosting +reichmann +janssen +bocas +intercourse +weekend +re-start +erica +cathy +binghamton +lad +depositions +taken +contracted +cellulose +english +allianz +underage +emissions +capernaum +tailing +paula +undeclared +ourselves +spot +checkpoints +brigades +successfully +rack +congregated +random +freddie +protects +intake +non-invasive +issuance +coordination +instituted +00the +villages +archive +scott +networking +oluanpi +mutations +rainer +intentional +blotting +fateh +falsehood +defeating +schabowski +nathanael +liaohe +inactivation +carlo +multi-national +outpaced +erin +tallying +cockney +staged +dissected +anti-independence +flin +emissaries +dislikes +steamy +legion +landscape +nose +adjustable +beanie +herzegovina +financiere +antiquities +hampshire +pull +intransigence +kitten +lovers +expansionism +ascorbic +associate +contraceptives +undercuts +bio-technology +landfills +oversaw +hectares +rodrigo +earmarking +wrinkle +volcanic +salons +unavoidable +herzog +payers +herself +encompasses +canopy +zilch +softening +positives +residual +quitting +hiroshi +sucking +judd +partisan +advocates +handgun +sackler +sway +odious +slew +dodger +engraved +manasseh +bosnia +avoided +vicinity +scuba +shulman +hugo +division +boisterous +bottleneck +passersby +hua +sociological +bullet +novelty +seasons +cia +roadways +photograph +necks +polishing +favorability +woodwind +laments +reverberates +dostoevski +thunderstorm +count +phillip +eton +eater +interspersed +drenched +anti +incumbency +dalton +inflict +faceless +maturity +lessons +interpellation +missing +airfields +information +dominici +velvet +houellebecq +disbursed +rocket +restated +belgian +megastore +profitability +bemoaning +banxquote +disapproved +garish +thailand +westborough +accompany +electors +blockhouses +compare +frontline +rebalancing +motoren +coffins +redesigned +burials +rowdy +uso +anarchist +falling +zaher +cemetery +p. +non-violent +pepper +folklore +endeavor +deferment +scrimping +incision +deadlocked +coliseum +curtailing +ninth +uniformity +leper +wrights +thud +yemeni +peril +seduced +gunners +raider +optimization +jailer +peddler +hurt +kuanyin +digits +segmented +exhibition +consolations +lusaka +referred +alright +tyco +buddies +00mm +oakland +asthmatic +prevail +expulsion +upset +roommate +debilitating +studs +anti-democratic +leaner +munir +humanist +kwai +epicurean +housewives +or +passing +jasim +reliably +eslite +imposes +classrooms +rotation +expressions +charm +trustworthy +dan +fibrillation +idealist +contending +paer +compressed +guitar +glamorize +monkey +passively +frugality +nie +dogged +salisbury +outcome +hastert +dashed +blackmailing +innate +jeff +tajikstan +replacing +carpet +postulates +unadjusted +bidder +lay +blitzes +lackluster +honesty +tookie +misconception +pilgrimage +limousine +etcetera +coiffed +ahlam +mutilated +chavalit +majors +counter-cyclical +reduce +diplomatic +retained +watchword +name +thessalonica +overlaid +personnel +ft. +wearing +originate +happened +ponce +fanuc +zukang +uncomfortable +devotes +hmmm +hokuriku +gimmickry +lu +stricken +plotters +ordinance +merck +kilometers +cisneros +converge +mb +oskar +patriotic +reclamation +hyssop +wrongful +conn +chanel +ctv +escapade +modicum +grundfest +fusses +dedications +psyche +lund +retire +ot +stuart +salt +unused +was +shimmied +rafiq +friedman +eats +rejoined +risks +squad +conveyor +rinsing +unlimited +oi +downplaying +outstanding +anti-apartheid +pro-iranian +disgraced +kui +descendants +clerical +bilingual +slowdown +xijiang +against +extraordinary +nic +anatol +zeal +intrusions +sheryl +stockbroker +warships +ownership +arc +deficiencies +wellman +fife +jda +ok +herds +exemptions +irritates +educating +ducky +human +dissidents +sanctimonious +crosse +covetousness +files +chubby +ashton +individualized +damn +those +nouveau +founded +0/00 +payment +sweeney +o +workplaces +attacked +harbour +studying +landholdings +jiri +palmeiro +snagged +mistress +newsrooms +enos +duff +puppet +mengfu +vertically +considerate +berries +fraternal +isles +web +brussels +mismanagement +christ +jubilee +sowing +flunking +pickles +rapidity +scooters +confused +strictly +persecutions +piston +homeowners +patience +polling +fought +tropics +cassette +determinedly +seagate +conquest +surgeon +#00 +deployed +drawbacks +caregivers +december +cathode +coupon +harf +conflagrations +renovations +cowards +qinghua +sailor +resonate +bourgeoisie +------------------- +rascal +estimators +potters +lodge +peacefully +porous +banners +deceptive +widen +contribution +surpasses +pyongyang +qinshan +discontinuance +classifying +workout +wacky +confrontation +volvo +inkling +hesitating +sorghum +drops +burundi +markey +jon +stork +blindfold +cheetah +birch +justify +inner +simultaneous +incorporation +seussian +boren +oracle +span +masseuses +jew +photographing +eid +gutierrez +reshuffle +footnotes +buchman +lowered +biorhythms +door +rowboat +traveller +changchun +wachovia +hav +prevails +tanya +compounded +apollyon +introduced +sovereignty +cliff +cheerleaders +comportment +icus +confirms +concussion +pennzoil +splendid +positional +throwing +academics +aba +warmed +pentagon +borders +klass +ups +hesitancy +depress +unit +revolutionaries +country +dissolution +blair +oversight +predictions +enlisting +mccall +screaming +analyst +kandahar +consciousness +skirmishing +chagrin +aqaba +heterogeneous +bland +spectacle +tritium +worrying +representative +beach +dewitt +protestor +dnc +inciting +turks +strokes +urethane +margarine +metalworkers +unbridled +visit +sheepish +identical +nung +correct +ryzhkov +solicitous +amy +khan +thinkers +titular +molesting +chem +fractional +sensitize +pudding +brundtland +phyllis +unsteady +reinvesting +components +henna +taipower +williamson +home +ssi +attributable +patch +agribusiness +stalled +pincus +au +posturing +hot +qualities +wunderkind +e.g. +filan +inform +waived +lanny +cell +ours +deterrent +fined +images +misinterpretation +players +inaugurated +kilovolts +hydraulics +chia +antiretroviral +progressed +nighttime +husbandry +respected +shingle +toensing +pang +guiding +constantine +stirling +yan +microbiologist +wohlstetter +dizzying +accompanies +tack +tacitly +towed +outlawed +mcclary +deregulates +penetrate +fossils +coat +goldfish +honeymoon +relying +physiological +cursory +coventry +reporter +leeza +strom +increased +tilling +trailing +cbot +viceroy +rohs +squid +0:00pm +wryly +motels +soaps +unload +antics +uttered +bondy +participant +teary +jw +obey +peggy +calligraphic +stopping +enable +ear +recanted +fraction +neglect +rim +omnipotence +red +tzeng +infrequent +terrify +outings +magda +gambler +pump +compassion +prepared +expletive +imperial +interpret +travelers +spoked +non-daily +repealed +ire +tatu +belly +stifling +repay +forerunners +blundered +holograms +downgrades +grandmother +nagano +intervened +correspondents +mechanism +finnish +lyricist +shrinkage +quagmire +ruled +koxinga +roiling +glaze +incorporated +testa +costume +juniors +bern +moshe +occasion +rappers +slope +postures +tobruk +reconvenes +tent +thought +graf +connections +detachment +stacker +adulthood +oops +narrowly +destabilize +tantamount +buell +affluent +a- +captors +photography +landed +pokey +lea +non-ethnic +lsu +segal +cornell +strives +voids +physiology +piped +disillusioned +pencils +avions +orientations +desires +soc +kuei +dried +disgusted +boyfriend +mutation +connote +turnover +knocked +interestingly +allay +arabian +herrera +baby +deanna +complement +rumour +talents +balaam +loan +sarah +tanker +ashamed +critics +bipartisan +virtuous +communism +byes +ham +walnut +virology +suicidal +bravo +tombs +sacks +hoses +agility +underscored +sneaking +staunch +landmine +reside +roofing +flurry +schreibman +falkland +hiroshima +congestion +baskets +petroleum +employees +narcotics +useful +swooning +gall +inter- +kageyama +unintelligible +exaggerate +qiao +wiretap +swaps +yelling +barking +soundness +implausible +abacus +fervor +bragging +fasted +nikkei +framework +befell +compiler +pajama +inaction +diner +somersaulting +evaporated +franchisee +trains +secure +wasps +inward +rubbed +herrman +oversee +clog +bailout +prompts +commuter +constitution +nail +compilation +ft +acceptances +dumpling +major +kaul +honorariums +flocked +sega +gaps +ambrosiano +vesting +informants +typewriter +archaeopteryx +absorption +occupancy +knee +beguile +circular +rashly +gb +lame +gulch +radio +remit +unnerved +mahatma +angrily +superhighway +vantage +develops +nurtured +mackay +conditioners +daewoo +destined +kazakh +minwax +advising +twirling +outsized +concubine +somebody +immune +bowls +smarts +rudy +feith +propellers +trotted +milquetoast +script +communists +bizarro +glandular +stimulus +herbert +gyn +immortal +alleviate +arises +vice-chief +unabated +inequities +cutler +rapists +uncritically +pharaoh +co-existing +sokol +congressmen +veils +handicaps +geisel +extroverted +cloudcroft +arrington +sapporo +disappeared +fantome +differentials +propped +millicom +reactors +depots +jacky +jason +flapping +weill +confessions +lids +vincent +managerial +dipping +breweries +adventures +sceptical +recessions +elkins +second +loews +feline +based +wetherell +mercurial +vaccinated +abdullah +syn +abdicated +footnote +goliath +beeped +exclusivity +schulman +puppets +manuals +meets +dongfang +quantified +balkanized +crawford +regretting +carribean +households +sonnenberg +prognosis +000.000 +robbed +wedding +klm +tumbling +local +constitutions +apostolate +squeezed +haworth +pachinko +seniors +infinitely +gabriel +jawf +storms +undergraduates +inferiority +desire +granary +intensity +goran +van +vanity +successive +predictor +lomas +loaves +prestigious +anywhere +rambo +boss +bravery +resists +erle +colby +seasoned +subroto +downs +debentures +frauds +bithynia +compaq +brio +miscellaneous +final +chen +skies +sandbag +churches +fonda +whereas +bloc +entirely +subtitles +friction +bi-directional +jamia +vf +circumference +penny +popo +vagabond +glass +unable +owning +process +servicemen +glued +greenhouse +reviving +appetites +qusay +stirred +rosenblatt +wwii +defiant +infantry +castings +credence +learning +mesopotamia +cortese +inoperable +maybelline +partying +rediscovering +foiled +sneaks +intraday +scriptures +headhunting +turns +consists +shaheen +devise +redirecting +detent +historically +stiffen +baba +interlinked +whipped +raring +caused +chile +acquiring +orchid +meridians +romantics +fourthly +carefully +accustomed +foes +nostalgia +enhanced +unrelieved +mini-series +hello +restrains +foreheads +pavement +unwillingness +fuzhou +previews +felines +privations +logo +splits +decorator +fender +awareness +fazio +southeastern +gregg +rebirth +aide +pressed +impressive +bocheng +zha +teddy +stupidities +cervix +karachi +blurry +lawyering +cheaply +dangerfield +ivkovic +ecuadorian +vice-presidents +insignificant +hanyu +lenders +post-september +wimp +freshness +shrewd +doling +parish +theft +sheikhs +cables +correcting +stinks +stockholm +deceived +paralysis +pursued +provokes +wb +goats +illegitimate +old +scrabbling +barton +rounding +beneficially +alteration +emails +quiver +isi +involve +becca +invaders +gospel +shower +magnified +bankers +respectively +reinforce +shamelessness +computerizing +demas +commanded +settles +bellies +bopper +existential +broadest +karl +eritreans +perimeter +nazareth +terminator +escalated +marital +palatable +verified +aaron +television +railway +advertised +honks +rebellious +chongming +mid-july +overproduction +neocons +collapsing +delicacies +remission +insiders +trash +mahmoud +vent +mlb +entering +newcomers +cadet +judge +extent +deaths +breakup +landslide +jauntily +shoulders +aerospace +weary +as +enamored +blodgett +critique +pail +exponent +unusually +staying +capitals +impatient +sketching +a.p. +salem +shame +agricole +loiter +**** +mobil +footprint +broke +cowered +pans +orphaned +fraternity +farming +dissatisfaction +relocated +drills +governorate +mens +tabitha +berlin +gorman +antibiotic +reconstructing +surprise +sewers +girls +commercialised +wellcome +cohen +forwards +planning +aims +populares +dylan +contain +sheer +cultivate +co-head +shortages +turner +plague +occidental +ballistics +oppressors +forbes +agitated +merrin +routine +cup +kweisi +potter +arcade +steady +festivals +hook +divinity +wish +characterizes +interesting +goofy +corridor +compensating +imf +samaritan +disrupted +deity +kei +grounds +forthright +varied +backfired +kis +described +electrolux +felipe +enlighten +autopilot +hearted +hurriedly +filibuster +writhe +sewer +noncriminal +devising +valuing +benefactor +awaited +peacekeepers +asian +prosecution +%uh +vice-president +characteristics +begrudge +spittle +interviewing +particles +lou +rude +acquisition +transparent +tariff +exert +societal +mkultra +laugh +unconvincing +bloomingdale +forts +family +lafayette +encouraging +shrunk +pyjamas +unprepared +lompoc +partnerships +floods +archipelago +ironic +tasseled +lipps +bitching +pervasive +listing +luncheon +powerlifting +screeching +wusa +preferring +flings +associated +rudolf +puli +evacuate +elisa +perseverance +rankles +yearn +conception +aspired +theatrical +inhospitable +puckish +marcos +non-aggression +tiniest +exile +rewarding +zhangjiagang +bowed +hussey +unchanged +protected +andalusian +selections +wins +protagonists +parliament +hancock +thirsty +lintas +daohan +divisional +fitzwilliam +laci +sightseeing +bankrupt +edges +ass +mobilization +affirming +cnidus +ganzhou +initiating +boomers +dismal +treatise +actor +--- +holder +allies +grab +hawaiian +courthouse +haole +futile +ultrasonic +kilts +orioles +liven +ellsberg +sneezing +sensation +database +obfuscate +pilots +scraping +orchestral +smelling +fantasist +'ve +veteran +of +zhangjiakou +startled +clothier +spurt +measly +longing +vetted +certify +rt +andrew +emirati +popularize +irresponsibility +mujahed +irving +facility +uranium +benelux +sadder +absorbing +drumroll +communique +fertilizers +joran +unburden +crapshoot +excluded +threefold +analytic +bide +disbelief +axis +guarantor +tigris +downright +furloughed +soldiers +centralization +excesses +plagues +nike +briefing +applying +waterford +intents +newsday +yitzhak +viper +issuer +hitting +enter +guantanamo +n't +radiates +format +guangying +post-harvest +deadlier +tennis +dandies +listened +brennan +diminishing +rick +kentucky +albert +shiite +duet +chrysler +sociability +strangeness +nazi +p.j. +felix +ebb +..... +biography +paqueta +soothsayer +attorney +gripe +aquaculture +knoxville +liberal +diaoyu +pollen +exaggerated +shining +beddall +bottled +bashed +bronx +fatal +assassinating +scrooge +bulldozed +triglycerides +carvers +pain +diversification +okay +avmark +dutch +rhythmically +dawned +prods +nissen +machiavelli +vaudeville +sheepskins +facto +achievements +grandchildren +christening +hutchinson +thrifts +kilometer +hardee +abid +sinology +leave +benny +witch +regularity +kay +rerun +magnitude +u. +machining +nuances +prepay +bigwigs +coiled +jealousy +midtown +semicircular +peacock +denouncing +slowest +civilians +condemned +0:00 +grad +soften +celanese +guideline +serial +bungee +updated +pair +ayu +outstandingly +backyard +insurance +overshadowed +defecting +autumn +miscarriage +atheism +every +caroline +probes +grace +nmod:without +accords +petersburg +liked +civilizations +actress +separatists +mattress +calumny +period +louisville +venomous +stipulate +ethnicity +apply +battering +ref +mazda +discrepancy +factually +definitely +nmod:during +closely +nemeth +speculated +allowances +gregorian +winners +valentine +hire +hundredth +dioxins +cavalry +fleecing +dayuan +upholds +apostles +utter +glucose +cameron +slanting +insofar +heal +neighborhoods +actual +specially +overdeveloped +bus +washington +gyms +loyalty +administrator +mcgraw +wfaa +unavailable +policewoman +dozens +localized +jealous +deplorable +drifter +heart +injecting +illiterates +sochaux +defunct +said +dreamt +signatory +salih +stubbornness +marginally +overuse +spillover +decheng +argued +fog +qian +lexington +pathetically +smokehouse +consideration +strangers +uh-uh +husbands +frustrate +eunice +pockets +latex +impressed +carbon +unfolded +mischief +prada +pre-0000 +seventeen +importation +benz +aging +fooled +chasers +halt +calmness +nozzle +hodgson +yinchuan +releasing +extraterrestrial +armadillos +interferes +perks +regeneration +volatility +preferably +everything +vickers +hundreds +studied +borrow +prevented +firepower +unquestionably +analytical +boosting +vaginal +gadhafi +custodians +deepak +exit +strength +damages +normalizing +fainting +spitballs +tipple +historical +irrelevant +conversed +stanwick +dispatching +moonlight +ginsburg +work +giveaway +column +jig +tote +charted +hipolito +stephen +predator +kitchen +february +native +burst +quart +stronghold +concomitantly +devotees +update +wriggling +enrich +message +guofu +tribal +antennae +mesmerizing +shills +anonymous +existence +abandon +postmaster +mcguigan +caustic +conservancy +ferocious +thinly +dazzling +sleet +brierley +proportion +sneakers +sits +speeders +tune +interstate +withstood +must +paphos +hype +covers +withdrawal +lansing +aggravation +draft +tardy +sep +campaigned +resorting +earned +inserting +blob +synch +assisted +-0.00 +kipp +override +katharina +british +dazzled +indiana +regularly +subsidiaries +circulated +deflecting +apart +ballroom +shara +defect +crowns +adjectives +jeddah +brainwashed +egalitarian +jasmine +stable +maximization +indignities +nationals +incumbents +byelorussia +backed +dart +beverages +back +hayden +humiliation +submitting +sikes +psychoanalyst +fail +hsia +met +hq +deflated +tiresome +witted +fantastic +confronting +phlebitis +frailties +emphasized +buddhists +rice +hymns +backlogs +carnivore +a.m. +hurried +!!!!! +deference +biotech +jumpsuit +anding +prejudiced +trepidation +newsworthy +proudly +jingsheng +paste +implies +converter +perch +disbelievers +amalgamated +hebron +resemblance +eee +sister +reflecting +balqes +woken +masons +among +petulant +impeding +renditions +mom +noise +surrender +summary +backgrounds +penguin +drafters +differ +posner +cavaliers +justin +lian +waggoner +georgia +membership +instances +anti-static +clans +populated +profanity +envelopes +grieving +yorktown +betterment +refund +marinade +patric +glow +o'malley +proof +whitfield +undeniable +symptom +thread +opponents +000-million +birdwatching +slyly +insubstantial +absolution +insignificance +gang +communicators +cafes +nicest +hingham +excavator +precedent +freezer +nothingness +snake +brutal +multilateral +harriman +jamming +fbi +priest +promising +tisch +chechnya +shihmen +easter +antoni +morgan +chipmaker +inundated +press +initiated +inception +connectors +dine +hearst +redeemed +playstation +greene +airports +staffers +threated +seamen +paired +shaw +inconceivable +broadcasted +batallion +bridgeton +tracing +otros +chlorophyll +intrastate +mid-atlantic +slippers +gatekeeper +conti +hijack +tendency +kosinski +triad +elemental +gro +choose +bracknell +dashes +mathematical +collaboration +macari +peninsula +interior +undisclosed +implementation +all +notre +weeklies +lascivious +voltage +destructiveness +kira +golan +fulsome +epidemiology +hugely +embroidery +occupier +misplaced +tam +swallowed +khs +counterpoint +damning +abcs +bran +driver +definition +messing +whistling +cromwell +rating +bales +veterans +wto +matsushita +nitrogen +disarmament +outpace +disturbed +squiggly +color +nicole +encirclement +protect +smuggles +saved +humiliate +wander +worsening +chang +prayers +detectives +tada +coverts +keith +accuse +experimented +notify +outgoing +torchmark +rockwell +persuade +reservists +feick +endeavors +yarns +oyster +formosan +bolling +clue +maintainence +yuanshan +lillehammer +marry +arnett +podiatrist +outdoor +reaffirmation +cramps +village +rename +lev +outset +toothpaste +yeng +plummeted +handy +vice-chairman +scientific +jehoram +thurmond +rut +dimension +stretches +stucco +snappy +barren +assemblyman +prof. +faults +jingjing +fondly +samson +offend +contribute +advantages +reliable +cri +pushkin +nichols +threlkeld +hammer +consulates +realms +safest +fascism +define +clause +withholdings +exceed +frozen +loadings +senegalese +counties +lap +death +rebounded +haag +sparking +exceptionalism +fauvism +jonah +elections +vice-presidential +philanthropist +tiberius +rhoda +ubiquity +tinseltown +rings +atlanta +breakthroughs +trillion +bogus +covenant +preening +advancing +duma +floridians +zeigler +cox +hr +barely +nephews +feasible +iman +sheet +fanaticism +show +resound +stiff +closes +boca +novelistic +copyrighted +marguerite +more +lawns +dot +complaints +greenfield +owners +redressing +paving +dishes +website +tsu +grand +situations +geometrical +peter +regarding +gladly +daddy +chapel +flashlights +rubbish +inconclusive +reconditioning +invigorating +pork +zoran +diameter +scalps +correctness +levite +echo +ever +flinch +recently +gravano +nagoya +kobayashi +paths +instant +shrouds +survivability +hangover +besiege +firebird +appoints +saga +ji'an +sahar +cowardice +dancers +suburbs +zeroed +perez +gpa +basic +reinstatement +blown +suitability +reactionary +stalling +wrapped +analysts +diversifying +gutted +jester +magazines +mx +surges +merchandise +analyzes +poker +turd +farcical +photos +sports +conclusion +squeegee +loretta +dance +good +infer +declare +notifying +flowing +grover +constructionist +violent +escorting +preventative +renovation +neoconservatives +stray +scraper +nyiregyhaza +brothers +schering +iced +looser +blossoms +alicia +warring +markings +decimated +pervaded +odyssey +courter +unfavorably +sited +psychiatrist +reprisal +xining +catchy +flights +volunteered +olson +contributors +entomology +kaplan +individuality +honest +boom +breen +willpower +companionship +reputable +utilizes +fighters +rioters +academy +bureaucracy +fertile +chens +copper +meurer +mariam +inwardly +persis +mergers +slaying +guber +goodies +oscillating +shenandoah +hats +preschooler +parcels +elastic +crust +athenian +fellow +plenary +opere +krenz +circumferential +onerous +freefall +outdated +pnb +rabie +array +discretion +curative +brickyard +fatwas +unimaginably +exploiting +yam +hover +encompassing +thirds +litigated +exacerbated +solvents +wholesale +rekindling +hakim +dwelling +demolishing +ashes +mann +plainly +carla +demobilization +eighth +hug +sandbanks +cm +bebe +hsun +inches +crimes +slide +careless +queers +conspiring +curious +centering +re-opened +tabloids +topeka +rhetorical +pawn +bouts +babe +series +jacket +possiblity +services +unscathed +0/0/0000 +bordering +dependency +serwer +nmod:tmod +awry +mutters +braniff +qomolangma +blames +breaux +worrisome +circulation +syrup +teachers +sinks +suggest +pyrrhus +primerica +mitsuru +recorded +dollar +medieval +your +deuterium +sultanate +request +pacer +stressing +dass +henan +assaulting +selflessly +djia +replays +uninjured +postal +peptides +restructurings +dustbin +nc +harassing +highlighting +germinate +medium +constitutes +hades +beauregard +de-baathification +unlike +less +beijing +implementer +example +antonovich +bulletproof +self-control +whistle +espousal +tseh +implying +lo +gilead +lagged +semen +hakkas +gringos +conventions +tampers +premeditated +sequences +natural +lauder +yongfeng +excludes +analogous +feud +reveals +contends +collars +phone +shiites +innocent +mexicans +que +jaffe +unites +distorts +called +retooling +toddler +heiko +claimant +demonstrators +hallmark +cambodia +sporting +arenas +assembling +rukai +indigents +fairytales +paints +dixon +coughed +center +genesis +cornered +changhong +zenas +gyrating +hemoglobin +edgefield +huggins +outhwaite +poverty +indolence +torched +veiling +keeps +literate +thrown +alert +intimidate +bonfire +original +floundered +facilities +magnanimously +lordship +cranky +foreigner +embroil +clasped +particular +aboveground +salomon +choreography +garde +organized +rover +hersh +deceptively +brokering +narrator +glare +eagles +contained +underprivileged +scully +tiempo +donna +surprised +shine +cleanly +incidentally +s.p +pre-kindergarten +dubinin +zabin +suits +yucky +lockerbie +quantum +ramifications +praying +classified +destruction +chopper +modulating +remarkably +cassation +e-mails +smuggle +unequipped +pashas +supplementary +consultants +savers +disappoint +neal +guangchun +banished +crossroads +shy +southland +wedded +cyprus +sums +contradiction +smell +legislation +boldly +wiped +formations +necessity +teleconference +galatia +scare +hanky +inventing +equaling +candy +sparc +astronomic +orphans +financed +sages +lecturer +billions +jacobson +vandalized +keen +inducing +mortal +enters +quickened +prescribed +raised +verses +parts +naji +moralist +taba +tanzanian +quek +hiccup +philosophy +puzzling +decommissioning +croissants +dimensional +tesco +boulder +layered +revolutionized +gorky +snidely +hepburn +cycling +bounding +perfection +accept +illustrates +quickening +transponders +delta +doktor +superman +step +decorum +ou +karzai +uaw +vest +bendectin +advert +termed +eddington +inherently +ascribes +kaixi +kuchma +readership +acres +hotpot +multiparty +belgium +refuel +penchant +yen +locks +mapmakers +cultured +brewed +brutalized +goalie +conversely +evolution +contentions +nazif +discovers +commencing +ilk +melon +tamim +cain +tunnels +appos +reilly +next +despite +aaa +athletes +merrymaking +awadi +ritz +marthe +integration +picard +minor +hostilities +telemarketing +mus +discounted +alberto +sosa +interruption +appleseed +uncovered +allegiances +melody +sulfur +swine +dime +municipals +seabrook +seattle +glisten +outrageous +shyness +noticed +caution +eliud +excelled +leninism +zhilin +farid +ethic +leaguer +funeral +declasse +concur +mucha +qinglong +cellular +oriental +repairs +discoveries +toughest +hobbled +newsreel +fetus +moss +cashmere +roasts +favors +bounds +climate +cacophony +brain +chow +un +differences +reviled +k. +cap +public +boasting +illegally +follows +subscribers +overflights +ceded +cross +jake +non-strategic +interactions +energies +these +courtier +wherein +respiratory +rivaled +valleys +build +workaholic +leapfrog +sculpted +fat +, +rue +sorted +scoffed +emphasizing +rok +worshipped +travel +brushes +hurtado +deeper +precision +monetary +find +ardor +rebates +insects +pre-condition +conquering +uncovering +resisted +hectare +squeaked +merola +observational +badr +vagaries +thug +yucai +backdrop +undergrowth +clearance +assassination +colombians +surreptitiously +demoted +tyson +alec +quid +sufi +save +barricaded +fugitive +skimping +meow +maggiore +demonstrated +overlooking +homeport +geraldo +broker +reason +chat +cutbacks +sized +punishable +umpteen +rep +fs +multi-story +non-communist +mutinies +dying +benedictine +remained +undeniably +dianne +feverish +weakness +tanshui +avalanche +habituation +foreman +hyper-competitive +vision +spunky +aristocratic +gelman +captured +despised +mair +bloomington +pagones +cancers +smarter +dissipation +another +flagging +pitted +essential +vietnam +duke +realizable +resignations +sacrifices +businessman +gave +helpers +pretrial +porting +putnam +lugged +hide +funds +yell +renee +declaratory +insistent +welded +samantha +monologues +eaters +shorthand +gymnastic +basketball +pushed +lumpy +ohmae +potholes +reding +buffalo +ballparks +accompanied +northward +grandmaster +horrible +fixture +hashanah +greeting +unpaid +carrying +pcr +steam +carville +rubble +conditioned +brawl +overstay +puzzled +fuh +precedents +heights +zenith +bullock +trooper +j.d. +metric +japan +ornamentation +del. +apple +inaugural +misread +subtitle +solemnly +advancement +speeds +cannibals +vacancies +asap +nakamura +dumbbells +sideways +miscalculation +tiered +adoptive +m.o. +mcveigh +knowlton +numb +bertolt +simplicity +gbagbo +anti-crime +hackneyed +polyurethane +adipocytes +fondest +staggering +dornan +reproduction +hornblende +honoring +disclosing +oodles +pluralism +efficiency +tow +studded +caravan +sauna +acknowledged +tempe +authorizing +casa +argentina +tubes +glen +} +steve +spectral +paradise +story +moines +anti-porn +rebel +francisco +gorilla +detests +remembrance +depiction +philips +accelerates +cilicia +talked +pursuit +audits +told +busty +framed +houli +vests +weirdest +bertram +distort +paradox +actuality +informally +crowd +crts +origin +rekindle +confederation +ringleader +perceptions +quirks +obeys +added +accusatory +abound +marco +darien +hydrocephalus +bending +presumedly +confined +projecting +listening +sen. +whine +bread +qaeda +amre +abruptly +clapping +dipped +flanked +bunch +adrian +hutton +approves +prostitution +clinique +bridging +suntory +excuse +interpreter +disused +aspartame +adjunct +thatched +windy +rink +downsize +stipulated +unpredictable +simpsons +c +apartheid +bristol +seasonings +tad +hesitation +hulun +comings +massacring +specifying +unearthed +upsurge +perspective +paring +yank +franchisers +anesthetics +o. +chien +partnership +initiative +inquired +onyx +dyer +africans +plan +colleges +foolish +drives +legal +looks +projection +tolled +findings +dilorenzo +convenes +teach +withdrew +surrealism +conversing +creating +raced +yelled +pingpu +conferees +wholesalers +starchy +submerged +length +chahar +gusto +nationalization +humane +logic +sword +wednesday +refashioning +redouble +ray +summerland +workday +judeh +births +disparaging +codify +ranged +ceremonies +oped +map +unedited +tambor +win +growing +initiation +custody +windows +lashio +sartre +multi-million +ones +co-operative +importing +sub-zero +exceeds +domain +crouch +signified +special +mailroom +instincts +materialized +guess +mirrored +changes +click +meddling +inequitable +c- +arable +khost +troy +borten +allude +porch +scenario +khad +noir +sorry +dismantle +kip +plains +actuarial +portrait +dixie +kunashiri +coherently +anecdotal +complexities +whimsical +biederman +karada +misuse +velcro +undelivered +spokesman +ditto +dais +spyglass +administered +ferguson +artists +bens +investigate +dispatched +syndrome +approving +marred +elephants +searle +wailing +accelerate +acceptance +tolerate +ac +proposition +salaried +residences +hair +whitewater +content +chum +globes +transplanted +murder +hk$ +disintegration +completion +sunken +mms +tidy +spineless +yiming +hearse +orphanage +sprouted +lederberg +trespass +pealing +sparked +annan +descriptive +tragic +olga +crazes +linebackers +arabi +brainpower +uneducated +accuracy +jury +sporadic +befall +knives +shit +calligraphy +election +heston +yoshinoya +spree +nikko +invites +flies +demands +earthmoving +dynastic +fourteen +orthopedics +comment +avert +mien +spares +whitten +plundered +scents +mulhouse +concocted +overhauled +upholstery +consume +nephropathy +uncertainty +non-grata +softened +dampened +markers +dejected +spacious +arrived +principles +battery +airborne +belaying +chutzpah +flavor +drawback +periodicals +dicks +antitrust +m +gilder +typhoon +quantification +betraying +bookish +outsiders +disabled +smallpox +hysteric +declarations +nhl +homecoming +chin +prolonged +retrace +oval +damme +behavioral +methane +rewriting +crossing +agate +saunders +beyond +spirited +clawed +swamp +iyad +whisper +shutdown +unlovable +impatiently +transient +aftershocks +profit +silas +sinning +/- +experimentalist +makoto +squeamish +attributes +surged +resource +harwood +juxtaposition +gehrig +cboe +intel +convenor +whitney +mainland +reposted +flushed +formby +land +detestation +decency +thirteen +people +internally +localizations +reliant +conrad +changsha +suzanna +structuring +suggestion +flop +handkerchiefs +doctoral +snows +i- +necessary +developers +smeared +visas +beneficiaries +perished +rainstorm +mouth +jamieson +cords +chase +inexorably +bache +dassault +puts +consulate +salads +purloined +admittedly +vehicles +generous +wenzhou +hardware +potion +fleet +spots +shorted +frelick +wipe +coalmines +hyong +westin +contact +overthinking +repeal +but +flirted +recusal +signalling +flopping +conservatory +coffield +blase +escobar +mohamad +golds +misrepresent +steroids +sound +wanes +greatest +penniless +midsize +operatives +fads +captions +protections +required +takers +relic +treat +supervision +chamber +overcoming +index +marriage +heater +embarrassed +allegory +choir +market +expose +jakarta +thing +commonly +keng +mei +blip +abandonment +clarifies +priced +o'neal +detaining +assigning +nakedness +disputes +memorialized +senet +flim +consoles +retirements +visualizing +cashing +tired +aqsa +accusers +structurally +solutions +partisanship +orator +zealander +alberts +ast +chunghsing +subscribes +grinds +tva +abrahams +extending +guesthouse +libby +cancels +loaf +picked +marketable +installed +resume +manhole +heinz +pagans +spores +symphony +retains +admonishing +confiscation +tubing +inconstancy +lambda +aural +nominate +newsstands +utilization +demonstrate +penury +insulin +batting +jackson +krait +dismissed +blackmun +empower +eldest +school +embodied +prospected +humors +lineage +positions +yanping +sabotaging +nicht +changjiang +incited +huh +program +sane +warming +moaning +rosemary +meridor +somoza +obsolete +balak +scurry +misperception +viral +impacting +itv +rate +sentenced +downwards +bankamerica +ids +dichotomy +rogers +fahrenheit +measures +pocket +booze +innocents +inherited +patrol +withdrawing +sitcoms +balked +madame +vladimir +migrations +schoolboy +oberstar +salamis +md. +console +setbacks +animal +keelung +masala +engineered +languishing +chillingly +co-production +purposes +shevardnadze +younger +zhenhua +groucho +calaveras +oncogenes +investors +four +fiat +boozing +sinned +destruct +shoot +dame +ascending +tantrums +affirmative +midweek +tass +riot +nights +brothel +prosper +smashed +considering +ponder +unconcerned +vento +recasting +mumbling +unleavened +untitled +elementary +mpi +hibernation +jurists +comprises +speechless +hens +lenny +insolence +freight +worsened +landing +yasir +ostrich +regiments +milos +mysia +clampdowns +lessening +delight +schantz +whenever +basham +hydra +wells +term +growled +pilate +xinhua +reaped +madison +criticism +haruki +elevate +studious +evaluating +forrester +evolve +violating +pointy +afresh +endorsement +pines +lapsed +leslie +fully +tomcats +bulging +negatively +complicates +vagabonds +bear +tracker +maritime +handed +stepmother +melancholy +turbans +presenter +depend +dung +phonebook +nien +defecation +borderline +disputed +academia +specifies +cards +asmara +fortnightly +mighty +mater +chopped +unravel +countdown +spears +completed +hu +pander +devastated +sling +carthage +murderer +swinging +surmise +assistant +primitive +downhill +disagreeing +conasupo +alexia +cognac +squares +selectively +signify +hoy +jc +visible +dismisses +asleep +supremacy +eddie +laundered +participate +alan +masterpiece +strident +wer +crafted +battlefield +tugboat +quanta +hamburg +transit +objection +foretold +linkou +lever +hear +sanctioned +patmos +unisys +myra +atv +emotion +prudery +picus +lamont +hunt +embedded +ugh +changing +colder +exclaimed +pursuance +anemia +stems +decorative +bsn +alun +hamlet +boorish +infertile +sisters +language +programmer +instrument +widespread +lanes +lock +thievery +unite +embargos +separately +cumulative +reconfirmation +sunday +tao +virgin +hock +bald +bearded +suitor +appearing +groundwork +reporting +loess +willis +mercenary +demin +substances +compared +aggrieved +nmod:under +telephone +succumb +securing +reinvested +positively +sutton +englander +eavesdropped +pumpkins +siphoned +arimathea +foresaw +nominated +dresdner +young +stressed +adherents +kuangdi +career +denise +misrepresentation +evren +tomb +mob +00:00 +experienced +non-defense +calculating +taitung +pretenders +hillside +stewed +matthew +bilis +crummy +licked +equities +jialing +widest +lawless +speckled +pearlman +non-partisan +yoo +crowning +ravage +makoni +synthetic +shack +laurence +clocked +date +rule +aisle +cowling +changyi +excruciating +nmod:around +falter +immigrant +rock +posted +occupied +gaped +czech +glutted +osaka +timaeus +paltry +shechem +cucumber +shoemaker +publicist +extradition +higher +cuisine +nmod:after +locational +condolences +telesis +policies +dana +excursion +colonies +nerve +wallop +warhol +translated +ask +panchiao +vulnerability +reordering +staunchest +pledges +isolate +dissenter +latino +advantage +vacate +arguing +ordering +pronunciation +runoff +darwinian +tides +hagiographies +prescribes +dismantles +fine +lockstep +carat +megane +plowing +blum +hinterland +emile +andersson +naming +fajitas +non-u.s. +caucasoid +backroom +resoluteness +longitudinally +sudan +eugene +alexander +amt +allusion +post-crash +depth +pinola +rent +basically +acceded +immunization +revamp +compartments +horrifying +paperwork +n.h. +shaker +overlook +deprives +onlooker +whistled +orson +undertakes +enjoined +nouri +behaved +ba'athist +aguirre +diaoyutai +hopping +rodeo +boiler +unturned +knots +panicky +schoolgirls +secretive +multi-polarization +endow +erosive +studios +phrase +sass +impregnated +occupational +para +prestige +boost +coelho +editorialize +nova +seizure +cookbook +faultlessly +writedowns +tfb +plame +redistributes +delirious +rust +freighter +sheltered += +texture +bestsellers +lest +tian +accompaniments +simba +timers +reformers +passenger +monterrey +injunctions +supplying +advanced +vezina +defections +luxembourg +cointelpro +burdens +protection +searchers +pools +parlors +fits +xide +fluidity +womack +ammo +striven +bavaria +nmod:behind +revitalization +consciously +upwards +astonished +stripes +capacity +aimed +wenhao +crisscross +systematizing +prowl +buzzword +retaining +ireland +forgets +ottawa +consul +invalidity +mammalian +cuddly +dub +jackets +privilege +ingenuity +conduits +conjures +bruises +row +haste +framing +ratified +zipped +buyer +physician +playground +opec +parle +whack +galapagos +liquidation +cypress +theoretician +minted +overseen +beckham +ripped +chloe +jacked +su +rung +librarians +alida +lakes +exaggerates +professors +dalai +zeus +zhengming +carry +panyu +polo +vocalist +dryness +sporadically +paroxysmal +slap +salerno +treacherous +pickle +peculiar +delving +stephanie +the +reelection +shikotan +elders +ge +sped +unthreatening +talkative +bleating +derogatory +minnelli +gratuitous +nmod:such_as +thrill +sideshow +dirt +warehousing +cruz +bones +donate +bounty +iconium +validating +marriages +abigail +sliding +alassane +- +grs +involved +pancakes +upright +accoutrements +dereliction +outsides +michal +groundbreaking +finnie +hallway +fivefold +consist +centerpiece +frankie +tween +institution +inflatable +duel +textiles +noises +faraj +extraction +numerator +purity +downloaded +awaits +superstitions +insults +performed +points +prerequisite +cautions +stymie +bertolotti +pre-summit +oran +carton +kindling +iodine +pomelo +marvelously +stump +interns +erroll +ttv +lema +falters +spun +monsoon +auditor +exceptional +controled +nhk +quivering +trinitron +repatriating +remittances +coins +busts +memento +sculptures +infest +colds +casinos +acting +hypothetically +cartoons +turmoils +stranger +reappearance +grandchild +resolving +hurting +adequacy +tickets +feel +thawed +rolls +intercepted +girlfriend +merit +hugged +nmod:by +zhengding +ipo +disadvantaged +thomas +exploitation +rejection +betas +camille +minneapolis +referenda +harbi +instigator +labeled +non-celebrity +*** +matalin +real +hurries +impression +chef +traditionalists +conceal +ounce +copyright +fuji +substance +checkups +rahman +viewers +factionalism +floridian +patty +crudely +localization +doosan +sacramento +pipes +supercomputer +yigal +unfunded +fueled +x-ray +reiss +repeat +devices +finely +feminist +extermination +beck +chicagoans +hunters +islamic +librairie +rumor +debi +virtue +ultimately +blanton +clash +vista +crab +exploiters +atom +prenuptial +multi-channel +spartan +greenbelt +usurping +bakshi +flourishing +pomegranates +entities +dreyfus +spurts +smoothed +threw +promoter +musicians +interface +vegetarians +mccartney +fahd +v +polish +headquartered +mahfouz +pleased +erected +nonsense +nu +town +messenger +ferry +nostrils +entrepreneurial +praetorian +characterize +anti-foreigner +salon +interviewed +awards +potential +accreted +alishan +gump +bao +accomplishments +plurality +nowhere +helena +dislocations +bozos +dies +mottled +guizhou +worm +incorporates +zig +fueling +vizcaya +massive +sails +moynihan +doing +continuance +taro +fein +teas +pcp +clad +reforming +terror +plowed +props +caroling +earth +brash +captivating +disbelieving +completes +contagious +00rd +blain +spiraling +floodplain +sheiks +stupidity +scheme +downing +destructive +persian +testing +bleakest +hardworking +tributes +unsure +popped +tight +geoffrey +regiment +degrees +se +acl:relcl +distances +wrathful +dudley +legume +abney +bin +telescope +jeeps +kelly +ann +underwater +e-commerce +idol +comsat +entreaties +reputed +mooring +ordinary +feeding +assaulted +arteries +herod +ina +placid +twenty +squat +graft +moments +retard +robbins +looted +seedy +bond +> +rumpled +nickname +reverberated +supervisor +admirers +helluva +spoils +timing +cathay +dominica +rhode +unsuccessful +pocketed +piker +uterus +economics +ouda +dominion +hence +counselor +deodorant +innumerable +lengthy +whispers +flom +fest +body +zia +lagoons +cornea +thrilled +squibb +bell +yearlings +constitutional +supercilious +departmental +unmitigated +situated +finalized +canadian +norfolk +yangzhou +profession +constantly +prepaid +arbitragers +detested +braving +playoffs +hixson +mourned +dedicating +roustabout +urges +interrogations +invades +gustafson +zeta +civilized +palaces +trench +boosters +callers +educationalists +jellison +kochan +bespectacled +vancouver +pedestrian +aquatic +millionaire +newborns +reader +obsession +throwaway +matriarch +reimbursements +weighty +opens +manifestos +paws +tends +provincial +ecuador +embarrass +kimbrough +displaced +plywood +calories +surrounds +swedish +villas +incorporate +hill +proper +nan +succeeding +omits +kindergarten +fold +razi +spanking +artsy +sexes +merging +vacancy +abnormalities +litigators +koura +wen +clan +exonerated +straightaway +clumsy +related +rollin +tragedy +stride +zedillo +shippers +airliner +pandemic +leery +exclusion +spurred +madrid +emancipation +hsin +rats +dithering +dec +expectation +obstructions +shamed +jorge +successor +sourcing +accelerated +stippled +whitley +unfocused +mandates +wafaa +prosperity +prices +forensics +swirls +post-production +pakistanis +extraditing +sjodin +hallucinate +targetting +rolling +co-development +chuang +maid +anti-dumping +milk +cautioning +woodbridge +mailbox +gwan +layer +validity +olay +excavating +abstraction +smoked +gripes +musician +apologists +roadblock +acura +baidu +roaming +taufiq +convinces +fade +licensed +transcend +nails +non-degree +shun +ious +yungang +sisk +descent +re-igniting +cataracts +entrances +taste +filming +diver +sizes +laboratories +mrt +hitherto +sight +roader +facial +granted +repurchases +starters +reformists +hijacker +thugs +fo +sends +weirton +eduction +handmade +memo +rage +sms +dunya +whoring +acquainted +tadzhikistan +imagining +fates +denounced +interventionists +coleman +optimistic +disturbances +involuntary +defiantly +non-muslims +reward +burying +predilection +sample +kilometre +dressmaker +exacerbates +others +ibj +wonderful +wing +dueling +s- +destinations +pooh +bloated +kaliningrad +whiter +sedated +document +aloft +sar +unwind +cross-sectional +curriculums +bothering +pal +trout +lortie +stratum +stare +clearest +packard +approached +cockroaches +hierarchy +incorrect +competing +grievous +entourage +non-food +coincides +thelma +post-0000 +esp +needlessly +protruding +exported +overruns +rejoice +quixote +screenwriter +escorted +editing +unconscious +ure +geopolitics +riser +behalf +teased +surmounting +groundless +obeying +slaughter +highest +jiuzhaigou +lichtblau +unfazed +arranges +accomplices +contacts +disputing +featherston +dandy +maneuvers +hoc +astonishing +bayreuth +tseng +adlai +duo +filmic +jacuzzi +modernizing +heeled +reelected +inability +logs +thinnest +citrus +lenient +friezes +wherever +fas +incur +jenny +plaguing +byelorussian +olden +fault +cardio +stockpiles +berserk +reworked +mci +pregnant +significantly +surrealist +designs +rockies +empire +standup +leveraged +varese +locale +traversing +loves +tidal +appliance +deconcini +grease +ban +lawful +pao +annuls +semantics +caretaker +hibernia +sacking +faxed +assessing +thumbnail +forfeit +savimbi +secured +streetscape +willem +apologist +cheech +lip +distinguishing +geezers +deeply +onrushing +fearon +cryptic +deciding +organ +undying +south +solar +eject +fox +fist +ersatz +costumes +extremes +juxtaposed +flannel +imaginations +inking +reaffirmed +highness +satellite +glances +usable +pickering +stash +arafat +rally +sentencing +gash +dramatizations +kingpin +russians +exact +widow +baptist +trails +spotting +audience +picasso +multiple +compacted +latest +stiffer +corollary +claustrophobia +co-defendant +plaintive +lyrics +landlords +iniquities +airways +r&d +non-market +vouched +styling +outing +hillsboro +housecleaning +denies +birthplace +pets +fetchingly +berra +simulations +spokeswoman +blithely +armored +disasters +propping +breguet +gradually +mit +elliptical +heidi +sneh +shaky +figured +yangpu +drake +excite +inhaling +grasslands +cleansing +shopkeepers +deepened +honecker +address +unimaginable +phalanx +part +debated +mailiao +tagliabue +premeditation +koreas +animation +wildflower +hampton +wallowing +addressed +dramatically +banharn +dovish +antiviral +skirmishes +deqing +macro-economic +alegria +necrosis +foster +nervousness +articulates +embarking +buttons +luciano +dork +sparkles +pompeii +burden +katharine +re-evaluated +genius +abolishment +foray +steaks +apologize +folding +ballerina +republics +housed +depart +kuwaitis +interim +headman +statue +indiscriminately +psychiatrists +amod +eritrea +thankfully +comeback +pitched +spark +mullahs +befriended +cryptomeria +farentino +workplace +circumcised +shuffle +bonnet +regarded +deploy +untapped +mustard +barcelona +aviv +yablonsky +whitehorse +hurriyat +conduct +sighs +wfp +liveliness +halo +maines +readers +appeals +harangues +and +'s +thunders +ramona +besides +distressingly +electrification +discredited +apsaras +enliven +railways +demagogues +ariz. +martyr +economize +lishi +iken +headliners +verbal +signboard +golfing +humanities +paroles +kenji +small +cater +enforcing +omnipotent +gi +gustavo +sloot +heighten +reptiles +prominent +rarely +consolation +pond +marc +sufferings +innocence +mitch +ernst +freelance +chessboard +button +dornoch +zhai +limitations +jostling +spicy +gleaming +recover +deborah +pissed +sung +rye +milken +faculties +singers +lanqing +eclecticism +seatbelt +shi +dule +zhenjiang +bedrooms +nukes +rong +crackers +mattingly +planted +crown +addicted +fingerprint +rustic +politic +effrontery +bleep +accountant +loser +patsy +ripple +resin +teutonic +heritage +signifying +knowingly +comparing +trust +newscasts +pig +drift +publicize +tread +didactic +nickels +innocently +breakaway +herbs +acer +claus +rendered +extraordinarily +excavated +singaporeans +lg +attached +drillers +beatrice +sack +liars +providers +xiaolangdi +inculcation +convertibility +calves +adherence +cols +delectable +reaction +crisis +archives +accord +groom +multitude +sheaths +clout +mediation +spider +claire +fraud +promote +buyers +laos +monsoons +mosaic +specialized +parliamentarians +australia +abbreviation +delinquent +christina +h. +operas +merlin +licensee +detainee +myron +yanfeng +inhumane +closed +followers +rehearsed +gene +vienna +silence +impedes +besieged +procter +keynote +packing +von +foundations +residencia +yoga +similarity +blohm +undecorated +prime +mcdonnell +beekeepers +obligations +evolutionary +clogged +overemphasized +canned +admiring +relay +blockhouse +appointees +been +nihon +obtainable +texaco +wineries +chamaecyparis +propositions +secretly +argues +drachma +microbes +jingwei +orbis +wrinkles +platelets +snyder +macintosh +realignment +mim +outspoken +atayal +fret +ballgame +camilo +bluntly +larceny +riverbank +translating +collision +freezing +edward +bodyguard +bra +properties +ketchup +whopping +deadlines +pathologically +guocheng +embattled +tigers +changhe +internship +policed +kibbutz +except +impropriety +southward +gracious +pyramid +condoms +named +ariella +yangtze +grandmasters +grady +years +siti +unearthing +introspective +anti-tax +store +fit +aw +departed +implement +newborn +raising +matagorda +ocala +delights +distortion +generale +louse +tremor +hydrated +bound +tastes +limelight +irrespective +williams +bobby +select +talabani +fabrication +stieglitz +berry +worthier +captains +strobel +goebbels +yore +observable +strengthened +lamps +commandeering +ornamental +montvale +systematize +refugees +gourlay +convoys +distortions +aucoin +waivers +lactose +synagogues +uh-huh +infertility +distraction +mountains +hesse +splashed +grandma +synonymous +quantico +cheaper +multilevel +unfolding +crushing +palpable +jiggling +michigan +intuitively +finger +outlaws +benton +tyler +locusts +skillful +yield +ministership +stoning +coaching +censorship +venom +instability +coincidentally +kwantung +organizations +did +huntsville +battleground +indonesia +euphrates +proceeded +displeased +piss +sandhills +remnants +richard +disgrace +conflicted +blacked +psychologist +tagg +mitigated +brokaw +rind +delicate +reinstated +may +david +lowering +primarily +stoned +socialize +space +commercialize +fairmont +inspires +improbability +discreetly +ambience +respectfully +flair +party +bletchley +frustration +hinting +scathing +gunning +prairies +undid +eavesdropping +wills +belief +macedonia +year +liman +non-financial +pieter +appreciates +wolfed +matthias +colonialist +confinement +ranger +layering +recoup +ellen +vincente +stolen +buddhist +schoolchildren +assign +inequality +donors +township +subjected +affirmation +jihadi +breast +bah +diminished +disheartening +competes +sylvester +sudanese +britan +hib +dwindled +therese +campaigns +paused +charmed +schedule +composers +sneaker +lobsters +sidney +tashkent +bargains +macdonald +warps +mri +ambassador +tenant +lubyanka +labeling +disagreement +interprovincial +enticed +god +anger +recruit +socialism +stevens +pitching +lynes +lampe +menial +emergence +deafening +endless +depressant +qais +manage +moneys +duration +initiatives +baden +pm +bastion +yazidis +bullion +kathmandu +extras +maps +delma +stallion +widely +haikou +kippur +nonbusiness +initialing +neihu +examining +stays +becoming +tricked +awkwardness +heckmann +dai +shlomo +racism +behest +dulles +indices +dedicated +idle +unbanning +proposal +gunfight +stabbing +acupuncture +dilemma +seed +belin +producers +boyfriends +summery +falsely +molly +grove +vip +jumbled +victory +enterprises +plaintively +breakers +cbn +hormonal +townships +cracking +patrolled +hosted +antipas +hubei +poised +impede +prostrate +pledge +cures +hotel +imperium +foxx +citigroup +aqueduct +harrowing +simulate +estimated +juror +vertebrae +listen +emcee +xu +deeds +gunpoint +dongen +q00 +forth +revelry +vile +arriving +strode +scalia +jingdezhen +complained +carl +disenfranchised +hatches +lifestyle +gitmo +threatens +genocide +springfield +warthog +fanatic +democrats +stellar +waist +wholly +djindjic +retrovir +fervently +at +kashmir +tragedies +burt +scrum +broderick +piety +stream +freed +franchises +shanxi +crush +re-emergence +fantastico +serb +uh +shao +remora +chihuahua +loners +notebooks +cynic +foams +ebullient +rohrer +tempted +manufactured +raped +unobserved +clouds +laxatives +pilipino +jacobsen +hud +dandong +closings +subsidized +concept +sank +gauntlets +transcript +chiu +calloused +cigna +orr +subterranean +pitch +mitzvah +mbeki +harrisburg +coasters +designed +terrorism +abdel +uninteresting +mites +projectiles +eroding +jeb +bon +endorsing +gamut +jot +de-emphasized +worshiper +bore +cart +clogging +mirco +inclination +recordable +diagnosis +sequel +nina +amending +baathist +julie +timbers +exchanged +haunting +mcloughlin +source +waterfall +scatters +stinging +enchanting +plantago +newsletter +advise +skidded +raucous +boudin +mohammed +captain +dalkon +blonde +seizing +haifa +utah +subordinates +headed +magnificent +attorneys +authorize +blue +pessimistic +nmod:to +catwalk +wandered +sow +pampered +periods +eternally +undesirable +epidemic +repel +grower +timeline +referendum +shackles +legalization +month +gloriously +boil +preached +upstairs +xiaoming +brophy +unaware +online +lost +blazes +minimally +mccracken +celebrating +always +shade +clarifications +walter +reality +fillings +crotch +beleaguered +bolts +non-mainstream +sardinia +surfing +dresden +ethnically +warn +monks +underlined +sosuke +bjorn +gracefully +circulates +reconcile +honing +syracuse +storeroom +e.f. +repress +dips +formation +culture +produce +capturing +calmly +excavators +despotism +session +spaced +alternative +correlation +authored +nikai +mumbai +steadiness +rights +breakthrough +nibble +grohl +flexibility +caters +lafave +chirac +scourge +bunko +conformed +perspicacious +hopkins +dominican +writeoffs +norberto +word +font +lowenstein +sheraton +delude +haagen +islamabad +post-watergate +hector +leash +buy +maids +pliers +eleven +misstatements +allens +arlene +drama +procession +schweppes +gram +shield +houses +incest +pounding +cascades +reasoned +divestiture +unnumbered +fictitious +bankruptcy +mahogany +mac +optimist +disinfectants +firewood +capitalists +bangkok +viera +christy +craning +territory +enserch +adolescents +entrench +allocate +breezy +sniper +dezhou +robert +specialised +offshore +llamas +dividers +plaudits +purse +bea +salim +oblong +inflection +vivid +proofing +scaled +renault +lee +expelled +wickedness +hermas +bets +engler +daiwa +promises +canary +wendy +dar +afford +stylish +blvd +cheating +koppel +briefly +coffeehouse +reckon +societies +wrongfully +managed +speakers +seminar +telegrams +apd +ancient +freaking +haemoglobin +cnnfn +incoherent +coal +bubbling +mislead +longed +lehrer +ww0 +amour +eckert +birthday +predetermined +linda +judged +barbarian +triples +karaoke +originating +cinema +forefathers +vacations +lovable +where +weidong +items +finances +withhold +authorization +mediator +mideast +balancing +virtuosity +fan +gunther +hotline +unpopulated +suicide +loggers +controllers +educationally +bubble +zad +julius +decontrol +mercedes +rebate +brandon +unorthodox +ted +chitchat +chews +ph.d. +audition +unrest +smiley +downtown +overflowing +transitional +hay +wounded +dumped +to +thawing +yves +gorbachev +flap +congratulations +forks +worded +armageddon +maxwell +defrauding +roman +stratagems +minimum +non-discrimination +stain +classical +hutu +rampage +semion +berths +corporation +bainbridge +colluding +meridian +godot +remedy +brightness +mesh +rebuilding +telemedia +rigidly +dish +blaise +assurances +struggles +millennial +flora +am +mandela +mozah +inspecting +overcast +sanchez +watt +non-confidence +cato +tossed +/ +josh +enhance +smells +astray +complexions +grantor +worshiping +chartered +nonessential +sadistic +catheter +medellin +dispersants +obstruct +permitting +tongue +endanger +dangerously +dredge +hahn +abruzzo +skeptical +scanned +matty +ineffective +blimpie +nmod:over +cooperman +assets +weicheng +materialism +shrub +rudolph +borislav +climax +tue +adheres +wealthy +undersea +rite +throughput +privacy +sexier +irv +shinseki +astronaut +shimmers +reconciliations +equation +anybody +neng +rich +tranquil +unaccountable +frontrunner +renamed +combining +ordained +roseanne +augmented +intones +delivers +craze +asphyxiated +hampering +august +goncourt +protesting +harry +meister +infighting +de-facto +punished +chimpanzees +molecularly +tab +miked +middle +r.i. +yaya +foolishness +outages +jizhong +de-emphasis +elitist +optimism +doom +suppliers +hormone +giulio +padding +miraculously +yuppies +standard +tejas +numbering +cameraman +representation +depicts +cave +pilson +label +icm +url +converters +acute +diary +regie +shirking +volunteerism +obviously +rushing +commodores +deserted +junior +whit +darker +pop +luckier +ignores +infectiously +vanguard +companion +capitalistic +boone +kaye +earner +impact +undoing +greenshields +soweto +downey +lotion +scattered +kusadasi +overwritten +civic +sub-station +retail +antagonists +evangelists +sins +lora +ooze +trends +coddled +nationalizations +gaining +baoli +spotty +exempting +unsealed +fidel +canteen +consciences +nashville +eyeballs +p +bejing +prosecutors +endowed +rehearse +honourable +possibly +mistrust +guangdong +horizons +( +perishables +garments +whichever +icu +passage +kitchens +sekulow +mcdonough +bo +semi-finals +mack +hermogenes +holiest +packaged +tong +astounded +thwart +shareholding +signficantly +fiddling +msn +genes +bags +variables +cranking +ramstein +erstwhile +clayton +regimentation +heroes +ethan +ladies +hippies +coffin +philosophical +breathes +niger +mastectomy +fisted +soared +container +reserved +coconuts +vulgar +disappears +obtaining +transportable +freddy +passengers +deluded +bemoans +ignacio +jacks +retort +spirituality +dax +retorts +bitch +google +bagging +remunerated +dissertation +hyperlink +temples +laodicea +washer +originals +oversize +hone +textbooks +safire +replaying +treatment +bridget +antiwar +non-jews +marcus +concealing +butch +wishers +midlevel +jerking +suite +slater +benzes +luckily +mandated +nourishing +ltd. +triggered +warmer +dunk +non-economic +gallagher +infuriated +mindscape +contemplative +muse +machon +tactics +humanitarianism +camping +surrealists +recommended +archdiocese +communicator +stooping +marcel +bats +shoppers +vicks +mcglaughlin +caves +trees +capt. +grads +tidbits +tonnes +handcuffed +exotic +protests +restricting +enviably +sphere +videocassettes +masri +savvy +latvian +retreats +ono +reliance +verification +hawk +attack +pictures +scaring +lemieux +destroyed +bengal +espionage +exercises +opium +faw +unrealized +clampdown +arthritis +barrie +asbury +00k +beats +tourists +youthful +childcare +nervously +jianming +nui +slump +hou +third +ruan +cetus +wenlong +godwin +ferruzzi +km +alabama +ab +tanning +roofs +provides +negotiated +inadequate +catalyst +elusive +abused +unchallenged +greenhorns +changqing +injection +bike +easement +excellent +limb +diminish +hoopla +extort +swellings +achieves +solidified +habitually +smartly +zhongyi +streamers +mm +bent +logistic +avail +hurts +contested +globalization +rationalize +vice-secretary +youthfulness +macho +sighted +meltdown +devillars +lillies +florio +adding +inoffensive +crack +toyoko +sprung +payoff +aggravates +bronzes +chekhov +powderkeg +ogle +expanded +lazarus +amplify +smuggled +subsequent +inched +guests +piglet +canceled +glorified +hollings +cared +dougherty +underworld +deliberated +positioning +typhus +dietrick +soaring +linghu +diplomacy +khatami +j. +operates +rafael +subsidize +totality +io +recognizes +gulf +mania +moans +lebanese +writers +forgiveness +lending +drew +illusory +realities +unity +jilted +gazing +nevada +shrubs +disclosures +jurisprudence +beverage +toms +flowed +descending +condemns +warnings +capitalized +peel +disproved +bbc +shape +blitzer +amplification +errands +ittihad +proclaim +crucially +aec +sleeves +musa +ketagalan +vine +arrested +berrigan +zhuhai +vector +olsen +tariffs +expansions +scavenger +principally +reading +forms +smother +negatives +applicants +originally +commemorated +transportation +person +infringe +allow +alienating +obligating +fingers +metalworking +noticeably +detail +streak +amity +president +iniquity +haggard +identity +staffs +alumni +bayerischer +bader +legislators +obstructive +ferocity +burroughs +slim +immunizing +reapply +souring +denying +staggered +audiences +ike +tribulations +barak +pinch +scenery +cartoon +smart +reggie +carted +conspirators +aspiration +peleg +xenophobic +0.0000 +search +numbed +rays +friday +undertook +unobservable +undergo +manifest +destroyer +supplant +license +stockholders +singly +titanium +equipping +fermentation +acreage +thumb +sparkling +stoltz +assassin +manifesto +defillo +rejoices +functioned +nanshan +tolling +addison +crowley +conifer +undercurrent +lovie +salang +ramparts +healing +irritation +hsbc +fowl +pieced +stir +contractor +raided +whiskey +oldsters +colloquium +tantalizing +guzzling +strop +mander +formality +foresee +hatfield +claw +unfolds +sandinistas +harder +biao +bureaus +starr +gangly +riparian +leach +lousy +wig +disk +nomadism +lubricants +okasan +probe +kroger +thoroughfares +loud +reminds +profoundly +deduct +sell +hillsides +dumplings +despot +whim +operation +bradford +czechoslovakia +aspires +stink +zhen +multiply +starve +xufeng +kellogg +discussions +outpost +ensnared +afflicted +lingus +retina +importer +bonwit +babbling +dropout +hao +smes +emmerich +whoa +lakewood +pulsate +rune +buff +clump +musk +advice +ballot +roll +mollusks +zoology +inheritor +sliver +blundering +proportions +steadied +diamandis +shijiazhuang +protesters +banu +unprofessional +apparel +ncku +tariq +uncountable +brown +postings +inveterate +differentiation +servers +sues +cleaning +yep +fallujah +lawmakers +investing +frontieres +leakage +agro +posh +silting +microorganism +coup +maximize +cease +cliffs +arranger +ethiopia +reconstruction +thabo +achilles +occasions +adhering +dodd +applauded +illusion +officer +coats +ultra-orthodox +furrier +damascus +wildlife +bottles +preston +encrypting +definitions +suppose +tsao +kawashima +litmus +judeo +bund +accurate +gala +insurgents +beside +iranian +serving +regulars +satan +fitzsimmons +displays +behavior +house +accountable +disruption +polytheists +glasnost +fermenting +itri +gellert +drips +pledged +participation +equity +bagger +confidants +entanglements +fattened +sulka +lyonnais +paralysed +contributor +anyone +malpractice +travails +bloodshed +spades +detected +hears +clubs +revolution +allawi +industrialists +randol +flamboyant +slammed +foolhardiness +dishonesty +impurities +gusty +culprits +beaujolais +nordic +liposuction +subtract +green +october +counseling +howie +rotted +credible +wartime +pendulum +inevitability +mineshaft +kemper +repeats +hitler +outstripped +decries +bullhorns +vengeance +competent +disciplines +breakable +kept +flavio +www +congratulatory +landowners +dictum +hesitate +abbott +gossipy +discotheque +mormon +organic +ocean +mystic +eni +season +microelectronics +toyed +afterthought +aisles +abrahamson +guozhong +quits +dweller +fogey +antioch +extracted +licensing +paducah +continuum +bernard +skippy +mutinous +advertiser +day +bart +fending +reshuffled +carpentry +ning +nmod:with +builders +daunting +groupe +pointed +frogs +succeed +plutocracy +stiffest +models +stalemate +geng +expect +capitol +panacea +townhouses +atrocities +vocation +trick +tamer +clean +tiny +jackpot +culinary +resiliency +rafales +cruiser +yaniv +huaneng +globulin +indomitable +spillane +skilled +vigorously +greenville +hollis +scores +inverness +premise +creationist +vitaly +lull +realignments +tunes +cycles +timorous +stirrings +glendale +dons +profitably +geographic +unwise +buck +scheetz +complexity +stumbled +climber +good-bye +sanchung +khieu +handlers +unfortunately +march +ripping +anthony +seek +implementing +interval +selling +shrapnel +sacred +aids +heedless +daylight +roots +psalms +instituting +divergence +scurries +baking +bash +wants +midway +squared +crispus +signal +shady +normals +mexicana +bbdo +went +enticing +wylie +punishes +shipwreck +distress +hockney +galaxy +in +restriction +schiavo +civilised +pure +judgmental +raids +winters +fixation +locals +placebo +birds +alleging +decorated +quest +osbournes +detour +snapshots +gymnasts +disparities +wong +anhui +idealistic +unswervingly +fanfare +spreading +periodic +vanilla +u.s.s.r. +precondition +maliki +disembarked +executes +hopefuls +accelerating +cachet +balconies +touche +townhouse +one-half +aunts +compiles +mets +murata +revisit +freezers +abba +query +resurgent +sida +crowe +ranges +nesbit +join +shanghai +enthusiastically +defamed +midstream +xiaoguang +rancho +fucked +naperville +turntable +islamophobia +incongruity +pirates +burgee +harrassment +bozell +controls +insolvent +infringed +demanding +disparage +stains +poles +finds +whilst +crater +distracted +handover +philip +lenin +greedily +creeps +being +harmed +freedman +lucky +martial +catherine +mba +00:0 +auxiliary +excellence +balad +pointers +tro +puttering +underscore +omitted +stuck +parliaments +sibling +moving +veritable +bit +damped +l.p. +wove +perverted +belongings +imposing +lures +turf +consternation +objections +000,000 +director +gadgets +formal +caijing +licking +mishaps +forwarding +tissue +distributed +welch +suiting +cerebrovascular +reaffirming +psychologically +taiwanization +nisan +frenzied +playoff +aired +creditors +pardons +anyhow +sufficed +thalassemia +boje +freebies +excision +instrumental +chain +stance +contestant +juice +ex-prime +earnestly +cognitive +cult +minority +gary +hijackers +zexu +denied +matchbooks +000rd +stylishly +robot +exhaustion +tunnel +slot +bailing +bankrupted +jesuit +glam +outlet +implanting +hegemony +reaffirms +squandered +false +b +nowadays +mile +purely +routines +upmarket +catcher +fussy +liberties +polluting +initiates +estonian +darkly +averts +comprehensive +headaches +processor +blinding +unswerving +saws +arrestees +defective +drumbeat +bounces +chatting +firestone +entertained +existentialist +dynasties +finishers +grandiose +paragraphs +jenning +blamed +tivoli +jiujiang +narrowing +calculate +assimilated +directed +reverse +whitehead +anniston +non-proliferation +borer +moribund +household +seceding +assertion +debra +infectious +enriched +------------------ +report +tripling +yeong +heeded +vignettes +minded +0,000,000 +resumes +nations +snorts +re-energized +doonesbury +disasterous +instructor +asko +moneymakers +converged +stereotypical +reclassified +sadist +stalked +waring +testified +securely +arcadian +neglects +bourse +recall +triangle +overcharge +predicts +gunpowder +generators +palladium +motorola +mirage +redford +boyd +rockslides +aramaic +infringement +vans +atrocious +watch +pounded +contrast +radioactive +hustled +ardmore +friend +sect +precursor +intrusion +gushed +self +triumph +preliminarily +evaporates +non-consensual +surpluses +osmanthus +freedom +receipt +approval +liberalize +unfavorable +cincinnati +vicky +chipboard +unfortunate +superstructure +l.f. +clamping +sander +kushnick +composes +diocese +shifts +f +accusing +huff +scares +behind +insensitivity +catholics +clenched +hemispheric +practiced +forest +obsolescence +sheep +stipulates +majored +turk +further +millan +attire +baton +tailspin +m0 +toman +exonerate +implicate +zhili +fun +touches +izvestia +delete +galley +scope +anti-pollution +traced +bahn +believes +peacekeeper +manifold +sinorama +councillors +unbelievably +veered +permit +seashells +inspect +starring +peitou +stint +spite +mclelland +divorces +robberies +redemptions +deluding +cambridge +facts +epicenter +ryder +coroner +grandstands +exalted +density +sandstorm +protege +bushel +epochal +stave +indicting +procedure +features +needy +buzzing +crustaceans +erratic +deported +minibus +sharing +aimlessly +silvio +pro-gay +bloodsuckers +premarital +metamorphosis +sloppy +galore +galvanizing +tellers +desired +increases +letdown +etoys +che +patter +ex-dividend +suggested +trusted +sham +antagonize +favorite +weirdness +onset +invisibility +alisa +cupertino +commitment +crippled +picking +sleds +zvi +peru +inversely +jagged +immigrate +grave +octogenarians +torrents +waldman +interrogators +zhonghua +coke +architecture +ecotourism +limits +raiders +adrenaline +medvedev +rigor +mansour +unseat +anti-turkish +impervious +unflattering +factor +voir +tables +joel +supported +rightist +haitians +hanover +gut +decisions +hongqi +_________ +pinning +citibank +re-evaluating +payola +class +azt +curry +professed +nonferrous +overrated +industries +frees +irony +stitches +craziness +discusses +guarantees +essayist +dunno +interprets +electrolytic +mary +spain +abdallah +transferable +reflected +kramer +ex-fbi +subversion +entrants +lycia +lordstown +commendations +parrotfish +exurbs +lilan +propane +dec. +visceral +preemptive +centenary +mixed +manaf +diaz +elle +dignitaries +irredeemably +saddam +capacities +midwife +snippets +player +competitors +wellington +antonin +infiltrate +samples +insuring +lithe +jobs +hides +supplier +commit +kungliao +frost +controversial +sh +gurria +constitutionally +moot +including +euthanasia +naked +hale +unfairness +panels +calorie +co-exist +nih +escort +philippine +democratization +hus +courses +qiong +aberdeen +unconventional +improper +fired +til +doctorate +kuala +weathermen +suffolk +brochure +exiled +embezzlement +awed +overstated +entitlement +looting +skaters +improving +vacillating +encounters +edict +standpoint +romanesque +nicky +beasties +backside +ennui +dune +quan +restricts +dyed +anti-nuclear +humbled +wwi +cockburn +benign +fame +pokemon +fulton +pharaohs +dignified +copy +labonte +worldview +ratifying +setup +dresses +hypercard +elegant +rbc +turmoil +dorm +performs +indicative +packs +discrediting +dujail +mekki +briefings +retails +trevino +coarse +traveler +tenaciously +nicknames +jetliner +legislatures +rafsanjani +horseback +pagan +wavelengths +mineworkers +incalculable +uncompetitive +differing +fifth +interrupt +shimbun +legislate +explicitly +leveled +earphones +quackenbush +shary +co-chief +franchiser +heel +iraq +woven +denomination +snaked +stimulating +blush +unsubsidized +sammy +costco +miniature +elevations +pvc +aura +littlejohn +humphrey +pullout +defenders +laguardia +festooned +ideologues +trudeau +abrasions +thrones +nmod:between +pickled +miraculous +wrist +dhaka +zaharah +anomalies +kilgore +discrimination +gates +mattel +rtp +nippon +transmitted +signing +strikers +extracts +ignorance +siding +rabbits +flooded +dyk +kinkel +starbucks +port +vigil +meese +women +kodansha +oled +catalan +celebrations +alberta +unerringly +samurai +campbell +lied +vedrine +plow +re-ignited +sealing +krishnamurthy +sculptors +bremen +choices +convert +aborigines +spotlight +glue +skim +erekat +tsmc +candidate +.. +temperaments +spheres +utility +logistically +tiananmen +preempted +ma +hillary +boucher +hard +wag +crushes +trenton +indians +boos +temp +permission +non-hispanic +dwindling +physically +developable +castles +compositions +expulsions +d' +conde +countersuit +hoards +belgique +powerfully +statist +sarasota +nong +unopposed +borie +concentrated +legalizing +anti-government +monopoly +junket +rulers +zt +happiness +brechtian +gymnasium +cosmetics +goodyear +niece +armonk +eighteen +stumping +bundesbank +something +tiredness +desperation +persecution +curls +gleaners +centimeters +trickle +academician +unexpectedly +kohl +big +halted +fatima +convince +eel +kathy +redeye +forbidden +cooper +volunteer +dissident +migratory +surnames +folder +kyrgyzstani +protestors +consequences +habit +faulkner +paralympics +tamkang +refreshingly +fig +nonresident +notions +beforehand +dinosaurs +announced +understand +muqtada +paramedic +fatah +agricultural +akayev +praises +quotas +support +orchards +dupont +scavengers +hazardous +rig +rehearsal +solider +invitational +joanna +corno +screened +additional +bani +encounter +prosperous +cymbal +ort +ave +slashing +multilayered +ratify +jinan +prefecture +emerges +greening +awhile +gaceta +unapproachable +bogging +leonardo +demanded +abdominal +fabricators +influenza +yongjiang +blowup +enshrine +deregulation +scrambled +chana +peculiarities +unlicensed +shapes +inadvertently +commerzbank +jordan +requested +twofold +opened +bridgehead +revoke +u.s.c. +esopus +unrelenting +exposes +essay +mud +battles +chromosome +overexpansion +shane +ruined +resorted +bud +refco +changbai +jinjun +zero +fiberglass +note +dwarfs +baghdad +lampposts +procures +vanish +mario +phs +scorers +snap +piloting +pillows +abominable +miniaturized +chemo +tonight +mwe +barnacles +papandreou +fatigued +uprooted +agrees +defining +footing +dole +budget +jaw +concerning +ad +debussy +infringes +whoville +telegram +dandruff +cheil +fadel +messed +discriminatory +drachmas +digesting +bombers +barest +xx +anarchy +brights +completions +basis +choosing +sardis +mulroney +pristine +catapult +beset +needles +visibility +monsters +reportedly +kid +lifeblood +afterwords +atlantic +liquidity +parttime +guangzhou +distinction +memorializing +lamech +neiman +fauquier +palais +sulphur +mustache +koizumi +calif. +powders +diners +charlotte +underwrote +decrease +disintegrated +create +reconnaissance +ao +emboldened +registers +feet +spinning +preference +trio +consequent +foothold +pulitzers +preventive +trinidad +summoned +presbyterians +victims +nugget +generically +principal +billboards +reigns +plaster +yancheng +creature +civilization +glitz +richness +percussion +unmapped +almighty +widows +showtime +impulsive +pursuits +rope +suv +ai +montenegro +suffices +seeker +ignoring +jetta +shrieked +drastically +initials +rayburn +branislav +attempting +looked +manifesting +glimmer +acknowledgement +owhali +sotheby +armory +premium +functionally +charting +undercover +ker +surreally +jensen +formulas +operated +asad +dehydrated +certain +paroled +liters +mel +matar +watercourse +jan +belligerently +beatles +pillsbury +lsi +lease +jock +graying +spotlights +etc +jeux +scuffles +crosswords +gov. +aransas +cobra +grants +intruded +tomahawk +betrayers +hunkered +error +overthrew +cowrote +pudong +braintree +convertibles +geology +knocking +pouches +scrambling +grudges +canseco +peddling +horoscopes +boeing +pitman +perilously +casually +kirkpatrick +bottlenecked +glenny +definite +hungry +reunification +mowaffak +cir +retry +seesawing +rhapsody +disingenuous +centralize +kans. +leftover +rebelling +barred +morelli +scallops +loans +compartment +soda +cedars +ritualistic +ca +ex-husbands +courted +speculator +england +she +saud +ziad +dribbled +issued +conglomerate +shultz +hurwitz +tanks +usurp +smackdown +spray +hunger +compute +odd +lump +stroller +susceptible +erodes +oceanographic +nutritious +relationships +principals +onstage +shopping +teamed +crystallize +peng +airbags +notorious +arbitration +cow +leiberman +yusuf +differential +ambler +kingdoms +noticing +tsinghua +tripped +furriers +pistons +perversion +assumes +actions +possess +downed +lowbrow +co-hosts +winter +menopause +buxom +riding +ethnological +orphan +shorting +yaqub +inadequately +romp +specializing +classroom +designating +stark +subproject +mix +impressing +wore +consumer +punched +hood +guideposts +assassinated +pressuring +oxygen +opportunists +periphery +foreign +yohei +descendant +spurring +plunge +ladenburg +disrupt +huddling +masquerading +pollution +stagnate +dignitary +localizing +nashua +increment +largo +acorns +wink +relies +objecting +gaffes +o'conner +instrumentation +commandos +horwitz +midnight +wreck +thriller +virtuosos +soap +heartbreaking +cheapest +confirming +identify +obtain +deepen +i +homemade +guerrillas +jiangyong +qing +ritually +privy +crumble +amazon +unsuccessfully +disappearance +singled +rationally +eventual +hogan +seminars +cameras +glimpses +laptop +ghali +meticulous +storming +bredesen +feeds +endgame +manned +puddings +ltv +s.c +kunshan +copied +rest +non-nuclear +bestseller +purposeful +innovators +reserve +advertisements +mather +ceases +asteroids +albanian +divvied +mojave +walked +richter +passages +numerically +hypothetical +embezzler +tapped +ultra-violent +worth +decreases +alfonse +electronically +adolph +fallow +holbrook +yellows +unrepentant +hate +handwriting +fortunetellers +fresher +vain +weighs +cockpits +ultraviolet +reported +disposing +florida +tona +suspect +frame +specializes +sinful +relatives +miklos +culturally +exonerating +murals +inconvenience +newport +travesty +gather +homegrown +filibusters +anti-viral +unrestrained +moisture +gnome +multimedia +nmod:of +talker +joey +souter +checkoff +philosophies +hans +zhimin +building +retaliatory +establishing +transgressors +rosamond +debut +chalk +restart +friendship +hsiang +earthen +sonoma +spiritual +evoked +gullible +documentary +subjects +conjuring +un-islamic +bloody +siberia +victors +junks +rational +giggle +afterglow +telegraph +vomits +sununu +earn +organs +kings +wahbi +caras +maceda +stylist +dammam +copyrights +abroad +peanuts +moldavia +aloud +choi +eerily +wholesaling +mannesmann +larger +regimes +chorrillos +expand +york +arguably +updates +attwood +banquets +disfigurement +speedier +pioneering +sheepishly +continent +misgivings +assessment +mistakenly +provoke +induced +chambers +dia +predicated +platforms +recommends +interest +sense +adversaries +awakened +nasdaq +alamos +complying +disassociate +frivolously +tod +dartmouth +topiary +poring +watering +dodged +cleveland +economy +bumper +jimmy +difference +convict +curing +readiness +corresponding +hj +takes +shoe +devon +danube +duval +rallying +fitting +execution +reckoned +atrophied +taped +tights +stomachs +older +beneficial +destination +biochip +reassignment +pro-independence +recreations +penelope +blini +continuously +helpless +retaliating +thickens +handful +christian +tripod +dhabi +helplessly +legislative +copycat +disclaimer +targets +reprinted +prospects +misjudgment +zimbabwe +exactly +{ +cynosure +negotiable +grammy +govern +informational +commute +asserting +larry +yuhong +grist +shipments +commerce +paved +preliminary +tuxedo +campaigning +cnca +culminates +cancellation +beer +thal +developing +abominations +devastating +encircled +unsettled +x-rays +nutrients +granny +defraud +albo +financings +helter +bowel +premiere +tri-colored +titles +patti +nasser +blackstone +mercury +insistence +mainstream +airman +bold +unheard +dill +cctv +uncalled +enthusiasts +undermines +seized +customized +comments +cdt +woo +snail +bonnie +summer +factory +howell +startup +re-employment +capitalizing +newsweek +needing +maneuvered +staff +konan +maoists +000.00 +asner +concludes +bouncing +protectors +fester +richly +unloaded +droppings +sayings +luring +amenities +tradition +feats +rap +roles +sketchy +outrageously +adamant +kron +incorrectly +orbitz +tsarist +attracts +lingers +machines +hotbed +qinghai +brigand +kuroshio +colson +coughs +tier +samba +clarion +hosea +visitors +wis. +acknowledgements +prom +pio +unstable +racehorse +similarly +sicilian +allegedly +entranceway +ukrainians +satirized +deserve +snooty +seaside +honour +pan +relaxed +closures +paint +floorboard +dr. +cca +rebuffed +electrocuted +krajisnik +eyelids +mayorship +moses +suddenly +uneasy +primaries +dictates +unshakable +tucking +consensus +unlock +souled +narcissus +animated +norman +engineer +hamer +inspiring +riffs +largely +fallen +affidavit +hawi +number +hangzhou +germs +sole +brochures +dimitri +presumption +decadent +quite +peasants +gobbled +crunches +dissecting +atonal +omnipresent +ornate +simultaneously +skinner +condoleezza +legality +ahold +nt +skater +bnl +feelers +kissing +readmitted +coveted +barzee +altered +nunan +pro-nato +nutrasweet +questions +hag +dictate +zen +cabins +aunt +sported +expeditiously +yokich +uncomplaining +wagons +emerging +investor +clues +sociologist +otis +unsustainable +iceland +devil +disorienting +regained +centuries +schuman +rep. +engineering +mallinckrodt +argument +exceeding +taxiing +xiulian +pragmatism +travelgate +acidified +reasserting +stormy +leprosy +pounds +mellen +beam +incomprehensible +laden +nonetheless +truckloads +apprentice +scheduled +nagykanizsa +madsen +stylistic +semimonthly +evasions +cross-border +radicals +treasurer +twilight +bays +caveats +cay +launching +grapes +lethargic +lucked +pbs +glaciology +mileage +roast +combustion +undergarments +cone +christology +cav +multi-layered +tentatively +imbalances +jerk +bristling +esop +cherubs +takeoff +creator +diana +supplement +metallurgy +militias +forcibly +shutters +thorn +gardens +stops +voice +hardening +kinnevik +weight +sailing +meanings +match +dem +mid-00th +relieving +lots +microcomputer +waged +invigorates +asphalt +davis +secular +abi +renowned +deletions +leakers +repairable +low +piles +inscription +oddly +snooker +j.c. +padilla +counter-trade +super-rich +satisfying +wits +bing +hoped +henry +mellowed +hatchet +sandia +baltics +gruesome +precarious +storing +evinced +servant +twists +mastery +shallot +kempinski +barham +duarte +raise +coastline +quota +peiyao +valued +barracks +femurs +occupies +malfeasance +landscapers +airspace +spiegel +leukemia +flynn +slides +heaving +colinas +scotched +aghast +possible +authenticity +leo +liquidating +skin +circumspection +powerless +gowen +criminal +clocking +expedited +foreshadows +fury +`` +lilley +january +enriching +skadden +edge +restructured +distillers +sitcom +storage +emirates +peas +engel +concealed +pitiable +golf +grittier +devils +girozentrale +prioritize +payrolls +deja +hairstyles +cracks +supple +kolb +karen +exclusionary +barricading +glasswork +steelmaking +helping +barb +tightest +economist +dietary +pooled +shelby +kindergartens +drusilla +redesign +transgresses +jehovah +deny +furrows +vigilance +anti-abortionist +cana +clinked +sucks +eta +ridiculous +result +completely +equivalents +sawyer +fledged +srinagar +feast +elective +janachowski +cambodian +pen +multipolar +exists +exasperation +galvanize +environmentalists +hypocrites +repackaging +honoured +yunfei +outcast +courage +altar +hand +jet +expanses +ortiz +miscreant +fearing +anonimity +vomiting +rhythmic +backs +kissers +subjugation +carbohydrate +stateside +debts +hinders +grafted +challenge +issachar +spear +tanzania +moth +pasricha +metromedia +chatrooms +underdog +domenici +extracting +outwardly +robb +circulations +raft +condemnation +marketing +writing +photojournalist +persistence +hitter +biannual +stockbrokers +re-enacted +seated +quarter +refined +dinners +pageant +jiangchuan +majorities +tacky +guarana +emerald +addresses +harbin +fledging +imn +jeopardy +callahan +nhtsa +buzzy +virtual +consumes +booms +samothrace +city +reassignments +reassured +tuna +abd +castaneda +legislator +deaver +lament +belligerence +holocaust +confirmations +re-electing +medicines +appraisal +affiliations +interconnect +overriding +frau +gdr +argus +arlen +pali +rout +warehouses +exiting +reposition +systematized +epic +indignant +brewery +accredited +seamy +spina +warners +anguished +reasons +propose +mao +precedence +contains +bone +unfairly +bucked +wild +stated +macroeconomic +meadow +razing +assure +pryor +straight +reflex +earpiece +yom +dade +detectable +ahmed +scholarship +factoring +precariousness +doorways +pragmatic +refurbishing +stars +allegiance +riverside +ptolemais +sari +beirut +slid +christmas +peaked +persky +sugar +plc +shrinking +surgical +biblical +malnourished +restricted +key +jennifer +leaks +biological +prying +theorists +tougher +canaan +stingy +douglas +conspicuous +approachable +herrington +counter-terrorism +bettering +fare +jersey +disaffected +merged +missouri +proceed +bishkek +salesclerk +yamaha +italy +faiths +accentuated +spratley +kilowatt +collectivization +petroleos +manchurian +vice +eyelets +mosquito +outcry +plane +everybody +sprees +assigned +oust +foisted +chalabi +proficient +newark +suckow +whistles +mummified +amityville +weird +e +banter +empty +anon +amateur +concerns +vexed +intitiative +around +eskenazi +fuels +acetylene +coma +vetting +trespasses +substantiate +backwards +throat +prc +laughingstock +colo. +werke +ravages +fundamentalist +emanate +medicine +pedigrees +zip +technological +cement +shipped +mourn +slit +tw +contents +dewine +projections +daytime +tribes +worthiness +absence +cacao +snowy +cuny +lord +fern +obliged +confession +u.s +maria +mushrooms +relieve +stabilizes +nassim +electron +adhesive +pharmacologist +chong +whales +tattoos +israeli +advised +alike +shingles +stampings +wildness +adapt +extremist +bint +palaver +insured +bewilderment +founders +grateful +feitsui +d'amato +habits +incarcerated +delayed +ceasefire +riddled +rot +attempts +spoonbills +portugal +abbot +vertical +compelled +perfectionism +caved +undercount +devoting +atavistic +convictions +repertory +ardito +dropouts +fingered +convincingly +canon +0am +palm +employ +grassy +lott +dep +mu +versus +literature +simplifications +noted +unreliability +wallach +norway +chungli +boehm +pleading +zheng +guardian +obstinate +peals +tunisian +chaste +meditation +nazis +thoroughly +influence +zidane +invulnerable +zongren +exist +yehud +thumper +unenviable +tin +register +resurgence +establishes +discipline +autobiography +dose +tankful +saddest +stick +statistical +haas +morgantown +amateurish +chatter +mellon +resonances +successful +backtracking +jumping +gorges +elasticity +aeronautical +raw +ideological +crumbs +tasteless +pensacola +wal +gennifer +monitors +weiner +scorn +prospect +serpent +cold +cramped +stagnant +watching +wanxian +staters +chih +beggar +prepares +psyches +participated +playmates +pinstripe +filter +· +taster +refrain +yehudi +petit +fascination +plucked +denigrates +maynard +immolation +lockheed +pre-revolutionary +lucia +lydia +breezes +plaintiff +guitarist +garcia +bathtub +tumultuous +balzac +estimating +sedans +controversies +ruins +phosphates +secrecy +tool +lofty +dalmatia +unsolicited +residing +featureless +unquestionable +encased +places +instead +chores +tidying +bummed +send +rusting +proportionate +euro +mj +jessica +impunity +psa +tag +tagged +univision +torches +achim +leasing +tripartite +curtailed +phoebe +kidding +transmogrified +paragraph +peppered +cardinals +recognizing +concession +bluebloods +diago +hedging +fountains +subsides +names +cultivation +durbin +racetracks +dumb +impacted +lobby +trims +savagely +fasteners +cautious +weirder +hyper +chances +post-bankruptcy +handle +oil +aromas +sensibility +undone +authorities +longest +princes +microwave +intending +incomparable +astonishingly +robotic +blackest +arguments +ventilation +schoolmaster +conceptual +prodding +yesterday +coven +mistrusted +bleaching +gent +chairwoman +riche +encircling +buyout +spoon +mitsubishi +pulling +retiring +galles +chun +gubernatorial +sidecar +housework +alternation +brunt +auditors +troupes +denominations +fled +art +austronesian +brie +swearing +ames +prohibition +repaid +rollercoaster +ya +fredric +engaged +kidnappers +jessie +calvi +castor +damocles +easing +lifeline +skits +relating +pretended +timid +tuned +sean +cancellations +striving +filipinos +indisputable +hinoki +sensational +shortly +consistently +perry +nixon +saleh +unknowns +doled +flourish +titled +nasiri +lakeland +inflated +angular +kennametal +muhammad +hazzard +fa +depicting +boons +rearm +remembered +sisal +repack +intermediaries +drying +anthropologist +post-war +unidentified +commands +hun +extensiveness +significance +portraits +hordern +aa +communal +fema +genscher +defense +hsiu +anjana +tweens +beliefs +oecd +cows +dolt +lejeune +ddi +attended +graveyard +stimuli +reconstructed +sown +empirically +jinchuan +rejoicing +clears +ply +monastery +fairly +funniest +dental +movement +aggressor +wayward +affiliate +avery +bayer +drip +deserving +inexperienced +oman +though +rocked +bygone +blackwell +proclaiming +coolants +thrashers +linkages +itt +nmod:including +alluded +contributions +seismology +kirghizia +bushels +writ +grata +catch +marvelous +pin +researchers +character +misfiring +modesty +fields +valve +sixthly +fairfax +elian +sadly +hsimenting +turbine +ulster +cross-eyed +transplantation +reunite +merciful +lieber +fluctuated +arsenals +publication +yippies +non-recourse +kelli +sheepskin +felicia +cases +chuan +regressive +grill +scout +avco +inquiring +observing +jannes +movies +hawkins +coexist +junia +moran +examination +inconsiderable +exabyte +meld +dewatering +versatile +reshuffling +shelves +slauson +dissimilar +mound +shaven +united +chunxiao +mca +reuse +greatly +evenhanded +mangrove +adds +challenges +brooks +termination +precludes +knees +juiced +gallop +indignation +straighten +enormously +uncertainties +sinners +reciter +friendless +outer +heralded +favored +firefight +reuben +bleachers +contradict +solace +centcom +grimmest +valerie +destiny +hugging +chadha +offshoots +vermin +vengeful +cornerstone +convulsed +freeport +cretaceous +cobbs +proteins +winking +carver +fumes +whitish +attractive +witnessing +duchess +ehrlich +severed +fruit +boxes +moffat +baptizing +fantasies +juvenile +de-escalate +subdued +flores +ratings +evoking +runways +teenager +independent +harvey +expeditionary +sugarman +interceded +songwriter +stuffing +precious +nudge +suspending +whom +mubarak +non-lethal +plummet +probate +inhibit +scanners +airfield +pharmaceuticals +lydda +unreasonableness +wastepaper +squirts +underestimated +mitterrand +clinch +youths +help +lesko +zhan +doug +passerby +warman +mess +strictness +mjib +kebabs +bun +roarke +mich +boasts +arthur +socioeconomic +wuxi +readymade +alarming +parakeets +phenom +hindsight +breathtaking +lightening +cults +mid +nmod:before +adornments +manila +decentralized +contemplate +preclude +feelings +tarot +k +separate +joanne +lavishly +impressively +dismissing +sofia +nazer +traditionalist +debacle +cedar +vary +duty +maffei +wiggled +burbs +influx +cracker +wedged +catania +retrieve +duffus +hornets +p.m +transporter +shinto +tested +fluent +pell +nmod:within +outstrips +congratulation +grandmotherly +substituted +regain +%um +mice +perception +runner +capsules +beal +impetuous +founding +unoccupied +phonetic +married +void +lippens +rosie +billfold +nave +boots +whirring +davies +ports +cha +grilled +provide +kilometres +cuckold +implemented +compaore +unify +gassed +firm +u.n +hillard +remind +championship +with +cinematic +contractual +tough +whisk +yuke +naphtha +youwei +westchester +discounting +potentially +humor +tryon +diehard +scroll +mischievous +mythical +outlooks +continues +novelist +bp +brushed +misfortunes +revoked +hiring +piao +inter-county +madagascar +denmark +itaru +unfamiliarity +chapman +kenyans +dams +whatever +describe +spontaneously +aborted +discounts +ramps +whispered +checks +fanned +desolation +lived +estimate +pigs +intestinal +indelibly +buzz +crusades +shelah +totals +pressure +contingencies +rickets +bronze +unix +powder +anna +indications +persimmons +somber +loopholes +buffeted +slime +resorts +southside +informative +irven +shallow +yungho +exporting +september +humorous +cayman +policymakers +detoxification +asks +treachery +salk +burk +unhealed +xie +sleaze +abul +apennines +rationale +fray +rpgs +offenders +homeland +frankenstein +viability +barn +inappropriately +penis +fifties +average +lust +inquiries +osh +charging +disdaining +bmws +emphatically +palace +weirdo +tilt +corporates +mulling +redeem +x-box +simeon +gmac +parchment +entertaining +ira +soar +posing +emitting +prepayment +untainted +drifted +millicent +hispanics +jamaica +crucible +pharisees +toney +shards +floyd +uni-president +eileen +abject +proclaims +superior +publish +tiberias +ap +screamed +overhead +belch +spices +eagle +thoughtless +post-earthquake +energetically +fortnight +heping +college +shocking +darren +vegetable +why +cheeks +wring +fresh +railcars +knot +jazz +fluctuation +morally +pecking +normality +recounts +goods +potentialities +batteries +brag +graze +showgirl +altitude +natiq +polypropylene +sharm +academic +mathews +boats +deviants +overblown +inflammation +finally +liking +feigning +fulfilling +adel +netscape +nikka +leveling +difficulties +tolls +emily +raisa +hirsch +dye +esoteric +carolina +waxed +pathogens +feared +freeholders +whitman +grimaced +sought +arctic +hamid +scandalous +clicking +settings +communiques +bugs +starlets +nontoxic +jeans +catalog +sergeants +makeover +evangelist +accuses +corley +opting +unease +gen. +aras +lizzie +hopefulness +namely +paulus +toward +civility +commisioner +girded +continents +provisioning +anecdote +chicken +asset +yankelovich +bilharzia +rongkun +tremble +enclave +willful +sigmund +technologist +ukraine +hips +quality +platitudes +carpetbaggers +recourse +vowing +conditional +diseased +pepsi +emptying +officially +corzine +re-emerge +dalian +white +trier +professional +nourishment +jeane +flopped +thrifty +upi +touch +snow +marketization +omission +scarfing +pulp +beefing +defiance +legitimacy +abdul +predominately +staircases +siege +nintendo +drown +assuring +activist +fri +davos +creative +colloquial +kasparov +accidentally +foote +slimmer +harp +byzantine +masters +mannerism +dupes +deathbed +barter +materials +tomatoes +tailoring +sheets +poll +varieties +emotionalism +amer +overarching +foremost +disciple +ctb +electricals +spare +baffled +americanization +electromechanical +flour +masse +rebar +cherish +stambolic +consortia +poorly +buffer +quarantine +taboo +erratically +tova +switzerland +hepatitis +reassure +flirtatiously +propelled +cpg +caskets +klaus +stewart +stockholdings +lighthouse +scribbled +hideouts +regulations +poppy +abc +peremptory +strategist +corinth +equally +vrs +chipper +mccurdy +detroit +candid +platoon +mass. +fawn +editions +savoy +maloney +bucking +indissoluble +swingers +plugging +amazon.com +preoccupation +lawrence +even +oxford +interfere +harbored +catastrophic +anonymously +ak +lacks +largess +without +spurs +cnbc +atmosphere +reservations +chamberlain +stampeded +autocratic +ronnie +sub +battalions +blackened +mccoy +dynasty +duesseldorf +hisham +canton +arm +depleted +mascots +pec +slight +dissonant +torment +backlog +begging +matchett +babysit +deactivated +streamlining +hsi +pyong +wards +smaller +absent +sets +reservation +spliced +c. +digest +grupo +desultory +sprinklers +counterproductive +thaw +censure +masculinity +counter-measures +policing +weatherford +punitive +gloss +intermediate +flanks +forecast +here +replying +yorkers +excessively +lined +savoca +csf +vacated +solicitor +defender +remittance +referral +commonwealth +meters +chokehold +counsellors +populace +carrefour +arrivals +mass +therapists +succinct +engraving +shiver +unreasonable +pleaser +pesetas +correspondingly +timed +ineffable +yachtsman +itinerant +serbs +slower +tractors +brazil +blatant +ends +hangar +mainstays +urban +transitioning +flagrant +identified +savannah +zerubbabel +ammunition +basket +cetera +untouched +jeopardize +sniffing +deltas +command +lincoln +overdo +dustup +farce +ambitions +deemed +areas +defend +schenley +statistician +byron +channel +spoonbill +albertville +marginal +deviated +fount +wellness +aromatic +ordinances +terminal +adorn +unconsolidated +harmless +innately +kai +disunited +usa +helmet +symbolizing +intermittent +executive +neighborhood +wind +oolong +teenagers +souris +beware +abraham +oats +alternatively +prosecutor +beaches +sichuan +sequins +mosul +untruthful +boat +leasable +chichester +trademark +microchips +yuan +sleepy +gears +fleas +oxfordian +shrinks +locating +neanderthals +jody +scowls +cable +al +headwater +bilateral +irrationally +shoelaces +deforest +vessel +stocks +beamed +pique +ghastly +tze +frankly +anathema +serbia +paramilitary +shana +tender +y +solidarity +minutes +whatsoever +hilary +miyata +tandy +bombay +gia +plastics +headline +evaporate +expense +prophesies +file +accumulate +fantasy +pianist +plate +dogma +enterovirus +bob +unmatched +nigeria +inedible +tdk +clamp +davy +barnicle +rankled +sodom +halabja +e-waste +compounds +chavez +films +music +baxley +ritual +anchors +piano +naaman +frumpy +u.s. +tulips +constraint +condense +italian +heaping +heilongjiang +apparatus +attaching +presence +photographs +fitzgerald +teammate +soil +raton +freer +rad +advisories +foodstuffs +analysis +douglass +edmund +ideology +affecting +anti-israeli +nationalists +sabri +bunches +sympathizers +ake +flattering +portion +britian +lonely +shall +degrade +squads +peres +eiffel +folkish +reigning +shelving +qilu +overlaps +limbo +unencumbered +international +bossy +myth +rachel +bayerische +generational +amber +toughness +ridiculed +buds +zhijiang +pajamas +policeman +doris +kyoto +citizens +iras +anemones +bryn +marsh +puffing +chainsaws +debasement +buick +worker +mixes +variable +gail +caterer +tarred +innovate +regime +chronicle +mid-00s +shelters +gratuities +remedial +boomtown +cling +recruiting +creek +quips +cardiovascular +sunburn +hambrecht +solarz +preschool +rush +lungshan +earliest +likes +herdsmen +sensitivities +matzos +prawns +crows +videotaped +tailgating +outburst +robertson +goatee +imperative +commanders +representations +unconnected +pooling +combattant +trucks +need +murakami +suspicions +figurative +bizarre +bearable +eager +cathodes +yi +coals +weekdays +film +justified +howard +vowed +judgment +mouthpiece +kyowa +massed +governing +fickle +ashtray +dwarf +steelmakers +peacocks +ee +scrap +paxman +whose +dour +complaining +detain +cake +subgroup +undercutting +condos +commercial +allusions +benefited +scoring +weitz +macau +obliging +b0 +dealer +arby +elm +cairns +undisturbed +perfected +superwoman +mid-autumn +philatelists +forgive +abby +evolving +sucre +retools +arsenio +uy +pro-gun +pocahontas +luck +popping +promulgate +coalition +polk +strolling +repaired +guppy +tengchong +rdf +outstretched +quarterly +gainst +diaries +republican +suing +letdowns +rhone +chek +neuroscientist +watergate +co-founded +omnimedia +parties +keong +engaging +drafting +scarves +affiliation +weizhou +newscast +appeal +beet +kish +freightways +oppression +confusions +jowls +hysterical +wily +outdone +assistants +tiller +sidesteps +censors +feature +executed +yomiuri +renewal +throbbing +necessities +researches +] +denounce +firmly +khalifa +masterfully +relied +non-customers +excess +wound +translations +rubric +hopewell +seat +owes +envisioning +twinned +madonna +'id +defies +drinkable +christie +intercepting +coach +insoles +implacable +flier +broaden +yow +dismaying +poignant +molotov +debbie +beermann +comprise +alkhanov +guan +balanced +reconciliation +bolt +skillfully +nets +encouragement +introduce +naguib +longer +eliezer +heated +ruili +minella +lear +destructed +aplenty +claude +beards +tch +diving +recipients +cushioned +peppering +caliphate +seth +collections +kaifu +sparkle +willies +conjectures +steely +sculpture +jeremy +meats +thighs +kapital +moves +maneuver +modernizations +blank +00th +bulwark +stagnation +refunds +barricade +byrne +typing +fervid +greedy +workers +post +spreads +omissions +clinton +hearings +telerate +disunity +bereaved +aspen +bauer +allocations +codes +carping +bagram +hesitated +soy +childish +gerrymandering +shantytown +noam +elisabeth +elias +emasculate +laughs +verily +cemeteries +horn +debenture +overtaxing +grenada +mid-level +indefinitely +wonders +ultimate +wedge +bitterly +warheads +chanting +idly +spearheaded +scammers +syrtis +fuss +kendrick +incrimination +harald +'am +chilling +petrochemical +parakeet +reprimanded +bot +levites +kinky +biases +sodas +expressways +jewels +mattered +nomenclature +harriet +touted +delectably +kach +fonz +kinsey +upper +pamphlet +malenchenko +if +retrieving +moved +declan +taiex +editorial +flustered +speaker +insignias +spinoff +rip +muscular +refinery +hakone +hir +undersecretary +errors +evolved +miscommunications +orchestrated +cic +cushioning +reps. +headwind +rescued +pitcher +grainy +pacemaker +w. +extradited +superstores +sediq +inter-city +seaman +tolstoy +feasts +detector +northeasterly +dictators +medicinal +careerism +board +racist +len +drummond +phenomena +toned +maternity +yawning +bears +nucleus +passivity +picketing +distorting +thorazine +answering +spitting +genre +nameplates +scandinavia +weir +scheduling +labors +commissariat +dale +perpetrator +drag +stimulate +swipe +manufacture +versa +leather +bundles +ethanol +for +groovy +meriting +enjoys +rituals +nicer +lends +executioner +remainder +andreotti +regular +spas +simon +urbanism +preside +removing +intertidal +sharpness +parte +empathize +seventieth +subsidies +caboose +scam +obfuscation +resilience +stately +markese +handicrafts +jerry +unguarded +tr. +clamors +catties +taoist +fascinating +steles +cycle +violet +rulings +thier +moderating +abolish +responders +fifthly +reticent +acquit +peep +pardonable +pascal +fanciful +arbitrates +siyi +mcguinness +loyalties +squashed +bagdad +sabor +pours +maggie +astor +engagements +logger +hem +g +pitt +channels +rebuild +chris +ophthalmologist +exaggerator +strangling +comprised +adventist +hike +banque +exposing +province +dissonance +margin +porter +supervising +catfish +co-sponsors +welcome +disease +singling +carpeting +luo +recommend +gillespie +diabetics +wakes +commemorate +shrum +atari +texans +armies +choke +daughter +viewing +leek +workshops +downtime +peddle +tegucigalpa +lab +liquor +pre-quake +promotions +pluralistic +firings +overpriced +nikolai +stowed +jianhua +goalposts +astrophysics +decides +jokers +philippe +complementary +ingersoll +notwithstanding +natan +unequivocally +cappadocia +wyo +gm +mueller +apace +exploration +alyssa +pre-eminent +lapse +kajima +french +aluminum +frustrating +unbelievers +wither +specification +abetted +directly +futian +minimized +pam +circumscribe +saxon +ado +frankincense +sediment +checkpoint +obvious +bars +weaponized +truthfully +earners +hopelessly +poignantly +dalis +pangs +cablevision +resuming +processors +capillaries +uthman +scratches +distraught +seawall +lehne +views +sara +sohn +habitats +familiar +avenues +middlemen +adjustment +dark +renew +sorrows +broadening +renown +radius +barbershop +unconditionally +centralizing +dubuque +hitch +____________ +greek +buckets +aga +depending +judea +blackboard +sci +blanket +ago +cramming +riggs +surgically +co-host +carty +belie +umbilical +nary +potato +peterson +discussing +perplexed +wired +bombings +convicted +bullets +salina +melons +daniella +expressionism +wyoming +camouflaged +approach +theoretical +adverse +wrench +mutton +defames +equilibrium +du +regulators +resales +cruisers +brides +shanley +nusbaum +horse +meditating +crocodile +mcclain +horribly +messerschmitt +gold +globalism +n.y +clambering +gymnast +refrigerators +popcorn +encode +anyang +atticus +vargas +colonization +aronson +wraps +saucy +chemistry +vitro +shriveled +girding +wealthier +roar +insurers +lubricant +duane +rubbermaid +re-enactments +ilan +desensitize +outrage +cubs +bow +hoodlum +sumita +bodies +depletion +aphrodisiac +murdered +haircuts +issuers +ahwaz +tyrant +protestant +doomsayers +flextime +jemma +stench +cloudy +jiangxi +jittery +milked +policy +regularities +mora +hysterectomies +eds +neutrality +dissociate +ajar +comrades +ferdinand +dolphins +gregor +accessorize +accrued +interpublic +toggles +megalomaniacal +blackmailed +glands +boulevard +forfeitures +winbond +proposed +juveniles +skipping +bring +bridges +savoring +varney +moguls +mujahideen +photographer +a0 +technologies +regis +weakened +ax +disown +by +rotting +haulage +naphtali +a000 +vociferously +wallace +erasable +daley +yearned +panama +accorded +reverses +chills +signboards +eiji +explains +scythes +saltzburg +emperor +overruling +minister +infighter +tu +revise +wise +contrition +mtv +justifiable +andersen +containers +mounted +anyways +objectives +editorially +trek +oilfield +ferreting +earthquakes +enflamed +stanley +segregation +progress +tashjian +ominous +union +bangladesh +belfry +husain +revamped +adept +lanzhou +cree +dogmatic +jihadist +pram +tinkering +stationed +extricate +redo +superb +inherit +adders +embryo +autonomous +spadafora +depends +wade +feasting +razor +tucheng +internationalization +dam +adolescence +soak +outlay +shoring +dearth +gritty +orbiting +nasa +rezoning +chungcheng +environments +accessible +butchered +playtex +harare +heavier +large +importantly +contemptuous +majed +resentment +advance +consumed +landings +performer +selected +aug. +rattling +multi-screen +trumps +bohai +chiron +barbs +surrenders +fair +ultra-right +emergencies +martin +nationalist +copiague +sonograms +neighboring +gassing +wealth +pinyin +inmate +taxi +lme +refresh +consultation +populating +contesting +adopts +infidels +harsh +environmentally +cornbread +deposit +xenophobia +qingping +mockery +toshihiro +octopus +nowak +futuna +altars +strait +window +peeking +fin +remarks +reconsider +skittish +seize +undeveloped +refineries +voyage +tailed +glows +pollinating +foggy +allot +distention +communicated +copying +parlor +dellums +ape +objectivity +inexhaustible +detergent +incentive +benzene +toads +rubins +strive +barry +procure +atack +moreno +aerobic +circumcision +gridlock +parody +turkish +dunhuang +unprofitable +hotcakes +sheung +agriculture +montedison +misstated +spouting +humming +casualties +strewn +blooming +osteoporosis +transpired +telecommunications +accreditation +curves +shrouded +surge +active +potala +hasidic +conservation +oficials +hearts +echoing +anti-japanese +lineups +bombing +bribed +boaters +shipowner +drop +latitudes +hang +morale +foreplay +forties +switch +surpass +butting +entries +schoolteacher +rosen +helpful +diaper +fireman +crappy +discus +bs +service +spuds +scandals +bands +religiously +arbitrarily +urgently +entertainers +bih +candies +pro-family +loading +diagram +munitions +chieftain +stalinism +sobbing +dubiously +commandant +darman +swath +guofeng +convincing +wildcat +ewing +voting +washes +ice +unresolved +arlington +secretariat +kmt +chevron +mancuso +ventilator +surveyed +misinterpret +crowing +reverence +estuaries +jianxin +grenier +deficit +abundantly +suisse +antibiotics +typhoons +zhe +occurrences +zoned +liberian +worriers +plumber +four-fold +mirror +formulations +amount +divorced +defends +zimbabwean +conceding +darwin +whatnot +ombudsman +hardness +skokie +fatality +refunding +ebola +overestimating +moist +diametrically +westward +justifications +rinks +proven +claudia +fledgling +touched +boosts +luke +forbidding +criticize +toll +australians +muwaffaq +twins +violinist +female +slab +mechanistic +boris +implications +bowers +qingqi +ovalle +improvement +enrolled +ingrained +kunming +mediocrity +reese +maintain +bible +emmaus +establish +herodias +felons +handling +shuffled +flam +tofu +granite +shelly +soft +inflate +balfour +swimming +endorphins +maddox +calculation +atra +beautifully +olympic +purging +archeologist +stalwart +lectured +untidiness +lucrative +oversized +bad +graciousness +engagement +mcneil +leon +briefcases +permits +shoshana +fong +humanity +precipitation +differentiated +prettier +hastily +chauvinist +sells +debatable +makeup +augustine +anti-hooligan +dependants +withstand +formally +chieftains +vetoes +mbb +techniques +anti-insurgent +slither +aruban +0.00 +overlapping +misfortune +peccadilloes +exits +gunmen +reprint +cie +co. +identification +irritating +hugh +mobile +fervent +swayed +repent +cocked +cushion +paneling +coughing +gay +super-spy +aground +skeletons +landfall +cudgel +toil +pri +med +educators +pisidia +discontent +stringent +socrates +gasoline +forebears +measurable +treasuries +teen +naysayers +trustees +countryside +development +brest +regional +ranch +hizbullah +experimenting +nst +eastern-most +awe +morris +bibliography +wacko +communications +merc +tractor +scatological +mark +electorate +auctioneers +compulsion +digenova +bulldozer +micromanage +departures +dropped +rendezvoused +heels +wading +suppress +garrick +paralyzing +verge +vouchers +g.o. +hiro +modules +elton +mogul +charged +thermostat +barbara +tampons +pre-storm +enjoying +winger +lawmaker +drool +comestibles +durables +cache +mining +rabid +soloists +globally +intersperses +fishkill +colas +subscriptions +redirection +.0 +khalid +dhu +springtime +domino +beverly +blends +mauritania +securities +grisly +administrations +fengxian +viewed +vulnerable +imprisoned +twang +pacing +deflators +boaz +railings +hailstones +isolating +non-dairy +colic +denis +funnier +vending +reticence +urethra +yorker +shouldered +pre-school +crossed +rote +andes +blandon +kheng +greedier +valais +premises +veracity +0st +vanishing +considerations +atoms +tacit +p00 +offset +hamilton +examiners +puns +fortification +ramzi +electric +ramp +emigration +kerry +uses +raddatz +misdemeanors +minn. +unapproved +goliaths +gentrification +tidied +koran +popularizing +explosions +hussan +boggling +xerox +permeates +attitude +replica +norbert +sylvia +bethlehem +newt +newer +expressing +informed +recruited +fragile +jets +haifeng +anemic +thunderous +supply +employable +heads +sealed +my +hookup +hondas +robust +rhodes +gazelle +trexler +roc +daura +similar +transporting +temptations +orifices +arabic +continuity +colossal +gate +kaine +juge +switching +federalist +nibbled +granville +jurisdiction +aloes +tongues +attic +sores +musab +had +afterwards +prophet +failed +huguenot +senator +soren +soup +traces +review +webcast +hiked +evidently +monster +fleeced +wetlands +faux +commissioners +wallowed +ridden +circa +receiving +deteriorated +konosuke +float +torrential +automation +sequence +healthily +councilmen +calligrapher +burgers +environment +proffered +reunited +testify +hiking +response +singing +surprisingly +voluminous +rarer +lateral +convoy +guanghua +appropriation +pairing +scot +showgirls +seating +zapped +gros +r.p. +dongguan +paper +ari +pygmy +commodities +prized +cents +branch +gunned +nassau +convenience +savings +nuclear +increasingly +undemocratic +cord +lovely +conditionally +platinum +virginian +cartridge +quarry +gents +demographic +enables +extraneous +aides +hollow +housewares +salam +products +indication +undertake +shawel +ditches +prophets +osbourne +battlements +enthralled +paiwan +channeling +handbills +spender +inverted +stories +illnesses +senior +tieying +chart +eye +stemmed +malt +disposition +dissolving +sky +bucharest +frying +nankang +excavation +might +ambulance +tranquilizing +kleenex +pennsylvania +robin +mined +swim +exaggeration +wields +docking +vin +inns +appraised +spending +excused +uphold +pre-college +flippo +youngish +overemphasize +circle +vt +disciples +dead +bates +counterpart +venice +qq +speculating +unhealthy +juppe +carmel +colors +toronto +trunks +grasp +revives +... +halls +azis +marquez +m.e. +lyubov +deere +war +launchers +ejected +deserved +plot +approvals +avian +infants +queues +demonstrates +zag +freshmen +gaius +european +reachable +baptists +kamm +miscalculated +risen +cod +exercising +beg +dyspepsia +gerson +toyota +rabo +constructively +quaker +guessed +reassert +halts +impermanence +imparted +mobster +keyed +compliments +underpinnings +deadlocks +aha +vulgarity +high-profit +shaken +exteriors +shoals +infrastructural +leaned +moderately +* +cfa +latecomers +chiapas +ineffably +thrust +quacks +voices +crutches +classic +programmable +inventory +meteoric +microfluidics +derisive +skyrocketing +capitalization +beit +debt +principle +uniquely +hopefully +mindset +superconductors +finley +poem +gallup +hers +miaoli +shameful +museums +amusing +parkways +delegations +alerts +debate +rand +lori +guam +exclusively +yangcheng +deadline +investigator +standardized +nith +disliked +lunchtime +kiss +airlifted +pandering +nominations +congresses +agresource +papers +acid +darwinism +aircrafts +coffers +medication +producing +0k +mayor +oxley +gardening +hands +requisites +grammar +gil +kilowatts +shipley +sailors +co-op +munn +yuli +hesitant +juggle +matra +lantern +fear +uniforms +blandings +subcommittee +embarked +vi +debunked +waleed +blah +protracted +charitably +furor +shimoyama +ultra-safe +impounded +aranda +sassy +barney +germ +usefulness +reshape +laudable +jubilees +wear +yiren +holiness +taunting +adjustments +cobwebs +weak +readied +slurry +ken +altogether +menu +recorders +hunter +anchorman +dmv +phalange +consenting +pauline +dentists +prehistoric +a00 +thankfulness +soulmate +peabody +geragos +slender +jaguar +yueh +dun +vaguer +heed +seeds +untied +dormitory +stopper +bludgeoning +recruitment +ineptitude +driven +acquired +hordes +sketches +compassionate +arty +everyone +stroll +implements +steamed +lipped +swagger +arranged +porte +theophilus +corp. +geigy +ucla +mangement +speed +deplores +pulls +stefan +fu +hummer +doorstep +re-organized +witches +bebear +nylon +manufacturer +disturbing +paxton +honeymooner +plasmodium +bishop +containment +liberating +lawsuit +humiliating +pillar +warfare +genial +capital +bombardment +onus +alliterative +mateo +conn. +applied +bagpipe +megastores +seams +angling +monkeys +nineveh +livelier +administrators +grandparent +juries +prophesy +detached +granddaughter +methodists +revolves +itinerary +poses +casts +bugaboo +characters +temperature +matsu +however +peal +periodically +procured +ticket +beard +pressures +twits +tumor +leading +linen +gideon +phillies +rainy +re-entry +inert +firestorm +kiting +amon +doubted +hellish +wenhai +ningbo +katy +suo +qizheng +pilloried +deepening +kuang +rambus +amphibian +standardization +caputo +culver +perlman +derived +prides +conscripts +luis +terminated +hyun +settlements +unwholesome +assab +procrastinate +spindles +rjr +scramble +holland +deadwood +fulfilled +poisoning +benches +deposited +fifa +nsubj:xsubj +evil +speckle +flats +multi-directional +aureus +medias +pluralist +manning +finery +inexplicable +bitchin +cheery +giving +fierce +sprizzo +viaduct +claws +jeanie +hoffmann +cooperative +appended +haran +caving +could +fantasizing +zhi +suburbanites +inouye +provinces +matrilineal +equivocations +pepperdine +thorough +bechtel +lynch +sharper +joan +bearing +matamoros +quilted +wages +settlers +upping +lamented +rodolfo +joyce +lada +groove +peanut +lysias +eminently +alar +plebiscite +mpg +accomplishes +fatten +kline +memorize +options +wooten +episcopalians +carelessness +numerous +reprisals +forecasters +generalized +devotee +gerrard +eyebrow +pedophilia +outlanders +mediated +passed +squabbles +dotted +lose +rescinding +tighter +within +cherished +presiding +zhujiang +lebron +brave +martha +mistakes +huck +monochrome +vociferous +erased +unwashed +astoundingly +provoked +bloodiest +subject +griffin +rubin +bullied +garrett +deux +irs +reassessment +wondrous +hui +benjamin +iraqis +murderous +serves +stung +wronged +dockings +flung +menaces +dimly +greater +holkeri +discovering +partition +jar +laborers +divided +bakr +macneil +cruising +totally +jewish +medicate +garman +overbid +transparency +exterminate +diamond +jiangnan +pupil +calculated +overreacted +frances +kandel +palermo +dictatorial +smoky +sandiego +intends +zhuangzi +robotics +upheld +southwest +circulatory +englewood +cinnamon +experimentally +salinas +offshoot +koha +budged +outage +empowered +executions +levelled +rewritten +defines +verdant +tearfully +headlines +conceive +sahih +indicted +carolinas +wrangling +generates +will +speechwriter +mute +penises +contemporary +nicaragua +lifeguards +jin +molecular +standards +n +shooters +acquirers +interagency +bench +illiterate +happening +skydiving +restore +cardillo +underused +simmer +sews +bungled +prototypes +ii +frighten +dealership +guarded +exploits +hurled +spectacles +splash +pictured +imperialists +insure +l +tugs +silicon +b. +benevolent +cages +memory +northview +compound +spilled +levels +edgy +eyelashes +explodes +norma +informix +squelched +silent +babes +tutored +emba +affirms +bridal +relax +massacred +thousand +melt +county +worshiped +homage +handkerchief +photogenic +orders +gui +survey +couple +foul +gearing +hewlett +uninvited +sheremetyevo +caucus +gephardt +idealism +pretense +street +bath +interchange +justly +drunkards +unhindered +grooves +hub +tasteful +kao +melbourne +advisory +curators +mosques +lester +spew +scania +descended +ferociously +exemplar +re-organize +rutgers +skiers +burial +irks +cheers +pong +ministers +branching +abie +shimane +sedatives +working +jadida +facilitated +mccaughey +agoura +reminded +harper +birmingham +arming +hasten +intergraph +communist +moisturizers +lawmaking +eslinger +ideologies +hussain +strikes +liner +doha +taihua +bylines +customers +transitions +allah +mitigate +cheer +explores +inhabited +withered +macon +filtering +curb +ministry +bryan +elements +slacks +sympathize +spectra +sturdy +clerics +electrocute +multipoint +loosen +furiously +goat +seas +committing +monetization +lien +ariane +tug +brawny +visions +eggers +ieds +bladder +pele +expresses +ammonia +chios +lurking +conforming +unmotivated +bausch +shout +vying +proudest +emergent +no. +chauvinists +philosophizing +procedurally +pulsating +disconcerting +mckesson +microarray +ulbricht +lebanon +tuning +stepping +sophistication +lung +causing +grossing +waning +primetime +submarine +fridays +recycler +johanna +accusation +aer +breaks +representatives +geduld +throughout +sonnett +canberra +settled +einstein +spoken +traffic +reconsideration +berated +heroism +evaporating +authentic +olshan +unpublished +cumin +farting +woke +suhaimi +sunrise +co +affords +jdam +delightfully +absorbers +downplayed +flowerpot +cresting +condi +potatoes +kool +resentful +sweep +stomachache +dragons +elk +cry +outpacing +segmentation +give +syndicated +harshness +brightened +insecurity +elites +lizzy +ababa +preach +fuse +infiltrating +umpires +horizontal +dethroning +commercializing +factual +bogota +deteriorate +wbbm +zeiger +operative +berea +adoption +weinberg +reassigned +metals +rev +insisting +offsetting +fudge +warren +mazen +undervalued +hungarians +appropriately +wasted +kirin +nmod:agent +were +ingenious +ybarra +tampering +extramarital +airbus +beekeeper +holdout +transfers +confrontations +ni +ointment +yang +areopagus +catch-phrase +fulfill +bomber +treason +embarrassments +puzzle +fortunate +birthdays +hailing +battled +'00s +summarize +sidewalks +shunted +haw +butterfly +americana +alexi +misadventure +injuring +alien +bursting +operations +los +motion +sleeps +exciting +cooperatively +stadiums +writes +weeds +entombed +pamphleteer +hammerstein +preoccupied +mini +documentaries +fishermen +falls +failures +zambia +underestimate +pretax +tilting +fliers +arsenal +rehnquist +greeted +cues +astronomical +schwerin +pizzo +mammals +beatty +nanguan +relegating +memberships +rifkin +while +finals +when +laboratory +drivel +mississippi +demonstration +voter +chilliness +bipolar +churning +gambling +marietta +surrendering +jammu +debuted +connection +muller +propagandists +resurrection +nickie +lane +boxed +skull +bradstreet +topped +expenditure +fook +highlights +galvanized +taps +austrian +merchandising +various +bertie +compact +0000-00 +heightened +thrift +whisked +lomb +alliteration +joke +spaniard +scoundrels +proactively +puffs +resulted +countervailing +tribune +overdosing +forensic +connecting +instill +sectarians +zealous +directional +elon +unchanging +gore +tutoring +cinematography +generally +kiln +bynoe +x-rayed +beached +xerxes +advertising +shalom +unemployment +biased +resign +chengdu +leg +ivey +pacemakers +resettled +rebelliousness +stragglers +glimpse +telecom +smelting +ironed +grass +corresponded +lofts +candidacies +jill +ceo +laundering +villanova +flatulent +curtain +rapids +pains +peopled +vdot +instructing +badgers +contacted +displacement +benefitting +disgorgement +question +delicately +neapolis +planar +huffington +swimwear +streetwalkers +liquefy +nominee +restructure +antiquated +sai +mistake +tart +pillow +religions +fluids +misleading +mokaba +banca +freshman +reduced +mindedness +sufficiently +constrain +o'connell +lorca +defiled +classify +dismantled +linguistics +clapp +preempt +gloomy +fleming +confidant +rupture +folsom +print +owner +contract +refrigerator +leibowitz +heck +maximum +oversimplified +orgy +convoke +francais +pottage +loftiness +expanding +plenitude +interpreters +tap +bloomingdales +furtive +visibly +underway +cower +invoices +triple +dietrich +prophesying +payouts +monotheism +konka +ambivalent +quantitative +zhiping +girlfriends +permanent +intimate +nominal +tehran +sanguine +coups +warehouse +embankments +capacitors +subterfuge +nomura +sidon +hsiung +rabbit +leaders +chippewa +leopold ++ +saab +gitter +candied +fe +training +lefortovo +quezon +underground +penniman +wingate +exterminator +freezes +gelbart +bonding +mudslinging +panoramic +assemble +daughters +collection +glaringly +route +immigrants +deferring +mutate +rehearses +easiest +making +core +take +sapped +telemarketers +sue +indianapolis +wanted +castle +consultations +______________ +rumours +anyplace +alton +rounded +scholarly +acronyms +unblemished +standoff +communion +hairstyle +antiques +billeted +accede +sacrifice +infancy +educate +determining +todt +cheney +nwa +contemptible +nobel +breakdowns +unskilled +gigs +cochran +magician +shia +dong +neither +sonic +parisien +extol +shots +reproductive +forbade +quicksand +sufferer +infused +pour +shipment +pioneer +particle +outlays +unlawful +chaotic +gunda +andronicus +venerating +messiah +asses +imagined +anomalous +kelley +hormones +undaunted +hassan +formative +encloses +benatar +yaks +bowker +hajime +booker +televison +intuitive +angelica +asean +bows +forelock +avowedly +sanitation +administrative +bleached +frederika +determines +bruising +naacp +relics +rica +immoral +pontiac +mailing +reverberations +muzzling +amarillo +rumsfeld +ascended +placido +celery +fraudulent +laying +unshakeable +deceiving +onslaught +ian +sloan +destitute +locales +businessmen +gracie +aflame +accommodate +detainees +feudal +experiments +opponent +inclinations +heavenly +semi-professional +ill +disturbs +cooling +nineties +extolling +carrie +depressed +j.m. +goths +wed +conservatively +dingle +decline +pals +employment +balkans +maudlin +bittersweet +benevolence +stale +haskins +pro-unification +mosque +entre +waive +roadside +ph. +slots +pronounced +apologized +lauro +projected +oat +inning +allocating +serenely +slice +upbeat +raisers +heinrich +fasten +liaised +zionism +sagging +ecosystem +nears +whiner +nugent +cookies +gentlemen +angered +chats +outflows +demonize +kozlowski +occurrence +rundfunk +upgraded +qualls +strongly +drunk +mechanisms +agenda +lesson +petrovich +roger +anti-wal-mart +widowed +nightfall +uptight +wholeheartedly +donating +insurrection +jingyu +personages +hourly +thwarted +elongate +coincided +superannuated +axa +wine +vinyard +theirs +brawley +madness +noonan +issam +thirtieth +renal +eyeful +banyan +pro-democracy +follower +frivolous +megawatt +approve +environmentalism +inquire +herb +spurious +cunning +rocking +unverifiable +blasphemy +mildly +mongolia +made +las +distilled +crawling +allotment +forcefully +repressive +modular +sitdown +quakes +sparsely +udeid +kiribati +europa +angeles +continually +commissions +eaux +glory +checkup +xiaoling +accumulating +carrots +kyocera +tots +ned +judo +cheng +mcgee +dialect +allegheny +spreadsheets +held +baggage +clothes +haram +ru +mores +zhangzhou +fullest +bolstered +nmod:in +ambitious +amputee +gust +nationale +labour +rentals +casting +icy +parting +c.r. +bull +eccentrics +miniscule +inconsistent +cds +erudite +materially +forged +walton +angst +midmorning +wonderland +unborn +confesses +willy +forman +aboard +instigated +navigational +saeed +shoddy +exposition +carrion +copping +systemic +oleds +themselves +catchup +prosecute +carmen +sucker +mystical +sweat +holmes +unconditional +tat +stunning +arson +digs +extend +gandhi +catchment +aristobulus +coarseness +restarting +napalm +seminal +underlying +desperately +lauren +tonics +irregularly +permanently +ion +mtp +heublein +sandwiched +democratize +idiot +nanhai +freon +poultry +down +violation +accommodating +abortive +cosmic +jarir +range +requesting +quincy +outlier +mon +sting +side +kong +'' +counted +hospitality +iii +apf +curtin +moore +invests +c.i.a. +amaze +before +uhlmann +ryutaro +impolitely +vice-prime +presidency +pennants +cpc +pediatrics +boarding +offenses +carves +striker +reviewing +tsunami +millions +fable +fareed +club +insurgency +essentials +chekhovian +outs +abdication +stupidly +croaker +empathetic +bilaterally +garden +traditions +trifles +network +rs +ho +' +pi +yun +zeng +glaser +upon +xixia +quotes +wondered +purchased +resist +nicaraguan +uncharacteristically +teaches +artillery +diversion +counts +surround +overstatement +whereupon +warns +entails +prematurely +mushroom +stand +annoyed +caryl +pluralization +reunions +consequence +goner +karam +outgrowths +lawn +operable +cross-state +runkel +rearranged +estonia +unbeliever +lays +noblewoman +incurred +lacked +lords +traitor +ludwigshafen +mid-june +militaries +unreformed +burdened +dealt +multi-track +forum +coldness +harari +waterproof +fished +haired +salutes +dave +eyebrows +babysitter +grasses +outbid +turtle +faster +prescribe +franciscan +siniora +bed +hawkish +divorce +post-election +jiang +intuition +once +rides +helen +wes +mentions +records +indulge +vaclav +resale +brushoff +shea +insatiable +counterintelligence +intonation +cornstarch +shipper +looking +simulates +mercifully +defected +narrating +interference +savidge +alliances +disclaims +sasha +enjoyable +trimester +erosion +transnational +contradictions +dieppe +powers +shabbat +polarized +europe +handedly +aleman +infect +whereby +cats +porthole +invented +mariners +wolfowitz +disappointment +square +rations +correctional +timothy +scorching +colonizer +attempt +maradona +sars +jaleo +paralyze +experimentation +schindler +melchizedek +portray +clinics +ficus +imperious +nonrecurring +anglican +sensible +soon +retarded +'n +monarch +votes +relaunch +floating +katrina +lights +lollipops +represents +knelt +chests +indulging +remitted +predatory +crayon +ruefully +livable +hasse +orphanages +peacetime +supposed +ancillary +observant +lin +theoretically +baltimore +popularized +meatballs +cheung +fangcheng +amplified +neely +waiters +dx +weakest +team +alexe +decapitate +tenet +businesses +profiteering +sidelines +cadbury +estee +aloof +infant +hwa +rooftops +directing +gnp +innovations +introducing +foods +wives +symbolic +vermont +jest +perfectly +hiroki +descends +clanking +presences +wreckage +prattle +streep +insoluble +unveiling +broad +liberated +mean +scurrying +semites +atkins +legacies +ransom +snatch +berthing +cooks +ceiling +brewers +tbwa +forecasting +enlarging +untamable +gathered +sur +cinderella +commitee +alabaster +non-ferrous +drinker +westmorland +enclosed +couples +advocate +crash +squalid +fighter +lancaster +ltd +per +mongol +naive +nieces +foreclosed +spared +floats +hsinchu +iso +waiving +tradeoffs +.... +fondness +rosh +paid +gout +bali +heftier +expedients +yongmin +specify +lancet +hukou +sinister +takedown +angstrom +rodman +cristobal +zlotys +abilities +arrest +developmental +soirees +shoving +reeked +bloodless +corners +culpas +systematically +maneuverings +hex +jacko +voa +cuyahoga +curzio +pan-arab +barnes +mourners +institutionalize +movers +urs +coexistence +pepsico +weber +defence +salvador +summarizing +alibi +aka +specials +accomodate +defendants +investigational +postcards +diversified +verges +tangible +mastermind +star +non-edible +intermission +arabiya +islamist +wafer +exploring +undertaking +bono +slashed +clueless +posters +assyrians +jesse +anti-racketeering +understandings +greenish +guangqi +corporate +lads +gazette +dusk +yardwork +kraft +reeling +steeply +baer +il +hasan +americas +roof +drive +along +despicable +concurs +snaky +clooney +replaceable +vineyard +sifted +motivational +nuance +lipoproteins +riyadh +critic +stansfield +steinberg +latin +busywork +vaughan +landlocked +calcite +apprehensive +quartz +photocopies +pr +interstates +parachute +ploy +constituencies +0,000 +dropoff +campus +discrete +since +effectively +emporium +revenue +berstein +evoke +gilding +adventurism +chevy +joshua +co-operation +age +islanders +nastiest +typified +mid-0000s +blandness +0.0 +probability +dissect +bridgestone +!!!! +soils +deliver +unpopular +nielsen +ryan +perfidious +gravestone +wardwell +marketers +earl +exports +oshkosh +cbi +wrecked +puller +acknowledging +friendships +mousse +azure +liuzhou +dents +drained +contentious +visited +hoteliers +barron +fluctuates +reiterates +lashing +valley +succession +wardrobe +buffet +o'hara +collusion +templeton +seduce +mofa +cutoffs +record +hal +unchecked +witty +signally +receptor +witnessed +nameplate +prospectively +shorter +lawbreaking +sardonically +boesky +wicked +unheeded +upsetting +therefore +replenished +mansura +barbaric +clergy +attests +dares +puzzler +circumstantial +rails +connolly +taller +slowed +pod +substitute +pizzas +schoolmate +manar +zhongshan +brow +co- +grumbling +moe +financier +pointedly +mainlanders +alito +gambian +pasture +hop +scenarios +erupt +ideals +mingle +pat +cardboard +flexibly +enhancement +kuan +showered +afrikaners +rahim +normally +zhiliang +satish +realized +mnd +placed +plug +deals +many +grim +digging +buoy +germany +sesno +criterion +emblazoned +perth +propulsive +solo +provoking +nurse +odor +modern +blossoming +eurobond +zupan +simpson +panasonic +looms +chuckles +form +tur +planet +formulating +wonderfully +flute +asserts +saver +soles +furnishings +cautionary +kosh +publications +columnists +nita +utz +distiller +suizhong +model +troops +cauliflower +caucasian +protagonist +lingnan +macmillan +disruptions +slumping +skill +correctly +subsided +tenn +reassessed +transferring +accomodated +hedi +criticizing +enlist +perfidy +acted +throes +congealed +guides +inflame +loner +nationally +orbital +delightful +satisfactorily +exercised +sections +charter +vendors +astronomers +donated +smack +decommissioned +safeguards +juri +banking +szeto +plumbing +irritable +penguins +patchwork +daoist +swathed +balloons +momentum +superagent +dickensian +shoemaking +happen +fellows +substantive +mosquitoes +climbs +madani +hayes +processes +reignited +marking +chapters +iturup +strife +spearheading +magdalene +jung +grievances +kut +sajak +intelsat +sphinx +conflicting +dimpled +kikkoman +qasimi +massage +palisades +rough +raymond +verizon +atop +cataract +crunchier +pool +entrusted +streamed +trusting +wastrel +sloves +leaches +showed +tassels +sindona +reproduce +le +terrorist +aquariums +nucleotide +sausages +cries +underpinned +tract +embraced +doctor +divide +anti-cancer +. +divulged +adjudicators +incumbent +meta +grasso +ky. +synthesis +calculus +entrepreneurship +endowing +surgeons +life +adopted +nineteen +shek +jolted +stability +students +torturing +scandal +scoff +aggressive +oss +buzzwords +fi +biking +sooner +lore +uri +billed +nonflammable +magnificence +pre-tax +anticipate +aspect +tommy +selves +milwaukee +tackling +abolishing +powdered +memorable +caspar +clients +acknowledge +acl +ltk +zunyi +reprieve +illuminating +carve +haughey +attends +decisively +amusement +fused +through +darts +owens +kildare +marginalizes +indicated +redemption +northwest +distributions +whoosh +homerun +perennial +awkward +hunan +tae +kirkuk +parent +gentleman +dots +equivocal +wrapping +pipeline +lift +guilty +fang +reworking +cops +bardo +evaporation +shipman +curbs +mingling +bastards +fujianese +wiper +immunities +sinfonia +elf +blindly +lawrenson +crops +degradation +interview +hoods +revered +mama +bewildered +metropolitan +thoroughbreds +permitted +hirelings +sleeping +office +whiff +grinch +intrigue +colored +heirs +wad +mia +taxation +fatigue +appellate +confluence +tribute +betters +examines +beast +irrational +bakhtiar +trenchcoats +wmd +cisco +tours +aiguo +capture +presented +moderates +oppenheim +finch +safeguard +achieving +maggots +polar +scratch +grade +immerse +balkan +loath +wetten +scolded +dalia +automatically +genres +conseco +butane +hypotheses +wilde +muck +manifested +sings +weihua +justification +statistics +patricia +view +ketch +frederic +eons +resonates +scorpion +democratically +killings +amuck +creasing +comet +childrens +hops +thermometers +consob +huaihai +dailies +rub +garner +bronfman +valdez +maternal +grandkids +eaves +industrialized +pep +renovated +displaying +nonfiction +secretaries +croons +crisp +lotos +lackey +quaint +basque +explicit +sicily +nicolaus +pray +comic +pc +defaults +gush +reexamine +fittest +djibouti +smyrna +inherent +mutated +hayat +sobriety +financially +bii +million +taxus +ruining +tracked +sweltering +slowly +erastus +unmaintained +satiric +plots +motifs +racially +washingtonian +frequented +kinda +morality +playfully +bedridden +rockefeller +clown +northeastern +sherman +malevolent +eased +outreach +impossibility +etta +zhiwen +franchised +although +rafi +divisiveness +bennigsen +eu +clowns +rudd +soaked +yates +reorganized +relaxation +bunco +saw +preachers +trimmer +joe +reflective +confidence +phuket +milling +conversationalist +nanning +auto +facilitating +offender +deprivation +staunchly +recited +depredation +ye +surviving +climbing +diagnostic +sunflowers +scalding +kurth +victories +slackers +belonging +harmony +bite +eurovision +latifah +he +ldp +divers +hai +languages +contention +inauguration +notifications +strindberg +mantu +invest +superstar +clouded +bipartisanship +tropical +physicians +intend +musical +woefully +wafting +gomorrah +write +autistic +tincture +terrific +mengistu +biting +farmhouse +annette +drumming +army +taliban +proceeding +jun +maguire +gotten +000 +prioritizing +rescheduled +thy +recalling +seriousness +swords +phys +giuliani +abiding +interrogator +obligingly +strangulation +nfib +whittled +rom +rehabilitation +wrestling +dividend +de +chord +mysterious +hilarious +trim +parried +truckload +toledo +latter +locality +babbage +concrete +gazetteers +objective +samaritans +defeated +appointment +fractionally +victoire +yongjian +selective +wo +magistrate +utilize +rains +subaru +excusing +post-season +ordnance +everett +trip +harpo +lai +somewhat +sarajevo +resolved +waft +dined +engine +satisfactory +remitting +mid-january +government +senses +re +renegades +forty +inducement +begged +shades +eeoc +regretful +fended +mentalities +lambskin +levin +jintao +avuncular +firewater +subordinate +unaffiliated +violence +baudrillard +function +apollos +escapees +uncounted +bakery +ace +expanse +ji +hecht +residue +airforce +afrikaner +automatic +vice-director +shuts +extension +pierced +winstar +nmod:as +disclose +useless +trolley +flared +champs +mocking +londons +campaigners +tese +saintly +persisted +bailey +skb +mcelroy +recovery +shouldering +ntnu +lawton +nurses +bros +badge +torrijos +kathryn +dissipate +suppressor +owed +chafed +salah +reservoir +epp +handily +slept +reverend +convent +immaturity +chao +james +schlemmer +easygoing +belize +dyeing +oppenheimer +dopey +engender +wrought +elsa +washing +facing +routes +emigrating +attracted +perestroika +becomes +ticker +gwyneth +tailors +novel +subcompact +exuding +shimon +begs +they +broadly +binds +withering +negotiations +motors +new +gypsy +sandra +egret +annualized +harv +unanimously +blurred +free +passports +stresses +undercurrents +------------------------- +logistical +changeover +earmarked +econometric +zedong +ec +notable +fulfillment +constituents +thani +certification +mitchell +goodly +comedies +pessimism +ante +lobbies +lifetime +powerhouse +bilious +sunna +ringers +lifesize +vogue +timpani +depression +brutish +hen +ftc +consummated +ghee +savage +misguided +tapes +condemnations +breach +opportunistic +influences +currency +levers +supermarket +underbelly +rallies +francona +gallons +reunify +secret +jour +guoli +modified +fatter +propagated +operational +insignia +recapture +foreclosure +legends +stealing +re-creating +evils +salesperson +burlington +smashing +extents +schoolchild +marque +branded +twelfth +clashed +bashar +lumberyard +lunchboxes +memorabilia +figurehead +minerals +silk +disqualification +suzanne +summaries +deficiency +omnibus +assembly +brazilian +anne +yle +reasoner +0/0 +folded +weeklong +rehired +amgen +progeny +calor +telling +convoluted +paranormal +professionalism +depths +rachmaninoff +talal +spunk +gagged +comparably +improbable +briefed +thus +tacking +jared +slogans +bennet +flunk +sometime +style +geochemistry +surfaced +logan +interaction +choppers +tripe +revisionists +chromium +haotian +vicious +stretching +sided +pro-active +worthy +guru +authors +cavemen +jellyfish +chicks +cozy +gist +balances +crashed +automate +admit +jeffry +criticizes +opinion +overweight +esau +delinquencies +slashes +yat +honorable +diode +verwoerd +regan +krakow +fast +distasteful +baron +skype +handsomely +quartets +undefeated +facials +sweeps +gantry +xuanwu +invention +slack +concurrently +placidly +gerry +toshiba +gracia +painstakingly +ny +nesbitt +balcon +slamming +sackcloth +semiconductor +japonica +sprawl +ied +slaps +bereft +antebellum +failure +phasing +dodging +den +far +mid-0000 +torah +champion +manifests +auschwitz +parthia +weaver +pendant +stanton +shapiro +activists +changhua +bookstore +contaminated +journalism +marketplace +goddess +ba +anguish +helped +hooks +hannibal +streets +scuttle +deputies +pretending +bennett +toes +armoured +issues +cripple +vaguely +promptly +brigadier +ernesto +hsueh +needless +excised +solihull +0.000 +fundamental +inane +stamped +manhasset +utilized +nation +abuts +zoom +airlifting +aged +knuckle +non-subscribers +gujarat +leng +chums +incurring +wu +creamed +seducing +arrows +acrimonious +pockmarked +roach +deliberate +earlham +sol +noriega +delivered +mettle +learn +complicate +depleting +latvia +fredrick +loden +manchus +kissinger +safeway +fagen +dehumanization +diffidence +citing +dram +mcintyre +puzzles +sanitized +dirks +rhythms +unacceptable +boys +equitable +results +overwhelmingly +hbo +leisurely +kriz +larosa +stored +soothe +pleads +duncan +butcher +fluke +priorities +bashing +member +petersen +dal +screwdriver +laney +antibody +cares +tet +awfully +overreactions +binge +impose +mcfadden +decimate +legitimize +hefei +indemnity +eastman +hurdle +intangible +rutledge +whereabouts +seoul +emission +embassies +adjourned +ogling +journeyed +hasina +skanska +compensation +rushed +incapacitate +dataplay +organizational +bugging +sinopoli +ex-general +yuhua +seeks +towns +populous +kgb +pacific +nexus +xiannian +sows +nauman +legged +disposed +likened +airline +egyptians +pacs +draws +parental +each +riveting +raphael +cultish +adapted +mover +grandly +abuser +wildly +ldc +check +championships +unattainable +oberhausen +gargan +befitting +apologizing +enabling +literary +frontier +modeling +envisage +rainbow +stratosphere +overseeing +patron +lima +grit +macarthur +politicized +shirley +dee +peroxide +treble +abridged +tile +insurgence +guesswork +stake +evaluated +cattle +improperly +tadeusz +proponents +uprisings +breasts +senile +prolongation +counters +starving +seaweeds +underestimates +muffs +saarbruecken +stewards +checkered +bronston +quail +anti-inflationary +abe +chairmen +portals +terraced +vcds +huo +fuzzier +displace +pressing +o'brian +columbus +intimidating +exhausting +beaus +scandalized +shops +smoother +kern +enforcement +girl +aches +pollster +uncontested +myself +chairing +corneal +recitation +forced +mercy +eyeglasses +resisting +disband +restitution +lewitt +amazing +espoused +biaggi +steamships +clark +annoys +hallelujah +enmity +russia +sullivan +expressly +construe +rehearsing +provisions +nissho +lexus +goldsmith +png +annals +adman +shoveled +rapes +devalued +castigating +grown +spectacular +backfires +slow +pro-republican +stabilized +helplessness +maury +odessa +regulated +adele +islamists +styrofoam +engravings +skyrocketed +demagogic +visage +capitulated +unparalleled +extensions +socks +says +disappoints +negotiate +warshaw +yards +irfan +pace +non-exclusive +eagerly +avid +cholesterol +wash +status +transplants +goaltender +conducts +bridegroom +disposable +amani +sale +jiangsu +fx +tame +debris +backers +foam +rustlers +aftermath +wu'er +cultivating +obsessed +exhilarating +zehnder +field +jia +burly +mourns +bartimaeus +souvenirs +recruiter +quietly +realise +intent +collapse +bleary +settlement +ridges +prentice +receptionist +elaborated +foshan +clicked +rarest +0:0 +snowed +robbery +sternly +silverman +soong +confiscated +ein +mhm +masterminded +mountainside +blog +aldus +panamanian +arrives +shoes +plating +anti-abortionists +uh-oh +subpoenaed +picc +robs +ecstasy +laszlo +mcdowell +appointed +mature +orleans +benin +fornos +linus +beckman +thinks +goodman +willens +irrationality +bulatovic +freest +cfcs +viewer +questioner +repetition +embassy +sportsmen +estates +things +risked +rugs +fearsomely +betty +bosnian +job +huei +shadows +wrecking +crystals +grief +incontestable +abating +improvised +fusion +apec +throw +walters +hogs +dumbo +hermann +demotion +crises +unclassified +vaezi +spec +wrote +queue +facetiously +riyals +acronym +version +frederica +somalia +hue +strange +mimicked +malls +ally +rarity +vividly +daryn +juragua +hyperbole +tremendously +ex-husband +bolder +snapping +humphreys +oster +reflection +warning +constellation +powered +jude +ostensible +resentments +courtesan +idriss +breadwinner +exceptions +telephoned +employer +oj +okla +insider +fatherhood +glitch +pascagoula +pedophile +arched +serene +raspberries +ludicrously +cheering +pleaded +ceremony +sapphire +transients +lemon +unfinished +sri +chew +moammar +apologizes +totaled +assassins +curses +tearful +midsection +youren +accusations +waxing +kernel +ja +shou +worms +postcard +thereupon +cleanest +roosevelt +regards +wang +alaska +blocking +theodore +tele +marlin +diversions +enticingly +bonds +separation +rail +nanosecond +stretchers +damp +jesuits +healthiness +weeping +limiting +pingtung +physicals +heartfelt +segment +lazy +indonesian +barnabas +sweetheart +shellfish +baas +zuni +undertaker +lupita +accrues +uncertain +jennings +racketeering +canning +electrocardiogram +surf +receivables +caliph +matsuda +merits +dramatization +iscariot +kun +yahoo +soldier +nonpartisan +maddie +ozal +catharsis +paramount +overseers +mishandled +females +00. +marian +authorized +discharge +russert +piecing +rejecting +vanuatu +numerical +fischer +mood +disobey +comply +connors +coburn +visual +unsafe +stating +superbly +emptied +dublin +utopian +beeswax +using +coated +remembers +lifes +swallowing +guards +miranda +uninhibited +bulldozers +pondering +compania +doctrines +eichler +pursues +sustainable +earths +widens +leaching +eli +cassim +sticking +approaches +refrigeration +interbank +bloodlust +contrived +rollback +jilin +forceful +blossomed +hooligans +dilute +capability +mixte +hsiao +lumber +montgomery +rented +tails +smoke +restoring +judgments +pilgrim +confusion +abounded +lantz +bystanders +posterity +muffled +aspiring +boundless +maronite +uriah +smothering +machinists +rauschenberg +seltzer +mechanical +creatures +tomorrow +aeroflot +averting +corrugated +dramatic +lamen +hastens +daybreak +liberalization +initial +pai +feng +carlos +amounting +irresistible +limitation +hob +yemen +pottery +barley +barbie +hills +resurfaced +midwestern +fascinated +norwitz +torrid +dirk +stripping +canadians +sullivans +shin +unpatriotic +elbow +guatemala +uncomfortably +intimation +handguns +egregious +propel +pants +densely +escaped +scheming +stadia +halal +sunglasses +sellers +promotional +transbay +gerard +hitched +prayer +captor +consignees +desertion +midwest +conformist +isthmus +bees +strapped +paulo +regal +greenwald +osmond +bonnets +foreigners +chromosomes +species +ningxia +recognizable +issuing +yells +steeled +introduction +recipes +moloch +remember +apples +chi +vh +ephesus +peeks +disservice +occupying +luneng +disarming +bogdan +chad +doo +lunch +ramos +chairmanship +harsco +portions +amputation +crips +microsoft +investcorp +assessments +typifies +kindly +athletics +filling +stressful +prostration +machine +veins +yifei +individuals +symposium +injustices +plymouth +gymnastics +premiered +sops +severe +u.k. +astronauts +sauls +framers +buoyancy +subsequently +craving +bask +pursuing +institute +eliminate +saatchi +thes +lieb +optical +persuasively +positioned +samaria +qingqing +running +sweet +cool +infidelity +whirlpools +performing +feminism +hubbub +replacements +e. +amongst +amtrak +race +mentally +finest +aficionados +fewer +provided +kv +televised +cessna +dieting +photographic +intelligence +lifting +concerned +incoming +segments +telecommuting +unsolved +budapest +extinction +meditated +caller +tongling +shown +mismatched +mathematicians +pegged +regard +gebhard +overheating +saves +adroitly +forge +leftists +rasmussen +menlo +harvest +reliability +hypocritical +kenting +breaking +bruch +resilient +kurtz +edwards +twitching +deferred +repeating +cpa +massacres +psychotic +niva +rex +ariz +delegating +zillion +designate +wooden +integrate +synthesized +pit +refurbished +natter +udn +dundalk +scrapped +worries +sunroom +singular +lois +mention +hapless +abel +vacation +owns +production +schizophrenia +forrestal +northern +swedes +rental +balloting +footage +netanyahu +maelstrom +vacationing +collette +mine +miss. +norm +gramm +cutthroat +cost +swiss +fragmented +discuss +adaptable +anti-war +verse +wilshire +uss +standby +ashfield +outpatients +shrugs +passers +afternoon +shepherd +uncle +systems +awash +newton +compacting +brannigan +crosses +stem +painter +worked +stern +ticked +mildew +dolce +glut +offsets +nahum +deserves +critiquing +clergymen +winding +structures +examinations +ethnographic +sophisticated +sra +distrust +lagging +psychosis +customs +copious +current +reinforcing +honeywell +enough +happenings +fascist +newlywed +panhandling +ambiguity +noone +week +tooth +fadil +decompose +stratospheric +unscrupulous +import +finders +turnpike +associates +rejuvenation +00,000,000 +withdrawn +troopers +karbala +karin +cooperating +chye +racketeer +raffle +oz +materialize +livelihood +cramer +repositioning +jpac +chugged +dundee +died +caledonia +marvin +0:00:00 +tcac +watermelon +wilmer +strollers +floated +shengyou +cdl +shocked +multi-media +jarrett +irreverent +chechnyan +stereo +stabbed +non-ideological +beers +associations +zuoren +envious +juncture +cupressaceae +phases +ankara +technicality +beasts +ballet +morita +putian +shengli +acorn +nauru +meatier +permeated +tannoy +total +kalamazoo +fake +venerated +fidelity +hispanic +networks +scrub +snapped +molested +microchip +much +parked +readmit +myung +darkhorse +circuit +tianhe +salesmen +cleverly +bairam +felon +ovid +lbo +coworkers +proverb +noon +coldly +fainted +chua +spring +milestones +relatively +gizmos +pneumonia +athletic +reports +beiping +ibrahim +videos +hinder +cloud +cronkite +retailer +misconstrue +pays +occurring +retrieval +lifespan +lax +jezebel +comparison +.00 +expansive +conversion +garbage +stained +pleasant +showroom +counterattack +plagued +yes +unseemly +rita +marseillaise +warner +rationalization +embroidered +pricing +addictive +sticky +everywhere +ecologists +wantonly +uprising +done +guide +weightlessness +bulleted +seekers +oblige +cousin +iota +stotler +locally +northwestern +slapdash +caliber +consolidations +bellmore +shelley +babylonian +really +competitive +trilogy +sochi +be +salvation +pleasantries +coating +brauchli +reversal +minsheng +dat +wanders +lancry +scrape +sauce +mohamed +krick +expressway +tighten +convertible +chan +yogurt +canoe +labored +flavorings +subtle +waited +fielded +non-political +originates +missed +licenses +parcel +lands +spaghetti +fate +informant +paragons +nodded +toppers +examples +considerable +educational +remove +multinationals +patents +tackle +portsmouth +sink +mischievousness +facsimile +avoidance +ninety +kahan +orgies +shows +witchcraft +sumitomo +,, +oaths +relish +bulimia +nuremburg +netting +oy +holes +mt. +norwegian +perils +plaintiffs +mahdi +dea +larchmont +recalls +nest +goals +focuses +parity +depot +proactive +spectre +granting +sour +palamedes +poindexter +steep +& +tub +accidents +munch +curator +decreased +loggerheads +quickest +embracing +fairs +taxed +holidays +post-vietnam +protective +candles +tobishima +gavlak +tagline +rosy +blazing +discoverer +stubborn +money +ellie +minimize +pretends +radiating +siders +invoked +rudman +nothing +allowed +observes +eternal +disadvantageous +engines +indeed +wrists +outdoors +who +paribas +sacked +messy +complain +takeoffs +shipboard +begun +curd +sadie +fretting +insurer +obligation +zacharias +consistency +insert +beeper +heavily +ushers +wheelchair +lodged +khamis +reveal +breathlessly +unsophisticated +rianta +highway +cobalt +restraints +iigs +togetherness +transfusion +gallic +winds +schoolteachers +inter-party +commissioner +cones +sweeten +nicholas +humen +m. +goddesses +a.c. +paddle +prescient +qingzang +behaves +brainwash +intertwined +bacque +neb. +honking +rider +ministries +non-volatile +puffy +dig +cheese +temperamental +codification +feels +foresight +classe +annual +sherry +chamomile +ecommerce +blend +kindled +moody +talitha +dictator +igniting +isabel +dictaphone +fuller +ethics +in- +collage +establishment +newsnight +painters +template +saturate +afoul +barnstorm +longitudes +featuring +tatsunori +hakka +buir +chlorofluorocarbons +hare +transponder +fractures +demolished +winked +accepting +clarke +realization +declaration +bid +al-aksa +tetons +sapir +ceramicist +packet +lesley +pinglin +banner +cpu +schizophrenic +luxurious +hopeless +nationalities +forthcoming +xizhi +haters +pup +preparations +petals +belatedly +arrangement +intrepid +descriptions +bellas +gib +unbearably +flunked +jobless +mainlander +faithful +stigma +experts +bicameral +silliness +uno +deliberately +approximate +n. +untenable +seeking +wilds +frites +two +vicar +longstanding +alleges +majid +darlene +stella +swapped +murdoch +flourished +inexplicably +landmark +subsidence +eisenberg +groupings +conquests +appeasing +repeated +bribery +sorceress +settler +rumbles +enemies +fabricated +accumulated +migrated +effect +sid +shouting +cruise +suzuki +preeminent +patches +raytheon +tachia +understorey +betrothed +compensates +brecht +jehoshaphat +summarized +specifically +scent +heartland +pall +fundamentalism +newberger +screwed +yaping +echinoderms +restraining +punishment +already +guidance +impersonations +eyed +unsuitability +cantonese +quayle +kyrgyzstan +unjust +inspired +centered +cocom +havoc +artifical +embroiled +texas +gingerly +shooting +chinanews +pledging +sobering +prefer +cuts +qatari +deems +gai +residency +lipton +hikes +derives +folks +conservatorship +muffins +ethos +envoys +muscle +constituency +thanks +monolithic +steering +luce +episodes +cross-sea +patched +reads +confessed +lacking +troubling +abhor +arni +moo +violates +rubbing +trouncing +shareholders +guangcheng +economies +mobilizes +taxing +shared +appoint +persistently +react +dialects +spanning +mers +midterms +sargent +redistribute +sacrificial +event +pdas +festooning +parisians +missionary +figuratively +timer +responsibilities +fiddler +libertarian +briny +regrets +entertain +husky +embellish +vole +sayre +collateral +feedlots +b.j. +snarls +anti-smuggling +southwestern +russell +likeable +exchequer +june +climaxes +oversubscribed +hotspots +circumstances +rosenberg +ons +ooh +mental +overemphasis +collects +willingess +loutish +serbian +perfect +morrissey +shelton +fact +preserve +unpreparedness +opposed +vigilant +matched +pigsty +assurance +slovakia +outnumbered +diffusion +sources +utilities +boar +bioengineering +pl +syndicate +roost +gamble +expiration +faithfulness +readable +maters +sales +visits +extensive +developer +shipbuilding +yuanchao +grandsire +speeding +clara +f.d.r. +qualms +haunt +unworthy +illinois +blondes +dwg +inflow +toothbrush +chaplin +arabs +rare +paes +jiangbei +tel +yard +greece +enka +survivable +donuts +physical +shampoo +durable +manley +finished +undergrads +pva +twa +mambo +socialist +capsule +uganda +rove +actively +seniority +pretty +sluggish +babel +x. +abed +crusader +dept +brandishing +kagame +finn +franco +waco +baffles +fortifications +giveaways +metaphysical +reconciling +saucers +grumpy +vivendi +withdraw +reassess +evidences +brethren +tree +hypocrite +calculations +streaky +mariano +dlc +detestable +filth +flowers +dishonor +expressionist +pernicious +hamad +gap +ranchers +taif +started +drink +pundits +tomorrows +towers +steeps +gesturing +concedes +knocks +dire +watson +apartment +infamous +haines +tyrants +rationed +assemblies +gaffney +sez +miletus +aboriginal +rugged +tracy +graduated +succeeds +postpone +pamper +compounding +bulls +qualified +deformation +smog +doorway +va +inventor +philosophers +coding +000-day +cabbage +kc +settling +imperialist +dunn +advmod +nato +embargoed +transformations +shams +lain +grimness +cabin +viable +smoking +franchisor +sardonic +patterson +timidity +antibodies +worldly +requirement +adjoining +magadan +theologians +dooling +bait +alter +cinemas +filing +foil +jihad +fleischer +shriver +endeavoring +spoonfuls +amado +product +carbide +diseases +mccaffrey +population +cio +mint +furious +kalpoe +cafe +passover +cftc +romances +purges +presidental +lastly +mayer +noel +gradations +beautifying +baths +oceans +ramshackle +purchaser +conspirator +tarnish +unwittingly +opposes +stereotype +quito +cascading +shift +jefferson +wakefield +fluid +consultant +implanted +foiling +ride +diagnose +confines +capped +gps +reassurances +afghanistan +mezzogiorno +lowers +criminality +sickness +phnom +precluded +instinctive +pea +elation +imitate +vast +sept +mintz +memories +eastern +nominally +neighbour +prefectural +chiao +gowan +arrogance +swear +astride +thao +esteemed +acc +harnessing +supportable +flaw +invitations +distinguishes +listens +speedster +devote +spencer +barbecuing +courthouses +recurrent +ceremonially +chenggong +propulsion +bottoms +burning +crucified +orchestra +aviators +leeway +output +visitation +trimmed +hopped +rubenstein +candice +freudian +zagging +disgust +tangled +grocer +louis +gated +thompson +walks +kabul +freshly +sleeved +breached +shearson +showing +ferret +discredit +mediate +domestic +evensong +silt +schwarzenegger +enright +snooping +idolizing +lair +co-author +nanchang +nevis +nuremberg +norgay +attendance +night +plump +lining +jalal +begins +travelling +indexes +plugged +candidacy +e-government +tan +victimized +tayar +vital +endearing +depressing +organizes +hani +mirroring +kremlin +jockey +combine +possesses +constructions +contemplated +direct +franca +billing +aplomb +huadong +stonewalling +riots +blatantly +honeybee +shan +kuo +purchases +eloquent +spell +concentrations +dockets +enrolling +micheal +truculence +non-interference +ears +expelling +indemnification +re-thinking +geometry +surplus +congregation +olive +mailers +salvage +auntie +randomly +atheist +turki +closing +orthodontist +renouncing +five +accompaniment +dinkins +sublimated +solana +blount +applies +venerable +gives +conversations +child +nests +boucicault +boyish +unilaterally +aspects +bowl +raeder +belt +preface +broadband +lance +midwives +wolfe +tops +bolton +festival +leavitt +stoic +baotou +josiah +cute +ba'athists +scaling +squirm +half +steadfastness +implied +expansion +baloney +oily +floors +jacque +teasing +possibilities +magazine +vileness +ineligible +minuscule +motorcycles +gaddafi +illiteracy +outlandish +modus +flow +suggests +estuary +cole +chemotherapy +topic +success +synchronously +investigative +obligatory +quasi-public +twisted +tyranny +excellency +mawr +strobe +alluvial +atomic +pro-choice +portland +midlife +killed +honor +katie +represent +wittingly +fouls +sui +thai +jitters +frequencies +multimillionaire +advises +amounted +covering +muscovites +nuggets +responsibility +forwarded +detect +weighed +olds +paramilitaries +practices +surveying +triggering +masochism +reporters +waistline +semiannual +s.a +styles +heavens +stengel +merge +despair +better +sweetener +sailed +grenadines +drams +michael +taishang +timon +sept. +clique +mr +eccentric +openings +an +escape +pub +marries +agrippa +00:00:00 +nabbed +presents +amassed +afterlife +maureen +heyday +devoured +bosom +hunted +crawls +zeros +deacons +edgar +envision +dayton +joy +osmotic +verdict +non-narrative +patterns +differs +remark +imprisonment +mannered +sorely +reminiscent +delusional +uninitiated +onions +salvo +rothschild +forfeiture +kazakhstani +khalfan +wielding +npc +choppy +makes +haven +burned +undermine +0/00th +endured +promise +goers +manipulative +song +labouisse +answer +undertones +inventiveness +zagros +okra +co-sponsoring +hint +headlong +unachievable +menus +fish +caritas +handan +stairs +enrollees +misclassified +campfires +wow +fictional +atsushi +indefinite +exclusive +equanimity +tyres +ventures +sympathized +rested +vagrant +buffy +swings +hotheads +condom +couplet +circulating +nongovernmental +pass +magnolias +lippold +keller +ultrasound +releases +healy +dusts +cornelius +hybrid +boon +crosby +silly +path +leaker +'til +contended +corner +their +shang +insisted +seabed +defamation +neko +persecuting +challenged +michelangelo +childhood +scotland +ying +impair +sneddon +jameh +attired +firmed +bountiful +vox +expo +elam +landmarks +rehoboam +diligent +steadily +alters +eliminating +dual +salute +verbally +structure +alexis +zhongnanhai +investments +lineages +americanisms +specifications +heroics +webpages +addis +rapacious +lean +gibberish +joint +envisioned +cross-party +treasurys +postive +dissipated +dae +angry +boeings +vcrs +samoa +programmatic +transfered +newsprint +grapefruit +interruptions +fucking +defenceless +craftsmen +bode +bombs +en +stunt +punishing +scarce +coda +donovan +shopkeeper +jetty +lan +produces +post-saddam +full +stele +lambasted +past +jumps +cornet +distributing +hengchun +incinerated +danger +certified +suffix +anteaters +cat +mccaw +ornithological +labyrinth +is +sickle +shook +berle +feat +flaunting +cruelty +righteousness +mainframe +arcades +evident +takashimaya +receipts +ballistic +disciplinarians +sicknesses +xia +besmirching +oslo +malibu +pickings +dropper +reformist +rigorous +intolerance +fda +ease +councilwoman +chemically +purchase +rico +maturing +spandex +disarray +social +little +struggled +underscoring +pasok +shilin +o'shea +helsinki +fujin +searcher +supermodels +steal +jumpers +lumbering +forming +choked +discourse +haitao +quadrupled +yugoslavia +refused +manchuria +cleans +daihatsu +gong +geek +unveiled +emergency +habitation +sq000 +jui +cooed +cite +despondent +aguilera +hybrids +boldface +overstretched +dede +figure +bandit +gabby +compliment +asbestos +unrefined +mccarty +undercut +limitless +veto +leaving +yugoslavian +captivated +seismologists +francis +itself +nantong +needle +mobility +horrific +chosing +chronically +erich +desert +restroom +cr +authoritative +chalmette +echoed +bandits +pizza +exams +comparisons +purple +stopgap +rendition +severance +samuel +boutique +rehab +rainfall +figuring +silkworms +thinness +steele +visualize +retract +conservatism +bless +biophysicist +offload +kanjorski +payoffs +thankful +stranded +00.00.00 +humanized +deby +coherent +heather +violate +disobeyed +gollust +hampered +cape +disaster +means +oppose +pandemonium +ropes +muddle +dissolve +tranquility +condolence +bromwich +chasing +haruo +steamrollered +ultra-hip +leigh +taught +jewelry +bi- +dangled +ross +aquino +baseline +reform +tasty +captivity +parimutuels +non-bank +convener +supports +traditional +gleeful +festivities +coolers +misrepresented +siberians +abstentia +bartlett +servings +pa +excoriated +lamp +continuous +outlined +disrespectful +wormed +hank +briquettes +mountaintop +diebel +tastier +z +ana +heaviest +adjacent +fujisawa +universities +holdings +alexandria +mansoor +hakeem +ballston +standing +investigated +quiet +agf +bowling +disadvantage +yong +evildoers +compass +n.v. +activating +cheerleading +liquidate +criticized +royals +drunken +pre-war +actors +puritans +incorporating +hmm +eddy +ambassadors +tsun +celebrate +jolas +multiplied +armistice +breeze +proclaimed +lake +prefers +hoarse +aeneas +manipulates +melds +purses +claims +sorties +downturn +almost +presses +complied +omit +seller +users +guyuan +intentions +injure +turquoise +stretcher +bikes +enlisted +replacement +productions +reinterpretation +readings +vojislav +arrests +wentworth +mf +plagiarizing +aron +freeway +noncommittal +advocacy +topaz +anti-israel +times +sheikh +anti-fascist +jiulong +remuneration +closet +refusal +details +wetter +became +converging +underpin +robots +marine +ali +inspirations +grudging +reduces +alvarez +aggravated +maj. +condemning +heals +parkway +breathing +azerbaijan +block +....... +cube +gordon +zealots +wipers +tainted +germanys +doctrine +prohibitive +subscriber +beige +contracts +troublemakers +annihilated +goehring +cargo +constrictors +underwriter +governmental +coleslaw +trapping +shtick +logistics +bullshit +educator +decapitation +level +cpi +microorganisms +slippery +wasteful +hooked +bathroom +non-stop +trendy +sinn +disenfranchisement +dismiss +rebound +taiwan +vipers +despondency +inclusion +crux +weakening +qihua +mortar +steers +lilly +amr +napoleonic +seuss +suffocating +meager +opulent +semi-finished +generales +cui +toy +ozzie +sold +liver +devastation +demetrius +eat +laced +hart +jotham +reparations +simplifying +recognized +ivorians +penance +leans +abort +robe +----------------------- +cabinet +stitched +derek +havel +wales +shaft +goya +almanac +recriminations +tripled +slithering +afar +glittering +dragged +chemical +censored +pattern +nicely +plethora +poisoned +thematic +xianglong +boredom +flipping +publicized +intermodal +intercept +middleman +involvement +orientation +configured +carter +repurchase +disinfection +perpetrated +barrels +henrik +noncommercial +alignment +stations +turnip +u.s.a. +pelvic +injury +godfather +yining +eisenhower +placement +homer +hygienic +easterners +neon +prisons +intellectually +graduation +impromptu +franchising +extrapolates +impasse +whisky +post-electoral +redecorating +humans +anderson +professing +assailing +orbit +archaeological +activities +scant +camrys +filler +00,000 +pencil +00000.00 +rites +tour +chewing +radiological +collateralized +herman +biehl +oblique +statements +seafood +kick +exemplary +somalis +psalm +collaborated +leggings +mangled +gardener +references +shortfalls +luther +realtime +counter +hereby +reassign +disagreeable +piracy +caprice +feb +intervene +stabilization +rwandans +enlightenment +malta +utopia +pasadena +candace +over-optimistic +classy +ex-chief +pinchas +excursions +unmasks +truism +clarence +tectonic +rolf +salome +minimalist +encircle +submitted +supportive +thurow +mellow +shaving +ffr +biotechnology +tocqueville +committee +maoming +presbyterian +gulbuddin +mantua +averted +wiping +ankle +christened +lengthens +ims +archeology +supposition +implicated +ducharme +fabled +crumpled +bleak +raged +kerouac +brimming +dread +delusions +arena +tenfold +zoning +radiance +sentence +barnard +restarted +branched +beans +citizenship +elucidate +adha +chariot +seger +dreaming +panned +investment +classification +materialists +cindy +volunteering +badly +faisal +gets +industrialist +substations +efforts +creation +phonograph +load +jesus +sterilization +innovative +undersold +snobbish +reactions +juan +yamaichi +hatred +assorted +bacterial +pilgrimages +reorganizing +minced +zel +suspicious +lep +floodwater +skateboards +rioted +mistrial +audited +ala +mediators +trained +sensual +damaging +griggs +fracture +highlighted +tainan +hurray +loose +bribing +ayala +multi-agency +coercive +sudden +thwarting +reconstruct +offices +sherrod +aoun +vicars +detergents +uncircumcised +toppings +unconstitutionally +commissioned +strips +corpus +wolfson +stripped +brass +lackeys +nsubj +destabilized +infuse +knowledgeable +cleaned +prove +secularized +exude +chauvinism +looming +mid-april +reagan +descend +schoolwork +aberration +blasting +chiriqui +shrink +renounces +noses +traipsing +fortin +projectors +charge +pedestals +evasion +coinciding +tycoon +bomb +hindus +exhaustive +talib +arose +jingle +stuttgart +charades +elite +jams +spoke +mill +renounce +illustrations +continuation +cordis +adjudicator +nude +anti-nausea +senatorial +montreal +survivors +anyway +pharmacy +insult +sipped +granola +derriere +halved +admonish +nullify +hanson +becker +vladivostok +banana +brink +guerilla +profound +kidnapping +dirtier +supermarkets +education +nmod:among +placated +bucket +essays +respondents +foliage +truthful +malicious +** +cyril +indirectly +combination +bsb +occupations +appropriate +trainer +firing +tumbledown +deceive +menace +commissioning +counter-demonstrators +emissary +katzenjammer +emory +rafters +itogi +claim +keyboard +obedient +gabelli +marriott +chipped +!! +acquaintances +underdressed +marquees +appear +doldrums +cartoonist +trans-alaska +zulus +hitchcock +thoroughfare +solicitude +negation +paragon +reid +thoughts +zhenya +extremism +nereus +virgina +striding +nahas +blesses +crouched +trumpets +radios +rabies +exodus +chunghwa +defied +nutrition +dehuai +huntington +chemists +ngo +deportment +strauss +ranks +alzheimer +cleopatra +westminster +train +reckons +safeguarded +assertive +lalonde +yafei +about +neutering +shirl +droplets +co-manager +strivers +coolant +softener +hards +sabians +ambushed +meaningfully +hamburger +opinions +miers +thalmann +macroscopic +bourbons +dumber +acne +cherry +chair +boxer +loitering +specialist +transparently +bullies +instructions +exhort +pawns +understatement +colon +thermoelectric +faithfully +grapevine +embodies +surveil +leesburg +homemakers +mummies +scientology +jr +kai-shek +clamored +quinn +idiomatic +phosphate +see +marketed +debates +trenches +essex +lars +dispute +canada +corks +garza +mexicanos +bernie +commenced +maeda +piling +governs +symbolize +reviews +upheavals +translator +burrow +trillions +limestone +striking +mikhail +scale +former +glacier +eurodisney +considered +bricks +scams +poo +erroneous +broken +frigate +exponential +jesting +booklet +slate +penal +battlelines +wiesenthal +normalization +selfless +sps +ich +anti-american +survived +micro +inexpensively +lineup +setter +: +impure +rainbows +jeopardizing +reeker +mercer +pokes +cuffs +woman +haisheng +burma +unbelievable +solvers +ship +dearest +nationhood +surfaces +overthrown +measurements +re-investment +accommodated +lun +differentiate +baojun +irbil +mediocre +individually +citicorp +sierra +gibson +lucy +gatt +cornette +hotter +schwarzkopf +arrogant +hunchun +tbilisi +horrendous +laureate +belgrade +l.a. +materiel +vice-chairmen +aryan +underwear +mortimer +burlap +grazed +mangroves +ie +invitation +skip +his +gabe +input +canis +automobiles +email +perfecting +dancer +all- +outskirts +tidewater +winnowing +footsoldiers +prepare +windsor +beefy +supremely +entertainer +expires +guenter +jinxi +childlike +apollonia +quirky +unfriendly +stacey +rein +games +motor +that +ghoneim +performers +presidents +secondary +repertoire +jacinth +america +upfront +coward +danny +aromatherapy +privatize +costner +garage +sketch +rotary +grenade +bahraini +intimidated +mock +pignatelli +asians +n' +zarqawi +manufacturers +villains +raskolnikov +tinkered +storybooks +cbd +favoritism +putin +unglamorous +couplets +idiots +onboard +raul +molestation +machetes +flinty +meanwhile +magistrates +cohorts +gains +dashboard +botulinum +unfit +longevity +unaffected +guggenheim +property +donahue +tempting +offers +mobilized +vigorous +na +reopening +bowman +consignors +exceptionally +wpxi +ahem +sydney +lei +negotiators +isolated +speedy +legislature +whip +bigotry +fractured +della +sinecure +technology +prams +goes +fines +mckee +shakes +inalienable +drilling +lightweight +slurs +englishwoman +spoiling +stared +schlumberger +commits +journalists +zigging +nmod:since +whence +upchurch +disproportionately +bandwagon +gamers +interrogating +discouragement +buddha +anthrax +clintons +proximity +desirable +unflappable +unduly +innovated +sculpting +knudson +video +coronary +imaginative +faction +worn +arnold +redirect +vorontsov +slayings +device +sadam +insecure +holly +scapegoating +inadequacy +nondeductible +financial +nfl +occupants +paradigms +reinvigorates +reinforces +kafka +lesser +fionnuala +scapegoat +venting +stevenson +target +storyline +nondisclosure +marx +faintest +plessey +india +assuming +penned +herdsman +entrusting +chastises +mabon +harding +bacteriological +bumble +evacuating +swindled +binges +reef +bimonthly +die +unflagging +precepts +wilson +disgraceful +stagnated +co-operated +category +houston +arrow +whooping +lingo +zealot +majoring +deployment +professionally +crass +inappropriate +loneliness +jihadists +toss +underestimating +dictionary +sector +thief +hanbal +conradie +ringer +unproductive +discarded +excessive +arnoldo +uniting +establishments +man +caseworkers +avis +portman +laminated +levine +heathrow +ignite +blooded +unlucky +sinatra +misery +boosted +tending +hull +prophecy +skit +streamlined +backhoe +son +socket +appointments +choo +complimenting +shenyang +neuron +panelists +priority +madrasas +e-ring +mightily +mehl +trappist +crackdown +waterfalls +pressured +tickle +resurface +superiors +socialization +hostages +largest +wheelchairs +fifty +raiding +silesia +armenians +liton +plausible +affiliates +miniaturization +link +builds +salvadoran +demographically +lasers +partner +internationals +decatur +group +lines +familes +meiji +sheik +confrontational +fernand +adaptation +christians +exacerbate +kornfield +reproduced +ideas +paraguay +architect +catastrophe +finalize +pension +billiards +medina +s. +trendsetter +contraband +barometer +cluster +valarie +vindicate +huber +are +000s +wanda +finessing +tunisia +democracies +recreational +there +shoves +h0 +hardened +born +har +accomplishment +fred +steeper +crippling +admiral +obelisk +co-founders +disconnection +ovaries +advances +enquiry +kindred +alfred +patriotism +politely +devout +deserts +took +unfilled +appointee +unnatural +mimic +marni +horton +medicaid +quantitatively +polluter +read +spin +reversing +feeble +harlan +magnify +programs +shean +deer +effluent +nobels +fence +professes +mitigating +watchmaker +unitas +davidson +replaced +hallucinatory +decisive +barnett +majesty +revolutionary +ballplayer +inmates +blower +roadblocks +sarda +overstepped +cancerous +hidebound +crawl +ceilings +rephrase +presumes +u +eroded +replay +zipper +languorous +wallpaper +values +diplomat +hospices +consolidating +guaranty +hates +nard +molokai +cue +vance +jurisdictions +garment +peeved +sayers +tablets +dorcas +lehman +cancelled +dispassionately +teaspoons +disintegrating +kaffiyeh +co-chairman +electrolysis +endangering +ranking +misuses +threads +trainees +tutsis +illyricum +unburdened +degenerate +complains +kingmaker +merely +centennial +kendall +iv +rabbi +grandfather +wahhab +poe +jay +aroma +tiremaker +unfathomably +attribute +cajoled +patrolling +erect +profiling +tomas +gutless +abusing +disbanding +outline +bathe +facilitation +untimely +raps +enthusiastic +drawings +afflict +frequently +boobs +duffield +set +earmark +explusion +prisoner +messaging +accompanist +scrambles +strangled +boiling +brutality +chesterfield +linear +guns +mathewson +fragments +dedication +salman +borderless +fixing +canine +vet +states +secundus +recordings +westaway +guadalajara +fad +lefthanded +suburban +bearings +vote +palauan +surveys +r.i +prostitute +wollo +crap +alienate +parks +rank +solidify +kuril +disproportionate +non-socialist +ombudsmen +drawn +exhibit +pga +quickly +hildebrandt +domingo +subsidiary +priceless +insurmountable +achieved +pu +minuteman +dowd +restructuring +overbuilt +baglioni +alleged +encourages +attest +discern +inject +armenia +strain +goodness +objectively +spout +tarp +brings +heartbreak +balloon +cauda +memorial +hdtvs +thirtysomething +structured +han +unattractive +anthropology +negating +ran +michelle +meyers +hyperactive +frederico +layers +volley +painting +fibers +student +brainiacs +geared +wafa +revenge +garn +zechariah +d- +photorealism +'m +render +bia +naturalistic +mamie +buffing +dial +massacre +manhattan +seismological +prejudice +misinterpreted +dynamite +barber +roh +shortest +determination +fortunately +royally +brigade +scoffs +ovata +outperformed +jewel +lacey +imperil +shale +courts +excessiveness +superiority +non-governmental +somewhere +understands +snacks +gamaliel +lifestyles +ministerial +deconstructed +indigenous +believers +leonard +avs +prix +ghost +breathable +fdr +grouping +feminine +decelerating +salant +eagan +icky +fashion +methodology +exclaims +sadness +thereby +relabeling +negate +complexes +junmin +peugeot +incidents +universally +consistencies +extradite +hulk +photographed +fulfilment +rhetoric +childbearing +crate +frolicked +abrupt +agencies +guidelines +annul +unselfishly +hurtling +modernization +struggle +turbulent +communities +homes +dispensers +sculptural +francesco +candlestick +prevalent +braced +m.r. +unrelated +habitat +suspected +n.j +bruce +gutting +wistfully +renegade +prohibitions +donaldson +ranging +diazepam +windfalls +just +corrupt +xiaoqing +plentiful +calmed +s +concede +swimmer +distribute +-- +avant +contradicting +created +undergarment +moniker +siebert +abm +insincere +impersonator +gruntal +chords +greenwich +shortfall +jairus +drummer +realizing +nite +jie +microscopic +exercise +changzhou +erred +beatified +osama +dressed +blaming +xueliang +impeached +pimp +paulino +recreating +randell +opportune +skyscraper +ebbs +lumpur +archbishop +seawater +siblings +poor +tie +vinegar +humongous +shabby +indictments +lowell +mcdonalds +muharram +toiled +chop +swabs +discord +prudential +non-residential +revlon +blankets +fiji +uniform +pegasus +clays +sober +rallied +machinery +enduring +sluicing +planter +uncomplicated +lazard +fuselage +mucked +enigmatic +fuck +fangs +wand +motives +slimming +optics +mineral +affront +gizbert +magical +tugged +banging +invoke +visitor +strangest +unbelief +singapore +rican +unnamed +afraid +shakers +prompt +plaque +distributive +thoughtful +plum +quentin +rodino +business +non-existent +sanhsia +focussed +sully +leader +crowed +hermes +relatable +mikulski +bengalis +inaccurately +canvas +riveted +backtrack +list +slums +rash +sidelined +sausage +seesaw +morocco +diego +exhaust +peleliu +brags +whips +starved +bystander +fronds +relationship +barksdale +hopeful +conceit +trimeresurus +abdomens +septicemia +catering +opined +o'hare +endure +pocketbooks +drought +conceded +offline +stroup +responds +xiaojie +restaurants +allocation +brunei +surprises +hariri +fictions +jds +criteria +toughen +dome +neuilly +priscilla +examine +sludge +pampers +statewide +frigates +backstory +positiveness +re-unification +drawers +streams +eloquence +revisions +somehow +loggia +defended +non-payment +eagleton +suburb +sociable +cephas +curtail +torpedoed +strengths +manioc +upped +mugabe +riddle +proofreading +undoubtedly +jamie +irishmen +bits +batch +speak +wiser +background +stunned +germain +cheques +intrusive +tros +condo +nutter +enlightened +0000b +rifai +upbringing +stroking +kurdish +bunk +london +teamwork +" +hath +zoete +wenhui +participating +downwind +sadakazu +daily +modifications +outraged +measure +dissembled +housekeeping +tuitions +tenants +riley +wasteland +claimants +cut +dateline +backbone +uncooperative +nasty +bureau +lips +trusts +brouwer +cast +knew +bodo +tension +freelancer +ami +holy +partisans +shaded +chit +meaninglessness +rescue +gasped +diligence +wiggle +unifying +estes +anti-syrian +chipsets +floral +congdon +mph +teargas +abandons +insist +sensors +mercenaries +boundaries +interviews +manna +reiterated +crusaders +reckoning +canceling +averaging +lure +rivalries +slaves +magnetometers +sciences +staring +care +immigrated +purification +quadriplegic +articulate +restrained +valenti +un-christian +royce +roebuck +airlines +conspiracies +radar +boarded +re-exports +marathons +brisk +multi-faceted +lilting +naughty +imagination +alternate +charleston +semiconscious +enrolment +articles +subnational +lindsey +supporters +seizures +eases +iranians +subgroups +servants +chui +graduating +trekked +crumbling +non-trade +injunction +mickey +hershey +reforestation +slowing +pick +memoir +imperiled +mars +glee +bully +seasonally +lemonade +satisfied +womanizing +bamboo +danilo +acknowledgment +suggesting +don +tupperware +hamada +terrazzo +lambaste +belfast +blumberg +gifford +brilliant +cartel +desperate +barasch +sami +pelicans +edt +overcame +grandfathers +coined +cowardly +inaccessible +seventies +handheld +interviewer +ritzy +persistency +champions +dementia +stereographic +merchant +willmott +jacksboro +darling +groping +inc. +traffickers +prospecting +sina.com +xiaoping +cynically +graph +cranny +abandoned +coordinator +ballooning +philharmonic +dismayed +georgian +heavy +transmissions +chastain +pru +drugging +pronounce +individual +quanyou +moisturizer +converting +polychaetes +supervise +frustrated +konner +hospital +heaven +invasion +hypnotized +arouses +spiteful +chock +maintaining +sally +harvesting +wonder +gifted +insanally +neighborly +opa +stab +tokyu +compete +zibo +sparks +sainthood +broadened +silpa +indoctrinated +minimizing +kickback +boasted +homebuilding +fortress +squirming +marvel +unsentimental +inhibition +bug +pursuers +petaluma +ci +scarecrow +hiding +steadying +cheesy +jingling +haig +hawking +campuses +hives +elevator +stressors +dvds +stratus +skibo +spooked +walk +gesture +longman +d.t. +imprinted +demoralized +ruckus +staffer +cantwell +microphones +st. +accommodations +anorexia +functionality +incarnation +slipshod +hustlers +contractors +fisherman +isaac +sachs +carbonate +antinuclear +statehood +glitterati +hijacked +seidman +history +ncnb +doll +sunni +locked +intricate +gec +hammered +batter +trough +smu +sixties +christine +interrogation +packed +wallet +faut +shengnan +queenside +inevitable +children +carts +heng +nightclub +baltic +sharpest +buckles +non-convertible +gilbert +carriers +throws +beat +favor +ponchatoula +delusion +realm +wireline +ku +absolves +gansu +cadres +amendments +levy +hamstrung +al-sahaf +incredible +longshoreman +gown +sullied +effectuate +parkinson +insides +unstoppable +commanding +redder +undergoes +trapped +lucas +reactionaries +gregory +suck +conventionally +plaint +vocational +intimately +july +ascend +plateau +khobar +salarymen +gambia +willfulness +spiritually +numbered +caesarea +hack +clarity +borough +richest +whores +gays +nibbling +amateurs +curse +increments +provider +logical +experiencing +fans +porcelain +arbitrating +petty +pricked +re-creations +collectibles +modes +negligently +custom +knock +freeze +alertly +engineers +passaic +golda +premiers +mentality +kanan +sewage +telescopes +prepayments diff --git a/data_tooling/pii_processing/ontology/data/README.md b/data_tooling/pii_processing/ontology/data/README.md new file mode 100644 index 0000000..394047a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/README.md @@ -0,0 +1 @@ +Put your data here diff --git a/data_tooling/pii_processing/ontology/data/aa.json b/data_tooling/pii_processing/ontology/data/aa.json new file mode 100644 index 0000000..b1ca733 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/aa.json @@ -0,0 +1,28 @@ +{ + "PUBLIC_FIGURE": [ + "a" + ], + "DISEASE": [ + "le" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "hine" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ab.json b/data_tooling/pii_processing/ontology/data/ab.json new file mode 100644 index 0000000..a59976f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ab.json @@ -0,0 +1,41 @@ +{ + "LOCATION": [ + "\u0443\u0430_\u043c\u0448\u044b_\u0431\u0437\u0438\u0430", + "\u0443\u0430_\u0445\u04d9\u044b\u043b\u0431\u0437\u0438\u0430" + ], + "JOB": [ + "\u0430\u043c\u0438\u043b\u0438\u0446\u0438\u0430" + ], + "PRODUCT": [ + "\u0443\u0430_\u0448\u044c\u044b\u0436\u044c\u044b_\u0431\u0437\u0438\u0430" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u0435\u04b3\u04d9\u0448\u044c\u0430": "\u0430\u0438\u0430\u0448\u044c\u0430", + "\u0430\u0525\u04b3\u04d9\u044b\u0441": "\u0430\u0525\u0448\u04d9\u043c\u0430", + "\u0430\u04b3\u04d9\u0441\u0430": "\u0430\u0445\u0430\u04b5\u0430", + "\u0430\u0447\u0430": "\u0430\u04a7\u04b3\u0259\u044b\u0437\u0431\u0430" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0430\u0447\u0430" + ], + "she": [ + "\u0430\u0525\u04b3\u04d9\u044b\u0441", + "\u0430\u04a7\u04b3\u0259\u044b\u0437\u0431\u0430" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/abe.json b/data_tooling/pii_processing/ontology/data/abe.json new file mode 100644 index 0000000..c381cc7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/abe.json @@ -0,0 +1,39 @@ +{ + "PLANT": [ + "wachilmezi", + "pezagwdamenakwam", + "anaskemezi" + ], + "ANIMAL": [ + "anikwses", + "namakw", + "mamaska", + "chegwal" + ], + "GENDER": [ + "phanem" + ], + "LANGUAGE": [ + "alem\u00f4n" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "phanem" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ady.json b/data_tooling/pii_processing/ontology/data/ady.json new file mode 100644 index 0000000..0bc3039 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ady.json @@ -0,0 +1,35 @@ +{ + "FOOD": [ + "\u0434\u0436\u044d\u0434\u044b\u043a\u04cf\u044d" + ], + "PERSON_PRONOUN": [ + "\u0432\u044b" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043d\u044b": "\u0430\u0434\u044d", + "\u0448\u044b\u043f\u0445\u044a\u0443": "\u0448\u044b" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u0431\u0437\u044b\u043b\u044a\u0444\u044b\u0433\u044a" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u0430\u0445\u044d\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/af.json b/data_tooling/pii_processing/ontology/data/af.json new file mode 100644 index 0000000..4eeab22 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/af.json @@ -0,0 +1,938 @@ +{ + "DISEASE": [ + "griep", + "gestremdheid", + "builepes", + "outisme", + "geestesteuring", + "hooikoors", + "als", + "schistosomiase", + "geelkoors", + "hondsdolheid", + "wen", + "aandoening", + "bloeding", + "pasteurellose", + "hartaanval", + "korsmos", + "distimie", + "hoogtevrees", + "witseerkeel", + "waterpokkies", + "borskanker", + "kinkhoes", + "persoonlikheidsteuring", + "poliomi\u00eblitis", + "katarak", + "verkluiming", + "ingewandskoors", + "suikersiekte", + "draaihalse", + "marteling", + "sonbrand", + "breakdown", + "longontsteking", + "pampoentjies", + "straling", + "verkoue", + "aarverkalking", + "gordelroos", + "masels", + "geelsug", + "talassemie", + "sting", + "breinvliesontsteking", + "sleep", + "jeuksiekte", + "kuberknippie", + "breek", + "runderpes", + "skildkliervergroting", + "materialisme", + "swangerskap", + "varkgriep", + "beroerte", + "middeloorontsteking", + "slenkdalkoors", + "brandmondsindroom", + "malaria", + "gangreen" + ], + "PLANT": [ + "denneboom", + "teestruik", + "geraamteplant", + "peper", + "brusselspruit", + "kraanvo\u00eblblom", + "mahonie", + "solanaceae", + "blomkool", + "kakaoboon", + "steranys", + "nogal", + "mosterd", + "rooihoutboom", + "trosvy", + "moeraseik", + "beet", + "gouewattel", + "grootnoemnoem", + "boontjie", + "rooibloekom", + "altviool", + "akkerwinde", + "wildetabak", + "swarthout", + "lork", + "peperboom", + "duifert", + "swartwattel", + "pruim", + "benede", + "swaardvaring", + "botterskorsie", + "witseebasboom", + "angelier", + "nastergal", + "geelhout", + "swartoognooi", + "patats", + "treurwilger", + "kersboom", + "kropslaai", + "kunstenaar", + "edelweiss", + "kemphaan", + "belladonna", + "bedeksadiges", + "blaarslaai", + "vaatplant", + "kapokboom", + "rubberplant", + "wilgerboom" + ], + "ANIMAL": [ + "kleingeelpootruiter", + "kleinwitreier", + "grootmalmok", + "bontfraiingpoot", + "grootwitreier", + "steenloper", + "rivierdolfyn", + "gewone_platanna", + "swartbekpylstormvo\u00ebl", + "zambezihaai", + "waterhond", + "grootflamink", + "toringvalk", + "jandorie", + "stormvo\u00ebltjies", + "rorkwal", + "moordvis", + "makriel", + "otter", + "hudsonbaaigriet", + "bontelsie", + "rooipootelsie", + "europese_swael", + "reier", + "dubbelsnip", + "wildehond", + "vlie\u00ebvangers", + "bultrugwalvis", + "koningsterretjie", + "tarentaal", + "monnikaasvo\u00ebl", + "krombekstrandloper", + "wielewaal", + "strandwolf", + "swerfvalk", + "moeraskat", + "grootswartooievaar", + "swartmarlyn", + "witooievaar", + "swartvlerkkoningalbatros", + "tierhaai", + "sandbankhaai", + "kleinbloureier", + "gryskoppie", + "ringnekpapegaai", + "swartwou", + "spoorvlerkkiewiet", + "sterretjies", + "hoender", + "nagtegaallyster", + "micropterus", + "grysfraiingpoot", + "leerskilpad", + "sekretarisvo\u00ebl", + "tierluislang", + "veereier", + "malkopby", + "baardspeg", + "dikkoppe", + "swartswaan", + "tortelduif", + "beekforel", + "amoedarja", + "kleindobbertjie", + "witwanggans", + "passer", + "koningblousysie", + "leeuwelpie", + "witrenoster", + "aasvo\u00ebl", + "grootbekbaars", + "rooinekswael", + "hottentotsgod", + "spikkelarendrog", + "geleedpotiges", + "accipiter", + "poolvos", + "strandjut", + "hottentotsgot", + "bruinjakkalsvo\u00ebl", + "baardwalvis", + "leeutjie", + "donkerhaai", + "hawik", + "swartrenoster", + "grootgrysmuishond", + "swartwitpens", + "lemoenduif", + "walvishaai", + "windswaels", + "swartkopmeeu", + "leeuwelp", + "maasbanker", + "iller", + "seemeeu", + "marten", + "roosspreeu", + "kleintandsaagvis", + "naguil", + "bergskilpad", + "mikstertmeeu", + "swarttiphaai", + "donkie", + "sabeldier", + "grootsterretjie", + "wildeposduif", + "brilpikkewyn", + "miskruier", + "bergkwagga", + "reuseluidier", + "trompetterswaan", + "reusenellie", + "swartnekdobbertjie", + "huismossie", + "grootwaterhoender", + "meeu", + "roetsterretjie", + "singswaan", + "bassiaan", + "bontkwagga", + "raaf", + "swaelstertstormswael", + "huisswael", + "bonttobie", + "edelhert", + "koningpikkewyn", + "meeue", + "reusesterretjie", + "peristediidae", + "grootgeelpootruiter", + "hertagtiges", + "platkopharder" + ], + "RELIGION_MEMBER": [ + "christene", + "protestant", + "mormon", + "broer" + ], + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "noah_webster", + "john_knox", + "heinrich_hertz", + "rudolf_steiner", + "che_guevara", + "c", + "maria_callas", + "henrik_ibsen", + "mary_shelley", + "david_livingstone", + "john_herschel", + "andrzej_wajda", + "balletdanseres", + "george_balanchine", + "douglas_macarthur", + "maria_magdalena", + "anna_pavlova", + "winston_churchill", + "terry_pratchett", + "stephen_king", + "francis_crick", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "jefferson_davis", + "john_glenn", + "richard_wagner", + "thornton_wilder", + "marie_curie", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "catharina_howard", + "galileo_galilei", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "edmund_hillary", + "vincent_van_gogh", + "josef_stalin", + "john_ruskin", + "robert_burns", + "samuel_johnson", + "jesus", + "giuseppe_verdi", + "karl_jaspers", + "konrad_adenauer", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "theodosius_i", + "mahalia_jackson", + "saladin", + "sarah_bernhardt", + "t_s_eliot", + "sint_patrick", + "charles_de_gaulle", + "y", + "holden", + "charles_lindbergh", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "samuel_de_champlain", + "fridtjof_nansen", + "louis_braille", + "mungo_park", + "james_dean", + "roger_bannister", + "joseph_priestley", + "louis_joliet", + "joseph_pulitzer", + "oscar_wilde", + "philip_roth", + "piet_mondriaan", + "richard_trevithick", + "laurence_olivier", + "sint_laurensrivier", + "pete_seeger", + "joseph_heller", + "a", + "immanuel_kant", + "n", + "albert_schweitzer", + "titus", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "william_blake", + "t_e_lawrence", + "william_byrd", + "canberra", + "edward_jenner", + "margaret_mitchell", + "william_herschel", + "christophorus_columbus", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "rudolf_diesel", + "walt_disney", + "jane_austen", + "moses", + "gustav_mahler", + "robert_redford", + "richard_feynman", + "theodor_mommsen", + "marcel_proust", + "homo_heidelbergensis", + "elizabeth_taylor", + "pieter", + "william_golding", + "john_milton", + "indira_gandhi", + "jane_seymour", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "caravaggio", + "m", + "allen_ginsberg", + "hans_christian_andersen", + "igor_strawinski", + "pablo_picasso", + "l_ron_hubbard", + "osman_i", + "christiaan_huygens", + "hector_berlioz", + "o", + "adam_smith", + "u", + "karl_marx", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "king_lear", + "henry_james", + "helen_keller", + "sint_maartin", + "walt_whitman", + "adolf_hitler", + "joseph_haydn", + "paul_revere", + "edvard_grieg", + "robert_boyle", + "alan_paton", + "1", + "rosa_parks", + "g", + "charles_coulomb", + "arthur_schopenhauer", + "windswaels", + "r", + "van_die_begin_af", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "robert_fulton", + "thomas_hardy", + "tanameer", + "bobby_fischer", + "johannes_gutenberg", + "andre", + "amerigo_vespucci", + "john_constable", + "robert_hooke", + "karl_popper", + "homo_rhodesiensis", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "john_lennon", + "charlie_chaplin", + "john_brown", + "elizabeth_gaskell", + "kabelkar", + "johanna_van_arkel", + "hannah_arendt", + "bozen", + "stanley_kubrick", + "james_watt", + "ronald_reagan", + "homo", + "william_wordsworth", + "rex_harrison", + "woodrow_wilson", + "marcus_antonius", + "st_louis", + "ernest_hemingway", + "simon_petrus", + "aquila", + "nelson_mandela", + "roald_amundsen", + "charles_dickens", + "voltarivier", + "federico_fellini", + "francisco_pizarro", + "francisco_franco", + "andrew_carnegie", + "pontius_pilatus", + "franz_schubert", + "johnny_cash", + "georges_cuvier", + "walter_scott", + "staatshoof", + "robert_browning", + "walter_gropius", + "albert_einstein", + "thomas_edison", + "chiang_kai_shek", + "henry_purcell", + "t" + ], + "LANGUAGE": [ + "skaapooi", + "sjinese", + "ooi", + "deens", + "venda", + "arabies", + "frankoprovensaals", + "galicies", + "grieks", + "oerdoe", + "corsicaans", + "goedjarati", + "aksent", + "griekse", + "pali", + "manx", + "malayalam", + "japannees", + "hindi", + "esperanto", + "kelties", + "latyn", + "portugees", + "sweeds", + "maleis", + "ido", + "tonga", + "kannada" + ], + "JOB": [ + "sekonde", + "sweep", + "loodgieter", + "biskop", + "kapster", + "assistent", + "skeidsregter", + "hand", + "romanskrywer", + "internis", + "don", + "tandarts", + "tier", + "vertaalster", + "bestuurder", + "skrywer", + "beeldhouer", + "bakster", + "doelwagter", + "hooiwa", + "land", + "rehoboth_basters", + "broodwinner", + "wielmaker", + "koning", + "wetenskaplike", + "werktuigkundige", + "algemeen", + "blokfluit", + "haarkapper", + "voorsitter", + "ingenieur", + "the_guardian", + "der_vorleser", + "president", + "paramedikus", + "vlie\u00ebnier", + "agrari\u00ebr", + "herder", + "mate", + "raadgewer", + "hanger", + "skoonheidskundige", + "kolonel", + "vertaler", + "versamelaar", + "sersant", + "koopman", + "arbeider", + "sterrekundige", + "skrynwerker", + "inkoper", + "stuurman", + "argitek", + "koerier", + "bakker", + "man", + "berader", + "werker", + "handelaar", + "burgemeester", + "bankier", + "beroerte" + ], + "GPE": [ + "witgoud", + "menseregte", + "sint_laurensrivier", + "dar_es_salaam", + "withuis", + "rooisee", + "swartwoud", + "sint_maarten", + "bergpas", + "heilige_gees", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "valentynsdag", + "aya_sophia", + "olimpiese_dorp", + "simon_petrus", + "la_rochelle", + "st_louis" + ], + "LAW": [ + "administratiefreg", + "strafreg", + "gemenereg", + "federal_bureau_of_investigation", + "inkomstestaat" + ], + "LOCATION": [ + "sint_maartin", + "hoofsaaklik", + "vsa", + "sint_helena", + "geelsee", + "sint_maarten", + "swartgat", + "kragsentrale", + "trois_rivi\u00e8res", + "telefoontjie", + "kanaaleilande", + "land", + "sakse_anhalt", + "sint_patrick", + "blue_mountains", + "lugmag", + "plesier", + "jordaanrivier", + "geelrivier", + "sint_maartenfees", + "swartkolk", + "usa", + "bowemeer", + "bloureier", + "hat_yai", + "arena", + "sri_lanka", + "edwardmeer", + "the_rolling_stones", + "tanameer", + "veral", + "michiganmeer", + "amerikaanse_le\u00ebr", + "swartsee" + ], + "PRODUCT": [ + "justin_bieber", + "stroombreker", + "cookeilande", + "diego_garcia", + "ghong", + "s\u00e3o_tom\u00e9_en_pr\u00edncipe", + "keisersnee", + "julius_caesar", + "hemelliggaam", + "heilige_gees", + "rosettasteen", + "nuwe_testament", + "slapskyf", + "menseregte", + "san_joaquin_rivier", + "kersboom", + "hooglied", + "by_die_grasie_gods", + "digitale_kamera", + "seinverwerking", + "musiekinstrument" + ], + "FAC": [ + "polisiestasie", + "winkelsentrum", + "poskantoor", + "pieter_i_van_rusland", + "laerskool", + "rooms_katolieke_kerk", + "die_laaste_avondmaal", + "hangbrug" + ], + "RELIGION": [ + "zen", + "calvinisme", + "islam", + "sjinto\u00efsme", + "wicca" + ], + "QUANTITY": [ + "si_stelsel", + "ses_en_twintig", + "drie_koninkryke", + "een_en_twintig", + "dollar", + "g", + "beaufortskaal", + "priemgetal", + "pond", + "pond_sterling" + ], + "ORG": [ + "wicca", + "jan_mayen", + "withuis", + "sint_helena", + "kategorie:motorbedryf", + "nasa", + "bollywood", + "fokof", + "schutzstaffel", + "bakkie", + "the_who", + "internasionale_geregshof", + "suidpool", + "san_francisco", + "wetenskapsfiksie", + "poskantoor", + "rooisee", + "swartmark", + "gao", + "laerskool", + "psigiatriese_hospitaal", + "amasonerivier", + "can_tho", + "wetenskapfiksie", + "don_juan", + "ai", + "volkebond", + "bowemeer", + "verligting", + "chiang_mai", + "staatsgreep", + "groot_beer", + "kaap_verde", + "sluikhandel", + "verdediging", + "rooi_kruis", + "vsa", + "botaniese_tuin", + "rabindranath_tagore", + "gestapo", + "winkelsentrum", + "baskeland", + "weermag", + "geelrivier", + "landbou", + "karmelberg", + "i_ching", + "onderwys", + "andromeda_sterrestelsel", + "vakbond", + "katolieke_kerk", + "seshonderd", + "po", + "oujaarsaand", + "knopiespinnekop", + "bevolkingsdigtheid", + "sterreswerm", + "saint_barth\u00e9lemy", + "nasionale_vergadering_van_die_republiek_van_azerbeidjan", + "los_angeles", + "brandweer", + "han_dinastie", + "my_naam_is", + "massamedia", + "welvaartstaat", + "mogolryk", + "duitse_keiserryk", + "stelselingenieurswese", + "uitverkorene", + "st_lucia", + "s\u00e3o_tom\u00e9", + "konserwatiewe_party" + ], + "UNION": [ + "itu", + "w\u00eareldposunie" + ], + "DATE": [ + "sint_patricksdag", + "goeie_vrydag", + "vadersdag", + "middeleeue", + "onafhanklikheidsdag", + "die_nagwag", + "skrikkeljaar", + "kanadadag", + "gregoriaanse_kalender", + "volmaan" + ], + "PERSON_PRONOUN": [ + "myself", + "i", + "my" + ], + "PERSON": [ + "julius_caesar", + "i_ching", + "igor_sikorsky", + "maxwell_anderson", + "rudolf_hess", + "jandorie" + ], + "SOC_ECO_CLASS": [ + "gemeenskap", + "swartmark", + "broederskap", + "samoerai", + "landbou", + "samelewing", + "bourgeoisie", + "sluikhandel" + ], + "FOOD": [ + "spookasem", + "kleinbekbaars", + "melkchocolade", + "roomys", + "witsous", + "piesangboot", + "tabascosous", + "slaptjips", + "esdoringstroop", + "vonkelwyn", + "paasei", + "rooiwyn", + "chili", + "tamatiesous", + "aartappelskyfies", + "woestyn", + "chile", + "middagete", + "witwyn", + "grondboontjiebotter", + "suiwelproduk", + "brandrissie", + "kruietee", + "kondesmelk", + "koeldrank" + ], + "ANAT": [ + "boarm" + ], + "POLITICAL_PARTY": [ + "arbeidersparty", + "party_van_die_arbeid", + "politieke_party", + "nazi_party", + "liberale_party", + "sosialistiese_party", + "nasionale_party" + ], + "GENDER": [ + "jongman", + "man", + "gal" + ], + "EVENT": [ + "golfoorlog" + ], + "POLITICAL_PARTY_MEMBER": [ + "makker" + ], + "RACE": [ + "fransman", + "nederlanders" + ], + "MEDICAL_THERAPY": [ + "skynwerklikheid" + ], + "TITLE": [ + "meneer" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abdis": "abba", + "dogter": "son", + "kleindogter": "kleinseun", + "juffrou": "meneer", + "moeder": "vader", + "polisievrou": "polisieman", + "prinses": "regulus", + "reg": "koning", + "koningin": "koning", + "hetman": "indra", + "kak": "broer", + "suster": "broer", + "oujongnooi": "oujongkerel", + "vrou": "mees", + "wicca": "towenaar", + "heks": "towenaar", + "norn": "towenaar", + "jongman": "meisie", + "seun": "meisie", + "polonaise": "poets", + "poets": "polonaise" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "mees", + "man", + "seun", + "little_boy", + "jongman" + ], + "she": [ + "maagd", + "vrou", + "juffrou", + "meisie", + "kak", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "hy", + "seine" + ], + "it": [ + "daardie", + "tyto" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ain.json b/data_tooling/pii_processing/ontology/data/ain.json new file mode 100644 index 0000000..a18ff0a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ain.json @@ -0,0 +1,30 @@ +{ + "PLANT": [ + "atte", + "totonup" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u30cf\u30dd": "\u30a2\u30c1\u30e3", + "\u30b5\u30dd": "\u30e6\u30dd" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u30e1\u30ce\u30b3", + "\u30b5\u30dd" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/akk.json b/data_tooling/pii_processing/ontology/data/akk.json new file mode 100644 index 0000000..49eec08 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/akk.json @@ -0,0 +1,37 @@ +{ + "PUBLIC_FIGURE": [ + "\ud808\udc00\ud808\ude3e\ud808\uddaa" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "ummu": "\ud808\udc1c\ud808\udeeb", + "\ud808\udf1d\ud808\ude2c": "\ud808\udc1c", + "\ud808\udea9\ud808\udf06": "\ud808\udec0" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\ud808\udd97" + ], + "she": [ + "\ud808\udea9", + "\ud808\udea9\ud808\udf06" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\ud808\uded7" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/akz.json b/data_tooling/pii_processing/ontology/data/akz.json new file mode 100644 index 0000000..2b6514a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/akz.json @@ -0,0 +1,44 @@ +{ + "FOOD": [ + "assikch\u00eclpa" + ], + "PERSON_PRONOUN": [ + "oki" + ], + "ANIMAL": [ + "iskanpatha" + ], + "PLANT": [ + "assikchi_laana" + ], + "GENDER": [ + "tayyi" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "tayyi" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "oki" + ], + "she": [ + "oki" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/alt.json b/data_tooling/pii_processing/ontology/data/alt.json new file mode 100644 index 0000000..5aec9b5 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/alt.json @@ -0,0 +1,61 @@ +{ + "PERSON_PRONOUN": [ + "\u043c\u0435\u043d\u0438\u04a5", + "\u043e\u043b" + ], + "ANIMAL": [ + "\u0431\u0430\u043a\u0430" + ], + "PLANT": [ + "\u043a\u044b\u0437\u044b\u043b\u0433\u0430\u0442", + "\u043a\u0430\u0440\u0430\u0433\u0430\u0439" + ], + "ORG": [ + "\u043f\u0435\u043d\u0441\u0438\u043e\u043d_\u0444\u043e\u043d\u0434", + "\u043a\u0430\u0437\u044b\u043d\u0430" + ], + "LOCATION": [ + "\u0442\u04e7\u0441_\u0431\u0430\u043d\u043a", + "\u0458\u0435\u0442\u0438_\u043a\u0430\u0430\u043d" + ], + "JOB": [ + "\u0430\u0440\u0433\u0430\u0447\u044b" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u044d\u043d\u0435": "\u0430\u0434\u0430", + "\u043a\u0430\u0440\u044b\u043d\u0434\u0430\u0448": "\u044d\u043d\u0435", + "\u04e7\u04e7\u0439_\u044d\u043d\u0435": "\u04e7\u04e7\u0439_\u0430\u0434\u0430" + }, + "other_gender_swap": { + "\u043e\u043b\u043e\u0440": "\u043e\u043b", + "\u043e\u043b": "\u043e\u043b\u043e\u0440" + }, + "en_pronoun2gender": { + "she": [ + "\u043a\u044b\u0437\u044b\u0447\u0430\u043a" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ], + "they": [ + "\u043e\u043b\u043e\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/am.json b/data_tooling/pii_processing/ontology/data/am.json new file mode 100644 index 0000000..03a43da --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/am.json @@ -0,0 +1,92 @@ +{ + "FAC": [ + "\u1356\u1235\u1273_\u1264\u1275", + "\u12e8\u122e\u121b_\u12ab\u1276\u120a\u12ad_\u1264\u1270_\u12ad\u122d\u1235\u1272\u12eb\u1295" + ], + "PUBLIC_FIGURE": [ + "\u12ad\u122a\u1235\u1276\u134e\u122d_\u12ae\u120e\u121d\u1260\u1235", + "f", + "g", + "\u1273\u1278\u122d", + "\u1245\u12f1\u1235_\u130a\u12ee\u122d\u130a\u1235" + ], + "PRODUCT": [ + "\u1230\u1265\u12a0\u12ca_\u1218\u1265\u1276\u127d", + "\u12a0\u12f2\u1235_\u12aa\u12f3\u1295" + ], + "ORG": [ + "\u1230\u12ed\u1295\u1275_\u1209\u123b", + "\u1240\u12ed_\u1218\u1235\u1240\u120d", + "\u12ab\u1276\u120a\u12ad_\u1264\u1270_\u12ad\u122d\u1235\u1272\u12eb\u1295", + "\u12ab\u1266_\u1268\u122d\u12f4", + "\u12cb\u12ed\u1275_\u1203\u12cd\u1235", + "\u1234\u12ed\u1295\u1275_\u1205\u120a\u1293_\u12f0\u1234\u1275", + "\u12e8\u122d\u123b_\u1270\u130d\u1263\u122d", + "\u1262\u132b\u12cd_\u12c8\u1295\u12dd" + ], + "POLITICAL_PARTY": [ + "\u122a\u1350\u1265\u120a\u12ab\u1295_\u1353\u122d\u1272", + "\u12f4\u121e\u12ad\u122b\u1272\u12ad_\u1353\u122d\u1272" + ], + "GPE": [ + "\u1233\u1295_\u1276\u121c", + "\u1240\u12ed_\u1263\u1215\u122d" + ], + "DISEASE": [ + "\u12a2\u1266\u120b" + ], + "QUANTITY": [ + "g" + ], + "LOCATION": [ + "\u12ac\u1355_\u1268\u122d\u12f5", + "\u1323\u1293_\u1210\u12ed\u1245" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u12a5\u1293\u1275": "\u12a5\u1263\u1275", + "\u1295\u130d\u1225\u1275": "\u1295\u1309\u1235", + "\u12a5\u1237": "\u12a5\u1231", + "\u12a5\u1205\u1275": "\u12c8\u1295\u12f5\u121d", + "\u12a5\u1285\u1275": "\u12c8\u1295\u12f5\u121d", + "\u121a\u1235\u1275": "\u1263\u120d" + }, + "other_gender_swap": { + "\u12a5\u1290\u1231": "\u12a5\u1237", + "\u12a5\u1231": "\u12a5\u1290\u1231", + "\u12a5\u1237": "\u12a5\u1290\u1231" + }, + "en_pronoun2gender": { + "she": [ + "\u1230\u1260\u12ed\u1272", + "\u1234\u1275_\u120d\u1305", + "\u120d\u1303\u1308\u1228\u12f5", + "\u1234\u1275" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u12a5\u1231" + ], + "she": [ + "\u12a5\u1237" + ], + "they": [ + "\u12a5\u1290\u1231" + ], + "it": [ + "\u12a5\u1231" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/an.json b/data_tooling/pii_processing/ontology/data/an.json new file mode 100644 index 0000000..bc3354d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/an.json @@ -0,0 +1,484 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "akira_kurosawa", + "ches\u00fas", + "jean_genet", + "giovanni_boccaccio", + "ernesto_guevara", + "georges_simenon", + "c", + "henrik_ibsen", + "mary_shelley", + "marcello_malpighi", + "eduard_buchner", + "richard_burton", + "douglas_macarthur", + "winston_churchill", + "chorxe", + "johannes_diderik_van_der_waals", + "stephen_king", + "isaac_newton", + "victor_hugo", + "saint_louis", + "salad\u00edn", + "george_burns", + "george_orwell", + "richard_wagner", + "marie_curie", + "moisen", + "michael_jackson", + "thomas_hobbes", + "samuel_beckett", + "galileo_galilei", + "jane_goodall", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "josef_stalin", + "francisco_de_goya_y_lucientes", + "robert_burns", + "thomas_paine", + "mary_pickford", + "tom\u00e1s", + "yuri_gagarin", + "marco_aurelio", + "charles_chaplin", + "giuseppe_verdi", + "maurice_chevalier", + "frank_sinatra", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "maximi\u00e1n", + "richard_strauss", + "leslie_howard", + "john_ford", + "sarah_bernhardt", + "luigi_pirandello", + "t_s_eliot", + "igor_stravinski", + "charles_de_gaulle", + "y", + "vincenzo_bellini", + "samuel_barber", + "f", + "ludwig_wittgenstein", + "thomas_mann", + "dante_alighieri", + "john_irving", + "giacomo_puccini", + "herbert_marcuse", + "don_quixot", + "paul_verlaine", + "james_dean", + "roger_bannister", + "alessandro_manzoni", + "nicolas_poussin", + "andrea_mantegna", + "oscar_wilde", + "j_d_salinger", + "willard_gibbs", + "laurence_olivier", + "adolf_eichmann", + "francis_bacon", + "james_brown", + "charles_baudelaire", + "david_ricardo", + "immanuel_kant", + "james_franck", + "johannes_kepler", + "max_planck", + "sarah_vaughan", + "carl_lewis", + "canberra", + "elias_canetti", + "edward_jenner", + "oliver_hardy", + "jean_luc_godard", + "graham_greene", + "john_walker", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "anthony_burgess", + "walt_disney", + "gabriel_lippmann", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "phil_collins", + "robert_redford", + "ian_fleming", + "theodor_mommsen", + "marcel_proust", + "thomas_more", + "elizabeth_taylor", + "william_golding", + "rudolf_serkin", + "kruschev", + "albert_speer", + "jane_seymour", + "sant_pero", + "george_gershwin", + "quatrena_cruzata", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "caravaggio", + "charlie_watts", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "henri_bergson", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "patrick_white", + "hans_christian_andersen", + "cary_grant", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "don_quixot_d_a_mancha", + "natalie_wood", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "john_galsworthy", + "chorche", + "adam_smith", + "u", + "jean_harlow", + "karl_marx", + "friedrich_nietzsche", + "i", + "jimmy_durante", + "sandro_botticelli", + "nikola_tesla", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "pero_i_de_rusia", + "ingrid_bergman", + "william_congreve", + "walt_whitman", + "william_wyler", + "adolf_hitler", + "joseph_haydn", + "fyodor_dostoevsky", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "ralph_richardson", + "norman_jewison", + "vladimir_putin", + "jim_thorpe", + "cristofo_colombo", + "ben_hecht", + "anne_hathaway", + "g", + "arthur_schopenhauer", + "james_cagney", + "muller", + "r", + "george_lucas", + "edith_wharton", + "louis_armstrong", + "steven_spielberg", + "d_w_griffith", + "giuseppe_garibaldi", + "alexandre_dumas", + "abelardo", + "johannes_gutenberg", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "pierre_boulez", + "john_constable", + "james_mill", + "putin", + "jean_de_la_fontaine", + "karl_popper", + "george_sand", + "peter_sellers", + "charles_fourier", + "isla_de_sant_mart\u00edn", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "jackson_pollock", + "john_lennon", + "j_m_barrie", + "asa_gray", + "alice_walker", + "miles_davis", + "stanley_kubrick", + "john_huston", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "david_hilbert", + "wilhelm_reich", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "woodrow_wilson", + "jim_henson", + "b\u00e9la_lugosi", + "ernest_hemingway", + "nelson_mandela", + "hans_geiger", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "jacques_offenbach", + "federico_fellini", + "bessie_smith", + "willy_brandt", + "francisco_franco", + "bernardo_bertolucci", + "gregorio", + "franz_schubert", + "johnny_cash", + "mick_jagger", + "ralph_ellison", + "walter_gropius", + "albert_einstein", + "l", + "raymond_chandler", + "t" + ], + "PLANT": [ + "acer_negundo", + "cucurbita_moschata", + "ziresa", + "acer_campestre", + "prunus_armeniaca", + "urtica", + "cucurbita_argyrosperma", + "sarguera", + "acer_platanoides", + "sorbus_aucuparia", + "acer_pseudoplatanus", + "fagus_sylvatica", + "\u00e1rbol_de_nadal", + "saccharomyces_cerevisiae", + "beta_vulgaris", + "populus_nigra", + "arctostaphylos_uva_ursi", + "castanya" + ], + "LANGUAGE": [ + "oland\u00e9s", + "franz\u00e9s", + "ongaro", + "hindi", + "esperanto", + "ido", + "canar\u00e9s", + "tonga" + ], + "PRODUCT": [ + "astroso", + "justin_bieber", + "anal\u00eds_matematica", + "dreitos_humans", + "la_ciociara", + "saxonia_anhalt", + "la_dolce_vita", + "a_divina_comedia", + "painuestro", + "reino_unito" + ], + "ANIMAL": [ + "buteo", + "pisces", + "homo_sapiens", + "sincab", + "can_d_agua", + "accipiter", + "esquirg\u00fcelo", + "au_rapinyadera", + "taixudo", + "martes_foina", + "capreolus_capreolus", + "arthropoda" + ], + "POLITICAL_PARTY": [ + "conservative_party", + "partido_popular", + "parti_socialiste", + "partito_comunista" + ], + "RELIGION": [ + "zen", + "catarismo", + "tao\u00edsmo", + "islam", + "calvinismo", + "xinto\u00edsmo", + "wicca" + ], + "ORG": [ + "wicca", + "nasa", + "r\u00edo_amariello", + "schutzstaffel", + "san_francisco", + "un", + "mar_roya", + "pulgaret", + "frent_popular", + "isla_santa_helena", + "r\u00edo_amazonas", + "fuerza_aeria", + "chainismo", + "saint_barth\u00e9lemy", + "a_bonica_adormida_d_a_selva", + "los_angeles", + "melitar", + "sant_nicolau_de_bari", + "asumpci\u00f3n_de_santa_mar\u00eda", + "santa_luc\u00eda", + "santa_sofiya_d_istambul" + ], + "FOOD": [ + "postre", + "daucus_carota", + "categor\u00eda:lactios", + "chile", + "juglans_regia" + ], + "JOB": [ + "autora", + "compositor", + "charrador", + "chugador", + "the_guardian", + "president", + "mariscal", + "corporal", + "man", + "carnucero", + "autor" + ], + "RACE": [ + "angleses", + "franceses", + "galeses", + "negro" + ], + "GPE": [ + "dar_es_salaam", + "imperio_alem\u00e1n", + "sint_maarten", + "franco_condato", + "gran_canaria", + "al_andalus", + "sant_chorche", + "mar_roya", + "la_gomera", + "mar_echea" + ], + "PERSON_PRONOUN": [ + "i", + "nusatros" + ], + "DISEASE": [ + "picueta", + "poliomielitis", + "colera", + "castanya", + "pica", + "emprenyatura", + "accident_vascular_cerebral", + "mollisca", + "malaut\u00eda", + "malaria" + ], + "LOCATION": [ + "nueit_de_cabo_d_anyo", + "sint_maarten", + "mar_d_o_norte", + "mar_negra", + "mar_tirrena", + "estatos_unitos", + "mar_negro", + "arena", + "sri_lanka", + "the_rolling_stones", + "a_bonica_adormida_d_a_selva", + "prunus_avium" + ], + "FAC": [ + "plaza", + "pero_i_de_rusia", + "ilesia_catolica", + "santa_luc\u00eda", + "frent_popular" + ], + "EVENT": [ + "castiella_y_ley\u00f3n" + ], + "QUANTITY": [ + "g" + ], + "SOC_ECO_CLASS": [ + "sociedat", + "sozied\u00e1", + "academia" + ], + "RELIGION_MEMBER": [ + "agost\u00edn", + "chirm\u00e1n" + ], + "LAW": [ + "dreito_civil" + ], + "DATE": [ + "calandario_gregori\u00e1n" + ], + "GENDER": [ + "man" + ], + "PERSON": [ + "rudolf_hess" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "man", + "isla_de_man" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "tyto" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ang.json b/data_tooling/pii_processing/ontology/data/ang.json new file mode 100644 index 0000000..feeb90a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ang.json @@ -0,0 +1,203 @@ +{ + "ANIMAL": [ + "mear\u00fe", + "catt", + "wuduculfre", + "cicen", + "brocc", + "frosc", + "grighund", + "beomodor", + "wrenna", + "fealca", + "wesle", + "cycen", + "otor", + "seolcwyrm", + "crawe" + ], + "GPE": [ + "sweartweald", + "halig_gast" + ], + "ORG": [ + "scol", + "rihtwisnes", + "wicca", + "nerung", + "anweald", + "geberg", + "leodweard", + "gerec" + ], + "PLANT": [ + "pintreow", + "leahtric", + "holm", + "gearwe", + "ciris", + "cierr" + ], + "DISEASE": [ + "wedenheortnes", + "wen", + "wearte", + "tintreg", + "gewed", + "pinung", + "birnan", + "geris", + "corn", + "bitan", + "hathyge", + "brecan", + "hungor", + "benn", + "sawan", + "wedenheort" + ], + "JOB": [ + "hand", + "scieppend", + "sceaphierde", + "don", + "scipwyrhta", + "gefera", + "hoppere", + "treowwyrhta", + "landbuend", + "land", + "regolsticca", + "biscop", + "tumbere", + "landhlaford", + "sta\u00feoliend", + "gesi\u00fe", + "smeagend", + "seamere", + "man", + "metere", + "weard", + "wuduheawere", + "bidan" + ], + "PRODUCT": [ + "ga_onweg" + ], + "QUANTITY": [ + "frumt\u00e6l" + ], + "PERSON_PRONOUN": [ + "he", + "her", + "him", + "we", + "us" + ], + "FOOD": [ + "underngereord", + "morgenmete", + "undernmete", + "treowteoru", + "nongereord" + ], + "PUBLIC_FIGURE": [ + "a", + "ford", + "and_swa_for\u00fe", + "wrenna" + ], + "LOCATION": [ + "land" + ], + "GENDER": [ + "cnapa", + "man", + "gal" + ], + "LANGUAGE": [ + "frencisc", + "islendisc" + ], + "RELIGION": [ + "wicca" + ], + "RELIGION_MEMBER": [ + "cristen" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "nift": "sunsunu", + "nefene": "sunsunu", + "hl\u00e6fdige": "hlafweard", + "cwen": "cyning", + "heo": "he", + "sweoster": "bro\u00feor", + "sweostor": "blod", + "steopdohtor": "steopsunu", + "steopmodor": "steopf\u00e6der", + "bean": "man", + "wif": "menn", + "wifmann": "man", + "cnapa": "m\u00e6gdencild", + "cnafa": "m\u00e6g\u00fe", + "cniht": "m\u00e6g\u00fe" + }, + "other_gender_swap": { + "has": "her", + "hwy": "heo", + "he": "hwy", + "bera": "hwy", + "him": "has", + "heo": "hwy" + }, + "en_pronoun2gender": { + "he": [ + "cnafa", + "cniht", + "menn", + "man", + "cnapa" + ], + "she": [ + "m\u00e6g\u00fe", + "hl\u00e6fdige", + "wif", + "bean", + "wifmann", + "m\u00e6gden", + "m\u00e6gdencild", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "bera", + "he", + "him" + ], + "she": [ + "heo", + "her" + ], + "they": [ + "has", + "hwy" + ], + "it": [ + "cest", + "\u00fe\u00e6t" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ar.json b/data_tooling/pii_processing/ontology/data/ar.json new file mode 100644 index 0000000..cb6762d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ar.json @@ -0,0 +1,2554 @@ +{ + "GPE": [ + "\u0633\u0627\u0646\u062a_\u0644\u0648\u064a\u0633", + "\u0627\u0644\u0635\u0644\u064a\u0628_\u0627\u0644\u0627\u062d\u0645\u0631", + "\u0627\u0644\u0642\u062f\u064a\u0633_\u062c\u0631\u062c\u0633", + "\u0627\u0644\u0645\u0646\u0637\u0642\u0629_\u0627\u0644\u0635\u0646\u0627\u0639\u064a\u0629", + "\u0622\u064a\u0627_\u0635\u0648\u0641\u064a\u0627", + "\u0627\u0644\u0628\u064a\u062a_\u0627\u0644\u0627\u0628\u064a\u0636", + "\u0628\u0631\u0628\u0627\u0631\u0629", + "\u0627\u0644\u0639\u0647\u062f_\u0627\u0644\u062c\u062f\u064a\u062f", + "\u0627\u0644\u0642\u062f\u064a\u0633_\u062c\u0648\u0631\u062c", + "\u0627\u0644\u0628\u064a\u062a_\u0627\u0644\u0623\u0628\u064a\u0636", + "\u0627\u0644\u0642\u062f\u064a\u0633_\u0646\u0642\u0648\u0644\u0627", + "\u062d\u0642\u0648\u0642_\u0627\u0646\u0633\u0627\u0646", + "\u0627\u0644\u0625\u0645\u0628\u0631\u0627\u0637\u0648\u0631\u064a\u0629_\u0627\u0644\u0623\u0644\u0645\u0627\u0646\u064a\u0629", + "\u0627\u064a\u0627_\u0635\u0648\u0641\u064a\u0627", + "\u0627\u0644\u0642\u062f\u064a\u0633_\u0628\u0637\u0631\u0633" + ], + "ORG": [ + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u062c\u0645\u0647\u0648\u0631\u064a", + "\u0628\u064a\u0646_\u0627\u0644\u062d\u064a\u0646_\u0648\u0627\u0644\u0627\u062e\u0631", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u062c\u0645\u0647\u0648\u0631\u0649_\u0641\u0649_\u0627\u0645\u0631\u064a\u0643\u0627", + "\u0645\u0627\u0630\u0627_\u062d\u062f\u062b", + "\u0627\u062a\u062d\u0627\u062f_\u0646\u0642\u0627\u0628\u0629_\u0627\u0644\u0639\u0645\u0627\u0644", + "\u0643\u0644_\u0645\u0627_\u0647\u0648_\u0645\u0637\u0644\u0648\u0628", + "\u0645\u0646_\u0627\u0646\u062a\u0646", + "\u0627\u0644\u0645\u0646\u0637\u0642\u0629_\u0627\u0644\u0635\u0646\u0627\u0639\u064a\u0629", + "\u0628\u0648\u0644\u064a\u0648\u0648\u062f", + "\u0627\u0644\u0628\u0627\u0631\u0639", + "\u0627\u0644\u0639\u0627\u0626\u0644\u0629_\u0627\u0644\u0645\u0642\u062f\u0633\u0629", + "\u0642\u0646\u0627\u0629_\u0627\u0644\u062c\u0632\u064a\u0631\u0647", + "\u0627\u0644\u062d\u0643\u0648\u0645\u0629_\u0627\u0644\u0623\u0645\u0631\u064a\u0643\u064a\u0629", + "\u0627\u0644\u0631\u0623\u0633_\u0627\u0644\u0623\u062e\u0636\u0631", + "\u0639\u0644\u0645_\u0645\u0633\u064a\u062d\u064a", + "\u0642\u0627\u0646\u0648\u0646_\u0645\u062f\u0646\u064a", + "\u0644\u0627_\u0645\u0646\u062e\u0641\u0636_\u0643\u0628\u064a\u0631", + "\u062c\u0628\u0644_\u0627\u0644\u0632\u064a\u062a\u0648\u0646", + "\u0628\u0631\u0647\u0645\u0627\u0646\u064a\u0629", + "\u0625\u062f\u0627\u0631\u0629_\u062a\u0646\u0641\u064a\u062f\u064a\u0629", + "\u0628\u0631\u0647\u0645\u064a\u0629", + "\u0633\u0627\u0648_\u062a\u0648\u0645\u064a\u0647", + "\u0639\u0644\u0643\u0629", + "\u0645\u0630\u0647\u0628_\u0627\u0644\u0628\u0631\u0627\u0647\u0645\u0629", + "\u0627\u0646\u062f\u0631\u0648\u0645\u064a\u062f\u0627", + "\u0647\u0630\u0647_\u0627\u0644\u0644\u064a\u0644\u0629", + "\u0643\u064a_\u062c\u064a_\u0628\u064a", + "\u0644\u063a\u0629_\u0623\u0644\u0645\u0627\u0646\u064a\u0629", + "\u0645\u0631\u0643\u0632_\u062a\u062c\u0627\u0631\u064a", + "\u0645\u0646_\u0627\u0646\u062a\u0645\u0627", + "\u0645\u0635\u0631\u0641_\u0645\u0631\u0643\u0632\u064a", + "\u0627\u0644\u0625\u062f\u0627\u0631\u0629_\u0627\u0644\u0623\u0645\u0631\u064a\u0643\u064a\u0629", + "\u0627\u0644\u0639\u0627\u0644\u0645_\u0627\u0644\u062c\u062f\u064a\u062f", + "\u0642\u0646\u0627\u0629_\u0627\u0644\u062c\u0632\u064a\u0631\u0629", + "\u062f\u0648\u0646_\u062e\u0648\u0627\u0646", + "\u0627\u0644\u0639\u0627\u064a\u0644\u0629_\u0627\u0644\u0645\u0642\u062f\u0633\u0629", + "\u0627\u0644\u0628\u0631\u062c\u0648\u0627\u0632\u064a\u0629", + "\u0645\u0646_\u0627\u0646\u062a", + "\u062e\u0637\u0627\u0641_\u0627\u0644\u0645\u062e\u0627\u0632\u0646", + "\u062d\u0632\u0628_\u0627\u0644\u0645\u062d\u0627\u0641\u0638\u064a\u0646_\u0627\u0644\u0646\u0631\u0648\u064a\u062c\u064a", + "\u0645\u0642\u0631_\u0627\u0644\u0628\u0627\u0628_\u0627\u0644\u0639\u0627\u0644\u064a", + "\u0627\u0644\u062c\u0628\u0647\u0629_\u0627\u0644\u0634\u0639\u0628\u064a\u0629", + "\u0628\u0648\u0631\u0633\u0639\u064a\u062f", + "\u0642\u0645\u0631_\u062c\u062f\u064a\u062f", + "\u062c\u0645\u0647\u0648\u0631\u064a\u0629_\u0627\u0644\u0631\u0623\u0633_\u0627\u0644\u0623\u062e\u0636", + "\u0641\u064a_\u0627\u0644\u0645\u0648\u0642\u0639", + "\u064a\u0633\u0648\u0639\u064a\u0648\u0646", + "\u0641\u064a_\u0627\u0644\u0646\u0647\u0627\u064a\u0629", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u062f\u064a\u0645\u0648\u0642\u0631\u0627\u0637\u064a", + "\u0627\u0644\u0625\u0645\u0628\u0631\u0627\u0637\u0648\u0631\u064a\u0629_\u0627\u0644\u0623\u0644\u0645\u0627\u0646\u064a\u0629", + "\u0645\u0646_\u0627\u0646\u062a\u0645", + "\u062c\u0632\u0631_\u0627\u0644\u0631\u0623\u0633_\u0627\u0644\u0623\u062e\u0636\u0631", + "\u0648\u0632\u0627\u0631\u0629_\u0627\u0644\u0639\u062f\u0644", + "\u0643\u0627\u0628_\u0641\u064a\u0631\u062f\u064a", + "\u0627\u0644\u0631\u0627\u0633_\u0627\u0644\u0627\u062e\u0636\u0631", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u0644\u064a\u0628\u0631\u0627\u0644\u064a", + "\u0627\u0644\u0627\u062a\u062d\u0627\u062f_\u0627\u0644\u062f\u0648\u0644\u064a_\u0644\u0644\u0627\u062a\u0635\u0627\u0644\u0627\u062a", + "\u0639\u0644\u064a\u0643_\u0627\u0644\u0644\u0639\u0646\u0629", + "\u0647\u0648\u0627\u0646\u063a\u0647\u064a", + "\u0627\u0644\u0643\u0646\u064a\u0633\u0629_\u0627\u0644\u0631\u0648\u0645\u0627\u0646\u064a\u0629_\u0627\u0644\u0643\u0627\u062b\u0648\u0644\u064a\u0643\u064a\u0629", + "\u0627\u0644\u0642\u062f\u064a\u0633\u0647_\u0628\u0631\u0628\u0627\u0631\u0647", + "\u0645\u062c\u0644\u0633_\u0627\u062f\u0646\u0649", + "\u0645\u0633\u062a\u0634\u0641\u0649_\u0627\u0644\u0627\u0645\u0631\u0627\u0636_\u0627\u0644\u0646\u0641\u0633\u064a\u0629", + "\u062a\u0631\u0648\u0627_\u0631\u064a\u0641\u064a\u064a\u0631", + "\u0627\u0644\u062f\u0628_\u0627\u0644\u0623\u0643\u0628\u0631", + "\u062d\u0632\u0628_\u0627\u0644\u0639\u0645\u0644_\u0627\u0644\u0647\u0648\u0644\u0646\u062f\u064a", + "\u0627\u0644\u0628\u062d\u0631_\u0627\u0644\u0623\u062d\u0645\u0631", + "\u0643\u0644_\u0631\u062c\u0644_\u0644\u0646\u0641\u0633\u0647", + "\u0643\u0627\u0628\u0648_\u0641\u064a\u0631\u062f\u0627", + "\u0648\u064a\u0643\u0627", + "\u0645\u0627\u0633\u062a\u064a\u0643\u0627", + "\u062d\u0632\u0628_\u0627\u0644\u0645\u062d\u0627\u0641\u0638\u064a\u0646_\u0627\u0644\u0628\u0631\u064a\u0637\u0627\u0646\u064a", + "\u0643\u0646\u064a\u0633\u0629_\u0627\u0644\u0631\u0648\u0645_\u0627\u0644\u0643\u0627\u062a\u0648\u0644\u064a\u0643", + "\u0648\u064a\u0646\u064a_\u0630\u0627_\u0628\u0648\u0647", + "\u0644\u064a\u0644\u0629_\u0631\u0623\u0633_\u0627\u0644\u0633\u0646\u0629", + "\u0633\u0644\u0627\u062d_\u0637\u064a\u0631\u0627\u0646", + "\u0627\u0644\u064a\u0648\u0646\u0633\u0643\u0648", + "\u0645\u0627_\u0627\u0644\u062e\u0637\u0628", + "\u0643\u0644\u064a\u0629_\u0637\u0628", + "\u0628\u0646\u0643_\u0645\u0631\u0643\u0632\u0649", + "\u0627\u0644\u0642\u0648\u0649_\u0627\u0644\u062c\u0648\u064a\u0629", + "\u0623\u0648\u063a\u0633\u0637\u064a\u0646\u0648\u0633", + "\u0633\u0648\u0642_\u0633\u0648\u062f\u0627\u0621", + "\u0627\u0644\u0639\u064a\u0646", + "\u062e\u0628\u0632_\u0641\u0631\u0646\u0633\u064a_\u0645\u062d\u0645\u0635", + "\u0627\u062a\u062d\u0627\u062f_\u0646\u0642\u0627\u0628\u0629_\u0639\u0645\u0627\u0644", + "\u0627\u0644\u062c\u0645\u0639\u064a\u0629_\u0627\u0644\u0648\u0637\u0646\u064a\u0629_\u0644\u0633\u0627\u0646\u062a_\u0643\u064a\u062a\u0633_\u0648\u0646\u064a\u0641\u064a\u0633", + "\u0630\u0627_\u0647\u0648", + "\u0627\u062a\u062d\u0627\u062f_\u0637\u0644\u0628\u0629", + "\u0645\u0646_\u0633\u0628\u0642_\u0644\u0628\u0642", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u062f\u064a\u0645\u0642\u0631\u0627\u0637\u064a", + "\u0627\u0644\u0642\u0648\u0629_\u0627\u0644\u062c\u0648\u064a\u0629", + "\u0627\u0644\u062c\u0645\u0639\u064a\u0629_\u0627\u0644\u0648\u0637\u0646\u064a\u0629_\u0627\u0644\u0641\u0631\u0646\u0633\u064a\u0629", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u0627\u0634\u062a\u0631\u0627\u0643\u064a", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u0627\u0634\u062a\u0631\u0627\u0643\u064a_\u0627\u0644\u062f\u064a\u0645\u0642\u0631\u0627\u0637\u064a_\u0627\u0644\u064a\u0627\u0628\u0627\u0646\u064a", + "\u0627\u0646\u062a\u0631\u0628\u0648\u0644", + "\u0633\u064a\u0627\u0633\u0629_\u0627\u0644\u0623\u0631\u0636_\u0627\u0644\u0645\u062d\u0631\u0648\u0642\u0629", + "\u062a\u0639\u0644\u064a\u0645_\u0627\u0628\u062a\u062f\u0627\u0626\u064a", + "\u0637\u0628\u0642\u0629_\u0623\u0631\u0633\u062a\u0648\u0642\u0631\u0627\u0637\u064a\u0629", + "\u0643\u0631\u064a\u0641\u064a_\u0631\u064a\u0647", + "\u0627\u0644\u0645\u062f\u0631\u0633\u0629_\u0627\u0644\u0627\u0628\u062a\u062f\u0627\u064a\u064a\u0629", + "\u062d\u062f\u064a\u0642\u0629_\u0646\u0628\u0627\u062a\u064a\u0629", + "\u0639\u0642\u0644\u0629_\u0627\u0644\u0627\u0635\u0628\u0639", + "\u0627\u0644\u0643\u0648\u0645\u064a\u0646\u062a\u0627\u0646\u063a", + "\u063a\u0631\u0627\u0646_\u0628\u0631\u064a", + "\u062d\u0632\u0628_\u0627\u0644\u064a\u0645\u064a\u0646" + ], + "RELIGION_MEMBER": [ + "\u0641\u0631\u0646\u0633\u064a\u0633\u0643\u0627\u0646\u064a\u0629", + "\u064a\u0633\u0648\u0639\u064a", + "\u0645\u0630\u0647\u0628_\u0627\u0644\u0633\u0646\u0629", + "\u0627\u0644\u0641\u0631\u0646\u0633\u064a\u0633\u0643\u0627\u0646", + "sunni" + ], + "PUBLIC_FIGURE": [ + "\u0637\u062d\u0627\u0646", + "\u0630\u0627\u062a_\u0627\u0644\u0631\u062f\u0627\u0621_\u0627\u0644\u0623\u062d\u0645\u0631", + "\u0644\u0648_\u0643\u0648\u0631\u0628\u0648\u0632\u064a\u064a\u0647", + "\u0644\u0648_\u062c\u064a\u0631\u062c", + "\u0622\u064a_\u0625\u0645_\u0628\u064a", + "\u0644\u0627_\u064a\u0646\u0637\u0628\u0642", + "\u0637\u062d\u0627\u0646\u0629", + "\u062f\u0648\u0646_\u0628\u0627\u062f\u062c", + "y", + "f", + "\u062f\u0648\u0646_\u0643\u064a\u0634\u0648\u062a", + "\u062f\u0648\u0646_\u0628\u0627\u062f\u0686", + "\u0645\u0627\u0631\u064a\u0627\u0646_\u0623\u0646\u062f\u0631\u0633\u0648\u0646", + "\u0625\u064a_\u0625\u064a_\u0643\u0627\u0645\u064a\u0646\u062c\u0632", + "\u0644\u064a_\u0647\u0627\u0631\u0641\u064a_\u0623\u0648\u0632\u0648\u0627\u0644\u062f", + "\u0623\u0631\u0646\u0648\u0644\u062f_\u0634\u0648\u064a\u0646\u0628\u064a\u0631\u062c", + "\u0643\u064a\u062a_\u0634\u0648\u0628\u0627\u0646", + "i", + "\u0628\u062d\u064a\u0631\u0629_\u062a\u0627\u0646\u0627", + "\u0635\u0639\u0648", + "\u0645\u0643\u0627\u0643_\u0630\u064a\u0644_\u0627\u0644\u062e\u0646\u0632\u064a\u0631_\u0627\u0644\u062c\u0646\u0648\u0628\u064a", + "\u0644\u0648\u064a_\u062c\u0648\u0632\u064a\u0641_\u063a\u064a_\u0644\u0648\u0633\u0627\u0643", + "1", + "\u0623\u0648_\u0647\u0646\u0631\u064a", + "\u0633\u0627\u0646\u062a_\u0645\u0627\u0631\u062a\u0646", + "\u0636\u0627\u0628\u0637_\u062a\u062d\u0642\u064a\u0642", + "\u062f\u0648\u0646_\u0643\u064a\u062e\u0648\u062a\u064a", + "g", + "\u0623\u0648", + "r", + "\u0627\u0644\u0642\u062f\u064a\u0633_\u0628\u0627\u062a\u0631\u064a\u0643", + "\u0644\u0648\u0644\u0627_\u0645\u0648\u0646\u062a\u064a\u0632", + "\u0645\u0648\u0646\u063a\u0648_\u0628\u0627\u0631\u0643", + "\u0627\u0646\u062f\u0631\u0633_\u0633\u0644\u0632\u064a\u0648\u0633", + "\u062a\u0627\u062a\u0634\u0631", + "\u0628\u064a_\u062a\u064a_\u0628\u0627\u0631\u0646\u0648\u0645", + "\u0632\u063a\u0628\u0629_\u0645\u0623\u0643\u0648\u0644\u0629", + "\u0639\u062b\u0645\u0627\u0646_\u0628\u0646_\u0623\u0631\u0637\u063a\u0631\u0644", + "\u0625\u064a\u0645\u0644\u064a\u0627\u0646\u0648_\u0632\u0627\u0628\u0627\u062a\u0627", + "\u0628\u064a\u0646_\u0647\u0648\u062c\u0627\u0646", + "\u0627\u0644\u0639\u064a\u062f\u0631", + "\u0644\u064a_\u0633\u062a\u0631\u0627\u0633\u0628\u0631\u063a", + "\u0625\u064a_\u0625\u0644_\u062f\u0648\u0643\u062a\u0648\u0631\u0648", + "\u0639\u062b\u0645\u0627\u0646_\u0627\u0644\u0627\u0648\u0644", + "\u0625\u0644\u0627_\u0641\u064a\u062a\u0632\u062c\u064a\u0631\u0627\u0644\u062f", + "\u0646\u0647\u0631_\u0633\u0627\u0646\u062a_\u0644\u0648\u0631\u0627\u0646\u0633", + "t" + ], + "LOCATION": [ + "\u0644\u0627_\u0645\u0634\u0643\u0644\u0629", + "\u0627\u0644\u062c\u064a\u0634_\u0627\u0644\u0623\u0645\u0631\u064a\u0643\u064a", + "\u0643\u0631\u064a\u0633\u062a\u0648\u0641\u0631_\u0643\u0648\u0644\u0648\u0645\u0628\u0648\u0633", + "\u0641\u064a_\u062d\u0627\u0644", + "\u0628\u0627\u0628\u0627_\u0646\u0648\u064a\u0644", + "\u0643\u0644_\u0627\u0644\u064a\u0648\u0645", + "\u0627\u0644\u062f\u0628_\u0627\u0644\u0627\u0643\u0628\u0631", + "\u0633\u0627\u0646\u062a_\u0641\u0646\u0633\u0646\u062a", + "\u062e\u0648\u0627\u0646\u063a\u062e\u064a", + "\u0639\u0644\u0649_\u0627\u0644\u0631\u062d\u0628_\u0648\u0627\u0644\u0633\u0639\u0629", + "\u0643\u0627\u064a\u0628_\u0647\u0648\u0631\u0646", + "\u0645\u0631\u064a\u0645_\u0627\u0644\u0645\u062c\u062f\u0644\u064a\u0629", + "\u0644\u0627_\u062a\u0648\u062c\u062f_\u0645\u0634\u0643\u0644\u0629", + "\u0645\u0639\u0647\u062f_\u0645\u0648\u0633\u064a\u0642\u0649", + "\u0643\u0644_\u0645\u0646_\u0647\u0628_\u0648\u062f\u0628", + "\u0641\u064a\u0644_\u0623\u0648\u0641_\u063a\u0644\u0627\u0645\u0648\u0631\u063a\u0627\u0646", + "\u0644\u0627_\u062f\u0627\u0639\u064a_\u0644\u0644\u0642\u0644\u0642", + "\u0645\u0631\u064a\u0645_\u0627\u0644\u0645\u062c\u062f\u0644\u064a\u0647", + "\u0645\u0646_\u0648\u0631\u0627\u0621_\u0627\u0644\u0633\u062a\u0627\u0631", + "\u0643\u0648\u0644\u0648\u0631\u0627\u062f\u0648", + "\u0645\u0627\u0621_\u0639\u0630\u0628", + "\u0623\u0645\u0631\u064a\u0643\u0648_\u0641\u0633\u0628\u0648\u062a\u0634\u064a", + "\u0647\u064a\u062a\u0648\u0631_\u0641\u064a\u0644\u0627_\u0644\u0648\u0628\u0648\u0633", + "\u0627\u0644\u0645\u0627\u0646\u0634", + "\u0627\u0644\u0642\u0648\u0627\u062a_\u0627\u0644\u0628\u0631\u064a\u0629_\u0644\u0644\u0648\u0644\u0627\u064a\u0627\u062a_\u0627\u0644\u0645\u062a\u062d\u062f\u0629", + "\u0644\u0627_\u0634\u0643\u0631_\u0639\u0644\u0649_\u0648\u0627\u062c\u0628", + "\u0645\u0633\u062a\u0634\u0641\u0649_\u0627\u0644\u0623\u0645\u0631\u0627\u0636_\u0627\u0644\u0646\u0641\u0633\u064a\u0629", + "\u0642\u0646\u0627\u0629_\u0627\u0644\u062c\u0632\u064a\u0631\u0629_\u0627\u0644\u0641\u0636\u0627\u064a\u064a\u0629", + "\u0645\u0631\u0643\u0632_\u0627\u0644\u0645\u062f\u064a\u0646\u0629", + "\u062c\u0628\u0644_\u0627\u0644\u0643\u0631\u0645\u0644", + "\u0627\u0644\u0646\u0647\u0631_\u0627\u0644\u0623\u0635\u0641\u0631", + "\u0627\u0644\u0646\u0647\u0631_\u0627\u0644\u0627\u0635\u0641\u0631", + "\u0628\u064a\u062a_\u0645\u0648\u0646\u062f\u0631\u064a\u0627\u0646", + "\u0633\u0627\u0646\u062a_\u0647\u064a\u0644\u064a\u0646\u0627", + "\u0627\u0644\u062c\u0632\u064a\u0631\u0629", + "\u0633\u0644\u0627\u062d_\u0627\u0644\u062c\u0648", + "\u0627\u0644\u062c\u0645\u0627\u0644_\u0627\u0644\u0646\u0627\u0626\u0645" + ], + "PRODUCT": [ + "\u0627\u0645\u0631\u0623\u062a\u0627\u0646", + "\u0627\u0644\u0631\u0648\u062d_\u0627\u0644\u0642\u062f\u0633", + "\u0628\u0631\u0643\u0627\u0646_\u0633\u0627\u0646\u062a_\u0647\u064a\u0644\u064a\u0646", + "\u062f\u0645\u0639_\u0623\u064a\u0648\u0628", + "\u0643\u0644_\u0634\u064a\u0621_\u062c\u064a\u062f_\u0627\u0630\u0627_\u064a\u0646\u062a\u0647_\u0628\u062e\u064a\u0631", + "\u0633\u0627\u0643\u0633\u0648\u0646\u064a\u0627_\u0623\u0646\u0647\u0627\u0644\u062a", + "\u0628\u0648\u0643\u0633\u064a\u0646\u062c_\u062f\u0627\u064a", + "\u0627\u0644\u0645\u0645\u0627\u0644\u0643_\u0627\u0644\u062b\u0644\u0627\u062b", + "\u062e\u0646\u0632\u064a\u0631_\u063a\u064a\u0646\u064a\u0627", + "\u0634\u0642\u064a\u0642\u0627\u0646", + "\u0627\u0644\u0645\u0642\u062f\u0633\u0629_\u0645\u0631\u064a\u0645", + "\u062f\u0627\u0648\u062f\u064a\u062c\u0646\u063a", + "\u064a\u0648\u0645_\u0627\u0644\u0635\u0646\u0627\u062f\u064a\u0642", + "\u0643\u0627\u0628\u064a\u0627\u0621_\u062e\u0646\u0632\u064a\u0631\u064a\u0629", + "\u0627\u0644\u0644\u064a\u0644\u0629_\u0627\u0644\u062b\u0627\u0646\u064a\u0629_\u0639\u0634\u0631\u0629_\u0623\u0648_\u0643\u0645\u0627_\u062a\u0634\u0627\u0621", + "\u0641\u0627\u0631_\u062c\u0628\u0644\u064a", + "\u0644\u0627_\u062f\u0648\u0644\u0634\u064a_\u0641\u064a\u062a\u0627", + "\u0643\u0644_\u0634\u064a\u0621_\u062c\u064a\u062f_\u0627\u0630\u0627_\u0627\u0646\u062a\u0647\u0649_\u0628\u062e\u064a\u0631", + "\u0627\u0644\u0641\u0635\u0648\u0644_\u0627\u0644\u0623\u0631\u0628\u0639\u0629" + ], + "ANIMAL": [ + "\u0630\u0627\u062a_\u0627\u0644\u0627\u0644\u0641_\u0642\u062f\u0645", + "\u0627\u0644\u0645\u062e\u0648\u0636", + "\u0628\u0627\u0634\u0642", + "\u0646\u0633\u0648\u0627\u0646\u062c\u064a", + "\u0641\u064a\u0631\u0648\u0633_\u062d\u064a\u0648\u0627\u0646\u064a", + "\u0641\u064a\u0631\u0648\u0633_\u0627\u0644\u062d\u0644\u0623_\u0627\u0644\u0628\u0633\u064a\u0637", + "\u0630\u0648_\u062d\u0648\u0627\u0641\u0631_\u0645\u0646_\u0645\u0632\u062f\u0648\u062c\u0627\u062a_\u0627\u0644\u0623\u0635\u0627\u0628\u0639", + "\u0648\u0635\u0639", + "\u0630\u0648_\u062d\u0648\u0627\u0641\u0631", + "\u062e\u064a\u0632\u0631\u0627\u0646\u0629", + "\u0641\u064a\u0631\u0648\u0633_\u0627\u064a\u0628\u0648\u0644\u0627", + "\u0641\u064a\u0631\u0648\u0633_\u062a\u0628\u0631\u0642\u0634_\u0627\u0644\u062a\u0628\u063a", + "\u0630\u0648_\u062d\u0648\u0627\u0641\u0631_\u0645\u0632\u062f\u0648\u062c_\u0627\u0644\u0623\u0635\u0627\u0628\u0639", + "\u062c\u0646\u0633_\u0627\u0644\u0628\u0631\u0645\u0627\u0626\u064a\u0627\u062a", + "\u0641\u064a\u0631\u0648\u0633_\u0625\u0628\u0634\u062a\u0627\u064a\u0646_\u0628\u0627\u0631" + ], + "FAC": [ + "\u0645\u0624\u0633\u0633\u0629_\u062a\u0639\u0644\u064a\u0645\u064a\u0629", + "\u0628\u0637\u0631\u0633_\u0627\u0644\u0627\u0648\u0644", + "\u062c\u0645\u0631\u0643", + "\u0625\u062f\u0627\u0631\u0629_\u0627\u0644\u0628\u0631\u064a\u062f_\u0627\u0644\u0645\u062d\u0644\u064a\u0629", + "\u0628\u0637\u0631\u0633_\u0627\u0644\u0623\u0643\u0628\u0631", + "\u0633\u0627\u0646\u062a_\u0644\u0648\u0633\u064a\u0627", + "\u0627\u0644\u0643\u0646\u064a\u0633\u0629_\u0627\u0644\u0643\u0627\u062b\u0648\u0644\u064a\u0643\u064a\u0629", + "\u0647\u0630\u0647_\u0627\u0644\u0644\u064a\u0644\u0629", + "\u0645\u0631\u0643\u0632_\u062a\u0633\u0648\u0642", + "\u064a\u0648\u0633\u0641_\u0627\u0644\u0646\u062c\u0627\u0631", + "\u0645\u0643\u062a\u0628_\u0628\u0631\u064a\u062f" + ], + "DATE": [ + "\u0628\u0639\u062f_\u063a\u062f", + "\u0639\u0635\u0631_\u062f\u0647\u0628\u0649", + "\u0641\u064a_\u0627\u0644\u0648\u0642\u062a_\u0627\u0644\u0645\u062d\u062f\u062f", + "\u0647\u0646\u0627\u0643_\u0628\u0639\u064a\u062f", + "\u0641\u064a_\u0646\u0647\u0627\u064a\u0629_\u0627\u0644\u0645\u0637\u0627\u0641", + "\u0627\u0646\u062a\u0642\u0627\u0644_\u0627\u0644\u0639\u0630\u0631\u0627\u0621", + "\u0645\u062d\u0627\u0642", + "\u0627\u062e\u0631_\u0644\u062d\u0638\u0629_\u0627\u0644\u0644\u062d\u0638\u0629_\u0627\u0644\u0627\u062e\u064a\u0631\u0629", + "\u0639\u0635\u0631_\u0630\u0647\u0628\u064a", + "\u0628\u0639\u062f_\u0631\u0627\u0628\u0639" + ], + "LANGUAGE": [ + "\u0627\u0644\u0643\u0627\u0646\u0627\u062f\u0627", + "\u0628\u0631\u0648\u0641\u0646\u0633\u0627\u0644\u064a\u0629", + "\u0627\u0633\u067e\u0631\u0627\u0646\u062a\u0648", + "\u0641\u0631\u0646\u0633\u0627\u0648\u064a\u0629", + "\u0625\u0646\u062c\u0644\u064a\u0632\u064a", + "\u0633\u0645\u064a\u062b", + "arabic", + "\u0627\u0644\u0644\u0627\u062a\u064a\u0646\u064a\u0629", + "\u0628\u064a\u0644\u0627\u0631\u0648\u0633\u064a", + "\u062c\u0648\u0631\u062c\u064a\u0629", + "\u0646\u0648\u0631\u0648", + "\u0643\u064a\u0634\u0648\u0627" + ], + "SOC_ECO_CLASS": [ + "\u0627\u0644\u0628\u0631\u062c\u0648\u0627\u0632\u064a\u0629", + "\u0637\u0628\u0642\u0629_\u0645\u062a\u0648\u0633\u0637\u0629", + "\u0627\u0644\u0637\u0628\u0642\u0629_\u0627\u0644\u0645\u062a\u0648\u0633\u0637\u0629", + "\u0627\u0642\u062a\u0635\u0627\u062f_\u062a\u062d\u062a\u064a", + "\u0627\u0644\u0637\u0628\u0642\u0629_\u0627\u0644\u0639\u0627\u0645\u0644\u0629" + ], + "DISEASE": [ + "\u0625\u0646_\u0625\u064a_\u0633\u064a", + "\u0623\u0645_\u0627\u0644\u062f\u0645", + "\u0641\u064a\u0645", + "\u0630\u0627\u062a_\u0627\u0644\u0631\u064a\u0629", + "\u0630\u0627\u062a_\u0627\u0644\u0631\u0626\u0629_\u0627\u0644\u0642\u0635\u0628\u064a", + "\u0630\u0627_\u0633\u0648\u0641\u0631\u064a\u0646\u063a", + "\u0643\u0648\u0644\u064a\u0631\u0627", + "\u0645\u0627\u0644\u064a\u062e\u0648\u0644\u064a\u0627", + "\u0641\u064a\u0631\u0648\u0633_\u063a\u0631\u0628_\u0627\u0644\u0646\u064a\u0644", + "\u0645\u0631\u0636_\u0641\u064a\u0631\u0648\u0633_\u0625\u064a\u0628\u0648\u0644\u0627", + "\u0630\u0627\u062a_\u0627\u0644\u0631\u0626\u0629_\u0627\u0644\u0634\u0641\u0637\u064a", + "\u0623\u0645_\u0627\u0644\u062f\u0645_\u0627\u0644\u0623\u0628\u0647\u0631\u064a\u0629", + "\u062c\u0627\u0631\u0648\u0633\u064a\u0629", + "\u0641\u064a\u0631\u0648\u0633_\u0646\u0637\u0627\u0642\u064a_\u062d\u0645\u0627\u0642\u064a", + "\u0630\u0627\u062a_\u0627\u0644\u0631\u0626\u0629", + "\u0643\u0633\u062a\u0646\u0627\u0621", + "\u0645\u0624\u0633\u0633" + ], + "JOB": [ + "\u0630\u064a_\u0625\u064a\u0643\u0648\u0646\u0648\u0645\u064a\u0633\u062a", + "\u0627\u0644\u0645\u0631\u0628\u064a\u0629", + "\u0630\u0627_\u0625\u0646\u062a\u0631\u0628\u0631\u064a\u062a\u0631", + "\u0630\u064a_\u0625\u0646\u062f\u0628\u0646\u062f\u0646\u062a", + "\u0627\u0644\u0639\u0648\u0627\u0645\u0627\u062a", + "\u0627\u0644\u0646\u0627\u0634\u0631", + "\u0627\u0644\u0645\u0648\u0632\u0639", + "\u0633\u0643\u062a\u0629", + "\u0627\u0644\u0633\u0627\u0639\u064a", + "\u0627\u0644\u0623\u0633\u062a\u0627\u0630", + "\u0643\u0627\u0631\u062a\u0631", + "\u0639\u0648\u0627\u0626\u0645_\u0627\u0644\u0639\u064a\u0646" + ], + "PERSON_PRONOUN": [ + "i", + "\u0644\u0647", + "\u0644\u0646\u0627", + "\u0643\u0645\u0627", + "\u0646\u062d\u0646", + "\u0627\u0646\u062a\u0645" + ], + "RACE": [ + "\u0623\u0645\u0631\u064a\u0643\u064a\u0648\u0646", + "\u0625\u064a\u0631\u0644\u0646\u062f\u064a\u0648\u0646" + ], + "QUANTITY": [ + "\u0623\u0646\u062f\u0631\u0633_\u0633\u0644\u0632\u064a\u0648\u0633", + "g" + ], + "FOOD": [ + "\u0633\u0644\u0637\u0629_\u0641\u0648\u0627\u0643\u0647" + ], + "POLITICAL_PARTY": [ + "\u062d\u0632\u0628_\u0627\u0644\u0639\u0645\u0627\u0644_\u0627\u0644\u0628\u0631\u064a\u0637\u0627\u0646\u0649", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u062c\u0645\u0647\u0648\u0631\u064a_\u0627\u0644\u062f\u064a\u0645\u0642\u0631\u0627\u0637\u064a", + "\u062d\u0632\u0628_\u0627\u0644\u0639\u0645\u0627\u0644_\u0627\u0644\u0646\u0631\u0648\u064a\u062c\u064a", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u062f\u064a\u0645\u0642\u0631\u0627\u0637\u064a_\u0627\u0644\u0635\u0631\u0628\u064a", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u0646\u0627\u0632\u0649", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u0634\u064a\u0648\u0639\u064a", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u0646\u0627\u0632\u064a", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u0648\u0637\u0646\u064a", + "\u0627\u0644\u062d\u0632\u0628_\u0627\u0644\u062f\u064a\u0645\u0648\u0642\u0631\u0627\u0637\u0649_\u0641\u0649_\u0627\u0645\u0631\u064a\u0643\u0627", + "\u062d\u0632\u0628_\u0627\u0644\u0628\u064a\u0626\u0629_\u0627\u0644\u062e\u0636\u0631", + "\u062d\u0632\u0628_\u0634\u064a\u0648\u0639\u064a", + "\u062d\u0632\u0628_\u0633\u064a\u0627\u0633\u0649", + "\u062d\u0632\u0628_\u0627\u0644\u0639\u0645\u0627\u0644_\u0627\u0644\u0623\u0633\u062a\u0631\u0627\u0644\u064a", + "\u062d\u0632\u0628_\u0627\u0644\u0634\u0639\u0628", + "\u062d\u0632\u0628_\u0627\u0644\u0639\u0645\u0627\u0644_\u0627\u0644\u0628\u0631\u064a\u0637\u0627\u0646\u064a" + ], + "PLANT": [ + "\u062c\u0646\u0633_\u0644\u0641\u0637\u0631\u064a\u0627\u062a", + "\u0644\u0641\u062d\u0629_\u0645\u062a\u0623\u062e\u0631\u0629", + "\u0641\u0631\u0646\u0627\u0646", + "\u0627\u0644\u064a\u0648\u0633\u0641\u064a", + "\u0628\u0648\u0644\u064a\u0637_\u0645\u0623\u0643\u0648\u0644", + "\u0627\u0644\u0643\u0627\u062f\u064a", + "\u062a\u064a\u0646_\u0645\u0631\u0646", + "\u062a\u064a\u0646_\u0634\u0627\u0626\u0639", + "\u0634\u062c\u0631\u0629_\u0639\u064a\u062f_\u0627\u0644\u0645\u064a\u0644\u0627\u062f", + "\u0634\u062c\u0631\u0629_\u0627\u0644\u0645\u064a\u0644\u0627\u062f" + ], + "EVENT": [ + "\u0647\u0630\u0647_\u0647\u064a_\u0627\u0644\u062d\u064a\u0627\u0629" + ], + "PERSON": [ + "\u0644\u0627_\u0648\u0644\u0627", + "\u0647\u064a\u0641\u064a\u0627_\u0628\u0631\u0627\u0632\u064a\u0644\u064a\u0629", + "\u0636\u0648\u0631\u064a_\u0645\u0630\u0647\u0628" + ], + "LAW": [ + "\u0645\u0643\u062a\u0628_\u0627\u0644\u062a\u062d\u0642\u064a\u0642\u0627\u062a_\u0627\u0644\u0641\u062f\u0631\u0627\u0644\u064a", + "\u0642\u0627\u0646\u0648\u0646_\u0631\u0648\u0645\u0627\u0646\u064a", + "\u0645\u0643\u062a\u0628_\u0627\u0644\u062a\u062d\u0642\u064a\u0642\u0627\u062a_\u0627\u0644\u0641\u064a\u062f\u0631\u0627\u0644\u064a" + ], + "RELIGION": [ + "\u0641\u0627\u064a\u0634\u0646\u0627\u0641\u064a\u0629", + "\u0634\u0646\u062a\u0648" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u0623\u0644\u064a\u0646", + "\u062f\u0639\u0627\u0621", + "\u0647\u062f\u0649", + "\u0632\u0647\u0631\u0629", + "\u0628\u0634\u0631\u064a", + "\u0631\u064a\u0645", + "\u0623\u062d\u0644\u0627\u0645", + "\u0623\u0641\u0631\u0627\u062d", + "\u0647\u0627\u062c\u0631", + "\u0646\u0648\u0641", + "\u0645\u064a\u0644\u0627\u0621", + "\u062f\u0627\u0646\u0629", + "\u064a\u0627\u0633\u0645\u064a\u0646", + "\u062c\u064a\u0644\u0627\u0646", + "\u0628\u062f\u0631\u0627\u0644\u062f\u0651\u062c\u0649", + "\u062c\u0648\u062f\u064a", + "\u062a\u0627\u0644\u064a\u0627", + "\u0623\u0641\u0646\u0627\u0646", + "\u0648\u0641\u0627\u0621", + "\u0628\u0647\u062c\u0629", + "\u062c\u0647\u0631\u0627\u0621", + "\u0644\u064a\u0646\u0627", + "\u0627\u0633\u0645\u0627\u0621\u0628\u0646\u0627\u062a\u0645\u062e\u062a\u0644\u0641\u0629\u0648\u0645\u0639\u0627\u0646\u064a\u0647\u0627:", + "\u0631\u0648\u0627\u0621", + "\u062c\u0648\u0627\u0646\u0627", + "\u062c\u0648\u0627\u0647\u0631", + "\u0623\u0633\u064a\u0644", + "\u0627\u0641\u062a\u0643\u0627\u0631", + "\u0627\u0628\u062a\u0633\u0627\u0645", + "\u0646\u0648\u0631\u0647", + "\u0631\u064a\u0641\u0627\u0644", + "\u0641\u0631\u0627\u062a", + "\u0641\u062f\u0627\u0621", + "\u0645\u064a\u0631\u0627", + "\u0646\u063a\u0645", + "\u0631\u064a\u0641", + "\u0628\u0644\u0642\u064a\u0633", + "\u062a\u0648\u0644\u064a\u0646", + "\u0628\u0646\u0641\u0633\u062c", + "\u0622\u064a\u0627\u062a", + "\u0623\u062d\u0645\u062f", + "\u062d\u064a\u0627\u0629", + "\u0636\u062d\u0649", + "\u0633\u0644\u0627\u0641", + "\u0632\u0643\u064a\u0629", + "\u062c\u0648\u0644\u064a\u0627", + "\u0646\u0648\u0627\u0644", + "\u062c\u0644\u0646\u0627\u0631", + "\u0644\u064a\u0633\u0627\u0621", + "\u0644\u0648\u062c\u064a\u0646", + "\u062c\u0645\u0627\u0646", + "\u0646\u0627\u0631\u062f\u064a\u0646", + "\u0633\u062c\u0649", + "\u0627\u0639\u062a\u0643\u0627\u0641", + "\u0628\u062a\u0648\u0644", + "\u0643\u0627\u0645\u0644\u0629", + "\u0645\u064a\u0627\u0631", + "\u0645\u064a\u0631\u0627\u0644", + "\u062c\u0648\u064a\u0646", + "\u0647\u0627\u064a\u062f\u064a", + "\u0627\u0628\u062a\u0647\u0627\u0644", + "\u0628\u0627\u0631\u0639\u0629", + "\u0645\u0627\u0630\u0649", + "\u0648\u0635\u0627\u0641", + "\u0631\u0648\u0639\u0629", + "\u0647\u0646\u062f", + "\u0627\u0635\u064a\u0644", + "\u0623\u0646\u0627\u0647\u064a\u062f", + "\u0644\u0648\u0631\u0627", + "\u0645\u0627\u062f\u0644\u064a\u0646", + "\u0631\u0628\u0649", + "\u062a\u0631\u0627\u0646\u064a\u0645", + "\u062d\u0644\u0627", + "\u0623\u0633\u0631\u0627\u0631", + "\u0647\u0646\u0627\u062f\u064a", + "\u064a\u0633\u0631\u0649", + "\u0628\u0646\u0627\u0646", + "\u0644\u064a\u0627\u0646", + "\u062c\u0648\u062f", + "\u0627\u0628\u062a\u0643\u0627\u0631", + "\u062f\u0627\u0646\u064a\u0629", + "\u0631\u064a\u0645\u0627", + "\u0628\u0627\u0633\u0645\u0629", + "\u0631\u064a\u062a\u0627\u062c", + "\u0644\u0627\u0631\u0627", + "\u0628\u0648\u0631\u0627\u0646", + "\u0639\u0627\u0644\u064a\u0629", + "\u0646\u0627\u0647\u062f", + "\u0645\u064a\u0633\u0648\u0646", + "\u0628\u0644\u0645\u0627\u0621", + "\u0631\u0648\u0628\u064a\u0646", + "\u062f\u064a\u0645\u0647", + "\u0644\u0648\u0631\u064a\u0646", + "\u0633\u0628\u0623", + "\u0627\u0639\u062a\u0645\u0627\u062f", + "\u062c\u0627\u0644\u0627", + "\u0645\u0631\u064a\u0645", + "\u0643\u0631\u0645\u0629", + "\u0623\u0631\u0648\u0649", + "\u0631\u064a\u0627\u0646", + "\u0628\u0627\u0647\u0631\u0629", + "\u0647\u0646\u0627\u0621", + "\u0628\u0644\u0646\u062f", + "\u063a\u0648\u0649", + "\u0628\u062b\u064a\u0646\u0629", + "\u0645\u0627\u064a\u0627", + "\u0628\u0647\u0627\u0628\u0647\u0627\u0621", + "\u0648\u0633\u062c\u0627\u064a\u0627", + "\u064a\u0627\u0631\u0627", + "\u062a\u0645\u0627\u0645", + "\u0643\u0648\u062b\u0631", + "\u0623\u063a\u0627\u0631\u064a\u062f", + "\u0628\u0647\u064a\u0629", + "\u0644\u062a\u064a\u0646", + "\u0633\u062f\u064a\u0645", + "\u0647\u064a\u0627\u0645", + "\u0636\u064a\u0627\u0621", + "\u0644\u064a\u0645", + "\u062f\u0627\u0631\u064a\u0646", + "\u0628\u0634\u0631\u0649", + "\u0623\u0632\u0647\u0627\u0631", + "\u062c\u0645\u064a\u0644\u0629", + "\u0644\u0648\u0644\u064a\u0627", + "\u062c\u0648\u0627\u0646", + "\u0628\u062a\u0644\u0627\u0621", + "\u0644\u0627\u0645\u0627", + "\u0639\u062a\u0627\u0628", + "\u0631\u0627\u0645\u0627", + "\u0628\u064a\u0633\u0627\u0646", + "\u0625\u0628\u0627\u0621", + "\u0627\u064a\u0645\u0627\u0646", + "\u0627\u0628\u062a\u0647\u0627\u062c", + "\u0631\u064a\u062a\u0627\u0644", + "\u0631\u0648\u0641\u064a\u062f\u0627", + "\u0646\u0627\u062f\u064a\u0647", + "\u0623\u062c\u0648\u0627\u0646", + "\u0628\u0644\u0633\u0645", + "\u0646\u0634\u0648\u0629", + "\u062c\u0646\u0649", + "\u0647\u064a\u0627", + "\u062c\u0648\u0631\u064a\u0651\u0629", + "\u0622\u0644\u0627\u0621", + "\u062a\u0631\u0641", + "\u0645\u062d\u0645\u062f", + "\u0641\u0631\u062f\u0648\u0633", + "\u0633\u0644\u0633\u0628\u064a\u0644", + "\u0634\u0627\u062f\u0646", + "\u0623\u0631\u064a\u062c", + "\u0625\u062e\u0644\u0627\u0635", + "\u062e\u0627\u0634\u0639\u0629", + "\u0631\u064a\u0645\u0627\u0646", + "\u0625\u0644\u064a\u0646\u0627", + "\u0631\u064a\u0646\u0627\u062f", + "\u0634\u0647\u062f", + "\u062a\u0627\u0644\u0627", + "\u0628\u064a\u0644\u0633\u0627\u0646", + "\u063a\u064a\u062f\u0627\u0621" + ], + "FIRST_NAME_MALE": [ + "\u0631\u0627\u0626\u062f", + "\u0639\u062a\u064a\u062f", + "\u0635\u062f\u0651\u0627\u062d", + "\u0645\u0634\u0631\u0642", + "\u062e\u0627\u0641\u0642", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u062d\u064a\u064a", + "\u062d\u064a\u0651\u0627\u0646", + "\u0646\u0645\u0631", + "\u0648\u0635\u0641\u064a", + "\u0633\u0645\u0648\u062d", + "\u0637\u0647", + "\u0645\u0623\u0645\u0648\u0646", + "\u0646\u0648\u062d", + "\u0644\u0637\u0648\u0641", + "\u0645\u062e\u062a\u0627\u0631", + "\u0637\u0627\u0645\u062d", + "\u0639\u0628\u062f\u0627\u0644\u0644\u0647", + "\u0645\u0646\u064a\u0639", + "\u0645\u0647\u062f\u064a", + "\u0646\u0636\u0627\u0644", + "\u0639\u0645\u0631", + "\u0632\u063a\u0644\u0648\u0644", + "\u0645\u0631\u0634\u062f", + "\u0645\u062d\u0641\u0648\u0638", + "\u0647\u0627\u0646\u064a", + "\u0634\u0647\u0645", + "\u0645\u0624\u0645\u0646", + "\u0645\u0624\u0646\u0633", + "\u062a\u0642\u064a", + "\u0646\u0627\u0635\u064a\u0641", + "\u0646\u062f\u064a\u0645", + "\u0648\u0633\u064a\u0645", + "\u0633\u0627\u0626\u062f", + "\u0637\u0631\u064a\u0641", + "\u0639\u0628\u062f\u0627\u0644\u0631\u0651\u062d\u0645\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u062d\u064a\u0645", + "\u0631\u0627\u0633\u0645", + "\u0639\u0644\u0651\u0627\u0645", + "\u0633\u0627\u0637\u0639", + "\u062d\u0646\u0641\u064a", + "\u0634\u062f\u0651\u0627\u062f", + "\u0641\u0643\u0631\u064a", + "\u0646\u0627\u062f\u064a", + "\u062c\u0639\u0641\u0631", + "\u0645\u0639\u0645\u0651\u0631", + "\u0639\u0632\u0651\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0639\u0645\u0627\u062f", + "\u0639\u0632\u0627\u0632", + "\u0641\u0627\u062e\u0631", + "\u0634\u0627\u0643\u0631", + "\u062d\u0633\u0627\u0645", + "\u0632\u0628\u064a\u0631", + "\u062c\u0631\u064a\u0631", + "\u0633\u0646\u0627\u0645", + "\u0632\u0647\u0631\u0627\u0646", + "\u062d\u0627\u0632\u0645", + "\u0641\u062e\u0631", + "\u0643\u0631\u064a\u0645", + "\u0635\u062f\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0646\u0648\u0631\u0627\u0644\u062d\u0642\u0651", + "\u0642\u0627\u0646\u062a", + "\u0646\u0638\u0645\u064a", + "\u0635\u0628\u0648\u0631", + "\u0644\u064a\u062b", + "\u0642\u062d\u0637\u0627\u0646", + "\u0645\u064f\u062a\u0648\u0643\u0651\u0644", + "\u0639\u0628\u062f_\u0627\u0644\u063a\u0641\u0648\u0631", + "\u0641\u0631\u0627\u0633", + "\u0634\u0648\u0642\u064a", + "\u0631\u0641\u064a\u0642", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0644\u064a\u0645", + "\u062e\u0644\u0641", + "\u0636\u0627\u062d\u0643", + "\u063a\u0627\u0644\u064a", + "\u0645\u0631\u0648\u0627\u0646", + "\u064a\u0639\u0631\u0628", + "\u0646\u062c\u062f\u062a", + "\u0641\u062e\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0635\u0639\u0628", + "\u0646\u0628\u064a\u0647", + "\u0648\u0641\u064a\u0642", + "\u0637\u0627\u0647\u0631", + "\u0648\u0627\u0626\u0644", + "\u062f\u0627\u0647\u064a", + "\u0646\u062c\u0648\u0627\u0646", + "\u0633\u0627\u062c\u062f", + "\u0639\u0632\u0651\u062a", + "\u0645\u062c\u062f", + "\u0646\u0627\u0626\u0644", + "\u0631\u0648\u062d\u064a", + "\u0636\u064a\u0627\u0626\u064a", + "\u0645\u062d\u0633\u0646", + "\u0646\u0648\u0631\u064a", + "\u0639\u0645\u0631\u0648", + "\u0631\u0627\u062c\u062d", + "\u0646\u0627\u0641\u0639", + "\u0631\u062e\u0627\u0621", + "\u0633\u0645\u064a\u0631", + "\u0639\u062a\u064a\u0642", + "\u063a\u0632\u064a\u0631", + "\u0634\u0627\u0637\u0631", + "\u0641\u0627\u0636\u0644", + "\u0636\u064a\u0627\u0621", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u062c\u064a\u062f", + "\u062c\u0645\u0627\u0644", + "\u0635\u0627\u0631\u0645", + "\u062a\u062d\u0633\u064a\u0646", + "\u0632\u0627\u062e\u0631", + "\u0648\u0644\u064a\u0641", + "\u0646\u0630\u064a\u0631", + "\u0634\u0641\u064a\u0639", + "\u0642\u0637\u0628", + "\u0643\u0646\u0627\u0646", + "\u0648\u0633\u0627\u0645", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u0644\u0643", + "\u0644\u0628\u064a\u0628", + "\u0645\u062d\u062c\u0648\u0628", + "\u062b\u0627\u0626\u0631", + "\u0643\u0645\u0627\u0644", + "\u0642\u0646\u0648\u0639", + "\u0631\u0636\u0648\u0627\u0646", + "\u0631\u0627\u0632\u064a", + "\u0634\u0643\u064a\u0628", + "\u0645\u0631\u0639\u064a", + "\u0631\u0627\u0648\u064a", + "\u0631\u0634\u064a\u062f", + "\u0646\u0628\u064a\u0644", + "\u0634\u0647\u064a\u0631", + "\u062d\u0643\u064a\u0645", + "\u0648\u0627\u0635\u0644", + "\u0646\u0635\u0648\u0631", + "\u0631\u0628\u0627\u062d", + "\u062f\u0627\u0646\u064a", + "\u0639\u0628\u0651\u0627\u0633", + "\u062c\u0645\u064a\u0644", + "\u0639\u0628\u062f_\u0627\u0644\u0635\u0651\u0645\u062f", + "\u062d\u064a\u062f\u0631", + "\u0639\u0627\u0645\u0631", + "\u0639\u0631\u0628\u064a", + "\u0645\u064f\u0631\u0633\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u062c\u0644\u064a\u0644", + "\u0633\u0627\u0645\u062d", + "\u062f\u0624\u0648\u0628", + "\u0631\u0627\u0645\u0632", + "\u0637\u0644\u0639\u062a", + "\u0646\u0627\u0641\u0630", + "\u0639\u0628\u062f_\u0627\u0644\u062a\u0651\u0648\u0627\u0628", + "\u0635\u0627\u0645\u062f", + "\u0632\u064a\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0642\u0647\u0651\u0627\u0631", + "\u0639\u0628\u062f_\u0627\u0644\u063a\u0646\u064a", + "\u0647\u0644\u0627\u0644\u064a", + "\u0645\u064e\u062c\u062f\u064a", + "\u0636\u064a\u0627\u0621\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0631\u0633\u0627\u0644", + "\u0639\u0627\u062a\u0628", + "\u0635\u062e\u0631", + "\u0639\u0631\u0641\u0627\u062a", + "\u0635\u0628\u0631\u064a", + "\u0633\u0627\u0647\u062f", + "\u062c\u0644\u0627\u0621", + "\u0633\u0644\u064a\u0645", + "\u0639\u062f\u0646\u0627\u0646", + "\u0645\u064a\u0645\u0648\u0646", + "\u0645\u062d\u064a\u064a\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0638\u0627\u0641\u0631", + "\u0645\u0639\u0632\u0651", + "\u062d\u0633\u0646\u064a\u0646", + "\u0631\u0628\u064a\u0639", + "\u064a\u0627\u0642\u0648\u062a", + "\u062d\u0633\u064a\u0646", + "\u0645\u0647\u064a\u0628", + "\u0634\u0639\u0644\u0627\u0646", + "\u0646\u0634\u0648\u0627\u0646", + "\u0645\u0642\u062f\u0627\u062f", + "\u0633\u0639\u0648\u062f", + "\u062b\u0631\u0648\u062a", + "\u0639\u0627\u0631\u0641", + "\u062c\u0644\u0627\u0644_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0631\u0633\u0645\u064a", + "\u0633\u0641\u064a\u0627\u0646", + "\u0639\u0642\u064a\u0644", + "\u0631\u0636\u064a", + "\u0633\u0631\u0627\u062c_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0633\u0651\u0645\u064a\u0639", + "\u062a\u0645\u0651\u0627\u0645", + "\u0636\u062d\u0651\u0627\u0643", + "\u0633\u0631\u0648\u0631", + "\u0632\u0627\u0647\u0631", + "\u0644\u0637\u0641\u064a", + "\u0633\u0627\u0647\u0631", + "\u0631\u0627\u0641\u0639", + "\u0631\u0627\u0628\u062d", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0641\u064a\u0638", + "\u062a\u0627\u062c_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0646\u0628\u0647\u0627\u0646", + "\u062c\u0627\u062f", + "\u0645\u0631\u062a\u0642\u064a", + "\u0645\u0643\u0631\u0651\u0645", + "\u0637\u064a\u0651\u0639", + "\u0645\u0631\u0627\u062f", + "\u0646\u0627\u062c\u062d", + "\u0634\u0647\u0628", + "\u0645\u064a\u0627\u0633", + "\u0648\u062c\u064a\u0647", + "\u062f\u0627\u0648\u0648\u062f", + "\u062b\u0627\u0642\u0628", + "\u0642\u0627\u0633\u0645", + "\u0637\u0627\u0644\u0628", + "\u0633\u0647\u064a\u0644", + "\u064a\u0633\u0631\u064a", + "\u064a\u0645\u0627\u0645", + "\u0631\u0627\u063a\u0628", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u0632\u0627\u0642", + "\u0645\u0648\u0633\u0649", + "\u0634\u064a\u0651\u0642", + "\u0635\u0646\u062f\u064a\u062f", + "\u0637\u0645\u0648\u062d", + "\u0643\u0627\u0645\u0644", + "\u0646\u0633\u064a\u0628", + "\u0643\u0627\u0641\u0648\u0631", + "\u0645\u062d\u0645\u0651\u062f", + "\u0643\u0628\u064a\u0631", + "\u0631\u0633\u062a\u0645", + "\u062c\u062f\u064a\u0631", + "\u0631\u064a\u0651\u0627\u0646", + "\u064a\u0642\u064a\u0646", + "\u0635\u062f\u0642\u064a", + "\u0643\u0646\u0639\u0627\u0646", + "\u0631\u0627\u0645\u064a", + "\u062d\u0633\u0646\u064a", + "\u062f\u0647\u0645\u0627\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u0624\u0648\u0641", + "\u0645\u0634\u0631\u0641", + "\u0639\u0644\u064a", + "\u0639\u0645\u0651\u0627\u0631", + "\u0645\u0639\u0646", + "\u0630\u064a\u0628", + "\u062c\u0631\u0651\u0627\u062d", + "\u0645\u0641\u064a\u062f", + "\u0635\u0627\u062f\u0642", + "\u0638\u0627\u0639\u0646", + "\u0638\u0627\u0647\u0631", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u0648\u0644\u0649", + "\u0639\u0628\u062f_\u0627\u0644\u062c\u0628\u0651\u0627\u0631", + "\u062a\u0627\u062c", + "\u0631\u0627\u0645\u062d", + "\u064a\u0633\u0627\u0631", + "\u0647\u0627\u064a\u0644", + "\u062c\u0627\u0628\u0631", + "\u0632\u0627\u064a\u062f", + "\u062c\u0645\u0627\u0644_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0641\u062a\u062d\u064a", + "\u062a\u0642\u064a\u0651_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0639\u0644\u0645_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u063a\u0627\u0632\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u0639\u0632\u064a\u0632", + "\u0645\u0638\u0647\u0631", + "\u0645\u0646\u0635\u0648\u0631", + "\u0635\u0647\u064a\u0628", + "\u0646\u062c\u0645_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0643\u062a\u0648\u0645", + "\u0634\u0639\u064a\u0628", + "\u0646\u0638\u0627\u0645", + "\u0639\u062a\u0631\u064a\u0633", + "\u064a\u0627\u0641\u0639", + "\u0635\u0644\u0627\u062d", + "\u0639\u0627\u0642\u0644", + "\u063a\u0627\u0646\u0645", + "\u0645\u0627\u0647\u0631", + "\u062d\u0645\u0632\u0629", + "\u0643\u0646\u0627\u0631", + "\u0646\u0628\u0631\u0627\u0633", + "\u0631\u0632\u064a\u0646", + "\u0644\u0628\u064a\u062f", + "\u0645\u0646\u064a\u0628", + "\u0643\u0627\u0634\u0641", + "\u0633\u0631\u062d\u0627\u0646", + "\u062a\u0631\u0641", + "\u063a\u0637\u0641\u0627\u0646", + "\u0647\u064a\u0645\u0627\u0646", + "\u0641\u0627\u0631\u0639", + "\u0648\u062c\u062f\u064a", + "\u0644\u0642\u0627\u0621", + "\u0639\u0627\u0643\u0641", + "\u0646\u0634\u0623\u062a", + "\u0641\u0627\u0644\u062d", + "\u0635\u0627\u0626\u0628", + "\u062e\u0627\u0644\u062f", + "\u0641\u0631\u0632\u062f\u0642", + "\u0633\u0627\u0644\u0645", + "\u0648\u0633\u064a\u0644", + "\u0648\u062f\u064a\u0639", + "\u0645\u062c\u0627\u0647\u062f", + "\u062c\u0627\u0633\u0645", + "\u0645\u0624\u064a\u0651\u062f", + "\u062a\u0648\u0641\u064a\u0642", + "\u0645\u0635\u0628\u0627\u062d", + "\u0648\u0641\u0627\u0626\u064a", + "\u062f\u064a\u0633\u0645", + "\u062e\u0644\u0648\u0635\u064a", + "\u0641\u0647\u062f", + "\u0631\u0645\u0632\u064a", + "\u0636\u0631\u063a\u0627\u0645", + "\u0642\u0627\u0635\u062f", + "\u0639\u062f\u0648\u064a", + "\u0641\u0627\u0631\u0633", + "\u0644\u0647\u0641\u0627\u0646", + "\u0641\u0627\u062f\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0643\u064a\u0645", + "\u0637\u0627\u0626\u0639", + "\u0639\u0627\u062f\u0644", + "\u0634\u0627\u0641\u0639", + "\u0645\u0631\u0632\u0648\u0642", + "\u0633\u0644\u064a\u0645\u0627\u0646", + "\u0645\u064f\u0646\u064a\u0631", + "\u0641\u0644\u0627\u062d", + "\u0633\u0644\u0637\u0627\u0646", + "\u0633\u0644\u0645\u0627\u0646", + "\u0639\u0627\u0637\u0641", + "\u0639\u0628\u062f_\u0627\u0644\u0644\u0637\u064a\u0641", + "\u062c\u0633\u0648\u0631", + "\u0645\u0646\u0627\u0641", + "\u063a\u0632\u0648\u0627\u0646", + "\u0645\u064a\u0633\u0648\u0631", + "\u0633\u0639\u062f", + "\u0646\u0627\u0638\u0645", + "\u0645\u064f\u0633\u0639\u0641", + "\u0639\u0631\u0641\u0627\u0646", + "\u0645\u0639\u0627\u0631\u0641", + "\u0639\u0628\u062f_\u0627\u0644\u0642\u0627\u062f\u0631", + "\u0648\u0627\u062f\u0639", + "\u0639\u0628\u062f_\u0627\u0644\u0634\u0651\u0643\u0648\u0631", + "\u0633\u064a\u0651\u062f", + "\u0639\u062f\u0644\u064a", + "\u0641\u0627\u064a\u062f", + "\u063a\u0627\u0645\u062f", + "\u062e\u0644\u064a\u0644", + "\u064a\u0627\u0633\u0631", + "\u062c\u0644\u0627\u0644", + "\u0633\u0639\u064a\u062f", + "\u0646\u0635\u0648\u062d", + "\u062e\u0637\u064a\u0628", + "\u0635\u0628\u0627\u062d", + "\u0647\u064a\u0643\u0644", + "\u0635\u0627\u0641\u064a", + "\u0645\u064f\u0646\u0630\u0631", + "\u0639\u0628\u062f_\u0627\u0644\u0643\u0631\u064a\u0645", + "\u0631\u0627\u0634\u062f", + "\u062d\u0646\u0628\u0644", + "\u0645\u0647\u0646\u0651\u062f", + "\u0647\u0645\u0627\u0645", + "\u0634\u0631\u064a\u0641", + "\u0634\u0643\u0631\u064a", + "\u0645\u0648\u0641\u0651\u0642", + "\u0643\u0644\u064a\u0645", + "\u0636\u0627\u062d\u064a", + "\u064a\u0639\u0642\u0648\u0628", + "\u0646\u0648\u0631\u0633", + "\u0645\u0645\u062a\u0627\u0632", + "\u0639\u0628\u0651\u0648\u062f", + "\u0633\u0631\u0627\u062c", + "\u0641\u0627\u0626\u0642", + "\u0645\u0637\u0627\u0648\u0639", + "\u0639\u0628\u062f_\u0627\u0644\u0628\u0627\u0631\u064a", + "\u0646\u0635\u0631", + "\u0630\u0643\u064a", + "\u0632\u0643\u0631\u064a\u0627", + "\u0645\u064f\u062a\u0648\u0644\u064a", + "\u064a\u0632\u064a\u062f", + "\u0635\u0627\u062f\u062d", + "\u0639\u0635\u0627\u0645", + "\u0648\u0627\u062b\u0642", + "\u0645\u062f\u062d\u062a", + "\u0639\u0644\u0627\u0621\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0634\u0641\u0642", + "\u0645\u064f\u0635\u0644\u062d", + "\u0631\u062d\u064a\u0628", + "\u062e\u0645\u064a\u0633", + "\u0645\u0632\u0647\u0631", + "\u0632\u0647\u064a\u0631", + "\u0632\u0647\u062f\u064a", + "\u0631\u0634\u0627\u062f", + "\u0639\u0645\u064a\u0631", + "\u062d\u0645\u064a\u062f", + "\u0645\u062e\u0644\u0635", + "\u062d\u0627\u062a\u0645", + "\u0645\u0647\u0631\u0627\u0646", + "\u0647\u0644\u0627\u0644", + "\u0645\u064f\u0639\u062a\u0632", + "\u0645\u064e\u0633\u0639\u062f", + "\u0631\u062c\u0628", + "\u063a\u0633\u0651\u0627\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u064a\u0651", + "\u0632\u0643\u064a", + "\u062f\u0631\u064a\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u0642\u062f\u0651\u0648\u0633", + "\u0646\u062c\u064a\u0628", + "\u0631\u0627\u0636\u064a", + "\u0631\u0645\u062d\u064a", + "\u0643\u0633\u0651\u0627\u0628", + "\u0645\u062d\u0645\u0648\u062f", + "\u0646\u0627\u062c\u064a", + "\u0645\u0627\u0632\u0646", + "\u0634\u0639\u0628\u0627\u0646", + "\u062d\u0627\u0645\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u062e\u0627\u0644\u0642", + "\u0639\u0645\u0631\u0627\u0646", + "\u0645\u0633\u0631\u0648\u0631", + "\u0641\u0648\u0632\u064a", + "\u0641\u0636\u0644", + "\u0638\u0628\u064a", + "\u0645\u064f\u0646\u0627\u0636\u0644", + "\u0633\u0646\u0627\u0646", + "\u062d\u0627\u0641\u0638", + "\u063a\u0627\u0644\u0628", + "\u0639\u0627\u0628\u062f", + "\u0648\u0627\u0635\u0641", + "\u062e\u0627\u0637\u0631", + "\u0631\u0645\u0636\u0627\u0646", + "\u0641\u0631\u062c", + "\u0644\u0641\u064a\u0641", + "\u0646\u0627\u062f\u0631", + "\u0639\u0641\u064a\u0641", + "\u062b\u0627\u0628\u062a", + "\u0642\u0635\u064a\u062f", + "\u0637\u0627\u0626\u0641", + "\u0633\u0639\u062f\u064a", + "\u0635\u0642\u0631", + "\u0646\u0627\u0635\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0627\u062c\u062f", + "\u0648\u062d\u064a\u062f", + "\u0642\u0628\u0633", + "\u0641\u062a\u0648\u062d", + "\u0645\u0642\u062f\u0627\u0645", + "\u0635\u0627\u0644\u062d", + "\u0639\u0635\u0645\u062a", + "\u062d\u0641\u064a\u0638", + "\u0633\u0647\u0648\u0627\u0646", + "\u0632\u064a\u062f\u0627\u0646", + "\u0633\u0627\u062c\u064a", + "\u0639\u0644\u0627\u0621", + "\u0642\u0627\u0626\u062f", + "\u0641\u0637\u064a\u0646", + "\u0646\u0635\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0646\u062a\u0635\u0631", + "\u0645\u064a\u0651\u0627\u062f", + "\u0645\u064f\u0631\u0636\u064a", + "\u0635\u062f\u0651\u0627\u0645", + "\u062d\u0628\u0651\u0627\u0628", + "\u0635\u0628\u064a\u062d", + "\u0646\u0632\u064a\u0647", + "\u0631\u0647\u064a\u0641", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u0634\u064a\u062f", + "\u0645\u0639\u062a\u0648\u0642", + "\u0641\u064a\u0635\u0644", + "\u0639\u062b\u0645\u0627\u0646", + "\u0632\u064a\u062f", + "\u0639\u0637\u0627\u0621", + "\u0632\u064a\u0627\u062f", + "\u0641\u0627\u0631\u0648\u0642", + "\u0645\u0631\u062a\u0636\u064a", + "\u062c\u0644\u064a\u0644", + "\u0641\u062f\u0627\u0621", + "\u0635\u0627\u0628\u0631", + "\u0648\u0636\u0651\u0627\u062d", + "\u0645\u0627\u0644\u0643", + "\u0641\u0647\u0645\u064a", + "\u0645\u0631\u062a\u062c\u064a", + "\u0631\u0624\u0648\u0641", + "\u062d\u0642\u0651\u064a", + "\u062d\u0633\u0646", + "\u0643\u0627\u0631\u0645", + "\u0643\u0627\u0633\u0631", + "\u0644\u0642\u0645\u0627\u0646", + "\u0643\u0627\u0638\u0645", + "\u0631\u0626\u064a\u0633", + "\u0644\u0624\u064a", + "\u0639\u0627\u0626\u062f", + "\u0633\u0639\u062f\u0648\u0646", + "\u0646\u0627\u0635\u0631", + "\u0648\u062b\u0651\u0627\u0628", + "\u0645\u0635\u0637\u0641\u0649", + "\u0645\u0639\u064a\u0646", + "\u0631\u0627\u0626\u0641", + "\u0633\u0647\u0644", + "\u0639\u0630\u0628", + "\u0646\u064a\u0627\u0632\u064a", + "\u0648\u0644\u064a\u062f", + "\u0637\u064a\u0651\u0628", + "\u0635\u0628\u062d\u064a", + "\u0641\u062e\u0631\u064a", + "\u0645\u0633\u0644\u0645", + "\u064a\u0627\u0646\u0639", + "\u0637\u0628\u0651\u0627\u0639", + "\u062d\u0645\u0648\u062f", + "\u0645\u0644\u0647\u0645", + "\u062b\u0642\u064a\u0641", + "\u0646\u0627\u0636\u0631", + "\u0645\u064f\u062e\u064a\u0645\u0631", + "\u0641\u0627\u062a\u062d", + "\u0646\u0639\u064a\u0645", + "\u0639\u0632\u0645\u064a", + "\u0644\u0645\u0651\u0627\u062d", + "\u0634\u0628\u0644\u064a", + "\u0633\u0641\u064a\u0631", + "\u0641\u0631\u062d\u0627\u0646", + "\u062d\u0645\u062f\u0627\u0646", + "\u0633\u064a\u0641\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0635\u0639\u0628", + "\u0646\u0648\u0651\u0627\u0641", + "\u0645\u064f\u0646\u062c\u062f", + "\u062c\u0647\u0627\u062f", + "\u0634\u0628\u064a\u0628", + "\u0635\u0627\u062d\u0628", + "\u062b\u0627\u0645\u0631", + "\u0639\u0644\u0648\u0627\u0646", + "\u0633\u062e\u0627\u0621", + "\u0646\u0648\u0631", + "\u0646\u0648\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0634\u062c\u0627\u0639", + "\u0646\u0627\u0639\u0645", + "\u0634\u0647\u0627\u0628", + "\u064a\u0648\u0633\u0641", + "\u0645\u0646\u0633\u064a", + "\u062d\u0645\u062f\u064a", + "\u0634\u0627\u0645\u0644", + "\u0641\u0624\u0627\u062f", + "\u0648\u062f\u0648\u062f", + "\u062e\u0644\u064a\u0641\u0629", + "\u0639\u0628\u062f_\u0627\u0644\u0648\u0627\u062d\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u0625\u0644\u0647", + "\u062d\u0644\u064a\u0645", + "\u0632\u0627\u0647\u064a", + "\u062a\u0645\u064a\u0645", + "\u0645\u0634\u0627\u0631\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u0633\u0651\u0644\u0627\u0645", + "\u0642\u062f\u0631\u064a", + "\u0642\u064a\u0633", + "\u0643\u0627\u064a\u062f", + "\u062e\u0627\u0644\u062f\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u0639\u0644\u064a\u0645", + "\u0637\u0644\u0627\u0644", + "\u0641\u062f\u0627\u0626\u064a", + "\u0645\u0646\u064a\u0641", + "\u0645\u064f\u062a\u064a\u0651\u0645", + "\u0647\u0627\u0634\u0645", + "\u0631\u0627\u062c\u064a", + "\u062e\u064a\u0631\u064a", + "\u0633\u0627\u0645\u0631", + "\u0633\u0627\u0645\u064a", + "\u0646\u0639\u0645\u0627\u0646", + "\u0648\u0631\u064a\u062f", + "\u0639\u0627\u0635\u0645", + "\u0634\u0627\u062f\u064a", + "\u0647\u0627\u062f\u064a", + "\u062f\u0644\u064a\u0644", + "\u0641\u0648\u0651\u0627\u0632", + "\u062d\u0627\u0631\u062b", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u062d\u0645\u0646", + "\u0638\u0647\u064a\u0631", + "\u0645\u0633\u0639\u0648\u062f", + "\u062d\u0645\u0651\u0627\u062f", + "\u0631\u062c\u0627\u0626\u064a", + "\u0642\u0637\u0632", + "\u0631\u062c\u0627\u0621", + "\u0637\u0627\u0631\u0642", + "\u0645\u064a\u062b\u0627\u0642", + "\u062e\u0644\u062f\u0648\u0646", + "\u0637\u0627\u0626\u0644", + "\u0645\u0645\u062f\u0648\u062d", + "\u0631\u0627\u0646\u064a", + "\u0645\u0643\u0651\u064a", + "\u062d\u0633\u064a\u0628", + "\u0638\u0631\u064a\u0641", + "\u0633\u0644\u0627\u0645", + "\u0647\u0632\u0627\u0631", + "\u0647\u064a\u062b\u0645", + "\u062a\u0627\u0645\u0631", + "\u0639\u0632\u064a\u0632", + "\u0646\u0635\u0631\u064a", + "\u0645\u0631\u0627\u062f\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0642\u0651", + "\u0645\u064f\u062a\u0639\u0628", + "\u0635\u0644\u0627\u062d_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u064a\u0648\u0646\u0633", + "\u0630\u0631\u064a\u0639", + "\u062e\u0636\u0631", + "\u0639\u0631\u0641\u0647", + "\u0631\u0634\u062f\u064a", + "\u0641\u064a\u0651\u0627\u0636", + "\u0646\u0632\u0627\u0631", + "\u0639\u0628\u062f_\u0627\u0644\u063a\u0641\u0651\u0627\u0631", + "\u0631\u0627\u062a\u0628", + "\u0632\u0627\u0643\u064a", + "\u0634\u0627\u0645\u062e", + "\u0642\u0635\u064a", + "\u0639\u0627\u0644\u0645", + "\u064a\u062d\u064a\u0649", + "\u0639\u0628\u062f_\u0627\u0644\u0628\u0627\u0642\u064a", + "\u0643\u0631\u0645", + "\u0646\u0648\u0651\u0627\u0631" + ], + "PREFIX_FEMALE": [ + "\u0627\u0644\u0633\u064a\u062f\u0629", + "\u0627\u0644\u062f\u0643\u062a\u0648\u0631\u0629", + "\u0627\u0644\u0622\u0646\u0633\u0629", + "\u0627\u0644\u0623\u0633\u062a\u0627\u0630\u0629", + "\u0627\u0644\u0645\u0647\u0646\u062f\u0633\u0629" + ], + "PREFIX_MALE": [ + "\u0627\u0644\u0645\u0647\u0646\u062f\u0633", + "\u0627\u0644\u0623\u0633\u062a\u0627\u0630", + "\u0627\u0644\u062f\u0643\u062a\u0648\u0631", + "\u0627\u0644\u0633\u064a\u062f" + ], + "FIRST_NAME": [ + "\u0631\u0627\u0626\u062f", + "\u0639\u062a\u064a\u062f", + "\u0635\u062f\u0651\u0627\u062d", + "\u0645\u0634\u0631\u0642", + "\u062e\u0627\u0641\u0642", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u062d\u064a\u064a", + "\u062d\u064a\u0651\u0627\u0646", + "\u0646\u0645\u0631", + "\u0648\u0635\u0641\u064a", + "\u0633\u0645\u0648\u062d", + "\u0637\u0647", + "\u0623\u0641\u0631\u0627\u062d", + "\u0645\u0623\u0645\u0648\u0646", + "\u0646\u0648\u062d", + "\u0644\u0637\u0648\u0641", + "\u0645\u062e\u062a\u0627\u0631", + "\u0637\u0627\u0645\u062d", + "\u0639\u0628\u062f\u0627\u0644\u0644\u0647", + "\u0645\u0646\u064a\u0639", + "\u0645\u0647\u062f\u064a", + "\u0646\u0636\u0627\u0644", + "\u0639\u0645\u0631", + "\u0632\u063a\u0644\u0648\u0644", + "\u0623\u0641\u0646\u0627\u0646", + "\u0645\u0631\u0634\u062f", + "\u0645\u062d\u0641\u0648\u0638", + "\u0647\u0627\u0646\u064a", + "\u0634\u0647\u0645", + "\u0645\u0624\u0645\u0646", + "\u062c\u0647\u0631\u0627\u0621", + "\u0645\u0624\u0646\u0633", + "\u062c\u0648\u0627\u0647\u0631", + "\u062a\u0642\u064a", + "\u0646\u0627\u0635\u064a\u0641", + "\u0646\u062f\u064a\u0645", + "\u0648\u0633\u064a\u0645", + "\u0633\u0627\u0626\u062f", + "\u0637\u0631\u064a\u0641", + "\u0639\u0628\u062f\u0627\u0644\u0631\u0651\u062d\u0645\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u062d\u064a\u0645", + "\u0631\u0627\u0633\u0645", + "\u0639\u0644\u0651\u0627\u0645", + "\u0633\u0627\u0637\u0639", + "\u062d\u0646\u0641\u064a", + "\u0634\u062f\u0651\u0627\u062f", + "\u0641\u0643\u0631\u064a", + "\u0646\u0627\u062f\u064a", + "\u062c\u0639\u0641\u0631", + "\u0645\u0639\u0645\u0651\u0631", + "\u0639\u0632\u0651\u0627\u0644\u062f\u0651\u064a\u0646", + "\u062a\u0648\u0644\u064a\u0646", + "\u0622\u064a\u0627\u062a", + "\u0639\u0645\u0627\u062f", + "\u0632\u0643\u064a\u0629", + "\u0639\u0632\u0627\u0632", + "\u0641\u0627\u062e\u0631", + "\u0634\u0627\u0643\u0631", + "\u062d\u0633\u0627\u0645", + "\u0632\u0628\u064a\u0631", + "\u0646\u0627\u0631\u062f\u064a\u0646", + "\u0627\u0639\u062a\u0643\u0627\u0641", + "\u0628\u062a\u0648\u0644", + "\u062c\u0631\u064a\u0631", + "\u0633\u0646\u0627\u0645", + "\u062c\u0648\u064a\u0646", + "\u0632\u0647\u0631\u0627\u0646", + "\u062d\u0627\u0632\u0645", + "\u0641\u062e\u0631", + "\u0643\u0631\u064a\u0645", + "\u0635\u062f\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0646\u0648\u0631\u0627\u0644\u062d\u0642\u0651", + "\u0631\u0648\u0639\u0629", + "\u0642\u0627\u0646\u062a", + "\u0646\u0638\u0645\u064a", + "\u0647\u0646\u062f", + "\u0635\u0628\u0648\u0631", + "\u0623\u0646\u0627\u0647\u064a\u062f", + "\u0644\u064a\u062b", + "\u0642\u062d\u0637\u0627\u0646", + "\u0645\u0627\u062f\u0644\u064a\u0646", + "\u0623\u0633\u0631\u0627\u0631", + "\u0647\u0646\u0627\u062f\u064a", + "\u0645\u064f\u062a\u0648\u0643\u0651\u0644", + "\u0639\u0628\u062f_\u0627\u0644\u063a\u0641\u0648\u0631", + "\u0641\u0631\u0627\u0633", + "\u0634\u0648\u0642\u064a", + "\u0631\u0641\u064a\u0642", + "\u062f\u0627\u0646\u064a\u0629", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0644\u064a\u0645", + "\u0631\u064a\u062a\u0627\u062c", + "\u062e\u0644\u0641", + "\u0636\u0627\u062d\u0643", + "\u063a\u0627\u0644\u064a", + "\u0645\u0631\u0648\u0627\u0646", + "\u064a\u0639\u0631\u0628", + "\u0631\u0648\u0628\u064a\u0646", + "\u0646\u062c\u062f\u062a", + "\u0641\u062e\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0635\u0639\u0628", + "\u0644\u0648\u0631\u064a\u0646", + "\u0646\u0628\u064a\u0647", + "\u0648\u0641\u064a\u0642", + "\u0637\u0627\u0647\u0631", + "\u0648\u0627\u0626\u0644", + "\u062c\u0627\u0644\u0627", + "\u062f\u0627\u0647\u064a", + "\u0646\u062c\u0648\u0627\u0646", + "\u0633\u0627\u062c\u062f", + "\u0643\u0631\u0645\u0629", + "\u0639\u0632\u0651\u062a", + "\u0631\u064a\u0627\u0646", + "\u0628\u0627\u0647\u0631\u0629", + "\u0628\u0644\u0646\u062f", + "\u063a\u0648\u0649", + "\u0645\u062c\u062f", + "\u0646\u0627\u0626\u0644", + "\u0631\u0648\u062d\u064a", + "\u0636\u064a\u0627\u0626\u064a", + "\u0645\u062d\u0633\u0646", + "\u0646\u0648\u0631\u064a", + "\u0639\u0645\u0631\u0648", + "\u0631\u0627\u062c\u062d", + "\u0646\u0627\u0641\u0639", + "\u0631\u062e\u0627\u0621", + "\u0633\u0645\u064a\u0631", + "\u0639\u062a\u064a\u0642", + "\u063a\u0632\u064a\u0631", + "\u0634\u0627\u0637\u0631", + "\u0641\u0627\u0636\u0644", + "\u0636\u064a\u0627\u0621", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u062c\u064a\u062f", + "\u062c\u0645\u0627\u0644", + "\u0644\u0648\u0644\u064a\u0627", + "\u0635\u0627\u0631\u0645", + "\u062c\u0648\u0627\u0646", + "\u062a\u062d\u0633\u064a\u0646", + "\u0632\u0627\u062e\u0631", + "\u0631\u0627\u0645\u0627", + "\u0648\u0644\u064a\u0641", + "\u0625\u0628\u0627\u0621", + "\u0646\u0630\u064a\u0631", + "\u0634\u0641\u064a\u0639", + "\u0642\u0637\u0628", + "\u0643\u0646\u0627\u0646", + "\u0648\u0633\u0627\u0645", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u0644\u0643", + "\u0644\u0628\u064a\u0628", + "\u0645\u062d\u062c\u0648\u0628", + "\u0646\u0634\u0648\u0629", + "\u062b\u0627\u0626\u0631", + "\u062c\u0648\u0631\u064a\u0651\u0629", + "\u0643\u0645\u0627\u0644", + "\u0642\u0646\u0648\u0639", + "\u0631\u0636\u0648\u0627\u0646", + "\u0631\u0627\u0632\u064a", + "\u0634\u0643\u064a\u0628", + "\u0645\u0631\u0639\u064a", + "\u0631\u0627\u0648\u064a", + "\u0631\u0634\u064a\u062f", + "\u0646\u0628\u064a\u0644", + "\u0634\u0647\u064a\u0631", + "\u062d\u0643\u064a\u0645", + "\u0648\u0627\u0635\u0644", + "\u0646\u0635\u0648\u0631", + "\u0631\u0628\u0627\u062d", + "\u062f\u0627\u0646\u064a", + "\u0639\u0628\u0651\u0627\u0633", + "\u062c\u0645\u064a\u0644", + "\u0645\u062d\u0645\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u0635\u0651\u0645\u062f", + "\u062d\u064a\u062f\u0631", + "\u0639\u0627\u0645\u0631", + "\u0639\u0631\u0628\u064a", + "\u0645\u064f\u0631\u0633\u064a", + "\u0631\u064a\u0646\u0627\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u062c\u0644\u064a\u0644", + "\u0633\u0627\u0645\u062d", + "\u062f\u0624\u0648\u0628", + "\u0631\u0627\u0645\u0632", + "\u0643\u0648\u062b\u0631", + "\u063a\u064a\u062f\u0627\u0621", + "\u0623\u0644\u064a\u0646", + "\u0637\u0644\u0639\u062a", + "\u0646\u0627\u0641\u0630", + "\u062f\u0639\u0627\u0621", + "\u0647\u062f\u0649", + "\u0635\u0627\u0645\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u062a\u0651\u0648\u0627\u0628", + "\u0632\u064a\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0642\u0647\u0651\u0627\u0631", + "\u0639\u0628\u062f_\u0627\u0644\u063a\u0646\u064a", + "\u0647\u0644\u0627\u0644\u064a", + "\u0645\u064e\u062c\u062f\u064a", + "\u0636\u064a\u0627\u0621\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0631\u0633\u0627\u0644", + "\u0639\u0627\u062a\u0628", + "\u0635\u062e\u0631", + "\u0647\u0627\u062c\u0631", + "\u0646\u0648\u0641", + "\u062f\u0627\u0646\u0629", + "\u0639\u0631\u0641\u0627\u062a", + "\u064a\u0627\u0633\u0645\u064a\u0646", + "\u0635\u0628\u0631\u064a", + "\u0633\u0627\u0647\u062f", + "\u062c\u064a\u0644\u0627\u0646", + "\u0628\u062f\u0631\u0627\u0644\u062f\u0651\u062c\u0649", + "\u062c\u0644\u0627\u0621", + "\u0633\u0644\u064a\u0645", + "\u0639\u062f\u0646\u0627\u0646", + "\u0645\u064a\u0645\u0648\u0646", + "\u0645\u062d\u064a\u064a\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0638\u0627\u0641\u0631", + "\u0631\u0648\u0627\u0621", + "\u0645\u0639\u0632\u0651", + "\u0631\u064a\u0641\u0627\u0644", + "\u062d\u0633\u0646\u064a\u0646", + "\u0631\u0628\u064a\u0639", + "\u064a\u0627\u0642\u0648\u062a", + "\u062d\u0633\u064a\u0646", + "\u0645\u0647\u064a\u0628", + "\u0634\u0639\u0644\u0627\u0646", + "\u0646\u063a\u0645", + "\u0646\u0634\u0648\u0627\u0646", + "\u0631\u064a\u0641", + "\u0645\u0642\u062f\u0627\u062f", + "\u0633\u0639\u0648\u062f", + "\u062b\u0631\u0648\u062a", + "\u0639\u0627\u0631\u0641", + "\u062c\u0644\u0627\u0644_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0633\u0644\u0627\u0641", + "\u0631\u0633\u0645\u064a", + "\u0633\u0641\u064a\u0627\u0646", + "\u0639\u0642\u064a\u0644", + "\u0644\u0648\u062c\u064a\u0646", + "\u0631\u0636\u064a", + "\u0633\u0631\u0627\u062c_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u062c\u0645\u0627\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0633\u0651\u0645\u064a\u0639", + "\u062a\u0645\u0651\u0627\u0645", + "\u0636\u062d\u0651\u0627\u0643", + "\u0633\u0631\u0648\u0631", + "\u0632\u0627\u0647\u0631", + "\u0643\u0627\u0645\u0644\u0629", + "\u0645\u064a\u0627\u0631", + "\u0644\u0637\u0641\u064a", + "\u0633\u0627\u0647\u0631", + "\u0631\u0627\u0641\u0639", + "\u0628\u0627\u0631\u0639\u0629", + "\u0631\u0627\u0628\u062d", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0641\u064a\u0638", + "\u062a\u0627\u062c_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0646\u0628\u0647\u0627\u0646", + "\u062c\u0627\u062f", + "\u0645\u0631\u062a\u0642\u064a", + "\u0645\u0643\u0631\u0651\u0645", + "\u0637\u064a\u0651\u0639", + "\u0645\u0631\u0627\u062f", + "\u0646\u0627\u062c\u062d", + "\u0634\u0647\u0628", + "\u0645\u064a\u0627\u0633", + "\u064a\u0633\u0631\u0649", + "\u0628\u0646\u0627\u0646", + "\u0648\u062c\u064a\u0647", + "\u062f\u0627\u0648\u0648\u062f", + "\u062b\u0627\u0642\u0628", + "\u0642\u0627\u0633\u0645", + "\u0637\u0627\u0644\u0628", + "\u062c\u0648\u062f", + "\u0633\u0647\u064a\u0644", + "\u064a\u0633\u0631\u064a", + "\u0628\u0648\u0631\u0627\u0646", + "\u064a\u0645\u0627\u0645", + "\u0645\u064a\u0633\u0648\u0646", + "\u0628\u0644\u0645\u0627\u0621", + "\u0631\u0627\u063a\u0628", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u0632\u0627\u0642", + "\u0633\u0628\u0623", + "\u0645\u0648\u0633\u0649", + "\u0634\u064a\u0651\u0642", + "\u0635\u0646\u062f\u064a\u062f", + "\u0637\u0645\u0648\u062d", + "\u0643\u0627\u0645\u0644", + "\u0646\u0633\u064a\u0628", + "\u0643\u0627\u0641\u0648\u0631", + "\u0645\u062d\u0645\u0651\u062f", + "\u0643\u0628\u064a\u0631", + "\u0631\u0633\u062a\u0645", + "\u062c\u062f\u064a\u0631", + "\u0631\u064a\u0651\u0627\u0646", + "\u0628\u062b\u064a\u0646\u0629", + "\u064a\u0642\u064a\u0646", + "\u0635\u062f\u0642\u064a", + "\u064a\u0627\u0631\u0627", + "\u0643\u0646\u0639\u0627\u0646", + "\u0631\u0627\u0645\u064a", + "\u0628\u0647\u064a\u0629", + "\u062d\u0633\u0646\u064a", + "\u062f\u0647\u0645\u0627\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u0624\u0648\u0641", + "\u0645\u0634\u0631\u0641", + "\u0639\u0644\u064a", + "\u0639\u0645\u0651\u0627\u0631", + "\u0645\u0639\u0646", + "\u0630\u064a\u0628", + "\u062c\u0631\u0651\u0627\u062d", + "\u0645\u0641\u064a\u062f", + "\u0644\u062a\u064a\u0646", + "\u0647\u064a\u0627\u0645", + "\u0635\u0627\u062f\u0642", + "\u0638\u0627\u0639\u0646", + "\u0638\u0627\u0647\u0631", + "\u0639\u0628\u062f_\u0627\u0644\u0645\u0648\u0644\u0649", + "\u0639\u0628\u062f_\u0627\u0644\u062c\u0628\u0651\u0627\u0631", + "\u0644\u064a\u0645", + "\u062f\u0627\u0631\u064a\u0646", + "\u062a\u0627\u062c", + "\u0628\u0634\u0631\u0649", + "\u0623\u0632\u0647\u0627\u0631", + "\u0631\u0627\u0645\u062d", + "\u064a\u0633\u0627\u0631", + "\u0647\u0627\u064a\u0644", + "\u062c\u0627\u0628\u0631", + "\u0632\u0627\u064a\u062f", + "\u062c\u0645\u0627\u0644_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0641\u062a\u062d\u064a", + "\u0628\u064a\u0633\u0627\u0646", + "\u062a\u0642\u064a\u0651_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0639\u0644\u0645_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u063a\u0627\u0632\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u0639\u0632\u064a\u0632", + "\u0645\u0638\u0647\u0631", + "\u0645\u0646\u0635\u0648\u0631", + "\u0635\u0647\u064a\u0628", + "\u0646\u062c\u0645_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0643\u062a\u0648\u0645", + "\u0634\u0639\u064a\u0628", + "\u0646\u0638\u0627\u0645", + "\u0639\u062a\u0631\u064a\u0633", + "\u064a\u0627\u0641\u0639", + "\u0631\u0648\u0641\u064a\u062f\u0627", + "\u0631\u064a\u062a\u0627\u0644", + "\u0646\u0627\u062f\u064a\u0647", + "\u0635\u0644\u0627\u062d", + "\u0639\u0627\u0642\u0644", + "\u063a\u0627\u0646\u0645", + "\u0645\u0627\u0647\u0631", + "\u062d\u0645\u0632\u0629", + "\u0643\u0646\u0627\u0631", + "\u0646\u0628\u0631\u0627\u0633", + "\u0631\u0632\u064a\u0646", + "\u0644\u0628\u064a\u062f", + "\u0645\u0646\u064a\u0628", + "\u0643\u0627\u0634\u0641", + "\u0633\u0631\u062d\u0627\u0646", + "\u062a\u0631\u0641", + "\u063a\u0637\u0641\u0627\u0646", + "\u0647\u064a\u0645\u0627\u0646", + "\u0633\u0644\u0633\u0628\u064a\u0644", + "\u0641\u0627\u0631\u0639", + "\u0648\u062c\u062f\u064a", + "\u0644\u0642\u0627\u0621", + "\u0639\u0627\u0643\u0641", + "\u0646\u0634\u0623\u062a", + "\u0641\u0627\u0644\u062d", + "\u0635\u0627\u0626\u0628", + "\u062e\u0627\u0644\u062f", + "\u0628\u064a\u0644\u0633\u0627\u0646", + "\u0641\u0631\u0632\u062f\u0642", + "\u0633\u0627\u0644\u0645", + "\u0632\u0647\u0631\u0629", + "\u0631\u064a\u0645", + "\u0648\u0633\u064a\u0644", + "\u0648\u062f\u064a\u0639", + "\u0645\u062c\u0627\u0647\u062f", + "\u062c\u0648\u062f\u064a", + "\u062c\u0627\u0633\u0645", + "\u0645\u0624\u064a\u0651\u062f", + "\u062a\u0648\u0641\u064a\u0642", + "\u0645\u0635\u0628\u0627\u062d", + "\u0644\u064a\u0646\u0627", + "\u0623\u0633\u064a\u0644", + "\u0627\u0628\u062a\u0633\u0627\u0645", + "\u0648\u0641\u0627\u0626\u064a", + "\u062f\u064a\u0633\u0645", + "\u062e\u0644\u0648\u0635\u064a", + "\u0641\u0647\u062f", + "\u0631\u0645\u0632\u064a", + "\u0636\u0631\u063a\u0627\u0645", + "\u0642\u0627\u0635\u062f", + "\u0645\u064a\u0631\u0627", + "\u0639\u062f\u0648\u064a", + "\u0628\u0644\u0642\u064a\u0633", + "\u0641\u0627\u0631\u0633", + "\u0644\u0647\u0641\u0627\u0646", + "\u0641\u0627\u062f\u064a", + "\u0636\u062d\u0649", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0643\u064a\u0645", + "\u0637\u0627\u0626\u0639", + "\u0639\u0627\u062f\u0644", + "\u0634\u0627\u0641\u0639", + "\u0645\u0631\u0632\u0648\u0642", + "\u062c\u0644\u0646\u0627\u0631", + "\u0633\u0644\u064a\u0645\u0627\u0646", + "\u0645\u064f\u0646\u064a\u0631", + "\u0641\u0644\u0627\u062d", + "\u0633\u062c\u0649", + "\u0633\u0644\u0637\u0627\u0646", + "\u0633\u0644\u0645\u0627\u0646", + "\u0639\u0627\u0637\u0641", + "\u0639\u0628\u062f_\u0627\u0644\u0644\u0637\u064a\u0641", + "\u062c\u0633\u0648\u0631", + "\u0645\u0646\u0627\u0641", + "\u0645\u064a\u0631\u0627\u0644", + "\u063a\u0632\u0648\u0627\u0646", + "\u0647\u0627\u064a\u062f\u064a", + "\u0627\u0628\u062a\u0647\u0627\u0644", + "\u0645\u064a\u0633\u0648\u0631", + "\u0633\u0639\u062f", + "\u0645\u0627\u0630\u0649", + "\u0646\u0627\u0638\u0645", + "\u0648\u0635\u0627\u0641", + "\u0645\u064f\u0633\u0639\u0641", + "\u0639\u0631\u0641\u0627\u0646", + "\u0627\u0635\u064a\u0644", + "\u0645\u0639\u0627\u0631\u0641", + "\u0639\u0628\u062f_\u0627\u0644\u0642\u0627\u062f\u0631", + "\u0648\u0627\u062f\u0639", + "\u0639\u0628\u062f_\u0627\u0644\u0634\u0651\u0643\u0648\u0631", + "\u0633\u064a\u0651\u062f", + "\u0639\u062f\u0644\u064a", + "\u0641\u0627\u064a\u062f", + "\u063a\u0627\u0645\u062f", + "\u062d\u0644\u0627", + "\u062e\u0644\u064a\u0644", + "\u064a\u0627\u0633\u0631", + "\u062c\u0644\u0627\u0644", + "\u0633\u0639\u064a\u062f", + "\u0646\u0635\u0648\u062d", + "\u0644\u064a\u0627\u0646", + "\u062e\u0637\u064a\u0628", + "\u0635\u0628\u0627\u062d", + "\u0647\u064a\u0643\u0644", + "\u0635\u0627\u0641\u064a", + "\u0631\u064a\u0645\u0627", + "\u0645\u064f\u0646\u0630\u0631", + "\u0639\u0628\u062f_\u0627\u0644\u0643\u0631\u064a\u0645", + "\u0631\u0627\u0634\u062f", + "\u0644\u0627\u0631\u0627", + "\u062d\u0646\u0628\u0644", + "\u0645\u0647\u0646\u0651\u062f", + "\u0647\u0645\u0627\u0645", + "\u0634\u0631\u064a\u0641", + "\u0634\u0643\u0631\u064a", + "\u0645\u0648\u0641\u0651\u0642", + "\u0643\u0644\u064a\u0645", + "\u0646\u0627\u0647\u062f", + "\u0636\u0627\u062d\u064a", + "\u064a\u0639\u0642\u0648\u0628", + "\u0646\u0648\u0631\u0633", + "\u0645\u0645\u062a\u0627\u0632", + "\u0639\u0628\u0651\u0648\u062f", + "\u062f\u064a\u0645\u0647", + "\u0633\u0631\u0627\u062c", + "\u0641\u0627\u0626\u0642", + "\u0645\u0637\u0627\u0648\u0639", + "\u0639\u0628\u062f_\u0627\u0644\u0628\u0627\u0631\u064a", + "\u0646\u0635\u0631", + "\u0630\u0643\u064a", + "\u0632\u0643\u0631\u064a\u0627", + "\u0645\u064f\u062a\u0648\u0644\u064a", + "\u0645\u0631\u064a\u0645", + "\u064a\u0632\u064a\u062f", + "\u0635\u0627\u062f\u062d", + "\u0623\u0631\u0648\u0649", + "\u0639\u0635\u0627\u0645", + "\u0648\u0627\u062b\u0642", + "\u0645\u062f\u062d\u062a", + "\u0639\u0644\u0627\u0621\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0634\u0641\u0642", + "\u0645\u0627\u064a\u0627", + "\u0648\u0633\u062c\u0627\u064a\u0627", + "\u0645\u064f\u0635\u0644\u062d", + "\u0631\u062d\u064a\u0628", + "\u062e\u0645\u064a\u0633", + "\u0645\u0632\u0647\u0631", + "\u0632\u0647\u064a\u0631", + "\u0632\u0647\u062f\u064a", + "\u0623\u063a\u0627\u0631\u064a\u062f", + "\u0631\u0634\u0627\u062f", + "\u0639\u0645\u064a\u0631", + "\u062d\u0645\u064a\u062f", + "\u0645\u062e\u0644\u0635", + "\u062d\u0627\u062a\u0645", + "\u0645\u0647\u0631\u0627\u0646", + "\u0647\u0644\u0627\u0644", + "\u0633\u062f\u064a\u0645", + "\u0645\u064f\u0639\u062a\u0632", + "\u0645\u064e\u0633\u0639\u062f", + "\u0631\u062c\u0628", + "\u063a\u0633\u0651\u0627\u0646", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u064a\u0651", + "\u0632\u0643\u064a", + "\u062f\u0631\u064a\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u0642\u062f\u0651\u0648\u0633", + "\u0646\u062c\u064a\u0628", + "\u0631\u0627\u0636\u064a", + "\u0631\u0645\u062d\u064a", + "\u0643\u0633\u0651\u0627\u0628", + "\u0645\u062d\u0645\u0648\u062f", + "\u0646\u0627\u062c\u064a", + "\u0645\u0627\u0632\u0646", + "\u0634\u0639\u0628\u0627\u0646", + "\u062d\u0627\u0645\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u062e\u0627\u0644\u0642", + "\u0639\u0645\u0631\u0627\u0646", + "\u0645\u0633\u0631\u0648\u0631", + "\u0641\u0648\u0632\u064a", + "\u0641\u0636\u0644", + "\u0638\u0628\u064a", + "\u0627\u0628\u062a\u0647\u0627\u062c", + "\u0645\u064f\u0646\u0627\u0636\u0644", + "\u0633\u0646\u0627\u0646", + "\u062d\u0627\u0641\u0638", + "\u063a\u0627\u0644\u0628", + "\u0639\u0627\u0628\u062f", + "\u0648\u0627\u0635\u0641", + "\u062c\u0646\u0649", + "\u062e\u0627\u0637\u0631", + "\u0631\u0645\u0636\u0627\u0646", + "\u0641\u0631\u062c", + "\u0644\u0641\u064a\u0641", + "\u0646\u0627\u062f\u0631", + "\u0639\u0641\u064a\u0641", + "\u062b\u0627\u0628\u062a", + "\u0642\u0635\u064a\u062f", + "\u0637\u0627\u0626\u0641", + "\u0633\u0639\u062f\u064a", + "\u0635\u0642\u0631", + "\u0646\u0627\u0635\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0627\u062c\u062f", + "\u0648\u062d\u064a\u062f", + "\u0641\u0631\u062f\u0648\u0633", + "\u0634\u0627\u062f\u0646", + "\u0623\u0631\u064a\u062c", + "\u0625\u062e\u0644\u0627\u0635", + "\u0642\u0628\u0633", + "\u0641\u062a\u0648\u062d", + "\u0625\u0644\u064a\u0646\u0627", + "\u0645\u0642\u062f\u0627\u0645", + "\u0635\u0627\u0644\u062d", + "\u0639\u0635\u0645\u062a", + "\u062d\u0641\u064a\u0638", + "\u0633\u0647\u0648\u0627\u0646", + "\u0634\u0647\u062f", + "\u0632\u064a\u062f\u0627\u0646", + "\u0633\u0627\u062c\u064a", + "\u0639\u0644\u0627\u0621", + "\u0642\u0627\u0626\u062f", + "\u062a\u0627\u0644\u0627", + "\u0641\u0637\u064a\u0646", + "\u0646\u0635\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0645\u0646\u062a\u0635\u0631", + "\u0645\u064a\u0651\u0627\u062f", + "\u0645\u064f\u0631\u0636\u064a", + "\u0635\u062f\u0651\u0627\u0645", + "\u0628\u0634\u0631\u064a", + "\u062d\u0628\u0651\u0627\u0628", + "\u0623\u062d\u0644\u0627\u0645", + "\u0635\u0628\u064a\u062d", + "\u0645\u064a\u0644\u0627\u0621", + "\u0646\u0632\u064a\u0647", + "\u0631\u0647\u064a\u0641", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u0634\u064a\u062f", + "\u062a\u0627\u0644\u064a\u0627", + "\u0645\u0639\u062a\u0648\u0642", + "\u0641\u064a\u0635\u0644", + "\u0639\u062b\u0645\u0627\u0646", + "\u0648\u0641\u0627\u0621", + "\u0628\u0647\u062c\u0629", + "\u0632\u064a\u062f", + "\u0639\u0637\u0627\u0621", + "\u0627\u0633\u0645\u0627\u0621\u0628\u0646\u0627\u062a\u0645\u062e\u062a\u0644\u0641\u0629\u0648\u0645\u0639\u0627\u0646\u064a\u0647\u0627:", + "\u0632\u064a\u0627\u062f", + "\u062c\u0648\u0627\u0646\u0627", + "\u0627\u0641\u062a\u0643\u0627\u0631", + "\u0646\u0648\u0631\u0647", + "\u0641\u0627\u0631\u0648\u0642", + "\u0645\u0631\u062a\u0636\u064a", + "\u0641\u0631\u0627\u062a", + "\u062c\u0644\u064a\u0644", + "\u0641\u062f\u0627\u0621", + "\u0635\u0627\u0628\u0631", + "\u0648\u0636\u0651\u0627\u062d", + "\u0645\u0627\u0644\u0643", + "\u0641\u0647\u0645\u064a", + "\u0645\u0631\u062a\u062c\u064a", + "\u0631\u0624\u0648\u0641", + "\u0628\u0646\u0641\u0633\u062c", + "\u062d\u064a\u0627\u0629", + "\u062d\u0642\u0651\u064a", + "\u062d\u0633\u0646", + "\u0623\u062d\u0645\u062f", + "\u0643\u0627\u0631\u0645", + "\u0643\u0627\u0633\u0631", + "\u0644\u0642\u0645\u0627\u0646", + "\u0643\u0627\u0638\u0645", + "\u0631\u0626\u064a\u0633", + "\u0644\u0624\u064a", + "\u0639\u0627\u0626\u062f", + "\u062c\u0648\u0644\u064a\u0627", + "\u0646\u0648\u0627\u0644", + "\u0633\u0639\u062f\u0648\u0646", + "\u0646\u0627\u0635\u0631", + "\u0648\u062b\u0651\u0627\u0628", + "\u0645\u0635\u0637\u0641\u0649", + "\u0645\u0639\u064a\u0646", + "\u0644\u064a\u0633\u0627\u0621", + "\u0631\u0627\u0626\u0641", + "\u0633\u0647\u0644", + "\u0639\u0630\u0628", + "\u0646\u064a\u0627\u0632\u064a", + "\u0648\u0644\u064a\u062f", + "\u0637\u064a\u0651\u0628", + "\u0635\u0628\u062d\u064a", + "\u0641\u062e\u0631\u064a", + "\u0645\u0633\u0644\u0645", + "\u064a\u0627\u0646\u0639", + "\u0637\u0628\u0651\u0627\u0639", + "\u062d\u0645\u0648\u062f", + "\u0645\u0644\u0647\u0645", + "\u062b\u0642\u064a\u0641", + "\u0646\u0627\u0636\u0631", + "\u0645\u064f\u062e\u064a\u0645\u0631", + "\u0641\u0627\u062a\u062d", + "\u0644\u0648\u0631\u0627", + "\u0631\u0628\u0649", + "\u062a\u0631\u0627\u0646\u064a\u0645", + "\u0646\u0639\u064a\u0645", + "\u0639\u0632\u0645\u064a", + "\u0644\u0645\u0651\u0627\u062d", + "\u0634\u0628\u0644\u064a", + "\u0633\u0641\u064a\u0631", + "\u0641\u0631\u062d\u0627\u0646", + "\u0627\u0628\u062a\u0643\u0627\u0631", + "\u062d\u0645\u062f\u0627\u0646", + "\u0633\u064a\u0641\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0635\u0639\u0628", + "\u0628\u0627\u0633\u0645\u0629", + "\u0646\u0648\u0651\u0627\u0641", + "\u0645\u064f\u0646\u062c\u062f", + "\u062c\u0647\u0627\u062f", + "\u0634\u0628\u064a\u0628", + "\u0639\u0627\u0644\u064a\u0629", + "\u0635\u0627\u062d\u0628", + "\u062b\u0627\u0645\u0631", + "\u0639\u0644\u0648\u0627\u0646", + "\u0633\u062e\u0627\u0621", + "\u0646\u0648\u0631", + "\u0646\u0648\u0631_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0634\u062c\u0627\u0639", + "\u0646\u0627\u0639\u0645", + "\u0634\u0647\u0627\u0628", + "\u064a\u0648\u0633\u0641", + "\u0645\u0646\u0633\u064a", + "\u062d\u0645\u062f\u064a", + "\u0634\u0627\u0645\u0644", + "\u0641\u0624\u0627\u062f", + "\u0648\u062f\u0648\u062f", + "\u062e\u0644\u064a\u0641\u0629", + "\u0639\u0628\u062f_\u0627\u0644\u0648\u0627\u062d\u062f", + "\u0639\u0628\u062f_\u0627\u0644\u0625\u0644\u0647", + "\u0627\u0639\u062a\u0645\u0627\u062f", + "\u062d\u0644\u064a\u0645", + "\u0632\u0627\u0647\u064a", + "\u062a\u0645\u064a\u0645", + "\u0639\u0628\u062f_\u0627\u0644\u0633\u0651\u0644\u0627\u0645", + "\u0645\u0634\u0627\u0631\u064a", + "\u0642\u062f\u0631\u064a", + "\u0642\u064a\u0633", + "\u0643\u0627\u064a\u062f", + "\u062e\u0627\u0644\u062f\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u0639\u0644\u064a\u0645", + "\u0637\u0644\u0627\u0644", + "\u0641\u062f\u0627\u0626\u064a", + "\u0645\u0646\u064a\u0641", + "\u0647\u0646\u0627\u0621", + "\u0645\u064f\u062a\u064a\u0651\u0645", + "\u0628\u0647\u0627\u0628\u0647\u0627\u0621", + "\u0647\u0627\u0634\u0645", + "\u0631\u0627\u062c\u064a", + "\u062e\u064a\u0631\u064a", + "\u062a\u0645\u0627\u0645", + "\u0633\u0627\u0645\u0631", + "\u0633\u0627\u0645\u064a", + "\u0646\u0639\u0645\u0627\u0646", + "\u0648\u0631\u064a\u062f", + "\u0639\u0627\u0635\u0645", + "\u0634\u0627\u062f\u064a", + "\u0647\u0627\u062f\u064a", + "\u062f\u0644\u064a\u0644", + "\u0641\u0648\u0651\u0627\u0632", + "\u062d\u0627\u0631\u062b", + "\u0639\u0628\u062f_\u0627\u0644\u0631\u0651\u062d\u0645\u0646", + "\u0638\u0647\u064a\u0631", + "\u0645\u0633\u0639\u0648\u062f", + "\u062d\u0645\u0651\u0627\u062f", + "\u0631\u062c\u0627\u0626\u064a", + "\u0642\u0637\u0632", + "\u0631\u062c\u0627\u0621", + "\u0637\u0627\u0631\u0642", + "\u062c\u0645\u064a\u0644\u0629", + "\u0645\u064a\u062b\u0627\u0642", + "\u062e\u0644\u062f\u0648\u0646", + "\u0628\u062a\u0644\u0627\u0621", + "\u0644\u0627\u0645\u0627", + "\u0639\u062a\u0627\u0628", + "\u0637\u0627\u0626\u0644", + "\u0645\u0645\u062f\u0648\u062d", + "\u0631\u0627\u0646\u064a", + "\u0645\u0643\u0651\u064a", + "\u062d\u0633\u064a\u0628", + "\u0638\u0631\u064a\u0641", + "\u0627\u064a\u0645\u0627\u0646", + "\u0633\u0644\u0627\u0645", + "\u0647\u0632\u0627\u0631", + "\u0647\u064a\u062b\u0645", + "\u0623\u062c\u0648\u0627\u0646", + "\u0628\u0644\u0633\u0645", + "\u062a\u0627\u0645\u0631", + "\u0647\u064a\u0627", + "\u0639\u0632\u064a\u0632", + "\u0646\u0635\u0631\u064a", + "\u0645\u0631\u0627\u062f\u064a", + "\u0639\u0628\u062f_\u0627\u0644\u062d\u0642\u0651", + "\u0645\u064f\u062a\u0639\u0628", + "\u0635\u0644\u0627\u062d_\u0627\u0644\u062f\u0651\u064a\u0646", + "\u0622\u0644\u0627\u0621", + "\u064a\u0648\u0646\u0633", + "\u0630\u0631\u064a\u0639", + "\u062e\u0636\u0631", + "\u0639\u0631\u0641\u0647", + "\u0631\u0634\u062f\u064a", + "\u0641\u064a\u0651\u0627\u0636", + "\u0646\u0632\u0627\u0631", + "\u062e\u0627\u0634\u0639\u0629", + "\u0639\u0628\u062f_\u0627\u0644\u063a\u0641\u0651\u0627\u0631", + "\u0631\u064a\u0645\u0627\u0646", + "\u0631\u0627\u062a\u0628", + "\u0632\u0627\u0643\u064a", + "\u0634\u0627\u0645\u062e", + "\u0642\u0635\u064a", + "\u0639\u0627\u0644\u0645", + "\u064a\u062d\u064a\u0649", + "\u0639\u0628\u062f_\u0627\u0644\u0628\u0627\u0642\u064a", + "\u0643\u0631\u0645", + "\u0646\u0648\u0651\u0627\u0631" + ], + "LAST_NAME": [ + "\u0622\u0644_\u0642\u0635\u064a\u0631", + "\u0622\u0644_\u0633\u0644\u0637\u0627\u0646", + "\u0641\u0637\u0627\u064a\u0631", + "\u062e\u0646\u062f\u0641", + "\u0628\u0643\u064a\u0644", + "\u062f\u063a\u0645\u0634", + "\u0628\u0644\u0642\u0631\u0646", + "\u0637\u0647", + "\u0627\u0628\u0648_\u0627\u0644\u062d\u0627\u062c", + "\u0628\u0644\u064a", + "\u0627\u0644\u0627\u0645\u0627\u0645", + "\u0627\u0632\u062d\u064a\u0645\u0627\u0646", + "\u062c\u0628\u064a\u0644\u064a", + "\u0628\u0646\u0648_\u0634\u0639\u0628\u0629", + "\u0627\u0644\u0637\u062d\u0627\u0646", + "\u0642\u0631\u0634", + "\u062d\u0631\u0628", + "\u0639\u0627\u0645\u0631_\u0628\u0646_\u0635\u0639\u0635\u0639\u0629", + "\u0632\u062d\u064a\u0643\u0629", + "\u0642\u0644\u064a\u0628\u0648", + "\u0623\u0644\u0645\u0639", + "\u0627\u0628\u0648_\u0627\u0644\u0633\u0639\u0648\u062f", + "\u0628\u0646\u0648_\u0634\u064a\u0628\u0629", + "\u0627\u0644\u0645\u0647\u064a\u062f\u0628", + "\u062c\u0639\u0641\u0631", + "\u0627\u0644\u0623\u0646\u0635\u0627\u0631\u064a", + "\u0632\u0644\u0627\u0637\u064a\u0645\u0648", + "\u0627\u0644\u062a\u0648\u062a\u0646\u062c\u064a", + "\u0623\u0646\u0645\u0627\u0631", + "\u0645\u0647\u0646\u0627", + "\u0628\u0646\u0648_\u0633\u0639\u062f_\u0628\u0646_\u0644\u064a\u062b_\u0628\u0646_\u0628\u0643\u0631", + "\u0628\u0627\u0647\u0644\u0629", + "\u0635\u064a\u062f\u0627\u0648\u064a", + "\u0627\u0644\u062e\u0627\u0632\u0646", + "\u0623\u0628\u0627_\u0627\u0644\u062e\u064a\u0644", + "\u0627\u0644\u0633\u0631\u0648\u0631\u064a", + "\u0632\u0647\u0631\u0627\u0646", + "\u0622\u0644_\u0645\u062d\u0645\u062f_\u0628\u0646_\u0639\u0644\u064a_\u0628\u0646_\u062c\u0645\u0627\u0632", + "\u0627\u0644\u0639\u0641\u064a\u0641\u064a", + "\u0628\u062a\u0631\u0648\u0646\u064a", + "\u062c\u0648\u062f\u0629", + "\u0642\u062d\u0637\u0627\u0646", + "\u0628\u0646\u0648_\u0639\u0645\u0631\u0648", + "\u0637\u0642\u0634", + "\u0622\u0644_\u062e\u0636\u064a\u0631", + "\u0632\u0628\u064a\u062f", + "\u062c\u0632\u064a\u0646\u064a", + "\u0628\u062f\u0631\u064a\u0629", + "\u0634\u062a\u064a\u0629", + "\u0645\u0634\u0639\u0634\u0639", + "\u0639\u0644\u064a\u0627\u0646", + "\u0628\u0646_\u0644\u0627\u062f\u0646", + "\u0627\u0645\u064a\u0648\u0646\u064a", + "\u0636\u0628\u064a\u0639\u0629", + "\u0627\u0644\u0645\u0646\u062a\u0641\u0642", + "\u0627\u0644\u062c\u0639\u0644\u064a\u064a\u0646", + "\u0627\u0633\u0637\u0645\u0628\u0648\u0644\u064a", + "\u0627\u0644\u0645\u0631\u0627\u0632\u064a\u0642", + "\u062e\u0648\u0631\u064a", + "\u0622\u0644_\u0645\u0639\u064a\u0636", + "\u0627\u0644\u0632\u064a\u062a\u0627\u0648\u064a", + "\u063a\u0646\u064a\u0645", + "\u0627\u0644\u0645\u063a\u0631\u0628\u064a", + "\u0635\u064a\u062f\u0627\u0646\u064a", + "\u0623\u0633\u062a\u064a\u062a\u064a\u0629", + "\u062d\u0645\u064a\u0636\u0629", + "\u0627\u0644\u0639\u0644\u064a\u0627\u0646", + "\u0627\u0644\u0642\u0637\u0628", + "\u0631\u0628\u064a\u0639\u0629", + "\u0627\u0644\u0642\u0632\u0627\u0632", + "\u0627\u0644\u0632\u064a\u062f\u0627\u0646\u064a\u0629", + "\u0627\u0644\u0646\u0639\u0646\u064a\u0634", + "\u0631\u0627\u062c\u062d", + "\u0639\u0648\u064a\u0636\u0629", + "\u0639\u0646\u0633", + "\u0627\u0644\u0645\u0648\u0631\u0643\u0629", + "\u0622\u0644_\u0639\u0627\u064a\u0636", + "\u0627\u0644\u0633\u0627\u062d\u0644\u064a", + "\u0627\u0644\u0623\u0632\u062f", + "\u0628\u064a\u0631\u0648\u062a\u064a", + "\u0628\u0646\u0648_\u064a\u0639\u0644\u0649", + "\u062c\u0632\u0627\u0631", + "\u063a\u0648\u0634\u0629", + "\u0633\u0648\u0645\u064a\u0631\u0629", + "\u0634\u0647\u0631\u0627\u0646", + "\u0628\u0642\u0634\u0627\u0646", + "\u0627\u0644\u0633\u0647\u0648\u0644", + "\u0627\u0644\u0639\u0642\u064a\u0644", + "\u0628\u0646\u0648_\u0635\u062e\u0631", + "\u0628\u0646\u0648_\u0641\u0631\u0627\u0633", + "\u0627\u0644\u062c\u0628\u0634\u0629", + "\u0627\u0644\u0623\u064a\u0648\u0628\u064a", + "\u0627\u0644\u0646\u0645\u0631", + "\u0643\u0645\u0627\u0644", + "\u0627\u0647\u0631\u0627\u0645", + "\u0627\u0644\u0633\u0627\u062f\u0629_\u0627\u0644\u0631\u0627\u0648\u064a\u0648\u0646", + "\u0627\u0644\u0643\u0644\u063a\u0627\u0635\u064a", + "\u0627\u0644\u0639\u0642\u064a\u062f\u0627\u062a", + "\u0639\u0630\u0631\u0629", + "\u0623\u0628\u0648_\u062f\u0627\u0648\u0648\u062f", + "\u0628\u0646\u0648_\u0627\u0644\u0646\u062c\u0627\u0631", + "\u0627\u0644\u062c\u0627\u0628\u0631", + "\u0627\u0644\u0633\u064a\u0641\u064a", + "\u0645\u0632\u0631\u0639\u0627\u0646\u064a", + "\u0627\u0644\u0633\u0627\u062f\u0629", + "\u0628\u0646\u0648_\u0632\u064a\u062f", + "\u062c\u0627\u0631_\u0627\u0644\u0644\u0647", + "\u0627\u0644\u062d\u0648\u064a\u0637\u0627\u062a", + "\u0627\u0644\u0628\u062f\u064a\u0631\u064a", + "\u0622\u0644_\u0628\u0646_\u0638\u0627\u0641\u0631", + "\u0627\u0644\u0628\u0634\u064a\u062a\u064a", + "\u062f\u0631\u0648\u064a\u0634", + "\u0627\u0644\u0645\u0641\u062a\u064a", + "\u0627\u0644\u0634\u0627\u064a\u0639", + "\u0647\u0630\u064a\u0644", + "\u0647\u0648\u0627\u0632\u0646", + "\u0634\u0627\u0647\u064a\u0646", + "\u0627\u0644\u062f\u0648\u0627\u0633\u0631", + "\u0627\u0644\u0643\u062b\u064a\u0631\u064a", + "\u0633\u0644\u064a\u0645", + "\u0632\u062d\u0644\u0627\u0648\u064a", + "\u062d\u062c\u0627\u0631", + "\u0627\u0644\u0645\u0634\u0627\u0648\u0644\u0629", + "\u0627\u0644\u062e\u064a\u0627\u0637", + "\u0627\u0644\u0625\u063a\u0628\u0627\u0631\u064a", + "\u062d\u0627\u0634\u062f", + "\u062c\u0647\u064a\u0646\u0629", + "\u0628\u0627\u0631\u0642", + "\u0627\u0644\u0628\u063a\u062f\u0627\u062f\u064a", + "\u0628\u0646\u0648_\u0636\u0645\u0631\u0629", + "\u0623\u0648\u0644\u0627\u062f_\u0628\u0648\u0639\u0632\u064a\u0632", + "\u0634\u0648\u064a\u0641\u0627\u062a\u064a", + "\u062f\u0644\u0627\u0634\u0629", + "\u0641\u0635\u064a\u0644", + "\u0622\u0644_\u0627\u0644\u0639\u0633\u0643\u0631\u064a", + "\u0628\u062c\u064a\u0644\u0629", + "\u0627\u0644\u062d\u0643\u0645_\u0628\u0646_\u0633\u0639\u062f_\u0627\u0644\u0639\u0634\u064a\u0631\u0629", + "\u0628\u0646\u0648_\u064a\u0627\u0633", + "\u0631\u0635\u0627\u0635", + "\u0628\u062f\u064a\u0631\u064a\u0629", + "\u062c\u062f\u064a\u0633", + "\u0627\u0644\u063a\u0648\u0627\u0646\u0645\u0629", + "\u0645\u0631\u0627\u062f", + "\u0627\u0644\u062a\u0631\u062c\u0645\u0627\u0646_\u0627\u0644\u0635\u0627\u0644\u062d", + "\u062d\u0645\u064a\u0631", + "\u0627\u0644\u0633\u0645\u0627\u0646", + "\u0637\u0631\u0627\u0628\u0644\u0633\u064a", + "\u0643\u0646\u0627\u0646\u0629", + "\u0627\u0644\u062c\u0646\u064a\u062f\u064a", + "\u0628\u064a\u0631\u0642\u062f\u0627\u0631", + "\u0641\u0647\u0645", + "\u062a\u063a\u0644\u0628_\u0628\u0646_\u0648\u0627\u0626\u0644", + "\u0628\u0643\u0631_\u0628\u0646_\u0648\u0627\u0626\u0644", + "\u0627\u0644\u0623\u0648\u0633", + "\u0627\u0644\u0628\u0627\u0645\u064a\u0629", + "\u0627\u0644\u0623\u0634\u0631\u0627\u0641", + "\u0643\u0627\u0646\u0648", + "\u0628\u0646\u0648_\u0623\u0633\u062f", + "\u0628\u0646\u0648_\u0644\u0627\u0645", + "\u0628\u0646\u0648_\u0643\u0644\u0628", + "\u0642\u064a\u0633_\u0639\u064a\u0644\u0627\u0646", + "\u0633\u0628\u064a\u0639", + "\u064a\u0634\u0643\u0631", + "\u0643\u0633\u0648\u0627\u0646\u064a", + "\u0627\u0631\u0646\u0627\u0624\u0648\u0637", + "\u062e\u0648\u0644\u0627\u0646", + "\u0627\u0644\u0634\u0639\u0628\u0627\u0646\u064a", + "\u0628\u0646\u0648_\u0643\u0646\u0632", + "\u0622\u0644_\u0633\u0639\u0648\u062f", + "\u0645\u0631\u0627\u0632\u064a\u0642_\u0627\u0644\u0628\u0642\u0648\u0645", + "\u0628\u0646\u0648_\u062e\u0627\u0644\u062f", + "\u0627\u0644\u062f\u0642\u0627\u0642", + "\u0627\u0644\u0645\u0645\u0644\u0648\u0643", + "\u0628\u0648_\u0645\u062f\u064a\u0646", + "\u0627\u0644\u0645\u062a\u0648\u0644\u064a", + "\u0642\u0628\u064a\u0644\u0629_\u0647\u0630\u064a\u0644_\u0627\u0644\u0628\u0642\u0648\u0645", + "\u0627\u0644\u0634\u0627\u0648\u064a\u0634", + "\u0628\u0646\u0648_\u062d\u0646\u064a\u0641\u0629", + "\u0627\u0644\u0639\u062c\u0645\u0627\u0646", + "\u062d\u0648\u0627\u0644\u0629", + "\u0628\u0646\u0648_\u0634\u064a\u0628\u0627\u0646", + "\u0645\u0636\u0631", + "\u064a\u0627\u0641\u0639", + "\u0628\u0646\u0648_\u0627\u0644\u0623\u062d\u0645\u0631", + "\u0627\u0644\u0646\u0634\u0627\u0634\u064a\u0628\u064a", + "\u0627\u0644\u0639\u0627\u0631\u0641", + "\u0633\u0631\u0646\u062f\u062d", + "\u0627\u0644\u0643\u0627\u0644\u0648\u062a\u064a", + "\u0639\u062f\u0648\u0627\u0646", + "\u0623\u0628\u0648_\u0627\u0633\u0646\u064a\u0646\u0629", + "\u0622\u0644_\u062d\u0633\u064a\u0646", + "\u0644\u062e\u0645", + "\u0639\u0627\u0645\u0644\u0629", + "\u063a\u0637\u0641\u0627\u0646", + "\u0639\u0646\u0632_\u0628\u0646_\u0648\u0627\u0626\u0644", + "\u0627\u0644\u0628\u064a\u0637\u0627\u0631", + "\u0625\u064a\u0627\u062f", + "\u0627\u0644\u062a\u0631\u0643\u0645\u0627\u0646", + "\u0627\u0644\u062e\u0631\u0627\u0641\u064a", + "\u0627\u0644\u062f\u0628\u0627\u063a", + "\u062c\u0630\u0627\u0645", + "\u062d\u062c\u0627\u0632\u064a", + "\u0628\u0646\u0648_\u0627\u0644\u0623\u062d\u0645\u0631_\u0628\u0646_\u0627\u0644\u062d\u0627\u0631\u062b", + "\u0627\u0644\u0647\u062f\u0645\u064a", + "\u0622\u0644_\u0639\u0644\u064a", + "\u0622\u0644_\u0645\u0642\u0637\u0629", + "\u062c\u0631\u0647\u0645", + "\u0628\u0646\u064a_\u0631\u0634\u064a\u062f", + "\u0627\u0644\u0645\u0624\u0642\u062a", + "\u0627\u0644\u062f\u0627\u0648\u062f\u064a", + "\u0647\u0646\u062f\u064a\u0629", + "\u0627\u0644\u062e\u0632\u0631\u062c", + "\u0634\u0645\u0631", + "\u0645\u062a\u0646\u064a", + "\u0623\u0648\u0644\u0627\u062f_\u0632\u064a\u0627\u0646", + "\u0627\u0644\u0633\u0643\u0627\u0643\u064a\u0646\u064a", + "\u0628\u0646\u0648_\u0623\u0645\u064a\u0629", + "\u0628\u0646\u0648_\u0639\u062c\u0644", + "\u0627\u0644\u0638\u0641\u064a\u0631", + "\u0628\u0646\u0648_\u0645\u0647\u062f\u064a", + "\u0646\u0647\u062f", + "\u0623\u0628\u0648_\u0634\u0642\u062f\u0645", + "\u062a\u0646\u0648\u062e", + "\u0627\u0644\u062e\u0645\u0627\u0634", + "\u0639\u0628\u062f\u0647", + "\u0628\u0643\u0631_\u0628\u0646_\u0639\u0628\u062f_\u0645\u0646\u0627\u0629", + "\u0639\u0628\u062f_\u0627\u0644\u0644\u0637\u064a\u0641", + "\u0645\u064a\u0631\u0641\u0627\u0628", + "\u0627\u0644\u0642\u0644\u0645\u0648\u0646\u064a", + "\u0628\u0646\u0648_\u0644\u064a\u062b", + "\u0622\u0644_\u0635\u0641\u0648\u0627\u0646", + "\u0637\u0633\u0645", + "\u0628\u0646\u0648_\u0639\u062f\u064a", + "\u0627\u0644\u062e\u0627\u0644\u062f\u064a", + "\u062a\u0631\u0627\u0628\u064a\u0646", + "\u0627\u0644\u062a\u0645\u064a\u0645\u064a", + "\u0627\u0644\u0631\u0628\u0627\u0628", + "\u063a\u0627\u0645\u062f", + "\u0647\u0645\u062f\u0627\u0646", + "\u0646\u062c\u0645", + "\u062d\u0648\u0633\u0629", + "\u0639\u0631\u0645\u0648\u0646\u064a", + "\u0646\u0648\u0631_\u0627\u0644\u062f\u064a\u0646", + "\u0639\u062c\u0631\u0645\u0629_(\u0627\u0644\u0639\u062c\u0627\u0631\u0645\u0629)", + "\u0627\u0644\u0634\u0631\u0641\u0627\u0621", + "\u0628\u0646\u064a_\u0639\u0637\u064a\u0629", + "\u0622\u0644_\u0628\u0646_\u0644\u0627\u0641\u064a", + "\u0623\u0628\u0648_\u063a\u0644\u064a\u0648\u0646", + "\u0622\u0644_\u062c\u0639\u0641\u0631", + "\u0627\u0644\u062c\u0641\u0627\u0644\u064a", + "\u0627\u0644\u0631\u0628\u0627\u0637\u0627\u0628", + "\u0627\u0644\u062d\u062c\u0627\u0631", + "\u0627\u0644\u062d\u062c\u0631_\u0628\u0646_\u0627\u0644\u0647\u0646\u0648\u0621_\u0628\u0646_\u0627\u0644\u0623\u0632\u062f", + "\u0623\u0628\u0648_\u0642\u0645\u0631", + "\u0627\u0644\u0645\u0647\u0646\u0627", + "\u0627\u0644\u0635\u0627\u0644\u062d\u064a", + "\u0622\u0644_\u0627\u0644\u0634\u064a\u062e", + "\u062e\u0632\u0627\u0639\u0629", + "\u0627\u0644\u0623\u062f\u063a\u0645", + "\u0627\u0644\u062d\u0648\u0627\u0634", + "\u0627\u0644\u062e\u0637\u064a\u0628_\u0628\u0646\u064a_\u062c\u0645\u0627\u0639\u0629_\u0627\u0644\u0643\u0646\u0627\u0646\u064a", + "\u0627\u0644\u062d\u0644\u0627\u0642", + "\u0646\u062c\u064a\u0628", + "\u062c\u0631\u0627\u0631", + "\u0627\u0644\u0646\u0642\u064a\u0628", + "\u0628\u0646\u0648_\u0645\u0639\u0642\u0644", + "\u062d\u0645\u0627\u0645\u064a", + "\u0637\u0632\u064a\u0632", + "\u0622\u0644_\u0639\u0648\u0627\u0636", + "\u0627\u0644\u062f\u062c\u0627\u0646\u064a", + "\u0627\u0644\u0645\u063a\u0627\u0648\u0644\u0629", + "\u0627\u0644\u0623\u0644\u062c\u0627\u0648\u064a", + "\u0627\u0644\u0628\u062e\u0627\u0631\u064a", + "\u0627\u0644\u0632\u0631\u0642\u0627\u0646", + "\u0645\u0637\u064a\u0631", + "\u0627\u0628\u0648_\u0639\u064a\u062f", + "\u062f\u0648\u0628\u0644\u0627\u0644", + "\u0627\u0644\u062d\u0643\u064a\u0631", + "\u0627\u0644\u062f\u064a\u0633\u064a", + "\u0639\u0636\u0644", + "\u0627\u0644\u062d\u0644\u0648\u0627\u0646\u064a", + "\u0627\u0644\u0639\u0648\u0627\u0632\u0645", + "\u0627\u0644\u0639\u0644\u0645\u064a", + "\u0623\u0643\u0644\u0628", + "\u0642\u0631\u064a\u0634", + "\u0627\u0644\u0639\u0648\u0627\u0644\u0642", + "\u0628\u0646\u064a_\u0647\u0627\u062c\u0631", + "\u0627\u0644\u0631\u0627\u0634\u062f", + "\u0627\u0644\u0645\u0627\u0646\u064a", + "\u062d\u0646\u0628\u0648\u0644\u064a", + "\u0642\u0631\u0627\u062f\u0629", + "\u0639\u0646\u0632\u0629", + "\u0627\u0644\u062d\u0633\u064a\u0646\u064a", + "\u0627\u0644\u0645\u0638\u0641\u0631", + "\u0627\u0644\u0642\u0636\u0645\u0627\u0646\u064a", + "\u0642\u0636\u0627\u0639\u0629", + "\u0628\u0646\u0648_\u0647\u0627\u0634\u0645", + "\u0642\u0637\u064a\u0646\u0629", + "\u0627\u0644\u0643\u0628\u0627\u0628\u064a\u0634", + "\u0645\u0631\u0645\u0634", + "\u0639\u0628\u062f_\u0627\u0644\u0642\u064a\u0633", + "\u0627\u0644\u0639\u062c\u0644\u0627\u0646", + "\u0645\u0639\u062a\u0648\u0642", + "\u0637\u064a\u0621", + "\u0627\u0644\u0634\u0647\u0627\u0628\u064a", + "\u0627\u0644\u0634\u0627\u064a\u0642\u064a\u0629", + "\u0622\u0644_\u0631\u0641\u064a\u0639", + "\u0627\u0644\u0628\u064a\u0633\u0627\u0631_\u0627\u0644\u0642\u0639\u0642\u0648\u0631", + "\u0637\u0648\u0642\u0627\u0646", + "\u0627\u0644\u0642\u0631\u062c\u0648\u0644\u064a", + "\u0648\u0647\u0628\u0629", + "\u0639\u0633\u064a\u0631", + "\u062e\u062b\u0639\u0645", + "\u0627\u0644\u0646\u0645\u0631\u064a", + "\u0627\u0644\u0645\u0647\u0631\u0629", + "\u0635\u064a\u0627\u0645", + "\u0622\u0644_\u0639\u0637\u0641\u0629", + "\u0628\u0646\u0648_\u0639\u0628\u0633", + "\u0628\u0646\u0648_\u0634\u0647\u0631", + "\u0627\u0644\u0642\u0627\u0639\u064a", + "\u0639\u062a\u064a\u0628\u0629", + "\u0628\u062d\u0645\u062f\u0648\u0646\u064a", + "\u0641\u0631\u0627\u0647\u064a\u062f", + "\u0628\u0646\u064a_\u0628\u064a\u0627\u062a", + "\u0643\u0647\u0644\u0627\u0646", + "\u0628\u0646\u0648_\u0627\u0644\u062d\u0627\u0631\u062b_\u0628\u0646_\u0643\u0639\u0628", + "\u062b\u0642\u064a\u0641", + "\u0628\u0646\u0648_\u0627\u0644\u0623\u0633\u0645\u0631", + "\u0627\u0644\u0634\u062d\u0648\u062d", + "\u0645\u0647\u064a\u0627\u0631", + "\u0627\u0644\u0642\u0628\u0627\u0646\u064a", + "\u062d\u0628_\u0631\u0645\u0627\u0646", + "\u0628\u0646\u0648_\u0630\u064a_\u0623\u0635\u0628\u062d", + "\u0627\u0644\u062c\u0627\u0639\u0648\u0646\u064a", + "\u0637\u0648\u0637\u062d", + "\u0633\u0645\u0648\u0645", + "\u0627\u0644\u064a\u0648\u0632\u0628\u0627\u0634\u064a", + "\u062a\u0645\u064a\u0645", + "\u0627\u0644\u062e\u0644\u0641\u0627\u0648\u064a", + "\u0627\u0644\u0642\u0648\u0627\u0633\u0645", + "\u0623\u0628\u0648_\u0634\u0644\u0628\u0643", + "\u0627\u0644\u0646\u062c\u0627\u0631", + "\u0627\u0644\u0639\u0633\u0644\u064a", + "\u0628\u0646\u0648_\u0647\u0644\u0627\u0644", + "\u0639\u0643\u0627\u0648\u064a", + "\u0627\u0644\u062a\u0631\u0647\u064a", + "\u0627\u0644\u0628\u0642\u0648\u0645", + "\u0647\u0627\u0634\u0645", + "\u0635\u0644\u064a\u0628\u0627", + "\u0645\u0632\u064a\u0646\u0629", + "\u0623\u0634\u062c\u0639", + "\u0634\u0631\u0641", + "\u0627\u0644\u0643\u0648\u0627\u0647\u0644\u0629", + "\u0628\u062f\u0631", + "\u0643\u0646\u062f\u0629", + "\u0627\u0644\u0632\u0645\u0627\u0645\u064a\u0631\u064a", + "\u0634\u0631\u0628\u062a\u0644\u064a", + "\u0634\u0645\u0631\u0627\u0646", + "\u0628\u0646\u0648_\u0627\u0644\u062f\u0626\u0644", + "\u0627\u0644\u0641\u062a\u064a\u0627\u0646\u064a", + "\u0627\u0644\u0628\u0631\u063a\u0648\u062b\u064a", + "\u0627\u0644\u062f\u0633\u0648\u0642\u064a", + "\u0627\u0644\u062d\u062f\u0627\u0621", + "\u0627\u0644\u062f\u0644\u064a\u0645", + "\u0627\u0644\u0634\u0627\u0645\u064a", + "\u0646\u0633\u064a\u0628\u0629", + "\u0628\u0646\u0648_\u0627\u0644\u0639\u0631\u064a\u062c", + "\u0628\u0646\u0648_\u0645\u0627\u0644\u0643", + "\u0623\u0641\u063a\u0627\u0646\u064a", + "\u0627\u0644\u0648\u0639\u0631\u064a", + "\u0628\u0644\u063a\u0627\u0632\u064a", + "\u0627\u0644\u0645\u0648\u0633\u0648\u0633", + "\u0628\u0646\u0648_\u0633\u0639\u062f_\u0628\u0646_\u0628\u0643\u0631", + "\u0627\u0644\u062d\u0646\u0628\u0644\u064a", + "\u0628\u0639\u0644\u0628\u0643\u064a", + "\u0645\u0630\u062d\u062c" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0631\u064a\u064a\u0633\u0629_\u062f\u064a\u0631": "\u0631\u064a\u064a\u0633_\u0627\u0644\u062f\u064a\u0631", + "\u0639\u0645\u0647": "\u0639\u0645", + "\u0625\u0628\u0646\u0629": "\u0625\u0628\u0646", + "\u0633\u0644\u064a\u0644\u0629": "\u0625\u0628\u0646", + "\u0644\u0648\u0631": "\u0627\u0628\u0646", + "\u0627\u0628\u0646\u0629": "\u0625\u0628\u0646", + "\u0628\u0646\u062a": "\u0625\u0628\u0646", + "\u0643\u0631\u064a\u0645\u0629": "\u0627\u0628\u0646", + "\u062f\u0648\u0642\u0629": "\u062f\u0648\u0642", + "\u0627\u0645\u0628\u0631\u0627\u0637\u0648\u0631\u0629": "\u0625\u0645\u0628\u0631\u0627\u0637\u0648\u0631", + "\u0627\u0646\u062b\u0649": "\u0630\u0643\u0631\u064a", + "\u0645\u0624\u0646\u062a": "\u0630\u0643\u0631\u064a", + "\u0623\u0646\u062b\u0649": "\u0630\u0643\u0631\u064a", + "\u0646\u0633\u0648\u0627\u0646": "\u0645\u0630\u0643\u0631", + "\u0646\u062a\u0627\u064a\u0629": "\u0645\u0630\u0643\u0631", + "\u0623\u0646\u062b\u0648\u064a": "\u0645\u0630\u0643\u0631", + "\u062d\u0641\u064a\u062f\u0629": "\u062d\u0641\u064a\u062f", + "\u0647\u0627": "\u0647", + "\u0628\u0637\u0644\u0629": "\u0628\u0637\u0644", + "\u0644\u0647\u0627": "\u0628\u062a\u0627\u0639\u0647\u0645", + "\u0628\u062a\u0627\u0639\u0647\u0627": "\u0644\u0647\u0645\u0627", + "\u0628\u062a\u0627\u0639\u062a\u0647\u0627": "\u0628\u062a\u0627\u0639\u062a\u0647\u0645", + "\u0628\u062a\u0648\u0639\u0647\u0627": "\u0628\u062a\u0627\u0639\u062a\u0647\u0645", + "\u0633\u062a_\u0627\u0644\u0628\u064a\u062a": "\u0627\u0644\u0631\u0628", + "\u0631\u0628\u0629_\u0627\u0644\u0628\u064a\u062a": "\u0631\u0628", + "\u0631\u0628\u0629": "\u0631\u0628", + "\u0631\u0628\u0629_\u0627\u0644\u0645\u0646\u0632\u0644": "\u0627\u0644\u0631\u0628", + "\u0631\u0628\u0629_\u0645\u0646\u0632\u0644": "\u0631\u0628", + "\u0645\u062f\u0644\u0643\u0629": "\u0645\u062f\u0644\u0643", + "\u062f\u0644\u0644": "\u062f\u0627\u062f\u0627", + "\u0631\u0639\u0649_\u0628\u0625\u0641\u0631\u0627\u0637": "\u0645\u0646\u062c\u0628", + "\u0648\u0627\u0644\u062f\u0629": "\u0627\u0628\u0627", + "\u0623\u0645": "\u0645\u0648\u0644\u062f", + "\u0627\u0647\u062a\u0645_\u0643\u062b\u064a\u0631\u0627_\u0628": "\u0627\u062a\u0627", + "\u0645\u0627\u0633": "\u0645\u0648\u0644\u062f", + "\u0646\u0648\u0646": "\u0631\u0627\u0647\u0628", + "\u0631\u0627\u0647\u0628\u0629": "\u0631\u0627\u0647\u0628", + "\u0646": "\u0631\u0627\u0647\u0628", + "\u0627\u0645\u064a\u0631\u0629": "\u0623\u0645\u064a\u0631", + "\u0645\u0644\u0643\u0629": "\u0634\u0627\u0647", + "\u0627\u0644\u0645\u0644\u0643\u0629": "\u0631\u0627\u062c\u0627", + "\u0634\u0642\u064a\u0642\u0629": "\u0623\u062e", + "\u062e\u0648\u0631": "\u0627\u062e", + "\u0623\u062e\u062a": "\u0623\u062e", + "\u062f\u064a\u062f\u064a": "\u0623\u062e", + "\u0627\u062e\u062a": "\u0634\u0642\u064a\u0642", + "\u0639\u0636\u0648\u0629": "\u0634\u0642\u064a\u0642", + "\u0631\u0627\u0628\u0629": "\u0632\u0648\u062c_\u0627\u0644\u0627\u0645", + "\u0632\u0648\u062c\u0629_\u0627\u0644\u0627\u0628": "\u0632\u0648\u062c_\u0627\u0644\u0627\u0645", + "\u0646\u0627\u062f\u0644\u0629": "\u0648\u0635\u064a\u0641", + "\u062c\u0631\u0633\u0648\u0646\u0629": "\u062c\u0631\u0633\u0648\u0646", + "\u0623\u0631\u0645\u0644\u0629": "\u0627\u0631\u0645\u0644", + "\u0627\u0631\u0645\u0644\u0629": "\u0627\u0631\u0645\u0644", + "\u0627\u0645\u0631\u0627\u0629": "\u0645\u0631\u0621", + "\u0645\u0631\u0627\u062a": "\u062c\u0648\u0632", + "\u0632\u0648\u062c\u0629": "\u0634\u0648", + "\u0632\u0646": "\u0627\u0645\u0631\u0624", + "\u0625\u0645\u0631\u0623\u0629": "\u0631\u0627\u062c\u0644", + "\u0646\u0633\u0627\u0621": "\u0645\u0631\u0621", + "\u0645\u0631\u0627": "\u0627\u0645\u0631\u0624", + "\u0627\u0644\u0645\u0631\u0627\u0629": "\u0645\u0631\u0621", + "\u0627\u0645\u0631\u0623\u0629": "\u0627\u0645\u0631\u0624", + "\u0632\u0627\u0644": "\u0631\u0627\u062c\u0644", + "\u0633\u062a": "\u0627\u0645\u0631\u0624", + "\u0635\u0628\u064a\u0627\u0646": "\u0634\u0627\u0628\u0629", + "\u0634\u0627\u0628": "\u0635\u0628\u064a\u0629" + }, + "other_gender_swap": { + "\u0627\u064a\u0627\u0647\u0646": "\u0647\u0627", + "\u0627\u064a\u0627\u0647\u0645": "\u0647\u0627", + "\u0627\u064a\u0627\u0647\u0645\u0627": "\u0647\u0627", + "\u0647\u0646": "\u0647\u0627", + "\u0644\u0647\u0645": "\u0628\u062a\u0627\u0639\u062a\u0647\u0627", + "\u0628\u062a\u0627\u0639\u062a\u0647\u0645": "\u0644\u0647\u0627", + "\u0628\u062a\u0648\u0639\u0647\u0645": "\u0628\u062a\u0627\u0639\u0647\u0627", + "\u0644\u0647\u0645\u0627": "\u0628\u062a\u0627\u0639\u062a\u0647\u0627", + "\u0644\u0647\u0646": "\u0628\u062a\u0627\u0639\u062a\u0647\u0627", + "\u0644\u064a\u0647\u0645": "\u0628\u062a\u0627\u0639\u0647\u0627", + "\u0628\u062a\u0627\u0639\u0647\u0645": "\u0628\u062a\u0627\u0639\u0647\u0627", + "\u0647": "\u0628\u062a\u0627\u0639\u062a\u0647\u0645", + "\u0627\u064a\u0627\u0647": "\u0627\u064a\u0627\u0647\u0645\u0627", + "\u0628\u062a\u0627\u0639\u062a\u0648": "\u0644\u0647\u0646", + "\u0644\u064a\u0647": "\u0644\u0647\u0645", + "\u0644\u0647": "\u0644\u0647\u0646", + "\u0628\u062a\u0627\u0639\u0648": "\u0644\u0647\u0646", + "\u0628\u062a\u0648\u0639\u0648": "\u0628\u062a\u0627\u0639\u0647\u0645", + "\u0647\u0627": "\u0644\u0647\u0645", + "\u0644\u0647\u0627": "\u0644\u064a\u0647\u0645", + "\u0628\u062a\u0627\u0639\u0647\u0627": "\u0628\u062a\u0627\u0639\u0647\u0645", + "\u0628\u062a\u0627\u0639\u062a\u0647\u0627": "\u0628\u062a\u0648\u0639\u0647\u0645", + "\u0628\u062a\u0648\u0639\u0647\u0627": "\u0644\u0647\u0646" + }, + "en_pronoun2gender": { + "they": [ + "\u0644\u0648\u0637\u064a", + "\u0645\u062b\u0644\u064a_\u0627\u0644\u062c\u0646\u0633", + "\u0645\u062e\u0646\u062b", + "\u0645\u062a\u062d\u0648\u0644_\u0627\u0644\u062c\u0646\u0633", + "\u0634\u0627\u0630_\u062c\u0646\u0633\u064a\u0627", + "\u062a\u062d\u0648\u0644_\u062c\u0646\u0633\u064a" + ], + "he": [ + "\u0646\u0628\u064a\u0644", + "\u0639\u0627\u0634\u0642", + "\u0634\u0647\u0645", + "\u0645\u0647\u0630\u0628", + "\u0631\u062c\u0644_\u0646\u0628\u064a\u0644", + "\u062c\u0646\u062a\u0644\u0645\u0627\u0646", + "\u0635\u0628\u064a\u0627\u0646", + "\u0627\u0645\u0631\u0624", + "\u0634\u0627\u0628", + "\u0627\u0644\u0648\u0644\u062f_\u0627\u0644\u0635\u063a\u064a\u0631", + "\u0631\u0627\u062c\u0644", + "\u0630\u0643\u0631\u064a", + "\u0645\u0627\u062c\u062f", + "\u0645\u0631\u0621", + "\u0645\u0630\u0643\u0631", + "\u062e\u0644\u064a\u0644" + ], + "she": [ + "\u0627\u0644\u0645\u0631\u0627\u0629", + "\u0635\u063a\u064a\u0631\u0629", + "\u0646\u0628\u064a\u0644\u0629", + "\u0631\u0628\u0629_\u0627\u0644\u0628\u064a\u062a", + "\u0632\u0627\u0644", + "\u0636\u064a\u0639", + "\u0622\u0646\u0633\u0629", + "\u0627\u0646\u0633\u0629", + "\u0631\u0628\u0629_\u0645\u0646\u0632\u0644", + "\u0628\u0646\u062a", + "\u0633\u062a", + "\u0645\u064a\u0633_\u0623\u064a", + "\u0646\u062a\u0627\u064a\u0629", + "\u0623\u0636\u0627\u0639", + "\u0635\u0628\u064a\u0629", + "\u0632\u0646", + "\u0623\u0646\u062b\u0648\u064a", + "\u0633\u064a\u062f\u0629_\u0646\u0628\u064a\u0644\u0629", + "\u0627\u062e\u0637\u0627", + "\u0625\u0645\u0631\u0623\u0629", + "\u0645\u0624\u0646\u062a", + "\u062f\u0631\u064a\u0629", + "\u0637\u0641\u0644\u0629", + "\u0645\u0631\u0627", + "\u0623\u062e\u0637\u0623", + "\u0627\u0641\u062a\u0642\u062f", + "\u0646\u0633\u0627\u0621", + "\u0646\u0633\u0648\u0627\u0646", + "\u0631\u0628\u0629_\u0627\u0644\u0645\u0646\u0632\u0644", + "\u0631\u0628\u0629", + "\u0627\u0646\u062b\u0649", + "\u0634\u0627\u0628\u0629", + "\u0623\u0646\u062b\u0649", + "\u0627\u0645\u0631\u0623\u0629", + "\u0641\u062a\u0627\u0629", + "\u0627\u0645\u0631\u0627\u0629", + "\u0633\u062a_\u0627\u0644\u0628\u064a\u062a" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0628\u062a\u0648\u0639\u0648", + "\u0644\u0647", + "\u0628\u062a\u0627\u0639\u0648", + "\u0647", + "\u0644\u064a\u0647", + "\u0628\u062a\u0627\u0639\u062a\u0648", + "\u0627\u064a\u0627\u0647" + ], + "she": [ + "\u0628\u062a\u0627\u0639\u0647\u0627", + "\u0644\u0647\u0627", + "\u0628\u062a\u0627\u0639\u062a\u0647\u0627", + "\u0647\u0627", + "\u0628\u062a\u0648\u0639\u0647\u0627" + ], + "they": [ + "\u0644\u064a\u0647\u0645", + "\u0627\u0646\u0647\u0627", + "\u0644\u0647\u0646", + "\u0628\u062a\u0648\u0639\u0647\u0645", + "\u0627\u064a\u0627\u0647\u0645", + "\u0627\u064a\u0627\u0647\u0646", + "\u0644\u0647\u0645\u0627", + "\u0628\u062a\u0627\u0639\u0647\u0645", + "\u0627\u064a\u0627\u0647\u0645\u0627", + "\u0628\u062a\u0627\u0639\u062a\u0647\u0645", + "\u0647\u0646", + "\u0644\u0647\u0645" + ], + "it": [ + "\u0647\u062a\u0627\u0646", + "\u0647\u0648\u0644\u0627\u0621", + "\u062f\u0648\u0644", + "\u0627\u064a_\u062a\u064a", + "\u0647\u0630\u0627", + "\u062f\u064a", + "\u0647\u0630\u0627\u0646", + "\u0630\u0644\u0643", + "\u0646\u0641\u0633\u0647", + "\u0646\u0641\u0633\u0647\u0627", + "it", + "\u0647\u062f", + "\u062f\u0647", + "\u0627\u064a\u0646", + "\u0647\u0630\u0647" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/arc.json b/data_tooling/pii_processing/ontology/data/arc.json new file mode 100644 index 0000000..52c7e07 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/arc.json @@ -0,0 +1,49 @@ +{ + "PUBLIC_FIGURE": [ + "\u0721\u072a\u071d\u0721_\u0721\u0713\u0715\u0720\u071d\u072c\u0710" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0710\u0721\u0710": "\u0710\u0712\u0710", + "\u0721\u0720\u071f\u072c\u0710": "\u05de\u05dc\u05db\u05d0", + "\u05de\u05dc\u05db\u05ea\u05d0": "\u0721\u0720\u071f\u0710", + "\u05d4\u05d9": "\u05d4\u05d5\u05d0", + "\u0717\u071d": "\u0717\u0718", + "\u071a\u072c\u0710": "\u05d0\u05d7\u05d0" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u05de\u05df" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u05d4\u05d0", + "\u05d4\u05d5", + "\u0717\u0718", + "\u05d4\u05d5\u05d0" + ], + "she": [ + "\u0717\u071d", + "\u05d4\u05d9" + ], + "it": [ + "\u0717\u0715\u0710", + "\u05d4\u05e0\u05d0", + "\u0717\u0722\u0710", + "\u05d4\u05d3\u05d0" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/arn.json b/data_tooling/pii_processing/ontology/data/arn.json new file mode 100644 index 0000000..0489a78 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/arn.json @@ -0,0 +1,34 @@ +{ + "DISEASE": [ + "trekef\u00fcn" + ], + "GENDER": [ + "jike" + ], + "LANGUAGE": [ + "kechuadungun" + ], + "PLANT": [ + "calfuray" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "jike" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ast.json b/data_tooling/pii_processing/ontology/data/ast.json new file mode 100644 index 0000000..31413f7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ast.json @@ -0,0 +1,473 @@ +{ + "PUBLIC_FIGURE": [ + "henry_cavendish", + "akira_kurosawa", + "giovanni_boccaccio", + "henrik_ibsen", + "peter_lorre", + "mary_wollstonecraft", + "winston_churchill", + "pedru", + "paul_mccartney", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "salad\u00edn", + "bakunin", + "george_orwell", + "richard_wagner", + "marie_curie", + "michael_jackson", + "galileo_galilei", + "jane_goodall", + "joseph_goebbels", + "edmund_hillary", + "vincent_van_gogh", + "liliuokalani", + "yuri_gagarin", + "charles_chaplin", + "giuseppe_verdi", + "frank_sinatra", + "henri_matisse", + "don_quixote_de_la_mancha", + "john_ford", + "sarah_bernhardt", + "luigi_pirandello", + "dorothea_lange", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "f", + "thomas_mann", + "dante_alighieri", + "peter_pan", + "giacomo_puccini", + "paul_verlaine", + "oscar_wilde", + "philip_roth", + "adolf_eichmann", + "xerez", + "pete_seeger", + "a", + "morris", + "charles_baudelaire", + "immanuel_kant", + "samuel_gompers", + "weber", + "johannes_kepler", + "william_s_burroughs", + "julio_iglesias", + "canberra", + "edward_jenner", + "william_herschel", + "michael_faraday", + "greg", + "walt_disney", + "friedrich_engels", + "phil_collins", + "marcel_proust", + "homo_heidelbergensis", + "elizabeth_taylor", + "indira_gandhi", + "alfred_nobel", + "marco_polo", + "guillaume_apollinaire", + "henri_bergson", + "hans_christian_andersen", + "elizabeth_stanton", + "pablo_picasso", + "o", + "adam_smith", + "karl_marx", + "friedrich_nietzsche", + "i", + "nikola_tesla", + "le_corbusier", + "carlo_goldoni", + "henri_rousseau", + "william_wyler", + "gregoriu", + "titu", + "adolf_hitler", + "mikha\u00edl_gorbachov", + "buffalo_bill", + "rosa_parks", + "vladimir_putin", + "giuseppe_mazzini", + "g", + "arthur_schopenhauer", + "r", + "george_lucas", + "giuseppe_garibaldi", + "alexandre_dumas", + "johannes_gutenberg", + "amerigo_vespucci", + "putin", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "john_lennon", + "stanley_kubrick", + "james_watt", + "ronald_reagan", + "martin_luther_king", + "william_wordsworth", + "don_quixote", + "ernest_hemingway", + "nelson_mandela", + "al_gore", + "mohandas_gandhi", + "roald_amundsen", + "charles_dickens", + "jacques_offenbach", + "francisco_pizarro", + "francisco_franco", + "johnny_cash", + "joseph_mccarthy", + "albert_einstein", + "t", + "sordomudu" + ], + "DISEASE": [ + "peste_bub\u00f3nica", + "tatexu", + "tatexar", + "belleya", + "bermeyura", + "relluezu", + "espirriar", + "llandra", + "sipu", + "herpe", + "estornudar", + "tartayar", + "qi", + "atartayar", + "gimp", + "sollutu", + "pica", + "quemadura", + "esperr\u00edu", + "zumu", + "tartayu", + "casta\u00f1u", + "embaranzu", + "llepra", + "malaria" + ], + "PRODUCT": [ + "justin_bieber", + "arcu_de_trunfu", + "imperiu_romanu", + "don_quixote", + "cobaya", + "the_lord_of_the_rings", + "la_divina_comedia", + "mario_andretti", + "s\u00e3o_tom\u00e9_y_pr\u00edncipe" + ], + "JOB": [ + "obispu", + "siquiatra", + "obreru", + "balleneru", + "mensaxeru", + "corsariu", + "compositor", + "carpintera", + "baillador", + "panaderu", + "kamikaze", + "novelista", + "ceruxanu", + "marineru", + "falante", + "mate", + "pastor", + "orinar", + "aguar\u00f3n", + "corporal", + "cocedor", + "granxera", + "granxeru", + "carpinteru", + "principal", + "bomberu", + "segundu", + "baillar\u00edn", + "mar\u00edn", + "esclavu", + "xastre", + "coleicionista", + "llecheru", + "autor" + ], + "ORG": [ + "san_jos\u00e9", + "arma_blanca", + "jan_mayen", + "nasa", + "europol", + "the_who", + "san_francisco", + "un", + "a_poco_a_poco", + "gobiernu", + "el_gordu_y_el_flacu", + "planches", + "visnuismu", + "mar_bermeya", + "part\u00edu_dem\u00f3crata_de_los_estaos_xun\u00edos", + "cabu_verde", + "drechu_civil", + "po", + "los_angeles", + "sindicatu", + "fuerza_a\u00e9reo", + "escuela", + "part\u00edu_republicanu_de_los_estaos_xun\u00edos", + "comerciu", + "sietestrellu" + ], + "RELIGION": [ + "zen", + "catarismu", + "islam", + "sinto\u00edsmu", + "tao\u00edsmu" + ], + "RELIGION_MEMBER": [ + "budista", + "hermanu", + "franciscanu" + ], + "PLANT": [ + "llamera", + "ortiga", + "helianthus_annuus", + "zanahoria", + "taxus_baccata", + "salce", + "axenxu", + "miru\u00e9ndanu", + "mirasol", + "ciruela", + "pinu", + "muscicapa_striata", + "repollu", + "urtiga", + "mostaza", + "beta_vulgaris", + "casta\u00f1u", + "cereza", + "castanea", + "salgueru", + "cenahoria", + "cirig\u00fceyu" + ], + "ANIMAL": [ + "xibarte", + "esguilu", + "utre", + "cobaya", + "sitta_europaea", + "llince", + "kunduz", + "esquilu", + "manta", + "escalag\u00fcertu", + "sitta_carolinensis", + "mantodea", + "vacalloria", + "homo_sapiens", + "frang\u00fcesu", + "pollu", + "melandru", + "estorn\u00edn", + "verriacu", + "cucaracha", + "taforru", + "sable", + "equinoidea", + "arthropoda", + "verracu", + "falc\u00f3n", + "lince", + "sitta_canadensis", + "mantis", + "furaga\u00f1a", + "curuxa", + "gurri\u00f3n", + "ferre", + "cuervu" + ], + "LANGUAGE": [ + "alem\u00e1n", + "xapon\u00e9s", + "griega", + "ar\u00e1bicu", + "catal\u00e1n", + "griegu", + "manx", + "esperantu", + "tailand\u00e9s", + "hindi", + "vascu", + "faladera", + "ar\u00e1bigu", + "ido", + "llat\u00edn", + "tonga" + ], + "FOOD": [ + "daucus_carota", + "farina", + "chile", + "gasiosa", + "desiertu", + "llacteu" + ], + "LOCATION": [ + "mar_negru", + "mar_del_norte", + "de_nada", + "estaos_un\u00edos", + "crist\u00f3balo_col\u00f3n", + "cabu_d_hornos", + "saint_lucia", + "almaaz", + "arena", + "sri_lanka", + "the_rolling_stones", + "campu" + ], + "PERSON": [ + "al_gore", + "rudolf_hess", + "herbert_george_wells" + ], + "RACE": [ + "tagalu", + "francesa", + "africanu" + ], + "FAC": [ + "a_poco_a_poco", + "plaza", + "saint_lucia", + "pedru_i_de_rusia", + "ilesia_cat\u00f3lica" + ], + "PERSON_PRONOUN": [ + "vosotres", + "i", + "de_so", + "de_to", + "me", + "vosotros", + "nosotros", + "tutiar", + "nosotras" + ], + "GENDER": [ + "var\u00f3n" + ], + "SOC_ECO_CLASS": [ + "socied\u00e1", + "fraternid\u00e1", + "samur\u00e1i" + ], + "GPE": [ + "imperiu_alem\u00e1n", + "nuevu_testamentu", + "ap\u00f3stol_san_pedru", + "mar_bermeya", + "mar_ex\u00e9u", + "esp\u00edritu_santu" + ], + "QUANTITY": [ + "quilopondiu", + "quinientos", + "g", + "anders_celsius" + ], + "POLITICAL_PARTY": [ + "partido_popular", + "part\u00edu_pol\u00edticu", + "part\u00edu_social_dem\u00f3crata", + "part\u00edu_comunista" + ], + "EVENT": [ + "castiella_y_lle\u00f3n" + ], + "UNION": [ + "sindicatu" + ], + "DATE": [ + "natalid\u00e1" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abadesa": "ab\u00e1", + "baronesa": "bar\u00f3n", + "nieta": "nietu", + "\u00f1eta": "nietu", + "monxa": "monxu", + "nun": "monxu", + "pr\u00edncipe": "el_pr\u00edncipe", + "andada": "fiastru", + "fiastra": "fiastru", + "madrastra": "padrastru", + "madrasta": "padrastru", + "muyer": "var\u00f3n", + "esposa": "esposu", + "bruxa": "bruxu", + "norn": "bruxu", + "nisu": "var\u00f3n", + "ne\u00f1u": "\u00f1ena", + "var\u00f3n": "ne\u00f1a" + }, + "other_gender_swap": { + "elli": "ellos" + }, + "en_pronoun2gender": { + "he": [ + "ariar", + "var\u00f3n", + "ne\u00f1u" + ], + "she": [ + "\u00f1ena", + "ne\u00f1a", + "muyer", + "nisu" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "elli" + ], + "they": [ + "ellos", + "elles" + ], + "it": [ + "esta", + "esti" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/av.json b/data_tooling/pii_processing/ontology/data/av.json new file mode 100644 index 0000000..e7985d5 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/av.json @@ -0,0 +1,28 @@ +{ + "PLANT": [ + "\u043b\u0430\u043c\u0430\u0434\u0443\u0440" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u044d\u0431\u0435\u043b": "\u044d\u043c\u0435\u043d", + "\u0431\u0443\u0431\u0430": "\u044d\u043c\u0435\u043d" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u044f\u0441" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/az.json b/data_tooling/pii_processing/ontology/data/az.json new file mode 100644 index 0000000..d53f104 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/az.json @@ -0,0 +1,687 @@ +{ + "LOCATION": [ + "al_jazeera", + "\u0131_osman", + "sina_da\u011f\u0131", + "\u00e7ox_raz\u0131yam", + "hertoqenbos", + "saksoniya_anhalt", + "il_de_frans", + "sen_vinsent", + "taz\u0131lar", + "hind_okean\u0131", + "\u00e7ox_raz\u0131jam", + "yuxar\u0131_g\u00f6l", + "xuanxe", + "univermaq", + "m\u0259rk\u0259zi_bank", + "la_man\u015f", + "konservatoriya", + "ab\u015f", + "santa_klaus", + "krivoy_roq", + "az\u0259rbaycan_respublikas\u0131n\u0131n_milli_m\u0259clisi", + "yeni_d\u00fcnya", + "ruhi_x\u0259st\u0259xana", + "trifolium_dubium" + ], + "ORG": [ + "dominion", + "alt\u0131_y\u00fcz", + "\u00fc\u00e7_bac\u0131", + "nasa", + "daosizm", + "nasional_sosialist_alman_f\u0259hl\u0259_partiyas\u0131", + "un", + "xuanxe", + "q\u0131rm\u0131z\u0131_xa\u00e7", + "hertoqenbos", + "\u0645\u0646_\u0633\u0646\u06cc_\u0633\u0648\u06cc\u0631\u0645", + "siyasi_partiya", + "kabo_verde", + "b\u00f6y\u00fck_ay\u0131", + "ab\u015f_demokrat_partiyas\u0131", + "katolik_kils\u0259si", + "don_juan", + "qaradul", + "the_new_school", + "kollec", + "zeytun_da\u011f\u0131", + "masonluq", + "benil\u00fcks", + "m\u00fcq\u0259dd\u0259s_yelena_adas\u0131", + "hava_q\u00fcvv\u0259l\u0259ri", + "san_tome", + "gestapo", + "konservatoriya", + "han_s\u00fclal\u0259si", + "al_jazeera", + "maarif", + "bollivud", + "g\u00f6mr\u00fck", + "mossad", + "az\u0259rbaycan_sosial_demokrat_partiyas\u0131", + "elml\u0259r_akademiyas\u0131", + "beyn\u0259lxalq_telekomunikasiya_ittifaq\u0131", + "po_\u00e7ay\u0131", + "min_s\u00fclal\u0259si", + "nato", + "a\u011f_ev", + "sayentologiya", + "leyboristl\u0259r_partiyas\u0131", + "by_the_way", + "federal_t\u0259hqiqat_b\u00fcrosu", + "\u0259kin\u00e7ilik", + "botanika_ba\u011f\u0131", + "vinni_pux", + "m\u00fchafiz\u0259karlar_partiyas\u0131", + "g\u00f6mr\u00fckxana", + "saqq\u0131z", + "qaraqurd" + ], + "DISEASE": [ + "buruqboyun", + "appendisit", + "qanaxma", + "stenokardiya", + "xolangit", + "yuxusuzluq", + "\u015fabal\u0131d", + "malyariya", + "istilik", + "demensiya", + "iltihab", + "yuxu", + "sirroz", + "progeriya", + "beri_beri", + "katarakta", + "plevrit", + "konyunktivit", + "talassemiya", + "sosiofobiya", + "materializm", + "qastrit", + "smart", + "addiksiya", + "deliriya", + "rubella", + "susuzluq", + "dumanl\u0131q", + "ziyil", + "q\u0131z\u0131lca", + "aura", + "hamil\u0259lik", + "fuqa", + "lyambliyoz", + "arboviruslar", + "ziyan", + "pellaqra", + "qarayara", + "ishal" + ], + "PERSON_PRONOUN": [ + "\u0131" + ], + "ANIMAL": [ + "maral_b\u00f6c\u0259yi", + "bildir\u00e7in\u00e7alan", + "qaratoyuqlar", + "tetralar", + "uzunqanadlar", + "heron", + "yeng\u0259cyey\u0259n", + "marallar", + "karabidl\u0259r", + "adi_me\u015f\u0259\u00f6rd\u0259yi", + "qaradul", + "berqut", + "su_si\u00e7ovulu", + "tarakankimil\u0259r", + "carduelis", + "al_\u0259lvan_q\u0131z\u0131lxall\u0131", + "avropa_t\u00fcviyi", + "mil\u00e7\u0259kqapanlar", + "lavrak", + "baribal", + "sincab", + "aktinil\u0259r", + "susamuru", + "prunus_tenella", + "erektus", + "cyclopedidae", + "sincablar", + "quruburun", + "lemminq", + "\u015fahin", + "m\u0259rcan", + "qara_dul", + "yarpaqyey\u0259nl\u0259r", + "moryanka", + "porsuq", + "qaraqurd", + "panqasius", + "tarakan", + "and_q\u0131z\u0131lqaz\u0131", + "sincabaox\u015far", + "and_kondoru", + "almaqurdu", + "k\u0259nd_qaranqu\u015fu", + "\u0259r\u0259bdov\u015fan\u0131" + ], + "PLANT": [ + "mahonia", + "salvia_leucophylla", + "berqamot", + "veronica_beccabunga", + "quercus_coccinea", + "viola_reichenbachiana", + "rosa_chinensis", + "lathyrus_latifolius", + "monarda_citriodora", + "quercus_kelloggii", + "amelanchier_bartramiana", + "aylant", + "qara\u011fac", + "maqnoliya", + "monarda", + "sorbus_torminalis", + "liparis_loeselii", + "papaver_alpinum", + "hydrangea_petiolaris", + "prunus_laurocerasus", + "passiflora_ligularis", + "atriplex_hortensis", + "danaaya\u011f\u0131", + "teucrium_scorodonia", + "su_nan\u0259si", + "arctostaphylos_alpina", + "acacia_pycnantha", + "sakura", + "rhus_typhina", + "euphorbia_dentata", + "ranunculus_ficaria", + "yulafca", + "senna_alata", + "qaraqovaq", + "calophyllum_inophyllum", + "rosa_multiflora", + "yadda\u015f\u00e7i\u00e7\u0259yi", + "naringi", + "salix_viminalis", + "veronica_serpyllifolia", + "quercus_ellipsoidalis", + "veronica_peregrina", + "chaenomeles_speciosa", + "nymphaea_odorata", + "artemisia_cana", + "milad_a\u011fac\u0131", + "salix_fragilis", + "inci\u00e7i\u00e7\u0259yi", + "hedysarum_coronarium", + "draba_verna", + "kaprifol", + "gilas", + "cotoneaster_horizontalis", + "viburnum_prunifolium", + "at_paxlas\u0131", + "euphorbia_cyparissias", + "katexu_palmas\u0131", + "albal\u0131", + "eugenia_uniflora", + "blackberry", + "gaval\u0131", + "ballota_nigra", + "lotus_corniculatus", + "hydrangea_arborescens", + "raphanus_raphanistrum", + "q\u0131z\u0131la\u011fac", + "salix_pentandra", + "rubus_spectabilis", + "crataegus_laevigata", + "ilanba\u015f\u0131", + "ranunculus_bulbosus", + "arenaria_serpyllifolia", + "ball\u0131nan\u0259", + "crataegus_aestivalis", + "lathyrus_sylvestris", + "rosa_moschata", + "salvia_farinacea", + "aralia_stipulata", + "mentha_longifolia", + "adi_canavargil\u0259si", + "pyrola_rotundifolia", + "hypericum_calycinum", + "hypericum_maculatum", + "quayyava", + "cypripedium_montanum", + "al_q\u0131rm\u0131z\u0131_yonca", + "pinus_muricata", + "lathyrus_sativus", + "veronica_arvensis", + "belladonna", + "pirakanta", + "cephalanthera_rubra", + "rosa_banksiae", + "adi_q\u0131z\u0131la\u011fac", + "at_\u015fabal\u0131d\u0131", + "rubus_odoratus", + "ranunculus_aquatilis", + "pinus_palustris", + "mahonia_nervosa", + "ranunculus_acris", + "cypripedium_reginae", + "betula_papyrifera", + "solanum_quitoense" + ], + "PUBLIC_FIGURE": [ + "bill_klinton", + "henri_hudzon", + "sandro_boti\u00e7elli", + "federiko_fellini", + "c", + "valentina_tere\u015fkova", + "henrix_himmler", + "con_dalton", + "mark_antoni", + "henrik_ibsen", + "emma_noter", + "con_edqar_quver", + "v_georq", + "ivan_pavlov", + "hans_xristian_andersen", + "tomas_tallis", + "con_ford", + "m\u0259n", + "nits\u015fe", + "con_raskin", + "david", + "frans_klayn", + "le_korbuzye", + "emiliano_zapata", + "con_milton", + "con_qolsuorsi", + "s\u0259kkiz_yar\u0131m", + "konrad_adenauer", + "mariya_maqdalena", + "lui_paster", + "frans_\u015fubert", + "abel_tasman", + "pedro_rodriguez", + "allen_qinzberq", + "ameriqo_vespu\u00e7\u00e7i", + "con_drayden", + "con_st\u00fcart_mill", + "akira_kurosava", + "\u0131_kserks", + "con_braun", + "y", + "f", + "don_kixot", + "albert_\u015fpeer", + "con_rokfeller", + "q", + "con_lennon", + "hal", + "dante_aligyeri", + "henrix_hers", + "con_lokk", + "con_pirpont_morqan", + "con_bardin", + "mariya_kallas", + "karl_yaspers", + "konstantin_stanislavski", + "fransisko_pizarro", + "immanuel_kant", + "jozef_g\u00f6bbels", + "giulio_natta", + "bob_vudvord", + "sergey_raxmaninov", + "el_qreko", + "bertran_rassel", + "lui_armstronq", + "roman_yakobson", + "artur_\u015fopenhauer", + "al_kapone", + "\u0131_feodosi", + "frityof_nansen", + "henrix_\u015fliman", + "ben_conson", + "yuri_qaqarin", + "robert_redford", + "li_harvi_osvald", + "con_nepyer", + "erik_karlfeldt", + "karavacco", + "con_konstebl", + "samuel_adams", + "con_steynbek", + "alfred_nobel", + "\u0131_yustinian", + "karl\u0131q", + "m\u0259cd\u0259lli_m\u0259ry\u0259m", + "boris_karloff", + "anders_selsi", + "leonard_eyler", + "ameliya_erhart", + "bethoven", + "o", + "daniil_bernulli", + "nikola_tesla", + "mel_gibson", + "robert_berns", + "robert_piri", + "con_uilks_but", + "helen_keller", + "anna_kurnikova", + "\u0131", + "indira_qandi", + "\u0131_dara", + "yaqub", + "adolf_hitler", + "tomas_maltus", + "alesandro_manzoni", + "1", + "aloiz_zenefelder", + "con_singer_sargent", + "david_rikardo", + "vladimir_putin", + "\u0131_osman", + "sultan_\u015fahcahan", + "\u0131_xlodviq", + "g", + "sara_bernar", + "r", + "robert_fulton", + "con_meynard_keyns", + "mariya_mit\u00e7ell", + "karl_sandberq", + "mariya_antuanetta", + "putin", + "ella_fitscerald", + "karl_popper", + "cordano_bruno", + "edmund_halley", + "robert_stevenson", + "andrea_palladio", + "marko_polo", + "van_qoq", + "robert_broun", + "con_ceyms_od\u00fcbon", + "robert_haynlayn", + "enn_heteuey", + "briqadir", + "boris_spasski", + "antonio_stradivari", + "m\u00fcq\u0259dd\u0259s_pyotr", + "herbert_uells", + "h\u00fcseyn", + "luis_brayl", + "david_hilbert", + "bernardo_bertolu\u00e7\u00e7i", + "emma_qoldman", + "\u0131_konstantin", + "nelson_mandela", + "frederik_duqlas", + "o_henri", + "con_fon_neyman", + "fred_aster", + "con_ross", + "vladimir_lenin", + "xristofor_kolumb", + "uzunqanadlar", + "\u0131_pyotr", + "robert_skott", + "nikolay_kopernik", + "s\u00fcleysin", + "t" + ], + "JOB": [ + "qubernator", + "\u00e7oban", + "paltaryuyan", + "kitabxana\u00e7\u0131", + "zabit", + "kral", + "don", + "pretor", + "polkovnik", + "hakim", + "printer", + "mayor", + "the_guardian", + "qasid", + "menecer", + "tacir", + "dulus", + "the_economist", + "vasit\u0259\u00e7i", + "leytenant", + "po\u00e7talyon", + "qastarbayter", + "saniy\u0259", + "d\u0259yirman\u00e7\u0131", + "esquire", + "kamikadze", + "tet\u00e7er" + ], + "PERSON": [ + "sen_bartelemi", + "m\u0259n_d\u0259", + "c_vitamini", + "sen_vinsent", + "otuz_iki", + "con_kerri", + "rudolf_hess" + ], + "QUANTITY": [ + "\u00fc\u00e7_\u00e7arl\u0131q", + "iyirmi_bir", + "iyirmi_doqquz", + "iyirmi_be\u015f", + "kaloriya", + "y\u00fcz_min", + "\u00fc\u00e7_bac\u0131", + "anders_selsi", + "dinar", + "ton", + "iyirmi_d\u00f6rd", + "iyirmi_iki", + "iyirmi_yeddi", + "dollar", + "iyirmi_s\u0259kkiz", + "be\u015f_y\u00fcz", + "g", + "on_milyon", + "iyirmi_\u00fc\u00e7", + "on_min", + "yetmi\u015f_s\u0259kkiz", + "iyirmi_alt\u0131" + ], + "RACE": [ + "neqr", + "frans\u0131zlar", + "yaponlar", + "amerikal\u0131_asiyal\u0131lar", + "hollandlar", + "frans\u0131z", + "ingilisl\u0259r" + ], + "SOC_ECO_CLASS": [ + "qarda\u015fl\u0131q", + "k\u0259nd_t\u0259s\u0259rr\u00fcfat\u0131", + "samuray", + "proletariat" + ], + "FOOD": [ + "desert", + "pinot_noir", + "dondurma", + "qamburqer", + "kok_o_ven" + ], + "PRODUCT": [ + "yadda\u015f\u00e7i\u00e7\u0259yi", + "al_jazeera", + "m\u00fcq\u0259dd\u0259s_ruh", + "baksinq_g\u00fcn\u00fc", + "n\u0259_var_n\u0259_yox", + "d\u00f6rd_f\u0259sil", + "insan_h\u00fcquqlar\u0131", + "\u00fc\u00e7_\u00e7arl\u0131q", + "atam\u0131z", + "sen_pyer_v\u0259_mikelon", + "d\u0259niz_donuzcu\u011fu" + ], + "DATE": [ + "birisig\u00fcn", + "q\u0131z\u0131l_\u0259sr", + "yeni_ay" + ], + "GPE": [ + "dar_\u0259s_salam", + "almaniya_imperiyas\u0131", + "federal_\u0259razi", + "aya_sofya", + "insan_haqlar\u0131", + "\u0259hdi_c\u0259did", + "yax\u015f\u0131_\u015fanslar", + "sent_luis", + "kot_d\u2019_ivuar", + "q\u0131rm\u0131z\u0131_d\u0259niz" + ], + "POLITICAL_PARTY": [ + "kommunist_partiyas\u0131", + "partiya", + "ab\u015f_respublika\u00e7\u0131lar_partiyas\u0131", + "qomindan" + ], + "BIO_CHEM_ENTITY": [ + "d_vitamini", + "c_reaktiv_z\u00fclal" + ], + "LANGUAGE": [ + "\u0259r\u0259b", + "malayalam", + "polyak", + "rusiyal\u0131", + "hindi", + "esperanto", + "islandca", + "katalan" + ], + "RELIGION_MEMBER": [ + "parsil\u0259r" + ], + "FAC": [ + "otuz_\u00fc\u00e7", + "\u0131_pyotr", + "atakama", + "d\u00f6rd_f\u0259sil", + "arnold_\u015f\u00f6nberq", + "roma_katolik_kils\u0259si", + "si_sya", + "ticar\u0259t_m\u0259rk\u0259zi", + "sent_l\u00fcsiya", + "basseyn", + "yax\u015f\u0131_s\u0259f\u0259rl\u0259r" + ], + "GENDER": [ + "men", + "boy", + "centlmen", + "boys", + "civi", + "qad\u0131n" + ], + "RELIGION": [ + "daosizm", + "sintoizm", + "islam", + "manixeizm", + "\u015fintoizm", + "donatizm" + ], + "LAW": [ + "roma_h\u00fcququ", + "m\u00fclki_h\u00fcquq" + ], + "ANAT": [ + "miokard" + ], + "EVENT": [ + "\u0259n_yax\u015f\u0131_film\u0259_g\u00f6r\u0259_oskar_m\u00fckafat\u0131" + ], + "UNION": [ + "h\u0259mkarlar_ittifaq\u0131" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "bint": "son", + "q\u0131z": "son", + "heroin": "q\u0259hr\u0259man", + "mom": "d\u0259d\u0259", + "\u015fahzad\u0259": "\u0259mir", + "krali\u00e7a": "pa\u015fa", + "bac\u0131": "a\u011fa", + "\u00f6gey_ana": "\u00f6gey_ata", + "arvad": "qoca", + "z\u00f6vc\u0259": "\u0259r", + "cadug\u0259r": "sehrbaz", + "xan\u0131m": "ki\u015fi", + "civi": "ki\u015fi", + "qad\u0131n": "ki\u015fi", + "boy": "q\u0131z", + "o\u011flan": "q\u0131z" + }, + "other_gender_swap": { + "isti": "onlar" + }, + "en_pronoun2gender": { + "they": [ + "ikicinsli" + ], + "he": [ + "ki\u015fi", + "o\u011flan", + "boy", + "centlmen" + ], + "she": [ + "xan\u0131m", + "q\u0131z", + "civi", + "xan\u0131mq\u0131z", + "qad\u0131n", + "madam" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "sini", + "isti" + ], + "they": [ + "onlar" + ], + "it": [ + "onlar", + "bunlar", + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ba.json b/data_tooling/pii_processing/ontology/data/ba.json new file mode 100644 index 0000000..68976a9 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ba.json @@ -0,0 +1,125 @@ +{ + "ANIMAL": [ + "\u04d9\u0440\u043c\u04d9\u043d\u0434\u0435\u043b\u04d9\u0440", + "\u043c\u0430\u043d\u0434\u0430\u0440\u0438\u043d\u043a\u0430", + "\u04a1\u0430\u0440\u0441\u044b\u0493\u0430", + "\u04bb\u0430\u0493\u044b\u0499\u0430\u04a1", + "\u04a1\u044b\u0499\u044b\u043b\u0442\u04af\u0448", + "\u04a1\u0430\u0440\u0430\u0493\u043e\u0448", + "\u0439\u043e\u04a1\u043b\u0430\u0441\u0442\u0430\u0440" + ], + "PLANT": [ + "\u0435\u0440\u0435\u043a", + "\u0433\u0438\u0434\u0440\u043e\u0444\u0438\u0442\u0442\u0430\u0440", + "\u0441\u0430\u0493\u0430\u043d", + "\u0430\u04a1_\u0431\u04d9\u0448\u043c\u04d9\u043a", + "\u0431\u0435\u0441\u04d9\u0439\u0442\u0430\u0431\u0430\u043d" + ], + "ORG": [ + "\u0438\u043d\u0442\u0435\u0440\u043f\u043e\u043b", + "\u04bb\u0430\u0493\u044b\u0499", + "\u0445\u0443\u0430\u043d\u0445\u044d", + "\u0441\u0438\u043d\u0442\u043e\u0438\u0437\u043c", + "\u0430\u04a1\u0448", + "\u04a1\u0430\u0440\u0430_\u04a1\u0430\u0440\u043b\u0443\u0493\u0430\u0441", + "\u0430\u0443\u044b\u043b_\u0445\u0443\u0436\u0430\u043b\u044b\u0493\u044b", + "\u0441\u0435\u043d\u0442_\u043b\u044e\u0441\u0438\u044f", + "\u0430\u04a1_\u0439\u043e\u0440\u0442", + "\u0444\u0438\u0440\u04a1\u04d9", + "\u043e\u043b\u043e_\u0435\u0442\u0435\u0433\u04d9\u043d" + ], + "PUBLIC_FIGURE": [ + "\u043f\u0451\u0442\u0440_i", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440_\u043a\u043e\u043b\u0443\u043c\u0431", + "\u043a\u0438\u0441\u0435\u04af", + "\u043a\u0430\u0440\u0430\u0432\u0430\u0434\u0436\u043e", + "1" + ], + "JOB": [ + "\u0442\u0438\u0440\u043c\u04d9\u043d\u0441\u0435", + "the_guardian", + "the_economist", + "\u0442\u0430\u0440\u0442\u043c\u0430", + "\u043a\u0430\u043f\u0438\u0442\u0430\u043d", + "cookie" + ], + "LOCATION": [ + "\u04a1\u044b\u0448_\u0431\u0430\u0431\u0430\u0439", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0438\u044f_\u0430\u043d\u0445\u0430\u043b\u044c\u0442", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u0435\u0442\u0435\u0433\u04d9\u043d" + ], + "LAW": [ + "\u0444\u0435\u0434\u0435\u0440\u0430\u043b\u044c_\u044d\u0499\u04d9\u0440\u043b\u0435\u043a\u043b\u04d9\u04af\u0499\u04d9\u0440_\u0431\u044e\u0440\u043e\u04bb\u044b" + ], + "GENDER": [ + "\u043c\u0430\u043b\u0430\u0439" + ], + "DISEASE": [ + "\u0438\u043d\u0441\u0443\u043b\u044c\u0442" + ], + "GPE": [ + "\u04a1\u044b\u0499\u044b\u043b_\u0442\u04d9\u0440\u0435", + "\u0430\u0439\u044f_\u0441\u0443\u0444\u0438\u044f" + ], + "DATE": [ + "\u0431\u0435\u0440\u0435\u043d\u0441\u0435\u043d\u04d9\u043d" + ], + "POLITICAL_PARTY": [ + "\u0441\u04d9\u0439\u04d9\u0441\u0438_\u0444\u0438\u0440\u04a1\u04d9" + ], + "RELIGION": [ + "\u0434\u0430\u043e\u0441\u0438\u0437\u043c" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0441\u0435\u0431\u0435\u0448": "\u043a\u0435\u043d\u0442", + "\u04d9\u0441\u04d9": "\u0430\u0442\u0430\u0439", + "\u044d\u043d\u0435": "\u0430\u0442\u0430", + "\u04d9\u0441\u04d9\u0439": "\u0430\u0442\u0430\u0439", + "\u043a\u043e\u0440\u043e\u043b\u0435\u0432\u0430": "\u0431\u0430\u0442\u0448\u0430", + "\u04a1\u04d9\u0440\u0435\u043d\u0434\u04d9\u0448": "\u0430\u0493\u0430\u0439", + "\u0430\u043f\u0430\u0439": "\u0430\u0493\u0430\u0439", + "\u04bb\u0435\u04a3\u043b\u0435": "\u044d\u043d\u0435", + "\u04a1\u0430\u0440\u0442_\u04a1\u044b\u0499": "\u0431\u0443\u0439\u0499\u0430\u04a1", + "\u0442\u043e\u043b": "\u0442\u043e\u043b_\u0438\u0440", + "\u0442\u043e\u043b_\u04a1\u0430\u0442\u044b\u043d": "\u0442\u043e\u043b_\u0438\u0440", + "\u04a1\u0430\u0442\u044b\u043d": "\u0438\u0440", + "\u043d\u0438": "\u0438\u0440", + "\u04a1\u0430\u0442\u044b\u043d_\u04a1\u044b\u0499": "\u0438\u0440", + "\u043c\u0430\u043b\u0430\u0439": "\u04a1\u044b\u0499" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u043c\u0430\u043b\u0430\u0439", + "\u0438\u0440", + "\u043a\u0435\u043d\u0442" + ], + "she": [ + "\u04a1\u0430\u0442\u044b\u043d", + "\u0433\u04af\u0437\u04d9\u043b_\u0437\u0430\u0442", + "\u04a1\u0430\u0442\u044b\u043d_\u04a1\u044b\u0499", + "\u04a1\u044b\u0499" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u0443\u043b\u0430\u0440" + ], + "it": [ + "\u0441\u0435\u0439" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/bal.json b/data_tooling/pii_processing/ontology/data/bal.json new file mode 100644 index 0000000..4f04fbd --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/bal.json @@ -0,0 +1,34 @@ +{ + "ANIMAL": [ + "\u062a\u0648\u0644\u0627\u06af" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0645\u0627\u0633": "\u0627\u0628\u0627", + "\u06af\u0648\u06c1\u0627\u0631": "\u0628\u0631\u0627\u062a", + "\u06af\u06c1\u0627\u0631": "\u0628\u0631\u0627\u062a", + "\u0648\u0627\u0631\u06a9": "\u0628\u0631\u0627\u062a", + "\u06a9\u0648\u0631": "\u062c\u0646\u06a9" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u06a9\u0648\u0631" + ], + "she": [ + "\u062c\u0646\u06a9" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/be.json b/data_tooling/pii_processing/ontology/data/be.json new file mode 100644 index 0000000..2ef9618 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/be.json @@ -0,0 +1,425 @@ +{ + "RACE": [ + "\u0442\u0443\u0440\u0430\u043a", + "\u0430\u0444\u0440\u044b\u043a\u0430\u043d\u0441\u043a\u0456", + "\u044f\u0443\u0440\u044d\u0439\u0441\u043a\u0456", + "\u0435\u0443\u0440\u0430\u043f\u0435\u0439\u0441\u043a\u0456", + "\u043f\u0430\u043b\u0456\u043d\u0435\u0437\u0456\u0439\u0441\u043a\u0456", + "\u0433\u0430\u043b\u0430\u043d\u0434\u0446\u044b", + "\u0433\u0430\u0431\u0440\u044d\u0439\u0441\u043a\u0456" + ], + "DATE": [ + "\u0441\u0442\u0430\u0440\u0430\u0441\u0446\u044c", + "\u043c\u0430\u043b\u0430\u0434\u0437\u0456\u043a" + ], + "ORG": [ + "\u0437\u0435\u043c\u043b\u044f\u0440\u043e\u0431\u0441\u0442\u0432\u0430", + "\u043c\u0430\u043b\u0430\u0434\u0437\u0456\u043a", + "\u0441\u0432\u044f\u0442\u0430\u044f_\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u043a\u043e\u0440\u0430\u043a", + "\u0456\u043e\u0441\u0456\u0444_\u0430\u0431\u0440\u0443\u0447\u043d\u0456\u043a", + "\u043f\u0430\u0440\u0442\u044b\u044f_\u043f\u0440\u0430\u0446\u044b_\u043d\u0456\u0434\u044d\u0440\u043b\u0430\u043d\u0434\u044b", + "\u0437\u043b\u0443\u0447\u0430\u043d\u044b\u044f_\u0448\u0442\u0430\u0442\u044b", + "\u0441\u0430\u0446\u044b\u044f\u043b\u0456\u0441\u0442\u044b\u0447\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u0444\u0440\u0430\u043d\u0446\u044b\u044f", + "\u0432\u044f\u0441\u043a\u043e\u0432\u0430\u044f_\u043b\u0430\u0441\u0442\u0430\u045e\u043a\u0430", + "\u043d\u0430\u0446\u044b\u044f\u043d\u0430\u043b_\u0441\u0430\u0446\u044b\u044f\u043b\u0456\u0441\u0442\u044b\u0447\u043d\u0430\u044f_\u043d\u044f\u043c\u0435\u0446\u043a\u0430\u044f_\u0440\u0430\u0431\u043e\u0447\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f", + "\u043f\u0430\u0440\u0442\u044b\u044f", + "\u043d\u0456\u0436\u043d\u044f\u044f_\u043f\u0430\u043b\u0430\u0442\u0430", + "\u0430\u0433\u0440\u0430\u043a\u0443\u043b\u044c\u0442\u0443\u0440\u0430", + "\u0441\u0430\u0444\u0456\u0439\u0441\u043a\u0456_\u0441\u0430\u0431\u043e\u0440_\u043a\u0430\u043d\u0441\u0442\u0430\u043d\u0446\u0456\u043d\u043e\u043f\u0430\u043b\u044c", + "\u0436\u0430\u0432\u0430\u043b\u044c\u043d\u0430\u044f_\u0433\u0443\u043c\u043a\u0430", + "\u0433\u043e\u0440\u0430\u0434_\u043a\u0440\u044b\u0432\u044b_\u0440\u043e\u0433", + "\u0430\u045e\u0441\u0442\u0440\u0430\u043b\u0456\u0439\u0441\u043a\u0430\u044f_\u043b\u0435\u0439\u0431\u0430\u0440\u044b\u0441\u0446\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f", + "\u043d\u0430\u0446\u044b\u044f\u043d\u0430\u043b\u044c\u043d\u0430\u044f_\u0430\u0441\u0430\u043c\u0431\u043b\u0435\u044f_\u0444\u0440\u0430\u043d\u0446\u044b\u0456", + "\u0432\u043e\u0441\u0442\u0440\u0430\u045e_\u0441\u0432\u044f\u0442\u043e\u0439_\u0430\u043b\u0435\u043d\u044b", + "\u044f_\u0446\u044f\u0431\u0435_\u043a\u0430\u0445\u0430\u044e", + "\u0430\u0440\u043c\u0456\u044f_\u0437\u0448\u0430", + "\u0432\u044f\u0441\u043a\u043e\u0432\u0430\u044f_\u043b\u0430\u0441\u0442\u0430\u0443\u043a\u0430", + "\u043c\u0430\u043b\u043e\u0435_\u043f\u0430\u043b\u044c\u0447\u0430\u043d\u0451", + "\u0432\u044f\u0440\u0445\u043e\u045e\u043d\u044b_\u0441\u0443\u0434", + "\u0431\u0435\u043b\u044b_\u0434\u043e\u043c", + "by_the_way", + "\u0442\u0430\u043a\u0442\u044b\u043a\u0430_\u0432\u044b\u043f\u0430\u043b\u0435\u043d\u0430\u0439_\u0437\u044f\u043c\u043b\u0456", + "\u0434\u0430\u0430\u0441\u0456\u0437\u043c", + "\u043f\u0430\u0448\u0442\u043e\u0432\u0430\u0435_\u0430\u0434\u0434\u0437\u044f\u043b\u0435\u043d\u043d\u0435", + "\u043d\u0430\u0440\u043e\u0434\u043d\u044b_\u0441\u0445\u043e\u0434_\u0431\u0430\u043b\u0433\u0430\u0440\u044b\u0456", + "\u043a\u0440\u044b\u0432\u044b_\u0440\u043e\u0433", + "\u0441\u0443\u0437\u043e\u0440'\u0435_\u0432\u044f\u043b\u0456\u043a\u0430\u044f_\u043c\u044f\u0434\u0437\u0432\u0435\u0434\u0437\u0456\u0446\u0430", + "\u0434\u044d\u043c\u0430\u043a\u0440\u0430\u0442\u044b\u0447\u043d\u0430_\u0440\u044d\u0441\u043f\u0443\u0431\u043b\u0456\u043a\u0430\u043d\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u0437\u0448\u0430", + "\u043d\u0430\u0446\u044b\u044f\u043d\u0430\u043b\u044c\u043d\u044b_\u0441\u0445\u043e\u0434_\u0432\u0435\u043d\u0433\u0440\u044b\u0456", + "\u0433\u0435\u0440\u043c\u0430\u043d\u0441\u043a\u0430\u044f_\u0456\u043c\u043f\u0435\u0440\u044b\u044f", + "\u0447\u043e\u0440\u043d\u044b_\u0440\u044b\u043d\u0430\u043a", + "\u0433\u0430\u043c\u0456\u043d\u044c\u0434\u0430\u043d", + "\u043f\u0430\u043b\u0456\u0442\u044b\u0447\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f", + "\u043c\u0456\u043b\u0456_\u043c\u0435\u0434\u0436\u043b\u0456\u0441_\u0430\u0437\u0435\u0440\u0431\u0430\u0439\u0434\u0436\u0430\u043d\u0430", + "\u0447\u044b\u0440\u0432\u043e\u043d\u0430\u0435_\u043c\u043e\u0440\u0430", + "\u0430\u043b\u044c_\u0434\u0436\u0430\u0437\u0456\u0440\u0430" + ], + "LANGUAGE": [ + "\u044f\u043f\u043e\u043d\u0441\u043a\u0456", + "\u043f\u0430\u0440\u0442\u0443\u0433\u0430\u043b\u044c\u0441\u043a\u0456", + "\u0456\u0440\u043b\u0430\u043d\u0434\u0441\u043a\u0430\u044f", + "\u0441\u0430\u043c\u0430\u043b\u0456\u0439\u0441\u043a\u0430\u044f", + "\u0431\u0435\u043b\u0430\u0440\u0443\u0441\u043a\u0456", + "\u0430\u043d\u0433\u043b\u0456\u0439\u0441\u043a\u0456", + "\u0456\u0441\u043b\u0430\u043d\u0434\u0441\u043a\u0430\u044f" + ], + "JOB": [ + "\u043d\u0430\u0442\u0430\u0440\u044b\u0443\u0441", + "\u0456\u043d\u0436\u044b\u043d\u0435\u0440", + "\u0441\u0442\u0430\u0440\u0448\u044b\u043d\u044f", + "\u043a\u0430\u043d\u0441\u0443\u043b\u044c\u0442\u0430\u043d\u0442", + "\u043c\u0430\u0440\u0430\u043a", + "\u0441\u0442\u0430\u0440\u0430\u0441\u0442\u0430", + "\u043a\u0430\u0440\u043c\u0456\u0446\u0435\u043b\u044c\u043a\u0430", + "the_guardian", + "\u043a\u0430\u043b\u0435\u043a\u0446\u044b\u044f\u043d\u0435\u0440", + "\u0432\u0430\u0440\u0430\u0442\u0430\u0440", + "\u0441\u043f\u0430\u0434\u0430\u0440\u043a\u0430", + "\u043c\u043b\u044b\u043d\u0430\u0440", + "\u0441\u0442\u0430\u043b\u044f\u0440", + "\u0430\u043a\u0430\u0434\u044d\u043c\u0456\u043a", + "\u0433\u0430\u0441\u0442\u0430\u0440\u0431\u0430\u0439\u0442\u044d\u0440", + "\u043f\u0440\u0430\u043a\u0443\u0440\u043e\u0440", + "the_independent", + "\u043f\u0440\u0430\u0444\u0435\u0441\u0430\u0440" + ], + "FOOD": [ + "\u043a\u0440\u044b\u0432\u044f\u043d\u043a\u0430", + "\u0436\u0443\u0439\u043a\u0430", + "\u043f\u0430\u0440\u0442\u0432\u0435\u0439\u043d" + ], + "PUBLIC_FIGURE": [ + "c", + "\u043c\u0430\u0440\u044b\u044f_\u043c\u0430\u0433\u0434\u0430\u043b\u0456\u043d\u0430", + "holden", + "\u0431\u0430\u043a\u0430\u043b\u0430\u045e\u0440", + "\u043a\u0430\u0440\u0430\u0432\u0430\u0434\u0436\u0430", + "\u043e_\u0433\u0435\u043d\u0440\u044b", + "\u0441\u043f\u0430\u0434\u0437\u044f\u0432\u0430\u0446\u0446\u0430", + "\u0442\u044d\u0442\u0447\u044d\u0440", + "\u0441\u0430\u043b\u0430\u0434\u0437\u0456\u043d", + "\u043f\u0451\u0442\u0440_\u0430\u043f\u043e\u0441\u0442\u0430\u043b", + "\u0431\u0440\u044b\u0433\u0430\u0434\u043d\u044b_\u0433\u0435\u043d\u0435\u0440\u0430\u043b", + "t_\u043b\u0456\u0442\u0430\u0440\u0430", + "i_\u043b\u0456\u0442\u0430\u0440\u0430", + "\u0430\u0441\u043c\u0430\u043d_i", + "\u043a\u0430\u0440\u0442\u044d\u0440", + "\u043c\u0443\u043d\u0433\u0430_\u043f\u0430\u0440\u043a", + "\u0434\u0432\u0430", + "\u0441\u043c\u0456\u0442", + "\u0441\u043e\u043b_\u0431\u0435\u043b\u0430\u045e", + "y_\u043b\u0456\u0442\u0430\u0440\u0430", + "c_\u043c\u043e\u0432\u0430_\u043f\u0440\u0430\u0433\u0440\u0430\u043c\u0430\u0432\u0430\u043d\u043d\u044f", + "\u0436\u0430\u0437\u0435\u0444_\u043b\u0443\u0456_\u0433\u0435\u0439_\u043b\u044e\u0441\u0430\u043a", + "\u044d\u0439\u0442\u043e\u0440_\u0432\u0456\u043b\u0430_\u043b\u043e\u0431\u0430\u0441", + "\u043d\u0430\u0434\u0437\u0435\u044f", + "\u0433\u0435\u043e\u0440\u0433\u0456\u0439_\u043f\u0435\u0440\u0430\u043c\u0430\u0433\u0430\u043d\u043e\u0441\u0435\u0446", + "\u0440\u0430\u043a\u0430_\u0441\u0432\u044f\u0442\u043e\u0433\u0430_\u043b\u0430\u045e\u0440\u044d\u043d\u0446\u0456\u044f", + "\u043f\u0451\u0442\u0440_i_\u0456\u043c\u043f\u0435\u0440\u0430\u0442\u0430\u0440_\u0440\u0430\u0441\u0456\u0439\u0441\u043a\u0456", + "\u0430\u0440\u043d\u043e\u043b\u044c\u0434_\u0448\u043e\u043d\u0431\u0435\u0440\u0433" + ], + "ANIMAL": [ + "\u0431\u0443\u0440\u0430\u0437\u0443\u0431\u043a\u0430_\u0437\u0432\u044b\u0447\u0430\u0439\u043d\u0430\u044f", + "\u0432\u043e\u0440\u0430\u043d", + "\u0447\u0430\u0439\u043a\u0430\u0432\u044b\u044f", + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u0431\u0430\u043a\u0430\u0441", + "\u043c\u0443\u0445\u0430\u043b\u043e\u045e\u043a\u0430\u0432\u044b\u044f", + "\u043f\u0435\u0440\u0430\u043f\u0451\u043b\u0430\u0447\u043d\u0456\u043a", + "\u0446\u0430\u0446\u0430\u0440\u043a\u0430", + "\u0442\u0443\u0440\u043a\u0430\u0443\u043a\u0430", + "\u0433\u0430\u0440\u044b\u043b\u0430", + "accipiter", + "\u0447\u0430\u0440\u043e\u0442\u043d\u0456\u0446\u0430", + "\u043c\u0430\u043d\u0434\u0430\u0440\u044b\u043d\u043a\u0430", + "\u0441\u0432\u0456\u0440\u0433\u0443\u043b\u0451\u0432\u044b\u044f", + "\u0441\u043e\u0432\u0430\u043f\u0430\u0434\u043e\u0431\u043d\u044b\u044f", + "\u0437\u0430\u0440\u0430\u043d\u043a\u0430", + "\u0441\u0442\u0430\u043d\u043e\u0436\u043a\u0456", + "\u043c\u0430\u043a\u0440\u044b\u0446\u0430", + "\u043a\u0430\u0441\u0430\u0442\u043a\u0430", + "\u043c\u0430\u0440\u0430\u043d\u043a\u0430", + "\u043a\u0430\u043c\u0435\u043d\u0435\u0448\u0430\u0440\u043a\u0430" + ], + "DISEASE": [ + "\u043d\u0435\u043f\u0430\u0440\u0430\u0434\u0430\u043a", + "rage", + "\u0431\u0430\u043b\u0435\u0446\u044c", + "\u043a\u0440\u044b\u0432\u0430\u0446\u0451\u043a", + "\u043f\u0440\u0430\u0432\u0430\u043b", + "\u043c\u0430\u0442\u044d\u0440\u044b\u044f\u043b\u0456\u0437\u043c", + "\u0432\u0430\u0440\u044b\u043a\u043e\u0437", + "\u0432\u043e\u0441\u043f\u0430", + "\u043f\u0430\u0442\u0430\u043b\u043e\u0433\u0456\u044f", + "\u043c\u0430\u043d\u0456\u044f", + "\u043b\u0430\u043c\u0430\u0446\u0446\u0430", + "\u0433\u0435\u043c\u0430\u0440\u0430\u0433\u0456\u0447\u043d\u0430\u044f_\u043b\u0456\u0445\u0430\u043c\u0430\u043d\u043a\u0430_\u044d\u0431\u043e\u043b\u0430", + "smart", + "pain", + "\u0442\u0430\u0440\u0442\u0443\u0440\u0430", + "\u043c\u0435\u043d\u0456\u043d\u0433\u0456\u0442", + "\u0456\u043d\u0441\u0443\u043b\u044c\u0442", + "\u0442\u0430\u043a\u0441\u0430\u043f\u043b\u0430\u0437\u043c\u043e\u0437" + ], + "PLANT": [ + "\u043b\u0456\u0441\u0442\u043e\u0443\u043d\u0456\u0446\u0430", + "\u043a\u0440\u0430\u043f\u0456\u0432\u0430", + "\u043d\u0435\u0437\u0430\u0431\u0443\u0434\u043a\u0430", + "cladonia_rangiferina", + "hoya_carnosa", + "claviceps_purpurea", + "\u0431\u0440\u0430\u0442\u043a\u0456", + "\u043c\u0430\u0440\u043e\u0448\u043a\u0430", + "\u0442\u0430\u043f\u0456\u043d\u0430\u043c\u0431\u0443\u0440", + "\u043e\u0440\u043b\u0438\u043a", + "\u043a\u0440\u044b\u0432\u0430\u045e\u043d\u0456\u043a", + "geranium_pratense", + "veronica_serpyllifolia", + "\u0441\u0442\u0440\u0430\u0447\u043e\u043a", + "parthenium_argentatum", + "\u0441\u043a\u0430\u0440\u0446\u0430\u043d\u0435\u0440\u0430", + "\u0442\u0443\u0440\u0443\u0445\u0442\u0430\u043d", + "polyporus_squamosus", + "\u043a\u0430\u043a\u0430\u0432\u0430", + "\u0431\u0430\u0440\u0430\u0432\u0456\u043a", + "\u0444\u0456\u0442\u0430\u0444\u0442\u0430\u0440\u043e\u0437", + "\u043a\u0430\u043b\u044f\u0434\u043d\u0430\u044f_\u0451\u043b\u043a\u0430", + "colocasia_esculenta", + "\u0431\u0440\u0430\u0437\u0456\u043b\u044c\u0441\u043a\u0430\u044f_\u0433\u0435\u0432\u0435\u044f", + "\u0431\u0440\u044d\u0434\u043d\u0456\u043a", + "\u043b\u0456\u0441\u0442\u043e\u045e\u043d\u0456\u0446\u0430" + ], + "RELIGION_MEMBER": [ + "\u0444\u0440\u0430\u043d\u0446\u044b\u0441\u043a\u0430\u043d\u0446\u044b" + ], + "PRODUCT": [ + "\u0431\u0440\u043e\u043d\u0435\u0430\u045e\u0442\u0430\u043c\u0430\u0431\u0456\u043b\u044c", + "\u0441\u0435\u043d_\u043f'\u0435\u0440_\u0456_\u043c\u0456\u043a\u0435\u043b\u043e\u043d", + "\u043c\u0430\u0440\u0441\u043a\u0430\u044f_\u0441\u0432\u0456\u043d\u043a\u0430", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0456\u044f_\u0430\u043d\u0433\u0430\u043b\u044c\u0442", + "\u0441\u0435\u043d\u0442_\u0445\u0435\u043b\u0435\u043d\u0441", + "deutsche_welle", + "\u0442\u0440\u044b\u045e\u043c\u0444\u0430\u043b\u044c\u043d\u0430\u044f_\u0430\u0440\u043a\u0430", + "\u043d\u0435\u0437\u0430\u0431\u0443\u0434\u043a\u0430" + ], + "LOCATION": [ + "\u043a\u0430\u0431\u0430_\u0432\u0435\u0440\u0434\u044d", + "\u044d\u043c\u0456\u043b\u0456\u044f\u043d\u0430_\u0441\u0430\u043f\u0430\u0442\u0430", + "\u043c\u044b\u0441_\u0433\u043e\u0440\u043d", + "\u0431\u0430\u0442\u0430\u043d\u0456\u0447\u043d\u044b_\u0441\u0430\u0434", + "\u0433\u043e\u0440\u0430\u0434_\u0442\u0440\u0443\u0430_\u0440\u044b\u045e\u0435\u0440", + "\u0445\u043b\u043e\u043f\u0447\u044b\u043a_\u044f\u043a_\u043f\u0430\u043b\u044c\u0447\u044b\u043a", + "\u0430\u043c\u0435\u0440\u044b\u0433\u0430_\u0432\u0435\u0441\u043f\u0443\u0447\u044b", + "\u0445\u0440\u044b\u0441\u0442\u0430\u0444\u043e\u0440_\u043a\u0430\u043b\u0443\u043c\u0431", + "\u043f\u044f\u0440\u044d\u0434\u0430\u0434\u043d\u0435_\u043d\u043e\u0432\u0430\u0433\u0430_\u0433\u043e\u0434\u0430", + "\u0432\u043e\u0441\u0442\u0440\u0430\u045e_\u0441\u0432\u044f\u0442\u043e\u0433\u0430_\u043c\u0430\u0440\u0446\u0456\u043d\u0430", + "\u0432\u043e\u0437\u0435\u0440\u0430_\u0432\u0435\u0440\u0445\u043d\u044f\u0435", + "\u0432\u0430\u0435\u043d\u043d\u0430_\u043f\u0430\u0432\u0435\u0442\u0440\u0430\u043d\u044b\u044f_\u0441\u0456\u043b\u044b", + "the_rolling_stones", + "\u0432\u043e\u0437\u0435\u0440\u0430_\u0442\u0430\u043d\u0430", + "\u043f\u0441\u0456\u0445\u0456\u044f\u0442\u0440\u044b\u0447\u043d\u0430\u044f_\u0431\u0430\u043b\u044c\u043d\u0456\u0446\u0430", + "\u0440\u0430\u043a\u0430_\u0445\u0443\u0430\u043d\u0445\u044d", + "\u0433\u0430\u0440\u0430_\u043a\u0430\u0440\u043c\u0435\u043b\u044c", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0430\u044f_\u0441\u043a\u0443\u043f\u0448\u0447\u044b\u043d\u0430_\u0441\u0435\u0440\u0431\u0456\u0456" + ], + "SOC_ECO_CLASS": [ + "\u0437\u0435\u043c\u043b\u044f\u0440\u043e\u0431\u0441\u0442\u0432\u0430", + "\u0441\u0435\u043b\u044c\u0441\u043a\u0430\u044f_\u0433\u0430\u0441\u043f\u0430\u0434\u0430\u0440\u043a\u0430", + "\u0431\u0440\u0430\u0442\u044d\u0440\u0441\u0442\u0432\u0430", + "\u0430\u0433\u0440\u0430\u043a\u0443\u043b\u044c\u0442\u0443\u0440\u0430" + ], + "GPE": [ + "\u0441\u0432\u044f\u0442\u044b_\u0445\u0440\u044b\u0441\u0442\u0430\u0444\u043e\u0440", + "\u043f\u0435\u0440\u0430\u0432\u0430\u043b", + "\u0433\u043e\u0440\u0430\u0434_\u0441\u0435\u043d\u0442_\u043b\u0443\u0456\u0441", + "\u043c\u0456\u043a\u0430\u043b\u0430\u0439_\u0446\u0443\u0434\u0430\u0442\u0432\u043e\u0440\u0430\u0446", + "\u0441\u0432\u044f\u0442\u044b_\u0434\u0443\u0445", + "\u0433\u043e\u0440\u0430\u0434_\u0441\u0430\u043d_\u0442\u0430\u043c\u044d", + "\u043d\u043e\u0432\u044b_\u0437\u0430\u043f\u0430\u0432\u0435\u0442", + "\u0447\u044b\u0440\u0432\u043e\u043d\u044b_\u043a\u0440\u044b\u0436", + "\u043f\u0440\u0430\u0432\u044b_\u0447\u0430\u043b\u0430\u0432\u0435\u043a\u0430" + ], + "BIO_CHEM_ENTITY": [ + "\u0430\u0434\u044d\u043d\u0430\u0437\u0456\u043d\u0434\u044b\u0444\u0430\u0441\u0444\u0430\u0442" + ], + "GENDER": [ + "\u0433\u043e\u043c\u0430\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b", + "\u0433\u0430\u043c\u0430\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b" + ], + "LAW": [ + "\u0440\u044b\u043c\u0441\u043a\u0430\u0435_\u043f\u0440\u0430\u0432\u0430", + "\u0444\u0435\u0434\u044d\u0440\u0430\u043b\u044c\u043d\u0430\u0435_\u0431\u044e\u0440\u043e_\u0440\u0430\u0441\u0441\u043b\u0435\u0434\u0430\u0432\u0430\u043d\u043d\u044f\u045e" + ], + "RELIGION": [ + "\u0441\u0456\u043d\u0442\u0430\u0456\u0437\u043c", + "\u043c\u0430\u043d\u0456\u0445\u0435\u0439\u0441\u0442\u0432\u0430", + "\u0430\u043b\u044c\u0431\u0456\u0433\u043e\u0439\u0446\u044b" + ], + "FAC": [ + "\u043a\u0430\u0442\u0430\u043b\u0456\u0446\u043a\u0430\u044f_\u0446\u0430\u0440\u043a\u0432\u0430", + "\u0431\u0430\u0441\u0435\u0439\u043d", + "\u0433\u0430\u043d\u0434\u043b\u0451\u0432\u044b_\u0446\u044d\u043d\u0442\u0440", + "\u0441\u0435\u043d\u0442_\u043b\u044e\u0441\u0456\u044f", + "\u043c\u044b\u0442\u043d\u044f", + "\u0432\u0456\u043d\u0456_\u043f\u0443\u0445", + "\u0440\u044b\u043c\u0441\u043a\u0430_\u043a\u0430\u0442\u0430\u043b\u0456\u0446\u043a\u0430\u044f_\u0446\u0430\u0440\u043a\u0432\u0430", + "\u0441\u0432\u044f\u0442\u0430\u044f_\u0441\u044f\u043c'\u044f" + ], + "POLITICAL_PARTY": [ + "\u043a\u0430\u043d\u0441\u0435\u0440\u0432\u0430\u0442\u044b\u045e\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u043d\u0430\u0440\u0432\u0435\u0433\u0456\u044f", + "\u0441\u0430\u0446\u044b\u044f\u043b\u0456\u0441\u0442\u044b\u0447\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u043f\u0430\u0440\u0442\u0443\u0433\u0430\u043b\u0456\u0456", + "\u0434\u044d\u043c\u0430\u043a\u0440\u0430\u0442\u044b\u0447\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u0437\u0448\u0430", + "\u0431\u0435\u043b\u0430\u0440\u0443\u0441\u043a\u0430\u044f_\u0430\u0433\u0440\u0430\u0440\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f", + "\u0441\u0430\u0446\u044b\u044f\u043b\u0456\u0441\u0442\u044b\u0447\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u043d\u0456\u0434\u044d\u0440\u043b\u0430\u043d\u0434\u044b", + "\u043b\u0435\u0439\u0431\u0430\u0440\u044b\u0441\u0446\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u0432\u044f\u043b\u0456\u043a\u0430\u0431\u0440\u044b\u0442\u0430\u043d\u0456\u044f", + "\u0440\u044d\u0441\u043f\u0443\u0431\u043b\u0456\u043a\u0430\u043d\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u044b\u044f_\u0437\u0448\u0430" + ], + "EVENT": [ + "\u043a\u0456\u043d\u0430\u0444\u0435\u0441\u0442\u044b\u0432\u0430\u043b\u044c" + ], + "QUANTITY": [ + "\u0430\u043d\u0434\u044d\u0440\u0441_\u0446\u044d\u043b\u044c\u0441\u0456\u0439", + "g_\u043b\u0456\u0442\u0430\u0440\u0430" + ], + "PERSON": [ + "\u0431\u0430\u0440\u0430\u0432\u0456\u043a", + "\u0434\u0436\u0430\u043a\u043e\u043d\u0434\u0430", + "\u0432\u043e\u0441\u0442\u0440\u0430\u045e_\u0441\u0435\u043d\u0442_\u0432\u0456\u043d\u0441\u0435\u043d\u0442", + "\u0441\u0435\u043d_\u0431\u0430\u0440\u0442\u044d\u043b\u044c\u043c\u0456" + ], + "UNION": [ + "\u043f\u0440\u0430\u0444\u0441\u0430\u044e\u0437", + "\u043f\u0440\u0430\u0444\u0435\u0441\u0456\u0439\u043d\u044b_\u0441\u0430\u044e\u0437" + ], + "PERSON_PRONOUN": [ + "\u0432\u044b", + "i_\u043b\u0456\u0442\u0430\u0440\u0430" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u0431\u0430\u0442\u044b\u0441\u0430": "abba", + "\u043f\u0442\u0443\u0448\u0430\u043d\u0451": "\u043a\u0435\u043d\u0442", + "\u043f\u0442\u0443\u0448\u0430\u043d\u044f": "\u043a\u0435\u043d\u0442", + "\u043a\u043d\u044f\u0433\u0456\u043d\u044f": "\u0433\u0435\u0440\u0446\u0430\u0433", + "\u0433\u0435\u0440\u0446\u0430\u0433\u0456\u043d\u044f": "\u0433\u0435\u0440\u0446\u0430\u0433", + "\u0436\u0430\u043d\u043e\u0447\u044b": "\u043c\u0443\u0436\u0447\u044b\u043d\u0441\u043a\u0456", + "\u0434\u0437\u044f\u045e\u0447\u044b\u043d\u043a\u0430": "\u0433\u0430\u0439", + "\u0434\u0437\u044f\u0443\u0447\u044b\u043d\u0430": "\u0433\u0430\u0439", + "\u043c\u043e\u043c\u0430": "\u0433\u0430\u0439", + "\u0443\u043d\u0443\u0447\u043a\u0430": "\u0443\u043d\u0443\u043a", + "\u0435\u0439\u043d\u044b": "\u044f\u0433\u043e", + "\u044f\u0435": "\u0456\u0445", + "\u0441\u043b\u0443\u0436\u0430\u043d\u043a\u0430": "\u0441\u043b\u0443\u0433\u0430", + "\u043f\u0430\u043d\u0456": "\u043f\u0430\u043d", + "\u0441\u043f\u0430\u0434\u0430\u0440\u044b\u0447\u043d\u0430": "\u043f\u0430\u043d", + "\u043f\u0430\u043d\u043d\u0430": "\u043f\u0430\u043d", + "\u0441\u043f\u0430\u0434\u0430\u0440\u044b\u043d\u044f": "\u043f\u0430\u043d", + "\u0433\u0430\u0441\u043f\u0430\u0434\u044b\u043d\u044f": "\u0432\u0430\u043b\u0430\u0434\u0430\u0440", + "\u0441\u043f\u0430\u0434\u0430\u0440\u043a\u0430": "\u0432\u0430\u043b\u0430\u0434\u0430\u0440", + "\u043d\u0430\u043d\u0430": "\u0442\u044b", + "\u043c\u0430\u0439\u043a\u0430": "\u0430\u0442\u0430", + "\u043c\u0430\u0446\u0456": "\u0431\u0430\u0446\u044c\u043a\u0430", + "\u043c\u0430\u0434\u0430\u043c": "\u043f\u0430\u043d", + "\u0446\u0430\u0440\u044d\u0443\u043d\u0430": "\u043f\u0440\u044b\u043d\u0446", + "\u043a\u0430\u0440\u0430\u043b\u0435\u0443\u043d\u0430": "\u043f\u0440\u044b\u043d\u0446", + "\u043f\u0440\u044b\u043d\u0446\u044d\u0441\u0430": "\u043f\u0440\u044b\u043d\u0446", + "\u0446\u0430\u0440\u044b\u0446\u0430": "\u043a\u043e\u0440\u043e\u043b\u044c", + "\u043a\u0430\u0440\u0430\u043b\u0435\u0432\u0430": "\u043a\u0430\u0440\u043e\u043b\u044c", + "\u044f\u043d\u0430": "\u0451\u043d", + "\u0441\u044f\u0441\u0442\u0440\u0430": "\u0431\u0440\u0430\u0442", + "\u0441\u0442\u0430\u0440\u0430\u044f_\u0434\u0437\u0435\u0432\u0430": "\u0445\u0430\u043b\u0430\u0441\u0446\u044f\u043a", + "\u043f\u0430\u0434\u0447\u0430\u0440\u043a\u0430": "\u043f\u0430\u0441\u044b\u043d\u0430\u043a", + "\u043f\u0430\u0441\u0435\u0440\u0431\u043a\u0430": "\u043f\u0430\u0441\u0435\u0440\u0431", + "\u043c\u0430\u0447\u0430\u0445\u0430": "\u0430\u0439\u0447\u044b\u043c", + "\u0443\u0434\u0430\u0432\u0430": "\u0443\u0434\u0430\u0432\u0435\u0446", + "\u0436\u043e\u043d\u043a\u0430": "\u043c\u043e\u0439", + "\u0430\u043b\u043c\u0430\u0437": "\u0447\u0430\u0440\u0430\u0443\u043d\u0456\u043a", + "\u0432\u0435\u0434\u0437\u044c\u043c\u0430": "\u0447\u0430\u0440\u0430\u0443\u043d\u0456\u043a", + "\u0436\u0430\u043d\u0447\u044b\u043d\u0430": "\u043c\u0443\u0436\u0447\u044b\u043d\u0430", + "\u0436\u0430\u043d\u0430": "\u043c\u0443\u0436\u0447\u044b\u043d\u0430", + "\u0445\u043b\u043e\u043f\u0447\u044b\u043a": "\u043c\u043e\u043c\u0430", + "\u0445\u043b\u043e\u043f\u0435\u0446": "\u043c\u043e\u043c\u0430" + }, + "other_gender_swap": { + "\u0456\u0445": "\u044f\u0435", + "\u044f\u043d\u044b": "\u044f\u043d\u0430", + "\u0451\u043d": "\u044f\u043d\u044b", + "\u044f\u043c\u0443": "\u0456\u0445", + "\u044f\u0433\u043e": "\u0456\u0445", + "\u044f\u0433\u043e\u043d\u044b": "\u0456\u0445", + "\u044f\u043d\u0430": "\u044f\u043d\u044b", + "\u0435\u0439\u043d\u044b": "\u0456\u0445", + "\u044f\u0435": "\u0456\u0445" + }, + "en_pronoun2gender": { + "they": [ + "\u0433\u0430\u043c\u0430\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b", + "\u0433\u043e\u043c\u0430\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b" + ], + "he": [ + "\u0445\u043b\u043e\u043f\u0435\u0446", + "\u043c\u0443\u0436\u0447\u044b\u043d\u0430", + "\u0445\u043b\u043e\u043f\u0447\u044b\u043a", + "\u043c\u0443\u0436\u0447\u044b\u043d\u0441\u043a\u0456", + "\u043a\u0435\u043d\u0442", + "\u0433\u0430\u0439" + ], + "she": [ + "\u0434\u0437\u0435\u0432\u0430", + "\u0436\u0430\u043d\u0447\u044b\u043d\u0430", + "\u043f\u0430\u043d\u043d\u0430", + "\u0434\u0437\u044f\u0443\u0447\u044b\u043d\u0430", + "\u043c\u043e\u043c\u0430", + "\u0441\u043f\u0430\u0434\u0430\u0440\u044b\u0447\u043d\u0430", + "\u0436\u0430\u043d\u043e\u0447\u044b", + "\u0436\u0430\u043d\u0430", + "\u043f\u0430\u043d\u0456", + "\u0441\u043f\u0430\u0434\u0430\u0440\u044b\u043d\u044f", + "\u0434\u0437\u044f\u0443\u0447\u044b\u043d\u043a\u0430", + "\u0434\u0437\u044f\u045e\u0447\u044b\u043d\u043a\u0430" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u044f\u0433\u043e\u043d\u044b", + "\u044f\u0433\u043e", + "\u0451\u043d", + "\u044f\u043c\u0443" + ], + "she": [ + "\u044f\u043d\u0430", + "\u0435\u0439\u043d\u044b", + "\u044f\u0435" + ], + "they": [ + "\u0456\u0445", + "\u044f\u043d\u044b" + ], + "it": [ + "\u0433\u044d\u0442\u0430", + "\u0433\u044d\u0442\u044b\u044f", + "\u0433\u044d\u0442\u0430\u044f", + "\u044f\u0433\u043e\u043d\u044b", + "\u044d\u0442\u0430", + "\u044f\u0433\u043e", + "\u044f\u0435", + "\u044f\u043d\u043e", + "\u0448\u0442\u043e", + "\u044d\u043d", + "\u0442\u043e\u0442", + "\u0433\u044d\u0442\u044b" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/bg.json b/data_tooling/pii_processing/ontology/data/bg.json new file mode 100644 index 0000000..10a42d7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/bg.json @@ -0,0 +1,3925 @@ +{ + "PLANT": [ + "\u0442\u0440\u0435\u043f\u0435\u0442\u043b\u0438\u043a\u0430", + "acer_rubrum", + "\u0448\u0435\u0441\u0442\u0438\u043b", + "\u043f\u0440\u043e\u0441\u0444\u043e\u0440\u043d\u0438\u043a", + "eupatorium_perfoliatum", + "\u0441\u043a\u043e\u0440\u0443\u0448\u0430", + "\u043b\u0430\u0432\u0440\u043e\u0432\u0438\u0448\u043d\u044f", + "\u0437\u0435\u043b\u0435", + "pontederia_cordata", + "\u043c\u0438\u0448\u0438\u043d\u0430", + "juniperus_virginiana", + "alstonia_scholaris", + "pterocarpus_indicus", + "nicotiana_tabacum", + "\u0441\u0430\u043c\u043e\u0431\u0430\u0439\u043a\u0430", + "\u043e\u0431\u0438\u043a\u043d\u043e\u0432\u0435\u043d_\u043c\u0440\u0430\u0437\u043e\u0432\u0435\u0446", + "\u043b\u0438\u0441\u0442\u0432\u0435\u043d\u0438\u0446\u0430", + "\u043d\u0438\u043c", + "gentianella_amarella", + "\u0441\u0432\u0435\u0442\u0430\u0442\u0430_\u043c\u0430\u0439\u043a\u0430", + "\u043a\u0430\u0441\u0438\u044f", + "agrostis_canina", + "saccharomyces_cerevisiae", + "lonicera_tatarica", + "pseudotsuga_menziesii", + "\u043d\u0435\u0437\u0430\u0431\u0440\u0430\u0432\u043a\u0430", + "agathis_australis", + "larix_laricina", + "cypripedium_montanum", + "arrhenatherum", + "pinus_muricata", + "\u0437\u0430\u0440\u0430\u0441\u043b\u0438\u0447\u0435", + "\u043f\u0435\u0441\u0435\u043a\u0438\u043d\u044f", + "\u043b\u0430\u0437\u0430\u0440\u043a\u0438\u043d\u044f", + "\u043a\u043e\u043f\u0440\u0438\u0432\u0430", + "\u0433\u043b\u0443\u0448\u0438\u0446\u0430", + "\u043c\u0430\u0441\u0442\u0438\u043a\u0441", + "\u043e\u0442\u0440\u043e\u0432\u043d\u0430\u0442\u0430_\u0430\u0439\u0432\u0438", + "cypripedium_reginae" + ], + "GPE": [ + "\u0431\u044f\u043b\u043e_\u0437\u043b\u0430\u0442\u043e", + "\u043d\u043e\u0432_\u0437\u0430\u0432\u0435\u0442", + "\u0441\u0432\u0435\u0442\u0430_\u0441\u043e\u0444\u0438\u044f", + "\u043d\u0430_\u0434\u043e\u0431\u044a\u0440_\u0447\u0430\u0441", + "\u0438\u043d\u0434\u0443\u0441\u0442\u0440\u0438\u0430\u043b\u043d\u0430_\u0437\u043e\u043d\u0430", + "\u0441\u0432\u0435\u0442\u0438_\u0433\u0435\u043e\u0440\u0433\u0438", + "\u0441\u0432\u0435\u0442\u0430_\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u0442\u0430\u0439\u0448\u0430\u043d", + "\u0432\u0438\u043d_\u043b\u043e\u043d\u0433", + "\u0434\u0430\u0440_\u0435\u0441_\u0441\u0430\u043b\u0430\u0430\u043c", + "\u0441\u0432\u0435\u0442\u0438_\u0434\u0443\u0445", + "\u043d\u0438\u043a\u043e\u043b\u0430\u0439_\u0447\u0443\u0434\u043e\u0442\u0432\u043e\u0440\u0435\u0446", + "\u0431\u0435\u043b\u0438\u044f\u0442_\u0434\u043e\u043c", + "\u0447\u043e\u0432\u0435\u0448\u043a\u0438_\u043f\u0440\u0430\u0432\u0430", + "\u0447\u0435\u0440\u0432\u0435\u043d_\u043a\u0440\u044a\u0441\u0442" + ], + "ORG": [ + "\u0441\u0432\u0435\u0442\u0438_\u043d\u0438\u043a\u043e\u043b\u0430\u0439", + "\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u0435\u0441\u043a\u0430_\u0446\u044a\u0440\u043a\u0432\u0430", + "\u0430\u043b\u0431\u0438\u0433\u043e\u0439\u0446\u0438", + "\u043f\u044a\u0440\u0436\u0435\u043d\u0430_\u0444\u0438\u043b\u0438\u0439\u043a\u0430", + "\u0445\u0443\u0430\u043d\u0445\u044a", + "\u0438\u043d\u0442\u0435\u0440\u043f\u043e\u043b", + "\u043c\u0430\u043b\u043e\u043f\u043e\u043b\u0448\u0430", + "\u043b\u0435\u0439\u0431\u044a\u0440\u0438\u0441\u0442\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0433\u043e\u0440\u0441\u043a\u043e_\u0435\u0437\u0435\u0440\u043e", + "\u0433\u043e\u043c\u0438\u043d\u0434\u0430\u043d", + "\u0437\u0435\u043b\u0435\u043d\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0446\u0435\u043d\u0442\u0440\u0430\u043b\u043d\u0430_\u0431\u0430\u043d\u043a\u0430", + "\u0437\u043b\u0430\u0442\u0435\u043d_\u0432\u0435\u043a", + "\u043f\u0440\u0430\u0432\u0435\u043d_\u0434\u044f\u043b", + "\u0432\u044a\u0440\u0445\u043e\u0432\u0435\u043d_\u0441\u044a\u0434", + "\u0438\u0437\u043e\u0431\u0449\u043e", + "\u043f\u043e\u043b\u0438\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043f\u0440\u043e\u0445\u0438\u0431\u0438\u0446\u0438\u043e\u043d\u0438\u0441\u0442\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f_\u0432_\u0441\u0430\u0449", + "\u0432\u043e\u0435\u043d\u043d\u0430_\u0430\u043a\u0430\u0434\u0435\u043c\u0438\u044f", + "\u0438\u0441\u043b\u044f\u043c\u0438\u0441\u0442\u0438\u043a\u0430", + "\u043f\u0440\u0435\u0432\u0440\u0430\u0442", + "\u0433\u043e\u043b\u044f\u043c\u0430_\u043c\u0435\u0447\u043a\u0430", + "\u043c\u0435\u0436\u0434\u0443_\u0434\u0440\u0443\u0433\u043e\u0442\u043e", + "\u0434\u0435\u0441\u043d\u0438\u0446\u0430", + "\u0430\u043d\u0442\u0438\u043c\u0430\u0441\u043e\u043d\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0447\u0435\u0440\u0432\u0435\u043d\u043e_\u043c\u043e\u0440\u0435", + "\u0435\u043b\u0435\u043e\u043d\u0441\u043a\u0438_\u0445\u044a\u043b\u043c", + "\u043f\u044a\u0440\u0436\u0435\u043d\u0430_\u0444\u0438\u043b\u0438\u044f", + "\u0441\u044a\u0435\u0434\u0438\u043d\u0435\u043d\u0438\u0442\u0435_\u0449\u0430\u0442\u0438", + "\u0432\u043f\u0440\u043e\u0447\u0435\u043c", + "\u043c\u0438\u043b\u0438_\u043c\u0435\u0434\u0436\u043b\u0438\u0441", + "\u043f\u0430\u0440\u0442\u0438\u044f_\u043d\u0430_\u0442\u0440\u0443\u0434\u0430", + "\u0443\u0438\u043a\u0430", + "\u0441\u043e\u0446\u0438\u0430\u043b\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0441\u043e\u0446\u0438\u0430\u043b\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f_\u043d\u0430_\u0430\u043d\u0434\u043e\u0440\u0430", + "\u0433\u0440\u0430\u0434\u0435\u0446", + "\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043e\u043b\u0438\u043c\u043f\u0438\u0439\u0441\u043a\u043e_\u0441\u0435\u043b\u043e", + "\u043a\u043e\u043b\u0435\u0436", + "\u0430\u0440_\u0434\u0435\u043a\u043e", + "\u0430\u0440_\u043d\u0443\u0432\u043e", + "\u0448\u0438\u043d\u0442\u043e\u0438\u0437\u044a\u043c", + "\u0434\u0430_\u0436\u0438\u0432\u0435\u0435", + "\u0432\u0430\u0439\u0448\u043d\u0430\u0432\u0438\u0437\u044a\u043c", + "\u0430\u043b_\u0434\u0436\u0430\u0437\u0438\u0440\u0430", + "\u0440\u0438\u043c\u043e\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u0435\u0441\u043a\u0430_\u0446\u044a\u0440\u043a\u0432\u0430", + "\u0441\u0430\u043e_\u0442\u043e\u043c\u0435", + "\u0434\u043e\u043b\u043d\u0430_\u043a\u0430\u043c\u0430\u0440\u0430", + "\u0439\u043e\u0441\u0438\u0444_\u043e\u0431\u0440\u0443\u0447\u043d\u0438\u043a", + "\u0431\u043e\u0442\u0430\u043d\u0438\u0447\u0435\u0441\u043a\u0430_\u0433\u0440\u0430\u0434\u0438\u043d\u0430", + "\u0441\u043e\u0446\u0438\u0430\u043b\u0438\u0441\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043a\u0440\u0438\u0432\u043e\u0439_\u0440\u043e\u0433", + "by_the_way", + "\u0434\u0430\u043e\u0438\u0437\u044a\u043c", + "\u043f\u043e\u0449\u0435\u043d\u0441\u043a\u0430_\u0441\u0442\u0430\u043d\u0446\u0438\u044f", + "\u043d\u0430\u0440\u043e\u0434\u043d\u043e_\u0441\u044a\u0431\u0440\u0430\u043d\u0438\u0435", + "\u043a\u0430\u043f\u0435\u0442\u0438\u043d\u0433\u0438", + "\u0430\u0440\u043c\u0438\u044f_\u043d\u0430_\u0441\u044a\u0435\u0434\u0438\u043d\u0435\u043d\u0438\u0442\u0435_\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u0441\u043a\u0438_\u0449\u0430\u0442\u0438", + "\u0441\u0435\u043b\u0441\u043a\u0430_\u043b\u044f\u0441\u0442\u043e\u0432\u0438\u0446\u0430", + "\u043a\u043e\u043c\u0443\u043d\u0438\u0441\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0444\u0435\u0434\u0435\u0440\u0430\u043b\u043d\u043e_\u0431\u044e\u0440\u043e_\u0437\u0430_\u0440\u0430\u0437\u0441\u043b\u0435\u0434\u0432\u0430\u043d\u0435", + "\u043b\u0430\u043d\u043a\u0430\u0441\u0442\u044a\u0440", + "\u043c\u0438\u0442\u043d\u0438\u0446\u0430", + "\u0442\u0440\u043e\u0430_\u0440\u0438\u0432\u0438\u0435\u0440" + ], + "LOCATION": [ + "\u0435_\u0438", + "\u0437\u0430\u0434\u044a\u043d\u0435\u043d\u0430_\u0443\u043b\u0438\u0446\u0430", + "\u0435\u0439\u0442\u043e\u0440_\u0432\u0438\u043b\u0430_\u043b\u043e\u0431\u043e\u0441", + "chelus_fimbriata", + "\u0433\u0440\u0430\u0434\u044a\u0442", + "\u0441\u043a\u0443\u043f\u0449\u0438\u043d\u0430", + "\u043a\u0430\u0440\u043c\u0435\u043b", + "\u0430\u043b_\u0434\u0436\u0430\u0437\u0438\u0440\u0430", + "\u0441\u043f\u044f\u0449\u0430\u0442\u0430_\u043a\u0440\u0430\u0441\u0430\u0432\u0438\u0446\u0430", + "\u0445\u043e\u0440\u043d", + "\u0430\u043c\u0435\u0440\u0438\u0433\u043e_\u0432\u0435\u0441\u043f\u0443\u0447\u0438", + "\u043c\u0430\u043b\u0435\u0447\u043a\u043e_\u043f\u0430\u043b\u0435\u0447\u043a\u043e", + "\u0432\u043e\u0435\u043d\u043d\u043e\u0432\u044a\u0437\u0434\u0443\u0448\u043d\u0438_\u0441\u0438\u043b\u0438", + "ochlodes_sylvanus", + "\u0441\u0430\u043d_\u0443\u0430\u043a\u0438\u043d", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0438\u044f_\u0430\u043d\u0445\u0430\u043b\u0442", + "\u0441\u043b\u0430\u0434\u043a\u043e\u0432\u043e\u0434\u0435\u043d", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u043d\u0430_\u043f\u0440\u0430\u0433\u0430_\u043d\u0430", + "\u0433\u043e\u0440\u043d\u043e_\u0435\u0437\u0435\u0440\u043e", + "\u043f\u0441\u0438\u0445\u0438\u0430\u0442\u0440\u0438\u0447\u043d\u0430_\u0431\u043e\u043b\u043d\u0438\u0446\u0430", + "pterocarpus_indicus", + "\u0441\u0435\u0439\u043d\u0442_\u043a\u043b\u0435\u044a\u0440" + ], + "PUBLIC_FIGURE": [ + "c", + "\u0438_\u0442\u0430\u043a\u0430_\u043d\u0430\u0442\u0430\u0442\u044a\u043a", + "\u043f\u0438\u0439\u0442_\u043c\u043e\u043d\u0434\u0440\u0438\u0430\u043d", + "\u043c\u0430\u0440\u0438\u044f_\u043c\u0430\u0433\u0434\u0430\u043b\u0438\u043d\u0430", + "y", + "\u0441\u0430\u043c_\u0448\u0435\u043f\u044a\u0440\u0434", + "f", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440_\u043a\u043e\u043b\u0443\u043c\u0431", + "\u0441\u0432\u0438\u043d\u0435\u043e\u043f\u0430\u0448\u0430\u0442_\u043c\u0430\u043a\u0430\u043a", + "\u0441\u0430\u043c_\u0445\u044e\u0441\u0442\u044a\u043d", + "\u0438_\u0442.\u043d", + "\u0430\u043b_\u0433\u043e\u0440", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d", + "\u0435_\u0435_\u043a\u044a\u043c\u0438\u043d\u0433\u0441", + "\u0432\u043e\u0434\u0435\u043d\u0438\u0447\u0430\u0440", + "\u043f\u0435\u0442\u044a\u0440_i", + "\u043b\u0443\u0438_\u0436\u043e\u0437\u0435\u0444_\u0433\u0435\u0439_\u043b\u044e\u0441\u0430\u043a", + "\u0430\u0440\u043d\u043e\u043b\u0434_\u0448\u044c\u043e\u043d\u0431\u0435\u0440\u0433", + "i", + "\u043c\u044a\u043d\u0433\u043e_\u043f\u0430\u0440\u043a", + "\u043e_\u0445\u0435\u043d\u0440\u0438", + "\u0438_\u0442\u044a\u0439_\u043d\u0430\u0442\u0430\u0442\u044a\u043a", + "1", + "g", + "r", + "\u0430\u043d\u0434\u0435\u0440\u0441_\u0446\u0435\u043b\u0437\u0438\u0439", + "d", + "\u043a\u043e\u043c\u0438\u043a\u0441\u0438", + "\u043c\u0435\u043b\u043d\u0438\u0447\u0430\u0440", + "\u0441\u043e\u043b_\u0431\u0435\u043b\u043e\u0443", + "\u0441\u0435\u0439\u043d\u0442_\u043b\u0443\u0438\u0441", + "\u043a\u043e\u043c\u0438\u043d\u043e\u0447\u0438\u0441\u0442\u0430\u0447", + "\u0433\u0435\u043e\u0440\u0433\u0438_\u043f\u043e\u0431\u0435\u0434\u043e\u043d\u043e\u0441\u0435\u0446", + "\u0431\u0440\u0438\u0433\u0430\u0434\u0435\u043d_\u0433\u0435\u043d\u0435\u0440\u0430\u043b", + "\u0430\u043b_\u043a\u0430\u043f\u043e\u043d\u0435", + "\u0431\u044a\u0440\u0437\u043e\u043b\u0435\u0442\u043e\u0432\u0438", + "\u043b\u0443\u043a\u0443\u043b", + "\u0447\u0435\u0440\u043d\u0430_\u043a\u0430\u043f\u0435\u043b\u0430", + "\u0441\u043c\u0438\u0442", + "\u043e\u0441\u043c\u0430\u043d_i", + "\u0435\u043c\u0438\u043b\u0438\u0430\u043d\u043e_\u0441\u0430\u043f\u0430\u0442\u0430", + "t" + ], + "PERSON": [ + "\u0441\u0435\u043d_\u0431\u0430\u0440\u0442\u0435\u043b\u043c\u0438", + "\u043e\u0442_\u0442\u043e\u0433\u0430\u0432\u0430", + "\u043e\u0431\u0438\u043a\u043d\u043e\u0432\u0435\u043d\u0430_\u043c\u0430\u043d\u0430\u0442\u0430\u0440\u043a\u0430" + ], + "JOB": [ + "\u043c\u0435\u043d\u0438\u0434\u0436\u044a\u0440", + "\u043f\u043e\u043c\u0435\u0448\u0447\u0438\u043a", + "\u0437\u044a\u0431\u043e\u043b\u0435\u043a\u0430\u0440", + "\u0441\u0442\u0430\u0440\u0447\u0435", + "\u0431\u043b\u043e\u043a\u0444\u043b\u0435\u0439\u0442\u0430", + "\u0433\u0430\u0441\u0442\u0430\u0440\u0431\u0430\u0439\u0442\u0435\u0440", + "\u0430\u043d\u0435\u0441\u0442\u0435\u0437\u0438\u043e\u043b\u043e\u0433", + "\u043a\u0443\u0440\u0430\u0442\u043e\u0440", + "\u043f\u0440\u043e\u0444\u0435\u0441\u043e\u0440", + "\u0430\u0440\u0442\u0438\u043b\u0435\u0440\u0438\u0441\u0442", + "freelancer", + "\u0441\u043b\u043e\u0432\u043e\u0441\u043b\u0430\u0433\u0430\u0442\u0435\u043b", + "\u043f\u043e\u0434\u043f\u043e\u043b\u043a\u043e\u0432\u043d\u0438\u043a", + "\u043c\u0435\u0441\u0438\u043d\u0434\u0436\u044a\u0440", + "\u043f\u044a\u043b\u043d\u043e\u043c\u043e\u0449\u043d\u0438\u043a", + "\u043b\u0435\u044f\u0440", + "\u043c\u043b\u0435\u043a\u0430\u0440\u043a\u0430\u0442\u0430", + "\u0443\u0447\u0440\u0435\u0434\u0438\u0442\u0435\u043b", + "\u0430\u043a\u0430\u0434\u0435\u043c\u0438\u043a", + "\u0444\u043e\u0442\u043e\u0433\u0440\u0430\u0444", + "\u043f\u043e\u0442\u043e\u043f\u044f\u0432\u0430\u043c", + "\u043f\u0430\u0440\u0430\u0448\u0443\u0442\u0438\u0441\u0442", + "man", + "\u0434\u0435\u0440\u043c\u0430\u0442\u043e\u043b\u043e\u0433", + "\u0430\u0434\u043c\u0438\u043d\u0438\u0441\u0442\u0440\u0430\u0442\u043e\u0440", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442", + "\u043a\u0430\u043f\u0438\u0442\u0430\u043d", + "\u0442\u0435\u043f\u0430\u0432\u0438\u0447\u0430\u0440", + "\u043a\u0443\u0440\u0438\u0435\u0440" + ], + "ANIMAL": [ + "\u0431\u0443\u0440\u0430\u0437\u0443\u0431\u043a\u0430_\u0437\u0432\u044b\u0447\u0430\u0439\u043d\u0430\u044f", + "\u043c\u0430\u043d\u0434\u0430\u0440\u0438\u043d\u043a\u0430", + "\u043d\u0435\u0432\u0435\u0441\u0442\u0443\u043b\u043a\u0430", + "\u0431\u0430\u0441\u0442\u0443\u043d", + "\u0442\u0440\u0430\u0443\u0440\u043d\u0438\u0446\u0430", + "\u0445\u043b\u0435\u0431\u0430\u0440\u043a\u0430", + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u043e\u0431\u0438\u043a\u043d\u043e\u0432\u0435\u043d_\u0441\u044a\u043d\u043b\u0438\u0432\u0435\u0446", + "\u043a\u043e\u043f\u0438\u0442\u0435\u043d", + "\u0445\u043b\u0435\u0431\u0430\u0440\u043a\u0438", + "\u0431\u044a\u0440\u0437\u043e\u043b\u0435\u0442\u043e\u0432\u0438", + "\u0441\u0442\u0440\u0438\u0434\u043e\u044f\u0434", + "\u0441\u0430\u043c\u0443\u0440", + "\u043f\u0435\u0442\u043d\u0438\u0441\u0442\u0430_\u0443\u043b\u0443\u043b\u0438\u0446\u0430", + "\u0431\u0438\u0441\u0435\u0440\u0435\u043d_\u043d\u0430\u0443\u0442\u0438\u043b\u0443\u0441", + "\u0442\u043e\u043a\u0430\u0447\u043a\u0430", + "\u0433\u043b\u0443\u0445\u0430\u0440", + "\u043a\u0430\u0440\u043e\u043b\u0438\u043d\u043a\u0430", + "sitta_canadensis", + "\u0448\u0438\u043a\u0430\u043b\u043a\u043e\u0442\u0432\u043e\u0440\u043a\u0438", + "\u0430\u0439_\u0430\u0439", + "\u0431\u0430\u0431\u0438\u0440\u0443\u0441" + ], + "FAC": [ + "\u0432\u0438\u0441\u043e\u043a\u0430_\u043f\u043e\u0440\u0442\u0430", + "\u0431\u0430\u0441\u0435\u0439\u043d", + "\u0441\u0435\u0439\u043d\u0442_\u043b\u0443\u0441\u0438\u044f", + "\u044e\u0436\u043d\u043e\u0441\u0430\u0445\u0430\u043b\u0438\u043d\u0441\u043a", + "\u0440\u0438\u043c\u0441\u043a\u0430_\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u0435\u0441\u043a\u0430_\u0446\u044a\u0440\u043a\u0432\u0430", + "\u043d\u0430_\u0434\u043e\u0431\u044a\u0440_\u043f\u044a\u0442", + "t_\u043a\u043b\u0435\u0442\u043a\u0430", + "\u043c\u0435\u0447\u043e_\u043f\u0443\u0445", + "\u0442\u044a\u0440\u0433\u043e\u0432\u0441\u043a\u0438_\u0446\u0435\u043d\u0442\u044a\u0440", + "\u0430\u0442\u0430\u043a\u0430\u043c\u0430" + ], + "LANGUAGE": [ + "\u044f\u043f\u043e\u043d\u0441\u043a\u0438", + "\u0433\u0435\u0440\u043c\u0430\u043d\u0435\u0446", + "\u0430\u043d\u0433\u043b\u0438\u0439\u0441\u043a\u0438", + "\u043f\u043e\u0440\u0442\u0443\u0433\u0430\u043b\u0435\u0446", + "\u0433\u0435\u0440\u043c\u0430\u043d\u043a\u0430", + "\u043f\u043e\u0440\u0442\u0443\u0433\u0430\u043b\u043a\u0430", + "\u043f\u043e\u0440\u0442\u0443\u0433\u0430\u043b\u0441\u043a\u0438", + "\u0438\u0441\u043b\u0430\u043d\u0434\u0441\u043a\u0438" + ], + "LAW": [ + "\u043f\u0440\u0430\u0432\u043e\u043f\u0440\u0438\u043b\u0430\u0433\u0430\u0449\u0438_\u043e\u0440\u0433\u0430\u043d\u0438", + "\u0440\u0438\u043c\u0441\u043a\u043e_\u043f\u0440\u0430\u0432\u043e", + "\u043d\u0430\u043a\u0430\u0437\u0430\u0442\u0435\u043b\u0435\u043d_\u043a\u043e\u0434\u0435\u043a\u0441" + ], + "DATE": [ + "\u043d\u0430_\u0434\u0440\u0443\u0433\u0438\u044f_\u0434\u0435\u043d", + "happy_hour", + "\u0441\u0440\u0435\u0434\u043d\u043e\u0432\u0435\u043a\u043e\u0432\u0438\u0435", + "\u043d\u043e\u0432\u043e\u043b\u0443\u043d\u0438\u0435" + ], + "QUANTITY": [ + "\u043a\u0430\u043b\u043e\u0440\u0438\u044f", + "g" + ], + "POLITICAL_PARTY": [ + "\u043e\u0431\u0435\u0434\u0438\u043d\u0435\u043d\u0430_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0440\u0435\u043f\u0443\u0431\u043b\u0438\u043a\u0430\u043d\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u0441\u043e\u0446\u0438\u0430\u043b\u0438\u0441\u0442\u0438\u0447\u0435\u0441\u043a\u0430_\u0433\u0435\u0440\u043c\u0430\u043d\u0441\u043a\u0430_\u0440\u0430\u0431\u043e\u0442\u043d\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0434\u0435\u0441\u043d\u0438\u0446\u0430", + "\u043b\u0438\u0431\u0435\u0440\u0430\u043b\u043d\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0440\u0430\u0431\u043e\u0442\u043d\u0438\u0447\u0435\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043a\u043e\u043d\u0441\u0435\u0440\u0432\u0430\u0442\u0438\u0432\u043d\u0430_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u043d\u0430_\u043f\u0430\u0440\u0442\u0438\u044f" + ], + "DISEASE": [ + "\u0432\u0438\u0440\u0443\u0441_\u043d\u0430_\u0435\u043f\u0449\u0430\u0439\u043d_\u0431\u0430\u0440", + "\u0445\u0438\u0434\u0440\u043e\u043d\u0435\u0444\u0440\u043e\u0437\u0430", + "\u043c\u0430\u043d\u0438\u044f", + "\u0441\u0442\u0440\u0435\u043f\u0442\u043e\u0434\u0435\u0440\u043c\u0438\u0438", + "\u0441\u043b\u0435\u043f\u043e\u0442\u0430", + "\u043f\u043e\u0442\u043e\u043f\u044f\u0432\u0430\u043c", + "the_bends", + "\u0433\u0438\u043d\u0435\u043a\u043e\u043c\u0430\u0441\u0442\u0438\u044f", + "\u043a\u0435\u0441\u0442\u0435\u045a\u0430\u0441\u0442", + "\u0430\u043a\u0442\u0438\u043d\u043e\u043c\u0438\u043a\u043e\u0437\u0430", + "\u043f\u0440\u043e\u043c\u0438\u0432\u0430\u043d\u0435", + "\u0430\u0432\u0442\u043e\u0438\u043c\u0443\u043d\u0438\u0442\u0435\u0442", + "\u043d\u0430\u0433\u043e\u0440\u0435\u0449\u044f\u0432\u0430\u043c", + "gimp", + "\u0441\u043a\u0430\u0440\u043b\u0430\u0442\u0438\u043d\u0430", + "\u0437\u0430\u043c\u0430\u0439\u0432\u0430\u043d\u0435", + "\u043f\u043e\u043b\u0438\u043e\u043c\u0438\u0435\u043b\u0438\u0442", + "\u043e\u0441\u043d\u043e\u0432\u0430\u0442\u0435\u043b", + "\u0440\u0430\u0441\u0442\u0435\u0436", + "pain", + "\u0433\u043b\u0430\u0432\u043e\u0431\u043e\u043b\u0438\u0435", + "\u043d\u0430\u0441\u0442\u0438\u043d\u043a\u0430", + "\u0438\u043d\u0441\u0443\u043b\u0442", + "\u043f\u043e\u043b\u0438\u0434\u0430\u043a\u0442\u0438\u043b\u0438\u044f", + "\u0430\u043d\u0442\u0440\u0430\u043a\u0441", + "\u0434\u043e\u043c\u0430\u0448\u043d\u0438_\u043c\u0438\u0448\u043a\u0438", + "\u043f\u0440\u0435\u0441\u0431\u0438\u043e\u043f\u0438\u044f", + "\u0440\u043e\u0442\u0430\u0432\u0438\u0440\u0443\u0441", + "\u043c\u0430\u043b\u0430\u0440\u0438\u044f", + "\u0435\u043f\u0438\u0441\u0442\u0430\u043a\u0441\u0438\u0441", + "\u0435\u0431\u043e\u043b\u0430", + "\u0445\u0438\u0434\u0440\u043e\u0444\u043e\u0431\u0438\u044f", + "\u0431\u0443\u0440\u0441\u0438\u0442", + "\u043f\u043e\u0441\u0442\u0440\u043e\u044f\u0432\u0430\u043d\u0435", + "\u043a\u0435\u0441\u0442\u0435\u043d" + ], + "GENDER": [ + "\u043c\u0430\u043b\u0447\u0443\u0433\u0430\u043d\u0430", + "boys", + "man" + ], + "PRODUCT": [ + "\u043c\u043e\u0440\u0441\u043a\u043e_\u0441\u0432\u0438\u043d\u0447\u0435", + "\u043a\u043e\u043b\u0435\u0434\u043d\u0430_\u0435\u043b\u0445\u0430", + "\u0433\u043e\u0434\u0438\u0448\u043d\u0438\u0442\u0435_\u0432\u0440\u0435\u043c\u0435\u043d\u0430", + "\u043d\u0435\u043f\u0440\u0435\u043c\u0435\u043d\u043d\u043e", + "\u0441\u0435\u043d_\u043f\u0438\u0435\u0440_\u0438_\u043c\u0438\u043a\u0435\u043b\u043e\u043d", + "po_bozija_milost", + "\u0435\u043b\u0445\u0430", + "\u0434\u044f\u0434\u043e_\u043a\u043e\u043b\u0435\u0434\u0430", + "\u0437\u0430\u0434\u044a\u043d\u0435\u043d", + "\u043f\u0440\u0430\u0432\u0430_\u043d\u0430_\u0447\u043e\u0432\u0435\u043a\u0430" + ], + "PERSON_PRONOUN": [ + "i", + "\u043c\u0435\u043d\u0435", + "\u0441\u0435\u0431\u0435_\u0441\u0438", + "\u0432\u0430\u043c" + ], + "RELIGION_MEMBER": [ + "\u043c\u043e\u043b\u043b\u0430", + "\u043c\u0435\u0442\u043e\u0434\u0438\u0441\u0442", + "\u0434\u043e\u043c\u0438\u043d\u0438\u043a\u0430\u043d\u0435\u0446", + "\u043c\u043e\u0440\u043c\u043e\u043d" + ], + "SOC_ECO_CLASS": [ + "\u0438\u043d\u0442\u0435\u043b\u0435\u043a\u0442\u0443\u0430\u043b\u0435\u043d", + "\u0443\u043f\u0440\u0430\u0432\u043b\u044f\u0432\u0430\u0449\u0430_\u043a\u043b\u0430\u0441\u0430" + ], + "RACE": [ + "\u043c\u0435\u0441\u0442\u0435\u043d", + "\u043a\u043e\u0440\u0435\u043d\u0435\u043d", + "\u0435\u0432\u0440\u043e\u043f\u0435\u0439\u0441\u043a\u0438", + "\u0430\u0444\u0440\u0438\u043a\u0430\u043d\u0441\u043a\u0438" + ], + "FOOD": [ + "\u043f\u043e\u0440\u0442\u0432\u0430\u0439\u043d", + "\u0434\u044a\u0432\u043a\u0430", + "\u043f\u043e\u0440\u0442\u043e", + "\u0431\u0435\u043d\u0438\u043d\u043a\u0430\u0441\u0430" + ], + "RELIGION": [ + "\u0430\u0440\u043c\u0438\u043d\u0438\u0430\u043d\u0438\u0437\u044a\u043c", + "\u043a\u0430\u0442\u0430\u0440\u0441\u0442\u0432\u043e" + ], + "UNION": [ + "\u043f\u0440\u043e\u0444\u0441\u044a\u044e\u0437", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0438\u043e\u043d\u0430\u043b\u0435\u043d_\u0441\u044a\u044e\u0437", + "\u043c\u0435\u0436\u0434\u0443\u043d\u0430\u0440\u043e\u0434\u0435\u043d_\u0441\u044a\u044e\u0437_\u043f\u043e_\u0442\u0435\u043b\u0435\u043a\u043e\u043c\u0443\u043d\u0438\u043a\u0430\u0446\u0438\u0438" + ], + "BIO_CHEM_ENTITY": [ + "\u043f\u043e\u043b\u0438\u0432\u0438\u043d\u0438\u043b\u0445\u043b\u043e\u0440\u0438\u0434" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u0431\u043e\u0436\u0443\u0440\u043a\u0430", + "\u0430\u0441\u0438\u0444\u0430", + "\u0434\u0438\u043d\u043d\u0430", + "\u0436\u0435\u043b\u044f\u0437\u043a\u0430", + "\u043c\u0430\u043b\u0442\u0438\u043d\u0430", + "\u0432\u0435\u0440\u0435\u043d\u0430", + "\u0431\u0443\u0447\u0430", + "\u0437\u0438\u043d\u0430\u0438\u0434\u0430", + "\u0434\u043e\u0440\u0438\u043d\u0430", + "\u043f\u0430\u043b\u043e\u043c\u0438\u043d\u0430", + "\u0431\u043e\u0436\u0438\u043d\u0435\u043b\u0430", + "\u0446\u0435\u0446\u0430", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043a\u0430\u043b\u0438\u0441\u0430", + "\u044a\u0433\u043b\u0435\u043d\u043a\u0430", + "\u0434\u0435\u0441\u0438\u044f\u043d\u0430", + "\u0433\u0430\u043b\u044f", + "\u044f\u0433\u043e\u0434\u0430", + "\u043d\u0435\u0433\u0440\u0438\u0442\u0430", + "\u0438\u0432\u0435\u043b\u0438\u0430\u043d\u0430", + "\u0437\u0434\u0443\u0445\u043e\u0441\u0442\u0438\u043d\u0430", + "\u0432\u0435\u043d\u0447\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0439\u043e\u043d\u0438\u043a\u0430", + "\u043c\u0438\u0433\u043b\u0435\u043d\u0430", + "\u0433\u0432\u043e\u0437\u0434\u0435\u0439\u043a\u0430", + "\u043c\u0430\u043d\u043e\u043b\u0438\u043d\u0430", + "\u0432\u0430\u0441\u0438\u043b\u0438\u043d\u0430", + "\u043a\u0430\u043b\u0438\u043d\u0430", + "\u0438\u043b\u0438\u043d\u0434\u0430", + "\u043b\u0430\u043b\u043a\u0430", + "\u0440\u0443\u0441\u043a\u0430", + "\u044f\u043d\u0430_\u043c\u0430\u0440\u0442\u0438\u043d\u0430", + "\u0442\u0430\u043c\u0430\u0440\u0430", + "\u043d\u0435\u0448\u043a\u0430", + "\u043a\u043e\u0440\u043d\u0435\u043b\u0438\u044f", + "\u0437\u043b\u0430\u0442\u043a\u0430", + "\u043c\u0430\u043a\u0441\u0438\u043c\u0438\u043b\u0438\u044f\u043d\u0430", + "\u044f\u043d\u0438\u0441\u043b\u0430\u0432\u0438\u044f", + "\u043c\u0438\u043b\u0434\u0438\u044f", + "\u0433\u0435\u043d\u0430", + "\u043f\u043b\u0430\u043c\u0435\u043d\u0430", + "\u0430\u043d\u0430\u0442\u043e\u043b\u0438\u044f", + "\u0430\u0432\u0438\u0433\u0435\u044f", + "\u0438\u0440\u0438\u043d", + "\u0444\u043b\u043e\u0440\u0438\u043a\u0430", + "\u043c\u0430\u0433\u0434\u0430\u043b\u0435\u043d\u0430", + "\u0430\u043d\u0437\u0430", + "\u043d\u0443\u0440\u0435\u0442\u0430", + "\u0439\u043e\u043d\u0430", + "\u0442\u043e\u043b\u0438\u0430\u043d\u0430", + "\u043a\u0430\u0440\u0438\u043d\u0430", + "\u0432\u044a\u0446\u0430", + "\u0430\u043d\u0438\u0446\u0430", + "\u043f\u0440\u0430\u0432\u0434\u0430", + "\u0440\u0430\u0434\u043a\u0430", + "\u0431\u0438\u0441\u0435\u0440\u0430", + "\u0446\u0430\u043d\u0435\u0442\u0430", + "\u0442\u0440\u0438\u0444\u043e\u043d\u043a\u0430", + "\u0431\u043e\u043d\u0438\u0444\u0430\u0446\u0438\u044f", + "\u0430\u043f\u043e\u043b\u0438\u043d\u0430\u0440\u0438\u044f", + "\u0440\u0430\u0434\u0438\u043c\u0438\u0440\u0430", + "\u0441\u043a\u0430\u043a\u0430\u043b\u043a\u0430", + "\u044f\u0440\u043a\u0430", + "\u043b\u044e\u0431\u043b\u0438\u043d\u0430", + "\u043f\u0435\u0442\u0440\u043e\u043c\u0438\u0440\u0430", + "\u0442\u043e\u0441\u043a\u0430", + "\u0444\u0438\u043b\u0438\u043f\u0438\u043d\u0438", + "\u0432\u0438\u0440\u0436\u0438\u043d\u0438\u044f", + "\u0445\u0438\u043d\u043a\u0430", + "\u0441\u044a\u0440\u043c\u0435\u043d\u043a\u0430", + "\u0430\u0432\u0442\u043e\u0440\u043a\u0430", + "\u0434\u0430\u043d\u0435\u043b\u0438\u043d\u0430", + "\u043b\u0438\u043b\u0438\u044f", + "\u0441\u0438\u043c\u043e\u043d\u0430", + "\u043b\u044a\u0447\u0435\u0437\u0430\u0440\u043a\u0430", + "\u0431\u043e\u0433\u043e\u0440\u043e\u0434\u043a\u0430", + "\u0444\u043b\u0430\u0432\u0438\u044f", + "\u0430\u0442\u0438\u043d\u0430", + "\u0444\u0435\u043d\u044f", + "\u0435\u043b\u0434\u043e\u0440\u0430", + "\u0444\u0443\u0433\u0430", + "\u0431\u043e\u0436\u0438\u0434\u0430\u0440\u0430_\u0441\u0438\u043b\u0432\u0435\u0441\u0442\u0440\u0430", + "\u043f\u043e\u043b\u0435\u043a\u0441\u0438\u043d\u0430", + "\u0430\u0433\u043d\u0435\u0448\u043a\u0430", + "\u043c\u0438\u0448\u043a\u0430", + "\u043c\u0430\u0440\u0435\u043d", + "\u0430\u0432\u0433\u0438\u044f", + "\u0434\u0436\u0430\u043d\u0430", + "\u043d\u0430\u0442\u0430\u0448\u0430", + "\u0437\u043b\u0430\u0442\u043e\u043c\u0438\u0440\u0430", + "\u0432\u0435\u0441\u043d\u0430", + "\u0430\u0441\u0442\u0440\u043e\u043c\u0435\u0440\u0438\u044f", + "\u043a\u0440\u0438\u0441\u0442\u0430\u0431\u0435\u043b\u0430", + "\u043a\u0430\u0440\u0430\u043c\u0435\u043b\u0438\u0442\u0430", + "\u043c\u0430\u043b\u0435\u043d\u0430", + "\u043a\u043e\u043a\u0438\u043c\u0438\u0440\u0430", + "\u0435\u043b\u0438\u0446\u0430", + "\u043d\u0435\u0439\u043a\u0430", + "\u043a\u0430\u0442\u0438\u043d\u043a\u0430", + "\u0440\u0430\u0438\u043d\u043a\u0430", + "\u0435\u043c\u0430\u043d\u0443\u0438\u043b\u0430", + "\u0432\u0435\u0436\u0434\u0430", + "\u0431\u0430\u043b\u0438\u043d\u0430", + "\u0431\u0435\u043b\u0430", + "\u0440\u043e\u0437\u0430", + "\u043c\u0438\u043b\u0430\u0440\u0430", + "\u0434\u043e\u0431\u0440\u0438\u043d\u0430", + "\u0441\u0442\u0430\u043d\u0438\u0435\u043b\u0430", + "\u0433\u0440\u043e\u0437\u0434\u0438\u043d\u043a\u0430", + "\u0441\u0442\u0435\u0444\u0430\u043d\u0438", + "\u0435\u0441\u0442\u0435\u043b\u0430", + "\u0432\u0435\u0441\u0435\u043b\u0438\u043d\u043a\u0430", + "\u0441\u043f\u0430\u0441\u0438\u044f\u043d\u0430", + "\u043a\u0430\u0442\u0430\u0441\u0442\u0440\u043e\u0444\u0430", + "\u043f\u0430\u0443\u043b\u0438\u043d\u0430", + "\u0441\u0442\u0430\u0432\u0438\u0441\u0430\u0440\u0430", + "\u0432\u0435\u043b\u0438\u044f\u043d\u043a\u0430", + "\u043c\u0430\u0441\u0430", + "\u0447\u0430\u043d\u0430", + "\u0440\u0443\u0441\u0430\u043b\u0438\u044f", + "\u043b\u044e\u043b\u044f\u043d\u0430", + "\u0432\u0430\u043d\u0443\u0445\u0438", + "\u043d\u0430\u0439\u0434\u0430", + "\u043c\u043e\u0440\u0442\u0430\u0434\u0435\u043b\u0430", + "\u043f\u044a\u0440\u0432\u043e\u043b\u0435\u0442\u043a\u0430", + "\u043f\u0430\u0432\u043b\u0438\u043d\u0430", + "\u043b\u0438\u043b\u044f\u043d\u043a\u0430", + "\u043a\u0430\u0434\u0438\u0444\u0435\u0439\u043a\u0430", + "\u0437\u043e\u0438\u0447\u043a\u0430", + "\u0440\u0435\u0432\u043a\u0430", + "\u0439\u043e\u043b\u0438\u043d\u0430", + "\u0433\u043e\u0440\u0434\u0430\u043d\u0430", + "\u0440\u043e\u0437\u0435\u0442\u0430", + "\u0434\u0435\u043b\u0438\u0430\u043d\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0430", + "\u0441\u0435\u0440\u0433\u0435\u043b\u0438\u043d\u043a\u0430", + "\u043b\u0435\u043d\u0447\u0435", + "\u0434\u043e\u043c\u0435\u043d\u0438\u043a\u0430", + "\u0438\u0432\u0430\u043d\u0438\u0447\u043a\u0430", + "\u043b\u044e\u0431\u043e\u0441\u043b\u0430\u0432\u0430", + "\u0431\u043e\u0440\u044f\u043d\u043a\u0430", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d\u0438\u044f", + "\u0438\u0432\u0430\u043d\u0435\u0441\u0430", + "\u0439\u043e\u0445\u0430\u043d\u043d\u0430", + "\u0430\u043d\u0435\u043b\u0438\u043d\u0430", + "\u043f\u0440\u043e\u043b\u0435\u0442\u0438\u043d\u0430", + "\u043c\u0438\u0440\u043e\u043f\u0430", + "\u043e\u0433\u043d\u0435\u043d\u0430", + "\u0430\u043b\u0435\u043d\u043a\u0430", + "\u0441\u0442\u0430\u043d\u0438\u043c\u0438\u0440\u043a\u0430", + "\u0441\u043c\u0438\u0440\u043d\u0430", + "\u0432\u043b\u0430\u0434\u0438\u043b\u0435\u043d\u0430", + "\u043c\u0430\u0440\u043b\u0435\u043d\u0430", + "\u0433\u0435\u043e\u0440\u0433\u0435\u043b\u0435\u043d\u0430", + "\u0435\u043b\u0438\u0441\u0430", + "\u043d\u043e\u043d\u0430", + "\u0441\u0435\u0432\u0434\u0435\u043b\u0438\u043d\u0430", + "\u043c\u043e\u043c\u0435\u0440\u0430", + "\u043f\u0435\u0442\u0440\u0438\u0439\u043a\u0430", + "\u0438\u0432\u0430\u043c\u0438\u043d\u0430", + "\u043b\u0438\u043d\u0434\u0430", + "\u0430\u043b\u0430\u043d\u0438\u044f", + "\u0434\u0430\u043a\u043e\u0442\u0430", + "\u0434\u0435\u043b\u044f", + "\u044f\u0431\u043b\u0435\u043d\u043a\u0430", + "\u043f\u0435\u0442\u0440\u0443\u0448\u043a\u0430", + "\u0434\u0430\u0440\u0434\u0430\u043d\u0435\u043b\u0430", + "\u043b\u043e\u0442\u0438", + "\u043c\u0438\u043c\u043e\u0437\u0430", + "\u0441\u0432\u0438\u0434\u043d\u0430", + "\u0445\u0440\u0438\u0441\u0442\u044f", + "\u0441\u0430\u0432\u0435\u0442\u0430", + "\u0435\u0432\u0430\u043d\u0433\u0435\u043b\u0438\u043d\u0430", + "\u0445\u0440\u0430\u043d\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043c\u0438\u043b\u0438\u0430\u043d\u0430", + "\u0441\u0442\u0435\u043b\u0438\u043d\u0430", + "\u043a\u0435\u0440\u0430\u043d\u043a\u0430", + "\u0443\u043b\u0438\u0430\u043d\u0430", + "\u0432\u0435\u043b\u0438\u043d\u043d\u0430", + "\u0441\u0442\u0430\u0448\u0430", + "\u0433\u0440\u0435\u0442\u0430", + "\u044f\u0442\u0430\u043d\u0430", + "\u0441\u0438\u043d\u0442\u0438\u044f", + "\u0442\u0438\u043b\u0438\u0430\u043d\u0430", + "\u0441\u0430\u0431\u0438\u043d\u0430", + "\u0444\u0430\u0442\u0438\u043c\u0435", + "\u043f\u0443\u043f\u0438", + "\u0449\u0435\u0434\u0440\u0430", + "\u0432\u0438\u043e\u043b\u0435\u0442\u0430", + "\u0433\u0430\u043b\u0435\u043d\u0430", + "\u0433\u0435\u0440\u0442\u0440\u0443\u0434\u0430", + "\u043b\u0430\u0437\u0443\u0440\u0430", + "\u0448\u0430\u043d\u0430", + "\u0446\u0432\u0435\u0442\u043b\u0438\u043d\u0430", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0435\u043b\u0435\u043d\u0430", + "\u0444\u0430\u0431\u0438\u044f\u043d\u0430", + "\u0441\u0432\u0435\u0442\u043b\u043e\u043c\u0438\u0440\u0430", + "\u0431\u0440\u043e\u043d\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0430\u0439\u0440\u0435\u043d", + "\u043b\u0443\u043d\u0430", + "\u0430\u043c\u043e\u0440\u0438\u044f", + "\u043a\u0438\u0440\u043a\u0430", + "\u0441\u0443\u0437\u0438", + "\u0446\u0432\u0435\u0442\u0435\u043b\u0438\u043d\u0430", + "\u0435\u043d\u0438\u0446\u0430", + "\u044f\u043d\u043a\u0430", + "\u0436\u0430\u043d\u0438\u043d", + "\u044f\u043b\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043a\u043e\u0441\u0442\u0430\u0434\u0438\u043d\u043a\u0430", + "\u0440\u043e\u043c\u043e\u043b\u0435\u0442\u0430", + "\u043b\u043e\u0437\u0430\u043d\u043a\u0430", + "\u0430\u0434\u0440\u0438\u0430\u043d\u0438\u0430", + "\u0430\u043d\u0435\u0442\u0430", + "\u0432\u044a\u0437\u043a\u0440\u0435\u0441\u0435\u043d\u0438\u044f", + "\u044a\u0447\u043a\u0430", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u0438\u043d\u0430", + "\u0436\u0438\u0432\u043e\u043c\u0438\u0440\u0430", + "\u043c\u0435\u0434\u0438\u0445\u0430", + "\u0441\u0442\u0435\u044f\u043d\u0430", + "\u043f\u0430\u0442\u0440\u0438\u043e\u0442\u043a\u0430", + "\u0440\u043e\u043a\u0441\u0430\u043d\u0430", + "\u0448\u0438\u043d\u043a\u0430", + "\u0434\u0438\u043b\u043c\u0430\u043d\u0430", + "\u0441\u0438\u043b\u0432\u0438\u044f_\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u0430", + "\u0435\u0434\u0438\u0442\u0430", + "\u0435\u043b\u043c\u0430", + "\u0444\u043e\u0442\u0438\u043d\u043a\u0430", + "\u043b\u0438\u044f", + "\u0436\u0435\u0439\u043d\u0430", + "\u0430\u0434\u0430\u043c\u0438\u043d\u0430", + "\u0446\u0432\u0435\u0442\u044f\u043d\u0430", + "\u0445\u0443\u0431\u0430\u0432\u0435\u043b\u043a\u0430", + "\u043c\u0430\u0440\u0438\u044f_\u0445\u0443\u0430\u043d\u0430", + "\u0435\u043b\u0438", + "\u043d\u0438\u043a\u043e\u0435\u043b\u0430", + "\u0432\u0430\u043b\u044f", + "\u0447\u0430\u0440\u0434\u0430\u0444\u043e\u043d\u0430", + "\u0439\u043e\u043a\u043e", + "\u0438\u0432\u0438\u043d\u043a\u0430", + "\u0434\u043e\u0439\u043a\u0430", + "\u0439\u043e\u0432\u0430\u043d\u043a\u0430", + "\u0430\u0440\u0441\u0435\u043d\u0430", + "\u0440\u043e\u0441\u0435\u043b\u0438\u043d\u0430", + "\u0441\u0442\u043e\u044f\u043d\u043a\u0430", + "\u0442\u0440\u0443\u0444\u0430\u043d\u0430", + "\u0447\u0435\u0440\u0435\u0448\u0430", + "\u0431\u0440\u0438\u0433\u0438\u0442\u0430", + "\u0440\u0435\u043d\u0433\u0438\u044f", + "\u043f\u0430\u0440\u0430\u0448\u043a\u0435\u0432\u0438\u0446\u0430", + "\u043a\u0440\u0430\u043b\u0438\u043d\u0430", + "\u0442\u0430\u0438\u0441\u0438\u044f", + "\u0433\u043e\u0440\u0438\u044f", + "\u0436\u0438\u0432\u0430", + "\u0433\u0438\u0437\u0434\u0430\u043d\u0430", + "\u043d\u0430\u0432\u043e\u0434\u043d\u0435\u043d\u043a\u0430", + "\u0432\u0430\u043a\u043b\u0438\u043d\u0430", + "\u0434\u0443\u0434\u0430", + "\u0430\u043d\u0443\u0448\u0430", + "\u0438\u0433\u043b\u0438\u043a\u0430", + "\u0441\u043f\u0430\u0441\u0435\u043d\u0430", + "\u0442\u0430\u043d\u044f", + "\u0447\u0435\u0442\u0432\u044a\u0440\u0442\u0430", + "\u044f\u0441\u0435\u043d\u0430", + "\u0433\u044e\u0440\u0433\u044f", + "\u0434\u0430\u043d\u043a\u0430", + "\u0434\u0435\u043c\u0438\u0440\u0435\u043b\u0430", + "\u0434\u0438\u043c\u043a\u0430", + "\u0432\u0430\u043b\u0435\u0440\u0438\u044f", + "\u0438\u0440\u043b\u0430", + "\u0440\u0443\u0436\u043a\u0430", + "\u043b\u0430\u0446\u0430", + "\u0430\u043b\u0435\u043a\u0441\u0438\u0430", + "\u043b\u044e\u0431\u0438\u043d\u0430", + "\u043b\u0430\u0434\u0430", + "\u0432\u0438\u0442\u043e\u043c\u0438\u0440\u0430", + "\u0444\u0438\u043a\u0438\u044f", + "\u0437\u0430\u043d\u043a\u0430", + "\u043c\u0438\u043b\u0430", + "\u043c\u0435\u043b\u0430\u043d\u0438\u044f", + "\u043c\u0430\u0440\u0438\u044f", + "\u0431\u0438\u044f\u043d\u043a\u0430", + "\u043a\u0440\u0438\u0441\u0442\u0438\u0430\u043d\u0430", + "\u043a\u0440\u044a\u0441\u0442\u0430\u043d\u043a\u0430", + "\u0441\u0432\u0435\u0436\u0430", + "\u0441\u0438\u043b\u044f\u043d\u0430", + "\u044e\u0441\u0442\u0438\u0430\u043d\u043d\u0430", + "\u043a\u0435\u0442\u0438", + "\u0446\u0430\u0440\u0435\u0432\u043d\u0430", + "\u043c\u0438\u0441\u043b\u0430", + "\u043c\u0430\u0440\u0430_\u0430\u043d\u0442\u043e\u0430\u043d\u0435\u0442\u0430", + "\u043c\u0430\u0440\u0443\u0441\u044f", + "\u0434\u0435\u0432\u0438", + "\u0437\u043b\u0430\u0442\u0435\u044f", + "\u0431\u043e\u0440\u0435\u043d\u0430", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d\u0430", + "\u0435\u0432\u0440\u0438\u0434\u0438\u043a\u0430", + "\u043c\u0438\u0440\u0430\u043d\u0437\u0430", + "\u043a\u043e\u043c\u0430\u0440\u0430", + "\u0441\u0432\u043e\u0431\u043e\u0434\u043a\u0430", + "\u0449\u0435\u0444\u0430\u043d\u0438\u044f", + "\u0440\u0430\u0434\u0438\u0430", + "\u043f\u0435\u043f\u0435\u043b\u043e\u0442\u0430", + "\u0442\u0435\u043e\u0434\u043e\u0440\u0430", + "\u0447\u043e\u043d\u0430", + "\u043b\u0438\u043a\u0430", + "\u0430\u0443\u0440\u043e\u0440\u0430", + "\u0439\u043e\u0440\u0434\u0430\u043d\u043a\u0430", + "\u0434\u043e\u0441\u0442\u0430", + "\u0441\u043c\u0435\u0445\u043e\u0442\u0435\u0440\u0430\u043f\u0438\u044f", + "\u0441\u0438\u0431\u0438\u043b\u0430", + "\u0440\u0430\u0434\u0430", + "\u0441\u0432\u0435\u0442\u043b\u0430", + "\u043d\u0430\u0441\u0442\u0438\u044f", + "\u043d\u0438\u043e\u043d\u0438\u043b\u0430", + "\u0434\u0435\u043d\u0438\u0430\u043d\u0434\u0440\u0430", + "\u0436\u0443\u043b\u0438\u0430\u043d\u0430", + "\u0442\u0440\u0435\u043d\u0434\u0430\u0444\u0438\u043b\u0430", + "\u043f\u0435\u0448\u043a\u0430", + "\u0442\u043e\u0430\u043d\u0435\u0442\u0430", + "\u0434\u0438\u0434\u0430", + "\u0433\u0430\u043b\u0438\u043d\u0430", + "\u0442\u043e\u043d\u0438\u0446\u0432\u0435\u0442\u0430", + "\u043a\u0430\u0443\u043d\u043a\u0430", + "\u043b\u044f\u043d\u043a\u0430", + "\u0442\u0435\u0430", + "\u0434\u0430\u043d\u0438\u043c\u0438\u0440\u0430", + "\u0438\u043b\u0438\u0430\u043d\u043d\u0430", + "\u0438\u043d\u0435\u0441\u0430", + "\u044e\u043d\u043e\u043d\u0430", + "\u0433\u0435\u0440\u0434\u0430\u043d\u0430", + "\u043a\u0438\u0442\u0447\u0438\u0446\u0430", + "\u0441\u043d\u0435\u0436\u0438\u043d\u043a\u0430", + "\u043c\u0430\u0440\u0433\u0438\u0442", + "\u0430\u0441\u0435\u043b\u0438\u043d\u0430", + "\u0442\u0435\u043c\u0438\u0440\u0430", + "\u0441\u0430\u043b\u0438\u043d\u0430", + "\u043b\u0435\u043a\u0430", + "\u043a\u0430\u043b\u0435\u044f", + "\u0436\u0435\u043d\u0438\u043c\u0438\u0440\u0430", + "\u0432\u043e\u0434\u0438\u0446\u0430", + "\u0435\u043b\u0435\u043d\u0438\u0446\u0430", + "\u0430\u043d\u0438\u043c\u0438\u0440\u0430", + "\u0430\u043d\u0434\u0438\u043a\u0430", + "\u0441\u0442\u043e\u043b\u0435\u0442\u043a\u0430", + "\u0431\u0443\u043d\u0430", + "\u044e\u0440\u0438\u0442\u0430", + "\u0433\u044a\u043b\u044a\u0431\u0438\u0446\u0430", + "\u0434\u0435\u0444\u043b\u043e\u0440\u0438\u043d\u0430", + "\u043a\u0440\u0430\u0441\u0438\u0434\u0430\u0440\u0430", + "\u043c\u0430\u0440\u0438\u0439\u043a\u0430", + "\u0434\u044e\u043a\u044f\u043d\u0430", + "\u0449\u0435\u0440\u0438\u0430\u043d\u0430", + "\u0433\u0430\u0431\u0438", + "\u0430\u043d\u0430\u043c\u0430\u0440\u0438\u044f", + "\u0430\u0434\u0440\u0430", + "\u043d\u0435\u043b\u0438\u0434\u0430", + "\u043b\u044e\u0441\u0438\u043b\u0430", + "\u0442\u0435\u043b\u0435\u0444\u043e\u043d\u043a\u0430", + "\u0432\u0438\u043a\u0442\u043e\u0440\u0438\u044f", + "\u0431\u043e\u0434\u0443\u0440\u043a\u0430", + "\u043e\u0440\u0445\u0438\u0434\u0435\u044f", + "\u0432\u043b\u0430\u0434\u043b\u0435\u043d\u0430", + "\u0440\u0430\u0434\u043e\u0441\u0442\u043a\u0430", + "\u0441\u0438\u0441\u043e\u044f", + "\u0441\u043b\u0430\u0432\u043a\u0430", + "\u0447\u0430\u0447\u0438\u044f", + "\u0431\u0430\u0446\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0435\u0440\u043c\u0438\u043b\u044f", + "\u043f\u0435\u0440\u0443\u043d\u0430", + "\u043e\u0440\u043b\u0435\u0430\u043d\u0430", + "\u0430\u0435\u043b\u0430", + "\u0442\u043e\u0448\u043a\u0430", + "\u0432\u0435\u0441\u0430", + "\u0431\u0435\u043d\u0435\u043b\u0435\u043d\u0430", + "\u0432\u044a\u0440\u0431\u0443\u043d\u043a\u0430", + "\u0440\u0438\u044f", + "\u0431\u0435\u043b\u0438\u0441\u0438\u043c\u0430", + "\u0438\u0437\u0438\u0434\u043e\u0440\u0430", + "\u0431\u043b\u0430\u0433\u043e\u0441\u0432\u0435\u0442\u0430", + "\u0433\u0430\u043d\u0443\u0446\u0430", + "\u043c\u0430\u0440\u0438\u044f_\u0435\u043b\u0435\u043d\u0430", + "\u043a\u0432\u0435\u0442\u043e\u0441\u043b\u0430\u0432\u0430", + "\u043c\u0430\u0440\u0438\u043e\u0442\u043a\u0430", + "\u043a\u0430\u0441\u0438\u0434\u0438", + "\u043f\u0435\u0440\u0438\u0430\u043d\u0430", + "\u0438\u0441\u0442\u0438\u043b\u0438\u044f\u043d\u0430", + "\u0434\u0443\u0448\u043a\u0430", + "\u043d\u0435\u0434\u0435\u043b\u044f\u043d\u0430", + "\u0430\u043d\u0442\u043e\u0430\u043b\u0438\u043d\u0430", + "\u043c\u0430\u0442\u043a\u0430", + "\u043e\u043b\u0438\u0432\u0435\u0440\u0430", + "\u0432\u0430\u0440\u0442\u0430", + "\u0437\u0434\u0440\u0430\u0432\u0435\u043b\u0438\u043d\u0430", + "\u043f\u0430\u0432\u0438\u043b\u0438\u044f", + "\u0433\u0435\u0440\u0433\u0430", + "\u0438\u0432\u0430\u043b\u0435\u043d\u0430", + "\u0431\u0435\u0430\u0442\u0440\u0438\u0441", + "\u0441\u0430\u0440\u0430\u044f", + "\u0441\u0430\u043d\u043a\u0430", + "\u0430\u0440\u043a\u0430\u0434\u0438\u044f", + "\u0448\u0435\u043d\u0430", + "\u043a\u0440\u0430\u0441\u0438\u044f\u043d\u0430", + "\u0441\u0430\u0445\u043e\u0440\u0438\u044f", + "\u0430\u0433\u043b\u043e\u0438\u0434\u0430", + "\u044e\u043b\u0438\u044f", + "\u0434\u0436\u0443\u043b\u0438\u044f", + "\u0432\u0443\u043b\u0430", + "\u043a\u0438\u043d\u043e", + "\u0431\u043e\u0433\u0434\u0430\u043b\u0438\u043d\u0430", + "\u0437\u0430\u0435\u043a\u0430", + "\u0431\u0435\u044f", + "\u043a\u0430\u043b\u0443\u0434\u0430", + "\u0431\u0435\u043b\u043e\u043c\u0438\u0440\u0430", + "\u043a\u043b\u0435\u0443\u043d\u0430", + "\u0440\u0443\u043c\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0441\u0435\u043c\u0435\u043d\u0430\u0440\u043a\u0430", + "\u0438\u043b\u043a\u0430", + "\u0439\u043e\u0430\u043d\u043d\u0430", + "\u0442\u0440\u043e\u0448\u0430", + "\u0446\u0432\u0435\u0442\u043e\u043b\u0438\u043b\u0438\u044f", + "\u0433\u0435\u043e\u0440\u0433\u0438\u0446\u0430", + "\u0430\u043a\u0441\u0435\u043d\u0442\u0438\u044f", + "\u0446\u043e\u043b\u0430", + "\u043c\u043e\u043d\u0438\u043a\u0430", + "\u043f\u0430\u043d\u0434\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0438\u043b\u0438\u044f\u043d\u0430", + "\u0440\u0430\u0439\u043d\u0438\u0447\u043a\u0430", + "\u0431\u043e\u0440\u0438\u0441\u043a\u0430", + "\u0434\u0435\u0441\u0438\u043c\u0438\u043b\u044f\u043d\u0430", + "\u0434\u0430\u0444\u0438\u043d\u043a\u0430", + "\u0434\u043e\u0447\u0430", + "\u043c\u0435\u0440\u043e\u043f\u0430", + "\u0434\u043e\u0440\u0430_\u0430\u043d\u043d\u0430", + "\u0434\u0438\u0430\u043d\u0430_\u043c\u0430\u0440\u0438\u044f", + "\u0435\u043b\u0438\u043d\u0430", + "\u043d\u0435\u043b\u043b\u0430", + "\u0445\u0430\u043d\u0430", + "\u0447\u0443\u0431\u0440\u0438\u043d\u0430", + "\u043b\u0435\u0442\u0438\u0441\u0438\u044f", + "\u0432\u0438\u0448\u043a\u0430", + "\u043d\u0438\u043a\u043e\u043b\u0438\u043d\u0430", + "\u043f\u0440\u043e\u0441\u0442\u0438\u0441\u0432\u0435\u0442\u0430", + "\u0435\u0432\u0434\u043e\u043a\u0438\u044f", + "\u043a\u043b\u0430\u0440\u0430", + "\u0430\u043d\u0442\u043e\u043d\u0435\u043b\u0430", + "\u0440\u043e\u0437\u043a\u0430", + "\u0431\u0430\u0433\u0440\u0430", + "\u0441\u044a\u0432\u0435\u0441\u0442\u0438\u043d\u0430", + "\u0430\u043b\u0431\u0438\u043d\u0430", + "\u0433\u044a\u0434\u0430", + "\u043c\u0430\u0448\u0430", + "\u0434\u0435\u043d\u043d\u0438\u0446\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0435\u043b\u0430", + "\u0430\u043d\u0445\u0435\u044f_\u043c\u0435\u0439", + "\u0430\u043d\u0434\u0440\u0438\u0430\u043d\u0430", + "\u0432\u0430\u0441\u043a\u0430", + "\u0430\u043b\u0438\u0430\u043d\u0430", + "\u0434\u0436\u0438\u043d\u0435\u0432\u0440\u0430", + "\u0445\u0435\u043d\u0440\u0438\u0435\u0442\u0430", + "\u043f\u0435\u043b\u0438\u043d\u0430", + "\u0438\u043b\u0435\u0430\u043d\u0430", + "\u0432\u044a\u043b\u044c\u043e", + "\u0448\u0435\u0445\u0435\u0440\u0435\u0437\u0430\u0434\u0430", + "\u043e\u043c\u0430\u043d\u0430", + "\u0432\u0430\u043d\u0433\u0435\u043b\u0438\u044f", + "\u0433\u044e\u0433\u0440\u0430", + "\u043c\u0430\u0440\u0438\u043d\u0435\u0442\u0430", + "\u0435\u043c\u043c\u0430", + "\u0433\u0440\u0430\u0444\u0438\u0446\u0430", + "\u0442\u0438\u0445\u0430", + "\u043b\u0430\u0440\u0438\u0441\u0430", + "\u0430\u043d\u043e\u043c\u0430\u043b\u0438\u044f", + "\u0438\u0440\u0430", + "\u0435\u0440\u0433\u0430\u043d\u0430", + "\u043d\u0430\u043d\u0438", + "\u0441\u0438\u0435\u043d\u0430", + "\u0435\u043b\u0444\u0438\u0434\u0430", + "\u0432\u0435\u0440\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043b\u0438\u0431\u0435\u0440\u0442\u0430", + "\u0434\u0435\u043d\u0438\u0441\u043b\u0430\u0432\u0435\u043d\u0430", + "\u0431\u043e\u0446\u0430", + "\u0437\u0443\u0437\u0438\u0447\u043a\u0430", + "\u0436\u0430\u0440\u0430", + "\u044f\u043d\u0438\u043d\u0430", + "\u043f\u0435\u0439\u043e\u043b\u0438\u043d\u0430", + "\u0436\u0438\u0447\u043a\u0430", + "\u0433\u0438\u0447\u043a\u0430", + "\u0446\u0432\u0435\u0442\u0438\u043b\u0435\u043d\u0430", + "\u0440\u0438\u043c\u043c\u0430", + "\u0430\u043c\u0431\u044a\u0440", + "\u0440\u0438\u0430\u043d\u0430", + "\u043a\u0440\u0438\u0441\u0438", + "\u0438\u0441\u0438\u0445\u0438\u044f", + "\u0442\u043e\u043d\u0430", + "\u0442\u0443\u0444\u043a\u0430", + "\u0441\u043e\u0444\u0438\u0439\u043a\u0430", + "\u0432\u0438\u043b\u0438\u044f", + "\u043d\u0430\u0434\u043a\u0430", + "\u0434\u0430\u043c\u044f\u043d\u0430", + "\u0442\u0440\u044a\u043f\u043a\u0430", + "\u043a\u0443\u043d\u043a\u0430", + "\u043c\u0438\u0442\u043e\u0448\u043a\u0430", + "\u0431\u0435\u0440\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043f\u043e\u043b\u0438\u043d", + "\u043c\u0438\u0440\u0435\u043d\u0430", + "\u0434\u0440\u0430\u0433\u0438\u0446\u0430", + "\u043f\u0440\u0435\u0441\u0430", + "\u043d\u043e\u0440\u043a\u0430", + "\u0432\u0435\u043d\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0445\u0440\u0438\u0441\u0430\u043d\u043a\u0430", + "\u0443\u0440\u0438\u043c\u0430", + "\u0435\u043b", + "\u043a\u0430\u043d\u0443\u0448\u0430", + "\u0435\u0444\u0438\u043c\u0435\u043d\u0430", + "\u0440\u043e\u0441\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0440\u043e\u0437\u0430\u043d\u0430", + "\u043d\u0438\u0433\u0440\u0438\u0442\u0430", + "\u0432\u0438\u043b\u0445\u0435\u043c\u0430", + "\u0437\u0430\u0444\u0430", + "\u0432\u0430\u0448\u0438\u043b\u044f", + "\u043f\u0430\u0440\u0443\u043d\u043a\u0430", + "\u0449\u0442\u0438\u043b\u043a\u0430", + "\u0441\u043b\u0430\u0434\u043e\u043b\u0435\u0434\u043a\u0430", + "\u0444\u0438\u043c\u043a\u0430", + "\u0432\u0435\u043b\u0438\u0430\u043d\u0430", + "\u0434\u0435\u0430", + "\u0440\u0430\u0434\u043e\u0441\u0432\u0435\u0442\u0430", + "\u043a\u0441\u0430\u043d\u0434\u0440\u0438\u043d\u0438\u044f", + "\u0434\u0430\u0440\u0438\u044f", + "\u043a\u043b\u043e\u044f", + "\u0433\u0443\u043d\u0430", + "\u043f\u0440\u0438\u043d\u0430", + "\u0431\u043b\u0430\u0433\u043e\u0434\u0430\u0442\u043a\u0430", + "\u043c\u0443\u0448\u0430\u043d\u0430", + "\u0432\u043e\u0439\u043d\u043a\u0430", + "\u043f\u0430\u043b\u0432\u0438\u0440\u0430", + "\u0442\u0435\u0441\u0430", + "\u0430\u0433\u043b\u0430\u044f", + "\u043c\u0438\u0445\u0430\u0439\u043b\u0435\u043d\u0430", + "\u0430\u0440\u0430\u043b\u0438\u044f", + "\u0441\u0442\u043e\u0438\u043c\u0435\u043d\u0430", + "\u0434\u043e\u043d\u0438\u043a\u0430", + "\u0436\u043e\u0440\u043a\u0430", + "\u0432\u0435\u043d\u0434\u0430", + "\u043d\u0435\u0432\u0435\u043d\u0430", + "\u0441\u043b\u0430\u0432\u0435\u044f", + "\u043e\u043a\u0442\u0430\u0432\u0438\u044f", + "\u043c\u0430\u0440\u0438_\u0430\u043d\u0440\u0438", + "\u0432\u0435\u0446\u0430", + "\u043b\u0438\u0434\u0438\u0439\u043a\u0430", + "\u0445\u043e\u043b\u0438", + "\u0446\u043e\u043d\u044f", + "\u0440\u0430\u043c\u0438\u043d\u0430", + "\u043d\u0435\u043e\u043b\u0438\u043d\u0430", + "\u0435\u043b\u0438\u0437", + "\u0438\u043d\u0430\u043d", + "\u0431\u044a\u0440\u0437\u0430\u043d\u0430", + "\u043f\u0430\u0446\u0430", + "\u0449\u0438\u043b\u044f\u043d\u043a\u0430", + "\u0432\u0430\u0441\u0435\u043d\u043a\u0430", + "\u043c\u0438\u043b\u043e\u0441\u0442", + "\u044f\u0432\u043e\u0440\u0430", + "\u0435\u043b\u0435\u043e\u043d\u0435\u0442\u0430", + "\u043b\u043e\u0440\u0435\u043d\u0430", + "\u043c\u0435\u043b\u044a\u0434\u0438", + "\u0441\u0438\u043b\u0432\u0438", + "\u043c\u0438\u043d\u043a\u0430", + "\u0433\u043e\u0446\u0430", + "\u043a\u044c\u043d\u0438\u043d\u0430", + "\u043c\u0430\u0434\u043b\u0435\u043d", + "\u0441\u0442\u0430\u043c\u0430\u0442\u043a\u0430", + "\u043a\u0440\u0438\u0441\u0442\u0438\u044f", + "\u043f\u043b\u043e\u0434\u043e\u0432\u0438\u0442\u043a\u0430", + "\u0434\u0435\u044f", + "\u043f\u0430\u043d\u0442\u0435\u0440\u0430", + "\u0437\u0430\u0445\u0430\u0440\u0438\u043d\u043a\u0430", + "\u0442\u0430\u0448\u0438\u043c\u0438\u0440\u0430", + "\u0432\u0435\u043d\u0435\u0446\u0438\u044f", + "\u0446\u0432\u0435\u0442\u0430\u043d\u0430", + "\u0436\u0430\u043a\u043b\u0438\u043d", + "\u0435\u0444\u0440\u043e\u0441\u0438\u043d\u0438\u044f", + "\u0430\u043b\u0442\u0430\u044f", + "\u043c\u043b\u0430\u0434\u043b\u0435\u043d\u0430", + "\u043a\u0430\u043c\u0435\u044f", + "\u043c\u0430\u0439\u044f", + "\u0444\u0440\u043e\u043d\u043a\u0430", + "\u0441\u0435\u0432\u0435\u0442\u0430", + "\u0434\u0440\u0435\u043d\u043a\u0430", + "\u0430\u043b\u0438\u0441\u0438\u044f", + "\u0439\u043e\u0430\u043d\u0430", + "\u0437\u043e\u0440\u043a\u0430", + "\u043f\u0435\u0442\u0438\u043d\u043a\u0430", + "\u0431\u0438\u043b\u0435\u043d\u0430", + "\u0430\u043d\u0433\u0435\u043b\u043a\u0430", + "\u0441\u043f\u0438\u0440\u0435\u043b\u0430", + "\u0433\u0440\u0438\u043c\u044f\u043d\u0430", + "\u0437\u0432\u0435\u0437\u0434\u0435\u043c\u0438\u0440\u0430", + "\u0434\u0438\u043c\u0438\u0442\u0440\u0430", + "\u0432\u0438\u0434\u0438\u043c\u0430", + "\u0441\u0435\u0432\u0434\u0430", + "\u044e\u043b\u0438\u0435\u043d\u0430" + ], + "FIRST_NAME_MALE": [ + "\u0444\u043b\u043e\u0440\u0438\u043d", + "\u0445\u0440\u0430\u043d\u0438\u043c\u0438\u0440", + "\u043b\u0438\u043b\u044f\u043d", + "\u043e\u043b\u0438\u043c\u043f\u0438", + "\u043c\u0430\u043d\u0442\u0430\u0441", + "\u0438\u043b\u043a\u043e", + "\u0434\u0435\u0441\u043f\u043e\u0442", + "\u0439\u043e\u043b\u043a\u043e", + "\u0432\u0438\u0445\u0440\u0435\u043d", + "\u0438\u0440\u043c\u0430", + "\u043a\u0438\u0440\u0438\u043b", + "\u0444\u0438\u043b\u0447\u043e", + "\u0440\u043e\u043c\u0435\u043b", + "\u0433\u0435\u043e\u0440\u0433\u0438", + "\u044f\u043d\u0442\u0430\u0440", + "\u0435\u043b\u0438\u0435\u0437\u0435\u0440", + "\u043f\u0430\u0446\u043e", + "\u0433\u0435\u0440\u0434\u0430\u043d", + "\u043a\u0438\u043d\u0442\u0430", + "\u0433\u0435\u043d\u043a\u043e", + "\u043f\u0435\u0440\u0441\u0438\u0430\u043d\u0430", + "\u0433\u0435\u043d\u0430\u0434\u0438\u0432\u0430\u043b\u0435\u0440\u0438\u0435\u0432", + "\u043f\u0430\u0447\u043e", + "\u0445\u0440\u0435\u043b\u043a\u043e", + "\u0445\u0440\u0430\u0431\u044a\u0440", + "\u0440\u0430\u043d\u0434\u044e", + "\u044e\u0441\u0442\u0438\u043d", + "\u0445\u0440\u0438\u0441\u043e", + "\u044f\u043d\u0430\u0434\u0438\u043d", + "\u0440\u043e\u0439\u043e", + "\u0441\u0435\u0434\u0435\u0444", + "\u0438\u0441\u0442\u0430\u0442\u043a\u043e", + "\u044f\u0442\u0430\u043d", + "\u0448\u0438\u0440\u043a\u043e", + "\u043e\u0440\u0442\u043e\u0434\u043e\u043a\u0441\u0438", + "\u043f\u0435\u0442\u0440\u0430\u043d\u0430", + "\u0433\u0430\u0442\u044c\u043e", + "\u043b\u0430\u043c\u0431\u044e", + "\u0434\u0438\u043a\u043e", + "\u0447\u043e\u043d\u044e", + "\u0445\u0443\u0431\u0435\u043d", + "\u043a\u0438\u0440\u044f\u043a\u043e", + "\u0440\u043e\u0441\u0435\u043d", + "\u043f\u0430\u0440\u0443\u0448", + "\u044f\u0448\u0430\u0440", + "\u0440\u0435\u043c", + "\u0431\u043b\u0430\u0433\u043e\u043c\u0438\u0440", + "\u043b\u0438\u043b\u043e", + "\u0430\u0432\u0440\u0435\u043b\u0438", + "\u044f\u043d\u0438\u0435\u043b", + "\u0432\u0438\u043b\u0438\u0437\u0430\u0440", + "\u0432\u0438\u0447\u043e", + "\u0435\u043c\u0430\u043d\u0443\u0435\u043b", + "\u0440\u0430\u043d\u0433\u0435\u043b_\u043b\u044e\u0431\u0438\u043c\u0438", + "\u0448\u0430\u043d\u043e\u0443", + "\u0446\u043e\u0447\u043e", + "\u0432\u0438\u0445\u044a\u0440", + "\u0441\u0438\u043b\u0432\u0438\u043e", + "\u043a\u043e\u043b\u044c\u043e", + "\u043f\u0435\u043d\u0447\u043e", + "\u0442\u0438\u0445\u043e\u043c\u0438\u0440", + "\u0442\u0438\u043b\u043e", + "\u0447\u043e\u0447\u043e", + "\u0432\u0438\u0448\u0435\u0442\u0438\u043d", + "\u0441\u0438\u043c\u0435\u043e\u043d", + "\u0430\u043b\u0435\u043a", + "\u043a\u0438\u043f\u0440\u0438\u0441\u043b\u0430\u0432", + "\u0445\u0440\u0438\u0441\u0447\u043e", + "\u043c\u0430\u043d\u044e", + "\u043c\u0430\u0440\u0430\u043d\u0433\u043e\u043d\u0438", + "\u043a\u0438\u0441", + "\u0430\u0434\u0440\u0438\u044f\u043d", + "\u043b\u043e\u0437\u0430\u043d", + "\u043a\u043e\u043c\u043d\u0438\u043d", + "\u0435\u043b\u044c\u043e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u043c\u0438\u043b", + "\u0432\u0435\u0441\u0438\u0441\u043b\u0430\u0432", + "\u0442\u043e\u0434\u043e\u043c\u0438\u0440\u043a\u0430", + "\u0431\u043b\u0430\u0433\u043e\u0432\u0435\u0441\u0442", + "\u043b\u0430\u0442\u043a\u043e", + "\u0438\u043b\u0438\u044f\u043d", + "\u0435\u043b\u0435\u043a\u0442\u0440\u043e\u043d", + "\u0435\u0442\u0438\u0435\u043d", + "\u043f\u0430\u043d\u0434\u0435", + "\u0441\u0438\u0434\u0435\u0440", + "\u0445\u0430\u0440\u0431\u0438\u043d\u0433\u044a\u0440", + "\u0433\u0435\u0442\u043a\u043e", + "\u044f\u0432\u043e\u0440", + "\u0449\u0435\u0440\u0438\u043e\u043d", + "\u0430\u043a\u0441\u0430\u043a\u0443\u0441\u0442\u0438", + "\u0435\u043b\u0438\u0441\u0438\u044f", + "\u0442\u0435\u043e\u0434\u043e\u0441\u0438", + "\u043c\u0430\u0440\u043a\u0443\u0441", + "\u0434\u0435\u043d\u0438\u0441", + "\u043a\u0438\u043d\u043a\u0430", + "\u0437\u043b\u0430\u0442\u044c\u043e", + "\u0446\u044a\u043a\u0438", + "\u0434\u0438\u0432\u0438\u0437\u0438\u0435", + "\u043e\u0440\u0445\u0438\u0434\u0435\u0439", + "\u0439\u043e\u0432\u043a\u043e", + "\u0440\u0435\u0430\u043d", + "\u043c\u0430\u0440\u0433\u0430\u0440\u0438\u0442", + "\u043f\u0430\u0440\u0430\u0448\u043a\u0435\u0432", + "\u043d\u0430\u0441\u0442\u0438\u043c\u0438\u0440", + "\u0445\u0430\u0440\u0430\u043b\u0430\u043c\u043f\u0438", + "\u044f\u0448\u043e", + "\u043f\u0430\u043d\u0447\u043e", + "\u043b\u0443\u043b\u0438", + "\u0433\u0438\u043a\u043e", + "\u043a\u0438\u0440\u044f\u043a\u0438", + "\u0434\u0435\u043d\u0438\u0441\u043b\u0430\u0432", + "\u043d\u0430\u0443\u043c", + "\u0442\u0438\u043c\u0447\u043e", + "\u043f\u0430\u0432\u043b\u0438\u043d", + "\u043a\u0438\u0440\u0438\u0435\u043d", + "\u0430\u0434\u0435\u043c", + "\u0441\u0435\u0434\u0435\u0444\u0447\u043e", + "\u044f\u043a\u043e\u0441\u043b\u0430\u0432", + "\u043c\u0430\u0448\u043e", + "\u0438\u043b\u0438\u043e\u043c\u0430\u0440", + "\u0432\u0438\u043d\u0447\u0435\u043d\u0446\u043e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0441\u043b\u0430\u0432", + "\u0433\u0435\u0440\u0447\u043e", + "\u043f\u0435\u043f\u043e", + "\u044f\u043d\u0435", + "\u0435\u0433\u043e\u0440", + "\u0438\u0442\u043a\u043e", + "\u0433\u0435\u043d\u043e", + "\u0437\u0432\u0435\u0437\u0434\u0438\u044f\u043d", + "\u0437\u0433\u0443\u0440\u0430", + "\u043e\u043b\u0435\u0433", + "\u0441\u0438\u0434\u043e\u043d\u0438\u044f", + "\u043b\u0438\u043b\u0447\u043e", + "\u043f\u0435\u0442\u043a\u0430\u043d", + "\u0435\u043c\u0438\u043b", + "\u0432\u0438\u043e\u043b\u0435\u0442", + "\u043f\u0435\u0442\u043e", + "\u0435\u043b\u0438\u0430\u043d", + "\u0445\u0435\u043a\u0442\u043e\u0440", + "\u0431\u0435\u0440\u0438\u043d", + "\u0438\u0441\u0438\u0434\u043e\u0440", + "\u0435\u043a\u0442\u0430\u0440", + "\u043f\u0430\u0432\u0435\u043b", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0438\u0440", + "\u043f\u0430\u0443\u043d", + "\u043f\u0430\u0442\u044c\u043e", + "\u043b\u0435\u0444\u0442\u0435\u0440", + "\u0430\u0433\u044a\u0446\u0438", + "\u0442\u0438\u043c\u043e", + "\u0449\u044a\u0440\u043a\u0430\u043d", + "\u043a\u0430\u0440\u0435\u043d", + "\u0447\u0430\u0440\u0434\u0430\u0444\u043e\u043d", + "\u043c\u0430\u043d\u043e\u043b\u043e", + "\u0435\u0434\u0440\u044e", + "\u0444\u0438\u043b\u0430\u0442\u0435\u0439", + "\u043c\u0430\u043d\u043e\u043b", + "\u0442\u043e\u043c\u043e", + "\u044f\u043d\u0430\u043a\u0438", + "\u0440\u043e\u0433\u0435\u043d\u0430", + "\u043b\u0435\u0430\u043d\u0434\u044a\u0440", + "\u043d\u0430\u0441\u043a\u043e", + "\u0435\u043d\u0447\u043e", + "\u0430\u0433\u0430\u043f\u0438", + "\u0441\u0435\u043d\u043a\u043e", + "\u043d\u0435\u0439\u0447\u043e", + "\u0433\u0435\u0442\u043e", + "\u0433\u0435\u0442\u0438\u0441\u043b\u0430\u0432", + "\u0437\u0434\u0440\u0430\u0432\u0435\u0446", + "\u0431\u0435\u0440\u043e", + "\u044f\u043d\u0438\u043c\u0438\u0440", + "\u0444\u0440\u043e\u0434\u043e", + "\u0445\u0430\u0441\u0430\u043d", + "\u0437\u0434\u0440\u0430\u0432\u0447\u043e", + "\u0432\u0438\u0434\u0435\u043d", + "\u043f\u0435\u0442\u0440\u0430\u043a\u0438", + "\u043b\u0430\u0442\u044e", + "\u044f\u0433\u043e\u0434\u0438\u043d", + "\u043f\u0435\u0439\u043e", + "\u044f\u043d\u0447\u0435", + "\u0448\u043f\u0438\u043b\u043a\u043e", + "\u0444\u0438\u043d\u0434\u043e", + "\u0437\u0430\u0432\u0430\u0440\u0438\u043d", + "\u043a\u0430\u0440\u0438\u043d", + "\u0447\u0430\u043d\u043e", + "\u043f\u0435\u0442\u0438\u043a\u043e\u043d\u0433\u0440\u0435\u0441", + "\u043f\u0435\u043b\u0435", + "\u0437\u0430\u0445\u043e", + "\u0438\u0440\u0438\u0430\u043d", + "\u043d\u0430\u043d\u043e", + "\u0448\u0430\u043d\u043a\u043e", + "\u0441\u043b\u0430\u0432\u0435\u043d", + "\u0438\u0447\u043e", + "\u0444\u043e\u0441\u0438\u043b", + "\u0430\u043a\u0441\u0438\u0434\u0430\u043d", + "\u043a\u0430\u0442\u0430\u043b\u0438\u043d\u043a\u0430", + "\u0431\u043e\u0433\u0438\u043d\u044f", + "\u0441\u0438\u043b\u0432\u0435\u0441\u0442\u044a\u0440", + "\u043d\u0430\u0442\u043a\u043e", + "\u0432\u0438\u0442\u043b\u044f\u043d", + "\u0444\u0438\u043b\u044c\u043e", + "\u0433\u0435\u0448\u043e", + "\u0435\u0441\u0435\u043d", + "\u043a\u043b\u0438\u043c", + "\u0441\u0435\u0431\u0430\u0441\u0442\u0438\u0430\u043d", + "\u043d\u0430\u043d\u043a\u043e", + "\u043b\u0430\u0442\u044c\u043e", + "\u044e\u043b\u0438\u044f\u043d", + "\u043b\u0430\u043c\u0431\u043e", + "\u0435\u0434\u0443\u0430\u0440\u0434", + "\u0439\u043e\u0432\u0446\u043e", + "\u0441\u0438\u043b\u044f\u043d", + "\u0432\u0438\u0448\u0430", + "\u043c\u0430\u0440\u0447\u0435\u043b\u043e", + "\u0440\u043e\u043c\u0443\u043b", + "\u0437\u043b\u0430\u0442\u0438\u043b", + "\u0439\u043e\u0432\u0447\u043e", + "\u0448\u043c\u0438\u043b\u044c\u043e", + "\u0430\u043b\u0435\u043a\u0437\u0430\u043d\u0434\u0440\u0438\u044f\u043d", + "\u0440\u043e\u0441\u0442\u0438\u0430\u043d\u0430", + "\u0447\u0435\u043f\u043e", + "\u0449\u0442\u044a\u0440\u0431\u0430\u043d", + "\u0433\u0435\u043d\u0430\u0434\u0438", + "\u043a\u0438\u0431\u0435\u0440", + "\u0434\u0435\u044f\u043d", + "\u0431\u043e\u0433\u043e\u0441\u043b\u0430\u0432", + "\u0447\u0438\u0439\u043e", + "\u044f\u0433\u043e", + "\u044f\u0448\u043a\u0430", + "\u0438\u0440\u043d\u0438\u043a", + "\u044f\u043d\u0438\u043a", + "\u043d\u0430\u0440\u0446\u0438\u0441\u043b\u0430\u0432", + "\u0440\u043e\u043a\u0441\u0430\u043d", + "\u0435\u0440\u0441\u0435\u043d", + "\u043d\u0435\u0440\u0435\u0441", + "\u043d\u0435\u0434\u0435\u043b\u0438\u043d", + "\u043f\u0430\u043b\u043c\u0438\u0440\u043e", + "\u0431\u0438\u0441\u0435\u0440", + "\u043f\u0435\u0442\u043a\u043e", + "\u044f\u0440\u0447\u043e", + "\u043e\u0440\u0446\u0435", + "\u0432\u0438\u0434\u0438\u043d", + "\u0435\u0440\u0435\u0434\u0438\u043d", + "\u0441\u043b\u0430\u0432\u0434\u043e", + "\u0447\u0443\u0434\u043e\u043c\u0438\u0440", + "\u0440\u043e\u043c\u0435\u043d", + "\u043a\u0438\u043c\u0431\u0430", + "\u0437\u0432\u0435\u0437\u0434\u0438\u043d", + "\u0442\u043e\u043d\u043a\u043e", + "\u0447\u0443\u0434\u043e", + "\u043e\u0431\u0440\u0435\u0442\u0438\u043c", + "\u0440\u0430\u0441\u0430\u0442\u0435", + "\u0440\u043e\u0431\u0435\u0440\u0442\u043e", + "\u0434\u0435\u043c\u0438\u0440", + "\u0444\u043b\u043e\u0440\u043e", + "\u043e\u043c\u0443\u0440\u0442\u0430\u0433", + "\u0444\u0438\u043b\u043e\u043c\u0438\u0440", + "\u0435\u0432\u0441\u0442\u0430\u0442\u0438\u0439", + "\u043c\u0430\u0440\u0435\u043a", + "\u0438\u0441\u043f\u0435\u0440\u0438\u0445", + "\u043c\u0430\u0440\u0438\u043e", + "\u043b\u0435\u0432\u0435\u043d\u0442", + "\u043c\u0430\u0440\u0438\u043d\u0435\u043b", + "\u044f\u043d\u0435\u0434\u0438\u043d", + "\u0442\u043e\u043c\u0438\u0441\u043b\u0430\u0432", + "\u0430\u0432\u0435\u0440\u043d\u043e", + "\u0432\u0438\u043a\u0435\u043d\u0442\u0438", + "\u044f\u0448\u043e\u043d", + "\u0437\u0432\u0435\u0437\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0438\u0440\u0438\u044f\u043d", + "\u0430\u0433\u043e\u043f", + "\u0437\u043b\u0430\u0442\u043e\u0446\u0432\u0435\u0442", + "\u0432\u0435\u0441\u0435\u043b\u0438\u043d", + "\u0442\u0435\u0440\u0432\u0435\u043b", + "\u043d\u0430\u0439\u0447\u043e", + "\u0440\u043e\u043c\u0435\u043b\u0438\u043d\u0430", + "\u0440\u043e\u0431\u044a\u0440\u0442", + "\u0434\u0435\u0441\u043b\u0430\u0432", + "\u0447\u0430\u0432\u0434\u0430\u0440", + "\u0434\u0438\u0432\u0430\u043d(\u043d\u0430\u0434\u044f\u0434\u043e\u0434\u0438\u0430\u043d\u0438\u0434\u044f\u0434\u043e\u0438\u0432\u0430\u043d)", + "\u0445\u0440\u0438\u0441\u0442\u043e", + "\u0434\u0435\u0447\u044e", + "\u0445\u0438\u043d\u043a\u043e", + "\u043f\u0435\u0440\u0447\u043e", + "\u0442\u043e\u0442\u044e", + "\u0430\u0434\u0430\u043c", + "\u0441\u0435\u0432\u0430\u0441\u0442\u0438\u043d", + "\u043b\u0430\u0441\u043a\u0430\u043b", + "\u044f\u043a\u043e", + "\u0430\u0432\u0435\u043b", + "\u0430\u0434\u0440\u0438\u0430\u043d", + "\u0440\u043e\u0441\u043a\u043e", + "\u0431\u043e\u0433\u043e\u043b\u044e\u0431", + "\u0449\u0435\u0440\u044c\u043e", + "\u0432\u0438\u043d\u0435\u0442\u0443", + "\u043b\u0430\u0441\u043a\u0430\u0440", + "\u0445\u0430\u0440\u0430\u043b\u0430\u043c\u0431\u0438", + "\u0442\u043e\u0442\u043a\u043e", + "\u043b\u0430\u043b\u044c\u043e", + "\u0430\u0432\u0440\u0430\u043c", + "\u043a\u0435\u0432\u0438\u043d", + "\u0449\u0442\u044a\u0440\u043a\u0430\u043d", + "\u0432\u0438\u0441\u0430\u0440\u0438\u043e\u043d", + "\u0447\u0438\u043b\u043e", + "\u044f\u043d\u0435\u0433", + "\u0449\u0435\u043d\u044e", + "\u0438\u0440\u043a\u043e", + "\u0431\u0435\u0442\u0438\u043d\u043e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u043c\u0438\u0440", + "\u043a\u0430\u0440\u0447\u043e", + "\u0434\u0435\u043d\u0438\u043c\u0438\u0440", + "\u043c\u0430\u0440\u0442\u0435\u043d", + "\u043d\u0430\u0446\u043a\u043e", + "\u0432\u0435\u0441\u043f\u0430\u0441\u0438\u044f\u043d", + "\u043b\u0438\u0445\u0438\u044f", + "\u0442\u043e\u0434\u043e\u0440\u0438\u043d\u0430", + "\u043a\u043e\u043b\u0447\u043e", + "\u043b\u0435\u0432", + "\u044a\u0440\u0447\u043e", + "\u043a\u0430\u0440\u043b\u043e", + "\u0433\u0435\u043e\u043c\u0438\u043b", + "\u0431\u043e\u0433\u043e\u0439", + "\u043a\u043e\u0439\u043e", + "\u0432\u0438\u0442\u043e\u0448", + "\u0434\u0438\u0432\u0438\u0437\u0438\u044f", + "\u0437\u0438\u043d\u043e\u0432\u0438", + "\u0435\u043c\u0430\u043d\u0443\u0438\u043b", + "\u043c\u0430\u0440\u0438\u043d\u0447\u043e", + "\u0437\u0430\u043f\u0440\u044f\u043d", + "\u0430\u0432\u0433\u0443\u0441\u0442\u0438\u0430\u043d", + "\u0438\u043f\u043e\u043b\u0438\u0442", + "\u044a\u0433\u043b\u0435\u043d", + "\u0438\u0445\u0442\u0438\u0430\u043d\u0434\u044a\u0440", + "\u0440\u0438\u0447\u0430\u0440\u0434", + "\u0437\u043b\u0430\u0442\u0438\u043c\u0438\u0440", + "\u0435\u0432\u0442\u0438\u043c", + "\u0449\u0435\u043d\u043e", + "\u0445\u0440\u0438\u0441\u0438\u043c", + "\u0447\u0438\u043a\u043e", + "\u043c\u0435\u0440\u0438\u043b\u0438\u043d", + "\u0442\u043e\u0442\u044c\u043e", + "\u0445\u0443\u0431\u0430\u043d", + "\u0435\u043c\u0430_\u0431\u0435\u043b\u0430", + "\u043a\u0430\u0440\u043c\u0435\u043d", + "\u0435\u043d\u044e", + "\u0445\u0440\u0438\u0441\u0438\u043c\u0438\u0440", + "\u043f\u0430\u0442\u043e", + "\u0441\u0435\u0432\u0435\u0440\u0438\u043d", + "\u043f\u0430\u043d\u0430\u0439", + "\u0432\u043b\u0430\u0434", + "\u043e\u043a\u0435\u0430\u043d", + "\u0433\u0435\u0440\u0433\u0435\u0439", + "\u0433\u0438\u043b\u0434\u0440\u043e\u0439", + "\u0440\u043e\u0437\u043e\u0446\u0432\u0435\u0442", + "\u0437\u0432\u0435\u0437\u0434\u043e\u043c\u0438\u0440", + "\u0430\u043b\u0434\u0438\u043d", + "\u0437\u043b\u0430\u0442\u043e\u0433\u043e\u0440", + "\u043b\u0430\u043b\u043a\u043e", + "\u043f\u0430\u043d\u0442\u0435\u043b\u0435\u0439", + "\u0435\u043c\u0438\u043b\u0438\u044f\u043d", + "\u043c\u0430\u043d\u044c\u043e", + "\u043e\u043d\u0443\u0444\u0440\u0438", + "\u043a\u0430\u0440\u043e\u043b\u0438\u043d", + "\u0448\u0438\u0448\u043c\u0430\u043d", + "\u0431\u043e\u0434\u0440\u043e\u043c\u0438\u0440", + "\u0435\u043d\u044c\u043e", + "\u0437\u043b\u0430\u0442\u043e\u0437\u0430\u0440", + "\u043d\u0430\u0444\u0438\u0441\u0430\u0442", + "\u0442\u043e\u043b\u0435\u043a", + "\u0444\u0438\u0447\u043e", + "\u0438\u043c\u0438\u043b\u0438\u0430\u043d", + "\u043d\u0430\u043d\u0441\u0438\u043c\u0438\u0440", + "\u0431\u0438\u0441\u0435\u043d\u0442\u0438", + "\u0440\u0430\u043d\u0447\u043e", + "\u0444\u0440\u0430\u0446\u0438\u043b", + "\u043c\u0430\u0440\u0438\u044f\u043d", + "\u043b\u0435\u0441\u0435", + "\u0445\u0430\u0440\u0438", + "\u043b\u0435\u0432\u0447\u043e", + "\u0449\u044a\u0440\u0431\u0430\u043d", + "\u044f\u0441\u0435\u043d", + "\u0434\u0438\u0434\u043a\u043e", + "\u043e\u0445\u0430\u043d\u0435\u0441", + "\u0433\u0435\u043d\u0430\u0434\u0438\u0439", + "\u0442\u0438\u0445\u043e\u043d", + "\u0431\u043e\u043b\u0435\u043d", + "\u0431\u043e\u0436\u0438\u043d\u0435\u043b", + "\u0448\u0438\u043d\u043a\u043e", + "\u043f\u0430\u043e\u043b\u0438\u043d\u0430", + "\u0447\u0430\u043d\u043a\u0435\u0442\u0435", + "\u0442\u043e\u0434\u0435", + "\u0433\u0435\u0446\u043e", + "\u0434\u0435\u0440\u0434\u0438\u0434\u0430\u0441", + "\u043a\u0438\u0442\u043e\u043c\u0438\u0440", + "\u0447\u0435\u0440\u043d\u044c\u043e", + "\u0434\u0438\u0430\u043c\u0430\u043d\u0442\u0438\u043d\u0430", + "\u0442\u043e\u043d\u0447\u043e", + "\u0430\u043b\u0431\u0435\u0440\u0442", + "\u043b\u043e\u0440\u0430_\u0441\u043e\u0444\u0438\u044f", + "\u0444\u0438\u043b\u0438", + "\u0437\u0430\u0445\u0430\u0440", + "\u0435\u043b\u043a\u043e", + "\u0435\u0440\u0438\u043d\u0430", + "\u043f\u0430\u0438\u0441\u0438\u0439", + "\u0440\u043e\u0437\u0430\u043b\u0438\u043d", + "\u0437\u0438\u043a\u0430", + "\u0440\u043e\u0431\u0435\u0440\u0442", + "\u043f\u0430\u0443\u043b\u0438\u043d", + "\u0433\u0435\u043e", + "\u0437\u0430\u0444\u0435\u0440", + "\u0442\u043e\u043c\u0430", + "\u043f\u0435\u0442\u0440\u043e\u043c\u0438\u043b", + "\u0441\u0438\u0435\u043d", + "\u0442\u043e\u043a\u0438\u043c\u0438\u0440", + "\u0435\u0432\u0441\u0442\u0430\u0445\u0438\u0439", + "\u0444\u0438\u043b\u0438\u043f\u0430\u0441", + "\u0444\u044c\u043e\u0434\u043e\u0440", + "\u0431\u043e\u043b\u0435\u0441\u043b\u0430\u0432", + "\u0433\u0430\u043d\u044c\u043e", + "\u0449\u0438\u043b\u0438\u044f\u043d", + "\u0430\u0435\u0440\u043e\u0437\u043e\u043b", + "\u043d\u0430\u0446\u043e", + "\u0440\u0430\u0448\u043e", + "\u0434\u0436\u0430\u043d\u043a\u043e", + "\u0440\u0430\u0448\u043a\u043e", + "\u043e\u0440\u043b\u0438\u043d", + "\u0442\u043e\u043f\u0430\u043b\u043a\u043e", + "\u0433\u0430\u043b\u0438\u0435\u043d", + "\u043f\u0430\u0432\u0435\u043b\u0438\u043d", + "\u0441\u043b\u0430\u0432\u0438\u043b", + "\u0437\u0430\u0432\u0435\u043d", + "\u043c\u0435\u0442\u0430\u043a\u0441\u0430", + "\u0431\u043e\u0436\u0438\u043d", + "\u0444\u043e\u0440\u0438", + "\u0441\u0435\u0432\u0435\u043b\u0438\u043d", + "\u0432\u0438\u0442\u0430\u043b\u0438\u0439", + "\u043d\u0435\u0434\u044c\u043e", + "\u0448\u0438\u043d\u043e", + "\u043c\u0430\u0441\u043b\u0438\u043d\u0430", + "\u043a\u0430\u0442\u0435\u0440\u0438\u043d", + "\u044e\u043b\u0438\u0430\u043d", + "\u0442\u0438\u0448\u043e", + "\u0439\u043e\u0432\u0438\u0446\u0430", + "\u044f\u043d\u0447\u043e", + "\u0430\u0432\u0433\u0443\u0441\u0442\u0438\u043d", + "\u0435\u043b\u0438\u0441\u0435\u0439", + "\u0435\u0444\u043a\u0430", + "\u0437\u0435\u043d\u0433\u0438\u043d", + "\u0445\u0443\u0431\u0430\u0432\u0435\u043d", + "\u044f\u043a\u043e\u0432", + "\u043f\u0430\u0441\u043f\u0430\u043d\u0430\u0445\u0438\u043b", + "\u0440\u043e\u0433\u0435\u043b\u0438\u043d\u0430", + "\u0432\u0438\u0434\u0435\u043b\u0438\u043d", + "\u0435\u043b\u0432\u0438\u0441", + "\u043f\u0430\u043d\u0442\u044e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0437\u043e\u0440\u043d\u0438\u0446\u0438\u0430\u043d", + "\u0442\u0438\u043c\u043e\u0442\u0435\u0439", + "\u0442\u0438\u0445\u043e\u043b", + "\u0431\u043e\u0436\u043e", + "\u0448\u043c\u0443\u043b\u044e", + "\u044f\u043a\u0438\u043c", + "\u0449\u0438\u0440\u044f\u043d", + "\u0433\u0435\u0440\u0433\u0438\u043d", + "\u0438\u0441\u0443\u0441", + "\u043c\u0430\u0442\u0435\u0439", + "\u043c\u0430\u0442\u044c\u043e", + "\u0445\u0440\u0430\u0431\u0440\u0438\u043d", + "\u0447\u043e\u043d\u0438", + "\u0437\u043b\u0430\u0442\u0438\u044f\u043d", + "\u043f\u0435\u0440\u0438\u043a\u044a\u043b", + "\u0431\u043e\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0445\u0435\u0431\u044a\u0440", + "\u043b\u0430\u043c\u0431\u0438", + "\u0448\u043a\u043e\u0434\u0440\u0438", + "\u0437\u0430\u0440\u043a\u043e", + "\u0442\u043e\u043c\u0435\u043d", + "\u0442\u043e\u043d\u0435", + "\u0440\u0430\u0444\u0430\u0438\u043b", + "\u0434\u0438\u0430\u043d", + "\u0440\u0438\u0441", + "\u0445\u0430\u0447\u043e", + "\u0440\u0430\u0447\u043e", + "\u044c\u043e\u0431\u0438\u0440\u0434\u0430\u0440", + "\u0439\u043e\u043b\u0438\u044f\u043d", + "\u0448\u0435\u043d\u043a\u043e", + "\u044e\u0441\u0442\u0438\u043d\u0438\u0430\u043d", + "\u0441\u0435\u0431\u0430\u0445\u0442\u0438\u043d", + "\u0439\u043e\u0432\u0430\u043d", + "\u044f\u0440\u044a\u043c", + "\u0434\u0435\u0448\u043e", + "\u0444\u044a\u0441\u0442\u044a\u043a", + "\u043d\u0430\u0444\u0442\u0430\u043b\u0438", + "\u043c\u0430\u043d\u0443\u0438\u043b", + "\u0442\u043e\u0446\u043e", + "\u043e\u0433\u043d\u0435\u043d", + "\u043a\u043e\u043b\u044e", + "\u0447\u0435\u043d\u044e", + "\u0430\u0433\u043d\u0435\u0448", + "\u0447\u0435\u0440\u043d\u043e\u0440\u0438\u0437\u0435\u0446", + "\u0445\u0438\u043c\u0438\u043d\u0430\u0439", + "\u0442\u043e\u043c\u0430\u0441", + "\u0449\u0435\u0440\u043a\u043e", + "\u043d\u0430\u0447\u043a\u043e", + "\u043d\u0435\u0434\u0435\u043b\u0447\u043e", + "\u043b\u0430\u0442\u0438\u043d", + "\u0438\u0441\u043a\u044a\u0440", + "\u0445\u0438\u043d\u043e", + "\u044f\u043d\u0430\u043a\u0438\u043d", + "\u0434\u0435\u043b\u0447\u043e", + "\u0432\u0438\u043b\u0438\u0441\u043b\u0430\u0432", + "\u044f\u0441\u0442\u0440\u0435\u0431", + "\u0445\u0440\u043e\u043d\u0434\u0435\u043b", + "\u0444\u0440\u0435\u0434\u0438", + "\u0441\u0438\u0444\u043e\u043d\u044f", + "\u043c\u0430\u0440\u0438\u043d", + "\u0434\u0435\u0441\u0438\u0441\u043b\u0430\u0432", + "\u043d\u0435\u0432\u0438\u043b\u0438\u044f\u043d", + "\u043f\u0435\u043f\u0438\u043d\u043e", + "\u0441\u0438\u0440\u043c\u0430\u043d", + "\u0441\u043b\u0430\u0432\u0438", + "\u043d\u0435\u043b\u043a\u043e", + "\u0433\u0438\u0437\u0434\u0430\u043b\u0435\u043d", + "\u0437\u043e\u043b\u0442\u0430\u043d", + "\u0437\u0432\u0435\u0437\u0434\u0430\u043d", + "\u044f\u0431\u043b\u0435\u043d", + "\u0449\u0435\u0434\u0440\u0438\u043d", + "\u0438\u043d\u043a\u043e", + "\u0430\u043b\u0431\u0438\u044f\u043d\u0430", + "\u043e\u043c\u0430\u0440", + "\u043c\u0435\u0441\u0430\u043a", + "\u0431\u043e\u043d\u0435", + "\u0440\u043e\u043c\u0435\u043e", + "\u043f\u0435\u0439\u0442\u0430\u043d", + "\u043b\u0435\u0447\u043e", + "\u044f\u043d\u043e", + "\u044e\u0440\u0438", + "\u0440\u0438\u043d\u0430\u043b\u0434\u043e", + "\u0433\u0430\u043d\u0446\u043e\u043c\u0438\u0440", + "\u043f\u0435\u043f\u0438\u0441\u043b\u0430\u0432", + "\u0434\u0435\u043c\u044f\u043d", + "\u044f\u043d\u0446\u0438\u0441\u043b\u0430\u0432", + "\u0434\u0435\u0447\u043e", + "\u043b\u0430\u043b\u043e", + "\u0442\u0435\u043e\u0444\u0430\u043d", + "\u044f\u043d\u0438\u0447\u043a\u043e", + "\u0437\u043b\u0430\u0442\u043e\u0441\u043b\u0430\u0432", + "\u0432\u0438\u0445\u0440\u043e\u043d\u0438", + "\u0444\u0438\u043b\u0438\u0434\u0430\u043d", + "\u043b\u0435\u043e\u043d\u0438\u0434", + "\u0432\u0438\u043a\u0442\u043e\u0440", + "\u0442\u0435\u043e\u0434\u043e\u0441\u0442\u0438\u043d", + "\u044f\u0440\u044e", + "\u043e\u0433\u0438\u043d", + "\u0433\u0435\u043b\u0435\u043c\u0438\u0440", + "\u0438\u0441\u0430\u043a", + "\u0437\u0430\u0445\u0430\u0440\u0438", + "\u0442\u0435\u043e\u0434\u043e\u0441\u0438\u0439", + "\u044f\u0447\u043e", + "\u0440\u043e\u0441\u0435\u043d\u043a\u0430", + "\u0441\u0438\u043c\u043e", + "\u043b\u0438\u043f\u0435", + "\u0441\u0435\u0440\u0430\u0444\u0438\u043c", + "\u0441\u0438\u0434\u043e\u0440", + "\u0438\u0441\u043a\u0440\u0435\u043d", + "\u0435\u0434\u0438\u0442", + "\u043c\u0430\u0442\u044e", + "\u043a\u043d\u0443\u0442", + "\u043c\u0430\u0440\u043a\u043e", + "\u0430\u043b\u0435\u0432\u0430\u043d\u0434\u044a\u0440", + "\u0430\u0432\u043a\u0441\u0435\u043d\u0442\u0438\u0439", + "\u0431\u043e\u0438\u043b\u0430", + "\u043a\u0438\u0440\u044f\u043a", + "\u0432\u0438\u0433\u0430\u043b\u043e\u0442", + "\u0446\u043e\u043d\u044e", + "\u044a\u0440\u0443\u0438\u043d", + "\u044f\u043d\u0438\u0441\u043b\u0430\u0432", + "\u043d\u0430\u0442\u0430\u043d\u0430\u0438\u043b", + "\u0438\u0440\u0438\u043d\u0435\u0439", + "\u0440\u043e\u0434\u0438\u043e\u043d", + "\u043a\u0430\u0440\u0438\u043c", + "\u043f\u0430\u043d\u0430\u0439\u043e\u0442", + "\u043f\u0430\u043a\u043e", + "\u0430\u0437\u0430\u043b\u0438\u044f", + "\u043b\u043e\u0432\u0447\u043e", + "\u0441\u0438\u043b\u0430\u043d", + "\u0441\u0435\u0440\u0433\u0435\u0439", + "\u0440\u0430\u044f\u043d", + "\u043a\u0438\u0442\u043e", + "\u0431\u043b\u0430\u0433\u043e\u0441\u0432\u0435\u0442", + "\u0445\u0440\u0438\u0441\u0442\u0438\u0432\u0438\u043b\u0438\u043d", + "\u0438\u0441\u0442\u0438\u043b\u044f\u043d", + "\u043f\u0435\u0440\u0441\u0438\u044f\u043d", + "\u043f\u0435\u043d\u0447\u0438\u043d", + "\u0447\u0443\u0431\u0440\u0438\u043a", + "\u0449\u0443\u0440\u043a", + "\u0438\u0441\u0442\u0430\u043d", + "\u0435\u043d\u0434\u043e", + "\u0440\u043e\u0441\u043a\u0430", + "\u0432\u0438\u0434\u044e", + "\u0433\u0435\u0440\u0430\u0441\u0438\u043c", + "\u0442\u043e\u043f\u043e\u043b\u043a\u043e", + "\u0435\u0440\u0435\u043c\u0438\u044f", + "\u0442\u043e\u043d\u0438", + "\u0430\u043a\u0441\u0438\u043d\u0442\u0438\u044f", + "\u0433\u0435\u043d\u0447\u043e", + "\u0435\u043b\u0438\u043d", + "\u043b\u043e\u0437\u0430\u043d\u0430", + "\u0431\u0435\u0442\u0438\u043d\u0430", + "\u0432\u0438\u043e\u043b\u0438\u043d", + "\u0441\u043a\u043e\u0440\u0431\u0443\u0442", + "\u0431\u0435\u0440\u0438\u044f", + "\u0432\u0438\u043b\u0438\u0437\u0430\u0440\u0430", + "\u0431\u0438\u043d\u043a\u043e", + "\u0437\u0430\u043d\u043a\u043e", + "\u0446\u043e\u0446\u043e", + "\u0440\u043e\u0434\u0430\u043d", + "\u0441\u0435\u043b\u0435\u043d\u0430", + "\u0445\u0430\u0440\u0438\u0437\u0430\u043d", + "\u0448\u0435\u043d\u043e\u043b", + "\u043b\u0435\u043d\u0438\u043d", + "\u0441\u043b\u0430\u0432", + "\u0432\u0438\u043b\u0438\u044f\u043d", + "\u043d\u0430\u043d\u0447\u043e", + "\u043b\u0443\u0441\u0438\u043e", + "\u0444\u0438\u043b\u0438\u043e\u043d", + "\u0435\u0432\u0441\u0442\u0430\u0442\u0438", + "\u044f\u043a\u043e\u0431", + "\u0431\u0438\u043d\u044c\u043e", + "\u0437\u0432\u0435\u0437\u0434\u043e\u043b\u0435\u0442", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u0444\u0440\u0430\u043d\u043a", + "\u0430\u043a\u0430\u0448\u0438\u044f", + "\u0445\u0435\u0444\u0435\u0441\u0442\u0438\u043e\u043d", + "\u0433\u0435\u0440\u043c\u0430\u043d", + "\u043a\u043e\u0439\u043d\u043e", + "\u0444\u0443\u0433\u043e", + "\u0430\u0434\u0430\u043b\u0431\u0435\u0440\u0442", + "\u0441\u0432\u0435\u0442\u043e\u0441\u043b\u0430\u0432", + "\u043e\u043d\u0447\u043e", + "\u0437\u043b\u0430\u0442\u043e\u043c\u0438\u0440", + "\u0437\u0434\u0440\u0430\u0432\u043a\u043e", + "\u0447\u043e\u043d\u043e", + "\u0445\u0443\u0431\u0430\u0432", + "\u0434\u0435\u043d\u0438\u043a\u0430", + "\u0434\u0435\u043b\u044f\u043d\u0430", + "\u043a\u0435\u0432\u043e\u0440\u043a", + "\u0445\u0440\u0438\u0441\u0442\u0438\u0435\u043b\u0430", + "\u0434\u0435\u0441\u043f\u0438\u043d\u043a\u0430", + "\u0442\u043e\u043c\u0438\u043d\u043a\u0430", + "\u0448\u0430\u0431\u0430\u043d", + "\u0431\u043e\u0438\u043b", + "\u0445\u043e\u0440\u043e\u0437", + "\u0441\u0435\u0432\u0434\u0430\u043b\u0438\u043d", + "\u043f\u0430\u0432\u043b\u0438\u043a", + "\u0438\u043d\u0447\u043e", + "\u0433\u0435\u0440\u043e", + "\u043d\u0435\u043d\u0447\u043e", + "\u043c\u0430\u0440\u0442\u0438\u043d\u0438\u044f\u043d", + "\u043d\u0430\u0439\u043e", + "\u043b\u0435\u0430_\u043c\u0430\u0440\u0438\u044f", + "\u0433\u0435\u0440\u0433\u0430\u043d", + "\u043a\u043e\u0439\u0447\u043e", + "\u043f\u0435\u043a\u043e", + "\u043f\u0435\u0439\u043a\u043e", + "\u0440\u0438\u0447\u0435\u0440\u0434", + "\u0433\u0435\u0440\u043e\u0439", + "\u0442\u0438\u043d\u043e", + "\u043a\u0430\u0442\u0430\u043a\u043e\u043c\u0431", + "\u0437\u0434\u0440\u0430\u0432\u0435\u043b\u0438\u043d", + "\u043c\u0430\u043d\u0443\u0448", + "\u0434\u0438\u043b\u044f\u043d", + "\u0435\u043c\u0430\u043d\u043e\u0438\u043b", + "\u0447\u0430\u043d\u043a\u043e", + "\u0440\u043e\u0441\u0442\u0438\u043c\u0438\u0440", + "\u043f\u0430\u043d\u0442\u043e", + "\u0430\u0433\u043d\u0435\u043d", + "\u0430\u0432\u0440\u043e\u0440", + "\u0431\u043e\u0433\u043e\u043c\u0438\u043b", + "\u043f\u0430\u043d\u043a\u0440\u0442\u0438\u0439\u044f\u043d", + "\u044a\u0440\u043d\u0435\u0441\u0442", + "\u0433\u0435\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0434\u0436\u0438\u0445\u0430\u0434", + "\u0441\u0432\u0435\u0442\u043b\u044e", + "\u043d\u0435\u0432\u0435\u043d\u043a\u043e", + "\u044f\u0440\u043e\u043c\u0438\u0440", + "\u0442\u043e\u0434\u043e\u0440\u0438\u043d", + "\u043a\u0435\u0440\u0438", + "\u0448\u0435\u043a\u0438", + "\u0445\u0440\u0443\u0441\u0430\u043d", + "\u043f\u0435\u043e", + "\u0445\u0430\u0440\u0430\u043b\u0430\u043d", + "\u0431\u0435\u0440\u0438\u043c\u0438\u0440", + "\u0447\u0435\u0434\u043e\u043c\u0438\u0440", + "\u044f\u043d\u043a\u043e", + "\u043b\u043e\u0440\u0430\u043d\u0441", + "\u0439\u043e\u0430\u043d_\u0438\u0432\u043e", + "\u043b\u0435\u043e\u043d", + "\u0449\u0435\u043a\u0438", + "\u043c\u0430\u0440\u0438\u0442\u043d\u0430", + "\u0431\u043b\u0430\u0433\u043e", + "\u0430\u043b\u0435\u0433", + "\u0449\u0435\u0440\u044e", + "\u0437\u0430\u0445\u0430\u0440\u0438\u043d", + "\u0448\u0438\u043f\u0447\u0430\u043d", + "\u0435\u0440\u0432\u0438\u043d", + "\u0434\u0436\u0430\u043d\u0435\u0440", + "\u0432\u0438\u0434\u043e\u0441\u043b\u0430\u0432", + "\u0441\u0438\u043b\u0430\u0433\u0438", + "\u043d\u0430\u043a\u043e", + "\u043f\u0435\u0442\u0440\u043e\u0437\u0430\u0440", + "\u0435\u043b\u0435\u0430\u043d", + "\u0444\u043b\u043e\u0440\u0438", + "\u043d\u0435\u0432\u0435\u043d", + "\u0440\u043e\u0437\u0438\u043d", + "\u0430\u0433\u0430\u043f\u0438\u0439", + "\u0431\u043e\u0436\u043a\u043e", + "\u0445\u0432\u043e\u0439\u043d\u0435", + "\u0445\u0440\u0438\u0441\u0442\u043e_\u043d\u0438\u043a\u043e\u043b\u0430", + "\u0431\u043e\u0433", + "\u043a\u0438\u0442\u043e\u0434\u0430\u0440", + "\u043d\u0435\u0433\u043e\u0441\u043b\u0430\u0432", + "\u043b\u0438\u0447\u043e", + "\u0430\u0433\u0435\u043d\u0442", + "\u0435\u043b\u0438\u0430\u0441", + "\u0445\u0430\u043d\u043a\u043e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0437\u0430\u0440", + "\u043d\u0435\u043d\u0435", + "\u0437\u0438\u043d\u043a\u043e", + "\u0442\u0438\u0433\u0440\u043e\u043d\u0438", + "\u043d\u0435\u0434\u043a\u043e", + "\u0433\u0430\u0446\u043e", + "\u0432\u0438\u0433\u043e", + "\u043b\u0430\u043d\u0441\u0435\u043b\u043e\u0442", + "\u0447\u0443\u043a", + "\u0445\u0438\u0442\u043a\u043e", + "\u0431\u043e\u0436\u0443\u0440", + "\u0441\u043b\u0430\u0432\u0435", + "\u0432\u0438\u0448\u043d\u044e", + "\u0432\u0438\u043d\u0441\u044a\u043d\u0442", + "\u0444\u0438\u043b\u0438\u043f\u043e\u043f\u043e\u043b", + "\u043f\u0430\u0442\u0440\u0438\u043a", + "\u0442\u043e\u043b\u044e", + "\u044f\u043d\u0435\u043a", + "\u0447\u0443\u0434\u043e\u0441\u043b\u0430\u0432", + "\u0444\u0438\u0440\u0447\u043e", + "\u0430\u0432\u0440\u0435\u043b\u0438\u0439", + "\u044f\u0446\u043e", + "\u0440\u0430\u0447\u043a\u043e", + "\u043d\u0435\u0432\u044f\u043d", + "\u043f\u0430\u043d\u0435", + "\u0433\u0430\u043b\u0435\u043d\u0442\u0438\u043d", + "\u043b\u0443\u043a\u0430", + "\u0434\u0438\u0430\u043c\u0430\u043d\u0434\u0438", + "\u0445\u0435\u0440\u0430\u043a\u043b\u0438\u0442", + "\u0437\u0430\u043c\u0444\u0438\u0440", + "\u043d\u0435\u0434\u044f\u043b\u043a\u043e", + "\u0430\u0432\u0435\u0440", + "\u043f\u0435\u043d\u044c\u043e", + "\u043d\u0430\u043d\u044e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0434\u043e\u0440", + "\u0437\u043b\u0430\u0442\u0438", + "\u0434\u0435\u0441\u043f\u0438\u043d", + "\u0432\u0435\u0441\u043e", + "\u0441\u0435\u0441\u043b\u0430\u0432", + "\u0431\u043e\u043d\u043a\u043e", + "\u0445\u0435\u0440\u043d\u0430\u043d\u0438", + "\u0433\u0435\u0447\u043e", + "\u043b\u0438\u043b\u043a\u043e", + "\u043d\u0435\u043b\u0447\u043e", + "\u0442\u0438\u0445\u043e", + "\u043c\u0430\u0440\u0442\u0438\u043d", + "\u0445\u0440\u0435\u043b\u044c\u043e", + "\u0439\u0435\u0440\u0435\u043c\u0438\u044f", + "\u043f\u0430\u043d\u0442\u0430\u043b\u0435\u0439", + "\u043d\u0435\u043d\u0441\u0438\u0441\u043b\u0430\u0432", + "\u0447\u0430\u043d\u044c\u043e", + "\u0438\u0446\u043e", + "\u043f\u0430\u043b\u043c\u0438", + "\u043d\u0430\u0441\u0442\u0440\u0430\u0434\u0438\u043d", + "\u0449\u0438\u043b\u044f\u043d", + "\u043c\u0430\u0440\u043a", + "\u043b\u0435\u043d\u043a\u043e", + "\u043c\u0430\u0440\u0438\u0430\u043d", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u043b\u0438\u043c\u043e\u043d", + "\u0431\u043b\u0430\u0436\u0435", + "\u044f\u043d\u0443\u0448", + "\u0431\u043e\u0436\u0430\u043d", + "\u043f\u0435\u0442\u0440\u0438\u043d\u0435\u043b", + "\u044e\u0433\u0438", + "\u0432\u0438\u0442\u043a\u043e", + "\u044f\u0440\u043d\u043e", + "\u0433\u0430\u043b\u0438\u044f\u043d", + "\u044e\u0440\u0438\u0439", + "\u0434\u0438\u0435\u0433\u043e", + "\u0438\u043b\u0447\u043e", + "\u044a\u043b\u0435\u043d", + "\u0444\u0440\u0430\u043d\u0446\u0438\u0441\u043b\u0430\u0432", + "\u043f\u0430\u0432\u043b\u043e\u043c\u0438\u0440", + "\u043f\u0430\u0440\u0430\u0448\u043a\u0435\u0432\u0430\u043d", + "\u0447\u0430\u0443\u0448", + "\u043e\u0433\u043d\u0435\u043c\u0438\u0440", + "\u0447\u043e\u043d\u0430\u0440", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d", + "\u0430\u0434\u0435\u043b\u0438\u043d", + "\u043f\u0430\u0440\u0430\u0441\u043a\u0435\u0432", + "\u0442\u0438\u043d\u0447\u043e", + "\u043d\u0430\u0447\u043e", + "\u0440\u0430\u043d\u0433\u0435\u043b", + "\u043e\u0440\u0444\u0435\u0439", + "\u043e\u043d\u0438\u043a", + "\u043d\u0435\u0434\u044e", + "\u0439\u043e\u0430\u043d_\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u044a\u0440", + "\u0433\u0432\u0430\u0440\u0434\u0438\u0430\u043d\u0430", + "\u043f\u0435\u043d\u044e", + "\u0431\u0435\u0440\u043e\u0441\u043b\u0430\u0432", + "\u0430\u0439\u0434\u0435\u043c\u0438\u0440", + "\u0432\u0438\u043d\u043a\u043e", + "\u0431\u043e\u0439\u043a\u043e", + "\u0447\u0430\u0440\u043e\u0434\u0435\u0439", + "\u0439\u043e\u0436\u0438", + "\u043b\u043e\u0437\u0435\u043d", + "\u0434\u0435\u0441\u0438\u043c\u0438\u0440", + "\u0435\u043b\u0435\u043c\u0430\u0433", + "\u0445\u0430\u0441\u0430\u0442\u0438\u043d", + "\u0447\u0435\u043d\u043a\u043e", + "\u0438\u0440\u0438\u043d\u0435\u0443\u0441", + "\u0438\u043b\u0438\u044f", + "\u044e\u043b\u0438\u0439", + "\u043d\u0435\u043e\u043a\u043b\u0438", + "\u0444\u0443\u043a\u043e", + "\u0435\u043c\u0438\u043b\u0438\u0430\u043d", + "\u0434\u0435\u0442\u0435\u043b\u0438\u043d", + "\u043a\u043e\u043b\u0435", + "\u0445\u0440\u0438\u0441\u0442\u0438\u044f\u043d", + "\u043d\u0435\u0439\u043a\u043e", + "\u0432\u0435\u0442\u043a\u043e", + "\u0442\u043e\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0448\u0435\u0439\u043d\u0430", + "\u0435\u0440\u043e\u043b", + "\u043a\u0438\u043c\u043e\u043d", + "\u0449\u043e\u043d\u043e", + "\u0449\u0435\u0440\u0438\u044f\u043d", + "\u0431\u043e\u0436\u0438\u043c\u0438\u0440", + "\u0441\u0435\u0432\u0430\u043d", + "\u044f\u043d\u0438", + "\u043d\u0435\u043d\u043a\u043e", + "\u044f\u0440\u0446\u0435", + "\u0442\u043e\u0434\u043e\u0440\u0430\u043a\u0438", + "\u0430\u0432\u0433\u0443\u0441\u0442", + "\u0444\u0440\u0430\u043d\u0446", + "\u0447\u0430\u0447\u043e", + "\u0430\u0434\u0435\u0430\u043d", + "\u043a\u0438\u043c\u0431\u043e", + "\u0444\u0438\u0440\u043e", + "\u043e\u0441\u043a\u0430\u0440", + "\u0431\u0438\u043b\u044f\u043d", + "\u043c\u0430\u043d\u043e\u0435\u043b", + "\u0442\u0435\u043e\u0434\u043e\u0441\u043b\u0430\u0432", + "\u0433\u0438\u0432\u0435\u0437\u0430", + "\u043a\u0438\u043d", + "\u043f\u0435\u0439\u0447\u043e", + "\u043a\u0438\u0442", + "\u044e\u0440\u0434\u0430\u043d", + "\u0444\u0438\u043b\u043a\u043e", + "\u0431\u043e\u0436\u0438\u043a", + "\u043f\u0430\u043d\u0434\u0435\u043b\u0438\u0441", + "\u043c\u0430\u0445\u043d\u043e", + "\u043a\u043e\u0437\u043c\u0430", + "\u043b\u0443\u043a\u0430\u043d", + "\u0441\u043b\u0430\u0432\u0435\u0439\u043a\u043e", + "\u0442\u0438\u043c\u043e\u043d", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0437\u043e\u0440\u043d\u0438\u0446\u043e\u043c\u0438\u043b", + "\u0435\u043a\u0438\u043c", + "\u0433\u0435\u0440\u0433\u0435\u043b\u044e\u0431", + "\u043c\u0430\u0440\u043a_\u0430\u043d\u0442\u043e\u043d\u0438\u0439", + "\u0435\u043a\u0442\u043e\u0440", + "\u043b\u0430\u0441\u0442\u044a\u0440", + "\u0448\u0438\u0431\u0438\u043b", + "\u0435\u043b\u0435\u043d\u043a\u043e", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0435\u0440", + "\u0445\u0430\u0432\u0442\u0435\u043b\u0438\u043d", + "\u044f\u0437\u043e", + "\u043d\u0430\u043a\u0435", + "\u043f\u0435\u043b\u0430\u0439", + "\u044f\u043d\u043e\u043c\u0438\u043b", + "\u0448\u0443\u0448\u043e", + "\u0430\u0431\u043b\u0435\u043d", + "\u0440\u043e\u0441\u0438\u043c\u0438\u0440", + "\u0442\u0435\u043e\u0445\u0430\u0440", + "\u043e\u0432\u0430\u043d\u0435\u0441", + "\u0430\u0432\u043e", + "\u0447\u0432\u043e\u0440", + "\u043c\u0430\u0440\u0443\u0448", + "\u0435\u0440\u0438\u043a", + "\u0440\u043e\u0431\u0438\u043d", + "\u043c\u0435\u043d\u043e", + "\u0449\u0435\u0434\u044e", + "\u043b\u0443\u043a\u043e", + "\u0439\u043e\u0438\u043b", + "\u043c\u0430\u043d\u0447\u043e", + "\u0430\u0433\u0430\u0442\u043e\u043f\u043e\u0434", + "\u043c\u0430\u043d\u0447\u0435\u0441\u0442\u044a\u0440\u044e\u043d\u0430\u0439\u0442\u0435\u0434", + "\u0440\u0438\u0441\u0442\u044f", + "\u043d\u0435\u0434\u0438\u0441\u043b\u0430\u0432", + "\u043e\u043b\u0435\u043a", + "\u0434\u0435\u043d\u0447\u043e", + "\u0440\u043e\u043c\u0438\u043b", + "\u043a\u0438\u0440\u0447\u043e", + "\u044f\u043d\u0438\u0441", + "\u0434\u0435\u043d\u0438\u0437", + "\u0441\u0432\u0435\u0442\u043b\u043e\u043c\u0438\u0440", + "\u0432\u0438\u043d\u043e", + "\u043c\u0430\u0440\u0438\u0439", + "\u0445\u0440\u0438\u0441\u0442\u0438\u043b\u0438\u0430\u043d", + "\u043a\u0438\u043c\u0447\u043e", + "\u0433\u0430\u0440\u043e", + "\u0439\u043e\u0432\u043e", + "\u0442\u043e\u043d\u0438\u043c\u0438\u0440", + "\u0431\u043e\u043d\u043e", + "\u044f\u043d\u043a\u0443\u043b", + "\u043a\u0438\u043f\u0440\u0438\u044f\u043d", + "\u043a\u043b\u0438\u043c\u0435\u043d\u0442", + "\u044f\u0441\u0435\u0440", + "\u0431\u043e\u0439\u0447\u043e", + "\u0433\u0430\u043b\u0438\u043c\u0438\u0440", + "\u0434\u0438\u0432\u0438\u043b", + "\u0439\u043e\u0430\u043d", + "\u0442\u0438\u043b\u044c\u043e", + "\u0448\u0430\u0440\u043e", + "\u0431\u043e\u0436\u0438\u0434\u0430\u0440", + "\u0438\u043d\u0433\u0435\u043c\u0443\u043d\u0434", + "\u043f\u0430\u0441\u043a\u043e", + "\u0433\u0435\u043e\u0434\u0438\u043c", + "\u0445\u0440\u0438\u0441\u0442\u0430\u043b\u0438\u043d", + "\u043f\u0430\u0432\u043b\u0438\u043d\u0447\u043e", + "\u0434\u0435\u0441\u0438\u043b\u0438\u0430\u043d", + "\u0433\u0430\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0432\u0435\u0447\u043a\u043e", + "\u0433\u0430\u043d\u0447\u043e", + "\u043b\u0435\u043a\u043e", + "\u043f\u0435\u043d\u043a\u043e", + "\u0437\u043b\u0430\u0442\u0430\u043d", + "\u0434\u0435\u043b\u044f\u043d", + "\u043a\u043e\u043a\u043e", + "\u0434\u0435\u043d\u0438\u044f\u043d", + "\u0434\u0435\u0447\u043a\u043e", + "\u0432\u0438\u0442\u043e\u043c\u0438\u0440", + "\u043b\u0443\u043b\u0447\u043e", + "\u0440\u0430\u044e", + "\u0441\u0435\u0432\u0434\u0430\u043d", + "\u0448\u0438\u0434\u0435\u0440", + "\u043b\u0443\u0441\u0438\u044f", + "\u043f\u0430\u043d\u043e", + "\u0447\u043e\u0447\u043e\u043c\u0438\u0440", + "\u044f\u043d", + "\u0431\u0435\u0447\u043e", + "\u043c\u0435\u0434\u0438\u0430\u043d", + "\u0434\u0436\u043e\u043d_\u0441\u0442\u0435\u0444\u0430\u043d", + "\u0441\u0438\u0432\u0438", + "\u0439\u0435\u043d\u043e", + "\u043d\u0430\u0447\u0438\u044f\u043d", + "\u043c\u0430\u0440\u0438\u043e\u043b\u043b\u0438\u0442\u0430", + "\u043f\u0430\u0440\u0430\u0445\u043e\u0434", + "\u0438\u043b\u0438\u0447", + "\u043f\u0435\u0439\u043e\u0434\u043e\u043d", + "\u0447\u0443\u0434\u0435", + "\u043f\u0435\u0439\u0447\u0438\u043d", + "\u0444\u0438\u043b\u0438\u043f", + "\u0432\u0438\u043b\u0438\u0430\u043d", + "\u0441\u0435\u0432\u0430\u0440", + "\u0439\u043e\u0432\u0440\u043e", + "\u0441\u0438\u043b\u0432\u0438\u044f\u043d", + "\u0441\u0432\u0435\u0442\u043e\u0437\u0430\u0440", + "\u0430\u0433\u043b\u0430\u0439", + "\u0431\u043b\u0430\u0433\u043e\u0439", + "\u0435\u043b\u0438\u0437\u0430\u0431\u0435\u0442", + "\u0441\u0435\u043b\u0435\u043d", + "\u043f\u0430\u0432\u043a\u043e", + "\u0437\u043b\u0430\u0442\u043a\u043e", + "\u0444\u043b\u043e\u0440\u0438\u0430\u043d", + "\u044f\u043d\u0430\u0447\u043a\u043e", + "\u0432\u043b\u0430\u0434\u0438\u043b\u0435\u043d", + "\u0437\u0430\u0444\u0438\u0440", + "\u0435\u0434\u0432\u0438\u043d", + "\u0433\u0430\u043d\u0438", + "\u0437\u0430\u043d\u0433\u043e" + ], + "LAST_NAMES_FEMALE": [ + "\u041c\u0443\u0441\u0442\u0430\u043a\u043e\u0432\u0430", + "\u0422\u043e\u0434\u043e\u0440\u043e\u0432\u0430", + "\u0421\u0430\u043f\u0443\u043d\u0434\u0436\u0438\u0435\u0432\u0430", + "\u041a\u0443\u0447\u043a\u0443\u0434\u0435\u043b\u043e\u0432\u0430", + "\u0412\u0430\u0441\u043e\u0432a", + "\u041f\u043b\u044e\u043d\u043a\u043e\u0432\u0430", + "\u041f\u0435\u0432\u0435\u0446\u043e\u0432\u0430", + "\u041a\u043e\u043a\u043e\u0448\u043a\u043e\u0432\u0430", + "\u041a\u0440\u0443\u0448\u043e\u0432\u0441\u043a\u0430", + "\u0428\u043a\u0435\u043c\u0431\u043e\u0432\u0430", + "\u041f\u044a\u0442\u0435\u0447\u043a\u043e\u0432\u0430", + "\u041f\u0440\u044a\u043d\u0434\u0430\u0447\u043a\u0430", + "\u0413\u0440\u0430\u0434\u0438\u043d\u0430\u0440\u043e\u0432\u0430", + "\u0422\u043e\u0447\u0435\u0432\u0430-\u041a\u043b\u043e\u043f\u043e\u0432\u0430", + "\u0422\u0430\u0440\u0430\u043b\u0438\u043d\u0433\u043e\u0432\u0430", + "\u042f\u0440\u043a\u043e\u0432\u0430", + "\u041f\u043b\u044e\u0446\u043e\u0432\u0430", + "\u0421\u043a\u0440\u0438\u043d\u0441\u043a\u0430", + "\u0427\u0443\u043f\u0435\u0442\u043b\u043e\u0432\u0441\u043a\u0430", + "\u0411\u0430\u043b\u043a\u0430\u043d\u0441\u043a\u0430", + "\u041f\u044a\u0440\u0432\u0430\u043d\u043e\u0432\u0430", + "\u041a\u0430\u0442\u044a\u0440\u043e\u0432\u0430", + "\u0411\u0435\u043b\u043e\u043a\u043e\u043d\u0441\u043a\u0430-\u0412\u0440\u0430\u0436\u0430\u043b\u0441\u043a\u0430", + "\u041a\u0443\u0440\u0442\u0430\u043a\u043e\u0432\u0430", + "\u041f\u0430\u0447\u0430\u0440\u044a\u0437\u043a\u0430", + "\u0418\u043b\u0438\u0435\u0432\u0430", + "\u0419\u043e\u0442\u043a\u043e\u0432\u0430", + "\u0412\u0430\u043c\u043f\u0438\u0440\u0441\u043a\u0430", + "\u041c\u0430\u043d\u0433\u044a\u0444\u043e\u0432\u0430", + "\u041f\u0438\u0449\u043e\u0432\u043a\u043e\u043b\u0435\u0432\u0430", + "\u0421\u043b\u0430\u043d\u0438\u043d\u043a\u043e\u0432\u0430", + "\u041c\u043d\u043e\u0433\u043e\u0437\u043d\u0430\u0435\u0432\u0430", + "\u041a\u0443\u0440\u0442\u0430\u0436\u043e\u0432\u0430", + "\u0421\u043e\u043f\u0430\u0434\u0436\u0438\u0435\u0432\u0430", + "\u0427\u0430\u043d\u043b\u0438\u0435\u0432\u0430", + "\u0411\u0435\u043b\u0435\u0436\u043a\u043e\u0432\u0430", + "\u0413\u0430\u0431\u0440\u043e\u0432\u043b\u0438\u0435\u0432\u0430", + "\u041f\u0435\u043d\u0434\u0436\u0430\u043a\u043e\u0432\u0430", + "\u041a\u0440\u0438\u0432\u043e\u0448\u0430\u043f\u043a\u043e\u0432\u0430" + ], + "PREFIX_FEMALE": [ + "\u0433_\u0446\u0430", + "\u0434\u0440", + "\u0433_\u0436\u0430" + ], + "PREFIX_MALE": [ + "\u0434\u0440", + "\u0433_\u043d" + ], + "FIRST_NAME": [ + "\u0436\u0435\u043b\u044f\u0437\u043a\u0430", + "\u043e\u043b\u0438\u043c\u043f\u0438", + "\u043c\u0430\u043d\u0442\u0430\u0441", + "\u043a\u0438\u0440\u0438\u043b", + "\u0444\u0438\u043b\u0447\u043e", + "\u0431\u043e\u0436\u0438\u043d\u0435\u043b\u0430", + "\u0446\u0435\u0446\u0430", + "\u0435\u043b\u0438\u0435\u0437\u0435\u0440", + "\u043a\u0430\u043b\u0438\u0441\u0430", + "\u044a\u0433\u043b\u0435\u043d\u043a\u0430", + "\u044e\u0441\u0442\u0438\u043d", + "\u0445\u0440\u0438\u0441\u043e", + "\u0441\u0435\u0434\u0435\u0444", + "\u0438\u0441\u0442\u0430\u0442\u043a\u043e", + "\u043e\u0440\u0442\u043e\u0434\u043e\u043a\u0441\u0438", + "\u043f\u0430\u0440\u0443\u0448", + "\u043b\u0438\u043b\u043e", + "\u0439\u043e\u043d\u0438\u043a\u0430", + "\u0448\u0430\u043d\u043e\u0443", + "\u0442\u0438\u0445\u043e\u043c\u0438\u0440", + "\u0430\u043b\u0435\u043a", + "\u043c\u0430\u0440\u0430\u043d\u0433\u043e\u043d\u0438", + "\u043a\u0438\u0441", + "\u0438\u043b\u0438\u043d\u0434\u0430", + "\u043f\u0430\u043d\u0434\u0435", + "\u0442\u0430\u043c\u0430\u0440\u0430", + "\u0430\u043a\u0441\u0430\u043a\u0443\u0441\u0442\u0438", + "\u0435\u043b\u0438\u0441\u0438\u044f", + "\u043c\u0430\u0440\u043a\u0443\u0441", + "\u043a\u0438\u043d\u043a\u0430", + "\u0434\u0435\u043d\u0438\u0441", + "\u043a\u043e\u0440\u043d\u0435\u043b\u0438\u044f", + "\u043c\u0430\u0440\u0433\u0430\u0440\u0438\u0442", + "\u043f\u0430\u0440\u0430\u0448\u043a\u0435\u0432", + "\u0433\u0435\u043d\u0430", + "\u0438\u0440\u0438\u043d", + "\u0445\u0430\u0440\u0430\u043b\u0430\u043c\u043f\u0438", + "\u0430\u043d\u0437\u0430", + "\u043b\u0443\u043b\u0438", + "\u043a\u0438\u0440\u044f\u043a\u0438", + "\u043f\u0430\u0432\u043b\u0438\u043d", + "\u0430\u0434\u0435\u043c", + "\u0430\u043d\u0438\u0446\u0430", + "\u0440\u0430\u0434\u043a\u0430", + "\u0433\u0435\u043d\u043e", + "\u0431\u043e\u043d\u0438\u0444\u0430\u0446\u0438\u044f", + "\u0430\u043f\u043e\u043b\u0438\u043d\u0430\u0440\u0438\u044f", + "\u043f\u0435\u0442\u043e", + "\u0435\u043a\u0442\u0430\u0440", + "\u043f\u0430\u0432\u0435\u043b", + "\u0442\u043e\u0441\u043a\u0430", + "\u043b\u0435\u0444\u0442\u0435\u0440", + "\u0441\u0438\u043c\u043e\u043d\u0430", + "\u043c\u0430\u043d\u043e\u043b\u043e", + "\u0444\u0438\u043b\u0430\u0442\u0435\u0439", + "\u043c\u0430\u043d\u043e\u043b", + "\u0442\u043e\u043c\u043e", + "\u0430\u0442\u0438\u043d\u0430", + "\u0430\u0433\u0430\u043f\u0438", + "\u0433\u0435\u0442\u0438\u0441\u043b\u0430\u0432", + "\u0431\u0435\u0440\u043e", + "\u043f\u043e\u043b\u0435\u043a\u0441\u0438\u043d\u0430", + "\u044f\u043d\u0438\u043c\u0438\u0440", + "\u0444\u0440\u043e\u0434\u043e", + "\u043b\u0430\u0442\u044e", + "\u044f\u0433\u043e\u0434\u0438\u043d", + "\u043f\u0435\u0439\u043e", + "\u0430\u0432\u0433\u0438\u044f", + "\u043a\u0430\u0440\u0438\u043d", + "\u0448\u043f\u0438\u043b\u043a\u043e", + "\u0447\u0430\u043d\u043e", + "\u0438\u0440\u0438\u0430\u043d", + "\u0430\u043a\u0441\u0438\u0434\u0430\u043d", + "\u0432\u0438\u0442\u043b\u044f\u043d", + "\u0441\u0435\u0431\u0430\u0441\u0442\u0438\u0430\u043d", + "\u043c\u0438\u043b\u0430\u0440\u0430", + "\u0441\u0442\u0430\u043d\u0438\u0435\u043b\u0430", + "\u0440\u043e\u043c\u0443\u043b", + "\u0439\u043e\u0432\u0447\u043e", + "\u0437\u043b\u0430\u0442\u0438\u043b", + "\u0448\u043c\u0438\u043b\u044c\u043e", + "\u0434\u0435\u044f\u043d", + "\u0432\u0435\u043b\u0438\u044f\u043d\u043a\u0430", + "\u044f\u0433\u043e", + "\u044f\u043d\u0438\u043a", + "\u0438\u0440\u043d\u0438\u043a", + "\u0440\u0443\u0441\u0430\u043b\u0438\u044f", + "\u043d\u0435\u0440\u0435\u0441", + "\u043d\u0435\u0434\u0435\u043b\u0438\u043d", + "\u0431\u0438\u0441\u0435\u0440", + "\u043f\u0435\u0442\u043a\u043e", + "\u0437\u043e\u0438\u0447\u043a\u0430", + "\u0440\u043e\u043c\u0435\u043d", + "\u0447\u0443\u0434\u043e\u043c\u0438\u0440", + "\u0447\u0443\u0434\u043e", + "\u043b\u0435\u043d\u0447\u0435", + "\u0435\u0432\u0441\u0442\u0430\u0442\u0438\u0439", + "\u0438\u0432\u0430\u043d\u0435\u0441\u0430", + "\u0442\u043e\u043c\u0438\u0441\u043b\u0430\u0432", + "\u0430\u0433\u043e\u043f", + "\u0442\u0435\u0440\u0432\u0435\u043b", + "\u043f\u0440\u043e\u043b\u0435\u0442\u0438\u043d\u0430", + "\u0432\u0435\u0441\u0435\u043b\u0438\u043d", + "\u043d\u0430\u0439\u0447\u043e", + "\u043e\u0433\u043d\u0435\u043d\u0430", + "\u0445\u0440\u0438\u0441\u0442\u043e", + "\u0434\u0435\u0447\u044e", + "\u0430\u043b\u0435\u043d\u043a\u0430", + "\u0441\u0435\u0432\u0430\u0441\u0442\u0438\u043d", + "\u0430\u0434\u0430\u043c", + "\u043b\u0430\u0441\u043a\u0430\u043b", + "\u0441\u0435\u0432\u0434\u0435\u043b\u0438\u043d\u0430", + "\u0430\u0434\u0440\u0438\u0430\u043d", + "\u043b\u0430\u0441\u043a\u0430\u0440", + "\u0434\u0430\u043a\u043e\u0442\u0430", + "\u0449\u0442\u044a\u0440\u043a\u0430\u043d", + "\u044f\u043d\u0435\u0433", + "\u0431\u0435\u0442\u0438\u043d\u043e", + "\u0441\u0432\u0438\u0434\u043d\u0430", + "\u0445\u0440\u0438\u0441\u0442\u044f", + "\u043c\u0430\u0440\u0442\u0435\u043d", + "\u043d\u0430\u0446\u043a\u043e", + "\u0441\u0442\u0435\u043b\u0438\u043d\u0430", + "\u0431\u043e\u0433\u043e\u0439", + "\u0430\u0432\u0433\u0443\u0441\u0442\u0438\u0430\u043d", + "\u0441\u0438\u043d\u0442\u0438\u044f", + "\u0438\u0445\u0442\u0438\u0430\u043d\u0434\u044a\u0440", + "\u0437\u043b\u0430\u0442\u0438\u043c\u0438\u0440", + "\u043c\u0435\u0440\u0438\u043b\u0438\u043d", + "\u043b\u0430\u0437\u0443\u0440\u0430", + "\u0433\u0435\u0440\u0433\u0435\u0439", + "\u0437\u0432\u0435\u0437\u0434\u043e\u043c\u0438\u0440", + "\u0437\u043b\u0430\u0442\u043e\u0433\u043e\u0440", + "\u0446\u0432\u0435\u0442\u0435\u043b\u0438\u043d\u0430", + "\u0435\u043d\u0438\u0446\u0430", + "\u044f\u043d\u043a\u0430", + "\u0440\u043e\u043c\u043e\u043b\u0435\u0442\u0430", + "\u043a\u0430\u0440\u043e\u043b\u0438\u043d", + "\u043b\u043e\u0437\u0430\u043d\u043a\u0430", + "\u0430\u0434\u0440\u0438\u0430\u043d\u0438\u0430", + "\u0435\u043d\u044c\u043e", + "\u0437\u043b\u0430\u0442\u043e\u0437\u0430\u0440", + "\u0442\u043e\u043b\u0435\u043a", + "\u0440\u0430\u043d\u0447\u043e", + "\u0440\u043e\u043a\u0441\u0430\u043d\u0430", + "\u043b\u0435\u0441\u0435", + "\u043b\u0438\u044f", + "\u044f\u0441\u0435\u043d", + "\u0442\u0438\u0445\u043e\u043d", + "\u043f\u0430\u043e\u043b\u0438\u043d\u0430", + "\u0447\u0430\u043d\u043a\u0435\u0442\u0435", + "\u0434\u0435\u0440\u0434\u0438\u0434\u0430\u0441", + "\u0447\u0430\u0440\u0434\u0430\u0444\u043e\u043d\u0430", + "\u0444\u0438\u043b\u0438", + "\u0437\u0430\u0445\u0430\u0440", + "\u0435\u043b\u043a\u043e", + "\u0437\u0438\u043a\u0430", + "\u0437\u0430\u0444\u0435\u0440", + "\u0433\u0435\u043e", + "\u0442\u043e\u043c\u0430", + "\u0444\u0438\u043b\u0438\u043f\u0430\u0441", + "\u0433\u0430\u043d\u044c\u043e", + "\u0430\u0435\u0440\u043e\u0437\u043e\u043b", + "\u0440\u0435\u043d\u0433\u0438\u044f", + "\u043f\u0430\u0440\u0430\u0448\u043a\u0435\u0432\u0438\u0446\u0430", + "\u0442\u043e\u043f\u0430\u043b\u043a\u043e", + "\u0433\u043e\u0440\u0438\u044f", + "\u0441\u043b\u0430\u0432\u0438\u043b", + "\u0444\u043e\u0440\u0438", + "\u043d\u0435\u0434\u044c\u043e", + "\u043c\u0430\u0441\u043b\u0438\u043d\u0430", + "\u0439\u043e\u0432\u0438\u0446\u0430", + "\u0435\u043b\u0438\u0441\u0435\u0439", + "\u0435\u0444\u043a\u0430", + "\u0435\u043b\u0432\u0438\u0441", + "\u043b\u0430\u0446\u0430", + "\u0442\u0438\u0445\u043e\u043b", + "\u044f\u043a\u0438\u043c", + "\u0445\u0440\u0430\u0431\u0440\u0438\u043d", + "\u0437\u043b\u0430\u0442\u0438\u044f\u043d", + "\u0431\u043e\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0445\u0435\u0431\u044a\u0440", + "\u044e\u0441\u0442\u0438\u0430\u043d\u043d\u0430", + "\u0448\u043a\u043e\u0434\u0440\u0438", + "\u0440\u0438\u0441", + "\u0440\u0430\u0447\u043e", + "\u044f\u0440\u044a\u043c", + "\u0441\u0432\u043e\u0431\u043e\u0434\u043a\u0430", + "\u043d\u0430\u0444\u0442\u0430\u043b\u0438", + "\u0440\u0430\u0434\u0438\u0430", + "\u0445\u0438\u043c\u0438\u043d\u0430\u0439", + "\u0442\u043e\u043c\u0430\u0441", + "\u0444\u0440\u0435\u0434\u0438", + "\u0434\u0435\u0441\u0438\u0441\u043b\u0430\u0432", + "\u0441\u043c\u0435\u0445\u043e\u0442\u0435\u0440\u0430\u043f\u0438\u044f", + "\u0441\u0438\u0440\u043c\u0430\u043d", + "\u0441\u043b\u0430\u0432\u0438", + "\u044f\u0431\u043b\u0435\u043d", + "\u043e\u043c\u0430\u0440", + "\u0440\u043e\u043c\u0435\u043e", + "\u043f\u0435\u0439\u0442\u0430\u043d", + "\u043b\u0435\u0447\u043e", + "\u044f\u043d\u043e", + "\u044e\u0440\u0438", + "\u0433\u0430\u043d\u0446\u043e\u043c\u0438\u0440", + "\u0442\u043e\u043d\u0438\u0446\u0432\u0435\u0442\u0430", + "\u044f\u0440\u044e", + "\u043e\u0433\u0438\u043d", + "\u0442\u0435\u043e\u0434\u043e\u0441\u0438\u0439", + "\u043a\u0438\u0442\u0447\u0438\u0446\u0430", + "\u0441\u043d\u0435\u0436\u0438\u043d\u043a\u0430", + "\u0441\u0435\u0440\u0430\u0444\u0438\u043c", + "\u0441\u0438\u043c\u043e", + "\u043c\u0430\u0442\u044e", + "\u043c\u0430\u0440\u043a\u043e", + "\u0430\u043b\u0435\u0432\u0430\u043d\u0434\u044a\u0440", + "\u043b\u0435\u043a\u0430", + "\u043a\u0438\u0440\u044f\u043a", + "\u043a\u0430\u043b\u0435\u044f", + "\u0436\u0435\u043d\u0438\u043c\u0438\u0440\u0430", + "\u0432\u043e\u0434\u0438\u0446\u0430", + "\u0435\u043b\u0435\u043d\u0438\u0446\u0430", + "\u043d\u0430\u0442\u0430\u043d\u0430\u0438\u043b", + "\u0430\u043d\u0434\u0438\u043a\u0430", + "\u043a\u0430\u0440\u0438\u043c", + "\u043b\u043e\u0432\u0447\u043e", + "\u0441\u0435\u0440\u0433\u0435\u0439", + "\u0431\u0443\u043d\u0430", + "\u044e\u0440\u0438\u0442\u0430", + "\u043a\u0438\u0442\u043e", + "\u0434\u0435\u0444\u043b\u043e\u0440\u0438\u043d\u0430", + "\u0433\u0435\u0440\u0430\u0441\u0438\u043c", + "\u0442\u043e\u043f\u043e\u043b\u043a\u043e", + "\u0433\u0435\u043d\u0447\u043e", + "\u0432\u0438\u043e\u043b\u0438\u043d", + "\u0441\u043a\u043e\u0440\u0431\u0443\u0442", + "\u0433\u0430\u0431\u0438", + "\u0432\u0438\u043a\u0442\u043e\u0440\u0438\u044f", + "\u0432\u0435\u0441\u0430", + "\u0430\u0435\u043b\u0430", + "\u0444\u0438\u043b\u0438\u043e\u043d", + "\u044f\u043a\u043e\u0431", + "\u0437\u0432\u0435\u0437\u0434\u043e\u043b\u0435\u0442", + "\u0438\u0437\u0438\u0434\u043e\u0440\u0430", + "\u0444\u0440\u0430\u043d\u043a", + "\u0445\u0435\u0444\u0435\u0441\u0442\u0438\u043e\u043d", + "\u043a\u043e\u0439\u043d\u043e", + "\u0444\u0443\u0433\u043e", + "\u0437\u043b\u0430\u0442\u043e\u043c\u0438\u0440", + "\u0433\u0430\u043d\u0443\u0446\u0430", + "\u043a\u0430\u0441\u0438\u0434\u0438", + "\u043f\u0435\u0440\u0438\u0430\u043d\u0430", + "\u0438\u0441\u0442\u0438\u043b\u0438\u044f\u043d\u0430", + "\u043a\u0435\u0432\u043e\u0440\u043a", + "\u0434\u0435\u0441\u043f\u0438\u043d\u043a\u0430", + "\u0431\u043e\u0438\u043b", + "\u043d\u0435\u043d\u0447\u043e", + "\u0437\u0434\u0440\u0430\u0432\u0435\u043b\u0438\u043d\u0430", + "\u043b\u0435\u0430_\u043c\u0430\u0440\u0438\u044f", + "\u0438\u0432\u0430\u043b\u0435\u043d\u0430", + "\u043f\u0435\u0439\u043a\u043e", + "\u0431\u0435\u0430\u0442\u0440\u0438\u0441", + "\u043a\u0430\u0442\u0430\u043a\u043e\u043c\u0431", + "\u043f\u0430\u043d\u0442\u043e", + "\u0440\u043e\u0441\u0442\u0438\u043c\u0438\u0440", + "\u0430\u0433\u043d\u0435\u043d", + "\u0431\u0435\u044f", + "\u0431\u0435\u043b\u043e\u043c\u0438\u0440\u0430", + "\u043a\u043b\u0435\u0443\u043d\u0430", + "\u0440\u0443\u043c\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0445\u0440\u0443\u0441\u0430\u043d", + "\u043b\u0435\u043e\u043d", + "\u043b\u043e\u0440\u0430\u043d\u0441", + "\u0446\u0432\u0435\u0442\u043e\u043b\u0438\u043b\u0438\u044f", + "\u0433\u0435\u043e\u0440\u0433\u0438\u0446\u0430", + "\u043c\u0430\u0440\u0438\u0442\u043d\u0430", + "\u0434\u0430\u0444\u0438\u043d\u043a\u0430", + "\u0448\u0438\u043f\u0447\u0430\u043d", + "\u043c\u0435\u0440\u043e\u043f\u0430", + "\u0434\u043e\u0440\u0430_\u0430\u043d\u043d\u0430", + "\u043f\u0435\u0442\u0440\u043e\u0437\u0430\u0440", + "\u043d\u0435\u0432\u0435\u043d", + "\u0440\u043e\u0437\u0438\u043d", + "\u0445\u0440\u0438\u0441\u0442\u043e_\u043d\u0438\u043a\u043e\u043b\u0430", + "\u0430\u0433\u0430\u043f\u0438\u0439", + "\u0435\u043b\u0438\u043d\u0430", + "\u0430\u0433\u0435\u043d\u0442", + "\u0435\u043b\u0438\u0430\u0441", + "\u043d\u0435\u0433\u043e\u0441\u043b\u0430\u0432", + "\u0445\u0430\u043d\u043a\u043e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0437\u0430\u0440", + "\u0437\u0438\u043d\u043a\u043e", + "\u043b\u0435\u0442\u0438\u0441\u0438\u044f", + "\u0433\u0430\u0446\u043e", + "\u043d\u0435\u0434\u043a\u043e", + "\u0432\u0438\u0433\u043e", + "\u0432\u0438\u0448\u043a\u0430", + "\u043d\u0438\u043a\u043e\u043b\u0438\u043d\u0430", + "\u043f\u0440\u043e\u0441\u0442\u0438\u0441\u0432\u0435\u0442\u0430", + "\u0435\u0432\u0434\u043e\u043a\u0438\u044f", + "\u044f\u043d\u0435\u043a", + "\u0447\u0443\u0434\u043e\u0441\u043b\u0430\u0432", + "\u0431\u0430\u0433\u0440\u0430", + "\u0441\u044a\u0432\u0435\u0441\u0442\u0438\u043d\u0430", + "\u0430\u043b\u0431\u0438\u043d\u0430", + "\u0440\u0430\u0447\u043a\u043e", + "\u0445\u0440\u0438\u0441\u0442\u0435\u043b\u0430", + "\u043f\u0430\u043d\u0435", + "\u0430\u043b\u0438\u0430\u043d\u0430", + "\u0434\u0436\u0438\u043d\u0435\u0432\u0440\u0430", + "\u0438\u043b\u0435\u0430\u043d\u0430", + "\u043d\u0430\u043d\u044e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0434\u043e\u0440", + "\u0434\u0435\u0441\u043f\u0438\u043d", + "\u0435\u043c\u043c\u0430", + "\u0442\u0438\u0445\u043e", + "\u0442\u0438\u0445\u0430", + "\u0438\u0446\u043e", + "\u043b\u0438\u043c\u043e\u043d", + "\u044f\u043d\u0443\u0448", + "\u0431\u043e\u0436\u0430\u043d", + "\u0432\u0438\u0442\u043a\u043e", + "\u0433\u0430\u043b\u0438\u044f\u043d", + "\u0444\u0440\u0430\u043d\u0446\u0438\u0441\u043b\u0430\u0432", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d", + "\u044f\u043d\u0438\u043d\u0430", + "\u0446\u0432\u0435\u0442\u0438\u043b\u0435\u043d\u0430", + "\u043d\u0435\u0434\u044e", + "\u0440\u0438\u043c\u043c\u0430", + "\u0438\u0441\u0438\u0445\u0438\u044f", + "\u0441\u043e\u0444\u0438\u0439\u043a\u0430", + "\u0434\u0430\u043c\u044f\u043d\u0430", + "\u043d\u0430\u0434\u043a\u0430", + "\u0438\u043b\u0438\u044f", + "\u0434\u0435\u0442\u0435\u043b\u0438\u043d", + "\u043c\u0438\u0440\u0435\u043d\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0438\u044f\u043d", + "\u043d\u0435\u0439\u043a\u043e", + "\u0432\u0435\u0442\u043a\u043e", + "\u0448\u0435\u0439\u043d\u0430", + "\u0449\u043e\u043d\u043e", + "\u043d\u0435\u043d\u043a\u043e", + "\u0447\u0430\u0447\u043e", + "\u0433\u0438\u0432\u0435\u0437\u0430", + "\u044e\u0440\u0434\u0430\u043d", + "\u043f\u0435\u0439\u0447\u043e", + "\u043d\u0438\u0433\u0440\u0438\u0442\u0430", + "\u0432\u0430\u0448\u0438\u043b\u044f", + "\u043c\u0430\u0445\u043d\u043e", + "\u043f\u0430\u0440\u0443\u043d\u043a\u0430", + "\u0442\u0438\u043c\u043e\u043d", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0435\u0440", + "\u043a\u0441\u0430\u043d\u0434\u0440\u0438\u043d\u0438\u044f", + "\u044f\u0437\u043e", + "\u043f\u0435\u043b\u0430\u0439", + "\u0448\u0443\u0448\u043e", + "\u043a\u043b\u043e\u044f", + "\u0442\u0435\u043e\u0445\u0430\u0440", + "\u0430\u0432\u043e", + "\u043c\u0430\u0440\u0443\u0448", + "\u0430\u0433\u043b\u0430\u044f", + "\u043c\u0430\u043d\u0447\u043e", + "\u0434\u043e\u043d\u0438\u043a\u0430", + "\u043d\u0435\u0432\u0435\u043d\u0430", + "\u0432\u0438\u043d\u043e", + "\u043c\u0430\u0440\u0438_\u0430\u043d\u0440\u0438", + "\u0445\u0440\u0438\u0441\u0442\u0438\u043b\u0438\u0430\u043d", + "\u043a\u0438\u043f\u0440\u0438\u044f\u043d", + "\u0432\u0430\u0441\u0435\u043d\u043a\u0430", + "\u043c\u0438\u043b\u043e\u0441\u0442", + "\u0435\u043b\u0435\u043e\u043d\u0435\u0442\u0430", + "\u0434\u0438\u0432\u0438\u043b", + "\u0439\u043e\u0430\u043d", + "\u0441\u0438\u043b\u0432\u0438", + "\u043f\u0430\u0432\u043b\u0438\u043d\u0447\u043e", + "\u043a\u0440\u0438\u0441\u0442\u0438\u044f", + "\u0433\u0430\u043d\u0447\u043e", + "\u043f\u043b\u043e\u0434\u043e\u0432\u0438\u0442\u043a\u0430", + "\u043f\u0430\u043d\u0442\u0435\u0440\u0430", + "\u0437\u043b\u0430\u0442\u0430\u043d", + "\u043a\u043e\u043a\u043e", + "\u0436\u0430\u043a\u043b\u0438\u043d", + "\u0434\u0435\u0447\u043a\u043e", + "\u043b\u0443\u043b\u0447\u043e", + "\u0440\u0430\u044e", + "\u0444\u0440\u043e\u043d\u043a\u0430", + "\u044f\u043d", + "\u0441\u0435\u0432\u0435\u0442\u0430", + "\u0434\u0436\u043e\u043d_\u0441\u0442\u0435\u0444\u0430\u043d", + "\u043f\u0430\u0440\u0430\u0445\u043e\u0434", + "\u0430\u043b\u0438\u0441\u0438\u044f", + "\u0438\u043b\u0438\u0447", + "\u0437\u043e\u0440\u043a\u0430", + "\u0441\u0438\u043b\u0432\u0438\u044f\u043d", + "\u0431\u0438\u043b\u0435\u043d\u0430", + "\u0432\u0438\u0434\u0438\u043c\u0430", + "\u0437\u0430\u043d\u043a\u043e", + "\u0437\u0430\u043d\u0433\u043e", + "\u0439\u043e\u043b\u043a\u043e", + "\u0437\u0438\u043d\u0430\u0438\u0434\u0430", + "\u0432\u0438\u0445\u0440\u0435\u043d", + "\u0434\u043e\u0440\u0438\u043d\u0430", + "\u043f\u0430\u043b\u043e\u043c\u0438\u043d\u0430", + "\u043f\u0430\u0446\u043e", + "\u0433\u0435\u0440\u0434\u0430\u043d", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0433\u0435\u043d\u043a\u043e", + "\u0445\u0440\u0435\u043b\u043a\u043e", + "\u0433\u0430\u043b\u044f", + "\u0440\u043e\u0439\u043e", + "\u0437\u0434\u0443\u0445\u043e\u0441\u0442\u0438\u043d\u0430", + "\u0435\u043c\u0430\u043d\u0443\u0435\u043b", + "\u0446\u043e\u0447\u043e", + "\u043f\u0435\u043d\u0447\u043e", + "\u0447\u043e\u0447\u043e", + "\u0442\u0438\u043b\u043e", + "\u0445\u0440\u0438\u0441\u0447\u043e", + "\u043c\u0430\u043d\u043e\u043b\u0438\u043d\u0430", + "\u0435\u0442\u0438\u0435\u043d", + "\u0441\u0438\u0434\u0435\u0440", + "\u044f\u0432\u043e\u0440", + "\u044f\u043d\u0430_\u043c\u0430\u0440\u0442\u0438\u043d\u0430", + "\u0434\u0438\u0432\u0438\u0437\u0438\u0435", + "\u0439\u043e\u0432\u043a\u043e", + "\u043f\u043b\u0430\u043c\u0435\u043d\u0430", + "\u044f\u0448\u043e", + "\u0433\u0438\u043a\u043e", + "\u0439\u043e\u043d\u0430", + "\u0432\u044a\u0446\u0430", + "\u0441\u0435\u0434\u0435\u0444\u0447\u043e", + "\u043f\u0440\u0430\u0432\u0434\u0430", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0441\u043b\u0430\u0432", + "\u043e\u043b\u0435\u0433", + "\u043b\u0438\u043b\u0447\u043e", + "\u0437\u0433\u0443\u0440\u0430", + "\u0442\u0440\u0438\u0444\u043e\u043d\u043a\u0430", + "\u043f\u0435\u0442\u043a\u0430\u043d", + "\u0440\u0430\u0434\u0438\u043c\u0438\u0440\u0430", + "\u0445\u0435\u043a\u0442\u043e\u0440", + "\u0431\u0435\u0440\u0438\u043d", + "\u043b\u044e\u0431\u043b\u0438\u043d\u0430", + "\u043f\u0435\u0442\u0440\u043e\u043c\u0438\u0440\u0430", + "\u0444\u0438\u043b\u0438\u043f\u0438\u043d\u0438", + "\u0445\u0438\u043d\u043a\u0430", + "\u043f\u0430\u0442\u044c\u043e", + "\u0442\u0438\u043c\u043e", + "\u043a\u0430\u0440\u0435\u043d", + "\u0444\u043b\u0430\u0432\u0438\u044f", + "\u044f\u043d\u0430\u043a\u0438", + "\u0440\u043e\u0433\u0435\u043d\u0430", + "\u043b\u0435\u0430\u043d\u0434\u044a\u0440", + "\u043d\u0430\u0441\u043a\u043e", + "\u0444\u0435\u043d\u044f", + "\u0435\u043b\u0434\u043e\u0440\u0430", + "\u0431\u043e\u0436\u0438\u0434\u0430\u0440\u0430_\u0441\u0438\u043b\u0432\u0435\u0441\u0442\u0440\u0430", + "\u0437\u0434\u0440\u0430\u0432\u0447\u043e", + "\u0430\u0433\u043d\u0435\u0448\u043a\u0430", + "\u0444\u0438\u043d\u0434\u043e", + "\u043f\u0435\u0442\u0438\u043a\u043e\u043d\u0433\u0440\u0435\u0441", + "\u043f\u0435\u043b\u0435", + "\u0430\u0441\u0442\u0440\u043e\u043c\u0435\u0440\u0438\u044f", + "\u043d\u0430\u043d\u043e", + "\u043c\u0430\u043b\u0435\u043d\u0430", + "\u0435\u043b\u0438\u0446\u0430", + "\u043a\u0430\u0442\u0430\u043b\u0438\u043d\u043a\u0430", + "\u043d\u0435\u0439\u043a\u0430", + "\u0431\u043e\u0433\u0438\u043d\u044f", + "\u0432\u0435\u0436\u0434\u0430", + "\u0435\u043c\u0430\u043d\u0443\u0438\u043b\u0430", + "\u0440\u043e\u0437\u0430", + "\u0435\u0441\u0435\u043d", + "\u044e\u043b\u0438\u044f\u043d", + "\u0441\u0442\u0435\u0444\u0430\u043d\u0438", + "\u0432\u0435\u0441\u0435\u043b\u0438\u043d\u043a\u0430", + "\u0441\u043f\u0430\u0441\u0438\u044f\u043d\u0430", + "\u0441\u0442\u0430\u0432\u0438\u0441\u0430\u0440\u0430", + "\u0431\u043e\u0433\u043e\u0441\u043b\u0430\u0432", + "\u0435\u0440\u0441\u0435\u043d", + "\u043f\u0430\u0432\u043b\u0438\u043d\u0430", + "\u043a\u0430\u0434\u0438\u0444\u0435\u0439\u043a\u0430", + "\u0440\u0435\u0432\u043a\u0430", + "\u0439\u043e\u043b\u0438\u043d\u0430", + "\u043a\u0438\u043c\u0431\u0430", + "\u0437\u0432\u0435\u0437\u0434\u0438\u043d", + "\u0445\u0440\u0438\u0441\u0442\u0430", + "\u0440\u0430\u0441\u0430\u0442\u0435", + "\u0434\u043e\u043c\u0435\u043d\u0438\u043a\u0430", + "\u043e\u043c\u0443\u0440\u0442\u0430\u0433", + "\u043c\u0430\u0440\u0438\u043e", + "\u0439\u043e\u0445\u0430\u043d\u043d\u0430", + "\u043b\u0435\u0432\u0435\u043d\u0442", + "\u043c\u0430\u0440\u0438\u043d\u0435\u043b", + "\u0430\u0432\u0435\u0440\u043d\u043e", + "\u0440\u043e\u043c\u0435\u043b\u0438\u043d\u0430", + "\u043c\u0438\u0440\u043e\u043f\u0430", + "\u0447\u0430\u0432\u0434\u0430\u0440", + "\u0434\u0435\u0441\u043b\u0430\u0432", + "\u0434\u0438\u0432\u0430\u043d(\u043d\u0430\u0434\u044f\u0434\u043e\u0434\u0438\u0430\u043d\u0438\u0434\u044f\u0434\u043e\u0438\u0432\u0430\u043d)", + "\u043f\u0435\u0440\u0447\u043e", + "\u0441\u0442\u0430\u043d\u0438\u043c\u0438\u0440\u043a\u0430", + "\u0442\u043e\u0442\u044e", + "\u0433\u0435\u043e\u0440\u0433\u0435\u043b\u0435\u043d\u0430", + "\u043d\u043e\u043d\u0430", + "\u0431\u043e\u0433\u043e\u043b\u044e\u0431", + "\u0449\u0435\u0440\u044c\u043e", + "\u0432\u0438\u043d\u0435\u0442\u0443", + "\u0430\u0432\u0440\u0430\u043c", + "\u0434\u0435\u043b\u044f", + "\u0449\u0435\u043d\u044e", + "\u0434\u0430\u0440\u0434\u0430\u043d\u0435\u043b\u0430", + "\u0434\u0435\u043d\u0438\u043c\u0438\u0440", + "\u043a\u043e\u043b\u0447\u043e", + "\u043c\u0438\u043b\u0438\u0430\u043d\u0430", + "\u043a\u0435\u0440\u0430\u043d\u043a\u0430", + "\u0443\u043b\u0438\u0430\u043d\u0430", + "\u0437\u0438\u043d\u043e\u0432\u0438", + "\u0441\u0442\u0430\u0448\u0430", + "\u0438\u043f\u043e\u043b\u0438\u0442", + "\u044a\u0433\u043b\u0435\u043d", + "\u0442\u0438\u043b\u0438\u0430\u043d\u0430", + "\u0441\u0430\u0431\u0438\u043d\u0430", + "\u0444\u0430\u0442\u0438\u043c\u0435", + "\u0445\u0440\u0438\u0441\u0438\u043c", + "\u0447\u0438\u043a\u043e", + "\u0442\u043e\u0442\u044c\u043e", + "\u0433\u0430\u043b\u0435\u043d\u0430", + "\u0444\u0430\u0431\u0438\u044f\u043d\u0430", + "\u043f\u0430\u043d\u0430\u0439", + "\u043a\u0438\u0440\u043a\u0430", + "\u0433\u0438\u043b\u0434\u0440\u043e\u0439", + "\u0430\u043b\u0434\u0438\u043d", + "\u043b\u0430\u043b\u043a\u043e", + "\u043e\u043d\u0443\u0444\u0440\u0438", + "\u0435\u043c\u0438\u043b\u0438\u044f\u043d", + "\u0436\u0430\u043d\u0438\u043d", + "\u044a\u0447\u043a\u0430", + "\u0436\u0438\u0432\u043e\u043c\u0438\u0440\u0430", + "\u043f\u0430\u0442\u0440\u0438\u043e\u0442\u043a\u0430", + "\u0438\u043c\u0438\u043b\u0438\u0430\u043d", + "\u0434\u0438\u043b\u043c\u0430\u043d\u0430", + "\u0435\u0434\u0438\u0442\u0430", + "\u0445\u0430\u0440\u0438", + "\u0446\u0432\u0435\u0442\u044f\u043d\u0430", + "\u0445\u0443\u0431\u0430\u0432\u0435\u043b\u043a\u0430", + "\u0442\u043e\u0434\u0435", + "\u0433\u0435\u0446\u043e", + "\u043a\u0438\u0442\u043e\u043c\u0438\u0440", + "\u0435\u043b\u0438", + "\u0447\u0435\u0440\u043d\u044c\u043e", + "\u0438\u0432\u0438\u043d\u043a\u0430", + "\u0440\u043e\u0431\u0435\u0440\u0442", + "\u043f\u0430\u0443\u043b\u0438\u043d", + "\u0441\u0442\u043e\u044f\u043d\u043a\u0430", + "\u0442\u043e\u043a\u0438\u043c\u0438\u0440", + "\u0431\u0440\u0438\u0433\u0438\u0442\u0430", + "\u043a\u0440\u0430\u043b\u0438\u043d\u0430", + "\u0442\u0430\u0438\u0441\u0438\u044f", + "\u0436\u0438\u0432\u0430", + "\u043f\u0430\u0432\u0435\u043b\u0438\u043d", + "\u043d\u0430\u0432\u043e\u0434\u043d\u0435\u043d\u043a\u0430", + "\u0437\u0430\u0432\u0435\u043d", + "\u0432\u0438\u0442\u0430\u043b\u0438\u0439", + "\u0438\u0433\u043b\u0438\u043a\u0430", + "\u0442\u0430\u043d\u044f", + "\u0430\u0432\u0433\u0443\u0441\u0442\u0438\u043d", + "\u0432\u0430\u043b\u0435\u0440\u0438\u044f", + "\u0432\u0438\u0434\u0435\u043b\u0438\u043d", + "\u0430\u043b\u0435\u043a\u0441\u0438\u0430", + "\u043b\u044e\u0431\u0438\u043d\u0430", + "\u0449\u0438\u0440\u044f\u043d", + "\u0433\u0435\u0440\u0433\u0438\u043d", + "\u043c\u0438\u043b\u0430", + "\u0431\u0438\u044f\u043d\u043a\u0430", + "\u043c\u0430\u0442\u0435\u0439", + "\u043c\u0430\u0442\u044c\u043e", + "\u0437\u0430\u0440\u043a\u043e", + "\u0442\u043e\u043d\u0435", + "\u043a\u0435\u0442\u0438", + "\u0446\u0430\u0440\u0435\u0432\u043d\u0430", + "\u043c\u0430\u0440\u0430_\u0430\u043d\u0442\u043e\u0430\u043d\u0435\u0442\u0430", + "\u0434\u0435\u0432\u0438", + "\u043c\u0438\u0440\u0430\u043d\u0437\u0430", + "\u0449\u0435\u0444\u0430\u043d\u0438\u044f", + "\u043a\u043e\u043b\u044e", + "\u043f\u0435\u043f\u0435\u043b\u043e\u0442\u0430", + "\u0447\u043e\u043d\u0430", + "\u0449\u0435\u0440\u043a\u043e", + "\u0445\u0438\u043d\u043e", + "\u0439\u043e\u0440\u0434\u0430\u043d\u043a\u0430", + "\u043f\u0435\u043f\u0438\u043d\u043e", + "\u043d\u0435\u0432\u0438\u043b\u0438\u044f\u043d", + "\u043d\u0435\u043b\u043a\u043e", + "\u0437\u043e\u043b\u0442\u0430\u043d", + "\u0437\u0432\u0435\u0437\u0434\u0430\u043d", + "\u0449\u0435\u0434\u0440\u0438\u043d", + "\u0440\u0430\u0434\u0430", + "\u0442\u043e\u0430\u043d\u0435\u0442\u0430", + "\u0440\u0438\u043d\u0430\u043b\u0434\u043e", + "\u044f\u043d\u0446\u0438\u0441\u043b\u0430\u0432", + "\u043b\u044f\u043d\u043a\u0430", + "\u0444\u0438\u043b\u0438\u0434\u0430\u043d", + "\u0442\u0435\u0430", + "\u0442\u0435\u043e\u0434\u043e\u0441\u0442\u0438\u043d", + "\u0438\u043b\u0438\u0430\u043d\u043d\u0430", + "\u0433\u0435\u0440\u0434\u0430\u043d\u0430", + "\u044f\u0447\u043e", + "\u0440\u043e\u0441\u0435\u043d\u043a\u0430", + "\u0441\u0438\u0434\u043e\u0440", + "\u0430\u0441\u0435\u043b\u0438\u043d\u0430", + "\u0441\u0430\u043b\u0438\u043d\u0430", + "\u043a\u043d\u0443\u0442", + "\u0430\u0432\u043a\u0441\u0435\u043d\u0442\u0438\u0439", + "\u044f\u043d\u0438\u0441\u043b\u0430\u0432", + "\u044a\u0440\u0443\u0438\u043d", + "\u0438\u0440\u0438\u043d\u0435\u0439", + "\u043f\u0430\u043a\u043e", + "\u043f\u0435\u0440\u0441\u0438\u044f\u043d", + "\u043c\u0430\u0440\u0438\u0439\u043a\u0430", + "\u0435\u043d\u0434\u043e", + "\u0440\u043e\u0441\u043a\u0430", + "\u0449\u0435\u0440\u0438\u0430\u043d\u0430", + "\u0430\u0434\u0440\u0430", + "\u0440\u043e\u0434\u0430\u043d", + "\u0445\u0430\u0440\u0438\u0437\u0430\u043d", + "\u0431\u043e\u0434\u0443\u0440\u043a\u0430", + "\u0440\u0430\u0434\u043e\u0441\u0442\u043a\u0430", + "\u0432\u043b\u0430\u0434\u043b\u0435\u043d\u0430", + "\u0441\u043b\u0430\u0432", + "\u0435\u0432\u0441\u0442\u0430\u0442\u0438", + "\u0440\u0438\u044f", + "\u0431\u0438\u043d\u044c\u043e", + "\u0430\u043a\u0430\u0448\u0438\u044f", + "\u0441\u0432\u0435\u0442\u043e\u0441\u043b\u0430\u0432", + "\u0431\u043b\u0430\u0433\u043e\u0441\u0432\u0435\u0442\u0430", + "\u0434\u0435\u043d\u0438\u043a\u0430", + "\u043d\u0435\u0434\u0435\u043b\u044f\u043d\u0430", + "\u0434\u0443\u0448\u043a\u0430", + "\u0433\u0435\u0440\u043e", + "\u0432\u0430\u0440\u0442\u0430", + "\u043f\u0430\u0432\u043b\u0438\u043a", + "\u043d\u0430\u0439\u043e", + "\u0433\u0435\u0440\u0433\u0430", + "\u043a\u043e\u0439\u0447\u043e", + "\u0441\u0430\u0440\u0430\u044f", + "\u0448\u0435\u043d\u0430", + "\u0435\u043c\u0430\u043d\u043e\u0438\u043b", + "\u0433\u0435\u043d\u0438\u0441\u043b\u0430\u0432", + "\u043d\u0435\u0432\u0435\u043d\u043a\u043e", + "\u0438\u043b\u043a\u0430", + "\u0431\u0435\u0440\u0438\u043c\u0438\u0440", + "\u0439\u043e\u0430\u043d_\u0438\u0432\u043e", + "\u0446\u043e\u043b\u0430", + "\u0449\u0435\u043a\u0438", + "\u0431\u043b\u0430\u0433\u043e", + "\u0449\u0435\u0440\u044e", + "\u0434\u0436\u0430\u043d\u0435\u0440", + "\u0434\u043e\u0447\u0430", + "\u0444\u043b\u043e\u0440\u0438", + "\u0441\u0438\u043b\u0430\u0433\u0438", + "\u043d\u0435\u043b\u043b\u0430", + "\u043b\u0430\u043d\u0441\u0435\u043b\u043e\u0442", + "\u0445\u0438\u0442\u043a\u043e", + "\u0441\u043b\u0430\u0432\u0435", + "\u0432\u0438\u0448\u043d\u044e", + "\u043f\u0430\u0442\u0440\u0438\u043a", + "\u0444\u0438\u0440\u0447\u043e", + "\u043d\u0435\u0432\u044f\u043d", + "\u0445\u0435\u0440\u0430\u043a\u043b\u0438\u0442", + "\u0430\u043d\u0434\u0440\u0438\u0430\u043d\u0430", + "\u0437\u0430\u043c\u0444\u0438\u0440", + "\u0445\u0435\u043d\u0440\u0438\u0435\u0442\u0430", + "\u0432\u0430\u043d\u0433\u0435\u043b\u0438\u044f", + "\u043e\u043c\u0430\u043d\u0430", + "\u0448\u0435\u0445\u0435\u0440\u0435\u0437\u0430\u0434\u0430", + "\u0432\u044a\u043b\u044c\u043e", + "\u0433\u0435\u0447\u043e", + "\u0433\u0440\u0430\u0444\u0438\u0446\u0430", + "\u043d\u0435\u043d\u0441\u0438\u0441\u043b\u0430\u0432", + "\u0435\u0440\u0433\u0430\u043d\u0430", + "\u043f\u0430\u043b\u043c\u0438", + "\u043c\u0430\u0440\u043a", + "\u0435\u043b\u0444\u0438\u0434\u0430", + "\u0432\u0435\u0440\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043b\u0438\u0431\u0435\u0440\u0442\u0430", + "\u044e\u0440\u0438\u0439", + "\u0434\u0438\u0435\u0433\u043e", + "\u0438\u043b\u0447\u043e", + "\u043f\u0430\u0440\u0430\u0448\u043a\u0435\u0432\u0430\u043d", + "\u0447\u0430\u0443\u0448", + "\u043f\u0430\u0440\u0430\u0441\u043a\u0435\u0432", + "\u0436\u0438\u0447\u043a\u0430", + "\u0442\u0438\u043d\u0447\u043e", + "\u043e\u0440\u0444\u0435\u0439", + "\u043d\u0430\u0447\u043e", + "\u0440\u0430\u043d\u0433\u0435\u043b", + "\u0430\u043c\u0431\u044a\u0440", + "\u0433\u0432\u0430\u0440\u0434\u0438\u0430\u043d\u0430", + "\u043a\u0440\u0438\u0441\u0438", + "\u0431\u0435\u0440\u043e\u0441\u043b\u0430\u0432", + "\u0430\u0439\u0434\u0435\u043c\u0438\u0440", + "\u0432\u0438\u043b\u0438\u044f", + "\u043a\u0443\u043d\u043a\u0430", + "\u0447\u0435\u043d\u043a\u043e", + "\u043c\u0438\u0442\u043e\u0448\u043a\u0430", + "\u0438\u0440\u0438\u043d\u0435\u0443\u0441", + "\u043f\u043e\u043b\u0438\u043d", + "\u0444\u0443\u043a\u043e", + "\u0435\u043c\u0438\u043b\u0438\u0430\u043d", + "\u043a\u043e\u043b\u0435", + "\u043d\u043e\u0440\u043a\u0430", + "\u0435\u0440\u043e\u043b", + "\u043a\u0438\u043c\u043e\u043d", + "\u0449\u0435\u0440\u0438\u044f\u043d", + "\u044f\u043d\u0438", + "\u044f\u0440\u0446\u0435", + "\u0442\u043e\u0434\u043e\u0440\u0430\u043a\u0438", + "\u0430\u0432\u0433\u0443\u0441\u0442", + "\u0444\u0440\u0430\u043d\u0446", + "\u0432\u0435\u043d\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0444\u0438\u0440\u043e", + "\u043c\u0430\u043d\u043e\u0435\u043b", + "\u043a\u0438\u043d", + "\u043a\u0438\u0442", + "\u0435\u0444\u0438\u043c\u0435\u043d\u0430", + "\u043a\u043e\u0437\u043c\u0430", + "\u043b\u0443\u043a\u0430\u043d", + "\u0449\u0442\u0438\u043b\u043a\u0430", + "\u0435\u043a\u0438\u043c", + "\u0440\u0430\u0434\u043e\u0441\u0432\u0435\u0442\u0430", + "\u043d\u0430\u043a\u0435", + "\u044f\u043d\u043e\u043c\u0438\u043b", + "\u0434\u0430\u0440\u0438\u044f", + "\u0433\u0443\u043d\u0430", + "\u0430\u0431\u043b\u0435\u043d", + "\u0440\u043e\u0441\u0438\u043c\u0438\u0440", + "\u0431\u043b\u0430\u0433\u043e\u0434\u0430\u0442\u043a\u0430", + "\u0432\u043e\u0439\u043d\u043a\u0430", + "\u0447\u0432\u043e\u0440", + "\u0449\u0435\u0434\u044e", + "\u043b\u0443\u043a\u043e", + "\u043d\u0435\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0441\u043b\u0430\u0432\u0435\u044f", + "\u0441\u0432\u0435\u0442\u043b\u043e\u043c\u0438\u0440", + "\u0432\u0435\u0446\u0430", + "\u043a\u0438\u043c\u0447\u043e", + "\u0433\u0430\u0440\u043e", + "\u0442\u043e\u043d\u0438\u043c\u0438\u0440", + "\u0445\u043e\u043b\u0438", + "\u0435\u043b\u0438\u0437", + "\u0431\u044a\u0440\u0437\u0430\u043d\u0430", + "\u043f\u0430\u0446\u0430", + "\u0449\u0438\u043b\u044f\u043d\u043a\u0430", + "\u0431\u043e\u0439\u0447\u043e", + "\u0433\u0430\u043b\u0438\u043c\u0438\u0440", + "\u0438\u043d\u0433\u0435\u043c\u0443\u043d\u0434", + "\u0448\u0430\u0440\u043e", + "\u043f\u0430\u0441\u043a\u043e", + "\u0433\u043e\u0446\u0430", + "\u0434\u0435\u0441\u0438\u043b\u0438\u0430\u043d", + "\u043a\u044c\u043d\u0438\u043d\u0430", + "\u043b\u0435\u043a\u043e", + "\u0434\u0435\u044f", + "\u043f\u0435\u043d\u043a\u043e", + "\u0434\u0435\u043b\u044f\u043d", + "\u0432\u0438\u0442\u043e\u043c\u0438\u0440", + "\u0430\u043b\u0442\u0430\u044f", + "\u0441\u0435\u0432\u0434\u0430\u043d", + "\u043b\u0443\u0441\u0438\u044f", + "\u043f\u0430\u043d\u043e", + "\u043d\u0430\u0447\u0438\u044f\u043d", + "\u0447\u0443\u0434\u0435", + "\u043f\u0435\u0439\u0447\u0438\u043d", + "\u0441\u0435\u0432\u0430\u0440", + "\u0439\u043e\u0432\u0440\u043e", + "\u0441\u0432\u0435\u0442\u043e\u0437\u0430\u0440", + "\u0441\u043f\u0438\u0440\u0435\u043b\u0430", + "\u0431\u043b\u0430\u0433\u043e\u0439", + "\u0435\u043b\u0438\u0437\u0430\u0431\u0435\u0442", + "\u0434\u0438\u043c\u0438\u0442\u0440\u0430", + "\u0435\u0434\u0432\u0438\u043d", + "\u0433\u0430\u043d\u0438", + "\u044e\u043b\u0438\u0435\u043d\u0430", + "\u0445\u0440\u0430\u043d\u0438\u043c\u0438\u0440", + "\u0434\u0438\u043d\u043d\u0430", + "\u043b\u0438\u043b\u044f\u043d", + "\u043c\u0430\u043b\u0442\u0438\u043d\u0430", + "\u0431\u0443\u0447\u0430", + "\u0440\u043e\u043c\u0435\u043b", + "\u044f\u043d\u0442\u0430\u0440", + "\u0433\u0435\u043d\u0430\u0434\u0438\u0432\u0430\u043b\u0435\u0440\u0438\u0435\u0432", + "\u0440\u0430\u043d\u0434\u044e", + "\u044f\u0433\u043e\u0434\u0430", + "\u044f\u043d\u0430\u0434\u0438\u043d", + "\u043d\u0435\u0433\u0440\u0438\u0442\u0430", + "\u044f\u0442\u0430\u043d", + "\u0433\u0430\u0442\u044c\u043e", + "\u043f\u0435\u0442\u0440\u0430\u043d\u0430", + "\u0434\u0438\u043a\u043e", + "\u043b\u0430\u043c\u0431\u044e", + "\u044f\u0448\u0430\u0440", + "\u0440\u0435\u043c", + "\u0431\u043b\u0430\u0433\u043e\u043c\u0438\u0440", + "\u0430\u0432\u0440\u0435\u043b\u0438", + "\u0432\u0438\u0447\u043e", + "\u0441\u0438\u043b\u0432\u0438\u043e", + "\u043a\u043e\u043b\u044c\u043e", + "\u043c\u0430\u043d\u044e", + "\u0441\u0438\u043c\u0435\u043e\u043d", + "\u0433\u0432\u043e\u0437\u0434\u0435\u0439\u043a\u0430", + "\u0432\u0430\u0441\u0438\u043b\u0438\u043d\u0430", + "\u043a\u0430\u043b\u0438\u043d\u0430", + "\u043a\u043e\u043c\u043d\u0438\u043d", + "\u0435\u043b\u044c\u043e", + "\u043b\u0430\u0442\u043a\u043e", + "\u0435\u043b\u0435\u043a\u0442\u0440\u043e\u043d", + "\u0440\u0443\u0441\u043a\u0430", + "\u0445\u0430\u0440\u0431\u0438\u043d\u0433\u044a\u0440", + "\u0449\u0435\u0440\u0438\u043e\u043d", + "\u0442\u0435\u043e\u0434\u043e\u0441\u0438", + "\u0437\u043b\u0430\u0442\u043a\u0430", + "\u043c\u0438\u043b\u0434\u0438\u044f", + "\u043d\u0430\u0441\u0442\u0438\u043c\u0438\u0440", + "\u0444\u043b\u043e\u0440\u0438\u043a\u0430", + "\u043c\u0430\u0433\u0434\u0430\u043b\u0435\u043d\u0430", + "\u0434\u0435\u043d\u0438\u0441\u043b\u0430\u0432", + "\u043d\u0430\u0443\u043c", + "\u0442\u0438\u043c\u0447\u043e", + "\u043a\u0438\u0440\u0438\u0435\u043d", + "\u043c\u0430\u0448\u043e", + "\u044f\u043a\u043e\u0441\u043b\u0430\u0432", + "\u0432\u0438\u043d\u0447\u0435\u043d\u0446\u043e", + "\u0435\u0433\u043e\u0440", + "\u0437\u0432\u0435\u0437\u0434\u0438\u044f\u043d", + "\u0435\u043c\u0438\u043b", + "\u0432\u0438\u043e\u043b\u0435\u0442", + "\u0441\u043a\u0430\u043a\u0430\u043b\u043a\u0430", + "\u0432\u0438\u0440\u0436\u0438\u043d\u0438\u044f", + "\u0430\u0433\u044a\u0446\u0438", + "\u0441\u044a\u0440\u043c\u0435\u043d\u043a\u0430", + "\u0430\u0432\u0442\u043e\u0440\u043a\u0430", + "\u043b\u0438\u043b\u0438\u044f", + "\u043b\u044a\u0447\u0435\u0437\u0430\u0440\u043a\u0430", + "\u0431\u043e\u0433\u043e\u0440\u043e\u0434\u043a\u0430", + "\u0441\u0435\u043d\u043a\u043e", + "\u043d\u0435\u0439\u0447\u043e", + "\u0433\u0435\u0442\u043e", + "\u0432\u0438\u0434\u0435\u043d", + "\u044f\u043d\u0447\u0435", + "\u0437\u0430\u0432\u0430\u0440\u0438\u043d", + "\u043d\u0430\u0442\u0430\u0448\u0430", + "\u0437\u0430\u0445\u043e", + "\u0438\u0447\u043e", + "\u0441\u043b\u0430\u0432\u0435\u043d", + "\u043a\u043e\u043a\u0438\u043c\u0438\u0440\u0430", + "\u0444\u043e\u0441\u0438\u043b", + "\u043d\u0430\u0442\u043a\u043e", + "\u0431\u0430\u043b\u0438\u043d\u0430", + "\u0444\u0438\u043b\u044c\u043e", + "\u0433\u0435\u0448\u043e", + "\u043a\u043b\u0438\u043c", + "\u043d\u0430\u043d\u043a\u043e", + "\u0434\u043e\u0431\u0440\u0438\u043d\u0430", + "\u043b\u0430\u043c\u0431\u043e", + "\u0435\u0434\u0443\u0430\u0440\u0434", + "\u0439\u043e\u0432\u0446\u043e", + "\u0432\u0438\u0448\u0430", + "\u0435\u0441\u0442\u0435\u043b\u0430", + "\u0430\u043b\u0435\u043a\u0437\u0430\u043d\u0434\u0440\u0438\u044f\u043d", + "\u043a\u0430\u0442\u0430\u0441\u0442\u0440\u043e\u0444\u0430", + "\u0440\u043e\u0441\u0442\u0438\u0430\u043d\u0430", + "\u0447\u0435\u043f\u043e", + "\u0449\u0442\u044a\u0440\u0431\u0430\u043d", + "\u0433\u0435\u043d\u0430\u0434\u0438", + "\u0432\u0430\u043d\u0443\u0445\u0438", + "\u043b\u044e\u043b\u044f\u043d\u0430", + "\u0440\u043e\u043a\u0441\u0430\u043d", + "\u043b\u0438\u043b\u044f\u043d\u043a\u0430", + "\u043f\u0430\u043b\u043c\u0438\u0440\u043e", + "\u043e\u0440\u0446\u0435", + "\u0440\u043e\u0437\u0435\u0442\u0430", + "\u0434\u0435\u043b\u0438\u0430\u043d\u0430", + "\u0442\u043e\u043d\u043a\u043e", + "\u0440\u043e\u0431\u0435\u0440\u0442\u043e", + "\u0438\u0432\u0430\u043d\u0438\u0447\u043a\u0430", + "\u0444\u043b\u043e\u0440\u043e", + "\u0431\u043e\u0440\u044f\u043d\u043a\u0430", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d\u0438\u044f", + "\u0444\u0438\u043b\u043e\u043c\u0438\u0440", + "\u043c\u0430\u0440\u0435\u043a", + "\u0438\u0441\u043f\u0435\u0440\u0438\u0445", + "\u0430\u043d\u0435\u043b\u0438\u043d\u0430", + "\u0432\u0438\u043a\u0435\u043d\u0442\u0438", + "\u044f\u0448\u043e\u043d", + "\u0437\u043b\u0430\u0442\u043e\u0446\u0432\u0435\u0442", + "\u0440\u043e\u0431\u044a\u0440\u0442", + "\u0445\u0438\u043d\u043a\u043e", + "\u043c\u0430\u0440\u043b\u0435\u043d\u0430", + "\u0430\u0432\u0435\u043b", + "\u043c\u043e\u043c\u0435\u0440\u0430", + "\u0445\u0430\u0440\u0430\u043b\u0430\u043c\u0431\u0438", + "\u0442\u043e\u0442\u043a\u043e", + "\u043b\u0430\u043b\u044c\u043e", + "\u044f\u0431\u043b\u0435\u043d\u043a\u0430", + "\u043a\u0435\u0432\u0438\u043d", + "\u0447\u0438\u043b\u043e", + "\u0438\u0440\u043a\u043e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u043c\u0438\u0440", + "\u043a\u0430\u0440\u0447\u043e", + "\u043b\u0438\u0445\u0438\u044f", + "\u0442\u043e\u0434\u043e\u0440\u0438\u043d\u0430", + "\u043a\u0430\u0440\u043b\u043e", + "\u0433\u0435\u043e\u043c\u0438\u043b", + "\u043c\u0430\u0440\u0438\u043d\u0447\u043e", + "\u0433\u0440\u0435\u0442\u0430", + "\u0437\u0430\u043f\u0440\u044f\u043d", + "\u0435\u0432\u0442\u0438\u043c", + "\u0449\u0435\u0434\u0440\u0430", + "\u043a\u0430\u0440\u043c\u0435\u043d", + "\u0448\u0430\u043d\u0430", + "\u0445\u0440\u0438\u0441\u0438\u043c\u0438\u0440", + "\u0431\u0440\u043e\u043d\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043e\u043a\u0435\u0430\u043d", + "\u0440\u043e\u0437\u043e\u0446\u0432\u0435\u0442", + "\u044f\u043b\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0432\u044a\u0437\u043a\u0440\u0435\u0441\u0435\u043d\u0438\u044f", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u0438\u043d\u0430", + "\u0444\u0438\u0447\u043e", + "\u0441\u0442\u0435\u044f\u043d\u0430", + "\u0431\u0438\u0441\u0435\u043d\u0442\u0438", + "\u043c\u0430\u0440\u0438\u044f\u043d", + "\u0449\u044a\u0440\u0431\u0430\u043d", + "\u0444\u043e\u0442\u0438\u043d\u043a\u0430", + "\u0430\u0434\u0430\u043c\u0438\u043d\u0430", + "\u0448\u0438\u043d\u043a\u043e", + "\u0432\u0430\u043b\u044f", + "\u0430\u043b\u0431\u0435\u0440\u0442", + "\u0435\u0440\u0438\u043d\u0430", + "\u043f\u0430\u0438\u0441\u0438\u0439", + "\u0440\u043e\u0437\u0430\u043b\u0438\u043d", + "\u0439\u043e\u0432\u0430\u043d\u043a\u0430", + "\u0430\u0440\u0441\u0435\u043d\u0430", + "\u0442\u0440\u0443\u0444\u0430\u043d\u0430", + "\u0441\u0438\u0435\u043d", + "\u0444\u044c\u043e\u0434\u043e\u0440", + "\u0447\u0435\u0440\u0435\u0448\u0430", + "\u0434\u0436\u0430\u043d\u043a\u043e", + "\u0440\u0430\u0448\u043a\u043e", + "\u043c\u0435\u0442\u0430\u043a\u0441\u0430", + "\u0431\u043e\u0436\u0438\u043d", + "\u0430\u043d\u0443\u0448\u0430", + "\u0441\u043f\u0430\u0441\u0435\u043d\u0430", + "\u043a\u0430\u0442\u0435\u0440\u0438\u043d", + "\u0433\u044e\u0440\u0433\u044f", + "\u044f\u043d\u0447\u043e", + "\u0434\u0430\u043d\u043a\u0430", + "\u0434\u0438\u043c\u043a\u0430", + "\u0437\u0435\u043d\u0433\u0438\u043d", + "\u0445\u0443\u0431\u0430\u0432\u0435\u043d", + "\u044f\u043a\u043e\u0432", + "\u0438\u0440\u043b\u0430", + "\u0440\u043e\u0433\u0435\u043b\u0438\u043d\u0430", + "\u043b\u0430\u0434\u0430", + "\u043c\u0430\u0440\u0438\u044f", + "\u043a\u0440\u0438\u0441\u0442\u0438\u0430\u043d\u0430", + "\u0442\u043e\u043c\u0435\u043d", + "\u043c\u0438\u0441\u043b\u0430", + "\u044c\u043e\u0431\u0438\u0440\u0434\u0430\u0440", + "\u0437\u043b\u0430\u0442\u0435\u044f", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d\u0430", + "\u0448\u0435\u043d\u043a\u043e", + "\u0444\u044a\u0441\u0442\u044a\u043a", + "\u0442\u043e\u0446\u043e", + "\u043e\u0433\u043d\u0435\u043d", + "\u0430\u0433\u043d\u0435\u0448", + "\u043b\u0430\u0442\u0438\u043d", + "\u0438\u0441\u043a\u044a\u0440", + "\u044f\u043d\u0430\u043a\u0438\u043d", + "\u0430\u0443\u0440\u043e\u0440\u0430", + "\u0445\u0440\u043e\u043d\u0434\u0435\u043b", + "\u043c\u0430\u0440\u0438\u043d", + "\u0441\u0438\u0431\u0438\u043b\u0430", + "\u0433\u0438\u0437\u0434\u0430\u043b\u0435\u043d", + "\u0438\u043d\u043a\u043e", + "\u043c\u0435\u0441\u0430\u043a", + "\u0441\u0432\u0435\u0442\u043b\u0430", + "\u0434\u0435\u043d\u0438\u0430\u043d\u0434\u0440\u0430", + "\u0436\u0443\u043b\u0438\u0430\u043d\u0430", + "\u043f\u0435\u0448\u043a\u0430", + "\u0434\u0438\u0434\u0430", + "\u0434\u0435\u0447\u043e", + "\u0442\u0435\u043e\u0444\u0430\u043d", + "\u044f\u043d\u0438\u0447\u043a\u043e", + "\u0432\u0438\u0445\u0440\u043e\u043d\u0438", + "\u043b\u0435\u043e\u043d\u0438\u0434", + "\u0433\u0435\u043b\u0435\u043c\u0438\u0440", + "\u0438\u0441\u0430\u043a", + "\u0437\u0430\u0445\u0430\u0440\u0438", + "\u043c\u0430\u0440\u0433\u0438\u0442", + "\u0435\u0434\u0438\u0442", + "\u0431\u043e\u0438\u043b\u0430", + "\u0432\u0438\u0433\u0430\u043b\u043e\u0442", + "\u0446\u043e\u043d\u044e", + "\u0440\u043e\u0434\u0438\u043e\u043d", + "\u0441\u0442\u043e\u043b\u0435\u0442\u043a\u0430", + "\u043f\u0430\u043d\u0430\u0439\u043e\u0442", + "\u0430\u0437\u0430\u043b\u0438\u044f", + "\u0440\u0430\u044f\u043d", + "\u0431\u043b\u0430\u0433\u043e\u0441\u0432\u0435\u0442", + "\u0445\u0440\u0438\u0441\u0442\u0438\u0432\u0438\u043b\u0438\u043d", + "\u0433\u044a\u043b\u044a\u0431\u0438\u0446\u0430", + "\u0449\u0443\u0440\u043a", + "\u0447\u0443\u0431\u0440\u0438\u043a", + "\u0432\u0438\u0434\u044e", + "\u0435\u0440\u0435\u043c\u0438\u044f", + "\u0430\u043a\u0441\u0438\u043d\u0442\u0438\u044f", + "\u0435\u043b\u0438\u043d", + "\u043b\u043e\u0437\u0430\u043d\u0430", + "\u0432\u0438\u043b\u0438\u0437\u0430\u0440\u0430", + "\u0441\u0435\u043b\u0435\u043d\u0430", + "\u0448\u0435\u043d\u043e\u043b", + "\u043b\u044e\u0441\u0438\u043b\u0430", + "\u0442\u0435\u043b\u0435\u0444\u043e\u043d\u043a\u0430", + "\u043e\u0440\u0445\u0438\u0434\u0435\u044f", + "\u043b\u0435\u043d\u0438\u043d", + "\u0441\u043b\u0430\u0432\u043a\u0430", + "\u0431\u0430\u0446\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0435\u0440\u043c\u0438\u043b\u044f", + "\u043e\u0440\u043b\u0435\u0430\u043d\u0430", + "\u0432\u044a\u0440\u0431\u0443\u043d\u043a\u0430", + "\u0433\u0435\u0440\u043c\u0430\u043d", + "\u0430\u0434\u0430\u043b\u0431\u0435\u0440\u0442", + "\u043c\u0430\u0440\u0438\u044f_\u0435\u043b\u0435\u043d\u0430", + "\u0447\u043e\u043d\u043e", + "\u0445\u0443\u0431\u0430\u0432", + "\u043c\u0430\u0440\u0438\u043e\u0442\u043a\u0430", + "\u0434\u0435\u043b\u044f\u043d\u0430", + "\u043e\u043b\u0438\u0432\u0435\u0440\u0430", + "\u0448\u0430\u0431\u0430\u043d", + "\u0445\u043e\u0440\u043e\u0437", + "\u043f\u0430\u0432\u0438\u043b\u0438\u044f", + "\u043f\u0435\u043a\u043e", + "\u0433\u0435\u0440\u043e\u0439", + "\u0442\u0438\u043d\u043e", + "\u043c\u0430\u043d\u0443\u0448", + "\u043a\u0440\u0430\u0441\u0438\u044f\u043d\u0430", + "\u0447\u0430\u043d\u043a\u043e", + "\u0430\u0432\u0440\u043e\u0440", + "\u0430\u0433\u043b\u043e\u0438\u0434\u0430", + "\u0431\u043e\u0433\u043e\u043c\u0438\u043b", + "\u043f\u0430\u043d\u043a\u0440\u0442\u0438\u0439\u044f\u043d", + "\u044a\u0440\u043d\u0435\u0441\u0442", + "\u0431\u043e\u0433\u0434\u0430\u043b\u0438\u043d\u0430", + "\u043a\u0430\u043b\u0443\u0434\u0430", + "\u0441\u0435\u043c\u0435\u043d\u0430\u0440\u043a\u0430", + "\u0448\u0435\u043a\u0438", + "\u0439\u043e\u0430\u043d\u043d\u0430", + "\u044f\u043d\u043a\u043e", + "\u0430\u043a\u0441\u0435\u043d\u0442\u0438\u044f", + "\u043c\u043e\u043d\u0438\u043a\u0430", + "\u0435\u043b\u0435\u0430\u043d", + "\u043d\u0430\u043a\u043e", + "\u0431\u043e\u0436\u043a\u043e", + "\u0434\u0438\u0430\u043d\u0430_\u043c\u0430\u0440\u0438\u044f", + "\u0445\u0432\u043e\u0439\u043d\u0435", + "\u043a\u0438\u0442\u043e\u0434\u0430\u0440", + "\u043b\u0438\u0447\u043e", + "\u0447\u0443\u0431\u0440\u0438\u043d\u0430", + "\u0445\u0430\u043d\u0430", + "\u0442\u0438\u0433\u0440\u043e\u043d\u0438", + "\u0431\u043e\u0436\u0443\u0440", + "\u0432\u0438\u043d\u0441\u044a\u043d\u0442", + "\u0430\u043d\u0442\u043e\u043d\u0435\u043b\u0430", + "\u0444\u0438\u043b\u0438\u043f\u043e\u043f\u043e\u043b", + "\u0442\u043e\u043b\u044e", + "\u043c\u0430\u0448\u0430", + "\u043b\u0443\u043a\u0430", + "\u0432\u0430\u0441\u043a\u0430", + "\u043d\u0435\u0434\u044f\u043b\u043a\u043e", + "\u043f\u0435\u043b\u0438\u043d\u0430", + "\u043f\u0435\u043d\u044c\u043e", + "\u0441\u0435\u0441\u043b\u0430\u0432", + "\u043d\u0435\u043b\u0447\u043e", + "\u0445\u0440\u0435\u043b\u044c\u043e", + "\u0439\u0435\u0440\u0435\u043c\u0438\u044f", + "\u043b\u0430\u0440\u0438\u0441\u0430", + "\u0447\u0430\u043d\u044c\u043e", + "\u0438\u0440\u0430", + "\u0449\u0438\u043b\u044f\u043d", + "\u043d\u0430\u0441\u0442\u0440\u0430\u0434\u0438\u043d", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u0441\u0438\u0435\u043d\u0430", + "\u043c\u0430\u0440\u0438\u0430\u043d", + "\u0431\u043b\u0430\u0436\u0435", + "\u044a\u043b\u0435\u043d", + "\u0434\u0435\u043d\u0438\u0441\u043b\u0430\u0432\u0435\u043d\u0430", + "\u0431\u043e\u0446\u0430", + "\u0436\u0430\u0440\u0430", + "\u0433\u0438\u0447\u043a\u0430", + "\u043e\u043d\u0438\u043a", + "\u0439\u043e\u0430\u043d_\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u044a\u0440", + "\u0440\u0438\u0430\u043d\u0430", + "\u043f\u0435\u043d\u044e", + "\u0442\u043e\u043d\u0430", + "\u0431\u043e\u0439\u043a\u043e", + "\u0442\u0443\u0444\u043a\u0430", + "\u0434\u0435\u0441\u0438\u043c\u0438\u0440", + "\u043f\u0440\u0435\u0441\u0430", + "\u0442\u043e\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0441\u0435\u0432\u0430\u043d", + "\u0443\u0440\u0438\u043c\u0430", + "\u0435\u043b", + "\u0440\u043e\u0441\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043f\u0430\u043d\u0434\u0435\u043b\u0438\u0441", + "\u0432\u0438\u043b\u0445\u0435\u043c\u0430", + "\u0437\u0430\u0444\u0430", + "\u0441\u043b\u0430\u0434\u043e\u043b\u0435\u0434\u043a\u0430", + "\u0441\u043b\u0430\u0432\u0435\u0439\u043a\u043e", + "\u0444\u0438\u043c\u043a\u0430", + "\u0433\u0435\u0440\u0433\u0435\u043b\u044e\u0431", + "\u043c\u0430\u0440\u043a_\u0430\u043d\u0442\u043e\u043d\u0438\u0439", + "\u043b\u0430\u0441\u0442\u044a\u0440", + "\u0445\u0430\u0432\u0442\u0435\u043b\u0438\u043d", + "\u043c\u0443\u0448\u0430\u043d\u0430", + "\u043f\u0430\u043b\u0432\u0438\u0440\u0430", + "\u0435\u0440\u0438\u043a", + "\u043c\u0438\u0445\u0430\u0439\u043b\u0435\u043d\u0430", + "\u043c\u0435\u043d\u043e", + "\u043c\u0430\u043d\u0447\u0435\u0441\u0442\u044a\u0440\u044e\u043d\u0430\u0439\u0442\u0435\u0434", + "\u0441\u0442\u043e\u0438\u043c\u0435\u043d\u0430", + "\u0430\u0440\u0430\u043b\u0438\u044f", + "\u0430\u0433\u0430\u0442\u043e\u043f\u043e\u0434", + "\u0440\u0438\u0441\u0442\u044f", + "\u043a\u0438\u0440\u0447\u043e", + "\u0431\u043e\u043d\u043e", + "\u0440\u0430\u043c\u0438\u043d\u0430", + "\u043d\u0435\u043e\u043b\u0438\u043d\u0430", + "\u043a\u043b\u0438\u043c\u0435\u043d\u0442", + "\u043c\u0435\u043b\u044a\u0434\u0438", + "\u043c\u0438\u043d\u043a\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0430\u043b\u0438\u043d", + "\u043c\u0430\u0434\u043b\u0435\u043d", + "\u0441\u0442\u0430\u043c\u0430\u0442\u043a\u0430", + "\u0433\u0430\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0432\u0435\u0447\u043a\u043e", + "\u0442\u0430\u0448\u0438\u043c\u0438\u0440\u0430", + "\u0437\u0430\u0445\u0430\u0440\u0438\u043d\u043a\u0430", + "\u0432\u0435\u043d\u0435\u0446\u0438\u044f", + "\u043c\u043b\u0430\u0434\u043b\u0435\u043d\u0430", + "\u043a\u0430\u043c\u0435\u044f", + "\u043c\u0430\u0439\u044f", + "\u0447\u043e\u0447\u043e\u043c\u0438\u0440", + "\u043c\u0435\u0434\u0438\u0430\u043d", + "\u0439\u0435\u043d\u043e", + "\u0439\u043e\u0430\u043d\u0430", + "\u043f\u0435\u0442\u0438\u043d\u043a\u0430", + "\u0430\u0433\u043b\u0430\u0439", + "\u0430\u043d\u0433\u0435\u043b\u043a\u0430", + "\u0441\u0435\u043b\u0435\u043d", + "\u0433\u0440\u0438\u043c\u044f\u043d\u0430", + "\u0437\u043b\u0430\u0442\u043a\u043e", + "\u0432\u043b\u0430\u0434\u0438\u043b\u0435\u043d", + "\u0437\u0430\u0444\u0438\u0440", + "\u0431\u043e\u0436\u0443\u0440\u043a\u0430", + "\u0444\u043b\u043e\u0440\u0438\u043d", + "\u0430\u0441\u0438\u0444\u0430", + "\u0438\u043b\u043a\u043e", + "\u0434\u0435\u0441\u043f\u043e\u0442", + "\u0432\u0435\u0440\u0435\u043d\u0430", + "\u0438\u0440\u043c\u0430", + "\u0433\u0435\u043e\u0440\u0433\u0438", + "\u043a\u0438\u043d\u0442\u0430", + "\u043f\u0435\u0440\u0441\u0438\u0430\u043d\u0430", + "\u043f\u0430\u0447\u043e", + "\u0445\u0440\u0430\u0431\u044a\u0440", + "\u0434\u0435\u0441\u0438\u044f\u043d\u0430", + "\u0448\u0438\u0440\u043a\u043e", + "\u0438\u0432\u0435\u043b\u0438\u0430\u043d\u0430", + "\u0447\u043e\u043d\u044e", + "\u0432\u0435\u043d\u0447\u0438\u0441\u043b\u0430\u0432\u0430", + "\u0445\u0443\u0431\u0435\u043d", + "\u043a\u0438\u0440\u044f\u043a\u043e", + "\u0440\u043e\u0441\u0435\u043d", + "\u044f\u043d\u0438\u0435\u043b", + "\u0432\u0438\u043b\u0438\u0437\u0430\u0440", + "\u043c\u0438\u0433\u043b\u0435\u043d\u0430", + "\u0440\u0430\u043d\u0433\u0435\u043b_\u043b\u044e\u0431\u0438\u043c\u0438", + "\u0432\u0438\u0445\u044a\u0440", + "\u0432\u0438\u0448\u0435\u0442\u0438\u043d", + "\u043a\u0438\u043f\u0440\u0438\u0441\u043b\u0430\u0432", + "\u0430\u0434\u0440\u0438\u044f\u043d", + "\u043b\u043e\u0437\u0430\u043d", + "\u0445\u0440\u0438\u0441\u0442\u043e\u043c\u0438\u043b", + "\u0432\u0435\u0441\u0438\u0441\u043b\u0430\u0432", + "\u0442\u043e\u0434\u043e\u043c\u0438\u0440\u043a\u0430", + "\u043b\u0430\u043b\u043a\u0430", + "\u0438\u043b\u0438\u044f\u043d", + "\u0431\u043b\u0430\u0433\u043e\u0432\u0435\u0441\u0442", + "\u0433\u0435\u0442\u043a\u043e", + "\u043d\u0435\u0448\u043a\u0430", + "\u0437\u043b\u0430\u0442\u044c\u043e", + "\u0446\u044a\u043a\u0438", + "\u043e\u0440\u0445\u0438\u0434\u0435\u0439", + "\u043c\u0430\u043a\u0441\u0438\u043c\u0438\u043b\u0438\u044f\u043d\u0430", + "\u0440\u0435\u0430\u043d", + "\u044f\u043d\u0438\u0441\u043b\u0430\u0432\u0438\u044f", + "\u0430\u0432\u0438\u0433\u0435\u044f", + "\u0430\u043d\u0430\u0442\u043e\u043b\u0438\u044f", + "\u043f\u0430\u043d\u0447\u043e", + "\u043d\u0443\u0440\u0435\u0442\u0430", + "\u0442\u043e\u043b\u0438\u0430\u043d\u0430", + "\u043a\u0430\u0440\u0438\u043d\u0430", + "\u0438\u043b\u0438\u043e\u043c\u0430\u0440", + "\u0431\u0438\u0441\u0435\u0440\u0430", + "\u043f\u0435\u043f\u043e", + "\u044f\u043d\u0435", + "\u0433\u0435\u0440\u0447\u043e", + "\u0438\u0442\u043a\u043e", + "\u0441\u0438\u0434\u043e\u043d\u0438\u044f", + "\u0446\u0430\u043d\u0435\u0442\u0430", + "\u0435\u043b\u0438\u0430\u043d", + "\u044f\u0440\u043a\u0430", + "\u0438\u0441\u0438\u0434\u043e\u0440", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0438\u0440", + "\u043f\u0430\u0443\u043d", + "\u0434\u0430\u043d\u0435\u043b\u0438\u043d\u0430", + "\u0449\u044a\u0440\u043a\u0430\u043d", + "\u0447\u0430\u0440\u0434\u0430\u0444\u043e\u043d", + "\u0435\u0434\u0440\u044e", + "\u0435\u043d\u0447\u043e", + "\u0444\u0443\u0433\u0430", + "\u0437\u0434\u0440\u0430\u0432\u0435\u0446", + "\u0445\u0430\u0441\u0430\u043d", + "\u043f\u0435\u0442\u0440\u0430\u043a\u0438", + "\u043c\u0430\u0440\u0435\u043d", + "\u043c\u0438\u0448\u043a\u0430", + "\u0434\u0436\u0430\u043d\u0430", + "\u0437\u043b\u0430\u0442\u043e\u043c\u0438\u0440\u0430", + "\u0432\u0435\u0441\u043d\u0430", + "\u043a\u0440\u0438\u0441\u0442\u0430\u0431\u0435\u043b\u0430", + "\u043a\u0430\u0440\u0430\u043c\u0435\u043b\u0438\u0442\u0430", + "\u0448\u0430\u043d\u043a\u043e", + "\u0441\u0438\u043b\u0432\u0435\u0441\u0442\u044a\u0440", + "\u043a\u0430\u0442\u0438\u043d\u043a\u0430", + "\u0440\u0430\u0438\u043d\u043a\u0430", + "\u0431\u0435\u043b\u0430", + "\u043b\u0430\u0442\u044c\u043e", + "\u0441\u0438\u043b\u044f\u043d", + "\u0433\u0440\u043e\u0437\u0434\u0438\u043d\u043a\u0430", + "\u043c\u0430\u0440\u0447\u0435\u043b\u043e", + "\u043f\u0430\u0443\u043b\u0438\u043d\u0430", + "\u043a\u0438\u0431\u0435\u0440", + "\u043c\u0430\u0441\u0430", + "\u0447\u0438\u0439\u043e", + "\u044f\u0448\u043a\u0430", + "\u0447\u0430\u043d\u0430", + "\u043c\u043e\u0440\u0442\u0430\u0434\u0435\u043b\u0430", + "\u043d\u0430\u0440\u0446\u0438\u0441\u043b\u0430\u0432", + "\u043d\u0430\u0439\u0434\u0430", + "\u043f\u044a\u0440\u0432\u043e\u043b\u0435\u0442\u043a\u0430", + "\u044f\u0440\u0447\u043e", + "\u0432\u0438\u0434\u0438\u043d", + "\u0435\u0440\u0435\u0434\u0438\u043d", + "\u0441\u043b\u0430\u0432\u0434\u043e", + "\u0433\u043e\u0440\u0434\u0430\u043d\u0430", + "\u0441\u0435\u0440\u0433\u0435\u043b\u0438\u043d\u043a\u0430", + "\u043e\u0431\u0440\u0435\u0442\u0438\u043c", + "\u0434\u0435\u043c\u0438\u0440", + "\u043b\u044e\u0431\u043e\u0441\u043b\u0430\u0432\u0430", + "\u044f\u043d\u0435\u0434\u0438\u043d", + "\u0437\u0432\u0435\u0437\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0438\u0440\u0438\u044f\u043d", + "\u0441\u043c\u0438\u0440\u043d\u0430", + "\u0432\u043b\u0430\u0434\u0438\u043b\u0435\u043d\u0430", + "\u044f\u043a\u043e", + "\u0435\u043b\u0438\u0441\u0430", + "\u0440\u043e\u0441\u043a\u043e", + "\u043f\u0435\u0442\u0440\u0438\u0439\u043a\u0430", + "\u0438\u0432\u0430\u043c\u0438\u043d\u0430", + "\u043b\u0438\u043d\u0434\u0430", + "\u0430\u043b\u0430\u043d\u0438\u044f", + "\u043f\u0435\u0442\u0440\u0443\u0448\u043a\u0430", + "\u0432\u0438\u0441\u0430\u0440\u0438\u043e\u043d", + "\u043b\u043e\u0442\u0438", + "\u043c\u0438\u043c\u043e\u0437\u0430", + "\u0441\u0430\u0432\u0435\u0442\u0430", + "\u0435\u0432\u0430\u043d\u0433\u0435\u043b\u0438\u043d\u0430", + "\u0432\u0435\u0441\u043f\u0430\u0441\u0438\u044f\u043d", + "\u0445\u0440\u0430\u043d\u0438\u0441\u043b\u0430\u0432\u0430", + "\u043b\u0435\u0432", + "\u044a\u0440\u0447\u043e", + "\u043a\u043e\u0439\u043e", + "\u0432\u0438\u0442\u043e\u0448", + "\u0434\u0438\u0432\u0438\u0437\u0438\u044f", + "\u0435\u043c\u0430\u043d\u0443\u0438\u043b", + "\u0432\u0435\u043b\u0438\u043d\u043d\u0430", + "\u044f\u0442\u0430\u043d\u0430", + "\u0440\u0438\u0447\u0430\u0440\u0434", + "\u043f\u0443\u043f\u0438", + "\u0449\u0435\u043d\u043e", + "\u0445\u0443\u0431\u0430\u043d", + "\u0435\u043c\u0430_\u0431\u0435\u043b\u0430", + "\u0432\u0438\u043e\u043b\u0435\u0442\u0430", + "\u0435\u043d\u044e", + "\u0433\u0435\u0440\u0442\u0440\u0443\u0434\u0430", + "\u0446\u0432\u0435\u0442\u043b\u0438\u043d\u0430", + "\u043f\u0430\u0442\u043e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0435\u043b\u0435\u043d\u0430", + "\u0441\u0432\u0435\u0442\u043b\u043e\u043c\u0438\u0440\u0430", + "\u0441\u0435\u0432\u0435\u0440\u0438\u043d", + "\u0430\u0439\u0440\u0435\u043d", + "\u0432\u043b\u0430\u0434", + "\u043b\u0443\u043d\u0430", + "\u0430\u043c\u043e\u0440\u0438\u044f", + "\u043f\u0430\u043d\u0442\u0435\u043b\u0435\u0439", + "\u043c\u0430\u043d\u044c\u043e", + "\u0441\u0443\u0437\u0438", + "\u043a\u043e\u0441\u0442\u0430\u0434\u0438\u043d\u043a\u0430", + "\u0448\u0438\u0448\u043c\u0430\u043d", + "\u0431\u043e\u0434\u0440\u043e\u043c\u0438\u0440", + "\u0430\u043d\u0435\u0442\u0430", + "\u043d\u0430\u0444\u0438\u0441\u0430\u0442", + "\u043c\u0435\u0434\u0438\u0445\u0430", + "\u043d\u0430\u043d\u0441\u0438\u043c\u0438\u0440", + "\u0448\u0438\u043d\u043a\u0430", + "\u0441\u0438\u043b\u0432\u0438\u044f_\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u0430", + "\u0444\u0440\u0430\u0446\u0438\u043b", + "\u0435\u043b\u043c\u0430", + "\u043e\u0445\u0430\u043d\u0435\u0441", + "\u0434\u0438\u0434\u043a\u043e", + "\u043b\u0435\u0432\u0447\u043e", + "\u0436\u0435\u0439\u043d\u0430", + "\u0433\u0435\u043d\u0430\u0434\u0438\u0439", + "\u0431\u043e\u043b\u0435\u043d", + "\u0431\u043e\u0436\u0438\u043d\u0435\u043b", + "\u043c\u0430\u0440\u0438\u044f_\u0445\u0443\u0430\u043d\u0430", + "\u043d\u0438\u043a\u043e\u0435\u043b\u0430", + "\u0434\u0438\u0430\u043c\u0430\u043d\u0442\u0438\u043d\u0430", + "\u0442\u043e\u043d\u0447\u043e", + "\u043b\u043e\u0440\u0430_\u0441\u043e\u0444\u0438\u044f", + "\u0439\u043e\u043a\u043e", + "\u0434\u043e\u0439\u043a\u0430", + "\u0440\u043e\u0441\u0435\u043b\u0438\u043d\u0430", + "\u043f\u0435\u0442\u0440\u043e\u043c\u0438\u043b", + "\u0435\u0432\u0441\u0442\u0430\u0445\u0438\u0439", + "\u0431\u043e\u043b\u0435\u0441\u043b\u0430\u0432", + "\u0449\u0438\u043b\u0438\u044f\u043d", + "\u0440\u0430\u0448\u043e", + "\u043d\u0430\u0446\u043e", + "\u043e\u0440\u043b\u0438\u043d", + "\u0433\u0438\u0437\u0434\u0430\u043d\u0430", + "\u0433\u0430\u043b\u0438\u0435\u043d", + "\u0432\u0430\u043a\u043b\u0438\u043d\u0430", + "\u0434\u0443\u0434\u0430", + "\u0441\u0435\u0432\u0435\u043b\u0438\u043d", + "\u0447\u0435\u0442\u0432\u044a\u0440\u0442\u0430", + "\u0448\u0438\u043d\u043e", + "\u044f\u0441\u0435\u043d\u0430", + "\u044e\u043b\u0438\u0430\u043d", + "\u0442\u0438\u0448\u043e", + "\u0434\u0435\u043c\u0438\u0440\u0435\u043b\u0430", + "\u043f\u0430\u0441\u043f\u0430\u043d\u0430\u0445\u0438\u043b", + "\u043f\u0430\u043d\u0442\u044e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0437\u043e\u0440\u043d\u0438\u0446\u0438\u0430\u043d", + "\u0440\u0443\u0436\u043a\u0430", + "\u0442\u0438\u043c\u043e\u0442\u0435\u0439", + "\u0438\u0441\u0443\u0441", + "\u0431\u043e\u0436\u043e", + "\u0448\u043c\u0443\u043b\u044e", + "\u0432\u0438\u0442\u043e\u043c\u0438\u0440\u0430", + "\u0444\u0438\u043a\u0438\u044f", + "\u0437\u0430\u043d\u043a\u0430", + "\u043c\u0435\u043b\u0430\u043d\u0438\u044f", + "\u0447\u043e\u043d\u0438", + "\u043a\u0440\u044a\u0441\u0442\u0430\u043d\u043a\u0430", + "\u0441\u0432\u0435\u0436\u0430", + "\u043f\u0435\u0440\u0438\u043a\u044a\u043b", + "\u0441\u0438\u043b\u044f\u043d\u0430", + "\u043b\u0430\u043c\u0431\u0438", + "\u0440\u0430\u0444\u0430\u0438\u043b", + "\u0434\u0438\u0430\u043d", + "\u0445\u0430\u0447\u043e", + "\u043c\u0430\u0440\u0443\u0441\u044f", + "\u0431\u043e\u0440\u0435\u043d\u0430", + "\u0435\u0432\u0440\u0438\u0434\u0438\u043a\u0430", + "\u0439\u043e\u043b\u0438\u044f\u043d", + "\u044e\u0441\u0442\u0438\u043d\u0438\u0430\u043d", + "\u0441\u0435\u0431\u0430\u0445\u0442\u0438\u043d", + "\u0439\u043e\u0432\u0430\u043d", + "\u043a\u043e\u043c\u0430\u0440\u0430", + "\u0434\u0435\u0448\u043e", + "\u043c\u0430\u043d\u0443\u0438\u043b", + "\u0447\u0435\u043d\u044e", + "\u0447\u0435\u0440\u043d\u043e\u0440\u0438\u0437\u0435\u0446", + "\u0442\u0435\u043e\u0434\u043e\u0440\u0430", + "\u043b\u0438\u043a\u0430", + "\u043d\u0430\u0447\u043a\u043e", + "\u043d\u0435\u0434\u0435\u043b\u0447\u043e", + "\u0434\u0435\u043b\u0447\u043e", + "\u0432\u0438\u043b\u0438\u0441\u043b\u0430\u0432", + "\u044f\u0441\u0442\u0440\u0435\u0431", + "\u0441\u0438\u0444\u043e\u043d\u044f", + "\u0434\u043e\u0441\u0442\u0430", + "\u0430\u043b\u0431\u0438\u044f\u043d\u0430", + "\u0431\u043e\u043d\u0435", + "\u043d\u0430\u0441\u0442\u0438\u044f", + "\u043d\u0438\u043e\u043d\u0438\u043b\u0430", + "\u0442\u0440\u0435\u043d\u0434\u0430\u0444\u0438\u043b\u0430", + "\u0433\u0430\u043b\u0438\u043d\u0430", + "\u043f\u0435\u043f\u0438\u0441\u043b\u0430\u0432", + "\u0434\u0435\u043c\u044f\u043d", + "\u043b\u0430\u043b\u043e", + "\u043a\u0430\u0443\u043d\u043a\u0430", + "\u0437\u043b\u0430\u0442\u043e\u0441\u043b\u0430\u0432", + "\u0432\u0438\u043a\u0442\u043e\u0440", + "\u0434\u0430\u043d\u0438\u043c\u0438\u0440\u0430", + "\u044e\u043d\u043e\u043d\u0430", + "\u0438\u043d\u0435\u0441\u0430", + "\u043b\u0438\u043f\u0435", + "\u0438\u0441\u043a\u0440\u0435\u043d", + "\u0442\u0435\u043c\u0438\u0440\u0430", + "\u0430\u043d\u0438\u043c\u0438\u0440\u0430", + "\u0441\u0438\u043b\u0430\u043d", + "\u0438\u0441\u0442\u0438\u043b\u044f\u043d", + "\u043a\u0440\u0430\u0441\u0438\u0434\u0430\u0440\u0430", + "\u043f\u0435\u043d\u0447\u0438\u043d", + "\u0434\u044e\u043a\u044f\u043d\u0430", + "\u0438\u0441\u0442\u0430\u043d", + "\u0442\u043e\u043d\u0438", + "\u0431\u0435\u0442\u0438\u043d\u0430", + "\u0431\u0435\u0440\u0438\u044f", + "\u0430\u043d\u0430\u043c\u0430\u0440\u0438\u044f", + "\u0431\u0438\u043d\u043a\u043e", + "\u043d\u0435\u043b\u0438\u0434\u0430", + "\u0446\u043e\u0446\u043e", + "\u0441\u0438\u0441\u043e\u044f", + "\u0447\u0430\u0447\u0438\u044f", + "\u043f\u0435\u0440\u0443\u043d\u0430", + "\u0442\u043e\u0448\u043a\u0430", + "\u0432\u0438\u043b\u0438\u044f\u043d", + "\u043d\u0430\u043d\u0447\u043e", + "\u043b\u0443\u0441\u0438\u043e", + "\u0431\u0435\u043d\u0435\u043b\u0435\u043d\u0430", + "\u0431\u0435\u043b\u0438\u0441\u0438\u043c\u0430", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u043e\u043d\u0447\u043e", + "\u0437\u0434\u0440\u0430\u0432\u043a\u043e", + "\u043a\u0432\u0435\u0442\u043e\u0441\u043b\u0430\u0432\u0430", + "\u0430\u043d\u0442\u043e\u0430\u043b\u0438\u043d\u0430", + "\u043c\u0430\u0442\u043a\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0438\u0435\u043b\u0430", + "\u0442\u043e\u043c\u0438\u043d\u043a\u0430", + "\u0441\u0435\u0432\u0434\u0430\u043b\u0438\u043d", + "\u0438\u043d\u0447\u043e", + "\u043c\u0430\u0440\u0442\u0438\u043d\u0438\u044f\u043d", + "\u0433\u0435\u0440\u0433\u0430\u043d", + "\u0440\u0438\u0447\u0435\u0440\u0434", + "\u0437\u0434\u0440\u0430\u0432\u0435\u043b\u0438\u043d", + "\u0430\u0440\u043a\u0430\u0434\u0438\u044f", + "\u0441\u0430\u043d\u043a\u0430", + "\u0434\u0438\u043b\u044f\u043d", + "\u0441\u0430\u0445\u043e\u0440\u0438\u044f", + "\u044e\u043b\u0438\u044f", + "\u0434\u0436\u0443\u043b\u0438\u044f", + "\u0432\u0443\u043b\u0430", + "\u043a\u0438\u043d\u043e", + "\u0437\u0430\u0435\u043a\u0430", + "\u0441\u0432\u0435\u0442\u043b\u044e", + "\u0434\u0436\u0438\u0445\u0430\u0434", + "\u044f\u0440\u043e\u043c\u0438\u0440", + "\u0442\u043e\u0434\u043e\u0440\u0438\u043d", + "\u043a\u0435\u0440\u0438", + "\u043f\u0435\u043e", + "\u0445\u0430\u0440\u0430\u043b\u0430\u043d", + "\u0447\u0435\u0434\u043e\u043c\u0438\u0440", + "\u0442\u0440\u043e\u0448\u0430", + "\u043f\u0430\u043d\u0434\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0438\u043b\u0438\u044f\u043d\u0430", + "\u0430\u043b\u0435\u0433", + "\u0440\u0430\u0439\u043d\u0438\u0447\u043a\u0430", + "\u0431\u043e\u0440\u0438\u0441\u043a\u0430", + "\u0434\u0435\u0441\u0438\u043c\u0438\u043b\u044f\u043d\u0430", + "\u0437\u0430\u0445\u0430\u0440\u0438\u043d", + "\u0435\u0440\u0432\u0438\u043d", + "\u0432\u0438\u0434\u043e\u0441\u043b\u0430\u0432", + "\u043d\u0435\u043d\u0435", + "\u0447\u0443\u043a", + "\u043a\u043b\u0430\u0440\u0430", + "\u0440\u043e\u0437\u043a\u0430", + "\u0430\u0432\u0440\u0435\u043b\u0438\u0439", + "\u044f\u0446\u043e", + "\u0433\u044a\u0434\u0430", + "\u0434\u0435\u043d\u043d\u0438\u0446\u0430", + "\u0433\u0430\u043b\u0435\u043d\u0442\u0438\u043d", + "\u0430\u043d\u0445\u0435\u044f_\u043c\u0435\u0439", + "\u0434\u0438\u0430\u043c\u0430\u043d\u0434\u0438", + "\u0430\u0432\u0435\u0440", + "\u0437\u043b\u0430\u0442\u0438", + "\u0433\u044e\u0433\u0440\u0430", + "\u0432\u0435\u0441\u043e", + "\u0445\u0435\u0440\u043d\u0430\u043d\u0438", + "\u0431\u043e\u043d\u043a\u043e", + "\u043c\u0430\u0440\u0438\u043d\u0435\u0442\u0430", + "\u043b\u0438\u043b\u043a\u043e", + "\u043c\u0430\u0440\u0442\u0438\u043d", + "\u043f\u0430\u043d\u0442\u0430\u043b\u0435\u0439", + "\u0430\u043d\u043e\u043c\u0430\u043b\u0438\u044f", + "\u043d\u0430\u043d\u0438", + "\u043b\u0435\u043d\u043a\u043e", + "\u043f\u0435\u0442\u0440\u0438\u043d\u0435\u043b", + "\u044e\u0433\u0438", + "\u044f\u0440\u043d\u043e", + "\u0437\u0443\u0437\u0438\u0447\u043a\u0430", + "\u043f\u0430\u0432\u043b\u043e\u043c\u0438\u0440", + "\u0447\u043e\u043d\u0430\u0440", + "\u043e\u0433\u043d\u0435\u043c\u0438\u0440", + "\u0430\u0434\u0435\u043b\u0438\u043d", + "\u043f\u0435\u0439\u043e\u043b\u0438\u043d\u0430", + "\u0432\u0438\u043d\u043a\u043e", + "\u0439\u043e\u0436\u0438", + "\u0447\u0430\u0440\u043e\u0434\u0435\u0439", + "\u043b\u043e\u0437\u0435\u043d", + "\u0435\u043b\u0435\u043c\u0430\u0433", + "\u0445\u0430\u0441\u0430\u0442\u0438\u043d", + "\u0442\u0440\u044a\u043f\u043a\u0430", + "\u0431\u0435\u0440\u0438\u0441\u043b\u0430\u0432\u0430", + "\u044e\u043b\u0438\u0439", + "\u043d\u0435\u043e\u043a\u043b\u0438", + "\u0434\u0440\u0430\u0433\u0438\u0446\u0430", + "\u0431\u043e\u0436\u0438\u043c\u0438\u0440", + "\u0430\u0434\u0435\u0430\u043d", + "\u043a\u0438\u043c\u0431\u043e", + "\u043e\u0441\u043a\u0430\u0440", + "\u0445\u0440\u0438\u0441\u0430\u043d\u043a\u0430", + "\u0431\u0438\u043b\u044f\u043d", + "\u0442\u0435\u043e\u0434\u043e\u0441\u043b\u0430\u0432", + "\u043a\u0430\u043d\u0443\u0448\u0430", + "\u0444\u0438\u043b\u043a\u043e", + "\u0440\u043e\u0437\u0430\u043d\u0430", + "\u0431\u043e\u0436\u0438\u043a", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0437\u043e\u0440\u043d\u0438\u0446\u043e\u043c\u0438\u043b", + "\u0432\u0435\u043b\u0438\u0430\u043d\u0430", + "\u0435\u043a\u0442\u043e\u0440", + "\u0434\u0435\u0430", + "\u0448\u0438\u0431\u0438\u043b", + "\u0435\u043b\u0435\u043d\u043a\u043e", + "\u043f\u0440\u0438\u043d\u0430", + "\u043e\u0432\u0430\u043d\u0435\u0441", + "\u0442\u0435\u0441\u0430", + "\u0440\u043e\u0431\u0438\u043d", + "\u0439\u043e\u0438\u043b", + "\u0436\u043e\u0440\u043a\u0430", + "\u0432\u0435\u043d\u0434\u0430", + "\u0434\u0435\u043d\u0447\u043e", + "\u043e\u043b\u0435\u043a", + "\u0440\u043e\u043c\u0438\u043b", + "\u043e\u043a\u0442\u0430\u0432\u0438\u044f", + "\u044f\u043d\u0438\u0441", + "\u0434\u0435\u043d\u0438\u0437", + "\u043c\u0430\u0440\u0438\u0439", + "\u0439\u043e\u0432\u043e", + "\u043b\u0438\u0434\u0438\u0439\u043a\u0430", + "\u0446\u043e\u043d\u044f", + "\u044f\u043d\u043a\u0443\u043b", + "\u044f\u0441\u0435\u0440", + "\u0438\u043d\u0430\u043d", + "\u044f\u0432\u043e\u0440\u0430", + "\u043b\u043e\u0440\u0435\u043d\u0430", + "\u0442\u0438\u043b\u044c\u043e", + "\u0431\u043e\u0436\u0438\u0434\u0430\u0440", + "\u0433\u0435\u043e\u0434\u0438\u043c", + "\u0446\u0432\u0435\u0442\u0430\u043d\u0430", + "\u0434\u0435\u043d\u0438\u044f\u043d", + "\u0435\u0444\u0440\u043e\u0441\u0438\u043d\u0438\u044f", + "\u0448\u0438\u0434\u0435\u0440", + "\u0431\u0435\u0447\u043e", + "\u0441\u0438\u0432\u0438", + "\u043c\u0430\u0440\u0438\u043e\u043b\u043b\u0438\u0442\u0430", + "\u0434\u0440\u0435\u043d\u043a\u0430", + "\u043f\u0435\u0439\u043e\u0434\u043e\u043d", + "\u0444\u0438\u043b\u0438\u043f", + "\u0432\u0438\u043b\u0438\u0430\u043d", + "\u043f\u0430\u0432\u043a\u043e", + "\u0437\u0432\u0435\u0437\u0434\u0435\u043c\u0438\u0440\u0430", + "\u0444\u043b\u043e\u0440\u0438\u0430\u043d", + "\u044f\u043d\u0430\u0447\u043a\u043e", + "\u0441\u0435\u0432\u0434\u0430", + "\u0431\u043e\u0433" + ], + "LAST_NAME": [ + "\u0434\u0440\u0438\u0448\u043b\u044c\u043e\u0432", + "\u043f\u0438\u043a\u044f\u043d\u0441\u043a\u0438", + "\u0446\u0432\u0435\u0442\u043a\u043e\u0432", + "\u044f\u0440\u043a\u043e\u0432\u0430", + "\u0442\u043e\u043a\u043e\u0432", + "\u0432\u0430\u043c\u043f\u0438\u0440\u0441\u043a\u0430", + "\u0440\u0430\u043d\u0433\u0435\u043b\u043e\u0432", + "\u0431\u0440\u0430\u043d\u043a\u043e\u0432", + "\u043f\u044a\u0442\u0435\u0447\u043a\u043e\u0432\u0430", + "\u0447\u0443\u043a\u0447\u0443\u043a\u043e\u0432", + "\u043c\u043b\u0430\u0434\u0435\u043d\u043e\u0432", + "\u0431\u0435\u0434\u0440\u0438\u043d\u043e\u0432", + "\u0449\u044a\u0440\u0431\u043e\u0432", + "\u043f\u043b\u044e\u043d\u043a\u043e\u0432\u0430", + "\u043f\u0430\u0442\u043a\u043e\u0432", + "\u0447\u0443\u043f\u0435\u0442\u043b\u043e\u0432\u0441\u043a\u0430", + "\u043c\u0430\u043d\u0433\u044a\u0444\u043e\u0432\u0430", + "\u0432\u044a\u0440\u0442\u0443\u043d\u0438\u043d\u0441\u043a\u0438", + "\u043a\u0443\u0440\u0442\u0430\u0436\u043e\u0432\u0430", + "\u0446\u0438\u0446\u043a\u043e\u0432", + "\u043f\u0430\u0440\u0430\u0448\u043a\u0435\u0432\u043e\u0432", + "\u043f\u043b\u043e\u0449\u0430\u043a\u043e\u0432", + "\u043a\u0443\u0447\u0435\u0432", + "\u043f\u043e\u043d\u0434\u044c\u043e\u0432", + "\u0433\u044c\u043e\u043a\u043e\u0432", + "\u0431\u0443\u0440\u0445\u0430\u043d\u043b\u0430\u0440\u0441\u043a\u0438", + "\u043c\u0438\u043b\u0435\u043d\u043a\u043e\u0432", + "\u0442\u0443\u0442\u0443\u0440\u0438\u043b\u043e\u0432", + "\u0432\u0430\u043a\u0440\u0438\u043b\u043e\u0432", + "\u043c\u0443\u0441\u0442\u0430\u043a\u043e\u0432\u0430", + "\u043a\u043b\u0430\u0442\u0443\u0440\u043e\u0432", + "\u043a\u0440\u0443\u0448\u043e\u0432\u0441\u043a\u0430", + "\u043a\u044c\u043e\u0440\u043e\u0432", + "\u0437\u0430\u043d\u043e\u0432", + "\u043c\u0438\u043b\u0430\u0447\u043a\u043e\u0432", + "\u0442\u0443\u0445\u0447\u0438\u0435\u0432", + "\u043f\u043e\u0430\u043a\u043e\u0432", + "\u0442\u043e\u0448\u0435\u0432", + "\u0431\u043e\u0431\u0435\u0432", + "\u043b\u0438\u043c\u043e\u043d\u0430\u0434\u043e\u0432", + "\u043a\u043e\u043b\u0438\u0447\u043a\u043e\u0432", + "\u043e\u0432\u043d\u0430\u0440\u0441\u043a\u0438", + "\u0442\u0443\u043c\u0430\u043d\u0433\u0435\u043b\u043e\u0432", + "\u044f\u043d\u0430\u0437\u043e\u0432", + "\u0441\u0430\u043c\u0441\u043e\u043d\u043e\u0432", + "\u0436\u0434\u0440\u0430\u043a\u043e\u0432", + "\u0438\u0432\u0430\u043d\u043e\u0432", + "\u0437\u0435\u043d\u0433\u0438\u043d\u043e\u0432", + "\u0437\u043b\u0430\u0442\u043a\u043e\u0432", + "\u0446\u043e\u0446\u043e\u0432", + "\u0439\u043e\u0442\u043a\u043e\u0432\u0430", + "\u043f\u0440\u043e\u0448\u043a\u043e\u0432", + "\u0434\u0436\u043e\u0433\u043e\u0432", + "\u043a\u0435\u0441\u044c\u043e\u0432", + "\u0440\u043e\u0448\u043b\u044c\u043e\u0432", + "\u0441\u043c\u044a\u0440\u0434\u0430\u043d\u0441\u043a\u0438", + "\u0432\u044a\u0437\u0432\u044a\u0437\u043e\u0432", + "\u0438\u043b\u0438\u043a\u044c\u043e\u0432", + "\u044e\u0440\u0433\u0430\u043d\u0447\u0435\u0432", + "\u043f\u0438\u0449\u043e\u0432\u043a\u043e\u043b\u0435\u0432\u0430", + "\u0441\u043b\u0430\u043d\u0438\u043d\u043a\u043e\u0432\u0430", + "\u0431\u0443\u043c\u043e\u0432", + "\u043a\u0430\u0442\u044a\u0440\u043e\u0432\u0430", + "\u0431\u043e\u0434\u0443\u0440\u043e\u0432", + "\u043f\u0440\u044a\u043d\u0434\u0430\u0447\u043a\u0430", + "\u043f\u044a\u043a\u043e\u0432", + "\u0447\u0443\u0442\u0443\u0440\u043a\u043e\u0432", + "\u0435\u0432\u0440\u043e\u043f\u043e\u0432\u043a\u0438\u0440\u0438\u043b\u043e\u0432", + "\u043c\u043e\u043d\u0442\u044f\u043d\u043e\u0432", + "\u0434\u0430\u043d\u0434\u0430\u043d\u043e\u0432", + "\u043d\u0435\u0434\u044f\u043b\u043a\u043e\u0432", + "\u0442\u043e\u043f\u043a\u043e\u0432", + "\u043f\u043b\u044e\u0446\u043e\u0432\u0430", + "\u043a\u0430\u0440\u0430\u043a\u0430\u0448\u0435\u0432", + "\u0430\u043d\u0434\u043e\u043d\u043e\u0432", + "\u043c\u043d\u043e\u0433\u043e\u0437\u043d\u0430\u0435\u0432\u0430", + "\u043c\u0430\u043a\u0430\u0440\u043e\u043d\u0441\u043a\u0438", + "\u043a\u043e\u043b\u0447\u0435\u0432", + "\u0433\u0440\u0430\u0434\u0438\u043d\u0430\u0440\u043e\u0432\u0430", + "\u0441\u0430\u043f\u0443\u043d\u0434\u0436\u0438\u0435\u0432\u0430", + "\u0439\u043e\u0440\u0434\u0430\u043d\u043e\u0432", + "\u043a\u0443\u0447\u043a\u0443\u0434\u0435\u043b\u043e\u0432\u0430", + "\u0441\u043a\u0440\u0438\u043d\u0441\u043a\u0430", + "\u043d\u0438\u043a\u043e\u043b\u043e\u0432", + "\u0441\u0442\u043e\u0439\u043a\u043e\u0432", + "\u0442\u044a\u043f\u0447\u0438\u043b\u0435\u0449\u043e\u0432", + "\u0440\u0438\u043c\u043f\u043e\u043f\u043e\u0432", + "\u0432\u0440\u0430\u0436\u0430\u043b\u0441\u043a\u0438", + "\u0434\u0437\u0435\u0437\u043e\u0432", + "\u043f\u044a\u0440\u0432\u0430\u043d\u043e\u0432\u0430", + "\u043c\u043b\u0430\u0434\u0435\u043d\u043e\u0432\u0430", + "\u043a\u0440\u0438\u0432\u043e\u0448\u0430\u043f\u043a\u043e\u0432\u0430", + "\u043a\u043e\u0431\u0438\u043b\u0430\u0440\u043e\u0432", + "\u0445\u0432\u044a\u0440\u0447\u0438\u043b\u043a\u043e\u0432", + "\u0431\u0440\u0430\u0442\u0443\u0445\u0447\u0435\u0432", + "\u0441\u043e\u043f\u0430\u0434\u0436\u0438\u0435\u0432\u0430", + "\u0431\u0435\u043b\u0435\u0436\u043a\u043e\u0432\u0430", + "\u043a\u044a\u0440\u043a\u043e\u0432", + "\u043f\u0435\u0432\u0435\u0446\u043e\u0432\u0430", + "\u043a\u0430\u0442\u044a\u0440\u043e\u0432", + "\u0444\u0435\u043d\u0435\u0440\u043e\u0432", + "\u043c\u0443\u0435\u0432", + "\u043a\u0438\u0442\u043e\u0432", + "\u0447\u0435\u0442\u0440\u0430\u0444\u0438\u043b\u0441\u043a\u0438", + "\u043f\u0440\u0438\u043d\u043e\u0432", + "\u043c\u0430\u043d\u0430\u0432\u0441\u043a\u0438", + "\u043a\u043e\u0441\u0442\u043e\u0432", + "\u0447\u0430\u043d\u043b\u0438\u0435\u0432\u0430", + "\u0442\u043e\u0447\u0435\u0432\u0430_\u043a\u043b\u043e\u043f\u043e\u0432\u0430", + "\u0447\u0443\u043a\u043e\u0432", + "\u043f\u0430\u0447\u0430\u0440\u044a\u0437\u043a\u0430", + "\u043a\u0430\u043d\u0447\u0438\u043d", + "\u043a\u0435\u043b\u0435\u0448\u0435\u0432", + "\u043f\u0435\u0434\u0430\u043b\u043e\u0432", + "\u0442\u0430\u0442\u044c\u043e\u0437\u043e\u0432", + "\u0434\u043e\u043a\u043e\u0432\u0430", + "\u0442\u043e\u0434\u043e\u0440\u043e\u0432", + "\u0431\u0435\u043b\u043e\u043a\u043e\u043d\u0441\u043a\u0430_\u0432\u0440\u0430\u0436\u0430\u043b\u0441\u043a\u0430", + "\u043a\u043e\u0434\u0443\u043a\u043e\u0432", + "\u043f\u0443\u043b\u0435\u0432", + "\u0434\u0430\u0447\u0435\u0432", + "\u0448\u043a\u0435\u043c\u0431\u043e\u0432\u0430", + "\u0442\u043e\u043f\u0447\u0438\u0439\u0441\u043a\u0438", + "\u043a\u0443\u0440\u0442\u0430\u043a\u043e\u0432\u0430", + "\u0432\u0430\u0441\u043e\u0432a", + "\u0441\u0430\u043c\u043e\u0445\u043e\u0434\u043e\u0432", + "\u043c\u0430\u043d\u0433\u044a\u0440\u043e\u0432", + "\u043f\u0435\u0435\u0432\u0430", + "\u0431\u0430\u043b\u043a\u0430\u043d\u0441\u043a\u0430", + "\u0431\u044a\u0440\u0431\u043e\u0440\u043a\u043e\u0432", + "\u0433\u0430\u0431\u0440\u043e\u0432\u043b\u0438\u0435\u0432\u0430", + "\u0431\u0430\u043b\u0430\u0445\u0443\u0440\u043e\u0432", + "\u043a\u043e\u043b\u0435\u0432", + "\u043a\u043b\u0430\u0442\u0438\u043a\u0440\u0443\u0448\u0435\u0432", + "\u043a\u043e\u043a\u043e\u0448\u043a\u043e\u0432\u0430", + "\u044f\u043a\u043e\u0432", + "\u0441\u0438\u043c\u0435\u043e\u043d\u043e\u0432", + "\u043a\u043e\u043b\u0438\u043f\u0430\u0442\u043a\u043e\u0432", + "\u0442\u043e\u0434\u043e\u0440\u043e\u0432\u0430", + "\u0442\u0430\u0440\u0430\u043b\u0438\u043d\u0433\u043e\u0432\u0430", + "\u0441\u0442\u0430\u043d\u0438\u0448\u0435\u0432", + "\u0438\u043b\u0438\u0435\u0432\u0430", + "\u043f\u0435\u043d\u0434\u0436\u0430\u043a\u043e\u0432\u0430", + "\u043b\u0443\u043b\u0430\u043d\u043a\u043e\u0432", + "\u043c\u043e\u0447\u0435\u0432", + "\u043f\u0440\u043e\u0439\u043a\u043e\u0432\u0430", + "\u043c\u0435\u0440\u0430\u043a\u043e\u0432" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0438\u0433\u0443\u043c\u0435\u043d\u043a\u0430": "\u0430\u0431\u0430\u0442", + "\u043b\u0435\u043b\u044f": "\u043a\u0430\u043b\u0435\u043a\u043e", + "\u043a\u0440\u0430\u0441\u0430\u0432\u0438\u0446\u0430": "\u043a\u043e\u043d\u0442\u0435", + "\u0433\u043e\u0434\u0435\u043d\u0438\u0446\u0430": "\u043a\u043e\u043d\u044f\u0440", + "\u043d\u0435\u0432\u0435\u0441\u0442\u0430": "\u043a\u043e\u043d\u044f\u0440", + "\u043c\u043b\u0430\u0434\u043e\u0436\u0435\u043d\u043a\u0430": "\u043a\u043e\u043d\u044f\u0440", + "\u043f\u0438\u043b\u0435\u043d\u0446\u0435": "\u043f\u0438\u0447", + "\u0434\u044a\u0449\u0435\u0440\u044f": "\u0441\u0438\u043d", + "\u0445\u0435\u0440\u0446\u043e\u0433\u0438\u043d\u044f": "\u0434\u0443\u043a", + "\u0434\u0443\u043a\u0435\u0441\u0430": "\u0445\u0435\u0440\u0446\u043e\u0433", + "\u043a\u043d\u044f\u0433\u0438\u043d\u044f": "\u0434\u0443\u043a", + "\u0446\u0430\u0440\u0438\u0446\u0430": "\u043a\u0440\u0430\u043b", + "\u0436\u0435\u043d\u0441\u043a\u0438": "\u043c\u044a\u0436\u043a\u0438", + "\u0433\u0430\u043b": "\u0433\u0430\u0439", + "\u043c\u043e\u043c\u0438\u0447\u0435": "\u0433\u0430\u0439", + "\u0434\u0435\u0432\u043e\u0439\u043a\u0430": "\u0432\u0430\u043d\u0442\u0430", + "\u043c\u043e\u043c\u0430": "\u0433\u0430\u0439", + "\u0433\u0443\u0432\u0435\u0440\u043d\u0430\u043d\u0442\u043a\u0430": "\u0433\u0443\u0431\u0435\u0440\u043d\u0430\u0442\u043e\u0440", + "\u0432\u043d\u0443\u0447\u043a\u0430": "\u0432\u043d\u0443\u043a", + "\u043d\u0430\u0431\u0435\u0440\u0430": "\u0432\u043d\u0443\u043a", + "\u043d\u0435\u0438\u043d": "\u0442\u0435\u0445\u0435\u043d", + "\u044e\u043d\u0430\u043a\u0438\u043d\u044f": "\u044e\u043d\u0430\u043a", + "\u0433\u0435\u0440\u043e\u0438\u043d\u044f": "\u044e\u043d\u0430\u043a", + "\u0434\u043e\u043c\u0430\u043a\u0438\u043d\u044f": "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440\u043a\u0430", + "\u0445\u0430\u0437\u0430\u0439\u043a\u0430": "\u043d\u0430\u0444\u043e\u0440\u0430", + "\u0433\u043e\u0441\u043f\u043e\u0436\u0438\u0446\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d", + "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440\u043a\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440", + "\u043c\u0430\u0439\u043a\u0430": "\u0431\u0430\u0449\u0430", + "\u0430\u043d\u0430": "\u0442\u0430\u0442\u043a\u043e", + "\u043c\u0430\u0434\u0430\u043c": "\u0433_\u043d", + "\u043a\u0430\u043b\u0443\u0433\u0435\u0440\u043a\u0430": "\u043a\u0430\u043b\u0443\u0433\u0435\u0440", + "\u043d\u0443\u043d": "\u043a\u0430\u043b\u0443\u0433\u0435\u0440", + "\u0436\u0440\u0438\u0446\u0430": "\u043f\u043e\u043f", + "\u043f\u0440\u0438\u043d\u0446\u0435\u0441\u0430": "\u043a\u043d\u044f\u0437", + "\u043a\u0440\u0430\u043b\u0438\u0446\u0430": "\u043a\u0440\u0430\u043b", + "\u044f\u043d\u0430": "\u0442\u043e\u0439", + "\u0442\u044f": "\u0442\u043e\u0439", + "\u0441\u0435\u0441\u0442\u0440\u0430": "\u043c\u043e\u043d\u0430\u0445", + "\u0441\u0435\u0441\u0442\u0440\u0438\u0446\u0430": "\u043c\u043e\u043d\u0430\u0445", + "\u0441\u0435\u0441\u0442\u0440\u0438\u0447\u043a\u0430": "\u0431\u0440\u0430\u0442", + "\u0441\u0442\u0430\u0440\u0430_\u043c\u043e\u043c\u0430": "\u0435\u0440\u0433\u0435\u043d", + "\u043c\u0430\u0449\u0435\u0445\u0430": "\u0432\u0442\u043e\u0440\u0438_\u0431\u0430\u0449\u0430", + "\u043a\u0435\u043b\u043d\u0435\u0440\u043a\u0430": "\u043a\u0435\u043b\u043d\u0435\u0440", + "\u0432\u0434\u043e\u0432\u0438\u0446\u0430": "\u0432\u0434\u043e\u0432\u0435\u0446", + "\u043d\u0438": "\u043c\u044a\u0436", + "\u0436\u0435\u043d\u0430": "man", + "\u0441\u044a\u043f\u0440\u0443\u0433\u0430": "\u043c\u044a\u0436", + "\u0432\u0435\u0449\u0438\u0446\u0430": "\u0432\u0435\u0449\u0435\u0440", + "\u0447\u0430\u0440\u043e\u0434\u0435\u0439\u043a\u0430": "\u0432\u0435\u0449\u0435\u0440", + "\u0436\u0430\u043d\u0430": "man", + "\u043c\u043e\u043c\u0447\u0435": "\u0434\u0435\u0432\u043e\u0439\u043a\u0430" + }, + "other_gender_swap": { + "\u0438\u043c": "\u043d\u0435\u0438\u043d", + "\u0442\u0435\u0445\u0435\u043d": "\u043d\u0435\u0438\u043d", + "\u0442\u0435": "\u0442\u044f", + "\u0442\u043e\u0439": "\u0442\u0435", + "\u0435\u043c\u0443": "\u0438\u043c", + "\u043d\u0435\u0433\u043e\u0432": "\u0442\u0435\u0445\u0435\u043d", + "\u044f\u043d\u0430": "\u0442\u0435", + "\u0442\u044f": "\u0442\u0435", + "\u043d\u0435\u0438\u043d": "\u0442\u0435\u0445\u0435\u043d" + }, + "en_pronoun2gender": { + "they": [ + "\u0442\u0440\u0430\u043d\u0441\u0434\u0436\u0435\u043d\u0434\u044a\u0440", + "\u0445\u043e\u043c\u043e\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u0435\u043d" + ], + "he": [ + "\u043c\u043e\u043c\u0447\u0435", + "\u0432\u0430\u043d\u0442\u0430", + "\u043c\u044a\u0436\u043a\u0438", + "\u0431\u043b\u0430\u0433\u043e\u0440\u043e\u0434\u043d\u0438\u043a", + "\u043c\u043e\u043c\u0447\u0435\u043d\u0446\u0435", + "\u043c\u0430\u043b\u0447\u0443\u0433\u0430\u043d\u0430", + "\u043d\u0430\u043f\u0443\u043a\u0432\u0430\u043c_\u0441\u0435", + "\u043d\u0430\u0446\u0435\u043f\u0432\u0430\u043c_\u0441\u0435", + "man", + "\u043f\u0438\u0447", + "\u0433\u0430\u0439", + "\u043c\u044a\u0436", + "\u043a\u0435\u043d\u0442", + "\u043f\u0440\u0438\u044f\u0442\u0435\u043b", + "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d", + "\u0434\u0436\u0435\u043d\u0442\u044a\u043b\u043c\u0435\u043d" + ], + "she": [ + "\u0436\u0435\u043d\u0441\u043a\u0438", + "\u043c\u043e\u043c\u0438\u0447\u0435", + "\u043c\u043e\u043c\u0430", + "\u0434\u0435\u0432\u043e\u0439\u043a\u0430", + "\u0436\u0435\u043d\u0430", + "\u0433\u043e\u0441\u043f\u043e\u0436\u0438\u0446\u0430", + "\u0436\u0430\u043d\u0430", + "\u0433\u0430\u043b", + "\u0436\u0435\u043d\u0438\u0442\u0435" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043d\u0435\u0433\u043e\u0432", + "\u0442\u043e\u0439", + "\u0435\u043c\u0443" + ], + "she": [ + "\u0442\u044f", + "\u044f\u043d\u0430", + "\u043d\u0435\u0438\u043d" + ], + "they": [ + "\u0438\u043c", + "\u0442\u0435", + "\u0442\u0435\u0445\u0435\u043d" + ], + "it": [ + "\u0442\u0438\u044f", + "\u0442\u0435\u0437\u0438", + "\u0442\u043e\u0432\u0430", + "\u043e\u043d\u0435\u0437\u0438", + "\u043e\u043d\u0438\u044f", + "\u0441\u044f", + "\u043d\u0435\u0438\u043d", + "\u0442\u043e", + "\u043d\u0435\u0433\u043e\u0432", + "\u0442\u0430\u0437\u0438", + "\u0442\u043e\u0437\u0438", + "\u0447\u0435", + "\u0449\u043e", + "\u0438\u043d", + "\u0442\u043e\u0442", + "\u0434\u0435\u043a\u0430", + "\u0442\u0435" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/bi.json b/data_tooling/pii_processing/ontology/data/bi.json new file mode 100644 index 0000000..1013745 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/bi.json @@ -0,0 +1,48 @@ +{ + "PERSON_PRONOUN": [ + "yumi", + "mitufala", + "yumitu", + "yumitri", + "we", + "mitrifala" + ], + "GENDER": [ + "woman", + "man" + ], + "ORG": [ + "jos_blong_jisas_kraes_blong_ol_lata_dei_sent" + ], + "JOB": [ + "man", + "woman" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "wuman": "man", + "woman": "man" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "man" + ], + "she": [ + "woman", + "wuman" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/bm.json b/data_tooling/pii_processing/ontology/data/bm.json new file mode 100644 index 0000000..696c89e --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/bm.json @@ -0,0 +1,40 @@ +{ + "LANGUAGE": [ + "bambara", + "kongo", + "faransekan" + ], + "JOB": [ + "don" + ], + "ORG": [ + "s\u025bn\u025bk\u025b" + ], + "PUBLIC_FIGURE": [ + "a", + "n" + ], + "DISEASE": [ + "tan" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "he": [ + "sini" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/bn.json b/data_tooling/pii_processing/ontology/data/bn.json new file mode 100644 index 0000000..a4cedbb --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/bn.json @@ -0,0 +1,181 @@ +{ + "JOB": [ + "\u0986\u099a\u09be\u09b0\u09cd\u09af", + "\u09ac\u09cd\u09af\u09be\u099f\u09ae\u09cd\u09af\u09be\u09a8", + "\u0995\u09cd\u09af\u09be\u09aa\u09cd\u099f\u09c7\u09a8", + "\u09aa\u09cd\u09b0\u09a4\u09bf\u09b7\u09cd\u09a0\u09be\u09a4\u09be", + "lengta", + "\u09a5\u09cd\u09af\u09be\u099a\u09be\u09b0" + ], + "PRODUCT": [ + "\u0987\u09af\u09bc\u09be\u09b9\u09bf\u09af\u09bc\u09be", + "\u09a8\u09a4\u09c1\u09a8_\u09a8\u09bf\u09af\u09bc\u09ae", + "\u0997\u09bf\u09a8\u09bf\u09aa\u09bf\u0997", + "\u09ac\u0995\u09cd\u09b8\u09bf\u0982_\u09a1\u09c7", + "\u099c\u09cd\u09af\u09be\u0995\u09cd\u09b8\u09cb\u09a8\u09bf_\u0986\u09a8\u09b9\u09be\u09b2\u09cd\u099f", + "\u098f\u09b8_\u099f\u09cd\u09b0\u09c7\u09a8", + "\u09a8\u09c2\u09a4\u09a8_\u09a8\u09bf\u09af\u09bc\u09ae" + ], + "DISEASE": [ + "\u09ae\u09cd\u09af\u09be\u09b2\u09c7\u09b0\u09bf\u09af\u09bc\u09be", + "\u09b0\u0995\u09cd\u09a4\u09b6\u09c2\u09a8\u09cd\u09af\u09a4\u09be", + "\u09a5\u09cd\u09af\u09be\u09b2\u09be\u09b8\u09c7\u09ae\u09bf\u09af\u09bc\u09be", + "\u0985\u09cd\u09af\u09be\u09a8\u09a5\u09cd\u09b0\u09be\u0995\u09cd\u09b8", + "\u09b8\u09cd\u099f\u09cd\u09b0\u09cb\u0995", + "\u09ac\u09b0\u09cd\u09a3\u09be\u09a8\u09cd\u09a7\u09a4\u09be", + "\u0987\u09ac\u09cb\u09b2\u09be_\u09ad\u09be\u0987\u09b0\u09be\u09b8\u099c\u09a8\u09bf\u09a4_\u09b0\u09cb\u0997" + ], + "PUBLIC_FIGURE": [ + "\u0995\u09cd\u09af\u09be\u09a8\u09ac\u09c7\u09b0\u09be", + "\u0995\u09cd\u09b0\u09bf\u09b8\u09cd\u099f\u09cb\u09ab\u09be\u09b0_\u0995\u09b2\u09ae\u09cd\u09ac\u09be\u09b8", + "\u0985\u09cd\u09af\u09be\u09a8\u09cd\u09a1\u09be\u09b0\u09cd\u09b8_\u09b8\u09c7\u09b2\u09b8\u09bf\u09af\u09bc\u09be\u09b8", + "\u09b0\u09be\u09b6\u09bf\u09af\u09bc\u09be\u09b0_\u09aa\u09cd\u09b0\u09a5\u09ae_\u09aa\u09bf\u099f\u09be\u09b0" + ], + "ORG": [ + "\u09b8\u09c7\u09a8\u09cd\u099f_\u09b9\u09c7\u09b2\u09c7\u09a8\u09be", + "\u09a1\u09be\u0995_\u09ac\u09bf\u09ad\u09be\u0997", + "\u09af\u09c1\u0995\u09cd\u09a4\u09b0\u09be\u09b7\u09cd\u099f\u09cd\u09b0", + "\u0995\u09c3\u09b7\u09bf\u0995\u09be\u09b0\u09cd\u09af", + "\u0995\u09c7\u09a8\u09cd\u09a6\u09cd\u09b0\u09c0\u09af\u09bc_\u09ac\u09cd\u09af\u09be\u0982\u0995", + "\u09b9\u09c1\u09af\u09bc\u09be\u0982\u09b9\u09cb", + "\u09b2\u09c7\u0995_\u09b8\u09c1\u09aa\u09bf\u09b0\u09bf\u09af\u09bc\u09b0", + "\u09b2\u09cb\u09b9\u09bf\u09a4_\u09b8\u09be\u0997\u09b0", + "\u0995\u09cd\u09b7\u09c7\u09a4\u09cd\u09b0\u0995\u09b0\u09cd\u09ae", + "\u09b8\u09c7\u09a8\u09cd\u099f_\u09b2\u09c1\u09b8\u09bf\u09af\u09bc\u09be", + "\u0986\u09a8\u09cd\u09a4\u09b0\u09cd\u099c\u09be\u09a4\u09bf\u0995_\u099f\u09c7\u09b2\u09bf\u09af\u09cb\u0997\u09be\u09af\u09cb\u0997_\u0987\u0989\u09a8\u09bf\u09af\u09bc\u09a8", + "\u09b9\u09be\u099c\u09bf\u09af\u09bc\u09be_\u09b8\u09cb\u09ab\u09bf\u09af\u09bc\u09be", + "\u09ae\u09be\u09b0\u09cd\u0995\u09bf\u09a8_\u09af\u09c1\u0995\u09cd\u09a4\u09b0\u09be\u09b7\u09cd\u099f\u09cd\u09b0\u09c7\u09b0_\u09b8\u09c7\u09a8\u09be\u09ac\u09be\u09b9\u09bf\u09a8\u09c0", + "\u09ac\u09bf\u09ae\u09be\u09a8\u09ac\u09be\u09b9\u09bf\u09a8\u09c0", + "\u0997\u09a3\u09a4\u09a8\u09cd\u09a4\u09cd\u09b0\u09c0_\u09a6\u09b2", + "\u0995\u09c3\u09b7\u09bf", + "\u09b8\u09cd\u09a8\u09be\u09af\u09bc\u09c1\u09af\u09c1\u09a6\u09cd\u09a7", + "\u0989\u09a6\u09cd\u09ad\u09bf\u09a6_\u0989\u09a6\u09cd\u09af\u09be\u09a8", + "\u09b6\u09be\u0995\u09cd\u09a4\u09a7\u09b0\u09cd\u09ae", + "\u0995\u09a8\u099c\u09be\u09b0\u09ad\u09c7\u099f\u09bf\u09ad_\u09aa\u09be\u09b0\u09cd\u099f\u09bf", + "\u09b6\u09bf\u09a8\u09cd\u09a4\u09cc_\u09a7\u09b0\u09cd\u09ae", + "\u09ae\u09a7\u09cd\u09af\u09aa\u09cd\u09b0\u09a6\u09c7\u09b6", + "\u09aa\u09be\u09b0\u09cd\u099f\u09bf", + "\u09b8\u09c7\u09a8\u09cd\u099f_\u09a8\u09bf\u0995\u09cb\u09b2\u09be\u09b8" + ], + "FOOD": [ + "\u09b9\u09cd\u09af\u09be\u09ae\u09ac\u09be\u09b0\u09cd\u0997\u09be\u09b0", + "\u099a\u09cd\u09af\u09c1\u0987\u0982_\u0997\u09be\u09ae" + ], + "ANIMAL": [ + "\u09ac\u09cd\u09b2\u09cd\u09af\u09be\u0995_\u0989\u0987\u09a1\u09cb", + "\u09ac\u09be\u09a4\u09be\u09b8\u09bf_\u09aa\u09be\u0996\u09bf" + ], + "LOCATION": [ + "\u09af\u09c1\u0995\u09cd\u09a4\u09b0\u09be\u09b7\u09cd\u099f\u09cd\u09b0", + "\u09aa\u09cd\u09b0\u09a5\u09ae_\u0989\u09b8\u09ae\u09be\u09a8", + "\u0995\u09c7\u09aa_\u09ad\u09be\u09b0\u09cd\u09a6", + "\u09b8\u09be\u09a8\u09cd\u099f\u09be\u0995\u09cd\u09b2\u099c", + "\u09b8\u09aa\u09cd\u09a4\u09b0\u09cd\u09b7\u09bf_\u09ae\u09a3\u09cd\u09a1\u09b2", + "\u0986\u09b2_\u099c\u09be\u099c\u09bf\u09b0\u09be", + "\u09ae\u09a7\u09cd\u09af\u09aa\u09cd\u09b0\u09be\u099a\u09cd\u09af" + ], + "DATE": [ + "\u099a\u09a8\u09cd\u09a6\u09cd\u09b0\u0995\u09b2\u09be", + "\u09b6\u09cd\u09b0\u09ae\u0998\u09a3\u09cd\u099f\u09be" + ], + "FAC": [ + "\u09aa\u09cd\u09b0\u09be\u09a5\u09ae\u09bf\u0995_\u09ac\u09bf\u09a6\u09cd\u09af\u09be\u09b2\u09af\u09bc", + "\u0995\u09cd\u09af\u09be\u09a5\u09b2\u09bf\u0995_\u099a\u09be\u09b0\u09cd\u099a", + "\u09b0\u09cb\u09ae\u09be\u09a8_\u0995\u09cd\u09af\u09be\u09a5\u09b2\u09bf\u0995_\u099a\u09be\u09b0\u09cd\u099a" + ], + "PLANT": [ + "\u0995\u09cd\u09af\u09be\u09ae\u09c7\u09b2\u09bf\u09af\u09bc\u09be", + "\u0995\u09c3\u09b7\u09cd\u09a3\u099a\u09c2\u09a1\u09bc\u09be" + ], + "GPE": [ + "\u09b9\u09cb\u09af\u09bc\u09be\u0987\u099f_\u09b9\u09be\u0989\u09b8", + "\u09af\u09c1\u0995\u09cd\u09a4\u09aa\u09cd\u09b0\u09a6\u09c7\u09b6", + "\u099c\u09be\u09b0\u09cd\u09ae\u09be\u09a8_\u09b8\u09be\u09ae\u09cd\u09b0\u09be\u099c\u09cd\u09af", + "\u09ae\u09be\u09a8\u09ac\u09be\u09a7\u09bf\u0995\u09be\u09b0" + ], + "SOC_ECO_CLASS": [ + "\u0995\u09cd\u09b7\u09c7\u09a4\u09cd\u09b0\u0995\u09b0\u09cd\u09ae", + "\u0996\u09c7\u09a4\u09bf" + ], + "POLITICAL_PARTY": [ + "\u0995\u09ae\u09bf\u0989\u09a8\u09bf\u09b8\u09cd\u099f_\u09aa\u09be\u09b0\u09cd\u099f\u09bf", + "\u09b6\u09cd\u09b0\u09ae", + "\u09a8\u09be\u09ce\u09b8\u09bf_\u09aa\u09be\u09b0\u09cd\u099f\u09bf", + "\u09a6\u09b2", + "\u09a1\u09c7\u09ae\u09cb\u0995\u09cd\u09b0\u09c7\u099f\u09bf\u0995_\u09aa\u09be\u09b0\u09cd\u099f\u09bf" + ], + "LANGUAGE": [ + "\u09b9\u09bf\u09a8\u09cd\u09a6\u09bf" + ], + "LAW": [ + "\u09ab\u09c7\u09a1\u09be\u09b0\u09c7\u09b2_\u09ac\u09cd\u09af\u09c1\u09b0\u09cb_\u0985\u09ac_\u0987\u09a8\u09ad\u09c7\u09b8\u09cd\u099f\u09bf\u0997\u09c7\u09b6\u09a8" + ], + "RELIGION": [ + "\u09ac\u09c8\u09b7\u09cd\u09a3\u09ac\u09a7\u09b0\u09cd\u09ae" + ], + "PERSON": [ + "\u09a4\u09be\u0987_\u09aa\u09b0\u09cd\u09ac\u09a4" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u09ae\u09c7\u09af\u09bc\u09c7": "\u099b\u09c7\u09b2\u09c7", + "\u09a8\u09be\u09a4\u09a8\u09bf": "\u09a8\u09be\u09a4\u09bf", + "\u09ae\u09be\u09a4\u09be": "\u09aa\u09bf\u09a4\u09be", + "\u09ae\u09be": "\u09ac\u09be\u09ac\u09be", + "\u09b0\u09be\u099c\u0995\u09c1\u09ae\u09be\u09b0\u09c0": "\u09b0\u09be\u099c\u09aa\u09c1\u09a4\u09cd\u09b0", + "\u09b0\u09be\u09a3\u09c0": "\u09b0\u09be\u099c\u09be", + "\u0986\u09aa\u09a8\u09bf": "\u09b8\u09c7", + "\u09b8\u09c7": "\u0986\u09aa\u09a8\u09bf", + "\u09ac\u09cb\u09a8": "\u09ad\u09be\u0987", + "\u09ad\u0997\u09bf\u09a8\u09c0": "\u09ad\u09be\u0987", + "\u09aa\u09a4\u09cd\u09a8\u09c0": "\u09b8\u09cd\u09ac\u09be\u09ae\u09c0", + "\u09b8\u09cd\u09a4\u09cd\u09b0\u09c0": "\u09b8\u09cd\u09ac\u09be\u09ae\u09c0", + "\u099b\u09c7\u09b2\u09c7": "\u09ae\u09c7\u09af\u09bc\u09c7" + }, + "other_gender_swap": { + "\u09a4\u09be\u09b0\u09be": "\u09b8\u09c7", + "\u0986\u09aa\u09a8\u09bf": "\u09a4\u09be\u09b0\u09be", + "\u09b8\u09c7": "\u09a4\u09be\u09b0\u09be" + }, + "en_pronoun2gender": { + "he": [ + "\u099b\u09c7\u09b2\u09c7", + "\u09b2\u09bf\u099f\u09b2_\u09ac\u09af\u09bc" + ], + "she": [ + "\u09a8\u09be\u09b0\u09c0", + "\u09ae\u09c7\u09af\u09bc\u09c7" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u09b8\u09c7", + "\u0986\u09aa\u09a8\u09bf" + ], + "she": [ + "\u09b8\u09c7", + "\u0986\u09aa\u09a8\u09bf" + ], + "they": [ + "\u09a4\u09be\u09b0\u09be" + ], + "it": [ + "\u098f\u099f\u09be", + "\u098f\u0987", + "\u098f\u0987\u099f\u09be", + "\u098f\u0987\u099f\u09bf", + "\u098f\u099f\u09bf" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/bo.json b/data_tooling/pii_processing/ontology/data/bo.json new file mode 100644 index 0000000..2ff87f1 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/bo.json @@ -0,0 +1,61 @@ +{ + "ORG": [ + "\u0f53\u0f42_\u0f5a\u0f7c\u0f44", + "\u0f66\u0fa6\u0fb2\u0f42_\u0f41\u0f44", + "\u0f42\u0f7c\u0f60\u0f7c_\u0f58\u0f72\u0f53_\u0f4f\u0f44", + "\u0f62\u0fa8_\u0f46\u0f74", + "\u0f66\u0fa8\u0fb1\u0f7c\u0f53_\u0f54\u0f60\u0f72_\u0f66\u0fa8\u0f53_\u0f41\u0f44", + "\u0f5a\u0f7c\u0f42\u0f66_\u0f54" + ], + "PUBLIC_FIGURE": [ + "\u0f58\u0f42_\u0f51\u0f63_\u0f58_\u0f58\u0f72\u0f62_\u0f61\u0f58" + ], + "SOC_ECO_CLASS": [ + "\u0f66\u0f7c_\u0f53\u0f58" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0f42\u0f53\u0f66_\u0f58\u0f7c": "\u0f41\u0f44_\u0f56\u0f51\u0f42", + "\u0f42\u0f61\u0f7c\u0f42_\u0f58\u0f7c": "\u0f42\u0f61\u0f7c\u0f42_\u0f54\u0f7c", + "\u0f68_\u0f58": "\u0f55_\u0f63\u0f42\u0f66", + "\u0f68_\u0f58_\u0f63\u0f42\u0f66": "\u0f55_\u0f63\u0f42\u0f66", + "\u0f66\u0fb2\u0f66_\u0f58\u0f7c": "\u0f62\u0f92\u0fb1\u0f63_\u0f66\u0fb2\u0f66", + "\u0f62\u0f92\u0fb1\u0f63_\u0f58\u0f7c": "\u0f62\u0f92\u0fb1\u0f63_\u0f54\u0f7c", + "\u0f68_\u0f45\u0f42": "\u0f53\u0f74_\u0f56\u0f7c", + "\u0f53\u0f74_\u0f58\u0f7c": "\u0f47\u0f7c_\u0f47\u0f7c", + "\u0f66\u0f90\u0fb1\u0f7a_\u0f51\u0f58\u0f53": "\u0f41\u0fb1\u0f7c_\u0f42" + }, + "other_gender_swap": { + "\u0f41\u0f7c_\u0f62\u0f44": "\u0f41\u0f7c\u0f44_\u0f5a\u0f7c", + "\u0f41\u0f7c\u0f44": "\u0f41\u0f7c\u0f44_\u0f5a\u0f7c" + }, + "en_pronoun2gender": { + "she": [ + "\u0f56\u0f74\u0f51_\u0f58\u0f7a\u0f51", + "\u0f66\u0f90\u0fb1\u0f7a\u0f66_\u0f51\u0f58\u0f53", + "\u0f56\u0f74_\u0f58\u0f7c" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0f41\u0f7c\u0f44", + "\u0f41\u0f7c_\u0f62\u0f44" + ], + "they": [ + "\u0f41\u0f7c_\u0f62\u0f44_\u0f5a\u0f7c", + "\u0f41\u0f7c\u0f44_\u0f5a\u0f7c", + "\u0f58\u0f7c_\u0f62\u0f44_\u0f5a\u0f7c" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/br.json b/data_tooling/pii_processing/ontology/data/br.json new file mode 100644 index 0000000..5340046 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/br.json @@ -0,0 +1,752 @@ +{ + "ANIMAL": [ + "pesked", + "c_hwiliorez", + "ki_dour", + "bugerc'heiz", + "avank", + "buteo", + "dourgi", + "pennduig", + "kaouenn", + "beked", + "morhoc'h", + "gwennili_vriell", + "draeneg", + "chakma", + "c_hwezher_bras", + "yourc\u2019h", + "rakoungi", + "morleanenn", + "carduelis", + "plaisenn", + "ki_gouez_afrika", + "sternidae", + "skoazog", + "perisodaktiled", + "brachypteraciidae", + "spineg", + "kudon", + "bronneged", + "garan_kanada", + "sidan_dour", + "merc'hetaer", + "keineg", + "grilian", + "yar_vor", + "ki_bihan", + "pennmarc'henn", + "bourlagad", + "accipiter", + "gouelan", + "kariakou", + "dubet", + "c_hwezher_korr", + "bouroundouk", + "banteng", + "bultur", + "donald_duck", + "gelaouenn", + "artiodaktiled", + "touseg", + "fured", + "leanegan", + "dorifor", + "megascops", + "garlizenn", + "arthropoda", + "ki_dour_mor", + "kerc\u2019heiz", + "liester", + "c_hwibon_zu", + "alarc'h_du", + "marc'hvran", + "sebelinez", + "toud", + "gazelenn_thomson", + "kle\u00f1ved_viruz_ebola", + "karveged", + "koural", + "morerer", + "karv", + "c_hwibon_gouzoug_du", + "karpenn", + "belouga", + "diredig", + "marc'heg_hudson", + "sidan_prad", + "lemming", + "ki_de\u00f1ved_alamaneg", + "c_hwibon_wenn", + "frikorneg_du", + "kuilhig", + "gwespetaer", + "eider", + "dourc'hast", + "broc'h", + "arvicola", + "gioc'h" + ], + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "noah_webster", + "giovanni_boccaccio", + "che_guevara", + "georges_simenon", + "jezuz", + "henrik_ibsen", + "benedig", + "mary_shelley", + "david_livingstone", + "jan_van_eyck", + "richard_burton", + "douglas_macarthur", + "winston_churchill", + "ivan_pavlov", + "paul_mccartney", + "terry_pratchett", + "stephen_king", + "isaac_newton", + "victor_hugo", + "jakez_karter", + "colette", + "eusebius_kaesarea", + "george_orwell", + "richard_wagner", + "pancho_villa", + "monet", + "leopold_stokowski", + "rebecca_west", + "marie_curie", + "michael_jackson", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "david", + "galileo_galilei", + "robert_koch", + "joseph_goebbels", + "john_steinbeck", + "vincent_van_gogh", + "anne_boleyn", + "valentina_terechkova", + "mary_pickford", + "samuel_johnson", + "giuseppe_verdi", + "e", + "hideki_yukawa", + "marianne_moore", + "igor_stravinskiy", + "abel_tasman", + "henri_matisse", + "louis_pasteur", + "john_ford", + "katherine_mansfield", + "saladin", + "sarah_bernhardt", + "luigi_pirandello", + "hank_williams", + "charles_de_gaulle", + "y", + "charles_lindbergh", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "alla_nazimova", + "dante_alighieri", + "robert_lee", + "giacomo_puccini", + "edward_fitzgerald", + "alessandro_manzoni", + "hal", + "andrea_mantegna", + "oscar_wilde", + "don_quijote", + "laurence_olivier", + "pierre_larousse", + "pete_seeger", + "a", + "boris_spassky", + "charles_baudelaire", + "luigi_cherubini", + "elesbed", + "immanuel_kant", + "albert_schweitzer", + "titus", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "osman_gazi", + "william_blake", + "julio_iglesias", + "sarah_siddons", + "george_vancouver", + "canberra", + "elias_canetti", + "dominique_ingres", + "cole_porter", + "frans_hals", + "edward", + "lola_montez", + "flavius_josephus", + "charlez", + "niels_bohr", + "michael_faraday", + "irving_berlin", + "walt_disney", + "james_whistler", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "jean_giraudoux", + "theodor_mommsen", + "marcel_proust", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "william_golding", + "john_milton", + "albert_speer", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "caravaggio", + "allen_ginsberg", + "antoine_watteau", + "bouzarded", + "gottfried_leibniz", + "patrick_white", + "hans_christian_andersen", + "arzur", + "thomas", + "pablo_picasso", + "otto_hahn", + "adam_smith", + "karl_marx", + "friedrich_nietzsche", + "i", + "avisenna", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "nikola_tesla", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "john_locke", + "st\u00ear_sant_laora\u00f1s", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "henri_rousseau", + "titoz", + "robert_southey", + "h_g_wells", + "walt_whitman", + "colin_powell", + "adolf_hitler", + "fritz_haber", + "miliner", + "joseph_haydn", + "garfield", + "edvard_grieg", + "rosa_parks", + "hertz", + "george_fox", + "anne_hathaway", + "daou", + "g", + "billy_mitchell", + "martin_heidegger", + "katelin", + "mari_magdala", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "thomas_hardy", + "thomas_gainsborough", + "c_hrouchtchov", + "giuseppe_garibaldi", + "roudouz", + "alexandre_dumas", + "bobby_fischer", + "johannes_gutenberg", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "pierre_boulez", + "girolamo_savonarola", + "jean_de_la_fontaine", + "o_henry", + "george_sand", + "marcus_aurelius", + "peter_o'toole", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "robert_morris", + "jackson_pollock", + "john_lennon", + "charlie_chaplin", + "d_h_lawrence", + "thomas_malory", + "lea", + "hannah_arendt", + "george_marshall", + "bozen", + "stanley_kubrick", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "homo", + "mari_madalen", + "david_hilbert", + "oliver_cromwell", + "william_wordsworth", + "woodrow_wilson", + "el_cid", + "marcus_antonius", + "st_louis", + "morgana", + "frank", + "ernest_hemingway", + "aquila", + "eero_saarinen", + "john_cheever", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "cesare_borgia", + "roald_amundsen", + "anton", + "charles_dickens", + "ella_fitzgerald", + "don_quijote_de_la_mancha", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "jan_steen", + "franz_schubert", + "johnny_cash", + "georges_cuvier", + "william_harvey", + "walter_scott", + "vladimir_lenin", + "p\u00ear_ia\u00f1", + "felipe_ii", + "robert_browning", + "alessandro_farnese", + "walter_gropius", + "albert_einstein", + "vladimir_poutin", + "thomas_edison", + "raymond_chandler", + "t" + ], + "DISEASE": [ + "kenn", + "ki", + "als", + "marelladur", + "bosenn", + "teuc'hegezh", + "skant", + "klostrofobiezh", + "gall", + "mania", + "krankr", + "boureverezh", + "torzhellegezh", + "lorgnez", + "gimp", + "amelia", + "ed", + "pica", + "dougerez", + "c_hwezigellad", + "drougsant", + "gwallzarvoud_eus_gwazhied_an_empenn", + "danta\u00f1", + "tan", + "sting", + "kresk", + "gwenaenn", + "penngamm", + "burbu", + "le", + "malaria" + ], + "JOB": [ + "grafour", + "merour", + "labourer", + "martolod", + "douarour", + "potter", + "kelennerez", + "soudard", + "ar_steredoniour", + "baraer", + "don", + "grip", + "sonour", + "eilenn", + "the_guardian", + "hollek", + "liorzhour", + "mate", + "moroniour", + "pastor", + "tiretenn", + "micherour", + "loman", + "maesaer", + "rabin", + "man", + "kizeller", + "lenner", + "usher", + "kelenner", + "daouvet", + "egile" + ], + "ORG": [ + "marc'h_troia", + "ti_al_lorded", + "gouarnamant", + "wicca", + "loch_laomainn", + "bitrakerezh", + "jan_mayen", + "shintoegezh", + "aa", + "nasa", + "daoegezh", + "bollywood", + "desaverezh", + "the_who", + "ti_k\u00ear", + "san_francisco", + "un", + "ar_goantenn_e_koad_ar_c_housk", + "strollad_broadel_sokialour_al_labourerien_alaman", + "skolaj", + "santez_lusia", + "an_taerch\u00f3r", + "gao", + "morlu", + "mahayana", + "da_garout_a_ran", + "chobiz", + "saint_helena", + "lenn_superior", + "me_da_gar", + "lenn_saint_clair", + "meudig", + "alamaneg", + "rabindranath_tagore", + "gestapo", + "gouarnamanto\u00f9", + "winnie_the_pooh", + "aerlu", + "strollad_politikel", + "po", + "skrid", + "moudenn", + "mossad", + "nautilus_pompilius", + "saint_barth\u00e9lemy", + "mor_ruz", + "gourvab", + "ti_gwenn", + "los_angeles", + "iliz_katolik_roman", + "monarkiezh_vonreizhel", + "ar_vreudeur_marx", + "strollad_al_labour", + "ti_dileuridi_ar_stado\u00f9_unanet", + "da_garan", + "st\u00ear_velen", + "iliz_katolik", + "mediao\u00f9", + "s\u00e3o_tom\u00e9" + ], + "PRODUCT": [ + "justin_bieber", + "demat", + "s\u00e3o_tom\u00e9_ha_pr\u00edncipe", + "egorvulzun", + "al_lizher_karantez", + "gwezenn_nedeleg", + "mario_andretti", + "tad_kozh_an_nedeleg", + "razh_indez", + "kab_horn", + "egorvulzuno\u00f9", + "nordrhein_westfalen", + "gwirio\u00f9_mab_den", + "spered_santel" + ], + "RELIGION_MEMBER": [ + "breudeur", + "breur" + ], + "LOCATION": [ + "an_taerch\u00f3r", + "kab_glas", + "park", + "united_states_army", + "ar_goantenn_e_koad_ar_c_housk", + "saks_anhalt", + "sint_maarten", + "menez_karmel", + "tad_kozh_ar_pellgent", + "karr_kamm_bras", + "saint_lucia", + "kristol_goulm", + "valentine's_day", + "mari_magdala", + "sri_lanka", + "bodadenn_vroadel", + "the_rolling_stones", + "leon_bihan", + "enez_sant_martin", + "mari_madalen" + ], + "LANGUAGE": [ + "poloniat", + "galleg", + "sinaat", + "hindeg", + "kongo", + "akaneg", + "esperanteg", + "polonek", + "katalanez", + "breizhad", + "kannadeg", + "brezhoneg", + "breizhadez", + "perseg", + "telougoueg", + "arabeg", + "boutaneg", + "malayalameg", + "brezhonek", + "katalan", + "hirimotoueg", + "breizhat", + "daneg", + "okitaneg", + "tonga" + ], + "RELIGION": [ + "zen", + "islam", + "daoegezh", + "shintoegezh", + "wicca" + ], + "GPE": [ + "leurg\u00ear", + "saint_domingue", + "nikolaz_mira", + "dar_es_salaam", + "hon_itron", + "sint_maarten", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "valentine's_day", + "al_andalus", + "c_hoad_du", + "barbara_nikomedia", + "mirdi_santez_sofia", + "impalaeriezh_alaman", + "st_louis", + "ti_gwenn", + "testamant_nevez", + "kreizamerika" + ], + "FOOD": [ + "loukoum", + "alumenn", + "dijuni\u00f1", + "chile", + "skornenn", + "merenn" + ], + "PLANT": [ + "kerezenn", + "sivolez", + "kerez", + "karotezenn", + "serfilh", + "campanula_rapunculus", + "frezenn", + "kanab", + "faou", + "krao\u00f1enn", + "benede", + "daoulagad_ar_werc'hez", + "haleg", + "brem" + ], + "GENDER": [ + "merc'hig", + "treuzrevelezh", + "maouez", + "itron", + "man", + "plac'h", + "plac'hig" + ], + "PERSON": [ + "al_gore", + "h_g_wells", + "george_v", + "al_amin" + ], + "DATE": [ + "meurlarjez", + "krennamzer", + "mallarje", + "mallarde", + "an_ened", + "sul_ar_beuz", + "mallarjez", + "gouel_maria_hanter_eost" + ], + "FAC": [ + "l_ultima_cena", + "bolz_enor", + "ar_werc'hez_vari_ko\u00f1sevet_dinamm", + "saint_lucia", + "santez_lusia", + "ti_k\u00ear", + "titus_livius" + ], + "PERSON_PRONOUN": [ + "i", + "he", + "our", + "her", + "ma_re", + "me", + "ma_hini" + ], + "QUANTITY": [ + "c_hwec'h_warn_ugent", + "tonenn", + "ton", + "dollar", + "g", + "tri_warn_ugent" + ], + "RACE": [ + "turk", + "latin" + ], + "SOC_ECO_CLASS": [ + "dienn", + "gounezerezh", + "samourai" + ], + "POLITICAL_PARTY": [ + "f\u00f3lkaflokkurin", + "labour", + "partido_popular", + "strollad_demokratel", + "strollad_komunour", + "strollad_republikan", + "parti_socialiste", + "strollad_mirour" + ], + "UNION": [ + "international_telecommunication_union" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abadez": "abati", + "merc'hed": "son", + "itron": "aotrou", + "anya": "peder", + "mamm": "pater", + "leanez": "monako", + "maelle": "pri\u00f1s", + "pri\u00f1sez": "pri\u00f1s", + "damez": "roue", + "queens": "rouaned", + "c_hoar": "breudeur", + "beva": "inta\u00f1v", + "inta\u00f1vez": "inta\u00f1v", + "gwreg": "gwaz", + "maouez": "gwaz", + "paotr": "plac'h" + }, + "other_gender_swap": { + "teir": "henne", + "ilin": "henne", + "e\u00f1": "teir", + "he": "teir", + "\u3078": "teir" + }, + "en_pronoun2gender": { + "they": [ + "treuzrevelezh" + ], + "he": [ + "paotr", + "gaur", + "menn", + "man", + "mab_den", + "gwaz" + ], + "she": [ + "maouez", + "itron", + "merc'hig", + "plac'h", + "plac'hig" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "e\u00f1", + "\u3078", + "he" + ], + "she": [ + "henne", + "her" + ], + "they": [ + "teir", + "ilin" + ], + "it": [ + "tann" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ca.json b/data_tooling/pii_processing/ontology/data/ca.json new file mode 100644 index 0000000..96d8c05 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ca.json @@ -0,0 +1,3240 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "la_tour", + "henry_cavendish", + "matthew_arnold", + "lambert", + "lev_ivanov", + "benjamin_franklin", + "martin_buber", + "karl_gjellerup", + "sullivan", + "akira_kurosawa", + "frances_wright", + "maria_tallchief", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "sant_llu\u00eds", + "roger_williams", + "le_duc_tho", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_wolfe", + "david_rittenhouse", + "ernesto_guevara", + "thomas_bayes", + "ben_hogan", + "angelets", + "johann_bernoulli", + "serguei_rakhm\u00e0ninov", + "max_bruch", + "giovan_battista_marino", + "leonard_bernstein", + "alistair_cooke", + "che_guevara", + "charles_townes", + "georges_simenon", + "c", + "alan_seeger", + "i_a_richards", + "thomas_hodgkin", + "john_barth", + "edward_albee", + "dorothy_parker", + "sant_pere", + "maria_callas", + "victor_herbert", + "william_walton", + "henrik_ibsen", + "abelard", + "rabelais", + "william_gladstone", + "mary_shelley", + "franz_werfel", + "quine", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "gauss", + "andrzej_wajda", + "jan_van_eyck", + "nicolau_cop\u00e8rnic", + "carl_rogers", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "douglas_macarthur", + "james_michener", + "mary_wollstonecraft", + "j_edgar_hoover", + "maria_magdalena", + "thomas_reid", + "john_jacob_astor", + "anna_pavlova", + "winston_churchill", + "constant\u00ed", + "johannes_diderik_van_der_waals", + "giambattista_marini", + "b", + "somicaire", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "dmitri_shostakovich", + "paul_mccartney", + "richard_smalley", + "andrew_marvell", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "john_trumbull", + "van_gogh", + "crist\u00f2bal_colom", + "joseph_greenberg", + "isaac_newton", + "richard_upjohn", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "ivan_p\u00e0vlov", + "milton_friedman", + "amy_lowell", + "edward_gibbon", + "mezzosoprano", + "jefferson_davis", + "saint_louis", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "george_burns", + "primer_mandatari", + "george_harrison", + "peter_minuit", + "george_orwell", + "seleuc", + "arthur_koestler", + "richard_wagner", + "joseph_john_thomson", + "williams", + "thornton_wilder", + "e_l_doctorow", + "pancho_villa", + "aleksandr_borodin", + "dr_james_wilson", + "el_quixot", + "leopold_stokowski", + "rebecca_west", + "marie_curie", + "malthus", + "francis_galton", + "mary_martin", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "thomas_hobbes", + "joseph_lister", + "edward_weston", + "el_greco", + "samuel_beckett", + "david", + "russell", + "galileo_galilei", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "andrea_guarneri", + "robert_koch", + "van_vleck", + "i_m_pei", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "utrillo", + "antigalla", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "w", + "william_hazlitt", + "marc_antoni", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "anne_boleyn", + "john_ruskin", + "francisco_de_goya_y_lucientes", + "robert_burns", + "john_henry", + "hans_albrecht_bethe", + "carl_anderson", + "thomas_paine", + "bari", + "francis_beaumont", + "lliurador", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "elisabet", + "karl_barth", + "yuri_gagarin", + "willem_einthoven", + "phil_anderson", + "thomas_willis", + "charles_chaplin", + "bernard_malamud", + "samuel_johnson", + "allen_iverson", + "wesley", + "l_elegida", + "marie_antoinette", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "walter_lippmann", + "edward_appleton", + "e", + "karl_jaspers", + "beethoven", + "helmholtz", + "hideki_yukawa", + "konrad_adenauer", + "antoni", + "john_l_lewis", + "marianne_moore", + "norbert_wiener", + "agripina", + "john_masefield", + "horatio_nelson", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "fran\u00e7ois_rabelais", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "j", + "richard_strauss", + "stephen_decatur", + "leslie_howard", + "hugo_grotius", + "mahalia_jackson", + "lloren\u00e7", + "ben_shahn", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "katherine_mansfield", + "vi_de_xer\u00e8s", + "gertrude_stein", + "sarah_bernhardt", + "dostoevski", + "farisaic", + "v", + "philip_marlowe", + "luigi_pirandello", + "t_s_eliot", + "e_g_marshall", + "marc_blitzstein", + "hank_williams", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "joseph_stalin", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "carmelit\u00e0", + "thomas_mann", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "arnau", + "robert_lee", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "panofsky", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "don_quixot", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "robert_johnson", + "james_dean", + "robert", + "richard_lovelace", + "marie_tussaud", + "roger_bannister", + "theodor_schwann", + "max_beerbohm", + "alessandro_manzoni", + "joseph_priestley", + "robert_oppenheimer", + "nicolas_poussin", + "andrea_mantegna", + "adolf_windaus", + "pere_abelard", + "joseph_pulitzer", + "ring_lardner", + "george_huntington", + "james_naismith", + "oscar_wilde", + "montgolfier", + "philip_roth", + "j_d_salinger", + "henry", + "lawrence", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "eli_whitney", + "glenn_curtiss", + "don_quijote", + "the_court_jester", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "l_advocat_del_diable", + "adolf_eichmann", + "marilyn_horne", + "boole", + "stan_musial", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "joseph_heller", + "a", + "boone", + "morris", + "norman_rockwell", + "boris_spassky", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "cichlasoma_octofasciatum", + "john_mitchell", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "james_meredith", + "samuel_gompers", + "nellie_bly", + "weber", + "alexandre_yersin", + "n", + "stephen_leacock", + "albert_schweitzer", + "sant_patrici", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "dewey", + "subnormal", + "johannes_kepler", + "anatoli_karpov", + "william_s_burroughs", + "most", + "david_hartley", + "max_planck", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "john_bardeen", + "sarah_vaughan", + "john_wilkes", + "galina_ul\u00e0nova", + "william_byrd", + "william_henry", + "christopher_fry", + "scott_joplin", + "samuel_houston", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "bramante", + "elias_canetti", + "robert_lowell", + "johann_strauss", + "edward_jenner", + "john_mercer", + "oscar_robertson", + "oliver_hardy", + "cole_porter", + "benjamin_west", + "assutzena", + "jean_luc_godard", + "graci\u00f3s", + "graham_greene", + "frans_hals", + "maquiavel", + "lars_onsager", + "margaret_mitchell", + "igor_stravinsky", + "stuart_davis", + "lola_montez", + "jan_swammerdam", + "mary_mccarthy", + "david_riesman", + "john_walker", + "william_herschel", + "joseph_black", + "marcus_whitman", + "mikhail_baryshnikov", + "montesquieu", + "peirce", + "arthur_rubinstein", + "calvin", + "arthur_compton", + "niels_bohr", + "tom\u00e0s", + "sergei_rachmaninoff", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "greg", + "irving_berlin", + "moliner", + "gauguin", + "anna_p\u00e0vlova", + "bernard_baruch", + "rudolf_diesel", + "vlad\u00edmir_putin", + "hans_holbein", + "walt_disney", + "ben_jonson", + "crist\u00f2for_colom", + "la_spezia", + "robert_benchley", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "ted_williams", + "coprotagonista", + "william_beaumont", + "friedrich_engels", + "pavlov", + "jane_austen", + "charles_laughton", + "jordi", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "la_caputxeta_vermella", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "jessica_mitford", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "anne_sullivan", + "paul_robeson", + "thomas_middleton", + "john_dowland", + "daniel_jones", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "rudolf_serkin", + "peter_stuyvesant", + "ethel_merman", + "illa_de_san_crist\u00f3bal", + "samuel_adams", + "albert_speer", + "james_baldwin", + "john_vanbrugh", + "indira_gandhi", + "william_mitchell", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "elisabet_i", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "sordmut", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "john_fletcher", + "caravaggio", + "charlie_watts", + "m", + "charlotte_corday", + "marcel_marceau", + "el_rei_lear", + "allen_ginsberg", + "fred_zinnemann", + "l_lawliet", + "daniel_bernoulli", + "guillaume_apollinaire", + "william_strickland", + "sant_david", + "antoine_watteau", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "antonius", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "phillis_wheatley", + "oppenheimer", + "patrick_white", + "saul_steinberg", + "bartholomew_roberts", + "eileen_farrell", + "catherine_howard", + "hans_christian_andersen", + "peter_cooper", + "reich", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "thomas", + "isaac_watts", + "ford", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "osman_i", + "kurt_weill", + "falciot", + "otto_hahn", + "lester_young", + "christian_huygens", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "ensostrador", + "robert_scott", + "stravinsky", + "john_galsworthy", + "robert_robinson", + "vassili_kandinski", + "o", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "henry_miller", + "modest_m\u00fassorgski", + "karl_marx", + "paul_bunyan", + "i", + "robert_indiana", + "jimmy_durante", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "magna_mater", + "seiji_ozawa", + "proust", + "nikola_tesla", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "carles", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "riu_sant_lloren\u00e7", + "lorenz_hart", + "robert_bartlett", + "perry", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "leonard_bloomfield", + "jane_jacobs", + "jean_piaget", + "anna_bolena", + "william_congreve", + "franz_kline", + "henri_rousseau", + "vitraller", + "paul_tillich", + "hilaire_belloc", + "frank_norris", + "pieter_brueghel", + "frank_stella", + "robert_southey", + "valentina_tereshkova", + "eddington", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "moliere", + "ludwig_boltzmann", + "carl_nielsen", + "chopin", + "carl_jung", + "leopold_kronecker", + "richard_wright", + "banyeta", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "archibald_macleish", + "peter_behrens", + "john_tradescant", + "alfred_stieglitz", + "john_h_watson", + "joseph_haydn", + "stephen_spender", + "garfield", + "george_boole", + "paul_revere", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "edith_cavell", + "alan_paton", + "ralph_richardson", + "prima_donna", + "1", + "cordell_hull", + "james_wilson", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "x", + "ernest_walton", + "vladimir_putin", + "jacob", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "h", + "randall_jarrell", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "jacqueline_cochran", + "george_fox", + "ben_hecht", + "christopher_isherwood", + "fritz_kreisler", + "anne_hathaway", + "david_garrick", + "don_budge", + "bill_russell", + "margaret_court", + "emile_zola", + "baldwin", + "gregori", + "jeannette_rankin", + "clarence_darrow", + "tamara_kars\u00e0vina", + "fyodorovich_stravinsky", + "charles_lamb", + "g", + "alexandre_i", + "konstant\u00edn_stanislavski", + "john_chapman", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "johns_hopkins", + "henri_pitot", + "wanda_landowska", + "martin_heidegger", + "hans_eysenck", + "muller", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "la_verge", + "antony_tudor", + "steven_spielberg", + "lev_iv\u00e0nov", + "jean_monnet", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "franz_ferdinand", + "giuseppe_garibaldi", + "philip_warren_anderson", + "fra_filippo_lippi", + "alexandre_dumas", + "philipp_melanchthon", + "robert_brown", + "wilhelm_weber", + "thomas_carlyle", + "johann_gutenberg", + "donald_barthelme", + "william_tyndale", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "d", + "james_bowie", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "edward_white", + "titus_flavius_vespasianus", + "amerigo_vespucci", + "arthur_holmes", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "putin", + "matthew_flinders", + "bataner", + "robert_herrick", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "alfred", + "coleman_hawkins", + "mary_harris", + "john_calvin", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "henry_clay", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "cromwell", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "robert_morris", + "woody_herman", + "alexander_wilson", + "josef_albers", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "gandhi", + "bob_woodward", + "crist\u00f2for_de_l\u00edcia", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "edward_morley", + "j_m_barrie", + "thomas_malory", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "hugo_junkers", + "caterina", + "patrici_d_irlanda", + "norman_thomas", + "lillian_hellman", + "brescia", + "carter", + "thomas_merton", + "riemann", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "robinson_jeffers", + "el_flautista_d_hamel\u00edn", + "pescant", + "alice_walker", + "miles_davis", + "edmund_cartwright", + "mois\u00e8s", + "james_parkinson", + "george_marshall", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "illa_de_sant_mart\u00ed", + "l_holand\u00e8s_errant", + "stanley_kubrick", + "john_deere", + "llac_tana", + "john_huston", + "robert_merton", + "jean_baptiste_joseph_fourier", + "william_gilbert", + "james_watt", + "octavi", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "begu\u00ed", + "la_rochefoucauld", + "david_hilbert", + "skinner", + "wilhelm_reich", + "william_thornton", + "troglod\u00edtid", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "besavis", + "william_wycherley", + "margaret_sanger", + "macaco_de_cua_de_porc_meridional", + "gustav_hertz", + "george_mason", + "el_cid", + "agrippina", + "richard_rodgers", + "rosegaaltars", + "don_quixote", + "carles_i", + "anne_sexton", + "salad\u00ed", + "morgana", + "john_dryden", + "jim_henson", + "b\u00e9la_lugosi", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "aquila", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "friedrich_wilhelm_bessel", + "valentina_tereixkova", + "gracie_allen", + "artesana", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "mohandas_gandhi", + "cesare_borgia", + "roald_amundsen", + "sherwood_anderson", + "richard_leakey", + "alfred_korzybski", + "charles_dickens", + "sean_o'casey", + "samuel_huntington", + "ella_fitzgerald", + "fats_waller", + "jakob_bernoulli", + "thomas_sydenham", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "joseph_paxton", + "falcilla", + "william_curtis", + "william_chambers", + "gilbert", + "leakey", + "bronislaw_malinowski", + "george_stevens", + "federico_fellini", + "bessie_smith", + "patrick_henry", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "king_oliver", + "jan_steen", + "frank_harris", + "john_ross", + "ali_baba", + "powell", + "philibert_delorme", + "hans_arp", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "charles_peirce", + "georges_cuvier", + "hemingway", + "william_harvey", + "walter_scott", + "parkinson", + "peter_medawar", + "professor_de_ci\u00e8ncies", + "sam_houston", + "l_elegit", + "la_verge_maria", + "robert_peary", + "eritrina_arbre", + "maximi\u00e0", + "robert_browning", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "l", + "aletta_jacobs", + "thomas_edison", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "t", + "gainsborough", + "wilhelm_ostwald" + ], + "PLANT": [ + "acer_negundo", + "verdolaga", + "marrub\u00ed", + "cucurbita_ficifolia", + "lisim\u00e0quia", + "hibiscus_syriacus", + "repalassa", + "guixera", + "hevea", + "pyracantha", + "acer_rubrum", + "col_de_cabdell", + "card_mari\u00e0", + "mahonia", + "magn\u00f2lia", + "enciam", + "parnassia", + "espantallops", + "batallaire", + "rubus_saxatilis", + "caquier", + "morella", + "genus_dracaena", + "bardana", + "quercus_coccinea", + "servera", + "cladonia_rangiferina", + "melissa", + "maduixera", + "geranium_molle", + "mamona", + "viola_arvensis", + "sapindus", + "the_joshua_tree", + "olivereta", + "helleborus_niger", + "vidalba", + "helianthus", + "traspic", + "hidr\u00f2fit", + "horehound", + "serpoll", + "maracuj\u00e0", + "guinder", + "cucurbita_moschata", + "xuclamel", + "olives", + "mountain_alder", + "xirimoier", + "aur\u00f3", + "magnoli\u00f2fit", + "pseudofruit", + "llentiscle", + "white_horehound", + "oli_de_colza", + "selaginella_lepidophylla", + "ortiga", + "bellaombra", + "sensitiva", + "amanita", + "pinassa", + "sequoiadendron", + "morell", + "noguera", + "escutel\u00b7l\u00e0ria", + "arabidopsis_thaliana", + "santa_maria", + "bertholletia_excelsa", + "castanyer", + "epipremnum_aureum", + "arundo", + "porradell", + "trompetes", + "moniatera", + "octubrera", + "planta_verinosa", + "sinapis", + "calcida", + "crisantem", + "passiflora_ligularis", + "leucaena_leucocephala", + "ala_d_\u00e0ngel", + "cercidiphyllum_japonicum", + "acer_campestre", + "cassoleta_vermella", + "falgueres", + "erable", + "col_de_tripa", + "convolvulus", + "aristol\u00f2quia_sarmentosa", + "lleterola", + "armoll", + "arctostaphylos_alpina", + "acacia_pycnantha", + "actinidia_chinensis", + "sakura", + "papaver", + "silene_dioica", + "guinda", + "candida_albicans", + "amaryllis_belladonna", + "arrhenantherum", + "vedells", + "asperula", + "rosa_multiflora", + "anthemis_arvensis", + "cicadofit\u00ed", + "fongs", + "bufassa", + "escarolat", + "acer_macrophyllum", + "parquins\u00f2nia", + "dianthus_caryophyllus", + "gram\u00ednia", + "malrub\u00ed", + "pastanaga", + "planta_arborescent", + "boixerola", + "sciadopitys", + "bergamota", + "altimira", + "acer_palmatum", + "liliaci", + "vellutet", + "tangerina", + "esquitxagossos", + "sapodella", + "nou_d_areca", + "lligabosc", + "bellerenca", + "marc\u00f2lic", + "passiflora_incarnata", + "clusia", + "traqueobiont", + "festuca_ovina", + "quercus_ellipsoidalis", + "marx\u00edvol", + "genus_brassica", + "mostassa", + "gatassa", + "selenicereus_grandiflorus", + "pelargonium_peltatum", + "reseda", + "niella", + "barbarea_vulgaris", + "kochia_scoparia", + "gossypium_hirsutum", + "castanea_dentata", + "coliflor", + "liquidambar", + "urtica", + "parthenocissus_tricuspidata", + "lychnis", + "alzina", + "aguilera", + "olivaci", + "gatsaule", + "cucurbita_argyrosperma", + "dionea", + "actin\u00eddia", + "caputxina", + "calla_palustris", + "leonurus_cardiaca", + "silybum", + "acer_japonicum", + "taronja_\u00e0cida", + "dracocephalum", + "carissa_macrocarpa", + "margaridoia_perenne", + "populus_balsamifera", + "col_cabdellada", + "cabrafiguera", + "olivera", + "genus_angelica", + "blat\u00e0ria", + "genus_prunus", + "diplotaxis_muralis", + "castany", + "clematis", + "xeringuilla", + "xicoia", + "margall_bord", + "menta_boscana", + "saccharum", + "garrof\u00f3", + "tricholoma_aurantium", + "col_i_flor", + "xirimoia", + "phytophthora_infestans", + "chlorophyllum_molybdites", + "bilimbi", + "alzineta", + "prosopis_juliflora", + "peric\u00f3", + "acer_platanoides", + "planta_carn\u00edvora", + "argemone", + "erica_carnea", + "euphorbia_cyparissias", + "ar\u00edtjol", + "blackberry", + "blenera", + "cortaderia_selloana", + "solanum", + "florida_selaginella", + "escaravia", + "cicad\u00e0cia", + "peritre", + "gelsemi", + "brachychiton_acerifolius", + "acer_pseudoplatanus", + "canabassa", + "bougainvillaea", + "cr\u00e8spol", + "romeguera", + "bardissa", + "tavellera", + "genus_erica", + "repunx\u00f3", + "conillets", + "pa_de_cucut_de_bosc", + "genus_echinocactus", + "rubus_spectabilis", + "liquid\u00e0mbar", + "genus_ricinus", + "llambrusca", + "plantes", + "acer_circinatum", + "planta_llenyosa", + "scottish_maple", + "sabina", + "arum", + "dracunculus_vulgaris", + "acacia_melanoxylon", + "saccharomyces_cerevisiae", + "coniza_canadenca", + "lled\u00f3", + "all_de_serp", + "ranunculus_bulbosus", + "molses", + "aleixandri", + "desferracavalls", + "noguer", + "col_xinesa", + "espernallac", + "aliguer", + "marum", + "aquil\u00b7lea", + "planta_bulbosa", + "all_porro", + "tintorell", + "carrasca", + "gaultheria_procumbens", + "margall_perenne", + "pseudotsuga_menziesii", + "cascall", + "galzeran", + "plantatge_gros", + "genus_coreopsis", + "crataegus_aestivalis", + "tirabec", + "teix", + "quallallet", + "monocotiled\u00f2nies", + "gallaret", + "calla", + "col_de_brot", + "salic\u00e0ria", + "saxe_gothea", + "nasturtium", + "cany\u00eds", + "espinavessa", + "auriana", + "edelweiss", + "spiranthes_spiralis", + "cirerer", + "fesol", + "aranyoner", + "estepa_ladan\u00edfera", + "zoisia", + "estramoni", + "azaleastrum", + "fromental", + "salix_arctica", + "cananga", + "morr\u00f3", + "arrhenatherum", + "annona_reticulata", + "paris_quadrifolia", + "cavall_roig", + "oxalis", + "belladonna", + "gatzer\u00ed", + "vinagrella", + "allium_ampeloprasum", + "savina", + "roser_silvestre", + "poa_nemoralis", + "amaranthus_albus", + "saxegothea", + "agrimonia", + "vallisneria", + "ou_del_diable", + "acer_glabrum", + "gimnospermes", + "lloreret", + "castanya", + "genus_urtica", + "jull", + "castanea", + "melcoratge", + "donzell", + "malcoratge", + "physalis_peruviana", + "cardiga", + "j\u00edcama", + "hamamelis_virginiana", + "gazer\u00ed", + "aler\u00e7", + "dicksonia_antarctica", + "surera", + "magnolia", + "nephrolepis_exaltata", + "barball\u00f3", + "plantago_media", + "artemisia_maritima", + "ranunculus_acris", + "corretjola", + "ou_de_reig", + "platanthera_bifolia", + "corniol" + ], + "ANIMAL": [ + "passerell", + "acherontia", + "apodemus", + "la_gavina", + "hidrob\u00e0tid", + "equinoderms", + "ca_eivissenc", + "panerola", + "te_verd", + "buteo", + "catxalot", + "albatros_negre", + "homo_sapiens_sapiens", + "os_mar\u00ed_septentrional", + "sit_blanc", + "cabusset", + "martinet_blanc", + "rata_del_desert", + "estafil\u00ednid", + "arru\u00ed", + "cirr\u00edpede", + "tafanera", + "malocostraci", + "sorell", + "holot\u00faria", + "billy_elliot", + "pseudoharengus", + "torpediniforme", + "bacteris", + "merla", + "falc\u00f3", + "kunduz", + "dipl\u00f2pode", + "mostela", + "artr\u00f2pode", + "canis_minor", + "hiemosc", + "manta", + "cornella", + "gonococ", + "bact\u00e8ries", + "carduelis", + "pisces", + "falcilla", + "eretmochelys", + "lloparr\u00f3", + "estrigiforme", + "teix\u00f3", + "kalimotxo", + "martinet_cullerot", + "lactobacillus_acidophilus", + "ca_menor", + "carei", + "senglar", + "artr\u00f2podes", + "cobai", + "agullat", + "lladella", + "duc", + "escateret", + "escanyapolls", + "enganyapastors", + "picaplatges", + "garsa", + "amfibis", + "homocerca", + "micropterus", + "xafardera", + "hermissenda", + "picnog\u00f2nid", + "sit_caranegre", + "camallarg", + "homo_sapiens", + "baribal", + "arner", + "calimotxo", + "carabao", + "tallareta_vulgar", + "marcenc", + "passer", + "escamarl\u00e0", + "ai_ai", + "fenic\u00falid", + "gal\u00b7linaci", + "barret_de_castor", + "marmotini", + "peixos", + "acel", + "protoctistes", + "rascl\u00f3", + "cocker", + "rata_dormidora_rogenca", + "virus_del_mosaic_del_tabac", + "rata_comuna", + "perist\u00e8did", + "genus_erignathus", + "marta_gibelina", + "hortol\u00e0", + "accipiter", + "cinclid", + "au_aqu\u00e0tica", + "perissod\u00e0ctil", + "rata_talpera", + "heterocerca", + "el_corb", + "llampuga", + "aguilot", + "probi\u00f2tic", + "dicti\u00f2pter", + "thomomys_talpoides", + "banteng", + "gripau", + "crisom\u00e8lid", + "llebrer", + "sergent_major", + "protoctists", + "aufrany", + "donald_duck", + "cargolet", + "camallarga", + "rata_cangur", + "sebel\u00b7l\u00ed", + "voltor", + "esplugabous", + "aligany", + "febre_hemorr\u00e0gica_de_l_ebola", + "trencapinyes", + "genus_staphylococcus", + "celenterats", + "cat\u00e0rtid", + "lloca", + "cordats", + "ammospermophilus", + "ictiobus_niger", + "rata_negra", + "megascops", + "falciot", + "bombyx", + "virus_del_nil_occidental", + "micr\u00f2stom", + "titella", + "pregamans", + "mahonia_aquifolium", + "ringdove", + "pardal", + "tetran\u00edquid", + "barramunda", + "percebe", + "coniller", + "cant\u00e0rida", + "platanisto\u00efdeu", + "tetra\u00f2nid", + "moixa", + "camar\u00ed", + "destrer", + "conill_porqu\u00ed", + "cobaia", + "torlit", + "au_de_ca\u00e7a", + "tamia", + "teleostis", + "lir\u00f3_gris", + "mesquer", + "home_modern", + "au_migrat\u00f2ria", + "marsopa", + "gavot\u00ed", + "mantis", + "nassut", + "dros\u00f2fila", + "gymnorhina", + "blatodeu", + "cadernera", + "podicipediforme", + "artiod\u00e0ctil", + "pregad\u00e9u", + "quac_quac", + "cranca", + "rubor\u00f3s", + "lemming", + "eagle", + "digit\u00edgrad", + "muscic\u00e0pid", + "malacopterigi", + "genbu", + "chelydra", + "rata_d_aigua", + "fredeluga", + "erignathus", + "clor\u00f2fit", + "arvicola", + "lluer", + "mantodeu" + ], + "SOC_ECO_CLASS": [ + "alta_societat", + "labor", + "samurai", + "subm\u00f3n", + "petita_burgesia", + "escollit", + "estraperlo", + "proletariat", + "burgesia", + "selecte", + "petit_burg\u00e8s", + "organitzaci\u00f3_fraternal" + ], + "LOCATION": [ + "al_jazeera", + "la_plata", + "assemblea_nacional", + "no_es_mereixen", + "mar_forana", + "air_force", + "manicomi", + "any_nou", + "mar_oriental_de_la_xina", + "mar_del_nord", + "corpus_christi", + "mar_groc", + "piet_mondrian", + "un_quart_de_dues", + "nou_m\u00f3n", + "santa_fe", + "mar_de_lluny", + "sint_maarten", + "les_dotze_en_punt", + "les_dotze", + "mar_negra", + "trois_rivi\u00e8res", + "bella_dorment", + "fons_de_retirs", + "dia_del_treballador", + "escola_d_arts_i_oficis", + "saint_george", + "mar_tirrena", + "forces_a\u00e8ries", + "mont_carmel", + "sant_pau", + "huang_he", + "riu_groc", + "saint_vincent", + "balneari", + "mar_de_la_xina_oriental", + "en_pau_en_pere_i_en_berenguera", + "pieris_rapae", + "assemblea_nacional_de_la_rep\u00fablica_de_l_azerbaidjan", + "assemblea_nacional_de_corea_del_sud", + "no_\u00e9s_res", + "roserar", + "joseph_louis_gay_lussac", + "per_si_de_cas", + "mar_groga", + "el_pilar", + "aigua_dol\u00e7a", + "ex\u00e8rcit_dels_estats_units_d_am\u00e8rica", + "mar_llarguera", + "plantago_media", + "a_la_carretera", + "la_city", + "conservatori_de_m\u00fasica", + "mar_negre", + "saint_lucia", + "hwang_ho", + "l_hort_dels_cirerers", + "arena", + "austr\u00e0lia_occidental", + "sri_lanka", + "escola_t\u00e8cnica", + "la_bella_dorment", + "bernat_pescaire", + "banc_central", + "terra_cremada", + "the_rolling_stones", + "el_tel\u00e8fon", + "de_res", + "sax\u00f2nia_anhalt", + "mar_de_fora", + "dia_de_la_hispanitat", + "llac_superior", + "\u00e0ngel_de_la_guarda", + "via_romana", + "ex\u00e8rcit_dels_estats_units", + "nou_m\u00e8xico", + "heitor_villa_lobos", + "louis_joseph_gay_lussac", + "bescuit", + "mar_de_fons", + "al_ain", + "nou_m\u00e8xic", + "de_dins", + "santa_claus", + "llac_saint_clair" + ], + "DISEASE": [ + "pesta_septic\u00e8mica", + "adoloriment", + "energia_calor\u00edfica", + "xarampi\u00f3", + "sotragar", + "presb\u00edcia", + "malaltia_inflamat\u00f2ria", + "pampallugues", + "calazi", + "esgratinyada", + "epil\u00e8psia_t\u00f2nica", + "grip_porcina", + "guerxesa", + "fonedor", + "tartamudeig", + "deixondiment", + "fur\u00f3ncol", + "cosmid", + "gotirl\u00f3", + "malatia_transmissible", + "esquistosomosi", + "galteres", + "mastitis", + "papissotejar", + "arrauxat", + "escaldada", + "z\u00f2ster", + "papil\u00b7loma", + "arcades", + "deshidrataci\u00f3", + "coragre", + "sanglot", + "empatx", + "hermafroditisme", + "galind\u00f3", + "herpes_simple", + "masto\u00efditis", + "energy", + "genus_oestrus", + "cianosi", + "carboncle", + "frenes\u00ed", + "flaquesa", + "quilitis", + "ordit", + "baconera", + "rapacitat", + "palat\u00f2squisi", + "fotof\u00f2bia", + "catal\u00e8psia", + "distr\u00f2fia", + "gall", + "mania", + "pigota", + "the_bends", + "virus_de_la_varicel\u00b7la_z\u00f2ster", + "labirintitis", + "fusta_del_castanyer", + "esparavany", + "genus_anomia", + "epil\u00e8psia_musicog\u00e8nica", + "picornavirus", + "phytophthora_infestans", + "shigel\u00b7losi", + "poliomielitis", + "esternut", + "malaltia_cardiovascular", + "condicionar", + "llengut", + "anguniejar", + "claustrof\u00f2bia", + "distr\u00f2fia_muscular", + "mig_aclucar", + "the_suffering", + "malaltia", + "paramixovirus", + "dolen\u00e7a", + "odont\u00e0lgia", + "papil\u00b7ledema", + "pancreatitis", + "restrenyiment", + "mononucleosi_infecciosa", + "pirosi", + "pessigada", + "esternudar", + "catarro", + "mossegar", + "ratol\u00ed", + "estrim\u00f3", + "par\u00e8sia", + "cardiopatia_cong\u00e8nita", + "colangitis", + "handicap", + "indigesti\u00f3", + "gastritis_cr\u00f2nica", + "calfred", + "transposici\u00f3", + "oftalmoplegia", + "xuclet", + "geperut", + "gegantisme", + "vasculitis", + "beri_beri", + "lumbago", + "diabetis_sacarina", + "autoimmunitat", + "escanyament", + "bradic\u00e0rdia", + "torpor", + "queratoacantoma", + "analg\u00e8sia", + "hero\u00efnomania", + "tartamudejar", + "mareig", + "penell\u00f3", + "el_cop", + "faringitis", + "escandalitzar", + "balanitis", + "la_n\u00e0usea", + "laceraci\u00f3", + "talass\u00e8mia", + "poli\u00faria", + "brucel\u00b7losi", + "rubor", + "berruga", + "escarlatina", + "qi", + "queratitis", + "erisipela", + "corn", + "granuloma", + "exaltac\u00f3", + "forma_f\u00edsica", + "llaga", + "alteraci\u00f3_gen\u00e8tica", + "silicosi", + "dist\u00edmia", + "gimp", + "oestrus", + "trasbalsat", + "arrapada", + "herpes", + "escorbut", + "despersonalitzaci\u00f3", + "protan\u00f2psia", + "castanya", + "mongolisme", + "desmielinitzaci\u00f3", + "desconfortar", + "twist", + "paludisme", + "prog\u00e8ria", + "cardiomiopatia", + "rodera", + "ed", + "fogonejar", + "pica", + "ventrellada", + "parest\u00e8sia", + "alveolitis", + "tracoma", + "quist", + "anest\u00e8sia", + "fonof\u00f2bia", + "embriaguesa", + "paritat", + "betegar", + "espasme", + "listeriosi", + "defici\u00e8ncia_mental", + "queratocon", + "cardiomeg\u00e0lia", + "oftalmia", + "socarrar", + "cardiopatia", + "taquic\u00e0rdia", + "pain", + "coragror", + "enguerximent", + "triquinosi", + "bul\u00edmia", + "castany", + "genus_icterus", + "arbovirus", + "neur\u00e0lgia_trig\u00e8mina", + "the_passion_of_the_christ", + "abadanar", + "coent", + "albumin\u00faria", + "deseiximent", + "preecl\u00e0mpsia", + "accident_vascular_cerebral", + "polidact\u00edlia", + "goll", + "laringitis", + "ill", + "paraplegia", + "sobrecreixement", + "brusar", + "minusvalidesa", + "arenav\u00edrid", + "decandiment", + "verola", + "vitreus", + "cinetosi", + "flegm\u00f3", + "congesti\u00f3", + "malaltia_contagiosa", + "pesta_bub\u00f2nica", + "mielitis", + "exotropia", + "escr\u00f2fula", + "rojor", + "ginecom\u00e0stia", + "estrabisme", + "mi", + "escalfor", + "aura", + "virus_d_epstein_barr", + "soltesa", + "tan", + "tanatof\u00f2bia", + "sting", + "par\u00e0lisi", + "singlotar", + "pasteurel\u00b7losi", + "sobrep\u00e8s", + "contagi", + "fundador", + "tritan\u00f2psia", + "polid\u00edpsia", + "rovellament", + "trauma", + "sanglotar", + "borm", + "cagarrines", + "meteorisme", + "kuru", + "burn", + "salmonel\u00b7losi", + "la_pesta", + "contusi\u00f3", + "corpul\u00e8ncia", + "cremada", + "espinal", + "noma", + "ortopnea", + "the_hives", + "materialisme", + "genus_scleroderma", + "ronya", + "estenosi", + "escoliosi", + "dengue", + "anasarca", + "tallada", + "estrangulaci\u00f3", + "adolorit", + "polimiositis", + "proctitis", + "amigdalitis", + "rabiar", + "malaltia_cong\u00e8nita", + "radiaci\u00f3", + "pepida", + "p\u00f2lissa_flotant", + "salmonel\u00b7la", + "carrilada", + "habituaci\u00f3", + "coltellada", + "addicci\u00f3", + "carditis", + "pertorbaci\u00f3_mental", + "tarantisme", + "grafospasme" + ], + "FOOD": [ + "pa_mor\u00e8", + "desdejuni", + "te_negre", + "olla_podrida", + "pa_integral", + "gint\u00f2nic", + "mousse", + "pa_de_canyella", + "esmorzar", + "pastes", + "golden_delicious", + "desert", + "cucurull", + "vi_de_calif\u00f2rnia", + "ou_de_xocolata", + "vi_blanc", + "oli_vegetal", + "vi_gener\u00f3s", + "mossec", + "pela_de_la_llimona", + "llimonada", + "te_d_herbes", + "vi_rosat", + "cucurutxo", + "vi_de_porto", + "vigna_unguiculata", + "truita_salmonada", + "granny_smith", + "oli_de_cot\u00f3", + "pa_franc\u00e8s", + "darreries", + "resaig\u00fces", + "pa_de_panses", + "vi_de_missa", + "pa_de_s\u00e8gol", + "white_russian", + "xiclet", + "t_bone_steak", + "farina", + "te_gelat", + "pa_blanc", + "ou_de_pasqua", + "pela_de_la_taronja", + "rebosteria", + "col_llombarda", + "oli_de_palma", + "pa_d_all", + "resinar", + "vi_de_taula", + "alta_cuina", + "ou_dur", + "pa_negre", + "rostes_de_santa_teresa", + "congelats", + "galeta_granola", + "mossada", + "caldereta", + "guerxa", + "quetxup", + "patates_fregides", + "oli_de_s\u00e8sam", + "oli_de_cacauet", + "oli_d_oliva", + "antipasto", + "postres", + "olives_farcides", + "oli_de_gira_sol", + "baguet", + "oli_de_llavors_de_cot\u00f3", + "embotits", + "llet\u00f3", + "ou_passat_per_aigua", + "tutti_frutti", + "all_tendre", + "dinada", + "pa_de_ceba", + "morritort", + "oli_de_soja", + "oli_de_coco", + "ou_ferrat", + "vi_negre", + "pastissos", + "pela_de_pl\u00e0tan", + "rom_jamaica", + "olives_negres", + "pa_graham", + "poma_\u00e0cida", + "vi_dol\u00e7", + "vi_escum\u00f3s", + "vi_del_roine", + "entrem\u00e8s", + "oli_de_soia" + ], + "JOB": [ + "infermer", + "persona_grata", + "cortes\u00e0", + "timoner", + "falconer", + "vidrier", + "alienista", + "verger", + "endocrin\u00f2leg", + "tallista", + "guru", + "allistador", + "lacai", + "gerent", + "maitre", + "cabrera", + "internunci", + "presidenta", + "endodoncista", + "mariner", + "boxador", + "fustera", + "assistent", + "assegurador", + "tinent", + "pellisser", + "geof\u00edsic", + "repartidor", + "magatzemer", + "agrimensor", + "canalera", + "ginec\u00f2leg", + "dissenyador", + "grangera", + "make", + "esteticista", + "asidu", + "venedor", + "mainadera", + "dependenta", + "meteor\u00f2leg", + "batlle", + "interiorista", + "llenyataire", + "cristaller", + "reboster", + "forner", + "faronejar", + "enciclopedista", + "luthier", + "tartaner", + "alcaid", + "sindicador", + "registrar", + "autora", + "banderer", + "fosser", + "canoer", + "bastaix", + "ruedero", + "tripulant", + "arrier", + "bugadera", + "subaltern", + "fargaire", + "alcaldessa", + "senescal", + "fuster", + "fundador", + "conillet", + "el_ca\u00e7ador", + "don", + "galiot", + "distribuidor", + "carretel\u00b7la", + "king", + "planter", + "mercader", + "patronejar", + "trencador", + "sanitari", + "caporal", + "facultatiu", + "acad\u00e8mica", + "fogoner", + "missatger", + "industrialista", + "the_police", + "sastressa", + "intern", + "pastora", + "gestor", + "terapeuta", + "compositor", + "comediant", + "carreter", + "vaguista", + "skinner", + "pretor", + "picapedrer", + "sommelier", + "ensostrador", + "llancer", + "empenyorar", + "resident", + "empenyorament", + "entallador", + "portaequipatges", + "molinera", + "carronyaire", + "llauner", + "col\u00b7leccionista", + "microbi\u00f2leg", + "ebenista", + "territorial", + "pastisser", + "cobradora", + "conestable", + "pixatinters", + "perruquer", + "netejavidres", + "ministra", + "grip", + "router", + "conductor", + "esten\u00f2graf", + "paperer", + "unionista", + "blanquer", + "oste\u00f2pata", + "algutzir", + "la_pastora", + "marmit\u00f3", + "missatgera", + "assagista", + "professor_d_art", + "mastermind", + "capat\u00e0s", + "miodes\u00f2psies", + "adober", + "gautxo", + "rehoboth_basters", + "estomat\u00f2leg", + "herbolari", + "estipendiari", + "barretaire", + "fanaler", + "duaner", + "mac\u00eds", + "alt_comissari", + "calafatador", + "guaita", + "inventor", + "catequista", + "cronometrador", + "hostelera", + "grafista", + "portador", + "manufacturer", + "infermera", + "brigadier", + "clauera", + "independent", + "capitanejar", + "perruquera", + "freelance", + "verdulaire", + "subtinent", + "giravoltar", + "kamikaze", + "carboner", + "carcerari", + "the_advocate", + "empaperador", + "peroler", + "llenyater", + "sergent", + "enginyer_electricista", + "sobrec\u00e0rrec", + "histri\u00f3", + "governador", + "punter", + "cadi", + "calaix", + "llevadora", + "perxa", + "alcalde", + "venedora", + "master", + "mantinguda", + "the_guardian", + "bracer", + "percussor", + "torner", + "tracci\u00f3", + "president", + "ensenyant", + "picaplets", + "la_lletera", + "burgmestre", + "bataner", + "moliner", + "culi", + "setter", + "estacional", + "mariscal", + "regidor", + "esbirro", + "calderer", + "volandera", + "agen\u00e7aaparadors", + "mate", + "callista", + "arrecerar", + "no_combatent", + "macer", + "aiguafortista", + "herald", + "professor_de_geometria", + "catxap", + "pastor", + "hostessa", + "cart\u00f2graf", + "neur\u00f2leg", + "vaquer", + "richard_keith", + "alferes", + "hemat\u00f2leg", + "tropes", + "taqu\u00edgraf", + "camer\u00e0man", + "portalliteres", + "ballador", + "serraller", + "orinar", + "escombrador", + "estad\u00edstic", + "corporal", + "renglera", + "baster", + "bombers", + "coronel", + "intendent", + "bugader", + "granader", + "the_consul", + "sagrist\u00e0", + "the_economist", + "associat", + "cuirasser", + "familiar", + "comerciant", + "escombraire", + "carter", + "porter", + "carronyer", + "covallibres", + "oficial_federal", + "amistan\u00e7ada", + "microbi\u00f2loga", + "cop", + "quiropr\u00e0ctic", + "bobinadora", + "novel\u00b7lista", + "the_batman", + "batllessa", + "barber", + "agutzil", + "departament_executiu", + "golejador", + "neurocirurgi\u00e0", + "crupier", + "assaonador", + "fogainer", + "principal", + "col\u00b7leccionador", + "man", + "assessora", + "dermat\u00f2leg", + "regent", + "maquetista", + "professor_associat", + "rotulista", + "mesurador", + "caixista", + "torrapipes", + "armero", + "barreter", + "rentaplats", + "gavarrer", + "arrencador", + "lapidari", + "el_rector", + "usher", + "messenger", + "carrosser", + "many\u00e0", + "rentacares", + "netejador", + "rodeta", + "enterramorts", + "mariner_de_coberta", + "el_comerciant", + "agent_d_assegurances", + "au_pair", + "rentavaixella", + "geront\u00f2leg", + "proconsul", + "capeller", + "tramoista", + "the_interpreter", + "p\u00f2lissa_oberta", + "amanuense", + "comandant", + "fonedor", + "calafat", + "proc\u00f2nsol", + "terrissaire", + "gelater", + "director_general_de_correus", + "portaveu", + "lampista", + "fuseller", + "extern", + "estibador", + "doula", + "antologista", + "the_dresser", + "parer", + "teleapuntador", + "the_landlord", + "comodor", + "the_independent", + "tresorer", + "reguer\u00f3", + "coper", + "cardi\u00f2leg", + "proct\u00f2leg", + "mitjancer", + "vaquera", + "cookie", + "conductora", + "agents", + "guixer", + "bisbe", + "cineasta", + "taquimecan\u00f2graf", + "blanquejador", + "rocker", + "regular", + "linotipista", + "autor", + "excombatent", + "ferrador", + "mosqueter", + "pirag\u00fcista", + "sotsoficial", + "preceptor" + ], + "FAC": [ + "sublim_porta", + "la_muntanya_m\u00e0gica", + "comissaria", + "estaci\u00f3_de_ferrocarrils", + "carbonera", + "instal\u00b7laci\u00f3_esportiva", + "arnold_sch\u00f6nberg", + "saint_joseph", + "sant_jaume", + "mall", + "casa_del_com\u00fa", + "saint_lucia", + "poliesportiu", + "esgl\u00e9sia_cat\u00f2lica_romana", + "arc_de_triomf", + "josep_de_natzaret", + "casa_de_la_ciutat", + "a_poc_a_poc", + "creu_de_ferro", + "el_sant_sopar", + "les_quatre_estacions", + "poc_a_poc", + "pere_i_de_r\u00fassia", + "sant_sebasti\u00e0", + "oficina_de_correus", + "casa_de_la_vila" + ], + "GENDER": [ + "dona_gran", + "senyoreta", + "mademoiselle", + "xavala", + "male", + "mascla", + "minyona", + "guiu", + "xiqueta", + "exalumne", + "damisel\u00b7la", + "man", + "transgen", + "gal", + "transg\u00e8nere" + ], + "ORG": [ + "estratocr\u00e0cia", + "dolorosa", + "mitologia_n\u00f2rdica", + "doi", + "treballadors", + "san_jos\u00e9", + "gernaci\u00f3", + "arma_blanca", + "sant_josep", + "drug_enforcement_administration", + "wicca", + "qui_\u00e9s_vost\u00e9", + "acad\u00e8mia_militar", + "caixa_de_pensions", + "jan_mayen", + "maconeria", + "assumpci\u00f3_de_maria", + "aa", + "nasa", + "puntejar", + "bramanisme", + "huang_he", + "comercialisme", + "bollywood", + "sivaisme", + "actualitzat", + "europol", + "schutzstaffel", + "alt_forn", + "justesa", + "the_who", + "ad_libitum", + "uni\u00f3_internacional_de_telecomunicacions", + "externat", + "tribunal_superior", + "college", + "san_francisco", + "partit_dem\u00f2crata", + "un", + "a_chorus_line", + "war_machine", + "monarquia_parlament\u00e0ria", + "estats_units", + "batall\u00f3", + "for\u00e7a_a\u00e8ria", + "taoisme", + "filharm\u00f2nic", + "centre_hist\u00f2ric", + "viol\u00e8ncia_dom\u00e8stica", + "va", + "francma\u00e7oneria", + "saint_george", + "pas_del_nord_oest", + "dret_intern", + "escola_veterin\u00e0ria", + "municipalitat", + "escola", + "viceversa", + "sc", + "besn\u00e9t", + "escola_de_m\u00fasica", + "a_poc_a_poc", + "gao", + "dot", + "maquillar", + "hagan\u00e0", + "malaltia_ven\u00e8ria", + "der_freie_wille", + "nanak", + "mahayana", + "les_tres_germanes", + "el_ra\u00efm_de_la_ira", + "qui_ets", + "saint_vincent", + "classe_obrera", + "hospital_psiqui\u00e0tric", + "estraperlo", + "john_tuzo_wilson", + "don_juan", + "el_creador", + "em_dic", + "consell_estudiantil", + "bepop", + "ai", + "mercat_negre", + "la_bella_dorment", + "ds", + "caixa_de_jubilacions", + "chiang_mai", + "ministeri_de_just\u00edcia", + "vixnuisme", + "dia", + "partit_republic\u00e0", + "home_de_cromany\u00f3", + "superpot\u00e8ncia", + "al_dia", + "forces_armades", + "de_tant_en_tant", + "cap_verd", + "partit_liberal", + "mare_de_d\u00e9u_de_la_pietat", + "unitat_pol\u00edtica", + "lluna_creixent", + "la_casa_blanca", + "\u00e0ngel_custodi", + "inter\u00e8s_personal", + "partit_socialdem\u00f2crata", + "casa_consistorial", + "rabindranath_tagore", + "gestapo", + "don_joan", + "santa_helena", + "una_vegada_m\u00e9s", + "the_full_monty", + "classe_treballadora", + "winnie_the_pooh", + "partit_del_treball", + "tribunal_suprem", + "instituci\u00f3_docent", + "radiogal\u00e0xia", + "capdavanter", + "li_fi", + "modernsime", + "polzet", + "consistori", + "oficina_postal", + "borni", + "estar_al_corrent", + "estar_al_dia", + "saint_joseph", + "al_jazeera", + "po", + "mossad", + "hare_krishna", + "ferdinand_magellan", + "nautilus_pompilius", + "t_estimo", + "missi\u00f3_diplom\u00e0tica", + "dret_internacional", + "hwang_ho", + "t_estime", + "khorat", + "negocis", + "patrulla_fronterera", + "saint_barth\u00e9lemy", + "partit_nacional_socialista_dels_treballadors_alemanys", + "departament_de_just\u00edcia", + "sturmabteilung", + "corts_constituents", + "mar_roja", + "conselleria", + "los_angeles", + "kriv\u00ed_rih", + "baltimore_orioles", + "em_diuen", + "ad_hoc", + "escola_religiosa", + "partit_whig_dels_estats_units", + "la_bemoll_major", + "or_blanc", + "mi", + "cienciologia", + "by_the_way", + "alta_fidelitat", + "in_situ", + "st_francis", + "sa", + "col\u00b7legi", + "santa_ll\u00facia", + "escola_universit\u00e0ria", + "el_gat_negre", + "assemblea_nacional_de_la_rep\u00fablica_s\u00e8rbia", + "manicomi", + "amanida_de_fruites", + "per_cert", + "al_ain", + "front_popular", + "govern_militar", + "mont_de_les_oliveres", + "maced\u00f2nia_de_fruita", + "una_educaci\u00f3", + "american\u00edstica", + "esgl\u00e9sia_cat\u00f2lica", + "mar_roig", + "streptococcus_pyogenes", + "cita_a_cegues", + "vila_ol\u00edmpica", + "partit_conservador_de_noruega", + "lluna_nova", + "verge_dels_dolors", + "zona_industrial", + "in_vitro", + "casa_comuna", + "verge_de_l_amargura", + "t_estim", + "govern_dels_estats_units", + "s\u00e3o_tom\u00e9", + "mare_de_d\u00e9u_dels_dolors", + "nit_de_cap_d_any", + "van_gogh", + "en_com\u00fa" + ], + "LANGUAGE": [ + "caixmiri", + "panjabi", + "llat\u00ed", + "rundi", + "venda", + "quetxua", + "bambara", + "baixkir", + "samo\u00e0", + "catalana", + "core\u00e0", + "assam\u00e8s", + "cornuall\u00e8s", + "sindhi", + "samoana", + "pali", + "russa", + "ganda", + "manx", + "hongar\u00e9s", + "gallega", + "lusit\u00e0", + "basc", + "gallec", + "georgi\u00e0", + "portugu\u00e8s", + "malai\u00e0lam", + "kanar\u00e8s", + "hindi", + "catal\u00e0", + "esperanto", + "portugalesa", + "roman\u00e9s", + "francoproven\u00e7al", + "bengal\u00ed", + "marshall\u00e8s", + "komi", + "lingala", + "romanesa", + "portuguesa", + "cree", + "portugal\u00e8s", + "tagalog", + "ido", + "hisp\u00e0nic", + "tonga" + ], + "PRODUCT": [ + "tot_va_b\u00e9_si_acaba_b\u00e9", + "ves_te'n", + "les_quatre_estacions", + "si_d\u00e9u_vol", + "justin_bieber", + "la_dama_de_piques", + "autom\u00f2bil_esportiu", + "carrer_gran", + "al_jazeera", + "com_si", + "cobai", + "esperit_sant", + "ll\u00e0grimes_de_job", + "tallacircuits", + "diego_garcia", + "tutti_frutti", + "conillet_d_\u00edndies", + "conill_d_\u00edndies", + "echinopsis_pachanoi", + "la_modificaci\u00f3", + "el_gos_dels_baskerville", + "multiplataforma", + "julius_caesar", + "saint_vincent", + "the_star_spangled_banner", + "la_divina_com\u00e8dia", + "la_guerra_de_les_gal\u00e0xies", + "guardafocs", + "don_quixote", + "conillet_d_\u00edndia", + "die_hard", + "atzucac", + "parenostre", + "la_ciociara", + "el_senyor_dels_anells", + "boxing_day", + "curtcircuit", + "arbre_de_nadal", + "bodes_d_argent", + "la_dolce_vita", + "deutsche_welle", + "el_gat_amb_botes", + "gong", + "ferdinand_magellan", + "the_pilgrim's_progress", + "la_lletra_escarlata", + "nou_testament", + "mario_andretti", + "s\u00e3o_tom\u00e9_i_pr\u00edncipe", + "la_nit_de_reis", + "arc_triomfal", + "capital_de_granada", + "carrer\u00f3_sense_eixida", + "carrer\u00f3_sense_sortida", + "pedra_rosetta", + "per_la_gr\u00e0cia_de_d\u00e9u", + "estaci\u00f3_espacial", + "bodes_de_plata", + "cobaia", + "joan_baptista", + "cap_d_hornos", + "novo_mesto" + ], + "GPE": [ + "dia_dels_enamorats", + "la_casa_blanca", + "nou_testament", + "saint_domingue", + "dar_es_salaam", + "sant_andreu", + "imperi_alemany", + "sint_maarten", + "sant_tom\u00e0s", + "papua_occidental", + "prov\u00edncies_centrals", + "sant_mateu", + "pol\u00edgon_industrial", + "mar_egea", + "s\u00e3o_tom\u00e9", + "casa_blanca", + "vila_ol\u00edmpica", + "sant_pere", + "mar_roig", + "saint_george", + "gran_can\u00e0ria", + "or_blanc", + "b\u00e0rbara_de_nicom\u00e8dia", + "dia_de_sant_valent\u00ed", + "llu\u00eds_ix", + "al_\u00e0ndalus", + "andalusa", + "parc_industrial", + "la_gomera", + "regi\u00f3_litoral", + "creu_roja", + "nicolau_de_mira", + "santa_sofia", + "mar_roja", + "esperit_sant", + "dolorosa", + "sant_joan_baptista" + ], + "RACE": [ + "japonesos", + "afric\u00e0", + "paquistan\u00e8s", + "amerindi", + "anglesos", + "esquimals", + "francesos", + "filip\u00ed", + "llatinoameric\u00e0", + "francesa", + "polinesi", + "llatinoamericana", + "neerlandesos", + "asi\u00e0tica", + "originari", + "illenca", + "gal\u00b7lesos" + ], + "DATE": [ + "mes_lunar", + "dia_dels_innocents", + "dia_natural", + "any_sideral", + "any_bissextil", + "dia_escolar", + "pleniluni", + "any_de_trasp\u00e0s", + "llunaci\u00f3", + "era_comuna", + "dia_de_sant_patrici", + "any_plat\u00f2nic", + "dia_de_la_marmota", + "dia_de_les_\u00e0nimes", + "el_dia_de_dem\u00e0", + "era_cristiana", + "a_llarg_termini", + "dia_del_sant", + "dia_de_la_sant\u00edssima_trinitat", + "happy_hour", + "dia_de_la_independ\u00e8ncia_de_l_\u00edndia", + "dia_lliure", + "dia_dels_morts", + "dia_sideral", + "dia_onom\u00e0stic", + "quart_creixent", + "dia_dels_difunts", + "dia_de_la_boda", + "dia_d_eleccions", + "dia_dels_caiguts", + "era_espacial", + "dia_de_la_mare", + "fora_de_comptes", + "la_ronda_de_nit", + "nit_de_reis", + "any_eclesi\u00e0stic", + "dia_de_les_forces_armades", + "dia_de_la_independ\u00e8ncia_dels_estats_units_d_am\u00e8rica", + "endem\u00e0", + "dia_de_la_independ\u00e8ncia", + "dia_sideri", + "torn_de_dia", + "any_lunar", + "la_nit_de_sant_joan", + "any_solar", + "edat_d_or", + "dia_de_mercat", + "mig_segle", + "any_acad\u00e8mic", + "la_nit_de_reis", + "festa_religiosa", + "dia_de_la_setmana", + "any_bixest", + "dia_del_casament", + "tot_sants", + "dia_bixest", + "corpus_christi", + "dia_d_enganyar", + "dia_de_la_bandera", + "dia_de_la_vict\u00f2ria", + "any_civil", + "dia_del_canad\u00e0", + "any_com\u00fa", + "mes_sin\u00f2dic", + "festivitat_cristiana" + ], + "QUANTITY": [ + "won_de_corea_del_nord", + "franc_franc\u00e8s", + "any_llum", + "nou_peso_uruguai\u00e0", + "franc_congol\u00e8s", + "franc_guine\u00e0", + "won_nord_core\u00e0", + "punxoset", + "franc_mali", + "dinar", + "krona", + "ton", + "tres_regnes", + "les_tres_germanes", + "nou_d\u00f2lar_de_taiwan", + "g", + "franc_senegal\u00e8s", + "krone", + "caloria", + "pa_anga", + "volt_amper", + "won_sud_core\u00e0", + "quilopond", + "won_de_corea_del_sud", + "anders_celsius", + "multa_d_aparcament", + "sistema_m\u00e8tric" + ], + "RELIGION_MEMBER": [ + "guru", + "budista", + "protestant", + "sunnita", + "carmelit\u00e0", + "morm\u00f3", + "sabatari", + "francisc\u00e0", + "indostan\u00e8s", + "indost\u00e0nic", + "augustini\u00e0", + "testimoni_de_jehov\u00e0", + "parsis", + "baptista", + "benedict\u00ed", + "presbiteri\u00e0", + "congregacionista", + "episcopalista", + "parsi", + "metodista", + "sarra\u00ed", + "cistercenc", + "mon", + "mahomet\u00e0", + "cat\u00f2lic_rom\u00e0" + ], + "RELIGION": [ + "zen", + "salafisme", + "lamaisme", + "donatisme", + "maniqueisme", + "calvinisme", + "bramanisme", + "islam", + "sivaisme", + "presbiterianisme", + "catarisme", + "mitraisme", + "sintoisme", + "vixnuisme", + "xintoisme", + "ci\u00e8ncia_cristiana", + "wicca", + "trinitarianisme" + ], + "EVENT": [ + "campaneig", + "castella_i_lle\u00f3", + "flor_de_lis", + "grand_prix", + "lliga_portuguesa_de_futbol", + "gran_premi" + ], + "BIO_CHEM_ENTITY": [ + "oli_d_ametlla_amarga", + "oli_de_sassafr\u00e0s", + "oli_mineral", + "oli_de_peix", + "oli_d_ametlla", + "oli_de_c\u00e0lam", + "oli_de_nou", + "oli_amb_menta", + "oli_de_llavors_de_ra\u00efm", + "dietil\u00e8ter" + ], + "PERSON_PRONOUN": [ + "nosaltres", + "i", + "he", + "vosaltres", + "our", + "la_meva", + "el_teu", + "me", + "seva", + "la_teva", + "us", + "el_meu" + ], + "LAW": [ + "codi_penal", + "sistema_electoral", + "procuraci\u00f3", + "dret_penal", + "dret_civil", + "dret_nacional", + "tribunal_superior", + "ne_bis_in_idem", + "federal_bureau_of_investigation", + "dret_rom\u00e0" + ], + "PERSON": [ + "prince_albert", + "julius_caesar", + "al_gore", + "h_g_wells", + "saint_vincent", + "la_la_la", + "william_playfair", + "don_delillo", + "edward_osborne_wilson", + "roger_eliot_fry", + "mitjan\u00e7ant", + "mont_tai", + "sant_joan", + "de_witt", + "min_dong", + "willard_frank_libby", + "igor_sikorsky", + "t_bone_steak", + "peter_dawson", + "chachach\u00e1", + "carl_david_anderson", + "maxwell_anderson", + "rudolf_hess", + "io_io", + "herbert_george_wells", + "al_am\u00edn" + ], + "POLITICAL_PARTY": [ + "partit_democr\u00e0tic", + "partit_verd", + "democratic_republican_party", + "partit_conservador", + "f\u00f3lkaflokkurin", + "partit_comunista", + "labor", + "partit_socialista_democr\u00e0tic", + "kuomintang", + "partit_social_dem\u00f2crata", + "partit_popular", + "recepci\u00f3_a_l_aire_lliure", + "partit_socialdem\u00f2crata_d_andorra", + "partit_socialista", + "partit_nacional", + "partit_socialdem\u00f2crata_de_l_azerbaidjan", + "partit_laborista_australi\u00e0", + "festa_al_jard\u00ed", + "partit_republic\u00e0_dels_estats_units", + "partit_dem\u00f2crata_dels_estats_units", + "partit_laborista", + "javna\u00f0arflokkurin", + "partit_socialdem\u00f2crata_hongar\u00e8s", + "partit_progressista" + ], + "POLITICAL_PARTY_MEMBER": [ + "dilatori", + "laboralista", + "fabianista", + "comunista", + "federalista" + ], + "ANAT": [ + "os_del_bra\u00e7" + ], + "TITLE": [ + "sir" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "mare_superiora": "abba", + "abadessa": "abbas", + "priora": "abba", + "actriu": "int\u00e8rpret", + "aviadora": "aviador", + "bonda": "pair", + "tieta": "tiu", + "baronessa": "l\u00edder_empresarial", + "n\u00favia": "cuidar_se", + "dona_d_empresa": "empresari", + "dona_de_negocis": "empresari", + "empres\u00e0ria": "empresari", + "working_girl": "home_d_empresa", + "vaquera": "vaquer", + "filla": "son", + "duquessa": "duc", + "emperadriu": "lib\u00e8l\u00b7lula_emperador", + "femella": "masculina", + "femen\u00ed": "mascul\u00ed", + "femenina": "male", + "gal": "guiu", + "xiqueta": "guiu", + "al\u00b7lota": "guiu", + "senyoreta": "guiu", + "institutriu": "regulador", + "n\u00e9ta": "n\u00e9t", + "seva": "lia", + "hero\u00efna": "heroi", + "heroi": "botir", + "amfitriona": "amfitri\u00f3", + "hostelera": "hoste", + "casera": "the_landlord", + "marquesa": "marqu\u00e8s", + "mademoiselle": "sir", + "absentar_se": "sir", + "faltar": "sir", + "sentir_enyoran\u00e7a_de": "sir", + "necessitar": "sir", + "fallir": "sir", + "enyorar": "sir", + "mancar": "sir", + "missa": "sir", + "evadir_se": "sir", + "amistan\u00e7ada": "master", + "flama": "master", + "mantinguda": "capitana", + "mares_del_vi": "pap\u00e0", + "acaronar": "pap\u00e0", + "reny": "pair", + "amanyagar": "pap\u00e0", + "matrix": "genitor", + "mare_del_vi": "pair", + "neboda": "nebot", + "monja": "monjo", + "religiosa": "monjo", + "nun": "monjo", + "sacerdotessa": "moss\u00e8n", + "princesa": "prince", + "infanta": "el_pr\u00edncep", + "homosexual": "indra", + "reg": "indra", + "naja": "beix", + "fetillera": "bruixot", + "fadrina_vella": "solter", + "solterassa": "solter", + "fillastra": "fillastre", + "sogra": "padrastre", + "madrastra": "padrastre", + "hostessa": "intendent", + "vidua": "viudo", + "viuda": "viudo", + "v\u00eddua": "vidu", + "dona_casada": "senar", + "esposa": "esp\u00f2s", + "duna": "marit", + "al\u00b7lot": "senyoreta", + "xicot": "xiqueta", + "xiquet": "senyoreta", + "cauc\u00e0sic": "blanca", + "metgessa": "dotor", + "doctor_de_l_esgl\u00e9sia": "metgessa", + "facultatiu": "metgessa", + "doctor": "metgessa", + "dotor": "metgessa", + "metge": "metgessa", + "metges": "metgessa", + "arts": "metgessa" + }, + "other_gender_swap": { + "s\u00f3n_elles": "seva", + "elles": "seva", + "llur": "seva", + "lia": "seva", + "ell": "oms", + "he": "oms", + "\u3078": "elles", + "seva": "lia" + }, + "en_pronoun2gender": { + "they": [ + "transexual", + "transgen", + "homosexual", + "bisexual", + "transg\u00e8nere" + ], + "he": [ + "mascle", + "clivellar_se", + "fitxa", + "xiquet", + "mascle_biologia", + "guiu", + "tallar_se", + "mascla", + "masculina", + "home_adult", + "man", + "capital_de_les_maldives", + "tripular", + "little_boy", + "bar\u00f3", + "male", + "mascul\u00ed", + "gaur", + "al\u00b7lot", + "xicot" + ], + "she": [ + "faltar", + "brasa", + "femenina", + "missa", + "evadir_se", + "al\u00b7lota", + "fallir", + "lesbianisme", + "srta", + "senyoreta", + "gal", + "sentir_enyoran\u00e7a_de", + "femer", + "criada", + "femen\u00ed", + "xicota", + "damisel\u00b7la", + "bimba", + "mademoiselle", + "pubilla", + "xavala", + "minyona", + "enyorar", + "xiqueta", + "absentar_se", + "donzella", + "mancar", + "femella", + "necessitar", + "lesbiana" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "lia", + "ell", + "\u3078", + "he" + ], + "she": [ + "seva" + ], + "they": [ + "elles", + "lia", + "oms", + "llur", + "ii", + "s\u00f3n_elles", + "ells", + "epi" + ], + "it": [ + "aquest", + "essa", + "tyto" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ccc.json b/data_tooling/pii_processing/ontology/data/ccc.json new file mode 100644 index 0000000..058a32a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ccc.json @@ -0,0 +1,56 @@ +{ + "GENDER": [ + "molota" + ], + "DISEASE": [ + "alijkwa'takochi", + "chukchu" + ], + "JOB": [ + "shileti", + "kumali", + "lota'c\u0308homa", + "soltalo" + ], + "PLANT": [ + "kinili" + ], + "ANIMAL": [ + "askoli", + "cheshana", + "ma'sheti", + "shani", + "tsemo'ye" + ], + "TITLE": [ + "chmes\u0308hona" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "meploneye" + ], + "she": [ + "ic\u0308hulupa", + "molota" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "ana'ye" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ce.json b/data_tooling/pii_processing/ontology/data/ce.json new file mode 100644 index 0000000..5bfa19c --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ce.json @@ -0,0 +1,87 @@ +{ + "ORG": [ + "\u043a\u0430\u043d\u0442\u0445\u043e", + "\u043f\u0440\u0430\u0432\u0438\u0442\u0435\u043b\u044c\u0441\u0442\u0432\u043e", + "\u0445\u0443\u0430\u043d\u0445\u044d", + "\u0441\u0438\u0439\u043b\u0430\u0445\u044c_\u0441\u043e\u0444\u0438\u043d_\u043a\u0438\u043b\u0441", + "\u043f\u0430\u0440\u0442\u0438", + "\u0446\u04cf\u0435\u043d_\u0445\u04cf\u043e\u0440\u0434", + "\u043a\u0440\u0438\u0432\u043e\u0439_\u0440\u043e\u0433" + ], + "PLANT": [ + "\u0431\u0430\u0433\u0430" + ], + "LOCATION": [ + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d_\u0446\u0445\u044c\u0430\u043d\u0430\u043a\u0445\u0435\u0442\u0442\u0430_\u0448\u0442\u0430\u0442\u0430\u0448", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0438_\u0430\u043d\u0445\u0430\u043b\u044c\u0442", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0438\u043d_\u0446\u0445\u044c\u0430\u043d\u0430\u0442\u043e\u044c\u0445\u043d\u0430_\u0448\u0442\u0430\u0442\u0430\u0448", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435" + ], + "PUBLIC_FIGURE": [ + "\u043f\u0451\u0442\u0440_i", + "\u043a\u043e\u043b\u0443\u043c\u0431_\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u0441\u0430\u043b\u0430\u0445\u044c\u0443\u0434\u0434\u0438\u043d" + ], + "JOB": [ + "\u043a\u0445\u0430\u043b\u043b\u0430\u0440\u0434\u043e\u0442\u0442\u0443\u0440\u0433", + "\u0442\u0430\u043b\u043c\u0430\u0436", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442" + ], + "RELIGION_MEMBER": [ + "\u043c\u043e\u043b\u043b\u0430" + ], + "GPE": [ + "\u0434\u0430\u0440_\u044d\u0441_\u0441\u0430\u043b\u0430\u043c", + "\u0441\u0430\u043d_\u0442\u043e\u043c\u0435" + ], + "PERSON": [ + "\u0441\u043e_\u0430" + ], + "FAC": [ + "\u0441\u0435\u043d\u0442_\u043b\u044e\u0441\u0438" + ], + "FOOD": [ + "\u043a\u044a\u0430\u0445\u044c\u043e" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0439\u0438\u0448\u0430": "\u0432\u0430\u0448\u0430", + "\u0437\u0443\u0434\u0430": "\u043c\u0430\u0439\u0440\u0430" + }, + "other_gender_swap": { + "\u0430\u043b\u0430\u0440": "\u0441\u043e", + "\u0441\u043e": "\u0430\u043b\u0430\u0440" + }, + "en_pronoun2gender": { + "she": [ + "\u0437\u0443\u0434\u0430", + "\u0439\u043e\u04cf" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0441\u043e" + ], + "she": [ + "\u0441\u043e" + ], + "they": [ + "\u0446\u0430\u0440\u043d\u0430", + "\u0430\u043b\u0430\u0440" + ], + "it": [ + "x\u04cf\u0430\u0440\u0430" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ceb.json b/data_tooling/pii_processing/ontology/data/ceb.json new file mode 100644 index 0000000..8611ba4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ceb.json @@ -0,0 +1,714 @@ +{ + "PLANT": [ + "acer_negundo", + "cucurbita_ficifolia", + "hibiscus_syriacus", + "acanthocereus_tetragonus", + "hibiscus_mutabilis", + "brachychiton_populneus", + "glaucium_flavum", + "primula_auricula", + "robinia_hispida", + "lilium_martagon", + "lupinus_luteus", + "pyracantha", + "acer_rubrum", + "campanula_persicifolia", + "diospyros_virginiana", + "verbascum_thapsus", + "lycium_barbarum", + "parnassia", + "salvia_leucophylla", + "iris_germanica", + "lilium_philadelphicum", + "lilium_longiflorum", + "sorghum_halepense", + "veronica_beccabunga", + "liriodendron_tulipifera", + "quercus_coccinea", + "cladonia_rangiferina", + "natong", + "impatiens_walleriana", + "geranium_molle", + "dioscorea_bulbifera", + "hoya_carnosa", + "erythronium_albidum", + "viola_arvensis", + "sapindus", + "scutellaria_galericulata", + "claviceps_purpurea", + "viola_reichenbachiana", + "chimaphila_umbellata", + "philadelphus_coronarius", + "aralia_elata", + "brassica_nigra", + "eleocharis_dulcis", + "bromus_tectorum", + "helleborus_niger", + "helianthus", + "rosa_chinensis", + "lathyrus_latifolius", + "cucurbita_moschata", + "monarda_citriodora", + "solanaceae", + "anthriscus_cerefolium", + "campanula_medium", + "caryota_urens", + "quercus_kelloggii", + "viola_cornuta", + "juncus_articulatus", + "eryngium_maritimum", + "schefflera_actinophylla", + "amelanchier_bartramiana", + "pachysandra_terminalis", + "salix_babylonica", + "cyclamen_purpurascens", + "anthyllis_vulneraria", + "arctostaphylos_alpinus", + "abies_grandis", + "laurus_nobilis", + "lathyrus_odoratus", + "amanita", + "vespula_vulgaris", + "arabidopsis_thaliana", + "pilularia_globulifera", + "bertholletia_excelsa", + "adenium_obesum", + "epipremnum_aureum", + "arundo", + "sorbus_torminalis", + "achillea", + "magnolia_grandiflora", + "solanum_quito\u00ebnse", + "berteroa_incana", + "pelargonium_odoratissimum", + "colutea_arborescens", + "liparis_loeselii", + "chionanthus_virginicus", + "coprinus_comatus", + "papaver_alpinum", + "hydrangea_petiolaris", + "sinapis", + "prunus_laurocerasus", + "pachysandra_procumbens", + "allium_tuberosum", + "pennisetum_glaucum", + "amelanchier_alnifolia", + "passiflora_ligularis", + "salix_triandra", + "leucaena_leucocephala", + "silene_virginica", + "lilium_michiganense", + "cercidiphyllum_japonicum", + "atriplex_hortensis", + "vaccinium_corymbosum", + "teucrium_scorodonia", + "acer_campestre", + "berberis_nervosa", + "bletilla_striata", + "mimosa_pudica", + "papaver_somniferum", + "singkamas", + "convolvulus", + "nogal", + "carex_pseudocyperus", + "gentiana_lutea", + "mercurialis_perennis", + "matthiola_incana", + "acacia_pycnantha", + "actinidia_chinensis", + "taxus_baccata", + "saxifraga_granulata", + "valerianella_locusta", + "periploca_graeca", + "papaver", + "rhus_typhina", + "nymphaea_alba", + "silene_dioica", + "euphorbia_esula", + "phaseolus_coccineus", + "diplotaxis_tenuifolia", + "euphorbia_dentata", + "candida_albicans", + "ranunculus_ficaria", + "malope_trifida", + "senna_alata", + "schinus_terebinthifolius", + "amaryllis_belladonna", + "veronica_officinalis", + "phegopteris_connectilis", + "illicium_floridanum", + "pontederia_cordata", + "calophyllum_inophyllum", + "aconitum_lycoctonum", + "rosa_multiflora", + "prunus_cerasus", + "acer_macrophyllum", + "asclepias_purpurascens", + "acacia_dealbata", + "capsicum_baccatum", + "dianthus_caryophyllus", + "agrimonia_eupatoria", + "larix_occidentalis", + "plantago_lanceolata", + "polystichum_lonchitis", + "ononis_spinosa", + "andropogon_virginicus", + "xanthosoma_sagittifolium", + "acer_palmatum", + "thlaspi_arvense", + "agrostemma_githago", + "geranium_pratense", + "salix_viminalis", + "calvatia_gigantea", + "juniperus_virginiana", + "eriophorum_angustifolium", + "veronica_serpyllifolia", + "alstonia_scholaris", + "eucalyptus_globulus", + "cassia_fistula", + "pterospermum_acerifolium", + "platanus_occidentalis", + "passiflora_incarnata", + "clusia", + "festuca_ovina", + "quercus_ellipsoidalis", + "bromus_arvensis", + "polygala_vulgaris", + "ardisia_crenata", + "fraxinus_quadrangulata", + "veronica_peregrina", + "chaenomeles_speciosa", + "selenicereus_grandiflorus", + "citrus_aurantium", + "pelargonium_peltatum", + "reseda", + "barbarea_vulgaris", + "osmanthus_americanus", + "annona_cherimola", + "helleborus_orientalis", + "cortinarius_violaceus", + "dianthus_barbatus", + "platanus_orientalis", + "piper_longum", + "gossypium_hirsutum", + "prunus_armeniaca", + "castanea_dentata", + "liquidambar", + "nymphaea_odorata", + "urtica", + "potamogeton_crispus", + "parthenocissus_tricuspidata", + "paspalum_distichum", + "tropaeolum_minus", + "macadamia_tetraphylla", + "cucurbita_argyrosperma", + "salix_fragilis", + "amanita_muscaria", + "pterocarpus_indicus", + "corylus_americana", + "calla_palustris", + "leonurus_cardiaca", + "spergula_arvensis", + "physostegia_virginiana", + "asplenium_trichomanes", + "acer_japonicum", + "arrhenatherum_elatius", + "nicotiana_alata", + "dracocephalum", + "carissa_macrocarpa", + "populus_balsamifera", + "armeria_maritima", + "nicotiana_tabacum", + "myosotis_sylvatica", + "asclepias_verticillata", + "phyllostachys_nigra", + "astragalus_alpinus", + "quercus_variabilis", + "ulmus_americana", + "primula_acaulis", + "carex_arenaria", + "acanthus_mollis", + "stellaria_media", + "solanum_nigrum", + "calochortus_amabilis", + "abies_lasiocarpa", + "campanula_rapunculus", + "melastoma_malabathricum", + "cystopteris_montana", + "diplotaxis_muralis", + "sciadopitys_verticillata", + "geranium_robertianum", + "clematis", + "hedysarum_coronarium", + "lepista_nuda", + "hippocrepis_comosa", + "verbena_officinalis", + "prunus_domestica", + "platanus_hybrida", + "draba_verna", + "dendrocalamus_giganteus", + "tricholoma_aurantium", + "portulaca_grandiflora", + "chlorophyllum_molybdites", + "muscicapa_striata", + "prosopis_juliflora", + "acer_platanoides", + "cotoneaster_horizontalis", + "viburnum_prunifolium", + "gossypium_barbadense", + "erica_carnea", + "euphorbia_cyparissias", + "salvia_pratensis", + "delonix_regia", + "urtica_dioica", + "gymnadenia_conopsea", + "trifolium_repens", + "eugenia_uniflora", + "cortaderia_selloana", + "solanum", + "gentianella_amarella", + "ballota_nigra", + "campanula_carpatica", + "sisymbrium_officinale", + "angelica_archangelica", + "campsis_radicans", + "echinocactus_grusonii", + "medinilla_magnifica", + "corypha_umbraculifera", + "brachychiton_acerifolius", + "caragana_arborescens", + "sorbus_aucuparia", + "dianthus_chinensis", + "acer_pseudoplatanus", + "aristolochia_macrophylla", + "lotus_corniculatus", + "gymnadenia_odoratissima", + "hydrangea_arborescens", + "polyporus_squamosus", + "raphanus_raphanistrum", + "cornus_florida", + "cytisus_multiflorus", + "payod", + "amaranthus_caudatus", + "silene_latifolia", + "gymnocladus_dioica", + "botrychium_lunaria", + "fraxinus_velutina", + "anagallis_tenella", + "fagus_sylvatica", + "scleranthus_annuus", + "acrocarpus_fraxinifolius", + "salix_pentandra", + "bulogsan", + "cerastium_tomentosum", + "rubus_spectabilis", + "drosophyllum_lusitanicum", + "crataegus_laevigata", + "sinapis_arvensis", + "acer_circinatum", + "sanahorya", + "arum", + "silene_uniflora", + "dracunculus_vulgaris", + "acacia_melanoxylon", + "cyperus_papyrus", + "agrostis_canina", + "saccharomyces_cerevisiae", + "boletus_edulis", + "hydrangea_paniculata", + "campanula_trachelium", + "ranunculus_bulbosus", + "tetragonia_tetragonoides", + "erythronium_americanum", + "arenaria_serpyllifolia", + "lysimachia_vulgaris", + "daphne_cneorum", + "fraxinus_pennsylvanica", + "juglans_californica", + "campanula_rotundifolia", + "phytolacca_dioica", + "campanula_glomerata", + "lonicera_tatarica", + "dalbergia_latifolia", + "polystichum_aculeatum", + "gaultheria_procumbens", + "beta_vulgaris", + "cerastium_alpinum", + "pleurotus_ostreatus", + "pseudotsuga_menziesii", + "lithospermum_officinale", + "senna_alexandrina", + "heracleum_sphondylium", + "crataegus_aestivalis", + "drimys_winteri", + "lathyrus_sylvestris", + "marasmius_oreades", + "symphytum_officinale", + "viola_tricolor", + "viburnum_opulus", + "gentiana_acaulis", + "salvia_farinacea", + "elaeis_guineensis", + "coix_lacryma_jobi", + "erythronium_montanum", + "prunus_serrulata", + "galium_verum", + "acronicta_aceris", + "aralia_stipulata", + "cycas_circinalis", + "populus_nigra", + "nasturtium", + "ranunculus_repens", + "stellaria_holostea", + "strelitzia_reginae", + "agathis_australis", + "lemna_minor", + "larix_laricina", + "pyrola_rotundifolia", + "inga_edulis", + "cardamine_pratensis", + "piper_betle", + "allium_fistulosum", + "salix_arctica", + "phacelia_campanularia", + "alnus_glutinosa", + "cypripedium_montanum", + "erodium_texanum", + "arrhenatherum", + "annona_reticulata", + "pinus_muricata", + "paris_quadrifolia", + "phytolacca_americana", + "nicotiana_rustica", + "reseda_odorata", + "lathyrus_sativus", + "oxalis", + "veronica_arvensis", + "anthriscus_sylvestris", + "marchantia_polymorpha", + "pteridium_aquilinum", + "cinnamomum_cassia", + "panicum_capillare", + "smilax_aspera", + "salvia_sclarea", + "aristolochia_clematitis", + "catharanthus_roseus", + "cephalanthera_rubra", + "cypripedium_calceolus", + "viola_odorata", + "poa_nemoralis", + "corylus_cornuta", + "amaranthus_albus", + "arctostaphylos_uva_ursi", + "chrysanthemum", + "agrimonia", + "myrica_gale", + "vallisneria", + "holcus_mollis", + "crambe_maritima", + "erythrina_variegata", + "platanthera_chlorantha", + "rosa_banksiae", + "acer_glabrum", + "euphorbia_milii", + "begonia_tuberhybrida", + "castanea", + "physalis_peruviana", + "sambucus_ebulus", + "rubus_odoratus", + "hamamelis_virginiana", + "calystegia_sepium", + "podocarpus_latifolius", + "dicksonia_antarctica", + "magnolia", + "galium_boreale", + "ulmus_hollandica", + "nephrolepis_exaltata", + "asclepias_meadii", + "pterocarpus_macrocarpus", + "phellodendron_amurense", + "hevea_brasiliensis", + "ranunculus_aquatilis", + "polypodium_vulgare", + "bromus_secalinus", + "pinus_palustris", + "conium_maculatum", + "plantago_media", + "ranunculus_acris", + "cypripedium_reginae", + "andromeda_polifolia", + "betula_papyrifera", + "rosa_damascena", + "platanthera_bifolia", + "camellia_japonica", + "tritoma" + ], + "ANIMAL": [ + "terenura_sharpei", + "acherontia", + "apodemus", + "karag", + "monachus_schauinslandi", + "buteo", + "bulik", + "nguyonguyo", + "sambagon", + "carao", + "mingok", + "lemmus_lemmus", + "sitta_europaea", + "mirounga_leonina", + "hippotragus_niger", + "sitta_carolinensis", + "carduelis", + "pisces", + "kaka_sa_dagat", + "mantodea", + "banakon", + "pieris_brassicae", + "brachypteraciidae", + "micropterus", + "perca_flavescens", + "manok", + "gerbillus_jamesi", + "kabaw", + "kagaangan", + "prunus_tenella", + "accipiter", + "sungkod", + "pinctada_margaritifera", + "salmo_salar", + "sanicula_europaea", + "corallium_rubrum", + "martes_foina", + "ammospermophilus", + "ictiobus_niger", + "megascops", + "capreolus_capreolus", + "branta_bernicla", + "sarcophagidae", + "alle_alle", + "sitta_canadensis", + "mantis", + "tiladtilad", + "zeus_faber", + "salvelinus_fontinalis", + "gorilla_gorilla", + "martes_zibellina", + "peristediidae", + "pedunculata", + "arvicola" + ], + "FAC": [ + "arnold_schoenberg", + "saint_lucia", + "langoyanan", + "jos\u00e9_sa_nazaret" + ], + "LOCATION": [ + "plantago_lanceolata", + "estados_unidos", + "trifolium_pratense", + "dryocopus_martius", + "eryngium_maritimum", + "trifolium_repens", + "iris_pseudacorus", + "pieris_rapae", + "plantago_major", + "siyudad", + "vaccinium_oxycoccos", + "plantago_media", + "alnus_glutinosa", + "cape_of_good_hope", + "saint_lucia", + "sri_lanka", + "scutellaria_galericulata", + "pieris_brassicae", + "trifolium_dubium", + "pterocarpus_indicus", + "delonix_regia", + "kadagatang_pasipiko", + "prunus_avium" + ], + "DISEASE": [ + "tubol", + "alta_presyon", + "nanay", + "kasakit", + "estrok", + "pabanhod", + "hangga", + "kalungsi", + "pica", + "rabis", + "bukol", + "kaspa" + ], + "FOOD": [ + "citrus_aurantiifolia", + "symphytum_officinale", + "lagus", + "daucus_carota", + "vigna_unguiculata", + "capsicum", + "pamahaw", + "chile", + "pinyon" + ], + "ORG": [ + "inaleman", + "aa", + "nasa", + "schutzstaffel", + "simbahang_katoliko", + "uropa", + "kagamhanan", + "disa", + "nautilus_pompilius", + "los_angeles", + "bukid_carmelo", + "hirundo_rustica" + ], + "JOB": [ + "alkalde", + "mantutudlo", + "sakristan", + "mamiktyuray", + "maid", + "tindera", + "prosekyutor", + "estrok", + "kamikaze", + "kodaker", + "mate", + "mantatambal", + "mangungudak", + "maniniyot", + "magsusulat", + "timonel", + "litratista", + "hapsay" + ], + "GENDER": [ + "babaye", + "boy", + "maid" + ], + "PUBLIC_FIGURE": [ + "winston_churchill", + "isaac_newton", + "michael_jackson", + "galileo_galilei", + "cristobal_colon", + "jesus", + "somateria_spectabilis", + "paul_von_hindenburg", + "joseph_stalin", + "kabungol", + "oreonympha_nobilis", + "walt_disney", + "elizabeth_taylor", + "albert_speer", + "myoxus_glis", + "macaca_nemestrina", + "pedro", + "adolf_hitler", + "garfield", + "1", + "vladimir_putin", + "jacob", + "arnold_schoenberg", + "andrew_jackson", + "hannah_arendt", + "bungol", + "ronald_reagan", + "woodrow_wilson", + "el_cid", + "aquila", + "nelson_mandela", + "jacques_offenbach", + "vladimir_lenin", + "albert_einstein", + "thomas_edison" + ], + "PERSON": [ + "julius_caesar", + "boletus_edulis" + ], + "PRODUCT": [ + "echinopsis_pachanoi", + "julius_caesar", + "puhun" + ], + "SOC_ECO_CLASS": [ + "samurai", + "katilingban" + ], + "GPE": [ + "pandanus_tectorius", + "borassus_flabellifer", + "bag_ong_tugon", + "hibiscus_rosa_sinensis", + "vinh_long", + "sim\u00f3n_pedro" + ], + "LANGUAGE": [ + "linatin", + "esperanto", + "prinanses", + "tonga" + ], + "DATE": [ + "daktol" + ], + "RELIGION": [ + "islam" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "sista": "monako", + "prinsesa": "regulus", + "naja": "adik", + "babaye": "human", + "boy": "babaye" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "bakla", + "bayot" + ], + "he": [ + "human", + "boy" + ], + "she": [ + "lola", + "maid", + "babaye" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "siya" + ], + "she": [ + "siya" + ], + "it": [ + "tyto" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/chk.json b/data_tooling/pii_processing/ontology/data/chk.json new file mode 100644 index 0000000..9729150 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/chk.json @@ -0,0 +1,47 @@ +{ + "LOCATION": [ + "kinisou" + ], + "ORG": [ + "un" + ], + "GENDER": [ + "nemin" + ], + "JOB": [ + "nakkich" + ], + "PERSON_PRONOUN": [ + "we", + "me" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "feefin", + "nemin", + "awewe" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/chl.json b/data_tooling/pii_processing/ontology/data/chl.json new file mode 100644 index 0000000..613b883 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/chl.json @@ -0,0 +1,37 @@ +{ + "ANIMAL": [ + "hunal" + ], + "FOOD": [ + "tevat" + ], + "DISEASE": [ + "kukul" + ], + "PLANT": [ + "chivnish" + ], + "GENDER": [ + "nichill" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "nichill" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cho.json b/data_tooling/pii_processing/ontology/data/cho.json new file mode 100644 index 0000000..2788729 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cho.json @@ -0,0 +1,38 @@ +{ + "ORG": [ + "sa_hohchifo_yat" + ], + "PUBLIC_FIGURE": [ + "chis\u1ea1s" + ], + "ANIMAL": [ + "chinisa", + "sheki" + ], + "JOB": [ + "hoponi" + ], + "LOCATION": [ + "yakok\u00ed" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "ohoyo" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cic.json b/data_tooling/pii_processing/ontology/data/cic.json new file mode 100644 index 0000000..77348d5 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cic.json @@ -0,0 +1,22 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "ihoo" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cim.json b/data_tooling/pii_processing/ontology/data/cim.json new file mode 100644 index 0000000..a1e542e --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cim.json @@ -0,0 +1,25 @@ +{ + "PERSON_PRONOUN": [ + "dain" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "b\u00e0ip" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cjs.json b/data_tooling/pii_processing/ontology/data/cjs.json new file mode 100644 index 0000000..85e12ef --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cjs.json @@ -0,0 +1,42 @@ +{ + "PERSON_PRONOUN": [ + "\u043e\u043b" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u044d\u043d\u0435": "\u0430\u0447\u0430", + "\u0438\u0447\u0435": "\u0430\u0447\u0430" + }, + "other_gender_swap": { + "\u044b\u043b\u0430\u0440": "\u043e\u043b", + "\u043e\u043b": "\u044b\u043b\u0430\u0440" + }, + "en_pronoun2gender": { + "he": [ + "\u0430\u0447\u0430", + "\u043e\u043e\u043b" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ], + "they": [ + "\u044b\u043b\u0430\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/co.json b/data_tooling/pii_processing/ontology/data/co.json new file mode 100644 index 0000000..894d5a3 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/co.json @@ -0,0 +1,103 @@ +{ + "GENDER": [ + "lonna", + "ronna" + ], + "PLANT": [ + "bardana", + "melissa", + "carotta", + "sorbu", + "susina", + "castagnu", + "veccia", + "pinu", + "belladonna", + "vitalba", + "lattuca" + ], + "DISEASE": [ + "gratt\u00e0", + "firita", + "mursic\u00e0", + "cacarella", + "forfula", + "vaccina", + "merre" + ], + "JOB": [ + "muratore", + "mammana", + "scultore", + "pastore" + ], + "PERSON": [ + "giuconda", + "san_petru" + ], + "ORG": [ + "core", + "mi_chjamu", + "guvernu" + ], + "LANGUAGE": [ + "navajo" + ], + "FOOD": [ + "farina" + ], + "ANIMAL": [ + "malacedda", + "corbu", + "ciocciu", + "gattu" + ], + "RELIGION": [ + "islam" + ], + "PUBLIC_FIGURE": [ + "sperenza" + ], + "RELIGION_MEMBER": [ + "fratellu", + "frateddu" + ], + "LOCATION": [ + "capu_verde" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "zia": "ziu", + "lonna": "omu", + "femina": "omu", + "ronna": "omu" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "omu" + ], + "she": [ + "lonna", + "ronna", + "femina" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "essa", + "stu" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cop.json b/data_tooling/pii_processing/ontology/data/cop.json new file mode 100644 index 0000000..e5ab1ae --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cop.json @@ -0,0 +1,89 @@ +{ + "ORG": [ + "\u2c9d\u2c89\u2c9b\u2c9f\u2c9b", + "\u2c99\u2c89\u2c9b\u2ca7\u2c9f\u2ca9\u2cb1\u2c93" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u2ca7\u2c89\u2ca5": "\u2ca1\u2c89\u03e5", + "\u2ca1\u2c89\u2ca5": "\u2c9b\u2c89\u03e5", + "\u2c9b\u2c89\u2ca5": "\u2ca1\u2c89\u03e5", + "\u2c9b\u2c9f\u2ca9\u2ca5": "\u2c91\u2cb1\u2c9f\u2ca9", + "\u2ca1\u2cb1\u2ca5": "\u2cab\u2cb1\u2c9f\u2ca9", + "\u2ca7\u2cb1\u2ca5": "\u2c9b\u2c9f\u2ca9\u2c9f\u2ca9", + "\u2c91\u2cb1\u2ca5": "\u2cab\u2cb1\u2c9f\u2ca9", + "\u2cab\u2cb1\u2ca5": "\u2cab\u2cb1\u2c9f\u2ca9", + "\u2c99\u2c81\u2ca9": "\u2c89\u2c93\u2cb1\u2ca7", + "\u2c99\u2c81\u2c81\u2ca9": "\u2c93\u2c9f\u03ef", + "\u2ca3\u2ca3\u2cb1": "\u2c9f\u2ca9\u2ca3\u2c9f", + "\u2ca5\u2cb1\u2c9b\u2c89": "\u2ca5\u2c9f\u2c9b", + "\u03e9\u2c93\u2c99\u2c89": "\u03e9\u2c89\u2c93", + "\u2ca5\u03e9\u2c93\u2c99\u2c89": "\u03e9\u2c89\u2c93" + }, + "other_gender_swap": { + "\u2c9b\u2c9f\u2ca9": "\u2ca1\u2c89\u2ca5", + "\u2ca7\u2c9f\u2ca9": "\u2ca1\u2c89\u2ca5", + "\u2ca1\u2c9f\u2ca9": "\u2c9b\u2c89\u2ca5", + "\u2ca1\u2cb1\u2c9f\u2ca9": "\u2c9b\u2c9f\u2ca9\u2ca5", + "\u2ca7\u2cb1\u2c9f\u2ca9": "\u2ca1\u2cb1\u2ca5", + "\u2cab\u2cb1\u2c9f\u2ca9": "\u2cab\u2cb1\u2ca5", + "\u2c9b\u2c9f\u2ca9\u2c9f\u2ca9": "\u2ca1\u2cb1\u2ca5", + "\u2c91\u2cb1\u2c9f\u2ca9": "\u2c91\u2cb1\u2ca5", + "\u2ca7\u2c89\u03e5": "\u2ca7\u2cb1\u2c9f\u2ca9", + "\u2ca1\u2c89\u03e5": "\u2ca1\u2cb1\u2c9f\u2ca9", + "\u2c9b\u2c89\u03e5": "\u2ca7\u2cb1\u2c9f\u2ca9", + "\u2ca7\u2c89\u2ca5": "\u2ca1\u2c9f\u2ca9", + "\u2ca1\u2c89\u2ca5": "\u2ca7\u2c9f\u2ca9", + "\u2c9b\u2c89\u2ca5": "\u2ca1\u2c9f\u2ca9", + "\u2c9b\u2c9f\u2ca9\u2ca5": "\u2ca7\u2cb1\u2c9f\u2ca9", + "\u2ca1\u2cb1\u2ca5": "\u2ca1\u2cb1\u2c9f\u2ca9", + "\u2ca7\u2cb1\u2ca5": "\u2c91\u2cb1\u2c9f\u2ca9", + "\u2c91\u2cb1\u2ca5": "\u2c91\u2cb1\u2c9f\u2ca9", + "\u2cab\u2cb1\u2ca5": "\u2c9b\u2c9f\u2ca9\u2c9f\u2ca9" + }, + "en_pronoun2gender": { + "she": [ + "\u03e3\u2c89\u2c89\u2ca3\u2c89", + "\u2ca5\u03e9\u2c93\u2c99\u2c89", + "\u03e3\u2c89\u2ca3\u2c93" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u2ca1\u2c89\u03e5", + "\u2ca7\u2c89\u03e5", + "\u2c9b\u2c89\u03e5" + ], + "she": [ + "\u2cab\u2cb1\u2ca5", + "\u2ca1\u2c89\u2ca5", + "\u2ca7\u2cb1\u2ca5", + "\u2c9b\u2c9f\u2ca9\u2ca5", + "\u2ca1\u2cb1\u2ca5", + "\u2ca7\u2c89\u2ca5", + "\u2c91\u2cb1\u2ca5", + "\u2c9b\u2c89\u2ca5" + ], + "they": [ + "\u2c9b\u2c9f\u2ca9", + "\u2c9b\u2c9f\u2ca9\u2c9f\u2ca9", + "\u2ca7\u2c9f\u2ca9", + "\u2ca1\u2c9f\u2ca9", + "\u2ca1\u2cb1\u2c9f\u2ca9", + "\u2ca7\u2cb1\u2c9f\u2ca9", + "\u2c91\u2cb1\u2c9f\u2ca9", + "\u2cab\u2cb1\u2c9f\u2ca9" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/crh.json b/data_tooling/pii_processing/ontology/data/crh.json new file mode 100644 index 0000000..ab9120a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/crh.json @@ -0,0 +1,148 @@ +{ + "JOB": [ + "saniye", + "komandan", + "ressam", + "minder", + "para", + "tefti\u015f\u00e7i", + "kitaphaneci", + "kurator", + "mustaqil", + "tornac\u0131", + "terciman" + ], + "LANGUAGE": [ + "ermeni" + ], + "ORG": [ + "a\u015f_tatl\u0131_olsun", + "batalyon", + "a\u015f_olsun", + "mektep", + "iptidaiy_mektep", + "maarif", + "saq\u0131z", + "a\u015f_bols\u0131n", + "siyasiy_f\u0131rqa" + ], + "ANIMAL": [ + "savusqan", + "muratqu\u015f", + "baqa", + "atmaca" + ], + "PUBLIC_FIGURE": [ + "frenk", + "e", + "mamet", + "o" + ], + "DISEASE": [ + "yuqu", + "tutuqlanmaq", + "para", + "materializm", + "hamilelik" + ], + "PERSON_PRONOUN": [ + "bizim", + "seni\u00f1" + ], + "GENDER": [ + "men", + "boy", + "qad\u0131n" + ], + "PLANT": [ + "qap\u0131sta", + "markof" + ], + "LOCATION": [ + "felemenk" + ], + "GPE": [ + "aq_alt\u0131n" + ], + "RACE": [ + "frans\u0131z" + ], + "FOOD": [ + "dondurma", + "salca" + ], + "POLITICAL_PARTY": [ + "f\u0131rqa" + ], + "FAC": [ + "ba\u015flan\u011f\u0131\u00e7_mektep", + "basseyn" + ], + "QUANTITY": [ + "on_bi\u00f1" + ], + "DATE": [ + "er_\u015feyden_evel" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "siya": "elli", + "abla": "kad\u00e2", + "apay": "aqay", + "apaqay": "qoca", + "bike": "ki\u015fi", + "qad\u0131n": "ki\u015fi", + "boy": "q\u0131z", + "o\u011flan": "q\u0131z" + }, + "other_gender_swap": { + "eali": "siya", + "olar": "siya", + "siya": "olar", + "elli": "eali" + }, + "en_pronoun2gender": { + "he": [ + "ki\u015fi", + "o\u011flan", + "boy" + ], + "she": [ + "abla", + "q\u0131z", + "bike", + "qad\u0131n", + "di\u015fi" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "siya", + "elli" + ], + "she": [ + "siya" + ], + "they": [ + "olar", + "eali" + ], + "it": [ + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cs.json b/data_tooling/pii_processing/ontology/data/cs.json new file mode 100644 index 0000000..bdc0396 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cs.json @@ -0,0 +1,2533 @@ +{ + "DISEASE": [ + "ka\u0161tan", + "kornat\u011bn\u00ed", + "hydrocephalus", + "sars", + "kraj\u00edc", + "tinitus", + "potence", + "hladov\u011bt", + "lacerace", + "p\u0159edkus", + "anestezie", + "kachexie", + "tachykardie", + "kretenismus", + "parest\u00e9zie", + "deviace", + "r\u016f\u017eice", + "souchotiny", + "cyan\u00f3za", + "anthrax", + "chill", + "paraplegie", + "als", + "gumma", + "pohlazen\u00ed", + "listeri\u00f3za", + "oftalmopedie", + "ka\u0161tanov\u00fd", + "bolest", + "kolika", + "lipid\u00f3za", + "sten\u00f3za", + "salmonel\u00f3za", + "chor\u00fd", + "lump", + "barvoslepost", + "fotofobie", + "skotom", + "pl\u00edse\u0148_bramborov\u00e1", + "transpozice", + "the_bends", + "topo\u0159en\u00ed", + "chudokrevnost", + "psychopatie", + "ka\u0161tanovn\u00edk", + "struma", + "hladit", + "paratyfus", + "ms", + "rachitida", + "kalcifikace", + "jedovatec_ko\u0159enuj\u00edc\u00ed", + "intertrigo", + "dalekozrakost", + "podv\u00fd\u017eiva", + "thanatofobie", + "kr\u00e1tkozrakost", + "hydrocefalus", + "z\u00e1vra\u0165", + "demence", + "p\u0159eh\u0159\u00e1t\u00ed", + "dusit", + "proktitida", + "presbyopie", + "talas\u00e9mie", + "b\u0159ezost", + "cervicitida", + "kurd\u011bje", + "brucel\u00f3za", + "pl\u00e1tek", + "zahlcen\u00ed", + "koron\u00e1rn\u00ed", + "beri_beri", + "aura_at_college_park", + "urosepse", + "herpes_simplex_virus", + "nahromad\u011bn\u00ed", + "katarakta", + "spalni\u010dky", + "nachlazen\u00ed", + "z\u00e1vislost", + "plynovat", + "steh", + "delirium", + "vozh\u0159ivka", + "poliomyelitida", + "progerie", + "cukrovka", + "dalekozrak\u00fd", + "mastit", + "habituace", + "pakostnice", + "lockjaw", + "k\u0159ivice", + "vodnatelnost", + "bodnout", + "gimp", + "grafi\u00f3za", + "herpes", + "krutihlav", + "papilom", + "sigmatismus", + "katalepsie", + "smart", + "klaustrofobie", + "marasmus", + "ed", + "rakovina", + "pica", + "polin\u00f3za", + "cachexie", + "tracheitida", + "r\u016f\u017eovka", + "chondrosarkom", + "preeklampsie", + "ochrnut\u00ed", + "fluor\u00f3za", + "sensation", + "faryngitida", + "opilost", + "hore\u010dka", + "kolitida", + "epidermolysis_bullosa", + "pain", + "teratom", + "gravidita", + "zard\u011bnky", + "purpura", + "nespavost", + "sp\u00e1lenina", + "otupen\u00ed", + "stigmata", + "kausalgie", + "podlitina", + "sp\u00e1len\u00ed", + "trachom", + "plynatost", + "pellagra", + "herniace", + "autoimunita", + "podvrtnut\u00ed", + "chopn", + "mi", + "silik\u00f3za", + "puch\u00fd\u0159", + "mezoteliom", + "sting", + "bradykardie", + "hydronefr\u00f3za", + "malomocenstv\u00ed", + "sp\u00e1la", + "materialismus", + "trauma", + "prohlube\u0148", + "lichen_planus", + "kuru", + "paradent\u00f3za", + "nemoc", + "virus_tab\u00e1kov\u00e9_mozaiky", + "tyroiditida", + "kachektizace", + "the_hives", + "choroba", + "dengue", + "gangr\u00e9na", + "mastitida", + "daktylosymf\u00fdza", + "schistosom\u00f3za", + "parestezie", + "kolaps", + "salmonella", + "krup", + "plyn" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "melanie_kleinov\u00e1", + "jedno", + "noah_webster", + "jean_genet", + "john_knox", + "roger_williams", + "giovanni_boccaccio", + "rosa_parksov\u00e1", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_wolfe", + "ji\u0159\u00ed", + "thomas_bayes", + "johann_bernoulli", + "max_bruch", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "jeden", + "maria_callas", + "william_walton", + "henrik_ibsen", + "william_gladstone", + "sergej_rachmaninov", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "dalajl\u00e1ma", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "lawliet", + "anton\u00edn", + "carl_rogers", + "george_balanchine", + "brig\u00e1dn\u00ed_gener\u00e1l", + "richard_burton", + "douglas_macarthur", + "j_edgar_hoover", + "thomas_reid", + "john_jacob_astor", + "otto_frisch", + "winston_churchill", + "gustav", + "johannes_diderik_van_der_waals", + "dvojka", + "b", + "kate\u0159ina_howardov\u00e1", + "conrad_aiken", + "karl_landsteiner", + "paul_mccartney", + "richard_smalley", + "terry_pratchett", + "k", + "kurie", + "stephen_king", + "francis_crick", + "sherry", + "joseph_greenberg", + "isaac_newton", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "milton_friedman", + "edward_gibbon", + "jefferson_davis", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "george_harrison", + "marie_antoinetta", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "williams", + "thornton_wilder", + "pancho_villa", + "jana_seymourov\u00e1", + "francis_galton", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "edward_weston", + "el_greco", + "samuel_beckett", + "ingrid_bergmanov\u00e1", + "david", + "galileo_galilei", + "john_donne", + "robert_koch", + "i_m_pei", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "edmund_hillary", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "john_ruskin", + "robert_burns", + "thomas_paine", + "bari", + "liliuokalani", + "francis_beaumont", + "edvard", + "steven_weinberg", + "p", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "willem_einthoven", + "bernard_malamud", + "samuel_johnson", + "allen_iverson", + "giuseppe_verdi", + "walter_lippmann", + "e", + "karl_jaspers", + "tom\u00e1\u0161", + "johannes_wilhelm_geiger", + "konrad_adenauer", + "jind\u0159ich", + "norbert_wiener", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "nietzscheov\u00e1", + "abel_tasman", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "richard_strauss", + "theodosius_i", + "hugo_grotius", + "mahalia_jackson", + "ben_shahn", + "john_ford", + "alphonse_bertillon", + "j_b_s_haldane", + "saladin", + "sarah_bernhardt", + "v", + "philip_marlowe", + "luigi_pirandello", + "hank_williams", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "ralph_bunche", + "rudolf_bultmann", + "anna_pavlovov\u00e1", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "thomas_mann", + "william_ockham", + "charles_goodyear", + "dante_alighieri", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "paul_verlaine", + "q", + "scribes", + "olga_korbutov\u00e1", + "robert_johnson", + "james_dean", + "robert", + "marie_tussaud", + "roger_bannister", + "theodor_schwann", + "alessandro_manzoni", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "elizabeth_taylorov\u00e1", + "joseph_pulitzer", + "charles_schulz", + "jim_corbett", + "james_naismith", + "oscar_wilde", + "philip_roth", + "henry", + "lawrence", + "richard_trevithick", + "margaret_courtov\u00e1", + "heinrich_schliemann", + "eli_whitney", + "jonathan_chapman", + "glenn_curtiss", + "don_quijote", + "laurence_olivier", + "christiaan_eijkman", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "joseph_heller", + "a", + "morris", + "norman_rockwell", + "james_brown", + "william_hogarth", + "margaret_sangerov\u00e1", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "richard_gatling", + "james_franck", + "william_crookes", + "nellie_bly", + "weber", + "lewis", + "alexandre_yersin", + "jane_goodallov\u00e1", + "stephen_leacock", + "albert_schweitzer", + "jane_jacobsov\u00e1", + "john_harvard", + "johann_friedrich_herbart", + "titus", + "johannes_kepler", + "most", + "david_hartley", + "max_planck", + "aletta_jacobsov\u00e1", + "william_blake", + "julio_iglesias", + "john_bardeen", + "arthur", + "sarah_vaughan", + "nietzsche", + "ella_fitzgeraldov\u00e1", + "william_byrd", + "william_henry", + "scott_joplin", + "carl_lewis", + "george_vancouver", + "helen_kellerov\u00e1", + "canberra", + "michail_kalinin", + "elias_canetti", + "edward_jenner", + "marie_magdalena", + "oliver_hardy", + "cole_porter", + "dva", + "benjamin_west", + "jean_luc_godard", + "konstantin", + "graham_greene", + "frans_hals", + "lars_onsager", + "david_riesman", + "john_walker", + "william_herschel", + "joseph_black", + "arthur_rubinstein", + "niels_bohr", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "podnikavec", + "robert_venturi", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "va\u0159e\u010dka", + "anna_kurnikovov\u00e1", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "ted_williams", + "friedrich_engels", + "charles_laughton", + "charlotta_cordayov\u00e1", + "michelangel\u016fv_david", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "robert_redford", + "jean_giraudoux", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "katharine_hepburnov\u00e1", + "theodor_mommsen", + "marcel_proust", + "jedna", + "homo_heidelbergensis", + "paul_hindemith", + "thomas_chippendale", + "paul_robeson", + "arnold", + "john_dowland", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "mlyn\u00e1\u0159ka", + "kominictv\u00ed", + "von_willebrand\u016fv_faktor", + "samuel_adams", + "albert_speer", + "george_brummell", + "george_gershwin", + "alberto_giacometti", + "vav\u0159inec", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "thatcherov\u00e1", + "john_fletcher", + "caravaggio", + "charlie_watts", + "m", + "anna_boleynov\u00e1", + "marcel_marceau", + "pan\u010dhenlama", + "allen_ginsberg", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "michail_bary\u0161nikov", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "patrick_white", + "hans_christian_andersen", + "william_morris", + "cary_grant", + "thomas", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "hideki_jukawa", + "osman_i", + "kurt_weill", + "li_\u010deng_tao", + "otto_hahn", + "lester_young", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "komin\u00edk", + "claudio_monteverdi", + "thomas_morgan", + "john_galsworthy", + "robert_robinson", + "o", + "one", + "adam_smith", + "william_james", + "kov\u00e1\u0159", + "u", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "john_wesley", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "leonhard", + "lesn\u00edk", + "st\u0159\u00edzl\u00edk", + "joseph_marie_jacquard", + "henry_james", + "dorothea_langeov\u00e1", + "paul_dukas", + "leonard_bloomfield", + "jean_piaget", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "fajfka", + "frank_stella", + "robert_southey", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "leopold_kronecker", + "richard_wright", + "a_tak_d\u00e1le", + "benjamin_thompson", + "adolf_hitler", + "fritz_haber", + "peter_behrens", + "alfred_stieglitz", + "joseph_haydn", + "jedni\u010dka", + "garfield", + "george_boole", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "alan_paton", + "1", + "cordell_hull", + "james_wilson", + "x", + "vladimir_putin", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "h", + "laurence_sterne", + "christopher_isherwood", + "fritz_kreisler", + "anne_hathaway", + "don_budge", + "baldwin", + "clarence_darrow", + "charles_lamb", + "g", + "padavka", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "johns_hopkins", + "wanda_landowska", + "martin_heidegger", + "hans_eysenck", + "arnold_schoenberg", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "jean_monnet", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "robert_brown", + "barbra_streisandov\u00e1", + "thomas_carlyle", + "donald_barthelme", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "d", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "flavius_iosephus", + "amerigo_vespucci", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "francis_poulenc", + "james_ussher", + "john_constable", + "james_mill", + "john_ciardi", + "putin", + "matthew_flinders", + "joseph_campbell", + "\u0436", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "hoffa", + "coleman_hawkins", + "\u0159eka_svat\u00e9ho_vav\u0159ince", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "gertrude_steinov\u00e1", + "husajn", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "george_meredith", + "dvoje", + "woody_herman", + "josef_albers", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "mlyn\u00e1\u0159", + "hugo_junkers", + "lillian_hellman", + "thomas_merton", + "asa_gray", + "antonio_stradivari", + "c_s_forester", + "maximianus", + "robinson_jeffers", + "dalajlama", + "miles_davis", + "st\u0159\u00edzl\u00edkovit\u00ed", + "jesse_jackson", + "willa_cather", + "bozen", + "stanley_kubrick", + "siamsk\u00e1_dvoj\u010data", + "john_huston", + "william_gilbert", + "james_watt", + "krysa\u0159", + "jonathan_edwards", + "ronald_reagan", + "do_punt\u00edku", + "helmut_schmidt", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "lucille_ballov\u00e1", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "william_wordsworth", + "rex_harrison", + "s", + "jednatel", + "woodrow_wilson", + "katherine_mansfieldov\u00e1", + "marcus_antonius", + "st_louis", + "richard_rodgers", + "john_dryden", + "jim_henson", + "frank", + "b\u00e9la_lugosi", + "ernest_hemingway", + "george_westinghouse", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "cesare_borgia", + "peter_minnewitt", + "margaret_mitchellov\u00e1", + "roald_amundsen", + "sherwood_anderson", + "richard_leakey", + "marie_magdalsk\u00e1", + "alfred_korzybski", + "c_a", + "charles_dickens", + "jack_robinson", + "alois_senefelder", + "george_enescu", + "jacques_offenbach", + "hannah_arendtov\u00e1", + "leakey", + "george_stevens", + "federico_fellini", + "bessie_smith", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "jan_steen", + "powell", + "hans_arp", + "andrew_carnegie", + "odoln\u00fd", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "mick_jagger", + "nietzschov\u00e1", + "georges_cuvier", + "william_harvey", + "walter_scott", + "marie_stopesov\u00e1", + "kate\u0159ina_aragonsk\u00e1", + "august_von_wassermann", + "jenner", + "sam_houston", + "robert_peary", + "kry\u0161tof_kolumbus", + "robert_browning", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "t", + "thatcher", + "wilhelm_ostwald" + ], + "JOB": [ + "hostitelka", + "radn\u00ed", + "stevardka", + "lesn\u00edk", + "baste\u0159i", + "letu\u0161ka", + "po\u0159adatel", + "ladi\u010d", + "guru", + "thatcherov\u00e1", + "encyklopedista", + "jednatel", + "konzul", + "soumra\u010dn\u00edkovit\u00ed", + "hydrolog", + "poradce", + "hajn\u00fd", + "pradlena", + "strejc", + "pl\u00e1nova\u010d", + "mikrobiolog", + "make", + "herold", + "imunolog", + "starostka", + "hasi\u010d", + "soukrom\u00fd", + "u\u010dinit", + "p\u0159edn\u00e1\u0161ej\u00edc\u00ed", + "autorka", + "funkcion\u00e1\u0159", + "domovn\u00edk", + "d\u0159evorubec", + "bagr", + "ko\u017eeluh", + "bedn\u00e1\u0159", + "feldmar\u0161\u00e1lek", + "sexton", + "p\u0159edseda", + "don", + "dvo\u0159an", + "brank\u00e1\u0159", + "p\u0159edsedkyn\u011b", + "slovn\u00edk\u00e1\u0159", + "past\u00fd\u0159ka", + "sb\u011bratel", + "kapr\u00e1l", + "dermatolog", + "kronik\u00e1\u0159", + "the_police", + "sklen\u00e1\u0159", + "biskup", + "celn\u00edk", + "palc\u00e1t", + "listono\u0161", + "konzultant", + "harpun\u00e1\u0159", + "asistent", + "hematolog", + "pastevec", + "plav\u010d\u00edk", + "router", + "cukr\u00e1\u0159", + "lokaj", + "str\u00e1\u017e", + "thatcher", + "bodyguard", + "ministr", + "tren\u00e9r", + "kamen\u00edk", + "socha\u0159", + "str\u00e1nka", + "topi\u010d", + "feldmar\u0161\u00e1l", + "krysa", + "krej\u010d\u00ed", + "pokojsk\u00e1", + "st\u00e1vkokaz", + "v\u00e1le\u010dn\u00edk", + "str\u00e1\u017ece", + "klemp\u00ed\u0159", + "poku\u0161itel", + "peka\u0159", + "spole\u010dn\u00edk", + "kormideln\u00edk", + "gran\u00e1tn\u00edk", + "v\u00fdrobce", + "\u0161enk", + "rozmno\u017eenina", + "p\u0159ed\u00e1k", + "podd\u016fstojn\u00edk", + "stript\u00e9rka", + "obchodnice", + "dru\u017ei\u010dka", + "kamikaze", + "holi\u010d", + "tane\u010dn\u00edk", + "the_advocate", + "kol\u00e1\u0159stv\u00ed", + "c\u00e9vn\u00ed_mozkov\u00e1_p\u0159\u00edhoda", + "kancl\u00e9\u0159", + "freelancer", + "domovnice", + "hospodyn\u011b", + "namydlit", + "here\u010dka", + "ml\u00e9ka\u0159", + "koumes", + "kardiochirurg", + "the_guardian", + "trev\u00edr", + "obchodn\u00edk", + "gastroenterolog", + "pad\u011blatel", + "stevard", + "kol\u00e1\u0159", + "pohlazen\u00ed", + "the_herald", + "herec", + "kulometn\u00edk", + "n\u00e1vrh\u00e1\u0159", + "brad\u00fd\u0159", + "stomatolog", + "obecn\u00fd", + "stript\u00e9r", + "mate", + "zuba\u0159ka", + "l\u00e9k\u00e1rn\u00edk", + "koga", + "terapeut", + "z\u00e1me\u010dn\u00edk", + "prim\u00e1tor", + "pastor", + "bank\u00e9\u0159", + "regul\u00e1tor", + "osadn\u00edk", + "maloobchodn\u00edk", + "mu\u0161ket\u00fdr", + "dobrovoln\u00fd", + "truhl\u00e1\u0159", + "ranhoji\u010d", + "novin\u00e1\u0159", + "kade\u0159n\u00edk", + "vyhazova\u010d", + "rozhod\u010d\u00ed", + "tovary\u0161", + "podkov\u00e1\u0159stv\u00ed", + "hladit", + "internista", + "kavalerista", + "pronaj\u00edmatel", + "po\u017e\u00e1rn\u00edk", + "polda", + "the_economist", + "galantn\u00ed", + "koordin\u00e1tor", + "barista", + "the_batman", + "patolog", + "p\u0159ed\u010d\u00edta\u010d", + "mar\u0161\u00e1l", + "popel\u00e1\u0159", + "zahradnice", + "zakladatel", + "man", + "chemik", + "pravideln\u00fd", + "hrn\u010d\u00ed\u0159", + "regent", + "kr\u00e1l", + "tane\u010dnice", + "the_boxer", + "neurolog", + "plak\u00e1t", + "hodin\u00e1\u0159ka", + "dobrovoln\u00edk", + "usher", + "messenger", + "tesa\u0159", + "hrobn\u00edk", + "kartograf", + "velitel", + "proconsul", + "branec", + "z\u00e1konod\u00e1rce", + "naklada\u010d", + "velvyslanec", + "hydrogeolog", + "hv\u011bzd\u00e1\u0159", + "byrokrat", + "zuba\u0159", + "kulomet\u010d\u00edk", + "soustru\u017en\u00edk", + "mana\u017eer", + "des\u00e1tn\u00edk", + "signalista", + "hudebn\u00edk", + "presbyter", + "chemi\u010dka", + "kocovina", + "kupec", + "sub", + "podkov\u00e1\u0159", + "velryb\u00e1\u0159", + "the_independent", + "romanopisec", + "automechanik", + "port\u00fdr", + "zahradn\u00edk", + "neurochirurg", + "esquire", + "nez\u00e1visl\u00fd", + "dragoun", + "autor", + "lazebn\u00edk", + "hodin\u00e1\u0159", + "kardiolog", + "pr\u016fmysln\u00edk", + "bacha\u0159", + "past\u00fd\u0159", + "preceptor", + "skl\u00e1\u0159" + ], + "ORG": [ + "ida", + "nesahat", + "malopolsko", + "k\u0159es\u0165anskodemokratick\u00fd", + "justice", + "v_pohod\u011b", + "nov\u00fd_sv\u011bt", + "bernard\u00fdn", + "wicca", + "kapetovci", + "jan_mayen", + "odbory", + "islamistika", + "kapverdy", + "nasa", + "zednictv\u00ed", + "arda", + "kdo", + "amerikanistika", + "bollywood", + "ho\u0159ej\u0161\u00ed_jezero", + "masm\u00e9dium", + "europol", + "schutzstaffel", + "yorkov\u00e9", + "zlat\u00fd_v\u011bk", + "arun\u00e1\u010dalprad\u00e9\u0161", + "albertovo_jezero", + "donaha", + "germanistika", + "nestandardn\u00ed", + "the_who", + "bohorodi\u010dka", + "dominium", + "zamknout", + "n\u00e1mo\u0159nictvo", + "zdravotnictv\u00ed", + "san_francisco", + "a_chorus_line", + "prvot\u0159\u00eddn\u00ed", + "spo\u0159itelna", + "nara", + "botanick\u00e1_zahrada", + "al_d\u017eaz\u00edra", + "hv\u011bzdokupa", + "politick\u00e1_strana", + "cvokhaus", + "gao", + "jit\u0159enka", + "konzervato\u0159", + "matka_bo\u017e\u00ed", + "bl\u00e1zinec", + "baskicko", + "v\u00e1le\u010dn\u00fd", + "ec", + "can_tho", + "don_juan", + "spravedlnost", + "oni", + "the_new_school", + "modrook\u00fd", + "trojpalubn\u00edk", + "lancasterov\u00e9", + "dia", + "r.p", + "mladoturci", + "protizedn\u00e1\u0159sk\u00e1_strana", + "starostliv\u00ed_medv\u00eddci", + "alexandr_makedonsk\u00fd", + "masm\u00e9dia", + "ma\u010farsk\u00fd_parlament", + "n\u00e1kupn\u00ed_centrum", + "l\u00e9ka\u0159sk\u00e1_fakulta", + "radnice", + "malobur\u017eoazie", + "gestapo", + "l\u00e9ta_p\u00e1n\u011b", + "obrana", + "\u010dern\u00fd_trh", + "\u0159\u00edmsk\u00e9_pr\u00e1vo", + "arm\u00e1da_spojen\u00fdch_st\u00e1t\u016f_americk\u00fdch", + "pac", + "\u0159\u00edmskokatolick\u00fd", + "labouristick\u00e1_strana", + "demokratick\u00e1_strana", + "barbora_z_nikom\u00e9die", + "vi\u0161nuismus", + "a_dal\u0161\u00ed", + "who_are_you", + "nanebevzet\u00ed_panny_marie", + "zem\u011bd\u011blstv\u00ed", + "nejvy\u0161\u0161\u00ed_soud", + "rud\u00e9_mo\u0159e", + "\u0161intoismus", + "europe", + "po", + "ovocn\u00fd_sal\u00e1t", + "k\u0159es\u0165ansk\u00e1_v\u011bda", + "hollywood", + "cid", + "australsk\u00e1_strana_pr\u00e1ce", + "al_ajn", + "kol\u00edbka", + "sturmabteilung", + "jezero_svat\u00e9_kl\u00e1ry", + "n\u00e1rodn\u011b_socialistick\u00e1_n\u011bmeck\u00e1_d\u011blnick\u00e1_strana", + "demokraticky_republik\u00e1nsk\u00e1_strana", + "silvestrovsk\u00e9_oslavy", + "los_angeles", + "nato", + "svat\u00e1_lucie", + "kv\u011btomluva", + "baltimore_orioles", + "akademie", + "ad_hoc", + "aktu\u00e1ln\u00ed", + "\u010derven\u00fd_k\u0159\u00ed\u017e", + "\u0161est_set", + "a_taky", + "nov\u00fd_m\u011bs\u00edc", + "ukl\u00edzet", + "a_kol", + "mi", + "by_the_way", + "skautka", + "in_situ", + "\u0161kola", + "olivov\u00e1_hora", + "b\u00edl\u00fd_d\u016fm", + "taoismus", + "roku_p\u00e1n\u011b", + "p\u0159edstavenstvo", + "hagana", + "ace", + "kolegium", + "mzdov\u00fd", + "agr\u00e1rn\u00ed_strana_b\u011bloruska", + "chuang_che", + "commerce", + "t\u0159et\u00ed_strana", + "streptococcus_pyogenes", + "eu", + "griffinovi", + "norsk\u00e1_strana_pr\u00e1ce", + "zenbuddhismus", + "st\u0159edn\u00ed_t\u0159\u00edda", + "hautes_fagnes", + "celnice", + "d\u011blnick\u00e1_t\u0159\u00edda", + "krivoj_rog", + "cvok\u00e1rna", + "svat\u00e1_rodina", + "mosad", + "s\u00e3o_tom\u00e9" + ], + "RACE": [ + "francouz", + "severokorejec", + "ostrovan", + "francouzka", + "kavkazsk\u00fd", + "jihokorejec", + "angli\u010dan\u00e9", + "turkyn\u011b", + "africk\u00fd", + "ameri\u010dan\u00e9", + "\u010dernoch", + "francouzi", + "japonci", + "jihoamerick\u00fd", + "nizozemci", + "turek", + "jihokorejka", + "latinoameri\u010dan", + "severokorejka", + "domorodec", + "latina", + "severoevropsk\u00fd", + "polyn\u00e9sk\u00fd", + "ostrovanka" + ], + "PLANT": [ + "olivov\u00fd", + "brusinka", + "ka\u0161tanov\u00fd", + "bergamot", + "slune\u010dnice", + "pine", + "javor", + "chryzant\u00e9ma", + "vrba", + "melissa", + "the_joshua_tree", + "rajkovit\u00ed", + "magn\u00f3lie", + "sosna", + "kv\u011bt\u00e1k", + "t\u0159e\u0161n\u011b", + "ak\u00e1t", + "ka\u0161tan", + "klikva", + "ostru\u017eina", + "talov\u00edn", + "star\u010dek_obecn\u00fd", + "fialka", + "sakura", + "candida_albicans", + "\u017eabinec", + "olivov\u011b", + "nejedl\u00edk", + "konvalinka", + "alstonia_scholaris", + "annona_cherimola", + "krytosemenn\u00e9", + "ka\u0161tanovn\u00edk", + "o\u0159e\u0161\u00e1k", + "v\u010deln\u00edk", + "carex_arenaria", + "lilek", + "olivov\u00e1", + "parthenium_argentatum", + "okru\u017e\u00ed", + "ambro\u0148", + "stra\u010dka", + "blackberry", + "kau\u010dukovn\u00edk_brazilsk\u00fd", + "borovice", + "jalov\u010dinka", + "plam\u00e9nek", + "hydrofyty", + "mod\u0159\u00edn", + "masticha", + "z\u00e1kruticha", + "sabina", + "saccharomyces_cerevisiae", + "mucholapka", + "fialov\u00e1", + "mace\u0161ka", + "pomn\u011bnka", + "pinus_muricata", + "belladonna", + "pajasan", + "svla\u010dec", + "tolije", + "trnka", + "t\u0159e\u0161e\u0148", + "zimolez", + "bluma", + "\u010dernucha", + "boryt_barv\u00ed\u0159sk\u00fd" + ], + "PRODUCT": [ + "stara_planina", + "st_vincent", + "raketopl\u00e1n", + "vysokorychlostn\u00ed", + "v_po\u0159\u00e1dku", + "justin_bieber", + "st\u0159edozem", + "pomn\u011bnka", + "z_milosti_bo\u017e\u00ed", + "bludi\u010dka", + "trojrozm\u011brn\u00fd", + "je_mi_to_l\u00edto", + "johana", + "julius_caesar", + "natahovac\u00ed", + "nov\u00fd_z\u00e1kon", + "duch_svat\u00fd", + "esko", + "jan_k\u0159titel", + "protileteck\u00fd", + "v\u00e1no\u010dn\u00ed_stromek", + "z\u00e1ti\u0161\u00ed", + "lidsk\u00e1_pr\u00e1va", + "to_m\u011b_mrz\u00ed", + "gong", + "mount_st_helens", + "p\u0159\u00edrodopis", + "z\u00e1kladn\u00ed_lidsk\u00e1_pr\u00e1va", + "slep\u00e1_uli\u010dka", + "protiletadlov\u00fd", + "slzovka_obecn\u00e1", + "mario_andretti", + "jih_proti_severu", + "mor\u010de", + "k\u0159titelnice", + "st\u0159\u00edbrn\u00e1_svatba", + "v\u00e1no\u010dn\u00ed_strome\u010dek", + "t\u0159\u00edrozm\u011brn\u00fd", + "svat\u00e1_maria", + "novo_mesto", + "\u010dtvero_ro\u010dn\u00edch_dob" + ], + "LANGUAGE": [ + "ba\u0161kirsk\u00fd", + "hindsk\u00fd", + "jidi\u0161", + "kaza\u0161ka", + "arab\u0161tina", + "nizozem\u0161tina", + "kongo", + "rusky", + "kornsk\u00fd", + "anglicky", + "arabsk\u00fd", + "tagal\u0161tina", + "komij\u0161tina", + "portugal\u0161tina", + "anglick\u00fd", + "per\u0161tina", + "kannad\u0161tina", + "bulharsk\u00fd", + "kazach", + "francouzsky", + "ke\u010du\u00e1n\u0161tina", + "\u0159ekyn\u011b", + "polsk\u00fd", + "chorvatsk\u00fd", + "malajal\u00e1msk\u00fd", + "malajsk\u00fd", + "islandsk\u00fd", + "manx", + "bosensk\u00fd", + "barmsk\u00fd", + "beng\u00e1lsk\u00fd", + "ngal\u0161tina", + "kelt\u0161tina", + "mar\u0161al\u0161tina", + "divehi", + "lucembursk\u00fd", + "litevsk\u00fd", + "esperanto", + "le\u0161tidlo", + "samojec", + "malaj\u00e1lam\u0161tina", + "island\u0161tina", + "francouzsk\u00fd", + "svahil\u0161tina", + "tagalog", + "ido", + "samojka", + "kov\u00e1\u0159", + "akan\u0161tina", + "hind\u0161tina", + "b\u011blorusk\u00fd", + "quechua", + "portugalsk\u00fd", + "katal\u00e1nec", + "vel\u0161sk\u00fd", + "francouz\u0161tina", + "tonga" + ], + "FAC": [ + "arnold_schoenberg", + "baz\u00e9n", + "st\u0159elnice", + "doln\u00ed_sn\u011bmovna", + "celnice", + "t_lymfocyt", + "petr_i_velik\u00fd", + "medv\u00eddek_p\u016f", + "medv\u00eddek_p\u00fa", + "pap\u00edrna", + "bezpatkov\u00fd", + "vysok\u00e1_porta", + "gruntovat", + "svat\u00fd_josef", + "obchodn\u00ed_centrum", + "z\u00e1kladn\u00ed_\u0161kola", + "katolick\u00e1_c\u00edrkev" + ], + "LOCATION": [ + "bl\u00e1zinec", + "kapverdy", + "ar\u00e9na", + "maria_magdal\u00e9na", + "falklandy", + "park", + "lesn\u00ed_jezero", + "v_pohod\u011b", + "v\u00e1clavsk\u00e9_n\u00e1m\u011bst\u00ed", + "svat\u00fd_vincenc", + "psychiatrick\u00e1_l\u00e9\u010debna", + "souhv\u011bzd\u00ed_velk\u00e9_medv\u011bdice", + "piet_mondrian", + "ha_long", + "na_pokraji", + "nizozem\u00ed", + "na_ulici", + "kryvyj_rih", + "trois_rivi\u00e8res", + "to_nestoj\u00ed_za_\u0159e\u010d", + "marie_magdalena", + "na_cest\u011b", + "taktika_sp\u00e1len\u00e9_zem\u011b", + "jord\u00e1n", + "vzdu\u0161n\u00e9_s\u00edly", + "marie_magdalsk\u00e1", + "joseph_louis_gay_lussac", + "sladkovodn\u00ed", + "portoriko", + "al_d\u017eaz\u00edra", + "na_hran\u011b", + "v_h\u00e1ji", + "1_leden", + "usa", + "n\u00e1rodn\u00ed_shrom\u00e1\u017ed\u011bn\u00ed", + "penzijn\u00ed_fond", + "stavebnictv\u00ed", + "\u017elut\u00e1_\u0159eka", + "the_rolling_stones", + "mys_horn", + "esko", + "cordon_bleu", + "sasko_anhaltsko", + "za_m\u00e1lo", + "nanebevstoupen\u00ed", + "panna_marie", + "svat\u00fd_patrik", + "centr\u00e1ln\u00ed_banka", + "v_z\u00e1kulis\u00ed", + "heitor_villa_lobos", + "portorico", + "al_ajn", + "santa_claus", + "tom_palec", + "\u0161\u00edpkov\u00e1_r\u016f\u017eenka" + ], + "ANIMAL": [ + "\u010dervci", + "hrabo\u0161", + "medojed", + "je\u017eovky", + "v\u00fdre\u010dek", + "vydra", + "kudlanka", + "kladivounovit\u00ed", + "lasice", + "soumar", + "chaluhy", + "black_widow", + "los_evropsk\u00fd", + "lod\u011bnkovit\u00ed", + "roh\u00e1\u010dovit\u00ed", + "sudokopytn\u00edci", + "ploskonos\u00ed", + "billy_elliot", + "st\u0159evl\u00edkovit\u00ed", + "stehl\u00edk", + "skarabeus", + "kosticovci", + "carduelis", + "mandelinkovit\u00ed", + "kanec", + "roh\u00e1c", + "baset", + "letounovit\u00ed", + "ryb\u00e1k", + "virus_epstein_barrov\u00e9", + "vla\u0161tovka_obecn\u00e1", + "kor\u00e1lovec", + "rackovit\u00ed", + "st\u0159\u00edzl\u00edk", + "jezevec", + "tarb\u00edkomy\u0161", + "medv\u00edd\u011b", + "parejnoci", + "vydry", + "je\u0159\u00e1bek", + "polorejnoci", + "straka", + "v\u010delojed", + "brejlovec", + "plch_velk\u00fd", + "volavkovit\u00ed", + "tule\u0148ovit\u00ed", + "banteng", + "staroanglick\u00fd_ov\u010d\u00e1k", + "kol\u010dava", + "kova\u0159\u00edkovit\u00ed", + "iller", + "savec", + "malotlamci", + "sasanky", + "bourec", + "tarb\u00edk", + "divo\u010d\u00e1k", + "vrabec", + "kareta_zelenav\u00e1", + "jest\u0159\u00e1b", + "hrouzek", + "lichokopytn\u00edci", + "drab\u010d\u00edkovit\u00ed", + "krkavec", + "je\u017eovka", + "zelenook\u00fd", + "blata", + "volavka", + "mor\u010de_dom\u00e1c\u00ed", + "st\u0159\u00edzl\u00edkovit\u00ed", + "varicella_zoster_virus", + "hovniv\u00e1l", + "burunduk", + "z\u00e1v\u011bsn\u00edk", + "kudlanky", + "vole", + "kondor", + "babo\u010dka_kop\u0159ivov\u00e1", + "ryb\u00e1kovit\u00ed", + "ruduchy", + "savci", + "dlouhonoh\u00fd", + "ochechule", + "osin\u00e1k", + "lindu\u0161ka" + ], + "BIO_CHEM_ENTITY": [ + "xantinoxid\u00e1za", + "polyvinylchlorid", + "monoaminooxid\u00e1za", + "guanosindifosf\u00e1t", + "c_reaktivn\u00ed_protein", + "adenosindifosf\u00e1t", + "diethylether" + ], + "POLITICAL_PARTY_MEMBER": [ + "soudruh", + "labourista", + "dru\u017eka" + ], + "RELIGION_MEMBER": [ + "presbyteri\u00e1nsk\u00fd", + "guru", + "mohamed\u00e1n", + "protestant", + "karmelit\u00e1n", + "katolick\u00fd", + "s\u00fafijec", + "jezuita", + "bratr", + "starokatolick\u00fd", + "purit\u00e1n", + "franti\u0161k\u00e1ni", + "august\u00fdn" + ], + "RELIGION": [ + "zen", + "salaf\u00edja", + "vi\u0161nuismus", + "presbyteri\u00e1ni", + "donatist\u00e9", + "zenov\u00fd_buddhismus", + "islam", + "kata\u0159i", + "manicheismus", + "wicca" + ], + "SOC_ECO_CLASS": [ + "malobur\u017eoazie", + "bratrstv\u00ed", + "zvolit", + "bratrstvo", + "samuraj", + "\u0161lechta", + "zem\u011bd\u011blstv\u00ed", + "proletari\u00e1t" + ], + "DATE": [ + "den_svat\u00e9ho_patrika", + "st\u0159edov\u011bk", + "den_pot\u00e9", + "den_matek", + "den_kanady", + "den_strom\u016f", + "poz\u00edt\u0159\u00ed", + "ve\u010der_t\u0159\u00edkr\u00e1lov\u00fd_aneb_cokoli_chcete", + "den_volna", + "den_spojen\u00fdch_n\u00e1rod\u016f", + "den_nez\u00e1vislosti_usa", + "den_v\u00edt\u011bzstv\u00ed", + "\u010dtvrtstolet\u00ed", + "den_v\u00e1le\u010dn\u00fdch_veter\u00e1n\u016f", + "den_otc\u016f", + "den_d" + ], + "GENDER": [ + "chlap", + "chlapec", + "mademoiselle", + "chlap\u00edk", + "transgender", + "sami\u010d\u00ed", + "man", + "gal", + "samice" + ], + "FOOD": [ + "golden_delicious", + "sodovka", + "niva", + "omeleta", + "kraslice", + "tatarka", + "tave\u0148\u00e1k", + "\u017ev\u00fdka\u010dka", + "palmov\u00fd_olej", + "chile", + "limon\u00e1da", + "hranolky", + "kornout" + ], + "UNION": [ + "odbory", + "mezin\u00e1rodn\u00ed_telekomunika\u010dn\u00ed_unie" + ], + "QUANTITY": [ + "watthodina", + "kalorie", + "bu\u0161it", + "trojrozm\u011brn\u00fd", + "g", + "elektronvolt", + "\u010dty\u0159iadvacet", + "t\u0159i_sestry", + "francouzsk\u00fd_frank", + "perioda", + "anders_celsius" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "i_\u0165ing", + "st_vincent", + "don_delillo", + "edward_osborne_wilson", + "tchaj_\u0161an", + "george_v", + "carl_david_anderson", + "rudolf_hess", + "herbert_george_wells" + ], + "GPE": [ + "svat\u00e1_barbora", + "saint_domingue", + "dar_es_salaam", + "\u010derven\u00fd_k\u0159\u00ed\u017e", + "historick\u00e9_j\u00e1dro_m\u011bsta", + "olympijsk\u00e1_vesnice", + "svat\u00fd_ji\u0159\u00ed", + "s\u00e3o_tom\u00e9", + "hagia_sofia", + "gran_canaria", + "panna_maria_sedmibolestn\u00e1", + "svat\u00fd_mikul\u00e1\u0161", + "al_andalus", + "den_svat\u00e9ho_valent\u00fdna", + "pr\u016fsmyk", + "la_gomera", + "st_louis", + "n\u011bmeck\u00e9_c\u00edsa\u0159stv\u00ed" + ], + "EVENT": [ + "to_je_\u017eivot" + ], + "LAW": [ + "ob\u010dansk\u00e9_pr\u00e1vo", + "feder\u00e1ln\u00ed_\u00fa\u0159ad_pro_vy\u0161et\u0159ov\u00e1n\u00ed", + "ne_bis_in_idem" + ], + "POLITICAL_PARTY": [ + "politick\u00e1_strana", + "f\u00f8royski_javna\u00f0arflokkurin", + "f\u00f3lkaflokkurin", + "strana_whig\u016f", + "strana_pr\u00e1ce", + "kuomintang", + "komunistick\u00e1_strana", + "strana_zelen\u00fdch", + "republik\u00e1nsk\u00e1_strana", + "protizedn\u00e1\u0159sk\u00e1_strana", + "parti_socialiste", + "konzervativn\u00ed_strana", + "lidov\u00e1_strana", + "liber\u00e1ln\u00ed_strana" + ], + "PERSON_PRONOUN": [ + "i", + "tebou", + "my" + ], + "TITLE": [ + "ms" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "iva", + "pavla", + "miloslava", + "v\u011bra", + "zdenka", + "kl\u00e1ra", + "alena", + "olga", + "vlasta", + "milena", + "alexandra", + "marie", + "dana", + "franti\u0161ka", + "lucie", + "kristina", + "simona", + "irena", + "daniela", + "jind\u0159i\u0161ka", + "denisa", + "so\u0148a", + "nela", + "romana", + "martina", + "bla\u017eena", + "anna", + "helena", + "sabina", + "r\u016f\u017eena", + "ludmila", + "eva", + "bohumila", + "s\u00e1ra", + "emilie", + "ji\u0159ina", + "ladislava", + "jana", + "nad\u011b\u017eda", + "jitka", + "julie", + "pavl\u00edna", + "zde\u0148ka", + "danu\u0161e", + "\u0161t\u011bp\u00e1nka", + "monika", + "petra", + "stanislava", + "marcela", + "vladim\u00edra", + "andrea", + "tereza", + "dagmar", + "ilona", + "viktorie", + "karol\u00edna", + "gabriela", + "zuzana", + "mark\u00e9ta", + "miroslava", + "eli\u0161ka", + "jarmila", + "m\u00e1ria", + "milada", + "michaela", + "iveta", + "ad\u00e9la", + "hana", + "barbora", + "marta", + "al\u017eb\u011bta", + "bo\u017eena", + "drahom\u00edra", + "\u0161\u00e1rka", + "radka", + "blanka", + "kv\u011btoslava", + "nat\u00e1lie", + "ane\u017eka", + "nikola", + "magdalena", + "ivana", + "alice", + "dominika", + "ren\u00e1ta", + "\u017eaneta", + "veronika", + "milu\u0161e", + "magdal\u00e9na", + "libu\u0161e", + "nikol", + "jaroslava", + "renata", + "kv\u011bta", + "lenka", + "aneta", + "kamila", + "krist\u00fdna", + "kate\u0159ina", + "vendula" + ], + "FIRST_NAME_MALE": [ + "p\u0159emysl", + "petr", + "vlastimil", + "luk\u00e1\u0161", + "igor", + "milo\u0161", + "alois", + "ivo", + "bohumil", + "old\u0159ich", + "v\u00e1clav", + "jaroslav", + "franti\u0161ek", + "\u0161tefan", + "leo\u0161", + "peter", + "mat\u011bj", + "kry\u0161tof", + "alexandr", + "daniel", + "josef", + "\u0161t\u011bp\u00e1n", + "radovan", + "miloslav", + "marian", + "alexander", + "rostislav", + "jarom\u00edr", + "j\u00e1n", + "dalibor", + "stanislav", + "roman", + "bohum\u00edr", + "marcel", + "tade\u00e1\u0161", + "\u0161imon", + "patrik", + "ale\u0161", + "pavel", + "radim", + "bohuslav", + "vojt\u011bch", + "du\u0161an", + "dominik", + "emil", + "radom\u00edr", + "denis", + "vasyl", + "tom\u00e1\u0161", + "ludv\u00edk", + "kamil", + "libor", + "vil\u00e9m", + "lud\u011bk", + "radek", + "jan", + "vratislav", + "jozef", + "karel", + "martin", + "arno\u0161t", + "michal", + "v\u00edt\u011bzslav", + "anton\u00edn", + "viktor", + "adam", + "marek", + "vladim\u00edr", + "robin", + "miroslav", + "bed\u0159ich", + "richard", + "samuel", + "eduard", + "david", + "b\u0159etislav", + "rudolf", + "filip", + "milan", + "robert", + "ji\u0159\u00ed", + "ivan", + "vladislav", + "erik", + "lubo\u0161", + "ond\u0159ej", + "ladislav", + "ren\u00e9", + "hynek", + "zden\u011bk", + "michael", + "zbyn\u011bk", + "otakar", + "jind\u0159ich", + "maty\u00e1\u0161", + "lubom\u00edr", + "v\u00edt", + "jakub" + ], + "LAST_NAMES_FEMALE": [ + "Machov\u00e1", + "Moravcov\u00e1", + "Pol\u00e1kov\u00e1", + "Dvo\u0159\u00e1kov\u00e1", + "\u010cern\u00e1", + "Holubov\u00e1", + "Barto\u0161ov\u00e1", + "Kr\u00e1lov\u00e1", + "Mare\u0161ov\u00e1", + "\u0158\u00edhov\u00e1", + "K\u0159\u00ed\u017eov\u00e1", + "Fialov\u00e1", + "Zemanov\u00e1", + "Jandov\u00e1", + "\u010cerm\u00e1kov\u00e1", + "Mal\u00e1", + "Svobodov\u00e1", + "H\u00e1jkov\u00e1", + "Pokorn\u00e1", + "Kol\u00e1\u0159ov\u00e1", + "\u0160imkov\u00e1", + "Vesel\u00e1", + "Beranov\u00e1", + "Du\u0161kov\u00e1", + "Markov\u00e1", + "Bl\u00e1hov\u00e1", + "Nov\u00e1kov\u00e1", + "R\u016f\u017ei\u010dkov\u00e1", + "Dole\u017ealov\u00e1", + "Ku\u010derov\u00e1", + "Soukupov\u00e1", + "\u0160\u0165astn\u00e1", + "Kopeck\u00e1", + "Novotn\u00e1", + "Va\u0148kov\u00e1", + "N\u011bmcov\u00e1", + "V\u00e1vrov\u00e1", + "Vl\u010dkov\u00e1", + "Bene\u0161ov\u00e1", + "Urbanov\u00e1", + "Vackov\u00e1", + "Hor\u00e1kov\u00e1", + "Sedl\u00e1\u010dkov\u00e1", + "\u0160t\u011bp\u00e1nkov\u00e1", + "Posp\u00ed\u0161ilov\u00e1", + "Krej\u010dov\u00e1", + "Bla\u017ekov\u00e1", + "Kadlecov\u00e1", + "Ma\u0161kov\u00e1", + "Tich\u00e1", + "Proch\u00e1zkov\u00e1", + "Jel\u00ednkov\u00e1", + "Kratochv\u00edlov\u00e1" + ], + "PREFIX_FEMALE": [ + "ing", + "rndr", + "bc", + "sle\u010dna", + "mgr", + "pan\u00ed", + "mudr", + "judr" + ], + "PREFIX_MALE": [ + "ing", + "pan", + "rndr", + "bc", + "mgr", + "mudr", + "judr" + ], + "FIRST_NAME": [ + "p\u0159emysl", + "iva", + "petr", + "pavla", + "vlastimil", + "luk\u00e1\u0161", + "igor", + "miloslava", + "v\u011bra", + "milo\u0161", + "zdenka", + "alois", + "ivo", + "bohumil", + "old\u0159ich", + "alena", + "olga", + "v\u00e1clav", + "kl\u00e1ra", + "jaroslav", + "franti\u0161ek", + "\u0161tefan", + "vlasta", + "leo\u0161", + "vendula", + "peter", + "milena", + "alexandra", + "marie", + "dana", + "mat\u011bj", + "franti\u0161ka", + "kry\u0161tof", + "lucie", + "kristina", + "alexandr", + "simona", + "daniel", + "josef", + "\u0161t\u011bp\u00e1n", + "irena", + "daniela", + "radovan", + "jind\u0159i\u0161ka", + "denisa", + "miloslav", + "marian", + "alexander", + "so\u0148a", + "jarom\u00edr", + "rostislav", + "j\u00e1n", + "nela", + "dalibor", + "romana", + "martina", + "bla\u017eena", + "stanislav", + "roman", + "bohum\u00edr", + "marcel", + "tade\u00e1\u0161", + "anna", + "helena", + "sabina", + "\u0161imon", + "patrik", + "ale\u0161", + "pavel", + "r\u016f\u017eena", + "ludmila", + "radim", + "eva", + "bohumila", + "s\u00e1ra", + "emilie", + "bohuslav", + "ji\u0159ina", + "ladislava", + "jana", + "vojt\u011bch", + "du\u0161an", + "nad\u011b\u017eda", + "jitka", + "dominik", + "emil", + "radom\u00edr", + "denis", + "vasyl", + "julie", + "tom\u00e1\u0161", + "pavl\u00edna", + "zde\u0148ka", + "danu\u0161e", + "ludv\u00edk", + "kamil", + "libor", + "\u0161t\u011bp\u00e1nka", + "vil\u00e9m", + "monika", + "petra", + "lud\u011bk", + "stanislava", + "radek", + "marcela", + "vladim\u00edra", + "andrea", + "tereza", + "dagmar", + "ilona", + "jan", + "vratislav", + "jozef", + "karel", + "viktorie", + "kate\u0159ina", + "karol\u00edna", + "gabriela", + "zuzana", + "mark\u00e9ta", + "miroslava", + "eli\u0161ka", + "martin", + "jarmila", + "m\u00e1ria", + "arno\u0161t", + "michal", + "milada", + "michaela", + "v\u00edt\u011bzslav", + "anton\u00edn", + "iveta", + "viktor", + "ad\u00e9la", + "marek", + "hana", + "vladim\u00edr", + "adam", + "barbora", + "robin", + "marta", + "miroslav", + "al\u017eb\u011bta", + "bo\u017eena", + "drahom\u00edra", + "bed\u0159ich", + "richard", + "\u0161\u00e1rka", + "samuel", + "radka", + "eduard", + "blanka", + "kv\u011btoslava", + "nat\u00e1lie", + "david", + "ane\u017eka", + "b\u0159etislav", + "nikola", + "magdalena", + "ivana", + "rudolf", + "alice", + "dominika", + "filip", + "ren\u00e1ta", + "\u017eaneta", + "veronika", + "milu\u0161e", + "milan", + "magdal\u00e9na", + "libu\u0161e", + "nikol", + "jaroslava", + "robert", + "ji\u0159\u00ed", + "ivan", + "vladislav", + "erik", + "renata", + "kv\u011bta", + "lubo\u0161", + "lenka", + "ond\u0159ej", + "ladislav", + "ren\u00e9", + "hynek", + "aneta", + "zden\u011bk", + "michael", + "zbyn\u011bk", + "otakar", + "jind\u0159ich", + "maty\u00e1\u0161", + "lubom\u00edr", + "kamila", + "krist\u00fdna", + "v\u00edt", + "jakub" + ], + "LAST_NAME": [ + "\u0161imkov\u00e1", + "posp\u00ed\u0161ilov\u00e1", + "bene\u0161ov\u00e1", + "pokorn\u00fd", + "moravec", + "k\u0159\u00ed\u017eov\u00e1", + "moravcov\u00e1", + "n\u011bmcov\u00e1", + "pol\u00e1kov\u00e1", + "\u0161t\u011bp\u00e1nkov\u00e1", + "soukupov\u00e1", + "\u0161\u0165astn\u00fd", + "bl\u00e1ha", + "r\u016f\u017ei\u010dkov\u00e1", + "posp\u00ed\u0161il", + "van\u011bk", + "\u0161imek", + "h\u00e1jkov\u00e1", + "kol\u00e1\u0159", + "\u0161t\u011bp\u00e1nek", + "ku\u010dera", + "novotn\u00fd", + "fialov\u00e1", + "v\u00e1vrov\u00e1", + "mare\u0161ov\u00e1", + "jel\u00ednkov\u00e1", + "zemanov\u00e1", + "barto\u0161ov\u00e1", + "dvo\u0159\u00e1kov\u00e1", + "kr\u00e1l", + "vesel\u00fd", + "r\u016f\u017ei\u010dka", + "jel\u00ednek", + "zeman", + "beranov\u00e1", + "mare\u0161", + "dole\u017eal", + "va\u0148kov\u00e1", + "n\u011bmec", + "barto\u0161", + "fiala", + "kratochv\u00edl", + "krej\u010dov\u00e1", + "h\u00e1jek", + "novotn\u00e1", + "machov\u00e1", + "kadlecov\u00e1", + "\u0161\u0165astn\u00e1", + "urban", + "ku\u010derov\u00e1", + "kol\u00e1\u0159ov\u00e1", + "krej\u010d\u00ed", + "soukup", + "\u010dern\u00e1", + "\u0159\u00edhov\u00e1", + "bene\u0161", + "kr\u00e1lov\u00e1", + "tich\u00e1", + "proch\u00e1zka", + "svobodov\u00e1", + "kopeck\u00fd", + "pokorn\u00e1", + "mal\u00e1", + "hor\u00e1kov\u00e1", + "bl\u00e1hov\u00e1", + "\u010derm\u00e1kov\u00e1", + "vl\u010dek", + "k\u0159\u00ed\u017e", + "dvo\u0159\u00e1k", + "sedl\u00e1\u010dek", + "nov\u00e1kov\u00e1", + "hor\u00e1k", + "svoboda", + "ma\u0161kov\u00e1", + "vl\u010dkov\u00e1", + "marek", + "kopeck\u00e1", + "pol\u00e1k", + "\u010dern\u00fd", + "vackov\u00e1", + "\u0159\u00edha", + "markov\u00e1", + "dole\u017ealov\u00e1", + "urbanov\u00e1", + "holubov\u00e1", + "bla\u017ekov\u00e1", + "jandov\u00e1", + "ma\u0161ek", + "kratochv\u00edlov\u00e1", + "sedl\u00e1\u010dkov\u00e1", + "kadlec", + "nov\u00e1k", + "proch\u00e1zkov\u00e1", + "\u010derm\u00e1k", + "du\u0161kov\u00e1", + "vesel\u00e1", + "du\u0161ek", + "mal\u00fd", + "bla\u017eek", + "holub" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abaty\u0161e": "abba", + "here\u010dka": "herec", + "baronka": "baron", + "krasavice": "\u0161vih\u00e1k", + "kr\u00e1ska": "\u0161vih\u00e1k", + "obchodnice": "podnikatel", + "byznysmenka": "podnikatel", + "byznysmanka": "podnikatel", + "p\u0159edsedkyn\u011b": "p\u0159edseda", + "ku\u0159e": "gaur", + "pt\u00e1\u010de": "gaur", + "v\u00e9vodkyn\u011b": "v\u00e9voda", + "c\u00edsa\u0159ovna": "\u0161\u00eddlo_kr\u00e1lovsk\u00e9", + "sami\u010d\u00ed": "sam\u010d\u00ed", + "\u017eensk\u00fd": "sam\u010d\u00ed", + "samice": "sam\u010d\u00ed", + "\u017eena": "mu\u017e", + "gal": "chlap\u00edk", + "holka": "chlap", + "d\u011bv\u010de": "chlapec", + "d\u00edvka": "chlapec", + "vnu\u010dka": "vnuk", + "babi\u010dka": "d\u011bd", + "j\u00ed": "jeho", + "jej\u00ed": "jejich", + "jej": "jejich", + "heroin": "hrdina", + "hrdinka": "trim", + "hostitelka": "host", + "d\u00e1ma": "lord", + "d\u011bvenka": "chlapec", + "mas\u00e9rka": "mas\u00e9r", + "matrix": "patro", + "maminka": "otec", + "pan\u00ed": "mgr", + "p\u00ed": "mgr", + "ms": "hra", + "nete\u0159": "synovec", + "nun": "monako", + "\u0159eholnice": "monako", + "jepti\u0161ka": "mnich", + "policistka": "policista", + "policajtka": "policistka", + "kn\u011b\u017eka": "kn\u011bz", + "princezna": "kn\u00ed\u017ee", + "kr\u00e1lovna": "kr\u00e1l", + "queens": "kr\u00e1l\u016f", + "naja": "bratr", + "sestra": "bratr", + "kouzelnice": "\u010darod\u011bj", + "\u010darod\u011bjka": "\u010darod\u011bj", + "star\u00e1_panna": "star\u00fd_ml\u00e1denec", + "pastorkyn\u011b": "nevlastn\u00ed_syn", + "nevlastn\u00ed_dcera": "pastorek", + "macecha": "nevlastn\u00ed_otec", + "macocha": "nevlastn\u00ed_otec", + "nevlastn\u00ed_matka": "nevlastn\u00ed_otec", + "letu\u0161ka": "representant", + "\u010d\u00ed\u0161nice": "vrchn\u00ed", + "serv\u00edrka": "\u010d\u00ed\u0161n\u00edk", + "vdova": "vdovec", + "lesk": "vdovec", + "duna": "man\u017eel", + "man\u017eelka": "mu\u017e", + "wicca": "m\u00e1g", + "\u010darod\u011bjnice": "m\u00e1g", + "\u017eeny": "lid\u00e9", + "kluk": "d\u011bv\u010de", + "chlapec": "d\u011bv\u010de", + "doktorka": "l\u00e9ka\u0159ka", + "dr": "doktorka", + "l\u00e9ka\u0159ka": "doktorka", + "l\u00e9ka\u0159": "doktorka", + "arts": "doktorka" + }, + "other_gender_swap": { + "one": "jej", + "jej": "jejich", + "jich": "j\u00ed", + "nich": "jej\u00ed", + "n\u011b": "jej\u00ed", + "jim": "jej\u00ed", + "jimi": "jej\u00ed", + "jejich": "jej\u00ed", + "lia": "jejich", + "sv\u016fj": "jejich", + "jeho": "jejich", + "j\u00ed": "jich", + "jej\u00ed": "jejich" + }, + "en_pronoun2gender": { + "they": [ + "bisexu\u00e1ln\u00ed", + "transgender", + "homosexu\u00e1ln\u00ed" + ], + "he": [ + "man\u00edk", + "chlap", + "borec", + "gaur", + "mu\u017e", + "man", + "sam\u010d\u00ed", + "chlapec", + "kvido", + "osoba", + "chl\u00e1pek", + "d\u017eentlmen", + "little_boy", + "chlap\u00edk", + "kluk" + ], + "she": [ + "slab\u00e9_pohlav\u00ed", + "netrefit", + "holka", + "hol\u010di\u010dka", + "cik", + "samice", + "\u017eena", + "sle\u010dna", + "d\u00edvka", + "gal", + "d\u011bv\u010de", + "minout", + "d\u00e1ma", + "kn\u011b\u017ena", + "\u017eeny", + "mademoiselle", + "sami\u010d\u00ed", + "lesbick\u00fd", + "miss_a", + "\u017eensk\u00fd", + "n\u011b\u017en\u00e9_pohlav\u00ed", + "madam" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "sv\u016fj", + "jeho", + "samotn\u00fd", + "lia" + ], + "she": [ + "jej\u00ed", + "j\u00ed", + "jej" + ], + "they": [ + "one", + "ony", + "jim", + "n\u011b", + "lia", + "jej", + "nich", + "jimi", + "jich", + "jejich" + ], + "it": [ + "onen", + "jeho", + "tamten", + "s\u00e1m", + "eso", + "tenhle", + "tyto", + "a\u017e", + "tamty", + "s\u00e1m_sebe", + "tento", + "\u017ee" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/csb.json b/data_tooling/pii_processing/ontology/data/csb.json new file mode 100644 index 0000000..2580cf6 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/csb.json @@ -0,0 +1,66 @@ +{ + "DATE": [ + "strz\u00e9dnowiek" + ], + "PUBLIC_FIGURE": [ + "jeden" + ], + "PLANT": [ + "sosna" + ], + "ORG": [ + "katol\u00ebcczi_k\u00f2sc\u00f3\u0142" + ], + "DISEASE": [ + "pierzch", + "schni\u0105czka" + ], + "JOB": [ + "m\u0142\u00ebn\u00f4rz" + ], + "LANGUAGE": [ + "esperanto", + "szpa\u0144sczi" + ], + "LOCATION": [ + "sri_lanka" + ], + "FOOD": [ + "glomzda" + ], + "FAC": [ + "miedzwi\u00f4dk_p\u00f9f\u00f4tk" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u00f2na": "\u00f2n" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "bia\u0142ka" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u00f2n" + ], + "she": [ + "\u00f2na" + ], + "they": [ + "has" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cu.json b/data_tooling/pii_processing/ontology/data/cu.json new file mode 100644 index 0000000..f65ef06 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cu.json @@ -0,0 +1,51 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u2c3f\u2c30\u2c45\u2c39": "\u043e\u0442\u044c\u0446\u044c", + "\u043e\u043d\u0430": "\u043e\u043d\u044a", + "\u0441\u0435\u0441\u0442\u0440\u0430": "\u2c31\u2c43\u2c30\u2c45\u2c43\u2c4f", + "\u2c44\u2c35\u2c44\u2c45\u2c43\u2c30": "\u0431\u0440\u0430\u0442\u0440\u044a", + "\u2c36\u2c35\u2c40\u2c30": "\u2c3f\u2c58\u2c36\u2c50", + "\u0436\u0435\u043d\u0430": "\u043c\u046b\u0436\u044c" + }, + "other_gender_swap": { + "\u043e\u043d\u0438": "\u043e\u043d\u0430", + "\u043e\u043d\u044a": "\u043e\u043d\u0438", + "\u043e\u043d\u0430": "\u043e\u043d\u0438" + }, + "en_pronoun2gender": { + "she": [ + "\u0434\u0463\u0432\u0430", + "\u2c36\u2c35\u2c40\u2c30", + "\u0436\u0435\u043d\u0430", + "\u0434\u0463\u0432\u0438\u0446\u0430" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043d\u044a" + ], + "she": [ + "\u043e\u043d\u0430" + ], + "they": [ + "\u043e\u043d\u0438" + ], + "it": [ + "\u0442\u044a", + "\u043e\u043d\u043e", + "\u043e\u043d\u0430" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cv.json b/data_tooling/pii_processing/ontology/data/cv.json new file mode 100644 index 0000000..46b8a99 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cv.json @@ -0,0 +1,139 @@ +{ + "LOCATION": [ + "\u043b\u0435\u0441\u043d\u043e\u0435", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0438_\u0430\u043d\u0445\u0430\u043b\u044c\u0442", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u0441\u044b\u0432\u043b\u0103\u0448_\u00e7\u0430\u0440_\u0432\u0103\u0439\u0115\u0441\u0435\u043c" + ], + "PUBLIC_FIGURE": [ + "c", + "y", + "f", + "\u043a\u0430\u0440\u0430\u0432\u0430\u0434\u0436\u043e", + "i", + "ii_\u043c\u0115\u0448_\u043a\u0438\u0440", + "1", + "g", + "r", + "\u0430\u0441\u043b\u0103_\u043f\u0435\u0442\u0115\u0440", + "t" + ], + "FOOD": [ + "\u043c\u0438\u0441\u0442\u0435\u043b\u044c" + ], + "PERSON_PRONOUN": [ + "i" + ], + "JOB": [ + "\u043b\u0438\u0441\u0442\u0435\u0440", + "\u0432\u0115\u0440\u0435\u043d\u0442\u0435\u043a\u0435\u043d", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442" + ], + "SOC_ECO_CLASS": [ + "\u044f\u043b_\u0445\u0443\u04ab\u0430\u043b\u04d1\u0445", + "\u044f\u043b_\u0445\u0443\u04ab\u0430\u043b\u04d1\u0445\u04d7" + ], + "ANIMAL": [ + "\u0447\u0430\u0440\u043b\u0103\u043a", + "\u044f\u043b_\u0447\u0115\u043a\u0435\u00e7\u0115", + "\u043f\u043e\u043b\u0447\u043e\u043a", + "\u00e7\u0438\u0440\u0115\u043a\u0442\u0103\u0440\u0440\u0438", + "\u043a\u0430\u0441\u0430\u043d\u043a\u0103", + "\u043f\u0430\u0440\u0442\u0430\u0441" + ], + "GPE": [ + "\u0442\u0430\u0441\u0430_\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u0438\u0439_\u044e\u0445\u0430\u043d\u0448\u044b\u0432\u0115", + "\u0445\u0115\u0440\u043b\u0115_\u0442\u0438\u043d\u0115\u0441", + "\u0445\u04d7\u0440\u043b\u04d7_\u0445\u04d7\u0440\u0435\u0441", + "\u0441\u0103\u0432\u0430\u043f\u043b\u0103_\u0445\u0430\u043a\u0430\u043b" + ], + "RELIGION_MEMBER": [ + "\u0430\u0440_\u0442\u04d1\u0432\u0430\u043d" + ], + "PRODUCT": [ + "\u00e7\u0115\u043d\u0115_\u0445\u0430\u043b\u0430\u043b", + "\u00e7\u0115\u043d\u0115_\u00e7\u0443\u043b\u0445\u0438_\u0447\u0103\u0440\u0103\u0448", + "\u0431\u0440\u043e\u043d\u0435\u0430\u0432\u0442\u043e\u043c\u043e\u0431\u0438\u043b\u044c", + "deutsche_welle" + ], + "DISEASE": [ + "gimp", + "\u043f\u043e\u043b\u0438\u043e\u043c\u0438\u0435\u043b\u0438\u0442", + "\u0442\u0438\u043b\u0115\u0440\u04f3" + ], + "QUANTITY": [ + "g" + ], + "GENDER": [ + "\u043a\u0430\u0440\u0442" + ], + "ORG": [ + "\u043b\u0435\u0441\u043d\u043e\u0435", + "\u0441\u0435\u043d\u0442_\u043a\u043b\u044d\u0440", + "\u0432\u0438\u043d\u043d\u0438_\u043f\u0443\u0445", + "\u00e7\u04f3\u043b\u0442\u0438", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0103\u0440\u0438_\u043f\u0115\u0440\u043b\u0435\u0448\u04f3\u043b\u043b\u0115_\u0448\u0442\u0430\u0442\u0441\u0435\u043c", + "\u0430\u043b\u0442\u0103\u0440_\u00e7\u0103\u043b\u0442\u0103\u0440", + "\u0441\u0443\u0442\u0443_\u0438\u043b\u04f3_\u043a\u043e\u043c\u043f\u043b\u0435\u043a\u0441\u0115" + ], + "DATE": [ + "\u043c\u0435\u043d\u0435\u043b\u043d\u0438\u043a" + ], + "FAC": [ + "\u043f\u043e\u0447\u0442\u0103_\u0443\u0439\u0440\u0103\u043c\u0115" + ], + "PERSON": [ + "\u0448\u0443\u0440_\u043a\u0103\u043c\u043f\u0430" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u043d\u043d\u0435": "\u0430\u0442\u0442\u0435", + "\u0430\u043f\u043f\u0430": "\u0430\u0440_\u0442\u04d1\u0432\u0430\u043d", + "\u0439\u04d1\u043c\u04d1\u043a": "\u0430\u0440_\u0442\u04d1\u0432\u0430\u043d", + "\u0430\u043a\u0430": "\u0430\u0440_\u0442\u04d1\u0432\u0430\u043d", + "\u0430\u0440\u0103\u043c": "\u0438\u0440", + "\u0445\u0115\u0440\u0430\u0440\u0103\u043c": "\u0438\u0440", + "\u0445\u04d7\u0440\u0430\u0440\u04d1\u043c": "\u0438\u0440" + }, + "other_gender_swap": { + "\u0432\u04d7\u0441\u0435\u043c": "\u0432\u04d1\u043b", + "\u0432\u04d1\u043b": "\u0432\u04d7\u0441\u0435\u043c" + }, + "en_pronoun2gender": { + "he": [ + "\u0430\u0447\u0430", + "\u0438\u0440", + "\u043a\u0435\u043d\u0442" + ], + "she": [ + "\u0445\u04d7\u0440\u0430\u0440\u04d1\u043c", + "\u0439\u04d1\u043c\u04d1\u043a", + "\u0445\u0115\u0440\u0430\u0440\u0103\u043c" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0432\u04d1\u043b" + ], + "she": [ + "\u0432\u04d1\u043b" + ], + "they": [ + "\u0432\u04d7\u0441\u0435\u043c" + ], + "it": [ + "\u044d\u043d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/cy.json b/data_tooling/pii_processing/ontology/data/cy.json new file mode 100644 index 0000000..c45bb3b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/cy.json @@ -0,0 +1,1010 @@ +{ + "PUBLIC_FIGURE": [ + "matthew_arnold", + "benjamin_franklin", + "akira_kurosawa", + "john_knox", + "giovanni_boccaccio", + "max_bruch", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "mary_shelley", + "david_livingstone", + "eduard_buchner", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "winston_churchill", + "josephus", + "dmitri_shostakovich", + "paul_mccartney", + "terry_pratchett", + "stephen_king", + "isaac_newton", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "colette", + "jefferson_davis", + "george_stephenson", + "john_glenn", + "george_harrison", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "e_l_doctorow", + "marie_curie", + "y_bedwaredd_groesgad", + "michael_jackson", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "galileo_galilei", + "jane_goodall", + "john_donne", + "i_m_pei", + "joseph_goebbels", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "john_ruskin", + "robert_burns", + "thomas_paine", + "yuri_gagarin", + "charles_chaplin", + "samuel_johnson", + "giuseppe_verdi", + "e", + "konrad_adenauer", + "john_masefield", + "mark_rothko", + "maurice_chevalier", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "theodosius_i", + "hugo_grotius", + "mahalia_jackson", + "katherine_mansfield", + "saladin", + "sarah_bernhardt", + "luigi_pirandello", + "t_s_eliot", + "mair_fadlen", + "hank_williams", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "sant_si\u00f4r", + "charles_lindbergh", + "y_flying_dutchman", + "samuel_barber", + "tobias_smollett", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "paul_verlaine", + "james_dean", + "roger_bannister", + "oscar_wilde", + "harri_morgan", + "j_d_salinger", + "richard_trevithick", + "heinrich_schliemann", + "laurence_olivier", + "pete_seeger", + "john_wycliffe", + "a", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "immanuel_kant", + "titus", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "melinydd", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "edward_jenner", + "oliver_hardy", + "cole_porter", + "jean_luc_godard", + "graham_greene", + "margaret_mitchell", + "igor_stravinsky", + "william_herschel", + "mikhail_baryshnikov", + "montesquieu", + "niels_bohr", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "josef_haydn", + "irving_berlin", + "joseff_stalin", + "walt_disney", + "ben_jonson", + "benny_goodman", + "jane_austen", + "moses", + "gustav_mahler", + "robert_redford", + "ian_fleming", + "richard_feynman", + "pedr", + "marcel_proust", + "thomas_more", + "elizabeth_taylor", + "paul_robeson", + "thomas_middleton", + "m\u00fcnchhausen", + "john_milton", + "gobeithio", + "ethel_merman", + "james_baldwin", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "caravaggio", + "m", + "marcel_marceau", + "allen_ginsberg", + "antoine_watteau", + "henri_bergson", + "afon_st_lawrence", + "pierre_corneille", + "patrick_white", + "bartholomew_roberts", + "hans_christian_andersen", + "william_morris", + "glenn_miller", + "pablo_picasso", + "natalie_wood", + "l_ron_hubbard", + "christiaan_huygens", + "hector_berlioz", + "claudio_monteverdi", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "jean_harlow", + "karl_marx", + "friedrich_nietzsche", + "i", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "nikola_tesla", + "al_capone", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "king_lear", + "stephen_sondheim", + "helen_keller", + "ingrid_bergman", + "henri_rousseau", + "robert_southey", + "valentina_tereshkova", + "h_g_wells", + "walt_whitman", + "carl_nielsen", + "y_brenin_arthur", + "adolf_hitler", + "fritz_haber", + "stephen_spender", + "sant_pedr", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "edith_cavell", + "longinus", + "rosa_parks", + "vladimir_putin", + "jacob", + "cystenian", + "giuseppe_mazzini", + "sant_padrig", + "george_fox", + "christopher_isherwood", + "anne_hathaway", + "david_garrick", + "g", + "james_cagney", + "christopher_columbus", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "nam_ar_y_clyw", + "steven_spielberg", + "st_louis_missouri", + "d_w_griffith", + "thomas_hardy", + "giuseppe_garibaldi", + "alexandre_dumas", + "johann_gutenberg", + "bobby_fischer", + "thomas_malthus", + "gaetano_donizetti", + "pierre_boulez", + "emma_goldman", + "anna_kournikova", + "john_constable", + "putin", + "robert_hooke", + "karl_popper", + "george_sand", + "peter_sellers", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "mair_fagdalen", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "paul_newman", + "george_meredith", + "louis_dduwiol", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "gobaith", + "d_h_lawrence", + "j_m_barrie", + "thomas_malory", + "al_jolson", + "probert", + "elizabeth_gaskell", + "y_drydedd_groesgad", + "thomas_merton", + "hannah_arendt", + "wilhelm_tell", + "stanley_kubrick", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "homo", + "david_hilbert", + "oliver_cromwell", + "martin_luther_king", + "william_wordsworth", + "woodrow_wilson", + "el_cid", + "marcus_antonius", + "pedr_i_tsar_rwsia", + "richard_rodgers", + "don_quixote", + "john_dryden", + "jim_henson", + "ernest_hemingway", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "georg_hegel", + "j_p_morgan", + "roald_amundsen", + "glanh\u00e4wr_simneiau", + "charles_dickens", + "ella_fitzgerald", + "jacques_offenbach", + "william_curtis", + "bagloriaeth", + "federico_fellini", + "bessie_smith", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "adarwr", + "walter_scott", + "vladimir_lenin", + "sam_houston", + "robert_peary", + "kahlil_gibran", + "robert_browning", + "john_bunyan", + "jonathan_swift", + "albert_einstein", + "thomas_edison", + "chiang_kai_shek", + "henry_purcell", + "t" + ], + "LOCATION": [ + "al_jazeera", + "y_crysau_duon", + "y_m\u00f4r_du", + "y_llynnoedd_mawr", + "bro_morgannwg", + "nos_galan", + "piet_mondrian", + "mynydd_carmel", + "y_cefnfor_tawel", + "huang_he", + "hoff", + "bawd_bach", + "yr_horn", + "llyn_st_clair", + "unol_daleithiau", + "maes", + "penrhyn_verde", + "sri_lanka", + "nos_da", + "the_rolling_stones", + "y_dwyrain_canol", + "da_chi", + "mynydd_st_helens", + "de_awstralia", + "yr_arth_fawr", + "banc_canolog" + ], + "DATE": [ + "sul_y_blodau", + "y_chwyldro_diwydiannol", + "in_time", + "nos_ystwyll", + "trannoeth", + "sul_y_mamau", + "oes_aur", + "y_tymor_dwl" + ], + "ANIMAL": [ + "ci_baset", + "ci_pigog", + "y_fantell_goch", + "lyncs", + "petrisen", + "firefox", + "mwyalchen", + "sidanbryf", + "morfarch", + "billy_elliot", + "mamal", + "gwenci", + "ci_defaid_almaenig", + "bronwen", + "ci_d\u0175r", + "baset", + "gwarchodgi", + "ysguthan", + "pedryn_wilson", + "arthropod", + "minc", + "pathew", + "condor", + "gwengyn", + "afanc", + "ji_binc", + "chwiwell", + "morlas", + "tingoch", + "y_pysgod", + "te_gwyrdd", + "herlyn", + "pencath", + "penhwyad", + "morwennol", + "heulforgi", + "fultur", + "cornchwiglen", + "caeriwrch", + "llostlydan", + "grugiar_ddu", + "cochwat", + "lleiddiad", + "mochyn_cwta", + "cambig", + "marchfacrell", + "broga", + "maelgi", + "mantis", + "bronrhuddyn", + "honos", + "tingoch_du", + "llamhidydd", + "br\u00e2n", + "morfeirch", + "y_gweunydd", + "comb\u00e1c", + "bronfraith", + "cywion", + "ci_mynydd_bern" + ], + "PLANT": [ + "y_galdrist_lydanddail", + "mynawydlys", + "bergamot", + "castan", + "tagaradr", + "sapindus", + "y_benboeth", + "elinog", + "masarnen", + "esgorlys", + "marchgastanwydden", + "gwyddfid", + "palmwydd", + "llwyfen", + "bricyllwydden", + "gwenwialen", + "y_feidiog_lwyd", + "corhocysen", + "gypsoffila", + "llawrwydden", + "taxus_baccata", + "agrimonia_eupatoria", + "peithwellt", + "marchrawnen_fraith", + "y_feidiog_ddi_sawr", + "y_galdrist_goch", + "blodfresychen", + "clari", + "danhadlen", + "welingtonia", + "n\u00e2d_fi'n_angof", + "marchysgallen", + "blackberry", + "bresychen", + "merysbren", + "masarnwydden", + "amaranthus_caudatus", + "mamlys", + "derrig", + "cacamwci", + "melengu", + "gorthyfail", + "y_ferfain", + "castanwydd", + "gwiniolen", + "milddail", + "creulys", + "crancwellt", + "olewydden", + "maenhad", + "arlunydd", + "y_godog", + "cracheithinen", + "corfiaren", + "porpin", + "prinwydden", + "trilliw", + "trogenllys", + "palfais", + "y_goesgoch", + "y_feddyges_las", + "andromeda'r_gors", + "moronen", + "eirinen", + "llugaeron", + "coliffl\u0175ar", + "cerddinen" + ], + "JOB": [ + "cramen", + "croesawydd", + "cyfreithiwr", + "darlunydd", + "potter", + "cerddor", + "trochion", + "darlithydd", + "bosns", + "trochioni", + "drag\u0175n", + "pregethwr", + "cerddwyr", + "bosn", + "digrifwr", + "heddwas", + "marsiandwyr", + "bargyfreithiwr", + "llyngesydd", + "cerddwr", + "str\u00f4c", + "dadansoddwr", + "trefnwr", + "m\u00eats", + "kamikaze", + "actiwari", + "deintydd", + "coedwigwr", + "seboni", + "amrantiad", + "darllenydd", + "adarwr", + "the_guardian", + "serydd", + "awyrfilwr", + "deddfwr", + "plismon", + "marsiandwr", + "comed\u00efwyr", + "arlywydd", + "seronydd", + "gwyliwr", + "camicasi", + "brenin", + "landlord", + "preifat\u00eer", + "pensaer", + "melinydd", + "trefnwraig", + "clochydd", + "the_economist", + "geiriadurwr", + "cop", + "croniclydd", + "canghellor", + "goruchwyliwr", + "bugail", + "parafeddyg", + "haeniadur", + "derbynnydd", + "banerwr", + "fforestwr", + "usher", + "peiriannydd", + "amaethwr", + "the_interpreter", + "peintiwr", + "crefftwr", + "ebran", + "the_deer_hunter", + "garddwr", + "dysgwr", + "henadur", + "porthiant", + "the_independent", + "comed\u00efwr", + "briciwr", + "pobydd", + "cemegydd", + "medelwr", + "peiriannwr" + ], + "GPE": [ + "canolbarth_america", + "y_testament_newydd", + "y_m\u00f4r_coch", + "sant_pedr", + "dar_es_salaam", + "y_groes_goch", + "ein_harglwyddes", + "hawliau_dynol", + "hagia_sophia", + "de_america", + "sant_nicolas", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "y_t\u0177_gwyn", + "al_andalus", + "bwlch", + "la_gomera" + ], + "DISEASE": [ + "creithiau", + "marwdon", + "y_frech_folog", + "als", + "craith", + "y_dwymyn_doben", + "y_frech_wen", + "gall", + "y_ffliw", + "gwynegon", + "dafaden", + "colera", + "cornwyd", + "y_frech_goch", + "meigryn", + "la_peste", + "gordewdra", + "codiad", + "tosyn", + "crafu", + "chi", + "gordyfiant", + "qi", + "corn", + "cecian", + "soriasis", + "crud", + "beichiogiad", + "brech", + "ed", + "pica", + "cowpog", + "dannoedd", + "beichiogrwydd", + "darafal", + "murmur", + "the_passion_of_the_christ", + "dannodd", + "materoliaeth", + "gowt", + "lliwddall", + "syched", + "meddwdod", + "mi", + "y_gynddaredd", + "tan", + "y_frech_almaenig", + "poliomyelitis", + "dolur", + "hengroen", + "gwyth\u00efenwst", + "carbwncl", + "corachedd", + "malaria" + ], + "RELIGION": [ + "shint\u014d", + "zen", + "presbyteriaeth", + "calfiniaeth", + "cathariaid", + "islam", + "salaffiaeth", + "seientiaeth_gristnogol", + "methodistiaeth" + ], + "FOOD": [ + "mousse", + "gorcharfan", + "gwaedogen", + "deintgig", + "borefwyd", + "chile", + "te_llysieuol", + "brecwast", + "merfog", + "peren_bigog", + "lemon\u00ead", + "coffi" + ], + "PRODUCT": [ + "justin_bieber", + "bedyddfaen", + "the_time_machine", + "s\u00e3o_tom\u00e9_a_pr\u00edncipe", + "al_jazeera", + "santes_fair", + "dadansoddi", + "tegandy", + "ein_tad", + "ysbryd_gl\u00e2n", + "don_quixote", + "y_deyrnas_unedig", + "sachsen_anhalt", + "die_hard", + "the_lord_of_the_rings", + "y_testament_newydd", + "la_dolce_vita", + "testament_newydd", + "y_greal_santaidd", + "si\u00f4n_corn", + "nordrhein_westfalen", + "y_rhyfel_byd_cyntaf", + "dydd_san_steffan", + "nos_ystwyll", + "coeden_nadolig" + ], + "LANGUAGE": [ + "affricaneg", + "eidalaidd", + "cernywaidd", + "lleferydd", + "pali", + "almaenwr", + "hindi", + "arabeg", + "gwyddeleg", + "divehi", + "ffrangeg", + "esperanto", + "seisnig", + "manawaidd", + "cree", + "lladin", + "daneg", + "slofacaidd", + "tonga", + "kannada" + ], + "RACE": [ + "brodor", + "americanwyr", + "iddewaidd", + "japaneaid", + "affricanaidd" + ], + "ORG": [ + "y_llynges_frenhinol", + "ewrop", + "jan_mayen", + "y_groes_goch", + "the_usual_suspects", + "nos_galan", + "cymanwlad", + "nasa", + "huang_he", + "prinfwyn", + "schutzstaffel", + "the_who", + "sant_lwsia", + "canolbarth_ewrop", + "san_francisco", + "y_democratiaid_cymdeithasol", + "y_blaid_geidwadol", + "y_swyddfa_gartref", + "un", + "a_chorus_line", + "o_gwbl", + "y_gymdeithas_frenhinol", + "y_gymanwlad", + "amaeth", + "mahayana", + "saint_helena", + "oni", + "hunanlywodraeth", + "y_gymuned_ewropeaidd", + "biwro_ymchwilio_ffederal", + "y_fyddin_goch", + "taoaeth", + "crai_primorsky", + "y_t\u0177_gwyn", + "swyddfa_bost", + "am_byth", + "byddin_yr_unol_daleithiau", + "doe", + "shia", + "llyn_superior", + "rabindranath_tagore", + "gestapo", + "almaeneg", + "awyrlu", + "dominiciaid", + "campfa", + "etholaeth", + "winnie_the_pooh", + "ar_goll_ar_faes_y_gad", + "y_trydydd_byd", + "undeb_llafur", + "y_rhyfel_oer", + "y_diwygiad_protestannaidd", + "lancastriaid", + "al_jazeera", + "y_corfflu_heddwch", + "addis_ababa", + "achres", + "mossad", + "eglwys_gatholig", + "llu_awyr", + "saint_barth\u00e9lemy", + "gartref", + "los_angeles", + "nato", + "y_cenhedloedd_unedig", + "achresi", + "mi", + "y_blaid_lafur", + "sa", + "y_gwasanaeth_awyr_arbennig", + "gwm_cnoi", + "etholedigaeth", + "eglwys_gatholig_rufeinig", + "reit", + "y_cynghrair_arabaidd", + "y_democratiaid_rhyddfrydol", + "y_m\u00f4r_coch", + "m\u00f4r_coch", + "wica", + "s\u00e3o_tom\u00e9", + "yr_eglwys_gatholig", + "milwyr", + "shint\u014d" + ], + "RELIGION_MEMBER": [ + "the_hindu", + "cristion", + "protestant", + "brawd", + "sunni", + "brodyr" + ], + "GENDER": [ + "trawsrywedd", + "dynes", + "geneth", + "bechgyn", + "deurywiol", + "bachgennes", + "bachan", + "genethig", + "bachgen", + "boneddiges", + "benyw", + "arglwyddes" + ], + "FAC": [ + "y_swper_olaf", + "pandy", + "sant_lwsia", + "ysgol_gynradd", + "atomfa", + "titus_livius", + "tollty" + ], + "PERSON": [ + "al_gore", + "h_g_wells", + "pysgodyn_darn_arian", + "sant_dominic", + "seleucus_i_nicator", + "rudolf_hess" + ], + "PERSON_PRONOUN": [ + "i", + "ninnau", + "her", + "us" + ], + "POLITICAL_PARTY": [ + "llafur", + "y_blaid_geidwadol", + "plaid_weriniaethol", + "y_blaid_lafur", + "partido_popular", + "plaid_ryddfrydol", + "plaid_wleidyddol", + "y_democratiaid_cymdeithasol", + "plaid_y_gweithwyr_sosialaidd_cenedlaethol", + "plaid_ddemocrataidd" + ], + "SOC_ECO_CLASS": [ + "hufen", + "samwrai", + "dosbarth_canol" + ], + "TITLE": [ + "sir", + "mr" + ], + "QUANTITY": [ + "ton", + "dollar", + "g", + "un_ar_hugain" + ], + "LAW": [ + "cyfraith_sifil" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abades": "abba", + "ymerodres": "ymerawdwr", + "bachgennes": "bachan", + "prifathrawes": "prifathro", + "heroin": "arwr", + "gwrones": "gwron", + "boneddiges": "arglwydd", + "arglwyddes": "arglwydd", + "bonesig": "sir", + "rhiain": "bachgen", + "mam": "tad", + "lleian": "mynach", + "pr\u00edncipe": "prince", + "tywysoges": "prince", + "brenhines": "brenin", + "chwaer": "brawd", + "chwiorydd": "brodyr", + "hen_ferch": "baglorion", + "gweddw": "g\u0175r_gweddw", + "gwraig": "m\u00ear", + "gwragedd": "g\u0175r", + "dewines": "swynwr", + "lleden_wrach": "swynwr", + "gwrach": "dewin", + "dynes": "m\u00ear", + "benyw": "m\u00ear", + "bechgyn": "bachgennes", + "bachgen": "bachgennes", + "trai": "bachgennes" + }, + "other_gender_swap": { + "iad": "her", + "teim": "her" + }, + "en_pronoun2gender": { + "they": [ + "trawsrywedd", + "deurywiol" + ], + "he": [ + "m\u00ear", + "bechgyn", + "bachgenyn", + "bachgen", + "bachgennyn", + "bachan", + "trai" + ], + "she": [ + "arglwyddes", + "merchig", + "rhiain", + "genethig", + "dynes", + "morwyn", + "bonesig", + "benyw", + "bachgennes", + "boneddiges" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "her" + ], + "they": [ + "hwy", + "teim", + "iad", + "hwynt", + "nhw" + ], + "it": [ + "hwn", + "hyn" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/da.json b/data_tooling/pii_processing/ontology/data/da.json new file mode 100644 index 0000000..1fb20fc --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/da.json @@ -0,0 +1,2440 @@ +{ + "ORG": [ + "plan\u00f8konomi", + "dominion", + "ida", + "kommunalbestyrelse", + "sukkerfri", + "shinto", + "den_tyrkiske_republik_nordcypern", + "lillepolen", + "f\u00f8rdatid", + "bataljon", + "landstyrke", + "romerret", + "han_dynastiet", + "ferskvand", + "peter_plys", + "nazityskland", + "den_gyldne_horde", + "breakeven", + "military", + "underskole", + "forsikringsselskab", + "den_gule_flod", + "den_trojanske_hest", + "wicca", + "jeg_elsker_dig", + "an_education", + "jan_mayen", + "marionetregering", + "nyt\u00e5rsaften", + "the_usual_suspects", + "kongressen", + "overf\u00f8rsel", + "sundhedsv\u00e6sen", + "marineinfanteri", + "nasa", + "bloomsburygruppen", + "musikskole", + "overhuset", + "handelsskole", + "den_ortodokse_kirke", + "the_national_archives", + "den_europ\u00e6iske_union", + "isi", + "bollywood", + "fema", + "den_br\u00e6ndte_jords_taktik", + "den_tredje_verden", + "bilbombe", + "br\u00e6ndte_jords_taktik", + "europol", + "schutzstaffel", + "the_who", + "nym\u00e5ne", + "sikkerhedspoliti", + "haganah", + "markeds\u00f8konomi", + "det_tyske_kejserrige", + "college", + "jeg_hedder", + "det_hvide_hus", + "san_francisco", + "kristdemokraterna", + "sikkerhedstjeneste", + "nordcypern", + "det_internationale_atomenergiagentur", + "taoisme", + "stormagt", + "r\u00f8de_hav", + "den_europ\u00e6iske_centralbank", + "gr\u00e6sr\u00f8dder", + "dyreret", + "romerskkatolske_kirke", + "polterabend", + "frimureri", + "selvretf\u00e6rdig", + "bystat", + "den_internationale_telekommunikations_union", + "statskup", + "tornerose", + "det_nordatlantiske_r\u00e5d", + "vandglas", + "gao", + "det_tysk_romerske_rige", + "the_family_man", + "s_hertogenbosch", + "mahayana", + "kunstgalleri", + "rejsebureau", + "saint_vincent", + "homo\u00e6gteskab", + "stjernehob", + "can_tho", + "saint_helena", + "the_faculty", + "don_juan", + "hvad_sker_der", + "den_arabiske_liga", + "hanseforbundet", + "det_pal\u00e6stinensiske_selvstyre", + "trafikprop", + "flyvev\u00e5ben", + "fremmedlegionen", + "forsvarsministeriet", + "l\u00e6gemiddelindustri", + "sankt_helena", + "kernefamilie", + "jehovas_vidner", + "the_football_league", + "chiang_mai", + "handelsfl\u00e5de", + "et_al", + "akademi", + "dia", + "andromedagalaksen", + "kostskole", + "indiepop", + "weimarrepublikken", + "sm\u00e5borgerskab", + "udviklingsland", + "akse", + "byr\u00e5d", + "sparekasse", + "milit\u00e6rtjeneste", + "nu_og_da", + "alberts\u00f8en", + "le_mans", + "for_resten", + "christian_science", + "caf\u00e9_au_lait", + "undergrunds\u00f8konomi", + "vandrerhjem", + "senatet", + "jus_talionis", + "the_breakfast_club", + "middelklasse", + "koldkrig", + "det_konservative_parti", + "rabindranath_tagore", + "gestapo", + "grundskole", + "udenrigsministeriet", + "postkontor", + "politistat", + "straffelov", + "synsnerve", + "milit\u00e6r", + "nordvestpassagen", + "apalhraun", + "the_full_monty", + "beatgenerationen", + "sorgernes_moder", + "romersk_katolske_kirke", + "det_britiske_ostindiske_kompagni", + "centralbank", + "massemedier", + "personaleafdeling", + "borgerrettigheder", + "aserbajdsjans_nationalforsamling", + "milit\u00e6rpoliti", + "oliebjerget", + "mellemeuropa", + "i_ching", + "partido_del_trabajo", + "chiang_rai", + "al_jazeera", + "overhus", + "popkunst", + "hustruvold", + "fra_tid_til_anden", + "den_kontinentale_h\u00e6r", + "assembl\u00e9e_nationale", + "den_r\u00f8de_h\u00e6r", + "po", + "addis_ababa", + "golfk\u00f8lle", + "den_kolde_krig", + "holdingselskab", + "skrid", + "mossad", + "verdensbanken", + "portugals_socialdemokratiske_parti", + "hare_krishna", + "ferdinand_magellan", + "den_internationale_domstol", + "strygekvartet", + "den_h\u00f8je_port", + "brandv\u00e6sen", + "up_to_date", + "porten", + "de_forenede_stater", + "sognekirke", + "s\u00f8ndagsskole", + "care_bears", + "den_russisk_ortodokse_kirke", + "saint_barth\u00e9lemy", + "lake_superior", + "sturmabteilung", + "karmelbjerget", + "posthus", + "jesuiterordenen", + "dominikanerordenen", + "who", + "los_angeles", + "nato", + "babelst\u00e5rnet", + "den_anglikanske_kirke", + "politiskolen", + "baltimore_orioles", + "anno_domini", + "ad_hoc", + "sprogfamilie", + "serbiens_parlament", + "kunstmuseum", + "harmoniorkester", + "by_the_way", + "handicapidr\u00e6t", + "toppakning", + "in_situ", + "k\u00f8nsforskning", + "mandeforskning", + "det_nordlige_cypern", + "international_organisation", + "international_lov", + "berlinmuren", + "islamologi", + "al_ain", + "underhus", + "tridentinerkoncilet", + "officersskole", + "forresten", + "verdenshandelsorganisation", + "samfundsklasse", + "stamtavle", + "centralmagterne", + "baskerlandet", + "pengeinstitut", + "chang_jiang", + "centraleuropa", + "store_bj\u00f8rn", + "vekselbureau", + "kirken", + "tyggegummi", + "mecklenburg_vorpommern", + "fondsb\u00f8rs", + "s\u00e3o_tom\u00e9", + "tredjepart", + "de_forenede_nationer", + "hedgefond", + "hansaen", + "forbundsr\u00e5det" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "anthon", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "jean_genet", + "john_knox", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "tanas\u00f8en", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "edward_albee", + "hendrik", + "maria_callas", + "william_walton", + "henrik_ibsen", + "william_gladstone", + "sergej_rachmaninov", + "mary_shelley", + "franz_werfel", + "peter_lorre", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "jamesbugten", + "douglas_macarthur", + "james_michener", + "mary_wollstonecraft", + "j_edgar_hoover", + "anna_pavlova", + "winston_churchill", + "gustav", + "johannes_diderik_van_der_waals", + "karl_landsteiner", + "paul_mccartney", + "terry_pratchett", + "r\u00f8dh\u00e6tte", + "stephen_king", + "francis_crick", + "john_trumbull", + "sherry", + "isaac_newton", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "apostlen_peter", + "colette", + "milton_friedman", + "edward_gibbon", + "edvard_bekenderen", + "jefferson_davis", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "pedel", + "george_harrison", + "peter_minuit", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "edward_martyren", + "storvesir", + "pancho_villa", + "dr_james_wilson", + "leopold_stokowski", + "marie_curie", + "francis_galton", + "mary_martin", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "aristarchos", + "thomas_hobbes", + "charles_louis_de_secondat_montesquieu", + "el_greco", + "samuel_beckett", + "david", + "galileo_galilei", + "den_flyvende_holl\u00e6nder", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "andrea_guarneri", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "sankt_kristoffer", + "anne_boleyn", + "josef_stalin", + "john_ruskin", + "robert_burns", + "den_lille_r\u00f8dh\u00e6tte", + "hans_albrecht_bethe", + "thomas_paine", + "bari", + "liliuokalani", + "francis_beaumont", + "edvard", + "oscaruddelingen", + "smutter", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "elisabet", + "karl_barth", + "willem_einthoven", + "phil_anderson", + "bernard_malamud", + "samuel_johnson", + "jesus", + "allen_iverson", + "marie_antoinette", + "lennart", + "giuseppe_verdi", + "e", + "karl_jaspers", + "konrad_adenauer", + "antoni", + "norbert_wiener", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "leslie_howard", + "hugo_grotius", + "mahalia_jackson", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "philip_marlowe", + "luigi_pirandello", + "marc_blitzstein", + "hank_williams", + "dorothea_lange", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "holden", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "charles_goodyear", + "dante_alighieri", + "peter_pan", + "james_tobin", + "john_irving", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "robert_johnson", + "james_dean", + "robert", + "marie_tussaud", + "roger_bannister", + "max_beerbohm", + "alessandro_manzoni", + "henrik", + "joseph_priestley", + "hal", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "brevstemme", + "james_naismith", + "oscar_wilde", + "menneskev\u00e6sen", + "philip_roth", + "richard_trevithick", + "heinrich_schliemann", + "jackson", + "don_quijote", + "tandfe", + "laurence_olivier", + "edward_mcdowell", + "georg", + "pierre_larousse", + "christiaan_eijkman", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "joseph_heller", + "a", + "morris", + "peter_carl_goldmark", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "mary_leakey", + "charlie_parker", + "immanuel_kant", + "james_franck", + "weber", + "albert_schweitzer", + "johann_friedrich_herbart", + "saint_martin", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "william_blake", + "julio_iglesias", + "arthur", + "sarah_vaughan", + "william_byrd", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "t\u00e6kker", + "canberra", + "elias_canetti", + "edward_jenner", + "oliver_hardy", + "statsoverhoved", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "konstantin", + "graham_greene", + "frans_hals", + "lars_onsager", + "margaret_mitchell", + "jan_swammerdam", + "david_riesman", + "william_herschel", + "joseph_black", + "arthur_compton", + "niels_bohr", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "maria_magdalene", + "johnny_appleseed", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "peter", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "benny_goodman", + "ted_williams", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "moses", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "robert_redford", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "paul_robeson", + "arnold", + "pedro_rodr\u00edguez", + "thomas_middleton", + "john_dowland", + "william_golding", + "jesus_kristus", + "john_milton", + "peter_stuyvesant", + "ethel_merman", + "h\u00e5rdf\u00f8r", + "samuel_adams", + "albert_speer", + "valentina_teresjkova", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "john_fletcher", + "menneskedyr", + "\u00f8rnen", + "charlie_watts", + "m", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "henri_bergson", + "antonius", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "phillis_wheatley", + "patrick_white", + "bartholomew_roberts", + "catherine_howard", + "daniel_morgan", + "william_morris", + "cary_grant", + "thomas", + "saint_lawrence", + "pieter_zeeman", + "glenn_miller", + "steward", + "pablo_picasso", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "kurt_weill", + "otto_hahn", + "lester_young", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "gr\u00e6senkemand", + "henry_james", + "menneskebarn", + "andrej_sakharov", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "leonard_bloomfield", + "jane_jacobs", + "jean_piaget", + "william_congreve", + "henri_rousseau", + "robert_southey", + "walt_whitman", + "william_wyler", + "colin_powell", + "carl_nielsen", + "mavedanser", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "peter_behrens", + "alfred_stieglitz", + "joseph_haydn", + "garfield", + "george_boole", + "paul_revere", + "skt_patrick", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "edith_cavell", + "alan_paton", + "1", + "cordell_hull", + "rosa_parks", + "norman_jewison", + "j\u00f8rgen", + "vladimir_putin", + "jacob", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "ben_hecht", + "christopher_isherwood", + "mikhail_barysjnikov", + "anne_hathaway", + "katarina", + "david_garrick", + "don_budge", + "clarence_darrow", + "katerina", + "nyman", + "charles_lamb", + "g", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "johns_hopkins", + "gregers", + "martin_heidegger", + "h.c_andersen", + "r", + "george_lucas", + "andrew_jackson", + "peter_abelard", + "louis_armstrong", + "steven_spielberg", + "jean_monnet", + "leonard", + "gardarige", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "skorstensfejer", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "robert_brown", + "thomas_carlyle", + "johann_gutenberg", + "william_tyndale", + "bobby_fischer", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "andre", + "titus_flavius_vespasianus", + "amerigo_vespucci", + "arthur_holmes", + "pierre_boulez", + "lars", + "girolamo_savonarola", + "emma_goldman", + "anna_kournikova", + "francis_poulenc", + "james_ussher", + "john_constable", + "james_mill", + "putin", + "matthew_flinders", + "robert_herrick", + "joseph_campbell", + "jean_de_la_fontaine", + "karl_popper", + "alfred", + "coleman_hawkins", + "george_sand", + "peter_sellers", + "charles_fourier", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "pibe", + "paul_newman", + "woody_herman", + "josef_albers", + "jackson_pollock", + "administrerende_direkt\u00f8r", + "brigadegeneral", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "thomas_malory", + "lea", + "john_brown", + "elizabeth_gaskell", + "ikke_anvendeligt", + "hugo_junkers", + "henrich", + "hannah_arendt", + "antonio_stradivari", + "alice_walker", + "miles_davis", + "balletdanser", + "james_parkinson", + "wilhelm_tell", + "george_marshall", + "stanley_kubrick", + "john_huston", + "james_watt", + "jonathan_edwards", + "christoffer_columbus", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "bachelorgrad", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "kongeedderfugl", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "woodrow_wilson", + "george_wallace", + "el_cid", + "marcus_antonius", + "lake_powell", + "agrippina", + "st_louis", + "richard_rodgers", + "john_dryden", + "jim_henson", + "frank", + "ernest_hemingway", + "george_westinghouse", + "aquila", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "hans_geiger", + "d\u00f8dssejleren", + "cesare_borgia", + "roald_amundsen", + "andersen", + "alfred_korzybski", + "mennesker", + "c_a", + "anton", + "charles_dickens", + "hunnerkonge", + "ella_fitzgerald", + "fats_waller", + "wallace_carothers", + "jacques_offenbach", + "josefus", + "william_chambers", + "george_stevens", + "federico_fellini", + "bessie_smith", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "jan_steen", + "john_ross", + "ali_baba", + "andrew_carnegie", + "pontius_pilatus", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "hans_j\u00fcrgen_eysenck", + "dawid", + "peter_den_store", + "mick_jagger", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "vladimir_lenin", + "sam_houston", + "robert_peary", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "henry_sweet", + "fritz_lipmann", + "thomas_edison", + "titusbrevet", + "chiang_kai_shek", + "raymond_chandler", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "ANIMAL": [ + "lille_korsn\u00e6b", + "husarabe", + "egentlige_sejlere", + "terner", + "gouldsamadine", + "thorshane", + "sneleopard", + "studsmus", + "stillits", + "buteo", + "hornulk", + "kermodebj\u00f8rn", + "the_raven", + "vandremusling", + "stor_stormsvale", + "canadag\u00e5s", + "brugde", + "nathejre", + "charsam\u00e5r", + "kohejre", + "stormm\u00e5ge", + "storkjove", + "skovmus", + "r\u00f8dtunge", + "mosegris", + "bjergand", + "karusse", + "skaberaktapir", + "mursejler", + "heron", + "vandredue", + "h\u00f8geugle", + "skovhornugle", + "vandhund", + "andeskondor", + "jagtedderkopper", + "kravebj\u00f8rn", + "markperlemorsommerfugl", + "hornugle", + "hjorte", + "aborre", + "billy_elliot", + "strandtudse", + "bananflue", + "kongekobra", + "bjergvagtel", + "knorteg\u00e5s", + "kunduz", + "lille_lappedykker", + "hedeh\u00f8g", + "araberhest", + "marsvin_familien", + "konge\u00f8rn", + "dompap", + "kaskelothval", + "dronningemoder", + "kaskelot", + "styltel\u00f8ber", + "carduelis", + "splitterne", + "hjerpe", + "sabinem\u00e5ge", + "langhalet_hermelin", + "stormsvaler", + "saigaantilope", + "malkekv\u00e6g", + "brillepingvin", + "junglekat", + "salts\u00f8krebs", + "erne", + "lactobacillus_acidophilus", + "javan\u00e6sehorn", + "ravn", + "klumpfisk", + "zobel", + "polarlomvie", + "skovsanger", + "kongekondor", + "skovsneppe", + "havlit", + "jordellekrager", + "kirkeugle", + "vibe", + "bengalsk_tiger", + "flyvefisk", + "grevyzebra", + "politihund", + "floddelfiner", + "kongepingvin", + "bardehvaler", + "kornsnog", + "natugle", + "arbejdsbi", + "brunalge", + "mink", + "granddanois", + "falken", + "hortulan", + "\u00e6blevikler", + "kongeboa", + "klapmyds", + "passer", + "spurveh\u00f8g", + "mandarinand", + "stormsvale", + "kalkungrib", + "tyrehaj", + "mankeulv", + "visent", + "adeliepingvin", + "vildkanin", + "jordegern", + "ringdue", + "lille_gulben", + "stenvender", + "natravn", + "falbyde", + "drosler", + "lossen", + "virginiahjort", + "sortand", + "marekatte", + "bassethund", + "accipiter", + "deltakrokodille", + "elefantskildpadde", + "skovfl\u00e5t", + "ravnegrib", + "stor_tornskade", + "fladlus", + "kronhjort", + "vandrefalk", + "sneg\u00e5s", + "lille_stormsvale", + "kongepingvinen", + "vildhest", + "pattedyr", + "solsort", + "hvidhval", + "vadefugl", + "baltimoretrupial", + "remmes\u00e6l", + "gedehams", + "iller", + "gr\u00e5hval", + "hestemakrel", + "polarhare", + "polarr\u00e6v", + "stillids", + "chacmabavian", + "berner_sennenhund", + "hjort", + "rankef\u00f8dder", + "bjerggorilla", + "sangspurv", + "skovh\u00f8ns", + "arbejdsdyr", + "komodovaran", + "simultanovers\u00e6ttelse", + "bighornf\u00e5r", + "taffeland", + "husskade", + "vagthund", + "nordlig_d\u00f8gling", + "piroler", + "sandmusling", + "odder", + "marsvin", + "oddere", + "pirol", + "gedde", + "anders_and", + "r\u00f8dmus", + "kartoffelbille", + "bramg\u00e5s", + "hasselmus", + "moskusand", + "vandrikse", + "halsb\u00e5ndnavlesvin", + "tr\u00e6leopard", + "hugorm", + "h\u00e6ttem\u00e5ge", + "jagthund", + "tusindben", + "enkeltbekkasin", + "skovm\u00e5r", + "bankivah\u00f8ne", + "krogn\u00e6b", + "rubinstrube", + "sildekonge", + "kejserpingvin", + "sandkat", + "mane", + "bj\u00f8rneunge", + "hovdyr", + "bjergpiber", + "sangsvane", + "fluesnappere", + "lemming", + "coloradobille", + "tred\u00e6kker", + "r\u00f8dalger", + "ringdrossel", + "l\u00e6geigle", + "p\u00e5skehare", + "skrubtudse", + "pukkelhval", + "dobbeltbekkasin", + "blommes\u00e6k", + "orange_klippehane", + "edderfugl", + "kondor", + "sandspringere", + "sumpmejse", + "munkegrib", + "skeand", + "swiftfox", + "arbejderbi", + "bartramsklire", + "sangdrossel", + "sortmejse", + "digesvale", + "egern", + "polarulv", + "fritte", + "l\u00f8bebiller", + "grindehval", + "tornirisk", + "trieler", + "sortkrage", + "parulasanger", + "eremitkrebs" + ], + "QUANTITY": [ + "parkometer", + "primtal", + "rupee", + "danske_kroner", + "de_kom_de_s\u00e5_de_l\u00f8b", + "treogtyve", + "otteogtyve", + "niogtyve", + "e_modul", + "ti_tusind", + "fireogtyve", + "d_mark", + "kalorie", + "schilling", + "kubikcentimeter", + "tone", + "parkeringshus", + "ton", + "dollar", + "ordinaltal", + "franske_franc", + "ordenstal", + "dyreinternat", + "g", + "de_tre_love", + "den_kosmologiske_konstant", + "elektronvolt", + "rial", + "basketkurv", + "schweizerfranc", + "krone", + "basketballkurv", + "ti_tusinde", + "v\u00e6gtenhed", + "femogtyve", + "seksogtyve", + "smule", + "anders_celsius", + "toogtyve", + "dyrehjem" + ], + "LOCATION": [ + "al_jazeera", + "gr\u00e6srand\u00f8je", + "i_tilf\u00e6lde_af", + "nords\u00f8en", + "stormagasin", + "biscayabugten", + "juleaften", + "mellem\u00f8sten", + "kirseb\u00e6rhaven", + "kraftv\u00e6rk", + "p\u00e5ske\u00f8en", + "park", + "jagthundene", + "drabantby", + "salts\u00f8", + "den_botniske_bugt", + "bulgariens_parlament", + "kap_verde", + "tempelbjerget", + "botanisk_have", + "bow_wow", + "united_states_army", + "luftv\u00e5ben", + "musikskole", + "s_hertogenbosch", + "s_tog", + "piet_mondrian", + "ha_long", + "santa_fe", + "sint_maarten", + "mortensdag", + "for_det_fald_at", + "ungarns_parlament", + "chang_jiang", + "ha_long_bugten", + "atlanterhavet", + "fredsdommer", + "maria_magdalene", + "kejserkanalen", + "for_l\u00e6ngst", + "kryvyj_rih", + "berlinerbl\u00e5t", + "blindgade", + "p\u00e5_vippen", + "m\u00e6lkevejen", + "tornerose", + "fiskehejre", + "land", + "la_mancha", + "saint_vincent", + "tanas\u00f8en", + "godnat", + "blue_mountains", + "kirseb\u00e6rtakvinge", + "abruzzerne", + "tredjepart", + "ingen_\u00e5rsag", + "edwards\u00f8en", + "det_var_s\u00e5_lidt", + "tennisbane", + "falklands\u00f8erne", + "osman_1", + "den_tredje_vej", + "on_the_road", + "usa", + "saint_lucia", + "blindgyde", + "kap_horn", + "vesterhavet", + "hat_yai", + "arena", + "olympen", + "sri_lanka", + "i_fald", + "den_br\u00e6ndte_jords_taktik", + "officersskole", + "lake_st_clair", + "flyvev\u00e5ben", + "den_gule_flod", + "plejehjem", + "blind_vej", + "the_rolling_stones", + "nord\u00f8en", + "saltvand", + "psykiatrisk_hospital", + "de_forenede_stater", + "kanal\u00f8erne", + "saint_lawrence", + "luftstyrke", + "julemanden", + "heitor_villa_lobos", + "al_ain", + "det_tyrrhenske_hav", + "stillehavet", + "den_hellige_stol", + "skovmurmeldyr" + ], + "DISEASE": [ + "hydrocephalus", + "sars", + "hedeslag", + "skelen", + "forstuve", + "cellulitis", + "klaustrofobi", + "leddegigt", + "polio", + "mastadenitis", + "rage", + "talblindhed", + "sukkersyge", + "als", + "rabies", + "vitaminmangel", + "mastitis", + "computermus", + "personlighedsforstyrrelse", + "progeria", + "mange", + "stivkrampe", + "n\u00e6seblod", + "krebsen", + "furunkel", + "hermafroditisme", + "socialangst", + "anger", + "brucellose", + "kogalskab", + "vannkopper", + "seneskedehindebet\u00e6ndelse", + "galaktos\u00e6mi", + "beriberi", + "personlighedsspaltning", + "the_bends", + "katalepsi", + "moderm\u00e6rkekr\u00e6ft", + "kryptorchisme", + "struma", + "hundegalskab", + "solskoldning", + "sanktvejtsdans", + "rust", + "beruselse", + "erhvervssygdom", + "bughindebet\u00e6ndelse", + "pancreatitis", + "forbryder", + "papeg\u00f8jesyge", + "aspirationspneumoni", + "koldbrand", + "miltbrand", + "vaccination", + "kv\u00e6gpest", + "den_sorte_d\u00f8d", + "pancreascancer", + "testikelkr\u00e6ft", + "gulsot", + "hunger", + "handicap", + "udviklingsh\u00e6mning", + "helvedesild", + "appendicitis", + "vasculitis", + "forstoppelse", + "mellem\u00f8rebet\u00e6ndelse", + "skyttegravsfeber", + "forhudsforsn\u00e6vring", + "overv\u00e6gt", + "ulven", + "tilstopning", + "forstyrrelse", + "leverkr\u00e6ft", + "transportsyge", + "personlighedsstruktur", + "sterilitet", + "knoglebrud", + "fuldskab", + "kakeksi", + "vejrtr\u00e6kningsbesv\u00e6r", + "delirium", + "plettyfus", + "qi", + "rakitis", + "luftart", + "passion", + "raseri", + "listeriose", + "spinal", + "gimp", + "fortegning", + "skarlagensfeber", + "kartoffelskimmel", + "herpes", + "mellemm\u00e5ltid", + "slidgigt", + "smart", + "solbr\u00e6ndthed", + "marasmus", + "brunst", + "ed", + "blister", + "hermafrodisme", + "solstik", + "overv\u00e6gtig", + "sensation", + "n\u00e6ldefeber", + "frugtbarhed", + "brands\u00e5r", + "talefejl", + "beslagl\u00e6ggelse", + "pain", + "sammenbrud", + "chondrom", + "spiseforstyrrelse", + "hovedpine", + "the_passion_of_the_christ", + "vendehalse", + "fork\u00f8lelsess\u00e5r", + "svangerskab", + "ill", + "denguefeber", + "an_qi", + "underern\u00e6ring", + "skrumpelever", + "bl\u00e6rebet\u00e6ndelse", + "f\u00e5resyge", + "pellagra", + "schistosomiasis", + "tunnelsyn", + "leverbet\u00e6ndelse", + "gangr\u00e6n", + "taber", + "brystkr\u00e6ft", + "filipens", + "roset", + "flue", + "sting", + "paritet", + "indisposition", + "fejlern\u00e6ring", + "socialfobi", + "nys", + "hareskaar", + "elmesyge", + "basalganglier", + "sovesyge", + "stjernet\u00e5ge", + "stenlunger", + "madforgiftning", + "noma", + "the_hives", + "materialisme", + "le", + "lidenskab", + "salmonella", + "langsynethed", + "strubehoste", + "forgiftning", + "m\u00f8rker\u00e6d", + "muskelsvind", + "mili\u00e6rtuberkulose", + "graviditet", + "p\u00f8lseforgiftning", + "abasi", + "malaria" + ], + "PLANT": [ + "kransb\u00f8rste", + "sur_kirseb\u00e6r", + "have_k\u00e5l", + "p\u00e5skeklokke", + "johannesbr\u00f8d", + "bergamot", + "skovranke", + "pine", + "sankt_maria", + "tytteb\u00e6r", + "buksbom", + "melissa", + "liljekonval", + "karplanter", + "pralb\u00f8nne", + "liguster", + "the_joshua_tree", + "jordskok", + "kakaob\u00f8nne", + "mark_bynke", + "hjertensfryd", + "mahonie", + "dv\u00e6rgcitron", + "skovsyre", + "skovm\u00e6rke", + "vandkastanje", + "cellev\u00e6g", + "v\u00e5r_lyng", + "navr", + "sennep", + "paradisfugl", + "tallerkensm\u00e6kker", + "guldranke", + "artist", + "ellesl\u00e6gten", + "kirseb\u00e6r", + "tarmvridr\u00f8n", + "sortkommen", + "korb\u00e6r", + "kaprifolie", + "v\u00e5r_fladb\u00e6lg", + "piletr\u00e6", + "almindelig_leverurt", + "karsporeplante", + "\u00f8rnebregne", + "savojk\u00e5l", + "candida_albicans", + "strand_hornskulpe", + "havetulipan", + "galneb\u00e6r", + "have_malurt", + "mark_\u00e6renpris", + "skovjordb\u00e6r", + "pr\u00e6stekrave", + "skorzonerrod", + "kardemomme", + "tempeltr\u00e6", + "bjergfyr", + "abild", + "pampasgr\u00e6s", + "forglemmigej", + "kassava", + "have_k\u00f8rvel", + "meldr\u00f8jer", + "juletr\u00e6", + "reseda", + "koglekirtel", + "holm", + "paternostertr\u00e6", + "brasiltr\u00e6", + "skarntyde", + "blomk\u00e5l", + "skyr\u00e6kker", + "stor_fladstjerne", + "leverurt", + "pomerans", + "polejmynte", + "oliven", + "j\u00f8dekirseb\u00e6r", + "pilledrager", + "kinak\u00e5l", + "t\u00e5rnurt", + "rogn", + "paradisfugle", + "have_l\u00f8vemund", + "malurt", + "hjortetaktr\u00e6", + "ananaskirseb\u00e6r", + "kartoffelskimmel", + "kolbehirse", + "solsikke", + "have_morgenfrue", + "pomeranstr\u00e6", + "belladonnalilje", + "julestjernen", + "blackberry", + "gederams", + "musevikke", + "traneb\u00e6r", + "mastikstr\u00e6", + "palmetr\u00e6", + "bukketorn", + "elmetr\u00e6", + "stenh\u00f8jsplante", + "ambratr\u00e6", + "sabina", + "arum", + "r\u00f8nneb\u00e6rtr\u00e6", + "have_timian", + "abetr\u00e6", + "blomme", + "bl\u00e6resm\u00e6lde", + "saccharomyces_cerevisiae", + "magnolie", + "hejren\u00e6b", + "mastiks", + "lakseb\u00e6r", + "frueb\u00e6r", + "tebusk", + "marathi", + "oliepalme", + "klitfyr", + "have_erantis", + "vorterod", + "skovfyr", + "pibekrave", + "gedeblad", + "blommetr\u00e6", + "smalb\u00e6gret_ensian", + "plantedel", + "batat", + "paran\u00f8d", + "brushane", + "br\u00f8ndkarse", + "natskygge", + "druebregne", + "sukkerr\u00f8r", + "stjerneanis", + "drejeblomst", + "silkeplante", + "parykbusk", + "sand_star", + "alder", + "fyrresl\u00e6gten", + "matrem", + "hornn\u00f8d", + "hvidkl\u00f8ver", + "smalstr\u00e5le", + "strand_mandstro", + "okse\u00f8je", + "rosenk\u00e5l", + "v\u00e5r_g\u00e6slingeblomst", + "volverlej", + "parasoltr\u00e6", + "karl_johan" + ], + "SOC_ECO_CLASS": [ + "tredje_stand", + "center", + "fl\u00f8de", + "samurai", + "sm\u00e5borgerskab", + "caste", + "arbejderklasse", + "underverden", + "broderskab", + "proletariat", + "middelklasse", + "undergrunds\u00f8konomi" + ], + "POLITICAL_PARTY_MEMBER": [ + "kommunistisk", + "kommunist", + "makker" + ], + "PRODUCT": [ + "gr\u00e6skarhoved", + "cook\u00f8erne", + "kugleleje", + "sportsvogn", + "badebukser", + "deja_vu", + "justin_bieber", + "tidsmaskinen", + "tvangsprostitution", + "new_zealand", + "balkanbjergene", + "det_kommunistiske_manifest", + "s_tog", + "s\u00e3o_tom\u00e9_og_pr\u00edncipe", + "kaffekop", + "karlsvognen", + "kejsersnit", + "aftage", + "madsk\u00e5l", + "al_jazeera", + "panservogn", + "diego_garcia", + "papirflyver", + "signalbehandling", + "helligtrekongersaften", + "de_fire_\u00e5rstider", + "f\u00f8rste_verdenskrig", + "tredimensional", + "anden_verdenskrig", + "regnestok", + "buelampe", + "tidsmaskine", + "julius_caesar", + "saint_vincent", + "milit\u00e6rfly", + "the_star_spangled_banner", + "blindgyde", + "det_gyldne_kompas", + "stilleben", + "albog", + "som_om", + "flaskepost", + "blindgade", + "sachsen_anhalt", + "die_hard", + "kortslutning", + "det_flammende_bogstav", + "sejlskib", + "boxing_day", + "anden_juledag", + "det_gyldne_horn", + "forglemmigej", + "et_dukkehjem", + "storbritannien", + "deutsche_welle", + "gong", + "den_hellige_gral", + "mount_st_helens", + "romerriget", + "ferdinand_magellan", + "the_pilgrim's_progress", + "kaffekande", + "tre_konged\u00f8mmer", + "mario_andretti", + "menneskerettighederne", + "himmellegeme", + "af_guds_n\u00e5de", + "strids\u00f8kse", + "de_vises_sten", + "ringenes_herre", + "forsvind", + "tennisbold", + "naturhistorie", + "nordrhein_westfalen", + "isterning", + "det_nye_testamente", + "rosettastenen", + "rosettestenen", + "nye_testamente", + "gongong", + "kulbuelampe", + "i_orden", + "novo_mesto", + "nordlys", + "den_guddommelige_komedie" + ], + "DATE": [ + "bastilledagen", + "middelalder", + "d_dag", + "langfredag", + "sandhedens_\u00f8jeblik", + "palmes\u00f8ndag", + "efter\u00e5rsj\u00e6vnd\u00f8gn", + "mandtime", + "allehelgensdag", + "mandetime", + "menstruationscyklus", + "f\u00f8r_eller_siden", + "the_day_after_tomorrow", + "den_industrielle_revolution", + "den_gregorianske_kalender", + "fuldm\u00e5ne", + "derover", + "istid", + "rumalderen", + "hundedage", + "overmorgen", + "i_tide", + "halveringstid", + "nationaldag", + "derovre", + "uafh\u00e6ngighedsdag", + "m\u00e5nefase", + "new_moon", + "helligtrekongersaften", + "gregorianske_kalender", + "regntid", + "askeonsdag", + "sk\u00e6rtorsdag", + "nattevagten", + "kalender\u00e5r", + "normaltid", + "den_stille_uge", + "sommersolhverv", + "skole\u00e5r", + "fritid", + "vintersolhverv", + "arbejdstid", + "middelalderen", + "solarkonstanten" + ], + "FOOD": [ + "traneb\u00e6rsaft", + "sm\u00f8rdej", + "blodp\u00f8lse", + "peberkagemand", + "kanelsnegl", + "karry", + "r\u00f8dk\u00e5l", + "butterdej", + "planteolie", + "h\u00f8nse\u00e6g", + "madolie", + "farsbr\u00f8d", + "blodpudding", + "lemonade", + "butterdejskage", + "p\u00e5ske\u00e6g", + "pomfrit", + "lykkekage", + "traneb\u00e6rjuice", + "have_karse", + "str\u00f8sukker", + "\u00f8rken", + "f\u00f8dselsdagskage", + "kostfibre", + "hytteost", + "sauce", + "l\u00e6bepomade", + "bordsalt", + "hvidvin", + "spiseolie", + "candyfloss", + "hundefoder", + "tartarsauce", + "pinot_noir", + "regnbueis", + "fuldkornsbr\u00f8d", + "jordn\u00f8ddesm\u00f8r", + "fastfood", + "bolsje", + "sukkervand", + "chili", + "blodbudding", + "h\u00f8nsek\u00f8dssuppe", + "olivenolie", + "lunch", + "chile", + "palmeolie", + "hvidl\u00f8gsbr\u00f8d", + "antipasto", + "danablu", + "fortjeneste", + "hundemad", + "hollandaisesauce", + "ros\u00e9vin", + "minim\u00e6lk", + "rosinbr\u00f8d", + "dessert", + "roesukker", + "iskaffe", + "tandk\u00f8d", + "flormelis", + "rosevin", + "kartoffelchips", + "postevand", + "ros\u00e9", + "citronsaft", + "forret", + "bl\u00e5skimmelost", + "kakaosm\u00f8r", + "ingef\u00e6r\u00f8l", + "kattemad", + "schweizerost", + "frugtsalat", + "appelsinjuice", + "morgenmad", + "waldorfsalat", + "kattefoder", + "kakaopulver" + ], + "JOB": [ + "landmand", + "feltmarskal", + "konditor", + "developer", + "guru", + "h\u00e5ndv\u00e6rker", + "cand.psych", + "biskop", + "bosiddende", + "assistent", + "faktotum", + "hydrolog", + "ni_til_femmer", + "mikrobiolog", + "sangskriver", + "pants\u00e6tte", + "make", + "glarmester", + "testpilot", + "vaskekone", + "oberstl\u00f8jtnant", + "bestyrelsesmedlem", + "herold", + "kirurg", + "vinduespudser", + "skovhugger", + "slavinde", + "m\u00e6lkepigen", + "ergoterapeut", + "blikkenslager", + "svend", + "paramediciner", + "faneb\u00e6rer", + "f\u00e5rehyrde", + "bestyrer", + "don", + "forretningsmand", + "toksikolog", + "cand.jur", + "tandl\u00e6ge", + "kansler", + "dermatolog", + "the_police", + "intern", + "skorstensfejer", + "lederskikkelse", + "landarbejder", + "pr\u00e6rieulv", + "bager", + "processor", + "nattevagt", + "blokfl\u00f8jte", + "doge", + "gentleman", + "videnskabskvinde", + "l\u00f8ber", + "borgmesterinde", + "ingeni\u00f8r", + "velordnet", + "garver", + "taler\u00f8r", + "formynder", + "gravko", + "leder", + "rendesten", + "kondukt\u00f8r", + "bodyguard", + "underofficer", + "brigadegeneral", + "tapper", + "bureaukrat", + "land", + "sikkerhedsvagt", + "boss", + "butler", + "sandwichmand", + "stewardesse", + "printer", + "beslagsmed", + "kurator", + "chauff\u00f8r", + "m\u00e6lkemand", + "kamikaze", + "kvartermester", + "flyveleder", + "strejkebryder", + "performer", + "page", + "sergent", + "korporal", + "hjulmager", + "apopleksi", + "borgmester", + "the_guardian", + "brandsvend", + "gastroenterolog", + "billedhuggerv\u00e6rkstedet", + "handlende", + "vesir", + "staldmester", + "minister", + "mandarin", + "\u00e5dsel\u00e6der", + "bredpandefamilien", + "mate", + "kameramand", + "guide", + "terapeut", + "angler", + "kaster", + "designer", + "kunstmaler", + "skaber", + "pastor", + "barrister", + "barnepige", + "formand", + "grafiker", + "sikkerhedshjelm", + "pants\u00e6tning", + "orkesterleder", + "faldsk\u00e6rmsj\u00e6ger", + "slave", + "an\u00e6stesiolog", + "malkepige", + "the_economist", + "\u00f8verstkommanderende", + "skibsf\u00f8rer", + "faldsk\u00e6rmssoldat", + "fortaler", + "mejer", + "kasserer", + "wetter", + "porter", + "fremmedarbejder", + "sygeplejerske", + "brandslukker", + "barista", + "skralder", + "patolog", + "sprog", + "barber", + "selvst\u00e6ndig", + "man", + "konge", + "lakaj", + "regent", + "beskyttelseshjelm", + "marine", + "cand.med", + "jordemor", + "mundsk\u00e6nk", + "jordemoder", + "trykker", + "usher", + "gardist", + "messenger", + "alletiders_barnepige", + "altmuligmand", + "anklager", + "arbejdsmand", + "fris\u00f8r", + "kirkev\u00e6rge", + "trier", + "rancher", + "fremmedf\u00f8rer", + "arbejder", + "stridsmand", + "steward", + "n\u00e6st", + "skibskaptajn", + "forstander", + "snedker", + "kemiker", + "avisdreng", + "regelm\u00e6ssig", + "brevb\u00e6rer", + "bornelaege", + "the_independent", + "kassedame", + "pedel", + "cookie", + "bankier", + "overs\u00e6tter", + "gunner", + "autor" + ], + "GPE": [ + "menneskerettighederne", + "centralamerika", + "det_hvide_hus", + "guldmine", + "saint_domingue", + "komipermjakisk", + "xihu", + "dar_es_salaam", + "valentinsdag", + "sint_maarten", + "vor_frue", + "det_hellige_land", + "skoledistrikt", + "det_nye_testamente", + "sankt_j\u00f8rgen", + "hagia_sophia", + "s\u00e3o_tom\u00e9", + "menneskeret", + "tyske_kejserrige", + "gran_canaria", + "bjergpas", + "mellemamerika", + "al_andalus", + "tyske_rige", + "det_tyske_kejserrige", + "taishan", + "sankt_barbara", + "r\u00f8de_kors", + "charlottenburg_wilmersdorf", + "vinh_long", + "la_gomera", + "st_louis" + ], + "FAC": [ + "vindtunnel", + "uddannelsesinstitution", + "baneg\u00e5rd", + "universitetsby", + "stendige", + "porten", + "underhus", + "t_celle", + "den_engelske_kirke", + "underskole", + "den_h\u00f8je_port", + "klagemuren", + "triumfbue", + "arnold_sch\u00f6nberg", + "kernekraftv\u00e6rk", + "grundskole", + "atomkraftv\u00e6rk", + "vestmuren", + "skydebane", + "saint_lucia", + "kunstakademi", + "peter_plys", + "katolske_kirke", + "peter_den_store", + "de_fire_\u00e5rstider", + "den_sidste_nadver", + "posthus", + "politistation", + "osmannerriget", + "postkontor", + "friedrichshain_kreuzberg" + ], + "LANGUAGE": [ + "walisisk", + "portugisisk", + "polsk", + "persisk", + "catalan", + "nordsamisk", + "langvejsfra", + "vallonsk", + "nordmand", + "forfine", + "norsk", + "marshallesisk", + "pali", + "tysker", + "manx", + "keltisk", + "malayalam", + "betoning", + "russer", + "hindi", + "malajisk", + "spansk", + "galizisk", + "galicisk", + "letlandsk", + "esperanto", + "bengalsk", + "catalonier", + "politur", + "komi", + "islandsk", + "georgisk", + "tagalog", + "ido", + "marathi", + "moderf\u00e5r", + "japansk", + "quechua", + "hviderussisk", + "tonga", + "kannada" + ], + "BIO_CHEM_ENTITY": [ + "polyvinylchlorid", + "laurinsyre", + "mononatriumglutamat", + "salicylsyre", + "s\u00f8lvoxid", + "fiskeolie", + "adenosindifosfat", + "siliciumdioxid", + "metanhydrat", + "klortrifluorid", + "diethylether", + "magnesiumchlorid", + "m\u00e6lkesyre", + "citronsyre", + "guanosindifosfat" + ], + "RELIGION_MEMBER": [ + "guru", + "protestant", + "christin", + "katolsk", + "mormon", + "muhammedaner", + "franciskanerordenen", + "presbyteriansk", + "mon" + ], + "RACE": [ + "j\u00f8disk", + "indian_airlines", + "engl\u00e6ndere", + "latin", + "filippinsk", + "franskmand", + "afrikansk", + "nordeurop\u00e6isk", + "nordkoreaner" + ], + "RELIGION": [ + "zen", + "katharisme", + "salafisme", + "donatisme", + "shinto", + "manik\u00e6isme", + "presbyterianisme", + "calvinisme", + "wahabisme", + "islam", + "christian_science", + "daoisme", + "wicca" + ], + "EVENT": [ + "golfkrigen", + "c_est_la_vie", + "filmfestival", + "stangspring", + "verdensudstilling", + "s\u00e5dan_er_livet", + "sing_sing" + ], + "LAW": [ + "d\u00f8dsdom", + "folkeret", + "stemmeret", + "statsforfatning", + "romerret", + "trykkefrihed", + "valgmetode", + "retsstat", + "valgmetoder", + "retssamfund", + "straffelov", + "havret", + "international_ret", + "forsamlingsfrihed", + "religionsfrihed", + "strafferet" + ], + "PERSON": [ + "julius_caesar", + "ha_ha", + "al_gore", + "han_hun", + "saint_vincent", + "i_ching", + "edward_osborne_wilson", + "distr\u00e6t", + "george_v", + "igor_sikorsky", + "carl_david_anderson", + "c_vitamin", + "rudolf_hess", + "dr_watson" + ], + "POLITICAL_PARTY": [ + "green_party", + "socialistisk_parti", + "national_party", + "partidul_conservator", + "partit_laburista", + "labour_party", + "f\u00f3lkaflokkurin", + "politisk_parti", + "det_konservative_parti", + "nsdap", + "kuomintang", + "demokratiske_parti", + "liberal_party", + "partido_popular", + "socialdemokratiske_parti", + "irish_labour_party", + "demokratisk_republikanske_parti", + "parti_socialiste", + "republikanske_parti", + "milj\u00f6partiet_de_gr\u00f6na", + "partito_democratico", + "javna\u00f0arflokkurin", + "australian_labor_party", + "opposition", + "socialistische_partij", + "arbeiderpartiet" + ], + "GENDER": [ + "det_smukke_k\u00f8n", + "damemenneske", + "mine_damer_og_herrer", + "gentleman", + "stuepige", + "starut", + "fruentimmer", + "men", + "jeppe", + "hank\u00f8nsv\u00e6sen", + "olding", + "chap", + "dame", + "male", + "mandsperson", + "hunlig", + "hunk\u00f8n", + "man", + "transk\u00f8nnet", + "gal", + "hank\u00f8n", + "pige" + ], + "PERSON_PRONOUN": [ + "i", + "mine", + "thina", + "her", + "hendes", + "my" + ], + "UNION": [ + "international_telecommunication_union", + "den_internationale_telekommunikations_union", + "verdenspostforeningen" + ], + "MEDICAL_THERAPY": [ + "blodtryk" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbedisse": "abbed", + "baronesse": "baron", + "working_girl": "forretningsmand", + "ungfugl": "jeppe", + "fugleunge": "jeppe", + "hertuginde": "hertug", + "kejserinde": "anax_imperator", + "hunlig": "male", + "kvindelig": "male", + "s\u00f8nnedatter": "datters\u00f8n", + "datterdatter": "datters\u00f8n", + "heroin": "heltinde", + "heltinde": "held", + "v\u00e6rtinde": "vandrende_sj\u00e6le", + "kvinde": "man", + "hunk\u00f8n": "individ", + "kvindemenneske": "m_k_er", + "damemenneske": "m_k_er", + "fruentimmer": "isle_of_man", + "mass\u00f8se": "mass\u00f8r", + "frue": "\u00e6gtemand", + "elsker": "mester", + "elskerinde": "mester", + "moder": "peder", + "niece": "nev\u00f8", + "nun": "klosterbroder", + "politikvinde": "politibetjent", + "pr\u00e6stinde": "imam", + "prinsesse": "prince", + "majest\u00e6t": "konge", + "dronning": "konge", + "hetman": "indra", + "regine": "f\u00f8rste_kongebog", + "queens": "anden_kongebog", + "naja": "blod", + "s\u00f8ster": "broder", + "talskvinde": "talsperson", + "papmor": "stedfar", + "stedmor": "stedfar", + "bonusmor": "stedfar", + "plasticmor": "stedfar", + "stewardesse": "administrator", + "servitrice": "tjener", + "enke": "enkemand", + "hustru": "husbond", + "\u00e6gtehustru": "\u00e6gtemand", + "viv": "husbond", + "\u00e6gteviv": "husbond", + "hex": "magiker", + "wicca": "troldmand", + "heks": "troldkvinde", + "norn": "troldmand", + "fema": "man", + "dreng": "pige", + "lad": "pige" + }, + "other_gender_swap": { + "deres": "her", + "hendes": "deres", + "her": "deres" + }, + "en_pronoun2gender": { + "they": [ + "homoseksuel", + "transk\u00f8nnet" + ], + "he": [ + "jeppe", + "male", + "mandsperson", + "gentleman", + "individ", + "bemande", + "lad", + "man", + "f\u00e6tter", + "dreng", + "chap", + "m_k_er", + "little_boy", + "hank\u00f8nsv\u00e6sen", + "hank\u00f8n", + "isle_of_man", + "starut" + ], + "she": [ + "kvindelig", + "hushj\u00e6lp", + "damemenneske", + "lesbisk", + "savne", + "pige", + "lesbianisme", + "fr\u00f8ken", + "gal", + "det_smukke_k\u00f8n", + "misse", + "stuepige", + "hunlig", + "hunk\u00f8n", + "kvinde", + "fruentimmer", + "kvindemenneske", + "dame", + "fema" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "hendes", + "her" + ], + "they": [ + "deres" + ], + "it": [ + "bt", + "det_onde", + "disse", + "dette", + "denne", + "dets" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/dak.json b/data_tooling/pii_processing/ontology/data/dak.json new file mode 100644 index 0000000..f4d113a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/dak.json @@ -0,0 +1,22 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "w\u012fy\u0105" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/de.json b/data_tooling/pii_processing/ontology/data/de.json new file mode 100644 index 0000000..c4ce87f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/de.json @@ -0,0 +1,14044 @@ +{ + "JOB": [ + "ophthalmologin", + "racker", + "geselle", + "kardiologe", + "die_waffen_der_frauen", + "sozialarbeiterin", + "persona_grata", + "kinderbetreuerin", + "verleiher", + "oberfr\u00e4se", + "synchronsprecher", + "hacklerin", + "kauffrau", + "der_konsul", + "kerkermeisterin", + "gyn\u00e4kologin", + "teaser", + "futtermittel", + "wortf\u00fchrer", + "waschfrau", + "konditor", + "sch\u00f6pferin", + "lehrerin", + "die_begnadigung", + "oberkellner", + "guru", + "schmier", + "surveyor", + "gehilfe", + "merchandiser", + "amanuensis", + "mercator", + "beseelerin", + "kehrmaschine", + "schreibk\u00fcnstlerin", + "sweep", + "therapeut", + "h\u00f6fling", + "sternkundiger", + "lehrkraft", + "rosshirt", + "rechtsanwaltsfachangestellter", + "klempner", + "schriftsetzer", + "schulflugzeug", + "schafhirtin", + "kaufmann", + "schreibk\u00fcnstler", + "freiwilliger", + "s\u00e4ugamme", + "schiedsfrau", + "handwerker", + "kalligraph", + "der_medicus", + "alkalde", + "zackeneule", + "mariner", + "seiler", + "businessman", + "splitter", + "sicherheitsbediensteter", + "strassenfeger", + "flugbegleiterin", + "stalkerin", + "assistent", + "faktotum", + "sprecherin", + "zuckerb\u00e4ckerin", + "trauzeugin", + "m\u00fcllerin", + "b\u00e4cker", + "kassierer", + "hausmeisterin", + "gesetzgeberin", + "sanit\u00e4terin", + "beleberin", + "heizer", + "fassbinder", + "ranger", + "lebensretter", + "the_analyst", + "fellachin", + "maschinenschreiber", + "steuermann", + "schmierer", + "packer", + "sicherheitspersonal", + "arbeitnehmererfindung", + "halbp\u00e4chter", + "unionist", + "zimmerm\u00e4dchen", + "freiberufler", + "make", + "schreiberin", + "romanautor", + "testpilot", + "treuh\u00e4nderin", + "buchmacherin", + "ballonfahrerin", + "herold", + "vizegouverneur", + "seifenschaum", + "bauschreinerin", + "rauchfangkehrer", + "wacht", + "recke", + "g\u00e4rtnerin", + "redner", + "einsch\u00e4umen", + "erzeuger", + "the_ecologist", + "malocherin", + "elefantentreiber", + "schildknappe", + "sicherheitsbeamter", + "kassenwart", + "hauptmann", + "talentscout", + "schornsteinfegerin", + "sprayer", + "rinderz\u00fcchter", + "himmelskundler", + "gehirnchirurg", + "rettungssanit\u00e4terin", + "harpunier", + "koordinator", + "rechtsanw\u00e4ltin", + "buchbinder", + "kirchenvorsteher", + "schmiererin", + "sakristan", + "weinleserin", + "die_nanny", + "aushilfskraft", + "hand", + "kriegerin", + "pharmakologin", + "stellmacher", + "sigristin", + "bisch\u00f6fin", + "hirtin", + "beseeler", + "registrar", + "vorstandsmitglied", + "b\u00f6ttcher", + "schlussfrau", + "kr\u00e4merin", + "fallschirmj\u00e4ger", + "sch\u00e4ffler", + "das_blumenm\u00e4dchen", + "sexton", + "subaltern", + "kieferorthop\u00e4din", + "cartoonistin", + "b\u00fcrgermeister", + "internistin", + "rosshirte", + "demonstrator", + "registrator", + "schiedsrichterin", + "gesetzgeber", + "internist", + "temp", + "palastdame", + "don", + "narkotiseuse", + "aquanaut", + "schweinehirtin", + "king", + "krankenhaus\u00e4rztin", + "maid", + "sergeant", + "zimmerer", + "kalligraphin", + "schreiber", + "trainerin", + "karabinier", + "essayistin", + "manualtherapeutin", + "schenk", + "valet", + "tier", + "reinigungskraft", + "tier\u00e4rztin", + "bleistiftst\u00e4mmer", + "romanschreiber", + "der_uhrmacher_von_st_paul", + "vogt", + "botschafter", + "fliegenf\u00e4ngerin", + "frauchen", + "subalternoffizier", + "spieler", + "buchverk\u00e4uferin", + "ehrenamtliche", + "laryngologin", + "ratz", + "the_police", + "intern", + "troubleshooter", + "polente", + "peacemaker", + "engelmacherin", + "vorstandvorsitzende", + "the_sentinel", + "anreisserin", + "hebamme", + "hans_dampf_in_allen_gassen", + "bootsbauer", + "buchh\u00e4ndler", + "holzschnitzer", + "autorin", + "kieferorthop\u00e4de", + "char", + "tierpr\u00e4parator", + "der_ladenaufseher", + "regisseurin", + "carrier", + "schiedsrichter", + "sommelier", + "kassier", + "zeitungsaustr\u00e4ger", + "reparateur", + "kinderfrau", + "sennerin", + "barbiere", + "schiri", + "feldwebel", + "oberbefehlshaber", + "tagl\u00f6hner", + "wagenbauer", + "laufbursche", + "resident", + "herausgeberin", + "doge", + "putzfrau", + "gentleman", + "minder", + "endokrinologin", + "m\u00fcllwerker", + "volkswirt", + "hausdiener", + "darlehensgeber", + "heiler", + "lister", + "schmuggler", + "\u00fcbersetzerin", + "sprecher", + "weberknecht", + "schweineh\u00fcterin", + "g\u00e4rtner", + "wirtschaftswissenschaftler", + "torsteher", + "pathologe", + "maschinenschreiberin", + "ziseleurin", + "torsteherin", + "kardiologin", + "konditorin", + "ballonfliegerin", + "the_musketeer", + "prompter", + "territorial", + "jahreszeitlich", + "distributor", + "tischlerin", + "prozessor", + "kalligraf", + "gaffer", + "novelist", + "rosshirtin", + "ostler", + "hausbesorger", + "kaminkehrer", + "z\u00f6llner", + "maschinengewehrsch\u00fctze", + "sauhirt", + "leutnant", + "korsaren", + "erzieherin", + "grip", + "para", + "router", + "flottillenadmiral", + "schmugglerin", + "leitfaden", + "essayist", + "platzwart", + "leder", + "schlagmann", + "gastgeberin", + "nekrophag", + "souver\u00e4n", + "glasbl\u00e4ser", + "frauenarzt", + "funktion\u00e4r", + "sensei", + "speicherseite", + "arrowsmith", + "schornsteinfeger", + "immunologin", + "bodyguard", + "wagener", + "sanit\u00e4tspersonal", + "sch\u00fctzerin", + "begleitperson", + "berufschauffeurin", + "staatsdienst", + "streitkolben", + "brigadegeneral", + "chemist", + "steinhauer", + "tagesvater", + "schriftstellerin", + "justizvollzugsbeamte", + "becker", + "couturier", + "mastermind", + "paramedic", + "schwarzarbeiter", + "trickzeichner", + "fellache", + "internieren", + "edelknecht", + "oberkellnerin", + "erwerbsf\u00e4hig", + "justizvollzugsbeamter", + "polsterhocker", + "schweinew\u00e4rter", + "wissenschafter", + "trainer", + "land", + "seemann", + "dermatologe", + "hakim", + "kartograph", + "nachtw\u00e4chter", + "boss", + "ballonfahrer", + "h\u00fcterin", + "dickkopffalter", + "verwalter", + "drechsler", + "reader", + "shifu", + "stenograf", + "chronist", + "statistikerin", + "b\u00fcchsenmacher", + "brieftr\u00e4gerin", + "klopper", + "bautischlerin", + "waschweib", + "schiffer", + "gipser", + "mundschenk", + "treasurer", + "ergotherapeutin", + "ziegenhirtin", + "gastronom", + "herzchirurg", + "interpretator", + "the_cutter", + "statistiker", + "landfrau", + "narkosefacharzt", + "butler", + "wissenschaftler", + "gyn\u00e4kologe", + "grenadier", + "kartografin", + "wagenmacher", + "bagger", + "propst", + "salzsieder", + "der_zufallslover", + "trickzeichnerin", + "feldscherin", + "vorstandsvorsitzende", + "strassenkehrer", + "eisverk\u00e4ufer", + "elektrotechniker", + "glasbl\u00e4serin", + "zollbeamtin", + "vaquero", + "oberbeleuchter", + "gastronomin", + "kurator", + "cutter", + "rednerin", + "kassiererin", + "sozialarbeiter", + "bautischler", + "lebensmittelh\u00e4ndler", + "melker", + "brigadier", + "fliesenleger", + "kinderzahnarzt", + "leader", + "landwirtin", + "gewerkschaftsmitglied", + "b\u00e4ckerin", + "kanzlerin", + "narkosefach\u00e4rztin", + "schweinehirt", + "ingenieurin", + "warden", + "spenglerin", + "kamikaze", + "automechaniker", + "driver", + "bleiarbeiterin", + "weinkellner", + "managerin", + "die_dolmetscherin", + "the_advocate", + "endokrinologe", + "kehren", + "wundarzt", + "performer", + "hangover", + "buchbinderin", + "buchhalterin", + "seneschall", + "page", + "elektroingenieur", + "ehrendame", + "comedian", + "tischler", + "heger", + "maier", + "leserin", + "hauslehrerin", + "haush\u00e4lterin", + "briefzustellerin", + "korporal", + "verwaltungsleiter", + "treuh\u00e4nder", + "lagerverwalter", + "tagel\u00f6hnerin", + "schoff\u00f6rin", + "beraterin", + "oberleutnant", + "keyboarder", + "stubenm\u00e4dchen", + "krankenschwester", + "ein_ungleiches_paar", + "sculptor", + "industrieller", + "tagel\u00f6hner", + "freelancer", + "lehrer", + "glaserin", + "versicherungsfachmann", + "ratze", + "botschafterin", + "kirchenvorsteherin", + "punter", + "freizeitmaler", + "seglerin", + "mikrobiologe", + "regul\u00e4r", + "milchmann", + "schiffskapit\u00e4n", + "abfalldurchst\u00f6berer", + "ingenieur", + "werbetexterin", + "fluglotse", + "schublade", + "schreiner", + "landwirt", + "abschreiben", + "der_hausbesitzer", + "stalker", + "ansiedler", + "master", + "hobbymaler", + "grenzbeamter", + "the_guardian", + "parteilos", + "zollbeamter", + "der_vorleser", + "rekorder", + "urheber", + "au_pair_junge", + "vesir", + "schutzhelm", + "heilerin", + "laryngologe", + "vermittler", + "bischof", + "hufschmiedin", + "minister", + "autoschlosser", + "mandarin", + "klavierlehrer", + "broterwerber", + "ankohlen", + "ladenbesitzer", + "schliesser", + "narkosearzt", + "setter", + "leibdiener", + "chauffeurin", + "kinderh\u00fcter", + "feldscherer", + "hydrologin", + "groom", + "ziegeltr\u00e4ger", + "entertainer", + "sommeli\u00e8re", + "knechtisch", + "k\u00fcchenchefin", + "ladenbesitzerin", + "regidor", + "flugzeugf\u00fchrerin", + "narkotiseur", + "mitsegler", + "weberin", + "mikrobiologin", + "kanzler", + "b\u00fcchsenmacherin", + "bunny", + "dragoner", + "mate", + "sesselfurzer", + "k\u00fcchenchef", + "vorsitzender", + "berater", + "fl\u00fcgelmann", + "guide", + "vorsitzende", + "buchhalter", + "mazis", + "naturalp\u00e4chter", + "interpreter", + "schulleiter", + "hafenarbeiter", + "vermesserin", + "wischer", + "sandwichman", + "galvaniseur", + "hauswartin", + "bader", + "angler", + "veranstalter", + "havariekommissar", + "bob_carroll", + "designerin", + "zimmerfrau", + "landmann", + "designer", + "kavallerist", + "kunstmaler", + "sitter", + "r\u00e4delsf\u00fchrer", + "pastor", + "hauswart", + "granatierer", + "barrister", + "leutnantin", + "manualtherapeut", + "bauschreiner", + "der_unterh\u00e4ndler", + "vorsteherin", + "schlosser", + "sheriff", + "cutterin", + "grafiker", + "picker", + "tiermedizinerin", + "stenografin", + "stewardess", + "regulator", + "kalligrafin", + "ansager", + "hauswirt", + "beschlagschmiedin", + "squire", + "brautjungfer", + "werferin", + "assoziieren", + "zimmerin", + "dermatologin", + "player", + "radmacher", + "herrscherin", + "holzf\u00e4ller", + "katzenpfote", + "ehrenamtlicher", + "funktion\u00e4rin", + "mellah", + "gaucho", + "hostess", + "kliniker", + "friseurin", + "kinderm\u00e4dchen", + "schauspielerin", + "freiwillige", + "feldmarschall", + "klinikerin", + "baster", + "feldschererin", + "sch\u00e4ferei", + "sanit\u00e4ter", + "slave", + "hackler", + "district_attorney", + "kinderarzt", + "seilerin", + "freizeitmalerin", + "au_pair_m\u00e4dchen", + "haus\u00e4rztin", + "siedler", + "f\u00f6rster", + "schafhirt", + "beschlagschmied", + "botenjunge", + "hochschulprofessorin", + "sp\u00fclmaschine", + "hoppelh\u00e4slein", + "pharmakologe", + "the_economist", + "collier", + "weinkellnerin", + "manager", + "schriftsteller", + "narkotiseurin", + "regisseur", + "barbier", + "broker", + "fensterputzerin", + "rechtsanwalt", + "fassk\u00fcfer", + "wetter", + "lanzierer", + "schiedsmann", + "porter", + "tagesmutter", + "feuerwehrmann", + "der_astronom", + "liebreizend", + "knacker", + "infanterist", + "krieger", + "wachposten", + "hobbymalerin", + "stripper", + "stecher", + "unionistin", + "chemikerin", + "playboyh\u00e4schen", + "cop", + "barista", + "lebensmittelh\u00e4ndlerin", + "ziegenhirt", + "schmelzer", + "flanker", + "darsteller", + "putzer", + "warrior", + "hochschulprofessor", + "schwarzarbeiterin", + "kurier", + "kogge", + "anreisser", + "kartographin", + "songwriter", + "sch\u00fctzer", + "klavierlehrerin", + "sargtr\u00e4ger", + "der_prinzipal_einer_gegen_alle", + "robbenj\u00e4ger", + "torfrau", + "man", + "wirtschaftspr\u00fcfer", + "chemicus", + "narkosenfacharzt", + "zimmermann", + "steuereinnehmerin", + "anwalt", + "vorstandvorsitzender", + "logger", + "a_dur", + "regent", + "kom\u00f6diant", + "schriftsetzerin", + "beamter", + "gr\u00fcnderin", + "gouverneur", + "koordinatorin", + "kunstmalerin", + "hydrologe", + "kaminkehrerin", + "covergirl", + "tagesarbeit", + "truchsess", + "statthalter", + "hochschullehrerin", + "marine", + "sicherheitsmann", + "versicherungsmathematiker", + "kinderbetreuer", + "buchh\u00e4ndlerin", + "ergotherapeut", + "schiffsjunge", + "quartiermeister", + "sprechstundenhilfe", + "the_boxer", + "beamtin", + "platzanweiser", + "schatzmeister", + "bew\u00e4hrungshelfer", + "m\u00fclldurchst\u00f6berer", + "mannschaftskapit\u00e4n", + "bleiarbeiter", + "tacker", + "point_guard", + "hilfskellner", + "kopfgeldj\u00e4ger", + "recorder", + "wallah", + "meier", + "edelknabe", + "spielerin", + "blechschmiedin", + "wissenschafterin", + "rudergast", + "the_hire", + "die_sonne_im_gesicht", + "the_machinist", + "tiermediziner", + "schildwache", + "glasmacher", + "abbimsen", + "usher", + "gardist", + "sch\u00e4ferin", + "messenger", + "setzerin", + "narkose\u00e4rztin", + "chauffeur", + "schiffbauer", + "malocher", + "schneiderin", + "torsch\u00fctze", + "buchverk\u00e4ufer", + "chemiker", + "neurologe", + "schweineh\u00fcter", + "kartograf", + "au_pair", + "die_r\u00e4ttin", + "narkosenfach\u00e4rztin", + "vollmatrose", + "gehirnchirurgin", + "sammlerin", + "regentin", + "paaren", + "wissenschaftlerin", + "sentry", + "proconsul", + "kameraoperateur", + "saisonal", + "cox", + "schreinerin", + "marschall", + "z\u00f6llnerin", + "briefzusteller", + "ladeninhaber", + "meereskundlerin", + "schiava", + "zeitungsjunge", + "\u00f6ffentlicher_dienst", + "s\u00e4gerin", + "blechschmied", + "berufschauffeur", + "trier", + "assistentin", + "steinmetzin", + "weinleser", + "fris\u00f6rin", + "schneckenkanker", + "heimwerker", + "pf\u00f6rtner", + "stuckateur", + "granatier", + "kinder\u00e4rztin", + "steuermannsmaat", + "sch\u00f6pfer", + "packerin", + "tonk\u00fcnstler", + "flugbegleiter", + "ballonflieger", + "plotter", + "setzer", + "schliesserin", + "brieftr\u00e4ger", + "geldverdienerin", + "ladeninhaberin", + "k\u00f6nig", + "verweser", + "saitenaufzieher", + "vermesser", + "wund\u00e4rztin", + "fensterputzer", + "fahnentr\u00e4ger", + "croupier", + "ziegenhirte", + "steward", + "gouvernante", + "courier", + "wehrpflichtiger", + "novellist", + "fangleine", + "presbyter", + "polsterer", + "extern", + "frauen\u00e4rztin", + "steuereinnehmer", + "katschmarek", + "concierge", + "broterwerberin", + "dingen", + "therapeutin", + "kinderh\u00fcterin", + "wildh\u00fcter", + "doula", + "hausmeister", + "schafhirte", + "engelmacher", + "tuner", + "abbreviator", + "streikbrecher", + "gr\u00fcnder", + "sigrist", + "sub", + "kesselflicker", + "romancier", + "ackermann", + "teeb\u00fcchse", + "justizvollzugsbeamtin", + "neurochirurgin", + "the_independent", + "schulleiterin", + "ordonanz", + "turner", + "solicitor", + "bishop", + "schlussmann", + "maurerin", + "wortf\u00fchrerin", + "leiterin", + "konnetabel", + "flugzeugf\u00fchrer", + "meereskundler", + "humoristin", + "schauspieler", + "neurologin", + "cookie", + "beleber", + "der_doktor", + "hauptgesch\u00e4ftsf\u00fchrer", + "neurochirurg", + "zeitweilig", + "bankier", + "immunologe", + "esquire", + "seefahrer", + "geldverdiener", + "arbeiter", + "staatsanw\u00e4ltin", + "keeperin", + "oberstleutnant", + "tagl\u00f6hnerin", + "oberstabsgefreiter", + "stadtvater", + "ophthalmologe", + "rocker", + "allesk\u00f6nner", + "f\u00f6rsterin", + "friseuse", + "zuckerb\u00e4cker", + "hausverwalterin", + "paddler", + "gatekeeper", + "b\u00fcrgermeisterin", + "autor", + "melkerin", + "cartoonist", + "stenotypistin", + "loader", + "schoff\u00f6r", + "gouverneurin", + "kerkermeister", + "besaiter", + "krankenhausarzt", + "friedensstifterin", + "sicherheitshelm", + "briefbote", + "banker", + "wandergeselle", + "du_bist_nie_allein", + "kirchenmusiker", + "die_durch_die_h\u00f6lle_gehen", + "quadratsekunde" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "goldmark", + "rotk\u00e4ppchen", + "gregor", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "frances_wright", + "maria_tallchief", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "the_king", + "jean_laffite", + "roger_williams", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "huntington", + "rudolf_steiner", + "thomas_wolfe", + "david_rittenhouse", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "charles_best", + "leonard_bernstein", + "sibelius", + "che_guevara", + "kline", + "georges_simenon", + "c", + "shukow", + "i_a_richards", + "thomas_hodgkin", + "john_barth", + "edward_albee", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "morgan", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "naumann", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "henry_villard", + "gauss", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "george_balanchine", + "bethe", + "georg_wilhelm_steller", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "j_edgar_hoover", + "maria_magdalena", + "thomas_reid", + "otto_frisch", + "winston_churchill", + "gustav", + "johannes_diderik_van_der_waals", + "longinos", + "b", + "conrad_aiken", + "karl_landsteiner", + "schmid", + "paul_mccartney", + "andrew_marvell", + "terry_pratchett", + "k", + "kurie", + "stephen_king", + "francis_crick", + "peter_o\u2019toole", + "john_trumbull", + "sherry", + "joseph_greenberg", + "isaac_newton", + "sherman", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "der_hofnarr", + "colette", + "milton_friedman", + "inge", + "amy_lowell", + "edward_gibbon", + "schiaparelli", + "jefferson_davis", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "george_burns", + "george_harrison", + "peter_minuit", + "george_orwell", + "georg_meissner", + "arthur_koestler", + "richard_wagner", + "williams", + "auf_augenh\u00f6he_mit", + "thornton_wilder", + "e_l_doctorow", + "pancho_villa", + "leopold_stokowski", + "rebecca_west", + "marie_curie", + "francis_galton", + "volksverhetzer", + "mary_martin", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "seleucus", + "edward_weston", + "el_greco", + "waller", + "engelbert", + "samuel_beckett", + "maximian", + "david", + "saubl\u00f6d", + "galileo_galilei", + "ernest_bevin", + "jane_goodall", + "der_fliegende_holl\u00e4nder", + "john_donne", + "chaim_weizmann", + "der_auserw\u00e4hlte", + "robert_l_mills", + "andrea_guarneri", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "die_auserw\u00e4hlte", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "w", + "william_hazlitt", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "anne_boleyn", + "josef_stalin", + "john_ruskin", + "robert_burns", + "john_henry", + "carl_anderson", + "thomas_paine", + "bari", + "1st_armoured_division", + "francis_beaumont", + "antun", + "grosswesir", + "steven_weinberg", + "passivrauchen", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "elisabet", + "karl_barth", + "willem_einthoven", + "phil_anderson", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "jesus", + "allen_iverson", + "marie_antoinette", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "walter_lippmann", + "e", + "hoffnung", + "scheele", + "karl_jaspers", + "beethoven", + "konrad_adenauer", + "superduper", + "c_vann_woodward", + "john_l_lewis", + "marianne_moore", + "norbert_wiener", + "john_masefield", + "horatio_nelson", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "grossinquisitor", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "hoffmann", + "j", + "richard_strauss", + "leslie_howard", + "theodosius_i", + "hugo_grotius", + "mahalia_jackson", + "strohdumm", + "ben_shahn", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "katherine_mansfield", + "gertrude_stein", + "j_b_s_haldane", + "saladin", + "sarah_bernhardt", + "j\u00fcrgen", + "kunsth\u00e4ndlerin", + "v", + "philip_marlowe", + "luigi_pirandello", + "t_s_eliot", + "e_g_marshall", + "marc_blitzstein", + "hank_williams", + "nicht_zutreffend", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "schumann", + "holden", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "goggelmoggel", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "bunyan", + "thomas_mann", + "schutzheiliger", + "nicht_auswertbar_n.a", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "davit", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "james_a_murray", + "scribes", + "robert_johnson", + "tanasee", + "james_dean", + "robert", + "marie_tussaud", + "mezzosopran", + "roger_bannister", + "heinrich_i", + "theodor_schwann", + "max_beerbohm", + "rupprecht", + "alessandro_manzoni", + "joseph_priestley", + "hal", + "louis_joliet", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "ring_lardner", + "george_huntington", + "jim_corbett", + "james_naismith", + "oscar_wilde", + "wilms", + "philip_roth", + "j_d_salinger", + "henry", + "lawrence", + "richard_trevithick", + "luigi_montefiori", + "william_bradford", + "heinrich_schliemann", + "peter_der_grosse", + "eli_whitney", + "staatsoberhaupt", + "glenn_curtiss", + "ballettt\u00e4nzer", + "don_quijote", + "s_radhakrishnan", + "laurence_olivier", + "georg", + "hussein", + "pierre_larousse", + "christiaan_eijkman", + "adolf_eichmann", + "marilyn_horne", + "francis_bacon", + "pete_seeger", + "joseph_heller", + "a", + "morris", + "peter_carl_goldmark", + "peter_brian_medawar", + "norman_rockwell", + "eins", + "widerstandsf\u00e4hig", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "james_meredith", + "samuel_gompers", + "igor_strawinsky", + "nellie_bly", + "weber", + "lewis", + "warburg", + "octavius", + "n", + "stephen_leacock", + "a_one", + "albert_schweitzer", + "minuszeichen", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "titus", + "johannes_kepler", + "william_s_burroughs", + "most", + "david_hartley", + "schornsteinfegerin", + "max_planck", + "hauptfeldwebel", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "john_bardeen", + "arthur", + "sarah_vaughan", + "nietzsche", + "john_wilkes", + "william_byrd", + "william_henry", + "christopher_fry", + "scott_joplin", + "carl_lewis", + "fernsteuerung", + "sarah_siddons", + "george_vancouver", + "canberra", + "elias_canetti", + "robert_lowell", + "eisenstein", + "edward_jenner", + "john_mercer", + "oscar_robertson", + "oliver_hardy", + "holzl\u00f6ffel", + "zaunk\u00f6nige", + "auf_einer_h\u00f6he_mit", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "birnenwein", + "konstantin", + "graham_greene", + "frans_hals", + "edward", + "whistler", + "lars_onsager", + "auf_einer_ebene_mit", + "margaret_mitchell", + "stuart_davis", + "lola_montez", + "jan_swammerdam", + "baucht\u00e4nzer", + "mary_mccarthy", + "david_riesman", + "john_walker", + "reichsidee", + "flavius_josephus", + "joseph_black", + "marcus_whitman", + "mikhail_baryshnikov", + "bombenexplosion", + "niels_bohr", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "charles_de_secondat_baron_de_montesquieu", + "robert_venturi", + "johnny_appleseed", + "irving_berlin", + "tambourmajor", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "peter", + "die_meisten", + "h_l_mencken", + "maria_von_magdala", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "ted_williams", + "karl_menninger", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "parker", + "moses", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "puschkin", + "wolfgang_pauli", + "auf_den_punkt_gebracht", + "theodore_dreiser", + "theodor_mommsen", + "marcel_proust", + "jessica_mitford", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "paul_robeson", + "arnold", + "thomas_middleton", + "kernarbeitszeit", + "john_dowland", + "daniel_jones", + "schwurjungfrau", + "william_golding", + "robert_motherwell", + "a_e_housman", + "william_caxton", + "john_milton", + "rudolf_serkin", + "ethel_merman", + "frank_baum", + "samuel_adams", + "albert_speer", + "james_baldwin", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "john_fletcher", + "charlie_watts", + "m", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "petros", + "daniel_bernoulli", + "guillaume_apollinaire", + "s\u00fcdlicher_schweinsaffe", + "antoine_watteau", + "brandt", + "joseph_henry", + "henri_bergson", + "antonius", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "phillis_wheatley", + "patrick_white", + "hans_zinsser", + "saul_steinberg", + "bartholomew_roberts", + "eileen_farrell", + "catherine_howard", + "daniel_morgan", + "hans_christian_andersen", + "peter_cooper", + "reich", + "william_morris", + "cary_grant", + "thomas", + "isaac_watts", + "ford", + "pieter_zeeman", + "arnold_gesell", + "glenn_miller", + "steward", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "osman_i", + "kurt_weill", + "otto_hahn", + "lester_young", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "benjamin_jowett", + "taubstumm", + "robert_scott", + "john_galsworthy", + "robert_robinson", + "ziegler", + "o", + "adam_smith", + "william_james", + "von_willebrand_faktor", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "i", + "robert_indiana", + "jimmy_durante", + "john_wesley", + "f\u00f6rsterin", + "sandro_botticelli", + "carson_mccullers", + "bloch", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "balduin", + "zahnfee", + "john_locke", + "alexis_carrel", + "leonhard", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "st_martin", + "oscar_hammerstein", + "lorenz_hart", + "perry", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "denmark_vesey", + "leonard_bloomfield", + "jane_jacobs", + "lulli", + "jean_piaget", + "william_congreve", + "j\u00f6rgen", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "kronenducker", + "baucht\u00e4nzerin", + "frank_norris", + "frank_stella", + "jaden", + "robert_southey", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "archibald_macleish", + "peter_behrens", + "alfred_stieglitz", + "joseph_haydn", + "stephen_spender", + "garfield", + "die_wahrsagerin", + "george_boole", + "hans_reiter", + "paul_revere", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "jacques", + "kernzeit", + "robert_boyle", + "edith_cavell", + "alan_paton", + "ralph_richardson", + "1", + "schubert", + "cordell_hull", + "james_wilson", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "steller", + "x", + "ernest_walton", + "jacob", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "h", + "randall_jarrell", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "hetzer", + "hutchinson", + "jacqueline_cochran", + "george_fox", + "ben_hecht", + "christopher_isherwood", + "fritz_kreisler", + "anne_hathaway", + "david_garrick", + "don_budge", + "bill_russell", + "baldwin", + "jeannette_rankin", + "clarence_darrow", + "charles_lamb", + "harry", + "g", + "anthony_comstock", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "johns_hopkins", + "wanda_landowska", + "a_a_p", + "billy_mitchell", + "martin_heidegger", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "antony_tudor", + "steven_spielberg", + "l\u00e9onide_massine", + "sydenham", + "jean_monnet", + "leonard", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "robert_brown", + "thomas_carlyle", + "allen_tate", + "donald_barthelme", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "d", + "james_bowie", + "giambattista_marino", + "gaetano_donizetti", + "wilhelm_herschel", + "william_faulkner", + "andre", + "amerigo_vespucci", + "arthur_holmes", + "schmied", + "laurentius", + "pierre_boulez", + "hans_adolf_krebs", + "lars", + "girolamo_savonarola", + "emma_goldman", + "robert_gray", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "john_ciardi", + "e_entertainment_television", + "putin", + "matthew_flinders", + "a_e_network", + "robert_herrick", + "joseph_campbell", + "st_peter", + "jean_de_la_fontaine", + "robert_hooke", + "tschaikowski", + "o_henry", + "karl_popper", + "alfred", + "coleman_hawkins", + "m\u00fcllerin", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "john_mcgraw", + "henry_clay", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "g\u00fcnter_grass", + "kenneth_roberts", + "peter_paul_rubens", + "jim_morrison", + "moyses", + "cromwell", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "robert_morris", + "lili\u02bbuokalani", + "woody_herman", + "alexander_wilson", + "josef_albers", + "jackson_pollock", + "david_crockett", + "brigadegeneral", + "ururgrosselternteil", + "john_lennon", + "andrea_palladio", + "gesch\u00e4ftsf\u00fchrerin", + "gandhi", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "j_m_barrie", + "schutzpatronin", + "schukow", + "thomas_malory", + "patrick_von_irland", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "john_mill", + "hugo_junkers", + "norman_thomas", + "lillian_hellman", + "brescia", + "thomas_merton", + "asa_gray", + "sehr_gut", + "hannah_arendt", + "antonio_stradivari", + "robinson_jeffers", + "alice_walker", + "kunsth\u00e4ndler", + "staatschef", + "strauss", + "miles_davis", + "octavian", + "bruce", + "james_parkinson", + "wilhelm_tell", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "bozen", + "stanley_kubrick", + "john_deere", + "john_huston", + "kaminkehrer", + "william_gilbert", + "schutzpatron", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "zween", + "oliver_cromwell", + "beaumont", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "lorenz", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "william_wycherley", + "margaret_sanger", + "deutsche_lautverschiebung", + "gustav_hertz", + "george_mason", + "george_wallace", + "el_cid", + "marcus_antonius", + "lake_powell", + "prachteiderente", + "agrippina", + "st_louis", + "richard_rodgers", + "schornsteinfeger", + "don_quixote", + "kleist", + "anne_sexton", + "john_dryden", + "jim_henson", + "weisshalssylphe", + "frank", + "ernest_hemingway", + "fiedler", + "john_eccles", + "george_westinghouse", + "simon_petrus", + "aquila", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "gracie_allen", + "billy_sunday", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "cesare_borgia", + "j_p_morgan", + "hochschulreife", + "roald_amundsen", + "sherwood_anderson", + "richard_leakey", + "alfred_korzybski", + "c_a", + "anton", + "charles_dickens", + "samuel_huntington", + "ella_fitzgerald", + "fats_waller", + "thomas_sydenham", + "jack_robinson", + "alois_senefelder", + "george_enescu", + "jacques_offenbach", + "joseph_paxton", + "william_curtis", + "william_chambers", + "gilbert", + "leakey", + "george_stevens", + "federico_fellini", + "bessie_smith", + "bradley", + "patrick_henry", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "jan_steen", + "frank_harris", + "e_e_cummings", + "john_ross", + "powell", + "gentilname", + "hans_arp", + "andrew_carnegie", + "pontius_pilatus", + "achteinhalb", + "schutzengel", + "christoph_kolumbus", + "franz_schubert", + "william_butterfield", + "johnny_cash", + "joseph_mccarthy", + "hans_j\u00fcrgen_eysenck", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "friedrich_max_m\u00fcller", + "georges_cuvier", + "herzk\u00f6nig", + "william_harvey", + "de_vliegende_hollander", + "walter_scott", + "august_von_wassermann", + "jenner", + "sam_houston", + "wilder", + "der_kleine_lord", + "robert_browning", + "seleukos", + "alessandro_farnese", + "st_georg", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "l", + "henry_sweet", + "aletta_jacobs", + "birnenmost", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "mehrj\u00e4hrig", + "henry_purcell", + "der_heilige_georg", + "kaminkehrerin", + "flannery_o\u2019connor", + "schutzheilige", + "t", + "von_neuem", + "wilhelm_ostwald" + ], + "FAC": [ + "regierungsgeb\u00e4ude", + "strafarrest", + "bockwindm\u00fchle", + "gefechtsstand", + "ochsenauge", + "zollamt", + "kreuzkap", + "die_vier_jahreszeiten", + "das_letzte_abendmahl", + "volksfront", + "druckerei", + "zyklopenmauer", + "schwimmbecken", + "einkaufszentrum", + "steinwand", + "konzertsaal", + "schiessanlage", + "der_zauberberg", + "burgtor", + "papierfabrik", + "schwanzloch", + "steinmauer", + "hauptbahnhof", + "fronleichnam", + "trockenmauerwerk", + "windkanal", + "regierungsbau", + "polizeirevier", + "pendelt\u00fcr", + "b\u00fcrohaus", + "eisenbahnhof", + "ingenieurb\u00fcro", + "arnold_sch\u00f6nberg", + "trainingslager", + "pumpwerk", + "kaffernlimette", + "grundschule", + "trinkbrunnen", + "mari\u00e4_verk\u00fcndigung", + "polizeistation", + "gezeitenm\u00fchle", + "stadtbahn", + "frente_popular", + "in_einzelschritten", + "mall", + "steinhaus", + "kapitelsaal", + "kunsthochschule", + "dampfm\u00fchle", + "papierm\u00fchle", + "medizinische_fakult\u00e4t", + "kommandoposten", + "kunstgalerie", + "wellenbad", + "t_zelle", + "saint_lucia", + "zollhaus", + "katholische_kirche", + "guardian_angels", + "r\u00f6misch_katholische_kirche", + "klappenloch", + "bus_terminal", + "klagemauer", + "schwingt\u00fcr", + "m\u00fchldamm", + "aussichtsturm", + "georgskreuz", + "hamm\u0101m", + "klaugemauer", + "e_werk", + "volksschule", + "das_abendmahl", + "josef_von_nazaret", + "flottenst\u00fctzpunkt", + "titus_livius", + "vorlesungssaal", + "kleinweis", + "dreiunddreissig", + "lazarett", + "schiessplatz", + "stirnseite", + "ottomanisches_reich", + "holzhaus", + "gute_nachricht", + "die_fallt\u00fcr", + "bootcamp", + "polizeidienststelle", + "fl\u00fcgelfenster", + "hohe_pforte", + "t_lymphozyt", + "postfiliale", + "friedrichshain_kreuzberg", + "pu_der_b\u00e4r", + "peter_der_grosse", + "schiessstand", + "postamt" + ], + "SOC_ECO_CLASS": [ + "trade", + "bruderschaft", + "b\u00fcrgertum", + "landadel", + "labor", + "center", + "oberschicht", + "verbrecherwelt", + "spiessb\u00fcrgertum", + "schwarzmarkt", + "samurai", + "noblesse", + "banausie", + "rittertum", + "lumpenproletariat", + "kindklasse", + "agrikultur", + "proletariat", + "demimonde", + "frausein", + "adelsstand", + "gentry", + "unterklasse", + "drittklassig", + "philisterei", + "weinig", + "waki", + "mittelklasse", + "inspiriert", + "pick", + "banausentum", + "hochgeistig", + "bourgeoisie", + "kleinb\u00fcrgertum", + "ritterschaft", + "vierte_gewalt", + "yeomanry", + "halbwelt", + "highbrow" + ], + "ANIMAL": [ + "schr\u00f6ter", + "dottersack", + "grosser_schillerfalter", + "felsenh\u00e4hne", + "siebenschl\u00e4fer", + "rehbock", + "damwild", + "laufk\u00e4fer", + "yurumi", + "schermaus", + "baumhopf", + "acherontia", + "sandbankhai", + "dickhornschaf", + "rankenfusskrebs", + "wanderalbatros", + "fleckenkauz", + "schwarzfussalbatros", + "brillenkormoran", + "m\u00fcckenfledermaus", + "schnaken", + "gelbb\u00e4uchig", + "gr\u00fcndling", + "hundsrobben", + "palmtaube", + "kurznasenb\u00e4r", + "riesenalk", + "packesel", + "cat", + "pfauentruthuhn", + "breitmaulnashorn", + "haarraupe", + "diensthund", + "schwarzkopfmeise", + "spiessflughuhn", + "mondb\u00e4r", + "weisswedelhirsch", + "schwertst\u00f6r", + "zober", + "uferschwalbe", + "streifenskunk", + "flohk\u00e4fer", + "saumkamel", + "k\u00f6nigskobra", + "randal", + "haselmaus", + "rotgesichtscharbe", + "zitronenhai", + "buteo", + "hausmaus", + "calimocho", + "goldwangenwalds\u00e4nger", + "bienenweisel", + "trompeterschwan", + "gr\u00fcn\u00e4ugig", + "fichtenmarder", + "barbarieente", + "mittelmeerfruchtfliege", + "feldspatz", + "zaunk\u00f6nige", + "adeliepinguin", + "bachforelle", + "grasfrosch", + "wildschweinrudel", + "tabakmosaikvirus", + "pfeifschwan", + "rothuhn", + "kr\u00e4henvogel", + "singschwan", + "petersfisch", + "rauhautfledermaus", + "breitrandschildkr\u00f6te", + "zauneidechse", + "schwarzkittel", + "vaginalpilz", + "braunliest", + "strahlf\u00e4ule", + "buntfalke", + "drosophila", + "steinhuhn", + "homo_sapiens_sapiens", + "hexagrammos_otakii", + "herm\u00e4nnchen", + "wildpferd", + "waldameise", + "k\u00f6nigstiger", + "marderhund", + "fuchsh\u00f6rnchen", + "salmo_gairdneri", + "europ\u00e4ische_forelle", + "die_betrogene", + "riesenschildkr\u00f6te", + "blasentang", + "graur\u00f6telmaus", + "pottwal", + "louisianaw\u00fcrger", + "w\u00fcstenleguan", + "wildeber", + "schwarzfussiltis", + "silberdachs", + "forellenbarsch", + "kleinwiesel", + "g\u00fcrtelfischer", + "kurzfangsperber", + "schneeschuhhase", + "ringeltaube", + "schwarzhai", + "lenze", + "ammenhaiartige", + "dreiecksnatter", + "schuhu", + "fangschreckenkrebse", + "silberkopfm\u00f6we", + "otter", + "paarzeher", + "rubinfleckwalds\u00e4nger", + "dachs", + "polarwolf", + "sturmschwalbe", + "firefox", + "trampeltier", + "schuppenhalstaube", + "wolfspinne", + "grauastrild", + "apfelfruchtfliege", + "spatelente", + "weisel", + "sichelstrandl\u00e4ufer", + "graugans", + "hudsonschnepfe", + "tannenh\u00e4her", + "wiesenstrandl\u00e4ufer", + "baummarder", + "humanes_immundefizienz_virus", + "schlafmaus", + "kanadareiher", + "bindenstrandl\u00e4ufer", + "lagopus_mutus", + "suppenschildkr\u00f6te", + "seidenreiher", + "samenk\u00e4fer", + "gleitbilche", + "kappenastrild", + "rauchschwalbe", + "reisetaube", + "brandgans", + "ringelgans", + "apportierhund", + "stadttaube", + "fleischfliege", + "thomson_gazelle", + "westliche_gr\u00fcnmeerkatze", + "bohrfliege", + "weissstorch", + "arkansask\u00f6nigstyrann", + "blattk\u00e4fer", + "steppenzebra", + "bandfisch", + "sitta_europaea", + "schwammspinner", + "wechselkr\u00f6te", + "miesmuschel", + "buntlori", + "riesenhai", + "feenastrild", + "wandertaube", + "grindwale", + "baumkauz", + "hauskater", + "haubentaucher", + "kurzfl\u00fcgler", + "mandarinente", + "goldk\u00e4fer", + "pfingstvogel", + "schweinsdachs", + "rosaflamingo", + "fischblase", + "vierzehenschildkr\u00f6te", + "drahthaarfox", + "arthropoden", + "sackratte", + "hausrotschwanz", + "kaiserpinguin", + "nashornk\u00e4fer", + "tragtier", + "kammz\u00e4hnerhaie", + "drosseluferl\u00e4ufer", + "schwarzdrossel", + "schildl\u00e4use", + "grash\u00fcpferm\u00e4use", + "katze", + "jagdhund", + "eulenvogel", + "weisshandgibbon", + "zitterrochenartige", + "wollnashorn", + "seggenzaunk\u00f6nig", + "amazonenameise", + "b\u00e4renpavian", + "tibetb\u00e4r", + "spinnmilben", + "schmuckreiher", + "canis_minor", + "wiesenpieper", + "waldlaubs\u00e4nger", + "manta", + "mondfisch", + "dachsammer", + "w\u00fcstenfledermaus", + "berglemming", + "spielhuhn", + "kleinpudel", + "schornsteinsegler", + "rundkopfdelfin", + "piesacken", + "wolfspinnen", + "haussperling", + "entenmuschel", + "engelhaie", + "sattelrobbe", + "riesenhonigbiene", + "sandhaie", + "greifvogel", + "waldschnepfe", + "l\u00f6wenwelpe", + "schn\u00e4pperwalds\u00e4nger", + "pisces", + "beutelteufel", + "meerengel", + "gr\u00fcnastrild", + "gemeine_meerbrasse", + "froschlurche", + "sandkatze", + "breitnasenaffe", + "eiderenten", + "spornkiebitz", + "schopfwachtel", + "windh\u00fcndin", + "grosse_wachsmotte", + "kornnatter", + "polarb\u00e4r", + "langbeinig", + "weisswal", + "panzerknurrh\u00e4hne", + "nashornpelikan", + "fleischfliegen", + "syncerus", + "totenkopfschw\u00e4rmer", + "silber\u00e4ffchen", + "elfenbeinspecht", + "haustaube", + "chipmunk", + "grauh\u00f6rnchen", + "halsbandsittich", + "fruchtfliege", + "schweinswale", + "maultierhirsch", + "stupsnasig", + "aaltierchen", + "rossameisen", + "knuttstrandl\u00e4ufer", + "lactobacillus_acidophilus", + "schneegans", + "wanderfalke", + "erdnatter", + "fangschrecken", + "k\u00f6nigsgeier", + "reisfink", + "granatastrild", + "reisk\u00e4fer", + "kropfgazelle", + "schwarze_schildkr\u00f6te", + "waldstorch", + "meisenh\u00e4her", + "nebelparder", + "paradiessittich", + "bergnyala", + "glatthaarfox", + "zobel", + "geburtshelferkr\u00f6te", + "holztaube", + "zitteraal", + "mauerbienen", + "bergwachtel", + "schneeleopard", + "rothalstaucher", + "eselhase", + "kleiner_eisvogel", + "carolinataube", + "spornschildkr\u00f6te", + "weissbartpekari", + "seidenlaubenvogel", + "hausieren", + "hornwehrvogel", + "waldelefant", + "schilfrohrs\u00e4nger", + "kreuzkr\u00f6te", + "doppelf\u00fcsser", + "wildsau", + "klammeraffen", + "lippenb\u00e4r", + "crow", + "rosenboa", + "strassentaube", + "killerwal", + "signalhund", + "rundschwanzsperber", + "steinkauz", + "gordon_setter", + "brandseeschwalbe", + "kahnschnabel", + "silberm\u00f6we", + "sumpfmeise", + "kleiner_hund", + "vibe", + "diamondback", + "atlantischer_hering", + "bergpieper", + "bartenwale", + "klapperstorch", + "berberschaf", + "seepocke", + "grosskopfig", + "k\u00f6cherfliege", + "hausgimpel", + "tannenmeise", + "reisebrieftaube", + "flussseeschwalbe", + "graufuchs", + "fratercula_arctica", + "silberreiher", + "ferkelskunk", + "unpaarhufer", + "faina", + "krallenfrosch", + "wiesel", + "gartenrotschwanz", + "nachtreiher", + "grevyzebra", + "womanizer", + "gemeine_goldmakrele", + "galgo", + "trottellumme", + "kornweihe", + "spazierstock", + "andenflamingo", + "goldhamster", + "basiliskencham\u00e4leon", + "arbeitshund", + "raven", + "seitenfleckleguane", + "streifenhy\u00e4ne", + "sperling", + "kartoffelk\u00e4fer", + "homo_sapiens", + "hirsche", + "rubingoldh\u00e4hnchen", + "singdrossel", + "rohrspatz", + "gallwespen", + "der_rabe", + "mink", + "falken", + "engelhai", + "tannenhuhn", + "harrier", + "baribal", + "habicht", + "l\u00f6wenjunges", + "grosser_kohlweissling", + "grauwal", + "feldwinkelspinne", + "kaisergranat", + "neuweltaffe", + "sprosser", + "rosenstar", + "lakeland_terrier", + "der_geier", + "sturmm\u00f6we", + "passer", + "grubenottern", + "leierhirsche", + "eiderente", + "rohrkatze", + "zedernseidenschwanz", + "moschusente", + "currybaum", + "maifisch", + "bisamochse", + "weisslippenhirsch", + "schwarzkopfruderente", + "riesenmanta", + "reisnonne", + "bussard", + "weisswangenkauz", + "schabrackenhy\u00e4ne", + "swiftfuchs", + "reisamadine", + "tapetenmotte", + "irischer_wolfshund", + "the_crow", + "spiessente", + "asselspinnen", + "feuersalamander", + "knochenfisch", + "seegurke", + "kreischeulen", + "rennvogel", + "windhundr\u00fcde", + "kleiner_schwarzspitzenhai", + "schellente", + "hound", + "rankenfusskrebse", + "virginiawachtel", + "hirschbock", + "k\u00f6nigspinguin", + "wasserb\u00fcffel", + "goldschakal", + "weisskopfseeadler", + "windhundwelpe", + "taubenteiste", + "sch\u00f6nb\u00fcrzel", + "blindenf\u00fchrhund", + "trp", + "amsel", + "kleiderlaus", + "braunalgen", + "langhaarig", + "streifenh\u00f6rnchen", + "sumpfschwalbe", + "elefantenvogel", + "polarfuchs", + "bindentaucher", + "rothirsch", + "hirschk\u00e4fer", + "gummiboa", + "waldkatze", + "rotalgen", + "komodowaran", + "h\u00fchnerhabicht", + "karolinasittich", + "cro_magnon", + "buckelwal", + "klappm\u00fctze", + "hinterlauf", + "mantarochen", + "javaneraffe", + "wildgans", + "bullenhai", + "strahlenschildkr\u00f6te", + "pestvogel", + "wildesel", + "felsenzaunk\u00f6nig", + "klappergrasm\u00fccke", + "sperber", + "nitidotellina_nitidula", + "kitfuchs", + "bankivahuhn", + "staffordshire_bullterrier", + "kreischeule", + "schwarzb\u00e4r", + "schelladler", + "kaisergans", + "b\u00e4renjunges", + "marter", + "gleith\u00f6rnchen", + "victoria_regia", + "kammratten", + "kiebitze", + "waldm\u00e4use", + "flinderskette", + "molukkenibis", + "russseeschwalbe", + "spinnenl\u00e4ufer", + "greyhound", + "kundus", + "die_m\u00f6we", + "bartenwal", + "waldmaus", + "grosse_schillerfalter", + "stieglitz", + "gr\u00fcne_meerkatze", + "goldkr\u00f6te", + "osterhase", + "schwarzer_b\u00fcffelfisch", + "armeleute", + "steinadler", + "kongopfau", + "schabrackentapir", + "eichh\u00f6rnchen", + "mizuhiki", + "schwalbenweih", + "w\u00fcstenspringmaus", + "milchvieh", + "doppelschnepfe", + "baumhopfe", + "grauwasseramsel", + "bartkauz", + "lachm\u00f6we", + "gottesanbeterin", + "haushuhn", + "wildente", + "feldsperling", + "waldkauz", + "andenbauml\u00e4ufer", + "archebakterie", + "braunb\u00e4r", + "bergziege", + "wasserhund", + "einsiedlerdrossel", + "schnappschildkr\u00f6te", + "polizeih\u00fcndin", + "banteng", + "bienenk\u00f6nigin", + "andenkondor", + "cockerspaniel", + "schwalbenm\u00f6we", + "r\u00fcckenflosse", + "versuchskaninchen", + "carolinakleiber", + "wasserralle", + "regenbogenforelle", + "lappenente", + "grosstrappe", + "regenbogencichlide", + "schwarzhalstaucher", + "maulwurfsgrille", + "mantelm\u00f6we", + "elster", + "rotaugenvireo", + "flussbarsch", + "panzerkrokodil", + "wilsonbekassine", + "gimpel", + "spint", + "gr\u00f6nlandwal", + "langschwanzschuppentier", + "arthropode", + "einsiedlerkrebs", + "polarr\u00f6telmaus", + "meerschwalbe", + "schwarzmilan", + "eubakterie", + "wasserpieper", + "netzpython", + "hochsee_weissflossenhai", + "donald_duck", + "helmperlhuhn", + "baltimoretrupial", + "hakengimpel", + "bachsaibling", + "schnellk\u00e4fer", + "stockmutter", + "gilbdrossel", + "kriebelm\u00fccken", + "iller", + "rappenantilope", + "moose", + "kanadakranich", + "mehlk\u00e4fer", + "eichk\u00e4tzchen", + "w\u00fcstengoldspecht", + "seidenraupe", + "kammzahnvampir", + "wisent", + "bauchflosse", + "berner_sennenhund", + "kuhreiher", + "eulen", + "k\u00f6niginmutter", + "nasenaffe", + "st\u00e4rlinge", + "helmkopfgecko", + "lastkamel", + "fichtenkreuzschnabel", + "hauptfeldwebel", + "buntmarder", + "schneeammer", + "florida_waldkaninchen", + "hausesel", + "chicken", + "scheinerdbeere", + "stachelschweine", + "steppenhuhn", + "spitzmaulnashorn", + "goldzeisig", + "zitrusschmierlaus", + "wildziege", + "l\u00f6wenwelpin", + "weisskehlammer", + "dornhai", + "kleiner_gelbschenkel", + "zeisige", + "posttaube", + "schmarotzerraubm\u00f6we", + "nachteule", + "capreolus_capreolus", + "wandermuschel", + "schreikranich", + "perserkatze", + "halsbandpekari", + "maurische_landschildkr\u00f6te", + "spatz", + "grisli", + "herpes_zoster", + "hornisse", + "yorkshireterrier", + "graubruststrandl\u00e4ufer", + "goldfasan", + "erlenzeisig", + "arthropoda", + "schildlaus", + "hausmeerschweinchen", + "ziegelbarsch", + "schwarzstorch", + "schleiereule", + "sternrochen", + "heidehuhn", + "weisswangengans", + "gelbbrustwalds\u00e4nger", + "weissfl\u00fcgeltrappe", + "alse", + "h\u00fchnergans", + "steinw\u00e4lzer", + "polarhase", + "passgeber", + "varizella_zoster_virus", + "landasseln", + "luchs", + "holzbiene", + "trauerente", + "br\u00fcllaffen", + "jakobskrautb\u00e4r", + "kanadagans", + "tahitiperle", + "hammerhaie", + "reitpferd", + "grindwal", + "kath", + "sturmschwalben", + "hornissen", + "distelfink", + "birkhahn", + "salinenkrebs", + "nacktmaus", + "eisente", + "paarhufer", + "brillenpinguin", + "eichkater", + "fischotter", + "rieseng\u00fcrteltier", + "teichhuhn", + "hausratte", + "g\u00fcrtelmull", + "bartrobbe", + "davidshirsch", + "teichralle", + "wasserratte", + "pirol", + "tauchenten", + "lederschildkr\u00f6te", + "kermodeb\u00e4r", + "alligatorsalamander", + "rautenpython", + "schildpatt", + "zaunk\u00f6nig", + "goldschultersittich", + "sternmull", + "alle_alle", + "riesenstorch", + "cro_magnon_mensch", + "moorhuhn", + "winkerkrabbe", + "flinkwallaby", + "kapuzenwalds\u00e4nger", + "landassel", + "seidenspinner", + "merle", + "blindenhund", + "ringelnatter", + "eselchen", + "fukusa", + "pinselstachler", + "bluth\u00e4nfling", + "veilchenente", + "galapagosscharbe", + "abendkernbeisser", + "schwertwal", + "kettenhecht", + "versicolorente", + "gouldamadine", + "wachh\u00fcndin", + "anthocharis_cardamines", + "bastardmakrele", + "triele", + "brotk\u00e4fer", + "bundi", + "entenmuscheln", + "schneeziege", + "polizeihund", + "husarenaffe", + "gelbfieberm\u00fccke", + "k\u00f6nigsseeschwalbe", + "meerschwein", + "frauenheld", + "schwarzbauchschuppentier", + "meersalat", + "sumpfkaninchen", + "eichhase", + "rosal\u00f6ffler", + "hinterbein", + "michelia_compressa", + "schwarzwild", + "burunduk", + "braunbrustigel", + "herbstgrasmilbe", + "altweltotter", + "panzernashorn", + "berggorilla", + "kolkrabe", + "s\u00fcdlicher_schweinsaffe", + "hauskatze", + "dompfaff", + "m\u00fcllerchen", + "dunkelente", + "riesenkalmar", + "pantherschildkr\u00f6te", + "whippet", + "rankenf\u00fcsser", + "schweren\u00f6ter", + "rubinkehlkolibri", + "lasttier", + "schwirrammer", + "bombardierk\u00e4fer", + "eichhorn", + "kanadakleiber", + "wassermokassinotter", + "bergzebra", + "meerkatzenverwandte", + "wachhund", + "katzendrossel", + "hauszaunk\u00f6nig", + "barramundi", + "sandlaufk\u00e4fer", + "die_katze", + "yorkshire_terrier", + "lemming", + "indianermeise", + "langschwanzwiesel", + "dickschnabellumme", + "sandklaffmuschel", + "wellenl\u00e4ufer", + "finnwal", + "eagle", + "gabunviper", + "ringdrossel", + "streifenkauz", + "leistenkrokodil", + "milchschlange", + "apfelblutlaus", + "elsterdohle", + "birkhuhn", + "schabe", + "k\u00f6nigstigerin", + "waldohreule", + "einsiedlerkrebse", + "lemmini", + "schweifhuhn", + "kopflaus", + "mauersegler", + "waldspitzmaus", + "saumtier", + "schwanengans", + "weissfussmaus", + "baumwollkapselk\u00e4fer", + "weidenmeise", + "trauertaube", + "edelkoralle", + "g\u00e4nsegeier", + "frosch", + "anemonenw\u00e4chter", + "meerneunauge", + "grosspudel", + "gorilla_gorilla", + "kleiner_kohlweissling", + "diamantschildkr\u00f6te", + "ammenhai", + "amerikanerkr\u00e4he", + "kondor", + "neuweltaffen", + "rabengeier", + "spitzschwanzsittich", + "wanderdrossel", + "seegurken", + "nachtmensch", + "gelbhaubenkakadu", + "massai_giraffe", + "antilopenziesel", + "heringsmar\u00e4ne", + "martes_zibellina", + "trauerschwan", + "pirole", + "pilotfisch", + "riesenfaultier", + "sumpfspitzmaus", + "kieferntangare", + "fritte", + "birkwild", + "m\u00e4usebussard", + "goldamsel", + "zierschildkr\u00f6te", + "kanalratte", + "kappengeier", + "hornlund", + "eider", + "damagazelle", + "hausk\u00e4tzin", + "bengalkatze", + "brauen_walds\u00e4nger", + "l\u00f6wenbaby", + "aztekenm\u00f6we", + "schleiereulen", + "totenkopfaffen", + "steinmarder", + "br\u00fcllaffe", + "grosskopfmeer\u00e4sche", + "rosenk\u00e4fer", + "thorsh\u00fchnchen", + "k\u00f6hlerschildkr\u00f6te", + "elfenbeinm\u00f6we", + "singammer", + "weidenammer", + "eichkatze" + ], + "DISEASE": [ + "ritzen", + "hurt", + "hydrocephalus", + "sars", + "gebrechlichkeit", + "ansengen", + "herzrasen", + "pertussis", + "eiterflechte", + "arthritis", + "sch\u00fctzengrabenfieber", + "reibungsw\u00e4rme", + "zuckerkrank", + "risswunde", + "acanthosis_nigricans", + "muskeldystrophie", + "abrasion", + "sonnenstich", + "einst\u00fcrzen", + "akinese", + "cellulitis", + "niesen", + "fremdenhass", + "blastom", + "paratyphus", + "erregung", + "maroni", + "lippenherpes", + "zahnschmerzen", + "streptokokken_mandelentz\u00fcndung", + "ki", + "polio", + "leere", + "hundebiss", + "voreilig", + "stasis", + "cecidie", + "rinderpest", + "messern", + "kachexie", + "wundbrand", + "rosette", + "miselsucht", + "karpaltunnelsyndrom", + "tachykardie", + "graphospasmus", + "mastadenitis", + "missbildung", + "rage", + "harnblasenentz\u00fcndung", + "abrasio", + "anthrax", + "nesselsucht", + "granulom", + "blauzungenkrankheit", + "buckelige", + "chill", + "paraplegie", + "magenschmerzen", + "sichelzellenan\u00e4mie", + "krankheit", + "galaktos\u00e4mie", + "als", + "magenverstimmung", + "herzschw\u00e4che", + "arrhythmie", + "wallung", + "rabies", + "vitaminmangel", + "addieren", + "mastitis", + "plietsch", + "arthropathie", + "papageienkrankheit", + "nebelfleck", + "schwiele", + "gef\u00e4ssentz\u00fcndung", + "leibschmerzen", + "lassafieber", + "gelenkentz\u00fcndung", + "froschgeschwulst", + "anbeissen", + "gumma", + "betriebsst\u00f6rung", + "ballenzehe", + "schiefhals", + "wasserpocken", + "hernie", + "papillom", + "wen", + "hydrophobie", + "abdominaltyphus", + "parit\u00e4t", + "m\u00e4nnerscheu", + "wunde", + "zacken", + "wuchs", + "pachydermie", + "salmonelle", + "scheintod", + "fettleber", + "katarr", + "kephalh\u00e4matom", + "ausschlag", + "kretinismus", + "inversion", + "progeria", + "kriegstrauma", + "katzenkratzkrankheit", + "gr\u00fcnder", + "leberzirrhose", + "schlangenbiss", + "mange", + "poison_ivy", + "lagophthalmus", + "weiberscheu", + "dasselbeule", + "gallenblasenentz\u00fcndung", + "schmarre", + "hordeolum", + "devianz", + "sore", + "singultus", + "schlummern", + "furunkel", + "schmerzen", + "aktinomykose", + "mononucleosis_infectiosa", + "eisenmangelan\u00e4mie", + "canophobie", + "mouse", + "sternutation", + "farbenfehlsichtigkeit", + "kratzer", + "porrigo", + "r\u00f6teln", + "rinderwahn", + "croup", + "reizdarmsyndrom", + "anger", + "geschw\u00fcr", + "radiation", + "clavus", + "vitalit\u00e4t", + "herzklopfen", + "lump", + "verrosten", + "zwerchfellbruch", + "handikap", + "blattern", + "brucellose", + "kartoffelmehltau", + "striktur", + "sch\u00e4cher", + "indigestion", + "schizothymie", + "pharyngitis", + "leidenschaft", + "flechte", + "verstauchen", + "skotom", + "betrunkenheit", + "beschwerde", + "beriberi", + "brustfellentz\u00fcndung", + "fettsucht", + "lambdazismus", + "gall", + "mania", + "masern", + "dementia", + "spinalan\u00e4sthesie", + "bienenstich", + "farbenblindheit", + "gangr\u00e4n", + "der_clou", + "the_bends", + "xeroderma", + "lithiasis", + "wattekugel", + "abrachie", + "feuerbrand", + "seminom", + "struma", + "phytophthora_infestans", + "heizen", + "shape", + "schlummer", + "sonnenbrand", + "tennisellenbogen", + "k_ein_bisschen_schwanger", + "starterklappe", + "welt", + "lichtscheu", + "bleivergiftung", + "ms", + "elektroschock", + "bunt", + "h\u00f6henkrankheit", + "graviditas", + "benommenheitsgef\u00fchl", + "appendizitis", + "muskelzerrung", + "frusterlebnis", + "epstein_barr_virus", + "the_suffering", + "zerfall", + "intertrigo", + "schielen", + "schwerkrimineller", + "rust", + "slice", + "zuckerkrankheit", + "herzinfarkt", + "hodenkrebs", + "akinesie", + "hohlkreuz", + "tabakmosaikvirus", + "dekompressionskrankheit", + "platzwunde", + "quetschung", + "demenz", + "legasthenie", + "fallsucht", + "weichheit", + "nebennierenrindeninsuffizienz", + "unterzuckerung", + "fruchtbarkeit", + "sedierung", + "eingeweidebruch", + "amelie", + "trouble", + "nasenscheidewandverkr\u00fcmmung", + "fasson", + "presbyopie", + "mondauge", + "caissonkrankheit", + "todeskampf", + "bandscheibenvorfall", + "androphobie", + "lethargie", + "vergiftung", + "bucklig", + "schneeblindheit", + "kondition", + "chlorose", + "pein", + "skabies", + "winterschlaf", + "paradoxer_schlaf", + "durstigkeit", + "para", + "kastanien", + "ventrikelseptumdefekt", + "der_ekel", + "chorea", + "wasserangst", + "hunger", + "handicap", + "toben", + "luch", + "touchieren", + "magers\u00fcchtig", + "schwerh\u00f6rigkeit", + "hamartom", + "bewegungskrankheit", + "orchitis", + "appendicitis", + "zipperlein", + "schlafsucht", + "nervenleiden", + "dekubitus", + "gerben", + "krampf", + "magengeschw\u00fcr", + "strangulation", + "vasculitis", + "kinderl\u00e4hmung", + "ganzheitlichkeit", + "sodoku", + "wale", + "halbschlaf", + "lumbago", + "niederwerfung", + "taphephobie", + "schamr\u00f6te", + "gravida", + "eiterbeule", + "pferdekuss", + "rachenentz\u00fcndung", + "schiefzehe", + "miliaria", + "polyarteriitis_nodosa", + "tracheitis", + "verw\u00f6lbung", + "umnachtung", + "potenz", + "rechenschw\u00e4che", + "banausentum", + "spurrille", + "stromunfall", + "stromschlag", + "knochenkrebs", + "mammakarzinom", + "torpor", + "salmonellose", + "zellulitis", + "brandwunde", + "gestaltungskraft", + "blasenentz\u00fcndung", + "verstauchung", + "buckeliger", + "venenentz\u00fcndung", + "gelenkschmerz", + "schramme", + "mittelohrentz\u00fcndung", + "druckgeschw\u00fcr", + "schnittwunde", + "abasie", + "rektozele", + "zahnfleischentz\u00fcndung", + "tamponade", + "kindstod", + "salmonellen", + "bengalo", + "schweissfrieseln", + "prodrom", + "staupe", + "wundsein", + "ache", + "plattenepithelkarzinom", + "wachstumsschmerzen", + "aurajoki", + "eileiterschwangerschaft", + "chi", + "verdauungsst\u00f6rung", + "banausie", + "computermaus", + "ganzheit", + "herzanfall", + "rachitis", + "delirium", + "fremdenfeindlichkeit", + "stauungspapille", + "panikst\u00f6rung", + "spermatozele", + "balanitis", + "erregtheit", + "am_rad_drehen", + "lichen", + "arterielle_hypotonie", + "rosazea", + "vigil", + "berufskrankheit", + "transposition", + "qi", + "mehln\u00e4hrschaden", + "progerie", + "schw\u00e4chung", + "herpes_simplex", + "schwindelgef\u00fchl", + "geschlechtstrieb", + "peitschenriemen", + "h\u00fchnerauge", + "verbiegung", + "nebeneffekt", + "pflanzengalle", + "verbr\u00fchen", + "erdeessen", + "golfkriegssyndrom", + "schaufensterkrankheit", + "zahnweh", + "mongolismus", + "luftart", + "hautkrankheit", + "strahlung", + "korpulenz", + "raserei", + "laufwerk", + "antoniusfeuer", + "zungenbrennen", + "o_bein", + "malaise", + "verwundung", + "tennisarm", + "strabismus", + "nachtblindheit", + "schwulit\u00e4t", + "spina_bifida", + "rinderwahnsinn", + "passion", + "analgesie", + "falls\u00fcchtig", + "lordose", + "traberkrankheit", + "magenweh", + "fortpflanzungsf\u00e4higkeit", + "zerkariendermatitis", + "verrenken", + "listeriose", + "kolitis", + "hausschwamm", + "wachheit", + "spinal", + "gimp", + "windpocken", + "hydrozephalus", + "stenose", + "brechdurchfall", + "mitralklappenprolaps", + "brennend", + "frenzy", + "downsyndrom", + "hernia", + "alexia", + "brennen", + "die_passion_christi", + "gestation", + "herpes", + "frostbeule", + "harnwegsinfekt", + "menstruationsbeschwerden", + "prellung", + "herzversagen", + "xerodermie", + "h\u00fchnerbrust", + "nervenzusammenbruch", + "philisterei", + "schwindelanfall", + "adipostas", + "twist", + "sigmatismus", + "yellow_jack", + "katalepsie", + "kaputtgehen", + "smart", + "amelia", + "diphtherie", + "hydrops", + "rauchabzug", + "thanatophobie", + "beulenpest", + "marasmus", + "gummose", + "kopfschuppen", + "die_stadt_der_blinden", + "kropf", + "brunst", + "stase", + "ed", + "bewegungsst\u00f6rung", + "breakdown", + "beke", + "muskelkrampf", + "knochenbruch", + "basalganglien", + "blister", + "gravidit\u00e4t", + "schlagmann", + "pica", + "kieferklemme", + "distension", + "weitsichtigkeit", + "schamesr\u00f6te", + "strahlenkrankheit", + "phenylketonurie", + "aquaphobie", + "aufgeregtheit", + "vorhofflimmern", + "abdominalhernie", + "geburtsfehler", + "querschnittsl\u00e4hmung", + "brachydaktylie", + "kallus", + "hermaphrodismus", + "magersucht", + "choke", + "tuse", + "talipes", + "heisshunger", + "husten", + "sensation", + "sch\u00e4dling", + "gr\u00fcnderin", + "milzbrand", + "herzrhythmusst\u00f6rung", + "aspirationspneumonie", + "unfruchtbarkeit", + "kopfschmerz", + "zytomegalievirus", + "schleimbeutelentz\u00fcndung", + "fliegerkrankheit", + "leerheit", + "flugkrankheit", + "kohlenstoffmonoxidintoxikation", + "schluchzer", + "tabes", + "alterssichtigkeit", + "quecksilbervergiftung", + "poliovirus", + "photophobia", + "frische", + "pers\u00f6nlichkeitsst\u00f6rung", + "neubildung", + "hasenscharte", + "verdauungsbeschwerde", + "epidermolysis_bullosa", + "fugue", + "pain", + "bissen", + "bissverletzung", + "chondrom", + "m\u00fcckenstich", + "aussatz", + "monierung", + "teratom", + "narbe", + "arbovirus", + "brotscheibe", + "leichenstarre", + "kreislaufstillstand", + "kontaktdermatitis", + "satthals", + "strain", + "riesenwuchs", + "milchschorf", + "dilatation", + "hydrozele", + "purpura", + "heuschnupfen", + "netzhautabl\u00f6sung", + "schizoid", + "herzstillstand", + "sichelzelle", + "chillen", + "alarmierung", + "ansteckung", + "herpes_simplex_viren", + "singe", + "arthralgie", + "gelbfieber", + "sonnenbr\u00e4une", + "luftkrankheit", + "kusskrankheit", + "schr\u00e4gstrich", + "robbengliedrigkeit", + "ill", + "totenstarre", + "chalazion", + "h\u00f6henangst", + "nabelbruch", + "fehlerwirkung", + "hydronephrose", + "dunstabzug", + "an_qi", + "fretten", + "hinkend", + "grassieren", + "panaritium", + "ulmensterben", + "pull", + "magendr\u00fccken", + "stigmata", + "kriegszitterer", + "strieme", + "tierr\u00e4ude", + "spiessb\u00fcrgertum", + "autoimmunreaktion", + "trachom", + "kammerflimmern", + "otorrh\u00f6e", + "r\u00fcckfallfieber", + "denguefieber", + "av_block", + "pollinosis", + "sch\u00fcrfwunde", + "querschnittl\u00e4hmung", + "smut", + "hautausschlag", + "wasserkopf", + "pellagra", + "bisswunde", + "strabismus_convergens", + "bilirubinenzephalopathie", + "lernbehinderung", + "schistosomiasis", + "quaddel", + "leberentz\u00fcndung", + "unterern\u00e4hrung", + "nahrungsmittelvergiftung", + "rausch", + "mi", + "disintegration", + "oberschenkelhalsbruch", + "skorbut", + "komplikation", + "spondylitis_ankylosans", + "mangelern\u00e4hrung", + "herzbeuteltamponade", + "aura", + "unregelm\u00e4ssigkeit", + "tan", + "arousal", + "west_nil_virus", + "kollabieren", + "sting", + "blasenmole", + "mandelentz\u00fcndung", + "wart", + "schuppenflechte", + "emmetropie", + "bradykardie", + "gelbsucht", + "vernarben", + "brandblase", + "schockieren", + "aniseikonie", + "the_bleeding", + "gicht", + "schm\u00e4lerung", + "achylia_gastrica", + "beissen", + "reigentanz", + "recken", + "watteb\u00e4llchen", + "lokalan\u00e4sthesie", + "break", + "kurzsichtigkeit", + "indisposition", + "taubheit", + "cyanidvergiftung", + "immersionsfuss", + "poliomyelitis", + "materialismus", + "palilalie", + "gebilde", + "lebensmittelvergiftung", + "flexur", + "trauma", + "kernikterus", + "fleckfieber", + "blockierung", + "kopfschmerzen", + "streptokokken_tonsillitis", + "afrikanische_trypanosomiasis", + "herzfehler", + "hautkrebs", + "nasenbluten", + "kuru", + "burn", + "wundstarrkrampf", + "zahnschmerz", + "wassersucht", + "erregtsein", + "flexion", + "darmerkrankung", + "raumangst", + "lufthunger", + "knutschfleck", + "zwicken", + "schreibkrampf", + "noma", + "the_hives", + "rosten", + "mutterkornpilz", + "schlafst\u00f6rung", + "die_pest", + "chorea_huntington", + "krampfader", + "mouches_volantes", + "leaken", + "schlafkrankheit", + "demineralisation", + "ahornsirupkrankheit", + "flare", + "verkr\u00fcmmung", + "fehlbildung", + "mundf\u00e4ule", + "schwerverbrecher", + "scharbock", + "weitsichtig", + "le", + "harm", + "panzytopenie", + "klaustrophobie", + "cutten", + "weiterung", + "albuminurie", + "trunkenheit", + "schwindsucht", + "spinnenangst", + "schwarzwasser", + "brandseuche", + "sch\u00f6pfungskraft", + "fettleibigkeit", + "schreibschw\u00e4che", + "brustkrebs", + "leberkrebs", + "katarrh", + "autoimmunerkrankung", + "schwangerschaft", + "platzangst", + "kopfweh", + "malaria", + "br\u00e4une", + "thalass\u00e4mie", + "follikulitis", + "mastoiditis", + "eichelentz\u00fcndung", + "karfunkel", + "durchfall", + "subluxation", + "akarophobie" + ], + "BIO_CHEM_ENTITY": [ + "teebaum\u00f6l", + "adenosindiphosphat", + "polyvinylchlorid", + "salicyls\u00e4ure", + "mononatriumglutamat", + "cysteinproteasen", + "aldehydoxidase", + "caesiumiodid", + "laurins\u00e4ure", + "calciumsilicat", + "citronens\u00e4ure", + "tellurs\u00e4ure", + "weizenkeim", + "kaliumiodid", + "mineral\u00f6l", + "fetts\u00e4ure", + "n_methylaminoethanol", + "orthosalpeters\u00e4ure", + "prolylendopeptidase", + "palustrins\u00e4ure", + "wolframs\u00e4ure", + "tranexams\u00e4ure", + "siliciumdioxid", + "bariumtitanat", + "siliciumnitrid", + "xanthinoxidase", + "c_reaktives_protein", + "prostacyclinsynthase", + "magnesiumperoxid", + "nervenwachstumsfaktor", + "guanosindiphosphat", + "calciumcitrat", + "coniferylalkohol", + "zopfig", + "heliumhydrid", + "kaliumaluminiumsulfat", + "diethylether", + "essigs\u00e4urechlorid", + "karmins\u00e4ure", + "butters\u00e4ure", + "magnesiumchlorid", + "monoaminooxidase", + "peroxodiphosphors\u00e4ure", + "zinkchlorid", + "butans\u00e4ure", + "fetts\u00e4uren", + "molybd\u00e4ns\u00e4ure", + "traubenkern\u00f6l", + "verzopft", + "kaliumantimonyltartrat", + "strontiumchlorid", + "magnesiumcitrat", + "polylactide" + ], + "ORG": [ + "mineral\u00f6lindustrie", + "noch_einmal", + "solarplexus", + "dominion", + "ida", + "liegest\u00fctz", + "shinto", + "das_gelbe_vom_ei", + "milit\u00e4rregierung", + "\u00f6lgesellschaft", + "internationale_organisation", + "die_klappe_halten", + "wieder_einmal", + "eu_ministerrat", + "zentralschl\u00fcssel", + "andersrum", + "sicherheitskr\u00e4fte", + "volksschule", + "mitsui_zaibatsu", + "martinskirche", + "bernhardiner", + "wahlkollegium", + "austrinken", + "golfschl\u00e4ger", + "sabaoth", + "berufungsgericht", + "kleinweis", + "mineral\u00f6lgesellschaft", + "goldenes_zeitalter", + "welthandelsorganisation", + "friesische_reiter", + "oberhaus", + "san_jos\u00e9", + "reiseagentur", + "military", + "vorstandssitzung", + "radiogalaxie", + "forschungseinrichtung", + "privatschule", + "massenmedien", + "tom_thumb", + "gartenparty", + "gelehrtengesellschaft", + "wicca", + "sprachschule", + "internationale_fernmeldeunion", + "showgesch\u00e4ft", + "die_alliierten", + "m\u00e4nnerstudium", + "an_education", + "apfelgeh\u00e4use", + "weltmacht", + "gemeines_perlboot", + "jan_mayen", + "weltbev\u00f6lkerung", + "as_dur", + "staatsdienst", + "annenkirche", + "ins", + "um_eine_nasenl\u00e4nge_voraus_sein", + "kunstgalerie", + "marineinfanterie", + "nordwestpassage", + "orthodoxes_judentum", + "zentralbank", + "selbstgerecht", + "zu_zweit", + "aa", + "das_findelkind", + "sparkasse", + "nasa", + "abendschule", + "plattenindustrie", + "kassationshof", + "arda", + "hinayana", + "in_vivo", + "the_national_archives", + "bundesbeh\u00f6rde", + "postamt", + "huang_he", + "bollywood", + "ein_richter_sieht_rot", + "wahlm\u00e4nnerkollegium", + "ang", + "geburtenwelle", + "junggesellinnenabschied", + "schminken", + "grundschule", + "rauchschwalbe", + "europol", + "schutzstaffel", + "podiumsdiskussion", + "hindin", + "bakkie", + "na_los", + "auslandsvertretung", + "milit\u00e4rakademie", + "sankt_andreasberg", + "christkindl", + "volksfront", + "the_who", + "verr\u00fccktenanstalt", + "ene_mene_miste", + "kernfamilie", + "non_plus_ultra", + "dominium", + "the_planetary_society", + "befreiungsarmee", + "mein_name_ist", + "bundesregierung", + "andromeda_galaxie", + "peergroup", + "marktwirtschaft", + "college", + "krankenpflegeschule", + "kautschukindustrie", + "mauerwerk", + "nur_zu", + "san_francisco", + "ich_heisse", + "kristdemokraterna", + "lucianerin", + "vivat", + "un", + "social_democratic_party", + "a_chorus_line", + "tennisklub", + "repr\u00e4sentantenhaus", + "zentraleuropa", + "tierrechte", + "mittelschule", + "gerichtshof", + "electoral_college", + "nordatlantikrat", + "kammerorchester", + "botanischer_garten", + "peterskirche", + "volkspartei", + "wertpapierb\u00f6rse", + "flashmob", + "einheitsmatrix", + "v\u0129nh_long", + "armee", + "und_anderes", + "nara", + "und_umgedreht", + "rollkommando", + "va", + "drk", + "tanzkapelle", + "menschengemacht", + "milit\u00e4rpolizei", + "col_legno", + "m\u00e4nnerforschung", + "fruchtsalat", + "staatsversammlung", + "die_\u00fcblichen_verd\u00e4chtigen", + "polterabend", + "nebeneinander", + "yachtklub", + "dann_und_wann", + "geldmarkt", + "hochofen", + "st_nikolaus", + "postfiliale", + "verlagsgesellschaft", + "pensionsfonds", + "sprachgemeinschaft", + "gao", + "die_roten", + "kapetinger", + "mittelm\u00e4chte", + "prohibition_party", + "bullenmarkt", + "zivilgesellschaft", + "neumond", + "der_freie_wille", + "mahayana", + "oberstes_gericht", + "core", + "geschlechterforschung", + "bis_s_zur_mittagsstunde", + "m\u00e4nnerstudien", + "kleinpolen", + "frente_popular", + "nordzypern", + "reichsparteitag", + "baugenehmigung", + "sammelklage", + "wahlm\u00e4nnergremium", + "marienkirche", + "lucianisch", + "han_dynastie", + "chilisauce", + "stockung", + "versicherungsgesellschaft", + "john_tuzo_wilson", + "highschool", + "the_faculty", + "don_juan", + "jungt\u00fcrken", + "fibonaccifolge", + "kriegsdienst", + "abbiegen", + "\u00f6lberg", + "the_new_school", + "ai", + "heilsarmee", + "nachholen", + "st_barbara", + "junggesellenabschied", + "gr\u00fcnlicht", + "marineinfanteriekorps", + "wechselstube", + "mischehe", + "ohne_schnickschnack", + "abtransport", + "im_jahr_des_herrn", + "sankt_helena", + "weissgold", + "the_football_league", + "chiang_mai", + "jesuiten", + "landgericht", + "friedenscorps", + "katzenauge", + "et_al", + "jakobskirche", + "humanverm\u00f6gen", + "nach_belieben", + "dia", + "der_fr\u00fchst\u00fccksclub", + "seestreitkr\u00e4fte", + "qu\u00e4kertum", + "blasmusik", + "polizeistaat", + "was_is_passiert", + "st_kilda", + "zentralverwaltungswirtschaft", + "abgeordnetenhaus", + "der_schwarze_kater", + "kreditgenossenschaft", + "uropa", + "sturmtruppen", + "handelsbank", + "gatt", + "halbleiterindustrie", + "schattenkabinett", + "oberster_gerichtshof", + "sozialdemokratische_partei", + "in_flagranti", + "kulturministerium", + "auktionshaus", + "ab_initio", + "die_seew\u00f6lfe_kommen", + "graduiertenschule", + "eigentumsrecht", + "drogenkartell", + "landstreitkr\u00e4fte", + "verfassungsgericht", + "le_mans", + "pazifikflotte", + "andersherum", + "kleinb\u00fcrgertum", + "blumensprache", + "christian_science", + "weltgesundheitsorganisation", + "piratenpartei", + "jeder_ist_sich_selbst_der_n\u00e4chste", + "die_grossen_vier", + "daheim", + "caf\u00e9_au_lait", + "shia", + "kontinentalarmee", + "fussballverein", + "filmindustrie", + "johanneskirche", + "un_sekretariat", + "genderforschung", + "narodno_sabranie", + "partit_socialdem\u00f2crata", + "bundesrepublik", + "bandschlingenknoten", + "mari\u00e4_aufnahme_in_den_himmel", + "musikindustrie", + "obstsalat", + "effektenb\u00f6rse", + "relativit\u00e4t_der_rechtsbegriffe", + "gestapo", + "betriebsrat", + "haupschl\u00fcssel", + "streitkraft", + "thinktank", + "parochialkirche", + "generalst\u00e4nde", + "schintoismus", + "ursa_maior", + "philadelphia_convention", + "stadtverwaltung", + "bundespolizei", + "de_luxe", + "vereinigungskirche", + "deutsche_sprache", + "gesamtschule", + "kriegerdenkmal", + "sicherheitsbeh\u00f6rde", + "maloche", + "nachgeraten", + "schl\u00e4ferzelle", + "staatskapitalismus", + "nichts_als", + "stadtkern", + "den_mund_aufmachen", + "sonntagsschule", + "demokratska_stranka", + "stadtzentrum", + "genderstudien", + "personalabteilung", + "milit\u00e4rdienst", + "li_fi", + "sicherheitskraft", + "suppenk\u00fcche", + "reiseb\u00fcro", + "mittelklasse", + "chassidim", + "maquis", + "geschlechterstudien", + "erhaltungssatz", + "modernst", + "the_young_turks", + "rassentrennung", + "erworbenes_recht", + "le_monde", + "stadtstaat", + "mineral\u00f6lunternehmen", + "who_are_you", + "strafgesetzbuch", + "verbrannte_erde", + "blaskapelle", + "babyboom", + "partido_del_trabajo", + "werbeagentur", + "b\u00fcrgerrecht", + "medizinische_versorgung", + "chiang_rai", + "bundesbahn", + "kerngeh\u00e4use", + "herrenrasse", + "stronnictwo_narodowe", + "al_jazeera", + "homoehe", + "das_maul_halten", + "pfarrkirche", + "cum_laude", + "zuckerfrei", + "assembl\u00e9e_nationale", + "s\u00e3o_paulo", + "kohleindustrie", + "machtgebiet", + "paulskirche", + "staatskasse", + "europe", + "verlagshaus", + "evangelische_kirche", + "po", + "rotes_meer", + "was_ist_los", + "dschainismus", + "sternhaufen", + "amerikanistik", + "griebs", + "und_umgekehrt", + "verwaltungsrat", + "hausverstand", + "forschungszentrum", + "der_heilige_nikolaus", + "auf_zeit", + "mossad", + "ferdinand_magellan", + "schwulenehe", + "flugverkehr", + "ene_mene_mu", + "streichquartett", + "vishnuismus", + "vittore_carpaccio", + "baskenland", + "zu_hause", + "konservative_partei", + "ayuntamiento", + "amnesty_international", + "gemeindeamt", + "v\u00f6lkerbund", + "hedgefonds", + "up_to_date", + "freimaurerei", + "hollywood", + "strafverfolgungsbeh\u00f6rde", + "unterhaus", + "ursa_major", + "gottesmutter", + "das_schweigen_der_l\u00e4mmer", + "berufsschule", + "gukhoe", + "politische_klasse", + "saint_barth\u00e9lemy", + "agrarpartei", + "markuskirche", + "kunststoffbranche", + "sturmabteilung", + "herzenslust", + "spangenschuh", + "kontinentalkongress", + "appellationsgericht", + "georgskirche", + "studierendenvertretung", + "who", + "suchmannschaft", + "los_angeles", + "nato", + "genderstudies", + "hohe_pforte", + "andromedagalaxie", + "al_dschasira", + "baltimore_orioles", + "neuwertig", + "anno_domini", + "fussballclub", + "anti_antifa", + "daseinsvorsorge", + "akademie", + "ad_hoc", + "historischer_stadtkern", + "bartholom\u00e4uskirche", + "kriegsmaschine", + "komposthaufen", + "\u00f6lunternehmen", + "stephanskirche", + "kitsche", + "verwaltungseinheit", + "mi", + "briefkastengesellschaft", + "ich_habe_dich_lieb", + "kunstmuseum", + "by_the_way", + "bataillon", + "die_kom\u00f6die_der_irrungen", + "erziehung", + "von_zeit_zu_zeit", + "irrenanstalt", + "altstadt", + "alla_polacca", + "schola", + "gemeinsinn", + "in_situ", + "stahlindustrie", + "die_heilige_barbara", + "wohlfahrtsstaat", + "golfklub", + "mitteleuropa", + "sa", + "dornr\u00f6schen", + "klausenburg", + "milit\u00e4risch", + "albertsee", + "willensfreiheit", + "mittelstufe", + "es_war_einmal", + "es_lebe", + "briefkastenfirma", + "nachrichtenagentur", + "schuldf\u00e4hig", + "herrschaftsgebiet", + "altersgruppe", + "bubble_gum", + "wechselstelle", + "bundesamt", + "islamwissenschaft", + "handelskammer", + "taoismus", + "schwarzmarkt", + "ein_geschenk_der_kultur", + "al_ain", + "spezialkr\u00e4fte", + "neusatz", + "zeugen_jehovas", + "entwicklungsland", + "ersessenes_recht", + "sanit\u00e4tsbataillon", + "volksarmee", + "wirtschaftssystem", + "barbara_von_nikomedien", + "hagana", + "ace", + "commerce", + "united_states_whig_party", + "stadtrat", + "vor_ort", + "normalschule", + "sonnengeflecht", + "philharmoniker", + "streptococcus_pyogenes", + "sprachfamilie", + "marionettenregierung", + "heilige_familie", + "eu", + "lucianer", + "dritten", + "bei_der_tat", + "den_schnabel_halten", + "chang_jiang", + "nationalversammlung_der_republik_aserbaidschan", + "briefmarkensammlung", + "freikirche", + "behindertensport", + "morgenstern", + "oberschule", + "zenbuddhismus", + "dreht\u00fcr", + "schwarze_witwe", + "hirundo_rustica", + "nikolaikirche", + "eigennutz", + "mecklenburg_vorpommern", + "mandelbrotmenge", + "katholische_kirche", + "in_vitro", + "ein_supertrio", + "erdbev\u00f6lkerung", + "house_of_lords", + "st_lucia", + "oberschicht", + "planwirtschaft", + "hochfrequenz", + "guomindang", + "silvesterabend", + "natriumsilicate", + "democratic_socialist_party", + "ich_liebe_dich", + "grenzmarke", + "staatspolizei", + "nachrichtendienst", + "s\u00e3o_tom\u00e9", + "fachhochschule", + "bundesbank", + "und_andere", + "oberer_see", + "genossenschaftsbank", + "splittergruppe", + "shint\u014d", + "kirschenmund", + "mater_dolorosa", + "heimatfront" + ], + "LOCATION": [ + "al_jazeera", + "bodendenkmal", + "granville_town", + "schnellbahn", + "alt_ruppin", + "schwarzspecht", + "ich_danke_sch\u00f6n", + "zentralbank", + "irrenanstalt", + "alt_treptow", + "marktkreuz", + "the_good_night", + "pensionsfonds", + "dornr\u00f6schen", + "im_falle", + "der_verschollene", + "spielwiese", + "so_what", + "ringstrasse", + "vermittlungsstelle", + "auf_der_strasse", + "rapanui", + "am_h\u00f6chsten", + "pflegeheim", + "s\u00fcsswasser", + "sportunterricht", + "salzsee", + "reichsstadt", + "eduardsee", + "westaustralien", + "columbus_day", + "stichstrasse", + "dankesch\u00f6n", + "graureiher", + "d\u00e4umling", + "falklandinseln", + "der_kirschgarten", + "park", + "non_plus_ultra", + "f\u00fcr_alle_f\u00e4lle", + "st_nikolai", + "corpus_christi", + "innenstadt", + "ungarisches_parlament", + "kap_verde", + "bow_wow", + "friedensrichterin", + "united_states_army", + "altjahrsabend", + "kontrollraum", + "chathaminseln", + "nichts_zu_danken", + "s_tog", + "habe_vielen_dank", + "luftstreitkraft", + "weihnachtsabend", + "piet_mondrian", + "la_roche_en_ardenne", + "medizinische_hochschule", + "trifolium_repens", + "eisenbahnstrecke", + "la_manche", + "stille_post", + "santa_fe", + "heiliger_vater", + "milit\u00e4rregierung", + "sint_maarten", + "petasites_hybridus", + "am_ende", + "weihwasser", + "freihafen", + "im_hafen", + "jungfrau_maria", + "chang_jiang", + "alte_m\u00fcnze", + "milit\u00e4rakademie", + "verr\u00fccktenanstalt", + "dritten", + "arbeitersiedlung", + "f\u00fcnftausender", + "man_o_war", + "seniorenheim", + "ich_danke_sehr", + "nordinsel", + "osterinsel", + "kaiserkanal", + "vor_alter_zeit", + "trois_rivi\u00e8res", + "allahu_akbar", + "r\u00f6merstrasse", + "silvesterabend", + "regieraum", + "haben_sie_vielen_dank", + "tempelberg", + "tennisplatz", + "neumexiko", + "kanalinseln", + "land", + "huang_he", + "ein_gutes_neues_jahr", + "dreibeinig", + "iris_pseudacorus", + "michigansee", + "nervenklinik", + "leitstand", + "k\u00fcchengarten", + "blue_mountains", + "pieris_rapae", + "westk\u00fcste", + "s\u00fcdaustralien", + "sportplatz", + "k\u00f6niggr\u00e4tz", + "christnacht", + "joseph_louis_gay_lussac", + "spielfeld", + "fischreiher", + "portoriko", + "weihnachtabend", + "hans_und_franz", + "kreuzknoten", + "al_dschasira", + "wetterstation", + "marstall", + "thermalquelle", + "wba", + "welthandelszentrum", + "tom_thumb", + "das_gelbe_vom_ei", + "lake_of_the_woods", + "warenhaus", + "kap_hoorn", + "usa", + "luftstreitkr\u00e4fte", + "na_und", + "bad_kreuznach", + "saint_lucia", + "aussig", + "nationalversammlung", + "milchstrasse", + "spielplatz", + "alte_schule", + "hat_yai", + "am_anfang", + "almaaz", + "arena", + "sri_lanka", + "lake_st_clair", + "ferienwohnung", + "strassenstrich", + "vor_allem_anderen", + "fransenschildkr\u00f6te", + "jakobsstab", + "sundastrasse", + "das_schwarze_loch", + "psychiatrische_klinik", + "the_rolling_stones", + "san_joaquin_river", + "silberhaargras", + "cordon_bleu", + "krywyj_rih", + "botanischer_garten", + "rotmilan", + "neuengland", + "rosengarten", + "downtown", + "k_raum", + "court", + "am_himmel", + "heitor_villa_lobos", + "felde", + "den_ganzen_tag", + "weihnachtsmann", + "al_ain", + "neue_welt", + "friedensrichter", + "alte_welt", + "einen_zahn_zulegen", + "tanasee", + "red_water", + "heiligabend", + "mit_vergn\u00fcgen", + "ich_sage_dank", + "stundenzeiger", + "bauingenieurwesen", + "vor_langer_zeit", + "vereinigte_mulde", + "maifeiertag", + "prunus_avium" + ], + "PLANT": [ + "hibiscus_syriacus", + "weisskopfmimose", + "acanthocereus_tetragonus", + "gomphrena_globosa", + "hibiscus_mutabilis", + "brachychiton_populneus", + "entoloma_sinuatum", + "marien_glockenblume", + "margerite", + "hevea", + "kapstachelbeere", + "lespedeza_cuneata", + "trift", + "guajakbaum", + "einbeere", + "schirm_magnolie", + "scharbockskraut", + "zinnkraut", + "chinakohl", + "futterwicke", + "bratsche", + "pine", + "rote_heckenkirsche", + "pak_choi", + "sankt_maria", + "wald_vergissmeinnicht", + "gartengeissblatt", + "teerose", + "vogelkirsche", + "sperberbaum", + "ochsenzunge", + "ackerbohne", + "lilium_philadelphicum", + "strand_platterbse", + "lilium_longiflorum", + "portulakr\u00f6schen", + "halskrause", + "liriodendron_tulipifera", + "rotes_waldv\u00f6glein", + "cladonia_rangiferina", + "melissa", + "canavalia_gladiata", + "guttaperchabaum", + "kirschpflaume", + "dioscorea_bulbifera", + "hoya_carnosa", + "tricholoma_pardinum", + "paradiesk\u00f6rner", + "r\u00fcbe", + "venusfliegenfalle", + "lilium_lancifolium", + "palmyrapalme", + "zahnb\u00fcrstenbaum", + "m\u00f6hre", + "liguster", + "the_joshua_tree", + "gartenbohne", + "aleuria_aurantia", + "philadelphus_coronarius", + "roteiche", + "trichterwinde", + "aralia_elata", + "blutweiderich", + "k\u00fcnstler", + "langermannia_gigantea", + "brassica_nigra", + "meleguetapfeffer", + "helleborus_niger", + "stinkwacholder", + "mahonie", + "palmlilie", + "auricularia_auricula", + "rosa_chinensis", + "rohrglanzgras", + "schwarzkiefer", + "hirtent\u00e4schel", + "scharfz\u00e4hniger_strahlengriffel", + "cucurbita_moschata", + "wacholderbeere", + "prinzessbohne", + "solanaceae", + "bastardindigo", + "schneeheide", + "weisseiche", + "weisskraut", + "fliegenpilz", + "vanilla_planifolia", + "flatterulme", + "scheinakazie", + "jeffreys_kiefer", + "kirschbaum", + "phytoparasitismus", + "schefflera_actinophylla", + "winterlinge", + "tannia", + "saubohne", + "salix_babylonica", + "rosafarbene_catharanthe", + "waldgeissblatt", + "straucheibisch", + "gartenmelde", + "anthyllis_vulneraria", + "zirbelkiefer", + "laurus_nobilis", + "wasserminze", + "lathyrus_odoratus", + "rosenkohl", + "christusdorn", + "coriaria_japonica", + "curuba", + "sassafrasbaum", + "drachenk\u00f6pfe", + "geissblatt", + "christbaum", + "steinbeere", + "traubeneiche", + "adenium_obesum", + "helianthus_annuus", + "heckenrose", + "tausendsch\u00f6n", + "kalebassenbaum", + "schafgarben", + "monarda", + "sorbus_torminalis", + "schlafm\u00fctzchen", + "artist", + "bedecktsamer", + "wildreis", + "bergahorn", + "sternanis", + "magnolia_grandiflora", + "chrysanthemen", + "pelargonium_odoratissimum", + "batate", + "campher", + "amberbaum", + "jerusalemsdorn", + "chionanthus_virginicus", + "mullein", + "coprinus_comatus", + "gr\u00fcnliche_waldhyazinthe", + "sinapis", + "prunus_laurocerasus", + "breitbl\u00e4ttrige_platterbse", + "allium_tuberosum", + "feuerdorn", + "kassawa", + "amberb\u00e4ume", + "lilium_michiganense", + "cercidiphyllum_japonicum", + "atriplex_hortensis", + "titanenwurz", + "cortinarius_armillatus", + "acer_campestre", + "buschwindr\u00f6schen", + "bletilla_striata", + "kampferbaum", + "riesenmammutbaum", + "mimosa_pudica", + "zwetschge", + "bergamotte", + "nachtschatten", + "ackerwinde", + "pferdeeppich", + "islandmohn", + "papaver_somniferum", + "rosskastanien", + "l\u00f6ffelkraut", + "bl\u00fctenknospe", + "k\u00fcstenmammutbaum", + "matthiola_incana", + "echte_kamille", + "portiabaum", + "steineiche", + "indigopflanze", + "favabohne", + "actinidia_chinensis", + "obstbaum", + "sakura", + "butternuss", + "breitwegerich", + "herbst_adonisr\u00f6schen", + "papaver", + "dicentra_spectabilis", + "candida_albicans", + "anischampignon", + "senna_alata", + "weihnachtsbaum", + "amaryllis_belladonna", + "rittersporn", + "gelenkblume", + "m\u00e4nnerfarn", + "asperula", + "himmelsleiter", + "calophyllum_inophyllum", + "rosa_multiflora", + "brennnesseln", + "tonkabaum", + "klatschrose", + "herzkraut", + "traubenkirsche", + "lorbeerkirsche", + "weichweizen", + "ulmen", + "asclepias_purpurascens", + "kriechenpflaumenbaum", + "capsicum_baccatum", + "olivenbaum", + "vogelbeere", + "essigbaum", + "winterling", + "blumenkohl", + "dianthus_caryophyllus", + "brasenia_schreberi", + "l\u00f6wenm\u00e4ulchen", + "weg_rauke", + "kronsbeere", + "andropogon_virginicus", + "bachbunge", + "h\u00e4ngebirke", + "lampionblume", + "kalifornische_platane", + "mohrenhirse", + "osterluzei", + "buchenfarn", + "brunnenkressen", + "weg_malve", + "feigwurz", + "weissklee", + "maigl\u00f6ckchen", + "taxus_cuspidata", + "mariendistel", + "knollenbl\u00e4tterpilz", + "tilia_japonica", + "calvatia_gigantea", + "manioka", + "sonnenblumen", + "feinstrahl", + "pechnelke", + "kassava", + "alstonia_scholaris", + "stiefm\u00fctterchen", + "fliederstrauch", + "passiflora_incarnata", + "fliederbaum", + "paranuss", + "purpurweide", + "schlafmohn", + "drachenwurz", + "ardisia_crenata", + "blattknospe", + "blutholzbaum", + "kammquecke", + "hecke", + "beet", + "gartenmelisse", + "knoblauchrauke", + "geweihbaum", + "moosbeeren", + "selenicereus_grandiflorus", + "citrus_aurantium", + "sonnenblume", + "reseda", + "landnelke", + "postelein", + "kochia_scoparia", + "annona_cherimola", + "rosmarinheide", + "tannenzapfen", + "wurzelsystem", + "platanus_orientalis", + "gossypium_hirsutum", + "holm", + "sandbirke", + "prunus_armeniaca", + "wasserhyazinthe", + "schwarz\u00e4ugige_rudbeckia", + "bohnenpflanze", + "liquidambar", + "fingerhirse", + "paranussbaum", + "petasites_hybridus", + "urtica", + "iris_ensata", + "parthenocissus_tricuspidata", + "macadamia_tetraphylla", + "ligustrum_obtusifolium", + "nachtjasmin", + "kalme", + "cucurbita_argyrosperma", + "amanita_muscaria", + "winterzwiebel", + "olive", + "breiapfelbaum", + "herztrost", + "silberweide", + "kranbeere", + "vorticella_convallaria", + "mahonien", + "nicotiana_tabacum", + "asclepias_verticillata", + "phyllostachys_nigra", + "rosa_laevigata", + "arlesbaum", + "winterlinde", + "gemeiner_steinpilz", + "fr\u00fchjahrslorchel", + "schierling", + "niembaum", + "feldahorn", + "hirtent\u00e4schelkraut", + "s\u00fcsssack", + "fr\u00fchlorchel", + "monterey_zypresse", + "sorbin", + "rosskastanie", + "schwarzerle", + "stellaria_media", + "leucanthemum_vulgare", + "graukresse", + "knoblauchhederich", + "melastoma_malabathricum", + "engelstrompete", + "eberesche", + "chrysantheme", + "morgenl\u00e4ndische_platane", + "sciadopitys_verticillata", + "aronstab", + "schneeh\u00e4sin", + "cranberry", + "helianthus_tuberosus", + "hedysarum_coronarium", + "zitronenmelisse", + "sichelklee", + "zerreiche", + "tollkirsche", + "kleines_immergr\u00fcn", + "wasserkastanie", + "per\u00fcckenstrauch", + "surinamkirsche", + "sandelholz", + "prunus_domestica", + "balatabaum", + "dendrocalamus_giganteus", + "kokosnusspalme", + "gef\u00e4sspflanzen", + "schildfarn", + "portulaca_grandiflora", + "phytophthora_infestans", + "chlorophyllum_molybdites", + "k\u00f6nigsfarn", + "gartensalat", + "kratzbeere", + "setzling", + "ruprechtskraut", + "rubus_idaeus", + "netzannone", + "gossypium_barbadense", + "fraxinus_japonica", + "brassica_chinensis", + "kornrade", + "dickm\u00e4nnchen", + "schw\u00e4rzende_platterbse", + "sauerklee", + "cimicifuga_racemosa", + "salvia_pratensis", + "centaurea_cyanus", + "bocksdorn", + "stendelwurz", + "heckenkirschen", + "sporapfel", + "faulkirsche", + "agaricus_campestris", + "stern_magnolie", + "trifolium_repens", + "austernpilz", + "klette", + "blackberry", + "violette_k\u00f6nigskerze", + "schwarzpappel", + "schlehdorn", + "kleinbl\u00fctige_k\u00f6nigskerze", + "schwarzeiche", + "scheinbuche", + "eselsdistel", + "sei_vorsichtig", + "moosbeere", + "s\u00fcsskartoffel", + "echinocactus_grusonii", + "schopftintling", + "selleriekohl", + "medinilla_magnifica", + "kampfer", + "hiobstr\u00e4ne", + "brennnessel", + "dianthus_chinensis", + "grosskelchiges_johanniskraut", + "ackerbeere", + "lebenseiche", + "pfennigkraut", + "g\u00f6tterb\u00e4ume", + "poppig", + "kirsche", + "maroni", + "polyporus_squamosus", + "schirmtanne", + "cornus_florida", + "blattauge", + "preiselbeere", + "elsenkirsche", + "wassernuss", + "amerikanischer_schneeball", + "paradiesv\u00f6gel", + "rossminze", + "ackergauchheil", + "acrocarpus_fraxinifolius", + "seidenbaum", + "wirsing", + "silber_pappel", + "schwarzk\u00fcmmel", + "backhefe", + "spornblume", + "spitzahorn", + "nussbaum", + "wolfs_eisenhut", + "narrabaum", + "vogelmiere", + "winterkresse", + "magnolie", + "palmbaum", + "ulme", + "saccharum_officinarum", + "hydrangea_paniculata", + "belladonnalilie", + "buckeye", + "holzapfel", + "perlhirse", + "seidenpflanzen", + "cassave", + "goldmelisse", + "leitb\u00fcndel", + "kapaster", + "sprossen", + "fasole", + "dracaena_draco", + "nipapalme", + "kreuzblume", + "sadebaum", + "rauschbeere", + "st_maria", + "aschwurz", + "wermutkraut", + "actinidia_deliciosa", + "nachtschattengew\u00e4chs", + "kleine_wasserlinse", + "melissen", + "dalbergia_latifolia", + "marathi", + "kriechklee", + "zellwand", + "pleurotus_ostreatus", + "allium_ursinum", + "wicke", + "kaiserling", + "eselsgurke", + "kiefern", + "wasserfeder", + "magnolien", + "blattsalat", + "palmfarne", + "klatschmohn", + "kautschukbaum", + "wunderblume", + "waldreben", + "camphora", + "waldrebe", + "rosa_moschata", + "dreifurchige_wasserlinse", + "baumheide", + "kletternder_giftsumach", + "sophora_japonica", + "turibaum", + "sand_thymian", + "leindotter", + "mastix", + "calocedrus_decurrens", + "erythronium_montanum", + "dattelpalme", + "riesenbovist", + "die_heilige_maria", + "aspidistra_elatior", + "brombeere", + "pechnelken", + "brunnenlebermoos", + "telegraphenpflanze", + "klematis", + "gummibaum", + "stundenblume", + "korallenwurz", + "kapokbaum", + "regenbaum", + "humulus_japonicus", + "strelitzia_reginae", + "indigolupine", + "pfeifenwinde", + "rahmapfel", + "colocasia_esculenta", + "speierling", + "europ\u00e4ischer_meersenf", + "salweide", + "inga_edulis", + "edelweiss", + "k\u00fcnstlerin", + "wucherblume", + "enokitake", + "cardamine_pratensis", + "wurmfarn", + "phyllitis_scolopendrium", + "allium_fistulosum", + "gundelrebe", + "hornveilchen", + "kleinbl\u00fctige_bergminze", + "tangerine", + "kolbenhirse", + "johanniskraut", + "judenbart", + "wiesenkerbel", + "grauschn\u00e4pper", + "agropyron_repens", + "wunderbaum", + "schwarznessel", + "kaiserkrone", + "limabohne", + "blutbeere", + "weisstanne", + "belladonna", + "straucherbse", + "marchantia_polymorpha", + "waldmeister", + "amerikanische_platane", + "guineapfeffer", + "waldkiefer", + "aristolochia_clematitis", + "moorlilie", + "catharanthus_roseus", + "strand_grasnelke", + "guajakholz", + "malagettapfeffer", + "bockbeere", + "douglasie", + "trauerweide", + "kampfl\u00e4ufer", + "spritzgurke", + "knollenbegonien", + "edelkastanie", + "puffbohne", + "paradiesvogelblume", + "schwarzrohrbambus", + "pekingkohl", + "cremeschnitte", + "sandelholzbaum", + "chrysanthemum", + "schwarznuss", + "rippenfarn", + "agrimonia", + "swertia_japonica", + "oliv", + "brechbohne", + "heckenausdruck", + "vallisneria", + "kiefernholz", + "rosa_banksiae", + "feigenblatt", + "schlehe", + "euphorbia_milii", + "s\u00fcsskirsche", + "saat_esparsette", + "turmkraut", + "wasserfalle", + "phyllostachys_bambusoides", + "g\u00f6tterbaum", + "hopfenklee", + "physalis_peruviana", + "sauerampfer", + "apfelminze", + "vergissmeinnicht", + "quercus_virginiana", + "waldsauerklee", + "muskatellersalbei", + "purpurtanne", + "cassava", + "geissraute", + "gurkenbaum", + "tellerkraut", + "magnolia", + "schaf_porling", + "nephrolepis_exaltata", + "asclepias_meadii", + "pterocarpus_macrocarpus", + "cherimoya", + "heckenkirsche", + "phellodendron_amurense", + "pinus_palustris", + "conium_maculatum", + "f\u00e4rberkamille", + "haferwurzel", + "palmenbaum", + "sauerkirsche", + "flammenbaum", + "gemeiner_stechapfel", + "rosa_damascena", + "mohrr\u00fcbe", + "camellia_japonica", + "fliederbusch", + "wiesensalbei", + "mastixstrauch" + ], + "GPE": [ + "st_barbara", + "menschenrecht", + "der_heilige_georg", + "industriegebiete", + "georgitag", + "menschenrechte", + "valentinstag", + "st_peter", + "saint_domingue", + "arbeitsbeschaffung", + "zentralamerika", + "zuckerstock", + "westwind", + "goldbergwerk", + "neutestamentlich", + "sint_maarten", + "heiliger_geist", + "pechstr\u00e4hne", + "pandanus_tectorius", + "westneuguinea", + "tai_shan", + "weissgold", + "olympiadorf", + "die_heilige_barbara", + "stadtplatz", + "gebirgspass", + "heisswasser", + "seribu", + "hagia_sophia", + "unsere_liebe_frau", + "rotes_kreuz", + "sankt_georg", + "heiligenberg", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "deutsches_kaiserreich", + "westsee", + "daressalam", + "neuspanien", + "simon_petrus", + "bundesdistrikt", + "weisses_haus", + "olympisches_dorf", + "al_andalus", + "la_rochelle", + "niederschlesisch", + "viel_gl\u00fcck", + "st_georg", + "sankt_barbara", + "hibiscus_rosa_sinensis", + "charlottenburg_wilmersdorf", + "nikolaus_von_myra", + "sri_jayawardenepura", + "georgstag", + "la_gomera", + "warmwasser", + "s\u00fcdamerika", + "sankt_lorenz_strom", + "altstadt", + "der_heilige_nikolaus", + "st_louis", + "st_nikolaus" + ], + "FOOD": [ + "kondensmilch", + "tabascosauce", + "wachsk\u00fcrbis", + "baumwollsamen\u00f6l", + "kartoffelsalat", + "gartenkresse", + "salzwasserfisch", + "olla_podrida", + "geburtstagskuchen", + "bitterschokolade", + "mousse", + "zimtbr\u00f6tchen", + "knoblauchbrot", + "rohmilch", + "b\u00fcchsenfleisch", + "obstsaft", + "schaumfestiger", + "fr\u00fchst\u00fcck", + "gummieren", + "puffreis", + "eiskaffee", + "kanditen", + "golden_delicious", + "fr\u00fchlingsrolle", + "windbeutel", + "butterschmalz", + "mais\u00f6l", + "currypulver", + "daucus_carota", + "zimtschnecke", + "hundefutter", + "schokoriegel", + "magermilch", + "lorbeerblatt", + "mittagessen", + "leitungswasser", + "trinkwasser", + "christmas_pudding", + "schnellkost", + "vollmilch", + "naturreis", + "zuckerwatte", + "brandteigkrapferl", + "kohlbl\u00e4tter", + "potaufeu", + "schokoladenkuchen", + "entenstopfleber", + "salzlake", + "kaugummi", + "cremeeis", + "rotwein", + "schnellgericht", + "blauschimmelk\u00e4se", + "hahnenwasser", + "pulverkaffee", + "brause", + "granny_smith", + "zitronensaft", + "capsicum", + "katzenfutter", + "g\u00e4nsestopfleber", + "sprudelsaft", + "roggenbrot", + "lebkuchenmann", + "schmelzk\u00e4se", + "oliven\u00f6l", + "erfrischungsgetr\u00e4nk", + "sauce", + "tiefk\u00fchlkost", + "bambussprossen", + "limettensaft", + "wurzelgem\u00fcse", + "fertigessen", + "plunze", + "h\u00fcttenk\u00e4se", + "karottensaft", + "t_bone_steak", + "cornedbeef", + "fritten", + "rotwurst", + "hochzeitstorte", + "tonicwasser", + "lippencreme", + "b\u00fcckling", + "expresskaffee", + "geleebonbon", + "pinot_noir", + "kindesunterhalt", + "orangenschale", + "appetithappen", + "weissbrot", + "schlagobers", + "entr\u00e9e", + "kleines_schwarzes", + "r\u00fchrkuchen", + "tafelsalz", + "appetizer", + "zuckerschote", + "biskuitroulade", + "easteregg", + "traubensaft", + "schnapsleckerbissen", + "fastfood", + "weizenmehl", + "dosenmilch", + "fotzelschnitte", + "chilisauce", + "tonic_water", + "chopsuey", + "vollkornmehl", + "rosinenbrot", + "schwarzwurst", + "palm\u00f6l", + "ahornsirup", + "french_dressing", + "rotkohl", + "ingwerbier", + "pommes", + "fruchtsalat", + "bechamelsosse", + "fleischk\u00e4se", + "hustenbonbon", + "stopfleber", + "chili", + "g\u00e4nseleber", + "pflanzen\u00f6l", + "schwarzbrot", + "lippenbalsam", + "schweinsbraten", + "rosenwurst", + "lunch", + "halsbonbon", + "zuckerstein", + "grahambrot", + "chile", + "zuckerstange", + "antipasto", + "preiselbeersaft", + "tafelwein", + "graupen", + "sprudelwasser", + "hackbraten", + "staubzucker", + "schlagrahm", + "sauerrahm", + "gl\u00fcckskeks", + "pudding", + "weisswein", + "backwerk", + "beigabe", + "osterei", + "sonnenblumen\u00f6l", + "pekannusskuchen", + "blutwurst", + "dessertwein", + "dessert", + "morgenessen", + "schweinebraten", + "blunze", + "hacksteak", + "tuttifrutti", + "plunzen", + "pfefferkuchenmann", + "schokoladenpudding", + "tutti_frutti", + "ros\u00e9wein", + "rotgl\u00fchend", + "speiseeis", + "obstsalat", + "arme_ritter", + "french_toast", + "distel\u00f6l", + "schildkr\u00f6tensuppe", + "augenbohne", + "sprudel", + "trockenobst", + "wiegebraten", + "kartoffelchips", + "orangensaft", + "br\u00fchw\u00fcrfel", + "kraftfleisch", + "markstammkohl", + "o_saft", + "vollkornbrot", + "instantkaffee", + "fertigkost", + "fischst\u00e4bchen", + "brotlaib", + "ros\u00e9", + "schaumwein", + "rinderhack", + "vollkornreis", + "rohrzucker", + "petit_four", + "desertieren", + "omelette", + "perlgraupen", + "cayennepfeffer", + "pot_au_feu", + "linsensuppe", + "blunzen", + "puderzucker", + "lebenselixier", + "eiswaffel", + "feigenkaktus", + "feuertopf", + "rinderp\u00f6kelfleisch", + "waldorfsalat", + "ochsenschwanzsuppe", + "pfefferoni", + "chesterk\u00e4se", + "schwarzbarsch", + "kakaopulver", + "maiskeim\u00f6l", + "streichrahm", + "schlagsahne", + "kakaobutter", + "schokoladenmilch" + ], + "DATE": [ + "goldenes_zeitalter", + "menstruationszyklus", + "pfingstdienstag", + "krankenstand", + "kalenderjahr", + "mondjahr", + "vollmond", + "solarkonstante", + "bis_s_zur_mittagsstunde", + "sternzeit", + "der_erste_april", + "wintersonnenwende", + "halbmond", + "schutzalter", + "geburtenziffer", + "aschermittwoch", + "barockzeit", + "fragestunde", + "mondkalender", + "in_time_deine_zeit_l\u00e4uft_ab", + "sterntag", + "menschengedenken", + "happy_hour", + "mittelalter", + "mittelpal\u00e4olithikum", + "christliche_zeitrechnung", + "the_day_after_tomorrow", + "normalzeit", + "schalttag", + "die_nachtwache", + "heiligenfest", + "trinitatis", + "lunisolarkalender", + "daten\u00fcbertragungsrate", + "sommerakademie", + "gr\u00fcndonnerstag", + "sonnenkalender", + "walpurgisnacht", + "schaltsekunde", + "jahrhundertwende", + "halbwertszeit", + "studienjahr", + "adventssonntag", + "wirtschaftsjahr", + "karfreitag", + "lagerf\u00e4higkeit", + "mondtag", + "s\u00e4uglingssterblichkeit", + "schaltjahr", + "arbeitsunf\u00e4higkeit", + "m\u00e4nnertag", + "lichtstrom", + "herbsttagundnachtgleiche", + "ruhetag", + "\u00fcbermorgen", + "fluchtgeschwindigkeit", + "spielunterbrechung", + "a_und_o", + "gregorianischer_kalender", + "the_day_after_der_tag_danach", + "schuljahr", + "nachtschicht", + "im_jahr_des_herrn", + "nationalfeiertag", + "vollj\u00e4hrigkeitsalter", + "barockzeitalter", + "fr\u00fchjahrstagundnachtgleiche", + "lebensl\u00e4nglich", + "gesch\u00e4ftsjahr", + "stosszeit", + "palmsonntag", + "lagerbest\u00e4ndigkeit", + "mondphase", + "weltraumzeitalter", + "bankfeiertag", + "rushhour", + "d_day", + "sommersonnenwende", + "vorlaufzeit", + "namenstag", + "auf_lange_sicht", + "ostersonntag", + "das_a_und_o", + "vollj\u00e4hrigkeit", + "unabh\u00e4ngigkeitstag", + "volkstrauertag", + "hochzeitstag", + "herbstvollmond", + "allerseelentag", + "hauptverkehrszeit", + "ladenschluss", + "herzminutenvolumen", + "hochzeitsjubil\u00e4um", + "hundstage", + "quasimodogeniti", + "allerheiligen", + "radialgeschwindigkeit", + "hohes_alter", + "barockepoche", + "jungpal\u00e4olithikum", + "opferfest", + "vierteljahrhundert", + "corpus_christi", + "faschingsdienstag", + "mari\u00e4_himmelfahrt", + "sterberate", + "allerseelen", + "sekundenbruchteile", + "was_ihr_wollt", + "muttertag", + "hauptsendezeit", + "karsamstag", + "neumond", + "primetime" + ], + "RELIGION_MEMBER": [ + "dschihadistin", + "sarazene", + "guru", + "wahhabitin", + "augustine", + "the_hindu", + "mohammedanerin", + "gottlose", + "protestant", + "christin", + "gottesleugnerin", + "mulla", + "moor", + "dunker", + "protestantisch", + "trappistin", + "baptistisch", + "wiedert\u00e4ufer", + "chartreux", + "christkatholisch", + "katholisch", + "atheist", + "muselmanin", + "sunnit", + "christlich", + "wesleyaner", + "gottloser", + "schiit", + "puritaner", + "melkite", + "melkitin", + "mormon", + "muselman", + "r\u00f6misch_katholisch", + "franziskaner", + "methodistin", + "waischnawa", + "sunnitisch", + "franziskanische_orden", + "baptist", + "methodist", + "christian", + "muhammedaner", + "mullah", + "gotteskriegerin", + "benediktinerin", + "presbyterianisch", + "trappist", + "wesleyanerin", + "gotteskrieger", + "schiitisch", + "mohammedaner", + "protestantin", + "presbyterian", + "katholik", + "mon", + "sufi", + "dschihadist", + "gottesleugner", + "atheistin", + "muselmane" + ], + "PRODUCT": [ + "dicke_bertha", + "s\u00e3o_tom\u00e9_und_pr\u00edncipe", + "kaffeetasse", + "zwangsprostitution", + "st_vincent", + "stephanstag", + "meerschwein", + "justin_bieber", + "diamantenfieber", + "s_tog", + "puppenhaus", + "panzerwagen", + "heiliger_geist", + "zeitmaschine", + "landungsboot", + "stephanustag", + "magnetstreifen", + "von_gottes_gnaden", + "hochtourig", + "take_off", + "im_andenken_an", + "handbohrmaschine", + "g\u00e9rard_philipe", + "durch_verm\u00f6genswerte_gesichert", + "weihnachtsbaum", + "menschenrechte", + "hartgekocht", + "al_jazeera", + "microsoft_excel", + "naturgeschichte", + "plattform\u00fcbergreifend", + "signalverarbeitung", + "hexenkessel", + "r\u00f6merreich", + "diego_garcia", + "tutti_frutti", + "das_eisen_schmieden_so_lange_es_heisst_ist", + "sicherungsautomat", + "echinopsis_pachanoi", + "schnelllaufend", + "christbaum", + "enterhaken", + "liebesbrief", + "superschnell", + "rechenschieber", + "per_anhalter_durch_die_galaxis", + "das_irrlicht", + "der_herr_der_ringe", + "tuttifrutti", + "weltraumstation", + "das_rote_zimmer", + "segelschiff", + "die_heilige_maria", + "sportwagen", + "musikdose", + "tennisball", + "in_memoriam", + "hausmeerschweinchen", + "wenn_gott_will", + "leitungsschutzschalter", + "julius_caesar", + "was_ihr_wollt", + "durchreise", + "vom_winde_verweht", + "nasenring", + "kurzschluss", + "was_gibt's_neues", + "richtschwert", + "schnellbahn", + "the_star_spangled_banner", + "ghettoblaster", + "die_zeitmaschine", + "da_liegt_der_hund_begraben", + "zusammentreiben", + "don_quixote", + "zur_erinnerung_an", + "monte_cristo", + "la_palma", + "mau_mau", + "the_hitchhiker\u2019s_guide_to_the_galaxy", + "sachsen_anhalt", + "neues_testament", + "spaceshuttle", + "st_maria", + "a_jugend", + "der_gestiefelte_kater", + "tot_oder_lebendig", + "tanzfl\u00e4che", + "after_burner", + "die_vier_jahreszeiten", + "schwimmhose", + "zwei_br\u00fcder", + "spieldose", + "pauschenpferd", + "der_liebesbrief", + "zuckerl\u00f6ffel", + "milit\u00e4rflugzeug", + "boxing_day", + "mittelerde", + "zum_ged\u00e4chtnis_an", + "lederjacke", + "wenn_gott_es_will", + "deutsche_welle", + "gaslampe", + "himmelsk\u00f6rper", + "sode", + "gong", + "weltraumf\u00e4hre", + "mount_st_helens", + "samichlaus", + "startrampe", + "the_scarlet_letter", + "der_kleine_bruder", + "ferdinand_magellan", + "sierra_blanca", + "the_pilgrim\u2019s_progress", + "unsternbedroht", + "sumpflichter", + "g\u00fcrtelschnalle", + "hoheslied", + "kickstarter", + "abschussrampe", + "mario_andretti", + "weltende", + "kienapfel", + "hohelied", + "neukaledonisch", + "die_tribute_von_panem_t\u00f6dliche_spiele", + "halfpipe", + "stefanstag", + "versuchskaninchen", + "grosssegler", + "das_s\u00fcsse_leben", + "magnetdiskette", + "die_tribute_von_panem", + "kaffeekanne", + "stichstrasse", + "dreidimensional", + "santa_catarina", + "vollgas", + "im_gedenken_an", + "de_facto", + "vergissmeinnicht", + "sesamstrasse", + "stephanitag", + "balkangebirge", + "wie_sie_es_w\u00fcnschen", + "c_jugend", + "anleuchten", + "verreisen", + "nordrhein_westfalen", + "kronjuwelen", + "talkradio", + "viel_l\u00e4rm_um_nichts", + "streitaxt", + "das_neue_leben", + "zweiter_weihnachtstag", + "tafelklavier", + "neutestamentlich", + "flaschenpost", + "ich_bitte_um_verzeihung", + "leistungsschutzschalter", + "stefanitag", + "forderungsbesichert", + "stillleben", + "hochsee", + "der_hund_von_baskerville", + "und_dennoch_leben_sie", + "schneiderkreide", + "cookinseln", + "hockeyschl\u00e4ger", + "verm\u00f6gensbesichert", + "novo_mesto", + "s\u00e3o_paulo" + ], + "RACE": [ + "filipino", + "t\u00fcrke", + "einheimische", + "the_european", + "insulanerin", + "indian_airlines", + "philippiner", + "latino", + "nordeurop\u00e4isch", + "nordeurop\u00e4erin", + "inderin", + "turk", + "t\u00fcrkin", + "africus", + "nordkoreanisch", + "nordkoreanerin", + "polynesier", + "afrikanerin", + "vietnamese", + "autochthon", + "inselbewohner", + "franz\u00f6sin", + "urbewohner", + "afrikanisch", + "the_mexican", + "franzose", + "maximalpigmentierter", + "chinese", + "inselbewohnerin", + "japanese", + "ostasiatisch", + "insulaner", + "blanko", + "nordeurop\u00e4er", + "polynesisch", + "negro", + "latina", + "schwarze", + "fransen", + "negerchen", + "negerlein", + "nordkoreaner" + ], + "LAW": [ + "wahlsystem", + "b\u00fcrgerliches_recht", + "todesurteil", + "patientenverf\u00fcgung", + "redefreiheit", + "datenbankadministrator", + "versammlungsfreiheit", + "nicht_zweimal_in_derselben_sache", + "sammelklage", + "ordnungsmittel", + "hinrichtungsbefehl", + "kreuzverh\u00f6r", + "rechtstaatlichkeit", + "verwaltungsrecht", + "richterliches_pr\u00fcfungsrecht", + "glaubensfreiheit", + "r\u00f6misches_recht", + "strafgesetzbuch", + "doppelbestrafung", + "steuerrecht", + "ne_bis_in_idem", + "strafrecht", + "rechtecharta", + "religionsfreiheit", + "durchsuchungsbefehl", + "generalstaatsanwalt", + "seerecht", + "federal_bureau_of_investigation", + "handelsrecht", + "chancengleichheit", + "n_n" + ], + "RELIGION": [ + "reformjudentum", + "shint\u014d", + "zen", + "shinto", + "salafismus", + "anabaptismus", + "hinayana", + "vedanta", + "schintoismus", + "trinitarismus", + "evangelisch_lutherische_kirchen", + "wiedert\u00e4uferlehre", + "methodismus", + "presbyterianismus", + "dreieinigkeitslehre", + "islam", + "donatismus", + "chabad", + "t\u00e4uferbewegung", + "trinitarianismus", + "christian_science", + "sintoismus", + "vishnuismus", + "dreifaltigkeitslehre", + "calvinismus", + "manich\u00e4ismus", + "wicca", + "daoismus" + ], + "LANGUAGE": [ + "mazedonier", + "zwie", + "shona", + "galicisch", + "madagassin", + "assamesisch", + "romane", + "bichelamar", + "venda", + "interlingue", + "madagassisch", + "bambara", + "kashmiri", + "galizisch", + "t\u00fcrkisch", + "schmied", + "kongo", + "deutscher", + "catalana", + "tscheche", + "akan", + "latein", + "portugiese", + "russl\u00e4nder", + "russl\u00e4nderin", + "chinesin", + "tschechisch", + "plundergeb\u00e4ck", + "sindhi", + "kasachisch", + "amarinya", + "engl\u00e4ndisch", + "grieche", + "tschechin", + "georgierin", + "pali", + "ling\u00e1la", + "navajo", + "mazedonierin", + "wallonisch", + "aymara", + "manx", + "tschuwaschisch", + "malagassi", + "lucianisch", + "malayalam", + "s\u00fcdpikenisch", + "marshallisch", + "katalane", + "kanaresisch", + "portugiesin", + "lateinisch", + "madagasse", + "katalanin", + "sinhala", + "hindi", + "finnisch", + "japanerin", + "marshallesisch", + "chamorro", + "lucianer", + "mutterschaf", + "baschkirisch", + "guarani", + "teutsch", + "zhuang", + "herero", + "naoero", + "german", + "sango", + "a_pucikwar", + "kartwelisch", + "divehi", + "georgisch", + "chinese", + "keltisch", + "judenteutsch", + "lucianerin", + "esperanto", + "kisuaheli", + "walisisch", + "politur", + "portugiesisch", + "japanese", + "komi", + "lingala", + "griechin", + "hausa", + "belarussisch", + "mazedonisch", + "malaiisch", + "polnisch", + "wolof", + "cree", + "lao", + "kikuyu", + "persisch", + "tagalog", + "ido", + "schwedisch", + "weissruthenisch", + "schmid", + "reussin", + "marathi", + "irl\u00e4ndisch", + "arabische_sprache", + "malagasy", + "sundanesisch", + "katalanisch", + "grusinisch", + "kalaallisut", + "quechua", + "chichewa", + "reusse", + "tonga", + "kannada" + ], + "PERSON_PRONOUN": [ + "dich", + "deiner", + "verminen", + "i", + "dich_selbst", + "he", + "mine", + "zeche", + "his", + "nech", + "sie_selbst", + "our", + "dein", + "euch", + "her", + "auf_sich_selbst_gestellt", + "euer", + "bergwerk", + "deine", + "we", + "ihn", + "me", + "my", + "meins", + "us", + "meiner" + ], + "TITLE": [ + "mister", + "sir", + "mr", + "ms" + ], + "ANAT": [ + "tigerfell", + "oberarm", + "hinterarm", + "herzmuskel" + ], + "POLITICAL_PARTY": [ + "conservative_party", + "labor_party", + "partido_conservador", + "green_party", + "partidul_social_democrat", + "partidul_conservator", + "partit_laburista", + "maloche", + "republikanische_partei", + "labour_party", + "partij_van_de_arbeid", + "f\u00f3lkaflokkurin", + "nsdap", + "demokrat_parti", + "demokratische_partei", + "kommunistiska_partiet", + "labor", + "kuomintang", + "know_nothing_party", + "liberal_party", + "politische_partei", + "demokratisch_republikanische_partei", + "szoci\u00e1ldemokrata_p\u00e1rt", + "partido_progresista", + "strana_zelen\u00fdch", + "partido_popular", + "liberale_partei", + "linkspartei", + "partido_democr\u00e1tico", + "irish_labour_party", + "partido_socialista", + "sotsiaaldemokraatlik_erakond", + "anti_masonic_party", + "parti_socialiste", + "gartenparty", + "partido_progressista", + "milj\u00f6partiet_de_gr\u00f6na", + "partito_democratico", + "piratenpartei", + "socialist_party", + "kommunistische_partei", + "regierungspartei", + "javna\u00f0arflokkurin", + "agrarpartei", + "millennium_demokratische_partei", + "australian_labor_party", + "nationalsozialistische_deutsche_arbeiterpartei", + "opposition", + "socialistische_partij", + "nasionale_party", + "arbeiderpartiet", + "guomindang", + "volkspartei", + "parti_populaire", + "dimokratiko_komma", + "arbeiterpartei" + ], + "EVENT": [ + "totentanz", + "grosser_preis", + "golfkrieg", + "filmfestival", + "stabhochsprung", + "so_ist_das_leben", + "sing_sing", + "aufgepasst", + "grand_prix", + "aufstrebend", + "seeschlacht" + ], + "QUANTITY": [ + "beaufortskala", + "nicht_die_bohne", + "primfaktor", + "reibungskoeffizient", + "imagin\u00e4rteil", + "sterling", + "voltampere", + "bogensekunde", + "lichtstunde", + "radizieren", + "elektronenvolt", + "achtundsiebzig", + "kubikwurzel", + "kernladungszahl", + "shilling", + "tastschreiben", + "sechsundzwanzig", + "d_mark", + "schweizer_franken", + "kalorie", + "schilling", + "tone", + "zweiundzwanzig", + "ton", + "siebenundzwanzig", + "quadratmeile", + "dollar", + "riyal", + "quadratmeter", + "dreiundzwanzig", + "wirkungsquantum", + "parkautomat", + "\u00f6sterreichischer_schilling", + "verwahrstelle", + "achtundzwanzig", + "parkuhr", + "g", + "ordinalzahl", + "vierundzwanzig", + "parkhaus", + "zweistellig", + "einheitensystem", + "the_real_world", + "elektronvolt", + "trockenmass", + "rial", + "massenzahl", + "lichtsekunde", + "franc_guin\u00e9en", + "parkgarage", + "kn\u00f6llchen", + "quadratfuss", + "krone", + "dreiviertel", + "pound", + "stutz", + "drei_schwestern", + "dreiundneunzig", + "zehntausend", + "pond", + "dreidimensional", + "robotergesetze", + "neunundzwanzig", + "kettenbruch", + "quadratwurzel", + "ordinale", + "franz\u00f6sischer_franc", + "quecksilbers\u00e4ule", + "periodischer_bruch", + "betragsfunktion", + "hunderttausend", + "dezimalzahl", + "anders_celsius", + "strafzettel", + "lichtjahr", + "zeit_der_drei_reiche", + "weiher" + ], + "PERSON": [ + "doppelsieg", + "julius_caesar", + "a_i", + "al_gore", + "mount_hubbard", + "seleucus", + "h_g_wells", + "prinz_albert", + "a_k", + "la_grange", + "ei_ei", + "st_vincent", + "william_playfair", + "don_delillo", + "e_e_cummings", + "hans_meier", + "i_ging", + "ada_hannah_wright", + "tai_shan", + "al_am\u012bn", + "de_witt", + "min_dong", + "george_v", + "zum_beiderseitigen_vorteil", + "t_bone_steak", + "peter_dawson", + "peter_brook", + "carl_david_anderson", + "gaius_julius_caesar", + "ich_auch", + "jo_jo", + "maxwell_anderson", + "a_b", + "dominikus", + "yo_yo", + "rudolf_hess", + "dr_watson" + ], + "GENDER": [ + "miss", + "herrin", + "mademoiselle", + "m\u00e4nnlein", + "girl", + "gentleman", + "deern", + "men", + "transgeschlechtlich", + "bursche", + "chap", + "weibchen", + "dame", + "bub", + "boy", + "male", + "boys", + "guido", + "m\u00e4nner", + "greisin", + "maid", + "samica", + "der_mann", + "tribade", + "transgender", + "matrone", + "lass", + "man", + "matz", + "alte_frau", + "gal", + "maiden", + "lady", + "herrschaften" + ], + "POLITICAL_PARTY_MEMBER": [ + "kommunistin", + "kommunist", + "fabisch", + "genosse", + "menschewik", + "fabian" + ], + "MEDICAL_THERAPY": [ + "quacksalberprodukt", + "hirndruck", + "blutdruck" + ], + "UNION": [ + "gefangenengewerkschaft", + "international_telecommunication_union", + "weltpostverein", + "polizeigewerkschaft", + "nea", + "gewerkschaft", + "studierendenvertretung", + "internationale_fernmeldeunion" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "mareen", + "heidelinde", + "babette", + "aysel", + "meret", + "kata", + "k\u00e4thi", + "zoe", + "luisa", + "claudine", + "raffaela", + "katerina", + "grete", + "roswitha", + "sevim", + "cheyenne", + "melisa", + "ga\u00eblle", + "edelgard", + "helene", + "birthe", + "song\u00fcl", + "anne", + "karine", + "eva", + "wendy", + "evi", + "jasmina", + "emilija", + "line", + "alexia", + "iwona", + "cassandra", + "marie_th\u00e9r\u00e8se", + "annelore", + "selma", + "laure", + "marinette", + "annabella", + "annika", + "britt", + "juna", + "valerie", + "luciana", + "rosa_maria", + "elsbeth", + "gladys", + "anne_katrin", + "selina", + "slavica", + "anne_laure", + "debora", + "elisabet", + "walburga", + "katharine", + "jolanthe", + "assunta", + "hulda", + "henni", + "anni", + "inna", + "therese", + "ingried", + "alice", + "annalena", + "karla", + "freia", + "s\u00e9verine", + "patr\u00edcia", + "sinaida", + "berit", + "norah", + "flavia", + "sibylla", + "karolina", + "suse", + "michaele", + "betti", + "madeleine", + "fatime", + "celine", + "rose_marie", + "heidelore", + "natalie", + "albertine", + "lieschen", + "kirstin", + "renate", + "amalie", + "c\u00e1tia", + "zdenka", + "milka", + "lili", + "giovanna", + "annerose", + "geza", + "olga", + "salome", + "carin", + "danielle", + "emina", + "raissa", + "traute", + "ricarda", + "rosalie", + "lilian", + "norina", + "romana", + "elisa", + "svea", + "d\u00f6rthe", + "beatrix", + "ludmila", + "cl\u00e4re", + "rosalba", + "helmtrud", + "catherine", + "laura", + "miroslawa", + "cristina", + "layla", + "gerdi", + "rabea", + "mechthilde", + "magarete", + "violetta", + "nika", + "theda", + "elo\u00efse", + "lana", + "georgette", + "vivian", + "genoveva", + "monika", + "mireille", + "magdalene", + "ingeburg", + "henri", + "mariana", + "ivonne", + "ilona", + "eda", + "andjelina", + "antonie", + "katarzyna", + "sarina", + "damaris", + "walentina", + "resi", + "luitgard", + "sylviane", + "oda", + "flurina", + "sina", + "morena", + "loretta", + "ylenia", + "luka", + "halina", + "uschi", + "dina", + "ronja", + "mirjam", + "katharina", + "minna", + "samira", + "lotti", + "violette", + "nikola", + "seline", + "soraya", + "magdalena", + "trudi", + "frida", + "aur\u00e9lie", + "luzie", + "valeska", + "annie", + "karoline", + "irmtraud", + "leyla", + "eugenie", + "no\u00ebmi", + "lucia", + "ortrud", + "ardita", + "eileen", + "gertrud", + "andjela", + "melek", + "lise", + "monica", + "maryse", + "sara", + "evelin", + "uta", + "aynur", + "gisela", + "c\u00e9line", + "gilda", + "luise", + "senta", + "antonietta", + "huguette", + "fatmire", + "vilma", + "nisa", + "mandy", + "zoey", + "wera", + "tabea", + "michela", + "jasmin", + "inge", + "anna", + "betina", + "raymonde", + "lene", + "asta", + "frederike", + "adele", + "lya", + "marlyse", + "vania", + "ewa", + "nathalie", + "esra", + "maria_theresia", + "hanny", + "emmy", + "heide_marie", + "celina", + "malin", + "bianca", + "natalja", + "lioba", + "ursula", + "ellinor", + "ester", + "maya", + "jenny", + "cynthia", + "johanna", + "liliana", + "britta", + "marcella", + "marie_louise", + "\u00f6zlem", + "olav", + "susann", + "ema", + "rosi", + "claire", + "henriette", + "natalia", + "anett", + "theresia", + "marie_luise", + "tamara", + "irmtraut", + "annegret", + "anka", + "edit", + "margaux", + "marie_laure", + "kalina", + "annelies", + "radmila", + "margita", + "lilo", + "sybilla", + "sheila", + "joana", + "nancy", + "ekaterina", + "giuliana", + "monique", + "sylvie", + "henrike", + "audrey", + "danica", + "saskia", + "adelinde", + "danuta", + "alena", + "mihaela", + "lotta", + "marliese", + "valeri", + "sibylle", + "annamaria", + "maryam", + "meike", + "larissa", + "katherina", + "marie", + "felicia", + "h\u00fclya", + "melinda", + "margaritha", + "kristina", + "tanya", + "stilla", + "irmela", + "wanda", + "irena", + "marie_theres", + "nicole", + "naomi", + "almut", + "grit", + "loni", + "enya", + "g\u00e9raldine", + "francine", + "rosl", + "veronique", + "sena", + "cinzia", + "gertraut", + "constanze", + "linnea", + "lucienne", + "ilaria", + "herlinde", + "lore", + "christl", + "heidi", + "anneke", + "ingelore", + "lena", + "marcela", + "emanuela", + "paulette", + "nora", + "dorina", + "eleni", + "andreia", + "ang\u00e9lique", + "marielle", + "martine", + "hedy", + "mariette", + "hilda", + "teresa", + "ursel", + "elisabete", + "stefania", + "marie_sophie", + "trude", + "annelene", + "oc\u00e9ane", + "leandra", + "xenia", + "reni", + "shpresa", + "edda", + "lidwina", + "marie_therese", + "\u00e4nne", + "carmela", + "cindy", + "telse", + "yvonne", + "gudula", + "birgitta", + "zehra", + "s\u00f3nia", + "madlen", + "giada", + "loredana", + "edith", + "ines", + "margarethe", + "agathe", + "herta", + "adeline", + "solveig", + "bettina", + "stephanie", + "polina", + "gertraud", + "mila", + "priska", + "hannah", + "marine", + "anny", + "antonia", + "arzu", + "kreszentia", + "yolande", + "fran\u00e7oise", + "ylvie", + "dorothee", + "lynn", + "yael", + "hertha", + "elisabetha", + "catharina", + "lea_sophie", + "jadwiga", + "sandra", + "hildburg", + "philomena", + "jara", + "inka", + "annelise", + "christelle", + "monja", + "desir\u00e9e", + "silvana", + "kriemhild", + "moira", + "gaia", + "leonor", + "margitta", + "bluette", + "virginia", + "sanja", + "elvira", + "liesel", + "albulena", + "marina", + "noelia", + "friedl", + "cosima", + "leonie", + "adolfine", + "shania", + "catarina", + "mina", + "siegrun", + "yolanda", + "melina", + "juliana", + "leoni", + "rosaria", + "valentine", + "michelle", + "luigia", + "daisy", + "erika", + "thi", + "vjollca", + "v\u00e9ronique", + "gloria", + "maritta", + "lidija", + "fatma", + "concetta", + "donatella", + "babett", + "ada", + "kiara", + "elda", + "daria", + "oxana", + "kl\u00e4re", + "jacqueline", + "claude", + "friederike", + "edona", + "sigrun", + "snezana", + "marie_jos\u00e9", + "mareike", + "ramona", + "sandrine", + "marion", + "bernhardine", + "solange", + "zeynep", + "kathi", + "mirja", + "cordula", + "krystyna", + "gabi", + "susan", + "nicola", + "astrid", + "frauke", + "carina", + "sonia", + "medina", + "no\u00eblle", + "peggy", + "annina", + "stella", + "alexandra", + "miranda", + "swetlana", + "romina", + "simona", + "liselotte", + "yasmine", + "mathilde", + "daniela", + "shqipe", + "germaine", + "annabell", + "martina", + "lilly", + "suzana", + "teuta", + "noemi", + "annalisa", + "ute", + "alix", + "gerta", + "carmine", + "hilma", + "norma", + "katja", + "irmhild", + "kunigunda", + "ingetraut", + "pierrette", + "amalia", + "ana\u00efs", + "anika", + "beate", + "sylvana", + "jasmine", + "fernanda", + "zofia", + "mariele", + "sophia", + "amina", + "deborah", + "gabriela", + "leona", + "tania", + "elisabeth", + "wilhelmine", + "viviana", + "annedore", + "lidia", + "jocelyne", + "jo", + "gislinde", + "gaby", + "floriane", + "margherita", + "elena", + "giesela", + "marilena", + "raphaela", + "margaret", + "annekatrin", + "mariechen", + "sabine", + "marianna", + "steffi", + "alyssa", + "lorena", + "sibel", + "federica", + "julijana", + "ariana", + "anne_lise", + "josiane", + "marlen", + "no\u00e9mie", + "k\u00e4te", + "tiffany", + "am\u00e9lie", + "branka", + "josefina", + "annegrete", + "ulla", + "nadia", + "bukurije", + "aneta", + "b\u00e4rbel", + "antonina", + "irmengard", + "else", + "annemarie", + "tiziana", + "kreszenz", + "mareile", + "juliane", + "sahra", + "edina", + "mirella", + "nadin", + "kelly", + "siegried", + "olivia", + "marie_christine", + "hildegunde", + "sibille", + "ayse", + "katalin", + "kirsten", + "rosemarie", + "virginie", + "alessia", + "verena", + "bruna", + "c\u00e9cile", + "imelda", + "ivanka", + "annamarie", + "janette", + "sybille", + "nelli", + "micheline", + "amelie", + "hanna", + "rahel", + "ruth", + "in\u00eas", + "swantje", + "philippa", + "alisha", + "ludivine", + "annalise", + "helen", + "eleonora", + "kathleen", + "diane", + "ganimete", + "silvia", + "hava", + "antje", + "sarah", + "mechthild", + "theresa", + "malika", + "edeltraut", + "sigrid", + "lindita", + "natascha", + "manon", + "camille", + "florentine", + "marl\u00e8ne", + "edeltraud", + "emma", + "eveline", + "eva_maria", + "g\u00f6n\u00fcl", + "traudel", + "nadine", + "nevenka", + "cristiana", + "margarita", + "kaltrina", + "maike", + "fabiola", + "herma", + "emilia", + "luana", + "serpil", + "gundel", + "martha", + "brit", + "ildiko", + "hanne_lore", + "rafaela", + "irmgard", + "emely", + "cilli", + "gretel", + "stefanie", + "elma", + "magali", + "annita", + "marika", + "meta", + "paulina", + "emine", + "aline", + "lisa_marie", + "carlotta", + "pia", + "teodora", + "sofie", + "alison", + "kornelia", + "tatjana", + "wilfriede", + "filiz", + "semra", + "eliza", + "ir\u00e8ne", + "dominique", + "marjorie", + "ingeborg", + "timea", + "jeannine", + "katrin", + "susanna", + "hiltraud", + "leticia", + "rose", + "fabiana", + "brigitte", + "genevi\u00e8ve", + "lilija", + "kunigunde", + "roberta", + "krista", + "hilde", + "ljudmila", + "agnes", + "marieluise", + "eva_marie", + "donata", + "eline", + "hatice", + "isabel", + "h\u00e9l\u00e8ne", + "d\u00f6rte", + "alisa", + "romy", + "laureen", + "hedda", + "adrienne", + "merita", + "liesbeth", + "luzia", + "jane", + "roswita", + "odette", + "hana", + "johanne", + "maja", + "amanda", + "aferdita", + "arlinda", + "melissa", + "amira", + "flora", + "ulrike", + "henny", + "harriet", + "gretchen", + "beata", + "bernadette", + "dora", + "anica", + "urte", + "marie_claude", + "hiltrud", + "aylin", + "pauline", + "rosita", + "insa", + "karen", + "marie_jeanne", + "romane", + "evangelia", + "grazia", + "mirela", + "beatrice", + "c\u00e9lia", + "anabela", + "irina", + "jutta", + "carole", + "wencke", + "ljubica", + "nikolina", + "silke", + "gundula", + "priscilla", + "gioia", + "natasha", + "janet", + "esma", + "anke", + "inga", + "thea", + "milena", + "margot", + "birte", + "leila", + "magret", + "maria", + "lavinia", + "reinhilde", + "adelheid", + "janna", + "dolores", + "chantal", + "ghislaine", + "nad\u00e8ge", + "marissa", + "siena", + "ladina", + "nela", + "justina", + "ingrid", + "margreth", + "helena", + "natali", + "anisa", + "isolde", + "emilie", + "aurora", + "josefa", + "nicoletta", + "lisbeth", + "fanny", + "charline", + "carine", + "corina", + "sofija", + "petra", + "nuran", + "ottilia", + "andrea", + "birgitt", + "yasmin", + "mara", + "maeva", + "zuzana", + "nina", + "sieglinde", + "klothilde", + "julia", + "traude", + "catia", + "sanije", + "tanja", + "caroline", + "fabia", + "rotraud", + "anne_kathrin", + "carola", + "leana", + "letizia", + "magda", + "fiona", + "irma", + "gesa", + "sol\u00e8ne", + "christiana", + "lotte", + "anne_marie", + "annaliese", + "waldtraut", + "azra", + "waltrud", + "gilberte", + "lydie", + "evamaria", + "anna_lena", + "brita", + "patricia", + "sibilla", + "samantha", + "mia", + "mariella", + "elif", + "malena", + "clarissa", + "iva", + "katia", + "anastasia", + "belinda", + "anabella", + "conny", + "mathilda", + "grazyna", + "camilla", + "cora", + "vanesa", + "lea", + "corine", + "irmi", + "mirjana", + "vesna", + "egzona", + "tessa", + "t\u00fclay", + "francesca", + "marjan", + "sophie", + "gitta", + "muriel", + "hedi", + "mimoza", + "andrina", + "hermine", + "marguerite", + "mariangela", + "leonore", + "jennifer", + "manja", + "maude", + "gerti", + "theodora", + "kathy", + "lisa", + "lou", + "jana", + "jill", + "wiltrud", + "lily", + "kordula", + "cathleen", + "romaine", + "christin", + "amandine", + "julie", + "myriam", + "nadeshda", + "marisa", + "benita", + "st\u00e9phanie", + "anneliese", + "nele", + "morgane", + "ella", + "alwina", + "walli", + "viktoria", + "ann_kathrin", + "magrit", + "jolanta", + "margret", + "melita", + "rita", + "alara", + "ava", + "leonora", + "khadija", + "val\u00e9rie", + "edeltrud", + "vincenza", + "delia", + "violeta", + "ursina", + "marianne", + "ivana", + "bozena", + "gianna", + "d\u00e9borah", + "olena", + "katherine", + "francoise", + "francisca", + "anja", + "florence", + "salom\u00e9", + "agata", + "gunda", + "dorothe", + "vera", + "elisabetta", + "christina", + "annabelle", + "sofia", + "myrta", + "centa", + "tenzin", + "undine", + "maida", + "leopoldine", + "lissy", + "fadime", + "bertha", + "nives", + "marica", + "natacha", + "hanne", + "dunja", + "helma", + "angelika", + "rosmarie", + "regula", + "corinna", + "anneli", + "wiebke", + "janin", + "lucie", + "rana", + "wenke", + "jaqueline", + "ilka", + "liesa", + "janett", + "elfi", + "georgia", + "viola", + "ariane", + "sabina", + "ren\u00e9e", + "b\u00e9atrice", + "lilia", + "agn\u00e8s", + "rosina", + "marleen", + "tilly", + "fitore", + "gis\u00e8le", + "carla", + "tatiana", + "elwira", + "silva", + "rosa", + "filipa", + "angela", + "eugenia", + "lydia", + "adelina", + "kyra", + "susi", + "chiara", + "linda", + "carmen", + "ina", + "dagmar", + "meral", + "laurence", + "nada", + "emmanuelle", + "jos\u00e9phine", + "caterina", + "heiderose", + "margrit", + "elsa", + "elly", + "m\u00e9gane", + "zora", + "lucy", + "doreen", + "pamela", + "agnieszka", + "sanela", + "heidrun", + "liane", + "friedericke", + "irene", + "rosalinde", + "waltraud", + "joelle", + "hannelore", + "ginette", + "kathrin", + "angelique", + "rayana", + "ajna", + "judith", + "iris", + "alea", + "dani\u00e8le", + "ortrun", + "veronika", + "freya", + "heidemarie", + "maddalena", + "tara", + "alma", + "liridona", + "susana", + "domenica", + "thekla", + "grace", + "anna_marie", + "jovana", + "yara", + "theres", + "siegrid", + "emily", + "zorica", + "jessika", + "gitte", + "marita", + "leontina", + "florentina", + "rosetta", + "isa", + "elise", + "heide", + "natasa", + "greta", + "gisa", + "margit", + "siglinde", + "betty", + "maryline", + "zenta", + "sandy", + "kerstin", + "k\u00e4the", + "leslie", + "diana", + "ornella", + "raquel", + "celia", + "etta", + "wally", + "irmtrud", + "lisette", + "vreneli", + "annemie", + "anita", + "juana", + "sladjana", + "annick", + "aurelia", + "friedhilde", + "th\u00e9r\u00e8se", + "jeannette", + "doris", + "urszula", + "barbara", + "fabienne", + "simone", + "sophie_marie", + "derya", + "jeanette", + "lejla", + "aurore", + "mechtild", + "claudia", + "vivienne", + "alicja", + "t\u00fcrkan", + "lilli", + "matilde", + "dilara", + "dietlinde", + "ja\u00ebl", + "blanka", + "hannchen", + "laila", + "augusta", + "eve", + "ronya", + "konstanze", + "elin", + "gertraude", + "ellie", + "suzanne", + "arianna", + "raisa", + "regine", + "renata", + "louise", + "eliana", + "carol", + "clara", + "amela", + "dorit", + "ayla", + "erna", + "stefani", + "erina", + "vivien", + "elona", + "wibke", + "mercedes", + "pierina", + "t\u00e2nia", + "cornelia", + "nadeschda", + "ludwina", + "karin", + "dana", + "alida", + "valentina", + "melitta", + "isabell", + "g\u00fclten", + "milica", + "franziska", + "salma", + "ingetraud", + "annette", + "giulia", + "leni", + "desiree", + "liana", + "janine", + "brigitta", + "gerhild", + "adriane", + "aida", + "jelena", + "cl\u00e9mence", + "drita", + "margrith", + "nurten", + "tea", + "karolin", + "mar\u00eda", + "antoinette", + "selena", + "meryem", + "zita", + "margarete", + "mira", + "anna_luise", + "charlotte", + "gabrielle", + "giuseppina", + "josette", + "esther", + "anina", + "vanessa", + "oph\u00e9lie", + "gabriele", + "nadja", + "erica", + "elzbieta", + "gertrude", + "ana", + "josephine", + "alla", + "sonja", + "agatha", + "michaela", + "chlo\u00e9", + "rebekka", + "alexa", + "arlette", + "justine", + "zara", + "yvette", + "mariam", + "christine", + "d\u00e9sir\u00e9e", + "ellen", + "birgid", + "corinne", + "selin", + "danijela", + "blerta", + "marijana", + "georgine", + "blerina", + "l\u00e9onie", + "sereina", + "joanne", + "elke", + "iryna", + "c\u00e4cilia", + "elodie", + "aude", + "besarta", + "ludmilla", + "luna", + "paula", + "marlise", + "juliette", + "alicia", + "franca", + "elizabeth", + "colette", + "marija", + "klaudia", + "svenja", + "christel", + "lara", + "marlene", + "dorota", + "anne_sophie", + "albina", + "mich\u00e8le", + "jael", + "mirlinda", + "aleksandra", + "alwine", + "rebecca", + "elfriede", + "dajana", + "ayten", + "lorenza", + "gusti", + "editha", + "ela", + "luljeta", + "lola", + "dorothea", + "birgit", + "ajla", + "klara", + "angelica", + "claire_lise", + "coralie", + "victoria", + "berthe", + "joyce", + "rachel", + "laetitia", + "marga", + "l\u00e9a", + "ernestine", + "gudrun", + "bruni", + "waltraut", + "susanne", + "anette", + "leokadia", + "christiane", + "dietlind", + "nuray", + "denise", + "jil", + "vittoria", + "ilonka", + "reinhild", + "marcia", + "mariola", + "samanta", + "hildegart", + "annett", + "in\u00e8s", + "heidy", + "rena", + "aloisia", + "christa_maria", + "marcelle", + "margarida", + "matilda", + "felizitas", + "isabelle", + "mary", + "marta", + "reingard", + "kristiane", + "nikita", + "constance", + "ruzica", + "antonella", + "notburga", + "liliane", + "apollonia", + "janina", + "amra", + "prisca", + "nelly", + "serena", + "adriana", + "c\u00e4cilie", + "marzena", + "viviane", + "fr\u00e9d\u00e9rique", + "sylke", + "g\u00fclay", + "melanie", + "brunhilde", + "aenne", + "noa", + "gemma", + "graziella", + "auguste", + "gabriella", + "inken", + "giorgia", + "evelyn", + "almuth", + "ria", + "nuria", + "hildegund", + "amy", + "roselinde", + "hanife", + "berta", + "jade", + "murielle", + "sylvia", + "gerda", + "roxane", + "ilse", + "jo\u00eblle", + "alba", + "sabrina", + "carolin", + "dragica", + "imke", + "friedlinde", + "m\u00e9lissa", + "felicitas", + "gina", + "dalia", + "marie_claire", + "cilly", + "heike", + "cathrin", + "bianka", + "kati", + "galina", + "marlies", + "ira", + "wilma", + "patrizia", + "yasemin", + "el\u00e9onore", + "malea", + "catrin", + "vlora", + "carolina", + "christa", + "lauriane", + "geraldine", + "gesche", + "wendelin", + "ruthild", + "lara_sophie", + "rosanna", + "zo\u00e9", + "l\u00e9na", + "hubertine", + "josefine", + "frieda", + "jeanne", + "gretl", + "amelia", + "ljiljana", + "ottilie", + "jolanda", + "joy", + "evelyne", + "lia", + "joanna", + "gunhild", + "lieselotte", + "elina", + "lora", + "traudl", + "mona", + "marietta", + "ma\u00eblle", + "marlis", + "rina", + "kira", + "dijana", + "rotraut", + "marthe", + "yasmina", + "regina", + "ilenia", + "jeanine", + "elea", + "hildegard", + "eleonore", + "rosel", + "tina", + "gesine", + "lina", + "berra", + "estelle", + "g\u00fclsen", + "caren", + "andr\u00e9e", + "ehrentraud", + "m\u00e9lanie", + "brunhild", + "asia", + "giuseppa", + "trudel", + "ann", + "paola", + "dorle", + "delphine", + "hella", + "cl\u00e1udia", + "gerlind", + "zahra", + "alessandra", + "erdmute", + "silja", + "kristin", + "dragana", + "dafina", + "helga", + "maren", + "hedwig", + "seraina", + "aisha", + "gundi", + "katarina", + "veronica", + "maud", + "raffaella", + "alina", + "karola", + "kim", + "l\u00e9ane", + "manuela", + "beatriz", + "malgorzata", + "karina", + "emmi", + "agnese", + "irmingard", + "elli", + "liv", + "biljana", + "adelgunde", + "marie_france", + "katy", + "nermin", + "rosalia", + "pascale", + "elfie", + "ida", + "fatima", + "anne_rose", + "anna_maria", + "franka", + "margaretha", + "jessica", + "canan", + "angelina", + "leah", + "elenore", + "myrtha", + "kristine", + "adina", + "margareta", + "lucette", + "alissa", + "sharon", + "tuana", + "gordana", + "annelie", + "marit", + "natalija", + "isabella", + "louisa", + "livia", + "valeria", + "gerlinde", + "odile", + "maria_luise", + "cecilia", + "korinna", + "sylwia", + "miriam", + "luz", + "anouk", + "svetlana", + "lissi", + "filomena", + "eliane", + "fernande", + "arta" + ], + "FIRST_NAME_MALE": [ + "sigmund", + "justin", + "fynn", + "pasquale", + "bayram", + "ivo", + "hans_walter", + "biagio", + "slavko", + "niko", + "nicolas", + "andrzej", + "emmanuel", + "gotthard", + "erol", + "dittmar", + "ueli", + "aldo", + "florian", + "ilhan", + "nathan", + "henry", + "yanik", + "ditmar", + "adelbert", + "elvis", + "fisnik", + "almir", + "knud", + "s\u00f6nke", + "claus_peter", + "mohammad", + "claudius", + "sigfried", + "achim", + "gerhart", + "petros", + "raul", + "german", + "jonah", + "ottokar", + "ingbert", + "adam", + "andy", + "burkard", + "domenic", + "omer", + "denny", + "sylvio", + "hasan", + "hansj\u00fcrg", + "werner", + "reinhard", + "alberto", + "donato", + "hans_ulrich", + "karl_heinrich", + "stefan", + "jasper", + "matti", + "gabor", + "domingos", + "frank", + "melchior", + "sam", + "gunther", + "sigmar", + "eberhard", + "luzius", + "moreno", + "folker", + "abdullah", + "mika", + "rui", + "vittorio", + "calvin", + "jo\u00ebl", + "hans_rainer", + "reinald", + "dennis", + "hansj\u00fcrgen", + "caspar", + "harro", + "safet", + "jonathan", + "hassan", + "kazim", + "heinz_joachim", + "carlo", + "zeljko", + "ensar", + "davide", + "hans_detlef", + "donald", + "bernhard", + "hans_uwe", + "augusto", + "aleksandar", + "thorben", + "ilias", + "umut", + "josip", + "elyas", + "claudio", + "noel", + "ennio", + "tassilo", + "emre", + "horst", + "ron", + "george", + "eckhardt", + "eckhard", + "ivano", + "ferenc", + "louis", + "eckart", + "engelbert", + "ilir", + "aleksej", + "sinan", + "abbas", + "basil", + "bj\u00f6rn", + "deniz", + "henri", + "paolo", + "freddy", + "ekrem", + "selim", + "hans_gerd", + "guntram", + "ali", + "hans_bernd", + "tony", + "luciano", + "juri", + "kushtrim", + "mahmut", + "mohamad", + "pierre", + "luka", + "valentino", + "heini", + "mauro", + "waldemar", + "beat", + "raimund", + "dorian", + "gerd", + "rinor", + "nikola", + "folkert", + "fran\u00e7ois", + "filip", + "laurent", + "raffael", + "hanno", + "malte", + "tom\u00e1s", + "norbert", + "julien", + "altin", + "cornelius", + "stanislaus", + "nicholas", + "silvester", + "bujar", + "samir", + "silvio", + "lennart", + "mattia", + "thoralf", + "toralf", + "no\u00ebl", + "mehmet", + "janusz", + "andrey", + "mathieu", + "roger", + "cemil", + "czeslaw", + "rigo", + "leart", + "alois", + "attila", + "hans_j", + "guido", + "branislav", + "marino", + "felix", + "jaroslav", + "pius", + "roberto", + "josef", + "cedric", + "dariusz", + "maurin", + "jasmin", + "ian", + "slavisa", + "hans_h", + "jason", + "reinhardt", + "hugo", + "kunibert", + "natan", + "gianni", + "karl_ernst", + "claus", + "sadik", + "franz_peter", + "stefano", + "denis", + "etienne", + "paulo", + "agim", + "lars", + "jack", + "merlin", + "hans_heinrich", + "lothar", + "jusuf", + "eren", + "yilmaz", + "tino", + "gordon", + "philip", + "armend", + "oskar", + "thorsten", + "diether", + "justus", + "cord", + "herrmann", + "adolf", + "ansgar", + "r\u00fcdiger", + "besart", + "quentin", + "mathias", + "faton", + "harold", + "slawomir", + "ehrenfried", + "astrit", + "hans_jochen", + "karl_ludwig", + "nikolai", + "milos", + "aaron", + "ivan", + "kay", + "rainer", + "andri", + "karl_georg", + "damien", + "nevio", + "ma\u00ebl", + "hermann", + "joao", + "amir", + "arnim", + "santiago", + "kian", + "fabrizio", + "otmar", + "diethelm", + "zbigniew", + "piero", + "andrew", + "s\u00fcleyman", + "anselm", + "helmar", + "nick", + "reiner", + "meinolf", + "erdogan", + "bekir", + "alvaro", + "aribert", + "kai_uwe", + "dario", + "arlind", + "niklas", + "armando", + "loris", + "jannik", + "friedemann", + "marten", + "rochus", + "giancarlo", + "leonid", + "carlos", + "hans_j\u00fcrgen", + "geert", + "stanislaw", + "ruben", + "karl_wilhelm", + "h._dieter", + "albin", + "fritz", + "aziz", + "moritz", + "dogan", + "yasin", + "leander", + "meinrad", + "dejan", + "heinz_g\u00fcnter", + "markus", + "nenad", + "aleksandr", + "sylvester", + "ole", + "paul_heinz", + "gerhard", + "theobald", + "hartmuth", + "gerfried", + "umberto", + "musa", + "cemal", + "julio", + "juan", + "imer", + "j\u00f6rg_peter", + "karl_dieter", + "jerome", + "heinz_j\u00fcrgen", + "heinz_peter", + "baldur", + "wilhelm", + "otfried", + "faruk", + "damir", + "robert", + "engin", + "g\u00f6khan", + "mikhail", + "jochem", + "romeo", + "dean", + "arben", + "harri", + "bastian", + "danny", + "christopher", + "marvin", + "laurin", + "andrei", + "erich", + "raymond", + "volkan", + "ottmar", + "luca", + "thierry", + "kilian", + "adalbert", + "leonhard", + "benjamin", + "branko", + "hellmut", + "rinaldo", + "dardan", + "ingmar", + "emanuele", + "romano", + "valon", + "horst_peter", + "florin", + "guenter", + "nurettin", + "horst_g\u00fcnter", + "vitor", + "alessio", + "dietmar", + "harm", + "philipp", + "beda", + "bodo", + "janis", + "kornelius", + "lorik", + "wolf", + "vincent", + "carmelo", + "fredo", + "jean", + "hans_willi", + "lorenzo", + "gereon", + "slobodan", + "gerard", + "tommaso", + "yanick", + "ekkehart", + "holm", + "udo", + "renato", + "gil", + "jean_claude", + "gert", + "siegward", + "theo", + "tilmann", + "marius", + "philippe", + "gisbert", + "ljubisa", + "hinrich", + "hamza", + "yannis", + "fitim", + "friedhelm", + "alejandro", + "alen", + "jobst", + "mile", + "raphael", + "frithjof", + "adriano", + "saban", + "severin", + "alfred", + "jos\u00e9", + "falk", + "karl_josef", + "rudi", + "ullrich", + "ada", + "hans_werner", + "ralf_dieter", + "marijan", + "pablo", + "benedikt", + "can", + "gernot", + "lian", + "jo\u00e3o", + "reto", + "claude", + "rico", + "vinzenz", + "j\u00fcrg", + "ren\u00e9", + "heinz_wilhelm", + "lucio", + "nicola", + "muhamed", + "klaus_d", + "kenan", + "siegfried", + "marc", + "salih", + "hans_friedrich", + "falko", + "heinz", + "mats", + "remzi", + "georg", + "mathis", + "levi", + "bert", + "petar", + "cosimo", + "friedo", + "toni", + "winfried", + "leszek", + "flurin", + "klaus_j\u00fcrgen", + "fabian", + "marcel", + "alex", + "emin", + "hans_wilhelm", + "kerim", + "oliver", + "john", + "j\u00f6rg", + "apostolos", + "marlon", + "hanns", + "tillmann", + "gero", + "julian", + "joshua", + "carmine", + "federico", + "aron", + "heinz_georg", + "hansjoachim", + "augustin", + "wieslaw", + "heinz_willi", + "felice", + "hans_gerhard", + "hanspeter", + "siegmar", + "bernd", + "lu\u00eds", + "abdul", + "finn", + "pietro", + "franz_josef", + "sasa", + "vito", + "eckhart", + "viktor", + "gerwin", + "r\u00e9my", + "sebastian", + "karlheinz", + "ardian", + "benno", + "jost", + "gunnar", + "jaime", + "liam", + "angel", + "rudolf", + "mirsad", + "miro", + "egzon", + "gianfranco", + "rodrigo", + "g\u00fcnter", + "tarik", + "xavier", + "jerzy", + "tomas", + "marcin", + "hanni", + "jacques", + "driton", + "wulf", + "p\u00e9ter", + "mehdi", + "diedrich", + "michael", + "eberhardt", + "rodolfo", + "friedrich", + "traugott", + "karl_heinz", + "anthony", + "luigi", + "lambert", + "j\u00fcrgen", + "damian", + "s\u00f6ren", + "wolfgang", + "ercan", + "vassilios", + "lio", + "patric", + "hans_j\u00f6rg", + "constantin", + "bojan", + "ludwig", + "bertram", + "albrecht", + "pero", + "gazmend", + "andreas", + "reza", + "ferdi", + "gerardo", + "admir", + "endrit", + "mihajlo", + "harun", + "ernesto", + "hussein", + "andree", + "enrique", + "eckard", + "recep", + "rupert", + "fr\u00e9d\u00e9ric", + "onur", + "henner", + "patrice", + "giulio", + "arndt", + "goran", + "christophe", + "silas", + "rayan", + "dagobert", + "nemanja", + "rene", + "aurel", + "nevin", + "steven", + "ledion", + "hans_dieter", + "nikolaj", + "ruedi", + "miroslav", + "kasimir", + "lirim", + "balz", + "josua", + "nuno", + "rolf_peter", + "mergim", + "nikolaos", + "dietrich", + "sandor", + "cyrill", + "siegmund", + "sean", + "tilman", + "erik", + "ahmed", + "reimund", + "morris", + "ekkehard", + "ajan", + "samuele", + "joaquim", + "helmut", + "giuseppe", + "l\u00e1szl\u00f3", + "artur", + "theodor", + "sascha", + "emir", + "danilo", + "j\u00e9r\u00f4me", + "hakan", + "wolf_r\u00fcdiger", + "rolf_dieter", + "khaled", + "thilo", + "zenon", + "ignatz", + "maik", + "csaba", + "niclas", + "zdravko", + "filipe", + "maurizio", + "jeffrey", + "dalibor", + "ralph", + "kristian", + "magnus", + "dominique", + "nicolaus", + "thiago", + "gianluca", + "othmar", + "sergei", + "yannic", + "guiseppe", + "hans_g\u00fcnter", + "swen", + "elias", + "celal", + "vadim", + "jean_marc", + "hans_michael", + "erhard", + "carsten", + "aldin", + "carl_heinz", + "hans_karl", + "besnik", + "urban", + "christoph", + "gundolf", + "jaron", + "friedrich_wilhelm", + "marcus", + "roderich", + "reimar", + "william", + "oswald", + "gotthilf", + "karl_j\u00fcrgen", + "klaus_michael", + "marcos", + "agron", + "mirco", + "zoltan", + "enno", + "renzo", + "hans_dietrich", + "andr\u00e9", + "ernst", + "samuel", + "muhammad", + "rexhep", + "august", + "yvan", + "hansueli", + "nikolas", + "kujtim", + "arnfried", + "ortwin", + "tahir", + "valerij", + "hendrik", + "gilbert", + "j\u00f6rgen", + "dylan", + "siro", + "edmond", + "francis", + "albert", + "antonius", + "bruno", + "valerio", + "milorad", + "petr", + "erhardt", + "maxim", + "karlfried", + "volkhard", + "klaus_werner", + "luis", + "yves", + "angelo", + "niels", + "senol", + "ismael", + "hartmut", + "edwin", + "eugenio", + "helmuth", + "alfons", + "blerim", + "abel", + "franjo", + "zsolt", + "hans_d", + "raik", + "heinz_werner", + "burckhard", + "vlado", + "lorenz", + "ismail", + "imre", + "gerolf", + "alexej", + "jan_peter", + "jesus", + "edon", + "ramiz", + "james", + "raffaele", + "edmund", + "kastriot", + "vitus", + "haris", + "bernard", + "hans_adolf", + "silvano", + "yann", + "andrea", + "burak", + "jan", + "klaas", + "til", + "juergen", + "ehrhard", + "alwin", + "gani", + "yannik", + "sebastiano", + "naser", + "raoul", + "karim", + "avni", + "lo\u00efc", + "zlatko", + "jens_peter", + "sami", + "nico", + "mato", + "emilio", + "andrin", + "simon", + "tristan", + "mischa", + "hellmuth", + "klemens", + "andre", + "mohammed", + "michail", + "fredi", + "birger", + "jeremias", + "gzim", + "wolf_dieter", + "erdal", + "olaf", + "herwig", + "henryk", + "orlando", + "idriz", + "hans_rudolf", + "siegbert", + "timon", + "enver", + "janus", + "christos", + "dusan", + "matthew", + "hans_wolfgang", + "franz", + "volkmar", + "peer", + "willibert", + "francisco", + "stephan", + "nelio", + "noah", + "heribert", + "bryan", + "daniel", + "marjan", + "heino", + "hagen", + "miodrag", + "bajram", + "alf", + "diar", + "miguel", + "knut", + "ladislaus", + "gunter", + "gottfried", + "wieland", + "pedro", + "hardy", + "rapha\u00ebl", + "jules", + "miran", + "hans", + "herbert", + "dominik", + "ernst_dieter", + "riccardo", + "egon", + "leopold", + "julius", + "jiri", + "amar", + "axel", + "mario", + "roland", + "florent", + "ulrich", + "stavros", + "christof", + "mattias", + "zeno", + "reginald", + "berat", + "alexandros", + "claus_dieter", + "wojciech", + "leonardo", + "ilja", + "vincenzo", + "woldemar", + "gustav", + "mijo", + "ernst_august", + "bela", + "korbinian", + "manfred", + "eitel", + "walther", + "nathanael", + "metin", + "richard", + "evangelos", + "hans_joachim", + "alfredo", + "jasin", + "eduard", + "janos", + "lenny", + "fadil", + "reinhold", + "gennaro", + "jeremy", + "ramazan", + "mariusz", + "thomas", + "harry", + "heinz_gerd", + "frieder", + "ivica", + "f\u00e1bio", + "st\u00e9phane", + "danijel", + "no\u00e9", + "milo", + "leano", + "gottlieb", + "leandro", + "sabri", + "aurelio", + "alan", + "guenther", + "tenzin", + "ben", + "rocco", + "jacob", + "igor", + "ottomar", + "yanis", + "sigismund", + "klaus", + "colin", + "gunar", + "damiano", + "zolt\u00e1n", + "marcello", + "johann", + "gerhardt", + "maurice", + "maurus", + "arnd", + "burim", + "willy", + "adis", + "hubert", + "johannes", + "istvan", + "carl", + "clemens", + "rouven", + "hajo", + "stanislav", + "hilmar", + "klaus_ulrich", + "lorin", + "edgar", + "darko", + "visar", + "malik", + "diogo", + "gian_luca", + "emil", + "g\u00e9rard", + "bekim", + "franco", + "enea", + "luan", + "rudolph", + "henning", + "zoran", + "lulzim", + "filippo", + "paul_gerhard", + "mahmoud", + "mike", + "alban", + "hans_henning", + "leo", + "matthias", + "paul", + "heiko", + "hans_albert", + "karl_august", + "said", + "boban", + "jeton", + "armin", + "torben", + "nazmi", + "eric", + "eckehard", + "jayden", + "marek", + "norman", + "antonios", + "sieghard", + "mirko", + "gino", + "mateo", + "karl_peter", + "kaan", + "janic", + "pascal", + "wigbert", + "s\u00fckr\u00fc", + "veli", + "michel", + "florim", + "felipe", + "amin", + "neil", + "dominic", + "riza", + "afrim", + "raymund", + "nuri", + "victor", + "ilija", + "lukas", + "bartholom\u00e4us", + "g\u00fcnther", + "oswin", + "devin", + "\u00f6mer", + "burkhardt", + "necati", + "janick", + "jordan", + "lino", + "flamur", + "matheo", + "maksim", + "isa", + "jannis", + "alain", + "nikolaus", + "uwe", + "serge", + "cengiz", + "curdin", + "maxime", + "kemal", + "klaus_dieter", + "fridolin", + "sergio", + "dieter", + "gotthold", + "marin", + "antonino", + "karsten", + "nik", + "kay_uwe", + "enrico", + "kristijan", + "marcelo", + "alessandro", + "dino", + "ryszard", + "jann", + "hansgeorg", + "ulf", + "karl_werner", + "vitali", + "ernest", + "edin", + "helge", + "fred", + "anton", + "jorge", + "anatoli", + "daniele", + "corsin", + "lean", + "detlef", + "bernt", + "simone", + "rosario", + "till", + "steffen", + "jens_uwe", + "enes", + "kaspar", + "besim", + "gian", + "dirk", + "kevin", + "anto", + "wladimir", + "mael", + "martin", + "hans_christian", + "heinfried", + "dion", + "edward", + "mert", + "ahmad", + "janko", + "labinot", + "l\u00e9on", + "lukasz", + "matth\u00e4us", + "elia", + "robin", + "harald", + "fabio", + "bilal", + "baris", + "lucien", + "willfried", + "mohamed", + "osman", + "elio", + "jamie", + "wolfhard", + "dursun", + "murat", + "melvin", + "andres", + "dan", + "wilfried", + "randolf", + "heimo", + "mesut", + "jean_luc", + "bernward", + "charles", + "gerold", + "frank_peter", + "cristian", + "thadd\u00e4us", + "joerg", + "arbnor", + "jakub", + "emanuel", + "muhamet", + "anastasios", + "hartwig", + "hans_josef", + "ingo", + "cem", + "muzaffer", + "giacomo", + "torsten", + "orhan", + "horst_dieter", + "semir", + "peter", + "nebojsa", + "ardit", + "karl_friedrich", + "silvan", + "tibor", + "g\u00f6tz", + "eugen", + "willibald", + "berthold", + "marian", + "tobias", + "serkan", + "ante", + "luke", + "predrag", + "heinrich", + "urs", + "fredy", + "michele", + "uli", + "noe", + "nael", + "erion", + "muhammed", + "karl_hermann", + "heinz_josef", + "konstantin", + "zeki", + "baptist", + "gon\u00e7alo", + "ibrahim", + "ken", + "walfried", + "leif", + "roy", + "ahmet", + "veit", + "jon", + "hans_hinrich", + "gabriele", + "vinko", + "abraham", + "sepp", + "florentin", + "cyril", + "van", + "curt", + "wenzel", + "meik", + "abram", + "sedat", + "arnulf", + "holger", + "franz_xaver", + "nelson", + "teodor", + "gregor", + "emmerich", + "giovanni", + "hans_otto", + "theophil", + "gaetano", + "laszlo", + "saverio", + "milan", + "krzysztof", + "sacha", + "jurij", + "francesco", + "diego", + "alfonso", + "kai", + "dave", + "tom", + "arian", + "anatolij", + "ludger", + "dierk", + "burghard", + "massimo", + "damjan", + "salvatore", + "fatmir", + "jochen", + "aleksander", + "athanasios", + "senad", + "ewald", + "georgios", + "steve", + "neo", + "friedhold", + "didier", + "bogdan", + "oscar", + "roman", + "patrik", + "wolf_dietrich", + "hans_georg", + "walter", + "antoine", + "karl_hans", + "dimitrios", + "alexis", + "kuno", + "hans_hermann", + "jacek", + "georges", + "mark", + "joseph", + "emilian", + "hasso", + "wolfram", + "berend", + "guy", + "christian", + "jetmir", + "arne", + "beni", + "reimer", + "konstantinos", + "tam\u00e1s", + "johan", + "otto", + "heinz_dieter", + "fabrice", + "marco", + "mustafa", + "lionel", + "immo", + "adnan", + "erwin", + "rolf", + "ignaz", + "hans_g\u00fcnther", + "bertold", + "jovan", + "timm", + "javier", + "witold", + "artan", + "remo", + "anatol", + "heinz_otto", + "istv\u00e1n", + "hans_eberhard", + "rino", + "gilles", + "brian", + "mladen", + "darius", + "aloys", + "dragan", + "giuliano", + "omar", + "luc", + "laurenz", + "frederik", + "chris", + "tiago", + "drilon", + "noa", + "frank_michael", + "patrick", + "hans_erich", + "bernd_dieter", + "iwan", + "vladimir", + "claas", + "karl", + "shaban", + "romuald", + "kenneth", + "conrad", + "s\u00e9bastien", + "flavio", + "karl_otto", + "livio", + "fedor", + "diethard", + "lennard", + "arnold", + "skender", + "jaroslaw", + "balthasar", + "lucas", + "burkhard", + "gion", + "hans_herbert", + "ernst_otto", + "benedict", + "halil", + "alexander", + "linus", + "hans_martin", + "ottfried", + "heinz_walter", + "pavel", + "sahin", + "domenico", + "mentor", + "donat", + "drago", + "egbert", + "adem", + "stephen", + "ant\u00f3nio", + "theodoros", + "bashkim", + "sigurd", + "heiner", + "valentin", + "h\u00fcseyin", + "yusuf", + "sven", + "hermann_josef", + "reinhart", + "liridon", + "ramon", + "ismet", + "naim", + "ryan", + "wendelin", + "hans_peter", + "joel", + "ingolf", + "ronny", + "thies", + "pirmin", + "lazar", + "dimitri", + "klaus_peter", + "joris", + "erkan", + "tim", + "nicolai", + "enzo", + "jose", + "marko", + "sandro", + "yannick", + "tilo", + "joachim", + "frederic", + "micha", + "miroslaw", + "adrian", + "david", + "hans_ludwig", + "boris", + "arthur", + "hubertus", + "jean_pierre", + "ioannis", + "massimiliano", + "gebhard", + "calogero", + "tiziano", + "lias", + "jonas", + "tomasz", + "janosch", + "hans_helmut", + "arno", + "fernando", + "detlev", + "jari", + "ferdinand", + "gottlob", + "timothy", + "leonard", + "bernfried", + "utz", + "c\u00e9dric", + "levin", + "matej", + "rafael", + "helfried", + "grzegorz", + "jens", + "leon", + "elmar", + "volker", + "olivier", + "s\u00e9rgio", + "tomislav", + "hansj\u00f6rg", + "anes", + "nando", + "antonio", + "pawel", + "max", + "maximilian", + "heinz_g\u00fcnther", + "arsim", + "hansruedi", + "eggert", + "gabriel", + "jakob", + "kim", + "kurt", + "alexandar", + "sergej", + "manuel", + "klaus_g\u00fcnter", + "robby", + "xaver", + "friedbert", + "kamil", + "giorgio", + "cornel", + "jozef", + "arda", + "janik", + "peter_michael", + "edelbert", + "ramadan", + "nils", + "alexandre", + "piotr", + "meinhard", + "konrad", + "gerald", + "jona", + "eduardo", + "hannes", + "tadeusz", + "michal", + "phillip", + "henrik", + "sinisa", + "ronald", + "irfan", + "hans_theo", + "muharrem", + "ricardo", + "fatih", + "enis", + "ralf_peter", + "willi", + "isidor", + "arif", + "berndt", + "ralf", + "matteo", + "stjepan", + "niklaus", + "simeon", + "j\u00f6rn", + "evan", + "andrej", + "cristiano", + "nino", + "alexei", + "lutz", + "friedrich_karl", + "cetin", + "timo", + "gregory" + ], + "PREFIX_FEMALE": [ + "ing", + "dipl._ing", + "frau", + "dr", + "univ.prof", + "prof" + ], + "PREFIX_MALE": [ + "ing", + "dipl._ing", + "herr", + "dr", + "univ.prof", + "prof" + ], + "FIRST_NAME": [ + "mareen", + "sigmund", + "heidelinde", + "justin", + "fynn", + "pasquale", + "babette", + "bayram", + "aysel", + "meret", + "ivo", + "kata", + "k\u00e4thi", + "zoe", + "luisa", + "hans_walter", + "claudine", + "raffaela", + "katerina", + "biagio", + "grete", + "slavko", + "roswitha", + "niko", + "sevim", + "nicolas", + "andrzej", + "cheyenne", + "emmanuel", + "gotthard", + "erol", + "dittmar", + "ueli", + "melisa", + "ga\u00eblle", + "edelgard", + "helene", + "birthe", + "aldo", + "song\u00fcl", + "anne", + "karine", + "florian", + "ilhan", + "nathan", + "henry", + "eva", + "yanik", + "wendy", + "evi", + "jasmina", + "emilija", + "line", + "ditmar", + "adelbert", + "elvis", + "alexia", + "fisnik", + "almir", + "iwona", + "cassandra", + "marie_th\u00e9r\u00e8se", + "annelore", + "knud", + "selma", + "laure", + "s\u00f6nke", + "marinette", + "annabella", + "annika", + "britt", + "juna", + "valerie", + "claus_peter", + "luciana", + "rosa_maria", + "mohammad", + "claudius", + "elsbeth", + "sigfried", + "gladys", + "anne_katrin", + "selina", + "slavica", + "achim", + "anne_laure", + "debora", + "gerhart", + "petros", + "elisabet", + "raul", + "walburga", + "german", + "jonah", + "katharine", + "ottokar", + "jolanthe", + "ingbert", + "assunta", + "adam", + "andy", + "burkard", + "hulda", + "domenic", + "omer", + "denny", + "henni", + "sylvio", + "anni", + "inna", + "hasan", + "hansj\u00fcrg", + "werner", + "reinhard", + "therese", + "alberto", + "ingried", + "alice", + "annalena", + "donato", + "hans_ulrich", + "karla", + "freia", + "s\u00e9verine", + "patr\u00edcia", + "karl_heinrich", + "stefan", + "sinaida", + "berit", + "jasper", + "norah", + "flavia", + "matti", + "gabor", + "domingos", + "frank", + "melchior", + "sibylla", + "karolina", + "suse", + "michaele", + "sam", + "betti", + "madeleine", + "fatime", + "celine", + "rose_marie", + "gunther", + "sigmar", + "heidelore", + "eberhard", + "natalie", + "luzius", + "moreno", + "albertine", + "folker", + "abdullah", + "lieschen", + "mika", + "rui", + "vittorio", + "kirstin", + "renate", + "calvin", + "jo\u00ebl", + "hans_rainer", + "reinald", + "amalie", + "c\u00e1tia", + "zdenka", + "milka", + "lili", + "giovanna", + "annerose", + "geza", + "olga", + "dennis", + "salome", + "hansj\u00fcrgen", + "caspar", + "harro", + "safet", + "carin", + "jonathan", + "hassan", + "kazim", + "heinz_joachim", + "danielle", + "carlo", + "emina", + "zeljko", + "raissa", + "traute", + "ensar", + "davide", + "ricarda", + "hans_detlef", + "rosalie", + "donald", + "lilian", + "bernhard", + "norina", + "hans_uwe", + "augusto", + "aleksandar", + "romana", + "thorben", + "ilias", + "umut", + "elisa", + "svea", + "josip", + "elyas", + "d\u00f6rthe", + "claudio", + "beatrix", + "ludmila", + "noel", + "cl\u00e4re", + "ennio", + "rosalba", + "tassilo", + "helmtrud", + "catherine", + "laura", + "miroslawa", + "emre", + "cristina", + "horst", + "ron", + "layla", + "george", + "eckhardt", + "eckhard", + "ivano", + "gerdi", + "rabea", + "ferenc", + "louis", + "eckart", + "mechthilde", + "engelbert", + "magarete", + "ilir", + "violetta", + "nika", + "theda", + "aleksej", + "elo\u00efse", + "sinan", + "lana", + "georgette", + "vivian", + "genoveva", + "monika", + "abbas", + "basil", + "bj\u00f6rn", + "magdalene", + "ingeburg", + "mireille", + "deniz", + "henri", + "mariana", + "ivonne", + "ilona", + "paolo", + "freddy", + "ekrem", + "eda", + "andjelina", + "selim", + "hans_gerd", + "antonie", + "guntram", + "katarzyna", + "ali", + "hans_bernd", + "tony", + "luciano", + "sarina", + "damaris", + "juri", + "walentina", + "kushtrim", + "mahmut", + "luitgard", + "sylviane", + "mohamad", + "resi", + "oda", + "pierre", + "flurina", + "sina", + "morena", + "loretta", + "ylenia", + "luka", + "halina", + "valentino", + "uschi", + "heini", + "dina", + "ronja", + "mauro", + "waldemar", + "mirjam", + "katharina", + "beat", + "minna", + "raimund", + "samira", + "lotti", + "violette", + "rinor", + "dorian", + "gerd", + "nikola", + "folkert", + "seline", + "soraya", + "magdalena", + "fran\u00e7ois", + "filip", + "laurent", + "raffael", + "trudi", + "frida", + "malte", + "tom\u00e1s", + "aur\u00e9lie", + "hanno", + "luzie", + "norbert", + "valeska", + "julien", + "annie", + "karoline", + "irmtraud", + "altin", + "leyla", + "cornelius", + "stanislaus", + "eugenie", + "nicholas", + "silvester", + "bujar", + "no\u00ebmi", + "lucia", + "ortrud", + "samir", + "ardita", + "silvio", + "gertrud", + "lennart", + "thoralf", + "toralf", + "mattia", + "eileen", + "no\u00ebl", + "mehmet", + "janusz", + "andjela", + "melek", + "lise", + "andrey", + "monica", + "mathieu", + "roger", + "maryse", + "cemil", + "czeslaw", + "rigo", + "leart", + "alois", + "sara", + "hans_j", + "attila", + "evelin", + "guido", + "branislav", + "marino", + "uta", + "aynur", + "felix", + "gisela", + "c\u00e9line", + "jaroslav", + "gilda", + "luise", + "senta", + "pius", + "roberto", + "antonietta", + "josef", + "huguette", + "cedric", + "fatmire", + "dariusz", + "vilma", + "nisa", + "mandy", + "maurin", + "zoey", + "tabea", + "michela", + "jasmin", + "wera", + "inge", + "ian", + "slavisa", + "anna", + "hans_h", + "jason", + "betina", + "reinhardt", + "hugo", + "kunibert", + "natan", + "raymonde", + "gianni", + "lene", + "asta", + "karl_ernst", + "frederike", + "claus", + "adele", + "sadik", + "franz_peter", + "stefano", + "denis", + "etienne", + "lya", + "paulo", + "agim", + "marlyse", + "vania", + "ewa", + "lars", + "nathalie", + "jack", + "esra", + "maria_theresia", + "merlin", + "hans_heinrich", + "hanny", + "lothar", + "emmy", + "heide_marie", + "celina", + "malin", + "jusuf", + "bianca", + "natalja", + "lioba", + "ursula", + "ellinor", + "ester", + "maya", + "eren", + "yilmaz", + "jenny", + "tino", + "gordon", + "cynthia", + "johanna", + "liliana", + "philip", + "armend", + "britta", + "marcella", + "marie_louise", + "oskar", + "\u00f6zlem", + "olav", + "thorsten", + "diether", + "justus", + "cord", + "susann", + "ema", + "rosi", + "claire", + "herrmann", + "adolf", + "henriette", + "natalia", + "ansgar", + "anett", + "theresia", + "marie_luise", + "tamara", + "r\u00fcdiger", + "besart", + "quentin", + "mathias", + "faton", + "irmtraut", + "annegret", + "anka", + "harold", + "slawomir", + "ehrenfried", + "astrit", + "edit", + "hans_jochen", + "margaux", + "karl_ludwig", + "marie_laure", + "kalina", + "nikolai", + "annelies", + "radmila", + "milos", + "margita", + "lilo", + "sybilla", + "aaron", + "ivan", + "kay", + "sheila", + "rainer", + "andri", + "joana", + "nancy", + "ekaterina", + "karl_georg", + "giuliana", + "monique", + "sylvie", + "damien", + "nevio", + "audrey", + "henrike", + "danica", + "ma\u00ebl", + "saskia", + "hermann", + "joao", + "amir", + "arnim", + "santiago", + "kian", + "fabrizio", + "otmar", + "adelinde", + "diethelm", + "danuta", + "zbigniew", + "piero", + "andrew", + "s\u00fcleyman", + "anselm", + "mihaela", + "lotta", + "marliese", + "valeri", + "alena", + "sibylle", + "helmar", + "annamaria", + "nick", + "maryam", + "meike", + "larissa", + "katherina", + "marie", + "reiner", + "felicia", + "h\u00fclya", + "meinolf", + "melinda", + "margaritha", + "erdogan", + "kristina", + "bekir", + "tanya", + "stilla", + "irmela", + "wanda", + "alvaro", + "irena", + "aribert", + "kai_uwe", + "marie_theres", + "nicole", + "naomi", + "dario", + "arlind", + "almut", + "niklas", + "armando", + "grit", + "loris", + "loni", + "jannik", + "enya", + "friedemann", + "g\u00e9raldine", + "marten", + "francine", + "rochus", + "giancarlo", + "leonid", + "rosl", + "veronique", + "sena", + "carlos", + "cinzia", + "gertraut", + "constanze", + "linnea", + "lucienne", + "ilaria", + "herlinde", + "hans_j\u00fcrgen", + "lore", + "christl", + "geert", + "stanislaw", + "ruben", + "karl_wilhelm", + "heidi", + "anneke", + "h._dieter", + "albin", + "fritz", + "aziz", + "ingelore", + "moritz", + "lena", + "marcela", + "emanuela", + "paulette", + "nora", + "dogan", + "dorina", + "yasin", + "eleni", + "leander", + "andreia", + "ang\u00e9lique", + "meinrad", + "marielle", + "dejan", + "heinz_g\u00fcnter", + "markus", + "nenad", + "aleksandr", + "martine", + "hedy", + "sylvester", + "ole", + "mariette", + "hilda", + "teresa", + "ursel", + "elisabete", + "gerhard", + "paul_heinz", + "stefania", + "theobald", + "hartmuth", + "gerfried", + "marie_sophie", + "trude", + "annelene", + "oc\u00e9ane", + "leandra", + "xenia", + "reni", + "umberto", + "shpresa", + "edda", + "musa", + "cemal", + "julio", + "juan", + "imer", + "lidwina", + "j\u00f6rg_peter", + "karl_dieter", + "marie_therese", + "jerome", + "heinz_j\u00fcrgen", + "heinz_peter", + "baldur", + "\u00e4nne", + "wilhelm", + "otfried", + "carmela", + "cindy", + "telse", + "yvonne", + "faruk", + "gudula", + "birgitta", + "damir", + "robert", + "engin", + "g\u00f6khan", + "mikhail", + "jochem", + "romeo", + "zehra", + "dean", + "s\u00f3nia", + "arben", + "bastian", + "harri", + "madlen", + "giada", + "danny", + "loredana", + "christopher", + "marvin", + "laurin", + "andrei", + "edith", + "ines", + "margarethe", + "agathe", + "erich", + "herta", + "raymond", + "adeline", + "volkan", + "solveig", + "ottmar", + "bettina", + "stephanie", + "polina", + "gertraud", + "luca", + "thierry", + "mila", + "kilian", + "priska", + "hannah", + "marine", + "adalbert", + "anny", + "leonhard", + "benjamin", + "antonia", + "arzu", + "branko", + "hellmut", + "rinaldo", + "dardan", + "ingmar", + "kreszentia", + "emanuele", + "romano", + "valon", + "horst_peter", + "florin", + "guenter", + "nurettin", + "fran\u00e7oise", + "yolande", + "ylvie", + "dorothee", + "horst_g\u00fcnter", + "vitor", + "lynn", + "yael", + "alessio", + "hertha", + "elisabetha", + "dietmar", + "catharina", + "harm", + "lea_sophie", + "jadwiga", + "sandra", + "philipp", + "hildburg", + "beda", + "philomena", + "jara", + "bodo", + "inka", + "janis", + "annelise", + "kornelius", + "christelle", + "monja", + "lorik", + "wolf", + "desir\u00e9e", + "vincent", + "silvana", + "carmelo", + "kriemhild", + "moira", + "gaia", + "jean", + "hans_willi", + "fredo", + "leonor", + "lorenzo", + "margitta", + "bluette", + "virginia", + "sanja", + "gereon", + "elvira", + "slobodan", + "gerard", + "liesel", + "tommaso", + "yanick", + "ekkehart", + "albulena", + "marina", + "holm", + "noelia", + "friedl", + "udo", + "cosima", + "renato", + "gil", + "leonie", + "jean_claude", + "gert", + "siegward", + "adolfine", + "theo", + "tilmann", + "shania", + "catarina", + "marius", + "mina", + "siegrun", + "yolanda", + "melina", + "philippe", + "gisbert", + "ljubisa", + "juliana", + "leoni", + "hinrich", + "hamza", + "yannis", + "rosaria", + "valentine", + "michelle", + "luigia", + "fitim", + "friedhelm", + "daisy", + "alejandro", + "alen", + "erika", + "thi", + "jobst", + "mile", + "raphael", + "frithjof", + "vjollca", + "v\u00e9ronique", + "gloria", + "adriano", + "saban", + "severin", + "alfred", + "maritta", + "lidija", + "fatma", + "concetta", + "jos\u00e9", + "falk", + "karl_josef", + "rudi", + "donatella", + "babett", + "ullrich", + "ada", + "kiara", + "elda", + "daria", + "hans_werner", + "oxana", + "ralf_dieter", + "marijan", + "pablo", + "benedikt", + "can", + "gernot", + "lian", + "kl\u00e4re", + "jo\u00e3o", + "reto", + "jacqueline", + "claude", + "rico", + "friederike", + "edona", + "sigrun", + "snezana", + "marie_jos\u00e9", + "mareike", + "ramona", + "sandrine", + "vinzenz", + "j\u00fcrg", + "marion", + "bernhardine", + "solange", + "zeynep", + "kathi", + "mirja", + "ren\u00e9", + "cordula", + "krystyna", + "heinz_wilhelm", + "lucio", + "gabi", + "susan", + "nicola", + "muhamed", + "astrid", + "klaus_d", + "kenan", + "frauke", + "siegfried", + "marc", + "carina", + "salih", + "sonia", + "medina", + "no\u00eblle", + "hans_friedrich", + "peggy", + "falko", + "heinz", + "annina", + "mats", + "remzi", + "georg", + "stella", + "mathis", + "alexandra", + "miranda", + "swetlana", + "levi", + "romina", + "simona", + "bert", + "petar", + "liselotte", + "cosimo", + "yasmine", + "mathilde", + "daniela", + "friedo", + "shqipe", + "toni", + "winfried", + "germaine", + "annabell", + "martina", + "leszek", + "flurin", + "klaus_j\u00fcrgen", + "fabian", + "marcel", + "alex", + "emin", + "hans_wilhelm", + "lilly", + "suzana", + "kerim", + "teuta", + "john", + "noemi", + "oliver", + "j\u00f6rg", + "apostolos", + "marlon", + "hanns", + "annalisa", + "tillmann", + "ute", + "gero", + "julian", + "joshua", + "alix", + "gerta", + "carmine", + "federico", + "hilma", + "norma", + "aron", + "heinz_georg", + "katja", + "irmhild", + "hansjoachim", + "kunigunda", + "ingetraut", + "pierrette", + "augustin", + "amalia", + "ana\u00efs", + "wieslaw", + "heinz_willi", + "anika", + "felice", + "beate", + "hans_gerhard", + "hanspeter", + "siegmar", + "sylvana", + "jasmine", + "fernanda", + "bernd", + "zofia", + "mariele", + "lu\u00eds", + "sophia", + "abdul", + "amina", + "deborah", + "finn", + "gabriela", + "pietro", + "leona", + "tania", + "elisabeth", + "wilhelmine", + "franz_josef", + "sasa", + "viviana", + "annedore", + "lidia", + "jocelyne", + "jo", + "gislinde", + "vito", + "eckhart", + "gaby", + "floriane", + "viktor", + "margherita", + "elena", + "gerwin", + "giesela", + "marilena", + "raphaela", + "sebastian", + "r\u00e9my", + "karlheinz", + "ardian", + "margaret", + "benno", + "annekatrin", + "jost", + "mariechen", + "gunnar", + "jaime", + "sabine", + "liam", + "angel", + "rudolf", + "marianna", + "steffi", + "mirsad", + "lorena", + "alyssa", + "miro", + "egzon", + "gianfranco", + "sibel", + "federica", + "rodrigo", + "g\u00fcnter", + "julijana", + "tarik", + "ariana", + "anne_lise", + "xavier", + "jerzy", + "tomas", + "josiane", + "marlen", + "marcin", + "no\u00e9mie", + "hanni", + "k\u00e4te", + "jacques", + "driton", + "wulf", + "tiffany", + "am\u00e9lie", + "p\u00e9ter", + "branka", + "mehdi", + "josefina", + "diedrich", + "annegrete", + "ulla", + "nadia", + "bukurije", + "aneta", + "b\u00e4rbel", + "michael", + "eberhardt", + "antonina", + "irmengard", + "else", + "rodolfo", + "friedrich", + "annemarie", + "tiziana", + "traugott", + "kreszenz", + "mareile", + "juliane", + "karl_heinz", + "anthony", + "sahra", + "edina", + "mirella", + "nadin", + "kelly", + "luigi", + "lambert", + "siegried", + "j\u00fcrgen", + "olivia", + "hildegunde", + "damian", + "marie_christine", + "s\u00f6ren", + "ayse", + "sibille", + "katalin", + "wolfgang", + "ercan", + "vassilios", + "kirsten", + "lio", + "rosemarie", + "virginie", + "patric", + "alessia", + "hans_j\u00f6rg", + "constantin", + "bojan", + "ludwig", + "verena", + "bertram", + "bruna", + "c\u00e9cile", + "albrecht", + "pero", + "gazmend", + "andreas", + "imelda", + "ivanka", + "reza", + "ferdi", + "gerardo", + "admir", + "endrit", + "annamarie", + "mihajlo", + "harun", + "janette", + "ernesto", + "sybille", + "hussein", + "nelli", + "micheline", + "amelie", + "hanna", + "andree", + "rahel", + "ruth", + "in\u00eas", + "enrique", + "eckard", + "swantje", + "philippa", + "recep", + "rupert", + "fr\u00e9d\u00e9ric", + "alisha", + "onur", + "ludivine", + "annalise", + "helen", + "eleonora", + "henner", + "patrice", + "kathleen", + "giulio", + "diane", + "arndt", + "goran", + "ganimete", + "christophe", + "silas", + "silvia", + "rayan", + "dagobert", + "hava", + "antje", + "nemanja", + "sarah", + "mechthild", + "theresa", + "malika", + "rene", + "edeltraut", + "aurel", + "sigrid", + "lindita", + "nevin", + "natascha", + "steven", + "ledion", + "manon", + "hans_dieter", + "nikolaj", + "ruedi", + "miroslav", + "camille", + "kasimir", + "florentine", + "marl\u00e8ne", + "lirim", + "balz", + "josua", + "nuno", + "rolf_peter", + "edeltraud", + "emma", + "eveline", + "eva_maria", + "mergim", + "nikolaos", + "dietrich", + "g\u00f6n\u00fcl", + "traudel", + "nadine", + "sandor", + "cyrill", + "nevenka", + "cristiana", + "siegmund", + "sean", + "tilman", + "margarita", + "kaltrina", + "erik", + "ahmed", + "maike", + "fabiola", + "herma", + "reimund", + "emilia", + "luana", + "serpil", + "morris", + "gundel", + "martha", + "ekkehard", + "brit", + "ildiko", + "ajan", + "hanne_lore", + "rafaela", + "samuele", + "irmgard", + "emely", + "cilli", + "gretel", + "joaquim", + "stefanie", + "helmut", + "giuseppe", + "l\u00e1szl\u00f3", + "artur", + "elma", + "theodor", + "sascha", + "emir", + "magali", + "danilo", + "j\u00e9r\u00f4me", + "annita", + "hakan", + "marika", + "meta", + "wolf_r\u00fcdiger", + "paulina", + "rolf_dieter", + "emine", + "khaled", + "lisa_marie", + "aline", + "thilo", + "zenon", + "ignatz", + "carlotta", + "pia", + "teodora", + "csaba", + "sofie", + "alison", + "maik", + "kornelia", + "tatjana", + "niclas", + "wilfriede", + "filiz", + "zdravko", + "filipe", + "semra", + "maurizio", + "jeffrey", + "dalibor", + "eliza", + "ralph", + "kristian", + "magnus", + "ir\u00e8ne", + "dominique", + "nicolaus", + "thiago", + "marjorie", + "ingeborg", + "timea", + "jeannine", + "katrin", + "gianluca", + "susanna", + "hiltraud", + "othmar", + "leticia", + "rose", + "sergei", + "yannic", + "guiseppe", + "fabiana", + "hans_g\u00fcnter", + "swen", + "elias", + "brigitte", + "celal", + "vadim", + "genevi\u00e8ve", + "jean_marc", + "lilija", + "hans_michael", + "kunigunde", + "roberta", + "krista", + "erhard", + "hilde", + "carsten", + "ljudmila", + "agnes", + "marieluise", + "eva_marie", + "donata", + "aldin", + "carl_heinz", + "hans_karl", + "besnik", + "eline", + "urban", + "hatice", + "isabel", + "h\u00e9l\u00e8ne", + "christoph", + "d\u00f6rte", + "gundolf", + "jaron", + "friedrich_wilhelm", + "marcus", + "alisa", + "roderich", + "reimar", + "william", + "romy", + "oswald", + "gotthilf", + "laureen", + "karl_j\u00fcrgen", + "klaus_michael", + "hedda", + "adrienne", + "marcos", + "agron", + "merita", + "liesbeth", + "mirco", + "zoltan", + "enno", + "luzia", + "jane", + "renzo", + "roswita", + "odette", + "hans_dietrich", + "hana", + "andr\u00e9", + "johanne", + "maja", + "amanda", + "aferdita", + "arlinda", + "melissa", + "ernst", + "samuel", + "muhammad", + "amira", + "rexhep", + "flora", + "ulrike", + "henny", + "harriet", + "august", + "gretchen", + "beata", + "yvan", + "hansueli", + "bernadette", + "nikolas", + "kujtim", + "arnfried", + "ortwin", + "dora", + "anica", + "urte", + "tahir", + "marie_claude", + "valerij", + "aylin", + "pauline", + "hiltrud", + "hendrik", + "gilbert", + "rosita", + "j\u00f6rgen", + "insa", + "karen", + "marie_jeanne", + "dylan", + "romane", + "siro", + "evangelia", + "grazia", + "mirela", + "edmond", + "francis", + "albert", + "antonius", + "bruno", + "beatrice", + "c\u00e9lia", + "valerio", + "anabela", + "irina", + "jutta", + "milorad", + "carole", + "wencke", + "ljubica", + "petr", + "erhardt", + "nikolina", + "silke", + "maxim", + "karlfried", + "volkhard", + "klaus_werner", + "gundula", + "priscilla", + "gioia", + "natasha", + "janet", + "luis", + "esma", + "yves", + "anke", + "angelo", + "inga", + "thea", + "milena", + "niels", + "margot", + "senol", + "birte", + "ismael", + "hartmut", + "leila", + "magret", + "edwin", + "eugenio", + "maria", + "lavinia", + "helmuth", + "reinhilde", + "adelheid", + "alfons", + "janna", + "blerim", + "abel", + "dolores", + "chantal", + "ghislaine", + "nad\u00e8ge", + "marissa", + "siena", + "franjo", + "ladina", + "nela", + "zsolt", + "justina", + "hans_d", + "raik", + "heinz_werner", + "ingrid", + "margreth", + "helena", + "natali", + "burckhard", + "anisa", + "vlado", + "lorenz", + "isolde", + "ismail", + "emilie", + "imre", + "aurora", + "gerolf", + "alexej", + "jan_peter", + "josefa", + "nicoletta", + "jesus", + "edon", + "lisbeth", + "james", + "raffaele", + "edmund", + "ramiz", + "fanny", + "charline", + "carine", + "kastriot", + "corina", + "vitus", + "sofija", + "haris", + "bernard", + "petra", + "hans_adolf", + "silvano", + "yann", + "nuran", + "ottilia", + "andrea", + "birgitt", + "yasmin", + "mara", + "burak", + "jan", + "klaas", + "til", + "juergen", + "ehrhard", + "alwin", + "maeva", + "gani", + "yannik", + "zuzana", + "sebastiano", + "naser", + "nina", + "sieglinde", + "klothilde", + "raoul", + "julia", + "traude", + "catia", + "avni", + "karim", + "sanije", + "tanja", + "lo\u00efc", + "caroline", + "zlatko", + "jens_peter", + "sami", + "fabia", + "nico", + "rotraud", + "mato", + "anne_kathrin", + "emilio", + "andrin", + "simon", + "tristan", + "carola", + "leana", + "letizia", + "magda", + "fiona", + "mischa", + "hellmuth", + "irma", + "gesa", + "klemens", + "andre", + "sol\u00e8ne", + "mohammed", + "christiana", + "lotte", + "michail", + "anne_marie", + "annaliese", + "birger", + "fredi", + "jeremias", + "waldtraut", + "azra", + "waltrud", + "gilberte", + "lydie", + "evamaria", + "gzim", + "wolf_dieter", + "anna_lena", + "erdal", + "brita", + "olaf", + "herwig", + "henryk", + "orlando", + "patricia", + "sibilla", + "samantha", + "idriz", + "hans_rudolf", + "mia", + "siegbert", + "timon", + "enver", + "mariella", + "elif", + "janus", + "christos", + "malena", + "clarissa", + "iva", + "katia", + "dusan", + "matthew", + "anastasia", + "belinda", + "anabella", + "hans_wolfgang", + "conny", + "franz", + "mathilda", + "grazyna", + "camilla", + "volkmar", + "cora", + "peer", + "willibert", + "francisco", + "vanesa", + "stephan", + "lea", + "corine", + "nelio", + "noah", + "irmi", + "mirjana", + "vesna", + "egzona", + "tessa", + "heribert", + "t\u00fclay", + "francesca", + "bryan", + "daniel", + "marjan", + "sophie", + "gitta", + "muriel", + "heino", + "hedi", + "mimoza", + "hagen", + "andrina", + "miodrag", + "bajram", + "hermine", + "alf", + "diar", + "marguerite", + "miguel", + "mariangela", + "leonore", + "jennifer", + "manja", + "maude", + "knut", + "gerti", + "theodora", + "ladislaus", + "gunter", + "gottfried", + "wieland", + "kathy", + "pedro", + "hardy", + "lisa", + "lou", + "rapha\u00ebl", + "jules", + "miran", + "jill", + "jana", + "hans", + "herbert", + "wiltrud", + "lily", + "kordula", + "cathleen", + "dominik", + "romaine", + "christin", + "amandine", + "ernst_dieter", + "julie", + "riccardo", + "egon", + "leopold", + "myriam", + "julius", + "jiri", + "amar", + "nadeshda", + "marisa", + "benita", + "axel", + "mario", + "st\u00e9phanie", + "anneliese", + "roland", + "nele", + "morgane", + "florent", + "ella", + "ulrich", + "alwina", + "walli", + "stavros", + "christof", + "viktoria", + "mattias", + "ann_kathrin", + "zeno", + "reginald", + "berat", + "magrit", + "alexandros", + "claus_dieter", + "wojciech", + "leonardo", + "ilja", + "vincenzo", + "woldemar", + "gustav", + "jolanta", + "margret", + "mijo", + "ernst_august", + "melita", + "rita", + "bela", + "korbinian", + "alara", + "manfred", + "eitel", + "ava", + "walther", + "leonora", + "khadija", + "val\u00e9rie", + "edeltrud", + "nathanael", + "metin", + "richard", + "evangelos", + "hans_joachim", + "alfredo", + "vincenza", + "jasin", + "eduard", + "janos", + "delia", + "violeta", + "ursina", + "lenny", + "marianne", + "fadil", + "ivana", + "reinhold", + "bozena", + "gennaro", + "gianna", + "d\u00e9borah", + "jeremy", + "ramazan", + "olena", + "katherine", + "francoise", + "francisca", + "mariusz", + "anja", + "florence", + "salom\u00e9", + "thomas", + "agata", + "dorothe", + "gunda", + "vera", + "elisabetta", + "harry", + "heinz_gerd", + "frieder", + "ivica", + "f\u00e1bio", + "st\u00e9phane", + "danijel", + "no\u00e9", + "milo", + "christina", + "leano", + "gottlieb", + "leandro", + "annabelle", + "sofia", + "aurelio", + "sabri", + "alan", + "myrta", + "centa", + "guenther", + "tenzin", + "ben", + "rocco", + "undine", + "maida", + "jacob", + "leopoldine", + "igor", + "ottomar", + "yanis", + "lissy", + "sigismund", + "fadime", + "bertha", + "nives", + "klaus", + "colin", + "gunar", + "marica", + "damiano", + "natacha", + "hanne", + "zolt\u00e1n", + "marcello", + "dunja", + "johann", + "helma", + "angelika", + "rosmarie", + "gerhardt", + "maurice", + "regula", + "corinna", + "maurus", + "arnd", + "burim", + "anneli", + "wiebke", + "janin", + "willy", + "lucie", + "rana", + "adis", + "wenke", + "hubert", + "johannes", + "istvan", + "jaqueline", + "carl", + "ilka", + "liesa", + "janett", + "clemens", + "rouven", + "hajo", + "elfi", + "georgia", + "viola", + "stanislav", + "hilmar", + "ariane", + "klaus_ulrich", + "lorin", + "sabina", + "edgar", + "darko", + "ren\u00e9e", + "visar", + "b\u00e9atrice", + "lilia", + "agn\u00e8s", + "rosina", + "malik", + "diogo", + "marleen", + "tilly", + "fitore", + "gian_luca", + "gis\u00e8le", + "carla", + "g\u00e9rard", + "emil", + "bekim", + "franco", + "tatiana", + "elwira", + "enea", + "silva", + "rosa", + "filipa", + "angela", + "eugenia", + "lydia", + "luan", + "adelina", + "kyra", + "susi", + "rudolph", + "henning", + "chiara", + "linda", + "zoran", + "carmen", + "ina", + "dagmar", + "meral", + "laurence", + "lulzim", + "nada", + "emmanuelle", + "filippo", + "paul_gerhard", + "mahmoud", + "mike", + "alban", + "hans_henning", + "jos\u00e9phine", + "leo", + "matthias", + "caterina", + "paul", + "heiderose", + "heiko", + "margrit", + "elsa", + "elly", + "hans_albert", + "karl_august", + "said", + "m\u00e9gane", + "zora", + "lucy", + "boban", + "jeton", + "doreen", + "pamela", + "armin", + "torben", + "nazmi", + "eric", + "eckehard", + "jayden", + "agnieszka", + "sanela", + "heidrun", + "marek", + "liane", + "norman", + "antonios", + "friedericke", + "sieghard", + "irene", + "mirko", + "rosalinde", + "waltraud", + "gino", + "joelle", + "hannelore", + "ginette", + "kathrin", + "mateo", + "karl_peter", + "angelique", + "rayana", + "ajna", + "kaan", + "judith", + "iris", + "janic", + "alea", + "dani\u00e8le", + "ortrun", + "veronika", + "pascal", + "wigbert", + "freya", + "s\u00fckr\u00fc", + "heidemarie", + "veli", + "michel", + "florim", + "maddalena", + "tara", + "alma", + "felipe", + "amin", + "neil", + "liridona", + "dominic", + "susana", + "riza", + "afrim", + "domenica", + "raymund", + "nuri", + "thekla", + "victor", + "ilija", + "lukas", + "grace", + "bartholom\u00e4us", + "g\u00fcnther", + "oswin", + "anna_marie", + "devin", + "\u00f6mer", + "burkhardt", + "necati", + "janick", + "jovana", + "jordan", + "lino", + "yara", + "theres", + "siegrid", + "emily", + "zorica", + "jessika", + "gitte", + "flamur", + "marita", + "leontina", + "florentina", + "matheo", + "maksim", + "rosetta", + "isa", + "elise", + "heide", + "jannis", + "natasa", + "greta", + "alain", + "nikolaus", + "gisa", + "margit", + "uwe", + "serge", + "cengiz", + "curdin", + "betty", + "maxime", + "kemal", + "siglinde", + "klaus_dieter", + "maryline", + "fridolin", + "sergio", + "zenta", + "dieter", + "sandy", + "kerstin", + "gotthold", + "k\u00e4the", + "antonino", + "marin", + "karsten", + "leslie", + "diana", + "nik", + "ornella", + "kay_uwe", + "enrico", + "raquel", + "celia", + "etta", + "kristijan", + "wally", + "marcelo", + "irmtrud", + "lisette", + "vreneli", + "alessandro", + "dino", + "ryszard", + "jann", + "hansgeorg", + "ulf", + "annemie", + "karl_werner", + "anita", + "vitali", + "ernest", + "edin", + "helge", + "juana", + "sladjana", + "fred", + "anton", + "annick", + "aurelia", + "jorge", + "friedhilde", + "anatoli", + "th\u00e9r\u00e8se", + "daniele", + "jeannette", + "doris", + "corsin", + "lean", + "detlef", + "urszula", + "barbara", + "fabienne", + "bernt", + "simone", + "rosario", + "till", + "steffen", + "sophie_marie", + "jens_uwe", + "enes", + "kaspar", + "derya", + "gian", + "dirk", + "jeanette", + "besim", + "lejla", + "aurore", + "kevin", + "anto", + "wladimir", + "mael", + "mechtild", + "claudia", + "vivienne", + "alicja", + "t\u00fcrkan", + "lilli", + "martin", + "hans_christian", + "heinfried", + "dion", + "matilde", + "edward", + "mert", + "ahmad", + "janko", + "labinot", + "l\u00e9on", + "lukasz", + "dilara", + "matth\u00e4us", + "elia", + "robin", + "harald", + "fabio", + "dietlinde", + "ja\u00ebl", + "bilal", + "baris", + "blanka", + "lucien", + "hannchen", + "laila", + "augusta", + "willfried", + "eve", + "ronya", + "mohamed", + "konstanze", + "elin", + "gertraude", + "ellie", + "osman", + "suzanne", + "elio", + "arianna", + "jamie", + "wolfhard", + "dursun", + "murat", + "melvin", + "andres", + "dan", + "raisa", + "wilfried", + "randolf", + "heimo", + "mesut", + "regine", + "jean_luc", + "renata", + "bernward", + "louise", + "charles", + "gerold", + "eliana", + "frank_peter", + "carol", + "cristian", + "thadd\u00e4us", + "clara", + "joerg", + "arbnor", + "jakub", + "emanuel", + "muhamet", + "amela", + "dorit", + "ayla", + "anastasios", + "hartwig", + "hans_josef", + "erna", + "stefani", + "erina", + "ingo", + "cem", + "vivien", + "elona", + "wibke", + "mercedes", + "pierina", + "giacomo", + "muzaffer", + "t\u00e2nia", + "cornelia", + "torsten", + "nadeschda", + "orhan", + "horst_dieter", + "semir", + "ludwina", + "peter", + "karin", + "dana", + "nebojsa", + "alida", + "valentina", + "ardit", + "melitta", + "isabell", + "karl_friedrich", + "silvan", + "g\u00fclten", + "milica", + "franziska", + "tibor", + "g\u00f6tz", + "eugen", + "willibald", + "salma", + "berthold", + "ingetraud", + "annette", + "giulia", + "marian", + "tobias", + "leni", + "desiree", + "serkan", + "liana", + "ante", + "janine", + "brigitta", + "gerhild", + "adriane", + "aida", + "luke", + "jelena", + "predrag", + "heinrich", + "cl\u00e9mence", + "urs", + "drita", + "fredy", + "margrith", + "michele", + "uli", + "noe", + "nael", + "nurten", + "tea", + "erion", + "karolin", + "muhammed", + "mar\u00eda", + "antoinette", + "selena", + "karl_hermann", + "meryem", + "heinz_josef", + "zita", + "konstantin", + "margarete", + "zeki", + "mira", + "anna_luise", + "charlotte", + "baptist", + "gabrielle", + "giuseppina", + "gon\u00e7alo", + "josette", + "esther", + "ibrahim", + "ken", + "anina", + "walfried", + "leif", + "roy", + "vanessa", + "ahmet", + "veit", + "jon", + "oph\u00e9lie", + "hans_hinrich", + "vinko", + "gabriele", + "erica", + "nadja", + "elzbieta", + "abraham", + "gertrude", + "ana", + "josephine", + "sepp", + "alla", + "florentin", + "cyril", + "van", + "sonja", + "agatha", + "michaela", + "curt", + "wenzel", + "meik", + "chlo\u00e9", + "abram", + "sedat", + "rebekka", + "arnulf", + "alexa", + "holger", + "arlette", + "justine", + "zara", + "yvette", + "mariam", + "franz_xaver", + "christine", + "nelson", + "teodor", + "d\u00e9sir\u00e9e", + "ellen", + "emmerich", + "giovanni", + "gregor", + "hans_otto", + "birgid", + "theophil", + "gaetano", + "corinne", + "selin", + "laszlo", + "danijela", + "blerta", + "marijana", + "georgine", + "blerina", + "l\u00e9onie", + "saverio", + "milan", + "krzysztof", + "sereina", + "joanne", + "elke", + "sacha", + "iryna", + "jurij", + "c\u00e4cilia", + "elodie", + "francesco", + "aude", + "besarta", + "ludmilla", + "luna", + "alfonso", + "diego", + "kai", + "paula", + "marlise", + "dave", + "juliette", + "alicia", + "franca", + "elizabeth", + "tom", + "arian", + "colette", + "anatolij", + "marija", + "klaudia", + "ludger", + "svenja", + "dierk", + "christel", + "burghard", + "lara", + "marlene", + "dorota", + "anne_sophie", + "massimo", + "albina", + "mich\u00e8le", + "jael", + "mirlinda", + "damjan", + "aleksandra", + "alwine", + "rebecca", + "salvatore", + "elfriede", + "dajana", + "fatmir", + "jochen", + "aleksander", + "ayten", + "lorenza", + "gusti", + "athanasios", + "editha", + "ela", + "luljeta", + "senad", + "ewald", + "georgios", + "lola", + "dorothea", + "steve", + "neo", + "birgit", + "ajla", + "friedhold", + "didier", + "bogdan", + "klara", + "oscar", + "angelica", + "claire_lise", + "roman", + "coralie", + "patrik", + "victoria", + "berthe", + "joyce", + "wolf_dietrich", + "hans_georg", + "rachel", + "walter", + "antoine", + "karl_hans", + "dimitrios", + "alexis", + "laetitia", + "kuno", + "marga", + "hans_hermann", + "l\u00e9a", + "jacek", + "ernestine", + "gudrun", + "bruni", + "waltraut", + "susanne", + "anette", + "leokadia", + "georges", + "christiane", + "dietlind", + "nuray", + "denise", + "jil", + "vittoria", + "mark", + "joseph", + "ilonka", + "emilian", + "reinhild", + "marcia", + "hasso", + "wolfram", + "berend", + "guy", + "christian", + "jetmir", + "arne", + "mariola", + "reimer", + "beni", + "samanta", + "konstantinos", + "hildegart", + "in\u00e8s", + "annett", + "tam\u00e1s", + "heidy", + "rena", + "aloisia", + "johan", + "otto", + "christa_maria", + "heinz_dieter", + "fabrice", + "marco", + "marcelle", + "margarida", + "matilda", + "mustafa", + "lionel", + "immo", + "adnan", + "felizitas", + "isabelle", + "mary", + "marta", + "erwin", + "rolf", + "reingard", + "kristiane", + "ignaz", + "nikita", + "constance", + "hans_g\u00fcnther", + "ruzica", + "antonella", + "bertold", + "notburga", + "jovan", + "timm", + "javier", + "liliane", + "apollonia", + "witold", + "janina", + "artan", + "amra", + "remo", + "anatol", + "prisca", + "nelly", + "heinz_otto", + "istv\u00e1n", + "hans_eberhard", + "serena", + "rino", + "adriana", + "gilles", + "c\u00e4cilie", + "marzena", + "viviane", + "fr\u00e9d\u00e9rique", + "brian", + "mladen", + "darius", + "aloys", + "dragan", + "giuliano", + "sylke", + "omar", + "luc", + "g\u00fclay", + "melanie", + "laurenz", + "frederik", + "chris", + "tiago", + "drilon", + "brunhilde", + "aenne", + "noa", + "gemma", + "frank_michael", + "patrick", + "hans_erich", + "bernd_dieter", + "iwan", + "vladimir", + "graziella", + "claas", + "karl", + "shaban", + "romuald", + "kenneth", + "conrad", + "auguste", + "gabriella", + "s\u00e9bastien", + "inken", + "giorgia", + "evelyn", + "almuth", + "ria", + "flavio", + "nuria", + "karl_otto", + "livio", + "hildegund", + "fedor", + "amy", + "diethard", + "roselinde", + "hanife", + "lennard", + "berta", + "jade", + "arnold", + "murielle", + "sylvia", + "skender", + "jaroslaw", + "balthasar", + "lucas", + "gerda", + "roxane", + "ilse", + "jo\u00eblle", + "alba", + "burkhard", + "gion", + "hans_herbert", + "sabrina", + "ernst_otto", + "benedict", + "carolin", + "halil", + "alexander", + "linus", + "hans_martin", + "dragica", + "imke", + "friedlinde", + "ottfried", + "m\u00e9lissa", + "felicitas", + "gina", + "dalia", + "marie_claire", + "cilly", + "heike", + "cathrin", + "bianka", + "heinz_walter", + "kati", + "pavel", + "sahin", + "galina", + "domenico", + "marlies", + "mentor", + "donat", + "ira", + "drago", + "wilma", + "egbert", + "adem", + "stephen", + "patrizia", + "yasemin", + "el\u00e9onore", + "ant\u00f3nio", + "theodoros", + "bashkim", + "malea", + "sigurd", + "catrin", + "vlora", + "heiner", + "valentin", + "carolina", + "h\u00fcseyin", + "yusuf", + "christa", + "hermann_josef", + "sven", + "lauriane", + "reinhart", + "liridon", + "geraldine", + "ramon", + "ismet", + "naim", + "gesche", + "ryan", + "wendelin", + "ruthild", + "lara_sophie", + "hans_peter", + "joel", + "rosanna", + "zo\u00e9", + "ingolf", + "l\u00e9na", + "hubertine", + "josefine", + "ronny", + "thies", + "pirmin", + "frieda", + "lazar", + "dimitri", + "gretl", + "jeanne", + "klaus_peter", + "joris", + "erkan", + "tim", + "amelia", + "ljiljana", + "nicolai", + "ottilie", + "enzo", + "jolanda", + "jose", + "marko", + "sandro", + "joy", + "evelyne", + "lia", + "joanna", + "gunhild", + "lieselotte", + "yannick", + "elina", + "tilo", + "lora", + "traudl", + "mona", + "marietta", + "ma\u00eblle", + "marlis", + "joachim", + "frederic", + "rina", + "kira", + "micha", + "miroslaw", + "adrian", + "david", + "dijana", + "hans_ludwig", + "boris", + "rotraut", + "arthur", + "marthe", + "yasmina", + "regina", + "hubertus", + "ilenia", + "jeanine", + "jean_pierre", + "elea", + "ioannis", + "hildegard", + "eleonore", + "massimiliano", + "gebhard", + "rosel", + "tina", + "calogero", + "tiziano", + "lias", + "jonas", + "tomasz", + "janosch", + "hans_helmut", + "arno", + "fernando", + "detlev", + "jari", + "gesine", + "ferdinand", + "gottlob", + "lina", + "leonard", + "timothy", + "berra", + "estelle", + "g\u00fclsen", + "bernfried", + "andr\u00e9e", + "ehrentraud", + "caren", + "utz", + "m\u00e9lanie", + "c\u00e9dric", + "levin", + "brunhild", + "matej", + "asia", + "giuseppa", + "trudel", + "rafael", + "ann", + "paola", + "dorle", + "delphine", + "hella", + "helfried", + "grzegorz", + "jens", + "cl\u00e1udia", + "leon", + "gerlind", + "elmar", + "volker", + "zahra", + "alessandra", + "olivier", + "erdmute", + "silja", + "s\u00e9rgio", + "kristin", + "tomislav", + "hansj\u00f6rg", + "anes", + "dragana", + "dafina", + "nando", + "helga", + "antonio", + "pawel", + "maren", + "hedwig", + "seraina", + "aisha", + "max", + "maximilian", + "gundi", + "heinz_g\u00fcnther", + "veronica", + "maud", + "hansruedi", + "katarina", + "raffaella", + "arsim", + "eggert", + "gabriel", + "alina", + "karola", + "jakob", + "kim", + "l\u00e9ane", + "manuela", + "kurt", + "alexandar", + "beatriz", + "malgorzata", + "sergej", + "manuel", + "karina", + "emmi", + "agnese", + "irmingard", + "klaus_g\u00fcnter", + "robby", + "elli", + "xaver", + "liv", + "biljana", + "adelgunde", + "friedbert", + "marie_france", + "kamil", + "katy", + "nermin", + "rosalia", + "giorgio", + "cornel", + "jozef", + "pascale", + "arda", + "elfie", + "janik", + "ida", + "fatima", + "anne_rose", + "anna_maria", + "peter_michael", + "edelbert", + "ramadan", + "franka", + "alexandre", + "nils", + "jessica", + "piotr", + "meinhard", + "canan", + "konrad", + "margaretha", + "leah", + "angelina", + "gerald", + "jona", + "eduardo", + "hannes", + "tadeusz", + "michal", + "elenore", + "phillip", + "henrik", + "myrtha", + "kristine", + "adina", + "sinisa", + "margareta", + "lucette", + "ronald", + "alissa", + "sharon", + "irfan", + "hans_theo", + "tuana", + "gordana", + "annelie", + "muharrem", + "ricardo", + "marit", + "fatih", + "natalija", + "enis", + "ralf_peter", + "willi", + "isabella", + "isidor", + "louisa", + "livia", + "valeria", + "gerlinde", + "arif", + "berndt", + "odile", + "ralf", + "matteo", + "stjepan", + "niklaus", + "maria_luise", + "simeon", + "cecilia", + "j\u00f6rn", + "evan", + "andrej", + "korinna", + "cristiano", + "sylwia", + "nino", + "miriam", + "alexei", + "luz", + "anouk", + "svetlana", + "lutz", + "friedrich_karl", + "lissi", + "filomena", + "cetin", + "timo", + "eliane", + "fernande", + "arta", + "gregory" + ], + "LAST_NAME": [ + "s\u00e4uberlich", + "varga", + "aigner", + "p\u00f6ll", + "sch\u00f6berl", + "bischof", + "ammann", + "aschauer", + "wiesinger", + "hahn", + "hertrampf", + "stiegler", + "feichter", + "h\u00e4fliger", + "bruckner", + "loos", + "brandtner", + "gotthard", + "widhalm", + "st\u00fctz", + "grill", + "eberth", + "kambs", + "kaindl", + "redl", + "hettner", + "kramer", + "bachler", + "hug", + "feichtner", + "hausberger", + "maierhofer", + "b\u00fchlmann", + "schwab", + "seitz", + "burtscher", + "sommer", + "n\u00f6bauer", + "schweiger", + "nu\u00dfbaumer", + "schatzl", + "sch\u00f6pf", + "kessler", + "schrittwieser", + "heintze", + "d\u00f6ring", + "kabus", + "strasser", + "h\u00f6fig", + "lorch", + "paffrath", + "windhager", + "adam", + "ender", + "horak", + "friedli", + "r\u00f6rricht", + "posch", + "kremser", + "werner", + "feichtinger", + "decker", + "lipp", + "stefan", + "rohrer", + "ruppersberger", + "fleck", + "pock", + "frank", + "losekann", + "karner", + "winkler", + "steinb\u00f6ck", + "felber", + "eberhard", + "j\u00fcttner", + "hofmeister", + "fellner", + "stauffer", + "killer", + "caspar", + "zahn", + "mohaupt", + "harrer", + "j\u00e4kel", + "gasser", + "ortmann", + "lercher", + "keplinger", + "junitz", + "krall", + "bernhard", + "reinisch", + "pauer", + "mettler", + "juncken", + "payer", + "neumeister", + "wende", + "unger", + "steiger", + "gratzl", + "marti", + "stecher", + "leber", + "wirth", + "kirschner", + "bock", + "schmuck", + "ostermann", + "reindl", + "jandl", + "hinteregger", + "hofst\u00e4tter", + "striebitz", + "kitzler", + "baldauf", + "steiner", + "klocker", + "spie\u00df", + "nagel", + "schranz", + "rohleder", + "lechner", + "scholl", + "st\u00f6ger", + "giger", + "neuhauser", + "kapeller", + "koppensteiner", + "pinter", + "gutmann", + "schnyder", + "kerschbaumer", + "weller", + "walch", + "fuchs", + "zettl", + "jockel", + "weitzel", + "ackerl", + "plath", + "r\u00f6hricht", + "seidl", + "m\u00f6rth", + "etzler", + "kolm", + "metz", + "paulitsch", + "kaltenb\u00f6ck", + "kraft", + "pilz", + "l\u00fcbs", + "sorger", + "postl", + "brandstetter", + "mielcarek", + "neumann", + "tanner", + "zehnder", + "fellinger", + "leu", + "wurm", + "haering", + "gartner", + "haring", + "d\u00f6hn", + "lange", + "deutschmann", + "sutter", + "aebi", + "messner", + "danninger", + "leitgeb", + "kurzmann", + "schwarzinger", + "reinhardt", + "h\u00f6dl", + "sauer", + "fasching", + "h\u00f6vel", + "segebahn", + "pfeifer", + "pokorny", + "blum", + "renner", + "jungfer", + "wenzl", + "walder", + "hesse", + "reisinger", + "oberm\u00fcller", + "anderl", + "mude", + "pirker", + "hunziker", + "lederer", + "sattler", + "sorgatz", + "lengauer", + "bolliger", + "zenz", + "achleitner", + "yilmaz", + "brandl", + "oberndorfer", + "f\u00fcreder", + "textor", + "schober", + "austerm\u00fchle", + "steinbauer", + "schmidt", + "herrmann", + "wagenknecht", + "hiller", + "ziegert", + "bogner", + "hufnagl", + "froschauer", + "leitner", + "reiterer", + "humer", + "fleischhacker", + "hotz", + "h\u00f6fer", + "eisl", + "kitzmann", + "neubacher", + "wulff", + "rainer", + "tr\u00f6st", + "gierschner", + "mangold", + "haslinger", + "w\u00e4hner", + "rottensteiner", + "staub", + "pointner", + "neureiter", + "beckmann", + "kolar", + "kreuzer", + "bachmann", + "hermann", + "jessel", + "sidler", + "reising", + "stoll", + "unterweger", + "brun", + "stettler", + "ebner", + "schantl", + "janisch", + "holsten", + "prenner", + "kronberger", + "reiner", + "bayer", + "bianchi", + "spreitzer", + "ackermann", + "koch", + "streicher", + "merz", + "drewes", + "betschart", + "kahr", + "k\u00f6ster", + "klein", + "moosbrugger", + "eichinger", + "helm", + "r\u00e4del", + "brenner", + "zimmer", + "kostolzin", + "kolb", + "nussbaumer", + "held", + "studer", + "reinprecht", + "fritz", + "warmer", + "thaler", + "moritz", + "ruppert", + "kriegl", + "spiegl", + "hornich", + "reichmann", + "fleischmann", + "amann", + "praxmarer", + "p\u00fchringer", + "margraf", + "z\u00f6chling", + "etzold", + "oberhauser", + "schottin", + "dengg", + "schinagl", + "baur", + "schuller", + "rath", + "ortner", + "erber", + "wagner", + "gut", + "stangl", + "wohlgemut", + "m\u00fchlb\u00f6ck", + "sagmeister", + "scherrer", + "schalk", + "angerer", + "bl\u00fcmel", + "pfleger", + "jank", + "misicher", + "rabl", + "kaiser", + "wilhelm", + "k\u00f6lbl", + "hasler", + "steindl", + "pachler", + "schachner", + "kopf", + "siering", + "klingler", + "schmiedt", + "favre", + "stern", + "roht", + "portmann", + "zehetner", + "burgstaller", + "stiebitz", + "zechner", + "gr\u00fcnberger", + "dietz", + "schmid", + "weibel", + "schmidtke", + "staudacher", + "schoch", + "dietl", + "kraxner", + "bernasconi", + "stocker", + "lamprecht", + "krebs", + "schreiber", + "schandl", + "sonnleitner", + "k\u00e4ser", + "rosemann", + "philipp", + "haiden", + "z\u00e4nker", + "kroker", + "krenn", + "m\u00f6chlichen", + "grabner", + "wolf", + "eichenberger", + "prem", + "fuhrmann", + "karrer", + "scheel", + "frei", + "riepl", + "hande", + "kirchner", + "schweitzer", + "trinkl", + "danner", + "brandst\u00e4tter", + "friedl", + "gfeller", + "kogler", + "riedmann", + "metzler", + "bosshard", + "furrer", + "polzer", + "beyer", + "l\u00fcscher", + "k\u00f6berl", + "horn", + "geyer", + "freudenberger", + "loidl", + "weimer", + "hauer", + "beier", + "kastner", + "h\u00f6rle", + "pircher", + "hager", + "wilms", + "wilmsen", + "ullrich", + "reif", + "sp\u00f6rri", + "seifert", + "schr\u00f6der", + "kainz", + "l\u00f6wer", + "schweizer", + "schimpl", + "rauch", + "zbinden", + "schnabl", + "klinger", + "kreusel", + "van_der_dussen", + "beck", + "ladeck", + "d\u00f6rr", + "reuter", + "pfeffer", + "nagl", + "dittrich", + "prinz", + "zirme", + "lindinger", + "engel", + "maier", + "knapp", + "pieper", + "heinz", + "richter", + "riegler", + "mathis", + "berner", + "h\u00e4ring", + "kucera", + "fl\u00fcckiger", + "h\u00e4mmerle", + "haas", + "sch\u00e4fer", + "grob", + "hammerer", + "geier", + "oberhofer", + "m\u00fchlbacher", + "fabian", + "fr\u00fchwirth", + "dobler", + "hummer", + "sch\u00fcler", + "seip", + "kummer", + "mentzel", + "gude", + "conradi", + "m\u00fcllner", + "leunberger", + "schaller", + "neureuther", + "glaser", + "augustin", + "dangl", + "dussen_van", + "kreiner", + "schramm", + "fischer", + "bitschnau", + "holt", + "doppler", + "taferner", + "kuhl", + "baumgartner", + "tiefenbacher", + "iten", + "oderwald", + "krause", + "krug", + "klausner", + "ertl", + "holzapfel", + "rupp", + "jovanovic", + "jost", + "salcher", + "j\u00e4ggi", + "schuchhardt", + "rudolf", + "ecker", + "bodner", + "trimmel", + "buchegger", + "ditschlerin", + "biedermann", + "kruschwitz", + "heim", + "scherer", + "junken", + "hecker", + "rosner", + "wandl", + "tlustek", + "wulf", + "sch\u00f6nberger", + "salzer", + "marte", + "mann", + "h\u00fcrlimann", + "eberhardt", + "steinkellner", + "schachinger", + "friedrich", + "platzer", + "hollaus", + "drubin", + "klug", + "b\u00fchler", + "frey", + "larcher", + "barkholz", + "fehr", + "seidel", + "stock", + "handler", + "nette", + "schlager", + "farkas", + "ludwig", + "wieser", + "baier", + "macher", + "lindau", + "albrecht", + "strauss", + "pergande", + "gstrein", + "raab", + "heser", + "bonbach", + "jungwirth", + "plank", + "m\u00fclichen", + "keller", + "h\u00f6ller", + "scheidegger", + "oberleitner", + "ritter", + "denk", + "stroh", + "niederl", + "walser", + "hinterleitner", + "erler", + "traxler", + "gross", + "scholtz", + "hutter", + "kaul", + "sch\u00fcller", + "bolander", + "foidl", + "lackner", + "bolzmann", + "flantz", + "schomber", + "h\u00f6lzenbecher", + "berger", + "dowerg", + "suppan", + "hoffmann", + "steininger", + "uhl", + "kain", + "rausch", + "k\u00f6ck", + "ring", + "dietrich", + "lichtenegger", + "scherz", + "hofer", + "eigenwillig", + "davids", + "rieger", + "bachinger", + "tschentscher", + "meier", + "cichorius", + "lustenberger", + "kr\u00f6ll", + "trupp", + "fliegner", + "eberl", + "weiss", + "jauk", + "eller", + "dorner", + "gschaider", + "lindorfer", + "ferrari", + "k\u00fchnert", + "schenk", + "margreiter", + "binner", + "eder", + "wenger", + "herbst", + "h\u00e4nel", + "hammer", + "sigrist", + "falkner", + "dobes", + "gehringer", + "spindler", + "r\u00f6hrdanz", + "nowak", + "grasser", + "klotz", + "l\u00f6chel", + "eimer", + "steckel", + "kollmann", + "h\u00fcbner", + "butte", + "rose", + "seiser", + "f\u00fcrst", + "zorbach", + "stey", + "hofmann", + "bader", + "baum", + "zeller", + "schwaighofer", + "carsten", + "wilfinger", + "urban", + "schleich", + "christoph", + "schwarzl", + "karz", + "kerschbaum", + "gei\u00dfler", + "oswald", + "t\u00e4sche", + "jenewein", + "trub", + "z\u00f6hrer", + "hartmann", + "pesendorfer", + "rieder", + "kofler", + "ernst", + "nerger", + "mans", + "maurer", + "altmann", + "lehner", + "schm\u00f6lzer", + "reichel", + "faust", + "fink", + "oestrovsky", + "bender", + "birnbaum", + "reich", + "schatz", + "suter", + "stucki", + "hethur", + "griesser", + "nemeth", + "mies", + "gie\u00df", + "kunz", + "hartl", + "weber", + "p\u00f6lzl", + "reithofer", + "schmiedecke", + "lassnig", + "schwarz", + "b\u00e4hr", + "zeiner", + "schinnerl", + "peham", + "bittner", + "hirsch", + "kreidl", + "paier", + "schaaf", + "tr\u00fcb", + "kirchmair", + "eisner", + "auer", + "hafner", + "rust", + "buchner", + "g\u00f6schl", + "lorenz", + "huemer", + "schmidinger", + "dirnberger", + "dorfer", + "schrempf", + "thurner", + "strobl", + "rauscher", + "schubert", + "himmelbauer", + "gruber", + "siller", + "beer", + "rauter", + "stutz", + "guggenberger", + "wurzer", + "siegrist", + "lampert", + "b\u00f6ck", + "sch\u00fcrch", + "haderer", + "kalcher", + "thanel", + "biggen", + "seiwald", + "harloff", + "wieloch", + "naser", + "linder", + "leithner", + "klammer", + "bartl", + "krainer", + "h\u00f6rmann", + "greiner", + "dallinger", + "gosch", + "scheidl", + "simon", + "radisch", + "schuler", + "kaltenegger", + "kade", + "weidinger", + "walcher", + "hauffer", + "trattner", + "luttenberger", + "lehmann", + "holzer", + "dippel", + "junk", + "karge", + "wallner", + "m\u00fchle", + "fehringer", + "tauber", + "strohmeier", + "fitz", + "roth", + "sperl", + "stummer", + "hofbauer", + "auinger", + "gute", + "egli", + "grassl", + "hentschel", + "hubmann", + "stockinger", + "wegscheider", + "prohaska", + "hell", + "b\u00f6hm", + "fiebig", + "glatz", + "parzer", + "franz", + "baumann", + "peer", + "forstner", + "hammerl", + "wechselberger", + "w\u00fcthrich", + "r\u00f6mer", + "s\u00f6ding", + "haidinger", + "hacker", + "schl\u00f6gl", + "girschner", + "stelzer", + "nagele", + "hirt", + "jenni", + "s\u00fc\u00dfebier", + "koller", + "hagen", + "b\u00e4r", + "putz", + "muhr", + "heissenberger", + "gerlach", + "wieland", + "perner", + "weihmann", + "neuner", + "neuwirth", + "gutknecht", + "kuhn", + "ofner", + "waldner", + "leopold", + "gl\u00fcck", + "hinterberger", + "sigl", + "krammer", + "nohlmans", + "wirz", + "riener", + "ulrich", + "j\u00f6bstl", + "heidrich", + "steinwender", + "schwendinger", + "finke", + "aichholzer", + "schrammel", + "gattringer", + "haberl", + "d\u00fcnser", + "kasper", + "senn", + "puchner", + "isler", + "f\u00f6rster", + "aumann", + "mairhofer", + "schlosser", + "sch\u00f6ffmann", + "zauner", + "erhart", + "heger", + "felder", + "sch\u00f6n", + "obermayr", + "dehmel", + "petz", + "k\u00f6nig", + "pacher", + "stifter", + "lanz", + "hauser", + "l\u00fcthi", + "langer", + "barth", + "meister", + "scheiber", + "hebenstreit", + "prager", + "henck", + "rohrmoser", + "kohl", + "wegmann", + "jacob", + "klaus", + "budig", + "reitinger", + "siegl", + "johann", + "ebert", + "neuhold", + "wiener", + "stadler", + "pfeiffer", + "junck", + "mosemann", + "bergmann", + "mader", + "kratzer", + "amrein", + "k\u00e4fer", + "sager", + "kocher", + "feichtenschlager", + "kraus", + "knoll", + "w\u00f6hrer", + "strau\u00df", + "kager", + "k\u00e4ster", + "gmeiner", + "burri", + "feigl", + "neumayer", + "adolph", + "zobel", + "weinhold", + "m\u00e4lzer", + "linke", + "rudolph", + "fechner", + "gangl", + "meindl", + "trommler", + "p\u00e4rtzelt", + "bauer", + "heigl", + "wimmer", + "neusch\u00e4fer", + "eberharter", + "leutgeb", + "paul", + "schuh", + "mayr", + "bacher", + "trubin", + "salz", + "p\u00f6litz", + "lettner", + "kaufmann", + "kober", + "grein_groth", + "niemeier", + "weigl", + "rabitsch", + "steinberg", + "noack", + "freudenthaler", + "santner", + "lang", + "hainzl", + "reinbacher", + "klemm", + "ringhofer", + "gahleitner", + "singer", + "michel", + "lerch", + "scheucher", + "vogl", + "koch_ii", + "wild", + "schlatter", + "h\u00fcbel", + "gr\u00fcner", + "stadlbauer", + "z\u00fcrcher", + "wurzinger", + "lampl", + "fichtinger", + "g\u00fcnther", + "kloiber", + "hutterer", + "pr\u00f6ll", + "bolnbach", + "mohr", + "h\u00fctter", + "mende", + "henschel", + "haindl", + "b\u00f6sch", + "mitter", + "hartung", + "jahn", + "heinzl", + "thaller", + "fankhauser", + "schaub", + "zotter", + "stockhammer", + "mandl", + "schwital", + "reitbauer", + "wiesner", + "kopp", + "hochleitner", + "hein", + "sch\u00f6nland", + "plattner", + "benthin", + "hendriks", + "rosenberger", + "reicher", + "weiser", + "holl", + "weissenb\u00f6ck", + "vogel", + "mittermayr", + "scharf", + "hattinger", + "prantl", + "reisner", + "steffen", + "heindl", + "kaspar", + "scharinger", + "auch_schlauchin", + "leibetseder", + "wehrli", + "leeb", + "klapp", + "martin", + "henk", + "loibl", + "krainz", + "gerber", + "enzinger", + "rettenbacher", + "r\u00f6ck", + "boucsein", + "mayerhofer", + "mayer", + "huhn", + "h\u00f6rl", + "trauner", + "leonhartsberger", + "hochreiter", + "steinlechner", + "kronsteiner", + "kern", + "kaltenbrunner", + "lintner", + "christen", + "hummel", + "eugster", + "amon", + "bohlander", + "blaser", + "r\u00f6ssler", + "gr\u00fcnwald", + "sch\u00f6ller", + "galler", + "mitterlehner", + "taucher", + "gertz", + "pfister", + "schmied", + "huber", + "jopich", + "sturm", + "krein", + "kranz", + "wiesbauer", + "berchtold", + "adler", + "wittmann", + "peter", + "pucher", + "scherr", + "anders", + "sailer", + "pechel", + "sch\u00fctz", + "holzknecht", + "g\u00f6tz", + "k\u00e4gi", + "berthold", + "landl", + "schweighofer", + "neubauer", + "gumprich", + "wachter", + "sch\u00e4rer", + "schuster", + "tischler", + "mitterer", + "eibl", + "frick", + "k\u00f6ssler", + "gollner", + "bucher", + "toth", + "heinrich", + "zach", + "thommen", + "peukert", + "breuer", + "punz", + "k\u00e4lin", + "ullmann", + "ferstl", + "brunner", + "j\u00e4ntsch", + "kappel", + "briemer", + "scheuermann", + "gro\u00df", + "b\u00e4ttig", + "heuser", + "veit", + "schiefer", + "frisch", + "k\u00fcng", + "bruder", + "rechberger", + "sieber", + "salzmann", + "erlacher", + "trapp", + "scherzer", + "forster", + "zeiler", + "vogler", + "roos", + "graf", + "ramsauer", + "patberg", + "lammer", + "fiedler", + "gratz", + "holzmann", + "meixner", + "markl", + "stalder", + "sammer", + "holler", + "wyss", + "pohl", + "strohmaier", + "h\u00f6lzl", + "gr\u00f6ttner", + "bien", + "sch\u00f6nauer", + "kugler", + "geisler", + "stoiber", + "gorlitz", + "marx", + "wernecke", + "juen", + "radl", + "braun", + "st\u00f6ckli", + "haase", + "teufl", + "gratzer", + "stark", + "hemetsberger", + "widmann", + "eichberger", + "d\u00f6rschner", + "buchholz", + "he\u00df", + "wesack", + "vollbrecht", + "stolze", + "hornig", + "riedler", + "staudinger", + "hechenberger", + "steinbacher", + "winter", + "haller", + "bohnbach", + "br\u00e4uer", + "liebelt", + "m\u00e4der", + "kellner", + "haslauer", + "sulzer", + "steinberger", + "walter", + "hirschmann", + "brandner", + "scheibe", + "zimmermann", + "neum\u00fcller", + "gritsch", + "bieri", + "gloor", + "j\u00e4ger", + "burger", + "prei\u00df", + "haider", + "mark", + "fr\u00f6hlich", + "trummer", + "klement", + "rey", + "egger", + "erni", + "gnatz", + "hamann", + "maringer", + "otto", + "klemt", + "schauer", + "steurer", + "kurz", + "b\u00f6rner", + "rogge", + "ladner", + "schneeberger", + "laimer", + "m\u00fcller", + "hofstetter", + "wettstein", + "pertl", + "meyer", + "stiffel", + "schiller", + "langern", + "schwaiger", + "heiss", + "roskoth", + "sontag", + "mair", + "handl", + "wiek", + "steger", + "st\u00f6ckl", + "schumacher", + "grabher", + "gindl", + "zangerl", + "holzinger", + "schilcher", + "pammer", + "ehlert", + "tintzmann", + "st\u00fcckler", + "h\u00f6fler", + "benz", + "kensy", + "karl", + "klingelh\u00f6fer", + "pendl", + "hodel", + "heydrich", + "matth\u00e4i", + "pichler", + "b\u00e4rer", + "arnold", + "steidl", + "m\u00fchlberger", + "stumpf", + "hosp", + "kammerer", + "lenz", + "stolz", + "haumer", + "kobelt", + "schinke", + "blauensteiner", + "j\u00e4hn", + "haid", + "spitzer", + "wei\u00df", + "p\u00f6schl", + "reinthaler", + "strohmayer", + "pruschke", + "buchberger", + "schreiner", + "tobler", + "meili", + "moser", + "kargl", + "drub", + "stadelmann", + "waltl", + "seebacher", + "s\u00f6lzer", + "dorn", + "b\u00e4ck", + "thies", + "pieber", + "pollak", + "b\u00fcrger", + "ziegler", + "seiler", + "scholz", + "kohler", + "huter", + "wohlmuth", + "franke", + "rosenow", + "bichler", + "weinberger", + "reiter", + "zollinger", + "jacobi_j\u00e4ckel", + "springer", + "gassner", + "atzler", + "bloch", + "unterberger", + "b\u00f6hler", + "schiestl", + "g\u00e4rtner", + "lagler", + "mayrhofer", + "weninger", + "stahr", + "knappe", + "probst", + "kiss", + "jung", + "sieberer", + "thalhammer", + "zingg", + "rieser", + "knaus", + "n\u00e4f", + "steinmann", + "lachmann", + "becker", + "h\u00e4usler", + "kral", + "herzog", + "k\u00f6ll", + "edlinger", + "rogner", + "meusburger", + "resch", + "schneider", + "schulz", + "fercher", + "schacht", + "k\u00f6hler", + "grundner", + "reischl", + "buchinger", + "zechmeister", + "riehl", + "freitag", + "scheer", + "tanzer", + "brugger", + "zeilinger", + "gamsj\u00e4ger", + "steinacher", + "rotter", + "aichinger", + "eckbauer", + "eichhorn", + "gabriel", + "albers", + "r\u00fcegg", + "hofinger", + "gschwandtner", + "draxler", + "weinhage", + "fr\u00f6schl", + "gunpf", + "knecht", + "neugebauer", + "engl", + "penz", + "schindler", + "staude", + "keudel", + "artner", + "hering", + "w\u00f6gerbauer", + "hermighausen", + "schmidl", + "widmer", + "reichl", + "schaffer", + "mitteregger", + "l\u00f6ffler", + "kusch", + "konrad", + "speer", + "puntigam", + "geisel", + "rinner", + "simic", + "kallert", + "vogt", + "geiger", + "hess", + "fritsch", + "list", + "schartner", + "h\u00f6glinger", + "hellwig", + "windisch", + "lindner", + "rossmann", + "neulinger", + "heller", + "neumayr", + "schrenk", + "kraushaar", + "stelzl", + "riedl", + "imhof", + "ott", + "luger", + "mitschke", + "hackl", + "lutz", + "sch\u00e4r", + "binder", + "wiedner" + ], + "OTHER_PRONOUN": [ + "it", + "that", + "its", + "these" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "priorin": "abba", + "oberin": "abba", + "\u00e4btissin": "abbas", + "schauspielerin": "darsteller", + "actress": "bob_carroll", + "aktrice": "akteur", + "darsteller": "bob_carroll", + "akteurin": "darsteller", + "bibi": "omme", + "baronin": "baron", + "baroness": "baron", + "baronesse": "freiherr", + "sch\u00f6ne": "beau", + "braut": "groom", + "unternehmerin": "gesch\u00e4ftsmann", + "gesch\u00e4ftsfrau": "gesch\u00e4ftsmann", + "vorsitzende": "obmann", + "vorstandsvorsitzende": "vorsitzender", + "chick": "gaur", + "pullus": "dandy", + "ische": "fashion_victim", + "k\u00fcken": "gaur", + "vogeljunges": "dandy", + "jungvogel": "gaur", + "cowgirl": "cowboy", + "kuhhirtin": "cowboy", + "panik": "son", + "dotter": "son", + "tochter": "kutt", + "herzogin": "duke", + "kaiserin": "imperator", + "femme_fatale": "zaubererin", + "zauberin": "sorcerer", + "die_zauberin": "zaubererin", + "delila": "zaubererin", + "samica": "m\u00e4nnlein", + "weiblich": "maskulin", + "\u0436\u0435\u043d\u0441\u043a\u0438\u0439": "male", + "physikerin": "male", + "feminin": "m\u00e4nnlein", + "abgeordnete": "m\u00e4nnlein", + "weibchen": "m\u00e4nnlein", + "gal": "macker", + "griet": "guido", + "t\u00f6s": "veit", + "m\u00e4del": "macker", + "girl": "fotzenknecht", + "lola": "fotzenknecht", + "wicht": "macker", + "girlfriend": "fotzenknecht", + "deern": "veit", + "hauslehrerin": "gouverneurin", + "erzieherin": "gouverneur", + "gouvernante": "gouverneur", + "nift": "grosssohn", + "enkelin": "grosssohn", + "grossmutter": "grossvater_m\u00fctterlicherseits", + "nine": "grossvater_v\u00e4terlicherseits", + "rektorin": "schulleiter", + "schulleiterin": "schulleiter", + "direktorin": "schulleiter", + "her": "lia", + "ihre": "tij", + "henne": "tij", + "heroin": "held", + "heldin": "trim", + "heroine": "held", + "animateur": "seelen", + "hostess": "verwalter", + "wirtin": "gastgeber", + "gastgeberin": "host", + "lady": "efendi", + "herrin": "landheer", + "kak": "frater", + "hauswirtin": "vermieter", + "vermieterin": "hauswirt", + "schlummermutter": "vermieter", + "lass": "groom", + "mamsell": "diener", + "thusnelda": "diener", + "minna": "diener", + "hausm\u00e4dchen": "diener", + "filine": "diener", + "zugehfrau": "diener", + "dienstm\u00e4dchen": "diener", + "marquise": "marquis", + "masseurin": "masseur", + "masseuse": "masseur", + "missen": "sir", + "vermissen": "sir", + "mademoiselle": "sir", + "fehlen": "sir", + "miss": "sir", + "verfehlen": "sir", + "vers\u00e4umen": "sir", + "miss_a": "sir", + "missa": "sir", + "verpassen": "sir", + "entbehren": "sir", + "herrscherin": "master", + "kurtisane": "efendi", + "meisterin": "lehrmeister", + "frauchen": "skipper", + "m\u00e4tresse": "master", + "mom": "vater", + "mutti": "daddy", + "bemuttern": "pair", + "muttertier": "fader", + "moder": "pair", + "mutter": "pid", + "die_mutter": "fader", + "matrix": "ayr", + "maximus": "ayr", + "bh": "mr", + "mw": "mr", + "ms": "mgr", + "nichte": "neffe", + "klosterschwester": "m\u00f6nch", + "schwester": "bruder", + "ordensschwester": "murg", + "nun": "monako", + "polizeibeamtin": "polizeibeamter", + "polizeifrau": "polizeimann", + "priesterin": "pfaffe", + "pr\u00edncipe": "der_f\u00fcrst", + "k\u00f6nigsenkelin": "f\u00fcrst", + "prinzessin": "prince", + "k\u00f6nigstochter": "prince", + "princessa": "der_f\u00fcrst", + "princess": "pr\u00edncipe", + "homosexual": "rex", + "danaus_gilippus": "indra", + "reg": "k\u00f6nig", + "k\u00f6nigin": "monarch", + "drag_queen": "king", + "reine": "monarch", + "hetman": "king", + "queen": "k\u00f6nig", + "queens": "k\u00f6nige", + "sun": "he", + "way": "broder", + "nurse": "frater", + "sour": "frater", + "hexenmeisterin": "sorcerer", + "magierin": "sorcerer", + "zaubrerin": "sorcerer", + "zaubererin": "sorcerer", + "unverheiratete_frau": "bachelor", + "alte_jungfer": "bakkalaureus", + "junggesellin": "bachelor", + "unverheiratetes_fr\u00e4ulein": "bachelor", + "stieftochter": "stiefsohn", + "stiefmutter": "stiefvater", + "stiefelternteil": "stiefvater", + "flugbegleiterin": "verwalter", + "stewardess": "administrator", + "kellnerin": "kelner", + "bedienerin": "kelner", + "witwe": "witwer", + "hurenkind": "witwer", + "gattin": "gemahl", + "bean": "gv", + "eheweib": "wer", + "feme": "der_mann", + "ehefrau": "gatte", + "gemahlin": "ehegatte", + "weib": "der_mann", + "hex": "wizard", + "striga": "wizard", + "aalbutt": "wizard", + "wicca": "wizard", + "hundszunge": "magier", + "glyptocephalus_cynoglossus": "wizard", + "hexe": "wizard", + "arnoglossus_scapha": "wizard", + "bike": "gv", + "boy": "griet", + "matz": "girl", + "bursche": "t\u00f6s", + "knabe": "wicht", + "fant": "lola", + "bube": "griet", + "polonaise": "wichsen", + "polnisch": "polonaise", + "kultur": "polonaise", + "politur": "polonaise", + "wichsen": "polonaise", + "raffinement": "polonaise", + "polieren": "polonaise", + "bundeskanzlerin": "kanzlerin", + "kanzler": "bundeskanzlerin", + "kanzlerin": "bundeskanzlerin", + "waschweib": "waschmaschine", + "waschmaschine": "waschweib", + "sp\u00fclmaschine": "waschweib" + }, + "other_gender_swap": { + "formicula": "her", + "ihnen": "henne", + "harren": "ihre", + "ihre": "harren", + "lia": "her", + "ii": "sun", + "he": "ii", + "ihm": "ihnen", + "ihn": "formicula", + "sun": "ii", + "her": "ihre", + "henne": "ihre" + }, + "en_pronoun2gender": { + "they": [ + "homosexual", + "homosexuell", + "transgender", + "queer", + "homosexueller", + "transgeschlechtlich", + "bisexueller", + "homosexuelle" + ], + "he": [ + "kutt", + "kn\u00e4bchen", + "dandy", + "maskulin", + "m\u00e4nnlein", + "groom", + "bubi", + "fotzenknecht", + "boy", + "macker", + "youngster", + "isle_of_man", + "veit", + "guido", + "kn\u00e4blein", + "gv", + "m\u00e4nnchen", + "bub", + "weltmann", + "human", + "bursche", + "bube", + "gentleman", + "der_mann", + "man", + "little_boy", + "knabe", + "male", + "gaur", + "din\u00e9", + "fashion_victim", + "fant", + "chap", + "matz" + ], + "she": [ + "m\u00e4del", + "maiden", + "sch\u00f6nes_geschlecht", + "\u0436\u0435\u043d\u0441\u043a\u0438\u0439", + "matrone", + "miss", + "hausm\u00e4dchen", + "maid", + "kak", + "missa", + "vermissen", + "samica", + "bean", + "weib", + "lesbierin", + "abgeordnete", + "entbehren", + "gal", + "missen", + "dame", + "lesbisch", + "weibchen", + "fehlen", + "wicht", + "feminin", + "herrin", + "bike", + "schwaches_geschlecht", + "physikerin", + "lady", + "lola", + "girl", + "t\u00f6s", + "deern", + "weiblich", + "feme", + "mademoiselle", + "jungfer", + "verfehlen", + "vers\u00e4umen", + "verpassen", + "tochter", + "lesbe", + "griet", + "girlfriend", + "tribade", + "miss_a", + "madam", + "lesbier" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "lia", + "ihm", + "seine", + "ihn", + "tij", + "his" + ], + "she": [ + "henne", + "sun", + "ihre", + "her" + ], + "they": [ + "harren", + "formicula", + "lia", + "ii", + "ihnen", + "ihre" + ], + "it": [ + "per_se", + "sich_selbst", + "dieser", + "diese", + "ces", + "bt", + "disse", + "it", + "its", + "dass", + "tann", + "dazu", + "dies", + "derjenige", + "von_allein", + "these", + "hasin", + "quest", + "von_selbst", + "d\u00fcse", + "that" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/dk.json b/data_tooling/pii_processing/ontology/data/dk.json new file mode 100644 index 0000000..08a398b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/dk.json @@ -0,0 +1,1122 @@ +{ + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "cirkeline", + "herdis", + "liva", + "marlene", + "nanna", + "amalie", + "solveig", + "astrid", + "erna", + "bettina", + "regitse", + "conny", + "zenia", + "elna", + "sara", + "malou", + "carina", + "elsebeth", + "hannah", + "natasha", + "olga", + "camilla", + "rebecca", + "margrethe", + "hanne", + "emily", + "janne", + "gitte", + "lona", + "inga", + "berta", + "paulina", + "lea", + "thea", + "karin", + "kirstine", + "marie", + "olivia", + "signe", + "birte", + "grete", + "gerda", + "pernille", + "kristina", + "mille", + "yrsa", + "cecilie", + "sussie", + "margit", + "pia", + "sofie", + "maria", + "birgit", + "kirsten", + "zahra", + "tine", + "mathilde", + "sophie", + "annette", + "dorthe", + "klara", + "sandra", + "yda", + "jasmin", + "sanne", + "janni", + "s\u00f8s", + "viola", + "inge", + "justina", + "birthe", + "nanni", + "filippa", + "sine", + "jannie", + "joan", + "anna", + "maren", + "ingrid", + "tove", + "sille", + "anne", + "victoria", + "helle", + "emilie", + "silje", + "gyda", + "dagny", + "ragna", + "mette", + "laura", + "lene", + "asta", + "merete", + "line", + "jean", + "ditte", + "carla", + "annemette", + "karina", + "lone", + "susanne", + "grethe", + "anette", + "frederikke", + "bitten", + "daniella", + "julie", + "inger", + "heidi", + "ane", + "agnete", + "katja", + "maiken", + "rosa", + "vivian", + "winnie", + "ruth", + "doris", + "selma", + "ragnhild", + "zelma", + "agnes", + "simone", + "winni", + "lena", + "charlotte", + "andrea", + "mie", + "nora", + "dagmar", + "yasmin", + "mimi", + "helen", + "ella", + "josefine", + "bodil", + "britt", + "odeline", + "naja", + "trine", + "connie", + "ida", + "regitze", + "cathrine", + "ursula", + "malene", + "ester", + "maya", + "jenny", + "josephine", + "nina", + "gundhild", + "nicoline", + "michelle", + "tammy", + "sonja", + "sarah", + "elisabeth", + "benedikte", + "britta", + "oda", + "ingelise", + "tanja", + "stina", + "esmarelda", + "caroline", + "sigrid", + "weena", + "catrine", + "rita", + "kristine", + "gunhild", + "bente", + "odette", + "jytte", + "abelone", + "majken", + "henriette", + "leonora", + "johanne", + "michala", + "xenia", + "amanda", + "maja", + "birgitte", + "beth", + "dina", + "ronja", + "zara", + "\u00e5se", + "christine", + "natasja", + "gurli", + "minna", + "isabella", + "ellen", + "l\u00e6rke", + "sabine", + "emma", + "sussanne", + "marianne", + "irma", + "ulrike", + "lotte", + "iben", + "merethe", + "elin", + "karla", + "ritt", + "yvonne", + "frida", + "rikke", + "benedicte", + "solvej", + "zehnia", + "benthe", + "jonna", + "freja", + "berit", + "nete", + "jacqueline", + "karoline", + "vera", + "dorte", + "alma", + "tina", + "katrine", + "jacobine", + "stine", + "karen", + "ofelia", + "louise", + "paula", + "s\u00f8rine", + "alberte", + "patricia", + "christina", + "edith", + "gertrud", + "ulla", + "nadia", + "sofia", + "mia", + "katcha", + "randi", + "sys", + "clara", + "else", + "nana", + "tilde", + "kirstin" + ], + "FIRST_NAME_MALE": [ + "valdemar", + "kenneth", + "jacob", + "sonny", + "steen", + "frans", + "einer", + "herman", + "klaus", + "esben", + "christoffer", + "jim", + "karlo", + "dennis", + "joakim", + "benjamin", + "ragnar", + "\u00f8vli", + "klavs", + "jesper", + "nick", + "jonathan", + "tejs", + "stephan", + "georg", + "rasmus", + "b\u00f8je", + "peter", + "noah", + "niels", + "jens", + "johnnie", + "lucas", + "ronni", + "anders", + "carlo", + "daniel", + "\u00f8ystein", + "steve", + "uffe", + "johannes", + "carl", + "alvin", + "bobby", + "tobias", + "laus", + "alexander", + "oscar", + "ziggy", + "alf", + "nicklas", + "ove", + "casper", + "magnus", + "kristian", + "karsten", + "einar", + "bertram", + "gorm", + "mikkel", + "alex", + "laurits", + "bob", + "jano", + "hugo", + "andreas", + "peder", + "henry", + "borris", + "mikael", + "john", + "oliver", + "\u00e5bj\u00f8rn", + "jakob", + "clavs", + "keld", + "ludvig", + "tage", + "mogens", + "kim", + "ulf", + "\u00f8jvind", + "hans", + "s\u00f8ren", + "herbert", + "kurt", + "ron", + "george", + "jean", + "claus", + "flemming", + "emil", + "helge", + "james", + "jarl", + "lennarth", + "ebbe", + "johnny", + "j\u00f8rgen", + "elias", + "ruben", + "anton", + "julius", + "lars", + "mark", + "gert", + "jack", + "carsten", + "jimmy", + "palle", + "villads", + "marius", + "ragner", + "bo", + "timmy", + "freddy", + "ronny", + "allan", + "troels", + "jan", + "christian", + "arne", + "hjalte", + "mike", + "\u00f8yvind", + "verner", + "aksel", + "kaspar", + "ken", + "vagn", + "matthias", + "leif", + "mads", + "paul", + "jon", + "marcus", + "sten", + "silas", + "tim", + "stig", + "nils", + "finn", + "william", + "bent", + "preben", + "ib", + "nicolai", + "otto", + "johan", + "kasper", + "benny", + "per", + "martin", + "mik", + "philip", + "oskar", + "ole", + "gustav", + "tommy", + "\u00f8ivind", + "morten", + "osvald", + "curt", + "henrik", + "iver", + "lasse", + "asger", + "eric", + "steven", + "torben", + "olfert", + "yannick", + "nicolaj", + "andr\u00e9", + "aage", + "adam", + "jeppe", + "malthe", + "paw", + "robin", + "nikolaj", + "holger", + "simon", + "rolf", + "richardt", + "richard", + "joachim", + "sebastian", + "ernst", + "svenning", + "bertil", + "ulrik", + "kjeld", + "mathias", + "tonny", + "zacharias", + "gunnar", + "david", + "werner", + "boris", + "birger", + "boe", + "k\u00e5re", + "gunner", + "pete", + "kenn", + "frede", + "frode", + "\u00e5ge", + "stefan", + "yan", + "nikolai", + "robert", + "poul", + "thomas", + "b\u00f8rge", + "ronnie", + "dan", + "\u00f8rni", + "ivan", + "erik", + "ugust", + "frank", + "rune", + "danny", + "brian", + "christopher", + "erling", + "jonas", + "kenny", + "sam", + "yngve", + "frederik", + "ren\u00e9", + "tom", + "albert", + "victor", + "michael", + "bruno", + "bjarne", + "laust", + "patrick", + "kent", + "karl" + ], + "PREFIX_FEMALE": [ + "dr", + "fru", + "univ.prof", + "prof" + ], + "PREFIX_MALE": [ + "hr", + "dr", + "univ.prof", + "prof" + ], + "FIRST_NAME": [ + "valdemar", + "regitse", + "solveig", + "bettina", + "erna", + "hannah", + "malou", + "elsebeth", + "natasha", + "benjamin", + "inga", + "b\u00f8je", + "thea", + "peter", + "karin", + "niels", + "grete", + "birte", + "anders", + "mille", + "maria", + "annette", + "tobias", + "laus", + "sandra", + "ziggy", + "yda", + "s\u00f8s", + "justina", + "birthe", + "nanni", + "ingrid", + "gorm", + "joan", + "sille", + "anne", + "henry", + "\u00e5bj\u00f8rn", + "emilie", + "dagny", + "keld", + "tage", + "line", + "jean", + "james", + "grethe", + "lone", + "annemette", + "ane", + "winnie", + "selma", + "ragnhild", + "zelma", + "gert", + "winni", + "jimmy", + "charlotte", + "andrea", + "mie", + "marius", + "ragner", + "yasmin", + "mimi", + "jan", + "britt", + "aksel", + "verner", + "ken", + "connie", + "leif", + "mads", + "jon", + "malene", + "bent", + "preben", + "josephine", + "nina", + "gundhild", + "per", + "michelle", + "sonja", + "tommy", + "tanja", + "caroline", + "morten", + "weena", + "curt", + "bente", + "paw", + "adam", + "jeppe", + "abelone", + "holger", + "simon", + "zara", + "richardt", + "christine", + "ellen", + "l\u00e6rke", + "sussanne", + "werner", + "irma", + "lotte", + "birger", + "boe", + "karla", + "k\u00e5re", + "pete", + "rikke", + "frede", + "benedicte", + "\u00e5ge", + "stefan", + "jonna", + "berit", + "yan", + "nete", + "jacqueline", + "b\u00f8rge", + "frank", + "stine", + "paula", + "sam", + "patricia", + "ren\u00e9", + "mia", + "tom", + "bjarne", + "randi", + "laust", + "nana", + "tilde", + "kirstin", + "liva", + "herdis", + "marlene", + "sonny", + "amalie", + "astrid", + "conny", + "einer", + "herman", + "carina", + "christoffer", + "olga", + "karlo", + "camilla", + "dennis", + "rebecca", + "klavs", + "stephan", + "jonathan", + "georg", + "lea", + "kirstine", + "rasmus", + "noah", + "pernille", + "carlo", + "daniel", + "cecilie", + "sussie", + "uffe", + "steve", + "birgit", + "mathilde", + "sophie", + "alvin", + "klara", + "oscar", + "janni", + "sanne", + "alf", + "nicklas", + "casper", + "filippa", + "jannie", + "laurits", + "einar", + "alex", + "bob", + "victoria", + "peder", + "helle", + "mikael", + "oliver", + "john", + "mette", + "ragna", + "laura", + "hans", + "herbert", + "s\u00f8ren", + "ron", + "george", + "susanne", + "anette", + "lennarth", + "bitten", + "julie", + "katja", + "julius", + "maiken", + "vivian", + "mark", + "villads", + "bo", + "ella", + "freddy", + "christian", + "arne", + "odeline", + "naja", + "\u00f8yvind", + "sten", + "finn", + "otto", + "johan", + "kasper", + "mik", + "elisabeth", + "oda", + "gustav", + "catrine", + "rita", + "asger", + "jytte", + "malthe", + "leonora", + "beth", + "rolf", + "dina", + "ronja", + "richard", + "\u00e5se", + "sebastian", + "kjeld", + "minna", + "tonny", + "sabine", + "gunnar", + "marianne", + "iben", + "merethe", + "frida", + "kenn", + "thomas", + "poul", + "ronnie", + "karoline", + "vera", + "jacobine", + "rune", + "brian", + "erling", + "christina", + "frederik", + "gertrud", + "ulla", + "nadia", + "sofia", + "michael", + "sys", + "patrick", + "else", + "karl", + "kenneth", + "jacob", + "zenia", + "elna", + "klaus", + "sara", + "margrethe", + "hanne", + "joakim", + "ragnar", + "janne", + "jesper", + "lona", + "berta", + "lucas", + "olivia", + "signe", + "gerda", + "yrsa", + "kirsten", + "johannes", + "carl", + "dorthe", + "alexander", + "jasmin", + "viola", + "inge", + "mikkel", + "bertram", + "anna", + "hugo", + "andreas", + "silje", + "gyda", + "ludvig", + "lene", + "asta", + "merete", + "\u00f8jvind", + "claus", + "flemming", + "emil", + "carla", + "jarl", + "ebbe", + "johnny", + "rosa", + "ruth", + "lars", + "jack", + "dagmar", + "helen", + "ronny", + "josefine", + "bodil", + "troels", + "mike", + "matthias", + "paul", + "silas", + "tim", + "ursula", + "ester", + "maya", + "jenny", + "ib", + "nicoline", + "nicolai", + "sarah", + "tammy", + "philip", + "benedikte", + "oskar", + "britta", + "ingelise", + "sigrid", + "osvald", + "iver", + "torben", + "eric", + "gunhild", + "steven", + "yannick", + "henriette", + "nikolaj", + "michala", + "joachim", + "svenning", + "natasja", + "bertil", + "gurli", + "ulrik", + "mathias", + "emma", + "zacharias", + "david", + "boris", + "frode", + "benthe", + "nikolai", + "dorte", + "tina", + "alma", + "ivan", + "erik", + "ugust", + "jonas", + "s\u00f8rine", + "victor", + "cirkeline", + "nanna", + "steen", + "frans", + "esben", + "jim", + "emily", + "\u00f8vli", + "gitte", + "nick", + "tejs", + "paulina", + "marie", + "jens", + "johnnie", + "ronni", + "kristina", + "\u00f8ystein", + "margit", + "sofie", + "pia", + "zahra", + "tine", + "bobby", + "ove", + "kristian", + "magnus", + "karsten", + "sine", + "maren", + "tove", + "jano", + "borris", + "jakob", + "clavs", + "kim", + "mogens", + "ulf", + "kurt", + "helge", + "ditte", + "karina", + "frederikke", + "daniella", + "j\u00f8rgen", + "elias", + "ruben", + "inger", + "heidi", + "anton", + "agnete", + "doris", + "agnes", + "carsten", + "simone", + "lena", + "palle", + "nora", + "allan", + "timmy", + "hjalte", + "kaspar", + "trine", + "vagn", + "regitze", + "cathrine", + "ida", + "marcus", + "stig", + "nils", + "william", + "benny", + "martin", + "ole", + "\u00f8ivind", + "stina", + "esmarelda", + "henrik", + "lasse", + "kristine", + "olfert", + "odette", + "nicolaj", + "andr\u00e9", + "aage", + "majken", + "johanne", + "robin", + "maja", + "xenia", + "amanda", + "birgitte", + "ernst", + "isabella", + "ulrike", + "elin", + "gunner", + "ritt", + "yvonne", + "solvej", + "zehnia", + "freja", + "robert", + "dan", + "\u00f8rni", + "katrine", + "danny", + "christopher", + "karen", + "ofelia", + "louise", + "kenny", + "alberte", + "yngve", + "edith", + "katcha", + "albert", + "bruno", + "clara", + "kent" + ], + "LAST_NAME": [ + "berg", + "kristensen", + "christensen", + "christiansen", + "johansen", + "eriksen", + "nilsson", + "lauritsen", + "olesen", + "holst", + "simonsen", + "knudsen", + "karlsen", + "klausen", + "s\u00f8rensen", + "danielsen", + "bertelsen", + "henriksen", + "mogensen", + "svendsen", + "kj\u00e6r", + "jakobsen", + "koch", + "bech", + "lassen", + "laursen", + "schou", + "steffensen", + "s\u00f8ndergaard", + "mikkelsen", + "skov", + "\u00f8stergaard", + "brandt", + "jespersen", + "poulsen", + "gregersen", + "jensen", + "paulsen", + "frandsen", + "lund", + "lind", + "mathiasen", + "schultz", + "kjeldsen", + "dahl", + "thorsen", + "pedersen", + "holm", + "vestergaard", + "christoffersen", + "andresen", + "overgaard", + "jessen", + "andreasen", + "clausen", + "thomsen", + "dam", + "larsen", + "jepsen", + "nielsen", + "toft", + "j\u00f8rgensen", + "hermansen", + "carlsen", + "thygesen", + "krogh", + "mortensen", + "lauridsen", + "bruun", + "mathiesen", + "n\u00f8rgaard", + "kristoffersen", + "friis", + "schmidt", + "olsen", + "frederiksen", + "andersen", + "ravn", + "winther", + "iversen", + "bach", + "rasmussen", + "madsen", + "petersen", + "m\u00f8ller", + "hansen", + "jeppesen", + "jacobsen", + "kristiansen", + "nissen", + "johnsen" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/dlm.json b/data_tooling/pii_processing/ontology/data/dlm.json new file mode 100644 index 0000000..96bd9d9 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/dlm.json @@ -0,0 +1,82 @@ +{ + "ORG": [ + "doi" + ], + "LOCATION": [ + "cuomp" + ], + "JOB": [ + "depentaur", + "pentaur", + "burbur", + "pascu" + ], + "EVENT": [ + "desmissur" + ], + "ANIMAL": [ + "miarla" + ], + "PUBLIC_FIGURE": [ + "e" + ], + "DISEASE": [ + "morscuor", + "moscuar", + "aura", + "tormiant" + ], + "TITLE": [ + "sinaur" + ], + "FAC": [ + "plaza" + ], + "PLANT": [ + "nochiera" + ], + "RELIGION_MEMBER": [ + "jain", + "frutro" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "femia": "muosclo", + "saur": "frutro", + "seraur": "frutro", + "mulir": "marait", + "molier": "marait", + "mojer": "marait" + }, + "other_gender_swap": { + "jal": "jale" + }, + "en_pronoun2gender": { + "he": [ + "muosclo" + ], + "she": [ + "femia" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "jal" + ], + "they": [ + "jale", + "jali" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/dsb.json b/data_tooling/pii_processing/ontology/data/dsb.json new file mode 100644 index 0000000..1a5c1b9 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/dsb.json @@ -0,0 +1,163 @@ +{ + "ANIMAL": [ + "karwona", + "rapak", + "\u0161krodawa", + "kohlica", + "grampak", + "morska_swinka", + "kanja", + "pa\u0161turlica", + "rybornik", + "ryborak", + "rybarnik", + "burunduk" + ], + "LANGUAGE": [ + "hindi\u0161\u0107ina", + "esperanto" + ], + "DISEASE": [ + "zarz", + "hungor" + ], + "PUBLIC_FIGURE": [ + "sherry", + "w", + "jurij", + "a", + "steward", + "o", + "jaden", + "putin", + "frank" + ], + "RELIGION_MEMBER": [ + "protestant", + "brat\u0161" + ], + "JOB": [ + "stewardes", + "kral", + "leutnant", + "stewardesa", + "samostatny", + "ch\u00f3rgojnik", + "radny", + "duchta\u0155", + "man", + "stotnik", + "kralik", + "steward" + ], + "SOC_ECO_CLASS": [ + "ma\u0142o" + ], + "RACE": [ + "turk" + ], + "PERSON_PRONOUN": [ + "na\u0161", + "we", + "naju", + "my" + ], + "FAC": [ + "dw\u00f3rni\u0161\u0107o" + ], + "PRODUCT": [ + "nowoseelandska" + ], + "GENDER": [ + "samica", + "man" + ], + "FOOD": [ + "limonada" + ], + "PLANT": [ + "jawor", + "serbowka", + "marchwej", + "rotwica" + ], + "ORG": [ + "cerwjene_m\u00f3rjo", + "nordrhein_westfalska" + ], + "LOCATION": [ + "za_kulisami" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u017aowka": "son", + "policistka": "policaj", + "w\u00f3na": "w\u00f3n", + "sot\u0161a": "brat\u0161", + "stewardesa": "steward", + "\u017eona": "c\u0142owjek", + "\u017ee\u0144ska": "mu\u017e", + "g\u00f3lc": "\u017aow\u0107o" + }, + "other_gender_swap": { + "jeju": "jej", + "jich": "jeje", + "nich": "jeje", + "n\u011b": "jeje", + "w\u00f3ni": "w\u00f3na", + "w\u00f3n": "w\u00f3ni", + "jomu": "nich", + "w\u00f3na": "w\u00f3ni", + "jej": "jeju", + "jeje": "jeju" + }, + "en_pronoun2gender": { + "he": [ + "c\u0142owjek", + "mu\u017e", + "g\u00f3lc", + "man" + ], + "she": [ + "\u017aow\u0107o", + "samica", + "kn\u011b\u017ena", + "\u017eona", + "\u017ee\u0144ska" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "jomu", + "w\u00f3n" + ], + "she": [ + "w\u00f3na", + "jej", + "jeje" + ], + "they": [ + "n\u011b", + "jeju", + "jej", + "nich", + "jich", + "w\u00f3ni" + ], + "it": [ + "a\u017e", + "w\u00f3no" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/dv.json b/data_tooling/pii_processing/ontology/data/dv.json new file mode 100644 index 0000000..13658d6 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/dv.json @@ -0,0 +1,36 @@ +{ + "GPE": [ + "\u0783\u07a6\u078c\u07b0\u0786\u07a6\u0782\u0791\u07aa" + ], + "PRODUCT": [ + "\u0782\u07a8\u0787\u07aa\u0792\u07a8\u078d\u07ad\u0782\u07b0\u0791\u07aa" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0789\u07a6\u0782\u0789\u07a6": "\u0784\u07a6\u0787\u07b0\u0795\u07a6", + "\u0786\u07ae\u0787\u07b0\u0786\u07ae": "\u0784\u07ad\u0784\u07ac", + "\u078b\u07a6\u0787\u07b0\u078c\u07a6": "\u0784\u07ad\u0784\u07ac" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u0787\u07a6\u0782\u07b0\u0780\u07ac\u0782\u07b0\u0789\u07a9\u0780\u07a7" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u0787\u07ac_\u0789\u07a9\u0780\u07aa\u0782\u07b0" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ee.json b/data_tooling/pii_processing/ontology/data/ee.json new file mode 100644 index 0000000..f82baa4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ee.json @@ -0,0 +1,76 @@ +{ + "RELIGION_MEMBER": [ + "yudat\u0254" + ], + "LANGUAGE": [ + "helat\u0254", + "fransegbe" + ], + "JOB": [ + "atikew\u0254la", + "avul\u00e9la" + ], + "DISEASE": [ + "nyatsu", + "mi" + ], + "PUBLIC_FIGURE": [ + "yakob" + ], + "ANIMAL": [ + "afia", + "koklo", + "koklovi" + ], + "LOCATION": [ + "ga_wuieve", + "eden_b\u0254" + ], + "PLANT": [ + "ga_wui\u0256eka", + "ga_ene" + ], + "FOOD": [ + "ga_at\u0254\u0303" + ], + "ORG": [ + "mi", + "ga_adre", + "ga_ewo" + ], + "PRODUCT": [ + "nubabla_yeye" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "t\u0254gbuiy\u0254viny\u0254nu": "t\u0254gbuiy\u0254vi\u014butsu", + "kpovit\u0254ny\u0254nu": "kpovit\u0254\u014butsu", + "n\u0254viny\u0254nu": "n\u0254vi\u014butsu" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "ny\u0254nuvi", + "ny\u0254nu" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "eya" + ], + "she": [ + "eya" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/egl.json b/data_tooling/pii_processing/ontology/data/egl.json new file mode 100644 index 0000000..a069e10 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/egl.json @@ -0,0 +1,34 @@ +{ + "ANIMAL": [ + "curn\u00e0cia" + ], + "DISEASE": [ + "brun\u015b\u014dl", + "sgaram\u00f2ffia" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "d\u00f2na" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "st\u00e9", + "taj" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/el.json b/data_tooling/pii_processing/ontology/data/el.json new file mode 100644 index 0000000..68ef701 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/el.json @@ -0,0 +1,4485 @@ +{ + "PUBLIC_FIGURE": [ + "\u03bf_\u03b1\u03c5\u03bb\u03b7\u03c4\u03ae\u03c3_\u03c4\u03bf\u03c5_\u03c7\u03b1\u03bc\u03b5\u03bb\u03af\u03bd", + "\u03ba\u03b1\u03c1\u03bf\u03bb\u03bf\u03c3", + "c", + "\u03b4\u03b1\u03c3\u03bf\u03c6\u03c5\u03bb\u03b1\u03ba\u03b1\u03c3", + "\u03c3\u03bc\u03b9\u03b8", + "\u03ba\u03b1\u03c4\u03b1\u03c6\u03b5\u03c1\u03c4\u03b6\u03b7\u03c3", + "e_entertainment", + "\u03ba\u03bf\u03ba\u03ba\u03b9\u03bd\u03bf\u03c3\u03ba\u03bf\u03c5\u03c6\u03af\u03c4\u03c3\u03b1", + "\u03b1\u03bd_\u03c7\u03ac\u03b8\u03b1\u03b3\u03bf\u03c5\u03b5\u03ca", + "y", + "\u03c4\u03c1\u03c5\u03c0\u03bf\u03c6\u03c1\u03b1\u03c7\u03c4\u03b7\u03c3", + "f", + "\u03c4\u03ac\u03bd\u03b1", + "\u03ba\u03b1\u03c1\u03b1\u03b2\u03ac\u03c4\u03b6\u03b9\u03bf", + "\u03c6\u03bf\u03b2\u03b9\u03c4\u03c3\u03b9\u03b1\u03c1\u03b1", + "\u03c4\u03b1\u03be\u03af\u03b1\u03c1\u03c7\u03bf\u03c3", + "\u03c4\u03c9\u03bd", + "\u03bc\u03b1\u03c1\u03af\u03b1_\u03bc\u03b1\u03b3\u03b4\u03b1\u03bb\u03b7\u03bd\u03ae", + "\u03ba\u03b1\u03b9_\u03bf\u03c5\u03c4\u03c9_\u03ba\u03b1\u03b8\u03b5\u03be\u03b7\u03c3", + "\u03c3\u03c4\u03c1\u03b1\u03bf\u03c5\u03c3", + "homo_heidelbergensis", + "\u03c6\u03c5\u03bb\u03b1\u03ba\u03b1\u03b3\u03b3\u03b5\u03bb\u03bf\u03c3", + "o", + "\u03bc\u03b1\u03c5\u03c1\u03b1\u03b3\u03bf\u03c1\u03b9\u03c4\u03b7\u03c3", + "\u03ba\u03b1\u03c1\u03c4\u03b5\u03c1", + "i", + "\u03ac\u03bd\u03c4\u03b5\u03c1\u03c3_\u03ba\u03ad\u03bb\u03c3\u03b9\u03bf\u03c3", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b9\u03bf\u03c3", + "\u03c0\u03b5\u03c4\u03c1\u03bf\u03c3", + "garfield", + "1", + "\u03bf_\u03b9\u03c0\u03c4\u03ac\u03bc\u03b5\u03bd\u03bf\u03c3_\u03bf\u03bb\u03bb\u03b1\u03bd\u03b4\u03cc\u03c3", + "g", + "r", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03c9\u03c4\u03b7\u03c3", + "\u03bf\u03c3\u03bc\u03ac\u03bd_\u03b1", + "\u03b8\u03b1\u03c4\u03c3\u03b5\u03c1", + "\u03b1\u03c0\u03cc\u03c3\u03c4\u03bf\u03bb\u03bf\u03c3_\u03c0\u03ad\u03c4\u03c1\u03bf\u03c3", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03c6\u03bf\u03c1\u03bf\u03c3_\u03ba\u03bf\u03bb\u03cc\u03bc\u03b2\u03bf\u03c3", + "homo", + "\u03ac\u03b3\u03b9\u03bf\u03c3_\u03bb\u03b1\u03c5\u03c1\u03ad\u03bd\u03c4\u03b9\u03bf\u03c3", + "the_one", + "\u03bc\u03b7_\u03b5\u03c6\u03b1\u03c1\u03bc\u03bf\u03c3\u03b9\u03bc\u03bf\u03c3", + "\u03ba\u03bf\u03ba\u03ba\u03b9\u03bd\u03bf\u03c3\u03ba\u03bf\u03c5\u03c6\u03b9\u03c4\u03c3\u03b1", + "t", + "\u03bc\u03c5\u03bb\u03c9\u03bd\u03b1\u03c3" + ], + "LOCATION": [ + "al_jazeera", + "\u03c0\u03bf\u03c1\u03c4\u03bf\u03ba\u03b1\u03bb\u03b5\u03c9\u03bd\u03b1\u03c3", + "\u03c0\u03b7\u03c4_\u03bc\u03bf\u03bd\u03c4\u03c1\u03b9\u03ac\u03bd", + "\u03ba\u03b5\u03bd\u03c4\u03c1\u03b9\u03ba\u03ae_\u03c4\u03c1\u03ac\u03c0\u03b5\u03b6\u03b1", + "\u03c3\u03c4\u03bf_\u03c7\u03b5\u03b9\u03bb\u03bf\u03c3", + "\u03ba\u03b5\u03bd\u03c4\u03c1\u03b9\u03ba\u03b7_\u03c4\u03c1\u03b1\u03c0\u03b5\u03b6\u03b1", + "\u03ba\u03b1\u03bb\u03b7\u03c3\u03c0\u03b5\u03c1\u03b1", + "\u03c6\u03c1\u03b5\u03bd\u03bf\u03ba\u03bf\u03bc\u03b5\u03b9\u03bf", + "\u03b5\u03bc\u03b9\u03bb\u03b9\u03ac\u03bd\u03bf_\u03b6\u03b1\u03c0\u03ac\u03c4\u03b1", + "\u03ac\u03b3\u03b9\u03bf\u03c3_\u03b2\u03b9\u03ba\u03ad\u03bd\u03c4\u03b9\u03bf\u03c3", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03c4\u03c3\u03b9\u03ba\u03bb\u03b9\u03c4\u03b1\u03c1\u03b1", + "\u03c0\u03b1\u03b9\u03b4\u03bf\u03c4\u03bf\u03c0\u03bf\u03c3", + "\u03c3\u03c4\u03c1\u03b1\u03c4\u03cc\u03c3_\u03be\u03b7\u03c1\u03ac\u03c3_\u03c4\u03c9\u03bd_\u03b7\u03c0\u03b1", + "\u03c3\u03c4\u03b1\u03c7\u03c4\u03bf\u03c4\u03c3\u03b9\u03ba\u03bd\u03b9\u03ac\u03c3", + "\u03ba\u03b1\u03bb\u03b7\u03bd\u03c5\u03c7\u03c4\u03b1", + "\u03b2\u03bf\u03c4\u03b1\u03bd\u03b9\u03ba\u03cc\u03c3_\u03ba\u03ae\u03c0\u03bf\u03c3", + "\u03bd\u03b5\u03bf\u03c3_\u03ba\u03bf\u03c3\u03bc\u03bf\u03c3", + "\u03b1\u03bc\u03ad\u03c1\u03b9\u03b3\u03ba\u03bf_\u03b2\u03b5\u03c3\u03c0\u03bf\u03cd\u03c4\u03c3\u03b9", + "\u03b4\u03b5\u03bd_\u03ba\u03b1\u03bd\u03b5\u03b9_\u03c4\u03b9\u03c0\u03bf\u03c4\u03b1", + "\u03bc\u03b5\u03b3\u03b1\u03bb\u03b7_\u03b1\u03c1\u03ba\u03c4\u03bf\u03c3", + "\u03ba\u03bf\u03bd\u03c4\u03bf\u03c1\u03b5\u03b2\u03b9\u03b8\u03bf\u03c5\u03bb\u03b7\u03c3", + "\u03c0\u03c1\u03b1\u03c3\u03b9\u03bd\u03bf_\u03b1\u03ba\u03c1\u03c9\u03c4\u03b7\u03c1\u03b9\u03bf", + "\u03ba\u03bf\u03c5\u03c1\u03bf\u03cd\u03bd\u03b1", + "\u03b5\u03bd_\u03c0\u03bb\u03c9", + "\u03c9\u03c1\u03b1\u03b9\u03b1_\u03ba\u03bf\u03b9\u03bc\u03c9\u03bc\u03b5\u03bd\u03b7", + "\u03b7_\u03c9\u03c1\u03b1\u03af\u03b1_\u03ba\u03bf\u03b9\u03bc\u03c9\u03bc\u03ad\u03bd\u03b7", + "\u03bb\u03af\u03bc\u03bd\u03b7_\u03c3\u03bf\u03c5\u03c0\u03af\u03c1\u03b9\u03bf\u03c1", + "\u03b1\u03b3\u03b9\u03bf\u03c3_\u03b2\u03b1\u03c3\u03b9\u03bb\u03b7\u03c3", + "\u03c3\u03c4\u03b1\u03c7\u03c4\u03bf\u03c4\u03c3\u03b9\u03ba\u03bd\u03b9\u03b1\u03c3", + "\u03b1\u03c3\u03c0\u03c1\u03bf\u03c3\u03bf\u03c5\u03c3\u03bf\u03c5\u03c1\u03ac\u03b4\u03b1", + "\u03b4\u03b9\u03ba\u03b1\u03c3\u03c4\u03ae\u03c1\u03b9\u03bf", + "\u03b5\u03b9\u03c1\u03b7\u03bd\u03bf\u03b4\u03b9\u03ba\u03b5\u03af\u03bf", + "\u03b3\u03b1\u03bb\u03b1\u03be\u03af\u03b1\u03c3", + "\u03bf_\u03b2\u03c5\u03c3\u03c3\u03b9\u03bd\u03cc\u03ba\u03b7\u03c0\u03bf\u03c3", + "\u03c0\u03bf\u03bb\u03b5\u03bc\u03b9\u03ba\u03ae_\u03b1\u03b5\u03c1\u03bf\u03c0\u03bf\u03c1\u03af\u03b1", + "\u03ac\u03b3\u03b9\u03bf\u03c3_\u03c0\u03b1\u03c4\u03c1\u03af\u03ba\u03b9\u03bf\u03c3", + "\u03c0\u03c1\u03bf\u03c0\u03b1\u03bd\u03c4\u03bf\u03c3", + "\u03c3\u03b1\u03be\u03c9\u03bd\u03af\u03b1_\u03ac\u03bd\u03c7\u03b1\u03bb\u03c4", + "the_rolling_stones", + "\u03c3\u03c4\u03b1\u03c7\u03c4\u03bf\u03ba\u03bf\u03c5\u03c1\u03bf\u03c5\u03bd\u03b1", + "\u03c0\u03b1\u03bd\u03c4\u03b5\u03c3\u03c0\u03b1\u03bd\u03b9", + "\u03c8\u03c5\u03c7\u03b9\u03b1\u03c4\u03c1\u03b9\u03ba\u03bf_\u03bd\u03bf\u03c3\u03bf\u03ba\u03bf\u03bc\u03b5\u03b9\u03bf", + "\u03cc\u03c1\u03bf\u03c3_\u03c4\u03b7\u03c3_\u03b1\u03b3\u03af\u03b1\u03c3_\u03b5\u03bb\u03ad\u03bd\u03b7\u03c3", + "\u03bc\u03b1\u03c1\u03b9\u03b1_\u03bc\u03b1\u03b3\u03b4\u03b1\u03bb\u03b7\u03bd\u03b7", + "\u03b5\u03b8\u03bd\u03bf\u03c3\u03c5\u03bd\u03ad\u03bb\u03b5\u03c5\u03c3\u03b7_\u03c4\u03b7\u03c3_\u03b3\u03b1\u03bb\u03bb\u03af\u03b1\u03c3", + "\u03c3\u03b5_\u03c0\u03b5\u03c1\u03b9\u03c0\u03c4\u03c9\u03c3\u03b7_\u03c0\u03bf\u03c5", + "\u03b3\u03b1\u03bb\u03b1\u03be\u03b9\u03b1\u03c3", + "\u03ba\u03b1\u03b9_\u03bb\u03bf\u03b9\u03c0\u03bf\u03bd", + "\u03b4\u03cd\u03bf_\u03b1\u03b4\u03ad\u03c1\u03c6\u03b9\u03b1_\u03bf_\u03bd\u03c4\u03c1\u03bf\u03c0\u03b1\u03bb\u03cc\u03c3_\u03ba\u03b1\u03b9_\u03bf_\u03b3\u03b5\u03bd\u03bd\u03b1\u03af\u03bf\u03c3", + "\u03c0\u03c1\u03ac\u03c3\u03b9\u03bd\u03bf_\u03b1\u03ba\u03c1\u03c9\u03c4\u03ae\u03c1\u03b9\u03bf", + "\u03c3\u03b5_\u03c0\u03b5\u03c1\u03b9\u03c0\u03c4\u03c9\u03c3\u03b7" + ], + "DISEASE": [ + "\u03ba\u03bf\u03b9\u03bd\u03cc_\u03ba\u03c1\u03c5\u03bf\u03bb\u03cc\u03b3\u03b7\u03bc\u03b1", + "\u03bc\u03b1\u03c3\u03c4\u03b9\u03c4\u03b9\u03c3", + "\u03b1\u03b3\u03bf\u03c1\u03b1\u03c6\u03bf\u03b2\u03af\u03b1", + "\u03bc\u03b1\u03c3\u03c4\u03af\u03c4\u03b9\u03b4\u03b1", + "\u03bf\u03b4\u03bf\u03bd\u03c4\u03b1\u03bb\u03b3\u03b9\u03b1", + "\u03bb\u03b5\u03c5\u03ba\u03b7", + "\u03ba\u03b1\u03c1\u03b4\u03b9\u03bf\u03c0\u03b1\u03b8\u03b5\u03b9\u03b1", + "\u03bc\u03b1\u03c5\u03c1\u03b9\u03b6\u03c9", + "\u03bd\u03b1\u03c5\u03c4\u03b9\u03b1", + "\u03b1\u03b3\u03b3\u03b5\u03b9\u03c9\u03bc\u03b1", + "\u03bf\u03b9\u03ba\u03bf\u03b4\u03bf\u03bc\u03b7\u03c3\u03b7", + "\u03c4\u03c1\u03b9\u03c3\u03ba\u03b1\u03b9\u03b4\u03b5\u03ba\u03b1\u03c6\u03bf\u03b2\u03b9\u03b1", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03b7\u03bc\u03b1", + "\u03b3\u03b1\u03bb\u03b1\u03ba\u03c4\u03bf\u03b6\u03b1\u03b9\u03bc\u03af\u03b1", + "\u03bc\u03b5\u03bb\u03b1\u03bd\u03c9\u03bc\u03b1", + "\u03ba\u03b1\u03c3\u03c4\u03b1\u03bd\u03bf\u03c3", + "\u03c0\u03c1\u03b5\u03c3\u03b2\u03c5\u03c9\u03c0\u03b9\u03b1", + "\u03ba\u03bf\u03c4\u03c3\u03b1\u03bd\u03b9", + "\u03b4\u03b9\u03b1\u03c6\u03c1\u03b1\u03b3\u03bc\u03b1\u03c4\u03bf\u03ba\u03ae\u03bb\u03b7", + "\u03b1\u03bc\u03c5\u03b3\u03b4\u03b1\u03bb\u03af\u03c4\u03b9\u03b4\u03b1", + "\u03ba\u03bf\u03ba\u03ba\u03cd\u03c4\u03b7\u03c3", + "\u03bc\u03b1\u03bd\u03b9\u03bf\u03ba\u03b1\u03c4\u03b1\u03b8\u03bb\u03b9\u03c8\u03b7", + "\u03b8\u03b5\u03bc\u03b5\u03bb\u03b9\u03c9\u03c4\u03b7\u03c3", + "\u03b5\u03c1\u03c5\u03c3\u03b9\u03c0\u03b5\u03bb\u03b1\u03c3", + "\u03bc\u03c5\u03bf\u03ba\u03b1\u03c1\u03b4\u03b9\u03c4\u03b9\u03b4\u03b1", + "\u03c3\u03c4\u03c1\u03b1\u03b2\u03b9\u03c3\u03bc\u03bf\u03c3", + "stenos", + "\u03c3\u03ba\u03bf\u03c5\u03c1\u03b9\u03b1", + "\u03b3\u03c5\u03bd\u03b1\u03b9\u03ba\u03bf\u03bc\u03b1\u03c3\u03c4\u03b9\u03b1", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03bf", + "gimp", + "\u03bc\u03bf\u03c5\u03c1\u03bc\u03bf\u03c5\u03c1\u03b7\u03c4\u03bf", + "\u03c4\u03bf_\u03ba\u03b5\u03bd\u03c4\u03c1\u03af", + "\u03ba\u03b1\u03c3\u03c4\u03b1\u03bd\u03b9\u03ac", + "smart", + "\u03c7\u03b3", + "\u03ba\u03b1\u03c1\u03b4\u03b9\u03bf\u03c7\u03c4\u03c5\u03c0\u03b9", + "\u03ba\u03bf\u03ba\u03ba\u03b9\u03bd\u03b9\u03c3\u03bc\u03b1", + "\u03ba\u03bf\u03bc\u03bc\u03b5\u03bd\u03bf\u03c3", + "\u03b9\u03b4\u03c1\u03c5\u03c4\u03b7\u03c3", + "\u03c0\u03c1\u03bf\u03b5\u03ba\u03bb\u03b1\u03bc\u03c8\u03b9\u03b1", + "\u03b1\u03b9\u03bb\u03bf\u03c5\u03c1\u03bf\u03c6\u03bf\u03b2\u03b9\u03b1", + "\u03b9\u03b4\u03b9\u03bf\u03c0\u03b1\u03b8\u03b5\u03b9\u03b1", + "\u03b1\u03ba\u03c4\u03b9\u03bd\u03bf\u03b2\u03bf\u03bb\u03af\u03b1", + "\u03b5\u03c0\u03b9\u03c3\u03c4\u03b1\u03be\u03b7", + "\u03ba\u03bf\u03ba\u03ba\u03c5\u03c4\u03b7\u03c3", + "\u03b5\u03bd\u03b4\u03bf\u03ba\u03b1\u03c1\u03b4\u03af\u03c4\u03b9\u03b4\u03b1", + "\u03c4\u03b1\u03c7\u03c5\u03ba\u03b1\u03c1\u03b4\u03b9\u03b1", + "\u03c7\u03b9\u03bf\u03bd\u03b9\u03c3\u03c4\u03c1\u03b1", + "\u03b8\u03b1\u03bd\u03b1\u03c4\u03bf\u03c6\u03bf\u03b2\u03b9\u03b1", + "\u03b1\u03c3\u03b8\u03ad\u03bd\u03b5\u03b9\u03b1_\u03b9\u03bf\u03cd_\u03ad\u03bc\u03c0\u03bf\u03bb\u03b1", + "\u03bb\u03b5\u03c5\u03ba\u03bf\u03c0\u03b1\u03b8\u03b5\u03b9\u03b1", + "\u03bb\u03b5\u03c0\u03c4\u03bf\u03c3\u03c0\u03b5\u03af\u03c1\u03c9\u03c3\u03b7", + "\u03b1\u03b3\u03bf\u03c1\u03b1\u03c6\u03bf\u03b2\u03b9\u03b1", + "\u03b9\u03c7\u03b8\u03cd\u03b1\u03c3\u03b7", + "\u03b4\u03b4\u03b1", + "\u03b2\u03b1\u03ba\u03c4\u03b7\u03c1\u03b9\u03bf\u03c6\u03b1\u03b3\u03bf\u03c3", + "\u03ba\u03bb\u03b5\u03b9\u03c3\u03c4\u03bf\u03c6\u03bf\u03b2\u03b9\u03b1", + "\u03b3\u03bb\u03b1\u03c5\u03ba\u03c9\u03bc\u03b1", + "\u03b5\u03c0\u03b9\u03c3\u03c4\u03b1\u03b6\u03c9", + "\u03b1\u03bc\u03c6\u03b9\u03b2\u03bb\u03b7\u03c3\u03c4\u03c1\u03bf\u03b5\u03b9\u03b4\u03b9\u03c4\u03b9\u03b4\u03b1" + ], + "JOB": [ + "\u03b9\u03b5\u03c1\u03b1\u03c1\u03c7\u03b7\u03c3", + "\u03ba\u03bf\u03bb\u03b9\u03b3\u03b1\u03c3", + "\u03b1\u03b3\u03b1\u03bb\u03bc\u03b1\u03c4\u03bf\u03c0\u03bf\u03b9\u03bf\u03c3", + "\u03c0\u03b1\u03c1\u03b1\u03c7\u03b1\u03c1\u03b1\u03ba\u03c4\u03b7\u03c3", + "\u03ba\u03b1\u03c4\u03b1\u03c0\u03bf\u03bd\u03c4\u03b9\u03b6\u03bf\u03bc\u03b1\u03b9", + "\u03b1\u03bb\u03b5\u03be\u03b9\u03c0\u03c4\u03c9\u03c4\u03b9\u03c3\u03c4\u03c1\u03b9\u03b1", + "\u03b4\u03b9\u03b1\u03ba\u03bf\u03bd\u03b9\u03c3\u03c3\u03b1", + "\u03c0\u03c1\u03c9\u03c4\u03bf\u03c3\u03c5\u03b3\u03ba\u03b5\u03bb\u03bb\u03bf\u03c3", + "\u03ba\u03b1\u03b8\u03b1\u03c1\u03b9\u03c3\u03c4\u03c1\u03b9\u03b1", + "\u03c0\u03b1\u03b8\u03bf\u03bb\u03bf\u03b3\u03bf\u03b1\u03bd\u03b1\u03c4\u03bf\u03bc\u03bf\u03c3", + "\u03c3\u03c4\u03c1\u03b1\u03c4\u03b1\u03c1\u03c7\u03b7\u03c3", + "hydrologos", + "the_police", + "\u03b5\u03c0\u03b9\u03c0\u03bb\u03bf\u03c0\u03bf\u03b9\u03bf\u03c3", + "\u03b5\u03ba\u03ba\u03bb\u03b7\u03c3\u03b1\u03c1\u03b7\u03c3", + "\u03b1\u03b9\u03bc\u03b1\u03c4\u03bf\u03bb\u03bf\u03b3\u03bf\u03c3", + "\u03b3\u03c5\u03bd\u03b1\u03b9\u03ba\u03bf\u03bb\u03bf\u03b3\u03bf\u03c3", + "\u03b1\u03bd\u03b5\u03be\u03b1\u03c1\u03c4\u03b7\u03c4\u03bf\u03c3", + "gentleman", + "\u03ba\u03b1\u03c4\u03b1\u03c3\u03ba\u03b5\u03c5\u03b1\u03b6\u03c9", + "\u03b8\u03b1\u03bb\u03b1\u03c3\u03c3\u03b9\u03bf\u03c3", + "\u03b1\u03bd\u03bf\u03c1\u03b8\u03c9\u03c4\u03b7\u03c3", + "\u03c3\u03c4\u03c1\u03b1\u03c4\u03b7\u03b3\u03bf\u03c3", + "\u03b5\u03ba\u03c0\u03b1\u03b9\u03b4\u03b5\u03c5\u03c4\u03b7\u03c3", + "\u03c5\u03c0\u03bf\u03c3\u03c4\u03c1\u03b1\u03c4\u03b7\u03b3\u03bf\u03c3", + "\u03b3\u03b5\u03c1\u03b1\u03ba\u03b1\u03c1\u03b7\u03c3", + "\u03ba\u03c5\u03b2\u03b5\u03c1\u03bd\u03b7\u03c4\u03b7\u03c3", + "\u03c4\u03c1\u03b1\u03c5\u03bc\u03b1\u03c4\u03b9\u03bf\u03c6\u03bf\u03c1\u03b5\u03b1\u03c3", + "\u03b1\u03b3\u03bf\u03c1\u03b7\u03c4\u03c1\u03b9\u03b1", + "\u03b1\u03bd\u03b1\u03b9\u03c3\u03b8\u03b7\u03c3\u03b9\u03bf\u03bb\u03cc\u03b3\u03bf\u03c3", + "\u03c4\u03c1\u03b1\u03b3\u03bf\u03c5\u03b4\u03bf\u03c0\u03bf\u03b9\u03bf\u03c3", + "\u03c0\u03b1\u03b9\u03b4\u03b9\u03b1\u03c4\u03c1\u03bf\u03c3", + "\u03c0\u03b1\u03c1\u03b1\u03b4\u03bf\u03c5\u03bb\u03b5\u03c5\u03c4\u03c1\u03b1", + "\u03bc\u03b1\u03c1\u03b1\u03b3\u03ba\u03bf\u03c3", + "the_guardian", + "\u03b7_\u03b3\u03b1\u03bb\u03b1\u03c4\u03bf\u03cd", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03b3\u03c1\u03b1\u03c6\u03bf\u03c3", + "\u03bc\u03c5\u03b3\u03b1\u03ba\u03b9", + "mate", + "\u03c6\u03c1\u03bf\u03c5\u03c1\u03bf\u03c3", + "\u03c5\u03c0\u03b1\u03c1\u03c7\u03bf\u03c3", + "\u03c0\u03b1\u03c1\u03b1\u03bd\u03c5\u03bc\u03c6\u03bf\u03c3", + "\u03c6\u03c9\u03c4\u03bf\u03b3\u03c1\u03b1\u03c6\u03bf\u03c3", + "\u03c3\u03c0\u03b9\u03c4\u03bf\u03bd\u03bf\u03b9\u03ba\u03bf\u03ba\u03c5\u03c1\u03b7\u03c3", + "\u03b4\u03b5\u03c1\u03bc\u03b1\u03c4\u03bf\u03bb\u03bf\u03b3\u03bf\u03c3", + "\u03c5\u03c0\u03bf\u03c3\u03bc\u03b7\u03bd\u03b1\u03b3\u03bf\u03c3", + "\u03bc\u03b5\u03c3\u03b1\u03b6\u03c9\u03bd", + "\u03bf_\u03b5\u03bb\u03b1\u03c6\u03bf\u03ba\u03c5\u03bd\u03b7\u03b3\u03cc\u03c3", + "the_economist", + "\u03c5\u03c0\u03bf\u03c3\u03c4\u03c1\u03ac\u03c4\u03b7\u03b3\u03bf\u03c3", + "\u03b1\u03b3\u03bf\u03c1\u03b7\u03c4\u03b7\u03c3", + "\u03b5\u03b3\u03ba\u03b5\u03c6\u03b1\u03bb\u03b9\u03ba\u03cc_\u03b5\u03c0\u03b5\u03b9\u03c3\u03cc\u03b4\u03b9\u03bf", + "\u03c0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03b1\u03b6\u03c9", + "the_hangover", + "\u03b4\u03b1\u03c3\u03bf\u03c6\u03c5\u03bb\u03b1\u03ba\u03b1\u03c3", + "\u03c0\u03c1\u03bf\u03c0\u03bf\u03bd\u03b7\u03c4\u03ae\u03c3", + "\u03ba\u03b1\u03c0\u03bd\u03bf\u03b4\u03bf\u03c7\u03bf\u03ba\u03b1\u03b8\u03b1\u03c1\u03b9\u03c3\u03c4\u03b7\u03c3", + "\u03b5\u03bb\u03b5\u03c5\u03b8\u03b5\u03c1\u03bf\u03b5\u03c0\u03b1\u03b3\u03b3\u03b5\u03bb\u03bc\u03b1\u03c4\u03b9\u03b1\u03c3", + "\u03b1\u03c1\u03bc\u03b5\u03c7\u03c4\u03c1\u03b1", + "\u03b5\u03b9\u03c3\u03b1\u03b3\u03b3\u03b5\u03bb\u03ad\u03b1\u03c3", + "\u03ba\u03b5\u03c6\u03b1\u03bb\u03bf\u03b8\u03c1\u03b1\u03c5\u03c3\u03c4\u03b7\u03c3", + "\u03ba\u03b1\u03c1\u03b4\u03b9\u03bf\u03bb\u03bf\u03b3\u03bf\u03c3", + "\u03c3\u03ba\u03bf\u03c5\u03c0\u03b9\u03b4\u03b9\u03b1\u03c1\u03b7\u03c3", + "\u03c3\u03c4\u03c1\u03b1\u03c4\u03b9\u03c9\u03c4\u03b7\u03c3" + ], + "PRODUCT": [ + "\u03c4\u03bf_\u03ba\u03bf\u03bc\u03bc\u03bf\u03c5\u03bd\u03b9\u03c3\u03c4\u03b9\u03ba\u03cc_\u03bc\u03b1\u03bd\u03b9\u03c6\u03ad\u03c3\u03c4\u03bf", + "\u03b1\u03ba\u03c1\u03c9\u03c4\u03ae\u03c1\u03b9\u03bf_\u03c7\u03bf\u03c1\u03bd", + "\u03bf_\u03c0\u03bf\u03bb\u03b5\u03bc\u03bf\u03c3_\u03c4\u03c9\u03bd_\u03b1\u03c3\u03c4\u03c1\u03c9\u03bd", + "\u03c4\u03bf\u03c5_\u03b1\u03b3\u03b9\u03bf\u03c5_\u03c3\u03c4\u03b5\u03c6\u03b1\u03bd\u03bf\u03c5", + "\u03ac\u03b3\u03b9\u03bf_\u03c0\u03bd\u03b5\u03cd\u03bc\u03b1", + "al_jazeera", + "\u03bc\u03b7_\u03bc\u03b5_\u03bb\u03b7\u03c3\u03bc\u03bf\u03bd\u03b5\u03b9", + "\u03bf\u03b9_\u03c4\u03ad\u03c3\u03c3\u03b5\u03c1\u03b9\u03c3_\u03b5\u03c0\u03bf\u03c7\u03ad\u03c3", + "\u03bf_\u03c0\u03b1\u03c0\u03bf\u03c5\u03c4\u03c3\u03c9\u03bc\u03ad\u03bd\u03bf\u03c3_\u03b3\u03ac\u03c4\u03bf\u03c3", + "\u03c4\u03b9_\u03bd\u03b5\u03b1", + "\u03b7_\u03b1\u03c4\u03b9\u03bc\u03b1\u03c3\u03bc\u03ad\u03bd\u03b7", + "\u03bc\u03b5\u03c4\u03b1_\u03b8\u03b1\u03bd\u03b1\u03c4\u03bf\u03bd", + "\u03ac\u03b9_\u03b2\u03b1\u03c3\u03af\u03bb\u03b7\u03c3", + "\u03c7\u03c1\u03bf\u03bd\u03bf\u03bc\u03b7\u03c7\u03b1\u03bd\u03b7", + "\u03b4\u03b5\u03bd\u03b4\u03c1\u03bf_\u03c4\u03c9\u03bd_\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c5\u03b3\u03b5\u03bd\u03bd\u03c9\u03bd", + "\u03c3\u03c4\u03bf_\u03c0\u03b1\u03c1\u03b1_\u03c0\u03b5\u03bd\u03c4\u03b5", + "\u03c4\u03bf_\u03c3\u03ba\u03c5\u03bb\u03af_\u03c4\u03c9\u03bd_\u03bc\u03c0\u03ac\u03c3\u03ba\u03b5\u03c1\u03b2\u03b9\u03bb", + "\u03b1\u03b4\u03b9\u03b5\u03be\u03bf\u03b4\u03bf\u03c3", + "\u03ba\u03bf\u03c5\u03ba\u03bb\u03bf\u03c3\u03c0\u03b9\u03c4\u03bf", + "\u03bf_\u03c0\u03cc\u03bb\u03b5\u03bc\u03bf\u03c3_\u03c4\u03c9\u03bd_\u03ac\u03c3\u03c4\u03c1\u03c9\u03bd", + "boxing_day", + "\u03c4\u03bf\u03c5_\u03c0\u03c1\u03b1\u03c3\u03b9\u03bd\u03bf\u03c5_\u03b1\u03ba\u03c1\u03c9\u03c4\u03b7\u03c1\u03b9\u03bf\u03c5", + "deutsche_welle", + "\u03ba\u03b1\u03b9\u03bd\u03b7_\u03b4\u03b9\u03b1\u03b8\u03b7\u03ba\u03b7", + "\u03b1\u03bd\u03c4\u03b9\u03b1\u03b5\u03c1\u03bf\u03c0\u03bf\u03c1\u03b9\u03ba\u03bf\u03c3", + "\u03bf_\u03ac\u03c1\u03c7\u03bf\u03bd\u03c4\u03b1\u03c3_\u03c4\u03c9\u03bd_\u03b4\u03b1\u03c7\u03c4\u03c5\u03bb\u03b9\u03b4\u03b9\u03ce\u03bd", + "\u03b7_\u03bc\u03b7\u03c7\u03b1\u03bd\u03ae_\u03c4\u03bf\u03c5_\u03c7\u03c1\u03cc\u03bd\u03bf\u03c5", + "\u03b1\u03ba\u03c1\u03c9\u03c4\u03b7\u03c1\u03b9\u03bf_\u03c7\u03bf\u03c1\u03bd", + "\u03b8\u03c1\u03b9\u03b1\u03bc\u03b2\u03b9\u03ba\u03ae_\u03b1\u03c8\u03af\u03b4\u03b1", + "\u03b2\u03c1\u03b1\u03c7\u03c5\u03ba\u03c5\u03ba\u03bb\u03c9\u03bc\u03b1" + ], + "PLANT": [ + "\u03c0\u03b1\u03bd\u03c4\u03b6\u03ac\u03c1\u03b9", + "\u03bc\u03bf\u03c5\u03c3\u03c4\u03ac\u03c1\u03b4\u03b1", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03bf\u03c3\u03c4\u03b1\u03c6\u03c5\u03bb\u03b9\u03b1", + "\u03ba\u03bf\u03c5\u03bd\u03bf\u03c5\u03c0\u03b9\u03b4\u03b9", + "\u03b2\u03c9\u03bb\u03af\u03c4\u03b7\u03c3_\u03bf_\u03b5\u03b4\u03ce\u03b4\u03b9\u03bc\u03bf\u03c3", + "\u03b5\u03c1\u03c5\u03b8\u03c1\u03b5\u03bb\u03ac\u03c4\u03b7", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c5\u03b3\u03b5\u03bd\u03bd\u03b9\u03b1\u03c4\u03b9\u03ba\u03bf_\u03b4\u03b5\u03bd\u03b4\u03c1\u03bf", + "\u03c0\u03b5\u03c1\u03b9\u03ba\u03bf\u03ba\u03bb\u03ac\u03b4\u03b1", + "\u03c0\u03bb\u03b1\u03c4\u03bf\u03bc\u03b1\u03bd\u03c4\u03b7\u03bb\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03b1\u03bd\u03b8\u03b5\u03bc\u03bf", + "\u03ba\u03bf\u03ba\u03ba\u03b9\u03bd\u03bf\u03bc\u03b1\u03c5\u03c1\u03bf\u03c3", + "\u03b1\u03bd\u03b1\u03bb\u03b1\u03c4\u03bf\u03c3", + "\u03ba\u03bf\u03c5\u03bd\u03bf\u03c5\u03c0\u03af\u03b4\u03b9", + "\u03bc\u03b5\u03bb\u03ac\u03bd\u03b8\u03b9\u03bf\u03bd", + "\u03c0\u03b1\u03bd\u03c4\u03b6\u03b1\u03c1\u03b9", + "\u03b1\u03b3\u03b3\u03b5\u03b9\u03cc\u03c3\u03c0\u03b5\u03c1\u03bc\u03b1", + "\u03ba\u03c1\u03b1\u03bc\u03c0\u03bf\u03bb\u03b1\u03c7\u03b1\u03bd\u03bf", + "\u03b1\u03b3\u03b9\u03b1_\u03bc\u03b1\u03c1\u03b9\u03b1", + "\u03b1\u03b3\u03b9\u03bf\u03ba\u03bb\u03b7\u03bc\u03b1", + "\u03c3\u03c4\u03c1\u03b1\u03bc\u03ce\u03bd\u03b9\u03bf", + "\u03c3\u03b1\u03bd\u03c4\u03b1\u03bb\u03bf\u03be\u03c5\u03bb\u03bf", + "\u03ba\u03bf\u03ba\u03ba\u03b9\u03bd\u03bf\u03b3\u03bf\u03c5\u03bb\u03b9", + "\u03b4\u03ad\u03bd\u03b4\u03c1\u03bf_\u03c4\u03c9\u03bd_\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c5\u03b3\u03ad\u03bd\u03bd\u03c9\u03bd", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03c0\u03b9\u03c0\u03b5\u03c1\u03bf", + "\u03bc\u03b7_\u03bc\u03b5_\u03bb\u03b7\u03c3\u03bc\u03bf\u03bd\u03b5\u03b9", + "\u03c7\u03c1\u03c5\u03c3\u03ac\u03bd\u03b8\u03b5\u03bc\u03bf" + ], + "GPE": [ + "\u03b5\u03c1\u03c5\u03b8\u03c1\u03b1_\u03b8\u03b1\u03bb\u03b1\u03c3\u03c3\u03b1", + "\u03c0\u03bb\u03b1\u03c4\u03b5\u03b9\u03b1", + "\u03b1\u03b3\u03b9\u03bf\u03c3_\u03bd\u03b9\u03ba\u03bf\u03bb\u03b1\u03bf\u03c3", + "\u03b5\u03c1\u03c5\u03b8\u03c1\u03bf\u03c3_\u03c3\u03c4\u03b1\u03c5\u03c1\u03bf\u03c3", + "\u03b7_\u03ba\u03bf\u03b9\u03bb\u03b1\u03b4\u03b1_\u03c4\u03bf\u03c5_\u03b7\u03bb\u03b9\u03bf\u03c5", + "\u03b1\u03bd\u03b8\u03c1\u03c9\u03c0\u03b9\u03bd\u03b1_\u03b4\u03b9\u03ba\u03b1\u03b9\u03c9\u03bc\u03b1\u03c4\u03b1", + "\u03b1\u03b3\u03b9\u03b1_\u03c3\u03bf\u03c6\u03b9\u03b1", + "\u03ac\u03b3\u03b9\u03bf\u03c3_\u03b3\u03b5\u03ce\u03c1\u03b3\u03b9\u03bf\u03c3", + "\u03b5\u03bd\u03c4\u03b5\u03c1\u03bb\u03ad\u03b6\u03b9", + "\u03b1\u03bd\u03b8\u03c1\u03ce\u03c0\u03b9\u03bd\u03b1_\u03b4\u03b9\u03ba\u03b1\u03b9\u03ce\u03bc\u03b1\u03c4\u03b1", + "\u03b1\u03b3\u03b9\u03bf\u03c5\u03c4\u03ac\u03b3\u03b9\u03b1", + "\u03c3\u03ac\u03bf_\u03c4\u03bf\u03bc\u03ad", + "\u03bb\u03b5\u03c5\u03ba\u03bf\u03c3_\u03bf\u03b9\u03ba\u03bf\u03c3", + "\u03ba\u03b1\u03b9\u03bd\u03ae_\u03b4\u03b9\u03b1\u03b8\u03ae\u03ba\u03b7", + "\u03b1\u03b3\u03b9\u03b1_\u03b2\u03b1\u03c1\u03b2\u03b1\u03c1\u03b1", + "\u03b1\u03b3\u03af\u03b1_\u03c3\u03bf\u03c6\u03af\u03b1", + "\u03b1\u03b3\u03b9\u03bf\u03c3_\u03b3\u03b5\u03c9\u03c1\u03b3\u03b9\u03bf\u03c3", + "\u03c7\u03c1\u03c5\u03c3\u03c9\u03c1\u03c5\u03c7\u03b5\u03b9\u03bf", + "\u03b5\u03c1\u03c5\u03b8\u03c1\u03ac_\u03b8\u03ac\u03bb\u03b1\u03c3\u03c3\u03b1", + "\u03bb\u03b5\u03c5\u03ba\u03cc\u03c3_\u03bf\u03af\u03ba\u03bf\u03c3", + "\u03b1\u03b3\u03b9\u03bf_\u03c0\u03bd\u03b5\u03c5\u03bc\u03b1", + "\u03c3\u03b1\u03b9\u03bd\u03c4_\u03bb\u03bf\u03cd\u03b9\u03c3" + ], + "LANGUAGE": [ + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b9\u03b1\u03bd\u03b1", + "\u03b9\u03c1\u03bb\u03b1\u03bd\u03b4\u03b9\u03ba\u03b1", + "\u03b3\u03b1\u03bb\u03bb\u03b9\u03ba\u03b1", + "\u03ba\u03bf\u03c5\u03c1\u03b4\u03b9\u03ba\u03bf\u03c3", + "\u03bb\u03b5\u03c5\u03ba\u03bf\u03c1\u03c9\u03c3\u03b9\u03ba\u03bf\u03c3", + "\u03c0\u03bf\u03c1\u03c4\u03bf\u03b3\u03b1\u03bb\u03b9\u03ba\u03bf\u03c3", + "\u03c4\u03b7\u03c3_\u03bc\u03b1\u03bb\u03b1\u03b9\u03c3\u03b9\u03b1\u03c3", + "\u03ba\u03b1\u03c4\u03b1\u03bb\u03b1\u03bd\u03bf\u03c3", + "\u03ba\u03b1\u03c4\u03b1\u03bb\u03b1\u03bd\u03b7", + "\u03b3\u03ba\u03bf\u03c5\u03c4\u03b6\u03b1\u03c1\u03b1\u03c4\u03b9\u03ba\u03b1", + "\u03c4\u03bf\u03c5\u03c1\u03ba\u03b9\u03ba\u03b1", + "\u03bb\u03b9\u03b8\u03bf\u03c5\u03b1\u03bd\u03b9\u03ba\u03bf\u03c3", + "\u03b5\u03b2\u03c1\u03b1\u03b9\u03ba\u03bf\u03c3", + "\u03b1\u03b9\u03bc\u03b1\u03c1\u03b1" + ], + "ORG": [ + "\u03c3\u03c5\u03bd\u03b4\u03b9\u03ba\u03b1\u03c4\u03bf", + "\u03ba\u03b1\u03c4\u03b7\u03c7\u03b7\u03c4\u03b9\u03ba\u03bf", + "\u03bf\u03b9\u03ba\u03bf\u03c4\u03c1\u03bf\u03c6\u03b5\u03b9\u03bf", + "\u03c0\u03c1\u03b1\u03c3\u03b9\u03bd\u03bf", + "\u03c4\u03bf_\u03bd\u03b1_\u03c7\u03b5\u03c1\u03b9_\u03bd\u03b9\u03b2\u03b5\u03b9_\u03c4_\u03b1\u03bb\u03bb\u03bf_\u03ba\u03b1\u03b9_\u03c4\u03b1_\u03b4\u03c5\u03bf_\u03c4\u03bf_\u03c0\u03c1\u03bf\u03c3\u03c9\u03c0\u03bf", + "\u03b4\u03b9\u03b5\u03b8\u03bd\u03ae\u03c3_\u03ad\u03bd\u03c9\u03c3\u03b7_\u03c4\u03b7\u03bb\u03b5\u03c0\u03b9\u03ba\u03bf\u03b9\u03bd\u03c9\u03bd\u03b9\u03ce\u03bd", + "\u03b5\u03c0_\u03b5\u03c5\u03ba\u03b1\u03b9\u03c1\u03b9\u03b1", + "nasa", + "\u03b1\u03b3\u03b9\u03b1_\u03bb\u03bf\u03c5\u03ba\u03b9\u03b1", + "\u03b1\u03c5\u03b3\u03cc\u03c8\u03c9\u03bc\u03bf", + "\u03b7\u03bd\u03c9\u03bc\u03ad\u03bd\u03b5\u03c3_\u03c0\u03bf\u03bb\u03b9\u03c4\u03b5\u03af\u03b5\u03c3_\u03b1\u03bc\u03b5\u03c1\u03b9\u03ba\u03ae\u03c3", + "\u03b7_\u03c9\u03c1\u03b1\u03af\u03b1_\u03ba\u03bf\u03b9\u03bc\u03c9\u03bc\u03ad\u03bd\u03b7", + "\u03c3\u03b5_\u03b1\u03b3\u03b1\u03c0\u03c9", + "the_who", + "\u03bf\u03b9_\u03bc\u03b5\u03b3\u03ac\u03bb\u03bf\u03b9_\u03c4\u03ad\u03c3\u03c3\u03b5\u03c1\u03b9\u03c3", + "\u03c4\u03b1\u03c7\u03c5\u03b4\u03c1\u03bf\u03bc\u03b5\u03af\u03bf", + "\u03c6\u03c1\u03b5\u03bd\u03bf\u03ba\u03bf\u03bc\u03b5\u03b9\u03bf", + "\u03bc\u03b1\u03cd\u03c1\u03b7_\u03b1\u03b3\u03bf\u03c1\u03ac", + "\u03c3\u03bf\u03c3\u03b9\u03b1\u03bb\u03b4\u03b7\u03bc\u03bf\u03ba\u03c1\u03b1\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1_\u03c0\u03bf\u03c1\u03c4\u03bf\u03b3\u03b1\u03bb\u03af\u03b1\u03c3", + "\u03c0\u03bf\u03c4\u03b5_\u03c0\u03bf\u03c4\u03b5", + "\u03cc\u03c1\u03bf\u03c3_\u03c4\u03c9\u03bd_\u03b5\u03bb\u03b1\u03b9\u03ce\u03bd", + "\u03c7\u03c1\u03c5\u03c3\u03b7_\u03b5\u03c0\u03bf\u03c7\u03b7", + "\u03b5\u03bb\u03b1\u03c6\u03b9\u03bd\u03b1", + "\u03c3\u03b1\u03bd\u03c4\u03b1_\u03c6\u03b5", + "\u03bd\u03ad\u03b1_\u03c3\u03b5\u03bb\u03ae\u03bd\u03b7", + "\u03b1\u03bb_\u03c4\u03b6\u03b1\u03b6\u03b9\u03c1\u03b1", + "\u03b4\u03b7\u03bc\u03bf\u03c4\u03b9\u03ba\u03cc_\u03c3\u03c7\u03bf\u03bb\u03b5\u03af\u03bf", + "\u03c6\u03bb\u03b5\u03c1_\u03bd\u03c4\u03b5_\u03bb\u03b9", + "\u03c6\u03c1\u03bf\u03c5\u03c4\u03bf\u03c3\u03b1\u03bb\u03b1\u03c4\u03b1", + "\u03ba\u03b1\u03b8\u03bf\u03bb\u03b9\u03ba\u03ae_\u03b5\u03ba\u03ba\u03bb\u03b7\u03c3\u03af\u03b1", + "dia", + "\u03c0\u03c5\u03c1\u03bf\u03c3\u03b2\u03b5\u03c3\u03c4\u03b9\u03ba\u03b7", + "\u03ba\u03bf\u03bc\u03bc\u03bf\u03c5\u03bd\u03b9\u03c3\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03bc\u03b5\u03c4\u03b1_\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03bd", + "\u03b1\u03c0\u03bf_\u03c4\u03b7\u03bd_\u03b1\u03c1\u03c7\u03b7", + "\u03c4\u03b1\u03b3\u03bc\u03b1", + "\u03bf\u03c1\u03bf\u03c3_\u03c4\u03c9\u03bd_\u03b5\u03bb\u03b1\u03b9\u03c9\u03bd", + "\u03ba\u03af\u03c4\u03c1\u03b9\u03bd\u03bf\u03c3_\u03c0\u03bf\u03c4\u03b1\u03bc\u03cc\u03c3", + "\u03c5\u03c3\u03c4\u03b5\u03c1\u03bf\u03b2\u03bf\u03c5\u03bb\u03b9\u03b1", + "\u03c0\u03bf\u03b9\u03bf\u03c3_\u03b5\u03b9\u03c3\u03b1\u03b9", + "\u03ba\u03cc\u03bc\u03bc\u03b1_\u03c6\u03b9\u03bb\u03b5\u03bb\u03b5\u03c5\u03b8\u03ad\u03c1\u03c9\u03bd", + "\u03bc\u03b5\u03b3\u03ac\u03bb\u03b7_\u03ac\u03c1\u03ba\u03c4\u03bf\u03c3", + "\u03b1\u03bd\u03b8\u03c1\u03c9\u03c0\u03bf\u03b3\u03b5\u03bd\u03b7\u03c3", + "\u03c3\u03b9\u03bd\u03c4\u03bf\u03b9\u03c3\u03bc\u03bf\u03c3", + "\u03ba\u03bf\u03c5\u03bf\u03bc\u03b9\u03bd\u03c4\u03ac\u03bd\u03b3\u03ba", + "who_are_you", + "\u03c4\u03b1\u03bf\u03b9\u03c3\u03bc\u03bf\u03c3", + "al_jazeera", + "\u03bd\u03b1\u03c5\u03c4\u03b9\u03ba\u03bf", + "\u03bc\u03b1\u03c5\u03c1\u03b7_\u03b1\u03b3\u03bf\u03c1\u03b1", + "\u03ba\u03b1\u03b8\u03bf\u03bb\u03b9\u03ba\u03b7_\u03b5\u03ba\u03ba\u03bb\u03b7\u03c3\u03b9\u03b1", + "\u03bd\u03ae\u03c3\u03bf\u03c3_\u03b1\u03b3\u03af\u03b1\u03c3_\u03b5\u03bb\u03ad\u03bd\u03b7\u03c3", + "\u03bd\u03b7\u03c3\u03bf\u03c3_\u03b1\u03b3\u03b9\u03b1\u03c3_\u03b5\u03bb\u03b5\u03bd\u03b7\u03c3", + "\u03c3\u03c4\u03bf_\u03ba\u03b1\u03c4\u03c9_\u03ba\u03b1\u03c4\u03c9", + "\u03c0\u03b1\u03c1\u03b1\u03bc\u03bf\u03bd\u03b7_\u03c0\u03c1\u03c9\u03c4\u03bf\u03c7\u03c1\u03bf\u03bd\u03b9\u03b1\u03c3", + "\u03b5\u03bc\u03c0\u03bf\u03c1\u03b9\u03ba\u03bf_\u03ba\u03b5\u03bd\u03c4\u03c1\u03bf", + "\u03b5\u03b8\u03bd\u03bf\u03c3\u03c5\u03bd\u03ad\u03bb\u03b5\u03c5\u03c3\u03b7", + "\u03ba\u03cc\u03bc\u03bc\u03b1_\u03c0\u03c1\u03bf\u03bf\u03b4\u03b5\u03c5\u03c4\u03b9\u03ba\u03ce\u03bd", + "\u03b1\u03b3\u03af\u03b1_\u03b2\u03b1\u03c1\u03b2\u03ac\u03c1\u03b1", + "\u03b1\u03c0\u03bf_\u03ba\u03b1\u03b9\u03c1\u03bf_\u03c3\u03b5_\u03ba\u03b1\u03b9\u03c1\u03bf", + "sturmabteilung", + "\u03ac\u03b3\u03b9\u03bf\u03c3_\u03bd\u03b9\u03ba\u03cc\u03bb\u03b1\u03bf\u03c3", + "\u03b3\u03ba\u03b1\u03bb\u03b5\u03c1\u03b9", + "nato", + "\u03bc\u03b5\u03c4\u03b1\u03c1\u03c1\u03cd\u03b8\u03bc\u03b9\u03c3\u03b7", + "\u03c0\u03bf\u03b9\u03b1_\u03b5\u03b9\u03c3\u03b1\u03b9", + "by_the_way", + "\u03b5\u03c0\u03b9_\u03c4\u03bf\u03c5\u03c4\u03c9", + "\u03c3\u03b9\u03bd\u03c4\u03bf\u03ca\u03c3\u03bc\u03cc\u03c3", + "in_situ", + "\u03bc\u03c0\u03bf\u03c5\u03c7\u03c4\u03b9\u03c3\u03bc\u03b5\u03bd\u03bf\u03c3", + "\u03b1\u03b3\u03af\u03b1_\u03bb\u03bf\u03c5\u03ba\u03af\u03b1", + "\u03b3\u03bf\u03c5\u03b9\u03bd\u03b9_\u03c4\u03bf_\u03b1\u03c1\u03ba\u03bf\u03c5\u03b4\u03b1\u03ba\u03b9", + "\u03b7_\u03bd\u03ad\u03b1_\u03c3\u03c7\u03bf\u03bb\u03ae", + "\u03c3\u03c4\u03b1\u03b2\u03bb\u03bf\u03c7\u03b5\u03bb\u03af\u03b4\u03bf\u03bd\u03bf", + "\u03bc\u03b1\u03c3\u03c4\u03b9\u03c7\u03b1", + "\u03b4\u03b7\u03bc\u03bf\u03c4\u03b9\u03ba\u03bf_\u03c3\u03c7\u03bf\u03bb\u03b5\u03b9\u03bf", + "\u03ba\u03bf\u03bd\u03c3\u03b5\u03c1\u03b2\u03b1\u03c4\u03cc\u03c1\u03b9\u03bf", + "\u03b1\u03c3\u03c4\u03c5\u03bd\u03bf\u03bc\u03bf\u03ba\u03c1\u03b1\u03c4\u03af\u03b1", + "\u03b4\u03b9\u03b5\u03b8\u03bd\u03b7\u03c3_\u03b5\u03bd\u03c9\u03c3\u03b7_\u03c4\u03b7\u03bb\u03b5\u03c0\u03b9\u03ba\u03bf\u03b9\u03bd\u03c9\u03bd\u03b9\u03c9\u03bd", + "\u03c0\u03bf\u03bb\u03b9\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03ba\u03bf\u03c5\u03ba\u03b9\u03b4\u03b1", + "\u03c3\u03c5\u03bd\u03c4\u03b7\u03c1\u03b7\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03c3\u03c5\u03bd\u03b1\u03bb\u03bb\u03b1\u03b3\u03bc\u03b1", + "\u03b1\u03c3\u03c4\u03c5\u03bd\u03bf\u03bc\u03bf\u03ba\u03c1\u03b1\u03c4\u03b9\u03b1", + "\u03b3\u03bb\u03c5\u03ba\u03bf_\u03bd\u03b5\u03c1\u03bf", + "\u03b1\u03c0\u03bf_\u03ba\u03b1\u03b9\u03c1\u03bf\u03c5_\u03b5\u03b9\u03c3_\u03ba\u03b1\u03b9\u03c1\u03bf\u03bd", + "\u03c0\u03bf\u03b9\u03bd\u03b9\u03ba\u03bf\u03c3_\u03ba\u03c9\u03b4\u03b9\u03ba\u03b1\u03c3", + "\u03c1\u03c9\u03bc\u03b1\u03b9\u03bf\u03ba\u03b1\u03b8\u03bf\u03bb\u03b9\u03ba\u03b7_\u03b5\u03ba\u03ba\u03bb\u03b7\u03c3\u03b9\u03b1", + "\u03c4\u03bf_\u03bf\u03bd\u03bf\u03bc\u03b1_\u03bc\u03bf\u03c5_\u03b5\u03b9\u03bd\u03b1\u03b9", + "\u03b1\u03c3\u03c4\u03b9\u03ba\u03cc_\u03b4\u03af\u03ba\u03b1\u03b9\u03bf", + "\u03b4\u03b7\u03bc\u03b1\u03c1\u03c7\u03b5\u03b9\u03bf", + "\u03b3\u03b1\u03bb\u03b1\u03bd\u03bf\u03bc\u03b1\u03c4\u03b7\u03c3" + ], + "POLITICAL_PARTY": [ + "\u03c1\u03b5\u03c0\u03bf\u03c5\u03bc\u03c0\u03bb\u03b9\u03ba\u03b1\u03bd\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03b4\u03b7\u03bc\u03bf\u03ba\u03c1\u03b1\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03b1\u03c5\u03c3\u03c4\u03c1\u03b1\u03bb\u03b9\u03b1\u03bd\u03cc_\u03b5\u03c1\u03b3\u03b1\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03c3\u03bf\u03c3\u03b9\u03b1\u03bb\u03b4\u03b7\u03bc\u03bf\u03ba\u03c1\u03b1\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03b5\u03c1\u03b3\u03b1\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03c0\u03bf\u03bb\u03b9\u03c4\u03b9\u03ba\u03bf_\u03ba\u03bf\u03bc\u03bc\u03b1", + "\u03c3\u03bf\u03c3\u03b9\u03b1\u03bb\u03b9\u03c3\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03c6\u03b9\u03bb\u03b5\u03bb\u03b5\u03cd\u03b8\u03b5\u03c1\u03bf_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03bb\u03b1\u03ca\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03c3\u03bf\u03c3\u03b9\u03b1\u03bb\u03b9\u03c3\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1_\u03b3\u03b1\u03bb\u03bb\u03af\u03b1\u03c3", + "\u03c0\u03c1\u03ac\u03c3\u03b9\u03bd\u03bf_\u03ba\u03cc\u03bc\u03bc\u03b1", + "\u03b5\u03b8\u03bd\u03b9\u03ba\u03bf\u03c3\u03bf\u03c3\u03b9\u03b1\u03bb\u03b9\u03c3\u03c4\u03b9\u03ba\u03cc_\u03b3\u03b5\u03c1\u03bc\u03b1\u03bd\u03b9\u03ba\u03cc_\u03b5\u03c1\u03b3\u03b1\u03c4\u03b9\u03ba\u03cc_\u03ba\u03cc\u03bc\u03bc\u03b1" + ], + "ANIMAL": [ + "\u03b1\u03b3\u03c1\u03b9\u03bf\u03c0\u03b5\u03c1\u03b9\u03c3\u03c4\u03b5\u03c1\u03bf", + "\u03ba\u03bf\u03c5\u03ba\u03bf\u03c5\u03b2\u03b1\u03b3\u03b9\u03b1", + "\u03bc\u03c0\u03bf\u03c5\u03c6\u03bf\u03c3", + "\u03bc\u03b5\u03c4\u03b1\u03be\u03bf\u03c3\u03ba\u03ce\u03bb\u03b7\u03ba\u03b1\u03c3", + "\u03b1\u03c1\u03b8\u03c1\u03cc\u03c0\u03bf\u03b4\u03b1", + "\u03b1\u03b3\u03c1\u03b9\u03cc\u03c7\u03bf\u03b9\u03c1\u03bf\u03c3", + "\u03c7\u03b1\u03bb\u03ba\u03bf\u03ba\u03bf\u03c5\u03c1\u03bf\u03cd\u03bd\u03b1", + "\u03c0\u03b1\u03bd\u03c4\u03cc\u03c0\u03bf\u03b4\u03b1", + "\u03bc\u03b5\u03bb\u03b9\u03c3\u03c3\u03bf\u03c6\u03ac\u03b3\u03bf\u03c3", + "\u03ba\u03bf\u03c5\u03c1\u03bf\u03c5\u03bd\u03b1", + "\u03bd\u03b1\u03c5\u03c4\u03b9\u03bb\u03bf\u03c3", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c8\u03b1\u03c1\u03bf", + "\u03b1\u03b3\u03c1\u03b9\u03bf\u03ba\u03c5\u03ba\u03bd\u03bf\u03c3", + "\u03b1\u03b3\u03c1\u03b9\u03bf\u03b3\u03b1\u03bb\u03bf\u03c3", + "\u03b2\u03bf\u03c1\u03b5\u03b9\u03bf\u03c6\u03b1\u03bb\u03b1\u03b9\u03bd\u03b1", + "\u03c1\u03bf\u03c5\u03c3\u03bf\u03bc\u03c5\u03c4\u03b7", + "\u03bd\u03c5\u03c7\u03c4\u03bf\u03ba\u03cc\u03c1\u03b1\u03ba\u03b1\u03c3", + "\u03c0\u03c4\u03b5\u03c1\u03bf\u03c6\u03b1\u03bb\u03b1\u03b9\u03bd\u03b1", + "\u03c0\u03b5\u03c1\u03b9\u03c3\u03c4\u03ad\u03c1\u03b9", + "\u03b1\u03c3\u03c4\u03c1\u03af\u03c4\u03b7\u03c3", + "\u03b4\u03b9\u03c0\u03bb\u03bf\u03c3\u03b1\u03b9\u03bd\u03bf", + "\u03bc\u03b5\u03b3\u03b1\u03bb\u03bf\u03b6\u03cd\u03b3\u03b1\u03b9\u03bd\u03b1", + "\u03b4\u03b5\u03c1\u03bc\u03b1\u03c4\u03bf\u03c7\u03b5\u03bb\u03ce\u03bd\u03b1", + "\u03bc\u03b1\u03bd\u03b4\u03b1\u03c1\u03af\u03bd\u03bf\u03c3", + "\u03b2\u03b5\u03bb\u03bf\u03bd\u03bf\u03bf\u03c5\u03c1\u03bf\u03c3", + "\u03ba\u03bf\u03c5\u03ba\u03bf\u03c5\u03b2\u03ac\u03b3\u03b9\u03b1", + "\u03b9\u03bf\u03c3_\u03b5\u03bc\u03c0\u03bf\u03bb\u03b1", + "\u03b1\u03b3\u03c1\u03b9\u03bf\u03c7\u03b7\u03bd\u03b1", + "\u03ba\u03b1\u03c1\u03c5\u03bf\u03b8\u03c1\u03b1\u03cd\u03c3\u03c4\u03b7\u03c3", + "\u03b9\u03bd\u03b4\u03b9\u03ba\u03cc_\u03c7\u03bf\u03b9\u03c1\u03af\u03b4\u03b9\u03bf", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03bf\u03bc\u03b7\u03c4\u03c9\u03c1", + "\u03b1\u03b3\u03c1\u03b9\u03bf\u03b3\u03bf\u03c5\u03c1\u03bf\u03c5\u03bd\u03bf", + "\u03b9\u03bd\u03b4\u03b9\u03ba\u03bf_\u03c7\u03bf\u03b9\u03c1\u03b9\u03b4\u03b9\u03bf", + "\u03bf_\u03b3\u03bb\u03ac\u03c1\u03bf\u03c3", + "\u03c4\u03c1\u03c9\u03b3\u03bb\u03bf\u03b4\u03c5\u03c4\u03b7\u03c3", + "\u03bc\u03b1\u03bd\u03c4\u03ce\u03b4\u03b7", + "\u03b1\u03c1\u03b8\u03c1\u03bf\u03c0\u03bf\u03b4\u03bf", + "\u03c6\u03bf\u03b9\u03bd\u03b9\u03ba\u03bf\u03c4\u03c1\u03c5\u03b3\u03bf\u03bd\u03bf", + "\u03b3\u03b1\u03bb\u03b1\u03b6\u03bf\u03c0\u03b1\u03c0\u03b1\u03b4\u03b9\u03c4\u03c3\u03b1", + "\u03ba\u03b1\u03c3\u03c4\u03bf\u03c1\u03b1\u03c3", + "\u03ba\u03b1\u03c1\u03b2\u03bf\u03c5\u03bd\u03b9\u03ac\u03c1\u03b7\u03c3", + "\u03bc\u03b5\u03bb\u03b9\u03c3\u03c3\u03bf\u03c6\u03b1\u03b3\u03bf\u03c3", + "\u03c6\u03b1\u03bb\u03b1\u03b9\u03bd\u03bf\u03ba\u03b1\u03c1\u03c7\u03b1\u03c1\u03af\u03b1\u03c3", + "\u03c1\u03b9\u03bd\u03bf\u03b4\u03b5\u03bb\u03c6\u03b9\u03bd\u03bf", + "\u03c0\u03b5\u03c1\u03b9\u03c3\u03c3\u03bf\u03b4\u03ac\u03ba\u03c4\u03c5\u03bb\u03b1", + "\u03bc\u03bf\u03c5\u03c3\u03c4\u03b1\u03ba\u03b1\u03c3", + "\u03c4\u03bf_\u03ba\u03bf\u03c1\u03ac\u03ba\u03b9", + "\u03bc\u03b1\u03c5\u03c1\u03b7_\u03c7\u03b7\u03c1\u03b1", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03bf\u03ba\u03bf\u03c4\u03b1", + "\u03bc\u03b5\u03c4\u03b1\u03be\u03bf\u03c3\u03ba\u03c9\u03bb\u03b7\u03ba\u03b1\u03c3", + "\u03bc\u03b1\u03ba\u03c1\u03bf\u03c0\u03c4\u03b5\u03c1\u03c5\u03b3\u03bf\u03ba\u03b1\u03c1\u03c7\u03b1\u03c1\u03b9\u03b1\u03c3", + "\u03bc\u03b1\u03cd\u03c1\u03b7_\u03c7\u03ae\u03c1\u03b1", + "\u03b1\u03b3\u03c1\u03b9\u03bf\u03ba\u03bf\u03c5\u03c1\u03ba\u03bf\u03c3", + "\u03bd\u03b1\u03c5\u03c4\u03af\u03bb\u03bf\u03c3" + ], + "QUANTITY": [ + "\u03b8\u03b5\u03c1\u03bc\u03b9\u03b4\u03b1", + "\u03bd\u03b5\u03c1\u03bf\u03bb\u03b1\u03ba\u03bf\u03c3", + "g", + "\u03c4\u03c1\u03b9\u03c3\u03b4\u03b9\u03b1\u03c3\u03c4\u03b1\u03c4\u03bf\u03c3" + ], + "DATE": [ + "\u03bc\u03b7_\u03c3\u03c0\u03c1\u03ce\u03c7\u03bd\u03b5\u03b9\u03c3_\u03ad\u03c1\u03c7\u03bf\u03bc\u03b1\u03b9", + "\u03b3\u03b5\u03c1\u03b1\u03bc\u03b1\u03c4\u03b1", + "\u03bc\u03b5\u03c4\u03b1_\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03bd", + "\u03bd\u03b5\u03b1_\u03c3\u03b5\u03bb\u03b7\u03bd\u03b7", + "\u03bc\u03b5\u03c4\u03ac_\u03c4\u03b7\u03bd_\u03b5\u03c0\u03cc\u03bc\u03b5\u03bd\u03b7_\u03bc\u03ad\u03c1\u03b1", + "\u03c0\u03b1\u03bd\u03c3\u03b5\u03bb\u03b7\u03bd\u03bf\u03c3", + "\u03c0\u03b1\u03bd\u03c3\u03ad\u03bb\u03b7\u03bd\u03bf\u03c3", + "\u03c1\u03b5\u03c0\u03bf", + "\u03c8\u03c5\u03c7\u03bf\u03c3\u03b1\u03b2\u03b2\u03b1\u03c4\u03bf", + "the_golden_years", + "\u03b5\u03c1\u03b3\u03b1\u03c3\u03b9\u03bc\u03b7", + "\u03c0\u03c1\u03c9\u03c4\u03b1\u03c0\u03c1\u03b9\u03bb\u03b9\u03ac", + "\u03c0\u03c1\u03c9\u03c4\u03b1\u03c0\u03c1\u03b9\u03bb\u03b9\u03b1" + ], + "BIO_CHEM_ENTITY": [ + "c_\u03b1\u03bd\u03c4\u03b9\u03b4\u03c1\u03ce\u03c3\u03b1_\u03c0\u03c1\u03c9\u03c4\u03b5\u03b9\u0308\u0301\u03bd\u03b7", + "\u03bf\u03c3\u03c4\u03b5\u03b1\u03bb\u03b5\u03c5\u03c1\u03bf", + "\u03b4\u03b9\u03b1\u03b9\u03b8\u03c5\u03bb\u03b1\u03b9\u03b8\u03ad\u03c1\u03b1\u03c3", + "\u03c0\u03bf\u03bb\u03c5\u03b2\u03b9\u03bd\u03c5\u03bb\u03bf\u03c7\u03bb\u03c9\u03c1\u03af\u03b4\u03b9\u03bf", + "\u03b4\u03b9\u03b1\u03b9\u03b8\u03c5\u03bb\u03b1\u03b9\u03b8\u03b5\u03c1\u03b1\u03c3" + ], + "FOOD": [ + "\u03b5\u03bb\u03b1\u03b9\u03bf\u03bb\u03b1\u03b4\u03bf", + "\u03c3\u03ba\u03bf\u03c1\u03b4\u03bf\u03c8\u03c9\u03bc\u03bf", + "\u03bc\u03b1\u03c3\u03c4\u03b9\u03c7\u03b1", + "\u03b5\u03bb\u03b1\u03b9\u03cc\u03bb\u03b1\u03b4\u03bf", + "\u03ba\u03bf\u03ba\u03ba\u03b9\u03bd\u03bf\u03bb\u03b1\u03c7\u03b1\u03bd\u03bf", + "\u03b1\u03c1\u03c4\u03bf\u03c3\u03ba\u03b5\u03c5\u03b1\u03c3\u03bc\u03b1", + "\u03c0\u03bf\u03c1\u03c4\u03bf\u03ba\u03b1\u03bb\u03ac\u03b4\u03b1", + "\u03bc\u03c0\u03c1\u03b9\u03b6\u03bf\u03bb\u03b1_\u03c3\u03b5_\u03ba\u03bf\u03ba\u03b1\u03bb\u03bf", + "\u03ba\u03bf\u03bb\u03bf\u03ba\u03c5\u03b8\u03bf\u03c0\u03b9\u03c4\u03b1", + "\u03c0\u03c1\u03bf\u03b3\u03b5\u03c5\u03bc\u03b1", + "\u03c0\u03bf\u03c5\u03c4\u03af\u03b3\u03ba\u03b1", + "\u03c3\u03ba\u03c5\u03bb\u03bf\u03c4\u03c1\u03bf\u03c6\u03b7", + "\u03b1\u03c5\u03b3\u03bf\u03c6\u03b5\u03c4\u03b1", + "\u03bd\u03c4\u03bf\u03bc\u03b1\u03c4\u03bf\u03c0\u03b5\u03bb\u03c4\u03b5\u03c3", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03bf\u03c3\u03c5\u03ba\u03b9\u03b1", + "\u03b3\u03bb\u03c5\u03ba\u03bf", + "\u03ba\u03bf\u03c4\u03bf\u03c3\u03bf\u03c5\u03c0\u03b1", + "\u03b1\u03c5\u03b3\u03bf\u03c8\u03c9\u03bc\u03bf", + "\u03b1\u03c1\u03b1\u03b2\u03bf\u03c3\u03b9\u03c4\u03b5\u03bb\u03b1\u03b9\u03bf" + ], + "RELIGION_MEMBER": [ + "\u03b1\u03c5\u03b3\u03bf\u03c5\u03c3\u03c4\u03b9\u03bd\u03b5\u03b9\u03bf\u03c3", + "\u03b4\u03b9\u03b1\u03bc\u03b1\u03c1\u03c4\u03c5\u03c1\u03bf\u03bc\u03b5\u03bd\u03bf\u03c3", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03bf\u03c3", + "\u03c0\u03c1\u03bf\u03c4\u03b5\u03c3\u03c4\u03b1\u03bd\u03c4\u03b7\u03c3", + "\u03bc\u03bf\u03c5\u03c3\u03bf\u03c5\u03bb\u03bc\u03ac\u03bd\u03bf\u03c3", + "\u03bc\u03bf\u03c5\u03c3\u03bf\u03c5\u03bb\u03bc\u03b1\u03bd\u03bf\u03c3", + "\u03bc\u03b5\u03b8\u03bf\u03b4\u03b9\u03c3\u03c4\u03c1\u03b9\u03b1", + "\u03bc\u03b5\u03b8\u03bf\u03b4\u03b9\u03c3\u03c4\u03b7\u03c3", + "\u03bc\u03b1\u03c1\u03c4\u03c5\u03c1\u03b1\u03c3_\u03c4\u03bf\u03c5_\u03b9\u03b5\u03c7\u03c9\u03b2\u03b1" + ], + "FAC": [ + "\u03bf_\u03bc\u03c5\u03c3\u03c4\u03b9\u03ba\u03cc\u03c3_\u03b4\u03b5\u03af\u03c0\u03bd\u03bf\u03c3", + "\u03c4\u03b1\u03c7\u03c5\u03b4\u03c1\u03bf\u03bc\u03b5\u03af\u03bf", + "\u03b5\u03bc\u03c0\u03bf\u03c1\u03b9\u03ba\u03cc_\u03ba\u03ad\u03bd\u03c4\u03c1\u03bf", + "\u03c0\u03ad\u03c4\u03c1\u03bf\u03c3_\u03b1_\u03c4\u03b7\u03c3_\u03c1\u03c9\u03c3\u03af\u03b1\u03c3", + "\u03b1\u03b5\u03c1\u03bf\u03c3\u03b7\u03c1\u03b1\u03b3\u03b3\u03b1", + "\u03ba\u03b1\u03c4\u03c9_\u03b2\u03bf\u03c5\u03bb\u03b7", + "\u03bf\u03b9_\u03c4\u03ad\u03c3\u03c3\u03b5\u03c1\u03b9\u03c3_\u03b5\u03c0\u03bf\u03c7\u03ad\u03c3", + "\u03b3\u03ba\u03b1\u03bb\u03b5\u03c1\u03b9", + "\u03ac\u03b3\u03b9\u03bf\u03c3_\u03b9\u03c9\u03c3\u03ae\u03c6_\u03bf_\u03bc\u03bd\u03ae\u03c3\u03c4\u03c9\u03c1", + "\u03c0\u03b9\u03bd\u03b1\u03ba\u03bf\u03b8\u03b7\u03ba\u03b7", + "\u03c4\u03c3\u03b9\u03bc\u03c0\u03bf\u03c5\u03ba\u03bf\u03c4\u03c1\u03c5\u03c0\u03b1", + "\u03c0\u03bf\u03bb\u03c5\u03ba\u03b1\u03c4\u03bf\u03b9\u03ba\u03b9\u03b1", + "\u03c5\u03c8\u03b7\u03bb\u03ae_\u03c0\u03cd\u03bb\u03b7", + "\u03ac\u03c1\u03bd\u03bf\u03bb\u03bd\u03c4_\u03c3\u03ad\u03bd\u03bc\u03c0\u03b5\u03c1\u03b3\u03ba" + ], + "RACE": [ + "\u03bb\u03b5\u03c5\u03ba\u03bf", + "\u03b1\u03c6\u03c1\u03bf\u03b1\u03bc\u03b5\u03c1\u03b9\u03ba\u03b1\u03bd\u03bf\u03af", + "\u03bb\u03b5\u03c5\u03ba\u03cc", + "\u03b5\u03c5\u03c1\u03c9\u03c0\u03b1\u03b9\u03ba\u03bf\u03c3", + "\u03c0\u03bf\u03bb\u03c5\u03bd\u03b7\u03c3\u03b9\u03b1\u03ba\u03bf\u03c3", + "\u03b1\u03c6\u03c1\u03b9\u03ba\u03b1\u03bd\u03b9\u03ba\u03bf\u03c3" + ], + "RELIGION": [ + "\u03c0\u03c1\u03b5\u03c3\u03b2\u03c5\u03c4\u03b5\u03c1\u03b9\u03b1\u03bd\u03b9\u03c3\u03bc\u03bf\u03c3", + "\u03c0\u03c1\u03b5\u03c3\u03b2\u03c5\u03c4\u03b5\u03c1\u03b9\u03b1\u03bd\u03b9\u03c3\u03bc\u03cc\u03c3", + "\u03c4\u03b1\u03bf\u03ca\u03c3\u03bc\u03cc\u03c3" + ], + "GENDER": [ + "gentleman", + "\u03b1\u03bc\u03c6\u03b9\u03c6\u03c5\u03bb\u03bf\u03c6\u03b9\u03bb\u03bf\u03c3", + "\u03b3\u03b5\u03c1\u03bf\u03bd\u03c4\u03b1\u03c3" + ], + "PERSON_PRONOUN": [ + "i", + "\u03bf_\u03b5\u03b1\u03c5\u03c4\u03bf\u03c3_\u03bc\u03bf\u03c5", + "\u03bc\u03b5\u03c4\u03b1\u03bb\u03bb\u03b5\u03b9\u03bf" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u03c3\u03c5\u03bd\u03b1\u03b4\u03b5\u03bb\u03c6\u03b9\u03c3\u03c3\u03b1", + "\u03ba\u03bf\u03bc\u03bc\u03bf\u03c5\u03bd\u03b9\u03c3\u03c4\u03b9\u03ba\u03bf\u03c3", + "\u03bc\u03c0\u03bf\u03bb\u03c3\u03b5\u03b2\u03b9\u03ba\u03bf\u03c3" + ], + "SOC_ECO_CLASS": [ + "\u03b7\u03bc\u03b9\u03ba\u03bf\u03c3\u03bc\u03bf\u03c3", + "\u03b1\u03c3\u03c4\u03b9\u03ba\u03b7_\u03c4\u03b1\u03be\u03b7", + "\u03b1\u03b4\u03b5\u03bb\u03c6\u03bf\u03c3\u03c5\u03bd\u03b7" + ], + "ANAT": [ + "\u03b2\u03c1\u03b1\u03c7\u03b9\u03bf\u03bd\u03b1\u03c3" + ], + "LAW": [ + "\u03b9\u03b4\u03b9\u03bf\u03c1\u03c1\u03c5\u03b8\u03bc\u03bf\u03c3", + "\u03b1\u03bd\u03c9\u03c4\u03b1\u03c4\u03bf_\u03b4\u03b9\u03ba\u03b1\u03c3\u03c4\u03b7\u03c1\u03b9\u03bf", + "\u03c1\u03c9\u03bc\u03b1\u03ca\u03ba\u03cc_\u03b4\u03af\u03ba\u03b1\u03b9\u03bf" + ], + "PERSON": [ + "\u03ac\u03b3\u03b9\u03bf\u03c3_\u03b2\u03b9\u03ba\u03ad\u03bd\u03c4\u03b9\u03bf\u03c3", + "in_memory", + "\u03b1\u03c5\u03c4\u03bf\u03b5\u03bb\u03b5\u03b3\u03c7\u03bf\u03c3", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c8\u03b1\u03c1\u03bf", + "\u03b9\u03c9\u03ac\u03bd\u03bd\u03b7\u03c3_\u03bf_\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03b9\u03c3\u03c4\u03ae\u03c3" + ], + "UNION": [ + "\u03c3\u03c5\u03bd\u03b4\u03b9\u03ba\u03b1\u03c4\u03bf", + "\u03c3\u03cd\u03bb\u03bb\u03bf\u03b3\u03bf\u03c3_\u03c6\u03bf\u03b9\u03c4\u03b7\u03c4\u03ce\u03bd" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+-\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+-\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03af\u03b1", + "\u03ba\u03b1\u03c3\u03c3\u03ac\u03bd\u03b4\u03c1\u03b1", + "\u03b5\u03bb\u03b5\u03bf\u03bd\u03cc\u03c1\u03b1", + "\u03b9\u03c3\u03b1\u03b2\u03ad\u03bb\u03bb\u03b1", + "\u03b4\u03bf\u03cd\u03ba\u03b9\u03c3\u03c3\u03b1", + "\u03ba\u03c5\u03c0\u03c1\u03b9\u03b1\u03bd\u03ae", + "\u03b2\u03c1\u03c5\u03c3\u03b7\u03af\u03c2", + "\u03b4\u03b9\u03ba\u03b1\u03af\u03b1", + "\u03bc\u03b1\u03c4\u03af\u03bd\u03b1", + "\u03b3\u03ba\u03cc\u03bb\u03c6\u03c9", + "\u03b1\u03b3\u03b1\u03b8\u03ae", + "\u03c6\u03c1\u03b1\u03bd\u03c4\u03b6\u03ad\u03c3\u03ba\u03b1", + "\u03b8\u03b5\u03bf\u03b4\u03ce\u03c1\u03b1", + "\u03ba\u03bb\u03c5\u03c4\u03b1\u03b9\u03bc\u03bd\u03ae\u03c3\u03c4\u03c1\u03b1", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03b1", + "\u03c7\u03ac\u03c1\u03b7", + "\u03b5\u03c5\u03c4\u03ad\u03c1\u03c0\u03b7", + "\u03ba\u03c1\u03c5\u03c3\u03c4\u03b1\u03bb\u03bb\u03ad\u03bd\u03b9\u03b1", + "\u03b2\u03b5\u03b1\u03c4\u03c1\u03af\u03ba\u03b7", + "\u03c0\u03b1\u03c3\u03c7\u03b1\u03bb\u03b9\u03ac", + "\u03bc\u03b1\u03c1\u03c9\u03c4\u03ad\u03c3\u03b1", + "\u03b9\u03c9\u03c3\u03b7\u03c6\u03af\u03bd\u03b1", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03c3\u03b1\u03b2\u03b2\u03bf\u03cd\u03bb\u03b1", + "\u03c0\u03b5\u03c1\u03b9\u03ba\u03bb\u03b5\u03af\u03b1", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b4\u03bf\u03cd\u03bb\u03b1", + "\u03b9\u03c6\u03b9\u03b3\u03ad\u03bd\u03b5\u03b9\u03b1", + "\u03b5\u03c5\u03b4\u03bf\u03be\u03af\u03b1", + "\u03bc\u03b1\u03c4\u03b8\u03af\u03bb\u03b4\u03b7", + "\u03b1\u03bd\u03b8\u03ae", + "\u03bb\u03b1\u03bc\u03c0\u03c1\u03b9\u03bd\u03ae", + "\u03c1\u03c9\u03be\u03ac\u03bd\u03b7", + "\u03b7\u03bb\u03ad\u03ba\u03c4\u03c1\u03b1", + "\u03bd\u03b5\u03ba\u03c4\u03b1\u03c1\u03af\u03b1", + "\u03be\u03b1\u03bd\u03b8\u03af\u03c0\u03c0\u03b7", + "\u03c6\u03bb\u03ce\u03c1\u03b1", + "\u03c7\u03bb\u03cc\u03b7", + "\u03c7\u03c1\u03c5\u03c3\u03b1\u03c6\u03ad\u03bd\u03b9\u03b1", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03af\u03b1", + "\u03b2\u03b1\u03bb\u03ad\u03c1\u03b9\u03b1", + "\u03ba\u03c5\u03c1\u03ac\u03c4\u03c3\u03b1", + "\u03b5\u03c1\u03c9\u03c6\u03af\u03bb\u03b7", + "\u03bc\u03b1\u03c1\u03af\u03b1", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03af\u03bd\u03b1", + "\u03c4\u03b6\u03ad\u03bd\u03b7", + "\u03b1\u03bb\u03ba\u03b9\u03bd\u03cc\u03b7", + "\u03c7\u03b1\u03c1\u03ac", + "\u03bc\u03b1\u03c1\u03b9\u03ac\u03bd\u03b8\u03b7", + "\u03b1\u03bc\u03c6\u03b9\u03c4\u03c1\u03af\u03c4\u03b7", + "\u03bc\u03b5\u03c1\u03cc\u03c0\u03b7", + "\u03b9\u03c9\u03ac\u03bd\u03bd\u03b1", + "\u03b8\u03b5\u03ce\u03bd\u03b7", + "\u03b8\u03b5\u03bf\u03c7\u03b1\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03c3\u03c0\u03b1\u03c3\u03af\u03b1", + "\u03b5\u03bb\u03ad\u03bd\u03b7", + "\u03c6\u03bb\u03c9\u03c1\u03af\u03bd\u03b1", + "\u03c1\u03bf\u03b4\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03b1\u03b3\u03b4\u03b1\u03bb\u03b7\u03bd\u03ae", + "\u03c0\u03b1\u03c1\u03ad\u03c3\u03c3\u03b1", + "\u03b2\u03b9\u03ba\u03ad\u03bd\u03c4\u03b9\u03b1", + "\u03bd\u03c4\u03b1\u03af\u03b6\u03b7", + "\u03b1\u03ba\u03c1\u03b9\u03b2\u03ae", + "\u03c7\u03b1\u03c1\u03b1\u03bb\u03b1\u03bc\u03c0\u03af\u03b1", + "\u03b8\u03b5\u03bf\u03c6\u03af\u03bb\u03b7", + "\u03b2\u03b1\u03bb\u03b5\u03bd\u03c4\u03af\u03bd\u03b1", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03c6\u03b5\u03b2\u03c1\u03c9\u03bd\u03af\u03b1", + "\u03b2\u03ac\u03b3\u03b9\u03b1", + "\u03b2\u03b5\u03bd\u03b5\u03c4\u03af\u03b1", + "\u03c1\u03b7\u03b3\u03bf\u03cd\u03bb\u03b1", + "\u03c0\u03bf\u03bb\u03c5\u03c7\u03c1\u03bf\u03bd\u03af\u03b1", + "\u03b1\u03c1\u03b5\u03c4\u03ae", + "\u03c3\u03c9\u03b6\u03bf\u03cd\u03c3\u03b1", + "\u03b5\u03bb\u03ad\u03c3\u03c3\u03b1", + "\u03ae\u03b2\u03b7", + "\u03b8\u03b5\u03bf\u03bb\u03bf\u03b3\u03af\u03b1", + "\u03c3\u03b5\u03bc\u03af\u03bd\u03b1", + "\u03b1\u03b3\u03ac\u03b8\u03b7", + "\u03bc\u03b1\u03c1\u03b3\u03b1\u03c1\u03af\u03c4\u03b1", + "\u03c0\u03bf\u03bb\u03c5\u03be\u03ad\u03bd\u03b7", + "\u03ba\u03c5\u03c0\u03b1\u03c1\u03b9\u03c3\u03c3\u03af\u03b1", + "\u03ba\u03b1\u03c1\u03c5\u03bf\u03c6\u03c5\u03bb\u03bb\u03b9\u03ac", + "\u03bf\u03bb\u03cd\u03bc\u03c0\u03b9\u03b1", + "\u03b5\u03c1\u03bc\u03b9\u03cc\u03bd\u03b7", + "\u03b8\u03b5\u03bf\u03b4\u03cc\u03c4\u03b7", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03ad\u03b1", + "\u03c5\u03b2\u03cc\u03bd\u03bd\u03b7", + "\u03ac\u03bb\u03ba\u03b7\u03c3\u03c4\u03b9\u03c2", + "\u03bb\u03b5\u03ce\u03bd\u03b7", + "\u03ac\u03bd\u03bd\u03b1", + "\u03bd\u03b5\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03c5\u03c1\u03c4\u03ce", + "\u03ba\u03b5\u03c1\u03b1\u03c3\u03b9\u03ac", + "\u03b8\u03c9\u03bc\u03b1\u03af\u03c2", + "\u03bb\u03c5\u03b4\u03af\u03b1", + "\u03b5\u03bb\u03b5\u03c5\u03b8\u03b5\u03c1\u03af\u03b1", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03af\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03cc\u03c3\u03c4\u03bf\u03bc\u03b7", + "\u03b2\u03bb\u03b1\u03c3\u03af\u03b1", + "\u03b2\u03b5\u03bb\u03b9\u03c3\u03c3\u03b1\u03c1\u03af\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03b1\u03c5\u03b3\u03ae", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03bc\u03ad\u03b4\u03b1", + "\u03c1\u03ad\u03b1", + "\u03be\u03ad\u03bd\u03b7", + "\u03c0\u03b5\u03bb\u03b1\u03b3\u03af\u03b1", + "\u03b1\u03bb\u03b5\u03be\u03ac\u03bd\u03b4\u03c1\u03b1", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03ce", + "\u03b5\u03bb\u03c0\u03af\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03c6\u03b9\u03bb\u03b7", + "\u03b8\u03b7\u03c1\u03b5\u03c3\u03af\u03b1", + "\u03b7\u03bb\u03b9\u03ac\u03bd\u03b1", + "\u03c1\u03cc\u03b6\u03b1", + "\u03b9\u03c3\u03b9\u03b4\u03ce\u03c1\u03b1", + "\u03ae\u03bb\u03b9\u03b1", + "\u03bc\u03ac\u03c1\u03b8\u03b1", + "\u03c3\u03ac\u03c1\u03c1\u03b1", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03c1\u03c1\u03cc\u03b7", + "\u03ba\u03b1\u03bd\u03ad\u03bb\u03bb\u03b1", + "\u03c1\u03b5\u03b2\u03ad\u03ba\u03b1", + "\u03bd\u03b5\u03c1\u03b1\u03c4\u03b6\u03b9\u03ac", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c6\u03cc\u03c1\u03b1", + "\u03c1\u03bf\u03b4\u03ac\u03bd\u03b8\u03b7", + "\u03b6\u03b1\u03c6\u03b5\u03b9\u03c1\u03af\u03b1", + "\u03b2\u03b9\u03c1\u03b3\u03b9\u03bd\u03af\u03b1", + "\u03b2\u03b9\u03ba\u03c4\u03c9\u03c1\u03af\u03b1", + "\u03ba\u03b1\u03bb\u03c5\u03c8\u03ce", + "\u03b1\u03bb\u03ba\u03bc\u03ae\u03bd\u03b7", + "\u03b1\u03c5\u03b3\u03bf\u03c5\u03c3\u03c4\u03af\u03bd\u03b1", + "\u03b9\u03bf\u03c1\u03b4\u03b1\u03bd\u03af\u03b1", + "\u03c3\u03c5\u03bc\u03b5\u03c9\u03bd\u03af\u03b1", + "\u03ba\u03bb\u03b5\u03bf\u03c0\u03ac\u03c4\u03c1\u03b1", + "\u03c3\u03c5\u03bc\u03ad\u03bb\u03b1", + "\u03b1\u03bd\u03c4\u03b9\u03b3\u03cc\u03bd\u03b7", + "\u03b2\u03b5\u03c1\u03bf\u03bd\u03af\u03ba\u03b7", + "\u03b3\u03b9\u03bf\u03bb\u03ac\u03bd\u03c4\u03b1", + "\u03c3\u03c0\u03ac\u03c1\u03c4\u03b7", + "\u03ba\u03b9\u03ba\u03b9\u03bb\u03af\u03b1", + "\u03c1\u03bf\u03b4\u03b1\u03bc\u03ac\u03bd\u03b8\u03b7", + "\u03c7\u03b1\u03c1\u03af\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03b7\u03bb\u03b9\u03ac", + "\u03c3\u03c4\u03b5\u03c1\u03b3\u03b9\u03b1\u03bd\u03bd\u03ce", + "\u03b3\u03b5\u03c3\u03b8\u03b7\u03bc\u03b1\u03bd\u03ae", + "\u03b1\u03c3\u03b7\u03bc\u03af\u03bd\u03b1", + "\u03bd\u03bf\u03bc\u03b9\u03ba\u03ae", + "\u03b1\u03b8\u03b7\u03bd\u03bf\u03b4\u03ce\u03c1\u03b1", + "\u03b4\u03ac\u03c6\u03bd\u03b7", + "\u03b1\u03bd\u03bd\u03af\u03ba\u03b1", + "\u03b9\u03bd\u03ce", + "\u03ba\u03c5\u03b4\u03c9\u03bd\u03af\u03b1", + "\u03c3\u03c4\u03c5\u03bb\u03b9\u03b1\u03bd\u03ae", + "\u03b5\u03c5\u03c3\u03b5\u03b2\u03b5\u03af\u03b1", + "\u03b1\u03b4\u03b1\u03bc\u03b1\u03bd\u03c4\u03af\u03b1", + "\u03b3\u03c1\u03b1\u03bc\u03bc\u03b1\u03c4\u03b9\u03ba\u03ae", + "\u03c4\u03b1\u03c4\u03b9\u03ac\u03bd\u03b1", + "\u03b4\u03b7\u03bc\u03bf\u03cd\u03bb\u03b1", + "\u03c3\u03b5\u03b2\u03b1\u03c3\u03c4\u03ae", + "\u03b5\u03c1\u03b1\u03c4\u03ce", + "\u03c6\u03b1\u03bd\u03ae", + "\u03b6\u03b7\u03bd\u03bf\u03b2\u03af\u03b1", + "\u03bb\u03b1\u03c3\u03ba\u03b1\u03c1\u03af\u03bd\u03b1", + "\u03b9\u03b3\u03bd\u03b1\u03c4\u03af\u03b1", + "\u03c7\u03b9\u03bf\u03bd\u03b9\u03ac", + "\u03c0\u03b1\u03c5\u03bb\u03af\u03bd\u03b1", + "\u03c4\u03c1\u03b9\u03c3\u03b5\u03cd\u03b3\u03b5\u03bd\u03b7", + "\u03c3\u03c0\u03c5\u03c1\u03b9\u03b4\u03bf\u03cd\u03bb\u03b1", + "\u03c6\u03bb\u03c9\u03c1\u03b5\u03bd\u03c4\u03af\u03b1", + "\u03c0\u03b5\u03c1\u03b9\u03c3\u03c4\u03ad\u03c1\u03b1", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03ba\u03ae", + "\u03ba\u03bb\u03b5\u03bf\u03bd\u03af\u03ba\u03b7", + "\u03b6\u03c9\u03ae", + "\u03b1\u03bd\u03b8\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03bd\u03ac\u03c1\u03b3\u03c5\u03c1\u03b7", + "\u03c3\u03c4\u03b5\u03c6\u03b1\u03bd\u03af\u03b1", + "\u03b1\u03b8\u03b7\u03bd\u03ac", + "\u03c0\u03ad\u03c4\u03c1\u03b1", + "\u03b4\u03b1\u03bc\u03b1\u03c3\u03ba\u03b7\u03bd\u03ae", + "\u03b4\u03c9\u03c1\u03bf\u03b8\u03ad\u03b1", + "\u03c3\u03bf\u03c6\u03af\u03b1", + "\u03b8\u03b5\u03bf\u03c0\u03af\u03c3\u03c4\u03b7", + "\u03c0\u03bf\u03bb\u03c5\u03c4\u03af\u03bc\u03b7", + "\u03ae\u03c1\u03b1", + "\u03c1\u03bf\u03b4\u03b9\u03ac", + "\u03bc\u03b5\u03bb\u03ad\u03c4\u03b9\u03b1", + "\u03b5\u03c5\u03c1\u03cd\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03c3\u03bf\u03c5\u03bb\u03c4\u03ac\u03bd\u03b1", + "\u03bc\u03b1\u03bb\u03b2\u03af\u03bd\u03b1", + "\u03bc\u03c5\u03c1\u03c3\u03af\u03bd\u03b7", + "\u03af\u03c1\u03b9\u03c2", + "\u03c3\u03c9\u03c4\u03b7\u03c1\u03af\u03b1", + "\u03bb\u03b5\u03bc\u03bf\u03bd\u03b9\u03ac", + "\u03b5\u03c5\u03b8\u03b1\u03bb\u03af\u03b1", + "\u03c0\u03bf\u03c5\u03bb\u03c7\u03b5\u03c1\u03af\u03b1", + "\u03b8\u03b5\u03bc\u03b9\u03c3\u03c4\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03ba\u03b1\u03bb\u03bb\u03af\u03bd\u03b9\u03ba\u03b7", + "\u03b1\u03bc\u03b1\u03bb\u03af\u03b1", + "\u03b1\u03bb\u03af\u03ba\u03b7", + "\u03bb\u03bf\u03c5\u03af\u03b6\u03b1", + "\u03b8\u03ad\u03c4\u03b9\u03c2", + "\u03b7\u03ce", + "\u03bb\u03b5\u03c5\u03ba\u03bf\u03b8\u03ad\u03b1", + "\u03b5\u03c5\u03c0\u03c1\u03b1\u03be\u03af\u03b1", + "\u03bb\u03bf\u03c5\u03ba\u03af\u03b1", + "\u03b8\u03b5\u03bf\u03b4\u03bf\u03c3\u03af\u03b1", + "\u03c3\u03c0\u03c5\u03c1\u03ac\u03bd\u03bd\u03b1", + "\u03b5\u03cd\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03b5\u03bb\u03ad\u03bd\u03b9\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03bd\u03b1\u03c4\u03bf\u03bb\u03ae", + "\u03b1\u03b7\u03b4\u03cc\u03bd\u03b1", + "\u03b1\u03c3\u03c4\u03ad\u03c1\u03c9", + "\u03b5\u03c5\u03c3\u03c4\u03c1\u03b1\u03c4\u03af\u03b1", + "\u03b9\u03bf\u03c5\u03bb\u03af\u03b1", + "\u03b3\u03b5\u03bd\u03bf\u03b2\u03ad\u03c6\u03b1", + "\u03ba\u03bf\u03bd\u03b4\u03c5\u03bb\u03af\u03b1", + "\u03c6\u03b9\u03bb\u03af\u03c0\u03c0\u03b1", + "\u03bd\u03b9\u03ba\u03b7\u03c4\u03af\u03b1", + "\u03bc\u03b9\u03c7\u03b1\u03ad\u03bb\u03b1", + "\u03c4\u03b5\u03c1\u03c8\u03b9\u03c7\u03cc\u03c1\u03b7", + "\u03bc\u03b1\u03c4\u03c1\u03ce\u03bd\u03b7", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03af\u03b1", + "\u03b7\u03c1\u03ac\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03c1\u03cc\u03b7", + "\u03c1\u03b5\u03b3\u03b3\u03af\u03bd\u03b1", + "\u03c0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03ae", + "\u03b1\u03c5\u03b3\u03ae", + "\u03b8\u03b5\u03bf\u03c6\u03cd\u03bb\u03b1\u03ba\u03c4\u03b7", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03c9", + "\u03bb\u03bf\u03c5\u03bb\u03bf\u03c5\u03b4\u03ad\u03bd\u03b9\u03b1", + "\u03c0\u03b1\u03b3\u03ce\u03bd\u03b1", + "\u03c7\u03ac\u03b9\u03b4\u03c9", + "\u03bc\u03ac\u03bd\u03b8\u03b1", + "\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03c9", + "\u03c3\u03c4\u03b5\u03c1\u03b3\u03b9\u03b1\u03bd\u03ae", + "\u03bc\u03b1\u03c1\u03af\u03bd\u03b1", + "\u03b4\u03ad\u03c3\u03c0\u03bf\u03b9\u03bd\u03b1", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03ad\u03c4\u03b1", + "\u03c0\u03b1\u03bd\u03c9\u03c1\u03b1\u03af\u03b1", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03af\u03b1", + "\u03c6\u03b9\u03bb\u03bf\u03bc\u03ae\u03bb\u03b1", + "\u03b9\u03b1\u03ba\u03c9\u03b2\u03af\u03bd\u03b1", + "\u03c0\u03b7\u03b3\u03ae", + "\u03c3\u03b1\u03bb\u03ce\u03bc\u03b7", + "\u03b5\u03c1\u03b9\u03ad\u03c4\u03b1", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03ce\u03c4\u03b1", + "\u03c6\u03b9\u03bb\u03b9\u03ce", + "\u03c3\u03bf\u03c5\u03bc\u03ad\u03bb\u03b1", + "\u03bc\u03b5\u03c4\u03b1\u03be\u03af\u03b1", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b9\u03ba\u03ae", + "\u03ba\u03c1\u03b9\u03bd\u03b9\u03ce", + "\u03b8\u03b5\u03bf\u03c6\u03b1\u03bd\u03af\u03b1", + "\u03b3\u03bb\u03c5\u03ba\u03b5\u03c1\u03af\u03b1", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03af\u03b1", + "\u03bb\u03b1\u03c5\u03c1\u03b5\u03bd\u03c4\u03af\u03b1", + "\u03b5\u03c5\u03c6\u03c1\u03bf\u03c3\u03cd\u03bd\u03b7", + "\u03ba\u03b1\u03c3\u03c3\u03b9\u03b1\u03bd\u03ae", + "\u03b1\u03bb\u03b5\u03be\u03af\u03b1", + "\u03c0\u03bf\u03bb\u03c5\u03bd\u03af\u03ba\u03b7", + "\u03bc\u03b1\u03c1\u03b9\u03ac\u03bd\u03bd\u03b1", + "\u03b1\u03b3\u03cc\u03c1\u03c9", + "\u03bb\u03ae\u03b4\u03b1", + "\u03c6\u03b9\u03bb\u03bf\u03b8\u03ad\u03b7", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03bc\u03ac\u03c7\u03b7", + "\u03b5\u03c5\u03b4\u03bf\u03ba\u03af\u03b1", + "\u03c6\u03b1\u03af\u03b4\u03c1\u03b1", + "\u03bc\u03b1\u03c1\u03b9\u03b3\u03ce", + "\u03b1\u03c0\u03bf\u03bb\u03bb\u03c9\u03bd\u03af\u03b1", + "\u03b5\u03cd\u03b1", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03b9\u03ba\u03ae", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03bd\u03af\u03ba\u03b7", + "\u03b5\u03c5\u03c3\u03b5\u03b2\u03af\u03b1", + "\u03bd\u03af\u03ba\u03b7", + "\u03c0\u03bf\u03cd\u03bb\u03b9\u03b1", + "\u03c6\u03bf\u03af\u03b2\u03b7", + "\u03c4\u03c1\u03c5\u03c6\u03c9\u03bd\u03af\u03b1", + "\u03cc\u03bb\u03b3\u03b1", + "\u03b4\u03b1\u03bd\u03ac\u03b7", + "\u03c0\u03b1\u03bd\u03b4\u03ce\u03c1\u03b1", + "\u03b2\u03b1\u03c1\u03b2\u03ac\u03c1\u03b1", + "\u03b5\u03bb\u03b9\u03c3\u03ac\u03b2\u03b5\u03c4", + "\u03b4\u03c1\u03bf\u03c3\u03b9\u03ac", + "\u03c0\u03bf\u03bb\u03cd\u03b2\u03b9\u03b1", + "\u03ba\u03bb\u03b1\u03af\u03c1\u03b7", + "\u03bd\u03b5\u03c6\u03ad\u03bb\u03b7", + "\u03b3\u03b1\u03bb\u03ae\u03bd\u03b7", + "\u03bc\u03b5\u03bb\u03af\u03bd\u03b1", + "\u03bc\u03b1\u03c1\u03b9\u03bb\u03ad\u03bd\u03b1", + "\u03c3\u03c4\u03ad\u03bb\u03bb\u03b1", + "\u03b1\u03c7\u03b9\u03bb\u03bb\u03b5\u03af\u03b1", + "\u03b9\u03c3\u03bc\u03ae\u03bd\u03b7", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03ad\u03bd\u03b9\u03b1", + "\u03b5\u03c5\u03c3\u03c4\u03b1\u03b8\u03af\u03b1", + "\u03c6\u03b1\u03bd\u03bf\u03c5\u03c1\u03af\u03b1", + "\u03b5\u03c1\u03b9\u03c6\u03cd\u03bb\u03b7", + "\u03c3\u03bc\u03b1\u03c1\u03ac\u03b3\u03b4\u03b1", + "\u03bd\u03b1\u03c4\u03b1\u03bb\u03af\u03bd\u03b1", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03ac\u03c6\u03c5\u03bb\u03bb\u03b7", + "\u03b2\u03b9\u03ba\u03c4\u03cc\u03c1\u03b9\u03b1", + "\u03b6\u03b7\u03bd\u03b1\u03ca\u03c2", + "\u03bf\u03c5\u03c1\u03b1\u03bd\u03af\u03b1", + "\u03b4\u03b9\u03bf\u03bd\u03c5\u03c3\u03af\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03ae", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03cc\u03c0\u03b7", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03b9\u03ac\u03bd\u03b1", + "\u03bd\u03c4\u03b1\u03bd\u03b9\u03ad\u03bb\u03b1", + "\u03bc\u03b9\u03bd\u03ad\u03c1\u03b2\u03b1", + "\u03c6\u03b5\u03c1\u03b5\u03bd\u03af\u03ba\u03b7", + "\u03b3\u03b5\u03c1\u03b1\u03ba\u03af\u03bd\u03b1", + "\u03ba\u03cc\u03c3\u03bc\u03b9\u03b1", + "\u03b5\u03b9\u03c1\u03ae\u03bd\u03b7", + "\u03ba\u03bf\u03bc\u03bd\u03b7\u03bd\u03ae", + "\u03c0\u03bf\u03bb\u03cd\u03b4\u03c9\u03c1\u03b1", + "\u03c3\u03b5\u03b2\u03b1\u03c3\u03c4\u03b9\u03b1\u03bd\u03ae", + "\u03b4\u03b9\u03b4\u03ce", + "\u03c3\u03c5\u03bc\u03b5\u03ce\u03bd\u03b7", + "\u03c0\u03b9\u03b5\u03c1\u03c1\u03af\u03bd\u03b1", + "\u03c6\u03c9\u03c4\u03b5\u03b9\u03bd\u03ae", + "\u03b1\u03c3\u03b7\u03bc\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03b3\u03bd\u03ae", + "\u03b8\u03ad\u03bc\u03b9\u03c2", + "\u03b1\u03bc\u03c6\u03b9\u03b8\u03ad\u03b1", + "\u03c3\u03c4\u03b1\u03c5\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03b4\u03cc\u03bc\u03bd\u03b1", + "\u03c3\u03c9\u03c6\u03c1\u03bf\u03bd\u03af\u03b1", + "\u03c0\u03b1\u03bd\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u03b5\u03c5\u03b1\u03bd\u03b8\u03af\u03b1", + "\u03c4\u03b9\u03bc\u03bf\u03b8\u03ad\u03b1", + "\u03bc\u03b1\u03cd\u03c1\u03b1", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b5\u03af\u03b1", + "\u03b8\u03b1\u03bb\u03b1\u03c3\u03c3\u03b9\u03bd\u03ae", + "\u03b1\u03c6\u03c1\u03bf\u03b4\u03af\u03c4\u03b7", + "\u03bd\u03b1\u03c4\u03b1\u03bb\u03af\u03b1", + "\u03bc\u03b1\u03bb\u03b1\u03bc\u03ac\u03c4\u03b7", + "\u03b5\u03c5\u03c1\u03c5\u03b4\u03af\u03ba\u03b7", + "\u03ba\u03bb\u03b5\u03b9\u03ce", + "\u03c7\u03c1\u03c5\u03c3\u03ac\u03bd\u03b8\u03b7", + "\u03b4\u03b1\u03b2\u03b9\u03b4\u03bf\u03cd\u03bb\u03b1", + "\u03b5\u03c1\u03b1\u03c3\u03bc\u03af\u03b1", + "\u03ba\u03bf\u03ba\u03ba\u03ce\u03bd\u03b1", + "\u03b2\u03ad\u03c1\u03b1", + "\u03ba\u03bb\u03b7\u03bc\u03b5\u03bd\u03c4\u03af\u03bd\u03b7", + "\u03bd\u03b1\u03c5\u03c3\u03b9\u03ba\u03ac", + "\u03bc\u03b5\u03bb\u03c0\u03bf\u03bc\u03ad\u03bd\u03b7", + "\u03b6\u03b7\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u03b4\u03b1\u03bc\u03b9\u03b1\u03bd\u03ae", + "\u03bc\u03b1\u03c1\u03ba\u03ad\u03bb\u03bb\u03b1", + "\u03b2\u03b5\u03c1\u03cc\u03bd\u03b9\u03ba\u03b1", + "\u03c4\u03b1\u03be\u03b9\u03b1\u03c1\u03c7\u03af\u03b1", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03bf\u03cd\u03bb\u03b1", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03af\u03c4\u03c3\u03b1", + "\u03bc\u03b1\u03bb\u03b1\u03bc\u03b1\u03c4\u03ad\u03bd\u03b9\u03b1", + "\u03b3\u03b1\u03b2\u03c1\u03b9\u03ad\u03bb\u03bb\u03b1", + "\u03b9\u03bf\u03c5\u03bb\u03b9\u03b1\u03bd\u03ae", + "\u03c6\u03c1\u03cd\u03bd\u03b7", + "\u03c5\u03c0\u03b1\u03c0\u03b1\u03bd\u03c4\u03ae", + "\u03ba\u03c5\u03b2\u03ad\u03bb\u03b7", + "\u03b5\u03c5\u03b8\u03c5\u03bc\u03af\u03b1", + "\u03b1\u03b3\u03bb\u03b1\u0390\u03b1", + "\u03b8\u03ad\u03ba\u03bb\u03b1", + "\u03bc\u03b1\u03ba\u03c1\u03af\u03bd\u03b1", + "\u03bc\u03b9\u03c1\u03ac\u03bd\u03c4\u03b1", + "\u03bc\u03cc\u03c3\u03c7\u03b1", + "\u03b3\u03bb\u03b1\u03cd\u03ba\u03b7", + "\u03b5\u03c5\u03c4\u03c5\u03c7\u03af\u03b1", + "\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03b1", + "\u03c5\u03b1\u03ba\u03af\u03bd\u03b8\u03b7", + "\u03b5\u03c5\u03bb\u03b1\u03bc\u03c0\u03af\u03b1", + "\u03ba\u03bf\u03c1\u03bd\u03b7\u03bb\u03af\u03b1", + "\u03b1\u03b3\u03ac\u03c0\u03b7", + "\u03b6\u03b1\u03bc\u03c0\u03af\u03b1", + "\u03bf\u03b4\u03cd\u03c3\u03c3\u03b5\u03b9\u03b1", + "\u03ba\u03bf\u03c1\u03b1\u03bb\u03af\u03b1", + "\u03c1\u03bf\u03c5\u03bc\u03c0\u03af\u03bd\u03b7", + "\u03b4\u03b9\u03b1\u03bc\u03ac\u03bd\u03c4\u03c9", + "\u03b3\u03b1\u03bb\u03ac\u03c4\u03b5\u03b9\u03b1", + "\u03bb\u03c5\u03b3\u03b5\u03c1\u03ae", + "\u03b4\u03ae\u03bc\u03b7\u03c4\u03c1\u03b1", + "\u03b8\u03b5\u03bf\u03b4\u03bf\u03cd\u03bb\u03b7", + "\u03b4\u03b9\u03b1\u03bb\u03b5\u03ba\u03c4\u03ae", + "\u03b8\u03ac\u03bb\u03b5\u03b9\u03b1", + "\u03b5\u03c0\u03b9\u03c3\u03c4\u03ae\u03bc\u03b7", + "\u03bc\u03b1\u03c1\u03b3\u03b9\u03ad\u03c4\u03c4\u03b1", + "\u03b1\u03c1\u03ad\u03b8\u03b1", + "\u03c1\u03bf\u03cd\u03c3\u03b1", + "\u03c0\u03b1\u03c1\u03b8\u03ad\u03bd\u03b1", + "\u03c0\u03b5\u03c1\u03c3\u03b5\u03c6\u03cc\u03bd\u03b7", + "\u03ba\u03b1\u03bb\u03ae", + "\u03c3\u03b5\u03bb\u03ae\u03bd\u03b7", + "\u03b1\u03c1\u03c4\u03b5\u03bc\u03b9\u03c3\u03af\u03b1", + "\u03b5\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03ad\u03bb\u03b1", + "\u03b1\u03c1\u03c7\u03bf\u03bd\u03c4\u03af\u03b1", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03bd\u03b1", + "\u03c1\u03b5\u03b2\u03ad\u03ba\u03ba\u03b1", + "\u03c0\u03c9\u03bb\u03af\u03bd\u03b1", + "\u03ad\u03bb\u03bb\u03b7", + "\u03c3\u03c4\u03b1\u03bc\u03b1\u03c4\u03af\u03bd\u03b1", + "\u03c0\u03b1\u03c4\u03b1\u03c0\u03af\u03b1", + "\u03c3\u03b1\u03c0\u03c6\u03ce", + "\u03c6\u03c1\u03b5\u03b9\u03b4\u03b5\u03c1\u03af\u03ba\u03b7", + "\u03b5\u03bb\u03c0\u03af\u03b4\u03b1", + "\u03b5\u03c5\u03bc\u03bf\u03c1\u03c6\u03af\u03b1", + "\u03b9\u03bf\u03ba\u03ac\u03c3\u03c4\u03b7", + "\u03c4\u03c3\u03b1\u03bc\u03c0\u03af\u03ba\u03b1", + "\u03be\u03b1\u03bd\u03b8\u03ae", + "\u03c0\u03bf\u03b8\u03b7\u03c4\u03ae", + "\u03c0\u03c1\u03bf\u03b4\u03c1\u03bf\u03bc\u03af\u03b1", + "\u03b1\u03bd\u03b4\u03c1\u03b9\u03b1\u03bd\u03ae", + "\u03c6\u03b9\u03bb\u03b1\u03c1\u03ad\u03c4\u03b7", + "\u03b5\u03c5\u03b3\u03b5\u03bd\u03af\u03b1", + "\u03c6\u03b9\u03bb\u03b9\u03c0\u03c0\u03af\u03b1", + "\u03bb\u03b5\u03c9\u03bd\u03b9\u03b4\u03b9\u03ac", + "\u03bb\u03b7\u03c4\u03ce", + "\u03b8\u03b5\u03b1\u03bd\u03ce", + "\u03ac\u03c1\u03c4\u03b5\u03bc\u03b9\u03c2", + "\u03b1\u03c4\u03b1\u03bb\u03ac\u03bd\u03c4\u03b7", + "\u03ba\u03c9\u03c3\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u03bb\u03b1\u03b6\u03b1\u03c1\u03af\u03b1", + "\u03b3\u03b9\u03b1\u03c3\u03b5\u03bc\u03ae", + "\u03b1\u03c1\u03b9\u03ac\u03b4\u03bd\u03b7", + "\u03ba\u03b1\u03c4\u03b5\u03c1\u03af\u03bd\u03b1", + "\u03b1\u03b9\u03ba\u03b1\u03c4\u03b5\u03c1\u03af\u03bd\u03b7", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03b1\u03c6\u03c5\u03bb\u03bb\u03b9\u03ac", + "\u03b3\u03b5\u03c1\u03b1\u03c3\u03b9\u03bc\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03c6\u03ad\u03bd\u03c4\u03c1\u03b1", + "\u03b8\u03b5\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03b1\u03bd\u03c4\u03ce", + "\u03b9\u03c0\u03c0\u03bf\u03bb\u03cd\u03c4\u03b7", + "\u03c0\u03b1\u03bd\u03c4\u03b5\u03bb\u03af\u03b1", + "\u03b4\u03b9\u03b1\u03bc\u03b1\u03bd\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u03c0\u03b7\u03bd\u03b5\u03bb\u03cc\u03c0\u03b7", + "\u03c1\u03b1\u03bb\u03bb\u03af\u03b1", + "\u03b2\u03b1\u03c1\u03c3\u03b1\u03bc\u03af\u03b1", + "\u03c3\u03b5\u03c1\u03b1\u03c6\u03b5\u03af\u03b1", + "\u03b2\u03b1\u03b3\u03b9\u03b1\u03bd\u03ae", + "\u03b2\u03b9\u03bf\u03bb\u03ad\u03c4\u03b1", + "\u03ba\u03b1\u03bb\u03bf\u03bc\u03bf\u03af\u03c1\u03b1", + "\u03b1\u03bc\u03b2\u03c1\u03bf\u03c3\u03af\u03b1", + "\u03c0\u03bf\u03bb\u03cd\u03bc\u03bd\u03b9\u03b1", + "\u03b2\u03b7\u03c3\u03c3\u03b1\u03c1\u03af\u03b1", + "\u03b3\u03b1\u03c1\u03c5\u03c6\u03b1\u03bb\u03bb\u03b9\u03ac", + "\u03b1\u03b9\u03bc\u03b9\u03bb\u03af\u03b1", + "\u03b6\u03b1\u03bc\u03c0\u03ad\u03c4\u03b1" + ], + "FIRST_NAME_MALE": [ + "\u03b5\u03c5\u03c3\u03c4\u03c1\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03bf\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03cd\u03c1\u03bf\u03c2", + "\u03bd\u03b9\u03ba\u03ae\u03c4\u03b1\u03c2", + "\u03ad\u03be\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03b7\u03c1\u03cc\u03b4\u03bf\u03c4\u03bf\u03c2", + "\u03be\u03b5\u03bd\u03bf\u03c6\u03ce\u03bd", + "\u03b9\u03bf\u03cd\u03bb\u03b9\u03bf\u03c2", + "\u03bb\u03b1\u03ad\u03c1\u03c4\u03b7\u03c2", + "\u03b2\u03b1\u03c3\u03af\u03bb\u03b5\u03b9\u03bf\u03c2", + "\u03b8\u03b1\u03bb\u03ae\u03c2", + "\u03b1\u03bb\u03ad\u03be\u03b9\u03bf\u03c2", + "\u03c3\u03b1\u03c1\u03ac\u03bd\u03c4\u03b7\u03c2", + "\u03b4\u03b7\u03bc\u03bf\u03c3\u03b8\u03ad\u03bd\u03b7\u03c2", + "\u03b3\u03ba\u03af\u03ba\u03b1\u03c2", + "\u03b5\u03c5\u03c3\u03c4\u03ac\u03b8\u03b9\u03bf\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03b5\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03ae\u03bb", + "\u03c3\u03b1\u03bc\u03bf\u03c5\u03ae\u03bb", + "\u03bd\u03b1\u03c0\u03bf\u03bb\u03ad\u03c9\u03bd", + "\u03c1\u03c9\u03bc\u03b1\u03bd\u03cc\u03c2", + "\u03bb\u03cd\u03c3\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03b5\u03c1\u03bc\u03ae\u03c2", + "\u03b1\u03c1\u03b3\u03cd\u03c1\u03b9\u03bf\u03c2", + "\u03b6\u03b1\u03c6\u03b5\u03af\u03c1\u03b7\u03c2", + "\u03bb\u03ac\u03b6\u03b1\u03c1\u03bf\u03c2", + "\u03b1\u03bd\u03ad\u03c3\u03c4\u03b7\u03c2", + "\u03c0\u03bb\u03bf\u03cd\u03c4\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03c0\u03b5\u03bb\u03bf\u03c0\u03af\u03b4\u03b1\u03c2", + "\u03c0\u03bb\u03ac\u03c4\u03c9\u03bd", + "\u03af\u03c9\u03bd", + "\u03b7\u03c3\u03b1\u0390\u03b1\u03c2", + "\u03c0\u03b5\u03c1\u03b9\u03ba\u03bb\u03ae\u03c2", + "\u03b1\u03b3\u03b1\u03bc\u03ad\u03bc\u03bd\u03c9\u03bd", + "\u03bd\u03af\u03ba\u03bf\u03c2", + "\u03c7\u03c1\u03ae\u03c3\u03c4\u03bf\u03c2", + "\u03b1\u03b3\u03b7\u03c3\u03af\u03bb\u03b1\u03bf\u03c2", + "\u03c6\u03b1\u03bd\u03bf\u03cd\u03c1\u03b9\u03bf\u03c2", + "\u03b5\u03c5\u03b4\u03cc\u03be\u03b9\u03bf\u03c2", + "\u03ba\u03bb\u03b5\u03cc\u03b2\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03c1\u03bd\u03ae\u03bb\u03b9\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03cc\u03c3\u03b9\u03bf\u03c2", + "\u03b9\u03b3\u03bd\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03ba\u03cd\u03c1\u03bf\u03c2", + "\u03bc\u03b9\u03c7\u03b1\u03ae\u03bb", + "\u03c1\u03b1\u03c6\u03b1\u03ae\u03bb", + "\u03c0\u03b1\u03bd\u03c4\u03b5\u03bb\u03ae\u03c2", + "\u03b5\u03bb\u03b5\u03c5\u03b8\u03ad\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03c0\u03cc\u03bb\u03bb\u03c9\u03bd", + "\u03b9\u03bf\u03c5\u03bb\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03cc\u03c3\u03b7\u03c2", + "\u03b1\u03c6\u03ad\u03bd\u03c4\u03b7\u03c2", + "\u03b4\u03b1\u03bc\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03ae\u03c2", + "\u03b8\u03b5\u03bf\u03c4\u03cc\u03ba\u03b7\u03c2", + "\u03c3\u03b5\u03b2\u03b1\u03c3\u03c4\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03c3\u03c9\u03c4\u03ae\u03c1\u03b9\u03bf\u03c2", + "\u03bb\u03bf\u03c5\u03ba\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03bf\u03b4\u03c5\u03c3\u03c3\u03ad\u03b1\u03c2", + "\u03b1\u03bb\u03ba\u03b9\u03b2\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03bc\u03b5\u03bb\u03ad\u03c4\u03b9\u03bf\u03c2", + "\u03b8\u03bf\u03c5\u03ba\u03c5\u03b4\u03af\u03b4\u03b7\u03c2", + "\u03ac\u03c1\u03b7\u03c2", + "\u03b2\u03b1\u03bb\u03ad\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03af\u03b3\u03bf\u03bd\u03bf\u03c2", + "\u03c0\u03ac\u03c1\u03b9\u03c2", + "\u03bb\u03ad\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03c3\u03c0\u03ae\u03bb\u03b9\u03bf\u03c2", + "\u03b4\u03c1\u03ac\u03ba\u03c9\u03bd", + "\u03bc\u03b5\u03bd\u03ad\u03bb\u03b1\u03bf\u03c2", + "\u03b1\u03c3\u03c4\u03ad\u03c1\u03b9\u03bf\u03c2", + "\u03b3\u03c1\u03b7\u03b3\u03cc\u03c1\u03b9\u03bf\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03b1\u03c7\u03b9\u03bb\u03bb\u03ad\u03b1\u03c2", + "\u03b1\u03c3\u03b7\u03bc\u03ac\u03ba\u03b7\u03c2", + "\u03cc\u03b8\u03c9\u03bd", + "\u03bd\u03af\u03ba\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03c1\u03b1\u03c7\u03ae\u03bb", + "\u03c0\u03b1\u03c5\u03c3\u03b1\u03bd\u03af\u03b1\u03c2", + "\u03ba\u03bf\u03c3\u03bc\u03ac\u03c2", + "\u03b8\u03b7\u03c3\u03b5\u03cd\u03c2", + "\u03b9\u03c3\u03af\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03b8\u03b5\u03cc\u03ba\u03bb\u03b7\u03c4\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03c6\u03ac\u03bd\u03b7\u03c2", + "\u03b8\u03b5\u03cc\u03c6\u03c1\u03b1\u03c3\u03c4\u03bf\u03c2", + "\u03bc\u03b1\u03b3\u03b4\u03b1\u03bb\u03b7\u03bd\u03cc\u03c2", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03ac\u03c3\u03b9\u03bf\u03c2", + "\u03bd\u03b1\u03b8\u03b1\u03bd\u03b1\u03ae\u03bb", + "\u03b1\u03b3\u03b1\u03b8\u03ac\u03b3\u03b3\u03b5\u03bb\u03bf\u03c2", + "\u03c0\u03bf\u03bb\u03c5\u03c7\u03c1\u03cc\u03bd\u03b9\u03bf\u03c2", + "\u03ba\u03b1\u03bb\u03bb\u03af\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03c0\u03b1\u03cd\u03bb\u03bf\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03cc\u03c3\u03c4\u03bf\u03bc\u03bf\u03c2", + "\u03c3\u03c9\u03c4\u03ae\u03c1\u03b7\u03c2", + "\u03b4\u03af\u03ba\u03b1\u03b9\u03bf\u03c2", + "\u03c4\u03c3\u03b1\u03bc\u03c0\u03af\u03ba\u03bf\u03c2", + "\u03b2\u03b1\u03c1\u03c3\u03ac\u03bc\u03bf\u03c2", + "\u03c4\u03b9\u03bc\u03bf\u03bb\u03ad\u03c9\u03bd", + "\u03b4\u03b9\u03bf\u03b3\u03ad\u03bd\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03af\u03ba\u03b9\u03bf\u03c2", + "\u03b4\u03b9\u03bf\u03bd\u03cd\u03c3\u03b9\u03bf\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03b3\u03b1\u03bb\u03b7\u03bd\u03cc\u03c2", + "\u03c6\u03b1\u03af\u03b4\u03c9\u03bd", + "\u03bb\u03b5\u03c9\u03bd\u03af\u03b4\u03b1\u03c2", + "\u03c0\u03b1\u03bd\u03bf\u03c1\u03bc\u03af\u03c4\u03b7\u03c2", + "\u03c0\u03c1\u03bf\u03bc\u03b7\u03b8\u03ad\u03b1\u03c2", + "\u03cc\u03bc\u03b7\u03c1\u03bf\u03c2", + "\u03b1\u03c5\u03b3\u03ad\u03c1\u03b7\u03c2", + "\u03c3\u03c4\u03ad\u03c6\u03b1\u03bd\u03bf\u03c2", + "\u03b1\u03bb\u03ad\u03be\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03c3\u03c5\u03bc\u03b5\u03ce\u03bd", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03b6\u03ae\u03c2", + "\u03c0\u03bf\u03bb\u03cd\u03ba\u03b1\u03c1\u03c0\u03bf\u03c2", + "\u03b5\u03c5\u03bc\u03ad\u03bd\u03b9\u03bf\u03c2", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03bd\u03bf\u03c2", + "\u03c0\u03bf\u03bb\u03cd\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03b1\u03c1\u03c7\u03ad\u03bb\u03b1\u03bf\u03c2", + "\u03b2\u03b5\u03bd\u03b9\u03b6\u03ad\u03bb\u03bf\u03c2", + "\u03b5\u03c1\u03c9\u03c4\u03cc\u03ba\u03c1\u03b9\u03c4\u03bf\u03c2", + "\u03b8\u03c9\u03bc\u03ac\u03c2", + "\u03c0\u03bf\u03bb\u03c5\u03b6\u03ce\u03b7\u03c2", + "\u03b5\u03c6\u03c1\u03b1\u03af\u03bc", + "\u03c6\u03b9\u03bb\u03ae\u03bc\u03c9\u03bd", + "\u03bc\u03b7\u03bd\u03ac\u03c2", + "\u03b1\u03c0\u03cc\u03c3\u03c4\u03bf\u03bb\u03bf\u03c2", + "\u03b9\u03c9\u03c3\u03ae\u03c6", + "\u03b1\u03ba\u03c1\u03b9\u03b2\u03cc\u03c2", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03bf\u03c4\u03ad\u03bb\u03b7\u03c2", + "\u03b5\u03c0\u03b1\u03bc\u03b5\u03b9\u03bd\u03ce\u03bd\u03b4\u03b1\u03c2", + "\u03bf\u03b4\u03c5\u03c3\u03c3\u03b5\u03cd\u03c2", + "\u03b1\u03b3\u03b1\u03c0\u03b7\u03c4\u03cc\u03c2", + "\u03c6\u03bf\u03af\u03b2\u03bf\u03c2", + "\u03b2\u03ac\u03b9\u03bf\u03c2", + "\u03bf\u03c1\u03c6\u03ad\u03b1\u03c2", + "\u03c1\u03ac\u03bb\u03bb\u03b7\u03c2", + "\u03bc\u03af\u03bd\u03c9\u03b1\u03c2", + "\u03c3\u03ac\u03b2\u03b2\u03b1\u03c2", + "\u03bb\u03b5\u03bc\u03bf\u03bd\u03ae\u03c2", + "\u03b2\u03b1\u03bb\u03b5\u03bd\u03c4\u03af\u03bd\u03bf\u03c2", + "\u03c4\u03b1\u03be\u03af\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03c0\u03bf\u03bb\u03cd\u03b2\u03b9\u03bf\u03c2", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03af\u03c3\u03ba\u03bf\u03c2", + "\u03c3\u03c4\u03c5\u03bb\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03bd\u03af\u03ba\u03c9\u03bd", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03b4\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c6\u03c1\u03af\u03be\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03ae\u03c4\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03c1\u03c7\u03b9\u03bc\u03ae\u03b4\u03b7\u03c2", + "\u03b1\u03bd\u03b1\u03be\u03b1\u03b3\u03cc\u03c1\u03b1\u03c2", + "\u03c7\u03ac\u03c1\u03b9\u03c2", + "\u03b1\u03af\u03b1\u03c2", + "\u03bd\u03b9\u03ba\u03cc\u03bb\u03b1\u03bf\u03c2", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03ae\u03c2", + "\u03bd\u03b5\u03ba\u03c4\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03cd\u03c0\u03b1\u03c2", + "\u03b5\u03c5\u03ac\u03b3\u03b3\u03b5\u03bb\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03ae\u03c4\u03c1\u03b7\u03c2", + "\u03b5\u03c5\u03ba\u03bb\u03b5\u03af\u03b4\u03b7\u03c2", + "\u03c6\u03c9\u03c4\u03b5\u03b9\u03bd\u03cc\u03c2", + "\u03b4\u03c1\u03cc\u03c3\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03af\u03c0\u03b1\u03c4\u03c1\u03bf\u03c2", + "\u03b4\u03c9\u03c1\u03cc\u03b8\u03b5\u03bf\u03c2", + "\u03ac\u03b3\u03b3\u03b5\u03bb\u03bf\u03c2", + "\u03c1\u03ae\u03b3\u03b1\u03c2", + "\u03c1\u03bf\u03b4\u03cc\u03c6\u03bb\u03bf\u03c2", + "\u03b4\u03bf\u03bc\u03ae\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03b9\u03c3\u03b1\u03ac\u03ba", + "\u03bc\u03b1\u03c4\u03b8\u03b1\u03af\u03bf\u03c2", + "\u03bc\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03bc\u03ac\u03c1\u03ba\u03bf\u03c2", + "\u03b4\u03ae\u03bc\u03bf\u03c2", + "\u03b2\u03bb\u03b1\u03b4\u03af\u03bc\u03b7\u03c1\u03bf\u03c2", + "\u03bc\u03ad\u03bd\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03c6\u03bb\u03bf\u03c1\u03b9\u03ac\u03bd\u03c4", + "\u03ac\u03c1\u03b9\u03c3\u03c4\u03bf\u03c2", + "\u03b9\u03c9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03c0\u03b1\u03bd\u03c4\u03b5\u03bb\u03b5\u03ae\u03bc\u03c9\u03bd", + "\u03ba\u03bb\u03b5\u03cc\u03c0\u03b1\u03c2", + "\u03b9\u03ac\u03c3\u03bf\u03bd\u03b1\u03c2", + "\u03c3\u03b9\u03c1\u03b1\u03bd\u03bf\u03cd\u03c2", + "\u03b2\u03c1\u03b1\u03c3\u03af\u03b4\u03b1\u03c2", + "\u03b2\u03b1\u03c3\u03af\u03bb\u03b7\u03c2", + "\u03b9\u03b5\u03c1\u03cc\u03b8\u03b5\u03bf\u03c2", + "\u03b8\u03b5\u03cc\u03c0\u03b9\u03c3\u03c4\u03bf\u03c2", + "\u03b5\u03b9\u03c1\u03b7\u03bd\u03b1\u03af\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03cc\u03ba\u03c1\u03b9\u03c4\u03bf\u03c2", + "\u03c0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03ac\u03c2", + "\u03bb\u03ac\u03c3\u03ba\u03b1\u03c1\u03b7\u03c2", + "\u03ba\u03bb\u03b5\u03ac\u03bd\u03b8\u03b7\u03c2", + "\u03c4\u03b7\u03bb\u03b5\u03bc\u03b1\u03c7\u03bf\u03c2", + "\u03ba\u03bb\u03ad\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03b2\u03b1\u03c1\u03b8\u03bf\u03bb\u03bf\u03bc\u03b1\u03af\u03bf\u03c2", + "\u03c3\u03cc\u03bb\u03c9\u03bd", + "\u03b1\u03cd\u03b3\u03bf\u03c5\u03c3\u03c4\u03bf\u03c2", + "\u03c3\u03ce\u03b6\u03c9\u03bd", + "\u03af\u03ba\u03b1\u03c1\u03bf\u03c2", + "\u03c4\u03b1\u03be\u03b9\u03ac\u03c1\u03c7\u03b7\u03c2", + "\u03c3\u03ad\u03c1\u03b3\u03b9\u03bf\u03c2", + "\u03b3\u03b9\u03ce\u03c1\u03b3\u03bf\u03c2", + "\u03b7\u03c1\u03b1\u03ba\u03bb\u03ae\u03c2", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03cc\u03b2\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03af\u03b1\u03c2", + "\u03c3\u03bf\u03c6\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03b5\u03c5\u03c1\u03b9\u03c0\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03b1\u03c1\u03c4\u03af\u03bd\u03bf\u03c2", + "\u03c7\u03b1\u03c1\u03ac\u03bb\u03b1\u03bc\u03c0\u03bf\u03c2", + "\u03c3\u03b5\u03c1\u03b1\u03c6\u03b5\u03af\u03bc", + "\u03c7\u03b1\u03c1\u03af\u03bb\u03b1\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03ce\u03bd\u03b9\u03bf\u03c2", + "\u03b8\u03b5\u03cc\u03b4\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b9\u03bf\u03c1\u03b4\u03ac\u03bd\u03b7\u03c2", + "\u03bb\u03ac\u03bc\u03c0\u03c1\u03bf\u03c2", + "\u03b1\u03ba\u03c1\u03af\u03c4\u03b1\u03c2", + "\u03b2\u03b7\u03c3\u03c3\u03b1\u03c1\u03af\u03c9\u03bd", + "\u03b6\u03b7\u03bd\u03cc\u03b2\u03b9\u03bf\u03c2", + "\u03b1\u03c1\u03c4\u03ad\u03bc\u03b9\u03bf\u03c2", + "\u03ac\u03bd\u03b8\u03b9\u03bc\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03bb\u03cc\u03b3\u03bf\u03c2", + "\u03b4\u03b1\u03bc\u03b1\u03c3\u03ba\u03b7\u03bd\u03cc\u03c2", + "\u03b8\u03b5\u03bc\u03b9\u03c3\u03c4\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03c6\u03c9\u03ba\u03ac\u03c2", + "\u03b1\u03b9\u03bc\u03af\u03bb\u03b9\u03bf\u03c2", + "\u03c4\u03af\u03c4\u03bf\u03c2", + "\u03c0\u03ad\u03c4\u03c1\u03bf\u03c2", + "\u03b8\u03ad\u03bc\u03b7\u03c2", + "\u03bc\u03b5\u03c1\u03ba\u03bf\u03cd\u03c1\u03b9\u03bf\u03c2", + "\u03b2\u03b5\u03bd\u03b9\u03b1\u03bc\u03af\u03bd", + "\u03b9\u03c9\u03bd\u03ac\u03c2", + "\u03c7\u03c1\u03cd\u03c3\u03b1\u03bd\u03b8\u03bf\u03c2", + "\u03c0\u03ac\u03c4\u03c1\u03bf\u03ba\u03bb\u03bf\u03c2", + "\u03bd\u03b5\u03cc\u03c6\u03c5\u03c4\u03bf\u03c2", + "\u03b1\u03b3\u03ac\u03c0\u03b9\u03bf\u03c2", + "\u03c3\u03c4\u03ad\u03bb\u03bb\u03b9\u03bf\u03c2", + "\u03b6\u03b1\u03c6\u03b5\u03af\u03c1\u03b9\u03bf\u03c2", + "\u03bc\u03b5\u03b8\u03cc\u03b4\u03b9\u03bf\u03c2", + "\u03b3\u03b5\u03c1\u03ac\u03c3\u03b9\u03bc\u03bf\u03c2", + "\u03c3\u03c4\u03b1\u03cd\u03c1\u03bf\u03c2", + "\u03b9\u03c0\u03c0\u03bf\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03c1\u03af\u03bd\u03bf\u03c2", + "\u03b3\u03b1\u03b2\u03c1\u03b9\u03ae\u03bb", + "\u03b9\u03ac\u03c3\u03c9\u03bd", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03b9\u03ac\u03bd", + "\u03b1\u03bd\u03b1\u03b3\u03bd\u03ce\u03c3\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03b5\u03b9\u03b4\u03ae\u03c2", + "\u03bb\u03bf\u03c5\u03ba\u03ac\u03c2", + "\u03b1\u03c5\u03be\u03ad\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03bb\u03c5\u03ba\u03bf\u03cd\u03c1\u03b3\u03bf\u03c2", + "\u03b9\u03c9\u03b1\u03ba\u03b5\u03af\u03bc", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03b5\u03af\u03b4\u03b7\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03c6\u03bf\u03c1\u03bf\u03c2", + "\u03ba\u03bb\u03b5\u03bf\u03bc\u03ad\u03bd\u03b7\u03c2", + "\u03b1\u03c3\u03ba\u03bb\u03b7\u03c0\u03b9\u03cc\u03c2", + "\u03b5\u03c5\u03c3\u03ad\u03b2\u03b9\u03bf\u03c2", + "\u03b1\u03bd\u03b1\u03bd\u03af\u03b1\u03c2", + "\u03b7\u03bb\u03af\u03b1\u03c2", + "\u03b9\u03c0\u03c0\u03cc\u03bb\u03c5\u03c4\u03bf\u03c2", + "\u03bf\u03c1\u03ad\u03c3\u03c4\u03b7\u03c2", + "\u03ba\u03c1\u03c5\u03c3\u03c4\u03ac\u03bb\u03bb\u03b7\u03c2", + "\u03b1\u03bd\u03b4\u03c1\u03ad\u03b1\u03c2", + "\u03c6\u03ce\u03c4\u03b9\u03bf\u03c2", + "\u03bb\u03b1\u03c5\u03c1\u03ad\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03c4\u03af\u03bc\u03c9\u03bd", + "\u03c7\u03b1\u03c1\u03af\u03c4\u03bf\u03c2", + "\u03b1\u03b8\u03b7\u03bd\u03cc\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03b2\u03cd\u03c1\u03c9\u03bd", + "\u03b2\u03bb\u03ac\u03c3\u03b7\u03c2", + "\u03b5\u03bb\u03b9\u03c3\u03c3\u03b1\u03af\u03bf\u03c2", + "\u03c0\u03c1\u03cc\u03b4\u03c1\u03bf\u03bc\u03bf\u03c2", + "\u03c6\u03af\u03bb\u03b9\u03c0\u03c0\u03bf\u03c2", + "\u03c6\u03c1\u03b5\u03b9\u03b4\u03b5\u03c1\u03af\u03ba\u03bf\u03c2", + "\u03bb\u03bf\u03c5\u03b4\u03bf\u03b2\u03af\u03ba\u03bf\u03c2", + "\u03b2\u03b5\u03bd\u03ad\u03c4\u03b9\u03bf\u03c2", + "\u03bd\u03b9\u03ba\u03cc\u03b4\u03b7\u03bc\u03bf\u03c2", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03bf\u03c6\u03ac\u03bd\u03b7\u03c2", + "\u03c5\u03ac\u03ba\u03b9\u03bd\u03b8\u03bf\u03c2", + "\u03bd\u03b9\u03ba\u03b7\u03c6\u03cc\u03c1\u03bf\u03c2", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03b1\u03b3\u03b1\u03b8\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03b2\u03b5\u03bb\u03b9\u03c3\u03c3\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03b8\u03b1\u03bd\u03ac\u03c3\u03b9\u03bf\u03c2", + "\u03bd\u03ad\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03b4\u03b9\u03bf\u03bc\u03ae\u03b4\u03b7\u03c2", + "\u03ba\u03af\u03bc\u03c9\u03bd", + "\u03c4\u03b7\u03bb\u03ad\u03bc\u03b1\u03c7\u03bf\u03c2", + "\u03b1\u03c1\u03c4\u03ad\u03bc\u03b7\u03c2", + "\u03b2\u03bb\u03ac\u03c3\u03b9\u03bf\u03c2", + "\u03b1\u03b9\u03bc\u03b9\u03bb\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03b5\u03c1\u03c1\u03af\u03ba\u03bf\u03c2", + "\u03b4\u03b1\u03bd\u03b9\u03ae\u03bb", + "\u03b5\u03c5\u03b8\u03cd\u03bc\u03b9\u03bf\u03c2", + "\u03c0\u03b1\u03c3\u03c7\u03ac\u03bb\u03b7\u03c2", + "\u03ba\u03ce\u03c3\u03c4\u03b1\u03c2", + "\u03ba\u03b7\u03c1\u03cd\u03ba\u03bf\u03c2", + "\u03c0\u03c5\u03b8\u03b1\u03b3\u03cc\u03c1\u03b1\u03c2", + "\u03be\u03b1\u03bd\u03b8\u03cc\u03c2", + "\u03c4\u03b9\u03bc\u03cc\u03b8\u03b5\u03bf\u03c2", + "\u03b1\u03bd\u03b8\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03b8\u03b5\u03bf\u03c7\u03ac\u03c1\u03b7\u03c2", + "\u03b9\u03b5\u03c1\u03ce\u03bd\u03c5\u03bc\u03bf\u03c2", + "\u03b1\u03bd\u03b4\u03c1\u03cc\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03b3\u03b1\u03bb\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03ac\u03c4\u03b7\u03c2", + "\u03b5\u03c5\u03c4\u03cd\u03c7\u03b9\u03bf\u03c2", + "\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03b1\u03c3\u03b7\u03bc\u03ae\u03c2", + "\u03b4\u03b9\u03b1\u03bc\u03b1\u03bd\u03c4\u03ae\u03c2", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03ac\u03c6\u03c5\u03bb\u03bb\u03bf\u03c2", + "\u03b1\u03b3\u03b1\u03b8\u03cc\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03bf\u03bc\u03ad\u03bd\u03b7\u03c2", + "\u03bb\u03b5\u03bf\u03bd\u03ac\u03c1\u03b4\u03bf\u03c2", + "\u03b1\u03b4\u03ac\u03bc", + "\u03c6\u03c9\u03ba\u03af\u03c9\u03bd", + "\u03c0\u03c1\u03b1\u03be\u03b9\u03c4\u03ad\u03bb\u03b7\u03c2", + "\u03b2\u03b1\u03c1\u03b4\u03ae\u03c2", + "\u03bb\u03ad\u03c9\u03bd", + "\u03c0\u03cd\u03c1\u03c1\u03bf\u03c2", + "\u03b1\u03bd\u03ac\u03c1\u03b3\u03c5\u03c1\u03bf\u03c2", + "\u03c3\u03c9\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03ba\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03c7\u03c1\u03af\u03c3\u03c4\u03bf\u03c2", + "\u03c0\u03c1\u03bf\u03ba\u03cc\u03c0\u03b9\u03bf\u03c2", + "\u03c0\u03af\u03bd\u03b4\u03b1\u03c1\u03bf\u03c2", + "\u03bc\u03b9\u03ba\u03ad\u03c2", + "\u03b1\u03b2\u03c1\u03b1\u03ac\u03bc", + "\u03b2\u03b9\u03ba\u03ad\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03ba\u03ac\u03c1\u03bf\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03bc\u03bd\u03b7\u03bd\u03cc\u03c2", + "\u03b8\u03b5\u03cc\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03c0\u03b1\u03c1\u03ac\u03c3\u03c7\u03bf\u03c2", + "\u03bc\u03b9\u03bb\u03c4\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03b8\u03b5\u03cc\u03c6\u03b9\u03bb\u03bf\u03c2", + "\u03c3\u03c0\u03c5\u03c1\u03af\u03b4\u03c9\u03bd", + "\u03b6\u03ae\u03bd\u03c9\u03bd", + "\u03bc\u03b9\u03c7\u03ac\u03bb\u03b7\u03c2", + "\u03c0\u03bf\u03bb\u03c5\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03b7\u03c2", + "\u03ad\u03ba\u03c4\u03bf\u03c1\u03b1\u03c2", + "\u03c4\u03c1\u03cd\u03c6\u03c9\u03bd", + "\u03ba\u03bb\u03ae\u03bc\u03b7\u03c2", + "\u03b1\u03c1\u03af\u03c3\u03c4\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03b1\u03b4\u03b1\u03bc\u03ac\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03bc\u03b5\u03b3\u03b1\u03ba\u03bb\u03ae\u03c2", + "\u03ba\u03c5\u03c0\u03c1\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03c3\u03c4\u03ad\u03c1\u03b3\u03b9\u03bf\u03c2", + "\u03b8\u03c1\u03b1\u03c3\u03cd\u03b2\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b9\u03b5\u03c1\u03b5\u03bc\u03af\u03b1\u03c2", + "\u03b3\u03b1\u03c1\u03cd\u03c6\u03b1\u03bb\u03bb\u03bf\u03c2", + "\u03b3\u03b5\u03ce\u03c1\u03b3\u03b9\u03bf\u03c2", + "\u03b1\u03b8\u03b7\u03bd\u03b1\u03b3\u03cc\u03c1\u03b1\u03c2", + "\u03c1\u03af\u03b6\u03bf\u03c2", + "\u03b5\u03c5\u03b3\u03ad\u03bd\u03b9\u03bf\u03c2", + "\u03b9\u03ac\u03ba\u03c9\u03b2\u03bf\u03c2", + "\u03c0\u03b1\u03bd\u03c4\u03b1\u03b6\u03ae\u03c2", + "\u03bd\u03b5\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03bb\u03b1\u03bf\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03c4\u03b6\u03b1\u03bd\u03ad\u03c4\u03bf\u03c2", + "\u03b5\u03c1\u03bc\u03cc\u03bb\u03b1\u03bf\u03c2", + "\u03b1\u03bc\u03b2\u03c1\u03cc\u03c3\u03b9\u03bf\u03c2", + "\u03ba\u03c5\u03c1\u03b9\u03ac\u03ba\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03c6\u03cd\u03bb\u03b1\u03ba\u03c4\u03bf\u03c2", + "\u03c3\u03bf\u03bb\u03bf\u03bc\u03ce\u03bd", + "\u03bb\u03bf\u03b3\u03bf\u03b8\u03ad\u03c4\u03b7\u03c2" + ], + "LAST_NAMES_FEMALE": [ + "\u03a0\u03b1\u03c0\u03b1\u03c4\u03b6\u03ae\u03ba\u03b1", + "\u039a\u03bf\u03c1\u03bf\u03bc\u03c0\u03cc\u03ba\u03b7", + "\u0393\u03b5\u03c9\u03c1\u03b3\u03bf\u03cd\u03bb\u03b1", + "\u03a3\u03c0\u03b1\u03bd\u03bf\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b4\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03b9\u03bc\u03b7\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03b9\u03bc\u03b9\u03c4\u03b6\u03ae", + "\u0391\u03c3\u03c3\u03b1\u03c1\u03b3\u03b9\u03c9\u03c4\u03ac\u03ba\u03b7", + "\u039a\u03c5\u03c1\u03b9\u03b1\u03bd\u03bd\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03c1\u03c5\u03b4\u03ac", + "\u03a6\u03b9\u03bb\u03b9\u03ac\u03b3\u03ba\u03bf\u03c5", + "\u03a3\u03c6\u03b1\u03ba\u03b9\u03b1\u03bd\u03ac\u03ba\u03b7", + "\u039d\u03c4\u03b6\u03b9\u03b1\u03b2\u03af\u03b4\u03b1", + "\u03a7\u03c1\u03c5\u03c3\u03b9\u03ba\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03c6\u03b1\u03bd\u03c4\u03ac\u03c1\u03b7", + "\u039d\u03af\u03ba\u03b1", + "\u0394\u03ae\u03bc\u03bf\u03c5", + "\u039b\u03b5\u03bd\u03c4\u03b6\u03af\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03c7\u03c1\u03ae\u03c3\u03c4\u03bf\u03c5", + "\u039d\u03ac\u03bd\u03c4\u03c3\u03bf\u03c5", + "\u039c\u03c0\u03b9\u03bc\u03c0\u03af\u03c1\u03b7", + "\u039e\u03b1\u03bd\u03b8\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a7\u03b1\u03c4\u03b6\u03ae", + "\u03a4\u03c3\u03b1\u03ba\u03af\u03c1\u03b7", + "\u03a4\u03ac\u03c4\u03c3\u03b7", + "\u0392\u03bf\u03c5\u03bb\u03b3\u03b1\u03c1\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03bc\u03b9\u03bd\u03ac\u03c1\u03b7", + "\u039c\u03bf\u03c3\u03c7\u03bf\u03b2\u03ac\u03ba\u03b7", + "\u039b\u03b9\u03ac\u03ba\u03bf\u03c5", + "\u03a7\u03b1\u03c4\u03b6\u03b7\u03b2\u03bb\u03b1\u03c3\u03af\u03bf\u03c5", + "\u0392\u03b1\u03bb\u03b9\u03ac\u03ba\u03b1", + "\u0394\u03ce\u03c1\u03b7", + "\u03a7\u03b1\u03bb\u03ba\u03af\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03c4\u03c3\u03b9\u03bd\u03ac", + "\u0398\u03b1\u03c3\u03af\u03c4\u03bf\u03c5", + "\u039a\u03b1\u03c7\u03c1\u03b9\u03bc\u03b1\u03bd\u03af\u03b4\u03b7", + "\u039a\u03b1\u03bd\u03b5\u03bb\u03bb\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039a\u03b1\u03c0\u03bd\u03b9\u03ac", + "\u039a\u03bf\u03c5\u03b6\u03bf\u03c5\u03bb\u03ac", + "\u03a0\u03b1\u03c5\u03bb\u03ae", + "\u039a\u03bf\u03c6\u03b9\u03bd\u03ac\u03ba\u03b7", + "\u039c\u03c0\u03bf\u03b6\u03af\u03ba\u03b7", + "\u039c\u03b1\u03c4\u03b5\u03bd\u03c4\u03c3\u03af\u03b4\u03bf\u03c5", + "\u039c\u03b1\u03b3\u03ba\u03b1\u03bd\u03ac\u03c1\u03b7", + "\u039c\u03b1\u03bb\u03af\u03bc\u03b7", + "\u03a3\u03b3\u03bf\u03c5\u03c1\u03ad\u03bd\u03b1", + "\u039a\u03b1\u03c4\u03c3\u03b9\u03bb\u03bb\u03ae", + "\u0393\u03b5\u03c1\u03bf\u03cd\u03ba\u03b7", + "\u039c\u03c0\u03b5\u03ba\u03ac\u03ba\u03bf\u03c5", + "\u039c\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u039a\u03bf\u03bd\u03c4\u03bf\u03cd", + "\u039a\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03c4\u03c1\u03b1\u03c4\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u0392\u03bf\u03c5\u03c4\u03c3\u03b9\u03bd\u03ac", + "\u0392\u03bb\u03ac\u03c7\u03bf\u03c5", + "\u039b\u03b9\u03bf\u03bb\u03b9\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03b1\u03c1\u03c1\u03ae", + "\u039c\u03ae\u03c4\u03c3\u03bf\u03c5", + "\u03a4\u03bf\u03c5\u03bb\u03bf\u03cd\u03c0\u03b7", + "\u03a5\u03c6\u03b1\u03bd\u03c4\u03ae", + "\u039c\u03b1\u03c3\u03b9\u03ac\u03bb\u03b1", + "\u039a\u03b1\u03c1\u03ba\u03b1\u03bb\u03ad\u03c4\u03c3\u03b7", + "\u03a3\u03ac\u03bf\u03c5\u03b5\u03c1", + "\u03a1\u03ad\u03c0\u03c0\u03b1", + "\u039a\u03bf\u03bb\u03c4\u03c3\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03c1\u03bf\u03bb\u03af\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03bb\u03bf\u03c7\u03ad\u03c1\u03b7", + "\u03a4\u03c3\u03b9\u03c9\u03bb\u03be", + "\u03a7\u03b1\u03c4\u03b6\u03b7\u03b4\u03ac\u03ba\u03b7", + "\u0396\u03c5\u03b3\u03bf\u03cd\u03c1\u03b7", + "\u03a0\u03b9\u03c0\u03b5\u03c1\u03af\u03b4\u03b7", + "\u03a0\u03bf\u03bb\u03af\u03c4\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03b8\u03c9\u03bc\u03ac", + "\u039a\u03b1\u03c8\u03ae", + "\u039a\u03b1\u03c6\u03c6\u03ad", + "\u039b\u03c5\u03c1\u03ae", + "\u03a0\u03b1\u03c0\u03bf\u03c5\u03c4\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0394\u03b1\u0390\u03ba\u03bf\u03c5", + "\u039c\u03b7\u03c4\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0394\u03c1\u03cc\u03c3\u03bf\u03c5", + "\u03a0\u03bf\u03c5\u03bb\u03af\u03b4\u03b1", + "\u03a4\u03c3\u03b1\u03bc\u03c0\u03bf\u03cd\u03c1\u03b7", + "\u039c\u03c0\u03af\u03ba\u03b1", + "\u0395\u03bd\u03c9\u03c4\u03b9\u03ac\u03b4\u03b7", + "\u039c\u03b1\u03b3\u03ba\u03b1\u03c6\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a1\u03cc\u03b3\u03b3\u03b1", + "\u0392\u03bf\u03c5\u03bb\u03c4\u03c3\u03af\u03b4\u03bf\u03c5", + "\u0392\u03b1\u03bb\u03c3\u03b1\u03bc\u03af\u03b4\u03bf\u03c5", + "\u039c\u03c0\u03b1\u03c1\u03ba\u03bf\u03cd\u03c4\u03b1", + "\u0396\u03b5\u03b3\u03bb\u03af\u03bd\u03b1", + "\u039b\u03b9\u03bd\u03b1\u03c1\u03b4\u03ac\u03ba\u03b7", + "\u0394\u03b9\u03b1\u03ba\u03bf\u03c5\u03bc\u03ae", + "\u03a6\u03bf\u03c5\u03c1\u03ba\u03b9\u03ce\u03c4\u03b7", + "\u039c\u03b9\u03c3\u03af\u03b4\u03bf\u03c5", + "\u039c\u03b5\u03be\u03ae", + "\u0396\u03ce\u03b7", + "\u03a3\u03c0\u03b1\u03b8\u03ac\u03c1\u03b7", + "\u03a0\u03b1\u03bb\u03b1\u03b9\u03bf\u03bb\u03bf\u03b3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039b\u03bf\u03b3\u03ba\u03ac\u03ba\u03b7", + "\u0392\u03b1\u0390\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03c4\u03ac\u03c3\u03bf\u03c5", + "\u0393\u03ba\u03bf\u03cd\u03b2\u03b1", + "\u03a7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b4\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a4\u03c3\u03ce\u03bd\u03b7", + "\u039c\u03b1\u03c5\u03c1\u03bf\u03b5\u03af\u03b4\u03b7", + "\u0391\u03c1\u03c7\u03ac\u03ba\u03b7", + "\u0394\u03bf\u03c5\u03bb\u03ac\u03bc\u03b7", + "\u0392\u03b1\u03c1\u03b5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u039c\u03b1\u03c5\u03c1\u03af\u03b4\u03b7", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03bf\u03c5\u03c1\u03ad\u03bb\u03b7", + "\u039b\u03b9\u03ac\u03bd\u03bf\u03c5", + "\u0392\u03b1\u03c3\u03b9\u03bb\u03b5\u03af\u03bf\u03c5", + "\u039a\u03b1\u03bb\u03bf\u03b3\u03b9\u03b1\u03bd\u03bd\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03c1\u03b1\u03b3\u03b9\u03bf\u03b2\u03ac\u03bd\u03bd\u03b7", + "\u03a4\u03c3\u03b1\u03bc\u03c4\u03c3\u03bf\u03cd\u03c1\u03b7", + "\u039a\u03bf\u03ba\u03ba\u03b9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03a7\u03b1\u03c4\u03b6\u03b7\u03b3\u03b5\u03c9\u03c1\u03b3\u03af\u03bf\u03c5", + "\u03a4\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u03a3\u03c4\u03b1\u03b8\u03ac", + "\u0393\u03c1\u03af\u03b2\u03b1", + "\u03a0\u03b1\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u0392\u03c5\u03b6\u03b9\u03b7\u03bd\u03bf\u03cd", + "\u039a\u03b5\u03c3\u03af\u03c3\u03b7", + "\u0395\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03b7\u03bb\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03bb\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u039c\u03c0\u03bf\u03cd\u03b6\u03b1", + "\u039d\u03c4\u03b1\u03b3\u03ba\u03b1\u03bb\u03ae", + "\u039d\u03b9\u03ba\u03bf\u03bb\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u03a0\u03b1\u03c0\u03b1\u03b4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a4\u03b1\u03c6\u03c1\u03b1\u03bb\u03ae", + "\u03a3\u03ba\u03b1\u03c6\u03c4\u03bf\u03cd\u03c1\u03bf\u03c5", + "\u039c\u03af\u03c7\u03bf\u03c5", + "\u0392\u03c1\u03b1\u03ba\u03ac", + "\u0392\u03b1\u03ca\u03c1\u03b1\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03a0\u03c1\u03ad\u03ba\u03b1", + "\u0394\u03b9\u03b1\u03bc\u03b1\u03bd\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a0\u03ac\u03bd\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03ba\u03ce\u03c3\u03c4\u03b1", + "\u03a7\u03b1\u03bd\u03c4\u03b6\u03ae", + "\u03a0\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c6\u03cc\u03c1\u03b7", + "\u039c\u03b9\u03bb\u03ad\u03b1", + "\u039a\u03c5\u03c1\u03af\u03c4\u03c3\u03b7", + "\u039c\u03ac\u03c1\u03b1", + "\u03a0\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u03a0\u03bf\u03c5\u03bb\u03ae", + "\u039a\u03b1\u03c4\u03c3\u03b1\u03bd\u03c4\u03ce\u03bd\u03b7", + "\u03a4\u03c3\u03b9\u03ba\u03c1\u03af\u03ba\u03b1", + "\u0395\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03b4\u03b7", + "\u039e\u03ad\u03bd\u03bf\u03c5", + "\u039c\u03c0\u03b1\u03ba\u03bf\u03c5\u03bb\u03ae", + "\u03a4\u03c3\u03ac\u03ba\u03b7", + "\u03a0\u03b1\u03bd\u03b1\u03b3\u03b9\u03ce\u03c4\u03bf\u03c5", + "\u0396\u03b1\u03c7\u03b1\u03c1\u03af\u03bf\u03c5", + "\u03a4\u03b6\u03b1\u03bd\u03b1\u03b2\u03ac\u03c1\u03b1", + "\u039c\u03b7\u03bb\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u0393\u03b9\u03b1\u03c4\u03c1\u03ac\u03ba\u03bf\u03c5", + "\u0393\u03b1\u03b2\u03c1\u03b9\u03ae\u03bb", + "\u03a0\u03b1\u03c0\u03b1\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03bd\u03bf\u03c5", + "\u0394\u03b1\u03bc\u03ae\u03bb\u03bf\u03c5", + "\u03a1\u03b1\u03b4\u03b9\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0394\u03c1\u03c5\u03bc\u03b1\u03bb\u03af\u03c4\u03bf\u03c5", + "\u03a6\u03b5\u03b9\u03b6\u03b1\u03c4\u03af\u03b4\u03bf\u03c5", + "\u039c\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03c5\u03c1\u03af\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03c4\u03c1\u03ce\u03c4\u03c3\u03bf\u03c5", + "\u03a3\u03ba\u03bf\u03cd\u03bc\u03c0\u03c1\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03ba\u03c5\u03c1\u03af\u03bf\u03c5", + "\u0391\u03b8\u03b1\u03bd\u03b1\u03c3\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u039c\u03b7\u03bb\u03b9\u03ac\u03ba\u03b7", + "\u03a6\u03c5\u03c4\u03b9\u03bb\u03ae", + "\u039a\u03c5\u03c1\u03b3\u03b9\u03ac", + "\u039c\u03c0\u03b1\u03bb\u03ae", + "\u03a4\u03c1\u03b1\u03b3\u03bf\u03cd\u03c3\u03c4\u03b7", + "\u03a0\u03c5\u03c1\u03bf\u03b2\u03cc\u03bb\u03bf\u03c5", + "\u03a4\u03c3\u03b1\u03bc\u03c0\u03b1\u03bb\u03ae", + "\u03a3\u03bf\u03bb\u03c9\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03a7\u03c1\u03bf\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03c1\u03ba\u03b1\u03bd\u03c4\u03c9\u03bd\u03ac\u03ba\u03b7", + "\u03a4\u03cc\u03bc\u03c0\u03c1\u03b7", + "\u0393\u03bf\u03cd\u03bb\u03b1", + "\u039a\u03b1\u03bd\u03b5\u03bb\u03ae", + "\u03a0\u03b5\u03c1\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u03a0\u03b5\u03c4\u03c1\u03af\u03b4\u03bf\u03c5", + "\u039b\u03b9\u03cc\u03bd\u03c4\u03b7", + "\u0392\u03b1\u03c3\u03b9\u03bb\u03b5\u03b9\u03ac\u03b4\u03b7", + "\u0393\u03b9\u03b1\u03bd\u03bd\u03b1\u03ba\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u0392\u03bf\u03c3\u03b9\u03bd\u03ac\u03ba\u03b7", + "\u039a\u03c5\u03c1\u03ba\u03bf\u03cd\u03b4\u03b7", + "\u03a3\u03bf\u03ba\u03bf\u03bb\u03ac\u03ba\u03b7", + "\u039c\u03b9\u03c7\u03b5\u03bb\u03b1\u03ba\u03ac\u03ba\u03b7", + "\u039d\u03c4\u03cc\u03c4\u03c3\u03b7", + "\u03a7\u03b1\u03c1\u03b1\u03bb\u03b1\u03bc\u03c0\u03af\u03b4\u03bf\u03c5", + "\u03a7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0391\u03c1\u03b3\u03c5\u03c1\u03ac\u03ba\u03b7", + "\u0393\u03ba\u03cc\u03bd\u03b7", + "\u03a0\u03b1\u03c0\u03b1\u03bd\u03ce\u03c4\u03b1", + "\u0393\u03c1\u03b7\u03b3\u03bf\u03c1\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u0391\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03ac\u03ba\u03b7", + "\u0394\u03b1\u03bd\u03b4\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03a0\u03bf\u03c5\u03c1\u03bd\u03ac\u03c1\u03b1", + "\u03a3\u03bc\u03b9\u03c4", + "\u039c\u03c0\u03b1\u03c4\u03c3\u03ac\u03ba\u03b7", + "\u03a0\u03b1\u03c0\u03b1\u03b8\u03b5\u03bf\u03b4\u03bf\u03c3\u03af\u03bf\u03c5", + "\u039a\u03b1\u03c4\u03c3\u03b1\u03c6\u03ac\u03b4\u03bf\u03c5", + "\u03a4\u03c3\u03ac\u03c4\u03b7", + "\u039c\u03c0\u03cd\u03c1\u03bf\u03c5", + "\u0394\u03c1\u03b1\u03ba\u03ac\u03ba\u03b7", + "\u0391\u03c1\u03b3\u03c5\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03bb\u03bb\u03ae", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03bf\u03b2\u03af\u03b4\u03bf\u03c5", + "\u03a4\u03c3\u03b9\u03ba\u03bd\u03ae", + "\u0393\u03ba\u03b1\u03bb\u03af\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03bf\u03c5\u03bd\u03ac\u03ba\u03b7", + "\u0394\u03c1\u03b1\u03ba\u03bf\u03c5\u03bb\u03ae", + "\u03a6\u03b1\u03c3\u03b1\u03c4\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03c1\u03b1\u03bd\u03ac\u03bd\u03bf\u03c5", + "\u0392\u03bb\u03b1\u03c7\u03bf\u03b4\u03ae\u03bc\u03bf\u03c5", + "\u039c\u03b1\u03c1\u03ac\u03ba\u03b7", + "\u0396\u03b1\u03c6\u03b5\u03af\u03c1\u03b7", + "\u039e\u03b7\u03c1\u03bf\u03c4\u03cd\u03c1\u03b7", + "\u039c\u03c0\u03bb\u03b9\u03b1\u03c4\u03c3\u03af\u03bf\u03c5", + "\u03a1\u03c9\u03bc\u03b1\u03af\u03bf\u03c5", + "\u0395\u03bb\u03b5\u03c5\u03b8\u03b5\u03c1\u03af\u03bf\u03c5", + "\u039b\u03af\u03c4\u03c3\u03b9\u03bf\u03c5", + "\u0394\u03ac\u03c6\u03bd\u03b7", + "\u039c\u03b1\u03c1\u03b3\u03b9\u03ac", + "\u039a\u03bf\u03c5\u03c4\u03bf\u03c5\u03b6\u03af\u03b4\u03bf\u03c5", + "\u039c\u03c0\u03b1\u03c6\u03af\u03c4\u03b7", + "\u03a0\u03b5\u03c4\u03c3\u03b9\u03ac", + "\u0391\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03c3\u03c4\u03b5\u03c1\u03b3\u03af\u03bf\u03c5", + "\u03a4\u03c5\u03bc\u03b2\u03af\u03bf\u03c5", + "\u0394\u03b7\u03bc\u03b7\u03c4\u03c1\u03ad\u03bb\u03bf\u03c5", + "\u0396\u03c9\u03bd\u03c4\u03b1\u03bd\u03bf\u03cd", + "\u039a\u03b1\u03bb\u03bb\u03b9\u03ac\u03bd\u03c4\u03b1\u03c3\u03b7", + "\u03a3\u03b1\u03bc\u03c4\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03ba\u03ce\u03c3\u03c4\u03b1", + "\u039b\u03cd\u03c4\u03c1\u03b1", + "\u03a6\u03c9\u03bb\u03b9\u03ac", + "\u0393\u03b5\u03c9\u03c1\u03b3\u03ae", + "\u0391\u03c1\u03b1\u03c0\u03af\u03b4\u03bf\u03c5", + "\u03a4\u03c3\u03b9\u03bf\u03cd\u03c0\u03c1\u03b1", + "\u03a4\u03bf\u03c0\u03b1\u03bb\u03ae", + "\u03a3\u03ba\u03b1\u03c3\u03af\u03bb\u03b1", + "\u03a0\u03bf\u03c5\u03bb\u03b9\u03ac\u03c3\u03b7", + "\u039a\u03b1\u03c3\u03ba\u03b1\u03bf\u03cd\u03c4\u03b7", + "\u039a\u03b5\u03c4\u03b5\u03c3\u03af\u03b4\u03bf\u03c5", + "\u039c\u03ac\u03bb\u03b1\u03bc\u03b1", + "\u039d\u03ce\u03b5", + "\u0393\u03b9\u03b1\u03bd\u03bd\u03b1\u03c1\u03ac", + "\u03a7\u03bf\u03bb\u03ad\u03b2\u03b1", + "\u03a3\u03b5\u03b2\u03b1\u03c3\u03c4\u03bf\u03cd", + "\u0391\u03b3\u03b3\u03b5\u03bb\u03bf\u03c5\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0391\u03b4\u03b1\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03b1\u03bb\u03ad\u03bc\u03b7", + "\u03a3\u03b9\u03bf\u03cd\u03c4\u03b1", + "\u0393\u03b5\u03c9\u03c1\u03b3\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a4\u03bf\u03c3\u03bf\u03cd\u03bd\u03b7", + "\u0391\u03b3\u03b3\u03b5\u03bb\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03bb\u03b1\u03ca\u03c4\u03b6\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0391\u03b2\u03c1\u03b1\u03bc\u03af\u03b4\u03bf\u03c5", + "\u039a\u03ac\u03ba\u03ba\u03b1", + "\u0391\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03af\u03bf\u03c5", + "\u03a3\u03c4\u03b1\u03c5\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03a7\u03b1\u03bb\u03b2\u03b1\u03c4\u03b6\u03ae", + "\u03a0\u03b1\u03c1\u03ac\u03bd\u03bf\u03c5", + "\u03a0\u03ad\u03c4\u03c1\u03bf\u03c5", + "\u03a3\u03af\u03b2\u03b2\u03b1", + "\u039c\u03b1\u03ba\u03c1\u03ae", + "\u039c\u03b1\u03c1\u03c4\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u0391\u03bd\u03c4\u03c9\u03bd\u03af\u03bf\u03c5", + "\u039a\u03b5\u03c6\u03b1\u03bb\u03ae", + "\u03a7\u03bf\u03c1\u03cc\u03b6\u03b7", + "\u0391\u03bb\u03b5\u03be\u03b1\u03bd\u03b4\u03c1\u03af\u03b4\u03bf\u03c5", + "\u039e\u03c5\u03b3\u03ba\u03ac\u03ba\u03bf\u03c5", + "\u0392\u03c1\u03ac\u03c3\u03ba\u03bf\u03c5", + "\u03a0\u03b5\u03bc\u03bf\u03cd\u03c3\u03b7", + "\u03a0\u03b9\u03c3\u03ba\u03bf\u03c0\u03ac\u03bd\u03b7", + "\u03a7\u03b1\u03c3\u03ac\u03c0\u03b7", + "\u0395\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03ae\u03bb", + "\u0393\u03c1\u03b7\u03b3\u03bf\u03c1\u03af\u03bf\u03c5", + "\u039c\u03b1\u03ba\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03b9\u03cc\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03c3\u03b1\u03bf\u03cd\u03c4\u03b7", + "\u0391\u03c1\u03c3\u03b5\u03bd\u03ac\u03ba\u03b7", + "\u03a3\u03b1\u03b2\u03b2\u03ac\u03ba\u03b7", + "\u0392\u03b1\u03ba\u03bf\u03c5\u03c6\u03c4\u03c3\u03ae", + "\u039c\u03c9\u03c5\u03c3\u03af\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03bd\u03c4\u03bf\u03b3\u03b5\u03c9\u03c1\u03b3\u03ac\u03ba\u03b7", + "\u03a3\u03ba\u03bf\u03c4\u03ac\u03b4\u03b7", + "\u03a0\u03af\u03c3\u03c0\u03b1", + "\u03a0\u03b5\u03c4\u03c1\u03ac\u03ba\u03b7", + "\u0394\u03bf\u03cd\u03b2\u03b1\u03bb\u03b7", + "\u0395\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03c1\u03b1\u03bc\u03c0\u03af\u03bd\u03b1", + "\u039d\u03c4\u03cc\u03b2\u03b1", + "\u039a\u03b1\u03c1\u03b1\u03bd\u03c4\u03ac\u03bd\u03b1", + "\u039c\u03c0\u03c1\u03bf\u03cd\u03b6\u03bf\u03c5", + "\u03a4\u03c3\u03b5\u03c4\u03c3\u03ad\u03c1\u03b7", + "\u039a\u03b1\u03c3\u03c3\u03c9\u03c4\u03ac\u03ba\u03b7", + "\u03a3\u03c4\u03c5\u03bb\u03b9\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u0393\u03ba\u03ac\u03b3\u03ba\u03b1", + "\u039c\u03c5\u03c4\u03ac\u03c1\u03b7", + "\u0392\u03b1\u03c1\u03bf\u03c5\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03b3\u03b5\u03c9\u03c1\u03b3\u03af\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03af\u03bf\u03c5", + "\u03a4\u03c1\u03bf\u03bc\u03c0\u03bf\u03cd\u03ba\u03b7", + "\u03a6\u03bb\u03b1\u03c3\u03ba\u03ae", + "\u039c\u03c0\u03b1\u03bb\u03b1\u03bc\u03c0\u03ac\u03bd\u03b7", + "\u0393\u03b5\u03c9\u03c1\u03b3\u03b1\u03c1\u03ac", + "\u039a\u03b1\u03c1\u03b1\u03bd\u03b1\u03c3\u03af\u03bf\u03c5", + "\u039c\u03b1\u03c5\u03c1\u03b1\u03b5\u03b9\u03b4\u03ae", + "\u039a\u03b1\u03c4\u03c3\u03b9\u03bc\u03ac\u03bb\u03b7", + "\u039c\u03c0\u03bf\u03bd\u03ad\u03bb\u03b7", + "\u0394\u03b7\u03bc\u03b7\u03c4\u03c1\u03af\u03bf\u03c5", + "\u0391\u03bd\u03b1\u03bd\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u0393\u03b1\u03bb\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0394\u03bf\u03c5\u03ba\u03af\u03b4\u03bf\u03c5", + "\u0391\u03bd\u03c4\u03c9\u03bd\u03ac\u03ba\u03b7", + "\u039a\u03b5\u03c3\u03ba\u03af\u03bd\u03b7", + "\u0394\u03b1\u03c5\u03af\u03b4", + "\u03a7\u03bf\u03c1\u03c4\u03ac\u03c4\u03bf\u03c5", + "\u039d\u03ac\u03c3\u03c3\u03bf\u03c5", + "\u03a3\u03c4\u03c1\u03bf\u03cd\u03bc\u03c0\u03b1", + "\u039c\u03c0\u03bf\u03c4\u03b6\u03b9\u03ce\u03c1\u03b7", + "\u039a\u03b1\u03c1\u03b1\u03b8\u03b1\u03bd\u03ac\u03c3\u03b7", + "\u03a0\u03b1\u03bd\u03c4\u03af\u03c3\u03ba\u03b1", + "\u039a\u03bf\u03bd\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u0394\u03bf\u03c5\u03bb\u03bf\u03c5\u03c6\u03ac\u03ba\u03b7", + "\u03a3\u03b1\u03c1\u03b9\u03b4\u03ac\u03ba\u03b7", + "\u03a3\u03b5\u03bc\u03c0\u03ad\u03c0\u03bf\u03c5", + "\u039b\u03ad\u03ba\u03ba\u03b1", + "\u039c\u03c0\u03b5\u03c3\u03cd\u03c1\u03b7", + "\u03a3\u03cd\u03c8\u03b1", + "\u039c\u03b1\u03bc\u03b1\u03bb\u03ac", + "\u039a\u03bb\u03b5\u03b9\u03bd\u03ac\u03ba\u03b7", + "\u03a8\u03c5\u03c1\u03c1\u03ae", + "\u039a\u03b1\u03c1\u03b2\u03ad\u03bb\u03b7", + "\u03a3\u03b7\u03ba\u03c9\u03c4\u03af\u03b4\u03bf\u03c5", + "\u039a\u03af\u03c4\u03c3\u03bf\u03c5", + "\u03a0\u03c1\u03bf\u03cd\u03b2\u03b1", + "\u039a\u03b1\u03bc\u03c0\u03bf\u03cd\u03c1\u03b7", + "\u039a\u03b1\u03c1\u03b1\u03bc\u03ac\u03bd\u03b7", + "\u039c\u03b9\u03c7\u03b5\u03bb\u03ae", + "\u0393\u03b9\u03b1\u03ba\u03b1\u03bc\u03cc\u03b6\u03b7", + "\u0391\u03bb\u03b5\u03be\u03b1\u03bd\u03b4\u03c1\u03ac\u03ba\u03b7", + "\u0391\u03b3\u03c1\u03b1\u03c6\u03b9\u03ce\u03c4\u03b7", + "\u039a\u03c5\u03c1\u03b9\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03c9\u03c4\u03b7\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03c1\u03b3\u03b1\u03c1\u03af\u03c4\u03b7", + "\u039a\u03bf\u03c5\u03bb\u03b1\u03bf\u03c5\u03c3\u03ac\u03c1\u03b7", + "\u039c\u03c0\u03b1\u03bb\u03bb\u03ae", + "\u0391\u03bd\u03b5\u03b6\u03ac\u03ba\u03b7", + "\u039a\u03bf\u03ba\u03ba\u03af\u03bd\u03bf\u03c5", + "\u03a7\u03b1\u03bd\u03c4\u03b1\u03bc\u03c0\u03ae", + "\u039a\u03b1\u03bb\u03bf\u03cd\u03b4\u03b7", + "\u039c\u03b7\u03bd\u03ac", + "\u0394\u03b1\u03c1\u03b4\u03b9\u03ce\u03c4\u03b7", + "\u039e\u03b5\u03bd\u03ac\u03ba\u03b7", + "\u03a6\u03c9\u03c4\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03c4\u03c3\u03bf\u03cd\u03c1\u03b7", + "\u0391\u03c1\u03bc\u03b1\u03c4\u03ac", + "\u039d\u03b9\u03ba\u03bf\u03bb\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03c5\u03c1\u03bc\u03bf\u03cd", + "\u03a3\u03c5\u03bd\u03bf\u03b4\u03b9\u03bd\u03bf\u03cd", + "\u0398\u03b5\u03bf\u03b4\u03bf\u03c3\u03af\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03bc\u03ac\u03c1\u03b1", + "\u0392\u03b1\u03b3\u03b5\u03bd\u03ac", + "\u039d\u03b1\u03bf\u03cd\u03bc", + "\u03a6\u03c9\u03c4\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03ba\u03bf\u03c5\u03b2\u03ac", + "\u03a4\u03c3\u03bf\u03c5\u03c1\u03ac\u03ba\u03b7", + "\u0394\u03b7\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03c0\u03b1\u03c6\u03ad\u03c1\u03b1", + "\u03a3\u03cc\u03c6\u03c1\u03b1", + "\u03a0\u03b5\u03c4\u03c1\u03bf\u03c3\u03b9\u03ac\u03bd", + "\u039a\u03b1\u03b6\u03b1\u03bd\u03c4\u03b6\u03ae", + "\u03a6\u03b1\u03c3\u03bf\u03c5\u03bb\u03ae", + "\u03a0\u03b1\u03c0\u03b1\u03b4\u03ae\u03bc\u03b1", + "\u0391\u03b8\u03b1\u03bd\u03b1\u03c3\u03b9\u03ac\u03b4\u03b7", + "\u039a\u03b1\u03c0\u03bf\u03c5\u03c1\u03bd\u03b9\u03ce\u03c4\u03b7", + "\u0393\u03ba\u03cc\u03b2\u03b1", + "\u03a0\u03b1\u03bb\u03b9\u03bf\u03cd\u03c1\u03b1", + "\u0391\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03ac\u03ba\u03b7", + "\u03a3\u03c0\u03c5\u03c1\u03b9\u03b4\u03ac\u03ba\u03b7", + "\u03a4\u03cc\u03bb\u03b7", + "\u0396\u03b9\u03ac\u03c1\u03b1", + "\u03a4\u03cc\u03b3\u03b9\u03b1", + "\u03a4\u03c3\u03b1\u03bd\u03ac\u03ba\u03b1", + "\u03a3\u03ba\u03b1\u03b2\u03ad\u03bd\u03c4\u03b6\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03ac\u03bc\u03c0\u03b7", + "\u0393\u03b1\u03bb\u03b1\u03bd\u03ac\u03ba\u03b7", + "\u039c\u03b1\u03bd\u03ad\u03c4\u03b1", + "\u0399\u03c9\u03c3\u03b7\u03c6\u03af\u03b4\u03bf\u03c5", + "\u039d\u03b1\u03c4\u03c3\u03bf\u03c5\u03bb\u03ae", + "\u039b\u03bf\u03c5\u03bc\u03c0\u03bf\u03cd\u03c4\u03c3\u03ba\u03bf\u03c5", + "\u03a0\u03ac\u03bd\u03c4\u03b6\u03b9\u03bf\u03c5", + "\u03a3\u03b1\u03ba\u03ba\u03ae", + "\u03a4\u03b6\u03ac\u03b3\u03ba\u03b1", + "\u0399\u03c9\u03b1\u03ba\u03b5\u03b9\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03a3\u03c5\u03b2\u03b9\u03bb\u03b9\u03ac", + "\u03a0\u03b1\u03bd\u03b1\u03b3\u03b9\u03c9\u03c4\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03bd\u03b9\u03ac\u03c4\u03b7", + "\u03a4\u03b1\u03bc\u03c0\u03bf\u03c1\u03c1\u03af\u03bd\u03bf", + "\u0393\u03c1\u03b1\u03bc\u03bc\u03ad\u03bd\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03b9\u03bf\u03c5\u03bc\u03ac\u03c1\u03b7", + "\u03a8\u03c5\u03c7\u03ac\u03c1\u03b7", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03bf\u03cd\u03bc\u03c0\u03b5\u03b7", + "\u0394\u03c1\u03af\u03b2\u03b1", + "\u03a4\u03b6\u03b9\u03cc\u03b2\u03b1", + "\u0393\u03bf\u03cd\u03c0\u03b1", + "\u039c\u03c0\u03b1\u03bb\u03b1\u03bd\u03af\u03ba\u03b1", + "\u03a0\u03b1\u03c0\u03b1\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03bf\u03c5", + "\u03a3\u03ba\u03c5\u03bb\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03a4\u03c1\u03b9\u03c6\u03c4\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u039f\u03b9\u03ba\u03bf\u03bd\u03bf\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a4\u03c3\u03b1\u03c7\u03ac\u03ba\u03b7", + "\u03a4\u03c3\u03b1\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a6\u03b9\u03b4\u03ac\u03bd\u03b7", + "\u03a6\u03c1\u03bf\u03bd\u03b9\u03bc\u03ac\u03ba\u03b7", + "\u0391\u03c4\u03c3\u03b1\u03bb\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03c4\u03c3\u03b9\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u039c\u03b7\u03c4\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039b\u03b1\u03bb\u03b1\u03bf\u03cd\u03bd\u03b7", + "\u039b\u03c5\u03bc\u03b1\u03be\u03ae", + "\u03a6\u03c1\u03b1\u03b3\u03ba\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03bb\u03b1\u03b8\u03ac", + "\u0394\u03b5\u03c1\u03bb\u03ce\u03c0\u03b1", + "\u0392\u03b1\u03c1\u03b8\u03b1\u03bb\u03af\u03c4\u03b7", + "\u03a7\u03b1\u03bb\u03b1\u03bd\u03c4\u03b6\u03bf\u03cd\u03ba\u03b1", + "\u0394\u03b7\u03bc\u03c4\u03c3\u03bf\u03cd\u03b4\u03b7", + "\u039c\u03c0\u03b1\u03ba\u03bf\u03c3\u03c4\u03b5\u03c1\u03b3\u03af\u03bf\u03c5", + "\u039a\u03cc\u03bb\u03bb\u03b9\u03b1", + "\u039f\u03c1\u03c6\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03a7\u03c1\u03c5\u03c3\u03ac\u03c6\u03b7", + "\u039c\u03c0\u03b5\u03bb\u03ad\u03ba\u03bf\u03c5", + "\u03a7\u03b1\u03c4\u03b6\u03b7\u03c7\u03b1\u03c1\u03af\u03c3\u03c4\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03b9\u03ba\u03bf\u03cd\u03c1\u03b7", + "\u03a6\u03b1\u03c1\u03bc\u03ac\u03ba\u03b7", + "\u03a4\u03c3\u03ad\u03c4\u03bf\u03c5", + "\u039c\u03bf\u03c5\u03c4\u03b6\u03bf\u03cd\u03c1\u03b7", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03bf\u03cd\u03bc\u03c0\u03b7", + "\u03a6\u03b1\u03c3\u03bf\u03c5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u0392\u03c1\u03b1\u03b4\u03ae", + "\u0396\u03b1\u03b2\u03b9\u03c4\u03c3\u03ac\u03bd\u03bf\u03c5", + "\u039c\u03b5\u03bd\u03b3\u03ba", + "\u03a0\u03bf\u03c3\u03ac\u03bd\u03c4\u03b6\u03b7", + "\u039a\u03b1\u03c4\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u03a6\u03af\u03bb\u03ba\u03b1", + "\u03a7\u03b1\u03c4\u03b6\u03b7\u03c6\u03ce\u03c4\u03b7", + "\u03a4\u03c3\u03b9\u03c0\u03bb\u03af\u03ba\u03c9\u03c6", + "\u0391\u03c3\u03bf\u03c5\u03c7\u03af\u03b4\u03bf\u03c5", + "\u03a4\u03b6\u03b9\u03c9\u03c1\u03c4\u03b6\u03ae", + "\u039a\u03bf\u03c5\u03c1\u03bb\u03bf\u03cd", + "\u03a3\u03b9\u03b4\u03b7\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03b1\u03c1\u03b3\u03b1\u03c1\u03b9\u03c4\u03ac\u03ba\u03b7", + "\u039c\u03b9\u03c7\u03b1\u03bb\u03ac\u03c1\u03bf\u03c5", + "\u03a4\u03c1\u03b9\u03b1\u03bd\u03c4\u03b1\u03c6\u03cd\u03bb\u03bb\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03ba\u03b1\u03bd\u03ac\u03ba\u03b7", + "\u03a7\u03b1\u03bc\u03b1\u03bb\u03af\u03b4\u03bf\u03c5", + "\u0392\u03b1\u03c3\u03b9\u03bb\u03ac\u03ba\u03b7", + "\u0393\u03ba\u03bf\u03cd\u03bd\u03b7", + "\u03a1\u03cc\u03ba\u03ba\u03b1", + "\u0392\u03b1\u03c6\u03b5\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03c4\u03ba\u03b9\u03ac", + "\u03a0\u03b1\u03c0\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03af\u03bf\u03c5", + "\u03a3\u03c0\u03b1\u03c3\u03ad\u03b3\u03ba\u03bf\u03c5", + "\u0393\u03b5\u03c9\u03c1\u03b3\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u0398\u03b5\u03bf\u03b4\u03c9\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039c\u03c0\u03b1\u03bb\u03c4\u03b1\u03c4\u03b6\u03ae", + "\u0391\u03c3\u03bb\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u0392\u03b1\u03bb\u03ba\u03ac\u03bd\u03bf\u03c5", + "\u0391\u03b3\u03b3\u03b5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u039c\u03b1\u03b3\u03bf\u03cd\u03bb\u03b1", + "\u03a4\u03b1\u03be\u03af\u03b4\u03bf\u03c5", + "\u03a3\u03c4\u03b5\u03c6\u03ac\u03bd\u03bf\u03c5", + "\u039b\u03b5\u03c0\u03af\u03b4\u03b1", + "\u039d\u03c4\u03b1\u03bd\u03ce\u03bb\u03b1", + "\u0394\u03b1\u03bc\u03b1\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a7\u03bf\u03bd\u03b4\u03c1\u03bf\u03cd\u03b4\u03b7", + "\u039c\u03b1\u03c3\u03c4\u03c1\u03b1\u03b3\u03b3\u03b5\u03bb\u03ae", + "\u0393\u03b5\u03c9\u03c1\u03b3\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u039a\u03c5\u03c1\u03bf\u03cd\u03b4\u03b7", + "\u03a0\u03b1\u03c0\u03b1\u03bd\u03ac\u03bd\u03bf\u03c5", + "\u03a0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03ac", + "\u0396\u03b1\u03c1\u03b6\u03ac\u03bd\u03b7", + "\u0396\u03b5\u03c1\u03b2\u03ac", + "\u0392\u03bb\u03ac\u03c3\u03c3\u03b7", + "\u03a3\u03c0\u03b7\u03bb\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03a7\u03bf\u03bd\u03c4\u03b6\u03b9\u03ac", + "\u039a\u03b1\u03bb\u03b4\u03ae", + "\u039c\u03c0\u03b5\u03bd\u03ad\u03c4\u03bf\u03c5", + "\u03a0\u03b1\u03c4\u03b9\u03bd\u03b9\u03c9\u03c4\u03ac\u03ba\u03b7", + "\u0394\u03b7\u03bc\u03b7\u03c4\u03c1\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u039c\u03b1\u03bd\u03c4\u03ac", + "\u039c\u03c5\u03bb\u03c9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03c0\u03ac", + "\u039c\u03c0\u03b1\u03c4\u03b6\u03ac\u03bd\u03b7", + "\u039c\u03b1\u03c5\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a7\u03bf\u03c5\u03c1\u03b6\u03b1\u03bc\u03ac\u03bd\u03b7", + "\u0392\u03b1\u03b2\u03ac\u03c3\u03b7", + "\u039e\u03b5\u03bd\u03af\u03b4\u03b7", + "\u03a0\u03b1\u03c0\u03b1\u03c3\u03c4\u03b1\u03cd\u03c1\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03bf\u03b3\u03bb\u03ac\u03bd\u03b7", + "\u0394\u03b1\u03c1\u03c3\u03b1\u03ba\u03bb\u03ae", + "\u03a0\u03bf\u03c4\u03b1\u03bc\u03b9\u03ac\u03bd\u03bf\u03c5", + "\u03a4\u03c3\u03b1\u03ba\u03b1\u03bb\u03ac\u03ba\u03bf\u03c5", + "\u039a\u03b1\u03bb\u03bf\u03bc\u03bf\u03af\u03c1\u03b7", + "\u039c\u03b1\u03c3\u03c4\u03c1\u03bf\u03b3\u03b9\u03b1\u03bd\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03a4\u03b1\u03c5\u03bb\u03b1\u03c1\u03af\u03b4\u03bf\u03c5", + "\u0391\u03c1\u03b1\u03c0\u03ac\u03ba\u03b7", + "\u03a0\u03b1\u03bb\u03b1\u03bc\u03c0\u03bf\u03c5\u03b3\u03b9\u03bf\u03cd\u03ba\u03b7", + "\u039e\u03b7\u03c1\u03bf\u03b4\u03ae\u03bc\u03b1", + "\u03a6\u03c1\u03b1\u03b3\u03ba\u03b9\u03b1\u03b4\u03ac\u03ba\u03b7", + "\u0393\u03b1\u03bb\u03ac\u03bd\u03b7", + "\u03a3\u03b4\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u0391\u03bb\u03b5\u03be\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a4\u03b6\u03b9\u03b3\u03ba\u03bf\u03cd\u03c1\u03b1", + "\u03a4\u03c3\u03b9\u03bf\u03bc\u03c0\u03ac\u03bd\u03b7", + "\u0392\u03b1\u03c1\u03c3\u03ac\u03bc\u03bf\u03c5", + "\u03a7\u03c9\u03c1\u03b9\u03bd\u03bf\u03cd", + "\u03a3\u03ba\u03c1\u03b5\u03bc\u03bc\u03cd\u03b4\u03b1", + "\u03a3\u03c4\u03b1\u03bc\u03ad\u03bb\u03bf\u03c5", + "\u03a0\u03bf\u03bb\u03ad\u03bc\u03b7", + "\u0394\u03b5\u03b4\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u039a\u03b1\u03c0\u03b1\u03bd\u03c4\u03b1\u03ca\u03b4\u03ac\u03ba\u03b7", + "\u0396\u03b1\u03bd\u03bd\u03af\u03ba\u03bf\u03c5", + "\u03a4\u03c1\u03b5\u03bd\u03c4\u03c3\u03af\u03bf\u03c5", + "\u03a3\u03c4\u03b1\u03cd\u03c1\u03bf\u03c5", + "\u0394\u03c1\u03b1\u03bc\u03bf\u03c5\u03bd\u03c4\u03ac\u03bd\u03b7", + "\u0392\u03b1\u03b6\u03bf\u03cd\u03c1\u03b1", + "\u039f\u03b9\u03ba\u03bf\u03bd\u03cc\u03bc\u03bf\u03c5", + "\u03a6\u03b1\u03b2\u03b2\u03ac\u03c4\u03b1", + "\u03a0\u03b1\u03c4\u03b5\u03bb\u03bb\u03ae", + "\u03a4\u03c3\u03af\u03bc\u03b7", + "\u03a7\u03b1\u03c4\u03b6\u03b7\u03bc\u03b9\u03c7\u03b1\u03ae\u03bb", + "\u039c\u03ad\u03bb\u03b1\u03bd\u03b9", + "\u039a\u03b1\u03c4\u03c3\u03b1\u03bd\u03af\u03ba\u03bf\u03c5", + "\u03a4\u03c3\u03bf\u03c5\u03bd\u03ac\u03ba\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03bd\u03b4\u03c1\u03b9\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a0\u03ad\u03c4\u03c4\u03b1", + "\u0393\u03ba\u03ac\u03b2\u03c1\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03bd\u03b9\u03ba\u03bf\u03bb\u03ac\u03bf\u03c5", + "\u03a4\u03ac\u03c3\u03c3\u03b7", + "\u03a3\u03c0\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03a0\u03bf\u03bb\u03b1\u03c4\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03b9\u03bd\u03bf\u03cd", + "\u0392\u03b1\u03bc\u03b2\u03bf\u03c5\u03ba\u03ac\u03ba\u03b7", + "\u039d\u03c4\u03c1\u03b9\u03b2\u03b1\u03bb\u03ac", + "\u0393\u03b9\u03b1\u03bd\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0393\u03ba\u03b9\u03c1\u03b9\u03c4\u03b6\u03b9\u03ce\u03bd\u03b7", + "\u03a6\u03b9\u03bb\u03af\u03c0\u03c0\u03bf\u03c5", + "\u03a7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03a0\u03b1\u03c0\u03b1\u03c3\u03c0\u03b7\u03bb\u03b9\u03c9\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0394\u03b1\u03bc\u03b1\u03bb\u03ac", + "\u039a\u03b9\u03bf\u03c1\u03af\u03b4\u03bf\u03c5", + "\u039a\u03c9\u03c3\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03b5\u03c5\u03b1\u03b3\u03b3\u03ad\u03bb\u03bf\u03c5", + "\u03a3\u03c4\u03b1\u03bc\u03bf\u03cd\u03bb\u03b7", + "\u039a\u03bf\u03c5\u03c6\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03ba\u03bf\u03c4\u03c1\u03af\u03c7\u03b7", + "\u0394\u03bf\u03c5\u03bb\u03b3\u03b5\u03c1\u03ac\u03ba\u03b7", + "\u03a0\u03ad\u03c4\u03c3\u03b7", + "\u0393\u03c1\u03b7\u03b3\u03bf\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03b8\u03bf\u03cd\u03c1\u03b7", + "\u039d\u03c4\u03ac\u03bd\u03bf\u03c5", + "\u039c\u03c0\u03c1\u03b1\u03ad\u03c3\u03b1", + "\u03a3\u03c4\u03b1\u03bc\u03b1\u03c4\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u039c\u03c0\u03b1\u03bb\u03ac\u03c3\u03b7", + "\u03a3\u03c4\u03bf\u03cd\u03bc\u03c0\u03bf\u03c5", + "\u0394\u03b9\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a1\u03bf\u03b4\u03af\u03c4\u03bf\u03c5", + "\u0394\u03b5\u03bb\u03ae", + "\u039a\u03c5\u03c1\u03b9\u03b1\u03ba\u03bf\u03cd\u03bb\u03b7", + "\u0393\u03b5\u03c1\u03bf\u03ba\u03ce\u03c3\u03c4\u03b1", + "\u03a7\u03c1\u03c5\u03c3\u03b1\u03bd\u03b8\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039a\u03bf\u03bb\u03b1\u0390\u03c4\u03bf\u03c5", + "\u039c\u03b1\u03c1\u03bf\u03c5\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u039a\u03b1\u03c3\u03bc\u03b9\u03c1\u03bb\u03ae", + "\u03a4\u03b6\u03b9\u03c1\u03b1\u03c4\u03bf\u03cd\u03b4\u03b7", + "\u03a4\u03c3\u03bf\u03cd\u03c1\u03b1", + "\u0396\u03b1\u03c1\u03b5\u03b9\u03c6\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0396\u03b1\u03c7\u03b1\u03c1\u03b9\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u03a0\u03b1\u03c5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03a4\u03c3\u03b1\u03bd\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03a0\u03b1\u03bb\u03b9\u03b5\u03c1\u03ac\u03ba\u03b7", + "\u0394\u03b1\u03b3\u03bb\u03ae", + "\u039c\u03b9\u03c7\u03b1\u03b7\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03a0\u03b1\u03c0\u03b1\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0392\u03b1\u03bb\u03b5\u03bd\u03c4\u03ae", + "\u03a3\u03c5\u03bc\u03b5\u03c9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u039c\u03b1\u03c1\u03c4\u03b6\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u03a7\u03c9\u03c1\u03b9\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a3\u03b5\u03bb\u03b9\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0399\u03c9\u03b1\u03ba\u03b5\u03af\u03bc", + "\u03a4\u03bf\u03c5\u03c1\u03bd\u03ac", + "\u03a0\u03bf\u03c1\u03c6\u03c5\u03c1\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u0391\u03b2\u03c1\u03b1\u03bc\u03c0\u03ad\u03ba\u03b7", + "\u039c\u03c0\u03cc\u03c4\u03b6\u03b1", + "\u039b\u03b9\u03bf\u03cd\u03ba\u03b1", + "\u039c\u03b1\u03bd\u03bf\u03c5\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0398\u03c9\u03bc\u03ac\u03ba\u03bf\u03c5", + "\u039a\u03b1\u03c4\u03c3\u03b9\u03bc\u03ac\u03bd\u03b7", + "\u039a\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03b9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03bd\u03c4\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03a0\u03bb\u03b1\u03c4\u03ac\u03ba\u03b7", + "\u039a\u03b1\u03bd\u03c4\u03b1\u03c1\u03b5\u03bb\u03ae", + "\u039a\u03c9\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u0393\u03b1\u03b2\u03c1\u03b9\u03b7\u03bb\u03af\u03b4\u03b7", + "\u0393\u03b5\u03c9\u03c1\u03b3\u03af\u03c4\u03c3\u03b7", + "\u039d\u03b9\u03ba\u03bf\u03bb\u03ac\u03bf\u03c5", + "\u03a4\u03bf\u03bc\u03c0\u03bf\u03c5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03c1\u03b1\u03bc\u03b1\u03bd\u03bb\u03ae", + "\u03a0\u03b1\u03c4\u03c3\u03bf\u03c5\u03c1\u03ad\u03b1", + "\u03a3\u03b1\u03bc\u03c0\u03ac\u03bd\u03b7", + "\u03a7\u03b9\u03c9\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03a3\u03b1\u03c0\u03c1\u03af\u03ba\u03b7", + "\u03a4\u03c1\u03af\u03ba\u03b1", + "\u0392\u03b5\u03c1\u03b2\u03b5\u03c1\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03bb\u03ad\u03bc\u03b7", + "\u039d\u03b9\u03ba\u03bf\u03bb\u03ac\u03c4\u03bf\u03c5", + "\u039a\u03bf\u03c1\u03c9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u039a\u03bf\u03bd\u03b9\u03ac\u03c1\u03b7", + "\u039a\u03c9\u03c4\u03c3\u03b9\u03bf\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03a0\u03b1\u03bd\u03c4\u03b1\u03b6\u03ae", + "\u039c\u03c0\u03b9\u03bc\u03c0\u03af\u03ba\u03b1", + "\u03a4\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u039e\u03b7\u03c1\u03af\u03b4\u03bf\u03c5", + "\u039c\u03b1\u03bd\u03b9\u03c4\u03ac\u03c1\u03bf\u03c5", + "\u039a\u03c5\u03c1\u03b9\u03ac\u03ba\u03bf\u03c5", + "\u03a4\u03c3\u03bf\u03c5\u03ba\u03b9\u03ac", + "\u039a\u03b1\u03c1\u03b3\u03ac\u03ba\u03bf\u03c5", + "\u0394\u03b7\u03bc\u03b1\u03ba\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03a1\u03b1\u03c5\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u0392\u03b5\u03c1\u03b2\u03af\u03c4\u03b7", + "\u039a\u03b1\u03bb\u03b1\u03bc\u03ac\u03c1\u03b1", + "\u039c\u03b1\u03c3\u03af\u03ba\u03b1", + "\u0392\u03b1\u03c3\u03b9\u03bb\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u039b\u03bf\u03b3\u03bf\u03b8\u03ad\u03c4\u03b7", + "\u0398\u03b5\u03bf\u03b4\u03bf\u03c3\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u039a\u03ce\u03c4\u03c3\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03c4\u03c3\u03bf\u03bd\u03af\u03ba\u03b1", + "\u0391\u03bb\u03c5\u03c3\u03b1\u03bd\u03b4\u03c1\u03ac\u03c4\u03bf\u03c5", + "\u03a0\u03b1\u03bd\u03ba\u03af\u03b4\u03bf\u03c5", + "\u039a\u03b1\u03bd\u03b5\u03bb\u03bb\u03ae", + "\u0391\u03c1\u03b3\u03c5\u03c1\u03af\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03bb\u03bf\u03c5\u03bc\u03c0\u03bf\u03cd", + "\u03a1\u03bf\u03cd\u03c3\u03c3\u03bf\u03c5", + "\u03a7\u03c1\u03ae\u03c3\u03c4\u03bf\u03c5", + "\u039c\u03c9\u03c1\u03b1\u0390\u03c4\u03b7", + "\u03a0\u03b1\u03c0\u03b1\u03bd\u03b4\u03c1\u03ad\u03bf\u03c5", + "\u03a3\u03b1\u03ba\u03b5\u03bb\u03bb\u03b1\u03c1\u03af\u03bf\u03c5", + "\u039a\u03bf\u03c5\u03ba\u03bf\u03c5\u03b8\u03ac\u03ba\u03b7" + ], + "FIRST_NAME": [ + "\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03af\u03b1", + "\u03ba\u03b1\u03c3\u03c3\u03ac\u03bd\u03b4\u03c1\u03b1", + "\u03b5\u03c5\u03c3\u03c4\u03c1\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03bf\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03b9\u03c3\u03b1\u03b2\u03ad\u03bb\u03bb\u03b1", + "\u03bc\u03b1\u03cd\u03c1\u03bf\u03c2", + "\u03b5\u03bb\u03b5\u03bf\u03bd\u03cc\u03c1\u03b1", + "\u03bd\u03b9\u03ba\u03ae\u03c4\u03b1\u03c2", + "\u03ad\u03be\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03b7\u03c1\u03cc\u03b4\u03bf\u03c4\u03bf\u03c2", + "\u03b4\u03bf\u03cd\u03ba\u03b9\u03c3\u03c3\u03b1", + "\u03ba\u03c5\u03c0\u03c1\u03b9\u03b1\u03bd\u03ae", + "\u03be\u03b5\u03bd\u03bf\u03c6\u03ce\u03bd", + "\u03b2\u03c1\u03c5\u03c3\u03b7\u03af\u03c2", + "\u03b4\u03b9\u03ba\u03b1\u03af\u03b1", + "\u03b9\u03bf\u03cd\u03bb\u03b9\u03bf\u03c2", + "\u03bb\u03bf\u03b3\u03bf\u03b8\u03ad\u03c4\u03b7\u03c2", + "\u03bb\u03b1\u03ad\u03c1\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03c4\u03af\u03bd\u03b1", + "\u03b2\u03b1\u03c3\u03af\u03bb\u03b5\u03b9\u03bf\u03c2", + "\u03b8\u03b1\u03bb\u03ae\u03c2", + "\u03b3\u03ba\u03cc\u03bb\u03c6\u03c9", + "\u03b1\u03b3\u03b1\u03b8\u03ae", + "\u03b1\u03bb\u03ad\u03be\u03b9\u03bf\u03c2", + "\u03c3\u03b1\u03c1\u03ac\u03bd\u03c4\u03b7\u03c2", + "\u03b4\u03b7\u03bc\u03bf\u03c3\u03b8\u03ad\u03bd\u03b7\u03c2", + "\u03b3\u03ba\u03af\u03ba\u03b1\u03c2", + "\u03c6\u03c1\u03b1\u03bd\u03c4\u03b6\u03ad\u03c3\u03ba\u03b1", + "\u03b8\u03b5\u03bf\u03b4\u03ce\u03c1\u03b1", + "\u03b5\u03c5\u03c3\u03c4\u03ac\u03b8\u03b9\u03bf\u03c2", + "\u03ba\u03bb\u03c5\u03c4\u03b1\u03b9\u03bc\u03bd\u03ae\u03c3\u03c4\u03c1\u03b1", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03b5\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03ae\u03bb", + "\u03c3\u03b1\u03bc\u03bf\u03c5\u03ae\u03bb", + "\u03bd\u03b1\u03c0\u03bf\u03bb\u03ad\u03c9\u03bd", + "\u03c1\u03c9\u03bc\u03b1\u03bd\u03cc\u03c2", + "\u03bb\u03cd\u03c3\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03b1", + "\u03b5\u03c1\u03bc\u03ae\u03c2", + "\u03c7\u03ac\u03c1\u03b7", + "\u03b1\u03c1\u03b3\u03cd\u03c1\u03b9\u03bf\u03c2", + "\u03b6\u03b1\u03c6\u03b5\u03af\u03c1\u03b7\u03c2", + "\u03b5\u03c5\u03c4\u03ad\u03c1\u03c0\u03b7", + "\u03bb\u03ac\u03b6\u03b1\u03c1\u03bf\u03c2", + "\u03ba\u03c1\u03c5\u03c3\u03c4\u03b1\u03bb\u03bb\u03ad\u03bd\u03b9\u03b1", + "\u03b1\u03bd\u03ad\u03c3\u03c4\u03b7\u03c2", + "\u03c0\u03bb\u03bf\u03cd\u03c4\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03c0\u03b5\u03bb\u03bf\u03c0\u03af\u03b4\u03b1\u03c2", + "\u03b2\u03b5\u03b1\u03c4\u03c1\u03af\u03ba\u03b7", + "\u03c0\u03b1\u03c3\u03c7\u03b1\u03bb\u03b9\u03ac", + "\u03c0\u03bb\u03ac\u03c4\u03c9\u03bd", + "\u03af\u03c9\u03bd", + "\u03bc\u03b1\u03c1\u03c9\u03c4\u03ad\u03c3\u03b1", + "\u03b7\u03c3\u03b1\u0390\u03b1\u03c2", + "\u03b9\u03c9\u03c3\u03b7\u03c6\u03af\u03bd\u03b1", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03c0\u03b5\u03c1\u03b9\u03ba\u03bb\u03ae\u03c2", + "\u03c3\u03b1\u03b2\u03b2\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03b3\u03b1\u03bc\u03ad\u03bc\u03bd\u03c9\u03bd", + "\u03bd\u03af\u03ba\u03bf\u03c2", + "\u03c0\u03b5\u03c1\u03b9\u03ba\u03bb\u03b5\u03af\u03b1", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b4\u03bf\u03cd\u03bb\u03b1", + "\u03c7\u03c1\u03ae\u03c3\u03c4\u03bf\u03c2", + "\u03b9\u03c6\u03b9\u03b3\u03ad\u03bd\u03b5\u03b9\u03b1", + "\u03b5\u03c5\u03b4\u03bf\u03be\u03af\u03b1", + "\u03bc\u03b1\u03c4\u03b8\u03af\u03bb\u03b4\u03b7", + "\u03b1\u03b3\u03b7\u03c3\u03af\u03bb\u03b1\u03bf\u03c2", + "\u03b1\u03bd\u03b8\u03ae", + "\u03bb\u03b1\u03bc\u03c0\u03c1\u03b9\u03bd\u03ae", + "\u03c6\u03b1\u03bd\u03bf\u03cd\u03c1\u03b9\u03bf\u03c2", + "\u03b5\u03c5\u03b4\u03cc\u03be\u03b9\u03bf\u03c2", + "\u03c1\u03c9\u03be\u03ac\u03bd\u03b7", + "\u03b7\u03bb\u03ad\u03ba\u03c4\u03c1\u03b1", + "\u03ba\u03bb\u03b5\u03cc\u03b2\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03c1\u03bd\u03ae\u03bb\u03b9\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03cc\u03c3\u03b9\u03bf\u03c2", + "\u03b9\u03b3\u03bd\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03ba\u03cd\u03c1\u03bf\u03c2", + "\u03bd\u03b5\u03ba\u03c4\u03b1\u03c1\u03af\u03b1", + "\u03bc\u03b9\u03c7\u03b1\u03ae\u03bb", + "\u03be\u03b1\u03bd\u03b8\u03af\u03c0\u03c0\u03b7", + "\u03c6\u03bb\u03ce\u03c1\u03b1", + "\u03c7\u03bb\u03cc\u03b7", + "\u03c1\u03b1\u03c6\u03b1\u03ae\u03bb", + "\u03c0\u03b1\u03bd\u03c4\u03b5\u03bb\u03ae\u03c2", + "\u03b5\u03bb\u03b5\u03c5\u03b8\u03ad\u03c1\u03b9\u03bf\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03b1\u03c6\u03ad\u03bd\u03b9\u03b1", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03af\u03b1", + "\u03b1\u03c0\u03cc\u03bb\u03bb\u03c9\u03bd", + "\u03b2\u03b1\u03bb\u03ad\u03c1\u03b9\u03b1", + "\u03ba\u03c5\u03c1\u03ac\u03c4\u03c3\u03b1", + "\u03b5\u03c1\u03c9\u03c6\u03af\u03bb\u03b7", + "\u03bc\u03b1\u03c1\u03af\u03b1", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03af\u03bd\u03b1", + "\u03c4\u03b6\u03ad\u03bd\u03b7", + "\u03b1\u03bb\u03ba\u03b9\u03bd\u03cc\u03b7", + "\u03c7\u03b1\u03c1\u03ac", + "\u03bc\u03b1\u03c1\u03b9\u03ac\u03bd\u03b8\u03b7", + "\u03b1\u03bc\u03c6\u03b9\u03c4\u03c1\u03af\u03c4\u03b7", + "\u03bc\u03b5\u03c1\u03cc\u03c0\u03b7", + "\u03b9\u03c9\u03ac\u03bd\u03bd\u03b1", + "\u03b9\u03bf\u03c5\u03bb\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03cc\u03c3\u03b7\u03c2", + "\u03b1\u03c6\u03ad\u03bd\u03c4\u03b7\u03c2", + "\u03b8\u03b5\u03ce\u03bd\u03b7", + "\u03b4\u03b1\u03bc\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03b8\u03b5\u03bf\u03c4\u03cc\u03ba\u03b7\u03c2", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03ae\u03c2", + "\u03b8\u03b5\u03bf\u03c7\u03b1\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03c3\u03c0\u03b1\u03c3\u03af\u03b1", + "\u03c3\u03b5\u03b2\u03b1\u03c3\u03c4\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03b5\u03bb\u03ad\u03bd\u03b7", + "\u03c3\u03c9\u03c4\u03ae\u03c1\u03b9\u03bf\u03c2", + "\u03bb\u03bf\u03c5\u03ba\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03c1\u03bf\u03b4\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bf\u03b4\u03c5\u03c3\u03c3\u03ad\u03b1\u03c2", + "\u03c0\u03b1\u03c1\u03ad\u03c3\u03c3\u03b1", + "\u03bc\u03b1\u03b3\u03b4\u03b1\u03bb\u03b7\u03bd\u03ae", + "\u03b2\u03b9\u03ba\u03ad\u03bd\u03c4\u03b9\u03b1", + "\u03c6\u03bb\u03c9\u03c1\u03af\u03bd\u03b1", + "\u03bd\u03c4\u03b1\u03af\u03b6\u03b7", + "\u03b1\u03bb\u03ba\u03b9\u03b2\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03c7\u03b1\u03c1\u03b1\u03bb\u03b1\u03bc\u03c0\u03af\u03b1", + "\u03b1\u03ba\u03c1\u03b9\u03b2\u03ae", + "\u03bc\u03b5\u03bb\u03ad\u03c4\u03b9\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03c6\u03af\u03bb\u03b7", + "\u03b8\u03bf\u03c5\u03ba\u03c5\u03b4\u03af\u03b4\u03b7\u03c2", + "\u03ac\u03c1\u03b7\u03c2", + "\u03b2\u03b1\u03bb\u03b5\u03bd\u03c4\u03af\u03bd\u03b1", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03c6\u03b5\u03b2\u03c1\u03c9\u03bd\u03af\u03b1", + "\u03b2\u03b1\u03bb\u03ad\u03c1\u03b9\u03bf\u03c2", + "\u03b2\u03ac\u03b3\u03b9\u03b1", + "\u03b1\u03bd\u03c4\u03af\u03b3\u03bf\u03bd\u03bf\u03c2", + "\u03c0\u03ac\u03c1\u03b9\u03c2", + "\u03b2\u03b5\u03bd\u03b5\u03c4\u03af\u03b1", + "\u03bb\u03ad\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03c3\u03c0\u03ae\u03bb\u03b9\u03bf\u03c2", + "\u03b4\u03c1\u03ac\u03ba\u03c9\u03bd", + "\u03c1\u03b7\u03b3\u03bf\u03cd\u03bb\u03b1", + "\u03c0\u03bf\u03bb\u03c5\u03c7\u03c1\u03bf\u03bd\u03af\u03b1", + "\u03b1\u03c1\u03b5\u03c4\u03ae", + "\u03c3\u03c9\u03b6\u03bf\u03cd\u03c3\u03b1", + "\u03b5\u03bb\u03ad\u03c3\u03c3\u03b1", + "\u03ae\u03b2\u03b7", + "\u03b8\u03b5\u03bf\u03bb\u03bf\u03b3\u03af\u03b1", + "\u03c3\u03b5\u03bc\u03af\u03bd\u03b1", + "\u03b1\u03b3\u03ac\u03b8\u03b7", + "\u03bc\u03b1\u03c1\u03b3\u03b1\u03c1\u03af\u03c4\u03b1", + "\u03bc\u03b5\u03bd\u03ad\u03bb\u03b1\u03bf\u03c2", + "\u03c0\u03bf\u03bb\u03c5\u03be\u03ad\u03bd\u03b7", + "\u03b1\u03c3\u03c4\u03ad\u03c1\u03b9\u03bf\u03c2", + "\u03b3\u03c1\u03b7\u03b3\u03cc\u03c1\u03b9\u03bf\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03ba\u03c5\u03c0\u03b1\u03c1\u03b9\u03c3\u03c3\u03af\u03b1", + "\u03b1\u03c7\u03b9\u03bb\u03bb\u03ad\u03b1\u03c2", + "\u03ba\u03b1\u03c1\u03c5\u03bf\u03c6\u03c5\u03bb\u03bb\u03b9\u03ac", + "\u03b1\u03c3\u03b7\u03bc\u03ac\u03ba\u03b7\u03c2", + "\u03cc\u03b8\u03c9\u03bd", + "\u03bf\u03bb\u03cd\u03bc\u03c0\u03b9\u03b1", + "\u03b5\u03c1\u03bc\u03b9\u03cc\u03bd\u03b7", + "\u03bd\u03af\u03ba\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03c1\u03b1\u03c7\u03ae\u03bb", + "\u03c0\u03b1\u03c5\u03c3\u03b1\u03bd\u03af\u03b1\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03cc\u03c4\u03b7", + "\u03ba\u03bf\u03c3\u03bc\u03ac\u03c2", + "\u03b8\u03b7\u03c3\u03b5\u03cd\u03c2", + "\u03c5\u03b2\u03cc\u03bd\u03bd\u03b7", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03ad\u03b1", + "\u03b9\u03c3\u03af\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03ac\u03bb\u03ba\u03b7\u03c3\u03c4\u03b9\u03c2", + "\u03bb\u03b5\u03ce\u03bd\u03b7", + "\u03b8\u03b5\u03cc\u03ba\u03bb\u03b7\u03c4\u03bf\u03c2", + "\u03ac\u03bd\u03bd\u03b1", + "\u03b8\u03b5\u03bf\u03c6\u03ac\u03bd\u03b7\u03c2", + "\u03b8\u03b5\u03cc\u03c6\u03c1\u03b1\u03c3\u03c4\u03bf\u03c2", + "\u03bc\u03b1\u03b3\u03b4\u03b1\u03bb\u03b7\u03bd\u03cc\u03c2", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03ac\u03c3\u03b9\u03bf\u03c2", + "\u03bd\u03b1\u03b8\u03b1\u03bd\u03b1\u03ae\u03bb", + "\u03bd\u03b5\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03c5\u03c1\u03c4\u03ce", + "\u03b1\u03b3\u03b1\u03b8\u03ac\u03b3\u03b3\u03b5\u03bb\u03bf\u03c2", + "\u03ba\u03b5\u03c1\u03b1\u03c3\u03b9\u03ac", + "\u03b8\u03c9\u03bc\u03b1\u03af\u03c2", + "\u03bb\u03c5\u03b4\u03af\u03b1", + "\u03b5\u03bb\u03b5\u03c5\u03b8\u03b5\u03c1\u03af\u03b1", + "\u03c0\u03bf\u03bb\u03c5\u03c7\u03c1\u03cc\u03bd\u03b9\u03bf\u03c2", + "\u03ba\u03b1\u03bb\u03bb\u03af\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03c0\u03b1\u03cd\u03bb\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03af\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03cc\u03c3\u03c4\u03bf\u03bc\u03bf\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03cc\u03c3\u03c4\u03bf\u03bc\u03b7", + "\u03c3\u03c9\u03c4\u03ae\u03c1\u03b7\u03c2", + "\u03b2\u03bb\u03b1\u03c3\u03af\u03b1", + "\u03c4\u03c3\u03b1\u03bc\u03c0\u03af\u03ba\u03bf\u03c2", + "\u03b4\u03af\u03ba\u03b1\u03b9\u03bf\u03c2", + "\u03b2\u03b1\u03c1\u03c3\u03ac\u03bc\u03bf\u03c2", + "\u03b2\u03b5\u03bb\u03b9\u03c3\u03c3\u03b1\u03c1\u03af\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03b1\u03c5\u03b3\u03ae", + "\u03c4\u03b9\u03bc\u03bf\u03bb\u03ad\u03c9\u03bd", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03bc\u03ad\u03b4\u03b1", + "\u03c1\u03ad\u03b1", + "\u03be\u03ad\u03bd\u03b7", + "\u03b4\u03b9\u03bf\u03b3\u03ad\u03bd\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03af\u03ba\u03b9\u03bf\u03c2", + "\u03c0\u03b5\u03bb\u03b1\u03b3\u03af\u03b1", + "\u03b1\u03bb\u03b5\u03be\u03ac\u03bd\u03b4\u03c1\u03b1", + "\u03b4\u03b9\u03bf\u03bd\u03cd\u03c3\u03b9\u03bf\u03c2", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03ce", + "\u03b5\u03bb\u03c0\u03af\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03c6\u03b9\u03bb\u03b7", + "\u03b8\u03b7\u03c1\u03b5\u03c3\u03af\u03b1", + "\u03b7\u03bb\u03b9\u03ac\u03bd\u03b1", + "\u03c1\u03cc\u03b6\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03b9\u03c3\u03b9\u03b4\u03ce\u03c1\u03b1", + "\u03ae\u03bb\u03b9\u03b1", + "\u03bc\u03ac\u03c1\u03b8\u03b1", + "\u03b3\u03b1\u03bb\u03b7\u03bd\u03cc\u03c2", + "\u03c3\u03ac\u03c1\u03c1\u03b1", + "\u03c6\u03b1\u03af\u03b4\u03c9\u03bd", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03c1\u03c1\u03cc\u03b7", + "\u03ba\u03b1\u03bd\u03ad\u03bb\u03bb\u03b1", + "\u03c1\u03b5\u03b2\u03ad\u03ba\u03b1", + "\u03bd\u03b5\u03c1\u03b1\u03c4\u03b6\u03b9\u03ac", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c6\u03cc\u03c1\u03b1", + "\u03c1\u03bf\u03b4\u03ac\u03bd\u03b8\u03b7", + "\u03bb\u03b5\u03c9\u03bd\u03af\u03b4\u03b1\u03c2", + "\u03c0\u03b1\u03bd\u03bf\u03c1\u03bc\u03af\u03c4\u03b7\u03c2", + "\u03c0\u03c1\u03bf\u03bc\u03b7\u03b8\u03ad\u03b1\u03c2", + "\u03cc\u03bc\u03b7\u03c1\u03bf\u03c2", + "\u03b1\u03c5\u03b3\u03ad\u03c1\u03b7\u03c2", + "\u03b6\u03b1\u03c6\u03b5\u03b9\u03c1\u03af\u03b1", + "\u03b2\u03b9\u03c1\u03b3\u03b9\u03bd\u03af\u03b1", + "\u03b2\u03b9\u03ba\u03c4\u03c9\u03c1\u03af\u03b1", + "\u03c3\u03c4\u03ad\u03c6\u03b1\u03bd\u03bf\u03c2", + "\u03b1\u03bb\u03ad\u03be\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03ba\u03b1\u03bb\u03c5\u03c8\u03ce", + "\u03b1\u03bb\u03ba\u03bc\u03ae\u03bd\u03b7", + "\u03b1\u03c5\u03b3\u03bf\u03c5\u03c3\u03c4\u03af\u03bd\u03b1", + "\u03b9\u03bf\u03c1\u03b4\u03b1\u03bd\u03af\u03b1", + "\u03c3\u03c5\u03bc\u03b5\u03ce\u03bd", + "\u03c3\u03c5\u03bc\u03b5\u03c9\u03bd\u03af\u03b1", + "\u03ba\u03bb\u03b5\u03bf\u03c0\u03ac\u03c4\u03c1\u03b1", + "\u03c3\u03c5\u03bc\u03ad\u03bb\u03b1", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03b6\u03ae\u03c2", + "\u03c0\u03bf\u03bb\u03cd\u03ba\u03b1\u03c1\u03c0\u03bf\u03c2", + "\u03b5\u03c5\u03bc\u03ad\u03bd\u03b9\u03bf\u03c2", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03bd\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03b9\u03b3\u03cc\u03bd\u03b7", + "\u03c0\u03bf\u03bb\u03cd\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03b1\u03c1\u03c7\u03ad\u03bb\u03b1\u03bf\u03c2", + "\u03b2\u03b5\u03bd\u03b9\u03b6\u03ad\u03bb\u03bf\u03c2", + "\u03b2\u03b5\u03c1\u03bf\u03bd\u03af\u03ba\u03b7", + "\u03b3\u03b9\u03bf\u03bb\u03ac\u03bd\u03c4\u03b1", + "\u03b5\u03c1\u03c9\u03c4\u03cc\u03ba\u03c1\u03b9\u03c4\u03bf\u03c2", + "\u03c3\u03c0\u03ac\u03c1\u03c4\u03b7", + "\u03ba\u03b9\u03ba\u03b9\u03bb\u03af\u03b1", + "\u03c1\u03bf\u03b4\u03b1\u03bc\u03ac\u03bd\u03b8\u03b7", + "\u03b8\u03c9\u03bc\u03ac\u03c2", + "\u03c7\u03b1\u03c1\u03af\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03b7\u03bb\u03b9\u03ac", + "\u03c3\u03c4\u03b5\u03c1\u03b3\u03b9\u03b1\u03bd\u03bd\u03ce", + "\u03b3\u03b5\u03c3\u03b8\u03b7\u03bc\u03b1\u03bd\u03ae", + "\u03b1\u03c3\u03b7\u03bc\u03af\u03bd\u03b1", + "\u03b5\u03c6\u03c1\u03b1\u03af\u03bc", + "\u03c0\u03bf\u03bb\u03c5\u03b6\u03ce\u03b7\u03c2", + "\u03c6\u03b9\u03bb\u03ae\u03bc\u03c9\u03bd", + "\u03bc\u03b7\u03bd\u03ac\u03c2", + "\u03b1\u03c0\u03cc\u03c3\u03c4\u03bf\u03bb\u03bf\u03c2", + "\u03bd\u03bf\u03bc\u03b9\u03ba\u03ae", + "\u03b9\u03c9\u03c3\u03ae\u03c6", + "\u03b1\u03ba\u03c1\u03b9\u03b2\u03cc\u03c2", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03bf\u03c4\u03ad\u03bb\u03b7\u03c2", + "\u03b1\u03b8\u03b7\u03bd\u03bf\u03b4\u03ce\u03c1\u03b1", + "\u03b5\u03c0\u03b1\u03bc\u03b5\u03b9\u03bd\u03ce\u03bd\u03b4\u03b1\u03c2", + "\u03b1\u03bd\u03bd\u03af\u03ba\u03b1", + "\u03bf\u03b4\u03c5\u03c3\u03c3\u03b5\u03cd\u03c2", + "\u03b9\u03bd\u03ce", + "\u03b4\u03ac\u03c6\u03bd\u03b7", + "\u03ba\u03c5\u03b4\u03c9\u03bd\u03af\u03b1", + "\u03b1\u03b3\u03b1\u03c0\u03b7\u03c4\u03cc\u03c2", + "\u03c3\u03c4\u03c5\u03bb\u03b9\u03b1\u03bd\u03ae", + "\u03b5\u03c5\u03c3\u03b5\u03b2\u03b5\u03af\u03b1", + "\u03b1\u03b4\u03b1\u03bc\u03b1\u03bd\u03c4\u03af\u03b1", + "\u03b3\u03c1\u03b1\u03bc\u03bc\u03b1\u03c4\u03b9\u03ba\u03ae", + "\u03c6\u03bf\u03af\u03b2\u03bf\u03c2", + "\u03b2\u03ac\u03b9\u03bf\u03c2", + "\u03c4\u03b1\u03c4\u03b9\u03ac\u03bd\u03b1", + "\u03bf\u03c1\u03c6\u03ad\u03b1\u03c2", + "\u03b4\u03b7\u03bc\u03bf\u03cd\u03bb\u03b1", + "\u03c1\u03ac\u03bb\u03bb\u03b7\u03c2", + "\u03c3\u03b5\u03b2\u03b1\u03c3\u03c4\u03ae", + "\u03bc\u03af\u03bd\u03c9\u03b1\u03c2", + "\u03c3\u03ac\u03b2\u03b2\u03b1\u03c2", + "\u03bb\u03b5\u03bc\u03bf\u03bd\u03ae\u03c2", + "\u03b5\u03c1\u03b1\u03c4\u03ce", + "\u03c6\u03b1\u03bd\u03ae", + "\u03b2\u03b1\u03bb\u03b5\u03bd\u03c4\u03af\u03bd\u03bf\u03c2", + "\u03b6\u03b7\u03bd\u03bf\u03b2\u03af\u03b1", + "\u03c4\u03b1\u03be\u03af\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03c0\u03bf\u03bb\u03cd\u03b2\u03b9\u03bf\u03c2", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03af\u03c3\u03ba\u03bf\u03c2", + "\u03bb\u03b1\u03c3\u03ba\u03b1\u03c1\u03af\u03bd\u03b1", + "\u03b9\u03b3\u03bd\u03b1\u03c4\u03af\u03b1", + "\u03c3\u03c4\u03c5\u03bb\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03bd\u03af\u03ba\u03c9\u03bd", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03b4\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c6\u03c1\u03af\u03be\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03ae\u03c4\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03c1\u03c7\u03b9\u03bc\u03ae\u03b4\u03b7\u03c2", + "\u03c0\u03b1\u03c5\u03bb\u03af\u03bd\u03b1", + "\u03b1\u03bd\u03b1\u03be\u03b1\u03b3\u03cc\u03c1\u03b1\u03c2", + "\u03c7\u03b9\u03bf\u03bd\u03b9\u03ac", + "\u03c4\u03c1\u03b9\u03c3\u03b5\u03cd\u03b3\u03b5\u03bd\u03b7", + "\u03c7\u03ac\u03c1\u03b9\u03c2", + "\u03c3\u03c0\u03c5\u03c1\u03b9\u03b4\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03af\u03b1\u03c2", + "\u03bd\u03b9\u03ba\u03cc\u03bb\u03b1\u03bf\u03c2", + "\u03c6\u03bb\u03c9\u03c1\u03b5\u03bd\u03c4\u03af\u03b1", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03ae\u03c2", + "\u03bd\u03b5\u03ba\u03c4\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03cd\u03c0\u03b1\u03c2", + "\u03b5\u03c5\u03ac\u03b3\u03b3\u03b5\u03bb\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03ae\u03c4\u03c1\u03b7\u03c2", + "\u03c0\u03b5\u03c1\u03b9\u03c3\u03c4\u03ad\u03c1\u03b1", + "\u03b5\u03c5\u03ba\u03bb\u03b5\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03ba\u03ae", + "\u03c6\u03c9\u03c4\u03b5\u03b9\u03bd\u03cc\u03c2", + "\u03b4\u03c1\u03cc\u03c3\u03bf\u03c2", + "\u03ba\u03bb\u03b5\u03bf\u03bd\u03af\u03ba\u03b7", + "\u03b6\u03c9\u03ae", + "\u03b1\u03bd\u03b8\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03bd\u03ac\u03c1\u03b3\u03c5\u03c1\u03b7", + "\u03c3\u03c4\u03b5\u03c6\u03b1\u03bd\u03af\u03b1", + "\u03b1\u03bd\u03c4\u03af\u03c0\u03b1\u03c4\u03c1\u03bf\u03c2", + "\u03b4\u03c9\u03c1\u03cc\u03b8\u03b5\u03bf\u03c2", + "\u03b1\u03b8\u03b7\u03bd\u03ac", + "\u03c0\u03ad\u03c4\u03c1\u03b1", + "\u03ac\u03b3\u03b3\u03b5\u03bb\u03bf\u03c2", + "\u03b4\u03b1\u03bc\u03b1\u03c3\u03ba\u03b7\u03bd\u03ae", + "\u03c1\u03ae\u03b3\u03b1\u03c2", + "\u03c1\u03bf\u03b4\u03cc\u03c6\u03bb\u03bf\u03c2", + "\u03b4\u03bf\u03bc\u03ae\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03b9\u03c3\u03b1\u03ac\u03ba", + "\u03bc\u03b1\u03c4\u03b8\u03b1\u03af\u03bf\u03c2", + "\u03b4\u03c9\u03c1\u03bf\u03b8\u03ad\u03b1", + "\u03bc\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03bc\u03ac\u03c1\u03ba\u03bf\u03c2", + "\u03b4\u03ae\u03bc\u03bf\u03c2", + "\u03b2\u03bb\u03b1\u03b4\u03af\u03bc\u03b7\u03c1\u03bf\u03c2", + "\u03c3\u03bf\u03c6\u03af\u03b1", + "\u03b8\u03b5\u03bf\u03c0\u03af\u03c3\u03c4\u03b7", + "\u03bc\u03ad\u03bd\u03b1\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03c0\u03bf\u03bb\u03c5\u03c4\u03af\u03bc\u03b7", + "\u03ae\u03c1\u03b1", + "\u03c6\u03bb\u03bf\u03c1\u03b9\u03ac\u03bd\u03c4", + "\u03c1\u03bf\u03b4\u03b9\u03ac", + "\u03bc\u03b5\u03bb\u03ad\u03c4\u03b9\u03b1", + "\u03b5\u03c5\u03c1\u03cd\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03ac\u03c1\u03b9\u03c3\u03c4\u03bf\u03c2", + "\u03b9\u03c9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03c3\u03bf\u03c5\u03bb\u03c4\u03ac\u03bd\u03b1", + "\u03c0\u03b1\u03bd\u03c4\u03b5\u03bb\u03b5\u03ae\u03bc\u03c9\u03bd", + "\u03ba\u03bb\u03b5\u03cc\u03c0\u03b1\u03c2", + "\u03b9\u03ac\u03c3\u03bf\u03bd\u03b1\u03c2", + "\u03bc\u03b1\u03bb\u03b2\u03af\u03bd\u03b1", + "\u03bc\u03c5\u03c1\u03c3\u03af\u03bd\u03b7", + "\u03af\u03c1\u03b9\u03c2", + "\u03c3\u03b9\u03c1\u03b1\u03bd\u03bf\u03cd\u03c2", + "\u03c3\u03c9\u03c4\u03b7\u03c1\u03af\u03b1", + "\u03bb\u03b5\u03bc\u03bf\u03bd\u03b9\u03ac", + "\u03b5\u03c5\u03b8\u03b1\u03bb\u03af\u03b1", + "\u03c0\u03bf\u03c5\u03bb\u03c7\u03b5\u03c1\u03af\u03b1", + "\u03b2\u03c1\u03b1\u03c3\u03af\u03b4\u03b1\u03c2", + "\u03b8\u03b5\u03bc\u03b9\u03c3\u03c4\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03ba\u03b1\u03bb\u03bb\u03af\u03bd\u03b9\u03ba\u03b7", + "\u03b1\u03bc\u03b1\u03bb\u03af\u03b1", + "\u03b2\u03b1\u03c3\u03af\u03bb\u03b7\u03c2", + "\u03b1\u03bb\u03af\u03ba\u03b7", + "\u03b9\u03b5\u03c1\u03cc\u03b8\u03b5\u03bf\u03c2", + "\u03bb\u03bf\u03c5\u03af\u03b6\u03b1", + "\u03b8\u03ad\u03c4\u03b9\u03c2", + "\u03b7\u03ce", + "\u03b1\u03b9\u03bc\u03b9\u03bb\u03af\u03b1", + "\u03b8\u03b5\u03cc\u03c0\u03b9\u03c3\u03c4\u03bf\u03c2", + "\u03bb\u03b5\u03c5\u03ba\u03bf\u03b8\u03ad\u03b1", + "\u03b5\u03c5\u03c0\u03c1\u03b1\u03be\u03af\u03b1", + "\u03b5\u03b9\u03c1\u03b7\u03bd\u03b1\u03af\u03bf\u03c2", + "\u03bb\u03bf\u03c5\u03ba\u03af\u03b1", + "\u03b8\u03b5\u03bf\u03b4\u03bf\u03c3\u03af\u03b1", + "\u03b4\u03b7\u03bc\u03cc\u03ba\u03c1\u03b9\u03c4\u03bf\u03c2", + "\u03c3\u03c0\u03c5\u03c1\u03ac\u03bd\u03bd\u03b1", + "\u03b5\u03cd\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03bc\u03b5\u03bb\u03ad\u03bd\u03b9\u03b1", + "\u03c0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03ac\u03c2", + "\u03bb\u03ac\u03c3\u03ba\u03b1\u03c1\u03b7\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u03ba\u03bb\u03b5\u03ac\u03bd\u03b8\u03b7\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03bd\u03b1\u03c4\u03bf\u03bb\u03ae", + "\u03b1\u03b7\u03b4\u03cc\u03bd\u03b1", + "\u03b1\u03c3\u03c4\u03ad\u03c1\u03c9", + "\u03b5\u03c5\u03c3\u03c4\u03c1\u03b1\u03c4\u03af\u03b1", + "\u03b9\u03bf\u03c5\u03bb\u03af\u03b1", + "\u03b3\u03b5\u03bd\u03bf\u03b2\u03ad\u03c6\u03b1", + "\u03ba\u03bb\u03ad\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03c4\u03b7\u03bb\u03b5\u03bc\u03b1\u03c7\u03bf\u03c2", + "\u03b2\u03b1\u03c1\u03b8\u03bf\u03bb\u03bf\u03bc\u03b1\u03af\u03bf\u03c2", + "\u03ba\u03bf\u03bd\u03b4\u03c5\u03bb\u03af\u03b1", + "\u03c6\u03b9\u03bb\u03af\u03c0\u03c0\u03b1", + "\u03bd\u03b9\u03ba\u03b7\u03c4\u03af\u03b1", + "\u03bc\u03b9\u03c7\u03b1\u03ad\u03bb\u03b1", + "\u03c4\u03b5\u03c1\u03c8\u03b9\u03c7\u03cc\u03c1\u03b7", + "\u03bc\u03b1\u03c4\u03c1\u03ce\u03bd\u03b7", + "\u03b1\u03cd\u03b3\u03bf\u03c5\u03c3\u03c4\u03bf\u03c2", + "\u03c3\u03ce\u03b6\u03c9\u03bd", + "\u03af\u03ba\u03b1\u03c1\u03bf\u03c2", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03af\u03b1", + "\u03c3\u03cc\u03bb\u03c9\u03bd", + "\u03b7\u03c1\u03ac\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03c1\u03cc\u03b7", + "\u03c1\u03b5\u03b3\u03b3\u03af\u03bd\u03b1", + "\u03c4\u03b1\u03be\u03b9\u03ac\u03c1\u03c7\u03b7\u03c2", + "\u03c0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03ae", + "\u03b1\u03c5\u03b3\u03ae", + "\u03c3\u03ad\u03c1\u03b3\u03b9\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03c6\u03cd\u03bb\u03b1\u03ba\u03c4\u03b7", + "\u03b3\u03b9\u03ce\u03c1\u03b3\u03bf\u03c2", + "\u03b7\u03c1\u03b1\u03ba\u03bb\u03ae\u03c2", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03cc\u03b2\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03af\u03b1\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03c9", + "\u03bb\u03bf\u03c5\u03bb\u03bf\u03c5\u03b4\u03ad\u03bd\u03b9\u03b1", + "\u03c3\u03bf\u03c6\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03c0\u03b1\u03b3\u03ce\u03bd\u03b1", + "\u03c7\u03ac\u03b9\u03b4\u03c9", + "\u03b5\u03c5\u03c1\u03b9\u03c0\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03b1\u03c1\u03c4\u03af\u03bd\u03bf\u03c2", + "\u03c7\u03b1\u03c1\u03ac\u03bb\u03b1\u03bc\u03c0\u03bf\u03c2", + "\u03c3\u03b5\u03c1\u03b1\u03c6\u03b5\u03af\u03bc", + "\u03bc\u03ac\u03bd\u03b8\u03b1", + "\u03c7\u03b1\u03c1\u03af\u03bb\u03b1\u03bf\u03c2", + "\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03c9", + "\u03b1\u03bd\u03c4\u03ce\u03bd\u03b9\u03bf\u03c2", + "\u03c3\u03c4\u03b5\u03c1\u03b3\u03b9\u03b1\u03bd\u03ae", + "\u03bc\u03b1\u03c1\u03af\u03bd\u03b1", + "\u03b4\u03ad\u03c3\u03c0\u03bf\u03b9\u03bd\u03b1", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03ad\u03c4\u03b1", + "\u03b8\u03b5\u03cc\u03b4\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b1\u03bd\u03c9\u03c1\u03b1\u03af\u03b1", + "\u03bb\u03ac\u03bc\u03c0\u03c1\u03bf\u03c2", + "\u03b9\u03bf\u03c1\u03b4\u03ac\u03bd\u03b7\u03c2", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03af\u03b1", + "\u03b1\u03ba\u03c1\u03af\u03c4\u03b1\u03c2", + "\u03c6\u03b9\u03bb\u03bf\u03bc\u03ae\u03bb\u03b1", + "\u03b9\u03b1\u03ba\u03c9\u03b2\u03af\u03bd\u03b1", + "\u03c0\u03b7\u03b3\u03ae", + "\u03b2\u03b7\u03c3\u03c3\u03b1\u03c1\u03af\u03c9\u03bd", + "\u03c3\u03b1\u03bb\u03ce\u03bc\u03b7", + "\u03b5\u03c1\u03b9\u03ad\u03c4\u03b1", + "\u03b6\u03b7\u03bd\u03cc\u03b2\u03b9\u03bf\u03c2", + "\u03b1\u03c1\u03c4\u03ad\u03bc\u03b9\u03bf\u03c2", + "\u03ac\u03bd\u03b8\u03b9\u03bc\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03bb\u03cc\u03b3\u03bf\u03c2", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03ce\u03c4\u03b1", + "\u03b4\u03b1\u03bc\u03b1\u03c3\u03ba\u03b7\u03bd\u03cc\u03c2", + "\u03c6\u03b9\u03bb\u03b9\u03ce", + "\u03c3\u03bf\u03c5\u03bc\u03ad\u03bb\u03b1", + "\u03bc\u03b5\u03c4\u03b1\u03be\u03af\u03b1", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b9\u03ba\u03ae", + "\u03b8\u03b5\u03bc\u03b9\u03c3\u03c4\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03ba\u03c1\u03b9\u03bd\u03b9\u03ce", + "\u03b1\u03b9\u03bc\u03af\u03bb\u03b9\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03c6\u03b1\u03bd\u03af\u03b1", + "\u03c6\u03c9\u03ba\u03ac\u03c2", + "\u03b3\u03bb\u03c5\u03ba\u03b5\u03c1\u03af\u03b1", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03af\u03b1", + "\u03bb\u03b1\u03c5\u03c1\u03b5\u03bd\u03c4\u03af\u03b1", + "\u03c4\u03af\u03c4\u03bf\u03c2", + "\u03c0\u03ad\u03c4\u03c1\u03bf\u03c2", + "\u03b5\u03c5\u03c6\u03c1\u03bf\u03c3\u03cd\u03bd\u03b7", + "\u03ba\u03b1\u03c3\u03c3\u03b9\u03b1\u03bd\u03ae", + "\u03b8\u03ad\u03bc\u03b7\u03c2", + "\u03b1\u03bb\u03b5\u03be\u03af\u03b1", + "\u03bc\u03b5\u03c1\u03ba\u03bf\u03cd\u03c1\u03b9\u03bf\u03c2", + "\u03b2\u03b5\u03bd\u03b9\u03b1\u03bc\u03af\u03bd", + "\u03b9\u03c9\u03bd\u03ac\u03c2", + "\u03c0\u03bf\u03bb\u03c5\u03bd\u03af\u03ba\u03b7", + "\u03bc\u03b1\u03c1\u03b9\u03ac\u03bd\u03bd\u03b1", + "\u03c7\u03c1\u03cd\u03c3\u03b1\u03bd\u03b8\u03bf\u03c2", + "\u03c0\u03ac\u03c4\u03c1\u03bf\u03ba\u03bb\u03bf\u03c2", + "\u03b1\u03b3\u03cc\u03c1\u03c9", + "\u03bd\u03b5\u03cc\u03c6\u03c5\u03c4\u03bf\u03c2", + "\u03bb\u03ae\u03b4\u03b1", + "\u03b1\u03b3\u03ac\u03c0\u03b9\u03bf\u03c2", + "\u03c3\u03c4\u03ad\u03bb\u03bb\u03b9\u03bf\u03c2", + "\u03b6\u03b1\u03c6\u03b5\u03af\u03c1\u03b9\u03bf\u03c2", + "\u03c6\u03b9\u03bb\u03bf\u03b8\u03ad\u03b7", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03bc\u03ac\u03c7\u03b7", + "\u03b5\u03c5\u03b4\u03bf\u03ba\u03af\u03b1", + "\u03b3\u03b5\u03c1\u03ac\u03c3\u03b9\u03bc\u03bf\u03c2", + "\u03c3\u03c4\u03b1\u03cd\u03c1\u03bf\u03c2", + "\u03b9\u03c0\u03c0\u03bf\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03c6\u03b1\u03af\u03b4\u03c1\u03b1", + "\u03b3\u03b1\u03b2\u03c1\u03b9\u03ae\u03bb", + "\u03bc\u03b1\u03c1\u03b9\u03b3\u03ce", + "\u03bc\u03b1\u03c1\u03af\u03bd\u03bf\u03c2", + "\u03b1\u03c0\u03bf\u03bb\u03bb\u03c9\u03bd\u03af\u03b1", + "\u03b9\u03ac\u03c3\u03c9\u03bd", + "\u03b5\u03cd\u03b1", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03b9\u03ac\u03bd", + "\u03b1\u03bd\u03b1\u03b3\u03bd\u03ce\u03c3\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03b5\u03b9\u03b4\u03ae\u03c2", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03b9\u03ba\u03ae", + "\u03bb\u03bf\u03c5\u03ba\u03ac\u03c2", + "\u03b1\u03c5\u03be\u03ad\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03bb\u03c5\u03ba\u03bf\u03cd\u03c1\u03b3\u03bf\u03c2", + "\u03b9\u03c9\u03b1\u03ba\u03b5\u03af\u03bc", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03bd\u03af\u03ba\u03b7", + "\u03b5\u03c5\u03c3\u03b5\u03b2\u03af\u03b1", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03b5\u03af\u03b4\u03b7\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03c6\u03bf\u03c1\u03bf\u03c2", + "\u03ba\u03bb\u03b5\u03bf\u03bc\u03ad\u03bd\u03b7\u03c2", + "\u03bd\u03af\u03ba\u03b7", + "\u03b1\u03c3\u03ba\u03bb\u03b7\u03c0\u03b9\u03cc\u03c2", + "\u03b5\u03c5\u03c3\u03ad\u03b2\u03b9\u03bf\u03c2", + "\u03b1\u03bd\u03b1\u03bd\u03af\u03b1\u03c2", + "\u03c0\u03bf\u03cd\u03bb\u03b9\u03b1", + "\u03b7\u03bb\u03af\u03b1\u03c2", + "\u03b9\u03c0\u03c0\u03cc\u03bb\u03c5\u03c4\u03bf\u03c2", + "\u03bf\u03c1\u03ad\u03c3\u03c4\u03b7\u03c2", + "\u03ba\u03c1\u03c5\u03c3\u03c4\u03ac\u03bb\u03bb\u03b7\u03c2", + "\u03c6\u03bf\u03af\u03b2\u03b7", + "\u03b1\u03bd\u03b4\u03c1\u03ad\u03b1\u03c2", + "\u03c4\u03c1\u03c5\u03c6\u03c9\u03bd\u03af\u03b1", + "\u03cc\u03bb\u03b3\u03b1", + "\u03b4\u03b1\u03bd\u03ac\u03b7", + "\u03c0\u03b1\u03bd\u03b4\u03ce\u03c1\u03b1", + "\u03c6\u03ce\u03c4\u03b9\u03bf\u03c2", + "\u03b2\u03b1\u03c1\u03b2\u03ac\u03c1\u03b1", + "\u03b5\u03bb\u03b9\u03c3\u03ac\u03b2\u03b5\u03c4", + "\u03b4\u03c1\u03bf\u03c3\u03b9\u03ac", + "\u03c0\u03bf\u03bb\u03cd\u03b2\u03b9\u03b1", + "\u03bb\u03b1\u03c5\u03c1\u03ad\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03c4\u03af\u03bc\u03c9\u03bd", + "\u03ba\u03bb\u03b1\u03af\u03c1\u03b7", + "\u03bd\u03b5\u03c6\u03ad\u03bb\u03b7", + "\u03c7\u03b1\u03c1\u03af\u03c4\u03bf\u03c2", + "\u03b1\u03b8\u03b7\u03bd\u03cc\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03bc\u03b5\u03bb\u03af\u03bd\u03b1", + "\u03bc\u03b1\u03c1\u03b9\u03bb\u03ad\u03bd\u03b1", + "\u03c3\u03c4\u03ad\u03bb\u03bb\u03b1", + "\u03b3\u03b1\u03bb\u03ae\u03bd\u03b7", + "\u03b2\u03cd\u03c1\u03c9\u03bd", + "\u03b9\u03c3\u03bc\u03ae\u03bd\u03b7", + "\u03b1\u03c7\u03b9\u03bb\u03bb\u03b5\u03af\u03b1", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03ad\u03bd\u03b9\u03b1", + "\u03b2\u03bb\u03ac\u03c3\u03b7\u03c2", + "\u03b5\u03bb\u03b9\u03c3\u03c3\u03b1\u03af\u03bf\u03c2", + "\u03c0\u03c1\u03cc\u03b4\u03c1\u03bf\u03bc\u03bf\u03c2", + "\u03c6\u03af\u03bb\u03b9\u03c0\u03c0\u03bf\u03c2", + "\u03b5\u03c5\u03c3\u03c4\u03b1\u03b8\u03af\u03b1", + "\u03c6\u03c1\u03b5\u03b9\u03b4\u03b5\u03c1\u03af\u03ba\u03bf\u03c2", + "\u03c6\u03b1\u03bd\u03bf\u03c5\u03c1\u03af\u03b1", + "\u03b5\u03c1\u03b9\u03c6\u03cd\u03bb\u03b7", + "\u03c3\u03bc\u03b1\u03c1\u03ac\u03b3\u03b4\u03b1", + "\u03bb\u03bf\u03c5\u03b4\u03bf\u03b2\u03af\u03ba\u03bf\u03c2", + "\u03bd\u03b1\u03c4\u03b1\u03bb\u03af\u03bd\u03b1", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03ac\u03c6\u03c5\u03bb\u03bb\u03b7", + "\u03b2\u03b9\u03ba\u03c4\u03cc\u03c1\u03b9\u03b1", + "\u03b2\u03b5\u03bd\u03ad\u03c4\u03b9\u03bf\u03c2", + "\u03bd\u03b9\u03ba\u03cc\u03b4\u03b7\u03bc\u03bf\u03c2", + "\u03b6\u03b7\u03bd\u03b1\u03ca\u03c2", + "\u03bf\u03c5\u03c1\u03b1\u03bd\u03af\u03b1", + "\u03b4\u03b9\u03bf\u03bd\u03c5\u03c3\u03af\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03ae", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03cc\u03c0\u03b7", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03bf\u03c6\u03ac\u03bd\u03b7\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03b9\u03ac\u03bd\u03b1", + "\u03bd\u03c4\u03b1\u03bd\u03b9\u03ad\u03bb\u03b1", + "\u03c5\u03ac\u03ba\u03b9\u03bd\u03b8\u03bf\u03c2", + "\u03bd\u03b9\u03ba\u03b7\u03c6\u03cc\u03c1\u03bf\u03c2", + "\u03bc\u03b9\u03bd\u03ad\u03c1\u03b2\u03b1", + "\u03c6\u03b5\u03c1\u03b5\u03bd\u03af\u03ba\u03b7", + "\u03b3\u03b5\u03c1\u03b1\u03ba\u03af\u03bd\u03b1", + "\u03ba\u03cc\u03c3\u03bc\u03b9\u03b1", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03b5\u03b9\u03c1\u03ae\u03bd\u03b7", + "\u03ba\u03bf\u03bc\u03bd\u03b7\u03bd\u03ae", + "\u03c0\u03bf\u03bb\u03cd\u03b4\u03c9\u03c1\u03b1", + "\u03b1\u03b3\u03b1\u03b8\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03c3\u03b5\u03b2\u03b1\u03c3\u03c4\u03b9\u03b1\u03bd\u03ae", + "\u03b2\u03b5\u03bb\u03b9\u03c3\u03c3\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03b1\u03b8\u03b1\u03bd\u03ac\u03c3\u03b9\u03bf\u03c2", + "\u03b4\u03b9\u03b4\u03ce", + "\u03bd\u03ad\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03b4\u03b9\u03bf\u03bc\u03ae\u03b4\u03b7\u03c2", + "\u03c3\u03c5\u03bc\u03b5\u03ce\u03bd\u03b7", + "\u03ba\u03af\u03bc\u03c9\u03bd", + "\u03c6\u03c9\u03c4\u03b5\u03b9\u03bd\u03ae", + "\u03b1\u03c3\u03b7\u03bc\u03bf\u03cd\u03bb\u03b1", + "\u03b1\u03b3\u03bd\u03ae", + "\u03c4\u03b7\u03bb\u03ad\u03bc\u03b1\u03c7\u03bf\u03c2", + "\u03b8\u03ad\u03bc\u03b9\u03c2", + "\u03b1\u03bc\u03c6\u03b9\u03b8\u03ad\u03b1", + "\u03c3\u03c4\u03b1\u03c5\u03c1\u03bf\u03cd\u03bb\u03b1", + "\u03b4\u03cc\u03bc\u03bd\u03b1", + "\u03c3\u03c9\u03c6\u03c1\u03bf\u03bd\u03af\u03b1", + "\u03b1\u03c1\u03c4\u03ad\u03bc\u03b7\u03c2", + "\u03b2\u03bb\u03ac\u03c3\u03b9\u03bf\u03c2", + "\u03c0\u03b1\u03bd\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u03b5\u03c5\u03b1\u03bd\u03b8\u03af\u03b1", + "\u03c4\u03b9\u03bc\u03bf\u03b8\u03ad\u03b1", + "\u03bc\u03b1\u03cd\u03c1\u03b1", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b5\u03af\u03b1", + "\u03b8\u03b1\u03bb\u03b1\u03c3\u03c3\u03b9\u03bd\u03ae", + "\u03b1\u03b9\u03bc\u03b9\u03bb\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03b1\u03c6\u03c1\u03bf\u03b4\u03af\u03c4\u03b7", + "\u03bd\u03b1\u03c4\u03b1\u03bb\u03af\u03b1", + "\u03b5\u03c1\u03c1\u03af\u03ba\u03bf\u03c2", + "\u03bc\u03b1\u03bb\u03b1\u03bc\u03ac\u03c4\u03b7", + "\u03b5\u03c5\u03c1\u03c5\u03b4\u03af\u03ba\u03b7", + "\u03ba\u03bb\u03b5\u03b9\u03ce", + "\u03c7\u03c1\u03c5\u03c3\u03ac\u03bd\u03b8\u03b7", + "\u03b4\u03b1\u03b2\u03b9\u03b4\u03bf\u03cd\u03bb\u03b1", + "\u03b5\u03c1\u03b1\u03c3\u03bc\u03af\u03b1", + "\u03b4\u03b1\u03bd\u03b9\u03ae\u03bb", + "\u03ba\u03bf\u03ba\u03ba\u03ce\u03bd\u03b1", + "\u03b2\u03ad\u03c1\u03b1", + "\u03ba\u03bb\u03b7\u03bc\u03b5\u03bd\u03c4\u03af\u03bd\u03b7", + "\u03bd\u03b1\u03c5\u03c3\u03b9\u03ba\u03ac", + "\u03bc\u03b5\u03bb\u03c0\u03bf\u03bc\u03ad\u03bd\u03b7", + "\u03b5\u03c5\u03b8\u03cd\u03bc\u03b9\u03bf\u03c2", + "\u03c0\u03b1\u03c3\u03c7\u03ac\u03bb\u03b7\u03c2", + "\u03b6\u03b7\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u03ba\u03ce\u03c3\u03c4\u03b1\u03c2", + "\u03ba\u03b7\u03c1\u03cd\u03ba\u03bf\u03c2", + "\u03c0\u03c5\u03b8\u03b1\u03b3\u03cc\u03c1\u03b1\u03c2", + "\u03be\u03b1\u03bd\u03b8\u03cc\u03c2", + "\u03c4\u03b9\u03bc\u03cc\u03b8\u03b5\u03bf\u03c2", + "\u03b4\u03b1\u03bc\u03b9\u03b1\u03bd\u03ae", + "\u03bc\u03b1\u03c1\u03ba\u03ad\u03bb\u03bb\u03b1", + "\u03b2\u03b5\u03c1\u03cc\u03bd\u03b9\u03ba\u03b1", + "\u03b1\u03bd\u03b8\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03b8\u03b5\u03bf\u03c7\u03ac\u03c1\u03b7\u03c2", + "\u03b9\u03b5\u03c1\u03ce\u03bd\u03c5\u03bc\u03bf\u03c2", + "\u03c4\u03b1\u03be\u03b9\u03b1\u03c1\u03c7\u03af\u03b1", + "\u03b1\u03bd\u03b4\u03c1\u03cc\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03bf\u03cd\u03bb\u03b1", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03af\u03c4\u03c3\u03b1", + "\u03b3\u03b1\u03bb\u03ac\u03c4\u03b9\u03bf\u03c2", + "\u03bc\u03b1\u03bb\u03b1\u03bc\u03b1\u03c4\u03ad\u03bd\u03b9\u03b1", + "\u03c3\u03c4\u03b1\u03bc\u03ac\u03c4\u03b7\u03c2", + "\u03b3\u03b1\u03b2\u03c1\u03b9\u03ad\u03bb\u03bb\u03b1", + "\u03b9\u03bf\u03c5\u03bb\u03b9\u03b1\u03bd\u03ae", + "\u03c6\u03c1\u03cd\u03bd\u03b7", + "\u03c5\u03c0\u03b1\u03c0\u03b1\u03bd\u03c4\u03ae", + "\u03ba\u03c5\u03b2\u03ad\u03bb\u03b7", + "\u03b5\u03c5\u03c4\u03cd\u03c7\u03b9\u03bf\u03c2", + "\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03b1\u03c3\u03b7\u03bc\u03ae\u03c2", + "\u03b5\u03c5\u03b8\u03c5\u03bc\u03af\u03b1", + "\u03b1\u03b3\u03bb\u03b1\u0390\u03b1", + "\u03b8\u03ad\u03ba\u03bb\u03b1", + "\u03b4\u03b9\u03b1\u03bc\u03b1\u03bd\u03c4\u03ae\u03c2", + "\u03bc\u03b1\u03ba\u03c1\u03af\u03bd\u03b1", + "\u03bc\u03b9\u03c1\u03ac\u03bd\u03c4\u03b1", + "\u03bc\u03cc\u03c3\u03c7\u03b1", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03ac\u03c6\u03c5\u03bb\u03bb\u03bf\u03c2", + "\u03b1\u03b3\u03b1\u03b8\u03cc\u03bd\u03b9\u03ba\u03bf\u03c2", + "\u03b3\u03bb\u03b1\u03cd\u03ba\u03b7", + "\u03b5\u03c5\u03c4\u03c5\u03c7\u03af\u03b1", + "\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03b1", + "\u03c5\u03b1\u03ba\u03af\u03bd\u03b8\u03b7", + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03bf\u03bc\u03ad\u03bd\u03b7\u03c2", + "\u03b5\u03c5\u03bb\u03b1\u03bc\u03c0\u03af\u03b1", + "\u03bb\u03b5\u03bf\u03bd\u03ac\u03c1\u03b4\u03bf\u03c2", + "\u03ba\u03bf\u03c1\u03bd\u03b7\u03bb\u03af\u03b1", + "\u03b1\u03b4\u03ac\u03bc", + "\u03c6\u03c9\u03ba\u03af\u03c9\u03bd", + "\u03b1\u03b3\u03ac\u03c0\u03b7", + "\u03c0\u03c1\u03b1\u03be\u03b9\u03c4\u03ad\u03bb\u03b7\u03c2", + "\u03b2\u03b1\u03c1\u03b4\u03ae\u03c2", + "\u03b6\u03b1\u03bc\u03c0\u03af\u03b1", + "\u03bf\u03b4\u03cd\u03c3\u03c3\u03b5\u03b9\u03b1", + "\u03ba\u03bf\u03c1\u03b1\u03bb\u03af\u03b1", + "\u03c1\u03bf\u03c5\u03bc\u03c0\u03af\u03bd\u03b7", + "\u03bb\u03ad\u03c9\u03bd", + "\u03c0\u03cd\u03c1\u03c1\u03bf\u03c2", + "\u03b1\u03bd\u03ac\u03c1\u03b3\u03c5\u03c1\u03bf\u03c2", + "\u03c3\u03c9\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03b4\u03b9\u03b1\u03bc\u03ac\u03bd\u03c4\u03c9", + "\u03bc\u03b1\u03ba\u03ac\u03c1\u03b9\u03bf\u03c2", + "\u03c7\u03c1\u03af\u03c3\u03c4\u03bf\u03c2", + "\u03b3\u03b1\u03bb\u03ac\u03c4\u03b5\u03b9\u03b1", + "\u03bb\u03c5\u03b3\u03b5\u03c1\u03ae", + "\u03c0\u03c1\u03bf\u03ba\u03cc\u03c0\u03b9\u03bf\u03c2", + "\u03b4\u03ae\u03bc\u03b7\u03c4\u03c1\u03b1", + "\u03b8\u03b5\u03bf\u03b4\u03bf\u03cd\u03bb\u03b7", + "\u03b4\u03b9\u03b1\u03bb\u03b5\u03ba\u03c4\u03ae", + "\u03b8\u03ac\u03bb\u03b5\u03b9\u03b1", + "\u03b5\u03c0\u03b9\u03c3\u03c4\u03ae\u03bc\u03b7", + "\u03bc\u03b1\u03c1\u03b3\u03b9\u03ad\u03c4\u03c4\u03b1", + "\u03b1\u03c1\u03ad\u03b8\u03b1", + "\u03c1\u03bf\u03cd\u03c3\u03b1", + "\u03c0\u03af\u03bd\u03b4\u03b1\u03c1\u03bf\u03c2", + "\u03c0\u03b5\u03c1\u03c3\u03b5\u03c6\u03cc\u03bd\u03b7", + "\u03c0\u03b1\u03c1\u03b8\u03ad\u03bd\u03b1", + "\u03ba\u03b1\u03bb\u03ae", + "\u03c3\u03b5\u03bb\u03ae\u03bd\u03b7", + "\u03b1\u03c1\u03c4\u03b5\u03bc\u03b9\u03c3\u03af\u03b1", + "\u03b5\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03ad\u03bb\u03b1", + "\u03b1\u03c1\u03c7\u03bf\u03bd\u03c4\u03af\u03b1", + "\u03bc\u03b9\u03ba\u03ad\u03c2", + "\u03b1\u03b2\u03c1\u03b1\u03ac\u03bc", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03bd\u03b1", + "\u03c1\u03b5\u03b2\u03ad\u03ba\u03ba\u03b1", + "\u03b2\u03b9\u03ba\u03ad\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03ba\u03ac\u03c1\u03bf\u03bb\u03bf\u03c2", + "\u03c0\u03c9\u03bb\u03af\u03bd\u03b1", + "\u03ba\u03bf\u03bc\u03bd\u03b7\u03bd\u03cc\u03c2", + "\u03ad\u03bb\u03bb\u03b7", + "\u03c3\u03c4\u03b1\u03bc\u03b1\u03c4\u03af\u03bd\u03b1", + "\u03c0\u03b1\u03c4\u03b1\u03c0\u03af\u03b1", + "\u03c3\u03b1\u03c0\u03c6\u03ce", + "\u03b8\u03b5\u03cc\u03b4\u03c9\u03c1\u03bf\u03c2", + "\u03c0\u03b1\u03c1\u03ac\u03c3\u03c7\u03bf\u03c2", + "\u03c6\u03c1\u03b5\u03b9\u03b4\u03b5\u03c1\u03af\u03ba\u03b7", + "\u03bc\u03b9\u03bb\u03c4\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03b5\u03bb\u03c0\u03af\u03b4\u03b1", + "\u03b5\u03c5\u03bc\u03bf\u03c1\u03c6\u03af\u03b1", + "\u03b8\u03b5\u03cc\u03c6\u03b9\u03bb\u03bf\u03c2", + "\u03c3\u03c0\u03c5\u03c1\u03af\u03b4\u03c9\u03bd", + "\u03b9\u03bf\u03ba\u03ac\u03c3\u03c4\u03b7", + "\u03c4\u03c3\u03b1\u03bc\u03c0\u03af\u03ba\u03b1", + "\u03be\u03b1\u03bd\u03b8\u03ae", + "\u03b6\u03ae\u03bd\u03c9\u03bd", + "\u03c0\u03bf\u03b8\u03b7\u03c4\u03ae", + "\u03c0\u03c1\u03bf\u03b4\u03c1\u03bf\u03bc\u03af\u03b1", + "\u03bc\u03b9\u03c7\u03ac\u03bb\u03b7\u03c2", + "\u03b1\u03bd\u03b4\u03c1\u03b9\u03b1\u03bd\u03ae", + "\u03c0\u03bf\u03bb\u03c5\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03b5\u03c5\u03b3\u03b5\u03bd\u03af\u03b1", + "\u03c6\u03b9\u03bb\u03b1\u03c1\u03ad\u03c4\u03b7", + "\u03c6\u03b9\u03bb\u03b9\u03c0\u03c0\u03af\u03b1", + "\u03b2\u03b1\u03bb\u03ac\u03bd\u03c4\u03b7\u03c2", + "\u03b8\u03b5\u03b1\u03bd\u03ce", + "\u03bb\u03b5\u03c9\u03bd\u03b9\u03b4\u03b9\u03ac", + "\u03bb\u03b7\u03c4\u03ce", + "\u03ac\u03c1\u03c4\u03b5\u03bc\u03b9\u03c2", + "\u03ad\u03ba\u03c4\u03bf\u03c1\u03b1\u03c2", + "\u03b1\u03c4\u03b1\u03bb\u03ac\u03bd\u03c4\u03b7", + "\u03c4\u03c1\u03cd\u03c6\u03c9\u03bd", + "\u03ba\u03c9\u03c3\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u03bb\u03b1\u03b6\u03b1\u03c1\u03af\u03b1", + "\u03ba\u03bb\u03ae\u03bc\u03b7\u03c2", + "\u03b1\u03c1\u03af\u03c3\u03c4\u03b1\u03c1\u03c7\u03bf\u03c2", + "\u03b3\u03b9\u03b1\u03c3\u03b5\u03bc\u03ae", + "\u03b1\u03b4\u03b1\u03bc\u03ac\u03bd\u03c4\u03b9\u03bf\u03c2", + "\u03b1\u03c1\u03b9\u03ac\u03b4\u03bd\u03b7", + "\u03bc\u03b5\u03b3\u03b1\u03ba\u03bb\u03ae\u03c2", + "\u03ba\u03b1\u03c4\u03b5\u03c1\u03af\u03bd\u03b1", + "\u03ba\u03c5\u03c0\u03c1\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03b1\u03b9\u03ba\u03b1\u03c4\u03b5\u03c1\u03af\u03bd\u03b7", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03b1\u03c6\u03c5\u03bb\u03bb\u03b9\u03ac", + "\u03c3\u03c4\u03ad\u03c1\u03b3\u03b9\u03bf\u03c2", + "\u03b1\u03c6\u03ad\u03bd\u03c4\u03c1\u03b1", + "\u03b8\u03c1\u03b1\u03c3\u03cd\u03b2\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b3\u03b5\u03c1\u03b1\u03c3\u03b9\u03bc\u03bf\u03cd\u03bb\u03b1", + "\u03b8\u03b5\u03cc\u03ba\u03bb\u03b5\u03b9\u03b1", + "\u03b9\u03b5\u03c1\u03b5\u03bc\u03af\u03b1\u03c2", + "\u03bc\u03b1\u03bd\u03c4\u03ce", + "\u03b9\u03c0\u03c0\u03bf\u03bb\u03cd\u03c4\u03b7", + "\u03b3\u03b1\u03c1\u03cd\u03c6\u03b1\u03bb\u03bb\u03bf\u03c2", + "\u03c0\u03b1\u03bd\u03c4\u03b5\u03bb\u03af\u03b1", + "\u03b4\u03b9\u03b1\u03bc\u03b1\u03bd\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u03b3\u03b5\u03ce\u03c1\u03b3\u03b9\u03bf\u03c2", + "\u03b1\u03b8\u03b7\u03bd\u03b1\u03b3\u03cc\u03c1\u03b1\u03c2", + "\u03c1\u03af\u03b6\u03bf\u03c2", + "\u03c0\u03b7\u03bd\u03b5\u03bb\u03cc\u03c0\u03b7", + "\u03c1\u03b1\u03bb\u03bb\u03af\u03b1", + "\u03b2\u03b1\u03c1\u03c3\u03b1\u03bc\u03af\u03b1", + "\u03b5\u03c5\u03b3\u03ad\u03bd\u03b9\u03bf\u03c2", + "\u03c3\u03b5\u03c1\u03b1\u03c6\u03b5\u03af\u03b1", + "\u03b9\u03ac\u03ba\u03c9\u03b2\u03bf\u03c2", + "\u03b2\u03b1\u03b3\u03b9\u03b1\u03bd\u03ae", + "\u03c0\u03b1\u03bd\u03c4\u03b1\u03b6\u03ae\u03c2", + "\u03b2\u03b9\u03bf\u03bb\u03ad\u03c4\u03b1", + "\u03bd\u03b5\u03bf\u03ba\u03bb\u03ae\u03c2", + "\u03bb\u03b1\u03bf\u03ba\u03c1\u03ac\u03c4\u03b7\u03c2", + "\u03ba\u03b1\u03bb\u03bf\u03bc\u03bf\u03af\u03c1\u03b1", + "\u03c4\u03b6\u03b1\u03bd\u03ad\u03c4\u03bf\u03c2", + "\u03b5\u03c1\u03bc\u03cc\u03bb\u03b1\u03bf\u03c2", + "\u03b1\u03bc\u03b2\u03c1\u03bf\u03c3\u03af\u03b1", + "\u03b1\u03bc\u03b2\u03c1\u03cc\u03c3\u03b9\u03bf\u03c2", + "\u03c0\u03bf\u03bb\u03cd\u03bc\u03bd\u03b9\u03b1", + "\u03ba\u03c5\u03c1\u03b9\u03ac\u03ba\u03bf\u03c2", + "\u03b2\u03b7\u03c3\u03c3\u03b1\u03c1\u03af\u03b1", + "\u03b8\u03b5\u03bf\u03c6\u03cd\u03bb\u03b1\u03ba\u03c4\u03bf\u03c2", + "\u03b3\u03b1\u03c1\u03c5\u03c6\u03b1\u03bb\u03bb\u03b9\u03ac", + "\u03c3\u03bf\u03bb\u03bf\u03bc\u03ce\u03bd", + "\u03c0\u03b9\u03b5\u03c1\u03c1\u03af\u03bd\u03b1", + "\u03bc\u03b5\u03b8\u03cc\u03b4\u03b9\u03bf\u03c2", + "\u03b6\u03b1\u03bc\u03c0\u03ad\u03c4\u03b1" + ], + "LAST_NAME": [ + "\u03b2\u03b1\u03c1\u03c3\u03ac\u03bc\u03bf\u03c5", + "\u03ba\u03c9\u03c3\u03c4\u03bf\u03cd\u03bb\u03b1\u03c2", + "\u03ba\u03bf\u03c1\u03bc\u03c0\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03bf\u03c3\u03af\u03bf\u03c5", + "\u03c4\u03c3\u03cc\u03bb\u03ba\u03b1\u03c2", + "\u03c0\u03c1\u03bf\u03b2\u03ae\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bc\u03b1\u03bd\u03bb\u03ae", + "\u03bb\u03b9\u03c4\u03af\u03bd\u03b1\u03c2", + "\u03ba\u03b1\u03c8\u03ae", + "\u03bc\u03c9\u03c1\u03b1\u0390\u03c4\u03b7", + "\u03b2\u03ac\u03c1\u03c3\u03bf\u03c2", + "\u03ba\u03b1\u03c0\u03bf\u03c5\u03c1\u03bd\u03b9\u03ce\u03c4\u03b7", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bb\u03b1\u03b6\u03b1\u03c1\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b5\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03ae\u03bb", + "\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c4\u03c3\u03ad\u03bb\u03bb\u03bf\u03c2", + "\u03b4\u03b9\u03b1\u03ba\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03bf\u03bb\u03c5\u03c7\u03c1\u03bf\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03bb\u03c7\u03bf\u03cd\u03c1\u03b7\u03c2", + "\u03ba\u03b1\u03bd\u03c4\u03b1\u03c1\u03b5\u03bb\u03ae", + "\u03c0\u03b5\u03c4\u03c1\u03bf\u03c3\u03b9\u03ac\u03bd", + "\u03b6\u03b1\u03c6\u03b5\u03af\u03c1\u03b7\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03c3\u03b1\u03c0\u03c1\u03af\u03ba\u03b7", + "\u03c7\u03b1\u03c4\u03b6\u03b9\u03ac\u03c1\u03b1\u03c2", + "\u03c4\u03b6\u03b9\u03c1\u03b1\u03c4\u03bf\u03cd\u03b4\u03b7", + "\u03b2\u03b1\u03c6\u03b5\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03be\u03c5\u03b3\u03ba\u03ac\u03ba\u03bf\u03c5", + "\u03ad\u03c8\u03b9\u03bc\u03bf\u03c2", + "\u03b6\u03b1\u03b2\u03b9\u03c4\u03c3\u03ac\u03bd\u03bf\u03c5", + "\u03bb\u03b9\u03bf\u03bb\u03b9\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03ac\u03ba\u03b7", + "\u03c3\u03c4\u03b1\u03c5\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b9\u03c3\u03ad\u03c1\u03b7\u03c2", + "\u03b2\u03b9\u03bf\u03bb\u03ac\u03c4\u03bf\u03c2", + "\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03bf\u03c3\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03b5\u03c3\u03c0\u03b5\u03c1\u03af\u03b4\u03b7\u03c2", + "\u03b2\u03b1\u03c1\u03b8\u03b1\u03bb\u03af\u03c4\u03b7", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u03b4\u03b7\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c6\u03b1\u03bd\u03bf\u03c5\u03c1\u03b3\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03b9\u03ba\u03bf\u03cd\u03bd\u03b7\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03b2\u03ad\u03c1\u03b3\u03b7\u03c2", + "\u03c4\u03bf\u03c5\u03c1\u03bd\u03b1\u03b2\u03af\u03c4\u03b7\u03c2", + "\u03c3\u03bf\u03c6\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03bb\u03b9\u03bf\u03cd\u03c4\u03b1\u03c2", + "\u03ba\u03b1\u03bc\u03c0\u03bf\u03c3\u03ac\u03ba\u03b7\u03c2", + "\u03b3\u03ba\u03cc\u03b2\u03b1", + "\u03ba\u03bf\u03c4\u03c4\u03af\u03ba\u03b1\u03c2", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03c9\u03c4\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c3\u03c6\u03b1\u03ba\u03b9\u03b1\u03bd\u03ac\u03ba\u03b7", + "\u03b6\u03b1\u03c6\u03b5\u03af\u03c1\u03b7", + "\u03ba\u03b1\u03bb\u03bf\u03bc\u03bf\u03af\u03c1\u03b7", + "\u03bb\u03b1\u03c6\u03b1\u03c4\u03b6\u03ae\u03c2", + "\u03b2\u03b1\u03bb\u03ba\u03ac\u03bd\u03bf\u03c5", + "\u03c3\u03c4\u03b5\u03c1\u03b3\u03b9\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03c4\u03c3\u03ac\u03ba\u03b7", + "\u03ba\u03b1\u03c1\u03b1\u03bd\u03ac\u03bd\u03bf\u03c5", + "\u03b1\u03bc\u03c5\u03b3\u03b4\u03b1\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03b1\u03c1\u03b1\u03bc\u03c0\u03b1\u03c4\u03b6\u03ae\u03c2", + "\u03b4\u03bf\u03cd\u03bd\u03b7\u03c2", + "\u03bc\u03b1\u03c3\u03af\u03ba\u03b1", + "\u03b4\u03ac\u03c1\u03b1\u03c2", + "\u03c0\u03bf\u03c3\u03ac\u03bd\u03c4\u03b6\u03b7", + "\u03c0\u03b5\u03c4\u03c3\u03b9\u03ac", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03c6\u03c1\u03b1\u03bd\u03c4\u03b6\u03ae\u03c2", + "\u03b4\u03cc\u03b2\u03b1\u03c2", + "\u03c3\u03b9\u03ce\u03c1\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03bf\u03c5\u03b6\u03af\u03b4\u03bf\u03c5", + "\u03be\u03ad\u03bd\u03bf\u03c5", + "\u03bc\u03b1\u03c3\u03b1\u03bf\u03cd\u03c4\u03b7", + "\u03b4\u03b7\u03bc\u03b1\u03ba\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03c4\u03c3\u03bf\u03bc\u03ce\u03ba\u03bf\u03c2", + "\u03bc\u03b1\u03c1\u03bf\u03c5\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03b1\u03bb\u03b1\u03ca\u03c4\u03b6\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03c6\u03ce\u03c4\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03c1\u03ac\u03ba\u03bf\u03c2", + "\u03ba\u03c9\u03c3\u03c4\u03af\u03b4\u03b7\u03c2", + "\u03c6\u03c9\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03c0\u03b1\u03bb\u03ae", + "\u03c3\u03c0\u03b7\u03bb\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c0\u03b1\u03c4\u03b9\u03bd\u03b9\u03c9\u03c4\u03ac\u03ba\u03b7", + "\u03c0\u03bf\u03c5\u03c1\u03bd\u03ac\u03c1\u03b1", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03b2\u03bb\u03b1\u03c7\u03bf\u03bd\u03b9\u03ba\u03bf\u03bb\u03ad\u03b1\u03c2", + "\u03c3\u03cd\u03ba\u03b1\u03c2", + "\u03b2\u03bf\u03c5\u03bb\u03b3\u03b1\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03b9\u03bd\u03cc\u03c2", + "\u03c6\u03c9\u03bb\u03b9\u03ac", + "\u03c4\u03c3\u03b9\u03ba\u03bd\u03b9\u03ac\u03c2", + "\u03bc\u03c0\u03bf\u03b6\u03af\u03ba\u03b7\u03c2", + "\u03b1\u03bb\u03c5\u03c3\u03b1\u03bd\u03b4\u03c1\u03ac\u03c4\u03bf\u03c5", + "\u03ba\u03b1\u03c7\u03c1\u03b9\u03bc\u03b1\u03bd\u03af\u03b4\u03b7", + "\u03c3\u03b9\u03b4\u03b7\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c3\u03c4\u03b1\u03c5\u03c1\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03bc\u03b9\u03c7\u03b1\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03c7\u03b1\u03c1\u03b1\u03bb\u03b1\u03bc\u03c0\u03af\u03b4\u03bf\u03c5", + "\u03b4\u03bf\u03cd\u03b2\u03b1\u03bb\u03b7", + "\u03c3\u03c0\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03c0\u03b5\u03c1\u03c0\u03b9\u03bd\u03b9\u03ac\u03c2", + "\u03b2\u03ac\u03c3\u03c3\u03b7\u03c2", + "\u03c0\u03b1\u03bd\u03ba\u03af\u03b4\u03bf\u03c5", + "\u03b2\u03bf\u03c5\u03c4\u03c3\u03ac\u03c2", + "\u03c1\u03cc\u03b4\u03b7\u03c2", + "\u03b6\u03bf\u03c1\u03bc\u03c0\u03ac\u03c2", + "\u03b6\u03ce\u03c4\u03bf\u03c2", + "\u03b3\u03ba\u03af\u03bd\u03b7\u03c2", + "\u03ba\u03c9\u03c3\u03c4\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03ac\u03c4\u03c3\u03b7", + "\u03c0\u03b5\u03c1\u03b4\u03b9\u03ba\u03ac\u03ba\u03b7\u03c2", + "\u03b2\u03b1\u03c1\u03c3\u03ac\u03bc\u03b7\u03c2", + "\u03bc\u03bf\u03c5\u03c4\u03b6\u03bf\u03cd\u03c1\u03b7", + "\u03b3\u03c1\u03af\u03b2\u03b1\u03c2", + "\u03c3\u03b9\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b3\u03ac\u03c4\u03bf\u03c2", + "\u03bb\u03ac\u03c4\u03c3\u03ba\u03bf\u03c2", + "\u03c6\u03c9\u03c4\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03ba\u03b1\u03c2", + "\u03c4\u03cc\u03b3\u03b9\u03b1", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03b1\u03ba\u03af\u03c4\u03c3\u03b1\u03c2", + "\u03ba\u03c5\u03c1\u03af\u03c4\u03c3\u03b7", + "\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c4\u03b1\u03c3\u03b9\u03bf\u03cd\u03bb\u03b1\u03c2", + "\u03bc\u03c0\u03b1\u03bb\u03bf\u03c5\u03ba\u03af\u03b4\u03b7\u03c2", + "\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03b9\u03ac\u03b4\u03b7", + "\u03b6\u03c9\u03bd\u03c4\u03b1\u03bd\u03bf\u03cd", + "\u03ba\u03c9\u03c4\u03c3\u03b9\u03bf\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03c5\u03b2\u03b9\u03bb\u03b9\u03ac", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03ac\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03b6\u03bf\u03c5\u03bb\u03ac", + "\u03c4\u03c3\u03b1\u03bb\u03b1\u03bc\u03ac\u03bd\u03b4\u03c1\u03b7\u03c2", + "\u03ba\u03b1\u03c6\u03b1\u03bd\u03c4\u03ac\u03c1\u03b7\u03c2", + "\u03c7\u03bf\u03bd\u03b4\u03c1\u03bf\u03cd\u03b4\u03b7", + "\u03b1\u03bb\u03b5\u03be\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b6\u03b1\u03bd\u03bd\u03af\u03ba\u03bf\u03c5", + "\u03bf\u03b9\u03ba\u03bf\u03bd\u03cc\u03bc\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03c1\u03ae\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03b5\u03bb\u03b9\u03ad\u03c1\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bd\u03b9\u03ba\u03cc\u03bb\u03b1\u03c2", + "\u03c0\u03c1\u03ad\u03ba\u03b1", + "\u03c7\u03b9\u03c9\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03bc\u03cc\u03ba\u03b1\u03c2", + "\u03c4\u03b6\u03ae\u03ba\u03b1\u03c2", + "\u03c4\u03b6\u03bf\u03c5\u03b2\u03ad\u03bb\u03b7\u03c2", + "\u03c3\u03c5\u03bd\u03bf\u03b4\u03b9\u03bd\u03bf\u03cd", + "\u03ba\u03c5\u03c1\u03b3\u03b9\u03ac", + "\u03bb\u03bf\u03c5\u03c1\u03ac\u03bd\u03c4\u03bf\u03c2", + "\u03ba\u03bf\u03bb\u03bf\u03b2\u03cc\u03c2", + "\u03c0\u03b1\u03c1\u03ac\u03bd\u03bf\u03c5", + "\u03c0\u03b1\u03c4\u03b5\u03bb\u03ae\u03c2", + "\u03b2\u03bf\u03cd\u03bb\u03b3\u03b1\u03c1\u03b7\u03c2", + "\u03c1\u03bf\u03ca\u03b4\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03b5\u03c4\u03b1\u03be\u03ac\u03c2", + "\u03c0\u03bf\u03bb\u03b1\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03c3\u03ba\u03c1\u03b5\u03bc\u03bc\u03cd\u03b4\u03b1", + "\u03c3\u03c0\u03ac\u03bb\u03b1\u03c2", + "\u03b2\u03b5\u03c1\u03b2\u03af\u03c4\u03b7", + "\u03c3\u03b9\u03bc\u03b7\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03ad\u03bb\u03bf\u03c5", + "\u03ba\u03c5\u03c0\u03c1\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03be\u03b7\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03c6\u03b5\u03b9\u03b4\u03b5\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c3\u03bc\u03b1\u03c1\u03b4\u03ac\u03c2", + "\u03c7\u03c9\u03c1\u03b9\u03bd\u03bf\u03cd", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03c7\u03c1\u03ae\u03c3\u03c4\u03bf\u03c5", + "\u03b4\u03ad\u03bb\u03b9\u03bf\u03c2", + "\u03bd\u03c4\u03ac\u03bd\u03bf\u03c5", + "\u03b2\u03b9\u03bb\u03b4\u03cc\u03c2", + "\u03bc\u03ac\u03c1\u03b1", + "\u03bc\u03b1\u03c4\u03c3\u03bf\u03cd\u03ba\u03b1\u03c2", + "\u03ba\u03bf\u03c5\u03c1\u03ba\u03bf\u03c5\u03c4\u03ac\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03b9\u03b3\u03b1\u03bd\u03cc\u03c2", + "\u03c4\u03bf\u03c5\u03c1\u03bd\u03ac", + "\u03b2\u03bf\u03c5\u03c4\u03c3\u03b5\u03bb\u03b1\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03b1\u03c6\u03cd\u03bb\u03bb\u03bf\u03c5", + "\u03bf\u03c1\u03c6\u03b1\u03bd\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c3\u03c4\u03b1\u03c5\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03c3\u03c4\u03bf\u03cd\u03bc\u03c0\u03bf\u03c5", + "\u03c6\u03b1\u03c3\u03bf\u03c5\u03bb\u03ae", + "\u03c3\u03bf\u03c5\u03bb\u03b9\u03bd\u03c4\u03b6\u03ae\u03c2", + "\u03b8\u03b5\u03bf\u03bb\u03cc\u03b3\u03bf\u03c2", + "\u03b1\u03b2\u03c1\u03b1\u03bc\u03c0\u03ad\u03ba\u03b7", + "\u03bd\u03ac\u03c3\u03c4\u03b1\u03c4\u03bf\u03c2", + "\u03b4\u03b9\u03bd\u03b5\u03b6\u03ac\u03ba\u03b7\u03c2", + "\u03c6\u03c9\u03ba\u03ac\u03c2", + "\u03b2\u03bf\u03c5\u03bb\u03c4\u03c3\u03af\u03b4\u03bf\u03c5", + "\u03bb\u03bf\u03b3\u03ba\u03ac\u03ba\u03b7", + "\u03b4\u03b7\u03bc\u03bf\u03b2\u03b5\u03bb\u03ae\u03c2", + "\u03c4\u03b6\u03b9\u03ac\u03b2\u03b1\u03c2", + "\u03c1\u03b1\u03b3\u03ba\u03bf\u03cd\u03c3\u03b7\u03c2", + "\u03c6\u03bf\u03c5\u03c1\u03ba\u03b9\u03ce\u03c4\u03b7", + "\u03c0\u03c5\u03bb\u03b1\u03c1\u03b9\u03bd\u03cc\u03c2", + "\u03ba\u03bf\u03c5\u03c1\u03bb\u03bf\u03cd", + "\u03b4\u03b1\u03bd\u03ad\u03b6\u03b7\u03c2", + "\u03b1\u03bd\u03b4\u03c1\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03bc\u03b1\u03bd\u03b5\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03bb\u03b9\u03ac\u03ba\u03bf\u03c5", + "\u03c4\u03bf\u03bc\u03c0\u03bf\u03c5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03c8\u03ac\u03bb\u03c4\u03b7\u03c2", + "\u03ba\u03b1\u03ba\u03b1\u03c4\u03c3\u03cc\u03c2", + "\u03c3\u03c5\u03c1\u03b3\u03ae\u03c2", + "\u03c3\u03c4\u03b1\u03b8\u03ac", + "\u03b2\u03b1\u03ba\u03b1\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03b2\u03bb\u03ac\u03c3\u03c3\u03b7", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03bd\u03af\u03ba\u03b1", + "\u03b3\u03b1\u03b2\u03c1\u03b9\u03ae\u03bb", + "\u03b4\u03c1\u03b1\u03ba\u03bf\u03c5\u03bb\u03ae", + "\u03ba\u03b1\u03c1\u03bf\u03cd\u03c3\u03bf\u03c2", + "\u03bb\u03bf\u03c5\u03bc\u03c0\u03bf\u03cd\u03c4\u03c3\u03ba\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03c1\u03c3\u03ac\u03c1\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bd\u03c4\u03ac\u03bd\u03b1", + "\u03b5\u03bd\u03c9\u03c4\u03b9\u03ac\u03b4\u03b7", + "\u03bc\u03b1\u03ba\u03c1\u03ae", + "\u03c0\u03b1\u03c0\u03b1\u03c0\u03b1\u03bd\u03cc\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03ba\u03b1\u03c3\u03c4\u03b1\u03bd\u03b9\u03ac\u03c2", + "\u03c4\u03c3\u03ad\u03b1\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c0\u03b1\u03c0\u03b1\u03b8\u03c9\u03bc\u03ac", + "\u03c3\u03ba\u03bf\u03c4\u03ac\u03b4\u03b7", + "\u03c4\u03c3\u03b9\u03c9\u03bb\u03be", + "\u03bb\u03af\u03c4\u03c3\u03b9\u03bf\u03c5", + "\u03bc\u03c5\u03bb\u03c9\u03bd\u03ac\u03c2", + "\u03bd\u03c4\u03cc\u03ba\u03bf\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03af\u03bf\u03c5", + "\u03b3\u03b5\u03c1\u03bf\u03cd\u03ba\u03b7", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b1\u03c4\u03b5\u03bd\u03c4\u03c3\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03bb\u03af\u03b6\u03bf\u03c2", + "\u03c3\u03b3\u03bf\u03c5\u03c1\u03cc\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03c5\u03c1\u03ad\u03bb\u03b7", + "\u03ba\u03bf\u03bb\u03bf\u03ba\u03ac\u03b8\u03b7\u03c2", + "\u03c4\u03b6\u03b9\u03b3\u03ba\u03bf\u03cd\u03c1\u03b1", + "\u03b4\u03ce\u03c1\u03b7", + "\u03bc\u03b1\u03bb\u03bb\u03ae", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b1\u03bd\u03b4\u03c1\u03bf\u03c5\u03bb\u03b9\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03ba\u03bf\u03c5\u03bb\u03b1\u03c1\u03af\u03b4\u03b7\u03c2", + "\u03c4\u03c3\u03b1\u03ba\u03b1\u03bd\u03af\u03ba\u03b1\u03c2", + "\u03b2\u03bb\u03b1\u03c7\u03bf\u03b4\u03ae\u03bc\u03bf\u03c5", + "\u03ba\u03b1\u03c4\u03c3\u03b9\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03bd\u03b1\u03bf\u03cd\u03bc", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03b9\u03b1\u03b4\u03ac\u03ba\u03b7", + "\u03c6\u03c9\u03c4\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03b5\u03bc\u03c0\u03ad\u03c0\u03bf\u03c5", + "\u03bc\u03b1\u03c1\u03c4\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03b4\u03b1\u03bd\u03b4\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03bc\u03b5\u03bb\u03b9\u03c4\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c4\u03b6\u03b1\u03bd\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03b8\u03c9\u03bc\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b1\u03be\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c4\u03c1\u03b9\u03c6\u03c4\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03cc\u03bb\u03bb\u03b9\u03b1", + "\u03c0\u03bf\u03bb\u03c5\u03c7\u03c1\u03cc\u03bd\u03b7\u03c2", + "\u03b2\u03bf\u03cd\u03c1\u03b1\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03b9\u03bd\u03bf\u03cd", + "\u03bb\u03b1\u03bc\u03c0\u03c1\u03b9\u03bd\u03cc\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03ac\u03c4\u03b7\u03c2", + "\u03c3\u03bc\u03c0\u03c1\u03af\u03bd\u03b7\u03c2", + "\u03c3\u03af\u03b2\u03b2\u03b1", + "\u03b3\u03ba\u03b1\u03bd\u03ac\u03c4\u03c3\u03b9\u03bf\u03c2", + "\u03c0\u03ad\u03c4\u03c4\u03b1", + "\u03c3\u03cd\u03c8\u03b1", + "\u03bc\u03b1\u03b3\u03ba\u03bf\u03cd\u03c6\u03b7\u03c2", + "\u03b4\u03b1\u03bc\u03ae\u03bb\u03bf\u03c5", + "\u03b6\u03ce\u03b7", + "\u03b4\u03b1\u03c1\u03b4\u03b9\u03ce\u03c4\u03b7", + "\u03b4\u03bf\u03c5\u03b2\u03af\u03ba\u03b1\u03c2", + "\u03bc\u03b1\u03b3\u03ba\u03b1\u03bd\u03ac\u03c1\u03b7", + "\u03c4\u03c3\u03bf\u03cd\u03c1\u03b1", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c1\u03ad\u03bd\u03c4\u03b6\u03bf\u03c2", + "\u03b9\u03c9\u03b1\u03ba\u03b5\u03b9\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03c7\u03bf\u03c5\u03c7\u03bf\u03c5\u03bb\u03ae\u03c2", + "\u03c0\u03b1\u03bb\u03bb\u03ac\u03c2", + "\u03c4\u03cc\u03bc\u03c0\u03c1\u03b7", + "\u03ba\u03b1\u03c1\u03b1\u03bc\u03c0\u03af\u03bd\u03b1", + "\u03bc\u03ac\u03c3\u03c4\u03bf\u03c1\u03b1\u03c2", + "\u03b4\u03b1\u03c5\u03af\u03b4", + "\u03bc\u03b1\u03c3\u03b3\u03b1\u03bb\u03ac\u03c2", + "\u03bc\u03b9\u03c7\u03b1\u03bb\u03ac\u03c1\u03bf\u03c5", + "\u03c0\u03b5\u03c4\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03c0\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b3\u03c1\u03b1\u03bc\u03bc\u03b1\u03c4\u03b9\u03ba\u03cc\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03af\u03c6\u03bf\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03ac\u03c6\u03b7", + "\u03b3\u03ba\u03bf\u03cd\u03bd\u03b7", + "\u03c3\u03c6\u03cd\u03c1\u03bb\u03b1\u03c2", + "\u03c4\u03bf\u03c5\u03bb\u03bf\u03cd\u03c0\u03b7", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03c5\u03bd\u03ac\u03ba\u03b7", + "\u03b2\u03b1\u03ca\u03c1\u03b1\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03cd\u03c4\u03c1\u03b7\u03c2", + "\u03bc\u03b1\u03bd\u03bf\u03c5\u03c3\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03c4\u03c3\u03b1\u03bd\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03b3\u03b1\u03bb\u03ac\u03bd\u03b7", + "\u03c1\u03cc\u03ba\u03ba\u03b1", + "\u03c0\u03b5\u03c4\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03b8\u03bf\u03cd\u03c1\u03b7", + "\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03ac\u03ba\u03b7", + "\u03b1\u03c1\u03c7\u03ac\u03ba\u03b7", + "\u03bb\u03c5\u03bc\u03b1\u03be\u03ae", + "\u03b3\u03b1\u03bb\u03b1\u03bd\u03ac\u03ba\u03b7", + "\u03bc\u03b1\u03bd\u03c4\u03b6\u03ce\u03c1\u03bf\u03c2", + "\u03c0\u03b5\u03c1\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03b9\u03cc\u03bb\u03bf\u03c5", + "\u03b1\u03bd\u03b4\u03c1\u03b9\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03bb\u03b5\u03bd\u03c4\u03b6\u03af\u03bf\u03c5", + "\u03ba\u03af\u03c3\u03c3\u03b1\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03af\u03c0\u03b7\u03c2", + "\u03ba\u03b1\u03b2\u03bf\u03cd\u03c1\u03b7\u03c2", + "\u03c3\u03c0\u03b1\u03bd\u03b4\u03c9\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03c3\u03b5\u03bb\u03b9\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03b5\u03c6\u03ad\u03ba\u03bf\u03c2", + "\u03b5\u03c5\u03ba\u03b1\u03c1\u03c0\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03bf\u03c5\u03c6\u03c4\u03c3\u03ae\u03c2", + "\u03c4\u03b1\u03b2\u03b5\u03c1\u03bd\u03b1\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03c5\u03c1\u03bf\u03cd\u03b4\u03b7", + "\u03bc\u03b1\u03ba\u03b1\u03c1\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03b1\u03bb\u03b5\u03be\u03b1\u03bd\u03b4\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03c5\u03bb\u03bf\u03c5\u03bc\u03c0\u03bf\u03cd", + "\u03bd\u03af\u03ba\u03b1", + "\u03ba\u03b1\u03c4\u03b1\u03c1\u03b1\u03c7\u03b9\u03ac\u03c2", + "\u03b3\u03c1\u03b1\u03c4\u03c3\u03b9\u03ac\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03c4\u03ac\u03c3\u03bf\u03c5", + "\u03bd\u03c4\u03b1\u03b2\u03ac\u03c2", + "\u03ba\u03b1\u03c3\u03c4\u03ac\u03bd\u03b7\u03c2", + "\u03bb\u03ac\u03ba\u03ba\u03b1\u03c2", + "\u03b3\u03ba\u03bf\u03cd\u03b2\u03b5\u03bb\u03bf\u03c2", + "\u03bc\u03b1\u03bb\u03af\u03bc\u03b7", + "\u03bc\u03b1\u03bd\u03c9\u03bb\u03ad\u03b1\u03c2", + "\u03ba\u03b1\u03bb\u03bf\u03b3\u03b9\u03b1\u03bd\u03bd\u03ac\u03ba\u03b7", + "\u03c0\u03af\u03c4\u03c3\u03b7\u03c2", + "\u03ba\u03b5\u03c7\u03b1\u03b3\u03b9\u03ac\u03c2", + "\u03ba\u03b1\u03c1\u03ba\u03b1\u03bd\u03ac\u03ba\u03b7", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03bf\u03c1\u03c6\u03c5\u03c1\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03b5\u03c5\u03c4\u03b1\u03be\u03b9\u03ac\u03c2", + "\u03c6\u03b1\u03c3\u03bf\u03c5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03c0\u03bf\u03c5\u03bb\u03b9\u03ac\u03c3\u03b7", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03ad\u03c2", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b1\u03bb\u03ae\u03c2", + "\u03c4\u03b1\u03c6\u03c1\u03b1\u03bb\u03ae", + "\u03ba\u03bb\u03b5\u03b9\u03bd\u03ac\u03ba\u03b7", + "\u03c4\u03b6\u03b9\u03c9\u03c1\u03c4\u03b6\u03ae", + "\u03b4\u03b5\u03c1\u03bc\u03b9\u03c4\u03b6\u03ac\u03ba\u03b7\u03c2", + "\u03b3\u03ba\u03af\u03ba\u03b1\u03c2", + "\u03ba\u03b1\u03c1\u03ac\u03bc\u03c0\u03b7", + "\u03b4\u03b9\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c1\u03bf\u03c5\u03c0\u03b1\u03ba\u03ac\u03c2", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b1\u03bb\u03ac\u03c2", + "\u03bc\u03b1\u03bd\u03bf\u03c5\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c4\u03c3\u03b9\u03b3\u03b1\u03c1\u03af\u03b4\u03b1\u03c2", + "\u03c0\u03b1\u03c0\u03bf\u03c5\u03c4\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03c5\u03c1\u03b9\u03ac\u03ba\u03bf\u03c5", + "\u03c0\u03b1\u03c0\u03b1\u03bd\u03b9\u03ba\u03bf\u03bb\u03ac\u03bf\u03c5", + "\u03bb\u03b9\u03cc\u03bb\u03b9\u03bf\u03c2", + "\u03b8\u03b1\u03c3\u03af\u03c4\u03bf\u03c5", + "\u03bc\u03c0\u03b1\u03ba\u03bf\u03c5\u03bb\u03ae", + "\u03c3\u03bf\u03ba\u03bf\u03bb\u03ac\u03ba\u03b7", + "\u03c3\u03ba\u03b1\u03b2\u03ad\u03bd\u03c4\u03b6\u03bf\u03c5", + "\u03c7\u03b1\u03bb\u03ba\u03af\u03b4\u03bf\u03c5", + "\u03b1\u03c1\u03bc\u03ad\u03bd\u03b7\u03c2", + "\u03ba\u03b5\u03bb\u03b1\u03ca\u03b4\u03ce\u03bd\u03b7\u03c2", + "\u03bc\u03bf\u03c3\u03c7\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03b1\u03bd\u03c4\u03ac\u03c1\u03b7\u03c2", + "\u03be\u03b7\u03c1\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03c4\u03c3\u03b1\u03bc\u03c0\u03b1\u03bb\u03ae", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03b1\u03bc\u03c4\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03c7\u03b1\u03bd\u03c4\u03b1\u03bc\u03c0\u03ae", + "\u03c3\u03c6\u03bf\u03cd\u03bd\u03b7\u03c2", + "\u03b4\u03bf\u03c5\u03ba\u03af\u03b4\u03bf\u03c5", + "\u03bc\u03b9\u03c7\u03b1\u03b7\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03c4\u03c3\u03b9\u03ba\u03bd\u03ae", + "\u03bc\u03c0\u03b1\u03bb\u03c4\u03b1\u03c4\u03b6\u03ae", + "\u03c0\u03b1\u03c0\u03b1\u03b3\u03b5\u03c9\u03c1\u03b3\u03af\u03bf\u03c5", + "\u03b6\u03b7\u03bc\u03b1\u03c4\u03af\u03ba\u03b1\u03c2", + "\u03bc\u03c0\u03b9\u03bc\u03c0\u03af\u03c1\u03b7", + "\u03b2\u03b1\u03c7\u03bf\u03c5\u03b8\u03b9\u03b1\u03bd\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bc\u03ac\u03bd\u03b7", + "\u03c4\u03c3\u03b1\u03ba\u03af\u03c1\u03b7", + "\u03c3\u03c4\u03c5\u03bb\u03b9\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03b3\u03ba\u03bf\u03c5\u03c4\u03b6\u03b1\u03bc\u03ac\u03bd\u03b7\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03bf\u03cd\u03bb\u03b7", + "\u03b3\u03ba\u03b9\u03bf\u03bb\u03b4\u03b5\u03bb\u03ae\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03ba\u03ac\u03be\u03b7\u03c2", + "\u03bc\u03b1\u03c1\u03b3\u03b1\u03c1\u03ce\u03bd\u03b7\u03c2", + "\u03bc\u03c0\u03cc\u03c4\u03b7\u03c2", + "\u03c7\u03ad\u03bb\u03b9\u03bf\u03c2", + "\u03c4\u03b5\u03c1\u03b6\u03ae\u03c2", + "\u03c6\u03b5\u03b9\u03b6\u03b1\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03ae", + "\u03ba\u03b1\u03bb\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03c1\u03af\u03b3\u03ba\u03bf\u03c2", + "\u03c4\u03bf\u03c3\u03bf\u03cd\u03bd\u03b7", + "\u03c6\u03b1\u03c1\u03bc\u03ac\u03ba\u03b7", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03b9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03bb\u03b1\u03bb\u03b1\u03bf\u03cd\u03bd\u03b7", + "\u03c0\u03b1\u03c0\u03b1\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03bd\u03bf\u03c5", + "\u03c4\u03b1\u03c7\u03c4\u03c3\u03af\u03b4\u03b7\u03c2", + "\u03c3\u03c0\u03bf\u03c1\u03b4\u03b9\u03bb\u03ae\u03c2", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b3\u03b5\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03c5\u03bc\u03ac\u03c1\u03b1", + "\u03c4\u03b6\u03b1\u03bd\u03b1\u03b2\u03ac\u03c1\u03b1", + "\u03c4\u03c3\u03b9\u03bf\u03bc\u03c0\u03ac\u03bd\u03b7", + "\u03c4\u03c3\u03b1\u03ba\u03b1\u03bb\u03ac\u03ba\u03bf\u03c5", + "\u03b2\u03b1\u03c1\u03b5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03c4\u03ac\u03c1\u03bd\u03b1\u03c1\u03b7\u03c2", + "\u03c0\u03b1\u03bd\u03c4\u03b1\u03b6\u03ae", + "\u03bd\u03b9\u03ba\u03bf\u03c5\u03bb\u03ae\u03c2", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03ac\u03ba\u03b7", + "\u03b2\u03bf\u03c1\u03bb\u03cc\u03ba\u03b1\u03c2", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b5\u03b9\u03ac\u03b4\u03b7", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03b2\u03af\u03b4\u03bf\u03c5", + "\u03b2\u03c1\u03b1\u03b4\u03ae", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03ce\u03c4\u03bf\u03c5", + "\u03ba\u03b5\u03c3\u03b1\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c1\u03cc\u03b3\u03b1\u03c1\u03b7\u03c2", + "\u03b3\u03b5\u03c1\u03bf\u03ba\u03ce\u03c3\u03c4\u03b1", + "\u03ba\u03bf\u03ba\u03ba\u03b9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03bc\u03b1\u03c1\u03ba\u03b1\u03bd\u03c4\u03c9\u03bd\u03ac\u03ba\u03b7", + "\u03b4\u03bf\u03c5\u03bb\u03b3\u03b5\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03b3\u03ba\u03cc\u03c4\u03c3\u03b7\u03c2", + "\u03c3\u03c0\u03b7\u03bb\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03c1\u03b9\u03ac\u03bb\u03b7\u03c2", + "\u03bc\u03b1\u03c3\u03c4\u03c1\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03ba\u03bf\u03bd\u03b4\u03c5\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c7\u03b9\u03c4\u03cc\u03c2", + "\u03b3\u03bf\u03cd\u03c0\u03b1", + "\u03c4\u03b6\u03b9\u03ce\u03c4\u03b6\u03b7\u03c2", + "\u03ba\u03bf\u03cd\u03c4\u03c3\u03b9\u03ba\u03bf\u03c2", + "\u03ba\u03c9\u03c4\u03bf\u03cd\u03bb\u03b1", + "\u03c3\u03c5\u03c1\u03bc\u03bf\u03cd", + "\u03b9\u03bd\u03c4\u03b6\u03ad\u03c2", + "\u03b1\u03c3\u03b7\u03bc\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c3\u03c5\u03c1\u03c1\u03ae\u03c2", + "\u03b3\u03bf\u03cd\u03bb\u03b1", + "\u03ba\u03b5\u03c3\u03b5\u03bc\u03af\u03b4\u03b7\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03c9\u03c1\u03b9\u03ba\u03ac\u03ba\u03bf\u03c2", + "\u03b1\u03bd\u03b5\u03b6\u03ac\u03ba\u03b7", + "\u03bc\u03b1\u03bc\u03bc\u03ae\u03c2", + "\u03b3\u03ba\u03b1\u03bb\u03af\u03bf\u03c5", + "\u03ba\u03b1\u03c4\u03b5\u03b2\u03ac\u03c4\u03b7\u03c2", + "\u03c3\u03b1\u03c1\u03b1\u03bd\u03c4\u03b9\u03bd\u03cc\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03ba\u03c5\u03c1\u03af\u03bf\u03c5", + "\u03c0\u03af\u03c0\u03c0\u03b1\u03c2", + "\u03b6\u03ce\u03bd\u03b9\u03bf\u03c2", + "\u03b6\u03b9\u03ce\u03b3\u03bf\u03c2", + "\u03c4\u03cc\u03bb\u03b7", + "\u03bd\u03b1\u03c3\u03af\u03ba\u03b1\u03c2", + "\u03ba\u03bf\u03c5\u03c1\u03c3\u03bf\u03c5\u03bc\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03af\u03c3\u03c0\u03b1", + "\u03b1\u03bb\u03b5\u03be\u03b1\u03bd\u03b4\u03c1\u03ac\u03ba\u03b7", + "\u03c4\u03c3\u03ad\u03b3\u03b1\u03c2", + "\u03ba\u03b1\u03c1\u03b3\u03ac\u03ba\u03bf\u03c5", + "\u03b2\u03b1\u03b3\u03b5\u03bd\u03ac", + "\u03c6\u03bb\u03b1\u03c3\u03ba\u03ae", + "\u03c0\u03b5\u03c4\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b4\u03c1\u03b1\u03bc\u03bf\u03c5\u03bd\u03c4\u03ac\u03bd\u03b7", + "\u03bc\u03b1\u03c1\u03ac\u03ba\u03b7", + "\u03c1\u03ac\u03bb\u03bb\u03b7\u03c2", + "\u03bc\u03b5\u03be\u03ae", + "\u03c3\u03bc\u03b9\u03c4", + "\u03bc\u03b7\u03c4\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03b7\u03c4\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03bf\u03bd\u03c4\u03bf\u03ba\u03ce\u03c3\u03c4\u03b1\u03c2", + "\u03be\u03b1\u03bd\u03b8\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bb\u03ac\u03bb\u03b1\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b5\u03bb\u03bb\u03ae\u03c2", + "\u03b3\u03b9\u03b1\u03c3\u03b7\u03bc\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03c5\u03c0\u03c1\u03b1\u03af\u03bf\u03c2", + "\u03b1\u03c1\u03c7\u03b1\u03c5\u03bb\u03ae\u03c2", + "\u03b1\u03bd\u03b4\u03c1\u03b5\u03b1\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03b4\u03b5\u03c1\u03bb\u03ce\u03c0\u03b1", + "\u03ba\u03c1\u03b9\u03c4\u03c3\u03ad\u03bb\u03b7\u03c2", + "\u03b6\u03b7\u03c1\u03cc\u03c2", + "\u03b4\u03c1\u03b1\u03ba\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03ce\u03c4\u03c3\u03bf\u03c5", + "\u03ba\u03b1\u03c4\u03c3\u03b1\u03c6\u03ac\u03b4\u03bf\u03c5", + "\u03ba\u03b1\u03bc\u03c0\u03bf\u03cd\u03c1\u03b7", + "\u03ba\u03b1\u03bb\u03b1\u03bc\u03b1\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03ba\u03bf\u03cd\u03bc\u03c0\u03c1\u03bf\u03c5", + "\u03bb\u03b1\u03b3\u03bf\u03c0\u03ac\u03c4\u03b7\u03c2", + "\u03c3\u03c0\u03b1\u03b8\u03ac\u03c1\u03b7", + "\u03c3\u03ac\u03bf\u03c5\u03b5\u03c1", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bd\u03b1\u03bd\u03bf\u03cd\u03c1\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03ba\u03b1\u03c6\u03c6\u03ad", + "\u03b2\u03b9\u03b4\u03b1\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03b1\u03ba\u03c1\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c1\u03ae\u03b3\u03b1\u03c2", + "\u03bc\u03c0\u03bb\u03b9\u03b1\u03c4\u03c3\u03af\u03bf\u03c5", + "\u03bc\u03b7\u03c4\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bd\u03ac\u03c3\u03c3\u03bf\u03c5", + "\u03ba\u03c5\u03c1\u03af\u03c4\u03c3\u03b7\u03c2", + "\u03bd\u03c4\u03cc\u03c4\u03b7\u03c2", + "\u03c0\u03ad\u03c4\u03c1\u03bf\u03c5", + "\u03bc\u03c0\u03b5\u03c1\u03b5\u03b4\u03ae\u03bc\u03b1\u03c2", + "\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03af\u03bf\u03c5", + "\u03ba\u03b1\u03c1\u03b1\u03bc\u03ac\u03bd\u03bf\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03b1\u03c1\u03b1\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03c3\u03ba\u03b1\u03c3\u03af\u03bb\u03b1", + "\u03b4\u03b7\u03bc\u03b7\u03c3\u03ba\u03ae\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03ad\u03bb\u03bf\u03c2", + "\u03c1\u03bf\u03c5\u03c3\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03c0\u03bf\u03c4\u03b1\u03bc\u03b9\u03ac\u03bd\u03bf\u03c5", + "\u03c6\u03c9\u03ba\u03b1\u03b4\u03b5\u03bb\u03ae\u03c2", + "\u03b9\u03c9\u03c3\u03b7\u03c6\u03af\u03b4\u03bf\u03c5", + "\u03b1\u03c1\u03bc\u03b1\u03c4\u03ac", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b1\u03c0\u03c0\u03ac\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03c4\u03c1\u03ad\u03c7\u03b1\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03b6\u03bf\u03c5\u03ba\u03ae\u03c2", + "\u03c0\u03b1\u03c1\u03bf\u03cd\u03c3\u03b7\u03c2", + "\u03bd\u03c4\u03cc\u03b2\u03b1", + "\u03bc\u03b7\u03bd\u03ac", + "\u03bd\u03ad\u03bb\u03bf\u03c2", + "\u03c4\u03c3\u03b9\u03bf\u03cd\u03c0\u03c1\u03b1", + "\u03c4\u03c3\u03b9\u03b1\u03bd\u03c4\u03ac\u03c2", + "\u03bc\u03c0\u03cd\u03c1\u03bf\u03c5", + "\u03c6\u03c5\u03b4\u03ac\u03bd\u03b7\u03c2", + "\u03bc\u03c0\u03c1\u03b1\u03b6\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c0\u03b1\u03c5\u03bb\u03ae", + "\u03ba\u03bf\u03c5\u03c4\u03b1\u03bb\u03b9\u03cc\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03b1\u03bc\u03ac\u03bd\u03b7\u03c2", + "\u03be\u03b5\u03bd\u03af\u03b4\u03b7", + "\u03ba\u03bf\u03c6\u03b9\u03bd\u03ac\u03ba\u03b7", + "\u03bc\u03c0\u03b5\u03c3\u03cd\u03c1\u03b7", + "\u03c0\u03ad\u03c4\u03c3\u03b7", + "\u03c4\u03b6\u03b1\u03b2\u03ad\u03bb\u03bb\u03b1\u03c2", + "\u03bc\u03c5\u03bb\u03c9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03c4\u03c3\u03bf\u03c5\u03c1\u03ac\u03ba\u03b7", + "\u03c4\u03c3\u03b1\u03ba\u03bc\u03ac\u03ba\u03b7\u03c2", + "\u03b6\u03b7\u03b4\u03b9\u03b1\u03bd\u03ac\u03ba\u03b7\u03c2", + "\u03b1\u03b2\u03c1\u03b1\u03bc\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03c3\u03c4\u03b1\u03cd\u03c1\u03bf\u03c5", + "\u03c0\u03b1\u03c0\u03b1\u03b4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03b3\u03b5\u03c9\u03c1\u03b3\u03af\u03bf\u03c5", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03af\u03bf\u03c5", + "\u03bc\u03b1\u03ba\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c6\u03c9\u03c4\u03bf\u03b3\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03b9\u03c4\u03c3\u03bf\u03bb\u03ae\u03c2", + "\u03b2\u03b1\u03ba\u03bf\u03c5\u03c6\u03c4\u03c3\u03ae", + "\u03c1\u03b1\u03c7\u03bc\u03b1\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03b1\u03bd\u03c4\u03b6\u03bf\u03c5\u03c1\u03ac\u03bd\u03b7\u03c2", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03ac\u03c4\u03bf\u03c5", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03b1\u0390\u03b4\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03b9\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b4\u03bf\u03c5\u03bb\u03ac\u03bc\u03b7\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03c9\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b3\u03b9\u03b1\u03c4\u03c1\u03bf\u03bc\u03b1\u03bd\u03c9\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03b1\u03c4\u03b5\u03bb\u03bb\u03ae", + "\u03ba\u03b1\u03c1\u03b2\u03ad\u03bb\u03b7", + "\u03c4\u03c1\u03b1\u03c7\u03af\u03bb\u03b7\u03c2", + "\u03bc\u03b7\u03c4\u03c1\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03b1\u03ba\u03c1\u03ae\u03c2", + "\u03b3\u03b1\u03bb\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bc\u03b1\u03bd\u03b9\u03ac\u03c4\u03b7", + "\u03c0\u03b1\u03c0\u03b1\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03c3\u03b1\u03bc\u03b1\u03ba\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03af\u03bf\u03c5", + "\u03b1\u03b3\u03b1\u03bb\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03ba\u03bf\u03c5\u03b2\u03af\u03bd\u03bf\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03b5\u03bd\u03c4\u03ac\u03ba\u03b7\u03c2", + "\u03b4\u03bf\u03c5\u03c1\u03ac\u03bd\u03b7\u03c2", + "\u03c3\u03b9\u03b4\u03b7\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bd\u03c4\u03b1\u03bd\u03ce\u03bb\u03b1", + "\u03ba\u03b1\u03bc\u03c0\u03b5\u03c1\u03af\u03b4\u03b7\u03c2", + "\u03c6\u03bf\u03cd\u03c3\u03ba\u03b1\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03b9\u03bc\u03ac\u03bb\u03b7", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c3\u03b9\u03ce\u03bc\u03bf\u03c2", + "\u03bc\u03c5\u03c4\u03ac\u03c1\u03b7", + "\u03ba\u03bf\u03ba\u03bf\u03c1\u03b4\u03ad\u03bb\u03b7\u03c2", + "\u03bb\u03b1\u03bf\u03c5\u03c1\u03b4\u03ad\u03ba\u03b7\u03c2", + "\u03b3\u03ba\u03b9\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b2\u03b1\u03c1\u03bf\u03c5\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03b5\u03bc\u03bc\u03b1\u03bd\u03bf\u03c5\u03b7\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03c5\u03c1\u03ba\u03bf\u03cd\u03b4\u03b7", + "\u03bc\u03c0\u03bf\u03c4\u03b6\u03b9\u03ce\u03c1\u03b7", + "\u03c4\u03c3\u03b9\u03ac\u03ba\u03bf\u03c2", + "\u03c4\u03c3\u03ad\u03c4\u03bf\u03c5", + "\u03bc\u03c0\u03b1\u03ba\u03bb\u03ac\u03b2\u03b1\u03c2", + "\u03c0\u03bb\u03b1\u03c4\u03ac\u03ba\u03b7", + "\u03c8\u03c5\u03c1\u03c1\u03ae", + "\u03c7\u03b1\u03c1\u03b1\u03bb\u03ac\u03bc\u03c0\u03bf\u03c5\u03c2", + "\u03ba\u03b1\u03ba\u03bf\u03c4\u03c1\u03af\u03c7\u03b7", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03af\u03bf\u03c5", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03cd\u03c4\u03c3\u03bf\u03c2", + "\u03ba\u03b5\u03c4\u03b5\u03c3\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03b1\u03c1\u03b1\u03bc\u03c3\u03b1\u03bb\u03ae\u03c2", + "\u03b3\u03b5\u03c1\u03ac\u03c1\u03b4\u03b7\u03c2", + "\u03c4\u03ac\u03c3\u03c3\u03b7", + "\u03bc\u03b1\u03bd\u03bf\u03c5\u03c3\u03ad\u03bb\u03b7\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b4\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03ac\u03ba\u03b7", + "\u03bf\u03c1\u03c6\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03bc\u03b7\u03bb\u03b9\u03ce\u03c1\u03b7\u03c2", + "\u03bd\u03b9\u03c4\u03c3\u03bf\u03c4\u03cc\u03bb\u03b7\u03c2", + "\u03c3\u03c5\u03bb\u03bb\u03af\u03b3\u03b1\u03c1\u03b4\u03bf\u03c2", + "\u03c7\u03bf\u03c5\u03bb\u03b9\u03ac\u03c1\u03b1\u03c2", + "\u03c0\u03b9\u03c3\u03ba\u03bf\u03c0\u03ac\u03bd\u03b7", + "\u03b3\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03c0\u03b1\u03bd\u03bf\u03cd\u03c3\u03b7\u03c2", + "\u03c3\u03b1\u03bf\u03c5\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03bf\u03c4\u03c3\u03b9\u03bd\u03ac", + "\u03c7\u03c1\u03c5\u03c3\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03b1\u03bd\u03c4\u03af\u03c3\u03ba\u03b1", + "\u03c7\u03b1\u03c7\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03c0\u03ad\u03c0\u03c0\u03b1\u03c2", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u03ba\u03bf\u03bd\u03b9\u03b4\u03ac\u03c1\u03b7\u03c2", + "\u03b2\u03b5\u03c1\u03b2\u03b5\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03c4\u03c3\u03b5\u03c4\u03c3\u03ad\u03c1\u03b7", + "\u03ba\u03bf\u03c5\u03c4\u03c7\u03b9\u03ac\u03c2", + "\u03b9\u03b1\u03c4\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b1\u03b3\u03ba\u03c5\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b8\u03b5\u03bf\u03c7\u03ac\u03c1\u03b7\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u03c7\u03c1\u03c5\u03c3\u03b1\u03bd\u03b8\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b4\u03b9\u03b1\u03bc\u03b1\u03bd\u03c4\u03ae\u03c2", + "\u03bc\u03c0\u03bf\u03b6\u03af\u03ba\u03b7", + "\u03c0\u03b9\u03c0\u03b5\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03c0\u03c1\u03b1\u03ad\u03c3\u03b1", + "\u03c3\u03ba\u03bf\u03c1\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03af\u03c3\u03c3\u03b9\u03bf\u03c2", + "\u03c4\u03ac\u03c7\u03b1\u03c2", + "\u03c0\u03b1\u03bd\u03b4\u03ae\u03c2", + "\u03ba\u03bf\u03c1\u03bf\u03bc\u03c0\u03cc\u03ba\u03b7", + "\u03c4\u03bf\u03c0\u03b1\u03bb\u03ae", + "\u03bc\u03c0\u03b1\u03bd\u03c4\u03ae\u03c2", + "\u03ba\u03bf\u03c5\u03c6\u03ac\u03ba\u03b7", + "\u03ba\u03bf\u03bb\u03c4\u03c3\u03ac\u03ba\u03b7", + "\u03b4\u03bf\u03c5\u03ba\u03b1\u03c4\u03b6\u03ae\u03c2", + "\u03bd\u03b1\u03c3\u03b9\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03c5\u03c1\u03ad\u03bb\u03b7\u03c2", + "\u03ba\u03bf\u03c1\u03b4\u03b1\u03c4\u03b6\u03ae\u03c2", + "\u03ba\u03b5\u03bb\u03bb\u03ac\u03c1\u03b7\u03c2", + "\u03c7\u03b1\u03b2\u03c1\u03b5\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03b2\u03b1\u03bb\u03b1\u03b2\u03ac\u03bd\u03b7\u03c2", + "\u03bb\u03c5\u03c1\u03ae", + "\u03c1\u03ac\u03c0\u03c4\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03bd\u03ac\u03bd\u03bf\u03c5", + "\u03c7\u03bf\u03c1\u03cc\u03b6\u03b7", + "\u03c4\u03c3\u03bf\u03cd\u03bc\u03bf\u03c2", + "\u03c7\u03c1\u03ae\u03c3\u03c4\u03bf\u03c5", + "\u03c0\u03b9\u03c3\u03c7\u03b9\u03bd\u03ac\u03c2", + "\u03c3\u03b1\u03ba\u03ba\u03ae", + "\u03ba\u03c9\u03c4\u03c3\u03b9\u03ba\u03cc\u03c1\u03b7\u03c2", + "\u03ba\u03c9\u03c3\u03c4\u03b1\u03bb\u03ae\u03c2", + "\u03c4\u03b6\u03b5\u03b2\u03b5\u03bb\u03ad\u03ba\u03bf\u03c2", + "\u03c4\u03c3\u03ad\u03bb\u03b9\u03bf\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b5\u03c5\u03b1\u03b3\u03b3\u03ad\u03bb\u03bf\u03c5", + "\u03c3\u03c9\u03c4\u03b7\u03c1\u03ac\u03bb\u03b7\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03ae", + "\u03ba\u03b9\u03bf\u03c5\u03c0\u03bb\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03b1\u03c1\u03ac", + "\u03c4\u03c3\u03b1\u03c4\u03c3\u03ac\u03bd\u03b7\u03c2", + "\u03b1\u03c3\u03b1\u03c1\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03bf\u03c5\u03bb\u03b7\u03bc\u03ad\u03bd\u03bf\u03c2", + "\u03c1\u03cc\u03ba\u03b1\u03c2", + "\u03c0\u03bf\u03bb\u03ad\u03bc\u03b7", + "\u03c4\u03c3\u03b1\u03b3\u03bb\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03bf\u03cd\u03ba\u03bf\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03c3\u03c4\u03b5\u03c1\u03b3\u03af\u03bf\u03c5", + "\u03c1\u03cc\u03b3\u03b3\u03b1", + "\u03ba\u03b1\u03c4\u03c3\u03b1\u03bd\u03c4\u03ce\u03bd\u03b7", + "\u03b4\u03c1\u03b1\u03ba\u03ac\u03ba\u03b7", + "\u03c7\u03b1\u03c1\u03c0\u03b1\u03bd\u03c4\u03af\u03b4\u03b7\u03c2", + "\u03b2\u03b1\u03bc\u03b2\u03b1\u03ba\u03ac\u03c2", + "\u03bc\u03c0\u03bf\u03c4\u03ce\u03bd\u03b7\u03c2", + "\u03b2\u03bb\u03b7\u03c3\u03b1\u03c1\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03c0\u03bb\u03b9\u03ac\u03c4\u03c3\u03b9\u03ba\u03b1\u03c2", + "\u03bc\u03ac\u03bd\u03bf\u03c2", + "\u03c0\u03b9\u03ac\u03b3\u03ba\u03bf\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03b1\u03c1\u03cc\u03c2", + "\u03b1\u03c4\u03c3\u03b1\u03bb\u03ac\u03ba\u03b7", + "\u03c7\u03b1\u03c1\u03bc\u03c0\u03af\u03bb\u03b1\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03bc\u03bc\u03ac\u03c4\u03b7\u03c2", + "\u03ba\u03b1\u03b6\u03b1\u03bd\u03c4\u03b6\u03ae", + "\u03bc\u03b1\u03c3\u03c4\u03c1\u03bf\u03b3\u03b9\u03b1\u03bd\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03c4\u03b6\u03b1\u03bb\u03bb\u03b1\u03c2", + "\u03c0\u03ac\u03b3\u03ba\u03b1\u03bb\u03bf\u03c2", + "\u03c6\u03b9\u03bb\u03b9\u03c0\u03c0\u03ac\u03c4\u03bf\u03c2", + "\u03c4\u03b5\u03c1\u03b6\u03af\u03b4\u03b7\u03c2", + "\u03c1\u03af\u03b6\u03bf\u03c2", + "\u03ba\u03b1\u03bb\u03bf\u03cd\u03b4\u03b7", + "\u03c6\u03b9\u03bb\u03b9\u03c0\u03c0\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03b5\u03af\u03b4\u03b7", + "\u03bc\u03c0\u03b1\u03c1\u03ba\u03bf\u03cd\u03c4\u03b1", + "\u03c0\u03b1\u03bd\u03c4\u03b1\u03b6\u03ae\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03b1\u03ba\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u03b3\u03bf\u03cd\u03c3\u03b9\u03bf\u03c2", + "\u03b3\u03ba\u03bf\u03cd\u03c3\u03ba\u03bf\u03c2", + "\u03b3\u03ba\u03b1\u03c4\u03b6\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03c6\u03c5\u03c4\u03b9\u03bb\u03ae", + "\u03ba\u03b1\u03c3\u03bc\u03b9\u03c1\u03bb\u03ae", + "\u03ba\u03bf\u03c5\u03bb\u03bf\u03c5\u03c1\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03b6\u03c5\u03b3\u03bf\u03cd\u03c1\u03b7\u03c2", + "\u03ba\u03b1\u03bb\u03b9\u03ac\u03bc\u03c0\u03bf\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03b9\u03bc\u03ac\u03bd\u03b7", + "\u03ba\u03b1\u03c1\u03b1\u03bd\u03af\u03ba\u03b1\u03c2", + "\u03b4\u03c1\u03cc\u03c3\u03bf\u03c5", + "\u03b1\u03bb\u03b5\u03be\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c4\u03c3\u03b1\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03c4\u03b1\u03bc\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c3\u03c4\u03b5\u03c1\u03b3\u03b9\u03b1\u03bb\u03ae\u03c2", + "\u03b2\u03b1\u03ca\u03c4\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b6\u03c5\u03b3\u03bf\u03cd\u03c1\u03b7", + "\u03c7\u03c1\u03c5\u03c3\u03bf\u03c5\u03bb\u03ae\u03c2", + "\u03ba\u03b1\u03bb\u03bb\u03b9\u03ac\u03bd\u03c4\u03b1\u03c3\u03b7", + "\u03be\u03b7\u03c1\u03cc\u03c2", + "\u03b2\u03b1\u03b6\u03bf\u03cd\u03c1\u03b1", + "\u03ba\u03b1\u03c0\u03b1\u03bd\u03c4\u03b1\u03ca\u03b4\u03ac\u03ba\u03b7", + "\u03b4\u03b9\u03b1\u03bc\u03b1\u03bd\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b1\u03bd\u03b4\u03c1\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c6\u03b5\u03c1\u03b5\u03bd\u03c4\u03af\u03bd\u03bf\u03c2", + "\u03bb\u03b9\u03cc\u03bd\u03c4\u03b7", + "\u03c0\u03bf\u03c5\u03bb\u03b9\u03ad\u03b6\u03bf\u03c2", + "\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03ac\u03c4\u03bf\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bf\u03b3\u03bb\u03ac\u03bd\u03b7", + "\u03ba\u03c9\u03c3\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b2\u03bf\u03c3\u03b9\u03bd\u03ac\u03ba\u03b7", + "\u03c4\u03b6\u03b9\u03cc\u03c1\u03c4\u03b6\u03b9\u03bf\u03c2", + "\u03c4\u03c5\u03bc\u03b2\u03af\u03bf\u03c5", + "\u03bc\u03c0\u03bf\u03cd\u03c3\u03b9\u03bf\u03c2", + "\u03b1\u03c1\u03b1\u03c0\u03ac\u03ba\u03b7", + "\u03c7\u03b1\u03c1\u03b1\u03bb\u03b1\u03bc\u03c0\u03af\u03b4\u03b7\u03c2", + "\u03c1\u03b1\u03c6\u03b9\u03cc\u03c2", + "\u03b3\u03b5\u03bd\u03b5\u03c4\u03b6\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03b9\u03bf\u03cd\u03c3\u03b7\u03c2", + "\u03be\u03b5\u03bd\u03ac\u03ba\u03b7", + "\u03ba\u03b1\u03c1\u03ac\u03bc\u03c0\u03b1\u03c2", + "\u03b2\u03c1\u03b1\u03ba\u03ac", + "\u03bb\u03b9\u03b2\u03b1\u03bd\u03cc\u03c2", + "\u03b2\u03bf\u03bb\u03b9\u03ba\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03c4\u03b1\u03b8\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b1\u03bd\u03c4\u03b6\u03ad\u03ba\u03bf\u03c2", + "\u03bc\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bc\u03b1\u03c3\u03c4\u03c1\u03b1\u03b3\u03b3\u03b5\u03bb\u03ae", + "\u03ba\u03b1\u03c3\u03bf\u03cd\u03c4\u03c3\u03b1\u03c2", + "\u03c0\u03bf\u03bb\u03af\u03c4\u03bf\u03c5", + "\u03c3\u03c4\u03b1\u03bc\u03b1\u03c4\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03c4\u03c3\u03af\u03bc\u03b7", + "\u03bc\u03c0\u03b1\u03bb\u03b1\u03bc\u03c0\u03ac\u03bd\u03b7", + "\u03bc\u03b9\u03c3\u03af\u03b4\u03bf\u03c5", + "\u03be\u03b7\u03c1\u03bf\u03c4\u03cd\u03c1\u03b7", + "\u03c3\u03af\u03b4\u03b5\u03c1\u03b7\u03c2", + "\u03c4\u03b6\u03ad\u03ba\u03bf\u03c2", + "\u03c0\u03b5\u03bc\u03bf\u03cd\u03c3\u03b7", + "\u03b2\u03bf\u03cd\u03ba\u03b1\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b4\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b2\u03b1\u03b2\u03ac\u03c3\u03b7", + "\u03bc\u03c0\u03b1\u03c6\u03ad\u03c1\u03b1", + "\u03c0\u03bf\u03c1\u03af\u03c7\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03b4\u03ae\u03bc\u03bf\u03c2", + "\u03c3\u03c0\u03c5\u03c1\u03b9\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03c7\u03b1\u03bb\u03b2\u03b1\u03c4\u03b6\u03ae", + "\u03c0\u03b1\u03bb\u03b7\u03cc\u03c2", + "\u03c3\u03cc\u03c6\u03c1\u03b1", + "\u03b1\u03bd\u03b4\u03c1\u03b9\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03c0\u03b1\u03ba\u03bf\u03c3\u03c4\u03b5\u03c1\u03b3\u03af\u03bf\u03c5", + "\u03c0\u03b5\u03c5\u03ba\u03b9\u03b1\u03bd\u03ac\u03ba\u03b7\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03b1\u03ba\u03ad\u03b1\u03c2", + "\u03c4\u03bf\u03b4\u03ce\u03c1\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03c4\u03b6\u03ae\u03ba\u03b1", + "\u03c0\u03b1\u03bb\u03b1\u03b9\u03bf\u03bb\u03bf\u03b3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03b1\u03c0\u03b5\u03c4\u03ac\u03bd\u03b9\u03bf\u03c2", + "\u03b8\u03b7\u03b2\u03b1\u03af\u03bf\u03c2", + "\u03ba\u03cc\u03bb\u03ba\u03b1\u03c2", + "\u03c7\u03b1\u03c1\u03c4\u03b5\u03c1\u03cc\u03c2", + "\u03c4\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u03b2\u03c5\u03b6\u03b9\u03b7\u03bd\u03bf\u03cd", + "\u03c4\u03c3\u03b1\u03bc\u03b1\u03b4\u03cc\u03c2", + "\u03c1\u03bf\u03cd\u03c3\u03c3\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03b9\u03bf\u03c5\u03bc\u03ac\u03c1\u03b7", + "\u03b1\u03b4\u03b1\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03b1\u03bb\u03b1\u03c1\u03b3\u03c5\u03c1\u03cc\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b8\u03b5\u03bf\u03b4\u03bf\u03c3\u03af\u03bf\u03c5", + "\u03c3\u03c9\u03c4\u03b7\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03bb\u03bf\u03c7\u03ad\u03c1\u03b7", + "\u03b3\u03c1\u03af\u03b2\u03b1", + "\u03c4\u03c3\u03b9\u03c1\u03ce\u03bd\u03b7\u03c2", + "\u03bc\u03b1\u03ba\u03c1\u03c5\u03ba\u03ce\u03c3\u03c4\u03b1\u03c2", + "\u03ba\u03b1\u03bb\u03ad\u03bc\u03b7", + "\u03c0\u03b1\u03c0\u03b1\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03c0\u03b9\u03c4\u03b5\u03c1\u03cc\u03c2", + "\u03ba\u03bf\u03c5\u03bc\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c3\u03ba\u03c1\u03af\u03bc\u03c0\u03b1\u03c2", + "\u03c4\u03b6\u03b9\u03ac\u03c1\u03b1\u03c2", + "\u03b4\u03b5\u03c3\u03cd\u03bb\u03bb\u03b1\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u0390\u03c3\u03ba\u03bf\u03c2", + "\u03ba\u03b1\u03bc\u03c0\u03ac\u03ba\u03b1\u03c2", + "\u03bd\u03ac\u03bd\u03c4\u03c3\u03bf\u03c5", + "\u03ba\u03bf\u03c4\u03c3\u03b1\u03c1\u03ae\u03c2", + "\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c7\u03b1\u03c3\u03ac\u03c0\u03b7", + "\u03b4\u03c1\u03af\u03b2\u03b1", + "\u03c1\u03b9\u03b6\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03b3\u03bf\u03bd\u03ac\u03c4\u03bf\u03c2", + "\u03b1\u03bc\u03c0\u03bb\u03b9\u03ac\u03bd\u03b9\u03c4\u03b7\u03c2", + "\u03c3\u03c0\u03b1\u03b8\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03ac\u03c1\u03b1\u03c2", + "\u03c3\u03bc\u03c5\u03c1\u03bd\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03b4\u03b1\u03c1\u03c3\u03b1\u03ba\u03bb\u03ae", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03b1\u03c4\u03b9\u03c1\u03c4\u03b6\u03ae\u03c2", + "\u03bc\u03b1\u03bd\u03ad\u03c4\u03b1", + "\u03bb\u03b5\u03c0\u03af\u03b4\u03b1", + "\u03c0\u03ad\u03c4\u03c3\u03b1\u03c2", + "\u03b3\u03b9\u03b1\u03ba\u03b1\u03bc\u03cc\u03b6\u03b7", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03b6\u03ae\u03c2", + "\u03c3\u03b1\u03ba\u03b5\u03bb\u03bb\u03b1\u03c1\u03af\u03bf\u03c5", + "\u03c6\u03bf\u03c5\u03bd\u03c4\u03b6\u03bf\u03cd\u03bb\u03b1\u03c2", + "\u03b8\u03c9\u03bc\u03ac\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03ad\u03bb\u03bf\u03c5", + "\u03c3\u03ac\u03c4\u03bb\u03b1\u03c2", + "\u03ba\u03c9\u03c4\u03c3\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03bf\u03cd\u03bd\u03c4\u03b6\u03bf\u03c2", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03ae\u03c2", + "\u03c4\u03c3\u03b5\u03bd\u03c4\u03bf\u03cd\u03c1\u03bf\u03c2", + "\u03c0\u03b5\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03c3\u03bf\u03c5\u03ba\u03b9\u03ac", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03c9\u03c4\u03bf\u03cd\u03bb\u03b1\u03c2", + "\u03c3\u03b1\u03bc\u03c0\u03ac\u03bd\u03b7", + "\u03c0\u03bf\u03c5\u03bb\u03bf\u03b3\u03b9\u03b1\u03bd\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bb\u03b5\u03bb\u03b5\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03ba\u03bf\u03c5\u03b8\u03ac\u03ba\u03b7", + "\u03c3\u03c4\u03bf\u03c6\u03bf\u03c1\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03ac\u03ba\u03b7\u03c2", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03b9\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u03b5\u03bb\u03b5\u03c5\u03b8\u03b5\u03c1\u03af\u03bf\u03c5", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03b2\u03bb\u03b1\u03c3\u03af\u03bf\u03c5", + "\u03bc\u03b1\u03c3\u03c4\u03c1\u03bf\u03b3\u03b9\u03ce\u03c1\u03b3\u03b7\u03c2", + "\u03c6\u03b9\u03b4\u03ac\u03bd\u03b7", + "\u03ba\u03b5\u03c6\u03b1\u03bb\u03ae", + "\u03c4\u03c3\u03ce\u03bd\u03b7", + "\u03c4\u03c3\u03b1\u03c0\u03c1\u03b1\u03bb\u03ae\u03c2", + "\u03b2\u03b1\u03bb\u03c4\u03ac\u03c2", + "\u03ba\u03b1\u03bd\u03b5\u03bb\u03ae", + "\u03ba\u03bf\u03c5\u03ba\u03bb\u03b1\u03c4\u03b6\u03ae\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03c3\u03c4\u03b1\u03c5\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03ac\u03bd\u03b4\u03c1\u03bf\u03c2", + "\u03bc\u03af\u03c3\u03c7\u03bf\u03c2", + "\u03b4\u03cc\u03c3\u03b7\u03c2", + "\u03c3\u03b4\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u03b1\u03b3\u03c1\u03b1\u03c6\u03b9\u03ce\u03c4\u03b7", + "\u03ba\u03b1\u03bb\u03b1\u03bc\u03ac\u03c1\u03b1", + "\u03bc\u03c0\u03b1\u03bb\u03bb\u03ae", + "\u03ba\u03b1\u03c1\u03bf\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03bf\u03bd\u03c4\u03bf\u03cd", + "\u03b4\u03bf\u03c5\u03bc\u03ac\u03c2", + "\u03bc\u03c5\u03c4\u03b5\u03bb\u03ad\u03c4\u03c3\u03b7\u03c2", + "\u03b3\u03b9\u03b1\u03c0\u03b1\u03c4\u03b6\u03ae\u03c2", + "\u03b1\u03bb\u03b1\u03c4\u03b6\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03ba\u03bf\u03c5\u03bb\u03b9\u03ac\u03bd\u03c4\u03b1\u03c2", + "\u03c3\u03b9\u03bc\u03b9\u03c4\u03b6\u03ae", + "\u03b6\u03b1\u03c1\u03b6\u03ac\u03bd\u03b7", + "\u03ba\u03bf\u03c5\u03c4\u03ba\u03b9\u03ac", + "\u03c4\u03b1\u03be\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03b9\u03bf\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03bc\u03bf\u03c3\u03c7\u03bf\u03b2\u03ac\u03ba\u03b7", + "\u03bc\u03c0\u03b1\u03bb\u03c4\u03b1\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c1\u03b1\u03c5\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c4\u03b1\u03ba\u03b1\u03bd\u03c4\u03b6\u03ac\u03c2", + "\u03c0\u03b1\u03bb\u03b1\u03bc\u03c0\u03bf\u03c5\u03b3\u03b9\u03bf\u03cd\u03ba\u03b7", + "\u03c3\u03b1\u03bb\u03c4\u03b1\u03bf\u03cd\u03c1\u03b1\u03c2", + "\u03ba\u03b1\u03c0\u03b1\u03c4\u03c3\u03ce\u03c1\u03b7\u03c2", + "\u03b3\u03b1\u03b2\u03c1\u03b9\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03c0\u03bf\u03c4\u03c3\u03ce\u03bb\u03b7\u03c2", + "\u03c4\u03c3\u03b9\u03c0\u03bb\u03af\u03ba\u03c9\u03c6", + "\u03c0\u03b1\u03c4\u03c3\u03bf\u03c5\u03c1\u03ad\u03b1", + "\u03bc\u03af\u03c7\u03bf\u03c5", + "\u03b9\u03b1\u03ba\u03c9\u03b2\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03c4\u03ac\u03c2", + "\u03c3\u03c0\u03b1\u03bd\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b1\u03bd\u03b9\u03c4\u03ac\u03c1\u03bf\u03c5", + "\u03ba\u03b1\u03c4\u03c3\u03b9\u03bb\u03bb\u03ae", + "\u03c4\u03b6\u03b9\u03cc\u03b2\u03b1", + "\u03b1\u03b4\u03b1\u03bc\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c1\u03b1\u03b4\u03b9\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c0\u03b1\u03c0\u03bf\u03c5\u03b4\u03ae\u03c2", + "\u03ba\u03c1\u03b1\u03b2\u03b2\u03b1\u03c1\u03af\u03c4\u03b7\u03c2", + "\u03c3\u03b1\u03c1\u03af\u03ba\u03b1\u03c2", + "\u03c3\u03b7\u03ba\u03c9\u03c4\u03af\u03b4\u03bf\u03c5", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b1\u03bd\u03c9\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b9\u03c7\u03b1\u03b7\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03b1\u03c1\u03b3\u03b1\u03c1\u03b9\u03c4\u03ac\u03ba\u03b7", + "\u03bb\u03c5\u03bc\u03c0\u03ad\u03c1\u03b7\u03c2", + "\u03b6\u03b5\u03b3\u03bb\u03af\u03bd\u03b1", + "\u03c4\u03b6\u03b9\u03bd\u03b9\u03ad\u03c1\u03b7\u03c2", + "\u03b6\u03b5\u03bd\u03b5\u03bc\u03c0\u03af\u03c3\u03b7\u03c2", + "\u03c3\u03b3\u03bf\u03c5\u03c1\u03ad\u03bd\u03b1", + "\u03bb\u03b9\u03b1\u03bd\u03ac\u03ba\u03b7\u03c2", + "\u03c1\u03ad\u03c0\u03c0\u03b1", + "\u03c0\u03b1\u03c0\u03b1\u03ba\u03ce\u03c3\u03c4\u03b1", + "\u03b4\u03c1\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b9\u03c4\u03c3\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03c3\u03b5\u03bc\u03c0\u03b5\u03c1\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c1\u03ad\u03b3\u03ba\u03b1\u03c2", + "\u03b1\u03c5\u03b3\u03bf\u03c5\u03c3\u03c4\u03ae\u03c2", + "\u03c4\u03c3\u03b9\u03b1\u03c4\u03ae\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03c6\u03ce\u03c4\u03b7", + "\u03c0\u03b5\u03c1\u03b9\u03c3\u03c4\u03b5\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c4\u03c3\u03ce\u03c4\u03c3\u03b7\u03c2", + "\u03bc\u03b5\u03bd\u03b3\u03ba", + "\u03c0\u03b9\u03c0\u03b5\u03c1\u03af\u03b4\u03b7", + "\u03ba\u03b9\u03bf\u03c3\u03ad\u03c2", + "\u03c0\u03b5\u03c4\u03c1\u03af\u03b4\u03b7\u03c2", + "\u03c1\u03ad\u03c0\u03c0\u03bf\u03c2", + "\u03c4\u03c3\u03b9\u03b1\u03bc\u03bf\u03cd\u03c1\u03b1\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03b9\u03ba\u03bf\u03cd\u03c1\u03b7", + "\u03c0\u03b1\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u03c4\u03b5\u03bc\u03bf\u03c5\u03c1\u03c4\u03b6\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03bf\u03cd\u03c1\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03bc\u03c0\u03cc\u03c4\u03b6\u03b1", + "\u03bb\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u03b1\u03c3\u03bb\u03b1\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03b4\u03bf\u03c5\u03bb\u03b3\u03b5\u03c1\u03ac\u03ba\u03b7", + "\u03c4\u03c3\u03cc\u03c4\u03c1\u03b1\u03c2", + "\u03b1\u03be\u03b1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bb\u03b9\u03ac\u03bd\u03bf\u03c5", + "\u03bc\u03b5\u03ca\u03bc\u03ac\u03c1\u03b7\u03c2", + "\u03b1\u03c3\u03b7\u03bc\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03c0\u03bf\u03cd\u03b6\u03b1", + "\u03bc\u03c9\u03c1\u03b1\u0390\u03c4\u03b7\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c3\u03c4\u03b5\u03c6\u03ac\u03bd\u03bf\u03c5", + "\u03bc\u03b1\u03c5\u03c1\u03b1\u03b5\u03b9\u03b4\u03ae", + "\u03bc\u03b1\u03c1\u03b1\u03b3\u03ba\u03cc\u03c2", + "\u03c4\u03c3\u03b1\u03bd\u03b4\u03ae\u03bb\u03b1\u03c2", + "\u03c3\u03bf\u03bb\u03b1\u03ba\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03ac\u03ba\u03b7", + "\u03bc\u03c0\u03b1\u03b3\u03b1\u03bd\u03ac\u03c2", + "\u03ba\u03c5\u03bc\u03c0\u03ac\u03c1\u03b7\u03c2", + "\u03b2\u03bb\u03ac\u03c7\u03bf\u03c2", + "\u03b3\u03b9\u03b1\u03c4\u03c1\u03ac\u03ba\u03bf\u03c5", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b1\u03c1\u03ac", + "\u03ba\u03b1\u03c1\u03ba\u03b1\u03bb\u03ad\u03c4\u03c3\u03b7", + "\u03c0\u03b1\u03bd\u03c4\u03b6\u03b1\u03c1\u03c4\u03b6\u03af\u03b4\u03b7\u03c2", + "\u03b2\u03b1\u03b2\u03bf\u03c5\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03c0\u03b5\u03bb\u03ad\u03ba\u03bf\u03c5", + "\u03ba\u03b1\u03c6\u03af\u03c1\u03b7\u03c2", + "\u03bc\u03b1\u03bd\u03c4\u03ac\u03c2", + "\u03c4\u03c3\u03ac\u03c1\u03ba\u03bf\u03c2", + "\u03c7\u03c1\u03bf\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c4\u03c3\u03b1\u03bd\u03ac\u03ba\u03b1", + "\u03b2\u03ce\u03c3\u03c3\u03bf\u03c2", + "\u03c3\u03c4\u03c1\u03b1\u03b2\u03bf\u03c3\u03bd\u03af\u03c7\u03b7\u03c2", + "\u03c3\u03bc\u03c0\u03bf\u03bd\u03b9\u03ac\u03c2", + "\u03bb\u03b9\u03b8\u03bf\u03be\u03bf\u0390\u03b4\u03b7\u03c2", + "\u03bc\u03c0\u03bf\u03cd\u03ba\u03bf\u03c2", + "\u03ba\u03b1\u03c6\u03b1\u03bd\u03c4\u03ac\u03c1\u03b7", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03bc\u03b1\u03bd\u03c9\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b7\u03bb\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03c3\u03ac\u03b2\u03b2\u03b1\u03c2", + "\u03b3\u03ba\u03b1\u03b3\u03ba\u03b1\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03c7\u03b1\u03bb\u03b1\u03bd\u03c4\u03b6\u03bf\u03cd\u03ba\u03b1", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03c0\u03af\u03bb\u03bb\u03b1\u03c2", + "\u03b8\u03b5\u03bf\u03b4\u03c9\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b5\u03c1\u03bf\u03c5\u03bb\u03ac\u03ba\u03b7", + "\u03c6\u03b1\u03c3\u03b1\u03c4\u03ac\u03ba\u03b7", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03af\u03c4\u03c3\u03b7", + "\u03c6\u03b9\u03bb\u03af\u03c0\u03c0\u03bf\u03c5", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03bf\u03c5\u03c3\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c0\u03bf\u03bb\u03c5\u03c7\u03c1\u03bf\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03bf\u03c5\u03c4\u03bf\u03c5\u03c3\u03af\u03b4\u03b7\u03c2", + "\u03bd\u03ce\u03b5", + "\u03ba\u03b1\u03c0\u03bd\u03b9\u03ac", + "\u03c3\u03ba\u03b1\u03c6\u03c4\u03bf\u03cd\u03c1\u03bf\u03c5", + "\u03bd\u03b9\u03ba\u03bf\u03bb\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03bf\u03bc\u03ba\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03ba\u03b1\u03b6\u03b1\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b4\u03b7\u03bc\u03c4\u03c3\u03bf\u03cd\u03b4\u03b7", + "\u03ba\u03b1\u03c0\u03bf\u03cd\u03bd\u03b7\u03c2", + "\u03bd\u03c4\u03cc\u03c4\u03c3\u03b7", + "\u03ba\u03b1\u03bb\u03b9\u03c4\u03c3\u03bf\u03c5\u03bd\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03b5\u03c1\u03b4\u03af\u03ba\u03b7\u03c2", + "\u03bc\u03c0\u03bf\u03bd\u03ad\u03bb\u03b7", + "\u03b3\u03c1\u03b7\u03b3\u03bf\u03c1\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03c3\u03c0\u03b1\u03bd\u03cc\u03c2", + "\u03b2\u03b1\u03bd\u03b4\u03ce\u03c1\u03bf\u03c2", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03c6\u03c1\u03bf\u03b3\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03b9\u03bf\u03cd\u03c4\u03b1", + "\u03bb\u03b1\u03b3\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03b1\u03bd\u03c4\u03ce\u03bd\u03b7\u03c2", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03ba\u03bf\u03cd\u03bb\u03b7", + "\u03c0\u03b1\u03c0\u03b1\u03c3\u03c0\u03b7\u03bb\u03b9\u03c9\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03b1\u03bb\u03b1\u03bc\u03ac\u03c1\u03b1\u03c2", + "\u03bd\u03ac\u03c3\u03c4\u03bf\u03c2", + "\u03b3\u03b5\u03c1\u03bf\u03b4\u03ae\u03bc\u03bf\u03c2", + "\u03b6\u03b1\u03c7\u03b1\u03c1\u03af\u03bf\u03c5", + "\u03bc\u03ac\u03bb\u03b1\u03bc\u03b1", + "\u03c3\u03b5\u03b2\u03b4\u03ac\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bd\u03b1\u03c3\u03af\u03bf\u03c5", + "\u03b3\u03b1\u03bb\u03b1\u03c4\u03bf\u03cd\u03bb\u03b1\u03c2", + "\u03b3\u03c1\u03b1\u03bc\u03bc\u03ad\u03bd\u03bf\u03c5", + "\u03bc\u03b9\u03c7\u03b5\u03bb\u03ae", + "\u03b3\u03c1\u03b5\u03c4\u03cc\u03c2", + "\u03b1\u03c1\u03c3\u03b5\u03bd\u03ac\u03ba\u03b7", + "\u03c0\u03b5\u03c4\u03c1\u03b9\u03c4\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03bf\u03bc\u03c0\u03bf\u03bb\u03b9\u03ac\u03c2", + "\u03bc\u03b1\u03ba\u03c1\u03c5\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03bd\u03c4\u03b1\u03b3\u03ba\u03b1\u03bb\u03ae", + "\u03bd\u03b1\u03c4\u03c3\u03bf\u03c5\u03bb\u03ae", + "\u03ba\u03b1\u03bb\u03b1\u03c0\u03cc\u03b4\u03b7\u03c2", + "\u03b1\u03b2\u03c1\u03b1\u03bc\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b3\u03b9\u03b1\u03bd\u03bd\u03b1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03ac\u03bd\u03bf\u03c2", + "\u03c7\u03bf\u03bd\u03b4\u03c1\u03bf\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03b1\u03ba\u03bf\u03c3\u03b1\u03af\u03bf\u03c2", + "\u03b2\u03b1\u03c1\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03b5\u03c1\u03b1\u03c3\u03bf\u03b2\u03af\u03c4\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03af\u03b4\u03b7", + "\u03bc\u03c0\u03bf\u03c6\u03cc\u03c2", + "\u03ba\u03bf\u03bd\u03c4\u03cc\u03c2", + "\u03c4\u03c1\u03b9\u03b1\u03bd\u03c4\u03b1\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03ae\u03c2", + "\u03c0\u03ac\u03bd\u03bf\u03c5", + "\u03ba\u03bf\u03bd\u03c4\u03bf\u03b3\u03b5\u03c9\u03c1\u03b3\u03ac\u03ba\u03b7", + "\u03c0\u03b5\u03c1\u03c1\u03ce\u03c4\u03b7\u03c2", + "\u03c0\u03bb\u03b1\u03ba\u03c9\u03c4\u03ac\u03c1\u03b7\u03c2", + "\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03b4\u03b7", + "\u03ba\u03bf\u03c4\u03c1\u03ce\u03c4\u03c3\u03bf\u03c5", + "\u03ba\u03b1\u03c3\u03ba\u03b1\u03bf\u03cd\u03c4\u03b7", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03bf\u03cd\u03bb\u03b1", + "\u03bd\u03c4\u03cc\u03b2\u03b1\u03c2", + "\u03b1\u03c6\u03c1\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03c3\u03b9\u03c4\u03bf\u03cd\u03c1\u03b1\u03c2", + "\u03be\u03b1\u03bd\u03b8\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b1\u03c1\u03c4\u03b6\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u03c0\u03b9\u03c0\u03b5\u03c1\u03af\u03b3\u03ba\u03bf\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03b8\u03b1\u03bd\u03ac\u03c3\u03b7", + "\u03bc\u03c0\u03b1\u03c4\u03b6\u03ac\u03bd\u03b7", + "\u03ba\u03b1\u03bd\u03b1\u03b2\u03cc\u03c2", + "\u03c3\u03c0\u03c5\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03ba\u03ac\u03ba\u03b7\u03c2", + "\u03bb\u03b5\u03b2\u03ad\u03bd\u03c4\u03b7\u03c2", + "\u03c3\u03c4\u03b1\u03b8\u03ac\u03c4\u03bf\u03c2", + "\u03bd\u03c4\u03c1\u03b9\u03b2\u03b1\u03bb\u03ac", + "\u03bc\u03ac\u03c1\u03b3\u03b1\u03c1\u03b7\u03c2", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b5\u03af\u03bf\u03c5", + "\u03ba\u03bf\u03c1\u03c9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03bf\u03bd\u03c4\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03ba\u03c1\u03b5\u03bc\u03bc\u03cd\u03b4\u03b1\u03c2", + "\u03c7\u03c1\u03bf\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03ac\u03ba\u03bf\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03bd\u03b4\u03c1\u03ad\u03bf\u03c5", + "\u03bc\u03c0\u03bf\u03c5\u03c1\u03bb\u03ae\u03c2", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03ac\u03c2", + "\u03ba\u03b1\u03c3\u03c3\u03c9\u03c4\u03ac\u03ba\u03b7", + "\u03b6\u03bf\u03bb\u03ce\u03c4\u03b1\u03c2", + "\u03bc\u03b1\u03c4\u03c3\u03bf\u03cd\u03c1\u03b7", + "\u03ba\u03b1\u03bb\u03b1\u03ca\u03c4\u03b6\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bd\u03b9\u03ba\u03b7\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c1\u03b1\u03c7\u03c9\u03b2\u03af\u03c4\u03c3\u03b1\u03c2", + "\u03c0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b4\u03bf\u03c5\u03ba\u03ac\u03c2", + "\u03b2\u03c1\u03ac\u03c3\u03ba\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03bb\u03b1\u03bf\u03c5\u03c3\u03ac\u03c1\u03b7", + "\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03bb\u03b9\u03bf\u03cd\u03ba\u03b1", + "\u03bc\u03b1\u03bd\u03af\u03ba\u03b1\u03c2", + "\u03b4\u03b1\u0390\u03ba\u03bf\u03c5", + "\u03c0\u03b1\u03c3\u03c3\u03b1\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03ba\u03bf\u03c5\u03b2\u03ac", + "\u03b8\u03c9\u03bc\u03ac\u03ba\u03bf\u03c5", + "\u03b6\u03b5\u03c1\u03b2\u03ac", + "\u03b2\u03bf\u03c5\u03c4\u03c3\u03b9\u03bd\u03ac", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03c5\u03bb\u03ae\u03c2", + "\u03c1\u03c9\u03bc\u03b1\u03af\u03bf\u03c5", + "\u03bd\u03c4\u03bf\u03c5\u03bb\u03b9\u03ac\u03c2", + "\u03b4\u03b1\u03b3\u03bb\u03ae", + "\u03b9\u03c3\u03ac\u03c1\u03b7\u03c2", + "\u03c4\u03bf\u03bb\u03bf\u03cd\u03b4\u03b7\u03c2", + "\u03b1\u03c1\u03b1\u03c0\u03af\u03b4\u03bf\u03c5", + "\u03c4\u03c5\u03c1\u03ac\u03bb\u03b7\u03c2", + "\u03bc\u03c0\u03c1\u03bf\u03cd\u03b6\u03bf\u03c5", + "\u03b1\u03b2\u03c1\u03b1\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03c0\u03c5\u03c1\u03bf\u03b2\u03cc\u03bb\u03bf\u03c5", + "\u03c4\u03ac\u03c3\u03b9\u03bf\u03c2", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03b1\u03ba\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7\u03c2", + "\u03c6\u03b1\u03bb\u03b9\u03ad\u03c1\u03bf\u03c2", + "\u03bb\u03ac\u03c0\u03c0\u03b1\u03c2", + "\u03c3\u03b1\u03c1\u03b9\u03b4\u03ac\u03ba\u03b7", + "\u03ba\u03b1\u03bb\u03b4\u03ae", + "\u03c6\u03b9\u03bb\u03b9\u03c0\u03c0\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03b9\u03c7\u03b1\u03bb\u03ad\u03bb\u03bb\u03b7\u03c2", + "\u03c6\u03bf\u03c5\u03c3\u03b9\u03ad\u03ba\u03b7\u03c2", + "\u03b2\u03b5\u03bb\u03b5\u03bd\u03c4\u03b6\u03ac\u03c2", + "\u03b3\u03b5\u03bd\u03bd\u03b7\u03bc\u03b1\u03c4\u03ac\u03c2", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c0\u03b1\u03c0\u03b1\u03bd\u03ce\u03c4\u03b1", + "\u03c7\u03b1\u03bc\u03b1\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03c0\u03b1\u03c1\u03b3\u03b1\u03bd\u03ac\u03c2", + "\u03c4\u03b6\u03bf\u03c5\u03bc\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03c1\u03bf\u03bc\u03c0\u03bf\u03cd\u03ba\u03b7", + "\u03c4\u03c1\u03b5\u03bd\u03c4\u03c3\u03af\u03bf\u03c5", + "\u03c1\u03ae\u03bd\u03bf\u03c2", + "\u03c4\u03c3\u03bf\u03cd\u03c0\u03c1\u03b1\u03c2", + "\u03bc\u03c0\u03ad\u03ba\u03bf\u03c2", + "\u03c7\u03bf\u03bb\u03ad\u03b2\u03b1", + "\u03ba\u03b1\u03c4\u03ac\u03ba\u03b7\u03c2", + "\u03bd\u03c4\u03b6\u03b9\u03b1\u03b2\u03af\u03b4\u03b1", + "\u03ba\u03b1\u03c1\u03c5\u03b4\u03ac", + "\u03bc\u03b1\u03bc\u03b1\u03bb\u03ac", + "\u03b3\u03c1\u03b5\u03b2\u03b5\u03bd\u03ac\u03c1\u03b7\u03c2", + "\u03ba\u03c9\u03c3\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b1\u03c5\u03bb\u03af\u03b4\u03bf\u03c5", + "\u03b6\u03b9\u03ac\u03ba\u03b1\u03c2", + "\u03ba\u03bf\u03c1\u03bf\u03bc\u03ae\u03bb\u03b1\u03c2", + "\u03ba\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03b9\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03b1\u03c1\u03b3\u03c5\u03c1\u03ac\u03ba\u03b7", + "\u03b1\u03c3\u03c3\u03b1\u03c1\u03b3\u03b9\u03c9\u03c4\u03ac\u03ba\u03b7", + "\u03c4\u03bf\u03c1\u03bf\u03bc\u03af\u03b4\u03b7\u03c2", + "\u03b6\u03b1\u03c1\u03b5\u03b9\u03c6\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03bf\u03c5\u03c1\u03bc\u03c0\u03ae\u03c2", + "\u03b3\u03b1\u03c1\u03bf\u03c5\u03c6\u03b1\u03bb\u03ae\u03c2", + "\u03bc\u03b1\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c6\u03c1\u03bf\u03bd\u03b9\u03bc\u03ac\u03ba\u03b7", + "\u03ba\u03b1\u03c4\u03c3\u03b1\u03bd\u03af\u03ba\u03bf\u03c5", + "\u03bc\u03c9\u03c5\u03c3\u03af\u03b4\u03bf\u03c5", + "\u03bf\u03b9\u03ba\u03bf\u03bd\u03bf\u03bc\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03b9\u03ba\u03b1\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03af\u03bf\u03c5", + "\u03bc\u03b1\u03bd\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03bc\u03c0\u03b1\u03c4\u03c3\u03ac\u03ba\u03b7", + "\u03b4\u03c1\u03bf\u03c5\u03bb\u03b9\u03ac\u03c2", + "\u03bb\u03ad\u03ba\u03ba\u03b1", + "\u03ba\u03bf\u03bd\u03c3\u03bf\u03cd\u03bb\u03b1", + "\u03bc\u03c0\u03bb\u03b1\u03bd\u03ac\u03c2", + "\u03c0\u03ac\u03bd\u03c4\u03b6\u03b9\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03b2\u03ac\u03c2", + "\u03bc\u03b1\u03c1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b3\u03b1\u03c1\u03c5\u03c6\u03b1\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03c5\u03c0\u03af\u03b4\u03b7\u03c2", + "\u03c3\u03b1\u03bc\u03b1\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03b4\u03bf\u03c5\u03b2\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03c3\u03b1\u03b2\u03b2\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03c0\u03bf\u03c5\u03bb\u03bf\u03cd\u03ba\u03bf\u03c2", + "\u03ba\u03b9\u03c4\u03b9\u03bd\u03cc\u03c2", + "\u03ba\u03bf\u03c5\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03b1\u03ba\u03b1\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03b4\u03b9\u03b1\u03ba\u03bf\u03c5\u03bc\u03ae", + "\u03c4\u03c3\u03bf\u03c0\u03b1\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03c5\u03b4\u03ae\u03c2", + "\u03b1\u03ba\u03c1\u03b9\u03c4\u03af\u03b4\u03b7\u03c2", + "\u03b1\u03bb\u03b5\u03be\u03b1\u03bd\u03b4\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03c3\u03b1\u03b2\u03b2\u03ac\u03ba\u03b7", + "\u03b4\u03b5\u03bb\u03ae", + "\u03ba\u03b5\u03c3\u03ba\u03af\u03bd\u03b7", + "\u03bb\u03b9\u03bd\u03b1\u03c1\u03b4\u03ac\u03ba\u03b7", + "\u03c3\u03ba\u03c1\u03ad\u03ba\u03b1\u03c2", + "\u03c4\u03b6\u03ac\u03b3\u03ba\u03b1", + "\u03ba\u03b1\u03bd\u03b5\u03bb\u03bb\u03ae", + "\u03c1\u03af\u03c3\u03b2\u03b1\u03c2", + "\u03ba\u03bf\u03bd\u03c4\u03ac\u03ba\u03bf\u03c2", + "\u03c7\u03c1\u03c5\u03c3\u03b9\u03ba\u03ac\u03ba\u03b7", + "\u03b3\u03b9\u03b1\u03bd\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c3\u03b1\u03c1\u03c1\u03cc\u03c2", + "\u03bc\u03c0\u03b1\u03bb\u03ac\u03c3\u03ba\u03b1\u03c2", + "\u03b4\u03bf\u03c5\u03bb\u03bf\u03c5\u03c6\u03ac\u03ba\u03b7", + "\u03b1\u03c3\u03bf\u03c5\u03c7\u03af\u03b4\u03bf\u03c5", + "\u03b2\u03b1\u03bc\u03b2\u03bf\u03c5\u03ba\u03ac\u03ba\u03b7", + "\u03bc\u03b7\u03c4\u03c1\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c6\u03af\u03bb\u03ba\u03b1", + "\u03c3\u03ba\u03b1\u03c1\u03bb\u03ac\u03c4\u03bf\u03c2", + "\u03bc\u03ac\u03bd\u03c4\u03bf\u03c5", + "\u03c7\u03bf\u03bd\u03c4\u03b6\u03b9\u03ac", + "\u03c3\u03c4\u03c1\u03bf\u03cd\u03bc\u03c0\u03b1", + "\u03ba\u03ce\u03c4\u03c4\u03b1\u03c2", + "\u03c3\u03b1\u03bb\u03ad\u03bc\u03b7", + "\u03c3\u03b1\u03c1\u03b1\u03c6\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03b1\u03ba\u03b1\u03b2\u03cc\u03c2", + "\u03b2\u03b1\u03bb\u03b1\u03c3\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03ac\u03bd\u03b7\u03c2", + "\u03ba\u03bf\u03ba\u03ba\u03af\u03bd\u03bf\u03c5", + "\u03c4\u03b1\u03c5\u03bb\u03b1\u03c1\u03af\u03b4\u03bf\u03c5", + "\u03b4\u03ac\u03c6\u03bd\u03b7", + "\u03bb\u03cd\u03c4\u03c1\u03b1", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03bd\u03bd\u03ac\u03ba\u03b7", + "\u03bc\u03b1\u03bd\u03c4\u03ac", + "\u03b4\u03b1\u03bc\u03b1\u03bb\u03ac", + "\u03bc\u03b1\u03b6\u03b1\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03c1\u03bf\u03ca\u03b4\u03ac\u03bc\u03b7\u03c2", + "\u03c7\u03bf\u03c5\u03c1\u03b6\u03b1\u03bc\u03ac\u03bd\u03b7", + "\u03c4\u03c3\u03b1\u03c1\u03b1\u03bc\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03c0\u03b5\u03c4\u03c1\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03b3\u03bf\u03c5\u03c1\u03b3\u03bf\u03c5\u03bb\u03ae\u03c2", + "\u03bb\u03b5\u03bc\u03bf\u03bd\u03ae\u03c2", + "\u03c3\u03c5\u03bc\u03b5\u03c9\u03bd\u03af\u03b4\u03bf\u03c5", + "\u03ba\u03b1\u03c4\u03c3\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7\u03c2", + "\u03b3\u03ba\u03ac\u03b3\u03ba\u03b1\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03ba\u03ce\u03c3\u03c4\u03b1", + "\u03c4\u03c3\u03b1\u03b3\u03ba\u03c1\u03b1\u03c3\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03c7\u03b1\u03bd\u03c4\u03b6\u03ae", + "\u03b2\u03bb\u03ac\u03c7\u03bf\u03c5", + "\u03c4\u03c3\u03b1\u03bc\u03b1\u03c3\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c4\u03c3\u03ce\u03bd\u03b7\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03bc\u03b9\u03c7\u03b1\u03ae\u03bb", + "\u03bc\u03ae\u03c4\u03c3\u03bf\u03c5", + "\u03bc\u03ac\u03bd\u03b4\u03b1\u03bb\u03bf\u03c2", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03ae\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03cd\u03c1\u03b1\u03c2", + "\u03c0\u03b1\u03c4\u03bc\u03b1\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03b1\u03ba\u03ac\u03ba\u03b7\u03c2", + "\u03bc\u03b1\u03c5\u03c1\u03b9\u03ba\u03ac\u03ba\u03b7\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03c4\u03b6\u03b1\u03c6\u03ad\u03c1\u03b7\u03c2", + "\u03bb\u03b1\u03b3\u03b3\u03bf\u03cd\u03c3\u03b7\u03c2", + "\u03c3\u03b1\u03bc\u03b1\u03c1\u03ac\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b1\u03bd\u03c4\u03ce\u03bd\u03b7\u03c2", + "\u03c0\u03b1\u03c4\u03c3\u03bf\u03cd\u03c1\u03b1\u03c2", + "\u03b3\u03ba\u03b9\u03c1\u03b9\u03c4\u03b6\u03b9\u03ce\u03bd\u03b7", + "\u03b2\u03b1\u0390\u03bf\u03c5", + "\u03b3\u03b1\u03b2\u03c1\u03b9\u03b7\u03bb\u03af\u03b4\u03b7", + "\u03ba\u03ac\u03ba\u03ba\u03b1", + "\u03bc\u03b9\u03c7\u03b5\u03bb\u03b1\u03ba\u03ac\u03ba\u03b7", + "\u03bc\u03cc\u03bd\u03b1\u03c7\u03b1\u03c2", + "\u03c4\u03c3\u03b9\u03ba\u03c1\u03af\u03ba\u03b1", + "\u03b4\u03b1\u03bd\u03b5\u03bb\u03ae\u03c2", + "\u03c0\u03b1\u03bb\u03b9\u03bf\u03cd\u03c1\u03b1", + "\u03bc\u03b1\u03c1\u03b1\u03ba\u03ac\u03c2", + "\u03c6\u03bf\u03c5\u03c4\u03c3\u03b9\u03c4\u03b6\u03ae\u03c2", + "\u03bc\u03b1\u03c3\u03b9\u03ac\u03bb\u03b1", + "\u03ba\u03b1\u03c4\u03c3\u03b9\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03bc\u03c0\u03b1\u03bb\u03b1\u03bd\u03af\u03ba\u03b1", + "\u03b3\u03ba\u03b9\u03c4\u03c3\u03ac\u03ba\u03b7\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03bd\u03b4\u03c1\u03b9\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03b6\u03b1\u03c1\u03b1\u03c6\u03ad\u03c4\u03b1\u03c2", + "\u03b1\u03bb\u03b1\u03c6\u03ac\u03ba\u03b7\u03c2", + "\u03b4\u03b1\u03bd\u03b9\u03b7\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03b4\u03bf\u03c5\u03bb\u03ac\u03bc\u03b7", + "\u03bc\u03c0\u03b5\u03c1\u03bc\u03c0\u03b1\u03c4\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03bc\u03ac\u03c1\u03c1\u03b1\u03c2", + "\u03ba\u03af\u03c4\u03c3\u03bf\u03c5", + "\u03bc\u03c0\u03b1\u03bb\u03c4\u03b6\u03ae\u03c2", + "\u03c0\u03b1\u03c0\u03c0\u03ac", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03bf\u03cd\u03bb\u03b1\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bb\u03ae\u03c2", + "\u03bc\u03af\u03c7\u03bf\u03c2", + "\u03b1\u03b2\u03b1\u03b3\u03b9\u03b1\u03bd\u03cc\u03c2", + "\u03ba\u03b1\u03c1\u03b1\u03bd\u03c4\u03b6\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03c9\u03c1\u03cc\u03c2", + "\u03b4\u03b1\u03ba\u03b1\u03bd\u03b1\u03bb\u03ae\u03c2", + "\u03b1\u03bd\u03b1\u03c3\u03c4\u03b1\u03c3\u03af\u03bf\u03c5", + "\u03c6\u03b9\u03bb\u03b9\u03ac\u03b3\u03ba\u03bf\u03c5", + "\u03ba\u03bf\u03c5\u03c1\u03b5\u03bb\u03ae\u03c2", + "\u03ba\u03b1\u03c4\u03c3\u03b9\u03bb\u03ae\u03c2", + "\u03b4\u03b5\u03b4\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u03bc\u03c5\u03c3\u03b9\u03c1\u03bb\u03ae\u03c2", + "\u03c7\u03b1\u03bb\u03b1\u03c4\u03c3\u03ae\u03c2", + "\u03c0\u03bf\u03c5\u03bb\u03af\u03b4\u03b1", + "\u03ba\u03c4\u03b5\u03bd\u03af\u03b4\u03b7\u03c2", + "\u03b3\u03b5\u03bd\u03c4\u03af\u03bc\u03b7\u03c2", + "\u03b6\u03bf\u03c5\u03bb\u03bf\u03cd\u03bc\u03b7\u03c2", + "\u03c4\u03b1\u03bc\u03c0\u03bf\u03c1\u03c1\u03af\u03bd\u03bf", + "\u03c0\u03bf\u03c5\u03bb\u03ae", + "\u03be\u03b7\u03c1\u03bf\u03b4\u03ae\u03bc\u03b1", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03ac\u03ba\u03b7", + "\u03b2\u03b1\u03bb\u03c3\u03b1\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03c0\u03b5\u03c4\u03c1\u03ac\u03ba\u03b7", + "\u03b2\u03b1\u03c1\u03b1\u03ba\u03bb\u03ae\u03c2", + "\u03b9\u03c9\u03c3\u03b7\u03c6\u03af\u03b4\u03b7\u03c2", + "\u03c1\u03bf\u03b4\u03af\u03c4\u03bf\u03c5", + "\u03b6\u03b9\u03ac\u03c1\u03b1", + "\u03ba\u03b5\u03c3\u03af\u03c3\u03b7", + "\u03b4\u03ae\u03bc\u03bf\u03c5", + "\u03c0\u03b1\u03c0\u03b1\u03b4\u03b7\u03bc\u03b7\u03c4\u03c1\u03ac\u03ba\u03b7\u03c2", + "\u03b6\u03c4\u03bf\u03cd\u03ba\u03bf\u03c2", + "\u03c3\u03c4\u03b1\u03cd\u03c1\u03bf\u03c5", + "\u03bc\u03c0\u03b5\u03bd\u03ad\u03c4\u03bf\u03c5", + "\u03b2\u03b9\u03c4\u03c3\u03b1\u03be\u03ae\u03c2", + "\u03ba\u03b1\u03bd\u03b5\u03bb\u03bb\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b9\u03ba\u03c1\u03cc\u03c2", + "\u03c4\u03c3\u03b1\u03c7\u03ac\u03ba\u03b7", + "\u03b4\u03b7\u03bc\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03b9\u03c9\u03b1\u03ba\u03b5\u03af\u03bc", + "\u03bc\u03b1\u03bd\u03bf\u03cd\u03ba\u03b1\u03c2", + "\u03c0\u03b1\u03bd\u03b1\u03b3\u03b9\u03c9\u03c4\u03b1\u03ba\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bb\u03c5\u03b3\u03ba\u03bf\u03cd\u03c1\u03b1\u03c2", + "\u03c3\u03b4\u03c1\u03b1\u03bb\u03bb\u03ae\u03c2", + "\u03c0\u03b1\u03c1\u03b1\u03c3\u03ba\u03b5\u03c5\u03ac", + "\u03c4\u03c1\u03af\u03ba\u03b1", + "\u03c3\u03c0\u03b1\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03b1\u03c1\u03b3\u03b9\u03ac", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03b5\u03b9\u03b4\u03ac\u03ba\u03bf\u03c2", + "\u03c8\u03c5\u03bb\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03bf\u03bb\u03c9\u03bc\u03af\u03b4\u03bf\u03c5", + "\u03c3\u03c0\u03b1\u03bd\u03bf\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03b4\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bc\u03b1\u03b3\u03bf\u03cd\u03bb\u03b1", + "\u03c8\u03c5\u03c7\u03b9\u03ac\u03c2", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c0\u03bf\u03bb\u03c5\u03b6\u03c9\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03ba\u03c5\u03bb\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03ba\u03b1\u03c1\u03b1\u03b3\u03b9\u03bf\u03b2\u03ac\u03bd\u03bd\u03b7", + "\u03bc\u03c0\u03af\u03ba\u03b1", + "\u03b1\u03b3\u03b3\u03b5\u03bb\u03ac\u03ba\u03bf\u03c2", + "\u03c3\u03b5\u03b2\u03b1\u03c3\u03c4\u03bf\u03cd", + "\u03c0\u03b1\u03c0\u03bf\u03c5\u03bb\u03ae\u03c2", + "\u03bc\u03b1\u03b3\u03ba\u03b1\u03c6\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03b1\u03c8\u03ac\u03bb\u03b7\u03c2", + "\u03c3\u03c4\u03cc\u03b3\u03b9\u03bf\u03c2", + "\u03ba\u03c5\u03c1\u03b3\u03b9\u03ac\u03ba\u03b7\u03c2", + "\u03bb\u03bf\u03c5\u03c0\u03b1\u03c3\u03ac\u03ba\u03b7\u03c2", + "\u03bf\u03c1\u03c6\u03b1\u03bd\u03ac\u03ba\u03b7\u03c2", + "\u03c3\u03ba\u03cc\u03c1\u03b4\u03bf\u03c2", + "\u03c4\u03b1\u03c7\u03bc\u03b1\u03b6\u03af\u03b4\u03b7\u03c2", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b3\u03b9\u03b1\u03bd\u03bd\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c0\u03b1\u03c0\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03af\u03bf\u03c5", + "\u03c7\u03c1\u03c5\u03c3\u03b9\u03ba\u03cc\u03c2", + "\u03c1\u03ad\u03bd\u03c4\u03b1\u03c2", + "\u03b6\u03b5\u03c5\u03b3\u03af\u03c4\u03b7\u03c2", + "\u03bc\u03c0\u03b9\u03bc\u03c0\u03af\u03ba\u03b1", + "\u03ba\u03b1\u03c1\u03b1\u03c4\u03b6\u03af\u03ba\u03bf\u03c2", + "\u03bc\u03c0\u03b5\u03ba\u03ac\u03ba\u03bf\u03c5", + "\u03bc\u03c0\u03b1\u03bd\u03c4\u03ad\u03c2", + "\u03ba\u03bf\u03bd\u03b9\u03ac\u03c1\u03b7", + "\u03c8\u03c5\u03c7\u03ac\u03c1\u03b7", + "\u03c7\u03bf\u03c5\u03b4\u03b1\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03c1\u03b9\u03b2\u03ad\u03bb\u03bb\u03b1\u03c2", + "\u03b3\u03ba\u03ac\u03b3\u03ba\u03b1", + "\u03ba\u03b1\u03c4\u03c3\u03b1\u03b2\u03cc\u03c2", + "\u03b1\u03bd\u03c4\u03c9\u03bd\u03ad\u03b1\u03c2", + "\u03c5\u03c6\u03b1\u03bd\u03c4\u03ae", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03bf\u03c6\u03cc\u03c1\u03b7", + "\u03b4\u03b1\u03bc\u03b1\u03c4\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03c4\u03c3\u03b9\u03b1\u03bc\u03af\u03c4\u03b1\u03c2", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03c7\u03b1\u03c1\u03af\u03c3\u03c4\u03bf\u03c5", + "\u03bc\u03ad\u03bb\u03b1\u03bd\u03b9", + "\u03b2\u03b1\u03b2\u03bf\u03c5\u03bb\u03af\u03b4\u03b7\u03c2", + "\u03c3\u03b1\u03bb\u03af\u03c7\u03bf\u03c2", + "\u03bc\u03c0\u03b1\u03c6\u03af\u03c4\u03b7", + "\u03c7\u03bf\u03c1\u03c4\u03ac\u03c4\u03bf\u03c5", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03b4\u03ac\u03ba\u03b7", + "\u03c7\u03b1\u03c4\u03b6\u03b7\u03ba\u03cd\u03c1\u03ba\u03bf\u03c2", + "\u03b4\u03c1\u03b1\u03b6\u03b9\u03ce\u03c4\u03b7\u03c2", + "\u03c0\u03b1\u03bb\u03b1\u03b9\u03bf\u03bb\u03cc\u03b3\u03bf\u03c2", + "\u03bd\u03bf\u03cd\u03c3\u03b7\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03b1\u03bc\u03b9\u03bd\u03ac\u03c1\u03b7", + "\u03b5\u03c5\u03c3\u03c4\u03c1\u03b1\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bc\u03c0\u03b1\u03bb\u03ac\u03c3\u03b7", + "\u03b3\u03b9\u03c9\u03c4\u03ac\u03ba\u03b7\u03c2", + "\u03b2\u03bf\u03cd\u03bb\u03ba\u03bf\u03c2", + "\u03b1\u03b8\u03b1\u03bd\u03b1\u03c3\u03ac\u03ba\u03b7\u03c2", + "\u03c4\u03c3\u03b1\u03bc\u03c0\u03bf\u03cd\u03c1\u03b7", + "\u03c0\u03b1\u03c0\u03b1\u03b4\u03ae\u03bc\u03b1", + "\u03c3\u03c0\u03b1\u03c3\u03ad\u03b3\u03ba\u03bf\u03c5", + "\u03c0\u03c1\u03bf\u03cd\u03b2\u03b1", + "\u03bc\u03b7\u03bb\u03b9\u03ac\u03ba\u03b7", + "\u03b2\u03b1\u03ba\u03b1\u03bb\u03ae\u03c2", + "\u03c0\u03b1\u03bb\u03b9\u03b5\u03c1\u03ac\u03ba\u03b7", + "\u03b3\u03ba\u03ac\u03b2\u03c1\u03bf\u03c5", + "\u03c7\u03bf\u03c5\u03bd\u03c4\u03ae\u03c2", + "\u03c3\u03c4\u03c1\u03b1\u03c4\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03c4\u03c3\u03ac\u03c4\u03b7", + "\u03c7\u03b7\u03c4\u03cc\u03c2", + "\u03b2\u03b1\u03bb\u03b9\u03ac\u03ba\u03b1", + "\u03c3\u03ba\u03b1\u03c1\u03c0\u03ad\u03c4\u03b1\u03c2", + "\u03ba\u03b1\u03bd\u03b5\u03bb\u03bb\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03bc\u03b1\u03c1\u03b3\u03b1\u03c1\u03af\u03c4\u03b7", + "\u03ba\u03b1\u03bb\u03b1\u03bc\u03c0\u03b1\u03bb\u03af\u03ba\u03b7\u03c2", + "\u03b2\u03b1\u03bb\u03b5\u03bd\u03c4\u03ae", + "\u03c3\u03b1\u03c1\u03c1\u03ae", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03cd\u03bc\u03c0\u03b5\u03b7", + "\u03ba\u03bf\u03bd\u03c4\u03bf\u03b3\u03b9\u03ac\u03bd\u03bd\u03b7", + "\u03bc\u03bf\u03c5\u03c3\u03b5\u03bb\u03af\u03bc\u03b7\u03c2", + "\u03ba\u03bf\u03c5\u03c4\u03c3\u03bf\u03cd\u03bc\u03c0\u03b7", + "\u03c4\u03c3\u03b1\u03bc\u03c4\u03c3\u03bf\u03cd\u03c1\u03b7", + "\u03c4\u03c3\u03bf\u03c5\u03ba\u03bd\u03af\u03b4\u03b1\u03c2", + "\u03bb\u03ce\u03bb\u03bf\u03c2", + "\u03c6\u03c1\u03b1\u03b3\u03ba\u03bf\u03c5\u03b4\u03ac\u03ba\u03b7", + "\u03c3\u03c0\u03c5\u03c1\u03b9\u03b4\u03ac\u03ba\u03b7", + "\u03b5\u03bc\u03c0\u03bf\u03c1\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03c1\u03b1\u03b4\u03bf\u03b2\u03ac\u03bb\u03b7\u03c2", + "\u03b6\u03bf\u03cd\u03bd\u03b7\u03c2", + "\u03bc\u03b9\u03bb\u03ad\u03b1", + "\u03c4\u03c3\u03b9\u03ac\u03c1\u03b1\u03c2", + "\u03c3\u03c4\u03b1\u03bc\u03b1\u03c4\u03bf\u03cd\u03ba\u03bf\u03c5", + "\u03b4\u03af\u03b3\u03ba\u03b1\u03c2", + "\u03c6\u03b1\u03b2\u03b2\u03ac\u03c4\u03b1", + "\u03c4\u03b1\u03bc\u03b9\u03c9\u03bb\u03ac\u03ba\u03b7\u03c2", + "\u03b3\u03ba\u03bf\u03cd\u03b2\u03b1", + "\u03c3\u03c4\u03b1\u03bc\u03ad\u03bb\u03bf\u03c2", + "\u03c4\u03c3\u03bf\u03c5\u03bd\u03ac\u03ba\u03bf\u03c5", + "\u03ba\u03bb\u03ae\u03bc\u03b7\u03c2", + "\u03b1\u03bc\u03c0\u03b1\u03c4\u03b6\u03b9\u03ac\u03bd\u03b7\u03c2", + "\u03c7\u03b1\u03c1\u03b9\u03c3\u03b9\u03ac\u03b4\u03b7\u03c2", + "\u03c4\u03c1\u03b1\u03b3\u03bf\u03cd\u03c3\u03c4\u03b7", + "\u03b4\u03c1\u03c5\u03bc\u03b1\u03bb\u03af\u03c4\u03bf\u03c5", + "\u03b1\u03b5\u03c4\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03bb\u03bf\u03b3\u03bf\u03b8\u03ad\u03c4\u03b7", + "\u03cc\u03c4\u03c3\u03bf\u03c2", + "\u03c7\u03c9\u03c1\u03b9\u03b1\u03bd\u03bf\u03c0\u03bf\u03cd\u03bb\u03bf\u03c5", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03c4\u03c3\u03bf\u03cd\u03bb\u03b7\u03c2", + "\u03c7\u03c1\u03b9\u03c3\u03c4\u03ac\u03ba\u03b7\u03c2", + "\u03b1\u03bd\u03b1\u03bd\u03b9\u03ac\u03b4\u03bf\u03c5", + "\u03b3\u03ba\u03cc\u03bd\u03b7", + "\u03c0\u03ac\u03bd\u03c4\u03bf\u03c2", + "\u03b3\u03c1\u03b1\u03bc\u03bc\u03b1\u03c4\u03b9\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2", + "\u03ba\u03c5\u03c1\u03b9\u03b1\u03ba\u03af\u03b4\u03b7\u03c2", + "\u03ba\u03bf\u03bb\u03b1\u0390\u03c4\u03bf\u03c5", + "\u03bb\u03ad\u03bb\u03b5\u03ba\u03b1\u03c2", + "\u03ba\u03b1\u03bb\u03b1\u03b8\u03ac" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u03b7\u03b3\u03bf\u03c5\u03bc\u03b5\u03bd\u03b7": "\u03b7\u03b3\u03bf\u03c5\u03bc\u03b5\u03bd\u03bf\u03c3", + "\u03b2\u03b1\u03c1\u03bf\u03bd\u03b7": "\u03b2\u03b1\u03c1\u03bf\u03bd\u03bf\u03c3", + "\u03bd\u03c5\u03c6\u03b7": "\u03b9\u03c0\u03c0\u03bf\u03ba\u03bf\u03bc\u03bf\u03c3", + "\u03b5\u03c0\u03b9\u03c7\u03b5\u03b9\u03c1\u03b7\u03bc\u03b1\u03c4\u03b9\u03b7": "\u03b5\u03c0\u03b9\u03c7\u03b5\u03b9\u03c1\u03b7\u03bc\u03b1\u03c4\u03b9\u03b1\u03c3", + "\u03bd\u03b5\u03b1\u03c1\u03bf_\u03c0\u03bf\u03c5\u03bb\u03b9": "\u03c4\u03c5\u03c0\u03bf\u03c3", + "\u03c0\u03bf\u03c5\u03bb\u03b1\u03ba\u03b9": "\u03c4\u03c5\u03c0\u03bf\u03c3", + "\u03bd\u03b5\u03bf\u03c3\u03c3\u03bf\u03c3": "\u03c4\u03c5\u03c0\u03bf\u03c3", + "\u03b4\u03bf\u03c5\u03ba\u03b9\u03c3\u03c3\u03b1": "\u03b4\u03bf\u03c5\u03be", + "\u03b1\u03c5\u03c4\u03bf\u03ba\u03c1\u03b1\u03c4\u03b5\u03b9\u03c1\u03b1": "\u03b1\u03c5\u03c4\u03bf\u03ba\u03c1\u03b1\u03c4\u03bf\u03c1\u03b1\u03c3", + "\u03b8\u03b7\u03bb\u03c5\u03ba\u03bf\u03c3": "\u03b1\u03c1\u03c3\u03b5\u03bd\u03b9\u03ba\u03bf\u03c3", + "\u03b5\u03b3\u03b3\u03bf\u03bd\u03b7": "\u03b5\u03b3\u03b3\u03bf\u03bd\u03bf\u03c3", + "\u03b1\u03c5\u03c4\u03b7\u03c3": "\u03c4\u03bf\u03c5", + "\u03c4\u03b7\u03c3": "\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03b7\u03c1\u03c9\u03b9\u03b4\u03b1": "\u03ae\u03c1\u03c9\u03b1\u03c3", + "\u03b7\u03c1\u03c9\u03b9\u03bd\u03b7": "\u03ae\u03c1\u03c9\u03b1\u03c3", + "\u03bd\u03bf\u03b9\u03ba\u03bf\u03ba\u03c5\u03c1\u03b1": "\u03c0\u03c5\u03c1\u03b3\u03bf\u03b4\u03b5\u03c3\u03c0\u03bf\u03c4\u03b7\u03c3", + "\u03b4\u03b5\u03c3\u03c0\u03bf\u03b9\u03bd\u03b9\u03c3": "\u03c3\u03b5\u03c1", + "\u03b4\u03b5\u03c3\u03c0\u03bf\u03b9\u03bd\u03b9\u03b4\u03b1": "\u03c3\u03b5\u03c1", + "\u03b1\u03c3\u03c4\u03bf\u03c7\u03c9": "\u03c3\u03b5\u03c1", + "\u03ba\u03c5\u03c1\u03b9\u03b1": "\u03b4\u03b5\u03c3\u03c0\u03bf\u03c4\u03b7\u03c3", + "\u03b4\u03b5\u03c3\u03c0\u03bf\u03b9\u03bd\u03b1": "\u03b1\u03c6\u03b5\u03bd\u03c4\u03b7\u03c3", + "\u03bc\u03b1\u03bd\u03b1": "\u03c0\u03b1\u03c4\u03b5\u03c1\u03b1\u03c3", + "\u03bc\u03b7\u03c4\u03b5\u03c1\u03b1": "\u03c0\u03b1\u03c4\u03b7\u03c1", + "\u03ba\u03b1": "\u03ba", + "\u03b4\u03b9\u03c3": "\u03ba", + "\u03c7\u03b3": "\u03ba", + "\u03b4\u03b4\u03b1": "\u03ba", + "\u03ba\u03b1\u03bb\u03bf\u03b3\u03c1\u03b9\u03b1": "\u03bc\u03bf\u03bd\u03b1\u03c7\u03bf\u03c3", + "\u03bc\u03bf\u03bd\u03b1\u03c7\u03b7": "\u03bc\u03bf\u03bd\u03b1\u03c7\u03bf\u03c3", + "\u03b1\u03c3\u03c4\u03c5\u03bd\u03bf\u03bc\u03b9\u03ba\u03b9\u03bd\u03b1": "\u03b1\u03c3\u03c4\u03c5\u03c6\u03c5\u03bb\u03b1\u03ba\u03b1\u03c3", + "\u03b9\u03b5\u03c1\u03b5\u03b9\u03b1": "\u03b5\u03c6\u03b7\u03bc\u03b5\u03c1\u03b9\u03bf\u03c3", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03bf\u03c0\u03bf\u03c5\u03bb\u03b1": "\u03c0\u03c1\u03b9\u03b3\u03ba\u03b9\u03c0\u03b1\u03c3", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b9\u03c3\u03c3\u03b1": "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b9\u03b1\u03c3", + "\u03ba\u03bf\u03c5\u03af\u03bd\u03c3": "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b5\u03b9\u03c3", + "\u03b1\u03c5\u03c4\u03b7": "\u03b1\u03c5\u03c4\u03bf\u03c3", + "\u03b1\u03b4\u03b5\u03c1\u03c6\u03b7": "\u03b1\u03b4\u03b5\u03bb\u03c6\u03bf\u03c3", + "\u03b1\u03b4\u03b5\u03bb\u03c6\u03b7": "\u03b1\u03b4\u03b5\u03bb\u03c6\u03bf\u03c3", + "\u03b3\u03b5\u03c1\u03bf\u03bd\u03c4\u03bf\u03ba\u03bf\u03c1\u03b7": "\u03b5\u03c1\u03b3\u03b5\u03bd\u03b7\u03c3", + "\u03c0\u03c1\u03bf\u03b3\u03bf\u03bd\u03b7": "\u03c0\u03c1\u03bf\u03b3\u03bf\u03bd\u03bf\u03c3", + "\u03bc\u03b7\u03c4\u03c1\u03b9\u03b1": "\u03c0\u03b1\u03c4\u03c1\u03b9\u03bf\u03c3", + "\u03b8\u03b5\u03c4\u03b7_\u03bc\u03b7\u03c4\u03b5\u03c1\u03b1": "\u03c0\u03b1\u03c4\u03c1\u03b9\u03bf\u03c3", + "\u03c3\u03b5\u03c1\u03b2\u03b9\u03c4\u03bf\u03c1\u03b1": "\u03c3\u03b5\u03c1\u03b2\u03b9\u03c4\u03bf\u03c1\u03bf\u03c3", + "\u03c7\u03b7\u03c1\u03b1": "\u03c7\u03b7\u03c1\u03bf\u03c3", + "\u03c3\u03c5\u03bc\u03b2\u03b9\u03b1": "\u03c3\u03c5\u03b6\u03c5\u03b3\u03bf\u03c3", + "\u03c3\u03c5\u03b6\u03c5\u03b3\u03bf\u03c3": "\u03b1\u03bd\u03b4\u03c1\u03b1\u03c3", + "\u03b3\u03c5\u03bd\u03b1\u03b9\u03ba\u03b1": "\u03b1\u03bd\u03b8\u03c1\u03c9\u03c0\u03bf\u03c3", + "\u03b3\u03c5\u03bd\u03b1\u03af\u03ba\u03b1": "\u03b1\u03bd\u03b8\u03c1\u03c9\u03c0\u03bf\u03c3", + "\u03b1\u03b3\u03cc\u03c1\u03b9": "\u03ba\u03bf\u03c1\u03b9\u03c4\u03c3\u03b9", + "\u03b1\u03b3\u03bf\u03c1\u03b9": "\u03ba\u03bf\u03c1\u03af\u03c4\u03c3\u03b9" + }, + "other_gender_swap": { + "\u03b1\u03c5\u03c4\u03b1": "\u03b1\u03c5\u03c4\u03b7", + "\u03b1\u03c5\u03c4\u03bf\u03b9": "\u03b1\u03c5\u03c4\u03b7", + "\u03b1\u03c5\u03c4\u03b5\u03c3": "\u03b1\u03c5\u03c4\u03b7", + "\u03b1\u03c5\u03c4\u03bf\u03c3": "\u03b1\u03c5\u03c4\u03b5\u03c3", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c3": "\u03b1\u03c5\u03c4\u03b1", + "\u03b1\u03c5\u03c4\u03b7": "\u03b1\u03c5\u03c4\u03b5\u03c3" + }, + "en_pronoun2gender": { + "they": [ + "\u03bf\u03bc\u03bf\u03c6\u03c5\u03bb\u03bf\u03c6\u03b9\u03bb\u03bf\u03c3", + "\u03b1\u03bc\u03c6\u03b9\u03c6\u03c5\u03bb\u03bf\u03c6\u03b9\u03bb\u03bf\u03c3", + "\u03ba\u03b9\u03bd\u03b1\u03b9\u03b4\u03bf\u03c3", + "\u03b4\u03b9\u03b5\u03bc\u03c6\u03c5\u03bb\u03b9\u03ba\u03bf\u03c3", + "\u03bf\u03bc\u03bf\u03c6\u03c5\u03bb\u03bf\u03c6\u03b9\u03bb\u03b7" + ], + "he": [ + "\u03ac\u03bd\u03b4\u03c1\u03b1\u03c3", + "\u03c4\u03c5\u03c0\u03bf\u03c3", + "\u03b5\u03c5\u03c0\u03b1\u03c4\u03c1\u03b9\u03b4\u03b7\u03c3", + "\u03b1\u03b3\u03bf\u03c1\u03b9", + "gentleman", + "\u03b1\u03b3\u03cc\u03c1\u03b9", + "\u03b1\u03c1\u03c3\u03b5\u03bd\u03b9\u03ba\u03bf\u03c3", + "\u03b1\u03b3\u03bf\u03c1\u03b1\u03ba\u03b9", + "\u03b5\u03c0\u03b1\u03bd\u03b4\u03c1\u03c9\u03bd\u03c9", + "\u03b1\u03bd\u03b8\u03c1\u03c9\u03c0\u03bf\u03c3" + ], + "she": [ + "\u03ba\u03bf\u03c0\u03b5\u03bb\u03b1", + "\u03c9\u03c1\u03b1\u03b9\u03bf_\u03c6\u03c5\u03bb\u03bf", + "\u03b8\u03b7\u03bb\u03c5\u03ba\u03bf\u03c3", + "\u03ba\u03bf\u03c1\u03af\u03c4\u03c3\u03b9", + "\u03b4\u03b5\u03c3\u03c0\u03bf\u03b9\u03bd\u03b9\u03c3", + "\u03b3\u03ba\u03b1\u03bb", + "\u03b3\u03c5\u03bd\u03b1\u03af\u03ba\u03b1", + "\u03b1\u03b4\u03c5\u03bd\u03b1\u03bc\u03bf_\u03c6\u03c5\u03bb\u03bf", + "\u03ba\u03bf\u03c1\u03b9\u03c4\u03c3\u03b1\u03ba\u03b9", + "\u03c0\u03b1\u03c1\u03b8\u03b5\u03bd\u03b1", + "\u03b1\u03c3\u03c4\u03bf\u03c7\u03c9", + "\u03b1\u03b4\u03c5\u03bd\u03b1\u03c4\u03bf_\u03c6\u03c5\u03bb\u03bf", + "\u03ba\u03bf\u03c1\u03b9\u03c4\u03c3\u03b9", + "\u03b4\u03b5\u03c3\u03c0\u03bf\u03b9\u03bd\u03b9\u03b4\u03b1", + "\u03b1\u03c3\u03b8\u03b5\u03bd\u03b5\u03c3_\u03c6\u03c5\u03bb\u03bf", + "\u03bb\u03b5\u03c3\u03b2\u03b9\u03b1\u03ba\u03bf\u03c3", + "\u03b3\u03c5\u03bd\u03b1\u03b9\u03ba\u03b1", + "\u03bd\u03bf\u03b9\u03ba\u03bf\u03ba\u03c5\u03c1\u03b1" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03c4\u03bf\u03c5", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c3", + "\u03c4\u03bf\u03c5\u03c4\u03bf\u03c5", + "\u03b1\u03c5\u03c4\u03bf\u03c3" + ], + "she": [ + "\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03b1\u03c5\u03c4\u03b7", + "\u03c4\u03b7\u03c3" + ], + "they": [ + "\u03b1\u03c5\u03c4\u03b1", + "\u03b1\u03c5\u03c4\u03bf\u03b9", + "\u03b1\u03c5\u03c4\u03b5\u03c3" + ], + "it": [ + "\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03b1\u03c5\u03c4\u03bf", + "\u03c4\u03bf\u03c5\u03c4\u03bf\u03c3", + "\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03c0\u03c9\u03c3", + "\u03b5\u03c4\u03bf\u03c5\u03c4\u03bf\u03c3", + "\u03c4\u03bf", + "\u03bf\u03c4\u03b9", + "\u03b1\u03c5\u03c4\u03b7", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf", + "\u03b1\u03c5\u03c4\u03bf\u03c3" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/en.json b/data_tooling/pii_processing/ontology/data/en.json new file mode 100644 index 0000000..3d10667 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/en.json @@ -0,0 +1,16023 @@ +{ + "PLANT": [ + "creeping_willow", + "lepidium_alpina", + "acer_negundo", + "cucurbita_ficifolia", + "quercus_wislizenii", + "viola_pedata", + "hibiscus_syriacus", + "eucalypt_ovata", + "nothofagus_solanderi", + "leatherleaf_saxifrage", + "acanthocereus_tetragonus", + "gomphrena_globosa", + "hibiscus_mutabilis", + "arceuthobium_pusillum", + "brachychiton_populneus", + "glaucium_flavum", + "cryptogramma_acrostichoides", + "primula_auricula", + "senecio_vulgaris", + "robinia_hispida", + "physalis_viscosa", + "epigaea_repens", + "trichostema_lanatum", + "tsuga_caroliniana", + "entoloma_sinuatum", + "polypodium_virgianum", + "lilium_martagon", + "lupinus_luteus", + "one_flowered_wintergreen", + "pennisetum_ruppelii", + "hevea", + "pyracantha", + "acer_rubrum", + "botrychium_matricariifolium", + "vittaria_lineata", + "agathis_lanceolata", + "mahonia", + "heritiera_macrophylla", + "senna_marilandica", + "taraxacum_ruderalia", + "lespedeza_cuneata", + "cirsium_rivulare", + "western_mugwort", + "campanula_persicifolia", + "prunus_alleghaniensis", + "leucogenes_leontopodium", + "bergamot", + "eriophyllum_wallacei", + "diospyros_virginiana", + "dryopteris_fragrans", + "anthericum_liliago", + "senega", + "adiantum_tenerum", + "malaxis_ophioglossoides", + "dog_fennel", + "helenium_autumnale", + "pteris_multifida", + "iris_cristata", + "rhododendron_viscosum", + "mastic", + "sea_lyme_grass", + "pine", + "pak_choi", + "gentiana_holopetala", + "chrysanthemum_ptarmiciflorum", + "verbascum_thapsus", + "lycium_barbarum", + "adenium_multiflorum", + "coquelicot", + "red_campion", + "wormwood", + "hieracium_pilocella", + "sophora_sinensis", + "pleurotus_phosphoreus", + "carduus_crispus", + "parnassia", + "pityrogramma_chrysophylla", + "asclepia_meadii", + "giant_coreopsis", + "helicteres_isora", + "dog_rose", + "salvia_leucophylla", + "iris_germanica", + "burdock", + "lilium_philadelphicum", + "rhus_copallina", + "mule's_ears", + "tricholoma_sejunctum", + "coeloglossum_viride", + "lilium_longiflorum", + "sorghum_halepense", + "isopyrum_biternatum", + "giant_buttercup", + "rubus_saxatilis", + "florest's_cineraria", + "phoradendron_flavescens", + "genus_dracaena", + "veronica_beccabunga", + "lysimachia_ciliatum", + "dennstaedtia_punctilobula", + "mentzelia_laevicaulis", + "hyoscyamus_muticus", + "athyrium_thelypteroides", + "callitris_calcarata", + "ornithogalum_pyrenaicum", + "liriodendron_tulipifera", + "quercus_coccinea", + "dioscorea_elephantipes", + "arabidopsis_lyrata", + "cladonia_rangiferina", + "melissa", + "triglochin_maritima", + "seriphidium_tridentatum", + "canavalia_gladiata", + "sandalwood", + "impatiens_walleriana", + "geranium_molle", + "dioscorea_bulbifera", + "polystichum_adiantiformis", + "hoya_carnosa", + "tricholoma_pardinum", + "helianthus_petiolaris", + "erythronium_albidum", + "sea_dahlia", + "european_hornbeam", + "viola_arvensis", + "sapindus", + "rhapis_humilis", + "castanopsis_chrysophylla", + "scutellaria_galericulata", + "claviceps_purpurea", + "viola_reichenbachiana", + "fleawort", + "chimaphila_umbellata", + "crabgrass", + "sambucus_canadensis", + "lilium_lancifolium", + "agastache_mexicana", + "man_of_earth", + "polybotria_cervina", + "rosehip", + "black_eyed_susan", + "tragopogon_pratensis", + "plantago_psyllium", + "sarcoscypha_coccinea", + "corncockle", + "scolopendrium_nigripes", + "aleuria_aurantia", + "mountain_sandwort", + "philadelphus_coronarius", + "penstemon_davidsonii", + "aralia_elata", + "zygocactus_truncatus", + "brassica_nigra", + "pitanga", + "shittim", + "torreya_californica", + "bearberry_willow", + "eleocharis_dulcis", + "sea_rocket", + "sweetsop", + "poppyseed", + "betula_populifolia", + "bromus_tectorum", + "helleborus_niger", + "epidendrum_venosum", + "cleome_hassleriana", + "helianthus", + "aristolochia_serpentaria", + "auricularia_auricula", + "pterocarpus_santalinus", + "horehound", + "gaillardia_pulchella", + "hygrophorus_sordidus", + "rosa_chinensis", + "scarlet_lychnis", + "common_alder", + "spergularia_rubra", + "leucanthemum_superbum", + "polygala_senega", + "lysimachia_terrestris", + "lathyrus_latifolius", + "florence_fennel", + "banksia_integrifolia", + "carissa", + "lysiloma_latisiliqua", + "scorzonera_hispanica", + "terrietia_trifoliolata", + "sea_squill", + "marsilea_quadrifolia", + "polybotrya_cervina", + "eupatorium_maculatum", + "cucurbita_moschata", + "euphorbia_hirsuta", + "pilea_microphylla", + "monarda_citriodora", + "common_vetchling", + "rudbeckia_laciniata", + "solanaceae", + "bramble", + "eupatorium_perfoliatum", + "francoa_ramosa", + "clintonia_andrewsiana", + "salvia_verbenaca", + "cordia_alliodora", + "talinum_brevifolium", + "erica_tetralix", + "carpobrotus_edulis", + "campanula_medium", + "chrysanthemum_lacustre", + "caryota_urens", + "quercus_kelloggii", + "erigeron_divergens", + "vanilla_planifolia", + "viola_cornuta", + "mountain_alder", + "juncus_articulatus", + "peach_bells", + "eryngium_maritimum", + "squawbush", + "schefflera_actinophylla", + "amelanchier_bartramiana", + "tannia", + "pityrogramma_calomelanos", + "rubus_cuneifolius", + "sida_rhombifolia", + "lactuca_scariola", + "pachysandra_terminalis", + "hibiscus_heterophyllus", + "salix_babylonica", + "sparmannia_africana", + "adlumia_fungosa", + "celastric_articulatus", + "dryopteris_marginalis", + "chamomile", + "thermopsis_villosa", + "protium_heptaphyllum", + "asclepias_exaltata", + "willow", + "enoki", + "cyclamen_purpurascens", + "oxytropis_lambertii", + "huckleberry", + "marri", + "magnolia_acuminata", + "gymnocarpium_robertianum", + "cypripedium_parviflorum", + "pseudofruit", + "pseudotsuga_macrocarpa", + "white_horehound", + "kennedia_prostrata", + "solanum_giganteum", + "suillus_albivelatus", + "lycopodium_clavitum", + "birthwort", + "trichomanes_reniforme", + "meconopsis_betonicifolia", + "polygonatum_commutatum", + "anthyllis_vulneraria", + "physalis_pruinosa", + "prunus_japonica", + "abies_grandis", + "leucanthemum_maximum", + "anemia_adiantifolia", + "laurus_nobilis", + "yellow_rocket", + "lathyrus_odoratus", + "blephilia_celiata", + "non_flowering_plant", + "selaginella_lepidophylla", + "rhamnus_carolinianus", + "common_lavander", + "gawri", + "fraxinus_americana", + "strongylodon_macrobotrys", + "brachycome_iberidifolia", + "amanita", + "sequoiadendron", + "white_alder", + "vespula_vulgaris", + "coriaria_japonica", + "macrotyloma_uniflorum", + "achillea_ptarmica", + "matricaria_oreades", + "good_king_henry", + "arabidopsis_thaliana", + "caesalpinia_gilliesii", + "centaurea_nigra", + "cassia_acutifolia", + "rowan", + "pilularia_globulifera", + "bracelet_wood", + "vaccinium_pennsylvanicum", + "green_bean", + "saint_mary", + "salmonberry", + "microgramma_piloselloides", + "centaurea_moschata", + "santa_maria", + "gyromitra_fastigiata", + "mountain_laurel", + "bertholletia_excelsa", + "iris_tingitana", + "adenium_obesum", + "helianthus_annuus", + "dianthus_latifolius", + "gentiana_villosa", + "epipremnum_aureum", + "cirsium_lanceolatum", + "gentianopsis_holopetala", + "cat_thyme", + "agrostis_palustris", + "pluteus_aurantiorugosus", + "chinese_evergreen", + "euphorbia_heterophylla", + "arundo", + "nephrolepis_pectinata", + "cirsium_eriophorum", + "cassiope_mertensiana", + "astilbe_biternata", + "monarda", + "sorbus_torminalis", + "munjit", + "artist", + "trichostema_dichotomum", + "parathelypteris_simulata", + "lepiota_procera", + "campion", + "pot_plant", + "achillea", + "commiphora_meccanensis", + "magnolia_grandiflora", + "phlebodium_aureum", + "podocarpus_elongatus", + "tulipa_clusiana", + "berteroa_incana", + "cardamine_bulbifera", + "pelargonium_odoratissimum", + "mentzelia_livicaulis", + "colutea_arborescens", + "mille_feuille", + "erigonum_fasciculatum", + "capparis_mitchellii", + "yuca", + "andropogon_scoparius", + "alliaria_officinalis", + "camptosorus_rhizophyllus", + "prosopis_glandulosa", + "liparis_loeselii", + "chionanthus_virginicus", + "mullein", + "pennisetum_americanum", + "coprinus_comatus", + "red_starthistle", + "papaver_alpinum", + "lygodium_microphyllum", + "hydrangea_petiolaris", + "lettuce", + "podocarpus_elatus", + "bidens_tripartita", + "sinapis", + "solanum_burbankii", + "prunus_laurocerasus", + "pachysandra_procumbens", + "seriphidium_maritimum", + "astreus_pteridis", + "napaea_dioica", + "rhizoctinia_solani", + "allium_tuberosum", + "desmodium_motorium", + "datura_sanguinea", + "cherry_tomato", + "pennisetum_glaucum", + "adiantum_pedatum", + "hypericum_virginianum", + "schizachyrium_scoparium", + "senecio_triangularis", + "amelanchier_alnifolia", + "machaeranthera_tanacetifolia", + "yucca_gloriosa", + "hygrophorus_caeruleus", + "passiflora_ligularis", + "salix_triandra", + "leucaena_leucocephala", + "silene_virginica", + "lilium_michiganense", + "cercidiphyllum_japonicum", + "atriplex_hortensis", + "vaccinium_corymbosum", + "stenocarpus_sinuatus", + "spiraea_prunifolia", + "cortinarius_armillatus", + "eupatorium_purpureum", + "solanum_pseudocapsicum", + "quercus_falcata", + "agropyron_intermedium", + "dog_violet", + "begonia_heracleifolia", + "teucrium_scorodonia", + "acer_campestre", + "anastatica_hierochuntica", + "cirsium_helenioides", + "micromeria_chamissonis", + "nemophila_maculata", + "bletilla_striata", + "boletellus_russellii", + "hamelia_erecta", + "helianthus_angustifolius", + "sea_aster", + "cheilanthes_alabamensis", + "sambal", + "mimosa_pudica", + "larix_siberica", + "sarcocephalus_esculentus", + "leontopodium_alpinum", + "stapelias_asterias", + "saxifraga_sarmentosam", + "chamaecyparis_thyoides", + "habenaria_orbiculata", + "cherry", + "rubus_caesius", + "papaver_somniferum", + "green_hellebore", + "pythium_debaryanum", + "manioc", + "allium_sphaerocephalum", + "convolvulus", + "malus_angustifolia", + "sea_island_cotton", + "cortinarius_gentilis", + "carex_pseudocyperus", + "bunya", + "gentiana_lutea", + "tricholoma_irinum", + "giant_granadilla", + "montia_chamissoi", + "polystichum_acrostichoides", + "mercurialis_perennis", + "matthiola_incana", + "granny's_bonnets", + "centaurea_cineraria", + "pe_tsai", + "anona", + "quercus_velutina", + "arctostaphylos_alpina", + "caladenia_cairnsiana", + "boneset", + "botrychium_virginianum", + "acacia_pycnantha", + "cynoglossum_amabile", + "galium_lanceolatum", + "actinidia_chinensis", + "taxus_baccata", + "saxifraga_granulata", + "quercus_montana", + "sakura", + "bradley's_spleenwort", + "jicama", + "plum", + "mountain_rose", + "chloris_gayana", + "mountain_spinach", + "rheum_palmatum", + "geranium_richardsonii", + "sporobolus_cryptandrus", + "lycopodium_obscurum", + "valerianella_locusta", + "periploca_graeca", + "geum_macrophyllum", + "papaver", + "rhus_typhina", + "salix_humilis", + "nymphaea_alba", + "rhamnus_purshianus", + "silene_dioica", + "dicentra_spectabilis", + "penstemon_centranthifolius", + "matteuccia_struthiopteris", + "euphorbia_esula", + "dryopteris_oreopteris", + "phaseolus_coccineus", + "diplotaxis_tenuifolia", + "rhamnus_frangula", + "euphorbia_dentata", + "candida_albicans", + "pulicaria_dysenterica", + "ranunculus_ficaria", + "luluabourg", + "cladrastis_lutea", + "polygala_paucifolia", + "malope_trifida", + "callirhoe_involucrata", + "graptophyllum_pictum", + "senna_alata", + "nothofagus_procera", + "schinus_terebinthifolius", + "amaryllis_belladonna", + "veronica_officinalis", + "phegopteris_connectilis", + "illicium_floridanum", + "cynoglossum_virginaticum", + "shaggymane", + "philippine_mahogany", + "asperula", + "magnolia_soulangiana", + "sansevieria_zeylanica", + "rumex_scutatus", + "amphicarpaea_bracteata", + "sorb", + "mustard", + "pontederia_cordata", + "pycnanthemum_virginianum", + "phalaenopsis_amabilis", + "chrysanthemum_segetum", + "calophyllum_inophyllum", + "aconitum_lycoctonum", + "rosa_multiflora", + "corn_speedwell", + "hygrophorus_borealis", + "prunus_cerasus", + "anthemis_arvensis", + "helianthus_giganteus", + "microstrobos_niphophilus", + "solidago_rugosa", + "cassia_augustifolia", + "ligustrum_ovalifolium", + "piptadenia_macrocarpa", + "peltiphyllum_peltatum", + "pimenta_officinalis", + "anemone_riparia", + "citrus_decumana", + "acer_macrophyllum", + "nemophila_aurita", + "asclepias_purpurascens", + "acacia_dealbata", + "native_cranberry", + "capsicum_baccatum", + "avene_sterilis", + "pogonia_divaricata", + "silver_bell", + "herb_robert", + "rorippa_islandica", + "euonymus_americanus", + "dianthus_caryophyllus", + "gumamela", + "agrimonia_eupatoria", + "brasenia_schreberi", + "anaphalis_margaritacea", + "bidens_bipinnata", + "sea_milkwort", + "native_pomegranate", + "calamus_australis", + "melicocca_bijugatus", + "cheiranthus_asperus", + "jatropha_stimulosus", + "larix_occidentalis", + "spiny_talinum", + "plantago_lanceolata", + "swietinia_mahogani", + "pseudobombax_ellipticum", + "scindapsus_aureus", + "sciadopitys", + "mentha_citrata", + "erythronium_grandiflorum", + "trichostema_lanceolatum", + "polystichum_lonchitis", + "ononis_spinosa", + "polystichum_braunii", + "tanacetum_ptarmiciflorum", + "andropogon_virginicus", + "hamamelis_vernalis", + "baby's_tears", + "ranunculus_glaberrimus", + "xanthosoma_sagittifolium", + "gleichenia_flabellata", + "ipomoea_leptophylla", + "acer_palmatum", + "thlaspi_arvense", + "pericallis_hybrida", + "richardson's_geranium", + "agrostemma_githago", + "ligustrum_ibolium", + "dactyloctenium_aegypticum", + "geranium_pratense", + "silene_caroliniana", + "hedge", + "pseudolarix_amabilis", + "phyllodoce_breweri", + "solanum_carolinense", + "hypericum_androsaemum", + "alpinia_officinalis", + "poterium_sanguisorba", + "carolina_lupine", + "stylomecon_heterophyllum", + "damson", + "castanea_chrysophylla", + "phaseolus_aconitifolius", + "herb_paris", + "taxus_cuspidata", + "salix_viminalis", + "common_bamboo", + "athyrium_distentifolium", + "tilia_japonica", + "calvatia_gigantea", + "rhus_laurina", + "connarus_guianensis", + "melibe_japonica", + "melampodium_leucanthum", + "juniperus_virginiana", + "sphaeralcea_coccinea", + "calamintha_grandiflora", + "acacia_auriculiformis", + "sand_myrtle", + "arctostaphylos_andersonii", + "eriophorum_angustifolium", + "chrysanthemum_maximum", + "leonotis_nepetifolia", + "few_flowered_leek", + "veronica_serpyllifolia", + "alstonia_scholaris", + "dioscorea_paniculata", + "cycloloma_atriplicifolium", + "machaeranthera_tortifoloia", + "nemophila", + "eucalyptus_globulus", + "high_mallow", + "cassia_fistula", + "phyllocladus_alpinus", + "vaccinium_arboreum", + "pterospermum_acerifolium", + "platanus_occidentalis", + "passiflora_incarnata", + "phaseolus_angularis", + "clusia", + "festuca_ovina", + "zanthoxylum_americanum", + "oleandra_neriiformis", + "quercus_ellipsoidalis", + "syringa_reticulata", + "eriophyllum_lanatum", + "bromus_arvensis", + "polygala_vulgaris", + "hypericum_tetrapterum", + "milkwort", + "ardisia_crenata", + "canola_oil", + "haplopappus_phyllocephalus", + "fraxinus_quadrangulata", + "physostigma_venenosum", + "genus_brassica", + "polystichum_setiferum", + "veronica_peregrina", + "scutellaria_lateriflora", + "passiflora_maliformis", + "beet", + "chrysanthemum_leucanthemum", + "nothofagus_menziesii", + "tiarella_unifoliata", + "gramineous_plant", + "clematis_virginiana", + "cortinarius_semisanguineus", + "pennisetum_setaceum", + "star_saxifrage", + "penstemon_barbatus", + "lathyrus_maritimus", + "asphodeline_lutea", + "rubus_trivialis", + "artemisia_tridentata", + "chenopodium_capitatum", + "chaenomeles_speciosa", + "coral_necklace", + "selenicereus_grandiflorus", + "citrus_aurantium", + "pelargonium_peltatum", + "hydrophyllum_virginianum", + "amaranthus_spinosus", + "reseda", + "barbarea_vulgaris", + "aster_cordifolius", + "osmanthus_americanus", + "kochia_scoparia", + "felicia_bergeriana", + "psidium_cattleianum", + "delairea_odorata", + "annona_cherimola", + "lobelia_cardinalis", + "ulmus_sarniensis", + "helleborus_orientalis", + "dicot_genus", + "cortinarius_violaceus", + "dianthus_barbatus", + "myxomycete", + "platanus_orientalis", + "piper_longum", + "gossypium_hirsutum", + "holm", + "sugar_beet", + "larch", + "filago", + "bursera_microphylla", + "ceratopteris_pteridioides", + "blackthorn", + "abronia_maritima", + "kingcup", + "prunus_armeniaca", + "campanula_americana", + "entoloma_lividum", + "castanea_dentata", + "quercus_stellata", + "allamanda_cathartica", + "cocculus_carolinus", + "magnolia_macrophylla", + "liquidambar", + "nymphaea_odorata", + "diplazium_pycnocarpon", + "petasites_hybridus", + "urtica", + "potamogeton_crispus", + "red_sandalwood", + "iris_ensata", + "parthenocissus_tricuspidata", + "anthurium_andraeanum", + "iris_kaempferi", + "dog_stinkhorn", + "mentha_rotundifolia", + "lychnis", + "pseudowintera_colorata", + "thelypteris_dryopteris", + "elymus_hispidus", + "artemisia_cana", + "paspalum_distichum", + "tropaeolum_minus", + "macadamia_tetraphylla", + "ligustrum_obtusifolium", + "quercus_garryana", + "genus_discina", + "man_on_horse", + "coreopsis_maritima", + "lanceolate_spleenwort", + "saxifraga_hypnoides", + "carissa_grandiflora", + "fritillaria_mutica", + "maclura_pomifera", + "stenocarpus_salignus", + "bearberry", + "malus_baccata", + "cucurbita_argyrosperma", + "aster_arenosus", + "cardamine_rotundifolia", + "salix_fragilis", + "amanita_muscaria", + "pseudocolus_fusiformis", + "pterocarpus_indicus", + "margosa", + "olive", + "corylus_americana", + "yucca_filamentosa", + "brachychiton_australis", + "phylloporus_boletinoides", + "calla_palustris", + "leonurus_cardiaca", + "silybum", + "arenaria_peploides", + "spergula_arvensis", + "cassia_alata", + "physostegia_virginiana", + "asplenium_trichomanes", + "carissa_bispinosa", + "emilia_sagitta", + "acer_japonicum", + "tripleurospermum_inodorum", + "cliff_rose", + "pipsissewa", + "silene_acaulis", + "doryopteris_pedata", + "arrhenatherum_elatius", + "fraxinus_caroliniana", + "larkspur", + "agrostis_nebulosa", + "habenaria_lacera", + "asplenium_nigripes", + "blister_rust", + "asplenium_rhizophyllum", + "conocarpus_erectus", + "eucalyptus_camphora", + "lysimachia_quadrifolia", + "dryopteris_noveboracensis", + "nicotiana_alata", + "kniphofia", + "agana", + "dracocephalum", + "carissa_macrocarpa", + "populus_balsamifera", + "vorticella_convallaria", + "armeria_maritima", + "nicotiana_tabacum", + "quercus_incana", + "centaurea_scabiosa", + "myosotis_sylvatica", + "mirasol", + "cineraria_maritima", + "tracheophyte", + "kananga", + "loosestrife", + "woodwardia_virginica", + "rattail_cactus", + "chamaecrista_fasciculata", + "asclepias_verticillata", + "phyllostachys_nigra", + "rosa_laevigata", + "puccinia_graminis", + "astragalus_alpinus", + "quercus_variabilis", + "california_privet", + "hedgerow", + "ulmus_americana", + "markery", + "arisaema_atrorubens", + "hypericum_hypericoides", + "carex_arenaria", + "psidium_guineense", + "antennaria_plantaginifolia", + "eriodictyon_californicum", + "pilosella_officinarum", + "american_sycamore", + "wild_bergamot", + "laccopetalum_giganteum", + "erigeron_annuus", + "prem", + "platycladus_orientalis", + "cassia_marginata", + "nasturtium_amphibium", + "farkleberry", + "lepista_irina", + "sphaeralcea_fasciculata", + "acanthus_mollis", + "chervil", + "corallorhiza_striata", + "antirrhinum_filipes", + "hermannia_verticillata", + "crataegus_tomentosa", + "salix_lasiolepis", + "schizaea_pusilla", + "christmas_fern", + "mountain_mint", + "yucca_baccata", + "alpine_clubmoss", + "pholiota_squarrosoides", + "savin", + "stellaria_media", + "erica_perspicua", + "leucanthemum_vulgare", + "asplenium_bradleyi", + "jatropha_urens", + "solanum_nigrum", + "genus_angelica", + "calochortus_amabilis", + "marginal_placentation", + "abies_lasiocarpa", + "campanula_rapunculus", + "common_dandelion", + "fave", + "melastoma_malabathricum", + "lagarostrobus_franklinii", + "rhus_trilobata", + "genus_prunus", + "cystopteris_montana", + "astronium_fraxinifolium", + "serpentaria", + "rubus_parviflorus", + "chrysopsis_villosa", + "diplotaxis_muralis", + "derris_elliptica", + "sciadopitys_verticillata", + "ulmus_alata", + "calochortus_amoenus", + "geranium_robertianum", + "lycopodium_complanatum", + "pansy", + "lonicera_dioica", + "coconut_palm", + "peperomia_sandersii", + "aralia_spinosa", + "clematis", + "cyclophorus_lingua", + "anthemis_tinctoria", + "cranberry", + "helianthus_tuberosus", + "parthenium_argentatum", + "hedysarum_coronarium", + "senna_occidentalis", + "helianthus_maximilianii", + "lysiloma_bahamensis", + "eryngium_yuccifolium", + "woodruff", + "clematis_lasiantha", + "polypodium_aureum", + "camassia_leichtlinii", + "lithospermum_canescens", + "cleistes_divaricata", + "nogales", + "acanthocereus_pentagonus", + "hibiscus_elatus", + "water_gillyflower", + "wallpepper", + "crotalaria_sagitallis", + "sticherus_flabellatus", + "hippocrepis_comosa", + "saccharum", + "aster_divaricatus", + "white_rocket", + "usnea_barbata", + "amphicarpa_bracteata", + "verbena_officinalis", + "cornus_stolonifera", + "rewarewa", + "coeloglossum_bracteatum", + "pseudotaxus_chienii", + "lycopus_americanus", + "prunus_domestica", + "bryanthus_taxifolius", + "draba_verna", + "dendrocalamus_giganteus", + "giant_taro", + "limnodium_spongia", + "cercis_occidentalis", + "tricholoma_aurantium", + "lithophragma_parviflorum", + "cheilanthes_lanosa", + "medusa's_head", + "portulaca_grandiflora", + "phytophthora_infestans", + "linaria_japonica", + "gymnosperm_genus", + "chlorophyllum_molybdites", + "centaurea_americana", + "bilimbi", + "leptarrhena_pyrolifolia", + "polyporus_tenuiculus", + "muscicapa_striata", + "laguncularia_racemosa", + "tectaria_macrodonta", + "arundinaria_gigantea", + "asclepias_albicans", + "christmas_bells", + "russian_olive", + "prosopis_juliflora", + "acer_platanoides", + "cotoneaster_horizontalis", + "blue_star", + "snapdragon", + "rubus_idaeus", + "quercus_grosseserrata", + "lentiscus", + "haplopappus_spinulosus", + "brassica_pekinensis", + "divi_divi", + "monggo", + "viburnum_prunifolium", + "quercus_macrocarpa", + "prunus_pensylvanica", + "eucalyptus_maculata", + "callirhoe_digitata", + "styphelia_humifusum", + "gossypium_barbadense", + "brassica_chinensis", + "brachychiton_rupestris", + "calochortus_luteus", + "platylobium_formosum", + "argemone", + "ustilaginoidea_virens", + "great_millet", + "sophora_secundiflora", + "hedysarum_boreale", + "erica_carnea", + "cimicifuga_racemosa", + "euphorbia_cyparissias", + "colewort", + "salvia_pratensis", + "centaurea_cyanus", + "euphorbia_cyathophora", + "aster_falcatus", + "ormosia_coarctata", + "asclepias_incarnata", + "santolina_chamaecyparissus", + "delonix_regia", + "dorotheanthus_bellidiformis", + "cascara", + "guelder_rose", + "urtica_dioica", + "agaricus_campestris", + "oleandra_mollis", + "gymnadenia_conopsea", + "trifolium_repens", + "eugenia_uniflora", + "black_currant", + "cytisus_ramentaceus", + "blackberry", + "cardamine_bulbosa", + "quercus_prinoides", + "chrysolepis_chrysophylla", + "calopogon_pulchellum", + "veronica_michauxii", + "parochetus_communis", + "sunflower_seeds", + "oenanthe_aquatica", + "rosa_eglanteria", + "arctic_willow", + "carpenteria_californica", + "crab_apple", + "cortaderia_selloana", + "solanum", + "gentianella_amarella", + "ballota_nigra", + "parietal_placentation", + "cherrywood", + "helipterum_manglesii", + "campanula_carpatica", + "hymenoxys_acaulis", + "trichomanes_boschianum", + "sisymbrium_officinale", + "xerophyllum_tenax", + "florida_selaginella", + "salmwood", + "scarlet_fritillary", + "angelica_archangelica", + "black_mallee", + "acalypha_virginica", + "chinaberry", + "begonia_erythrophylla", + "allium_acuminatum", + "common_soapwort", + "campsis_radicans", + "cirsium_vulgare", + "rhodosphaera_rhodanthema", + "eryngium_aquaticum", + "echinocactus_grusonii", + "eupatorium_capillifolium", + "heterotheca_villosa", + "lilium_canadense", + "ruff", + "privet", + "evergreen_huckleberry", + "allium_neopolitanum", + "andromeda_glaucophylla", + "medinilla_magnifica", + "mountain_ebony", + "corypha_umbraculifera", + "brachychiton_acerifolius", + "bartle_frere", + "raffia_farinifera", + "caragana_arborescens", + "chickweed", + "sorbus_aucuparia", + "eviota_japonica", + "chard", + "senecio_cineraria", + "black_mangrove", + "monterey_pine", + "rose_chestnut", + "dianthus_chinensis", + "penstemon_linarioides", + "acer_pseudoplatanus", + "lycium_halimifolium", + "aristolochia_macrophylla", + "lotus_corniculatus", + "allium_triquetrum", + "montia_perfoliata", + "clematis_tangutica", + "polygonum_orientale", + "anchovy_pear", + "tulipa_suaveolens", + "gymnadenia_odoratissima", + "chrysolepis_sempervirens", + "robinia_viscosa", + "common_osier", + "hydrangea_arborescens", + "monarda_fistulosa", + "athyrium_pycnocarpon", + "bougainvillaea", + "davidson's_penstemon", + "martynia_fragrans", + "calamagrostis_acutiflora", + "polyporus_squamosus", + "raphanus_raphanistrum", + "cornus_florida", + "johnson_grass", + "lithophragma_affine", + "ficus_diversifolia", + "cytisus_multiflorus", + "chinese_holly", + "amaranthus_caudatus", + "phytelephas_macrocarpa", + "silene_latifolia", + "gymnocladus_dioica", + "sapindus_marginatus", + "ceroxylon_alpinum", + "genus_erica", + "saxifraga_stellaris", + "crataegus_pedicellata", + "polygala_japonica", + "cronartium_ribicola", + "melisa", + "botrychium_lunaria", + "fraxinus_velutina", + "rudbeckia_serotina", + "anagallis_tenella", + "hypericum_pyramidatum", + "combretum_erythrophyllum", + "chrysosplenium_americanum", + "arenaria_caroliniana", + "tetragonia_tetragonioides", + "amatungulu", + "septobasidium_pseudopedicellatum", + "monarda_pectinata", + "fagus_sylvatica", + "dog_laurel", + "scleranthus_annuus", + "laportea_canadensis", + "leonotis_nepetaefolia", + "golden_aster", + "gentiana_andrewsii", + "acrocarpus_fraxinifolius", + "cupressus_lusitanica", + "salix_pentandra", + "genus_echinocactus", + "emilia_flammea", + "tricholoma_flavovirens", + "metaplexis_japonica", + "aureolaria_virginica", + "collinsia_verna", + "cinchona_cordifolia", + "betula_fontinalis", + "cerastium_tomentosum", + "rubus_spectabilis", + "prunus_subcordata", + "broomcorn_millet", + "bittersweet_chocolate", + "drosophyllum_lusitanicum", + "crataegus_laevigata", + "antirrhinum_coulterianum", + "plagianthus_betulinus", + "coniogramme_japonica", + "genus_ricinus", + "anemone_virginiana", + "sinapis_arvensis", + "populus_canescens", + "quercus_lyrata", + "collinsia_parviflora", + "martynia_arenaria", + "acer_circinatum", + "euscaphis_japonica", + "lycopodium_alopecuroides", + "lindheimera_texana", + "scottish_maple", + "alexandrian_laurel", + "epilobium_angustifolium", + "wall_rocket", + "salix_repens", + "southern_harebell", + "water_hyacinth", + "hay_scented", + "stanleya_pinnata", + "sabina", + "sweetbrier", + "arum", + "abelmosk", + "silene_uniflora", + "dracunculus_vulgaris", + "pilosella_aurantiaca", + "brussels_sprout", + "little_barley", + "pinus_attenuata", + "polygala_alba", + "scleroderma_aurantium", + "acacia_melanoxylon", + "cyperus_papyrus", + "leucaena_glauca", + "agrostis_canina", + "saccharomyces_cerevisiae", + "listera_cordata", + "carya_laciniosa", + "platymiscium_pinnatum", + "tropaeolum_peregrinum", + "sweet_calabash", + "boletus_edulis", + "melampsora_lini", + "phyllocladus_asplenifolius", + "saccharum_officinarum", + "hydrangea_paniculata", + "buckeye", + "thrinax_keyensis", + "ceratostomella_ulmi", + "campanula_trachelium", + "aster_ptarmicoides", + "ranunculus_bulbosus", + "hesperis_matronalis", + "wild_geranium", + "poinciana_gilliesii", + "camphor", + "sugarberry", + "sourwood", + "peziza_coccinea", + "erythronium_americanum", + "taraxacum_officinale", + "cape_yellowwood", + "arenaria_serpyllifolia", + "solenostemon_scutellarioides", + "dog_grass", + "tetraneuris_grandiflora", + "lysimachia_vulgaris", + "daphne_cneorum", + "fraxinus_pennsylvanica", + "iris_persica", + "juglans_californica", + "eugenia_corynantha", + "viburnum_dentatum", + "calyptridium_umbellatum", + "erica_cinerea", + "dracaena_draco", + "campanula_rotundifolia", + "phytolacca_dioica", + "clinopodium_grandiflorum", + "phaseolus_multiflorus", + "begonia_cocchinea", + "columbine", + "medicago_intertexta", + "crotalaria_spectabilis", + "nettle", + "trichomanes_speciosum", + "malvastrum_coccineum", + "helianthus_laetiflorus", + "campanula_glomerata", + "chrysanthemum_coccineum", + "phaseolus_lunatus", + "marum", + "oxalo", + "christmas_rose", + "lonicera_tatarica", + "pachyrhizus_tuberosus", + "schizanthus", + "maritime_groundel", + "hypochaeris_radicata", + "clusia_flava", + "pellaea_mucronata", + "pulsatilla_occidentalis", + "actinidia_deliciosa", + "aporocactus_flagelliformis", + "dalbergia_latifolia", + "polystichum_aculeatum", + "anemopsis_californica", + "geranium_viscosissimum", + "crabapple", + "marathi", + "dipladenia_boliviensis", + "gaultheria_procumbens", + "thelypteris_hexagonoptera", + "anemone_pulsatilla", + "christmas_bush", + "beta_vulgaris", + "eucalyptus_amygdalina", + "sallow", + "polystichum_scopulinum", + "allium_carinatum", + "prunus_lyonii", + "cerastium_alpinum", + "helleborine", + "cypripedium_fasciculatum", + "pleurotus_ostreatus", + "omphalotus_illudens", + "allium_ursinum", + "harpullia_pendula", + "ligustrum_amurense", + "tetraneuris_acaulis", + "pseudotsuga_menziesii", + "helianthemum_scoparium", + "salvia_lancifolia", + "monotropa_uniflora", + "aaron's_beard", + "penstemon_dolius", + "american_watercress", + "spotted_flycatcher", + "stephanomeria_malheurensis", + "tanacetum_parthenium", + "american_planetree", + "hymenoxys_grandiflora", + "rosa_odorata", + "erythrina", + "lithospermum_officinale", + "genus_coreopsis", + "chrysothamnus_nauseosus", + "arisaema_dracontium", + "salix_vitellina", + "para_rubber", + "blephilia_hirsuta", + "silkwood", + "senna_alexandrina", + "sabal_palmetto", + "haricots_verts", + "vangueria_infausta", + "centaurium_minus", + "asparagus_plumosus", + "hygrophorus_tennesseensis", + "calandrinia_ciliata", + "mountain_hare", + "heracleum_sphondylium", + "lobelia_siphilitica", + "crataegus_aestivalis", + "drimys_winteri", + "dolichos_biflorus", + "erigeron_pulchellus", + "leucadendron_argenteum", + "prunus_cuneata", + "lepidothamnus_laxifolius", + "phlox_subulata", + "elymus_arenarius", + "rhus_toxicodenedron", + "sand_blackberry", + "penstemon_deustus", + "lathyrus_sylvestris", + "sida_hermaphrodita", + "marasmius_oreades", + "mountain_fern", + "symphytum_officinale", + "solidago_nemoralis", + "dicentra_canadensis", + "heteranthera_dubia", + "sapindus_drumondii", + "rosa_moschata", + "viola_tricolor", + "viburnum_opulus", + "rhus_quercifolia", + "carlina_vulgaris", + "allium_vineale", + "sophora_japonica", + "lychins_chalcedonica", + "our_lord's_candle", + "hieracium_praealtum", + "parasitic_plant", + "gentiana_saponaria", + "platycerium_andinum", + "sugarcane", + "gentiana_acaulis", + "salvia_farinacea", + "elaeis_guineensis", + "calla", + "calocedrus_decurrens", + "lupinus_arboreus", + "arctostaphylos_manzanita", + "artemis_spinescens", + "erythronium_montanum", + "dianthus_plumarius", + "poppy", + "leptopteris_superba", + "snowdrop_windflower", + "pelargonium_hortorum", + "carrot", + "brass_buttons", + "vaccinium_ovatum", + "prunus_serrulata", + "euphorbia_corollata", + "aspidistra_elatior", + "galium_verum", + "calopogon_tuberosum", + "aralia_stipulata", + "cycas_circinalis", + "populus_nigra", + "mentha_longifolia", + "asplenium_billotii", + "saxe_gothea", + "solanum_macranthum", + "nasturtium", + "darnel", + "pipestem_clematis", + "muscari_comosum", + "stenotaphrum_secundatum", + "clatonia_lanceolata", + "artemisia_filifolia", + "ranunculus_repens", + "honeysuckle", + "berberis_canadensis", + "humulus_japonicus", + "calochortus_elegans", + "apocynum_androsaemifolium", + "ribes_sativum", + "eustoma_grandiflorum", + "tricholoma_venenata", + "manioca", + "stellaria_holostea", + "strelitzia_reginae", + "agathis_australis", + "quira", + "lemna_minor", + "southern_magnolia", + "larix_laricina", + "coleus_aromaticus", + "corydalis_claviculata", + "aster_ericoides", + "cirsium_heterophylum", + "flower_bud", + "yew", + "pyrola_rotundifolia", + "salvinia_auriculata", + "rhododendron_californicum", + "colocasia_esculenta", + "coral_tree", + "leucothoe_fontanesiana", + "ustilago_maydis", + "inga_edulis", + "edelweiss", + "canangium", + "anemone_tetonensis", + "spiranthes_spiralis", + "gymnocarpium_dryopteris", + "protium_guianense", + "artillery_plant", + "lonicera_albiflora", + "enokitake", + "monardella_lanceolata", + "cardamine_pratensis", + "salpiglossis_sinuata", + "trifolium_stoloniferum", + "hypericum_calycinum", + "bindweed", + "pteris_serrulata", + "pteretis_struthiopteris", + "dichondra_micrantha", + "hypericum_maculatum", + "urocystis_cepulae", + "phyllitis_scolopendrium", + "zoisia", + "hypericum_perforatum", + "wolfberry", + "allium_fistulosum", + "menispermum_canadense", + "anthurium_scherzerianum", + "acrostichum_aureum", + "callitris_cupressiformis", + "azaleastrum", + "lychnis_coronaria", + "tangerine", + "brunfelsia_americana", + "salix_arctica", + "conyza_canadensis", + "cananga", + "pellicularia_filamentosa", + "cassia_javonica", + "corallorhiza_maculata", + "michaelmas_daisy", + "rosa_spithamaea", + "phacelia_campanularia", + "montia_cordifolia", + "gentiana_calycosa", + "campanula_aparinoides", + "amaranthus_hypochondriacus", + "solidago_multiradiata", + "lithocarpus_densiflorus", + "alnus_glutinosa", + "gerardia_virginica", + "cnidoscolus_urens", + "gymnopilus_ventricosus", + "diplotaxis_erucoides", + "cypripedium_montanum", + "eucalyptus_calophylla", + "erodium_texanum", + "desmodium_gyrans", + "viola_sylvatica", + "dioscorea_alata", + "christmas_tree", + "arctium_minus", + "arrhenatherum", + "eucalyptus_pauciflora", + "juneberry", + "annona_reticulata", + "cheilanthes_gracillima", + "pinus_muricata", + "paris_quadrifolia", + "bird_of_paradise", + "agropyron_repens", + "honeyberry", + "chrysanthemum_morifolium", + "phytolacca_americana", + "nicotiana_rustica", + "reseda_odorata", + "heuchera_americana", + "nyctaginia_capitata", + "lathyrus_sativus", + "oxalis", + "veronica_arvensis", + "anthriscus_sylvestris", + "belladonna", + "marchantia_polymorpha", + "astreus_hygrometricus", + "anemonella_thalictroides", + "chop_suey_greens", + "lima_bean", + "campanula_pyramidalis", + "sweet_corn", + "calamus_oil", + "pteridium_aquilinum", + "waldmeister", + "polygala_lutea", + "begonia_cheimantha", + "aglaonema_modestum", + "nightshade", + "maianthemum_canadense", + "cinnamomum_cassia", + "panicum_capillare", + "scarlet_runner", + "lathyrus_splendens", + "erysimum_arkansanum", + "papaver_californicum", + "smilax_aspera", + "begonia_socotrana", + "salvia_sclarea", + "scaly_lentinus", + "larix_russica", + "sterculia_acerifolia", + "aristolochia_clematitis", + "allium_ampeloprasum", + "catharanthus_roseus", + "christ's_thorn", + "crataegus_mollis", + "mirabilis_longiflora", + "ageratum_houstonianum", + "agropyron_trachycaulum", + "corticium_salmonicolor", + "cephalanthera_rubra", + "tellima_affinis", + "vangueria_madagascariensis", + "cypripedium_calceolus", + "mountain_heath", + "abies_bracteata", + "cyrtomium_aculeatum", + "viola_odorata", + "virginia_snakeroot", + "poa_nemoralis", + "aster_turbinellis", + "antheropeas_wallacei", + "corylus_cornuta", + "bladder_cherry", + "toxicodendron_radicans", + "lingonberry", + "western_blackberry", + "solidago_spathulata", + "amaranthus_albus", + "robin's_plantain", + "habenaria_chlorantha", + "saxegothea", + "iris_florentina", + "sorrel", + "iris_virginica", + "lotus_tetragonolobus", + "arctostaphylos_uva_ursi", + "hieracium_aurantiacum", + "big_sagebrush", + "leucothoe_racemosa", + "dandelion_green", + "prosopis_pubescens", + "falcatifolium_falciforme", + "beetroot", + "chrysanthemum", + "polypodium_polypodioides", + "linaria_canadensis", + "russian_thistle", + "agrimonia", + "myrica_gale", + "allium_scorodoprasum", + "white_stringybark", + "vallisneria", + "holcus_mollis", + "crambe_maritima", + "helichrysum_secundiflorum", + "erythrina_variegata", + "solanum_melanocerasum", + "platanthera_chlorantha", + "rosa_banksiae", + "acer_glabrum", + "rubus_canadensis", + "epipactis_gigantea", + "euphorbia_milii", + "taxus_floridana", + "begonia_tuberhybrida", + "spraguea_umbellatum", + "rubus_occidentalis", + "castilleja_sulphurea", + "calochortus_macrocarpus", + "thrinax_parviflora", + "ringworm_bush", + "be_careful", + "alder", + "paradisea_liliastrum", + "genus_urtica", + "euphorbia_marginata", + "lamb's_quarters", + "asplenium_montanum", + "mazzard", + "hakea_laurina", + "castanea", + "hygrophorus_kauffmanii", + "passiflora_mollissima", + "arundinaria_tecta", + "rudbeckia_hirta", + "callirhoe_triangulata", + "para_rubber_tree", + "brem", + "phyllostachys_bambusoides", + "solanum_commersonii", + "beaumontia_grandiflora", + "hygrophorus_turundus", + "bletia_striata", + "platanus_acerifolia", + "physalis_peruviana", + "scleroderma_flavidium", + "parthenium_integrifolium", + "evergreen_blueberry", + "chestnut", + "sambucus_ebulus", + "rubus_odoratus", + "floppydock", + "jerusalem_artichoke", + "agropyron_pauciflorum", + "hamamelis_virginiana", + "arctostaphylos_tomentosa", + "quercus_virginiana", + "allgood", + "platanthera_leucophea", + "sarcocephalus_latifolius", + "gossypium_thurberi", + "clematis_verticillaris", + "calystegia_sepium", + "cassava", + "podocarpus_latifolius", + "wolffiella_gladiata", + "dicksonia_antarctica", + "muscari_neglectum", + "red_currant", + "baccharis_pilularis", + "paper_spurge", + "penstemon_fruticosus", + "cherokee_rose", + "magnolia", + "dryopteris_thelypteris", + "solanum_wrightii", + "black_willow", + "eucalyptus_regnans", + "marsh_marigold", + "galium_boreale", + "fireweed", + "leucothoe_editorum", + "centaurea_gymnocarpa", + "passiflora_foetida", + "pinewood", + "ulmus_hollandica", + "nyssa_sylvatica", + "cassia_marilandica", + "nephrolepis_exaltata", + "polyporus_frondosus", + "asclepias_meadii", + "gerardia_pedicularia", + "pterocarpus_macrocarpus", + "cowberry", + "cherimoya", + "quercus_texana", + "coleus_amboinicus", + "diplopterygium_longissimum", + "gyromitra_brunnea", + "phellodendron_amurense", + "hevea_brasiliensis", + "nolina_microcarpa", + "cordyline_australis", + "ranunculus_aquatilis", + "avena_barbata", + "polypodium_vulgare", + "oligoporus_leucospongia", + "bromus_secalinus", + "anemone_occidentalis", + "pinus_palustris", + "virginia_strawberry", + "conium_maculatum", + "plantago_media", + "plumeria_acutifolia", + "astroloma_humifusum", + "wild_hollyhock", + "asplenium_scolopendrium", + "mahonia_nervosa", + "erythrina_corallodendrum", + "oenanthe_crocata", + "downy_birch", + "lotus_berthelotii", + "artemisia_maritima", + "ranunculus_acris", + "cirsium_arvense", + "centaurea_imperialis", + "cypripedium_reginae", + "gray_willow", + "alpinia_officinarum", + "juneberry_holly", + "abronia_villosa", + "andromeda_polifolia", + "canada_violet", + "teucrium_canadense", + "spurge", + "pinus_echinata", + "malacothamnus_fasciculatus", + "verbascum_lychnitis", + "silver_fern", + "quercus_borealis", + "betula_papyrifera", + "phyllostachys_aurea", + "rosa_damascena", + "pterocarpus_angolensis", + "aegilops_triuncalis", + "platanthera_bifolia", + "bulbous_plant", + "scirpus_acutus", + "anchusa_capensis", + "salix_pyrifolia", + "camellia_japonica", + "nothofagus_truncata", + "anthericum_torreyi", + "calamagrostic_quadriseta", + "solanum_quitoense", + "eastern_hemlock", + "tritoma", + "centaurium_scilloides", + "hibiscus_moschatus", + "podocarpus_nivalis", + "stylophorum_diphyllum" + ], + "PRODUCT": [ + "no_limits", + "magnetic_stripe", + "st_vincent", + "south_walian", + "castle_walls", + "deja_vu", + "justin_bieber", + "new_zealand", + "nickel_plate", + "fyodor_dostoyevsky", + "morn", + "medical_school", + "philosopher's_stone", + "esp\u00edrito_santo", + "in_higher_place", + "take_off", + "end_of_world", + "saint_mary", + "al_jazeera", + "four_seasons", + "john_lackland", + "human_rights", + "water_mill", + "caesarean_section", + "o_ring", + "diego_garcia", + "tutti_frutti", + "south_west", + "la_salle", + "dolly_varden", + "echinopsis_pachanoi", + "saxony_anhalt", + "cape_horn", + "stepping_stones", + "double_headed", + "jumping_jack", + "la_fl\u00e8che", + "in_memoriam", + "new_edition", + "sea_monkeys", + "ai_cham", + "doll's_house", + "ga_ga", + "s_train", + "la_forza_del_destino", + "julius_caesar", + "astronomical_clock", + "saint_vincent", + "off_road", + "by_grace_of_god", + "tile_cutter", + "forget_me_not", + "tai_pan", + "st_john_baptist", + "c_net", + "ghettoblaster", + "mary_magdalene", + "in_nick_of_time", + "san_diegan", + "don_quixote", + "monte_cristo", + "as_you_wish", + "mau_mau", + "holy_spirit", + "d_subminiature", + "noah's_ark", + "colour_tube", + "silver_wedding_anniversary", + "die_hard", + "all_saints", + "three_rivers", + "city_hall", + "konstantin_stanislavsky", + "after_burner", + "s\u00e3o_tom\u00e9_and_pr\u00edncipe", + "three_dimensional", + "me_too", + "boxing_day", + "dead_end", + "father_christmas", + "la_dolce_vita", + "deutsche_welle", + "all_right", + "job's_tears", + "gong", + "st_mary_magdalene", + "mount_st_helens", + "there_is_rub", + "town_hall", + "floral_decoration", + "new_testament", + "north_rhine_westphalia", + "saint_nicholas", + "what_happened", + "three_sisters", + "ferdinand_magellan", + "sierra_blanca", + "emperor_huizong", + "myosotis_scorpiodes", + "mario_andretti", + "mary_jane", + "off_limits", + "san_sebastian", + "halfpipe", + "st_george's", + "u_boat", + "as_if", + "lang_lang", + "santa_catarina", + "de_facto", + "st_george_s", + "has_been", + "what_if", + "nordrhein_westfalen", + "will_o_wisp", + "seven_sisters", + "cape_verdean", + "three_kingdoms", + "david_beckham", + "in_between", + "saint_peter", + "heinrich_heine", + "scarlet_tanager", + "novo_mesto", + "s\u00e3o_paulo" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "la_tour", + "henry_cavendish", + "matthew_arnold", + "harding", + "maria_montesorri", + "lambert", + "burbage", + "forester", + "lev_ivanov", + "st_david", + "goldmark", + "freemason", + "guggenheim", + "styron", + "mccormick", + "streisand", + "benjamin_franklin", + "maitland", + "martin_buber", + "john_bartlett", + "e_b_white", + "longfellow", + "gropius", + "karl_gjellerup", + "sullivan", + "akira_kurosawa", + "frances_wright", + "mayer", + "niccolo_paganini", + "on_lower_floor", + "yastrzemski", + "carnegie", + "maria_tallchief", + "curtis", + "noah_webster", + "jean_genet", + "von_rundstedt", + "tradescant", + "dinesen", + "john_knox", + "heinrich_hertz", + "kesey", + "mauriac", + "waldheim", + "jean_laffite", + "roger_williams", + "lovelace", + "henry_i", + "livingstone", + "le_duc_tho", + "giovanni_boccaccio", + "obsessively", + "saint_maarten", + "cornelius_vanderbilt", + "ekman", + "huntington", + "wren", + "rudolf_steiner", + "klinefelter", + "thomas_wolfe", + "eccles", + "cuvier", + "david_rittenhouse", + "ernesto_guevara", + "o'casey", + "thomas_bayes", + "tindale", + "gjellerup", + "ben_hogan", + "joliot", + "ziegfeld", + "johann_bernoulli", + "charles_great", + "max_bruch", + "mays", + "winckelmann", + "leonard_bernstein", + "c_k_ogden", + "sibelius", + "weill", + "thomas_decker", + "van_allen", + "alistair_cooke", + "che_guevara", + "roget", + "malevich", + "charles_townes", + "ederle", + "kline", + "georges_simenon", + "sir_john_frederick_william_herschel", + "james_barrie", + "c", + "botticelli", + "david_grun", + "mccauley", + "van_beethoven", + "salinger", + "karl_scheele", + "alan_seeger", + "gillespie", + "medawar", + "shostakovich", + "wickliffe", + "ren\u00e9_descartes", + "john_endecott", + "thomas_hodgkin", + "wright", + "dos_passos", + "belloc", + "fleming", + "bearded_mountaineer", + "andrews", + "john_barth", + "edward_albee", + "chess_master", + "bruegel", + "dorothy_parker", + "lipchitz", + "armstrong", + "zhukov", + "bonney", + "francis_ferdinand", + "maria_callas", + "victor_herbert", + "black_marketeer", + "de_sica", + "william_walton", + "leary", + "henrik_ibsen", + "rushdie", + "abelard", + "winslow", + "prospero_lambertini", + "morgan", + "antonio_ghislieri", + "rabelais", + "emerson", + "hendrix", + "frobisher", + "laffer", + "yardbird_parker", + "william_gladstone", + "charles_liston", + "stoppard", + "de_valera", + "hughes", + "mary_shelley", + "franz_werfel", + "quine", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "william_tindale", + "asa_yoelson", + "mergenthaler", + "cellini", + "beckett", + "watteau", + "david_livingstone", + "eduard_buchner", + "david_smith", + "pierre_terrail", + "michelson", + "bruckner", + "john_herschel", + "henry_villard", + "gauss", + "johannes_van_der_waals", + "andrzej_wajda", + "meyerhof", + "jan_van_eyck", + "hoffman", + "rossini", + "carl_rogers", + "macgregor", + "bernhardt", + "cortez", + "george_balanchine", + "i_richards", + "bethe", + "georg_wilhelm_steller", + "richard_burton", + "gerbert", + "douglas_macarthur", + "hawkins", + "james_michener", + "mary_wollstonecraft", + "brunelleschi", + "j_edgar_hoover", + "herschel", + "curtiss", + "thomas_reid", + "dukas", + "john_jacob_astor", + "otto_frisch", + "anna_pavlova", + "winston_churchill", + "allen_stewart_konigsberg", + "gustav", + "johannes_diderik_van_der_waals", + "waite", + "giambattista_marini", + "mendelssohn", + "robert_macgregor", + "gustavus_v", + "b", + "maillol", + "conrad_aiken", + "emile_gaboriau", + "on_par", + "karl_landsteiner", + "josephus", + "monnet", + "ivan_pavlov", + "didrikson", + "dmitri_shostakovich", + "paul_mccartney", + "snead", + "sinclair", + "alfredo", + "ulanova", + "richard_smalley", + "yamani", + "waugh", + "andrew_marvell", + "terry_pratchett", + "vermeer", + "k", + "trevino", + "clausewitz", + "otto_great", + "francois_rabelais", + "macdowell", + "woodward", + "stephen_king", + "francis_crick", + "roebling", + "john_trumbull", + "sherry", + "van_gogh", + "joseph_greenberg", + "de_sade", + "chirico", + "miles_standish", + "de_gaulle", + "isaac_newton", + "sherman", + "richard_upjohn", + "michener", + "m_j_schleiden", + "woolf", + "alfred_eisenstaedt", + "depardieu", + "victor_hugo", + "delius", + "joseph_smith", + "bartholdi", + "edwin_hubble", + "senefelder", + "saint_bridget", + "colette", + "malebranche", + "milton_friedman", + "al_hasan_ibn_al_haytham", + "inge", + "john_rock", + "amy_lowell", + "benton", + "edward_gibbon", + "schoolcraft", + "schiaparelli", + "thomas_doubting_apostle", + "mary_stuart", + "van_de_velde", + "james_usher", + "pincus", + "j_c_maxwell", + "jefferson_davis", + "arafat", + "bertillon", + "saint_louis", + "holbein", + "cass_gilbert", + "giosue_carducci", + "george_stephenson", + "watson", + "osborne", + "john_glenn", + "beauvoir", + "john_webster", + "wykeham", + "john_davis", + "lorenz_okenfuss", + "george_burns", + "jarrell", + "bakunin", + "bartlett", + "george_harrison", + "stowe", + "erwin_schrodinger", + "peter_minuit", + "galois", + "mark_clark", + "sandor_kellner", + "sebastian_vizcaino", + "amundsen", + "george_orwell", + "ellison", + "chimney_sweep", + "morrison", + "woolworth", + "black_horehound", + "georg_meissner", + "aleksandr_pavlovich", + "arthur_koestler", + "hernan_cortes", + "richard_wagner", + "cat_valium", + "joseph_john_thomson", + "williams", + "stanislavsky", + "moshe", + "thornton_wilder", + "e_l_doctorow", + "der_fuhrer", + "pancho_villa", + "diaz", + "o'flaherty", + "monet", + "aleksandr_borodin", + "j_j_hill", + "johns", + "john_hemminge", + "leopold_stokowski", + "higginson", + "jonson", + "rebecca_west", + "stockton", + "mary_magdalen", + "marie_curie", + "mount_wilson", + "malthus", + "simenon", + "francis_galton", + "jussieu", + "john_rowlands", + "mccarthy", + "tandy", + "mary_martin", + "gordimer", + "arnold_schonberg", + "constantine", + "michael_jackson", + "george_iv", + "nicolson", + "louis_jolliet", + "carl_sandburg", + "pugin", + "alexander_i", + "taylor", + "stephenson", + "thomas_hobbes", + "goldman", + "sir_william_chambers", + "faberge", + "seleucus", + "charles_gounod", + "joseph_lister", + "derain", + "edward_weston", + "meissner", + "el_greco", + "macleod", + "philip_ii_of_spain", + "waller", + "samuel_beckett", + "seaman", + "maximian", + "jacques_costeau", + "clinton", + "connolly", + "david", + "russell", + "galileo_galilei", + "skeat", + "van_eyck", + "repp", + "czerny", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "lardner", + "andrea_guarneri", + "robert_koch", + "wajda", + "van_vleck", + "burbank", + "i_m_pei", + "marshall", + "todd", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "asimov", + "radiologic_technologist", + "epstein", + "erich_mendelsohn", + "utrillo", + "catherine", + "northrop", + "saint_peter_apostle", + "mantegna", + "donald_glaser", + "barth", + "strickland", + "demille", + "langmuir", + "mendeleyev", + "c_northcote_parkinson", + "edmund_hillary", + "munchausen", + "brigid", + "binet", + "trevithick", + "galvani", + "corbett", + "vincent_van_gogh", + "richard_hooker", + "strasberg", + "w", + "william_hazlitt", + "gustavus_iii", + "prince_eugene_of_savoy", + "pickford", + "marie_stopes", + "anne_boleyn", + "has_been", + "john_ruskin", + "franz_lehar", + "granville_barker", + "louis_le_begue", + "robert_burns", + "john_henry", + "inca_empire", + "hans_albrecht_bethe", + "carl_anderson", + "nathaniel_bailey", + "behrens", + "steinbeck", + "visconti", + "bunche", + "john_galbraith", + "hess", + "thomas_paine", + "bari", + "ustinov", + "murrow", + "elizabeth_seaman", + "sully", + "liliuokalani", + "gielgud", + "francis_beaumont", + "hans_jurgen_eysenck", + "alhacen", + "i_f_stone", + "marini", + "justinian", + "be_responsible_for", + "karl_wernicke", + "bergman", + "math_teacher", + "wilkins", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "be_in_charge_of", + "emiliano_zapata", + "boulez", + "lavoisier", + "cristobal_colon", + "karl_barth", + "dowland", + "yuri_gagarin", + "millais", + "calvino", + "willem_einthoven", + "johann_winckelmann", + "rockwell", + "cather", + "sikorsky", + "phil_anderson", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "jesus", + "giovanni_battista_montini", + "allen_iverson", + "nimitz", + "wesley", + "smith", + "marie_antoinette", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "galsworthy", + "walter_lippmann", + "edward_appleton", + "breuer", + "e", + "scheele", + "lafitte", + "karl_jaspers", + "korzybski", + "emily_bronte", + "beethoven", + "helmholtz", + "ferber", + "hideki_yukawa", + "connors", + "konrad_adenauer", + "st_george", + "grigori_potemkin", + "mencken", + "bessel", + "howe", + "vanderbilt", + "c_vann_woodward", + "donatus", + "john_l_lewis", + "bush", + "marianne_moore", + "norbert_wiener", + "st_vitus", + "john_masefield", + "horatio_nelson", + "mark_rothko", + "shepard", + "brueghel", + "maurice_chevalier", + "gottlieb_daimler", + "fourier", + "francoise_athenais_de_rochechouart", + "saint_ignatius", + "schlesinger", + "finnbogadottir", + "scriabin", + "mayakovski", + "frank_sinatra", + "isherwood", + "edward_martyr", + "bowditch", + "fallopio", + "arendt", + "abel_tasman", + "katharine_hepburn", + "noguchi", + "guthrie", + "henri_becquerel", + "henri_matisse", + "alfonso_borgia", + "pahlevi", + "bertram_brockhouse", + "ginsberg", + "louis_pasteur", + "van_de_graaff", + "ponselle", + "hoffmann", + "gaboriau", + "berra", + "sherrington", + "j", + "richard_strauss", + "stephen_decatur", + "herculius", + "galbraith", + "leslie_howard", + "jean_baptiste_racine", + "mehemet_ali", + "theodosius_i", + "joseph_oliver", + "hugo_grotius", + "pushkin", + "maginot", + "kissinger", + "mahalia_jackson", + "william_franklin_graham", + "kendrew", + "ben_shahn", + "mohorovicic", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "laurence", + "charles_ringling", + "katherine_mansfield", + "gertrude_stein", + "fallopius", + "van_der_waals", + "j_b_s_haldane", + "saladin", + "kettering", + "sarah_bernhardt", + "george_beadle", + "white_friar", + "dostoevski", + "krasner", + "e_h_harriman", + "v", + "hayes", + "philip_marlowe", + "greene", + "gretzky", + "luigi_pirandello", + "peter_tchaikovsky", + "t_s_eliot", + "shapley", + "e_g_marshall", + "watts", + "madame_tussaud", + "karol_wojtyla", + "mallarme", + "marc_blitzstein", + "hank_williams", + "hazlitt", + "weston", + "benchley", + "mandelshtam", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "st_christopher", + "william_menninger", + "strachey", + "chaplin", + "charles_de_gaulle", + "paul_von_hindenburg", + "da_gamma", + "ilk", + "florio", + "y", + "nikolai_gogol", + "henry_moore", + "perutz", + "schumann", + "holden", + "mary_mallon", + "i_translations", + "lytton", + "ralph_bunche", + "rudolf_bultmann", + "dempsey", + "douglass", + "charles_lindbergh", + "fremont", + "clive", + "grappelli", + "erythrina", + "jespersen", + "villon", + "emile_herzog", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "joseph_stalin", + "schrodinger", + "hammarskjold", + "al_haytham", + "f", + "john_jay", + "tobey", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "bunyan", + "thomas_mann", + "bernard_montgomery", + "paton", + "hathaway", + "kendall", + "bin_laden", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "hoyle", + "wernicke", + "cunningham", + "charles", + "vesalius", + "robert_lee", + "margot_fonteyn", + "nathaniel_currier", + "david_hubel", + "peter_pan", + "james_tobin", + "john_irving", + "panofsky", + "simon_peter", + "samuel_de_champlain", + "copper_sulfate", + "shirer", + "paxton", + "davit", + "chekhov", + "e_h_weber", + "giacomo_puccini", + "edward_fitzgerald", + "eyck", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "wyatt", + "paul_verlaine", + "cowper", + "q", + "scribes", + "edward_confessor", + "tappan", + "robert_johnson", + "kropotkin", + "niccol\u00f2_paganini", + "mark_hopkins", + "hearing_examiner", + "traubel", + "mount_sherman", + "balfour", + "james_dean", + "robert", + "richard_lovelace", + "jacob_harmensen", + "scorsese", + "leuwenhoek", + "mason", + "marie_tussaud", + "burnett", + "roger_bannister", + "john_cash", + "theodor_schwann", + "max_beerbohm", + "tasman", + "greeley", + "alessandro_manzoni", + "joseph_priestley", + "hermann_snellen", + "robert_oppenheimer", + "hal", + "louis_joliet", + "nicolas_poussin", + "andrea_mantegna", + "qadhafi", + "from_scratch", + "adolf_windaus", + "francois_mansart", + "hayek", + "clemenceau", + "joseph_pulitzer", + "ring_lardner", + "sperry", + "george_huntington", + "charles_schulz", + "irving", + "barany", + "caruso", + "jim_corbett", + "mommsen", + "james_naismith", + "marlowe", + "malpighi", + "oscar_wilde", + "socinus", + "montgolfier", + "mobius", + "antoine_domino", + "de_l_orme", + "philip_roth", + "maintenon", + "burroughs", + "j_d_salinger", + "ochoa", + "henry", + "lawrence", + "roy_wilkins", + "franklin", + "andre_weil", + "sorensen", + "jules_massenet", + "humperdinck", + "richard_trevithick", + "lowry", + "william_bradford", + "johan_august_strindberg", + "heinrich_schliemann", + "montespan", + "liston", + "kean", + "lendl", + "louis_stammerer", + "bartholomeu_diaz", + "john_davys", + "carlyle", + "eli_whitney", + "nell_gwynn", + "ivan_terrible", + "jackson", + "glenn_curtiss", + "telemann", + "paola_caliari", + "saint_crispin", + "clark", + "pizarro", + "morley", + "benedick", + "merckx", + "bradstreet", + "romberg", + "corelli", + "jan_van_der_meer", + "chambers", + "mary_magdalene", + "john_witherspoon", + "william_falkner", + "laurence_olivier", + "victor_hess", + "hussein", + "jeffers", + "evans", + "cocteau", + "pierre_larousse", + "norris", + "christiaan_eijkman", + "adolf_eichmann", + "sverdrup", + "kaiser_wilhelm", + "heyward", + "paganini", + "marilyn_horne", + "boole", + "ibsen", + "lorca", + "nell_gwynne", + "marvell", + "stan_musial", + "rimbaud", + "francis_bacon", + "compton", + "pete_seeger", + "richard_m_nixon", + "walter_hess", + "john_wycliffe", + "gaskell", + "husayn", + "joseph_heller", + "lessing", + "a", + "boone", + "francois_jacob", + "heyerdahl", + "peary", + "gustavus_i", + "gershwin", + "rossetti", + "morris", + "peter_carl_goldmark", + "apollinaire", + "hassam", + "trotsky", + "montagu", + "norman_rockwell", + "boris_spassky", + "khadafy", + "francois_duvalier", + "james_brown", + "william_hogarth", + "kachaturian", + "modigliani", + "charles_baudelaire", + "luigi_cherubini", + "sir_william_rowan_hamilton", + "cassia_alata", + "francis_joseph", + "deere", + "david_ricardo", + "barkley", + "john_mitchell", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "jacques_bernoulli", + "goodall", + "kinsey", + "himmler", + "beaverbrook", + "james_franck", + "william_crookes", + "antonius_stradivarius", + "james_meredith", + "samuel_gompers", + "nellie_bly", + "brancusi", + "john_haldane", + "weber", + "lewis", + "warburg", + "fulton", + "parsons", + "alexandre_yersin", + "francois_mitterrand", + "octavius", + "n", + "richardson", + "michel_montaigne", + "tunney", + "stephen_leacock", + "hope", + "albert_schweitzer", + "miller", + "flavius_theodosius", + "chagall", + "john_mccormick", + "john_harvard", + "lower_ranking", + "johann_friedrich_herbart", + "giulio_natta", + "hardy", + "erik_weisz", + "musset", + "guarnieri", + "dewey", + "subnormal", + "canetti", + "saint_martin", + "titus", + "johannes_kepler", + "anatoli_karpov", + "sergei_rachmaninov", + "metchnikov", + "william_s_burroughs", + "most", + "david_hartley", + "max_planck", + "dostoyevsky", + "charles_bald", + "william_blake", + "t_e_lawrence", + "rundstedt", + "julio_iglesias", + "john_bardeen", + "rodin", + "arthur", + "hutchins", + "middleton", + "sarah_vaughan", + "nietzsche", + "dubya", + "john_wilkes", + "francois_mauriac", + "davis", + "konstantin_stanislavsky", + "thoreau", + "william_byrd", + "william_henry", + "christopher_fry", + "godard", + "scott_joplin", + "latrobe", + "samuel_houston", + "supermex", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "hinault", + "o'neill", + "gardner", + "president_wilson", + "vuillard", + "thackeray", + "cesar_franck", + "samuel_rosenstock", + "canberra", + "stephane_mallarme", + "cooke", + "carry_nation", + "bramante", + "goethals", + "knox", + "elias_canetti", + "norrish", + "von_braun", + "robert_lowell", + "johann_strauss", + "bohme", + "eisenstein", + "edward_jenner", + "hutton", + "john_mercer", + "oscar_robertson", + "marquand", + "huston", + "take_turns", + "oliver_hardy", + "louis_quarreller", + "kenyata", + "moore", + "johan_kepler", + "husserl", + "groves", + "cole_porter", + "samuel_wilder", + "benjamin_west", + "jean_luc_godard", + "stokowski", + "graham_greene", + "baryshnikov", + "frans_hals", + "edward", + "lysenko", + "medic", + "stroheim", + "whistler", + "la_fontaine", + "lars_onsager", + "willard", + "jewison", + "cardinal_bellarmine", + "margaret_mitchell", + "goldoni", + "konoye", + "leadbelly", + "bunuel", + "igor_stravinsky", + "duse", + "j_b_rhine", + "stuart_davis", + "henri", + "olmsted", + "gary_weinstein", + "mary_mccauley", + "lola_montez", + "tucker", + "john_wain", + "jan_swammerdam", + "bellini", + "mary_mccarthy", + "jimenez", + "wilkes", + "tully", + "david_riesman", + "laughton", + "doctorow", + "john_walker", + "mythical_monster", + "dvorak", + "virchow", + "flavius_josephus", + "william_herschel", + "wheatley", + "joseph_black", + "marcus_whitman", + "mikhail_baryshnikov", + "du_barry", + "montesquieu", + "oakley", + "william_john_clifton_haley_jr", + "marcus_aurelius_valerius_maximianus", + "franz_joseph", + "peirce", + "arthur_rubinstein", + "calvin", + "cherubini", + "arthur_compton", + "koussevitzky", + "lindbergh", + "robbins", + "niels_bohr", + "sergei_rachmaninoff", + "kenneth_grahame", + "naismith", + "larousse", + "hickock", + "sheridan", + "bardeen", + "henry_fielding", + "bertrand_russell", + "fragonard", + "jakob_hermandszoon", + "katherine_anne_porter", + "madame_curie", + "hawkyns", + "michael_faraday", + "john_d_rockefeller", + "malamud", + "j_craig_ventner", + "arthur_schlesinger", + "dionysius_elder", + "burt", + "anthony_burgess", + "anthony", + "take_bladders_for_lanterns", + "cummings", + "jan_tinbergen", + "swanson", + "peter_mark_roget", + "lake_tana", + "robert_venturi", + "johnny_appleseed", + "greg", + "schumpeter", + "schliemann", + "o'keeffe", + "gregory", + "ben_gurion", + "kreisler", + "maurois", + "sir_francis_galton", + "ellen_price_wood", + "ralegh", + "irving_berlin", + "wavell", + "peter_seamus_o'toole", + "marstan", + "otho_of_lagery", + "gauguin", + "malory", + "bernard_baruch", + "rudolf_diesel", + "hans_holbein", + "walt_disney", + "meredith", + "ben_jonson", + "peter", + "lippi", + "la_spezia", + "czar_peter_i", + "robert_benchley", + "dowding", + "oates", + "albee", + "e_t_hoffmann", + "florey", + "h_l_mencken", + "lully", + "munchhausen", + "vesey", + "aleksandr_prokhorov", + "rubens", + "black_quarter", + "ondaatje", + "percy", + "joseph_schumpeter", + "beveridge", + "max_muller", + "gabriel_lippmann", + "steve_reich", + "groucho", + "adenauer", + "lee", + "derrida", + "lamarck", + "benny_goodman", + "ted_williams", + "karl_menninger", + "william_beaumont", + "froebel", + "friedrich_engels", + "huldreich_zwingli", + "haley", + "pavlov", + "steichen", + "jane_austen", + "anthony_vandyke", + "charles_laughton", + "parker", + "eichmann", + "magritte", + "gibson", + "moses", + "ventner", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "nevelson", + "alice_paul", + "erving", + "robert_redford", + "robert_barany", + "monod", + "jean_giraudoux", + "fuller", + "jack_dempsey", + "brindisi", + "ian_fleming", + "swedenborg", + "richard_feynman", + "harrod", + "menninger", + "willebrand", + "kandinski", + "wolfgang_pauli", + "wycherley", + "ellington", + "landowska", + "ruskin", + "wollaston", + "lipmann", + "dodgson", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "schoenberg", + "marcel_proust", + "klimt", + "jessica_mitford", + "thomas_more", + "jesse_louis_jackson", + "homo_heidelbergensis", + "milhaud", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "meyerbeer", + "lunt", + "anne_sullivan", + "walesa", + "feodor_dostoevski", + "paul_robeson", + "william_conqueror", + "arnold", + "benedict", + "anton_chekov", + "shute", + "thomas_middleton", + "metchnikoff", + "lugosi", + "gladstone", + "nell_gywn", + "john_dowland", + "sumner", + "le_carre", + "van_dyck", + "peter_great", + "sarnoff", + "zaharias", + "millay", + "daniel_jones", + "hellman", + "benjamin_jonson", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "c_h_best", + "karl_wilhelm_scheele", + "rudolf_serkin", + "couperin", + "siqueiros", + "peter_stuyvesant", + "rattigan", + "henri_louis_bergson", + "ethel_merman", + "szilard", + "rittenhouse", + "riesman", + "frank_baum", + "hotspur", + "samuel_adams", + "albert_speer", + "james_baldwin", + "frederick_william", + "lindsay", + "o_hara", + "john_copley", + "john_vanbrugh", + "gracie", + "cavell", + "leacock", + "indira_gandhi", + "daumier", + "whitman", + "millikan", + "davys", + "william_mitchell", + "albers", + "bertolucci", + "jane_seymour", + "peter_goldmark", + "peter_minnewit", + "klopstock", + "rehnquist", + "george_gershwin", + "toynbee", + "schopenhauer", + "alberto_giacometti", + "laney", + "wallace", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "eisenstaedt", + "tenniel", + "daniel_rutherford", + "ashe", + "marco_polo", + "koestler", + "john_fletcher", + "heidegger", + "georgi_zhukov", + "caravaggio", + "matthias_schleiden", + "beria", + "lorenzo_de'medici", + "charlie_watts", + "albert_gore_jr", + "moussorgsky", + "spenser", + "m", + "charlotte_corday", + "jamison", + "hargreaves", + "marcel_marceau", + "gilmer", + "oort", + "allen_ginsberg", + "fred_zinnemann", + "ringling", + "hammerstein", + "coleridge", + "daniel_bernoulli", + "kelly", + "guillaume_apollinaire", + "william_strickland", + "gibbs", + "john_marquand", + "l_s_lowry", + "brandt", + "pablo_casals", + "joseph_henry", + "juan_ponce_de_leon", + "henri_bergson", + "st_brigid", + "speke", + "craigie", + "bergson", + "antonius", + "jean_bernoulli", + "edward_macdowell", + "josef_hoffmann", + "johnny_raw", + "hammett", + "prokhorov", + "boris_karloff", + "sveti_nikole", + "pierre_corneille", + "phillis_wheatley", + "tussaud", + "oppenheimer", + "mohammed_reza_pahlavi", + "condorcet", + "patrick_white", + "hans_zinsser", + "saul_steinberg", + "boehm", + "greenberg", + "bartholomew_roberts", + "eileen_farrell", + "catherine_howard", + "little_leaguer", + "daniel_morgan", + "hans_christian_andersen", + "peter_cooper", + "reich", + "schwann", + "william_morris", + "anton_van_leeuwenhoek", + "william_dawes", + "cary_grant", + "hideyo_noguchi", + "thomas", + "isaac_watts", + "saint_lawrence", + "harmsworth", + "ford", + "pieter_zeeman", + "arnold_gesell", + "scripps", + "herrick", + "glenn_miller", + "thomas_straussler", + "navratilova", + "sir_thomas_gresham", + "passive_smoking", + "goring", + "steward", + "karl_von_clausewitz", + "gustavus", + "musial", + "c_w_post", + "fitzgerald", + "wegener", + "pablo_picasso", + "newman", + "horne", + "mansart", + "john_philip_marquand", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "national_character", + "tagore", + "raffles", + "james_bernoulli", + "kennelly", + "alan_hodgkin", + "malinowski", + "anderson", + "thomas_moore", + "sergei_vasilievich_rachmaninov", + "geometry_teacher", + "robeson", + "paul_apostle", + "louis_ix", + "osman_i", + "kurt_weill", + "kieslowski", + "otto_hahn", + "webster", + "nast", + "lester_young", + "welty", + "christian_huygens", + "otto_meyerhof", + "john_marshall", + "mamet", + "christiaan_huygens", + "duvalier", + "hector_berlioz", + "smalley", + "lucille_ball", + "paul_simon", + "mussorgsky", + "claudio_monteverdi", + "benjamin_jowett", + "rubinstein", + "nabokov", + "robert_scott", + "stravinsky", + "john_galsworthy", + "knut_pedersen", + "robert_robinson", + "scott", + "ziegler", + "pieter_breughel", + "karloff", + "khachaturian", + "dickinson", + "bronte", + "spielberg", + "gombrowicz", + "o", + "goodman", + "king_james", + "mccartney", + "wallenstein", + "one", + "adam_smith", + "william_james", + "diaghilev", + "joseph_joffre", + "lipscomb", + "taney", + "u", + "vizcaino", + "jean_harlow", + "henry_miller", + "sayers", + "mcguffey", + "karl_marx", + "einthoven", + "paul_bunyan", + "rickover", + "friedrich_nietzsche", + "zsigmondy", + "i", + "strindberg", + "pedro", + "robert_indiana", + "william_burroughs", + "noyes", + "peter_alexander_ustinov", + "jimmy_durante", + "howard", + "john_wesley", + "march_king", + "hasek", + "dorothy_sayers", + "berlage", + "st_maarten", + "tallis", + "e_o_wilson", + "melanchthon", + "goldwyn", + "sandro_botticelli", + "endecott", + "parrish", + "von_willebrand", + "carson_mccullers", + "frank_stockton", + "magna_mater", + "bloch", + "huss", + "seiji_ozawa", + "nazimova", + "ehrenberg", + "proust", + "nikola_tesla", + "de_mille", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "malraux", + "carlo_goldoni", + "trumbo", + "kaufman", + "shankar", + "william_patterson", + "boleyn", + "ninigi", + "leo_delibes", + "john_locke", + "tharp", + "alexis_carrel", + "le_notre", + "du_maurier", + "l_enfant", + "j_e_johnston", + "mitchum", + "symonds", + "king_lear", + "serkin", + "joseph_marie_jacquard", + "antonin_dvorak", + "henry_james", + "stephen_sondheim", + "henson", + "st_martin", + "richards", + "crawford", + "oscar_hammerstein", + "steinway", + "lorenz_hart", + "marie_grosholtz", + "robert_bartlett", + "stewart", + "e_housman", + "horney", + "jakobson", + "bierce", + "hevesy", + "perry", + "helen_keller", + "grotius", + "paul_dukas", + "e_t_s_walton", + "home_help", + "ingrid_bergman", + "saint_david", + "siddons", + "tillich", + "george_ii", + "crosby", + "denmark_vesey", + "hindemith", + "hodgkin", + "leonard_bloomfield", + "congreve", + "jane_jacobs", + "thurber", + "lulli", + "kosciusko", + "verlaine", + "kerensky", + "trevelyan", + "jean_piaget", + "meany", + "soutine", + "sondheim", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "massine", + "mondrian", + "darrow", + "shakspere", + "brigadier_general", + "jolliet", + "montgomery_ward", + "reichstein", + "de_kooning", + "baudelaire", + "angelo_correr", + "st_denis", + "rogers", + "carducci", + "frank_norris", + "francois_couperin", + "konoe", + "pieter_brueghel", + "peter_ilich_tchaikovsky", + "behring", + "francois_de_la_rochefoucauld", + "frank_stella", + "durrell", + "paige", + "stilwell", + "robert_southey", + "prince_charming", + "valentina_tereshkova", + "eddington", + "one_translations", + "h_g_wells", + "walt_whitman", + "hernando_cortes", + "william_wyler", + "warren", + "john_osborne", + "colin_powell", + "moliere", + "ludwig_boltzmann", + "antoninus", + "tereshkova", + "beerbohm", + "carl_nielsen", + "ciardi", + "karl_gauss", + "chopin", + "weizmann", + "vasarely", + "smollett", + "merton", + "hearst", + "pauling", + "rankin", + "bunsen", + "vaux", + "carl_jung", + "israel_strassberg", + "richard_neville", + "leopold_kronecker", + "goering", + "masefield", + "small_businessman", + "francis_richard_stockton", + "simpson", + "richard_wright", + "heyse", + "benjamin_thompson", + "st_benedict", + "kandinsky", + "adolf_hitler", + "maria_mitchell", + "prokofiev", + "dindymene", + "fritz_haber", + "dekker", + "archibald_macleish", + "fowler", + "richard_starkey", + "peter_behrens", + "john_tradescant", + "nathan_bailey", + "jaspers", + "alfred_stieglitz", + "gabriele_fallopius", + "redford", + "joseph_haydn", + "stephen_spender", + "garfield", + "mendelsohn", + "ballad_singer", + "jones", + "bailey", + "george_boole", + "solvay", + "fyodor_dostoevsky", + "mahan", + "paul_revere", + "philipp_schwarzerd", + "sontag", + "ruth_fulton", + "helen_wills", + "kruger", + "daniel_boone", + "buffalo_bill", + "william_fulbright", + "edvard_grieg", + "radhakrishnan", + "gorgas", + "jacques", + "robert_boyle", + "korchnoi", + "arthur_laffer", + "edith_cavell", + "mitchell", + "alan_paton", + "zinsser", + "deliverer", + "eliot", + "hopkinson", + "verwoerd", + "ralph_richardson", + "prima_donna", + "paderewski", + "lenard", + "1", + "schubert", + "karsavina", + "alberti", + "krzysztof_kieslowski", + "cordell_hull", + "robert_bruce", + "blixen", + "james_wilson", + "rosa_parks", + "tchaikovsky", + "norman_jewison", + "marceau", + "townes", + "tarkovsky", + "crichton", + "riley", + "samuel_goldwyn", + "steller", + "mccullers", + "x", + "elizabeth_seton", + "ernest_walton", + "vladimir_putin", + "jacob", + "orbison", + "crockett", + "giuseppe_mazzini", + "gromyko", + "carolus", + "runyon", + "jim_thorpe", + "woodhull", + "karl_augustus_menninger", + "hertz", + "bradbury", + "h", + "randall_jarrell", + "old_bullion", + "verrazzano", + "richler", + "swammerdam", + "manson", + "sekhet", + "laurence_sterne", + "markov", + "hutchinson", + "jacqueline_cochran", + "george_fox", + "john_lackland", + "graves", + "peter_paul_mauser", + "ben_hecht", + "christopher_isherwood", + "bloomfield", + "fritz_kreisler", + "john_heming", + "copley", + "henry_bolingbroke", + "anne_hathaway", + "david_garrick", + "don_budge", + "meade", + "ozawa", + "bill_russell", + "margaret_court", + "emile_zola", + "berlioz", + "evers", + "owen", + "thomson", + "henry_le_chatelier", + "baldwin", + "gallaudet", + "bomber_harris", + "jeannette_rankin", + "clarence_darrow", + "marya_sklodowska", + "alben_william_barkley", + "dawes", + "agassiz", + "mallon", + "charles_lamb", + "harry", + "g", + "sills", + "william_of_wykeham", + "labrouste", + "albert_michelson", + "dulles", + "cattell", + "king_john", + "nansen", + "vespucci", + "de_niro", + "savonarola", + "brady", + "john_chapman", + "anthony_comstock", + "ellsworth", + "lemaitre", + "jansen", + "arthur_schopenhauer", + "sam_goldwyn", + "thomas_dekker", + "el_caudillo", + "custer", + "harriman", + "james_cagney", + "john_keble", + "johns_hopkins", + "l_m_montgomery", + "henri_pitot", + "wanda_landowska", + "edward_pusey", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "shockley", + "christopher_columbus", + "gaius_flaminius", + "aiken", + "tyson", + "muller", + "arnold_schoenberg", + "r", + "george_lucas", + "andrew_jackson", + "and_so_forth", + "tindal", + "peter_abelard", + "edith_wharton", + "louis_armstrong", + "spallanzani", + "ortega", + "cornell", + "barnum", + "balanchine", + "st_mark", + "pieter_bruegel", + "loeb", + "dubyuh", + "antony_tudor", + "saint_christopher", + "steven_spielberg", + "sir_john_cockcroft", + "gregory_great", + "sydenham", + "bultmann", + "comstock", + "jean_monnet", + "leonard", + "sellers", + "georgiana_barrymore", + "d_w_griffith", + "robert_fulton", + "southern_pig_tailed_macaque", + "goudy", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "stefan_wyszynski", + "franz_ferdinand", + "giuseppe_garibaldi", + "small_farmer", + "wister", + "philip_warren_anderson", + "karlfeldt", + "hemminge", + "blitzstein", + "fra_filippo_lippi", + "alexandre_dumas", + "pirandello", + "philipp_melanchthon", + "robert_brown", + "doolittle", + "bethune", + "markoff", + "thomas_carlyle", + "wiesenthal", + "johann_gutenberg", + "roberts", + "shah_pahlavi", + "bragg", + "gagarin", + "allen_tate", + "algren", + "donald_barthelme", + "andre_maurois", + "alphonse_capone", + "william_tyndale", + "tamara_karsavina", + "ibert", + "bobby_fischer", + "crookes", + "din_land", + "menotti", + "johannes_gutenberg", + "svedberg", + "thornton", + "kaunda", + "barrymore", + "d", + "hooke", + "breughel", + "james_bowie", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "dreiser", + "castro", + "beadle", + "william_faulkner", + "wordsworth", + "cockcroft", + "plath", + "johannes_eckhart", + "edward_white", + "edouard_manet", + "andre", + "titus_flavius_vespasianus", + "simon_de_montfort", + "amerigo_vespucci", + "selznick", + "rachmaninov", + "wilmut", + "arthur_holmes", + "montessori", + "laurentius", + "anouilh", + "pierre_boulez", + "hans_adolf_krebs", + "grahame", + "mcmaster", + "chekov", + "hollerith", + "le_chatelier", + "girolamo_savonarola", + "salk", + "smitty_stevens", + "housman", + "emma_goldman", + "robert_gray", + "blake", + "haywood", + "anna_kournikova", + "francis_poulenc", + "james_ussher", + "wolfe", + "john_barrymore", + "john_constable", + "rachel_louise_carson", + "c_d_gibson", + "huggins", + "james_mill", + "robert_heinlein", + "john_ciardi", + "albino_luciano", + "putin", + "landsteiner", + "gary_kasparov", + "matthew_flinders", + "hanks", + "thomas_crawford", + "chomsky", + "robert_herrick", + "joseph_campbell", + "st_peter", + "grainger", + "zeppo", + "molnar", + "john_m_browning", + "swift", + "klaproth", + "jean_de_la_fontaine", + "robert_hooke", + "davy", + "lovell", + "o_henry", + "hoffa", + "harriet_wilson", + "kekule", + "karl_popper", + "benjamin_kubelsky", + "alfred", + "von_sternberg", + "coleman_hawkins", + "saint_james_apostle", + "kronecker", + "frye", + "untermeyer", + "john_calvin", + "george_sand", + "sousa", + "peter_sellers", + "homo_rhodesiensis", + "steffens", + "charles_fourier", + "john_mcgraw", + "henry_clay", + "toscanini", + "giraudoux", + "marcus_aurelius", + "cousteau", + "bolingbroke", + "e_w_morley", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "de_spinoza", + "lone_wolf", + "glass_cutter", + "keble", + "kenneth_roberts", + "balenciaga", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "saint_peter", + "cromwell", + "masters", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "trollope", + "galton", + "john_marstan", + "menuhin", + "robert_morris", + "kastler", + "carroll", + "hopkins", + "antonio_pignatelli", + "zimbalist", + "eugene_ionesco", + "matisse", + "woody_herman", + "boell", + "charlotte_bronte", + "heaviside", + "gehrig", + "fyodor_dostoyevsky", + "alexander_wilson", + "john_roebling", + "josef_albers", + "jackson_pollock", + "spinoza", + "laffite", + "david_crockett", + "welles", + "dayan", + "steinem", + "lion's_den", + "kasparov", + "john_lennon", + "seton", + "andrea_palladio", + "cornelis_jansen", + "golding", + "john_speke", + "buchner", + "wilson", + "fontanne", + "gandhi", + "heinlein", + "cheever", + "poulenc", + "motherwell", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "humboldt", + "mcpherson", + "so_much", + "edward_morley", + "barthelme", + "j_m_barrie", + "lippmann", + "hitchings", + "robert_woodward", + "schonberg", + "pavarotti", + "thomas_malory", + "tilden", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "jinnah", + "caldwell", + "john_mill", + "langtry", + "william_of_ockham", + "teasdale", + "hugo_junkers", + "overgrown_gate", + "zinnemann", + "j_r_firth", + "burnham", + "maurice_barrymore", + "haldane", + "piscis_austrinus", + "norman_thomas", + "lillian_hellman", + "e_w_mason", + "brescia", + "brecht", + "peter_carl_faberge", + "carter", + "john_macleod", + "vasco_da_gamma", + "satie", + "tallchief", + "thomas_merton", + "benedetto_odescalchi", + "sennett", + "massenet", + "villard", + "riemann", + "shahn", + "jenny_wren", + "stopes", + "pyotr_tchaikovsky", + "rothko", + "asa_gray", + "donkin", + "bonhoeffer", + "spillane", + "hannah_arendt", + "antonio_stradivari", + "wanamaker", + "c_s_forester", + "philip_anderson", + "kuhn", + "cushing", + "robinson_jeffers", + "farrell", + "and_finally", + "antony", + "eckhart", + "alice_walker", + "priestley", + "d_oyly_carte", + "andrei_sakharov", + "karl_czerny", + "casals", + "sir_james_murray", + "strauss", + "macleish", + "miles_davis", + "edmund_cartwright", + "koopmans", + "rupert", + "mubarak", + "octavian", + "sir_william_walton", + "wollstonecraft", + "pusey", + "bruce", + "butterfield", + "james_parkinson", + "heyrovsky", + "brummell", + "j_m_synge", + "gustave", + "william_augustus", + "qaddafi", + "hurrah", + "oldfield", + "george_marshall", + "von_willebrand_factor", + "onsager", + "cochran", + "eijkman", + "cagney", + "tuchman", + "gesell", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "ethelred", + "stanley_kubrick", + "mohammed_ali", + "gustavus_adolphus", + "willow_grouse", + "cornelius_jansenius", + "leontief", + "john_deere", + "andre_markoff", + "champollion", + "cronyn", + "keaton", + "john_huston", + "robert_merton", + "carothers", + "ivanov", + "jean_baptiste_joseph_fourier", + "debs", + "william_gilbert", + "rene_magritte", + "kosciuszko", + "mcgraw", + "le_gallienne", + "astaire", + "james_watt", + "jonathan_edwards", + "have_green_fingers", + "ronald_reagan", + "great_grandparent", + "helmut_schmidt", + "jenny_lind", + "leigh", + "homo", + "frederick_douglass", + "tebaldi", + "von_bismarck", + "symons", + "moynihan", + "la_rochefoucauld", + "david_hilbert", + "skinner", + "wilhelm_reich", + "duchamp", + "boehme", + "william_thornton", + "roman_jakobson", + "oliver_cromwell", + "nicolas_de_malebranche", + "vinogradoff", + "henry_beauclerc", + "beaumont", + "lionel_hampton", + "newcomb", + "martin_luther_king", + "bukharin", + "purcell", + "james_hargreaves", + "louis_great", + "prince_charles", + "hermann_goering", + "st_james", + "goncourt", + "delbruck", + "lorenz", + "raymond_lully", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "s_smith_stevens", + "woodrow_wilson", + "thomas_jackson", + "delibes", + "william_wycherley", + "walton", + "o'brien", + "margaret_sanger", + "proudhon", + "heming", + "bankhead", + "southey", + "edgar_varese", + "gustav_hertz", + "americus_vespucius", + "yevgeni_yevtushenko", + "acheson", + "george_mason", + "george_wallace", + "common_wormwood", + "el_cid", + "andrei_voznesenski", + "quincy", + "borges", + "mosander", + "marcus_antonius", + "gas_fitter", + "mazzini", + "schulz", + "otto_i", + "dostoevsky", + "lake_powell", + "alonso", + "sapir", + "torricelli", + "frank_cooper", + "de_quincey", + "t_h_white", + "sargent", + "agrippina", + "st_louis", + "richard_rodgers", + "karpov", + "don_quixote", + "george", + "soufflot", + "kleist", + "gogh", + "leeuwenhoek", + "anne_sexton", + "holmes", + "thomas_bradley", + "hogarth", + "kroto", + "john_dryden", + "jim_henson", + "friedrich_max_muller", + "kuznets", + "mercouri", + "furnivall", + "frank", + "saarinen", + "ernest_hemingway", + "burns", + "fiedler", + "voznesenski", + "john_eccles", + "lech_walesa", + "von_neumann", + "george_westinghouse", + "constantin_brancusi", + "richard_haldane", + "tourette", + "thomas_higginson", + "aquila", + "truffaut", + "brockhouse", + "saint_lawrence_river", + "jacques_charles", + "eero_saarinen", + "pauli", + "arthur_miller", + "o'toole", + "henry_russell", + "john_cheever", + "friedrich_wilhelm_bessel", + "cristoforo_colombo", + "gracie_allen", + "john_bernoulli", + "billy_sunday", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "jacobs", + "farragut", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "michinomiya_hirohito", + "nicklaus", + "gaius_octavianus", + "special_functions", + "mandelbrot", + "cesare_borgia", + "bluegrass_stater", + "woodbury", + "j_p_morgan", + "whittier", + "hampton", + "christopher_carson", + "loewi", + "wheatstone", + "swinburne", + "kerouac", + "fire_warden", + "kierkegaard", + "kutuzov", + "roald_amundsen", + "starkey", + "mossbauer", + "stephane_grappelli", + "sherwood_anderson", + "andersen", + "richard_leakey", + "alfred_korzybski", + "ledbetter", + "charles_dickens", + "verrazano", + "dining_room_attendant", + "pershing", + "jean_chauvin", + "fairbanks", + "kirchhoff", + "delorme", + "maugham", + "e_o_lawrence", + "bellarmino", + "sean_o'casey", + "samuel_huntington", + "de_saussure", + "gesner", + "st_ignatius", + "ella_fitzgerald", + "fats_waller", + "alfred_krupp", + "jakob_bernoulli", + "philip_augustus", + "thomas_sydenham", + "bernoulli", + "jack_robinson", + "tatum", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "anne_bronte", + "schweitzer", + "joseph_paxton", + "manzoni", + "seles", + "silverstein", + "louis_untermeyer", + "william_curtis", + "kennan", + "francisco_villa", + "macaulay", + "john_uhler", + "callas", + "tombaugh", + "lozier", + "bose", + "william_chambers", + "gilbert", + "ironsides", + "minnewit", + "leakey", + "fellini", + "guardian_angel", + "bronislaw_malinowski", + "van_doren", + "von_mauser", + "tawney", + "hans_conrad_julius_reiter", + "george_stevens", + "federico_fellini", + "woolley", + "karl_linne", + "bessie_smith", + "bradley", + "bentham", + "jean_antoine_watteau", + "patrick_henry", + "carnot", + "honegger", + "willy_brandt", + "vestris", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "friedan", + "shelley", + "katherine_cornell", + "jackie_robinson", + "montfort", + "bernardo_bertolucci", + "don_luchino_visconti_conte_di_modrone", + "stevenson", + "king_oliver", + "corday", + "charles_augustus_lindbergh", + "jan_steen", + "lichtenstein", + "frank_harris", + "e_e_cummings", + "white_grouse", + "john_ross", + "ali_baba", + "cassius_longinus", + "powell", + "philibert_delorme", + "guevara", + "peabody", + "stevens", + "andrew_mellon", + "little_red_riding_hood", + "hans_arp", + "browne", + "andrew_carnegie", + "alcott", + "weismann", + "halevy", + "franz_schubert", + "william_butterfield", + "edward_d_white", + "howells", + "johnny_cash", + "vidal", + "joseph_mccarthy", + "wyler", + "alfred_kastler", + "marduk", + "mick_jagger", + "warhol", + "otto_loewi", + "steinman", + "robinson", + "tom_bradley", + "don_marquis", + "charles_peirce", + "mandelstam", + "georges_cuvier", + "peter_seeger", + "ethelred_i", + "sessions", + "hemingway", + "william_harvey", + "husain", + "walter_scott", + "wyat", + "h_j_eysenck", + "parkinson", + "francois_villon", + "charcot", + "august_von_wassermann", + "peter_medawar", + "paul_cezanne", + "jenner", + "werfel", + "stuyvesant", + "vladimir_lenin", + "sam_houston", + "fugard", + "dimaggio", + "robert_peary", + "rodgers", + "littre", + "zangwill", + "bartok", + "wilder", + "henry_steinway", + "kahlil_gibran", + "steiner", + "peter_i", + "daguerre", + "robert_browning", + "comenius", + "charles_kettering", + "mellon", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "franck", + "goebbels", + "iglesias", + "walter_gropius", + "albert_einstein", + "l", + "henry_sweet", + "donizetti", + "robert_joffrey", + "william_shakspere", + "aletta_jacobs", + "stubbs", + "thomas_edison", + "elizabeth", + "rasputin", + "chiang_kai_shek", + "benjamin_harris", + "beecher", + "claude_bernard", + "ailey", + "raymond_chandler", + "charles_dodgson", + "henry_purcell", + "francis_hopkinson", + "queen's_counsel", + "trumbull", + "windaus", + "de_la_mare", + "ormuzd", + "ostwald", + "john_wickliffe", + "nixon", + "t", + "griffith", + "jean_francois_champollion", + "gainsborough", + "le_douanier_rousseau", + "thatcher", + "lemmon", + "lily", + "cervantes", + "gonne", + "marley", + "witherspoon", + "wilhelm_ostwald" + ], + "SOC_ECO_CLASS": [ + "trade", + "commonality", + "peerage", + "bon_ton", + "commons", + "academe", + "labor", + "philistinism", + "center", + "literati", + "landed_gentry", + "commonalty", + "fraternity", + "sodality", + "samurai", + "squirearchy", + "noblesse", + "lumpenproletariat", + "society", + "third_estate", + "craft", + "labor_force", + "brotherhood", + "caste", + "nobleness", + "organized_labor", + "booboisie", + "fourth_estate", + "cream", + "baronetage", + "elect", + "old_school", + "black_market", + "proletariat", + "demimonde", + "few", + "knighthood", + "jati", + "underworld", + "gentry", + "baronage", + "underclass", + "working_class", + "petite_bourgeoisie", + "pick", + "shinobi", + "peasantry", + "academia", + "bourgeoisie", + "culturati", + "yeomanry", + "first_estate", + "agriculture", + "highbrow", + "age_class", + "petit_bourgeois" + ], + "JOB": [ + "assistant", + "racker", + "coppersmith", + "minter", + "collector", + "neurologist", + "coastguardsman", + "proctologist", + "cabinetmaker", + "creator", + "cytogeneticist", + "door_guard", + "persona_grata", + "bushwhacker", + "vintager", + "yardmaster", + "planner", + "anaesthesiologist", + "falconer", + "buyer", + "teaser", + "verger", + "galvaniser", + "churchwarden", + "healer", + "governess", + "mistress", + "developer", + "paster", + "comptroller", + "guru", + "housewrecker", + "surveyor", + "man_friday", + "merchandiser", + "amanuensis", + "labourer", + "mercator", + "warder", + "sweep", + "dishwasher", + "hierarch", + "wrangler", + "managing_director", + "milliner", + "locksmith", + "indexer", + "sartor", + "public_procurator", + "bureaucrat", + "periodontist", + "sealer", + "sponger", + "carer", + "shill", + "lovely", + "shearer", + "mace", + "sentinel", + "immunologist", + "varnisher", + "wingman", + "mariner", + "forester", + "scratcher", + "twiner", + "businessman", + "non_commissioned_officer", + "splitter", + "scorekeeper", + "bailiff", + "attendant", + "bridesmaid", + "quack", + "houseman", + "magaziner", + "breadwinner", + "speaker", + "stenographer", + "holdover", + "schoolmistress", + "shopkeeper", + "general_manager", + "cattleman", + "reseller", + "ranger", + "ringleader", + "gaoler", + "stainer", + "potter", + "packer", + "beautician", + "unionist", + "huntress", + "menial", + "armiger", + "dragger", + "make", + "stippler", + "miller", + "runner", + "monger", + "rescuer", + "sourdough", + "alderman", + "gerontologist", + "platelayer", + "airman", + "shingler", + "diesinker", + "translator", + "selectman", + "trustbuster", + "strikebreaker", + "dog_catcher", + "horseherd", + "roundsman", + "paramedical", + "adang", + "washwoman", + "sprayer", + "employable", + "gutter", + "dresser", + "baggageman", + "salter", + "armorer", + "gillie", + "health_professional", + "framer", + "lascar", + "scullion", + "hand", + "laborer", + "pathologist", + "purser", + "cooper", + "luthier", + "manageress", + "remover", + "registrar", + "groomsman", + "sea_captain", + "scab", + "canoer", + "immigration_officer", + "scourer", + "artillery_crew", + "gasman", + "weaponsmith", + "staffer", + "glazier", + "sexton", + "subaltern", + "druggist", + "pantryman", + "curator", + "aeronautical_engineer", + "roper", + "demonstrator", + "lockman", + "scorer", + "industrialist", + "gallant", + "moonlighter", + "internist", + "temp", + "bouncer", + "upholsterer", + "don", + "varlet", + "aquanaut", + "stevedore", + "king", + "planter", + "common_soldier", + "maid", + "sergeant", + "man_midwife", + "rigger", + "mailman", + "rhinolaryngologist", + "timekeeper", + "coyote", + "pothunter", + "mahout", + "groundskeeper", + "cleaner", + "calligrapher", + "valet", + "tier", + "muzzler", + "ergonomist", + "temporary", + "plumber", + "translatress", + "machinist", + "waiter", + "glazer", + "headwaiter", + "carver", + "bondman", + "woodworker", + "intern", + "winder", + "troubleshooter", + "peacemaker", + "turncock", + "public_servant", + "originator", + "compositor", + "conveyancer", + "dockhand", + "shifter", + "cuirassier", + "art_teacher", + "hakeem", + "parlourmaid", + "political_instructor", + "skinner", + "pretor", + "woodcarver", + "puller", + "sheller", + "chairwoman", + "char", + "noticer", + "warehouseman", + "yardman", + "carrier", + "geoscientist", + "dramaturge", + "bellboy", + "jawan", + "sommelier", + "paperboy", + "trainmaster", + "beater", + "thresher", + "counsel", + "processor", + "tallyman", + "man_servant", + "chieftain", + "burgomaster", + "repertor", + "cataloguer", + "riveter", + "blacksmith", + "prosthodontist", + "resident", + "doge", + "\u00e9chevin", + "gentleman", + "plaiter", + "minder", + "au_pair_girl", + "trimmer", + "lister", + "letterer", + "busboy", + "sheepherder", + "sceneshifter", + "lapidary", + "torchbearer", + "pensionary", + "prompter", + "trencher", + "territorial", + "wainwright", + "hydrologist", + "distributor", + "von_blucher", + "inductee", + "excavator", + "amputator", + "placeseeker", + "gaffer", + "novelist", + "phlebotomist", + "ostler", + "trustee", + "crewman", + "cooky", + "paediatrician", + "legal_assistant", + "grip", + "para", + "router", + "magistrate", + "conductor", + "paperer", + "leatherneck", + "essayist", + "lockmaster", + "woodcutter", + "fuller", + "pharmacist", + "chief", + "sensei", + "arrowsmith", + "thatcher", + "bodyguard", + "currier", + "microbiologist", + "helmsman", + "buckaroo", + "chemist", + "hairdresser", + "cook", + "spotter", + "becker", + "couturier", + "carbineer", + "mastermind", + "paramedic", + "curatrix", + "tapper", + "privy_councillor", + "hydrogeologist", + "tollkeeper", + "perfecter", + "aesthetician", + "plasterer", + "trial_attorney", + "trainer", + "land", + "doorman", + "encyclopedist", + "hakim", + "justiciar", + "tailor", + "brakeman", + "marines", + "pallbearer", + "steersman", + "noncombatant", + "boss", + "vigilante", + "roadman", + "barmaid", + "throwster", + "coadjutor", + "reader", + "transcriber", + "housebreaker", + "crammer", + "ophthalmologist", + "obstetrician", + "female_companion", + "internuncio", + "treasurer", + "cartographer", + "muleteer", + "striver", + "craftsman", + "weaver", + "paperhanger", + "boatswain", + "bowdlerizer", + "veisalgia", + "butler", + "groundsman", + "wheelwright", + "therapist", + "grenadier", + "stonecutter", + "counterperson", + "splicer", + "paralegal", + "gentleman's_gentleman", + "inventor", + "bagger", + "safebreaker", + "handyman", + "macebearer", + "academician", + "surgeon", + "overseer", + "pitman", + "homoeopath", + "publisher", + "endodontist", + "vaquero", + "canoeist", + "retailer", + "lumper", + "printer", + "meteorologist", + "sweeper", + "manufacturer", + "cutter", + "qadi", + "pruner", + "comber", + "brigadier", + "garnishee", + "breeder", + "cavalryman", + "typesetter", + "independent", + "lackey", + "freelance", + "scientist", + "leader", + "prosecutor", + "deaconess", + "clerk", + "warden", + "kamikaze", + "moviemaker", + "driver", + "wheeler", + "lather", + "slavey", + "sea_lawyer", + "man_at_arms", + "performer", + "hangover", + "goldbeater", + "caregiver", + "balloonist", + "page", + "comedian", + "dietitian", + "voicer", + "tanner", + "horologist", + "interne", + "trainbandsman", + "baker", + "umpire", + "etcher", + "transactor", + "submariner", + "mayor", + "troller", + "salesgirl", + "glassblower", + "keyboarder", + "shopgirl", + "sculptor", + "freelancer", + "lapidist", + "herbalist", + "punter", + "gunsmith", + "newsboy", + "schoolmarm", + "hewer", + "bargeman", + "sketcher", + "bursar", + "attorney", + "lockkeeper", + "selectwoman", + "stalker", + "printmaker", + "courser", + "alcalde", + "salesman", + "lancer", + "master", + "headman", + "rheumatologist", + "bracer", + "percussor", + "stroke", + "chairperson", + "blackleg", + "hedger", + "counsellor", + "doughboy", + "intelligence_agent", + "almoner", + "president", + "seneschal", + "dyer", + "government_agent", + "barnstormer", + "electroplater", + "nullifier", + "lamplighter", + "seller", + "standard_bearer", + "gravedigger", + "steeplejack", + "minister", + "headmistress", + "mandarin", + "carpenter", + "public_prosecutor", + "tollgatherer", + "setter", + "liveryman", + "floorwalker", + "herder", + "groom", + "entertainer", + "courtier", + "bracero", + "dressmaker", + "mason", + "regidor", + "lasher", + "dermatologist", + "counterfeiter", + "chronicler", + "companion", + "fowler", + "pleader", + "hussar", + "bunny", + "mate", + "stoker", + "infantryman", + "pharmacologist", + "adjutant_general", + "roustabout", + "guide", + "lion_hunter", + "school_superintendent", + "stamper", + "interpreter", + "longshoreman", + "sawyer", + "macer", + "hotel_manager", + "sandwichman", + "fitter", + "hanger", + "fugleman", + "haematologist", + "angler", + "herald", + "wharfie", + "designer", + "enforcer", + "cashier", + "sitter", + "hematologist", + "foreman", + "buckeroo", + "pastor", + "turtler", + "cataloger", + "stocktaker", + "manservant", + "marshal", + "saleswoman", + "barrister", + "tracklayer", + "announcer", + "linkboy", + "radiologic_technologist", + "drudge", + "guestworker", + "placeman", + "rapporteur", + "sheriff", + "hawker", + "picker", + "ropemaker", + "stewardess", + "clinician", + "database_administrator", + "diplomate", + "nailer", + "councillor", + "doorkeeper", + "regulator", + "governor", + "cartwright", + "gardener", + "incumbent", + "stage_director", + "greyback", + "dairyman", + "squire", + "schoolmaster", + "fellah", + "landlord", + "moneyer", + "bill_poster", + "tollman", + "perinatologist", + "carabineer", + "associate", + "placer_miner", + "player", + "grocer", + "cropper", + "boilermaker", + "mellah", + "gaucho", + "waker", + "hostess", + "corporal", + "beadle", + "angiologist", + "justiciary", + "wallpaperer", + "charioteer", + "shipwright", + "baster", + "preserver", + "slave", + "district_attorney", + "lumberman", + "dancer", + "gamekeeper", + "washerman", + "stitcher", + "renovator", + "cornhusker", + "diplomatic_minister", + "clockmaker", + "underboss", + "gastroenterologist", + "chimneysweep", + "salesperson", + "sifu", + "darner", + "abortionist", + "collier", + "lender", + "manager", + "familiar", + "seaman", + "bleacher", + "shepherdess", + "broker", + "wetter", + "shipbuilder", + "midwife", + "carter", + "endocrinologist", + "porter", + "shopwalker", + "subeditor", + "linkman", + "diemaker", + "knacker", + "conveyer", + "insurance_broker", + "electrologist", + "catechist", + "stripper", + "fumigator", + "deckhand", + "handmaiden", + "gleaner", + "rivetter", + "neurosurgeon", + "carabinier", + "glassmaker", + "cop", + "barista", + "handmaid", + "shepherd", + "colonel", + "flanker", + "rouser", + "skivvy", + "sorter", + "warehouser", + "warrior", + "sprog", + "merchant", + "barber", + "glassworker", + "songwriter", + "charwoman", + "herdsman", + "maidservant", + "weigher", + "toller", + "allergist", + "ranker", + "tinner", + "housemaster", + "bonesetter", + "principal", + "childminder", + "pitchman", + "night_watchman", + "man", + "dockworker", + "earth_scientist", + "whaler", + "voider", + "doc", + "caster", + "quartermaster", + "logger", + "regent", + "bargee", + "stacker", + "schoolteacher", + "marine", + "peacekeeper", + "statistician", + "fireman", + "dragoon", + "social_secretary", + "manual_laborer", + "businesswoman", + "mapper", + "washer", + "sprigger", + "chancellor", + "soundman", + "striker", + "swineherd", + "strafer", + "tacker", + "point_guard", + "counselor", + "painter", + "recorder", + "wallah", + "draughtsman", + "councilor", + "propman", + "cannoneer", + "armourer", + "chargeman", + "usher", + "gilder", + "stipendiary", + "invalidator", + "messenger", + "exciseman", + "founder", + "cardiologist", + "chauffeur", + "bellman", + "lacer", + "composer", + "parlormaid", + "weeder", + "au_pair", + "tinsmith", + "anaesthetist", + "bricklayer", + "sentry", + "proconsul", + "striper", + "businessperson", + "licenser", + "cox", + "stuffer", + "janitor", + "bombardier", + "lighterman", + "die_sinker", + "trier", + "sublieutenant", + "cameraman", + "public_defender", + "shelver", + "rancher", + "farrier", + "councilman", + "housekeeper", + "goldbrick", + "woman", + "yardbird", + "harvestman", + "plotter", + "tracker", + "melter", + "hostler", + "paratrooper", + "presenter", + "heaver", + "canvasser", + "sailor", + "vestryman", + "blaster", + "galvanizer", + "sculler", + "sidesman", + "croupier", + "usherette", + "candy_striper", + "steward", + "mounter", + "courier", + "chartered_accountant", + "lawman", + "laryngologist", + "searcher", + "presbyter", + "sergeant_major", + "abridger", + "sharecrop_farmer", + "arouser", + "extern", + "sub_lieutenant", + "ruler", + "horseshoer", + "joiner", + "vestrywoman", + "osteopath", + "concierge", + "bearer", + "jailer", + "chairman", + "marshall", + "chimneysweeper", + "trial_judge", + "doula", + "docker", + "tuner", + "abbreviator", + "coxswain", + "sub", + "anthologist", + "harpooner", + "parer", + "bowdleriser", + "taskmaster", + "settler", + "trade_unionist", + "caretaker", + "turner", + "solicitor", + "bishop", + "calligraphist", + "tiler", + "signalman", + "postmaster_general", + "coolie", + "lumberjack", + "groundkeeper", + "washerwoman", + "sharecropper", + "headmaster", + "mayoress", + "chambermaid", + "cookie", + "headteacher", + "scavenger", + "boatbuilder", + "harpooneer", + "drawer", + "bellhop", + "techie", + "esquire", + "science_teacher", + "waterer", + "clocksmith", + "tapster", + "airwoman", + "gunner", + "topper", + "alienist", + "rocker", + "charcoal_burner", + "regular", + "paddler", + "managing", + "gatekeeper", + "autor", + "lieutenant", + "thrower", + "millwright", + "steamfitter", + "high_commissioner", + "peeler", + "deliveryman", + "cartoonist", + "loader", + "stonemason", + "footman", + "banker", + "firefighter", + "stringer", + "dairymaid", + "conductress", + "preceptor", + "trainbearer" + ], + "FOOD": [ + "dog_food", + "soy_flour", + "ham_and_eggs", + "collard_greens", + "jerusalem_artichoke", + "monosodium_glutamate", + "scotch_woodcock", + "olla_podrida", + "julienne_vegetable", + "mousse", + "bitter_orange", + "steak_tartare", + "homogenized_milk", + "chocolate_bar", + "loukoum", + "golden_delicious", + "promulsis", + "desert", + "sugarloaf_mountain", + "sea_trout", + "tiffin", + "symphytum_officinale", + "betel_nut", + "daucus_carota", + "nada_daiquiri", + "bechamel", + "common_carp", + "christmas_pudding", + "juniper_berries", + "fritter_batter", + "crisphead_lettuce", + "tomato_concentrate", + "mint_sauce", + "lemonade", + "thompson_seedless", + "chicken_provencale", + "white_chocolate", + "jacket_potato", + "vigna_unguiculata", + "guinea_hen", + "cat_food", + "beefsteak_plant", + "american_lobster", + "granny_smith", + "capsicum", + "orange_marmalade", + "granola_bar", + "rocambole", + "sauce", + "cakes", + "russian_mayonnaise", + "won_ton", + "taffy", + "barbecued_spareribs", + "stick_cinnamon", + "soy_milk", + "pickle", + "sweet_pepper", + "white_russian", + "mineral_water", + "anchovy_sauce", + "pina_colada", + "t_bone_steak", + "farina", + "ham_sandwich", + "jordan_almond", + "candyfloss", + "lemon_extract", + "pinot_noir", + "sodium_chloride", + "rock_candy", + "chilli", + "tom_collins", + "black_bread", + "red_currant", + "lima_bean", + "entr\u00e9e", + "pepper", + "macedoine", + "appetizer", + "savoy_cabbage", + "meatloaf", + "cowpea", + "tonic_water", + "sea_bream", + "pastry", + "dog_biscuit", + "french_dressing", + "fruit_salad", + "gelato", + "chili", + "clarified_butter", + "sweet_orange", + "napa_cabbage", + "wild_rice", + "head_cabbage", + "rose_apple", + "red_hot", + "dietary_fiber", + "lunch", + "brazil_nut", + "chile", + "green_tea", + "pinyon", + "sockeye_salmon", + "antipasto", + "appetiser", + "soy_sauce", + "candied_apple", + "maryland_chicken", + "northern_pike", + "sweet_potato", + "poppy_seed", + "beef_tongue", + "pudding", + "c_ration", + "may_wine", + "oysters_rockefeller", + "atlantic_salmon", + "blutwurst", + "chinese_cabbage", + "dessert", + "baguet", + "mustard_seed", + "hushpuppy", + "tutti_frutti", + "dragon_fruit", + "french_toast", + "k_ration", + "scotch_broth", + "coffee", + "soy_bean_oil", + "drinkwater", + "ros\u00e9", + "black_pepper", + "sonchus_oleraceus", + "petit_four", + "omelette", + "harvey_wallbanger", + "pot_au_feu", + "mandarin_orange", + "gustatio", + "blue_crab", + "breakfast", + "bok_choy", + "cohoe", + "catsup", + "mangel_wurzel", + "uruguay_potato", + "juglans_regia", + "freshwater_fish", + "chevre", + "cocoa" + ], + "DISEASE": [ + "cyanose", + "hurt", + "kaluresis", + "hydrocephalus", + "sars", + "sneeze", + "fructosuria", + "pertussis", + "lipidaemia", + "nicotinism", + "ophidism", + "arthritis", + "chorioretinitis", + "addiction", + "monogenic_disease", + "montezuma's_revenge", + "angriness", + "sea_sickness", + "disturbance", + "filovirus", + "cramp", + "acanthosis_nigricans", + "abrasion", + "clubfoot", + "leak", + "potence", + "freshness", + "cellulitis", + "maidism", + "villoma", + "cerebromeningitis", + "hydramnios", + "paise", + "quadriplegia", + "plumbism", + "chilblains", + "rheumatoid_spondylitis", + "chickenpox", + "stuffiness", + "ki", + "polio", + "aniseikonia", + "tabes_dorsalis", + "seasickness", + "complication", + "alerting", + "tamponage", + "flection", + "bunion", + "panencephalitis", + "flavivirus", + "desire", + "lassitude", + "carbuncle", + "rubeola", + "stasis", + "hermaphrodism", + "rinderpest", + "rosette", + "protozoal_infection", + "furuncle", + "hydrarthrosis", + "anesthesia", + "psychoneurosis", + "myositis_trichinosa", + "mastadenitis", + "arthralgia", + "squeamishness", + "descensus", + "alertness", + "malady", + "rage", + "fettle", + "chemosis", + "anthrax", + "carotenemia", + "cosmid", + "non_insulin_dependent_diabetes_mellitus", + "jaundice", + "astasia", + "bowleg", + "analgesia", + "anestrus", + "chill", + "smallpox", + "costochondritis", + "als", + "prodrome", + "chestnut", + "whiplash", + "rabies", + "mastitis", + "squint", + "heat", + "palilalia", + "rectocele", + "clubbing", + "gumma", + "vitalization", + "complaint", + "wen", + "habituation", + "parvo", + "hsv_1", + "ventricular_fibrillation", + "longsightedness", + "pontes", + "undernourish", + "quinsy", + "epidemic_roseola", + "phenylketonuria", + "anthrax_pneumonia", + "siderosis", + "polyarteritis_nodosa", + "catarrh", + "inversion", + "coughing", + "adenomatous_polyp", + "diestrum", + "steatorrhea", + "distemper", + "clinocephalism", + "progeria", + "mange", + "aquaphobia", + "verruca_acuminata", + "poison_ivy", + "sleeping", + "camelpox", + "papovavirus", + "potency", + "graphospasm", + "non_insulin_dependent_diabetes", + "hordeolum", + "frostbite", + "sore", + "congestion", + "cardiomegaly", + "singultus", + "congested", + "sciatica", + "analgia", + "listeriosis", + "prodroma", + "choking", + "mouse", + "clinodactyly", + "strawberry_haemangioma", + "stutter", + "distomatosis", + "steatocystoma", + "sternutation", + "ravenousness", + "wasting", + "brachydactyly", + "xerodermia", + "croup", + "energy", + "genus_oestrus", + "monochromatic_vision", + "induration", + "anger", + "pachyderma", + "lordosis", + "famishment", + "distress", + "aeroembolism", + "radiation", + "clavus", + "lump", + "clap", + "smarting", + "cough", + "claustrophobia", + "pinealoma", + "cataphasia", + "formication", + "metacyesis", + "indigestion", + "pharyngitis", + "smartness", + "plasmacytoma", + "bradycardia", + "gotta", + "burning", + "beriberi", + "healthiness", + "seminoma", + "natriuresis", + "wheal", + "mitral_stenosis", + "gall", + "mania", + "dementia", + "mastalgia", + "spots", + "radiance", + "looseness", + "warble", + "diabetic_acidosis", + "xeroderma", + "lithiasis", + "arenavirus", + "stroke", + "kink", + "vellication", + "scours", + "succus", + "genus_anomia", + "piles", + "herniation", + "pang", + "picornavirus", + "struma", + "rickets", + "phytophthora_infestans", + "hydrophobia", + "paraesthesia", + "phalangitis", + "agammaglobulinemia", + "perleche", + "streptococcus_tonsilitis", + "barrenness", + "shape", + "heartrot", + "brath", + "myxoma_virus", + "lipidemia", + "starvation", + "welt", + "livedo", + "ms", + "sneezing", + "overgrowth", + "bunt", + "bleeding", + "have_runs", + "cowpox", + "otorrhea", + "gravidness", + "scotoma", + "fantods", + "overweight", + "autoimmunity", + "hydrocele", + "human_papillomavirus", + "arthropathy", + "epstein_barr_virus", + "coronary_thrombosis", + "rachischisis", + "intertrigo", + "gimpiness", + "rust", + "slice", + "pinkroot", + "mareo", + "contusion", + "arrhythmia", + "proteinuria", + "menorrhagia", + "furunculosis", + "torpidity", + "orthomyxovirus", + "claudication", + "paramyxovirus", + "pancreatitis", + "heterotaxy", + "monoblastic_leukaemia", + "thirstiness", + "salmonellosis", + "trouble", + "regional_ileitis", + "teratoma", + "hyperchromic_anaemia", + "logagraphia", + "hypoxic_hypoxia", + "cheloid", + "lassa_virus", + "balanoposthitis", + "haleness", + "goitre", + "albuminuria", + "suntan", + "parity", + "schizotypal_personality", + "vaccination", + "analbuminemia", + "xanthoma_multiplex", + "quartan", + "lipoid_granulomatosis", + "plant_virus", + "meromelia", + "murrain", + "mercury_poisoning", + "deuteranopia", + "materialism", + "anchylosis", + "pasteurellosis", + "chondrosarcoma", + "ammoniuria", + "rosacea", + "glycosuria", + "humpback", + "para", + "seif", + "brucellosis", + "van_bogaert_encephalitis", + "maladjustment", + "paracentral_scotoma", + "photoretinitis", + "founder", + "ada_scid", + "alexic", + "valgus", + "hay_fever", + "chorea", + "costiasis", + "lysinemia", + "hunger", + "bruising", + "snowblindness", + "handicap", + "elastosis", + "hs1", + "lipaemia", + "cyanosis", + "arenaviridae", + "graze", + "stricture", + "tarantism", + "pimple", + "orchitis", + "siriasis", + "appendicitis", + "gravidation", + "alalia", + "pernio", + "chloasma", + "tenesmus", + "cyclothymia", + "yatobyo", + "astraphobia", + "herpes_virus", + "gastric_fistula", + "scar", + "hearing_loss", + "kernicterus", + "laparocele", + "strangulation", + "machupo_virus", + "vasculitis", + "sodoku", + "lallation", + "bluetongue", + "cva", + "wale", + "shortsightedness", + "lumbago", + "be_poisoned", + "gravida", + "stitch", + "orchidalgia", + "metabolic_acidosis", + "vaccina", + "cecity", + "dactylomegaly", + "miliaria", + "equine_distemper", + "shingles", + "variola_major", + "pancarditis", + "sightlessness", + "herpes_simplex_virus", + "tracheitis", + "ochronosis", + "erythema_multiforme", + "debility", + "crick", + "lymphocytic_choriomeningitis_virus", + "consumption", + "galactosemia", + "anaclitic_depression", + "paralysis", + "torpor", + "cachexy", + "amastia", + "crookback", + "lepidophobia", + "black_eye", + "horniness", + "cachexia", + "presbyopia", + "festination", + "landry's_paralysis", + "microcytic_anaemia", + "tarsitis", + "alphavirus", + "phaeochromocytoma", + "visual_aphasia", + "posthitis", + "meteorism", + "lightheadedness", + "tamponade", + "drug_addiction", + "schistorrhachis", + "pachycheilia", + "lameness", + "shortsighted", + "genetic_disorder", + "bruise", + "pemphigus", + "undernutrition", + "diaphragmatic_pleurisy", + "flexure", + "epidemic_meningitis", + "oxycephaly", + "ache", + "hamartoma", + "superinfection", + "chi", + "ringworm", + "rachitis", + "delirium", + "glow", + "balanitis", + "injury", + "glucopenia", + "satanophobia", + "catalepsy", + "stridor", + "lichen", + "hickey", + "vigil", + "rubor", + "rickettsialpox", + "sclerosing_leukoencephalitis", + "transposition", + "qi", + "hydrocephaly", + "flutter", + "thalassaemia", + "corn", + "trembles", + "blain", + "preeclampsia", + "granuloma", + "herpes_simplex", + "metamorphopsia", + "creeps", + "palsy", + "weal", + "bends", + "infirmity", + "areflexia", + "thirst", + "akinesia", + "metabolic_disorder", + "parasitaemia", + "congenital_megacolon", + "scarlatina", + "muscularity", + "pancreatic_fibrosis", + "caranx_bartholomaei", + "malaise", + "lockjaw", + "wheeziness", + "strabismus", + "von_recklinghausen's_disease", + "monocytic_leukemia", + "spina_bifida", + "passion", + "mycoplasmal_pneumonia", + "hydremia", + "deaf_muteness", + "gargoylism", + "malignance", + "seizure", + "cardiopathy", + "flaviviridae", + "bloodiness", + "heartburn", + "paralysis_agitans", + "monocytic_leukaemia", + "american_leishmaniasis", + "windburn", + "clostridial_myonecrosis", + "orthostatic_hypotension", + "spinal", + "kala_azar", + "quadrantanopia", + "gimp", + "oestrus", + "blastocytoma", + "ague", + "estrus", + "snakebite", + "mers", + "caffeinism", + "regional_enteritis", + "headache", + "abasia", + "frenzy", + "fester", + "hernia", + "alexia", + "gangrene", + "gestation", + "stinging", + "herpes", + "paraparesis", + "epidural_anaesthesia", + "toxemia", + "dieback", + "effect", + "mediterranean_anaemia", + "crud", + "pityriasis", + "rash", + "hypnophobia", + "aching", + "wakefulness", + "cardiomyopathy", + "parkinsonism", + "gravidity", + "twist", + "chancre", + "lipemia", + "yellow_jack", + "intermittent_tetanus", + "smart", + "amelia", + "hydrops", + "failure", + "epidemic_encephalitis", + "marasmus", + "kraurosis", + "collywobbles", + "eventration", + "obliquity", + "gumboil", + "gummosis", + "sandfly_fever", + "ed", + "clinocephaly", + "sunstroke", + "breakdown", + "callosity", + "proctocele", + "dentalgia", + "folliculitis", + "paratyphoid", + "blister", + "kaliuresis", + "chlorosis", + "pica", + "tracheobronchitis", + "stenosis", + "papilloma", + "grieven", + "blackwater", + "sickness", + "distension", + "meralgia", + "alveolitis", + "renal_lithiasis", + "glucosuria", + "costalgia", + "afterpains", + "corpulence", + "callus", + "acetonuria", + "macrocytic_anaemia", + "chorditis", + "rhus_radicans", + "vaccinia", + "acetonemia", + "bloom", + "trachoma", + "hebetude", + "classical_haemophilia", + "paresis", + "tachycardia", + "acorea", + "furring", + "galactocele", + "soreness", + "causalgia", + "choke", + "schizothymia", + "blockage", + "choriomeningitis", + "talipes", + "keratosis_blennorrhagica", + "sensation", + "psychopathic_personality", + "yellow_fever", + "floater", + "pancytopenia", + "toxaemia", + "fluorosis", + "murmur", + "radiculitis", + "parametritis", + "humpbacked", + "chiralgia", + "funiculitis", + "strangles", + "automysophobia", + "nosebleed", + "mastocarcinoma", + "tabes", + "earache", + "poliovirus", + "photophobia", + "african_trypanosomiasis", + "monoblastic_leukemia", + "rubella", + "mongolism", + "anthracosis", + "epidermolysis_bullosa", + "hurting", + "fugue", + "overbite", + "pansinusitis", + "pain", + "softness", + "walleye", + "vitality", + "goiter", + "diphtheria", + "diestrus", + "gammopathy", + "abrachia", + "bunyaviridae", + "malacia", + "akinesis", + "genus_icterus", + "arbovirus", + "incisura", + "catatonic_schizophrenia", + "voicelessness", + "cervicitis", + "peritonsillar_abscess", + "strain", + "gynecomastia", + "hsv_i", + "dilatation", + "thalassemia", + "photalgia", + "von_willebrand's_disease", + "contagion", + "xanthoma_disseminatum", + "purpura", + "peritoneal_inflammation", + "papilledema", + "spermatocele", + "distention", + "rick", + "whitlow", + "aerodontalgia", + "schizoid", + "eburnation", + "blackheart", + "tmv", + "puffiness", + "vasovesiculitis", + "sequela", + "tone_deafness", + "enchondroma", + "stammer", + "cat_scratch_disease", + "singe", + "arborvirus", + "wtv", + "diastasis", + "coryza", + "constipation", + "celioma", + "actinic_keratosis", + "eschar", + "silicosis", + "hyperchromic_anemia", + "laminitis", + "valetudinarianism", + "epidemic_cholera", + "ill", + "chalazion", + "gash", + "parasitemia", + "paraplegia", + "greensickness", + "bellyache", + "misshapenness", + "panaritium", + "sprain", + "anestrum", + "locoism", + "pull", + "parkinson's", + "hypertrophic_cardiomyopathy", + "stigmata", + "variola_major_virus", + "slough", + "shuteye", + "scald", + "concussion", + "demineralization", + "rosiness", + "sawan", + "normothermia", + "herpangia", + "staggers", + "collapse", + "valvulitis", + "chondrodystrophy", + "sterility", + "lethargy", + "pollinosis", + "bandyleg", + "smut", + "odontalgia", + "malocclusion", + "pellagra", + "exotropia", + "pinch", + "leper", + "togaviridae", + "paralytic_abasia", + "orthopnea", + "granulocytopenia", + "mastopathy", + "schistosomiasis", + "androphobia", + "hydrothorax", + "maternity", + "traumatophobia", + "laceration", + "disseminated_sclerosis", + "mi", + "tilletia_caries", + "orthochorea", + "disintegration", + "roseola", + "coronary", + "alastrim", + "shigellosis", + "aura", + "glanders", + "proctalgia", + "mazopathy", + "roset", + "brachydactylia", + "tan", + "flue", + "arousal", + "rheumatic_aortitis", + "lipidosis", + "molluscum", + "sting", + "pestis_bubonica", + "wart", + "blastoma", + "lipid_granulomatosis", + "innervation", + "morphea", + "dandruff", + "giantism", + "achylia_gastrica", + "protanopia", + "emmetropia", + "peliosis", + "excoriation", + "aftereffect", + "hsv_ii", + "lambdacism", + "adiposity", + "break", + "sturdiness", + "indisposition", + "malignancy", + "heatstroke", + "sleep", + "poliomyelitis", + "nys", + "swelling", + "hardening", + "unhealthiness", + "undernourishment", + "trauma", + "hydronephrosis", + "nicotine_addiction", + "chancroid", + "breathlessness", + "chondroma", + "echovirus", + "primary_syphilis", + "uraemia", + "rawness", + "thanatophobia", + "chilblain", + "harelip", + "lichen_planus", + "aminoaciduria", + "kuru", + "burn", + "dropsy", + "pinkeye", + "lagophthalmos", + "flexion", + "gameness", + "corditis", + "cellularity", + "biliousness", + "actinic_dermatitis", + "noma", + "deviance", + "tyrosinemia", + "emptiness", + "thermalgesia", + "hemeralopia", + "rickettsiosis", + "periarteritis_nodosa", + "genus_scleroderma", + "central_scotoma", + "diaphragmatic_hernia", + "bedsore", + "shivering", + "condition", + "dengue", + "anasarca", + "comminuted_fracture", + "cataract", + "demineralisation", + "roseola_infantilis", + "torment", + "dog_bite", + "cartilaginification", + "paresthesia", + "flare", + "wilt", + "hungriness", + "le", + "bunyavirus", + "slow_virus", + "hayfever", + "harm", + "proctitis", + "madness", + "dysomia", + "bruh", + "keratoderma_blennorrhagica", + "sprue", + "wrench", + "shiner", + "parvovirus", + "salmonella", + "runza", + "toxicodendron_radicans", + "vitalisation", + "verruca", + "mooneye", + "toothache", + "cacogenesis", + "tritanopia", + "dysosmia", + "cold", + "variola_virus", + "hermaphroditism", + "petechia", + "cyclopia", + "phonophobia", + "spinal_curvature", + "esotropia", + "ill_health", + "ozena", + "viraemia", + "heaves", + "backache", + "carditis", + "arteriosclerosis_obliterans", + "taphephobia", + "malaria", + "phocomelia", + "mongolianism", + "gout", + "palmature", + "philistinism", + "mastoiditis", + "subluxation" + ], + "ANIMAL": [ + "blackbird", + "pierid", + "sea_spider", + "protoctist_family", + "acherontia", + "apodemus", + "peregrine_falcon", + "giant_manta", + "cat", + "coris_marquesensis", + "sparrow", + "copper_rockfish", + "buteo", + "class_cyanobacteria", + "calimocho", + "sea_lettuce", + "brant", + "atlantic_sailfish", + "goldfinch", + "bearberry_willow", + "sea_anemone", + "pine_grosbeak", + "sapo", + "common_starling", + "dog_flea", + "drosophila", + "homo_sapiens_sapiens", + "anuran", + "salmo_gairdneri", + "blackgame", + "montagu's_harrier", + "philippine_tarsier", + "bare_headed", + "red_spider", + "take_all", + "stag", + "atlantic_herring", + "otter", + "heron", + "black_widow", + "firefox", + "cottontail", + "greek_partridge", + "lowland_burrowing_treefrog", + "sparrowhawk", + "harridan", + "woodlouse", + "horse_riding", + "lemmus_lemmus", + "sitta_europaea", + "stag_beetle", + "uma_notata", + "sea_snake", + "snoek", + "she_cat", + "billy_elliot", + "baleen_whale", + "tern", + "bullfinch", + "australian_blacksnake", + "carabid", + "saratoga_spittlebug", + "kunduz", + "sea_swallow", + "sea_eagle", + "buzzard", + "tortoiseshell", + "thomson's_gazelle", + "tineid", + "canis_minor", + "bullpout", + "manta", + "hippotragus_niger", + "junin_virus", + "mussel", + "sitta_carolinensis", + "frankliniella_fusca", + "badger", + "thrush", + "sea_lion", + "wobbegong", + "white_pelican", + "carduelis", + "mei_long", + "pisces", + "mammal", + "eretmochelys", + "lake_whitefish", + "sea_raven", + "piranga_olivacea", + "mavis", + "felis_tigrina", + "goshawk", + "sea_cucumber", + "swift", + "sea_slug", + "yellow_bellied", + "chipmunk", + "sand_martin", + "florida_gallinule", + "sandpiper", + "tobacco_mosaic_virus", + "erne", + "sea_cow", + "lactobacillus_acidophilus", + "giant_panda", + "queltehue", + "troupial", + "angelica_anomala", + "arthropods", + "alaska_king_crab", + "cliff_swallow", + "musteline_mammal", + "king_whiting", + "leptodactylid", + "pieris_brassicae", + "ferret", + "western_kingbird", + "skilletfish", + "crow", + "western_wheatgrass", + "english_partridge", + "barrow's_goldeneye", + "chinese_angelica", + "artiodactyl", + "gordon_setter", + "western_meadowlark", + "perennial_salt_marsh_aster", + "capercailzie", + "ebola_virus_disease", + "giant_salamander", + "vibe", + "diamondback", + "kestrel", + "cushat", + "electrophorus_electric", + "spavin", + "mountain_beaver", + "wilga", + "micropterus", + "canyon_treefrog", + "bearded_woodpecker", + "fratercula_arctica", + "martes_martes", + "faina", + "bewick's_swan", + "wiesel", + "perca_flavescens", + "c_diphtheriae", + "black_buffalo", + "womanizer", + "galgo", + "stormcock", + "guaco", + "sea_moss", + "hermissenda", + "lama_peruana", + "giant_petrel", + "makaira_mazara", + "salmonella_enteritidis", + "margaritifera_laevis", + "raven", + "black_tortoise", + "homo_sapiens", + "mink", + "arthropod", + "james's_gerbil", + "harrier", + "grateloupia_elliptica", + "blackcock", + "sea_turtle", + "carabao", + "sprosser", + "lakeland_terrier", + "ebola_virus", + "greater_bilby", + "passer", + "chinese_goose", + "tetranychid", + "frog", + "carrion_crow", + "io_moth", + "bare_backed", + "condor", + "greater_yellowlegs", + "rainbow_trout", + "hydropote", + "sea_scallop", + "maggie", + "cape_buffalo", + "european_eider", + "hound", + "cyanophyceae", + "donkey", + "hornet", + "trp", + "cocker", + "prunus_tenella", + "white_rhinoceros", + "hawk", + "cro_magnon", + "genus_erignathus", + "merl", + "waterdog", + "accipiter", + "nitidotellina_nitidula", + "jackknife_fish", + "oriole", + "staffordshire_bullterrier", + "greater_whitethroat", + "variola_minor_virus", + "water_dog", + "american_lobster", + "greyhound", + "ophioplocus_japonicus", + "west_nile_virus", + "bumblebee", + "cota_tinctoria", + "stieglitz", + "falcon", + "sea_tangle", + "domestic_buffalo", + "variola_minor", + "parainfluenza_virus", + "e_coli", + "chlorophyll_d", + "mizuhiki", + "snake_polypody", + "consecutive_interpretation", + "sicyopterus_japonicus", + "cancer_japonicus", + "greenhouse_whitefly", + "marburg_virus", + "common_chaffinch", + "thomomys_talpoides", + "sei_whale", + "dovekie", + "banteng", + "olympic_salamander", + "sea_duck", + "c_trachomatis", + "bullock", + "greater_scaup", + "cockroach", + "wren", + "franklin's_gull", + "hazel_grouse", + "pearl_oyster", + "eastern_woodrat", + "gimpel", + "pinctada_margaritifera", + "common_booklouse", + "european_bittern", + "magpie", + "pieris_melete", + "potamophis_striatula", + "jerboa", + "donald_duck", + "nathusius's_pipistrelle", + "cafard", + "salmo_salar", + "maasbanker", + "sanicula_europaea", + "red_fox", + "adelie", + "rainbow_smelt", + "iller", + "moose", + "grackle", + "bengal_tiger", + "edible_dormouse", + "taguan", + "sarcophile", + "heath_fritillary", + "eastern_cottontail", + "coho_salmon", + "wisent", + "marten", + "genus_staphylococcus", + "sirenian", + "black_rhinoceros", + "berner_sennenhund", + "brock", + "suslik", + "barn_swallow", + "thorny_skate", + "vulture", + "araguato", + "sea_lily", + "martes_foina", + "sand_snake", + "baldpate", + "porpoise", + "wild_cinnamon", + "sea_catfish", + "chicken", + "millipede", + "l_monocytogenes", + "ictiobus_niger", + "cape_lobster", + "tarrock", + "sable", + "capreolus_capreolus", + "bombyx", + "branta_bernicla", + "foumart", + "herpes_zoster", + "mountain_devil", + "cavia_cobaya", + "woodcock", + "arthropoda", + "beaver", + "mahonia_aquifolium", + "cabbageworm", + "ringdove", + "barramunda", + "common_shelduck", + "three_spined_stickleback", + "nitrobacteria", + "pagellus_centrodontus", + "tamanoir", + "gallinaceous", + "quack_quack", + "eastern_meadowlark", + "scleropages", + "new_england_aster", + "sheltie", + "willow_aster", + "human_immunodeficiency_virus", + "green_woodpecker", + "field_mouse", + "gull", + "sea_urchin", + "lychnis_flos_cuculi", + "tortrix", + "hemipteron", + "merle", + "blackie", + "sand_tiger", + "acorn_barnacle", + "sea_star", + "capercaillie", + "sitta_canadensis", + "mantis", + "primula_vulgaris", + "grey_partridge", + "wound_tumor_virus", + "european_flatfish", + "herpes_zoster_virus", + "varicella_zoster_virus", + "gymnorhina", + "herpes_simplex_1", + "guinea_pig", + "michelia_compressa", + "squirrel", + "cat_translations", + "h_pylori", + "green_tea", + "mane", + "common_kestrel", + "santa_gertrudis", + "common_yellowwood", + "animal_virus", + "diving_duck", + "respiratory_syncytial_virus", + "whippet", + "lavatera_arborea", + "zeus_faber", + "blattella_nipponica", + "by_catch", + "salvelinus_fontinalis", + "western_chimpanzee", + "barramundi", + "potato_yellow_dwarf_virus", + "barnacle", + "northern_shoveler", + "yorkshire_terrier", + "lemming", + "wall_creeper", + "peregrine", + "eagle", + "abudefduf_saxatilis", + "sea_lamprey", + "kingfisher", + "western_capercaillie", + "remilegia_australis", + "patronne", + "pigeon_pea", + "giant_armadillo", + "hungarian_partridge", + "vole", + "water_rat", + "potamogale", + "constrictor_constrictor", + "gorilla_gorilla", + "dormouse", + "fire_salamander", + "graylag", + "grouse", + "sergeant_major", + "shad", + "roseate_spoonbill", + "icterid", + "angelshark", + "chelydra", + "sea_louse", + "seagull", + "cat_flea", + "martes_zibellina", + "polecat", + "irish_wolfhound", + "southern_lapwing", + "snipe", + "erignathus", + "sea_horse", + "eider", + "capiz", + "snub_nosed", + "mistle_thrush", + "northern_cardinal", + "arvicola", + "sea_otter", + "wolf_spider" + ], + "ORG": [ + "yulia_tymoshenko", + "dominion", + "ida", + "more_than", + "san_marco", + "treasury", + "shinto", + "sand_lake", + "jehovah's_witnesses", + "exact_sciences", + "town_centre", + "foreign_country", + "justice", + "our_lady_of_sorrows", + "all_nations", + "mitsui_zaibatsu", + "shiah", + "le_figaro", + "doi", + "de_facto_segregation", + "lower_house", + "free_will", + "tammany", + "sabaoth", + "marshals", + "protestant_church", + "military", + "municipal_government", + "gironde", + "drug_enforcement_administration", + "high_commission", + "tom_thumb", + "christian_association", + "wicca", + "dixiecrats", + "new_frontier_party", + "one_way", + "so_many", + "malignant_tumor", + "all_for", + "paul_cezanne", + "take_turn_for_better", + "jan_mayen", + "battalion", + "take_after", + "ins", + "three_stars", + "nist", + "shakers", + "transportation", + "in_place", + "lower_class", + "not_moving", + "kemal_ataturk", + "all_powerful", + "be_at", + "shua", + "aa", + "nasa", + "saint_nicholas", + "airforce", + "second_empire", + "at_home", + "arda", + "hinayana", + "in_vivo", + "palestine_authority", + "huang_he", + "isi", + "bollywood", + "ang", + "fema", + "united_states_government", + "la_trobe", + "too_many", + "hassidim", + "in_utero", + "foreign_languages", + "management_consulting", + "st_christopher", + "europol", + "schutzstaffel", + "franco_british", + "in_flight", + "bakkie", + "al_qanoon", + "sankt_andreasberg", + "upper_class", + "chorus_line", + "international_association", + "u_s_army_special_forces", + "dippers", + "off_and_on", + "abu_ali_al_husain_ibn_abdallah_ibn_sina", + "ad_libitum", + "old_town", + "domestic_violence", + "once_again", + "non_plus_ultra", + "haganah", + "educational_institution", + "up_country", + "opera_company", + "care_for", + "karaites", + "after_all", + "porte", + "college", + "central_city", + "san_francisco", + "chambered_nautilus", + "un", + "social_democratic_party", + "war_machine", + "fincen", + "on_site", + "exec", + "from_time_to_time", + "chongqing_university", + "thomas_doubting_apostle", + "why_not", + "old_church", + "trade_union", + "no_frills", + "electoral_college", + "village_community", + "zen_buddhism", + "lo_fi", + "first_international", + "i_o_data", + "flashmob", + "papa_john's", + "st_mary_magdalene", + "v\u0129nh_long", + "in_common", + "nara", + "one_parent_family", + "va", + "music_school", + "saint_george", + "park_chung_hee", + "cathars", + "my_school", + "saint_peter_apostle", + "col_legno", + "no_paper_society", + "no_worries", + "machine_shop", + "non_literate_society", + "shopping_centre", + "sc", + "sainte_ursule", + "han_dynasty", + "third_party", + "face_amount_certificate_company", + "militant_tendency", + "son_goku", + "by_way", + "church_of_christ_scientist", + "at_all", + "albigenses", + "gao", + "khalsa", + "philosophy_department", + "united_states", + "dot", + "prohibition_party", + "marine_department", + "mon_ami", + "we_all", + "s_hertogenbosch", + "nanak", + "international_organization", + "mahayana", + "as_yet", + "core", + "allies", + "take_part", + "ad_lib", + "one_up", + "japan_railways", + "girl_guides", + "art_collection", + "british_council", + "saint_vincent", + "freemasonry", + "ec", + "golf_club", + "communications_corporation", + "matteo_ricci", + "john_tuzo_wilson", + "peasant_party", + "teamsters_union", + "highschool", + "saint_helena", + "plexus_celiacus", + "medical_profession", + "don_juan", + "petty_bourgeoisie", + "sea_power", + "sea_wolves", + "training_college", + "oni", + "scottish_law", + "ai", + "garden_party", + "new_world", + "all_one's_family", + "once_upon_time", + "closed_corporation", + "academic_institution", + "christ_child", + "superior_court", + "landed_gentry", + "down_below", + "have_nice_meal", + "ds", + "military_government", + "japan_socialist_party", + "chiang_mai", + "town_hall", + "et_al", + "gop", + "physical_sciences", + "sao_paulo", + "dia", + "dominican_order", + "civil_service", + "mitsubishi_zaibatsu", + "st_kilda", + "winnie_pooh", + "gatt", + "lablink", + "old_guard", + "department_of_chemistry", + "sayeret", + "reform_judaism", + "as_new", + "masonry", + "tantrism", + "ab_initio", + "mutawa", + "shivaism", + "parasport", + "le_mans", + "foreign_mission", + "saint_lucian", + "shopping_mall", + "cathari", + "christian_science", + "honky_tonk", + "shaktism", + "doe", + "ne_plus_ultra", + "caf\u00e9_au_lait", + "shia", + "no_parking", + "nha_trang", + "de_jure_segregation", + "little_by_little", + "on_or_about", + "fletc", + "quakers", + "school", + "german_language", + "ice_sports", + "saktism", + "one_way_street", + "national_fascist_party", + "mounties", + "defense", + "sub_society", + "ruling_class", + "and_also", + "brahmanism", + "rabindranath_tagore", + "trades_union", + "gestapo", + "one_family", + "de_novo", + "jelly_beans", + "curly_heads", + "shah_alam", + "li_keqiang", + "all_you_can_eat", + "enfants_terribles", + "austin_friars", + "justice_party", + "mount_olivet", + "kashag", + "fibonacci_sequence", + "percussion_section", + "on_board", + "hasidism", + "chiang_chung_cheng", + "de_luxe", + "santa_sophia", + "white_house", + "pressure_points", + "al_muhajiroun", + "pac", + "counterterrorist_center", + "what_is", + "mental_hospital", + "mormons", + "fishnet_stockings", + "drug_company", + "very_friendly", + "nestorian_church", + "stara_zagora", + "lake_of_woods", + "venereal_disease", + "red_sea", + "li_fi", + "man_overboard", + "kokka", + "conservative_judaism", + "st_nicholas", + "reserve_officers", + "chassidim", + "maquis", + "catholic_church", + "troops", + "not_too", + "le_monde", + "upper_lower_class", + "heinrich_theodor_boell", + "methodists", + "sao_tome", + "green_hills", + "who_are_you", + "same_sex_marriage", + "i_ching", + "chiang_rai", + "saint_joseph", + "al_hijrah", + "al_jazeera", + "carmaker", + "craft_union", + "my_name_is", + "art_union", + "from_this", + "non_market_economy", + "chewing_gum", + "waldenses", + "cum_laude", + "disa", + "assembl\u00e9e_nationale", + "s\u00e3o_paulo", + "marines", + "europe", + "po", + "addis_ababa", + "soviets", + "drug_cartel", + "war_department", + "dag_hjalmar_agne_carl_hammarskjold", + "one_eyed", + "be_mad", + "mount_carmel", + "man_made", + "mossad", + "hare_krishna", + "mentally_retarded", + "latter_day_saints", + "ferdinand_magellan", + "drug_enforcement_agency", + "company_union", + "christmas_lights", + "capetian_dynasty", + "my_company", + "industrial_union", + "amnesty_international", + "up_to_date", + "hollywood", + "imperial_council", + "assumption_of_mary", + "by_day", + "cid", + "hwang_ho", + "ursa_major", + "nicu", + "hasidim", + "care_bears", + "kurt_godel", + "charles_babbage", + "central_bank", + "saint_barth\u00e9lemy", + "lake_superior", + "vested_interest", + "sturmabteilung", + "vaishnavism", + "city_center", + "in_this", + "custom_house", + "progressive_conservative_party", + "socialist_international", + "who", + "chasidim", + "los_angeles", + "nato", + "wine_tasting", + "mass_media", + "caf\u00e9_con_leche", + "guardian_spirit", + "baltimore_orioles", + "seven_kingdoms", + "no_time_to_lose", + "anno_domini", + "sivaism", + "anti_antifa", + "federal_department", + "opposition_party", + "mathematics_department", + "upper_crust", + "other_way_around", + "ad_hoc", + "standing_stone", + "this_evening", + "diplomatic_mission", + "roman_catholic_church", + "my_family", + "collective_farm", + "notre_dame_de_montauban", + "city_hall", + "mi", + "vaisnavism", + "students_union", + "state_council", + "anchor_line", + "in_situ", + "dunkers", + "transportation_company", + "st_francis", + "democratic_liberal_party", + "non_party", + "sa", + "federal_police", + "middle_class", + "paramount_pictures", + "liberal_democrat_party", + "individual_differences", + "i_love_you", + "andromeda_galaxy", + "bureau_of_justice_assistance", + "international_organisation", + "doc", + "saint_lawrence_river", + "med_school", + "eurasian_kingfisher", + "civic_association", + "caesalpinia_coriaria", + "hot_sauce", + "at_grade", + "have_family", + "people's_alliance_party", + "military_academy", + "bubble_gum", + "st_john's", + "marching_band", + "anthropology_department", + "correspondence_school", + "al_ain", + "golden_age", + "down_with", + "yangtze_kiang", + "holy_family", + "aquinas", + "port_said", + "military_intelligence", + "taoism", + "ace", + "red_cross", + "aclant", + "industrial_park", + "commerce", + "now_and_then", + "reit", + "roman_law", + "afisr", + "blue_jeans", + "war_memorial", + "penal_code", + "streptococcus_pyogenes", + "executive_department", + "brahminism", + "eu", + "one_hundred_percent", + "st_mary's_church", + "first_quarter", + "chang_jiang", + "little_red_riding_hood", + "augustinian_hermits", + "bee's_knees", + "face_off", + "las_palmas", + "labour_union", + "naval_underwater_warfare_center", + "north_eastern", + "hirundo_rustica", + "our_party", + "haredi", + "keys", + "department_of_justice", + "all_hallows", + "scorched_earth", + "in_vitro", + "great_council", + "isn", + "house_of_lords", + "st_lucia", + "guomindang", + "all_people", + "yellow_river", + "democratic_socialist_party", + "al_quds", + "s\u00e3o_tom\u00e9", + "non_linear", + "liberal_democratic_party", + "maritime_industry", + "bundesbank", + "global_village", + "seamen's_union", + "van_gogh", + "three_sisters", + "olympic_village", + "democratic_progressive_party", + "united_states_post_office" + ], + "LOCATION": [ + "al_jazeera", + "on_road", + "la_plata", + "s_train", + "in_case", + "da_gamma", + "plantago_lanceolata", + "st_eustatius", + "blue_whale", + "you're_welcome", + "mia_mia", + "mu_guiying", + "don't_mention_it", + "arbor_vitae", + "alt_treptow", + "for_good_measure", + "hippodrome", + "bangka_belitung", + "dos_hermanas", + "trifolium_pratense", + "so_what", + "railway_station", + "air_force", + "vespucci", + "prince_george's_county", + "green_tea", + "on_street", + "columbus_day", + "sugar_loaf", + "urban_center", + "just_in_case", + "gray_whale", + "park", + "non_plus_ultra", + "abd", + "eryngium_maritimum", + "freshwater", + "corpus_christi", + "two_brothers", + "u.s", + "dark_horse", + "bow_wow", + "business_district", + "united_states_army", + "blue_house", + "s_hertogenbosch", + "department_store", + "college_town", + "in_case_of", + "juarez", + "piet_mondrian", + "la_roche_en_ardenne", + "trifolium_repens", + "santa_fe", + "sint_maarten", + "civil_engineering", + "petasites_hybridus", + "doi_moi", + "de_nada", + "centennial_state", + "country_house", + "national_parliament", + "chang_jiang", + "dog_hole", + "zhu_jiangi", + "in_park", + "christmas_eve", + "shopping_centre", + "greylag_goose", + "man_o_war", + "cape_verde", + "marie_grosholtz", + "trois_rivi\u00e8res", + "allahu_akbar", + "sleeping_beauty", + "shing_wong", + "end_point", + "five_spot", + "saint_patrick", + "on_brink", + "above_all", + "saint_george", + "li_qingzhao", + "three_sisters", + "thomas_doubting_apostle", + "mary_magdalene", + "land", + "changbaishan_tianchi", + "la_mancha", + "huang_he", + "montagu's_harrier", + "all_day", + "white_house", + "eurasian_jay", + "saint_vincent", + "iris_pseudacorus", + "sponge_cake", + "apostle_of_gentiles", + "blue_mountains", + "pieris_rapae", + "technical_school", + "north_island", + "police_station", + "joseph_louis_gay_lussac", + "plantago_major", + "tussaud", + "saint_lawrence_river", + "nuphar_lutea", + "on_board", + "date_palm", + "holy_land", + "bon_voyage", + "vaccinium_oxycoccos", + "no_problem", + "training_center", + "plantago_media", + "gay_lussac", + "wba", + "mondrian", + "two_sisters", + "all_blacks", + "my_pleasure", + "tom_thumb", + "black_forest", + "saint_christopher", + "alnus_glutinosa", + "saint_nicholas", + "all_countries", + "new_year's_day", + "cape_of_good_hope", + "usa", + "st_albans", + "saint_valentine's_day", + "west_bromwich", + "saint_lucia", + "field", + "west_papua", + "hwang_ho", + "aussig", + "coal_tit", + "little_egret", + "pension_fund", + "bare_top", + "small_tortoiseshell", + "valentine's_day", + "salt_water", + "sea_holly", + "saint_peter", + "hat_yai", + "no_worries", + "here_be_dragons", + "arena", + "kriss_kringle", + "two_groups", + "sri_lanka", + "air_corps", + "zhu_jiang", + "river_basin", + "villa_lobos", + "main_station", + "star_of_bethlehem", + "lake_st_clair", + "your_home", + "mount_of_olives", + "southern_cross", + "catholic_church", + "yangtze_kiang", + "st_malo", + "three_amigos", + "scutellaria_galericulata", + "royal_stables", + "ritz_carlton", + "central_business_district", + "market_cross", + "san_joaquin_river", + "botanical_garden", + "temple_buildings", + "cordon_bleu", + "new_year's_eve", + "red_sea", + "forget_me_not", + "saint_lawrence", + "kryvyi_rih", + "downtown", + "virgin_mary", + "town_walls", + "qi_baishi", + "court", + "great_egret", + "pieris_brassicae", + "there_are", + "whooper_swan", + "black_alder", + "heitor_villa_lobos", + "qingming", + "holy_family", + "vale_of_glamorgan", + "suburban_railway", + "al_ain", + "metropolitan_region", + "trifolium_dubium", + "saint_barbara", + "field_house", + "fresh_water", + "pterocarpus_indicus", + "national_assembly", + "santa_claus", + "red_water", + "justice_of_peace", + "apostle_paul", + "pot_hole", + "st_patrick", + "delonix_regia", + "iron_cross", + "town_hall", + "never_never", + "psychiatric_hospital", + "prunus_avium" + ], + "DATE": [ + "off_day", + "market_day", + "name_day", + "by_and_by", + "anomalistic_month", + "patriot's_day", + "dog_days", + "this_evening", + "before_long", + "over_there", + "happy_hour", + "all_hallows_day", + "v_e_day", + "all_hallows", + "these_days", + "saint_valentine's_day", + "solar_month", + "fourth_dimension", + "in_time", + "new_year's_eve", + "here_and_now", + "immaculate_conception", + "summer_school", + "v_j_day", + "man_hour", + "infant_deathrate", + "all_saints_day", + "be_vigilant_in_peacetime", + "female_child", + "new_moon", + "in_one_case", + "solar_constant", + "rainy_day", + "hunting_season", + "shaaban", + "theatrical_season", + "islamic_calendar", + "january_1", + "d_day", + "face_time", + "in_long_run", + "church_calendar", + "off_year", + "day_shift", + "one_way_light_time", + "sha'ban", + "quasimodogeniti", + "christmas_day", + "corpus_christi", + "v_day", + "may_day", + "all_souls_day", + "twelfth_night", + "day_watch", + "new_year", + "eleventh_hour", + "just_minute", + "lunar_month" + ], + "PERSON": [ + "han_xin", + "han_seung_soo", + "dai_di", + "in_re", + "li_chan", + "hai_rui", + "cui_wei", + "li_ying", + "li_jun", + "li_hongzhi", + "blessed_virgin", + "prince_albert", + "li_chaowei", + "julius_caesar", + "ha_ha", + "st_dominic", + "li_ruzhen", + "al_gore", + "mount_hubbard", + "seleucus", + "li_chen", + "h_g_wells", + "li_chun", + "kim_dae_jung", + "du_fu", + "hai_he", + "han_yu", + "han_fei", + "bo_gu", + "ho_ho", + "d_c", + "li_minyong", + "albert_francis_charles_augustus_emmanuel", + "saint_vincent", + "su_yijian", + "li_guang", + "li_yuan", + "li_zhao", + "zi_lu", + "la_grange", + "li_zhe", + "ai_qing", + "m_f", + "st_mary_magdalene", + "li_fuchun", + "me_too", + "joe_bloggs", + "li_ye", + "st_vincent", + "i_ching", + "cui_hong", + "kim_young_sam", + "e_o_wilson", + "st_ambrose", + "ma_chao", + "min_zhong", + "li_baiyao", + "william_playfair", + "li_zicheng", + "ma_zhiyuan", + "don_delillo", + "li_na", + "by_means_of", + "dai_mingshi", + "li_huaiyuan", + "ji_yun", + "li_cui", + "igor_ivanovich_sikorsky", + "saint_ambrose", + "he_chao", + "li_zhaoxing", + "dong_zhuo", + "cui_hao", + "li_zongren", + "bi_gan", + "li_delin", + "margaret_munnerlyn_mitchell", + "e_e_cummings", + "fu_hao", + "li_jiancheng", + "peter_higgs", + "black_bee", + "han_zheng", + "fu_jian", + "li_ao", + "black_partridge", + "apostle_of_gentiles", + "al_mansur", + "bi_sheng", + "edward_osborne_wilson", + "roger_eliot_fry", + "li_changchun", + "li_fang", + "li_hung_chang", + "li_ling", + "ni_guizhen", + "li_ning", + "li_shimin", + "philip_ii_of_macedon", + "dan_brown", + "kim_yong_nam", + "ma_liang", + "li_yu", + "ke_shaomin", + "li_zhifu", + "he_she", + "lei_feng", + "cui_jian", + "li_heng", + "han_han", + "walther_richard_rudolf_hess", + "de_witt", + "fu_ling", + "ma_chu", + "n_ball", + "saul_of_tarsus", + "min_dong", + "willard_frank_libby", + "kim_jong_il", + "li_he", + "mi_fu", + "george_v", + "al_amin", + "li_shangyin", + "li_bai", + "li_yanshou", + "li_gongpu", + "igor_sikorsky", + "su_yu", + "li_chongmao", + "la_la", + "du_wei", + "in_memory", + "su_zhe", + "su_xun", + "t_bone_steak", + "dong_dong", + "li_tie", + "frederick_great", + "li_yuanhao", + "peter_dawson", + "li_peng", + "li_kui", + "seleucus_i_nicator", + "edward_franklin_albeen", + "peter_brook", + "ma_zhongxi", + "li_shizhen", + "li_gefei", + "carl_david_anderson", + "ma_gu", + "di_renjie", + "su_wu", + "li_zhi", + "gaius_julius_caesar", + "wieland", + "para_rubber_tree", + "zeno_of_citium", + "li_zhan", + "john_dory", + "maxwell_anderson", + "boletus_edulis", + "yo_yo", + "mei_cheng", + "li_jing", + "rudolf_hess", + "k_drama", + "li_lianjie", + "han_shichang", + "li_dan", + "dr_watson", + "ge_hong", + "e_t_hoffmann", + "da_qiao", + "saint_john_apostle", + "hearing_officer", + "ji_lu", + "herbert_george_wells", + "han_yanzhi", + "li_kuo", + "cha_cha", + "li_boyuan", + "li_tianlu" + ], + "RACE": [ + "filipino", + "irishwoman", + "native_people", + "middle_eastern", + "islander", + "latino", + "french", + "polynesian", + "north_korean", + "frenchlike", + "turk", + "irish", + "latin", + "amerindian", + "australian_person", + "spanish", + "australian_aborigine", + "vietnamese", + "autochthon", + "malagasy_person", + "korean", + "sassenach", + "jewish", + "african", + "irishman", + "mestiza", + "persian_person", + "irish_person", + "white", + "chinese", + "american", + "american_person", + "irelander", + "japanese", + "frenchwoman", + "south_american", + "negro", + "latina", + "german_person", + "kazakh", + "danish_person", + "russian_person", + "amerind", + "frenchman", + "americans" + ], + "GENDER": [ + "old_gentleman", + "women", + "miss", + "mademoiselle", + "guy", + "girl", + "gentleman", + "matron", + "girls", + "old_chap", + "old_girl", + "woman", + "men", + "olding", + "chap", + "dame", + "boy", + "male", + "boys", + "pucelle", + "old_woman", + "guido", + "maid", + "senorita", + "lassie", + "tribade", + "transgender", + "old_men", + "lass", + "young_man", + "ladies", + "damsel", + "man", + "gentlemen", + "gal", + "maiden", + "lady", + "chaps", + "fair_sex" + ], + "LANGUAGE": [ + "danish", + "panjabi", + "shona", + "catalan", + "bengali", + "russian", + "rundi", + "venda", + "interlingue", + "bambara", + "kashmiri", + "east_franconian", + "kongo", + "sundanese", + "smith", + "akan", + "lithuanian", + "greek", + "swedish", + "sindhi", + "blacksmith", + "north_marquesan", + "pali", + "polish", + "navajo", + "romanian", + "ganda", + "south_marquesan", + "aymara", + "french_guianese", + "manx", + "welsh", + "french", + "persian", + "malayalam", + "basc", + "arabic", + "finnish", + "georgian", + "saint_lucian", + "faroese", + "spanish", + "fulah", + "galician", + "kanuri", + "sinhala", + "belarusian", + "hindi", + "alviri_vidari", + "assamese", + "chamorro", + "franco_proven\u00e7al", + "arpetan", + "guarani", + "zhuang", + "herero", + "german", + "sango", + "orloff", + "chinese", + "walloon", + "esperanto", + "portuguese", + "bashkir", + "japanese", + "pa_hng", + "komi", + "lingala", + "sechuana", + "hausa", + "icelandic", + "hungarian", + "english", + "wolof", + "cree", + "cornish", + "lao", + "kikuyu", + "speech", + "malay", + "tagalog", + "dutch", + "ido", + "kazakh", + "marathi", + "malagasy", + "romansh", + "kalaallisut", + "quechua", + "chichewa", + "chechen", + "ese_ejja", + "samoan", + "marshallese", + "tonga", + "kannada", + "corsican" + ], + "RELIGION_MEMBER": [ + "anabaptist", + "orangeman", + "anglican_catholic", + "blackfriar", + "dunkard", + "guru", + "augustine", + "shaktist", + "protestant", + "pentecostal", + "mulla", + "moor", + "mandean", + "dunker", + "pentecostalist", + "wesleyan", + "wahhabi", + "brother", + "parsee", + "chartreux", + "cistercian", + "moonie", + "old_catholic", + "benedictine", + "melchite", + "atheist", + "austin_friar", + "augustinian", + "congregationalist", + "carthusian", + "catholic", + "roman_catholic", + "muhammaden", + "melkite", + "mormon", + "jihadist", + "shivaist", + "shaker", + "shiite", + "vaishnava", + "saracen", + "mussulman", + "muhammadan", + "baptist", + "methodist", + "paynim", + "carmelite", + "christian", + "tunker", + "mandaean", + "mollah", + "sister", + "mohammedan", + "mullah", + "puritan", + "mormons", + "trappist", + "sunni", + "franciscan", + "satanist", + "holy_father", + "parsi", + "nazarene", + "presbyterian", + "wahabi", + "tractarian", + "catholic_pope", + "friend", + "jain", + "mon", + "sufi", + "episcopalian", + "christian_scientist", + "sunnite" + ], + "RELIGION": [ + "tractarianism", + "krishnaism", + "vedism", + "zen", + "methodism", + "shinto", + "judaism", + "darsana", + "puritanism", + "mahdism", + "hinayana", + "adventism", + "presbyterianism", + "vedanta", + "brahminism", + "albigensianism", + "catharism", + "lamaism", + "buddhism", + "confucianism", + "manichaeanism", + "zen_buddhism", + "jainism", + "puseyism", + "mandaeism", + "mennonitism", + "salafism", + "catholicism", + "calvinism", + "shaktism", + "islam", + "vishnuism", + "rastafarianism", + "roman_catholicism", + "parsiism", + "hinduism", + "shingon", + "chabad", + "congregationalism", + "sikhism", + "christian_science", + "hsuan_chiao", + "bahaism", + "cathari", + "eastern_catholicism", + "shivaism", + "sunni_islam", + "manichaeism", + "sivaism", + "brahmanism", + "wesleyism", + "atheism", + "romanism", + "wahabism", + "mormon_church", + "ismailism", + "wicca", + "wesleyanism", + "christianity", + "shintoism", + "parseeism", + "mimamsa", + "anabaptism", + "trinitarianism", + "donatism" + ], + "FAC": [ + "arnold_schoenberg", + "t_cell", + "sublime_porte", + "holy_spirit", + "triumphal_arch", + "presidential_palace", + "police_station", + "college_town", + "schoenberg", + "louis_vuitton", + "daniel_o'connell", + "peter_great", + "transfer_station", + "industrial_park", + "schonberg", + "peter_i", + "fernand_leger", + "notre_dame_cathedral", + "d_frame", + "central_station", + "papeda", + "standing_stone", + "roman_basilica", + "three_countries", + "marine_terrace", + "catholic_church", + "grade_school", + "plaza", + "ministry_of_posts_and_telecommunications", + "curtain_wall", + "saint_joseph", + "high_window", + "san_sebasti\u00e1n", + "sea_wall", + "mineralnye_vody", + "market_place", + "saint_james_apostle", + "roman_arch", + "mall", + "max_muller", + "petropavlovsk", + "garden_city", + "saint_lucia", + "music_library", + "guardian_angels", + "st_james", + "primary_school", + "bus_terminal", + "arnold_schonberg", + "our_lady_of_victories", + "control_center", + "titus_livius", + "on_call", + "elementary_school", + "art_gallery", + "dog_pound", + "this_evening", + "our_lady_of_sorrows", + "saint_peter", + "petropavlovsk_kamchatsky", + "shopping_mall", + "saint_pancras", + "popular_front", + "gold_mine", + "post_office", + "western_wall", + "friedrichshain_kreuzberg", + "st_john_baptist", + "medical_school" + ], + "UNION": [ + "general_union", + "in_house_union", + "yellow_union", + "itu", + "professional_association", + "labor_union", + "labour_union", + "united_mine_workers", + "federal_union", + "international_telecommunications_union", + "international_telecommunication_union", + "iww", + "united_mine_workers_of_america", + "company_union", + "christian_democratic_union", + "i.w.w", + "enterprise_union" + ], + "PERSON_PRONOUN": [ + "thou", + "hers", + "myself", + "yourself", + "oneself", + "i", + "herself", + "thee", + "he", + "yourselves", + "mine", + "notre", + "his", + "y_all", + "our", + "that_person", + "ourselves", + "her", + "she", + "on_one's_own", + "him", + "ours", + "i_or_me", + "we", + "thy", + "me", + "you", + "themselves", + "my", + "your", + "tech", + "lhe", + "thine", + "kalian", + "by_oneself", + "yours", + "us" + ], + "BIO_CHEM_ENTITY": [ + "parabanic_acid", + "lauryl_alcohol", + "c_reactive_protein", + "ni_resist", + "d_fructose", + "plasminogen_activator", + "cool_water", + "anti_m\u00fcllerian", + "n_methylethanolamine", + "insulin_dependent_diabetes_mellitus", + "xanthinoxidase", + "dipotassium_sulfide", + "d_octopine", + "polyvinyl_chloride", + "pancreatic_polypeptide", + "sassafras_oil", + "appetite_for", + "old_fashioned", + "almond_oil", + "bile_salt", + "l_glyceraldehyde", + "chlormequat_chloride", + "edward_thatch", + "d_glyceraldehyde", + "polylactide", + "wheat_germ", + "diethyl_ether", + "bitter_almond_oil" + ], + "QUANTITY": [ + "common_multiple", + "one_eighth", + "rupee", + "one_fourth", + "parking_garage", + "one_third", + "el_salvadoran_monetary_unit", + "sterling", + "calorie", + "voltampere", + "circulating_decimal", + "two_thirds", + "danish_krone", + "one_seventh", + "shilling", + "d_mark", + "planck's_constant", + "three_stranded", + "schilling", + "dinar", + "not_at_all", + "tone", + "krona", + "ton", + "planck_constant", + "one_tenth", + "one_hundredth", + "dollar", + "hair's_breadth", + "riyal", + "nautical_mile", + "one_at_time", + "g", + "circular_measure", + "of_century", + "malawi_kwacha", + "rial", + "one_sixth", + "one_ninth", + "austrian_schilling", + "one_fifth", + "krone", + "one_millionth", + "pound", + "pa_anga", + "parking_lot", + "gasterosteus_aculeatus", + "pond", + "touch_typing", + "complex_fraction", + "cosmological_constant", + "drag_coefficient", + "face_to_face", + "deutschmark", + "temperature_unit", + "volt_ampere", + "valet_parking", + "anders_celsius", + "all_inclusive", + "ezra_loomis_pound", + "force_unit", + "nz" + ], + "LAW": [ + "maritime_law", + "class_action", + "constructive_possession", + "p_l", + "first_amendment", + "judicial_branch", + "cross_examination", + "bja", + "dairy_products", + "civil_rights", + "law_enforcement", + "notary_public", + "marital_status", + "civil_law", + "final_judgment", + "general_verdict", + "jus_civile", + "ne_bis_in_idem", + "international_law", + "attorney_general", + "divorce_lawyer", + "chief_justice", + "direct_examination", + "non_prosequitur", + "defective_pleading", + "supreme_court", + "joint_resolution", + "defense_attorney", + "criminal_code", + "federal_bureau_of_investigation", + "sui_generis" + ], + "TITLE": [ + "mister", + "sir", + "mr", + "ma_am", + "ms", + "missus" + ], + "POLITICAL_PARTY": [ + "pirate_party", + "political_party", + "conservative_party", + "states_rights_democratic_party", + "labor_party", + "constitutional_democratic_party", + "green_party", + "constitutional_union_party", + "gironde", + "free_soil_party", + "national_party", + "democratic_republican_party", + "labour_party", + "ba_ath_party", + "progressive_party", + "republican_party", + "people_first_party", + "political_opposition", + "bharatiya_janata_party", + "federalist_party", + "labour", + "labor", + "russian_communist_party", + "kuomintang", + "socialist_labor_party", + "british_labour_party", + "know_nothing_party", + "greenback_party", + "liberal_party", + "christian_democratic_party", + "liberty_party", + "black_panthers", + "american_federalist_party", + "workers_party", + "whig_party", + "communist_party", + "same_political_party", + "new_korea_party", + "dixiecrats", + "reformist_party", + "people's_party", + "japanese_communist_party", + "populist_party", + "anti_masonic_party", + "nazi_party", + "minority_party", + "free_democratic_party", + "radical_party", + "american_party", + "parliamentary_party", + "national_congress_party", + "socialist_party", + "agrarian_party", + "nationalist_party", + "farmer_labor_party", + "american_labor_party", + "democratic_party", + "bull_moose_party", + "new_democratic_party", + "new_conservative_party", + "national_socialist_german_workers_party", + "proletarian_party", + "federal_party", + "australian_labor_party", + "nationalsozialistische_deutsche_arbeiterpartei", + "people's_action_party", + "opposition", + "reform_party", + "worker's_party", + "guomindang", + "moderate_party" + ], + "GPE": [ + "la_pampa", + "st_john_baptist", + "sea_peoples", + "north_region", + "st_christopher", + "st_peter", + "northern_region", + "st_vitus", + "white_house", + "saint_domingue", + "st_jude", + "kotte", + "dar_es_salaam", + "old_town", + "saint_peter_apostle", + "valentine_day", + "ivan_cankar", + "rio_grande_do_sul", + "sint_maarten", + "pandanus_tectorius", + "st_matthew", + "human_rights", + "circuit_intendant", + "holy_spirit", + "german_empire", + "nam_\u0111\u1ecbnh", + "sugar_loaf", + "n_djamena", + "hagia_sophia", + "saint_peter", + "heiligenberg", + "saint_andrew", + "central_america", + "simon_peter", + "s\u00e3o_tom\u00e9", + "little_auk", + "hagia_sofia", + "human_right", + "our_lady_of_sorrows", + "school_district", + "gran_canaria", + "china_rose", + "\u00fc_tsang", + "industrial_park", + "la_tuque", + "saint_george", + "ponta_delgada", + "saint_barbara", + "holy_land", + "valentine's_day", + "rio_tinto", + "al_andalus", + "thousand_islands", + "white_gold", + "south_region", + "la_rochelle", + "saint_andrew_apostle", + "town_square", + "sugarloaf_mountain", + "borassus_flabellifer", + "our_lady", + "sveti_nikole", + "hibiscus_rosa_sinensis", + "charlottenburg_wilmersdorf", + "notre_dame_du_mont_carmel", + "mount_tai", + "la_gomera", + "st_louis", + "santa_sofia", + "tr\u00e0_vinh" + ], + "POLITICAL_PARTY_MEMBER": [ + "menshevik", + "potemkin", + "federalist", + "labourite", + "communist", + "communistic", + "fabian", + "potyokin" + ], + "EVENT": [ + "c_est_la_vie", + "one_victory", + "para_alpine", + "fleur_de_lys", + "electronic_game", + "last_judgment", + "game_design", + "world_exposition", + "sing_sing", + "no_way_out", + "fleur_de_lis", + "grand_prix", + "castile_and_le\u00f3n", + "war_victims", + "up_and_coming", + "such_is_life", + "saint_david's" + ], + "ANAT": [ + "quadriceps_femoris", + "medial_rectus", + "corrugator_supercilii", + "arteria_arcuata", + "tibialis_anticus", + "coccygeal_vertebra" + ], + "MEDICAL_THERAPY": [ + "magnetic_resonance" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ], + [ + "DOMAIN_NAME", + "(?i)((?:https?://|www\\d{0,3}[.])?[a-z0-9.\\-]+[.](?:(?:international)|(?:construction)|(?:contractors)|(?:enterprises)|(?:photography)|(?:immobilien)|(?:management)|(?:technology)|(?:directory)|(?:education)|(?:equipment)|(?:institute)|(?:marketing)|(?:solutions)|(?:builders)|(?:clothing)|(?:computer)|(?:democrat)|(?:diamonds)|(?:graphics)|(?:holdings)|(?:lighting)|(?:plumbing)|(?:training)|(?:ventures)|(?:academy)|(?:careers)|(?:company)|(?:domains)|(?:florist)|(?:gallery)|(?:guitars)|(?:holiday)|(?:kitchen)|(?:recipes)|(?:shiksha)|(?:singles)|(?:support)|(?:systems)|(?:agency)|(?:berlin)|(?:camera)|(?:center)|(?:coffee)|(?:estate)|(?:kaufen)|(?:luxury)|(?:monash)|(?:museum)|(?:photos)|(?:repair)|(?:social)|(?:tattoo)|(?:travel)|(?:viajes)|(?:voyage)|(?:build)|(?:cheap)|(?:codes)|(?:dance)|(?:email)|(?:glass)|(?:house)|(?:ninja)|(?:photo)|(?:shoes)|(?:solar)|(?:today)|(?:aero)|(?:arpa)|(?:asia)|(?:bike)|(?:buzz)|(?:camp)|(?:club)|(?:coop)|(?:farm)|(?:gift)|(?:guru)|(?:info)|(?:jobs)|(?:kiwi)|(?:land)|(?:limo)|(?:link)|(?:menu)|(?:mobi)|(?:moda)|(?:name)|(?:pics)|(?:pink)|(?:post)|(?:rich)|(?:ruhr)|(?:sexy)|(?:tips)|(?:wang)|(?:wien)|(?:zone)|(?:biz)|(?:cab)|(?:cat)|(?:ceo)|(?:com)|(?:edu)|(?:gov)|(?:int)|(?:mil)|(?:net)|(?:onl)|(?:org)|(?:pro)|(?:red)|(?:tel)|(?:uno)|(?:xxx)|(?:ac)|(?:ad)|(?:ae)|(?:af)|(?:ag)|(?:ai)|(?:al)|(?:am)|(?:an)|(?:ao)|(?:aq)|(?:ar)|(?:as)|(?:at)|(?:au)|(?:aw)|(?:ax)|(?:az)|(?:ba)|(?:bb)|(?:bd)|(?:be)|(?:bf)|(?:bg)|(?:bh)|(?:bi)|(?:bj)|(?:bm)|(?:bn)|(?:bo)|(?:br)|(?:bs)|(?:bt)|(?:bv)|(?:bw)|(?:by)|(?:bz)|(?:ca)|(?:cc)|(?:cd)|(?:cf)|(?:cg)|(?:ch)|(?:ci)|(?:ck)|(?:cl)|(?:cm)|(?:cn)|(?:co)|(?:cr)|(?:cu)|(?:cv)|(?:cw)|(?:cx)|(?:cy)|(?:cz)|(?:de)|(?:dj)|(?:dk)|(?:dm)|(?:do)|(?:dz)|(?:ec)|(?:ee)|(?:eg)|(?:er)|(?:es)|(?:et)|(?:eu)|(?:fi)|(?:fj)|(?:fk)|(?:fm)|(?:fo)|(?:fr)|(?:ga)|(?:gb)|(?:gd)|(?:ge)|(?:gf)|(?:gg)|(?:gh)|(?:gi)|(?:gl)|(?:gm)|(?:gn)|(?:gp)|(?:gq)|(?:gr)|(?:gs)|(?:gt)|(?:gu)|(?:gw)|(?:gy)|(?:hk)|(?:hm)|(?:hn)|(?:hr)|(?:ht)|(?:hu)|(?:id)|(?:ie)|(?:il)|(?:im)|(?:in)|(?:io)|(?:iq)|(?:ir)|(?:is)|(?:it)|(?:je)|(?:jm)|(?:jo)|(?:jp)|(?:ke)|(?:kg)|(?:kh)|(?:ki)|(?:km)|(?:kn)|(?:kp)|(?:kr)|(?:kw)|(?:ky)|(?:kz)|(?:la)|(?:lb)|(?:lc)|(?:li)|(?:lk)|(?:lr)|(?:ls)|(?:lt)|(?:lu)|(?:lv)|(?:ly)|(?:ma)|(?:mc)|(?:md)|(?:me)|(?:mg)|(?:mh)|(?:mk)|(?:ml)|(?:mm)|(?:mn)|(?:mo)|(?:mp)|(?:mq)|(?:mr)|(?:ms)|(?:mt)|(?:mu)|(?:mv)|(?:mw)|(?:mx)|(?:my)|(?:mz)|(?:na)|(?:nc)|(?:ne)|(?:nf)|(?:ng)|(?:ni)|(?:nl)|(?:no)|(?:np)|(?:nr)|(?:nu)|(?:nz)|(?:om)|(?:pa)|(?:pe)|(?:pf)|(?:pg)|(?:ph)|(?:pk)|(?:pl)|(?:pm)|(?:pn)|(?:pr)|(?:ps)|(?:pt)|(?:pw)|(?:py)|(?:qa)|(?:re)|(?:ro)|(?:rs)|(?:ru)|(?:rw)|(?:sa)|(?:sb)|(?:sc)|(?:sd)|(?:se)|(?:sg)|(?:sh)|(?:si)|(?:sj)|(?:sk)|(?:sl)|(?:sm)|(?:sn)|(?:so)|(?:sr)|(?:st)|(?:su)|(?:sv)|(?:sx)|(?:sy)|(?:sz)|(?:tc)|(?:td)|(?:tf)|(?:tg)|(?:th)|(?:tj)|(?:tk)|(?:tl)|(?:tm)|(?:tn)|(?:to)|(?:tp)|(?:tr)|(?:tt)|(?:tv)|(?:tw)|(?:tz)|(?:ua)|(?:ug)|(?:uk)|(?:us)|(?:uy)|(?:uz)|(?:va)|(?:vc)|(?:ve)|(?:vg)|(?:vi)|(?:vn)|(?:vu)|(?:wf)|(?:ws)|(?:ye)|(?:yt)|(?:za)|(?:zm)|(?:zw))(?:/[^\\s()<>]+[^\\s`!()\\[\\]{};:'\".,<>?\u00ab\u00bb\u201c\u201d\u2018\u2019])?)", + true, + [] + ], + [ + "EMAIL_ADDRESS", + "([a-z0-9!#$%&'*+\\/=?^_`{|.}~-]+@(?:[a-z0-9](?:[a-z0-9-]*[a-z0-9])?\\.)+[a-z0-9](?:[a-z0-9-]*[a-z0-9])?)", + false, + [] + ], + [ + "USER_NAME", + "^[a-z0-9](@[a-z0-9!#$%&'*+\\/=?^_`{|.}~-]+)", + true, + [] + ], + [ + "DATE", + "(?:(?\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "adelaida", + "j\u00falia", + "nydia", + "candelas", + "am\u00e9rica", + "lupita", + "mercedes", + "hortensia", + "luisa", + "consuelo", + "vicenta", + "abiga\u00edl", + "rosaura", + "antonia", + "inmaculada", + "piedad", + "clotilde", + "flor", + "dionisia", + "valentina", + "trini", + "crescencia", + "asunci\u00f3n", + "\u00e1ngela", + "purificaci\u00f3n", + "cloe", + "\u00e1gueda", + "miguela", + "visitaci\u00f3n", + "javiera", + "modesta", + "dolores", + "sandra", + "melania", + "melisa", + "fortunata", + "tecla", + "concepci\u00f3n", + "adelia", + "saturnina", + "serafina", + "evangelina", + "dominga", + "gala", + "eva", + "aurora", + "rosa_mar\u00eda", + "d\u00e9bora", + "olimpia", + "josefa", + "cintia", + "leonor", + "petrona", + "fanny", + "virginia", + "nazaret", + "elvira", + "aroa", + "mar\u00eda", + "selena", + "marina", + "alejandra", + "noelia", + "ver\u00f3nica", + "chelo", + "rufina", + "evelia", + "estela", + "paca", + "s\u00edlvia", + "andrea", + "candela", + "elo\u00edsa", + "isabela", + "esther", + "pastora", + "yolanda", + "luciana", + "guiomar", + "camila", + "\u00farsula", + "juliana", + "\u00e1ngeles", + "ana", + "carmelita", + "julia", + "\u00e1urea", + "jimena", + "elisabet", + "febe", + "azahar", + "encarnacion", + "ana_bel\u00e9n", + "gloria", + "caridad", + "luc\u00eda", + "eligia", + "calixta", + "xiomara", + "clarisa", + "jacinta", + "jos\u00e9", + "gracia", + "irma", + "belen", + "n\u00faria", + "bibiana", + "mar\u00eda_jes\u00fas", + "socorro", + "aina", + "amaya", + "nicolasa", + "paz", + "micaela", + "flavia", + "fidela", + "pilar", + "ramona", + "loreto", + "pac\u00edfica", + "luna", + "paula", + "azucena", + "patricia", + "consuela", + "mia", + "alicia", + "perlita", + "noem\u00ed", + "eufemia", + "maricela", + "malena", + "mar\u00eda_luisa", + "lara", + "lucila", + "prudencia", + "estefan\u00eda", + "anastasia", + "albina", + "carina", + "sonia", + "dorotea", + "sol", + "dafne", + "olga", + "eulalia", + "soledad", + "ar\u00e1nzazu", + "jordana", + "vanesa", + "rebeca", + "mar\u00eda_\u00e1ngeles", + "lorenza", + "eusebia", + "alexandra", + "lola", + "marianela", + "daniela", + "ricarda", + "roc\u00edo", + "maite", + "maribel", + "dulce", + "martina", + "abril", + "elisa", + "encarnita", + "jennifer", + "victoria", + "custodia", + "anselma", + "macaria", + "laura", + "jana", + "casandra", + "gertrudis", + "rosenda", + "cristina", + "amarilis", + "chus", + "esmeralda", + "apolonia", + "julie", + "adora", + "jovita", + "ligia", + "ant\u00f2nia", + "marisa", + "benita", + "genoveva", + "palmira", + "montserrat", + "encarna", + "joaquina", + "amalia", + "te\u00f3fila", + "marcia", + "mariana", + "samanta", + "bernarda", + "fernanda", + "aura", + "feliciana", + "mireia", + "octavia", + "gabriela", + "tania", + "emperatriz", + "florina", + "ascensi\u00f3n", + "zaida", + "mamen", + "delfina", + "lupe", + "blanca", + "y\u00e9ssica", + "viviana", + "mar\u00eda_del_carmen", + "nidia", + "lidia", + "rosal\u00eda", + "rita", + "morena", + "agustina", + "remedios", + "marta", + "elena", + "angelita", + "olalla", + "ximena", + "milagros", + "mar\u00eda_cristina", + "delia", + "sarita", + "violeta", + "magdalena", + "odalis", + "soraya", + "tomasa", + "mar\u00eda_teresa", + "lorena", + "edelmira", + "francisca", + "almudena", + "concha", + "salom\u00e9", + "pascuala", + "rosalva", + "adriana", + "vera", + "cruz", + "rosalina", + "paloma", + "priscila", + "pepita", + "lucia", + "reyna", + "josefina", + "in\u00e9s", + "nadia", + "candelaria", + "calista", + "noa", + "ani", + "narcisa", + "manola", + "f\u00e1tima", + "araceli", + "bel\u00e9n", + "sara", + "nuria", + "gema", + "teresita", + "gisela", + "marisol", + "eva_mar\u00eda", + "maricruz", + "berta", + "encarnaci\u00f3n", + "olivia", + "nayara", + "ariadna", + "alba", + "benigna", + "vilma", + "anunciaci\u00f3n", + "isidora", + "salud", + "ainoa", + "alondra", + "elodia", + "azahara", + "anna", + "sabina", + "ruperta", + "zaira", + "martirio", + "felisa", + "ana_sof\u00eda", + "leire", + "c\u00e1ndida", + "herminia", + "juanita", + "etelvina", + "nieves", + "imelda", + "carlota", + "lilia", + "m\u00f3nica", + "ale", + "loida", + "carla", + "charo", + "chita", + "adoraci\u00f3n", + "leyre", + "tatiana", + "carolina", + "lourdes", + "aitana", + "coral", + "azeneth", + "rosa", + "ainara", + "nerea", + "ruth", + "eugenia", + "brunilda", + "adelina", + "luisina", + "tere", + "rosalinda", + "carmen", + "y\u00e9sica", + "obdulia", + "amada", + "carmina", + "hayd\u00e9e", + "amelia", + "odalys", + "silvia", + "ester", + "evita", + "jenny", + "domitila", + "julieta", + "dalila", + "liliana", + "arlet", + "isaura", + "marisela", + "trinidad", + "yaiza", + "guadalupe", + "ema", + "armida", + "merche", + "ang\u00e9lica", + "natalia", + "\u00e1mbar", + "celestina", + "anabel", + "amparo", + "irene", + "tamara", + "emma", + "clementina", + "mar\u00eda_manuela", + "judith", + "estrella", + "iris", + "regina", + "maxi", + "margarita", + "florinda", + "manuelita", + "alma", + "mar\u00eda_dolores", + "zoraida", + "esperanza", + "fabiola", + "emilia", + "susana", + "b\u00e1rbara", + "ileana", + "nilda", + "rafaela", + "mar\u00eda_pilar", + "oriana", + "lina", + "leocadia", + "br\u00edgida", + "\u00e1gata", + "felipa", + "reyes", + "constanza", + "paola", + "ignacia", + "marita", + "paulina", + "florentina", + "isa", + "felicia", + "mar", + "arcelia", + "teodora", + "emiliana", + "val\u00e8ria", + "griselda", + "diana", + "graciela", + "graciana", + "raquel", + "celia", + "bego\u00f1a", + "reina", + "macarena", + "manuela", + "felicidad", + "anita", + "beatriz", + "maura", + "leticia", + "juana", + "elba", + "fabiana", + "perla", + "adela", + "itziar", + "sof\u00eda", + "aurelia", + "p\u00eda", + "ariel", + "nereida", + "roberta", + "laia", + "cl\u00e0udia", + "marcela", + "chl\u00f3e", + "rosario", + "mayte", + "mar\u00eda_fernanda", + "isabel", + "florencia", + "amor", + "claudia", + "jessica", + "susanita", + "angelina", + "mar\u00eda_jos\u00e9", + "manu", + "matilde", + "hilda", + "teresa", + "maristela", + "natividad", + "cayetana", + "n\u00e9lida", + "amanda", + "leandra", + "georgina", + "eli", + "mirta", + "m\u00e1xima", + "mar\u00eda_bel\u00e9n", + "flora", + "primitiva", + "\u00edngrid", + "valeria", + "roxana", + "carmela", + "bernardita", + "mar\u00eda_carmen", + "dora", + "cecilia", + "emelina", + "pili", + "bienvenida", + "jesusa", + "renata", + "catalina", + "ofelia", + "miriam", + "corona", + "luz", + "\u00e1frica", + "eliana", + "filomena", + "clara", + "ona", + "otilia", + "dorita" + ], + "FIRST_NAME_MALE": [ + "isidro", + "bautista", + "rom\u00e1n", + "atilio", + "chuy", + "ovidio", + "jes\u00fas", + "fabricio", + "reynaldo", + "\u00e1ngel", + "luis", + "blas", + "edelmiro", + "hermenegildo", + "octavio", + "biel", + "ismael", + "jose_manuel", + "elpidio", + "eugenio", + "dimas", + "chucho", + "maximiano", + "miguel_\u00e1ngel", + "timoteo", + "quirino", + "abel", + "gervasio", + "v\u00edctor", + "jose_angel", + "joan", + "amado", + "natalio", + "celestino", + "juan_luis", + "patricio", + "mart\u00ed", + "juan_carlos", + "carmelo", + "glauco", + "le\u00f3n", + "gilberto", + "arnau", + "lorenzo", + "emigdio", + "nazaret", + "juan_manuel", + "mar\u00eda", + "n\u00e9stor", + "curro", + "ad\u00e1n", + "renato", + "gil", + "teobaldo", + "jenaro", + "jan", + "gustavo", + "guiomar", + "pepito", + "abraham", + "heraclio", + "ciro", + "artemio", + "onofre", + "alejandro", + "joaqu\u00edn", + "maximino", + "heriberto", + "nico", + "to\u00f1o", + "severo", + "gregorio", + "marcio", + "vicente", + "adam", + "nicodemo", + "edmundo", + "emilio", + "\u00e9dgar", + "jos\u00e9_luis", + "crist\u00f3bal", + "nicol\u00e1s", + "jos\u00e9", + "juanito", + "eligio", + "leoncio", + "alberto", + "donato", + "te\u00f3filo", + "marcial", + "vidal", + "pablo", + "epifanio", + "jacinto", + "adri\u00e1n", + "leopoldo", + "yago", + "rico", + "aureliano", + "am\u00e9rico", + "p\u00e1nfilo", + "loreto", + "diego", + "alfonso", + "hilario", + "andr\u00e9s_felipe", + "vinicio", + "ren\u00e9", + "eliseo", + "roque", + "lucho", + "urbano", + "cl\u00edmaco", + "moreno", + "samu", + "teo", + "lucio", + "josep", + "ruperto", + "ruy", + "dionisio", + "amador", + "espiridi\u00f3n", + "rold\u00e1n", + "angelino", + "marc", + "andr\u00e9s", + "virgilio", + "francisco", + "\u00f3scar", + "ferm\u00edn", + "apolinar", + "adalberto", + "seve", + "prudencio", + "daniel", + "gaspar", + "borja", + "manolo", + "juan_francisco", + "toni", + "h\u00e9ctor", + "augusto", + "miguel", + "macario", + "alejo", + "alex", + "severiano", + "ram\u00f3n", + "narciso", + "teodosio", + "claudio", + "benigno", + "albino", + "pedro", + "baudelio", + "jord\u00e1n", + "ignacio", + "cipriano", + "anastasio", + "isa\u00edas", + "chus", + "federico", + "florentino", + "santos", + "evaristo", + "amando", + "mario", + "ceferino", + "ib\u00e1n", + "jos\u00e9_\u00e1ngel", + "baldomero", + "pelayo", + "lisandro", + "chema", + "segismundo", + "teodoro", + "lu\u00eds", + "custodio", + "luciano", + "candelario", + "dani", + "adelardo", + "nilo", + "juli\u00e1n", + "duilio", + "cesar", + "javi", + "salom\u00f3n", + "leonardo", + "ildefonso", + "iv\u00e1n", + "marco", + "emiliano", + "lupe", + "humberto", + "nacho", + "iker", + "p\u00edo", + "vito", + "goyo", + "cir\u00edaco", + "telmo", + "aristides", + "gast\u00f3n", + "dar\u00edo", + "ciriaco", + "sebastian", + "alfredo", + "rufino", + "sosimo", + "rub\u00e9n", + "jaime", + "pancho", + "javier", + "godofredo", + "jer\u00f3nimo", + "eustaquio", + "fidel", + "tom\u00e1s", + "rodrigo", + "pau", + "arsenio", + "xavier", + "marciano", + "cruz", + "basilio", + "agapito", + "am\u00edlcar", + "omar", + "sandalio", + "no\u00e9", + "silvio", + "leandro", + "modesto", + "aurelio", + "julio_c\u00e9sar", + "rodolfo", + "jose_ram\u00f3n", + "haroldo", + "benito", + "efra\u00edn", + "flavio", + "marino", + "melchor", + "felix", + "amancio", + "victorino", + "natanael", + "mat\u00edas", + "sigfrido", + "camilo", + "r\u00f3mulo", + "cecilio", + "lucas", + "florencio", + "cayetano", + "valent\u00edn", + "roberto", + "eleuterio", + "josu\u00e9", + "geraldo", + "agust\u00edn", + "bernardino", + "fortunato", + "cirino", + "poncio", + "fabi\u00e1n", + "isaac", + "silvestre", + "celso", + "arturo", + "hugo", + "\u00e8ric", + "conrado", + "saturnino", + "juan_bautista", + "nil", + "gerardo", + "ra\u00fal", + "ale", + "nazario", + "albano", + "jose_luis", + "ernesto", + "m\u00e1ximo", + "porfirio", + "tiburcio", + "enrique", + "alcides", + "juan_pablo", + "mois\u00e9s", + "jerem\u00edas", + "severino", + "\u00e1lex", + "joel", + "primitivo", + "vasco", + "jos\u00e9_mar\u00eda", + "leo", + "\u00ed\u00f1igo", + "esteban", + "jose_miguel", + "tadeo", + "adolfo", + "f\u00e9lix", + "sabas", + "victoriano", + "jos\u00e9_antonio", + "enzo", + "asdrubal", + "jose", + "germ\u00e1n", + "trinidad", + "ramiro", + "eloy", + "guadalupe", + "eric", + "isidoro", + "fito", + "juan_jos\u00e9", + "herberto", + "valero", + "che", + "leonel", + "toribio", + "benjam\u00edn", + "edu", + "dami\u00e1n", + "mateo", + "david", + "baltasar", + "vencesl\u00e1s", + "fulgencio", + "leocadio", + "eutropio", + "jacobo", + "paulino", + "maxi", + "trist\u00e1n", + "ezequiel", + "anacleto", + "marcelino", + "felipe", + "lope", + "eusebio", + "mauricio", + "casemiro", + "nicanor", + "c\u00e1ndido", + "jos\u00e9_mari", + "ulises", + "aar\u00f3n", + "victor", + "nacio", + "fernando", + "santiago", + "reinaldo", + "r\u00e9gulo", + "carlito", + "inocencio", + "abilio", + "fausto", + "lino", + "reyes", + "cornelio", + "rafael", + "danilo", + "ambrosio", + "plinio", + "francisco_jose", + "feliciano", + "jonatan", + "hern\u00e1n", + "galo", + "olegario", + "pol", + "domingo", + "ger\u00f3nimo", + "demetrio", + "tito", + "sergio", + "calixto", + "armando", + "nando", + "mariano", + "antonio", + "rogelio", + "cosme", + "c\u00e9sar", + "max", + "marcelo", + "jafet", + "bernab\u00e9", + "gabriel", + "w\u00e1lter", + "carlos", + "sebasti\u00e1n", + "bonifacio", + "manuel", + "balduino", + "jose_carlos", + "ruben", + "raimundo", + "amaro", + "desiderio", + "heliodoro", + "salvador", + "jorge", + "jose_ignacio", + "ariel", + "calisto", + "cebri\u00e1n", + "sancho", + "bartolom\u00e9", + "jose_francisco", + "rosario", + "horacio", + "faustino", + "eladio", + "herminio", + "kike", + "amor", + "edgardo", + "hernando", + "luis_miguel", + "cleto", + "graciano", + "manu", + "marcos", + "martin", + "luis_\u00e1ngel", + "lalo", + "l\u00e1zaro", + "eduardo", + "aleix", + "an\u00edbal", + "pl\u00e1cido", + "pepe", + "hip\u00f3lito", + "guillermo", + "gabino", + "anselmo", + "bernardo", + "hector", + "francisco_javier", + "quique", + "fabio", + "jose_antonio", + "ricardo", + "julio", + "samuel", + "juan", + "rolando", + "buenaventura", + "norberto", + "sim\u00f3n", + "alonso", + "mohamed", + "pascual", + "berto", + "jordi", + "erasmo", + "aitor", + "zacar\u00edas", + "jos\u00e9_manuel", + "rosendo", + "dan", + "pastor", + "juan_antonio", + "victor_manuel", + "\u00e1lvaro", + "wilfredo", + "paco", + "clemente", + "el\u00edas", + "eutimio", + "gonzalo", + "rafa", + "mart\u00edn", + "albert", + "osvaldo", + "bruno", + "valerio", + "cristian", + "maximiliano", + "remigio" + ], + "FIRST_NAME": [ + "adelaida", + "j\u00falia", + "nydia", + "isidro", + "bautista", + "candelas", + "rom\u00e1n", + "atilio", + "chuy", + "am\u00e9rica", + "ovidio", + "jes\u00fas", + "fabricio", + "jos\u00e9_manu\u00e9l", + "lupita", + "reynaldo", + "mercedes", + "hortensia", + "luisa", + "consuelo", + "vicenta", + "\u00e1ngel", + "homero", + "luis", + "abiga\u00edl", + "ana_mar\u00eda", + "edelmiro", + "antonia", + "blas", + "rosaura", + "inmaculada", + "genaro", + "piedad", + "hermenegildo", + "yeni", + "clotilde", + "flor", + "octavio", + "dionisia", + "valentina", + "trini", + "biel", + "ismael", + "jose_manuel", + "crescencia", + "elpidio", + "eugenio", + "asunci\u00f3n", + "\u00e1ngela", + "dimas", + "purificaci\u00f3n", + "chucho", + "cloe", + "salma", + "maximiano", + "miguela", + "miguel_\u00e1ngel", + "timoteo", + "visitaci\u00f3n", + "\u00e1gueda", + "quirino", + "abel", + "gervasio", + "javiera", + "modesta", + "dolores", + "sandra", + "melania", + "melisa", + "fortunata", + "tecla", + "oswaldo", + "concepci\u00f3n", + "v\u00edctor", + "adelia", + "jose_angel", + "joan", + "saturnina", + "helena", + "amado", + "celestino", + "natalio", + "serafina", + "aldo", + "jos\u00e9_eduardo", + "aida", + "evangelina", + "juan_luis", + "gala", + "eva", + "patricio", + "dominga", + "aurora", + "rosa_mar\u00eda", + "mart\u00ed", + "juan_carlos", + "d\u00e9bora", + "carmelo", + "glauco", + "olimpia", + "josefa", + "le\u00f3n", + "gilberto", + "cintia", + "leonor", + "arnau", + "lorenzo", + "fanny", + "petrona", + "virginia", + "emigdio", + "nazaret", + "elvira", + "juan_manuel", + "aroa", + "mar\u00eda", + "selena", + "marina", + "n\u00e9stor", + "alejandra", + "curro", + "noelia", + "ver\u00f3nica", + "chelo", + "rufina", + "ad\u00e1n", + "evelia", + "estela", + "renato", + "gil", + "teobaldo", + "silvano", + "paca", + "s\u00edlvia", + "andrea", + "jenaro", + "elo\u00edsa", + "candela", + "isabela", + "jan", + "esther", + "pastora", + "yolanda", + "cristal", + "luciana", + "gustavo", + "guiomar", + "pepito", + "camila", + "\u00farsula", + "israel", + "juliana", + "abraham", + "\u00e1ngeles", + "ana", + "itzel", + "artemio", + "ciro", + "heraclio", + "carmelita", + "julia", + "\u00e1urea", + "onofre", + "jimena", + "elisabet", + "alejandro", + "febe", + "azahar", + "joaqu\u00edn", + "encarnacion", + "ana_bel\u00e9n", + "maximino", + "heriberto", + "nico", + "to\u00f1o", + "severo", + "gregorio", + "marcio", + "vicente", + "adam", + "nicodemo", + "edmundo", + "emilio", + "gloria", + "caridad", + "\u00e9dgar", + "luc\u00eda", + "eligia", + "calixta", + "xiomara", + "jos\u00e9_luis", + "crist\u00f3bal", + "jacinta", + "clarisa", + "nicol\u00e1s", + "jos\u00e9", + "juanito", + "gracia", + "leoncio", + "belen", + "irma", + "n\u00faria", + "eligio", + "alberto", + "donato", + "te\u00f3filo", + "karla", + "bibiana", + "marcial", + "socorro", + "aina", + "vidal", + "pablo", + "epifanio", + "mar\u00eda_jes\u00fas", + "adri\u00e1n", + "nicolasa", + "amaya", + "leopoldo", + "jacinto", + "paz", + "wendolin", + "yago", + "micaela", + "rico", + "flavia", + "aureliano", + "fidela", + "pilar", + "am\u00e9rico", + "ramona", + "p\u00e1nfilo", + "loreto", + "pac\u00edfica", + "luna", + "alfonso", + "diego", + "hilario", + "paula", + "andr\u00e9s_felipe", + "azucena", + "patricia", + "consuela", + "vinicio", + "ren\u00e9", + "mia", + "eliseo", + "roque", + "alicia", + "elvia", + "lucho", + "perlita", + "urbano", + "cl\u00edmaco", + "moreno", + "noem\u00ed", + "samu", + "eufemia", + "teo", + "maricela", + "lucio", + "malena", + "josep", + "mar\u00eda_luisa", + "ruperto", + "lara", + "ruy", + "dionisio", + "lucila", + "prudencia", + "estefan\u00eda", + "amador", + "anastasia", + "espiridi\u00f3n", + "rold\u00e1n", + "albina", + "angelino", + "marc", + "carina", + "sonia", + "dorotea", + "sol", + "dafne", + "olga", + "eulalia", + "andr\u00e9s", + "soledad", + "virgilio", + "francisco", + "ar\u00e1nzazu", + "jordana", + "vanesa", + "rebeca", + "\u00f3scar", + "mar\u00eda_\u00e1ngeles", + "mitzy", + "lorenza", + "eusebia", + "ferm\u00edn", + "alexandra", + "apolinar", + "adalberto", + "seve", + "prudencio", + "lola", + "daniel", + "marianela", + "gaspar", + "daniela", + "borja", + "ricarda", + "manolo", + "roc\u00edo", + "juan_francisco", + "toni", + "guillermina", + "maite", + "nayeli", + "h\u00e9ctor", + "augusto", + "miguel", + "maribel", + "dulce", + "martina", + "macario", + "alejo", + "elisa", + "abril", + "encarnita", + "severiano", + "alex", + "ram\u00f3n", + "jennifer", + "victoria", + "teodosio", + "narciso", + "claudio", + "benigno", + "albino", + "custodia", + "anselma", + "pedro", + "ana_luisa", + "macaria", + "laura", + "baudelio", + "jana", + "casandra", + "gertrudis", + "jord\u00e1n", + "cristina", + "rosenda", + "ignacio", + "cipriano", + "anastasio", + "amarilis", + "isa\u00edas", + "chus", + "federico", + "esmeralda", + "florentino", + "norma", + "apolonia", + "julie", + "adora", + "jovita", + "ligia", + "santos", + "ant\u00f2nia", + "marisa", + "benita", + "evaristo", + "genoveva", + "palmira", + "montserrat", + "encarna", + "amando", + "joaquina", + "mario", + "ceferino", + "amalia", + "te\u00f3fila", + "marcia", + "ib\u00e1n", + "jos\u00e9_\u00e1ngel", + "mariana", + "ivonne", + "baldomero", + "pelayo", + "lisandro", + "chema", + "samanta", + "bernarda", + "fernanda", + "segismundo", + "aura", + "feliciana", + "teodoro", + "lu\u00eds", + "custodio", + "mireia", + "luciano", + "octavia", + "candelario", + "dani", + "gabriela", + "adelardo", + "nilo", + "juli\u00e1n", + "duilio", + "tania", + "cesar", + "emperatriz", + "javi", + "salom\u00f3n", + "leonardo", + "florina", + "ascensi\u00f3n", + "ildefonso", + "iv\u00e1n", + "zaida", + "marco", + "emiliano", + "mamen", + "delfina", + "lupe", + "blanca", + "humberto", + "y\u00e9ssica", + "nacho", + "iker", + "viviana", + "mar\u00eda_del_carmen", + "nidia", + "lidia", + "rosal\u00eda", + "rita", + "p\u00edo", + "agustina", + "vito", + "goyo", + "morena", + "cir\u00edaco", + "telmo", + "remedios", + "marta", + "minerva", + "angelita", + "elena", + "aristides", + "gast\u00f3n", + "olalla", + "mauro", + "dar\u00edo", + "ciriaco", + "sebastian", + "ximena", + "alfredo", + "rufino", + "milagros", + "mar\u00eda_cristina", + "delia", + "sarita", + "rub\u00e9n", + "sosimo", + "violeta", + "jaime", + "pancho", + "magdalena", + "odalis", + "soraya", + "javier", + "mar\u00eda_teresa", + "godofredo", + "tomasa", + "eustaquio", + "lorena", + "jer\u00f3nimo", + "fidel", + "edelmira", + "francisca", + "almudena", + "frida", + "tom\u00e1s", + "rodrigo", + "concha", + "salom\u00e9", + "pau", + "nelly", + "arsenio", + "xavier", + "pascuala", + "rosalva", + "adriana", + "marciano", + "cruz", + "vera", + "basilio", + "rosalina", + "marco_antonio", + "yuridia", + "paloma", + "agapito", + "sessa", + "priscila", + "pepita", + "lucia", + "am\u00edlcar", + "omar", + "sandalio", + "no\u00e9", + "reyna", + "josefina", + "in\u00e9s", + "silvio", + "nadia", + "leandro", + "modesto", + "aurelio", + "candelaria", + "calista", + "noa", + "julio_c\u00e9sar", + "ani", + "narcisa", + "rodolfo", + "manola", + "haroldo", + "f\u00e1tima", + "jose_ram\u00f3n", + "araceli", + "benito", + "bel\u00e9n", + "efra\u00edn", + "flavio", + "seraf\u00edn", + "sara", + "nuria", + "jos", + "gema", + "marino", + "melchor", + "teresita", + "gisela", + "felix", + "marisol", + "amancio", + "victorino", + "eva_mar\u00eda", + "maricruz", + "berta", + "natanael", + "mat\u00edas", + "sigfrido", + "camilo", + "r\u00f3mulo", + "cecilio", + "lucas", + "encarnaci\u00f3n", + "florencio", + "olivia", + "nayara", + "cayetano", + "ariadna", + "indira", + "wilfrido", + "ilse", + "roberto", + "eleuterio", + "abelardo", + "dulce_mar\u00eda", + "benigna", + "alba", + "valent\u00edn", + "josu\u00e9", + "geraldo", + "agust\u00edn", + "vilma", + "jaqueline", + "anunciaci\u00f3n", + "isidora", + "salud", + "bernardino", + "fortunato", + "cirino", + "ainoa", + "alondra", + "fabi\u00e1n", + "conchita", + "poncio", + "isaac", + "elodia", + "azahara", + "silvestre", + "dalia", + "anna", + "evelio", + "sabina", + "ruperta", + "celso", + "zaira", + "martirio", + "arturo", + "felisa", + "ana_sof\u00eda", + "hermelinda", + "c\u00e1ndida", + "hugo", + "juanita", + "leire", + "herminia", + "\u00e8ric", + "etelvina", + "conrado", + "saturnino", + "juan_bautista", + "carlota", + "nieves", + "m\u00f3nica", + "imelda", + "lilia", + "nil", + "gerardo", + "ra\u00fal", + "ale", + "nazario", + "loida", + "carla", + "albano", + "jose_luis", + "charo", + "ernesto", + "chita", + "m\u00e1ximo", + "leyre", + "tatiana", + "adoraci\u00f3n", + "carolina", + "porfirio", + "lourdes", + "aitana", + "coral", + "tiburcio", + "azeneth", + "rosa", + "ainara", + "nerea", + "ruth", + "eugenia", + "brunilda", + "adelina", + "luisina", + "tere", + "enrique", + "alcides", + "juan_pablo", + "mois\u00e9s", + "jerem\u00edas", + "rosalinda", + "severino", + "\u00e1lex", + "joel", + "primitivo", + "vasco", + "linda", + "zo\u00e9", + "carmen", + "y\u00e9sica", + "obdulia", + "jos\u00e9_mar\u00eda", + "leo", + "amada", + "\u00ed\u00f1igo", + "carmina", + "esteban", + "jose_miguel", + "tadeo", + "adolfo", + "f\u00e9lix", + "hayd\u00e9e", + "odalys", + "amelia", + "silvia", + "ester", + "evita", + "bianca", + "sabas", + "jenny", + "esparta", + "victoriano", + "julieta", + "domitila", + "elsa", + "jos\u00e9_antonio", + "dalila", + "cynthia", + "liliana", + "enzo", + "asdrubal", + "jose", + "marisela", + "isaura", + "arlet", + "alta__gracia", + "germ\u00e1n", + "trinidad", + "ramiro", + "eloy", + "pamela", + "yaiza", + "guadalupe", + "eric", + "ema", + "isidoro", + "armida", + "merche", + "ang\u00e9lica", + "fito", + "natalia", + "\u00e1mbar", + "juan_jos\u00e9", + "celestina", + "anabel", + "amparo", + "valero", + "herberto", + "irene", + "che", + "leonel", + "tamara", + "toribio", + "jon\u00e1s", + "benjam\u00edn", + "edu", + "dami\u00e1n", + "emma", + "mateo", + "david", + "clementina", + "uriel", + "mar\u00eda_manuela", + "baltasar", + "estrella", + "judith", + "iris", + "vencesl\u00e1s", + "fulgencio", + "leocadio", + "regina", + "eutropio", + "jacobo", + "paulino", + "maxi", + "trist\u00e1n", + "ezequiel", + "margarita", + "florinda", + "anacleto", + "manuelita", + "marcelino", + "alma", + "felipe", + "lope", + "mar\u00eda_dolores", + "eusebio", + "zoraida", + "esperanza", + "mar\u00eda_eugenia", + "fabiola", + "emilia", + "nancy", + "susana", + "mauricio", + "martha", + "casemiro", + "b\u00e1rbara", + "nicanor", + "ileana", + "jos\u00e9_mari", + "c\u00e1ndido", + "nilda", + "ulises", + "aar\u00f3n", + "rafaela", + "victor", + "nacio", + "fernando", + "mar\u00eda_pilar", + "oriana", + "reinaldo", + "santiago", + "lina", + "r\u00e9gulo", + "citlali", + "leocadia", + "carlito", + "inocencio", + "br\u00edgida", + "abilio", + "\u00e1gata", + "felipa", + "fausto", + "lino", + "ruby", + "reyes", + "constanza", + "cornelio", + "rafael", + "danilo", + "ambrosio", + "paola", + "plinio", + "francisco_jose", + "ignacia", + "cristobal", + "marita", + "paulina", + "florentina", + "feliciano", + "espartaco", + "isa", + "felicia", + "jonatan", + "hern\u00e1n", + "mar", + "jorge_luis", + "arcelia", + "teodora", + "galo", + "olegario", + "alvaro", + "pol", + "domingo", + "ger\u00f3nimo", + "demetrio", + "tito", + "sergio", + "calixto", + "armando", + "nando", + "emiliana", + "mariano", + "val\u00e8ria", + "griselda", + "jos\u00e9_carlos", + "antonio", + "diana", + "rogelio", + "cosme", + "graciela", + "c\u00e9sar", + "max", + "graciana", + "raquel", + "celia", + "marcelo", + "jafet", + "bernab\u00e9", + "bego\u00f1a", + "reina", + "gabriel", + "macarena", + "carlos", + "w\u00e1lter", + "manuela", + "felicidad", + "rafa\u00e9l", + "anita", + "beatriz", + "anel", + "maura", + "leticia", + "bonifacio", + "sebasti\u00e1n", + "juana", + "karina", + "manuel", + "fabiana", + "elba", + "perla", + "balduino", + "adela", + "elias", + "jose_carlos", + "itziar", + "ruben", + "raimundo", + "amaro", + "desiderio", + "heliodoro", + "sof\u00eda", + "aurelia", + "jorge", + "jose_ignacio", + "salvador", + "p\u00eda", + "ariel", + "nereida", + "roberta", + "calisto", + "barbara", + "cebri\u00e1n", + "sancho", + "rosalia", + "laia", + "bartolom\u00e9", + "cl\u00e0udia", + "marcela", + "mar\u00eda_elena", + "jose_francisco", + "chl\u00f3e", + "rosario", + "horacio", + "mayte", + "mar\u00eda_fernanda", + "faustino", + "isabel", + "eladio", + "herminio", + "aldonza", + "kike", + "florencia", + "amor", + "edgardo", + "claudia", + "jessica", + "hernando", + "susanita", + "angelina", + "luis_miguel", + "cleto", + "graciano", + "mar\u00eda_jos\u00e9", + "manu", + "marcos", + "martin", + "luis_\u00e1ngel", + "lalo", + "l\u00e1zaro", + "eloisa", + "eduardo", + "matilde", + "aleix", + "hilda", + "pl\u00e1cido", + "pepe", + "hip\u00f3lito", + "maristela", + "teresa", + "an\u00edbal", + "guillermo", + "gabino", + "anselmo", + "natividad", + "cayetana", + "n\u00e9lida", + "bernardo", + "hector", + "leandra", + "amanda", + "francisco_javier", + "quique", + "fabio", + "georgina", + "eli", + "jose_antonio", + "ricardo", + "julio", + "samuel", + "mirta", + "juan", + "m\u00e1xima", + "luis_manuel", + "jos\u00e9_emilio", + "rolando", + "mar\u00eda_bel\u00e9n", + "buenaventura", + "norberto", + "flora", + "primitiva", + "sim\u00f3n", + "\u00edngrid", + "alonso", + "mohamed", + "pascual", + "berto", + "valeria", + "roxana", + "carmela", + "jordi", + "bernardita", + "abigail", + "erasmo", + "aitor", + "zeferino", + "mar\u00eda_carmen", + "dora", + "zacar\u00edas", + "cecilia", + "jos\u00e9_manuel", + "emelina", + "pili", + "dan", + "bienvenida", + "\u00f3liver", + "rosendo", + "jesusa", + "pastor", + "juan_antonio", + "renata", + "catalina", + "victor_manuel", + "\u00e1lvaro", + "ofelia", + "miriam", + "wilfredo", + "corona", + "luz", + "\u00e1frica", + "clemente", + "el\u00edas", + "eutimio", + "paco", + "eliana", + "gonzalo", + "rafa", + "mart\u00edn", + "albert", + "osvaldo", + "bruno", + "filomena", + "valerio", + "cristian", + "clara", + "ona", + "otilia", + "dorita", + "maximiliano", + "remigio" + ], + "LAST_NAME": [ + "pantoja", + "escalante", + "rom\u00e1n", + "armenta", + "espinosa", + "pintor", + "cazares", + "mora", + "valles", + "soriano", + "canet", + "tafoya", + "d\u00e1vila", + "jurado", + "tur", + "romero", + "ponce", + "casanova", + "balaguer", + "alvarado", + "pi\u00f1a", + "maestas", + "escriv\u00e1", + "mart\u00ed", + "portillo", + "mayoral", + "parejo", + "acedo", + "tejeda", + "mercado", + "calvet", + "oller", + "almansa", + "serrato", + "mir\u00f3", + "chac\u00f3n", + "planas", + "pou", + "martinez", + "esparza", + "cervantes", + "ripoll", + "far\u00edas", + "ojeda", + "barreto", + "figueroa", + "zabala", + "avil\u00e9s", + "cab\u00e1n", + "v\u00e9lez", + "zabaleta", + "atienza", + "aguirre", + "ballester", + "rodarte", + "ruelas", + "bola\u00f1os", + "almaz\u00e1n", + "valenciano", + "puig", + "sanmiguel", + "batlle", + "morell", + "osorio", + "amores", + "alberto", + "ferr\u00e1ndez", + "marroqu\u00edn", + "blazquez", + "arcos", + "amaya", + "palomares", + "paz", + "mariscal", + "cant\u00fa", + "espa\u00f1a", + "r\u00edos", + "fuente", + "bar\u00f3", + "mu\u00f1iz", + "roque", + "de_la_garza", + "almanza", + "moreno", + "puente", + "blasco", + "ochoa", + "ch\u00e1vez", + "capdevila", + "querol", + "andr\u00e9s", + "holgu\u00edn", + "ortega", + "albero", + "de_la_rosa", + "colom", + "heras", + "verduzco", + "pab\u00f3n", + "garmendia", + "beltran", + "esteve", + "requena", + "mancebo", + "d\u00edez", + "rubio", + "monta\u00f1ez", + "berm\u00fadez", + "ram\u00f3n", + "milla", + "carro", + "di\u00e9guez", + "marti", + "terr\u00f3n", + "tejera", + "pedrero", + "palomino", + "catal\u00e1", + "tamez", + "loya", + "porras", + "montserrat", + "guevara", + "crespi", + "pelayo", + "gir\u00f3n", + "gal\u00e1n", + "fortuny", + "cordero", + "aparicio", + "bertr\u00e1n", + "juli\u00e1n", + "ceballos", + "armengol", + "sastre", + "zamorano", + "cu\u00e9llar", + "arias", + "solorio", + "buend\u00eda", + "qui\u00f1\u00f3nez", + "montesinos", + "sarabia", + "chico", + "ceja", + "v\u00e1squez", + "verd\u00fa", + "tom\u00e1s", + "parra", + "abascal", + "cruz", + "bustos", + "mel\u00e9ndez", + "lira", + "cadena", + "benavente", + "hoyos", + "lucena", + "ba\u00f1os", + "cases", + "riera", + "pi\u00f1eiro", + "laureano", + "benet", + "almonte", + "huerta", + "talavera", + "almeida", + "agust\u00edn", + "sevillano", + "hern\u00e1ndez", + "jim\u00e9nez", + "enr\u00edquez", + "orozco", + "moll", + "sauceda", + "garrido", + "torrijos", + "nieves", + "r\u00edo", + "roda", + "verdugo", + "f\u00e1bregas", + "olvera", + "lled\u00f3", + "c\u00e1ceres", + "teruel", + "villalba", + "bonet", + "exp\u00f3sito", + "aramburu", + "comas", + "clavero", + "moya", + "del_r\u00edo", + "bosch", + "g\u00e1lvez", + "moles", + "maya", + "est\u00e9vez", + "escribano", + "tello", + "mar\u00ed", + "ocampo", + "leal", + "arranz", + "arriaga", + "ayll\u00f3n", + "malave", + "salda\u00f1a", + "nevado", + "ant\u00fanez", + "polanco", + "canales", + "ontiveros", + "monreal", + "cobo", + "alcal\u00e1", + "alvarez", + "valverde", + "garc\u00e9s", + "aguilar", + "calvillo", + "salamanca", + "porcel", + "herrera", + "sol\u00eds", + "castellanos", + "barranco", + "mar\u00edn", + "urrutia", + "agullo", + "cintr\u00f3n", + "borrell", + "santiago", + "guill\u00e9n", + "rojas", + "vi\u00f1a", + "caldera", + "malo", + "nicolau", + "jaimes", + "calder\u00f3n", + "villase\u00f1or", + "llano", + "luevano", + "nogu\u00e9s", + "montero", + "g\u00f3mez", + "chaves", + "ferr\u00e1n", + "camino", + "carre\u00f1o", + "ybarra", + "sep\u00falveda", + "\u00e1lamo", + "bayona", + "cortez", + "fr\u00edas", + "sanabria", + "reina", + "nava", + "altamirano", + "carlos", + "ropero", + "luj\u00e1n", + "dur\u00e1n", + "tolosa", + "alsina", + "cuenca", + "sebasti\u00e1n", + "blanes", + "ayuso", + "llorens", + "portero", + "pi", + "mari\u00f1o", + "sancho", + "gabald\u00f3n", + "alc\u00e1ntara", + "ca\u00f1ete", + "pedrosa", + "palomar", + "iriarte", + "chaparro", + "amor", + "mayorga", + "cal", + "rovira", + "tormo", + "de_la_fuente", + "cortes", + "monta\u00f1o", + "olmos", + "madrid", + "linares", + "juan", + "villalobos", + "tamayo", + "zorrilla", + "pascual", + "j\u00f3dar", + "mendez", + "montez", + "ulibarri", + "maza", + "figuerola", + "elorza", + "guitart", + "trillo", + "frutos", + "dom\u00ednguez", + "cabrera", + "manj\u00f3n", + "torrecilla", + "palacios", + "isern", + "serrano", + "salinas", + "boix", + "barajas", + "prada", + "cabello", + "z\u00fa\u00f1iga", + "godoy", + "narv\u00e1ez", + "bautista", + "fuentes", + "perell\u00f3", + "carbajal", + "caba\u00f1as", + "ord\u00f3\u00f1ez", + "ocasio", + "valderrama", + "grijalva", + "m\u00fagica", + "alberdi", + "solorzano", + "vega", + "barriga", + "palma", + "orosco", + "jara", + "campillo", + "cornejo", + "trejo", + "benavides", + "valdez", + "villena", + "coello", + "mena", + "le\u00f3n", + "irizarry", + "res\u00e9ndez", + "ortiz", + "lorenzo", + "torre", + "lasa", + "nieto", + "samper", + "rodr\u00edquez", + "sanchez", + "ribera", + "macias", + "gil", + "sanz", + "villegas", + "huertas", + "pla", + "hoz", + "pe\u00f1alver", + "cuevas", + "vizca\u00edno", + "puerta", + "gisbert", + "amo", + "montoya", + "bernat", + "olmo", + "arjona", + "losa", + "perez", + "checa", + "falc\u00f3", + "baeza", + "alejandro", + "pinedo", + "pazos", + "lucero", + "egea", + "bravo", + "dom\u00e9nech", + "carretero", + "sevilla", + "serra", + "romeu", + "casado", + "sim\u00f3", + "nicol\u00e1s", + "merino", + "fabregat", + "ugarte", + "gaona", + "vald\u00e9s", + "castrillo", + "aliaga", + "pablo", + "c\u00f3rdoba", + "de_le\u00f3n", + "pi\u00f1ol", + "laguna", + "chapa", + "donaire", + "rico", + "henr\u00edquez", + "castro", + "asensio", + "carre\u00f3n", + "lucio", + "saiz", + "rosas", + "rold\u00e1n", + "medina", + "morales", + "andrade", + "menendez", + "colunga", + "perea", + "acu\u00f1a", + "miranda", + "garc\u00eda", + "rael", + "mateu", + "gallegos", + "l\u00f3pez", + "ortu\u00f1o", + "valls", + "izquierdo", + "alcalde", + "borja", + "cabrero", + "botello", + "oliv\u00e9", + "llobet", + "gait\u00e1n", + "regalado", + "herrero", + "gordillo", + "oliver", + "jord\u00e1n", + "anguita", + "guillen", + "barral", + "solana", + "sanches", + "olivera", + "haro", + "ca\u00f1ellas", + "valladares", + "soler", + "pag\u00e8s", + "lu\u00eds", + "salazar", + "ayala", + "salcido", + "blanca", + "perales", + "zambrano", + "vel\u00e1zquez", + "berenguer", + "caparr\u00f3s", + "balderas", + "ricart", + "solera", + "casanovas", + "mojica", + "coloma", + "rocamora", + "jaime", + "cuervo", + "guajardo", + "rodrigo", + "tomas", + "arag\u00f3n", + "oquendo", + "peres", + "santamaria", + "cerezo", + "alcolea", + "cabo", + "samaniego", + "fonseca", + "tejedor", + "cabanillas", + "barros", + "saez", + "segovia", + "roura", + "ar\u00e9valo", + "verdejo", + "olivares", + "agudo", + "salmer\u00f3n", + "chavarr\u00eda", + "qui\u00f1ones", + "barrera", + "aguilera", + "suarez", + "mat\u00edas", + "villag\u00f3mez", + "campos", + "r\u00f3denas", + "dalmau", + "azorin", + "bru", + "vel\u00e1squez", + "cifuentes", + "caro", + "barela", + "romo", + "manzanares", + "redondo", + "fuster", + "ni\u00f1o", + "villarreal", + "bad\u00eda", + "leiva", + "varela", + "gim\u00e9nez", + "iba\u00f1ez", + "nazario", + "batista", + "pardo", + "lopez", + "ariza", + "abreu", + "ca\u00f1izares", + "lozada", + "riojas", + "espada", + "quesada", + "roig", + "castell\u00f3", + "soria", + "larra\u00f1aga", + "arredondo", + "valenzuela", + "carrillo", + "mata", + "aznar", + "esquibel", + "herranz", + "granados", + "pombo", + "fiol", + "brise\u00f1o", + "ferrero", + "cotto", + "apodaca", + "zavala", + "tapia", + "n\u00e1jera", + "bl\u00e1zquez", + "ruano", + "valero", + "c\u00f3rdova", + "mate", + "arce", + "asenjo", + "olivas", + "c\u00e1mara", + "aguil\u00f3", + "cueto", + "cuellar", + "muro", + "baquero", + "go\u00f1i", + "casas", + "alva", + "lumbreras", + "anguiano", + "lago", + "flores", + "vanegas", + "arana", + "tom\u00e9", + "del_valle", + "alfaro", + "palau", + "elizondo", + "campo", + "cort\u00e9s", + "gamez", + "castilla", + "escolano", + "alegria", + "galvez", + "reguera", + "herv\u00e1s", + "puga", + "feliciano", + "arenas", + "sarmiento", + "p\u00e9rez", + "gras", + "ter\u00e1n", + "beltr\u00e1n", + "bonilla", + "torrent", + "pol", + "alonzo", + "domingo", + "hinojosa", + "madera", + "gayt\u00e1n", + "pe\u00f1as", + "cas\u00e1rez", + "carballo", + "vazquez", + "ribes", + "matas", + "iglesias", + "berr\u00edos", + "villalonga", + "infante", + "boada", + "t\u00f3rrez", + "bayo", + "canals", + "berrocal", + "guardado", + "galiano", + "mendoza", + "cortina", + "ba\u00f1uelos", + "rend\u00f3n", + "zurita", + "bernal", + "bartolom\u00e9", + "arevalo", + "camacho", + "carbajo", + "pel\u00e1ez", + "arco", + "garriga", + "delgadillo", + "badillo", + "saucedo", + "quiroz", + "jove", + "marcos", + "estevez", + "revilla", + "rosell\u00f3", + "moliner", + "gibert", + "galarza", + "navarro", + "artigas", + "arguello", + "montenegro", + "trevi\u00f1o", + "pallar\u00e8s", + "pinto", + "castell", + "esquivel", + "almaraz", + "ros", + "vara", + "font", + "vargas", + "becerra", + "uribe", + "mendiz\u00e1bal", + "velasco", + "meza", + "clemente", + "el\u00edas", + "gonzalo", + "mart\u00edn", + "zamudio", + "villalpando", + "barreda", + "bas", + "andreu", + "j\u00e1quez", + "zayas", + "\u00e1ngel", + "jover", + "lozano", + "negr\u00f3n", + "gasc\u00f3n", + "cerd\u00e1n", + "pont", + "bustamante", + "m\u00fa\u00f1iz", + "estrada", + "llanos", + "cerd\u00e1", + "mur", + "nogueira", + "oliva", + "griego", + "mulet", + "cardona", + "noguera", + "c\u00e9spedes", + "tejero", + "c\u00e1rdenas", + "ferrer", + "bilbao", + "soliz", + "zamora", + "raya", + "morillo", + "araujo", + "poza", + "arnau", + "cedillo", + "hernandes", + "valdivia", + "quevedo", + "nebot", + "ad\u00e1n", + "gual", + "mondrag\u00f3n", + "anaya", + "rebollo", + "centeno", + "nu\u00f1ez", + "posada", + "batalla", + "costa", + "mayol", + "caraballo", + "alcala", + "pomares", + "sanjuan", + "de_la_o", + "due\u00f1as", + "navarrete", + "landa", + "salcedo", + "pizarro", + "vicente", + "vallejo", + "terrazas", + "toro", + "rocha", + "arnal", + "pozo", + "guti\u00e9rrez", + "ramis", + "tijerina", + "franch", + "bueno", + "gracia", + "pav\u00f3n", + "royo", + "hidalgo", + "fierro", + "maga\u00f1a", + "orellana", + "torres", + "barroso", + "covarrubias", + "santacruz", + "jimenez", + "b\u00e1rcena", + "robledo", + "rinc\u00f3n", + "gamboa", + "alemany", + "echevarr\u00eda", + "carrera", + "guzm\u00e1n", + "cid", + "amador", + "codina", + "g\u00e1rate", + "naranjo", + "montes", + "quintero", + "francisco", + "zarate", + "noriega", + "sandoval", + "pujadas", + "valc\u00e1rcel", + "agust\u00ed", + "briones", + "murillo", + "quezada", + "ruiz", + "cuesta", + "gutierrez", + "miguel", + "criado", + "abril", + "maldonado", + "olmedo", + "vall\u00e9s", + "matos", + "mayo", + "losada", + "bar\u00f3n", + "ju\u00e1rez", + "hervia", + "pedro", + "arnaiz", + "ledesma", + "negrete", + "manrique", + "meraz", + "ferreras", + "m\u00e1rmol", + "escamilla", + "santos", + "ram\u00edrez", + "villaverde", + "iborra", + "brito", + "ulloa", + "pinilla", + "casals", + "pichardo", + "iniesta", + "mor\u00e1n", + "jerez", + "miramontes", + "ur\u00edas", + "tejada", + "paredes", + "barrag\u00e1n", + "martorell", + "camps", + "pedroza", + "espinoza", + "fuertes", + "toledo", + "s\u00e1nchez", + "farr\u00e9", + "crespo", + "d\u00edaz", + "vera", + "rosell", + "tenorio", + "adame", + "burgos", + "reyna", + "vicens", + "casares", + "aragon\u00e9s", + "zelaya", + "lomeli", + "rosales", + "borr\u00e1s", + "garibay", + "guerra", + "quir\u00f3s", + "sol\u00e9", + "falc\u00f3n", + "castej\u00f3n", + "ornelas", + "novoa", + "god\u00ednez", + "viera", + "almagro", + "bermejo", + "gallo", + "conde", + "calderon", + "iglesia", + "lobato", + "garza", + "renter\u00eda", + "de_jes\u00fas", + "nev\u00e1rez", + "zaragoza", + "lobo", + "perera", + "porta", + "grande", + "casal", + "roca", + "pereira", + "rosado", + "segu\u00ed", + "llorente", + "franco", + "aponte", + "lloret", + "medrano", + "acero", + "silva", + "rosa", + "roybal", + "vilar", + "carranza", + "serna", + "angulo", + "mungu\u00eda", + "morcillo", + "rangel", + "garz\u00f3n", + "collado", + "prat", + "aguado", + "i\u00f1iguez", + "barber\u00e1", + "soto", + "peir\u00f3", + "s\u00e1enz", + "jim\u00ednez", + "oca\u00f1a", + "caballero", + "fernandez", + "bastida", + "corral", + "abella", + "manso", + "p\u00e1ez", + "acosta", + "mateo", + "gomis", + "echeverr\u00eda", + "giralt", + "olivo", + "sotelo", + "archuleta", + "cuadrado", + "pera", + "viana", + "\u00e1valos", + "mateos", + "m\u00e1rquez", + "garay", + "valbuena", + "mesa", + "mercader", + "villareal", + "prado", + "recio", + "barrientos", + "cobos", + "reynoso", + "gaya", + "machado", + "benitez", + "bay\u00f3n", + "alegre", + "gonz\u00e1lez", + "sosa", + "cazorla", + "higueras", + "ramirez", + "robles", + "cantero", + "cano", + "seco", + "bejarano", + "peinado", + "segura", + "folch", + "riba", + "santill\u00e1n", + "marin", + "roma", + "calatayud", + "n\u00fa\u00f1ez", + "campoy", + "padilla", + "hurtado", + "armend\u00e1riz", + "leyva", + "moraleda", + "real", + "cardenas", + "duque", + "barbero", + "sacrist\u00e1n", + "borrego", + "amor\u00f3s", + "tovar", + "mosquera", + "ferrera", + "ibarra", + "lovato", + "daza", + "amig\u00f3", + "rosario", + "llamas", + "calzada", + "hernando", + "llabr\u00e9s", + "navas", + "martin", + "fern\u00e1ndez", + "nadal", + "sierra", + "lemus", + "gomez", + "\u00e1guila", + "lamas", + "llad\u00f3", + "bahena", + "pina", + "alonso", + "neira", + "saldivar", + "oliv\u00e1rez", + "su\u00e1rez", + "espejo", + "pellicer", + "solano", + "cisneros", + "grau", + "fl\u00f3rez", + "ferrando", + "andres", + "carri\u00f3n", + "taboada", + "guerrero", + "blanco", + "pastor", + "alarc\u00f3n", + "guzman", + "ca\u00f1as", + "vergara", + "prieto", + "bou", + "jasso", + "diez", + "alcaraz", + "espinal", + "pons", + "morera", + "gomila", + "somoza", + "baca", + "valencia", + "corrales", + "jord\u00e1", + "luque", + "vaquero", + "montalb\u00e1n", + "dominguez", + "flor", + "belmonte", + "\u00e1vila", + "hernandez", + "mares", + "vaca", + "carpio", + "arregui", + "yuste", + "pino", + "concepci\u00f3n", + "collazo", + "aller", + "goicoechea", + "reig", + "cerro", + "pulido", + "alc\u00e1zar", + "murcia", + "bellido", + "casta\u00f1eda", + "abrego", + "montalvo", + "t\u00e9llez", + "hierro", + "venegas", + "palmer", + "arellano", + "aguayo", + "correa", + "palomo", + "monroy", + "marquez", + "guijarro", + "bernad", + "casillas", + "sedano", + "pareja", + "molins", + "aroca", + "huguet", + "ur\u00eda", + "rasc\u00f3n", + "mas", + "plaza", + "men\u00e9ndez", + "heredia", + "coca", + "carb\u00f3", + "saura", + "cerv\u00e1ntez", + "mej\u00eda", + "sales", + "tirado", + "bello", + "sisneros", + "mac\u00edas", + "botella", + "alc\u00e1ntar", + "sobrino", + "carrasco", + "mu\u00f1oz", + "gelabert", + "loera", + "gollum", + "cabezas", + "vidal", + "partida", + "larrea", + "madrigal", + "guardia", + "granado", + "torralba", + "barraza", + "riquelme", + "salv\u00e0", + "osuna", + "mascare\u00f1as", + "m\u00ednguez", + "luna", + "rios", + "alfonso", + "valle", + "diego", + "uriarte", + "ja\u00e9n", + "lugo", + "palacio", + "arteaga", + "saavedra", + "arrieta", + "lara", + "marrero", + "tudela", + "piquer", + "escudero", + "lluch", + "fabra", + "prats", + "zedillo", + "llopis", + "calleja", + "preciado", + "catal\u00e1n", + "galv\u00e1n", + "rossell\u00f3", + "villa", + "gimenez", + "pati\u00f1o", + "arreola", + "roman", + "ben\u00edtez", + "bauz\u00e0", + "chamorro", + "lerma", + "salgado", + "exposito", + "barcel\u00f3", + "mota", + "sanmart\u00edn", + "v\u00e9liz", + "zepeda", + "garica", + "villar", + "b\u00e1ez", + "rozas", + "adadia", + "giner", + "coll", + "rivero", + "carbonell", + "barco", + "gimeno", + "barba", + "vi\u00f1as", + "pe\u00f1a", + "lillo", + "rey", + "pujol", + "colomer", + "benav\u00eddez", + "carreras", + "marco", + "cabeza", + "torrents", + "pineda", + "salom", + "castillo", + "villanueva", + "laboy", + "coronado", + "mireles", + "peralta", + "pacheco", + "zapata", + "escalona", + "b\u00e9tancourt", + "sala", + "rodriguez", + "gallardo", + "carvajal", + "candelaria", + "plana", + "espa\u00f1ol", + "contreras", + "benito", + "vela", + "c\u00e1novas", + "segarra", + "rueda", + "otero", + "polo", + "bermudez", + "izaguirre", + "calvo", + "gonzalez", + "ramos", + "lucas", + "carnero", + "morante", + "lastra", + "valent\u00edn", + "alba", + "carmona", + "barrena", + "mascar\u00f3", + "c\u00f3zar", + "sola", + "blanch", + "ari\u00f1o", + "ferr\u00e1ndiz", + "paniagua", + "company", + "vall", + "quintanilla", + "ant\u00f3n", + "espino", + "cavazos", + "menchaca", + "quiroga", + "ballesteros", + "de_la_cr\u00faz", + "de_anda", + "carrero", + "cervera", + "vilanova", + "jaume", + "vendrell", + "benavent", + "arribas", + "arroyo", + "pozuelo", + "padr\u00f3n", + "cepeda", + "armas", + "corbacho", + "esteban", + "curiel", + "amat", + "ure\u00f1a", + "vilalta", + "feijoo", + "orta", + "acevedo", + "rodr\u00edgez", + "sainz", + "gargallo", + "belda", + "guardiola", + "quintana", + "tena", + "diaz", + "feliu", + "azcona", + "mart\u00ednez", + "monta\u00f1a", + "sans", + "galan", + "gilabert", + "rojo", + "abad", + "trujillo", + "abell\u00e1n", + "cadenas", + "rol\u00f3n", + "vives", + "delgado", + "v\u00e1zquez", + "conesa", + "lebr\u00f3n", + "s\u00e1ez", + "corominas", + "sureda", + "duran", + "morata", + "baena", + "jaramillo", + "ib\u00e1\u00f1ez", + "g\u00e1mez", + "duarte", + "alem\u00e1n", + "j\u00e1uregui", + "reyes", + "longoria", + "barrio", + "peral", + "gurule", + "roldan", + "escobedo", + "leon", + "girona", + "rius", + "gast\u00e9lum", + "castells", + "y\u00e1\u00f1ez", + "juli\u00e1", + "marqu\u00e9s", + "oliveras", + "rodr\u00edguez", + "m\u00e9ndez", + "garcia", + "sabater", + "barrios", + "valera", + "alberola", + "aranda", + "ozuna", + "manuel", + "molina", + "santana", + "valadez", + "vila", + "salvador", + "miralles", + "hern\u00e1dez", + "melero", + "cant\u00f3n", + "de_la_torre", + "salas", + "\u00e1lvarez", + "gonzales", + "melgar", + "busquets", + "torrens", + "priego", + "escobar", + "solsona", + "rivas", + "mill\u00e1n", + "anglada", + "col\u00f3n", + "vigil", + "urbina", + "fajardo", + "maestre", + "santamar\u00eda", + "galindo", + "donoso", + "tamarit", + "mir", + "quero", + "montemayor", + "\u00e1lvaro", + "camarillo", + "corona", + "luz", + "figueras", + "pedraza", + "vilaplana", + "ribas", + "razo", + "lim\u00f3n", + "rivera", + "gallart", + "gallego", + "manzano" + ], + "OTHER_PRONOUN": [ + "it", + "them" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "superiora": "abba", + "abadesa": "archimandita", + "actriz": "histri\u00f3n", + "aviadora": "aviador", + "bibi": "tiu", + "ti\u00edta": "tiu", + "baronesa": "magnata", + "bot\u00f3nesa": "botones", + "novia": "almohazar", + "mujer_de_negocios": "empresario", + "working_girl": "empresario", + "negocianta": "empresario", + "pich\u00f3n": "gaur", + "polluelo": "gaur", + "poulette": "gaur", + "vaquera": "corredor_de_rodeo", + "filia": "son", + "hija": "son", + "duquesa": "duque", + "emperatriz": "saturnia_pavonia", + "imperatriz": "emperador", + "femenino": "masculino", + "hembra": "masculino", + "gal": "guido", + "mujercita": "guido", + "chamaca": "guido", + "chiquilla": "guido", + "muchacha": "mozalbete", + "jovencita": "guido", + "lola": "guido", + "institutor": "gobernadora", + "institutriz": "vali", + "nieta": "nieto", + "jeje": "lia", + "hero\u00edna": "heros", + "las_suyas": "suya", + "los_suyos": "suya", + "el_suyo": "suya", + "la_suya": "suyas", + "ella_misma": "s\u00ed_mismo", + "s\u00ed_misma": "\u00e9l_mismo", + "anfitriona": "fondista", + "se\u00f1ora": "mr", + "arredataria": "arrendador", + "terrateniente": "arrendador", + "casera": "arrendador", + "chiquita": "mozalbete", + "pubilla": "mozalbete", + "marquesa": "marqu\u00e9s", + "flama": "m\u00e1ster", + "la_madre": "pap\u00e1", + "progenitora": "pap\u00e1", + "sobreproteger": "pap\u00e1", + "mimar_en_exceso": "vater", + "sra": "mr", + "sobrina": "sobrino", + "monja": "religioso", + "religiosa": "monachus", + "religieuse": "monachus", + "nun": "monachus", + "sacerdotisa": "flamen", + "pr\u00edncipe": "prince", + "princesa": "el_pr\u00edncipe", + "infanta": "regulus", + "princessa": "regulus", + "homosexual": "rey", + "reg": "key", + "soberana_reinante": "king", + "hetman": "key", + "queens": "reyes", + "hechicera": "sorcerer", + "solterona": "soltero", + "sotlerona": "soltero", + "la_portavoz": "vocero", + "portavoz": "vocero", + "hijastra": "hijastro", + "madrastra": "oide", + "azafata": "intendente", + "aeromoza": "intendente", + "camarera": "mesonero", + "mesera": "mesonero", + "oficiante": "mesero", + "vidua": "viudo", + "viuda": "viudo", + "bean": "isla_de_man", + "marido": "esposo", + "esposa": "esposo", + "mujer": "man", + "duna": "esposo", + "feto": "isla_de_man", + "hembra_adulta": "isla_de_man", + "mujeres": "hombres_hombres", + "boy": "jovencita", + "yaro": "mujercita", + "var\u00f3n": "chamaca", + "cauc\u00e1sico": "blanca", + "persona_blanca": "blanca" + }, + "other_gender_swap": { + "them": "jeje", + "one": "jeje", + "a_ellos": "jeje", + "a_ellas": "jeje", + "tey": "jeje", + "aca": "jeje", + "lia": "suyos", + "suya": "el_suyo", + "suyo": "la_suya", + "suyos": "la_suya", + "suyas": "la_suya", + "\u3078": "ellas", + "elli": "epi", + "de_\u00e9l": "suyos", + "jeje": "aca", + "las_suyas": "suyas", + "los_suyos": "suyo", + "el_suyo": "suyo", + "la_suya": "suyo" + }, + "en_pronoun2gender": { + "they": [ + "transexual", + "homosexual", + "bisexual", + "transg\u00e9nero", + "queer", + "transg\u00e9nera" + ], + "he": [ + "gentilhombre", + "yaro", + "agrietarse", + "masculino", + "boy", + "guido", + "chamaquito", + "chiquito", + "resquebrajarse", + "fidalgo", + "isla_de_man", + "gentleman", + "var\u00f3n", + "man", + "tripular", + "mozalbete", + "little_boy", + "el_hombre", + "chiquitin", + "marido", + "gaur" + ], + "she": [ + "doncella_dom\u00e9stica", + "peque\u00f1a", + "faltar", + "echar_de_menos", + "lesbianismo", + "hembra_adulta", + "brasa", + "lesbio", + "se\u00f1ora", + "a\u00f1orar", + "chiquilla", + "perderse", + "feto", + "bean", + "chamaca", + "yerro", + "hembra", + "sirvienta", + "carecer", + "fallir", + "srta", + "desacierto", + "gal", + "femenino", + "mu\u00f1eca", + "ausentarse", + "criada", + "extra\u00f1ar", + "lola", + "pulcella", + "mademoiselle", + "pubilla", + "sexo_d\u00e9bil", + "chiquitina", + "bello_sexo", + "jovencita", + "miss_a", + "goce", + "mujercita", + "chiquita", + "muchacha", + "lesbiana", + "mujer" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u00e9l_mismo", + "lia", + "de_\u00e9l", + "elli", + "\u3078", + "s\u00ed_mismo" + ], + "she": [ + "la_suya", + "las_suyas", + "el_suyo", + "ella_misma", + "los_suyos", + "jeje", + "s\u00ed_misma" + ], + "they": [ + "one", + "huma", + "ellas", + "tey", + "aca", + "lia", + "oms", + "a_ellas", + "suya", + "them", + "suyas", + "a_ellos", + "suyos", + "ellos", + "suyo", + "epi" + ], + "it": [ + "ello", + "\u00e9stos", + "\u00e9sas", + "\u00e9sos", + "aquellas", + "illo", + "esas", + "a_si_mismo", + "\u00e9sa", + "esta", + "ico", + "aqu\u00e9llas", + "it", + "esos", + "estos", + "eso", + "aqu\u00e9llos", + "por_si_mismo", + "\u00e9se", + "tyto", + "aqu\u00e9l", + "estes", + "aqu\u00e9lla" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/esu.json b/data_tooling/pii_processing/ontology/data/esu.json new file mode 100644 index 0000000..8476b87 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/esu.json @@ -0,0 +1,49 @@ +{ + "ANIMAL": [ + "lumarrallertuyuli", + "arlunaq" + ], + "PUBLIC_FIGURE": [ + "malruk" + ], + "ORG": [ + "elitnaurvik", + "united_states" + ], + "RELIGION_MEMBER": [ + "anngaq" + ], + "FOOD": [ + "kuuvviaq" + ], + "GENDER": [ + "arnaq" + ], + "LOCATION": [ + "ami_ulikaq" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "arnaq" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "tauna" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/et.json b/data_tooling/pii_processing/ontology/data/et.json new file mode 100644 index 0000000..77c063f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/et.json @@ -0,0 +1,2332 @@ +{ + "ANIMAL": [ + "p\u00e4hklin\u00e4pp", + "k\u00f5rvukr\u00e4ts", + "apodemus", + "kanakull", + "polaarrebane", + "idalunn", + "kirdekr\u00fc\u00fcsel", + "leethiir", + "haugas", + "randal", + "elektriangerjas", + "kartulimardikas", + "rohtlahaukur", + "punahirv", + "pringellased", + "kihulased", + "hallvaal", + "leevike", + "hunt\u00e4mbliklased", + "karupoeg", + "reesusmakaak", + "roostep\u00e4\u00e4suke", + "kanepilind", + "kahvrip\u00fchvel", + "loorkakk", + "l\u00e4\u00e4nes\u00f5tkas", + "bengali_tiiger", + "salutihane", + "heron", + "kalaan", + "kisakurg", + "stepivuril", + "kassikakk", + "riisiamadiin", + "kaljukotkas", + "koerliblikas", + "mustr\u00e4stas", + "muskusveis", + "kirjatuvi", + "mustlagle", + "vasarhailased", + "l\u00fcpsilehm", + "elevantkilpkonn", + "p\u00e4\u00e4sukalalased", + "haigurlased", + "rannikugorilla", + "musttihane", + "p\u00f5hjatirk", + "herilaseviu", + "heeringavaal", + "p\u00f5hjatihane", + "kanalis\u00e4ga", + "grinda", + "hallhani", + "teder", + "hangelind", + "mustvares", + "h\u00f5bekajakas", + "kivinugis", + "ninaahv", + "karkjalg", + "ka\u0161elott", + "rookass", + "kaaren", + "katkubakter", + "punavetiktaimed", + "mink", + "baribal", + "ilves", + "nahkkilpkonn", + "vesirott", + "tait", + "arukuklane", + "s\u00f5ralised", + "hirvlased", + "p\u00f5ldp\u00fc\u00fc", + "kaljutuvi", + "rohukoskel", + "paalia", + "lendorav", + "saarmas", + "m\u00e4nnileevike", + "p\u00f5ldtsiitsitaja", + "k\u00e4rnkonn", + "apteegikaan", + "lakkhunt", + "kurvits", + "luitekass", + "pulstikkits", + "vahaleedik", + "soolekepike", + "aaga", + "nugis", + "sini_r\u00e4gapart", + "politseikoer", + "rohukonn", + "karpkala", + "m\u00e4gigorilla", + "kakulised", + "suurs\u00e4\u00e4lik", + "hallj\u00e4nes", + "vereimejalased", + "valgesaba", + "turb", + "kalakajakas", + "herilane", + "tavadelfiin", + "m\u00e4gikiur", + "vikerforell", + "kivikakk", + "konlased", + "naerukajakas", + "grisli", + "vandelkajakas", + "h\u00f5behaigur", + "pistrik", + "pringel", + "listeeriabakter", + "kajaklased", + "kivirullija", + "hagijas", + "naaskelnokk", + "tuuletallaja", + "eesel", + "sookiur", + "raudkull", + "kunel", + "kabehirv", + "kond\u016bz", + "mustvaeras", + "suur\u00e4nn", + "vaskuss", + "rohunepp", + "habekakk", + "meem\u00e4ger", + "\u00fcheksav\u00f6\u00f6lane", + "ristpart", + "mustluik", + "tuhatjalg", + "lemming", + "monarhliblikas", + "vereimeja", + "kadakas\u00e4\u00e4lik", + "kaldap\u00e4\u00e4suke", + "vaalhai", + "rabapistrik", + "samblikus\u00e4\u00e4lik", + "kanaliha", + "laanep\u00fc\u00fc", + "hall\u00f5gija", + "l\u00f5unatirk", + "l\u00e4\u00e4ne_niiluse_viirus", + "poilased", + "eider", + "pollak", + "valgevaal" + ], + "PUBLIC_FIGURE": [ + "henry_cavendish", + "koolmekoht", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "valentina_tere\u0161kova", + "giovanni_boccaccio", + "rudolf_steiner", + "thomas_bayes", + "max_bruch", + "leonard_bernstein", + "sibelius", + "che_guevara", + "georges_simenon", + "c", + "edward_albee", + "hendrik", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "mary_shelley", + "marcello_malpighi", + "peter_lorre", + "david_livingstone", + "andrzej_wajda", + "carl_rogers", + "george_balanchine", + "douglas_macarthur", + "mary_wollstonecraft", + "j_edgar_hoover", + "thomas_reid", + "anna_pavlova", + "winston_churchill", + "gustav", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "terry_pratchett", + "stephen_king", + "francis_crick", + "joseph_greenberg", + "isaac_newton", + "heinrich_von_hohenstaufen", + "victor_hugo", + "jiang_jieshi", + "milton_friedman", + "edward_gibbon", + "mary_stuart", + "jefferson_davis", + "saint_louis", + "brigaadikindral", + "george_stephenson", + "john_glenn", + "john_davis", + "george_harrison", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "thornton_wilder", + "marie_curie", + "francis_galton", + "hubilai", + "michael_jackson", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "katariina", + "galileo_galilei", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "donald_glaser", + "c_northcote_parkinson", + "edmund_hillary", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "lauri", + "anne_boleyn", + "robert_burns", + "thomas_paine", + "liliuokalani", + "steven_weinberg", + "mary_pickford", + "karl_barth", + "kaarel", + "allen_iverson", + "marie_antoinette", + "lennart", + "giuseppe_verdi", + "walter_lippmann", + "karl_jaspers", + "konrad_adenauer", + "norbert_wiener", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "theodosius_i", + "hugo_grotius", + "alphonse_bertillon", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "j\u00fcrgen", + "sergei_rahmaninov", + "luigi_pirandello", + "t_s_eliot", + "hank_williams", + "edward_usutunnistaja", + "igor_stravinski", + "dorothea_lange", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "ralph_bunche", + "rudolf_bultmann", + "ja_nii_edasi", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "william_ockham", + "dante_alighieri", + "percy_shelley", + "robert_lee", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "paul_verlaine", + "robert_johnson", + "james_dean", + "robert", + "marie_tussaud", + "henrik", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "oscar_wilde", + "philip_roth", + "richard_trevithick", + "heinrich_schliemann", + "balletitantsija", + "don_quijote", + "georg", + "adolf_eichmann", + "linnuk\u00fctt", + "francis_bacon", + "pete_seeger", + "konstantin_stanislavski", + "joseph_heller", + "a", + "james_brown", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "mary_leakey", + "charlie_parker", + "immanuel_kant", + "charles_de_montesquieu", + "nellie_bly", + "lewis", + "albert_schweitzer", + "johann_friedrich_herbart", + "titus", + "johannes_kepler", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "piip", + "william_byrd", + "scott_joplin", + "carl_lewis", + "george_vancouver", + "canberra", + "elias_canetti", + "edward_jenner", + "oscar_robertson", + "oliver_hardy", + "michelangelo_caravaggio", + "jean_luc_godard", + "graham_greene", + "frans_hals", + "edward", + "lars_onsager", + "margaret_mitchell", + "henri", + "flavius_josephus", + "william_herschel", + "joseph_black", + "arthur_compton", + "niels_bohr", + "kenneth_grahame", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "jan_tinbergen", + "rudolf_diesel", + "walt_disney", + "gabriel_lippmann", + "steve_reich", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "phil_collins", + "robert_redford", + "jean_giraudoux", + "saint_lawrence_i_j\u00f5gi", + "ian_fleming", + "richard_feynman", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "paul_hindemith", + "elizabeth_taylor", + "arnold", + "john_dowland", + "william_golding", + "john_milton", + "albert_speer", + "james_baldwin", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "e_t_a_hoffmann", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "m", + "charlotte_corday", + "kuninghahk", + "allen_ginsberg", + "daniel_bernoulli", + "guillaume_apollinaire", + "henri_bergson", + "antonius", + "boris_karloff", + "pierre_corneille", + "patrick_white", + "bartholomew_roberts", + "hans_christian_andersen", + "cary_grant", + "thomas", + "pieter_zeeman", + "glenn_miller", + "mooses", + "pablo_picasso", + "l_ron_hubbard", + "peeter", + "madrus", + "christiaan_huygens", + "hector_berlioz", + "claudio_monteverdi", + "thomas_morgan", + "john_galsworthy", + "adam_smith", + "william_james", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "william_burroughs", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "henry_james", + "stephen_sondheim", + "helen_keller", + "ingrid_bergman", + "anna_kurnikova", + "leonard_bloomfield", + "koole", + "jean_piaget", + "paul_tillich", + "kaitseingel", + "maarja_magdaleena", + "walt_whitman", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "richard_wright", + "adolf_hitler", + "alfred_stieglitz", + "joseph_haydn", + "george_boole", + "edvard_grieg", + "robert_boyle", + "cordell_hull", + "rosa_parks", + "x", + "vladimir_putin", + "jim_thorpe", + "arnold_sch\u00f6nberg", + "fritz_kreisler", + "anne_hathaway", + "bill_russell", + "clarence_darrow", + "robert_fischer", + "g", + "arthur_schopenhauer", + "james_cagney", + "wanda_landowska", + "martin_heidegger", + "riigipea", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "jean_monnet", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "robert_brown", + "johannes_gutenberg", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "john_constable", + "james_mill", + "putin", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "george_sand", + "peter_sellers", + "charles_fourier", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "alexander_wilson", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "kurttumm", + "charlie_chaplin", + "j_m_barrie", + "robert_woodward", + "lea", + "john_brown", + "kuuria", + "peetrus", + "brescia", + "hannah_arendt", + "antonio_stradivari", + "maximianus", + "strauss", + "miles_davis", + "wilhelm_tell", + "george_marshall", + "stanley_kubrick", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "korstnap\u00fchkija", + "kustav", + "oliver_cromwell", + "martin_luther_king", + "william_wordsworth", + "s", + "woodrow_wilson", + "lootma", + "marcus_antonius", + "jim_henson", + "b\u00e9la_lugosi", + "ernest_hemingway", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "cesare_borgia", + "roald_amundsen", + "saint_martini_saar", + "c_a", + "anton", + "charles_dickens", + "ella_fitzgerald", + "fats_waller", + "alois_senefelder", + "jacques_offenbach", + "eliisabet", + "federico_fellini", + "hru\u0161t\u0161ov", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "bernardo_bertolucci", + "powell", + "kristoforus", + "hans_arp", + "pontius_pilatus", + "christoph_kolumbus", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "hans_j\u00fcrgen_eysenck", + "titusele", + "mick_jagger", + "georges_cuvier", + "william_harvey", + "walter_scott", + "p\u00fcha_j\u00fcri", + "vladimir_lenin", + "felipe_ii", + "reigo", + "modest_mussorgski", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "t", + "william_vallutaja", + "wilhelm_ostwald" + ], + "JOB": [ + "tulet\u00f5rjuja", + "dood\u017e", + "madrus", + "allohvitser", + "guru", + "lambur", + "kindralmajor", + "brigadir", + "lakei", + "kutsealune", + "riigiametnik", + "seersant", + "kapral", + "tantsija", + "mehaanika", + "asutaja", + "koopia", + "leitnant", + "the_ecologist", + "kindralleitnant", + "kirurg", + "valvur", + "linnapea", + "kuraator", + "heerold", + "k\u00f5neleja", + "ametlik", + "hobuserautaja", + "jutlustaja", + "magistraat", + "temp", + "don", + "king", + "valitsejer", + "lennujuht", + "aamissepp", + "the_police", + "joonlaud", + "juhataja", + "taust", + "autojuht", + "armeekindral", + "kajutiteenija", + "silitama", + "vahendaja", + "ajateenija", + "t\u00f6\u00f6line", + "the_scientist", + "helilooja", + "pankur", + "tisler", + "keldri\u00f6\u00f6lane", + "s\u00f5jav\u00e4elane", + "majandusteadlane", + "piiskop", + "printer", + "pintsaklipslane", + "passija", + "plokkfl\u00f6\u00f6t", + "tanner", + "muusikariist", + "p\u00fcttsepp", + "juhatama", + "korstnap\u00fchkija", + "muusik", + "the_guardian", + "portjee", + "president", + "nooremleitnant", + "seller", + "brigaadikindral", + "pearahak\u00fctt", + "s\u00f5ltumatu", + "maaler", + "mate", + "salakaubavedaja", + "kuberner", + "rabi", + "pastor", + "paberim\u00e4\u00e4rija", + "kolonel", + "\u00f5igusvahemees", + "hambaarst", + "viitseadmiral", + "juht", + "the_economist", + "t\u00e4navap\u00fchkija", + "streigimurdja", + "barista", + "loomaarst", + "man", + "pressiesindaja", + "doc", + "regent", + "mikrobioloog", + "treener", + "raadiovastuv\u00f5tja", + "disainer", + "preetor", + "konnetaabel", + "nouandja", + "usher", + "messenger", + "insener", + "peakokk", + "vabakutseline", + "krupjee", + "junga", + "keetma", + "r\u00e4\u00e4kija", + "labak\u00e4si", + "teadlane", + "kolonelleitnant", + "maalija", + "linnuk\u00fctt", + "meremees", + "the_independent", + "kaupmees", + "ettev\u00f5tja", + "autor" + ], + "ORG": [ + "ida", + "andromeeda_galaktika", + "magistri\u00f5pe", + "wicca", + "failipaigutustabel", + "ennastt\u00e4is", + "jan_mayen", + "kristlikud_demokraadid", + "ins", + "vanalinn", + "kinnisvaramaakler", + "puuviljasalat", + "\u00fclemn\u00f5ukogu", + "aa", + "nasa", + "ii_vatikani_kirikukogu", + "praemuna", + "kaubanduskeskus", + "ol\u00fcmpiak\u00fcla", + "the_who", + "keelpillikvartett", + "perepea", + "noort\u00fcrklased", + "san_francisco", + "t\u00e4heparv", + "armee", + "roheneemesaared", + "majanduss\u00fcsteem", + "survegrupp", + "konservatiivne_partei", + "haridus", + "gao", + "perekonna\u00f5igus", + "transportimine", + "kuldhord", + "keemiat\u00f6\u00f6stus", + "ma_armastan_sind", + "valdus\u00fching", + "john_tuzo_wilson", + "ol\u00fcmpiatuli", + "saint_helena", + "don_juan", + "rahvusvaheline_telekommunikatsiooni_liit", + "tsiviil\u00f5igus", + "kodaniku\u00fchiskond", + "koduv\u00e4givald", + "asutus", + "chiang_mai", + "sala\u00fching", + "alamkoda", + "dia", + "turumajandus", + "massimeedia", + "kihelkonnakirik", + "as_duur", + "baskimaa", + "roheline_partei", + "heaoluriik", + "vi\u0161nuism", + "karupoeg_puhh", + "caf\u00e9_au_lait", + "valimisringkond", + "al_jaz\u012brah", + "p\u00f5letatud_maa_taktika", + "rabindranath_tagore", + "gestapo", + "postkontor", + "saksa_keisririik", + "peadiagonaal", + "haldus\u00fcksus", + "maav\u00e4gi", + "kolled\u017e", + "valitsus", + "relvaj\u00f5ud", + "jehoova_tunnistajad", + "jesuiidid", + "reisib\u00fcroo", + "konservatoorium", + "kollane_j\u00f5gi", + "popkunst", + "ristikorrutis", + "kuussada", + "sotsialistlik_partei", + "europe", + "lennuv\u00e4gi", + "po", + "kolm_\u00f5de", + "i_nikaia_kirikukogu", + "n\u00e4gemisn\u00e4rv", + "i_konstantinoopoli_kirikukogu", + "plaanimajandus", + "mossad", + "merev\u00e4gi", + "huvir\u00fchm", + "ameti\u00fching", + "p\u00e4\u00e4stearmee", + "k\u00f5rgahi", + "vabam\u00fc\u00fcrlus", + "saientoloogia", + "magevesi", + "saint_barth\u00e9lemy", + "sturmabteilung", + "linnriik", + "los_angeles", + "nato", + "puhkpilliorkester", + "l\u00f5unapoolus", + "kordeballett", + "varimajandus", + "p\u00fchap\u00e4evakool", + "arengumaa", + "vabariiklik_partei", + "dominiiklased", + "noorkuu", + "sa", + "doc", + "generaalstaadid", + "veel_\u00fcks_kord", + "nukuvalitsus", + "politseiakadeemia", + "mahajaana", + "hagana", + "taoism", + "esindajatekoda", + "streptococcus_pyogenes", + "loodev\u00e4il", + "issanda_aastal", + "botaanikaaed", + "\u00fclemj\u00e4rv", + "n\u00e4rimiskumm", + "hautes_fagnes", + "kapetingid", + "mecklenburg_vorpommern", + "keelkond", + "punane_rist", + "guomindang", + "kutsekool", + "era\u00f5igus", + "s\u00e3o_tom\u00e9", + "pataljon", + "punane_meri" + ], + "LOCATION": [ + "al_jaz\u012brah", + "harilik_j\u00f5hvikas", + "ilmajaam", + "mardip\u00e4ev", + "umbtee", + "saint_clairi_j\u00e4rv", + "mustr\u00e4hn", + "harilik_alang", + "mis_siis", + "park", + "soolaj\u00e4rv", + "linnutee", + "madalmaad", + "linav\u00e4strik", + "piet_mondrian", + "j\u00f5uluvana", + "la_manche", + "sint_maarten", + "kirsiaed", + "hallvares", + "\u00fclemj\u00e4rv", + "como_j\u00e4rv", + "saksi_anhalt", + "umbt\u00e4nav", + "joseph_louis_gay_lussac", + "laugasuu", + "peat\u00e4nav", + "botaanikaaed", + "tagaplaanil", + "lake_of_the_woods", + "mets\u00fcmiseja", + "l\u00e4\u00e4nepoolkera", + "usa", + "saint_lucia", + "roheneemesaared", + "magevesi", + "ameerika", + "sri_lanka", + "konservatoorium", + "kanalisaared", + "hallhaigur", + "lennuv\u00e4gi", + "t\u00e4isnurk", + "lihav\u00f5ttesaar", + "the_rolling_stones", + "michigani_j\u00e4rv", + "tere_\u00f5htust", + "kr\u00f5v\u00f5i_rig", + "kaubamaja", + "kuumaveeallikas", + "keskpank", + "uus_maailm", + "j\u00f5ululaup\u00e4ev", + "ringristmik" + ], + "LAW": [ + "kohtuotsus", + "kaitseseisukord", + "valimiss\u00fcsteem", + "ne_bis_in_idem", + "mere\u00f5igus", + "kasumiaruanne", + "haldus\u00f5igus", + "rooma_\u00f5igus", + "kriminaal\u00f5igus", + "pressivabadus", + "riigikohus", + "s\u00f5jaseisukord" + ], + "PRODUCT": [ + "stara_planina", + "t\u00e4hes\u00f5jad", + "virvatuli", + "muusikainstrument", + "justin_bieber", + "kuullaager", + "meieisapalve", + "orbitaaljaam", + "automaatkaitsel\u00fcliti", + "suurbritannia_saar", + "meelespea", + "kolme_riigi_ajastu", + "maailmal\u00f5pp", + "ajamasin", + "ristimiskivi", + "julius_caesar", + "diskett", + "signaalit\u00f6\u00f6tlus", + "the_star_spangled_banner", + "k\u00f5rvitslatern", + "virtuaalmasin", + "armastuskiri", + "v\u00f5idukaar", + "san_joaquini_j\u00f5gi", + "tabanip\u00e4ev", + "keskmaa", + "hoorni_neem", + "s\u00f5jalennuk", + "deutsche_welle", + "neli_aastaaega", + "aval\u00f6\u00f6k", + "kohvitass", + "t\u00e4ppisteadused", + "\u00fclemlaul", + "keisril\u00f5ige", + "nordrhein_westfalen", + "merisiga", + "kosmoses\u00fcstik", + "nukumaja", + "p\u00fcha_maria", + "suurbritannia", + "soomusauto", + "arvutusl\u00fckati", + "padaemand" + ], + "FAC": [ + "kaubanduskeskus", + "loodusm\u00e4lestis", + "raudrist", + "arnold_sch\u00f6nberg", + "suusakeskus", + "katoliku_kirik", + "politseijaoskond", + "mall", + "tolliamet", + "rooma_katoliku_kirik", + "pansion", + "saint_lucia", + "k\u00fclalistemaja", + "pansionaat", + "peeter_i", + "rippsild", + "titus_livius", + "alamkoda", + "triumfikaar", + "t_l\u00fcmfots\u00fc\u00fcdid", + "t\u00e4na_\u00f5htul", + "postkontor", + "lasketiir", + "kontserdihall" + ], + "DISEASE": [ + "v\u00e4rvipimedus", + "langet\u00f5bi", + "kalor", + "teetanus", + "soolat\u00fc\u00fcgas", + "luksatus", + "salmonellabakter", + "nakkushaigused", + "klaustrofoobia", + "sarlakid", + "brutselloos", + "halvatus", + "als", + "pidalit\u00f5bi", + "vingum\u00fcrgistus", + "kolets\u00fcstiit", + "kollapalavik", + "soojus", + "jalakasurm", + "follikuliit", + "leetrid", + "suhkurt\u00f5bi", + "lamblioos", + "kraapima", + "l\u00fchin\u00e4gevus", + "kink", + "pang", + "aneemia", + "talveuni", + "silikoos", + "maohammustus", + "palavik", + "v\u00f6\u00f6tohatis", + "asutaja", + "materialism", + "valgus", + "marutaud", + "beribeeri", + "vaktsiniirmine", + "katk", + "kanapimedus", + "kaugelen\u00e4gevus", + "preeklampsia", + "hullulehmat\u00f5bi", + "koolera", + "furunkul", + "hingeldus", + "valguskartus", + "arahnofoobia", + "kraapsima", + "qi", + "autoimmuunsus", + "tagaj\u00e4rg", + "vanaean\u00e4gevus", + "c_hepatiit", + "maksap\u00f5letik", + "gimp", + "kratsima", + "rosett", + "dementsus", + "maania", + "elektril\u00f6\u00f6k", + "s\u00fcgama", + "samblikud", + "kogelema", + "progeeria", + "katalepsia", + "geneetiline_h\u00e4ire", + "arvutihiir", + "hiir", + "deliirium", + "polioviirus", + "toime", + "ebola_viirushaigus", + "haige", + "silitama", + "kobedus", + "malaaria", + "hammustama", + "lastehalvatus", + "rasedus", + "kastanipuu", + "lamatis", + "roostetamine", + "elektri\u0161okk", + "liigesep\u00f5letik", + "ill", + "s\u00fcdamepuudulikkus", + "k\u00fcberseks", + "pull", + "luksumine", + "odraiva", + "kessoont\u00f5bi", + "n\u00e4gemispuue", + "luumurd", + "salmonelloos", + "sting", + "a_hepatiit", + "kraapama", + "kiirgus", + "lisama", + "vistrik", + "trauma", + "haigus", + "samblik", + "kassikartus", + "struuma", + "listerioos", + "janu", + "ablatsioon", + "gaasistuma", + "vaktsineerimine", + "veenilaiendid", + "lordoos", + "k\u00f5rgverer\u00f5hkt\u00f5bi", + "gangreen" + ], + "SOC_ECO_CLASS": [ + "kastis\u00fcsteem", + "labor", + "samurai", + "allilm", + "proletariaat", + "t\u00f6\u00f6lisklass", + "talurahvas", + "\u00fchiskond", + "p\u00f5llumajandus", + "vennaskond", + "varimajandus" + ], + "PLANT": [ + "humallutsern", + "kurekell", + "v\u00e4\u00e4ristubakas", + "maniokk", + "vesihein", + "valgej\u00e4nes", + "eksportvili", + "kevadkogrits", + "reseeda", + "parasiittaim", + "the_joshua_tree", + "kolmisruse", + "nurmnelk", + "piinia", + "lepp", + "merikapsas", + "malpiigiat", + "harilik_maarjaohakas", + "nisulill", + "paju", + "valges\u00f5star", + "konnakilbukas", + "k\u00fclmamailane", + "visnamari", + "guajuula", + "maapirn", + "aednelk", + "austerservik", + "suvivikk", + "metsmaasikas", + "teekummel", + "kobars\u00fcsik", + "pomerantsipuu", + "sookask", + "harilik_pihlakas", + "vesim\u00fcnt", + "harilik_parkhein", + "granadill", + "tutkas", + "kardemon", + "kannike", + "toomingas", + "meliss", + "pigim\u00e4nd", + "lillkapsas", + "magun", + "sanglepp", + "kurekellukas", + "sidrunmeliss", + "bergamott", + "soontaim", + "vesilobeelia", + "katteseemnetaimed", + "harilik_jalakas", + "mets\u00fclane", + "musts\u00f5star", + "kummibursera", + "palsamnulg", + "aaskannike", + "liivtarn", + "kesamailane", + "kapsas", + "bilimbi", + "pagarip\u00e4rm", + "ranniksekvoia", + "kunstnik", + "meripuju", + "blackberry", + "k\u00f5rven\u00f5ges", + "musts\u00f5strap\u00f5\u00f5sas", + "vissel", + "maarjalepp", + "kakaouba", + "soontaimed", + "jalakas", + "kassiratas", + "l\u00f5osilm", + "j\u00f5ulupuu", + "lehis", + "valges\u00f5strap\u00f5\u00f5sas", + "habenelk", + "sirmokas", + "konnaosi", + "taidur", + "rooskapsas", + "j\u00f5ulukuusk", + "peet", + "oliivipuu", + "kassitapp", + "metsporgand", + "jumalak\u00e4pp", + "harilik_saar", + "paradiisilindlased", + "kirss", + "hiidmuna", + "parap\u00e4hklipuu", + "laukapuu", + "remmelgas", + "tondipea", + "maksak", + "seap\u00e4hkel", + "kanakoole", + "keerdm\u00e4nd", + "j\u00e4nesekapsas", + "toompuu", + "vesipaju", + "rabamurakas", + "kibuvitsamari", + "kraavtarn", + "bataat", + "v\u00e4ike_n\u00f5mmem\u00fcnt", + "tangeriin", + "meelespea", + "allikmailane", + "metskannike" + ], + "FOOD": [ + "magustoit", + "hapukoor", + "piiniap\u00e4hkel", + "poolfabrikaat", + "karastusjook", + "seesami\u00f5li", + "toiduv\u00e4rvid", + "joogivesi", + "kiirtoit", + "hakkima", + "konnakoivad", + "verivorst", + "s\u00fcnnip\u00e4evatort", + "hanemaksa", + "kartulisalat", + "friikartulid", + "palmi\u00f5li", + "kondenspiim", + "pinot_noir", + "friikad", + "t\u00e4isteraleib", + "sinihallitusjuust", + "kartulikr\u00f5ps", + "puuviljasalat", + "hommikueine", + "kaneelirull", + "vahak\u00f5rvits", + "koeratoit", + "kodujuust", + "kassitoit", + "dessert", + "hernesupp", + "kalapulk", + "kakaopulber", + "kraanivesi", + "piimatoode", + "kokakoola", + "piparkoogimehike", + "morss", + "hommikus\u00f6\u00f6k", + "limonaad", + "j\u00e4\u00e4kohv", + "piiniaseeme" + ], + "PERSON": [ + "c_vitamiin", + "julius_caesar", + "al_gore", + "edward_osborne_wilson", + "george_v", + "harilik_kivipuravik", + "rudolf_hess", + "herbert_george_wells" + ], + "RACE": [ + "hollandlased", + "inglased", + "saarlane", + "ameeriklased", + "araablased", + "juudi", + "jaapanlased", + "t\u00fcrklane", + "k\u00f5mrid", + "t\u00fcrklased" + ], + "BIO_CHEM_ENTITY": [ + "pol\u00fcvin\u00fc\u00fclkloriid", + "karmiinhape", + "d_vitamiin", + "diet\u00fc\u00fcleeter", + "rasvhapped", + "adenosiindifosfaat", + "mineraal\u00f5li", + "magneesiumkloriid", + "salits\u00fc\u00fclhape", + "atset\u00fc\u00fclkloriid", + "sidrunhape", + "r\u00e4nidioksiid" + ], + "MEDICAL_THERAPY": [ + "virtuaalreaalsus", + "verer\u00f5hk" + ], + "RELIGION": [ + "sintoism", + "judaism", + "katarid", + "vi\u0161nuism", + "salafism", + "islam", + "rastafarianism", + "presb\u00fcterlus", + "hinduism", + "wicca", + "donatism" + ], + "LANGUAGE": [ + "jidi\u0161", + "kongo", + "portugallane", + "venemaalane", + "p\u00f5hjasaami", + "norralane", + "walesi", + "kreeklane", + "prantsuse", + "katalaani", + "sakslane", + "esperanto", + "heebrealane", + "ido", + "tonga", + "aktsent" + ], + "QUANTITY": [ + "si_s\u00fcsteem", + "fibonacci_rida", + "algarv", + "meremiil", + "ton", + "dollar", + "kardinaalarv", + "g", + "ruutkilomeeter", + "viissada", + "elektronvolt", + "valgusaasta", + "ruutjalg", + "naelsterling", + "tiik", + "anders_celsius" + ], + "PERSON_PRONOUN": [ + "meie", + "i", + "sinatama", + "me", + "minu" + ], + "RELIGION_MEMBER": [ + "guru", + "frantsisklased", + "kristlane", + "kristjan" + ], + "DATE": [ + "poolkuu", + "tuhkap\u00e4ev", + "kosmoseajastu", + "kooliaasta", + "menstruaalts\u00fckkel", + "volbrip\u00e4ev", + "suremus", + "poolestusaeg", + "solaarkonstant", + "gregoriuse_kalender", + "noorkuu", + "tipptund", + "s\u00fcndimuskordaja", + "p\u00fchakutep\u00e4ev", + "v\u00f5idup\u00fcha", + "veerandsajand", + "isadep\u00e4ev", + "palmipuudep\u00fcha", + "poolsajand", + "emadep\u00e4ev" + ], + "EVENT": [ + "lahes\u00f5da", + "surmatants" + ], + "GPE": [ + "valentinip\u00e4ev", + "al_\u00e1ndalus", + "dar_es_salaam", + "p\u00f5hjapiirkond", + "mustmets", + "rannikupiirkond", + "suhkrupeam\u00e4gi", + "sint_maarten", + "elevandiluurannik", + "p\u00fcha_nikolai", + "l\u00f5unapiirkond", + "valge_maja", + "p\u00fcha_vaim", + "hagia_sophia", + "ol\u00fcmpiak\u00fcla", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "uus_testament", + "vanalinn", + "kroonikoloonia", + "inim\u00f5igused", + "kristoforus", + "p\u00fcha_nikolaus", + "peetrus" + ], + "POLITICAL_PARTY": [ + "natsionaalsotsialistlik_saksa_t\u00f6\u00f6lispartei", + "demokraatlik_partei", + "t\u00f6\u00f6partei", + "labor", + "kommunistlik_partei", + "norra_t\u00f6\u00f6lispartei", + "sotsiaaldemokraatlik_erakond", + "erakond", + "leiboristlik_partei", + "guomindang" + ], + "UNION": [ + "ameti\u00fching" + ], + "POLITICAL_PARTY_MEMBER": [ + "enamlane" + ], + "GENDER": [ + "male", + "poiss", + "man", + "plika" + ], + "ANAT": [ + "abaluut\u00f5stur" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "ljubov", + "reet", + "anu", + "kristiina", + "diana", + "anna", + "piret", + "kadri", + "eve", + "sirje", + "anne", + "viktoria", + "olga", + "galina", + "natalja", + "tiina", + "aino", + "mare", + "jekaterina", + "katrin", + "jelena", + "laura", + "aleksandra", + "maie", + "nina", + "marika", + "julia", + "merike", + "anneli", + "valentina", + "riina", + "malle", + "tatiana", + "triin", + "kristina", + "marina", + "maria", + "tatjana", + "natalia", + "svetlana", + "elena", + "tiiu", + "\u00fclle", + "nade\u017eda", + "ljudmila", + "niina", + "tamara", + "irina", + "linda", + "ene", + "kristi" + ], + "FIRST_NAME_MALE": [ + "roman", + "igor", + "rein", + "artur", + "t\u00f5nu", + "priit", + "mihhail", + "ants", + "jaanus", + "tarmo", + "pavel", + "margus", + "mihkel", + "jevgeni", + "valeri", + "juri", + "raivo", + "urmas", + "tiit", + "mati", + "nikolai", + "aleksander", + "peeter", + "aleksandr", + "aivar", + "sergey", + "martin", + "andres", + "sergei", + "maksim", + "marko", + "ivan", + "aleksei", + "sander", + "indrek", + "siim", + "toomas", + "andrei", + "viktor", + "marek", + "vello", + "jaan", + "alexander", + "j\u00fcri", + "andrus", + "dmitri", + "oleg", + "kristjan", + "vladimir", + "meelis" + ], + "PREFIX_FEMALE": [ + "proua", + "dr", + "doktor", + "prof", + "pr" + ], + "PREFIX_MALE": [ + "h\u00e4rra", + "hr", + "dr", + "doktor", + "prof" + ], + "FIRST_NAME": [ + "igor", + "artur", + "kristiina", + "mihhail", + "margus", + "olga", + "valeri", + "aleksandra", + "aino", + "raivo", + "aleksander", + "marika", + "maksim", + "anneli", + "aleksei", + "valentina", + "riina", + "toomas", + "triin", + "kristina", + "maria", + "tatjana", + "vello", + "alexander", + "j\u00fcri", + "oleg", + "roman", + "ljubov", + "diana", + "rein", + "anna", + "kadri", + "ants", + "anne", + "pavel", + "jelena", + "galina", + "katrin", + "maie", + "urmas", + "laura", + "aivar", + "sergey", + "sergei", + "merike", + "malle", + "indrek", + "tatiana", + "marina", + "jaan", + "ljudmila", + "niina", + "dmitri", + "linda", + "mihkel", + "viktoria", + "tiina", + "natalja", + "jekaterina", + "juri", + "nina", + "aleksandr", + "julia", + "martin", + "marko", + "viktor", + "marek", + "natalia", + "elena", + "tamara", + "andrus", + "kristjan", + "ene", + "kristi", + "reet", + "anu", + "piret", + "t\u00f5nu", + "priit", + "eve", + "sirje", + "jaanus", + "tarmo", + "jevgeni", + "mare", + "tiit", + "mati", + "nikolai", + "peeter", + "andres", + "ivan", + "sander", + "siim", + "andrei", + "svetlana", + "tiiu", + "\u00fclle", + "nade\u017eda", + "irina", + "meelis", + "vladimir" + ], + "LAST_NAME": [ + "vasiliev", + "sirel", + "kostin", + "nazarov", + "p\u00f5der", + "johanson", + "k\u00e4sper", + "k\u00f5iv", + "raamat", + "leppik", + "maripuu", + "kivilo", + "k\u00e4\u00e4rik", + "p\u00f5ldma", + "k\u00fctt", + "kasak", + "loginov", + "urb", + "kiisk", + "kikkas", + "kuzmin", + "tuulik", + "vares", + "p\u00f5llu", + "salumets", + "koger", + "suits", + "sulg", + "tamme", + "aasa", + "roosileht", + "abel", + "vahtra", + "zahharov", + "\u0161t\u0161erbakov", + "rohtla", + "p\u00e4rnpuu", + "grigoriev", + "alas", + "paap", + "soon", + "olesk", + "titov", + "mikk", + "trofimov", + "m\u00f5ttus", + "filippov", + "vorobjov", + "timofejev", + "trei", + "ilves", + "ploom", + "p\u00f5ldmaa", + "holm", + "kadak", + "allik", + "kask", + "tooming", + "rebane", + "novikov", + "tamm", + "jaanson", + "kool", + "kroon", + "raud", + "raag", + "medvedev", + "klaas", + "oks", + "j\u00e4rv", + "kurg", + "kuningas", + "juhkam", + "aavik", + "kangro", + "sepp", + "lauri", + "jakobson", + "saare", + "kesk\u00fcla", + "frolov", + "remmel", + "hunt", + "fomin", + "v\u00e4hi", + "toom", + "roos", + "n\u00f5mmik", + "vaht", + "heinsalu", + "vinogradov", + "sarap", + "laanemets", + "h\u00e4rm", + "abramov", + "kotkas", + "sikk", + "tamberg", + "lipp", + "kangur", + "raadik", + "p\u00e4rna", + "j\u00f5gi", + "nurk", + "gorbunov", + "klimov", + "sander", + "vahter", + "tuisk", + "vill", + "arro", + "kaasik", + "kirs", + "kaljurand", + "suvi", + "mandel", + "saveljev", + "unt", + "kuusk", + "tali", + "beljajev", + "leht", + "fedorov", + "m\u00f6lder", + "anissimov", + "m\u00e4ndla", + "toomsalu", + "aasm\u00e4e", + "madisson", + "arula", + "danilov", + "mets", + "gusev", + "merila", + "soosaar", + "uibo", + "laks", + "jakovlev", + "p\u00e4rn", + "randmaa", + "silm", + "m\u00e4gi", + "andreev", + "teearu", + "poom", + "tilk", + "kase", + "pihlak", + "hanson", + "kulikov", + "teder", + "romanov", + "konovalov", + "kr\u00f5lov", + "\u00f5unapuu", + "toots", + "rosin", + "konstantinov", + "kohv", + "p\u00e4rtel", + "orav", + "paas", + "rumjantsev", + "lind", + "kallas", + "kasemaa", + "pajula", + "kirsipuu", + "antonov", + "k\u00e4rner", + "kalm", + "saul", + "mark", + "adamson", + "l\u00e4\u00e4ts", + "kuus", + "nuut", + "jer\u0161ov", + "juhanson", + "viira", + "m\u00e4nd", + "n\u00f5mme", + "m\u00fcrk", + "raudsepp", + "tsvetkov", + "kirillov", + "laane", + "tiik", + "maidla", + "vlassov", + "jalakas", + "volkov", + "peterson", + "laine", + "sisask", + "bogdanov", + "tihhomirov", + "kattai", + "uus", + "panov", + "m\u00e4nnik", + "v\u00e4li", + "kuuse", + "pent", + "pulk", + "kivim\u00e4e", + "laur", + "tuul", + "ernits", + "moroz", + "sarapuu", + "zujev", + "kivi", + "paal", + "kurm", + "lebedev", + "denissov", + "koit", + "kotov", + "puusepp", + "t\u00e4ht", + "allas", + "poljakov", + "\u017euravljov", + "kont", + "petrov", + "sorokin", + "kudrjavtsev", + "kuznetsov", + "kallaste", + "suur", + "maksimov", + "roots", + "meister", + "mironov", + "nikitin", + "r\u00fc\u00fctel", + "sibul", + "paju", + "palu", + "pavlov", + "semenov", + "popov", + "j\u00fcrgenson", + "maslov", + "koppel", + "kiik", + "j\u00fcrisson", + "baranov", + "l\u00e4\u00e4ne", + "reimann", + "maasik", + "ivask", + "lepp", + "karpov", + "aru", + "s\u00f6\u00f6t", + "kozlov", + "loorits", + "lumiste", + "m\u00fc\u00fcr", + "lillemets", + "melnik", + "kelder", + "m\u00e4nniste", + "varik", + "pruul", + "reinsalu", + "lehiste", + "oja", + "solovjov", + "j\u00fcrgens", + "sild", + "kilk", + "\u00f5un", + "link", + "veski", + "miller", + "kalmus", + "vain", + "afanasjev", + "heinsoo", + "raja", + "jermakov", + "kikas", + "kala", + "b\u00f5strov", + "susi", + "lukk", + "sillaots", + "tarassov", + "j\u00e4nes", + "moor", + "v\u00f5su", + "naumov", + "hallik", + "nurm", + "tammik", + "korol", + "kivistik", + "treial", + "leis", + "valge", + "luik", + "org", + "s\u00e4de", + "sutt", + "gross", + "koval", + "ots", + "truu", + "annus", + "egorov", + "alekseev", + "suvorov", + "tiits", + "kiis", + "l\u00e4tt", + "kolesnik", + "matvejev", + "laht", + "saks", + "nikolaev", + "p\u00f5ld", + "sarv", + "liiv", + "soo", + "p\u00f5dra", + "pukk", + "aas", + "schmidt", + "liblik", + "fedotov", + "soots", + "luts", + "teras", + "ignatjev", + "tomson", + "piir", + "toome", + "p\u00fcvi", + "liivak", + "j\u00f5e", + "lang", + "muru", + "oras", + "bondarenko", + "koitla", + "uustalu", + "kazakov", + "lomp", + "stepanov", + "salu", + "kapp", + "voronin", + "sobolev", + "erik", + "kaljula", + "fjodorov", + "sokolov", + "kruglov", + "koort", + "meier", + "dav\u00f5dov", + "kalda", + "kaur", + "parts", + "iljin", + "smirnov", + "kokk", + "sillaste", + "laan", + "eller", + "j\u00f5esaar", + "lember", + "lumi", + "vaino", + "randoja", + "mitt", + "aun", + "valk", + "ruus", + "gromov", + "mihhailov", + "palm", + "kasemets", + "teesalu", + "sidorov", + "m\u00e4esalu", + "kiil", + "kalamees", + "filatov", + "rand", + "safronov", + "makarov", + "r\u00e4tsep", + "kisseljov", + "saar", + "aus", + "drozdov", + "ojaste", + "piho", + "klein", + "viks", + "niit", + "hein", + "kondratjev", + "kaljuvee", + "jaakson", + "karro", + "lass", + "belov", + "anton", + "kirss", + "sergejev", + "ojala", + "zaitsev", + "sokk", + "visnapuu", + "\u017eukov", + "lehtmets", + "laas", + "\u00f5ispuu", + "piirsalu", + "l\u00f5hmus", + "pikk", + "taal", + "j\u00e4rve", + "treier", + "gerassimov", + "kuusik", + "markus", + "post", + "ossipov", + "\u0161evt\u0161enko", + "michelson", + "martin", + "liiva", + "ader", + "lehtla", + "ivanov", + "nikiforov", + "gavrilov", + "anderson", + "m\u00fc\u00fcrsepp", + "m\u00e4e", + "m\u00e4eots", + "must", + "erm", + "aleksandrov", + "kriisa", + "k\u00e4\u00e4r", + "simson", + "pihelgas", + "raidma", + "kink", + "kurvits", + "t\u00f5nisson", + "lepik", + "mal\u00f5\u0161ev", + "luht", + "kolk", + "rosenberg", + "jaanus", + "soosalu", + "n\u00f5mm", + "lokk", + "kass", + "martinson", + "komarov", + "borissov", + "villemson", + "golubev", + "pettai", + "orlov", + "liivam\u00e4gi", + "lukin", + "dmitriev", + "talts", + "siim", + "hansen", + "kaljuste", + "viik", + "salum\u00e4e", + "ott", + "lill", + "kutsar", + "tomingas", + "gont\u0161arov", + "raid", + "karu", + "jefimov", + "vaher", + "kalinin", + "jegorov" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abtiss": "abt", + "lellenaine": "lell", + "paruness": "parun", + "\u00e4rinaine": "\u00e4rimees", + "t\u00fctar": "poeg", + "hertsoginna": "hertsog", + "plika": "t\u00fc\u00fcp", + "t\u00fcdruk": "kutt", + "pojat\u00fctar": "pojapoeg", + "t\u00fctret\u00fctar": "t\u00fctrepoeg", + "emaema": "emaisa", + "isaema": "emaisa", + "kangelanna": "kangelane", + "matrix": "es\u00e4", + "nunn": "munk", + "pr\u00edncipe": "prince", + "printsess": "prince", + "kuninganna": "kuningas", + "queens": "kuningate_raamatud", + "elu": "too", + "s\u00f5ssar": "veli", + "s\u00f5sar": "veli", + "\u00f5de": "veli", + "kasuema": "kasuisa", + "ikma": "leskmees", + "lesk": "ikma", + "naine": "man", + "n\u00f5id": "v\u00f5lur", + "wicca": "v\u00f5lur", + "nisu": "man", + "poiss": "plika" + }, + "other_gender_swap": { + "epi": "elu", + "nemad": "elu", + "too": "epi", + "ilu": "epi", + "elu": "epi" + }, + "en_pronoun2gender": { + "they": [ + "biseksuaalne" + ], + "he": [ + "kutt", + "mees", + "male", + "h\u00e4rra", + "gaur", + "man", + "t\u00fc\u00fcp", + "little_boy", + "poiss" + ], + "she": [ + "missa", + "preili", + "lesbi", + "nisu", + "plika", + "t\u00fcdruk", + "naine" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "siis", + "elu", + "ilu", + "too", + "siin", + "seine" + ], + "she": [ + "sitt", + "elu" + ], + "they": [ + "sitt", + "nemad", + "epi" + ], + "it": [ + "too", + "need", + "it" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/eu.json b/data_tooling/pii_processing/ontology/data/eu.json new file mode 100644 index 0000000..6034432 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/eu.json @@ -0,0 +1,2165 @@ +{ + "JOB": [ + "elizako_doktore", + "pikadera", + "bizargile", + "interpretari", + "zentsuratzaile", + "kartzelari", + "laburtzaile", + "marrazkilari", + "korazari", + "lorazain", + "zuzendari", + "tailista", + "planifikatzaile", + "guru", + "fundatzaile", + "ferratzaile", + "maitre", + "karrozazain", + "marrazkigile", + "ertzainburu", + "tailugile", + "bereter", + "fabrikatzaile", + "etxezain", + "bolazain", + "sarrailgin", + "dendari", + "hobiratzaile", + "markatzaile", + "komandante", + "gortesau", + "faltsutzaile", + "tapizari", + "bokatari", + "sindikatzaile", + "berreskuratzaile", + "estatistikari", + "gerrari", + "gainbegiratzaile", + "zergari", + "zuzendaritza_departamentu", + "galeriano", + "bukatzaile", + "tornulari", + "maneiatzaile", + "kozinatu", + "fabrikante", + "armagin", + "urreztatzaile", + "ekortu", + "garagardo_beltz", + "mariskal", + "en_buru_izan", + "kartografo", + "faltsifikatzaile", + "brotxal", + "tripulatzaile", + "espetxeburu", + "botereguztidun", + "don", + "king", + "asmatzaile", + "tapizgile", + "mendizain", + "gerontologo", + "banderari", + "konpositore", + "haginlari", + "gelari", + "bolatzaile", + "the_police", + "margotzaile", + "larrugin", + "pintore", + "bankari", + "eskulangile", + "terapeuta", + "hegazkinlari", + "gelazain", + "skinner", + "sakristau", + "losintxari", + "hartzekodun", + "artatu", + "kargudun", + "errotulatzaile", + "saskiratzaile", + "otsein", + "trimmer", + "amaitzaile", + "eratzaile", + "boluntario", + "estomatologo", + "saiolari", + "liburuzain", + "diplomazi_ministro", + "komodoro", + "seneskal", + "perzkin", + "paketatzaile", + "jokozain", + "ero_sendagile", + "para", + "lematu", + "unionista", + "lagunkide", + "garraiatzaile", + "zamaltzain", + "zeramista", + "sarraskijale", + "ingeniari", + "mandazain", + "tren_makinista", + "mastermind", + "hitzemaile", + "albaitari", + "lehendakari", + "hargailu", + "yatelari", + "errabino", + "gautxo", + "buruxkari", + "zentsore", + "aztarnari", + "alderdiburu", + "alkate", + "mintzazaile", + "agintariorde", + "maletazain", + "gerente", + "gudamutil", + "sakatzaile", + "banderadun", + "elektronikari", + "garri", + "farolari", + "intendente", + "ile_apaintzaile", + "fintzaile", + "legegizon", + "karrozagin", + "nobelagile", + "mintzalari", + "industriari", + "brigadier", + "kliniko", + "alferiz", + "antolatzaile", + "argazkilari", + "gurdizain", + "kamikaze", + "osteopata", + "arratoi", + "driver", + "aseguru_agente", + "kirurgialari", + "kantagile", + "dermatologo", + "interpretatzaile", + "erradiologo", + "kameralari", + "salerosle", + "pastelgile", + "karroza", + "takigrafo", + "bisir", + "margolari", + "manifestari", + "koordinatzaile", + "udaltzain", + "grebalari", + "haziendazain", + "beterano", + "burgumaisu", + "oharrarazle", + "master", + "the_guardian", + "ginekologo", + "goldelari", + "garbitzaile", + "kabalzain", + "partzuer", + "biltzaile", + "karikaturagile", + "bidaide", + "geofisikari", + "granadari", + "mandarin", + "mandatugile", + "buruzagi", + "elkarkide", + "botilari", + "istripu_zerebrobaskular", + "setter", + "arrailari", + "galdaragile", + "orrialde", + "kaligrafo", + "mate", + "ebanista", + "aseguru_flotatzaile", + "sugile", + "bizargin", + "lorezain", + "garraiolari", + "larreratu", + "kopari", + "jole", + "neurokirurgilari", + "botikari", + "amiralorde", + "mintzatzaile", + "fosforu", + "bulegari", + "taldeburu", + "erizain", + "zarakar", + "umezain", + "presozain", + "pastor", + "mailegatzaile", + "txanpongile", + "sheriff", + "sakalari", + "maketagile", + "sorosle", + "zaharberritzaile", + "eramaile", + "tailagin", + "gauzain", + "aldeko", + "kristalari", + "eskirol", + "markazain", + "behizain", + "kanpaigile", + "mahaizain", + "bozeramaile", + "alkaide", + "treveris", + "lotinant", + "fideikomisodun", + "golegile", + "amatatzaile", + "trakzio", + "geometria_irakasle", + "the_economist", + "abiadore", + "tokologo", + "lantzari", + "okin", + "latorrigile", + "beiragile", + "maistra", + "carter", + "gabarrari", + "haurtzain", + "argitaletxe", + "igeltsero", + "saiogile", + "neurologo", + "piraguista", + "artezilari", + "errotari", + "merkatari", + "koronel", + "kronikari", + "man", + "eskultore", + "marine", + "zamaketari", + "eleberrigile", + "kardiologo", + "subirano", + "elizain", + "urdain", + "hematologo", + "botari", + "argitaratzaile", + "sarrailari", + "biharamun", + "barano", + "hazle", + "the_machinist", + "trazu", + "kamioilari", + "haratusteljale", + "tindatzaile", + "gantzulari", + "bestondo", + "au_pair", + "tenienteorde", + "orga_gidari", + "despentsari", + "zientzialari", + "proconsul", + "zubizain", + "kudeatzaile", + "presondegiburu", + "teniente", + "baleazale", + "sukaldari", + "papereztatzaile", + "kronometratzaile", + "bustigailu", + "giltzain", + "takimekanografo", + "bilakari", + "paraxutista", + "bigarren", + "karrozari", + "baratzezain", + "croupier", + "kantziler", + "maiordomo", + "edarizain", + "trangadera", + "the_deer_hunter", + "interprete", + "latorrilari", + "neurozirujau", + "printzipal", + "ebakitzaile", + "kaporal", + "diseinugile", + "seintzain", + "zirujau", + "giltzari", + "funtzionario", + "cookie", + "tramoiari", + "pintatzaile", + "egile", + "mazolari", + "arinkari", + "rocker", + "entziklopedista", + "gainkargu", + "pastore", + "administrazio_sail", + "upelagile", + "aje", + "langilezain" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "lambert", + "lev_ivanov", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "jean_laffite", + "giovanni_boccaccio", + "rudolf_steiner", + "thomas_wolfe", + "thomas_bayes", + "ben_hogan", + "maria_magdalakoa", + "johann_bernoulli", + "arte_irakasle", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "augustin_fresnel", + "edward_albee", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "makiavelo", + "vasili_kandinski", + "mary_shelley", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "david_livingstone", + "john_herschel", + "gauss", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "george_balanchine", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "maria_magdalena", + "thomas_reid", + "john_jacob_astor", + "protagonistakide", + "anna_pavlova", + "winston_churchill", + "trobalari", + "b", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "andrew_marvell", + "terry_pratchett", + "stephen_king", + "francis_crick", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "edward_gibbon", + "jefferson_davis", + "saint_louis", + "george_stephenson", + "john_glenn", + "john_davis", + "george_harrison", + "ponpeio", + "peter_minuit", + "george_orwell", + "maximiano", + "arthur_koestler", + "richard_wagner", + "thornton_wilder", + "pancho_villa", + "leopold_stokowski", + "marie_curie", + "francis_galton", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "partitzaile", + "samuel_beckett", + "david", + "galileo_galilei", + "jane_goodall", + "chaim_weizmann", + "elizabete", + "robert_koch", + "george_eastman", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "magallaes", + "john_ruskin", + "robert_burns", + "koblakari", + "thomas_paine", + "hans_jurgen_eysenck", + "steven_weinberg", + "estatuburu", + "mary_pickford", + "emiliano_zapata", + "elisabet", + "karl_barth", + "phil_anderson", + "samuel_johnson", + "jesus", + "katalina", + "marie_antoinette", + "giuseppe_verdi", + "e", + "karl_jaspers", + "gehiago", + "beethoven", + "hideki_yukawa", + "konrad_adenauer", + "norbert_wiener", + "mark_rothko", + "maurice_chevalier", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "kasio", + "louis_pasteur", + "j", + "richard_strauss", + "leslie_howard", + "hugo_grotius", + "ben_shahn", + "john_ford", + "katherine_mansfield", + "gertrude_stein", + "bolazain", + "saladin", + "sarah_bernhardt", + "philip_marlowe", + "luigi_pirandello", + "t_s_eliot", + "igor_stravinski", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "sastrakadi", + "samuel_barber", + "tobias_smollett", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "charles_goodyear", + "dante_alighieri", + "behetar", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "paul_verlaine", + "james_dean", + "zientzia_irakasle", + "roger_bannister", + "theodor_schwann", + "alessandro_manzoni", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "oscar_wilde", + "philip_roth", + "henry", + "kuria", + "heinrich_schliemann", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "adolf_eichmann", + "marilyn_horne", + "francis_bacon", + "pete_seeger", + "konstantin_stanislavski", + "a", + "morris", + "peter_brian_medawar", + "mendizain", + "james_brown", + "william_hogarth", + "ameriko_vespuzio", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "weber", + "alexandre_yersin", + "n", + "albert_schweitzer", + "giulio_natta", + "johannes_kepler", + "max_planck", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "john_bardeen", + "john_wilkes", + "christopher_fry", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "canberra", + "elias_canetti", + "edward_jenner", + "juglare", + "oreonympha_nobilis", + "moises", + "oliver_hardy", + "san_martin", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "graham_greene", + "frans_hals", + "lars_onsager", + "igor_stravinsky", + "stuart_davis", + "jan_swammerdam", + "mary_mccarthy", + "david_riesman", + "john_walker", + "william_herschel", + "ernst_hoffmann", + "joseph_black", + "montesquieu", + "arthur_rubinstein", + "karmelita", + "arthur_compton", + "leon_trotski", + "niels_bohr", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "sergei_rakhmaninov", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "joseph_schumpeter", + "steve_reich", + "lee", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "phil_collins", + "robert_redford", + "jean_giraudoux", + "on_kixote", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "erremintari", + "marcel_proust", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "paul_robeson", + "john_dowland", + "william_golding", + "robert_motherwell", + "john_milton", + "rudolf_serkin", + "peter_stuyvesant", + "c_programazio_lengoaia", + "samuel_adams", + "james_baldwin", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "macaca_nemestrina", + "john_fletcher", + "jeronimo_bosch", + "caravaggio", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "joseph_henry", + "henri_bergson", + "josef_hoffmann", + "zizeron", + "boris_karloff", + "pierre_corneille", + "on_kixote_mantxakoa", + "patrick_white", + "hans_christian_andersen", + "reich", + "william_morris", + "cary_grant", + "valentina_terexkova", + "ford", + "pieter_zeeman", + "glenn_miller", + "zintzinato", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "alan_hodgkin", + "thomas_moore", + "kurt_weill", + "otto_hahn", + "lester_young", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "claudio_monteverdi", + "stravinsky", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "robert_indiana", + "william_burroughs", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "charles_barkley", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "leonard_bloomfield", + "jean_piaget", + "henri_rousseau", + "frank_norris", + "sekula_belar", + "frank_stella", + "robert_southey", + "walt_whitman", + "william_wyler", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "chopin", + "karl_maria_von_weber", + "adolf_hitler", + "maria_mitchell", + "san_jurgi", + "fritz_haber", + "archibald_macleish", + "joseph_haydn", + "george_boole", + "zibeles", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "alan_paton", + "james_wilson", + "rosa_parks", + "tomas", + "samuel_goldwyn", + "fresatzeko_makina", + "x", + "vladimir_putin", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "george_fox", + "christopher_isherwood", + "anne_hathaway", + "margaret_court", + "emile_zola", + "charles_lamb", + "g", + "anthony_comstock", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "henri_pitot", + "wanda_landowska", + "martin_heidegger", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "antony_tudor", + "steven_spielberg", + "jean_monnet", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "alexandre_dumas", + "thomas_carlyle", + "bobby_fischer", + "johannes_gutenberg", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "andre", + "pierre_boulez", + "hans_adolf_krebs", + "bolzano_bozen", + "girolamo_savonarola", + "emma_goldman", + "anna_kournikova", + "francis_poulenc", + "john_constable", + "putin", + "matthew_flinders", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "hegaldiko_laguntzaile", + "mary_harris", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "george_meredith", + "robert_morris", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "charlie_chaplin", + "d_h_lawrence", + "john_brown", + "elizabeth_gaskell", + "hugo_junkers", + "lillian_hellman", + "carter", + "thomas_merton", + "hannah_arendt", + "antonio_stradivari", + "robinson_jeffers", + "andrei_sakharov", + "miles_davis", + "itzain", + "edmund_cartwright", + "george_marshall", + "jesse_jackson", + "willa_cather", + "stanley_kubrick", + "john_huston", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "gorka", + "helmut_schmidt", + "homo", + "frederick_douglass", + "david_hilbert", + "skinner", + "wilhelm_reich", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "margaret_sanger", + "gustav_hertz", + "richard_rodgers", + "morgana", + "john_dryden", + "jim_henson", + "b\u00e9la_lugosi", + "ernest_hemingway", + "george_westinghouse", + "aquila", + "richelieu_kardinala", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "bolatzaile", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "hans_bethe", + "hans_geiger", + "cesare_borgia", + "roald_amundsen", + "sherwood_anderson", + "richard_leakey", + "charles_dickens", + "ella_fitzgerald", + "fats_waller", + "thomas_sydenham", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "joseph_paxton", + "william_curtis", + "george_stevens", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "bernardo_bertolucci", + "jan_steen", + "john_ross", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "georges_cuvier", + "william_harvey", + "walter_scott", + "august_von_wassermann", + "vladimir_lenin", + "robert_peary", + "robert_browning", + "antton", + "comenius", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "goebbels", + "walter_gropius", + "albert_einstein", + "l", + "robert_joffrey", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "t" + ], + "FAC": [ + "komisarian", + "komisaria", + "komisaldegi", + "enparantza", + "saltegi", + "kiroldegi", + "josef_nazaretekoa", + "arnold_sch\u00f6nberg", + "plaza", + "santa_luzia", + "donostia", + "petri_i.a_errusiakoa", + "herriko_etxe", + "san_jakue", + "postetxe", + "erostetxe", + "familia_santua", + "hogeita_hamahiru", + "erromatar_eliza_katolikoa" + ], + "ANIMAL": [ + "gabatxo", + "terenura_sharpei", + "urretxori", + "basazaldi", + "xibarta", + "apodemus", + "mandeuli", + "monachus_schauinslandi", + "atalar", + "kaliforniar_galeper", + "kurruka", + "komatula", + "martin_hegalzuri", + "erbinude", + "zelabere", + "arkanbele", + "lehoikume", + "aie_aie", + "sai_arre", + "billy_elliot", + "adarzabal", + "hegagorri", + "pasatzaile", + "mirounga_leonina", + "basasto", + "hontza", + "basahuntz", + "belatz", + "canis_minor", + "manta", + "sitta_carolinensis", + "kurumino", + "carduelis", + "gauhontz", + "erlama", + "kalimotxo", + "mantodea", + "istingor", + "erne", + "muxar_gris", + "antseriforme", + "pertziforme", + "beletxiki", + "apodun", + "zapelatz", + "atalo", + "mokoker", + "felido", + "basurde", + "gailupa", + "marikoi_handi", + "erremige", + "galgo", + "frantximent", + "hegabera", + "pinipedio", + "la_ardilla_roja", + "anuru", + "zigala", + "koartza", + "passer", + "itsasantzar", + "artiodaktilo", + "andrezale", + "kaleko_katu", + "belabeltz", + "lagopodo", + "birigarro", + "cocker", + "tetraoninae", + "larreoilo", + "accipiter", + "sai_beltz", + "hankarin", + "betaundi", + "garraztarro", + "gautar", + "basoilar", + "limikolo", + "giloi", + "basatxakur", + "banteng", + "ikaraio", + "pagauso", + "zinipido", + "kolaka", + "luhartz", + "diktioptero", + "erlatxori", + "perisodaktilo", + "ammospermophilus", + "ictiobus_niger", + "muskuilu", + "sable", + "tintoleta", + "herpes_zoster", + "basasagu", + "mazopa", + "oniscidea", + "mirotz", + "eskarda", + "estomatomikosi", + "milazango", + "zankaluze", + "makarela", + "erroi", + "errauli", + "flagelatu", + "ziraun", + "zamari", + "katamotz", + "holoturia", + "fukusa", + "sai_motz", + "mamalio", + "sitta_canadensis", + "artropodo", + "cadernera", + "sai_papargorri", + "zerbido", + "gautxori", + "labezomorro", + "salvelinus_fontinalis", + "eagle", + "gonazale", + "homoptero", + "hontz", + "ross_antzara", + "martin_arrantzale", + "kondor", + "martes_zibellina", + "katagorri", + "sai_zuri", + "karnaba", + "peristediidae", + "eider", + "zeroi", + "arvicola" + ], + "LOCATION": [ + "al_jazeera", + "jokaleku", + "burdinbide", + "psikiatriko", + "patrizio_irlandakoa", + "ameriketako_estatu_batuetako_armada", + "corpus_christi", + "yangzi", + "kristobal_kolon", + "piet_mondrian", + "gabonzahar", + "sint_maarten", + "badaezpada", + "banalerro", + "hornos_lurmuturra", + "selvagens", + "justiziako_sala", + "saint_vincent", + "osman_i.a", + "ez_horregatik", + "hungariako_biltzar_nazionala", + "bizarzuri", + "usa", + "ingalaterra_berria", + "oihanetako_aintzira", + "sri_lanka", + "urtezahar_gau", + "banku_zentral", + "eroetxe", + "kantxa", + "three_amigos", + "ha_long_badia", + "the_rolling_stones", + "falklandak", + "kryvyi_rih", + "estatu_batuak", + "heitor_villa_lobos", + "louis_joseph_gay_lussac", + "karmel_mendia", + "frantziako_nazio_biltzarra" + ], + "PERSON": [ + "tai_mendia", + "al_gore", + "c_bitamina", + "saint_vincent", + "gioconda", + "i_ching", + "william_playfair", + "onddozuri", + "don_delillo", + "edward_osborne_wilson", + "autoestimu", + "autodiziplina", + "autoestimazio", + "carl_david_anderson", + "yo_yo", + "herbert_george_wells" + ], + "DISEASE": [ + "su_eman", + "arbindu", + "sastako", + "goragale", + "mizetismo", + "inarrosaldi", + "bahitze", + "eskoliosi", + "afariusi", + "bektore", + "polinosi", + "errubeola", + "eskorbuto", + "geun", + "erredura", + "landaretza", + "ernaldi", + "orbain", + "bozio", + "kolazio", + "kuraia", + "analgesia", + "larreratze", + "kukutxeztul", + "salmonellosi", + "betxindor", + "xaramel", + "ahuspezte", + "herdoildura", + "negel", + "aldigaizto", + "progeria", + "sinfisi", + "ernalmin", + "pikante", + "zurieri", + "hamarretako", + "esklerosi", + "legenar", + "erradiazio", + "erremin", + "makatu", + "toxikomania", + "energy", + "minusbaliotasun", + "eskrofula", + "itsutasun", + "erreumatismo", + "berezi", + "maskur", + "konplikazio", + "galbeko", + "zornadura", + "erroseta", + "esterilitate", + "juanikote", + "eskorbutu", + "beriberi", + "kondizio", + "elgorri", + "mania", + "alderantzikatze", + "handitsu", + "umeske", + "zitomegalobirus", + "struma", + "phytophthora_infestans", + "sumundu", + "min_hori", + "dementzia", + "poliomielitis", + "ziro", + "eskarlatina", + "deshidratazio", + "distrofia", + "franbesia", + "karrakatze", + "ernetasun", + "alditxar", + "karranpa", + "dosifikazio", + "bateraezintasun", + "pirosi", + "klaustrofobia", + "ez_gustatu", + "gainazpiketa", + "indigestio", + "down_sindrome", + "pelagra", + "kretinismo", + "sarjenta", + "desmineralizazio", + "furunkulu", + "beltzarandu", + "burtsitis", + "para", + "aheri", + "gaztaina", + "katarata", + "handicap", + "ubeldu", + "mieloma", + "talasemia", + "zimeltze", + "urbasa", + "hamaiketako", + "loeri", + "babatu", + "begetazio", + "zaintiratu", + "tetelatu", + "urtzaile", + "pedikulu", + "indurazio", + "sabelaldi", + "anasarka", + "takikardia", + "perlesia", + "kailu", + "xerratu", + "faringitis", + "goitenperatura", + "erreskaldatu", + "delirium", + "erregresio", + "estrabismo", + "zainbihurtu", + "izozketa", + "herdoiltze", + "aholegar", + "erisipela", + "toteltasun", + "araldi", + "maingutasun", + "beherako", + "gorrina", + "haurduntza", + "silikosis", + "kolitis", + "gimp", + "oestrus", + "biroide", + "erraldoitasun", + "frenzy", + "hernia", + "leuzemia", + "alexia", + "herpes", + "toxemia", + "kartzinoma", + "lo_egin", + "astanafarreri", + "elbarritasun", + "doministiku", + "paralisi", + "arreske", + "katalepsia", + "ezkeltasun", + "trokatze", + "garatxo", + "gaixotasun", + "tentetze", + "kalanbre", + "barizela_zoster_birus", + "gandu", + "helgaitz", + "kokainazaletasun", + "kolapso", + "moldagabezia", + "the_sting", + "listeriosi", + "erretrobirus", + "pozoidura", + "erreuma", + "oftalmia", + "inpetigo", + "murmur", + "lunbago", + "makaleria", + "odoljario", + "erdibitu", + "paludismo", + "hazizurri", + "adipositate", + "lo_galtze", + "heroinomania", + "satar", + "polidaktilia", + "kokainomania", + "loratu", + "zoster_herpes", + "the_passion_of_the_christ", + "purpura", + "freskotasun", + "mugiarazi", + "filtrazio", + "barizela", + "tontotasun", + "laringitis", + "lokadura", + "hordikeria", + "paraplegia", + "als_uhartea", + "kaltzifikazio", + "distentsio", + "mielitis", + "bazkatze", + "betor", + "ebola_gaixotasun_biriko", + "hantura", + "mongolismo", + "bekatxo", + "barize", + "mi", + "kongestio", + "gibeleko", + "aura", + "beltz_beltz", + "kakexia", + "erlakizten", + "txerritegi", + "sting", + "gorreri", + "gainazpikaldi", + "burtzoro", + "haurdunaldi", + "arritmia", + "biriketako", + "azkordin", + "zinkurin", + "tronbosi", + "oilaur", + "alborengo", + "trauma", + "silikosi", + "errotabirus", + "fundatzaile", + "larrudura", + "uspeldu", + "baginismo", + "gangeri", + "logabezia", + "eskandalizatu", + "pozoitze", + "bruzelosi", + "salmonelosi", + "ihartze", + "zailtze", + "abitaminosi", + "sugarrastu", + "flemoi", + "zornatu", + "zimeldura", + "min_gorri", + "pirexia", + "amigdalitis", + "minbizi", + "salmonella", + "odolustu", + "paresia", + "horditasun", + "malaria", + "errakitismo" + ], + "PLANT": [ + "sagarmin", + "indi_gaztaina", + "haltz", + "basaerramu", + "aihenzuri", + "melissa", + "gereziondo", + "minbera", + "bioleta", + "the_joshua_tree", + "astakardo", + "heskai", + "helianthus", + "almeza", + "beltxata", + "krisantemo", + "solanaceae", + "kinkina", + "lasturrin", + "apoperrexil", + "tartiku", + "sikomoro", + "gandoilar", + "amanita", + "marmaratilla", + "mastika", + "basabitxilore", + "santa_maria", + "gramineo", + "pastana", + "arkakarats", + "babarrun_loregorri", + "iraka", + "basaka", + "salix_triandra", + "azalore", + "bergamotondo", + "convolvulus", + "gentiana_lutea", + "aranondo", + "kautxu_zuhaitz", + "arctostaphylos_alpina", + "sakura", + "gingondo", + "papaver", + "urdinbelar", + "tipuleta", + "guinda", + "klementinondo", + "arantzabeltz", + "irabelar", + "urbeltz", + "hidrofito", + "gerezi", + "goilora", + "alkanforrondo", + "basagereziondo", + "mendaski", + "oilakaran", + "urrilo", + "basaran", + "manioka", + "astapiko", + "sasiakazia", + "ositxeka", + "santio_belar", + "kamamila", + "palaxu", + "dianthus_barbatus", + "terebuzu", + "pipermorro", + "margosa", + "basabaratxuri", + "ostartx", + "garraiska", + "lekugi", + "eglantina", + "azenario", + "getozka", + "basagurbe", + "okotillo", + "saiestu", + "pinu", + "astigar", + "astalikardu", + "laritz", + "phytophthora_infestans", + "sasifruitu", + "abaritz", + "martxuka", + "marakuia", + "zurikatx", + "milorri", + "kardamomo", + "helofito", + "blackberry", + "solanum", + "erremolatxa", + "lo_belar", + "ahuntzadar", + "sasiokaran", + "anagallis_tenella", + "mostaza", + "pseudokarpo", + "frantses_patata", + "sabina", + "arum", + "cyperus_papyrus", + "saccharomyces_cerevisiae", + "kaputxina", + "txirimoia", + "zalke", + "hazibiluzi", + "eskuhori", + "eskortzonera", + "askimotz", + "errebelar", + "asentsio", + "belaiki", + "alertze", + "likidanbar", + "basatabako", + "kotiledoibiko", + "azaburu", + "gentiana_acaulis", + "mingots", + "nasturtium", + "legeltxor", + "hierarka", + "kuleto", + "zimelegur", + "edelweiss", + "sasiama", + "alkanfor", + "sahats", + "phytolacca_americana", + "artelatz", + "belladonna", + "bruselaza", + "zikadal", + "arctostaphylos_uva_ursi", + "myrica_gale", + "lausarda", + "sapelar", + "castanea", + "magnolia", + "errizino", + "arangurbe", + "ginga", + "barrengorri", + "zihaurri", + "sandalo" + ], + "SOC_ECO_CLASS": [ + "merkatu_beltz", + "nekazalgo", + "anaiarte", + "esnegain", + "samurai", + "emakumetasun", + "gizarte", + "burgesia", + "pikatxoi", + "proletalgo", + "gantzugailu", + "noblezia" + ], + "FOOD": [ + "bexamel", + "gosaldu", + "mousse", + "tripotx", + "ile_gogortzaile", + "barruki", + "postre", + "hostore", + "janari_laster", + "pinazi", + "pipermin", + "budin", + "galirin", + "hanburgesa", + "gosari", + "txingoma", + "menda_likore", + "chili", + "babarrun_zuri", + "gomagoxo", + "deserta", + "zuringo", + "gibelerrai", + "esne_gaingabetu", + "urazukre", + "sakote", + "limonada", + "indipiku", + "nahaski", + "freskagarri" + ], + "ORG": [ + "postetxe", + "auto_fabrikatzailea", + "batailoi", + "doi", + "gabonzahar_gau", + "gorbernu", + "kode_zibil", + "loti_ederra", + "lizeo", + "pluskuanperfektu", + "proletalgo", + "ibai_horia", + "jan_mayen", + "espazio_metriko", + "the_usual_suspects", + "san_nikolas", + "aa", + "nasa", + "bollywood", + "on_egin", + "gorteiatzaile", + "europol", + "schutzstaffel", + "konstantzako_kontzilioa", + "justizia_departamentu", + "the_who", + "san_nikolas_barikoa", + "laukitxo", + "haganah", + "sasienpresa", + "on_dagizula", + "yangzi", + "hamaikako", + "gomagoxo", + "san_francisco", + "norvegiako_alderdi_laborista", + "bitxigintza", + "herri_fronte", + "aire_armada", + "kode_penal", + "gudaroste", + "justizia_sail", + "alemaniako_langile_alderdi_nazionalsozialista", + "klasismo", + "brahmanismo", + "gao", + "ikerketa_bulego_federala", + "eliza_katolikoa", + "irlandako_alderdi_berdea", + "aeb", + "saint_vincent", + "josef_nazaretekoa", + "gabonzahar", + "the_faculty", + "alderdi_kontserbadorea", + "erresuma_batuko_alderdi_kontserbadorea", + "bateko", + "dia", + "taoismo", + "arraintalde", + "etxe_zuria", + "framazoneria", + "psikiatriko", + "lorategi_botaniko", + "frankmazoneria", + "vishnuismo", + "han_dinastia", + "the_breakfast_club", + "rabindranath_tagore", + "gestapo", + "barnetegi", + "hautesbarruti", + "santa_helena", + "donostia", + "the_full_monty", + "auzitegi_goren", + "andromeda_galaxia", + "erregimen", + "andrekoi", + "eskola", + "alderdi_komunista", + "masoneria", + "frantziako_alderdi_sozialista", + "pentsio_plan", + "abangoardismo", + "alderdi_laborista", + "eltzeitsu", + "i_ching", + "al_jazeera", + "fronte_popularra", + "alderdi_progresista", + "po", + "telekomunikazioen_batasun_internazionala", + "mossad", + "enara_arrunt", + "nautilus_pompilius", + "the_grapes_of_wrath", + "armada_gorria", + "koadrikula", + "ursa_major", + "tabakogintza", + "saint_barth\u00e9lemy", + "los_angeles", + "nato", + "aldundi", + "mariaren_jasokundea", + "mazoneria", + "eliza_katoliko", + "mi", + "by_the_way", + "hanpa", + "irakaskuntza_erakunde", + "hartz_handia", + "hazibide", + "goi_mailako_klase", + "ilberri", + "hedabide", + "errebindikazio", + "blue_jeans", + "troiatar", + "streptococcus_pyogenes", + "txingoma", + "lis_lore", + "mahainguru", + "olibetako_mendia", + "haredi", + "superpotentzia", + "ospitale_psikiatriko", + "irakaskuntza", + "on_dagizuela", + "s\u00e3o_tom\u00e9" + ], + "QUANTITY": [ + "daniar_koroa", + "seiren", + "dinar", + "kaloria", + "frantziar_libera", + "libera", + "g", + "bederatziren", + "elektronvolt", + "rial", + "bosten", + "daktilografia", + "milioiren", + "anders_celsius", + "laurogeita_hamahiru" + ], + "LANGUAGE": [ + "jidish", + "katalana", + "cree_etnia", + "hungariar", + "arabiera", + "portugaldar", + "irlandera", + "greziera", + "kongo", + "hindiera", + "poloniera", + "portuges", + "mazedoniera", + "gaztelania", + "islandiera", + "zeltera", + "georgiera", + "paliera", + "navajo", + "mazedoniar", + "finlandiera", + "javera", + "tagalera", + "malabarera", + "galiziera", + "bielorrusiera", + "georgiako", + "persiera", + "hindi", + "nederlandera", + "espainiera", + "guarani", + "kataluniar", + "galiziar", + "erremintari", + "esperanto", + "portugalera", + "lingala", + "katalan", + "daniera", + "txinatar", + "bengalera", + "ido", + "malaysiera", + "pertsiera", + "hungariera", + "gaztelera", + "tonga", + "kannada" + ], + "PRODUCT": [ + "zirkuitulabur", + "justin_bieber", + "gurutzegrama", + "al_jazeera", + "bataiontzi", + "eguberrietako_zuhaitz", + "lau_urtaroak", + "aitagure", + "bizarzuri", + "saint_vincent", + "the_star_spangled_banner", + "zesarea", + "die_hard", + "s\u00e3o_tom\u00e9_eta_pr\u00edncipe", + "zamuka", + "oroilore", + "boxing_day", + "saxonia_anhalt", + "giza_eskubideak", + "txori_gorri", + "la_dolce_vita", + "zelazapi", + "rosetta_harria", + "gong", + "garaipen_arku", + "mario_andretti", + "bataiarri", + "itun_berria", + "te_joko", + "espiritu_santua", + "rosetta_harri", + "irazeki", + "novo_mesto" + ], + "RELIGION_MEMBER": [ + "guru", + "budista", + "sarrazeno", + "sinesgabe", + "jainkogabe", + "presbiteriano", + "karmelita", + "mormon", + "baptista", + "mormoi", + "katoliko", + "mahomatar", + "giristino", + "gogaide", + "parsi", + "kongregazionalista", + "metodista", + "frantziskotar", + "konformagaitz", + "fedegabe" + ], + "RELIGION": [ + "zen", + "presbiterianismo", + "kalbinismo", + "islam", + "vishnuismo", + "xintoismo", + "katarismo", + "salafismo", + "manikeismo", + "lamaismo", + "brahmanismo" + ], + "RACE": [ + "arraza_zuriko", + "polinesiar", + "latin", + "frantziar", + "hego_amerikako", + "ingalaterrako", + "hegoamerikar", + "filipinar", + "amerindiera", + "latinoamerikar", + "uhartetar", + "zuritasun", + "latinoamerikako" + ], + "UNION": [ + "itu" + ], + "DATE": [ + "latentzia", + "ilargialdi", + "maiatzaren_1", + "lanordu", + "hutsarte", + "urrezko_aroa", + "the_day_after_tomorrow", + "ilgora", + "in_time", + "aitaren", + "zahartzaro", + "neguburu", + "gosalordu", + "ilargibete", + "bisurte", + "astialdi", + "mariaren_jasokundea", + "corpus_christi", + "ilargi_berri", + "the_day_after" + ], + "GPE": [ + "saint_domingue", + "dar_es_salaam", + "boli_kosta", + "jurgi_kapadoziakoa", + "sint_maarten", + "tai_mendia", + "san_laurendi", + "alde_zaharra", + "gurutze_gorri", + "hegoamerika", + "s\u00e3o_tom\u00e9", + "gurutze_gorria", + "mentura", + "al_andalus", + "alemaniar_inperioa", + "itunberia", + "itsaso_gorria", + "santa_sofia", + "industrialde" + ], + "GENDER": [ + "guy", + "andere_handi", + "adineko", + "men", + "male", + "damatxo", + "gizaseme", + "man", + "erizainburu", + "gal" + ], + "PERSON_PRONOUN": [ + "i", + "mea_erauzi", + "gure" + ], + "POLITICAL_PARTY_MEMBER": [ + "burkide", + "errepublikazale", + "laboralista", + "errepublikar", + "errepublikano", + "boltxebike", + "federalista" + ], + "LAW": [ + "arrasta", + "men_ez_egite", + "auzitegi_nagusi", + "barrutiko_fiskal", + "erromatar_zuzenbide", + "nazioarteko_zuzenbide" + ], + "POLITICAL_PARTY": [ + "oposizio", + "kuomintang", + "ameriketako_estatu_batuetako_alderdi_demokrata", + "alderdi_sozialdemokrata", + "erresuma_batuko_alderdi_laborista", + "alderdi_sozialista", + "ameriketako_estatu_batuetako_alderdi_errepublikanoa" + ], + "TITLE": [ + "sir" + ], + "EVENT": [ + "dan_dan", + "jazzaldi", + "sing_sing", + "itzarri" + ], + "ANAT": [ + "lepaorno" + ], + "BIO_CHEM_ENTITY": [ + "d_bitamina" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "ama_gehiena": "abba", + "abata": "abba", + "abadesa": "abba", + "izeba": "jagole", + "baronesa": "boteredun", + "emaztegai": "gizongai", + "andregai": "senargai", + "negozio_emakume": "enpresari", + "txita": "dandy", + "dukesa": "duke", + "enperatriz": "enperadore", + "tentatzaile": "liluratzaile", + "dalila": "liluratzaile", + "femenino": "gizaseme", + "urrixa": "gizaseme", + "gal": "tentsio_soka", + "etxe_irakasle": "gobernari", + "heroina": "heroi", + "heroi": "heroina", + "anfitrioi": "ospatu", + "markesa": "markes", + "masaje_emaile": "masajista", + "arrotz_gertatu": "sir", + "maitale": "jabe", + "amorante": "kapitain", + "lekaime": "fraidearen", + "moja": "fraide", + "nun": "fraidearen", + "apaiz_emakume": "kleriko", + "apaizeme": "meza_emaile", + "printzesa": "prince", + "homosexual": "errege", + "erregina": "errege", + "queens": "erregeak", + "sun": "bera", + "serora": "neba", + "ahizpa": "neba", + "arreba": "beix", + "naja": "gogaide", + "beix": "gogaide", + "mutxurdin": "emaztegabe", + "neskazahar": "emaztegabe", + "ugazalaba": "semeorde", + "alabaorde": "semeorde", + "ugazama": "ugazaita", + "amaorde": "aitaorde", + "azafata": "intendente", + "hegazkineko_laguntzaile": "intendente", + "emazte": "man", + "duna": "senar", + "bike": "fitxa", + "emakumezko": "man", + "emakume": "fitxa", + "neska_lagun": "fitxa", + "bikotekide": "fitxa" + }, + "other_gender_swap": { + "jale": "sun", + "haiek": "sun", + "tey": "sun", + "bera": "jale", + "sun": "jale" + }, + "en_pronoun2gender": { + "they": [ + "transexual", + "homosexual", + "bisexual" + ], + "he": [ + "tentsio_soka", + "male", + "arrakala", + "gaur", + "guy", + "gizaseme", + "dandy", + "man", + "fitxa", + "mutiko", + "gizonezko", + "zagon", + "ariar", + "little_boy", + "guri" + ], + "she": [ + "bikotekide", + "neska_lagun", + "emakume", + "lesbianismo", + "brasa", + "emazte", + "emakumezko", + "neskatila", + "gal", + "dama_gazte", + "panpina", + "femenino", + "urrixa", + "bike", + "neskato", + "dontzeila", + "damatxo", + "neskatxa", + "lesbiana", + "arrotz_gertatu" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "bera" + ], + "she": [ + "sun" + ], + "they": [ + "haiek", + "jale", + "tey" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fa.json b/data_tooling/pii_processing/ontology/data/fa.json new file mode 100644 index 0000000..63bd985 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fa.json @@ -0,0 +1,919 @@ +{ + "PUBLIC_FIGURE": [ + "\u0644\u0646\u0627_\u0647\u0648\u0631\u0646", + "\u062a\u0645\u0627\u0645_\u062a\u0631", + "y", + "f", + "\u062c\u0631\u062c\u06cc\u0633", + "a", + "\u067e\u06cc\u062a_\u0645\u0648\u0646\u062f\u0631\u06cc\u0627\u0646", + "\u0627\u0645\u06cc\u0644\u06cc\u0627\u0646\u0648_\u0633\u0627\u067e\u0627\u062a\u0627", + "\u0647\u0645\u0647\u200c\u0641\u0646\u200c\u062d\u0631\u06cc\u0641", + "\u06a9\u0627\u0631\u0627\u0648\u0627\u062c\u0648", + "i", + "\u0633\u0646_\u0645\u0627\u0631\u062a\u0646", + "\u0698\u0648\u0632\u0641_\u0644\u0648\u06cc\u06cc_\u06af\u06cc\u0644\u0648\u0633\u0627\u06a9", + "\u06a9\u0631\u06cc\u0633\u062a\u0641_\u06a9\u0644\u0645\u0628", + "\u062f\u0631\u06cc\u0627\u0686\u0647_\u062a\u0627\u0646\u0627", + "g", + "r", + "\u0622\u0646\u062f\u0631\u0626\u0627\u0633_\u0648\u0632\u0627\u0644\u06cc\u0648\u0633", + "\u06a9\u0631\u06cc\u0633\u062a\u0648\u0641\u0631_\u0642\u062f\u06cc\u0633", + "\u0622\u0645\u0631\u06cc\u06af\u0648_\u0648\u0633\u067e\u0648\u0686\u06cc", + "\u0627\u0634\u06af\u0648\u0644", + "\u0645\u0631\u06cc\u0645_\u0645\u062c\u062f\u0644\u06cc\u0647", + "\u0627\u0644\u06cc\u06a9\u0627\u06cc\u06cc", + "\u062c\u0646\u06af\u0644\u0628\u0627\u0646", + "\u0628\u0627\u062f\u062e\u0648\u0631\u06a9", + "\u0647\u06cc\u0646", + "\u06a9\u0627\u0631\u062a\u0631", + "\u062a\u0647_\u0631\u06cc\u0634", + "t", + "\u0645\u0627\u0645\u0648\u0631_\u0627\u0646\u062a\u0638\u0627\u0645\u0627\u062a" + ], + "DISEASE": [ + "\u0627\u0633\u062a\u0648\u0645\u0627\u062a\u06cc\u062a", + "\u0630\u0627\u062a_\u0627\u0644\u0631\u06cc\u0647", + "\u062f\u06cc\u0633\u06a9\u06cc\u0646\u0632\u06cc", + "\u06a9\u0644\u0627\u0645\u06cc\u062f\u06cc\u0627", + "\u0646\u06cc\u0645\u0647\u200c\u06a9\u0648\u0631\u06cc", + "\u0631\u0648\u0627\u0646\u200c\u0622\u0634\u0641\u062a\u06af\u06cc", + "\u0627\u0646\u062f\u0648\u06a9\u0627\u0631\u062f\u06cc\u062a", + "\u0631\u0648\u0627\u0646\u200c\u0646\u0698\u0646\u062f\u06cc", + "\u0627\u0633\u06a9\u0648\u0631\u0648\u06cc", + "\u06a9\u0627\u0631\u062f\u06cc\u0648\u0645\u06cc\u0648\u067e\u0627\u062a\u06cc", + "\u0628\u0647_\u0631\u0642\u0627\u0628\u062a_\u0648\u0627\u062f\u0627\u0634\u062a\u0646", + "\u06af\u0644\u200c\u0645\u0698\u0647", + "\u062e\u0648\u0627\u0646\u0634\u200c\u067e\u0631\u06cc\u0634\u06cc", + "\u0628\u06cc\u0645\u0627\u0631\u06cc_\u0648\u06cc\u0631\u0648\u0633\u06cc_\u0627\u0628\u0648\u0644\u0627", + "\u0641\u0631\u0627\u0633\u062a\u200c\u0628\u0627\u06cc\u062a", + "\u0633\u06a9\u062a\u0647_\u0645\u063a\u0632\u06cc", + "\u062f\u0648\u0644\u0627\u0628\u06cc", + "\u06a9\u0644\u0647\u200c\u0633\u06cc\u0633\u062a\u06cc\u062a", + "\u0633\u06cc\u0627\u0647\u200c\u0633\u0631\u0641\u0647", + "\u0645\u0627\u0631\u0627\u0633\u0645\u0648\u0633", + "\u0633\u06cc\u0627\u0647\u200c\u0632\u062e\u0645", + "\u0648\u06cc\u0631\u0648\u0633_\u0648\u0627\u0631\u06cc\u0633\u0644\u0627_\u0632\u0648\u0633\u062a\u0631", + "\u0628\u0627\u0631\u0627\u0648\u0631\u06cc", + "\u0633\u0627\u0644\u0645\u0648\u0646\u0644\u0627", + "\u067e\u0627\u067e\u06cc\u0644\u0648\u0645\u0627", + "\u0627\u067e\u0634\u062a\u06cc\u0646_\u0628\u0627\u0631_\u0648\u06cc\u0631\u0648\u0633", + "\u0627\u0641\u0633\u0631\u062f\u0647\u200c\u062e\u0648\u06cc\u06cc", + "\u0648\u06cc\u0631\u0648\u0633_\u0647\u0631\u067e\u0633_\u0633\u06cc\u0645\u067e\u0644\u06a9\u0633" + ], + "ANIMAL": [ + "\u062e\u0644\u0628\u0627\u0646\u200c\u0645\u0627\u0647\u06cc", + "\u06af\u0627\u0648\u0686\u0631\u0627\u0646\u06a9", + "\u0633\u06cc\u0627\u0647\u200c\u062e\u0631\u0648\u0633", + "\u0634\u0627\u0647\u200c\u06a9\u0631\u06a9\u0633", + "\u0645\u0627\u0633\u0648\u0686\u0647", + "\u0633\u06cc\u0627\u0647\u200c\u0645\u06af\u0633", + "\u0645\u06af\u0633\u200c\u06af\u06cc\u0631\u0627\u0646", + "\u062a\u0628_\u062e\u0627\u0644", + "\u062f\u0631\u06cc\u0627\u0633\u0627\u0644\u0627\u0631_\u0633\u0631\u062e", + "\u0648\u06cc\u0631\u0648\u0633_\u0627\u0628\u0648\u0644\u0627", + "\u0633\u06cc\u0627\u0647\u200c\u067e\u0631\u0647\u200c\u0627\u06cc\u0627\u0646", + "\u0628\u0644\u0648\u0627\u06cc\u0647", + "\u0634\u0627\u0647\u200c\u0645\u06cc\u06af\u0648\u06cc_\u0622\u0645\u0631\u06cc\u06a9\u0627\u06cc\u06cc", + "\u0627\u0645\u067e\u0631\u0627\u062a\u0648\u0631_\u0627\u0631\u063a\u0648\u0627\u0646\u06cc", + "\u0647\u0645_\u0628\u0627\u0644", + "\u06a9\u0627\u0631\u0627\u0633", + "\u0648\u0631\u0648\u0631\u0647", + "\u06a9\u0644\u0627\u0645\u06cc\u062f\u06cc\u0627\u0632\u06cc\u0633", + "\u0634\u0627\u0647\u200c\u0628\u0648\u0641" + ], + "GPE": [ + "\u0647\u0627_\u062a\u06cc\u0646", + "\u0639\u0647\u062f_\u062c\u062f\u06cc\u062f", + "\u0648\u06cc\u0646_\u0644\u0648\u0646\u06af", + "\u0646\u06cc\u06a9\u0644\u0627\u0633_\u0642\u062f\u06cc\u0633", + "\u0627\u06cc\u0627\u0635\u0648\u0641\u06cc\u0647", + "\u062f\u0627\u0631\u0627\u0644\u0633\u0644\u0627\u0645", + "\u0631\u0648\u062d\u200c\u0627\u0644\u0642\u062f\u0633", + "\u06a9\u0648\u0647_\u062a\u0627\u06cc", + "\u06a9\u0627\u062e_\u0633\u0641\u06cc\u062f", + "\u062d\u0642\u0648\u0642_\u0628\u0634\u0631", + "\u0633\u0646\u062a_\u0644\u0648\u0626\u06cc\u0633", + "\u0631\u0648\u062f\u062e\u0627\u0646\u0647_\u0633\u0646_\u0644\u0648\u0631\u0627\u0646", + "\u0637\u0644\u0627_\u0633\u0641\u06cc\u062f" + ], + "ORG": [ + "\u0647\u0645_\u0632\u0646\u062c\u06cc\u0631", + "\u0632\u06cc\u0628\u0627\u06cc_\u062e\u0641\u062a\u0647", + "\u0628\u0627\u0646\u06a9_\u0645\u0631\u06a9\u0632\u06cc", + "\u062d\u0632\u0628_\u06a9\u0645\u0648\u0646\u06cc\u0633\u062a", + "\u0634\u0647\u0631\u06a9_\u0635\u0646\u0639\u062a\u06cc", + "\u062a\u0631\u0627_\u0648\u06cc\u0646", + "\u062a\u0631\u0648\u0627_\u0631\u06cc\u0648\u06cc\u0631", + "\u062f\u0648\u0646_\u0698\u0648\u0627\u0646", + "\u062d\u0632\u0628_\u0645\u062d\u0627\u0641\u0638\u0647\u200c\u06a9\u0627\u0631", + "\u0627\u0648\u0631\u0648\u067e\u0648\u0644", + "\u062f\u0631\u06cc\u0627\u06cc_\u0633\u0631\u062e", + "\u062d\u0632\u0628_\u0644\u06cc\u0628\u0631\u0627\u0644_\u0628\u0631\u06cc\u062a\u0627\u0646\u06cc\u0627", + "\u06a9\u0648\u0647_\u0632\u06cc\u062a\u0648\u0646", + "\u0627\u06cc\u0627\u0644\u0627\u062a_\u0645\u062a\u062d\u062f\u0647_\u0622\u0645\u0631\u06cc\u06a9\u0627", + "\u0634\u06cc\u0646\u062a\u0648", + "\u0646\u06af\u0627\u0631\u062e\u0627\u0646\u0647", + "\u067e\u0627\u0644\u0648\u0627\u06cc\u0647", + "\u0633\u0646\u062a_\u0644\u0648\u0633\u06cc\u0627", + "\u0639\u0646\u06a9\u0628\u0648\u062a_\u0633\u06cc\u0627\u0647", + "\u0646\u0648\u0645\u0627\u0647", + "\u0628\u06cc_\u062e\u0627\u0635\u06cc\u062a", + "\u06a9\u0644\u06cc\u0633\u0627\u06cc_\u06a9\u0627\u062a\u0648\u0644\u06cc\u06a9", + "\u062d\u0632\u0628_\u0645\u0644\u06cc_\u0633\u0648\u0633\u06cc\u0627\u0644\u06cc\u0633\u062a_\u06a9\u0627\u0631\u06af\u0631\u0627\u0646_\u0622\u0644\u0645\u0627\u0646", + "\u0633\u0646\u062a_\u0628\u0627\u0631\u0628\u0627\u0631\u0627", + "\u062d\u0632\u0628_\u0633\u0648\u0633\u06cc\u0627\u0644_\u062f\u0645\u0648\u06a9\u0631\u0627\u062a\u06cc\u06a9_\u0627\u0633\u062a\u0648\u0646\u06cc", + "\u062f\u0627\u062f\u06af\u0627\u0647_\u0639\u0627\u0644\u06cc", + "\u062f\u0627\u0646\u0634\u06a9\u062f\u0647_\u067e\u0632\u0634\u06a9\u06cc", + "\u0646\u06cc\u0631\u0648\u06cc_\u0647\u0648\u0627\u06cc\u06cc", + "\u062f\u0631\u06cc\u0627\u0686\u0647_\u0633\u0648\u067e\u0631\u06cc\u0648\u0631", + "\u06a9\u0627\u067e_\u0648\u0631\u062f", + "\u0635\u0644\u06cc\u0628_\u0633\u0631\u062e", + "\u0633\u0627\u0626\u0648\u062a\u0648\u0645\u0647", + "\u0637\u0628\u0642\u0647_\u0645\u062a\u0648\u0633\u0637", + "\u0637\u0628\u0642\u0647_\u06a9\u0627\u0631\u06af\u0631", + "\u0627\u062a\u0627\u0632\u0648\u0646\u06cc", + "\u062a\u0627\u0645_\u0627\u0646\u06af\u0634\u062a\u06cc", + "\u062f\u0628\u0633\u062a\u0627\u0646", + "\u0627\u0645\u067e\u0631\u0627\u062a\u0648\u0631\u06cc_\u0645\u0642\u062f\u0633_\u0631\u0648\u0645", + "\u062d\u0632\u0628_\u0645\u0631\u062f\u0645", + "\u062a\u0627\u0645_\u0628\u0646\u062f\u0627\u0646\u06af\u0634\u062a\u06cc", + "\u062e\u0648\u0627\u0646\u06af_\u062e\u0647", + "\u0634\u0628_\u0633\u0627\u0644_\u0646\u0648", + "\u062d\u0642\u0648\u0642_\u0631\u0648\u0645", + "\u0627\u0644\u0639\u06cc\u0646", + "\u0627\u062f\u0627\u0631\u0647_\u067e\u0633\u062a", + "\u06a9\u0648\u0645\u06cc\u0646\u062a\u0627\u0646\u06af", + "\u06a9\u0646\u0633\u0631\u0648\u0627\u062a\u0648\u0627\u0631", + "\u06a9\u0627\u0644\u062c_\u0633\u06cc\u0646\u062a_\u062c\u0627\u0646", + "\u062d\u0642\u0648\u0642_\u0628\u06cc\u0646_\u0627\u0644\u0645\u0644\u0644", + "\u062c\u0628\u0647\u0647_\u0645\u0644\u06cc", + "\u062d\u0642\u0648\u0642_\u0645\u062f\u0646\u06cc", + "\u0642\u0627\u0646\u0648\u0646_\u0628\u06cc\u0646_\u0627\u0644\u0645\u0644\u0644", + "\u0628\u0647_\u0645\u062f\u0631\u0633\u0647_\u0641\u0631\u0633\u062a\u0627\u062f\u0646", + "\u062d\u0632\u0628_\u062f\u0645\u0648\u06a9\u0631\u0627\u062a\u06cc\u06a9_\u0627\u06cc\u062a\u0627\u0644\u06cc\u0627", + "\u062f\u0628\u06cc\u0631\u0633\u062a\u0627\u0646", + "\u062f\u0648\u0631\u0627\u0646_\u0637\u0644\u0627\u06cc\u06cc_\u06cc\u0648\u0646\u0627\u0646", + "\u0627\u0645\u067e\u0631\u0627\u062a\u0648\u0631\u06cc_\u0622\u0644\u0645\u0627\u0646" + ], + "PRODUCT": [ + "\u0633\u0647\u200c\u0628\u0639\u062f\u06cc", + "\u0631\u0648\u062f_\u0633\u0646_\u0698\u0627\u06a9\u0648\u06cc\u06cc\u0646", + "\u0686\u0647\u0627\u0631\u0641\u0635\u0644", + "\u062e\u0648\u0627\u0632\u0647", + "\u0631\u0648\u062d_\u0627\u0644\u0642\u062f\u0633", + "\u0645\u0631\u06cc\u0645_\u0645\u0642\u062f\u0633", + "\u062f\u0648\u0631\u0647_\u0633\u0647_\u0627\u0645\u067e\u0631\u0627\u062a\u0648\u0631\u06cc" + ], + "PLANT": [ + "\u0633\u06cc\u0627\u0647\u200c\u06a9\u0627\u062c_\u0627\u0631\u0648\u067e\u0627\u06cc\u06cc", + "\u0645\u0627\u0646\u06cc\u0648\u06a9", + "\u0628\u0633\u062a\u0627\u0646\u200c\u0627\u0641\u0631\u0648\u0632", + "\u0642\u0627\u0631\u0686_\u062a\u06cc\u0631\u0647\u200c\u0633\u0631", + "\u0628\u0647_\u0698\u0627\u067e\u0646\u06cc_\u067e\u0627\u06a9\u0648\u062a\u0627\u0647", + "\u0628\u0631\u0646\u062c\u0627\u0633\u0641", + "\u0633\u067e\u06cc\u062f\u06af\u0648\u0647\u0631", + "\u0645\u06af\u0646\u0648\u0644\u06cc\u0627", + "\u0644\u0648\u0628\u06cc\u0627\u06cc_\u0633\u0628\u0632", + "\u062f\u0627\u0648\u0648\u062f\u06cc", + "\u062f\u0631\u062e\u062a_\u06a9\u0631\u06cc\u0633\u0645\u0633", + "\u0627\u0633\u06a9\u0648\u0644\u0646\u062a\u0627" + ], + "DATE": [ + "\u0628\u0639\u062f_\u0632\u0645\u0627\u0646", + "\u0628\u0639\u062f_\u0686\u0647\u0627\u0631\u0645", + "\u0631\u0648\u0632_\u0628\u0627\u06a9\u0633\u06cc\u0646\u06af", + "\u0634\u0628_\u062f\u0648\u0627\u0632\u062f\u0647\u0645", + "\u0639\u0631\u0648\u062c_\u0645\u0631\u06cc\u0645", + "\u0645\u0627\u0647_\u0646\u0648" + ], + "RACE": [ + "\u0627\u0641\u0631\u06cc\u0642\u0627\u06cc\u06cc", + "\u0633\u06cc\u0627\u0647\u200c\u067e\u0648\u0633\u062a\u0627\u0646_\u0622\u0645\u0631\u06cc\u06a9\u0627", + "\u062e\u0627\u0648\u0631\u0645\u06cc\u0627\u0646\u0647\u200c\u0627\u06cc", + "\u062e\u0627\u0633\u062a\u06af\u0627\u0647\u06cc", + "\u0622\u0645\u0631\u06cc\u06a9\u0627\u06cc\u06cc\u200c\u0647\u0627", + "\u0633\u0641\u06cc\u062f\u067e\u0648\u0633\u062a", + "\u0633\u06cc\u0627\u0647\u200c\u067e\u0648\u0633\u062a" + ], + "JOB": [ + "make", + "\u062e\u062f\u0645\u0627\u062a_\u06a9\u0634\u0648\u0631\u06cc", + "\u0628\u0627\u0633\u062a\u0627\u0646\u200c\u0634\u0646\u0627\u0633", + "\u0627\u0641\u0631\u06cc\u0646\u0646\u062f\u0647", + "\u062e\u0627\u062e\u0627\u0645", + "\u0627\u0633\u062a\u0627\u062f\u06a9\u0627\u0631", + "\u0622\u0633\u06cc\u0627\u0628\u0627\u0646", + "\u062a\u0627\u0686\u0631", + "\u0634\u06a9\u0627\u0631\u0686\u06cc_\u067e\u0631\u0646\u062f\u06af\u0627\u0646", + "\u0645\u06af\u0633\u200c\u067e\u0631\u0627\u0646", + "\u062a\u0631\u0627\u0646\u0647\u200c\u0633\u0631\u0627", + "\u067e\u0648\u0644\u06cc\u0633", + "\u067e\u06cc\u0634\u200c\u062e\u062f\u0645\u062a", + "\u0634\u06cc\u0634\u0647_\u06af\u0631", + "\u062f\u0627\u0646\u0634\u0645\u0646\u062f", + "\u062f\u0627\u062f\u0627\u0648\u0631", + "\u0628\u0646\u06cc\u0627\u0646\u06af\u0630\u0627\u0631", + "\u0633\u0648\u062f\u0627\u06af\u0631", + "\u06a9\u0627\u0631\u06a9\u0634\u062a\u0647", + "\u0633\u0631\u0627\u06cc\u062f\u0627\u0631", + "\u0647\u0648\u0627\u0646\u0648\u0631\u062f", + "\u0648\u06a9\u06cc\u0644_\u062e\u0631\u062c", + "\u0647\u0646\u06af_\u0633\u0648\u0627\u0631", + "\u0627\u0644\u0645\u0627\u0633\u200c\u062a\u0631\u0627\u0634" + ], + "LOCATION": [ + "\u0647\u0627_\u0644\u0648\u0646\u06af", + "\u0628\u0627\u0628\u0627_\u0646\u0648\u064a\u0644", + "\u0633\u06cc\u0627\u0633\u062a_\u0632\u0645\u06cc\u0646_\u0633\u0648\u062e\u062a\u0647", + "\u06cc\u0646\u06af\u0647_\u062f\u0646\u06cc\u0627", + "\u0628\u06cc\u0645\u0627\u0631\u0633\u062a\u0627\u0646_\u0631\u0648\u0627\u0646\u067e\u0632\u0634\u06a9\u06cc", + "\u062e\u0631\u0633_\u0628\u0632\u0631\u06af", + "\u0633\u0646\u062a_\u067e\u0627\u062a\u0631\u06cc\u06a9", + "\u0627\u0644\u0645\u0627\u0639\u0632", + "\u0628\u0627\u063a_\u06af\u06cc\u0627\u0647\u200c\u0634\u0646\u0627\u0633\u06cc", + "\u0633\u0646\u062a_\u0647\u0644\u0646", + "\u06a9\u0648\u0647_\u0633\u0646\u062a_\u0647\u0644\u0646", + "\u062a\u0627\u0632\u06cc\u200c\u0647\u0627", + "\u0627\u06cc\u0627\u0644\u0627\u062a_\u0645\u062a\u062d\u062f\u0647", + "\u0633\u06cc\u0627\u0647\u200c\u0686\u0627\u0644\u0647", + "\u0632\u0627\u06a9\u0633\u0646_\u0622\u0646\u0647\u0627\u0644\u062a", + "\u0639\u062b\u0645\u0627\u0646_\u06cc\u06a9\u0645", + "\u0634\u062e\u0635_\u062b\u0627\u0644\u062b", + "\u0646\u06cc\u0631\u0648\u06cc_\u0632\u0645\u06cc\u0646\u06cc_\u0627\u06cc\u0627\u0644\u0627\u062a_\u0645\u062a\u062d\u062f\u0647_\u0622\u0645\u0631\u06cc\u06a9\u0627", + "\u0647\u06cc\u062a\u0648\u0631_\u0648\u06cc\u0644\u0627\u0644\u0648\u0628\u0633", + "\u0628\u0627\u0628\u0627_\u0646\u0648\u0626\u0644", + "\u06a9\u0648\u0647_\u06a9\u0631\u0645\u0644", + "\u0646\u06cc\u0631\u0648\u06cc_\u0647\u0648\u0627\u064a\u06cc", + "\u06a9\u0631\u06cc\u0641\u06cc\u06cc_\u0631\u06cc\u0647", + "\u062f\u0645\u0627\u063a\u0647_\u0647\u0648\u0631\u0646", + "\u0627\u0628_\u0634\u06cc\u0631\u06cc\u0646", + "\u06a9\u06cc\u067e_\u0648\u0631\u062f" + ], + "QUANTITY": [ + "\u0641\u0631\u0627\u0646\u06a9_\u0641\u0631\u0627\u0646\u0633\u0647", + "\u0633\u0647_\u062e\u0648\u0627\u0647\u0631", + "g", + "\u0622\u0646\u062f\u0631\u0634_\u0633\u0644\u0633\u06cc\u0648\u0633" + ], + "FOOD": [ + "\u062a\u0633\u062a_\u0641\u0631\u0627\u0646\u0633\u0648\u06cc", + "\u0622\u062f\u0627\u0645\u0633", + "\u062e\u06cc\u0627\u0631\u0634\u0648\u0631", + "\u0644\u0648\u0628\u06cc\u0627\u0642\u0631\u0645\u0632", + "\u0633\u0627\u0644\u0627\u062f_\u0645\u06cc\u0648\u0647", + "\u0627\u062f\u0627\u0645\u0633" + ], + "RELIGION": [ + "\u0627\u0631\u0645\u06cc\u0646\u06cc\u0648\u0633\u06cc", + "\u0648\u06cc\u06a9\u0627", + "\u06a9\u0627\u062a\u0627\u0631\u06cc\u0633\u0645", + "\u062a\u0627\u0626\u0648\u0626\u06cc\u0633\u0645", + "\u0648\u06cc\u0634\u0646\u0648\u067e\u0631\u0633\u062a\u06cc" + ], + "POLITICAL_PARTY": [ + "\u062d\u0632\u0628_\u06a9\u0627\u0631\u06af\u0631", + "\u06af\u0627\u0631\u062f\u0646_\u067e\u0627\u0631\u062a\u06cc", + "\u062d\u0632\u0628_\u062f\u0645\u0648\u06a9\u0631\u0627\u062a_\u062c\u0645\u0647\u0648\u0631\u06cc\u200c\u062e\u0648\u0627\u0647", + "\u062d\u0632\u0628_\u0633\u0648\u0633\u06cc\u0627\u0644_\u062f\u0645\u0648\u06a9\u0631\u0627\u062a", + "\u062d\u0632\u0628_\u062c\u0645\u0647\u0648\u0631\u06cc\u200c\u062e\u0648\u0627\u0647_\u0627\u06cc\u0627\u0644\u0627\u062a_\u0645\u062a\u062d\u062f\u0647_\u0622\u0645\u0631\u06cc\u06a9\u0627", + "\u062d\u0632\u0628_\u0648\u06cc\u06af", + "\u062d\u0632\u0628_\u0633\u0628\u0632", + "\u062d\u0632\u0628_\u062f\u0645\u0648\u06a9\u0631\u0627\u062a", + "\u062d\u0632\u0628_\u062f\u0645\u0648\u06a9\u0631\u0627\u062a_\u0627\u06cc\u0627\u0644\u0627\u062a_\u0645\u062a\u062d\u062f\u0647_\u0622\u0645\u0631\u06cc\u06a9\u0627", + "\u062d\u0632\u0628_\u06a9\u0627\u0631\u06af\u0631_\u0627\u0633\u062a\u0631\u0627\u0644\u06cc\u0627", + "\u062d\u0632\u0628_\u0633\u0648\u0633\u06cc\u0627\u0644\u06cc\u0633\u062a" + ], + "PERSON_PRONOUN": [ + "i" + ], + "LANGUAGE": [ + "\u0627\u0633\u067e\u0631\u0627\u0646\u062a\u0648", + "\u0627\u0633\u0645\u06cc\u062a", + "persian", + "\u0631\u0648\u0645\u0627\u0646\u06cc\u0627\u06cc\u06cc", + "\u067e\u0648\u0644\u06cc\u0634", + "\u0645\u0627\u0644\u0627\u06cc\u06cc" + ], + "FAC": [ + "\u06a9\u0644\u0627\u0646\u062a\u0631\u06cc", + "\u06a9\u0644\u06cc\u0633\u0627\u06cc_\u06a9\u0627\u062a\u0648\u0644\u06cc\u06a9_\u0631\u0648\u0645\u06cc", + "\u067e\u0633\u062a\u062e\u0627\u0646\u0647", + "\u0686\u0647\u0627\u0631\u0641\u0635\u0644", + "\u06a9\u0645\u200c\u06a9\u0645", + "\u0628\u0627\u0628_\u0639\u0627\u0644\u06cc", + "\u0622\u0631\u0646\u0648\u0644\u062f_\u0634\u0648\u0646\u0628\u0631\u06af", + "\u067e\u062a\u0631_\u06cc\u06a9\u0645", + "\u0645\u0631\u06a9\u0632_\u062e\u0631\u06cc\u062f", + "\u0628\u0647_\u0633\u0644\u0627\u0645\u062a", + "\u06af\u0645\u0631\u06a9", + "\u0648\u06cc\u0646\u06cc_\u062f_\u067e\u0648", + "\u06a9\u0645\u06cc\u0633\u0631\u06cc", + "\u06cc\u0648\u0633\u0641_\u0646\u062c\u0627\u0631" + ], + "PERSON": [ + "\u0645\u0627\u0647\u06cc_\u0637\u0644\u0627\u06a9\u0648\u0628_\u062c\u0627\u0646", + "\u0645\u0646_\u0647\u0645_\u0647\u0645\u06cc\u0646\u200c\u0637\u0648\u0631", + "\u062f\u0631\u062e\u062a_\u0644\u0627\u0633\u062a\u06cc\u06a9" + ], + "SOC_ECO_CLASS": [ + "\u0637\u0628\u0642\u0647_\u0633\u0648\u0645", + "\u0633\u0631\u0645\u0627\u06cc\u0647_\u062f\u0627\u0631\u06cc", + "\u0645\u062d\u0635\u0648\u0644_\u0631\u0646\u062c", + "\u0628\u0648\u0631\u0698\u0648\u0627\u0632\u06cc", + "\u0628\u0627\u0632\u0627\u0631_\u0633\u06cc\u0627\u0647", + "\u062f\u0627\u0646\u0634\u0645\u0646\u062f\u0627\u0646" + ], + "LAW": [ + "\u0627\u0641\u200c\u0628\u06cc\u200c\u0622\u06cc", + "\u062f\u06cc\u0648\u0627\u0646_\u0639\u0627\u0644\u06cc", + "\u0642\u0627\u0646\u0648\u0646_\u0645\u0644\u0644" + ], + "RELIGION_MEMBER": [ + "\u06a9\u0627\u062a\u0648\u0644\u06cc\u06a9" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u0628\u0644\u0634\u0648\u06cc\u06a9" + ], + "UNION": [ + "\u0627\u062a\u062d\u0627\u062f\u06cc\u0647_\u0628\u06cc\u0646\u200c\u0627\u0644\u0645\u0644\u0644\u06cc_\u0645\u062e\u0627\u0628\u0631\u0627\u062a" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u0627\u0644\u06cc\u0646\u0627", + "\u0631\u0642\u064a\u0647", + "\u0647\u0627\u0646\u064a\u0647", + "\u0647\u0644\u06cc\u0627", + "\u0647\u0633\u062a\u064a", + "\u0646\u06cc\u0627\u06cc\u0634", + "\u064a\u0627\u0633\u0645\u064a\u0646", + "\u0622\u06cc\u0646\u0627\u0632", + "\u0645\u0639\u0635\u0648\u0645\u0647", + "\u0645\u0627\u0626\u062f\u0647", + "\u0647\u0644\u064a\u0627", + "\u06a9\u0648\u062b\u0631", + "\u0622\u06cc\u062f\u0627", + "\u0646\u0627\u0632\u0646\u064a\u0646", + "\u0645\u0647\u062f\u06cc\u0647", + "\u0645\u0644\u064a\u06a9\u0627", + "\u0646\u0627\u0632\u0646\u06cc\u0646_\u0632\u0647\u0631\u0627", + "\u0645\u0631\u06cc\u0645", + "\u067e\u0631\u0646\u064a\u0627", + "\u0645\u062d\u062f\u062b\u0647", + "\u0622\u06cc\u0644\u06cc\u0646", + "\u0627\u0644\u0646\u0627\u0632", + "\u0633\u062a\u0627\u06cc\u0634", + "\u06cc\u0627\u0633\u0645\u06cc\u0646", + "\u0627\u0633\u0645\u0627", + "\u0641\u0627\u0637\u0645\u064a\u0627\u0633\u0627\u0631\u064a\u0646\u0627", + "\u0646\u064a\u0627\u064a\u0634", + "\u0627\u0644\u0646\u0627", + "\u06cc\u06af\u0627\u0646\u0647", + "\u0627\u0633\u0631\u0627", + "\u0645\u0647\u0633\u0627", + "\u06cc\u0644\u062f\u0627", + "\u0639\u0633\u0644", + "\u0645\u0628\u06cc\u0646\u0627", + "\u06a9\u064a\u0627\u0646\u0627", + "\u0647\u0633\u062a\u06cc", + "\u0627\u0644\u064a\u0646\u0627", + "\u062b\u0646\u0627", + "\u0645\u0647\u062f\u064a\u0633", + "\u0632\u064a\u0646\u0628", + "\u0628\u0627\u0631\u0627\u0646", + "\u0633\u0627\u0631\u0627", + "\u0645\u0631\u064a\u0645", + "\u062d\u0633\u0646\u0627", + "\u0641\u0627\u0637\u0645\u0647_\u0632\u0647\u0631\u0627", + "\u062d\u0646\u0627\u0646\u0647", + "\u0646\u0627\u0632\u0646\u06cc\u0646", + "\u0647\u0627\u0646\u06cc\u0647", + "\u0641\u0627\u0637\u0645\u0647", + "\u0622\u064a\u0644\u064a\u0646", + "\u0631\u0647\u0627", + "\u0622\u062a\u0646\u0627", + "\u067e\u0631\u06cc\u0627", + "\u0633\u0648\u06af\u0646\u062f", + "\u0633\u0627\u0631\u06cc\u0646\u0627", + "\u0645\u0628\u064a\u0646\u0627", + "\u0632\u0647\u0631\u0627", + "\u0645\u0644\u06cc\u0643\u0627", + "\u0645\u0647\u062f\u06cc\u0633", + "\u064a\u0633\u0646\u0627", + "\u0643\u06cc\u0627\u0646\u0627", + "\u0622\u064a\u062f\u0627", + "\u0645\u062d\u06cc\u0627", + "\u062d\u062f\u06cc\u062b", + "\u0622\u0648\u0627", + "\u0628\u0647\u0627\u0631", + "\u0645\u062d\u064a\u0627", + "\u0646\u0631\u06af\u0633", + "\u0622\u064a\u0646\u0627\u0632", + "\u0632\u06cc\u0646\u0628", + "\u062d\u0644\u0645\u0627", + "\u0633\u062a\u0627\u064a\u0634", + "\u06cc\u0633\u0646\u0627", + "\u0631\u06cc\u062d\u0627\u0646\u0647", + "\u0631\u064a\u062d\u0627\u0646\u0647", + "\u0643\u0648\u062b\u0631", + "\u0631\u0642\u06cc\u0647" + ], + "FIRST_NAME_MALE": [ + "\u0627\u0645\u06cc\u0631\u0645\u0647\u062f\u06cc", + "\u0637\u0627\u0647\u0627", + "\u062f\u0627\u0646\u06cc\u0627\u0644", + "\u0639\u0644\u06cc\u0631\u0636\u0627", + "\u0633\u064a\u0646\u0627", + "\u0622\u0631\u062a\u06cc\u0646", + "\u0633\u062c\u0627\u062f", + "\u0622\u0631\u06cc\u0646", + "\u0645\u062d\u0645\u062f\u0627\u0645\u06cc\u0646", + "\u064a\u0627\u0633\u064a\u0646", + "\u0645\u0647\u062f\u064a", + "\u0627\u064a\u0644\u064a\u0627", + "\u0645\u062a\u06cc\u0646", + "\u0633\u0628\u062d\u0627\u0646", + "\u0627\u0645\u06cc\u0631\u0631\u0636\u0627", + "\u0622\u0631\u0627\u062f", + "\u0645\u062d\u0645\u062f_\u0637\u0627\u0647\u0627", + "\u0645\u0647\u062f\u06cc", + "\u0645\u0628\u064a\u0646", + "\u0643\u06cc\u0627\u0646", + "\u0622\u0631\u0634", + "\u0645\u062d\u0645\u062f\u0627\u0645\u064a\u0646", + "\u062d\u0633\u064a\u0646", + "\u0627\u0645\u064a\u0631\u0631\u0636\u0627", + "\u0645\u062d\u0645\u062f\u067e\u0627\u0631\u0633\u0627", + "\u0646\u06cc\u0645\u0627", + "\u067e\u0627\u0631\u0633\u0627", + "\u0622\u0631\u0645\u064a\u0646", + "\u0627\u0645\u064a\u0631\u0645\u062d\u0645\u062f", + "\u062d\u0633\u0627\u0645", + "\u0627\u0645\u064a\u0631\u0639\u0628\u0627\u0633", + "\u0645\u062d\u0645\u062f\u064a\u0627\u0633\u064a\u0646", + "\u0627\u0645\u064a\u0631\u0645\u0647\u062f\u064a", + "\u0639\u0644\u06cc_\u0627\u0635\u063a\u0631", + "\u0639\u0644\u06cc_\u0627\u0643\u0628\u0631", + "\u0639\u0631\u0641\u0627\u0646", + "\u06cc\u0627\u0633\u06cc\u0646", + "\u0627\u0645\u06cc\u0631\u0645\u062d\u0645\u062f", + "\u0645\u0628\u06cc\u0646", + "\u0627\u0645\u06cc\u0631\u062d\u0633\u06cc\u0646", + "\u0645\u062d\u0645\u062f\u062c\u0648\u0627\u062f", + "\u0645\u062d\u0645\u062f\u0631\u0636\u0627", + "\u0622\u0631\u06cc\u0627", + "\u06cc\u0648\u0633\u0641", + "\u0645\u062a\u064a\u0646", + "\u0627\u0628\u0648\u0627\u0644\u0641\u0636\u0644", + "\u0627\u0645\u064a\u0631\u062d\u0633\u064a\u0646", + "\u064a\u0648\u0633\u0641", + "\u0628\u0646\u06cc\u0627\u0645\u06cc\u0646", + "\u0631\u0636\u0627", + "\u0645\u062d\u0645\u062f_\u0645\u0647\u062f\u06cc", + "\u0645\u062d\u0645\u062f\u062d\u0633\u064a\u0646", + "\u0645\u062d\u0645\u062f\u062d\u0633\u06cc\u0646", + "\u0627\u0645\u06cc\u0631\u0639\u0628\u0627\u0633", + "\u0627\u06cc\u0644\u06cc\u0627", + "\u0639\u0631\u0634\u06cc\u0627", + "\u0639\u0644\u06cc_\u0631\u0636\u0627", + "\u0645\u062d\u0645\u062f\u0639\u0644\u064a", + "\u0645\u062d\u0645\u062f\u06cc\u0627\u0633\u06cc\u0646", + "\u0622\u0631\u064a\u0646", + "\u0639\u0644\u064a", + "\u067e\u0631\u0647\u0627\u0645", + "\u0627\u062d\u0633\u0627\u0646", + "\u0628\u0646\u064a\u0627\u0645\u064a\u0646", + "\u0645\u0627\u0647\u0627\u0646", + "\u0627\u0645\u064a\u0631\u0639\u0644\u064a", + "\u0622\u0631\u0645\u06cc\u0646", + "\u06a9\u064a\u0627\u0646", + "\u0645\u062d\u0645\u062f\u0645\u0647\u062f\u064a", + "\u0622\u0631\u064a\u0627", + "\u0627\u0645\u06cc\u0631_\u0639\u0644\u06cc", + "\u0633\u0627\u0645\u064a\u0627\u0631", + "\u0639\u0628\u0627\u0633", + "\u0633\u06cc\u0646\u0627", + "\u0639\u0644\u06cc", + "\u062d\u0633\u06cc\u0646", + "\u0645\u062d\u0645\u062f", + "\u0622\u0631\u062a\u064a\u0646", + "\u0639\u0644\u064a\u0631\u0636\u0627", + "\u062f\u0627\u0646\u064a\u0627\u0644" + ], + "PREFIX_FEMALE": [ + "\u0633\u0631\u06a9\u0627\u0631_\u062e\u0627\u0646\u0645_\u062f\u06a9\u062a\u0631", + "\u0633\u0631\u06a9\u0627\u0631_\u062e\u0627\u0646\u0645" + ], + "PREFIX_MALE": [ + "\u062c\u0646\u0627\u0628_\u0622\u0642\u0627\u06cc_\u062f\u06a9\u062a\u0631", + "\u062c\u0646\u0627\u0628_\u0622\u0642\u0627\u06cc" + ], + "FIRST_NAME": [ + "\u0627\u0645\u06cc\u0631\u0645\u0647\u062f\u06cc", + "\u0637\u0627\u0647\u0627", + "\u062f\u0627\u0646\u06cc\u0627\u0644", + "\u0639\u0644\u06cc\u0631\u0636\u0627", + "\u0633\u064a\u0646\u0627", + "\u0627\u0644\u06cc\u0646\u0627", + "\u0631\u0642\u064a\u0647", + "\u0622\u0631\u062a\u06cc\u0646", + "\u0633\u062c\u0627\u062f", + "\u0647\u0627\u0646\u064a\u0647", + "\u0622\u0631\u06cc\u0646", + "\u0645\u062d\u0645\u062f\u0627\u0645\u06cc\u0646", + "\u0647\u0644\u06cc\u0627", + "\u064a\u0627\u0633\u064a\u0646", + "\u0647\u0633\u062a\u064a", + "\u0646\u06cc\u0627\u06cc\u0634", + "\u064a\u0627\u0633\u0645\u064a\u0646", + "\u0627\u064a\u0644\u064a\u0627", + "\u0645\u0647\u062f\u064a", + "\u0622\u06cc\u0646\u0627\u0632", + "\u0645\u062a\u06cc\u0646", + "\u0633\u0628\u062d\u0627\u0646", + "\u0645\u0639\u0635\u0648\u0645\u0647", + "\u0645\u0627\u0626\u062f\u0647", + "\u0627\u0645\u06cc\u0631\u0631\u0636\u0627", + "\u0622\u0631\u0627\u062f", + "\u0645\u062d\u0645\u062f_\u0637\u0627\u0647\u0627", + "\u0647\u0644\u064a\u0627", + "\u0645\u0647\u062f\u06cc", + "\u0645\u0628\u064a\u0646", + "\u0643\u06cc\u0627\u0646", + "\u0622\u0631\u0634", + "\u0645\u062d\u0645\u062f\u0627\u0645\u064a\u0646", + "\u06a9\u0648\u062b\u0631", + "\u062d\u0633\u064a\u0646", + "\u0627\u0645\u064a\u0631\u0631\u0636\u0627", + "\u0622\u06cc\u062f\u0627", + "\u0645\u062d\u0645\u062f\u067e\u0627\u0631\u0633\u0627", + "\u0646\u0627\u0632\u0646\u064a\u0646", + "\u0645\u0647\u062f\u06cc\u0647", + "\u0645\u0644\u064a\u06a9\u0627", + "\u0646\u06cc\u0645\u0627", + "\u067e\u0627\u0631\u0633\u0627", + "\u0646\u0627\u0632\u0646\u06cc\u0646_\u0632\u0647\u0631\u0627", + "\u0622\u0631\u0645\u064a\u0646", + "\u0645\u0631\u06cc\u0645", + "\u067e\u0631\u0646\u064a\u0627", + "\u0645\u062d\u062f\u062b\u0647", + "\u0627\u0645\u064a\u0631\u0645\u062d\u0645\u062f", + "\u0622\u06cc\u0644\u06cc\u0646", + "\u0627\u0644\u0646\u0627\u0632", + "\u062d\u0633\u0627\u0645", + "\u0633\u062a\u0627\u06cc\u0634", + "\u06cc\u0627\u0633\u0645\u06cc\u0646", + "\u0627\u0645\u064a\u0631\u0639\u0628\u0627\u0633", + "\u0627\u0633\u0645\u0627", + "\u0645\u062d\u0645\u062f\u064a\u0627\u0633\u064a\u0646", + "\u0641\u0627\u0637\u0645\u064a\u0627\u0633\u0627\u0631\u064a\u0646\u0627", + "\u0646\u064a\u0627\u064a\u0634", + "\u0627\u0645\u064a\u0631\u0645\u0647\u062f\u064a", + "\u0639\u0644\u06cc_\u0627\u0635\u063a\u0631", + "\u0627\u0644\u0646\u0627", + "\u0639\u0644\u06cc_\u0627\u0643\u0628\u0631", + "\u06cc\u06af\u0627\u0646\u0647", + "\u0639\u0631\u0641\u0627\u0646", + "\u06cc\u0627\u0633\u06cc\u0646", + "\u0627\u0633\u0631\u0627", + "\u0627\u0645\u06cc\u0631\u0645\u062d\u0645\u062f", + "\u0645\u0647\u0633\u0627", + "\u06cc\u0644\u062f\u0627", + "\u0645\u0628\u06cc\u0646", + "\u0639\u0633\u0644", + "\u0645\u0628\u06cc\u0646\u0627", + "\u0627\u0645\u06cc\u0631\u062d\u0633\u06cc\u0646", + "\u0645\u062d\u0645\u062f\u062c\u0648\u0627\u062f", + "\u0645\u062d\u0645\u062f\u0631\u0636\u0627", + "\u0622\u0631\u06cc\u0627", + "\u06cc\u0648\u0633\u0641", + "\u06a9\u064a\u0627\u0646\u0627", + "\u0647\u0633\u062a\u06cc", + "\u0645\u062a\u064a\u0646", + "\u0627\u0644\u064a\u0646\u0627", + "\u062b\u0646\u0627", + "\u0627\u0628\u0648\u0627\u0644\u0641\u0636\u0644", + "\u0645\u0647\u062f\u064a\u0633", + "\u0632\u064a\u0646\u0628", + "\u0627\u0645\u064a\u0631\u062d\u0633\u064a\u0646", + "\u064a\u0648\u0633\u0641", + "\u0628\u0646\u06cc\u0627\u0645\u06cc\u0646", + "\u0628\u0627\u0631\u0627\u0646", + "\u0631\u0636\u0627", + "\u0645\u062d\u0645\u062f_\u0645\u0647\u062f\u06cc", + "\u0633\u0627\u0631\u0627", + "\u0645\u0631\u064a\u0645", + "\u062d\u0633\u0646\u0627", + "\u0645\u062d\u0645\u062f\u062d\u0633\u06cc\u0646", + "\u0627\u0645\u06cc\u0631\u0639\u0628\u0627\u0633", + "\u0645\u062d\u0645\u062f\u062d\u0633\u064a\u0646", + "\u0641\u0627\u0637\u0645\u0647_\u0632\u0647\u0631\u0627", + "\u062d\u0646\u0627\u0646\u0647", + "\u0646\u0627\u0632\u0646\u06cc\u0646", + "\u0627\u06cc\u0644\u06cc\u0627", + "\u0639\u0631\u0634\u06cc\u0627", + "\u0647\u0627\u0646\u06cc\u0647", + "\u0639\u0644\u06cc_\u0631\u0636\u0627", + "\u0645\u062d\u0645\u062f\u0639\u0644\u064a", + "\u0641\u0627\u0637\u0645\u0647", + "\u0645\u062d\u0645\u062f\u06cc\u0627\u0633\u06cc\u0646", + "\u0622\u064a\u0644\u064a\u0646", + "\u0622\u0631\u064a\u0646", + "\u0631\u0647\u0627", + "\u0622\u062a\u0646\u0627", + "\u067e\u0631\u06cc\u0627", + "\u0633\u0648\u06af\u0646\u062f", + "\u0633\u0627\u0631\u06cc\u0646\u0627", + "\u0639\u0644\u064a", + "\u0645\u0628\u064a\u0646\u0627", + "\u0632\u0647\u0631\u0627", + "\u0645\u0644\u06cc\u0643\u0627", + "\u0645\u0647\u062f\u06cc\u0633", + "\u067e\u0631\u0647\u0627\u0645", + "\u0627\u062d\u0633\u0627\u0646", + "\u0628\u0646\u064a\u0627\u0645\u064a\u0646", + "\u064a\u0633\u0646\u0627", + "\u0643\u06cc\u0627\u0646\u0627", + "\u0622\u064a\u062f\u0627", + "\u0645\u062d\u06cc\u0627", + "\u0645\u0627\u0647\u0627\u0646", + "\u062d\u062f\u06cc\u062b", + "\u0622\u0648\u0627", + "\u0627\u0645\u064a\u0631\u0639\u0644\u064a", + "\u0628\u0647\u0627\u0631", + "\u0622\u0631\u0645\u06cc\u0646", + "\u06a9\u064a\u0627\u0646", + "\u0645\u062d\u0645\u062f\u0645\u0647\u062f\u064a", + "\u0645\u062d\u064a\u0627", + "\u0646\u0631\u06af\u0633", + "\u0622\u064a\u0646\u0627\u0632", + "\u0622\u0631\u064a\u0627", + "\u0627\u0645\u06cc\u0631_\u0639\u0644\u06cc", + "\u0633\u0627\u0645\u064a\u0627\u0631", + "\u0639\u0628\u0627\u0633", + "\u0632\u06cc\u0646\u0628", + "\u0633\u06cc\u0646\u0627", + "\u0639\u0644\u06cc", + "\u062d\u0644\u0645\u0627", + "\u062d\u0633\u06cc\u0646", + "\u0633\u062a\u0627\u064a\u0634", + "\u0645\u062d\u0645\u062f", + "\u0622\u0631\u062a\u064a\u0646", + "\u0639\u0644\u064a\u0631\u0636\u0627", + "\u06cc\u0633\u0646\u0627", + "\u0631\u06cc\u062d\u0627\u0646\u0647", + "\u0631\u064a\u062d\u0627\u0646\u0647", + "\u062f\u0627\u0646\u064a\u0627\u0644", + "\u0643\u0648\u062b\u0631", + "\u0631\u0642\u06cc\u0647" + ], + "LAST_NAME": [ + "\u0628\u0647\u0645\u0646\u06cc", + "\u0633\u063a\u06cc\u0631\u06cc", + "\u0639\u0632\u06cc\u0632\u06cc", + "\u06a9\u0631\u06cc\u0645\u06cc", + "\u0645\u0648\u062d\u062f", + "\u06a9\u0627\u0628\u0644\u06cc", + "\u06a9\u0631\u0645\u0627\u0646\u06cc", + "\u0647\u062f\u0627\u06cc\u062a", + "\u0634\u0627\u06a9\u0631\u06cc", + "\u062c\u0646\u062a\u06cc", + "\u0631\u0641\u06cc\u0639\u06cc", + "\u0627\u06cc\u0631\u0648\u0627\u0646\u06cc", + "\u0633\u0639\u06cc\u062f\u06cc", + "\u0632\u0645\u0627\u0646\u06cc", + "\u0639\u0642\u06cc\u0644\u06cc", + "\u0631\u0633\u062a\u0647", + "\u0646\u06cc\u0644\u0648\u0641\u0631\u06cc", + "\u0647\u0648\u0645\u0646", + "\u0635\u0646\u0627\u06cc\u0639\u06cc", + "\u0645\u0639\u0631\u0648\u0641", + "\u0633\u0645\u0633\u0627\u0631", + "\u0648\u062b\u0627\u0642", + "\u0645\u06cc\u0631\u062f\u0627\u0645\u0627\u062f\u06cc", + "\u0631\u0633\u0648\u0644\u06cc", + "\u067e\u0627\u0631\u0633\u0627", + "\u06cc\u0632\u062f\u06cc", + "\u0635\u0627\u0631\u0645\u06cc", + "\u0645\u062c\u062a\u0647\u062f\u06cc", + "\u0631\u0648\u062f\u06af\u0631", + "\u0627\u062d\u0645\u062f\u06cc", + "\u0633\u0631\u062e\u0648\u0634\u06cc\u0627\u0646", + "\u062d\u0631\u06cc\u0631\u06cc\u0627\u0646", + "\u0631\u0648\u062d\u0627\u0646\u06cc", + "\u0645\u062d\u0645\u062f_\u067e\u0648\u0631", + "\u0646\u0627\u0645\u0648\u0631", + "\u0627\u06a9\u0628\u0631_\u067e\u0648\u0631", + "\u067e\u0648\u06cc\u0627\u0646", + "\u0627\u0628\u0648\u0637\u0627\u0644\u0628\u06cc", + "\u0631\u0628\u0627\u0646\u06cc", + "\u0642\u0627\u0636\u06cc", + "\u0646\u0639\u0645\u062a\u06cc", + "\u0645\u0647\u062f\u06cc\u0627\u0646", + "\u0647\u0646\u0631\u06cc", + "\u062a\u0647\u0631\u0627\u0646\u06cc", + "\u0633\u0644\u0637\u0627\u0646\u06cc", + "\u0639\u0628\u062f\u0627\u0644\u0639\u0644\u06cc", + "\u0641\u0631\u062c\u06cc", + "\u062c\u0639\u0641\u0631_\u067e\u0648\u0631", + "\u062c\u0647\u0627\u0646\u06cc", + "\u0639\u0644\u06cc\u062c\u0627\u0646\u06cc", + "\u0634\u0628\u06cc\u0631\u06cc", + "\u06af\u0644\u067e\u0627\u06cc\u06af\u0627\u0646\u06cc", + "\u062f\u0627\u06cc\u06cc", + "\u0645\u0644\u06a9\u06cc\u0627\u0646", + "\u0646\u0648\u0628\u062e\u062a\u06cc", + "\u062a\u0646\u0632\u06cc\u0644\u06cc", + "\u0632\u0646\u062c\u0627\u0646\u06cc", + "\u0646\u0648\u0631\u06cc", + "\u0645\u0639\u06cc\u0646", + "\u0636\u0627\u0628\u0637\u06cc", + "\u0635\u06cc\u0627\u062f\u06cc", + "\u0627\u0644\u0648\u0646\u062f\u06cc", + "\u0636\u0631\u063a\u0627\u0645\u06cc", + "\u0639\u0644\u06cc_\u067e\u0648\u0631", + "\u0634\u0627\u062f\u0631\u0648\u0627\u0646", + "\u0631\u0633\u062a\u0645\u06cc", + "\u0647\u0627\u0634\u0645\u06cc", + "\u062a\u062d\u0633\u06cc\u0646\u06cc", + "\u0644\u0627\u0647\u0648\u062a\u06cc", + "\u062e\u0633\u0631\u0648\u062c\u0631\u062f\u06cc", + "\u0632\u0627\u0631\u0639\u06cc", + "\u0628\u0647\u0631\u0627\u0645\u06cc", + "\u062d\u0633\u0646\u06cc", + "\u0645\u062d\u0645\u062f\u06cc", + "\u0645\u0646\u0635\u0648\u0631\u06cc", + "\u0639\u0644\u06cc_\u0634\u0627\u0647\u06cc", + "\u0634\u0645\u0634\u06cc\u0631\u06cc", + "\u062d\u0645\u06cc\u062f\u06cc", + "\u0645\u0648\u0633\u0648\u06cc", + "\u0644\u0627\u0686\u06cc\u0646\u06cc", + "\u0627\u0634\u062a\u0631\u06cc", + "\u0637\u0644\u0648\u0639\u06cc", + "\u0645\u062d\u062c\u0648\u0628", + "\u0639\u0628\u062f\u0627\u0644\u0645\u0627\u0644\u06a9\u06cc", + "\u062c\u0644\u0627\u0644\u06cc", + "\u062a\u0631\u06a9\u0627\u0634\u0648\u0646\u062f", + "\u06a9\u0645\u0627\u0644\u06cc", + "\u0647\u0645\u062f\u0627\u0646\u06cc", + "\u0639\u0628\u0627\u0633\u06cc", + "\u062c\u0644\u06cc\u0644\u06cc", + "\u0638\u0641\u0631\u06cc", + "\u0645\u062c\u062a\u0628\u0648\u06cc", + "\u0647\u0648\u0634\u06cc\u0627\u0631", + "\u0686\u0646\u06af\u06cc\u0632\u06cc", + "\u062f\u0627\u062f\u0641\u0631", + "\u0633\u0645\u0627\u0648\u0627\u062a", + "\u0646\u0648\u0631\u0648\u0632\u06cc", + "\u0648\u0644\u0627\u0634\u062c\u0631\u062f\u06cc", + "\u0632\u0627\u0631\u0639", + "\u0631\u0636\u0627_\u0632\u0627\u062f\u0647", + "\u0627\u0634\u0631\u0641\u06cc" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0639\u0645\u0647": "\u0639\u0645\u0648", + "\u062e\u0627\u0644\u0647": "\u0639\u0645", + "\u0628\u0627\u0631\u0648\u0646\u0633": "\u0646\u062c\u06cc\u0628_\u0632\u0627\u062f\u0647", + "\u062a\u0627\u0632\u0647_\u0639\u0631\u0648\u0633": "\u062f\u0627\u0645\u0627\u062f", + "\u0628\u06cc\u0648\u06af": "\u0645\u0631\u062f", + "\u0639\u0631\u0648\u0633": "\u0645\u0631\u062f", + "\u0644\u0648\u0631": "\u0645\u0648\u0644\u0648\u062f", + "\u062f\u0648\u0634\u0633": "\u062f\u0648\u06a9", + "\u0627\u0645\u067e\u0631\u0627\u062a\u0631\u06cc\u0633": "\u0627\u0645\u067e\u0631\u0627\u062a\u0648\u0631", + "\u0646\u0633\u0648\u0627\u0646": "\u0646\u0631", + "\u0645\u0648\u0646\u062b": "\u0646\u0631", + "\u06af\u0627\u0644": "\u0645\u0631\u062f", + "\u062e\u0627\u0646\u0645_\u06a9\u0648\u0686\u0648\u0644\u0648": "\u0645\u0631\u062f", + "\u0646\u0648\u0647": "\u067e\u0633\u0631_\u062f\u062e\u062a\u0631", + "\u0646\u0628\u0633\u0647": "\u067e\u0633\u0631_\u067e\u0633\u0631", + "\u062f\u062e\u062a\u0631_\u067e\u0633\u0631": "\u067e\u0633\u0631_\u067e\u0633\u0631", + "\u0646\u0628\u062a\u0633\u0647": "\u067e\u0633\u0631_\u062f\u062e\u062a\u0631", + "\u062e\u0627\u0646\u0645_\u0645\u062f\u06cc\u0631": "\u0646\u0627\u0638\u0645_\u0645\u062f\u0631\u0633\u0647", + "\u062e\u0627\u0646\u0645_\u0631\u0626\u06cc\u0633": "\u0646\u0627\u0638\u0645_\u0645\u062f\u0631\u0633\u0647", + "\u0634\u06cc\u0631\u0632\u0646": "\u0642\u0647\u0631\u0645\u0627\u0646", + "\u06a9\u062f\u0628\u0627\u0646\u0648": "\u0631\u0628", + "\u0644\u0627\u06a9\u0648": "\u0631\u06cc\u062f\u06a9", + "\u0634\u0647\u0628\u0627\u0646\u0648": "\u067e\u0627\u062f\u0634\u0627\u0647", + "\u0631\u0641\u06cc\u0642\u0647": "\u0633\u0627\u0644\u0627\u0631", + "\u062e\u0631\u062f\u0647_\u06af\u06cc\u0631\u06cc_\u06a9\u0631\u062f\u0646": "\u067e\u062a", + "\u0645\u0627\u062f\u0631\u06cc_\u06a9\u0631\u062f\u0646": "\u0627\u062a\u0627", + "\u0627\u06cc\u0631\u0627\u062f_\u06af\u0631\u0641\u062a\u0646": "\u067e\u062a", + "\u0648\u0627\u0644\u062f\u0647": "\u067e\u062a", + "\u0646\u0648\u0646": "\u0631\u0647\u0628\u0627\u0646\u06cc", + "\u0646": "\u0631\u0647\u0628\u0627\u0646\u06cc", + "\u0631\u0627\u0647\u0628\u0647": "\u0631\u0647\u0628\u0627\u0646\u06cc", + "\u0634\u0627\u0647\u062f\u062e\u062a": "\u0645\u06cc\u0631", + "\u0645\u0644\u06a9\u0647": "\u0634\u0627\u0647", + "\u0645\u0644\u06a9\u0647_\u0634\u062f\u0646": "\u0634\u0627\u0647", + "\u06a9\u0648\u06cc\u06cc\u0646\u0632": "\u067e\u0627\u062f\u0634\u0627\u0647\u0627\u0646", + "\u062e\u0648\u0627\u0647\u0631": "\u0628\u0631\u0627\u062a", + "\u062e\u0648\u0631": "\u0628\u0631\u0627\u062f\u0631", + "\u0647\u0645\u0634\u06cc\u0631\u0647": "\u0628\u0631\u0627\u062f\u0631", + "\u0627\u062e\u062a": "\u0627\u062e", + "\u0646\u0627\u062f\u062e\u062a\u0631\u06cc": "\u067e\u0633\u0646\u062f\u0631", + "\u062f\u062e\u062a\u0646\u062f\u0631": "\u067e\u0633\u0646\u062f\u0631", + "\u0646\u0627\u0645\u0627\u062f\u0631\u06cc": "\u0646\u0627\u067e\u062f\u0631\u06cc", + "\u0645\u0627\u062f\u0646\u062f\u0631": "\u067e\u062f\u0646\u062f\u0631", + "\u0645\u0647\u0645\u0627\u0646\u062f\u0627\u0631_\u0647\u0648\u0627\u067e\u06cc\u0645\u0627": "\u0648\u06a9\u06cc\u0644_\u062e\u0631\u062c", + "\u0628\u06cc\u0648\u0647": "\u0645\u0631\u062f_\u0628\u06cc\u0648\u0647", + "\u0628\u06cc\u0648\u0647_\u0634\u062f\u0646": "\u0645\u0631\u062f_\u0628\u06cc\u0648\u0647", + "\u0645\u0631\u0627\u062a": "\u0634\u0648", + "\u0632\u0646": "\u0645\u0631\u062f", + "\u0632\u0648\u062c\u0647": "\u0634\u0648\u06cc", + "\u0639\u06cc\u0627\u0644": "\u0634\u06cc", + "\u0698\u0646": "\u06af\u0631\u062f\u0627\u0646\u062f\u0646", + "\u0645\u0631\u0627": "\u0639\u0627\u0634\u0642", + "\u0632\u0627\u0644": "\u06af\u0631\u062f\u0627\u0646\u062f\u0646", + "\u0633\u062a": "\u06af\u0631\u062f\u0627\u0646\u062f\u0646", + "\u067e\u0633\u0631": "\u062e\u0627\u0646\u0645_\u06a9\u0648\u0686\u0648\u0644\u0648", + "\u06a9\u0648\u0631": "\u062e\u0627\u0646\u0645_\u06a9\u0648\u0686\u0648\u0644\u0648" + }, + "other_gender_swap": { + "\u062f\u06cc": "\u0627\u0646\u0627\u0646" + }, + "en_pronoun2gender": { + "they": [ + "\u062a\u0631\u0627\u062c\u0646\u0633\u06cc\u062a\u06cc", + "\u062f\u0648\u062c\u0646\u0633\u200c\u06af\u0631\u0627", + "\u0647\u0645\u062c\u0646\u0633\u06af\u0631\u0627" + ], + "he": [ + "\u0639\u0627\u0634\u0642", + "\u0646\u0631", + "\u062c\u0646\u062a\u0644\u0645\u0646", + "\u067e\u0633\u0631_\u0628\u0686\u0647", + "\u0631\u0627\u06cc\u06a9\u0627", + "\u0631\u06cc\u062f\u06a9", + "\u06af\u0631\u062f\u0627\u0646\u062f\u0646", + "\u06a9\u0648\u0631", + "\u0645\u0631\u062f", + "\u067e\u0633\u0631_\u06a9\u0648\u0686\u06a9", + "\u0644\u0648\u062f\u06cc", + "\u0645\u0639\u0627\u0645\u0644\u0647_\u06a9\u0631\u062f\u0646", + "\u067e\u0633\u0631", + "\u0634\u062e\u0635_\u0645\u062d\u062a\u0631\u0645" + ], + "she": [ + "\u0632\u0627\u0644", + "\u06a9\u0645_\u062f\u0627\u0634\u062a\u0646", + "\u0633\u062a", + "\u062f\u062e\u062a\u0631_\u062f\u0647\u0642\u0627\u0646", + "\u062f\u062e\u062a\u0631_\u062e\u0627\u0646\u0645", + "\u0646\u0627\u0642\u0635_\u0628\u0648\u062f\u0646", + "\u0632\u0646", + "\u0639\u0631\u0648\u0633\u06a9", + "\u0698\u0646", + "\u0646\u062f\u0627\u0634\u062a\u0646", + "\u0645\u0631\u0627", + "\u0645\u06cc\u0633_\u0627\u06cc", + "\u0645\u0627\u062f\u0645\u0627\u0632\u0644", + "\u0646\u0628\u0648\u062f\u0646", + "\u0641\u0627\u0642\u062f_\u0628\u0648\u062f\u0646", + "\u0646\u0633\u0648\u0627\u0646", + "\u06af\u0627\u0644", + "\u06a9\u062f\u0628\u0627\u0646\u0648", + "\u062e\u0627\u0646\u0645_\u06a9\u0648\u0686\u0648\u0644\u0648", + "\u0645\u0633\u062a\u062e\u062f\u0645\u0647", + "\u062e\u062f\u0645\u062a\u06a9\u0627\u0631", + "\u0645\u0648\u0646\u062b", + "\u062e\u062f\u0645\u062a\u06af\u0632\u0627\u0631" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u062f\u06cc" + ], + "she": [ + "\u0647\u0627" + ], + "they": [ + "\u0627\u06cc\u0634\u0627\u0646", + "\u0627\u0646\u0647\u0627", + "\u062f\u0648\u06cc", + "\u0627\u0646\u0627\u0646", + "\u0622\u0646\u0647\u0627" + ], + "it": [ + "\u062f\u0648\u0644", + "\u0627\u06cc\u0646\u200c\u0647\u0627", + "\u0627\u06cc\u0646", + "\u062f\u0647", + "\u0627\u064a\u0646", + "\u0627\u06cc\u0646\u0647\u0627", + "\u0627\u0646_\u06cc\u06a9\u06cc" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ff.json b/data_tooling/pii_processing/ontology/data/ff.json new file mode 100644 index 0000000..b08f272 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ff.json @@ -0,0 +1,31 @@ +{ + "LOCATION": [ + "a_jaraama" + ], + "PLANT": [ + "gawri" + ], + "GENDER": [ + "debbo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "debbo" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fi.json b/data_tooling/pii_processing/ontology/data/fi.json new file mode 100644 index 0000000..ab354da --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fi.json @@ -0,0 +1,12379 @@ +{ + "EVENT": [ + "maailmann\u00e4yttely", + "c_est_la_vie", + "fleur_de_lys", + "kuolemantanssi", + "varoitusviesti", + "sing_sing", + "elokuvafestivaalit", + "kerskailuoikeudet", + "heraldinen_lilja", + "fleur_de_lis", + "grand_prix", + "peliautomaatti", + "jazzfestivaali", + "meritaistelu" + ], + "DISEASE": [ + "torikauhu", + "pitk\u00e4n\u00e4k\u00f6isyys", + "kaluresis", + "sairastunut", + "v\u00e4rikalvontulehdus", + "sars", + "korraasio", + "nikotus", + "mielenvika", + "paapia", + "ristiintartunta", + "pertussis", + "kivist\u00e4\u00e4", + "varsim\u00e4t\u00e4", + "beetatalassemia", + "sienimyrkytys", + "taisteluvamma", + "nielemish\u00e4iri\u00f6", + "rasitusrintakipu", + "o_jalat", + "filovirus", + "ruokamyrkytys", + "dekompressiotauti", + "acanthosis_nigricans", + "siitep\u00f6lyallergia", + "karjarutto", + "toispuolihalvaus", + "hollanninjalavatauti", + "pajunvitsamurtuma", + "hermotulehdus", + "mahahaava", + "viherdikromasia", + "heijasteettomuus", + "pusutauti", + "karpalonmuumiopikari", + "verenkiertoh\u00e4iri\u00f6", + "karsinosarkooma", + "j\u00e4rvisyyhy", + "bataattitauti", + "kromosomivaurio", + "gammopatia", + "norsutauti", + "k\u00e4ytt\u00f6h\u00e4iri\u00f6", + "kaksiv\u00e4rin\u00e4k\u00f6", + "paratyphus", + "komplikaatio", + "okronoosi", + "valekuolema", + "karsinoidi", + "kouristaa", + "ruokavilja", + "paise", + "traumatofobia", + "dementoituminen", + "lamaannus", + "rikkoontuminen", + "sidekalvontulehdus", + "ki", + "sinkil\u00f6id\u00e4", + "polio", + "aniseikonia", + "tabes_dorsalis", + "jomottaa", + "radikuliitti", + "nukahtelusairaus", + "bunion", + "hengitysvaikeusoireyhtym\u00e4", + "linturutto", + "tihe\u00e4ly\u00f6ntisyys", + "hajataittoisuus", + "neulasruoste", + "rauhasten_sairaus", + "rautaylim\u00e4\u00e4r\u00e4", + "v\u00e4lkep\u00e4lvi", + "araknofobia", + "flavivirus", + "sirist\u00e4\u00e4", + "kokaiiniriippuvuus", + "lakastumistauti", + "punasokeus", + "proktalgia", + "pikku_juttu", + "valkomuunnos", + "taudinaiheuttaja", + "myrkytys", + "kariutuminen", + "samentuma", + "hermos\u00e4rky", + "ruusufinni", + "psykoneuroosi", + "hietakuha", + "salmonelloosi", + "vilunv\u00e4reet", + "hereill\u00e4olo", + "flavivirukset", + "suurikielisyys", + "rage", + "sairaus", + "juurim\u00e4t\u00e4", + "devianssi", + "pernatulehdus", + "haihduttaminen", + "innervaatio", + "lamautuminen", + "astasia", + "ekstraduraali", + "analgesia", + "anestrus", + "mahakipu", + "lehm\u00e4nrokko", + "alaraajahalvaus", + "nikotella", + "rusottaa", + "merisairaus", + "sirppisolu", + "paisetauti", + "costochondritis", + "reisis\u00e4rky", + "als", + "sy\u00f6mish\u00e4iri\u00f6", + "alipainetauti", + "androfobia", + "ruskom\u00e4t\u00e4", + "takellella", + "hengenahdistus", + "paraservikaalipuudutus", + "verenkieroh\u00e4iri\u00f6", + "kystoseele", + "rabies", + "haisunoki", + "fotofobia", + "kampurajalka", + "valkohilse", + "muutostila", + "plasmasytooma", + "pikkuaivoataksia", + "lavantauti", + "palilalia", + "maitorupi", + "liikal\u00e4mp\u00f6isyys", + "strabismi", + "hidas_virus", + "gumma", + "transpositio", + "kaukokipu", + "areenavirus", + "rakiitti", + "kitalakihalkio", + "pleomorfinen_rabdomyosarkooma", + "lihasreuma", + "pahanolontunne", + "parvo", + "mahanpuru", + "luunmurtuma", + "hsv_1", + "kivitauti", + "arpi", + "lihasdystrofia", + "lasiaissamentuma", + "kauranavonoki", + "pansytopenia", + "nuoruusvuodet", + "v\u00e4rikalvotulehdus", + "hein\u00e4nuha", + "valoammus", + "koulupelko", + "puutiaiskuume", + "anthrax_pneumonia", + "verentungos", + "siderosis", + "papilloomavirukset", + "luksaatio", + "paiserutto", + "skotooma", + "denguekuume", + "tenniskyyn\u00e4rp\u00e4\u00e4", + "marasmi", + "nelj\u00e4sp\u00e4iv\u00e4inen", + "progeria", + "ortomyksovirus", + "adenomatoottinen_polyyppi", + "sokeerata", + "munasarjatulehdus", + "hiertym\u00e4", + "postiitti", + "verruca_acuminata", + "putkin\u00e4k\u00f6", + "affektih\u00e4iri\u00f6", + "hiekkakasvain", + "pikkuvika", + "suippop\u00e4\u00e4", + "papovavirus", + "arbovirukset", + "hordeolum", + "kvasiorkor", + "harmaakaihi", + "klinodaktylia", + "munasarjaraskaus", + "verkkokalvosairaus", + "hernia_diaphragmatica", + "monihermotulehdus", + "verenmyrkytys", + "treenausvamma", + "alfavirus", + "syntym\u00e4vika", + "kilpirauhastulehdus", + "meritauti", + "k\u00e4rist\u00e4minen", + "valkorokko", + "kuppa", + "zikavirus", + "tornikallo", + "liikuntah\u00e4iri\u00f6", + "distomatosis", + "mahatauti", + "aristavuus", + "sensaatio", + "akateksia", + "listerioosi", + "geofagia", + "megacolon_congenitum", + "versotauti", + "materialismi", + "seisomiskyvytt\u00f6myys", + "vedenpelko", + "sijoiltaanmeno", + "ratsupaikkapuudutus", + "m\u00e4\u00e4rly", + "logagrafia", + "repe\u00e4minen", + "tieleikkaus", + "sanantoisto", + "lepidofobia", + "clavus", + "vilkeuni", + "valekuristustauti", + "nelj\u00e4nnesn\u00e4k\u00f6kentt\u00e4sokeus", + "hermojuuritulehdus", + "sukeltajantauti", + "haavoittuminen", + "limattomuus", + "vehn\u00e4nsilohaisunoki", + "naftaliinimyrkytys", + "phytophthora_ramorum", + "vajaal\u00e4mp\u00f6isyys", + "kuristusventtiili", + "natriureesi", + "virtsaamiskyvytt\u00f6myys", + "sairastelu", + "ajetus", + "puheh\u00e4iri\u00f6", + "kolmip\u00e4iv\u00e4kuume", + "talinvuoto", + "oikeataittoisuus", + "transponointi", + "ennakkotunne", + "hikata", + "haistamiskyvytt\u00f6myys", + "pharyngitis", + "rasitusmurtuma", + "vaahterasiirappitauti", + "kofeiiniriippuvuus", + "maksatulehdus", + "sirist\u00e4minen", + "ammoniakkivirtsaisuus", + "heroiiniriippuvuus", + "k\u00e4pylis\u00e4kekasvain", + "punatauti", + "pernakuume", + "kvadriplegia", + "bradykardia", + "monilihastulehdus", + "kurtistuminen", + "kvadrantanopia", + "maitorokko", + "beriberi", + "ragadit", + "r\u00e4j\u00e4hdysvamma", + "erkanema", + "kromosomipoikkeavuus", + "silikoosi", + "borrelioosi", + "rivopuheisuus", + "s\u00e4teilysairaus", + "kuristusk\u00e4\u00e4mi", + "gall", + "heikkorakenteisuus", + "mania", + "dementia", + "koronaarinen", + "j\u00e4k\u00e4l\u00e4tauti", + "radianssi", + "valkom\u00e4t\u00e4", + "akineesi", + "toisintokuume", + "the_bends", + "arenavirus", + "hapanverisyys", + "kielitulehdus", + "kammiov\u00e4rin\u00e4", + "virtsanjohdinlaajentuma", + "struma", + "phytophthora_infestans", + "haukkapala", + "kakeksia", + "ummetus", + "lordoosi", + "per\u00e4airon_soutaja", + "agammaglobulinemia", + "streptococcus_tonsilitis", + "nuhavirus", + "s\u00e4hk\u00f6isku", + "shape", + "k\u00e4rkikasvuisuus", + "tarvepakotus", + "satanofobia", + "yhteenkasvettuminen", + "lipidemia", + "kalkkeutuma", + "v\u00e4lirikko", + "livedo", + "poskiontelontulehdus", + "otseena", + "ms", + "heisimatotartunta", + "alkuer\u00e4", + "floora", + "siirtym\u00e4murtuma", + "valtimonpullistuma", + "prodomi", + "nuhakuume", + "huonovointisuus", + "ristihuulisuus", + "pernaruttoajos", + "askites", + "ekstrasystolia", + "verenpurkauma", + "perunarutto", + "uniapnea", + "rauhaskuume", + "epstein_barr_virus", + "korkeustauti", + "herukanvillaruoste", + "rachischisis", + "orgasmivaikeus", + "slice", + "fruktosuria", + "huimaus", + "proteinuria", + "myrkkyverisyys", + "koukkuselk\u00e4inen", + "tummasolusy\u00f6p\u00e4", + "superinfektio", + "maksasy\u00f6p\u00e4", + "karvastelu", + "haavauma", + "harjarinta", + "lapsivuodekuume", + "harmaahome", + "kuteloiminen", + "kuvasokeus", + "vilutauti", + "vastustuskyvytt\u00f6myys", + "servisiitti", + "talvihorros", + "draivi", + "virtsatieinfektio", + "kieroselk\u00e4isyys", + "pikkukohtaus", + "liikepahoinvointi", + "vitamiinimyrkytys", + "harmistuminen", + "virtsaamish\u00e4iri\u00f6", + "yksisilm\u00e4ep\u00e4muodostuma", + "lehm\u00e4rokko", + "talviuni", + "laihuush\u00e4iri\u00f6", + "leikkuu", + "lihaskouristus", + "haittatekij\u00e4t", + "ahtaanpaikankammo", + "hengitystieinfektio", + "harhatuntemus", + "kuuromykkyys", + "surkastuneisuus", + "lukivaikeus", + "kovettuma", + "mustavesikuume", + "napostelu", + "klaustrofobia", + "albuminuria", + "tamponishokki", + "solullisuus", + "hapenpuute", + "akatafasia", + "m\u00f6hk\u00f6nen\u00e4", + "v\u00e4lilevytyr\u00e4", + "ientulehdus", + "lehtilaikkubakterioosi", + "analbuminemia", + "meromelia", + "valtimonlaajentuma", + "klassinen_hemofilia", + "lukih\u00e4iri\u00f6", + "lehtiruusuke", + "deuteranopia", + "koittaa", + "pernarutto", + "ruumiinvamma", + "heikkon\u00e4k\u00f6isyys", + "normaalil\u00e4mp\u00f6isyys", + "johtoratakimppu", + "lipidoosi", + "kaviohalkeama", + "hermokompressio", + "ammoniuria", + "ruumismyrkytys", + "para", + "torikammo", + "levyepiteelisy\u00f6p\u00e4", + "bolivian_verenvuotokuume", + "eversio", + "solutulehdus", + "unitauti", + "koirakammo", + "haava", + "kirpunpurema", + "kristuksen_haavat", + "rohtuma", + "proktiitti", + "suonikohju", + "myrkkymuratti", + "kallonsis\u00e4inen_valtimonlaajentuma", + "ada_scid", + "kukkia", + "valgus", + "chorea", + "perunavirus", + "costiasis", + "a_hepatiitti", + "ei_gonokokkaalinen_virtsaputkitulehdus", + "lysinemia", + "maitotauti", + "johtoratapuudutus", + "maksamatotauti", + "handicap", + "kuristaminen", + "autoimmuunisairaus", + "mansikkaluomi", + "vointi", + "abrakia", + "hs1", + "arenaviridae", + "puristuminen", + "sirppisoluanemia", + "kissanraapaisutauti", + "marmoritauti", + "siriasis", + "liikeataksia", + "ryypp\u00e4\u00e4minen", + "spinaalinen", + "alalia", + "pernio", + "chloasma", + "kouristustauti", + "oftalmoplegia", + "cyclothymia", + "pirstalemurtuma", + "rustoutuminen", + "hydronefroosi", + "happomyrkytys", + "haavautuminen", + "yhteenkasvama", + "arefleksia", + "j\u00e4\u00e4kylmyys", + "monivarpaisuus", + "kastanjanruostesieni", + "ajoura", + "runsasvirtsaisuus", + "j\u00e4ttikasvu", + "sodoku", + "suurisyd\u00e4misyys", + "cva", + "wale", + "riisitauti", + "vaivaisenluu", + "kaihota", + "per\u00e4suolitulehdus", + "mahakatarri", + "malationimyrkytys", + "kaksiraajahalvaus", + "verenvuototauti", + "palleatyr\u00e4", + "kastanjanruoste", + "maksakasvain", + "gravida", + "sarveistuma", + "stitch", + "tulehdus", + "nikotiinimyrkytys", + "sotapsykoosi", + "spermatoseele", + "lohkokeuhkokuume", + "vaccina", + "v\u00e4likorvatulehdus", + "grafospasmi", + "miliaria", + "humalatila", + "variola_major", + "p\u00e4\u00e4st\u00f6aristus", + "herpes_simplex_virus", + "k\u00e4\u00e4pi\u00f6kasvuisuus", + "kissakammo", + "v\u00e4likorvantulehdus", + "kausalgia", + "lumisokeus", + "crick", + "rikastaa", + "pajunoksamurtuma", + "lintuinfluenssa", + "mola_hydatidosa", + "multippeliskleroosi", + "valokuvayhdistelm\u00e4", + "mongoloidismi", + "ristikanavapuudutus", + "sepelvaltimotauti", + "pronssidiabetes", + "kynsitauti", + "yhteenkasvettuma", + "rapsuttaa", + "persoonallisuush\u00e4iri\u00f6t", + "houretila", + "suomyrkkysumakki", + "amastia", + "turpoaminen", + "paramyksovirus", + "sokkitila", + "kamelirokko", + "kromosomimuutos", + "presbyopia", + "olla_n\u00e4lk\u00e4", + "fluoroosi", + "hinkuysk\u00e4", + "kuusokeus", + "tarsitis", + "sarveiskalvotulehdus", + "v\u00e4risokeus", + "terveysongelma", + "notkoselk\u00e4isyys", + "kaasugangreeni", + "ristiselk\u00e4kipu", + "kaasuembolia", + "granulosyyttileukemia", + "kretinismi", + "anasarka", + "hermoromahdus", + "tutia", + "schistorrhachis", + "koolifagi", + "haimatulehdus", + "kyberseksi", + "mahatulehdus", + "kaarijalka", + "kuristuskela", + "tuhkarokko", + "hydrokefalia", + "aliravitsemus", + "aurajoki", + "chi", + "sulatush\u00e4iri\u00f6", + "rachitis", + "delirium", + "ydinkaihi", + "blastooma", + "kefalalgia", + "kissanraapimatauti", + "tapaturmavahinko", + "von_recklinghausenin_tauti", + "valonarkuus", + "pudendaalipuudutus", + "karotenemia", + "stridor", + "napatyr\u00e4", + "dissosiaatioh\u00e4iri\u00f6", + "punavihersokeus", + "kumivuoto", + "sokeus", + "rytmih\u00e4iri\u00f6", + "koiranpurema", + "turvotus", + "qi", + "gargoilismi", + "olla_kukassa", + "puristusmurtuma", + "alkuvaikeudet", + "harminkappale", + "paleltumavamma", + "kuukautiskivut", + "glykosuria", + "litiaasi", + "herpes_simplex", + "hakkuuaukea", + "happivelka", + "proktoseele", + "kapillaarifraktuura", + "s\u00e4teitt\u00e4isyys", + "akolia", + "tartunnanlevitt\u00e4j\u00e4", + "isop\u00e4isyys", + "nielemiskipu", + "posttraumaattinen_epilepsia", + "kivip\u00f6lykeuhko", + "kire\u00e4kielisyys", + "palautusly\u00f6nti", + "akinesia", + "kolmoishermos\u00e4rky", + "epstein_barrin_virus", + "parametriitti", + "k\u00e4\u00e4pi\u00f6kasvu", + "scarlatina", + "pikkuaivovarsi", + "palohaava", + "jalkakramppi", + "caranx_bartholomaei", + "lockjaw", + "scleroderma_suku", + "suonenveto", + "lokeronivusajos", + "poliomyeliitti", + "spina_bifida", + "talinvuotosarveistuma", + "hydremia", + "munasarjantulehdus", + "persoonallisuush\u00e4iri\u00f6", + "rao", + "hermo\u00e4rsytys", + "rusketus", + "parapareesi", + "raskausaika", + "mutakuoppa", + "metamorfopsia", + "flaviviridae", + "horkka", + "paralysis_agitans", + "sinikielitauti", + "tyreotoksikoosi", + "punasoluhajoanemia", + "homep\u00f6lykeuhko", + "vauvarokko", + "painehaava", + "galaktosemia", + "lihastulehdus", + "isop\u00e4\u00e4", + "keltatauti", + "kala_azar", + "gimp", + "oestrus", + "hyvitell\u00e4", + "spigelia", + "yksikiveksisyys", + "olla_janoinen", + "panenkefaliitti", + "punehtuminen", + "bensa", + "kalkkeutuminen", + "hiirilavantauti", + "sepelvaltimotautikohtaus", + "rauhassairaus", + "hydrartroosi", + "furunkuloosi", + "raskauskouristus", + "pelkoneuroosi", + "abasia", + "frenzy", + "lehtiruoste", + "vinokalloisuus", + "varrellinen_polyyppi", + "mastiitti", + "limap\u00f6h\u00f6tauti", + "alexia", + "sanasokea", + "lepoaika", + "herpes", + "tartuntatauti", + "normaalipaineglaukooma", + "kuhmuleuka", + "trillata", + "kudoskuolio", + "rauhassy\u00f6p\u00e4", + "akardia", + "kosmidi", + "hammaskuoppatulehdus", + "avosilm\u00e4isyys", + "primaarikuppa", + "verkkoseksi", + "paleltuminen", + "maitorauhastulehdus", + "kausijuoppous", + "verenpunasairaus", + "nikamatulehdus", + "twist", + "lipemia", + "lihasrappeuma", + "punaj\u00e4k\u00e4l\u00e4", + "kaihi", + "tajuamattomuus", + "maksasolukasvain", + "kirjoitush\u00e4iri\u00f6", + "smart", + "papilledeema", + "amelia", + "karsinooma", + "hermostosairaus", + "spruutauti", + "epidemic_encephalitis", + "alil\u00e4mp\u00f6isyys", + "ahdaskulmaglaukooma", + "katalepsia", + "genitaaliherpes", + "akustikofobia", + "valtimonymp\u00e4rystulehdus", + "keiloosi", + "puhevika", + "gumboil", + "l\u00e4nsi_niilin_virus", + "haimasy\u00f6p\u00e4", + "lukemish\u00e4iri\u00f6", + "heikkohermoisuus", + "kromosomih\u00e4iri\u00f6", + "ed", + "liikaunisuus", + "breakdown", + "verenpunavirtsaisuus", + "raskausmyrkytys", + "karpaalitunnelioireyhtym\u00e4", + "lehtipuunsy\u00f6p\u00e4", + "viidakkokuume", + "kiertokaula", + "kaliuresis", + "sikainfluenssa", + "hermoheikkous", + "akarofobia", + "hionta", + "pica", + "kammiov\u00e4lisein\u00e4aukko", + "kankroidi", + "mooseksen", + "lapsihalvaus", + "kulkutauti", + "invertointi", + "valtimonkovettumatauti", + "naisnis\u00e4isyys", + "naarmuttaminen", + "mielenterveysh\u00e4iri\u00f6", + "granulomatoosi", + "aukiokammo", + "hengityselinsairaus", + "vilunv\u00e4ristykset", + "miekkailuarpi", + "nikotiiniriippuvuus", + "pylorusstenoosi", + "sulkukulmaglaukooma", + "acetonuria", + "peilisymmetria", + "lintukolera", + "ruostuminen", + "nielurisatulehdus", + "rhus_radicans", + "katarrikuume", + "vaccinia", + "kirjoittamiskyvytt\u00f6myys", + "automysofobia", + "delta_hepatiitti", + "vaihtuvakorkoinen_joukkovelkakirjalaina", + "hermotus", + "kvartaanakuume", + "munasarjakysta", + "koliikki", + "pehmytkudospatti", + "virtsarakontulehdus", + "pienip\u00e4isyys", + "per\u00e4suolentulehdus", + "lihaviipale", + "valerokko", + "albrightin_sairaus", + "kallus", + "nokitauti", + "myrkytt\u00e4minen", + "tarkkaavaisuush\u00e4iri\u00f6", + "piilokiveksisyys", + "j\u00e4nisrutto", + "verenv\u00e4hyys", + "limakalvovihoittuma", + "siristell\u00e4", + "talipes", + "sikotauti", + "keratosis_blennorrhagica", + "nis\u00e4sairaus", + "olla_kiimassa", + "puolikent\u00e4npuutos", + "kryptobioosi", + "karvatupentulehdus", + "v\u00e4lilevypullistuma", + "oftalmia", + "tulipolte", + "aktinomykoosi", + "uutisvuoto", + "sikakuume", + "kielij\u00e4nteenrakennevirhe", + "lihaskasvain", + "velttohalvaus", + "parestesia", + "paleltuma", + "tabes", + "ammattitauti", + "poliovirus", + "demineralisaatio", + "luum\u00e4t\u00e4", + "kaviokuume", + "joukkohysteria", + "aleksinen", + "aitosy\u00f6p\u00e4", + "lyhytkasvuisuus", + "balanopostiitti", + "s\u00e4velkuurous", + "alil\u00e4mp\u00f6", + "rubella", + "ly\u00f6d\u00e4_kevyesti", + "epidermolysis_bullosa", + "maksakooma", + "pain", + "abeetalipoproteinemia", + "verkkokalvotulehdus", + "sotaneuroosi", + "sarveisihoisuus", + "pinealooma", + "diestrus", + "luhistuminen", + "kihomatotauti", + "punastus", + "rokonarpi", + "aamupahoinvointi", + "bunyaviridae", + "jalkas\u00e4rky", + "aleksikko", + "arbovirus", + "laskimotulehdus", + "pohjukaissuolihaava", + "nikamansiirtym\u00e4", + "cervicitis", + "valittaminen", + "elastoosi", + "lassakuume", + "herpesaivokuume", + "sokeritauti", + "huimaavuus", + "parainfluenssavirus", + "bruselloosi", + "hsv_i", + "hydramnion", + "lukuh\u00e4iri\u00f6", + "hansikashalvaus", + "masentuneisuush\u00e4iri\u00f6", + "hermosairaus", + "the_passion_of_the_christ", + "kissanraapimakuume", + "keltakasvama", + "verenvuoto", + "talassemia", + "haukata", + "kuru\u015f", + "maligniteetti", + "seminooma", + "pareesi", + "aerodontalgia", + "akorea", + "skalenusoireyhtym\u00e4", + "tmv", + "nettiseksi", + "lehtisairaus", + "hyperkrominen_anemia", + "liikaliikkuvuus", + "vasovesiculitis", + "talik\u00f6hn\u00e4ihottuma", + "virtsaputkitulehdus", + "konduktioafasia", + "kaasukuolio", + "leikkautua", + "tulehdussairaus", + "kolestaasi", + "pansinuiitti", + "haparoivuus", + "t\u00e4ysk\u00e4heys", + "fonofobia", + "verekkyys", + "steatokystooma", + "luutulehdus", + "juurikasrutto", + "kruppi", + "wtv", + "alkuel\u00e4ininfektio", + "autoimmuniteetti", + "kolhaista", + "viherkaihi", + "ill", + "keltasiniv\u00e4risokeus", + "levytt\u00e4\u00e4", + "chalazion", + "rannekanavaoireyhtym\u00e4", + "parasitemia", + "useassa_paikassa_\u00e4\u00e4nest\u00e4v\u00e4_\u00e4\u00e4nest\u00e4j\u00e4", + "pikkulavantauti", + "torajyv\u00e4myrkytys", + "kestoerektio", + "paraplegia", + "faryngiitti", + "anestrum", + "gynekomastia", + "locoism", + "kondrodystrofia", + "hikirakkulatauti", + "palovamma", + "stigmata", + "surkastuminen", + "variola_major_virus", + "pienisolukarsinooma", + "tulirokko", + "maksakirroosi", + "als_tauti", + "sawan", + "verenvuotokuume", + "valvulitis", + "haavautuma", + "nielutulehdus", + "punoitus", + "oppimisvaikeus", + "hamartooma", + "lihaskipu", + "spitaali", + "kosketusallergia", + "pellagra", + "johtopuudutus", + "liikavarvas", + "parationimyrkytys", + "y\u00f6nsilm\u00e4", + "sammallus", + "strabismus_convergens", + "kyhmyruusu", + "sinkinpuute", + "rokahtuma", + "ei_trombosytopeeninen_purppura", + "togaviridae", + "h\u00e4t\u00e4soihtu", + "antaa_viljarehua", + "teratooma", + "herpesenkefaliitti", + "miliaarituberkuloosi", + "karjakuume", + "kiinnikasvettuma", + "hilsetystauti", + "addiktio", + "yleisanestesia", + "mi", + "tilletia_caries", + "virtsamyrkytys", + "eventraatio", + "k\u00e4rsimykset", + "rappeuma", + "kongestio", + "raudanvarastoitumistauti", + "sivu\u00e4\u00e4ni", + "follikuliitti", + "autoimmuunidiabetes", + "sappirakontulehdus", + "heikkomielisyys", + "shigellosis", + "valkuaisvirtsaisuus", + "sorkkam\u00e4t\u00e4", + "maitokysta", + "napanuoratyr\u00e4", + "lihass\u00e4rky", + "avokulmaglaukooma", + "aura", + "tarkkakatseisuus", + "oftalmiitti", + "funikuliitti", + "a_hemofilia", + "tan", + "verenpunatauti", + "supistukset", + "piippi", + "rusotus", + "sting", + "pahoinvointi", + "pestis_bubonica", + "sidekudoskasvain", + "punkkitartunta", + "ruskettua", + "ortokorea", + "sienitauti", + "ulkokorvatulehdus", + "sellerihome", + "taisteluv\u00e4symys", + "kefaalihematooma", + "sappitietulehdus", + "lintunuha", + "aminoasiduria", + "tarantismi", + "the_bleeding", + "kondrooma", + "alveoliitti", + "hiilip\u00f6lykeuhko", + "topaasinv\u00e4ri", + "achylia_gastrica", + "rektoseele", + "sukupuoliherpes", + "protanopia", + "koisata", + "emmetropia", + "peliosis", + "hermoh\u00e4iri\u00f6", + "hsv_ii", + "kaukotaitteisuus", + "rauhastulehdus", + "talvilepo", + "sepelvaltimotukos", + "kartiopullistuma", + "paratyyfus", + "rustokasvain", + "poskiontelotulehdus", + "keltakuume", + "hiekkak\u00e4rp\u00e4skuume", + "aliravita", + "kierouma", + "tietokonekammo", + "trauma", + "kernikterus", + "limapussintulehdus", + "pahanlaatuisuus", + "surkastua", + "suomutauti", + "temporaaliepilepsia", + "valekaksineuvoisuus", + "echovirus", + "uraemia", + "punat\u00e4pl\u00e4hilseily", + "paniikkih\u00e4iri\u00f6", + "lichen_planus", + "hermov\u00e4re", + "hankaushaava", + "kuru", + "burn", + "kalvetustauti", + "kovettaminen", + "tukikudostulehdus", + "kielill\u00e4puhuminen", + "lagophthalmos", + "von_willerbrandin_tauti", + "paloj\u00e4lki", + "kehitysvamma", + "kaukotaittoisuus", + "parasentraalinen_skotooma", + "ruokahaluttomuus", + "parakvattimyrkytys", + "raudanpuutosanemia", + "karotinemia", + "valeraskaus", + "sukuelinherpes", + "luunpehmeneminen", + "sammastulehdus", + "balaniitti", + "granulosytopenia", + "kondrosarkooma", + "vadelmanversotauti", + "papillooma", + "herkk\u00e4nahkaisuus", + "pilkkukuume", + "aeroembolia", + "noma", + "mulkosilm\u00e4", + "kynsinauhantulehdus", + "ortopnea", + "siemenkohju", + "hydrofobia", + "the_hives", + "mongolismi", + "hemeralopia", + "valtimotulehdus", + "struuma", + "astrafobia", + "nappaaminen", + "peltikorva", + "kyynelpussitulehdus", + "koriomeningiitti", + "kielikipu", + "dengue", + "valkovatsuri", + "ruoste", + "punahome", + "meripahoinvointi", + "kuroutuminen", + "monisormisuus", + "heikkoverisyys", + "venekalloisuus", + "kirjoituskyvytt\u00f6myys", + "flare", + "papilloomakasvain", + "kofeiinimyrkytys", + "rauhastauti", + "petekia", + "hermopinne", + "sairaalatartunta", + "salmonellat", + "l\u00e4\u00e4keannos", + "holkkuvuus", + "massahysteria", + "kaksoishalvaus", + "vuoristotauti", + "habituaatio", + "le", + "bunyavirus", + "paisuminen", + "maksasairaus", + "appendisiitti", + "heng\u00e4styneisyys", + "pitk\u00e4taittoisuus", + "s\u00e4teilevyys", + "kolekystiitti", + "keratoderma_blennorrhagica", + "para_joki", + "himota", + "parvovirus", + "salmonella", + "toxicodendron_radicans", + "raudanpuuteanemia", + "kelluja", + "hankautua", + "kontuusio", + "dekstrokardia", + "krakeloida", + "vuotokohta", + "s\u00e4\u00e4skenpurema", + "sapettaa", + "p\u00e4ivetty\u00e4", + "cacogenesis", + "tritanopia", + "normotermia", + "dysosmia", + "karvakieli", + "variola_virus", + "kovettuminen", + "fritsu", + "avausly\u00f6nti", + "virtsatietulehdus", + "kiilautuminen", + "staasi", + "salisylaattimyrkytys", + "mustam\u00e4t\u00e4", + "puutossairaus", + "haukkaus", + "lihasheikkous", + "mieskammo", + "spinal_curvature", + "karsastus", + "esotropia", + "pensaikkopilkkukuume", + "laskimontukkotulehdus", + "kryptorkia", + "hammass\u00e4rky", + "sekundaarikuppa", + "hiirikammo", + "yleisvakuutus", + "laskimolaajentuma", + "s\u00e4hk\u00f6shokki", + "malaria", + "palsi", + "riippuluomi", + "verenpainetauti" + ], + "JOB": [ + "verokarhu", + "sikojenhoitaja", + "nikkari", + "pillerinpy\u00f6ritt\u00e4j\u00e4", + "mustuttaa", + "tertiusvelallinen", + "kattilanpaikkaaja", + "sanansaattaja", + "kursija", + "suolakauppias", + "sijoituspankkiiri", + "muulinajaja", + "naputtelija", + "assistentti", + "kasviparantaja", + "rakennusinsin\u00f6\u00f6ri", + "naiskirjailija", + "reistraattori", + "sanakirjantoimittaja", + "perinatologi", + "sonnustautua", + "plastiikkakirurgi", + "rekisteriviranomainen", + "teatteriarvostelija", + "guru", + "yleisvakuutus", + "setteri", + "varastonhoitaja", + "morsiustytt\u00f6", + "kellokalle", + "lakkoilija", + "vartiosto", + "mercator", + "j\u00e4rjestynyt", + "kilpikonnanmets\u00e4st\u00e4j\u00e4", + "palomiesleikki", + "virsiseppo", + "matee", + "stoukkeri", + "galvanoija", + "harsija", + "tallentaja", + "lentomekaanikko", + "yliopistonopettaja", + "vesipoika", + "oikeusavustaja", + "molari", + "vara_amiraali", + "kondiittori", + "shearer", + "kipparoida", + "koistinen", + "asianajosihteeri", + "ruokakauppias", + "kauriinmets\u00e4st\u00e4j\u00e4", + "forester", + "kunniavartiosto", + "rapsuttaja", + "s\u00e4velt\u00e4j\u00e4", + "lentokapteeni", + "retorikko", + "konitohtori", + "huippuarvostelu", + "draiveri", + "valaistusmestari", + "taimistoviljelij\u00e4", + "remonttireiska", + "kansantaloustieteilij\u00e4", + "sauvankantaja", + "tarkkailulaite", + "siistij\u00e4", + "bestman", + "harppunoija", + "mokkeri", + "tanssinopettaja", + "sokerileipuri", + "veroarvioija", + "perinn\u00f6llisyydentutkija", + "olkikatontekij\u00e4", + "naispoliisi", + "kotiavustaja", + "s\u00e4kitt\u00e4j\u00e4", + "taksidermisti", + "k\u00e4sity\u00f6l\u00e4inen", + "nebraskalainen", + "make", + "muotisuunnittelija", + "raatimies", + "aumaaja", + "miller", + "linjaty\u00f6ntekij\u00e4", + "viikonloppusoturi", + "ihotautil\u00e4\u00e4k\u00e4ri", + "tennesseel\u00e4inen", + "keinuttaja", + "mainospala", + "sotapoliisi", + "kollektori", + "nuorisoty\u00f6ntekij\u00e4", + "ruorimies", + "naislent\u00e4j\u00e4", + "kamikazelent\u00e4j\u00e4", + "turvamies", + "kuutamourakoitsija", + "sis\u00e4tautil\u00e4\u00e4k\u00e4ri", + "valmentaja", + "lakeija", + "kaarti", + "devaaja", + "paarinkantaja", + "rahanly\u00f6j\u00e4", + "astioidenker\u00e4\u00e4j\u00e4", + "hanslankari", + "salaneuvos", + "reititin", + "haavuri", + "erikoisl\u00e4hettil\u00e4s", + "sahaaja", + "vanginvartija", + "kivisepp\u00e4", + "lascar", + "hirvenmets\u00e4st\u00e4j\u00e4", + "asetehtailija", + "j\u00e4\u00e4toimittaja", + "hammashoitaja", + "taitolent\u00e4j\u00e4", + "maitomies", + "maalinpoistoaine", + "hallintovirkamies", + "cooper", + "territoriaaliarmeija", + "haukankasvattaja", + "kartanpiirt\u00e4j\u00e4", + "veitset", + "tapahtumasuunnittelija", + "hoviherra", + "teatterikriitikko", + "maaherra", + "keitt\u00e4j\u00e4", + "reseptionisti", + "hiustenleikkaaja", + "korkeanpaikanty\u00f6l\u00e4inen", + "hummerinpyyt\u00e4j\u00e4", + "artesaani", + "poistoaine", + "perinn\u00f6llisyystieteilij\u00e4", + "neurokirurgi", + "sexton", + "per\u00e4npit\u00e4j\u00e4", + "parkitsija", + "velkap\u00e4\u00e4oma", + "sekatavarakauppias", + "mets\u00e4st\u00e4j\u00e4t\u00e4r", + "viinitarjoilija", + "hallintovirkailija", + "palsamoija", + "korttik\u00e4si", + "lammaspaimen", + "viulunrakentaja", + "kosketusvarsi", + "lampunsytytt\u00e4j\u00e4", + "panostaja", + "desinfektiokammio", + "don", + "king", + "linnustaja", + "maalaisl\u00e4\u00e4k\u00e4ri", + "ojittaja", + "taideopettaja", + "tiskikone", + "pankinjohtaja", + "puukot", + "koulumies", + "lauluntekij\u00e4", + "kulissimaalari", + "hierarkki", + "tahranpoistaja", + "tykkimies", + "huuhtoja", + "mahout", + "kehite", + "kaupunginjohtaja", + "plantaasinomistaja", + "ei_toivottu_henkil\u00f6", + "lestikala", + "terveyspiiri", + "elintarvikekauppias", + "vaalitoimitsija", + "v\u00e4litystuomarin", + "vierasty\u00f6l\u00e4inen", + "telakkaty\u00f6ntekij\u00e4", + "carver", + "asentaja", + "the_police", + "printteri", + "peacemaker", + "turncock", + "kirkonvartija", + "luuparantaja", + "kellosepp\u00e4", + "valelija", + "s\u00e4hk\u00f6insin\u00f6\u00f6ri", + "tullivirkailija", + "sananjulistaja", + "hakeem", + "sisustussuunnittelija", + "kelluja", + "mortti", + "skinner", + "kantakersantti", + "saarnamies", + "kansimies", + "kodinrikkoja", + "vakiasiakas", + "oikeusasiamies", + "myllytytt\u00f6", + "jawan", + "sommelier", + "kausiluonteinen", + "poliittinen_johtaja", + "sopimuspuoli", + "kassamyyj\u00e4", + "viinuri", + "ammattitanssija", + "pokaalinpyydyst\u00e4j\u00e4", + "sotapoika", + "uranainen", + "alikersantti", + "doge", + "pesin", + "rakuunarykmentti", + "j\u00e4n\u00f6pupu", + "kansleri", + "lister", + "valtamerentutkija", + "panssarimies", + "sovintotuomari", + "virityslaippa", + "asevelvollinen", + "pianonviritt\u00e4j\u00e4", + "lisenssinantaja", + "hallintoviranomainen", + "tiedusteluvirkamies", + "valaanpyyt\u00e4j\u00e4", + "riistanhoitaja", + "tartunnankantaja", + "punnitsija", + "nikamanniksauttaja", + "asemestari", + "kausittainen", + "apopleksia", + "suolaaja", + "rasvari", + "krupieeri", + "tuutori", + "korpraali", + "para", + "valmistaja", + "orjapalvelija", + "ty\u00f6nt\u00f6veturi", + "rokottaja", + "py\u00f6r\u00e4ntekij\u00e4", + "lassomies", + "puusepp\u00e4", + "lehtori", + "fuller", + "vahtimestari", + "antologisti", + "rivisotilas", + "lentosuunnistaja", + "the_scientist", + "thatcher", + "ravintolaty\u00f6ntekij\u00e4", + "jalokivihioja", + "currier", + "kuunteluoppilas", + "kukkalaatikko", + "sijaishallitsija", + "hiveleminen", + "paikallistoimittaja", + "asettelija", + "cook", + "spotter", + "viisari", + "s\u00e4\u00e4t\u00f6laite", + "ylipursimies", + "lapioija", + "mastermind", + "tapper", + "kassaneiti", + "astianpesij\u00e4", + "kaleeriorja", + "ahertaja", + "kuski", + "taksonomisti", + "morsiusneito", + "airomies", + "teollisuudenharjoittaja", + "liikeyritt\u00e4j\u00e4", + "jarruaine", + "ulkoty\u00f6mies", + "liukastuja", + "kankkunen", + "land", + "petata", + "rodeoratsastaja", + "kemisti", + "keinahdella", + "hakim", + "savustuskammio", + "keraamikko", + "mallintaja", + "norsunajaja", + "kameramies", + "valtiosihteeri", + "koulumestari", + "verhoilija", + "vapaaehtoisty\u00f6ntekij\u00e4", + "taistelulent\u00e4j\u00e4", + "viestintuoja", + "hammaskirurgi", + "elinkeinonharjoittaja", + "the_cutter", + "butler", + "k\u00e4rr\u00e4\u00e4j\u00e4", + "regulaattori", + "ihmiskauppias", + "nokikolari", + "tiedonantaja", + "kengitt\u00e4j\u00e4", + "kaupitsija", + "plakaatti", + "sisustusarkkitehti", + "kent\u00e4nhoitaja", + "nylkij\u00e4", + "kuuraaja", + "aivokirurgi", + "yritt\u00e4j\u00e4", + "maustaja", + "sulattaja", + "asiapoika", + "matkatoveri", + "liikkeenharjoittaja", + "yleisl\u00e4\u00e4k\u00e4ri", + "graafikko", + "korinrakentaja", + "eversti", + "pitman", + "miespalvelija", + "sotamarsalkka", + "pussittaja", + "kersantti", + "ammattikirjoittaja", + "kausity\u00f6ntekij\u00e4", + "j\u00e4rjestyksenvalvoja", + "miilunpolttaja", + "itsemurhalent\u00e4j\u00e4", + "kirvesmies", + "paakari", + "seriffi", + "olla_olevinaan_jtak", + "qadi", + "nokisutari", + "el\u00e4inl\u00e4\u00e4k\u00e4ri", + "lukiopettaja", + "vastaanottovirkailija", + "freelance", + "scientist", + "rahastaja", + "sissipartio", + "suntio", + "parsija", + "sotilasjohtaja", + "tiedusteluanalyytikko", + "lepakkomies", + "tynnyrintekij\u00e4", + "veneenveist\u00e4j\u00e4", + "systeemianalyytikko", + "lainlaatija", + "kamikaze", + "pakkaaja", + "teenlehtirasia", + "vakuutusmeklari", + "wheeler", + "paistokokki", + "autoinsin\u00f6\u00f6ri", + "pujottaja", + "the_advocate", + "kirkonpalvelija", + "mets\u00e4nvartija", + "rahastonhoitaja", + "maatalousty\u00f6l\u00e4inen", + "veska", + "page", + "reititt\u00e4j\u00e4", + "valaistusteknikko", + "el\u00e4intenhoitaja", + "leipuri", + "rauhanturvaaja", + "tuotekehitt\u00e4j\u00e4", + "olkikaton_tekij\u00e4", + "l\u00e4mmitt\u00e4j\u00e4", + "baker", + "keritsij\u00e4", + "satamaty\u00f6l\u00e4inen", + "tietokoneohjelmoija", + "puheenjohtaja", + "erikoishammasteknikko", + "matkustamohenkil\u00f6kunta", + "tukialus", + "ravintoloitsija", + "hyttipoika", + "takiloija", + "hankaaja", + "lammasfarmari", + "valaja", + "modisti", + "listoittaja", + "lehmipoika", + "taidekriitikko", + "teatteriohjaaja", + "suurl\u00e4hettil\u00e4s", + "freelancer", + "sumuttaja", + "ravitsemusterapeutti", + "meren", + "tutkintotuomari", + "juomanlaskija", + "lakonrikkoja", + "vakoaura", + "a_duuri", + "linssinhioja", + "pursimies", + "asuntomurtaja", + "kuljetuslaite", + "koordinaattori", + "endodontti", + "autonasentaja", + "liuskay\u00f6kk\u00f6nen", + "markkinoija", + "puputytt\u00f6", + "kentt\u00e4marsalkka", + "kitkij\u00e4", + "p\u00f6yt\u00e4kirjanpit\u00e4j\u00e4", + "per\u00e4mies", + "huonesiivooja", + "syd\u00e4nkirurgi", + "huonekalupuusepp\u00e4", + "varusmies", + "v\u00e4\u00e4r\u00e4nrahantekij\u00e4", + "kohmelo", + "hammashuoltaja", + "huonekalupy\u00f6r\u00e4", + "lentoper\u00e4mies", + "ovenvartija", + "valkaisija", + "kitsastelija", + "virranjakaja", + "kortistoija", + "veneenrakentaja", + "the_guardian", + "purseri", + "huippumalli", + "upseeri", + "saamamies", + "olla_jkn_puolella", + "turkkuri", + "henkivartiosto", + "rockmuusikko", + "solttu", + "sinitakki", + "ylitarkastaja", + "lukkosepp\u00e4", + "kantoaine", + "naisopettaja", + "kunniavartio", + "vakinainen", + "punatakki", + "erotuomari", + "kampauskone", + "inventoija", + "au_pair_tytt\u00f6", + "teatterikuiskaaja", + "suojalaite", + "tilastotieteilij\u00e4", + "eteisvahtimestari", + "mainostoimittaja", + "palotarkastaja", + "pes\u00e4nselvitt\u00e4j\u00e4", + "kouluttaja", + "palvelustytt\u00f6", + "olla_ty\u00f6harjoittelussa", + "linkitt\u00e4\u00e4", + "pakkauskone", + "herder", + "pukija", + "varakuvern\u00f6\u00f6ri", + "maisemansuunnittelija", + "luokanopettaja", + "liikemiehet", + "r\u00e4yst\u00e4skouru", + "mason", + "lippuvartio", + "kaupunginis\u00e4", + "matkatavarapalvelija", + "korval\u00e4\u00e4k\u00e4ri", + "satamaty\u00f6ntekij\u00e4", + "puoltaja", + "hallinnoija", + "fowler", + "kiskottaja", + "tiedemies", + "aivoverenkiertoh\u00e4iri\u00f6", + "mate", + "stoker", + "laastinkantaja", + "don_joki", + "preeriasusi", + "lukutaitoinen", + "kvestori", + "kirkonis\u00e4nt\u00e4", + "hapantaikina", + "tilap\u00e4isty\u00f6ntekij\u00e4", + "vakuutusmyyj\u00e4", + "puolestapuhuja", + "muurari", + "koelent\u00e4j\u00e4", + "pelintekij\u00e4", + "paikkasidonnainen", + "lippueamiraali", + "lipunkantaja", + "designer", + "elintarvikekauppa", + "sairaalal\u00e4\u00e4k\u00e4ri", + "portinvartija", + "sitter", + "novascotiannoutaja", + "maksuvirkailija", + "renki", + "maalintekij\u00e4", + "uutisaineisto", + "nukutusl\u00e4\u00e4k\u00e4ri", + "kuvittaja", + "viininmaistaja", + "haudankaivaja", + "hengenpelastaja", + "ojankaivaja", + "kirkkov\u00e4\u00e4rtin_apulainen", + "koiranhoitaja", + "pinoaja", + "viskaali", + "para_joki", + "perkaaja", + "kansliap\u00e4\u00e4llikk\u00f6", + "taidemaalari", + "lintsaaja", + "koulunjohtaja", + "cartwright", + "terapeutti", + "syd\u00e4nl\u00e4\u00e4k\u00e4ri", + "leip\u00e4kone", + "tie_ja_vesirakennusinsin\u00f6\u00f6ri", + "kuomuvaunut", + "paikann\u00e4ytt\u00e4j\u00e4", + "varastomies", + "fellah", + "kotiopettajatar", + "kaasuasentaja", + "geometrian_opettaja", + "talkkari", + "tinasepp\u00e4", + "kruunup\u00e4\u00e4", + "tilastoija", + "aliluutnantti", + "puoluep\u00e4\u00e4llikk\u00f6", + "koulupinnari", + "gaucho", + "kengityssepp\u00e4", + "beadle", + "trassentti", + "esitelm\u00f6ij\u00e4", + "lakkolainen", + "amputoija", + "osteopaatti", + "oikeudenpalvelija", + "sommelieeri", + "kunnostaja", + "kellonvalaja", + "kotihoitaja", + "trimmaaja", + "merijalkav\u00e4en", + "pitkitt\u00e4isj\u00e4ykiste", + "oikeusasianajaja", + "h\u00e4kkilintu", + "kastelija", + "territoriaalinen", + "cornhusker", + "konduktori", + "valkki", + "transkriptionisti", + "ilmapurjehtija", + "esseisti", + "syd\u00e4ntautil\u00e4\u00e4k\u00e4ri", + "yl\u00e4jyrsin", + "merkkaaja", + "pikakirjoittaja", + "viiruttaa", + "lentoem\u00e4nt\u00e4", + "sosiaality\u00f6ntekij\u00e4", + "kuparisepp\u00e4", + "the_economist", + "sulkuvahti", + "rokkari", + "seaman", + "kokata", + "suoneniskij\u00e4", + "basteri", + "carter", + "turkiskauppias", + "rintamamies", + "porter", + "kirkkov\u00e4\u00e4rti", + "internoida", + "tullimies", + "portteri", + "kokoustaja", + "vankilanjohtaja", + "aivol\u00e4\u00e4k\u00e4ri", + "preetori", + "metsuri", + "koulutuslentokone", + "lennonjohtaja", + "v\u00e4est\u00f6nlaskija", + "tilastotutkija", + "dosentti", + "barista", + "kaupittelija", + "valokuvaaja", + "valtiatar", + "rotanpyydyst\u00e4j\u00e4", + "ilmailija", + "warrior", + "barber", + "leimaaja", + "maanmittausinsin\u00f6\u00f6ri", + "laskuvarjoj\u00e4\u00e4k\u00e4ri", + "rovasti", + "mokkeli", + "lippujunkkari", + "el\u00e4intent\u00e4ytt\u00e4j\u00e4", + "entis\u00f6ij\u00e4", + "rakennusty\u00f6l\u00e4inen", + "ammattisotilas", + "liukastelija", + "lapiomies", + "jalokivisepp\u00e4", + "mit\u00e4t\u00f6ij\u00e4", + "ty\u00f6llistett\u00e4v\u00e4", + "asesepp\u00e4", + "sikopaimen", + "kiinteist\u00f6kehitt\u00e4j\u00e4", + "aurasepp\u00e4", + "taiteiden_opettaja", + "man", + "lankuntekij\u00e4", + "j\u00e4lkikoira", + "kartoittaja", + "patsaantekij\u00e4", + "valaanpyyntialus", + "doc", + "vuohipaimen", + "avaruussuunnistaja", + "sienensukeltaja", + "sanakirjantekij\u00e4", + "jakop\u00e4\u00e4", + "mailapoika", + "pes\u00e4nhoitaja", + "taidej\u00e4ljent\u00e4j\u00e4", + "kokoaja", + "everstiluutnantti", + "v\u00e4limies", + "hivell\u00e4", + "k\u00e4rryjentekij\u00e4", + "lentokoneinsin\u00f6\u00f6ri", + "p\u00e4\u00e4kirjanpit\u00e4j\u00e4", + "roolin\u00e4yttelij\u00e4", + "liikemies", + "kultaaja", + "s\u00e4\u00e4din", + "kakkos", + "vanuttaja", + "t\u00e4htitieteilij\u00e4", + "kilpimaalari", + "katusiivooja", + "jalostaja", + "myll\u00e4ri", + "puhuja", + "kaartoliike", + "jalokivenleikkaaja", + "tilintarkastaja", + "p\u00e4\u00e4sihteeri", + "murtautuja", + "rannikkovartija", + "perhel\u00e4\u00e4k\u00e4ri", + "vetolaatikko", + "l\u00e4nkk\u00e4ri", + "latoja", + "timperi", + "palmikoija", + "loppus\u00e4e", + "automekaanikko", + "maistraatti", + "the_machinist", + "palvelin", + "omaehtoinen", + "usher", + "messenger", + "romaanikirjailija", + "voimasakset", + "lumppuri", + "sesonki", + "kutsuttu", + "torninrakentaja", + "riistanvalvoja", + "amat\u00f6\u00f6riarkeologi", + "lajittelukone", + "koggi", + "opettajatar", + "hellapoliisi", + "verottaja", + "valtionsyytt\u00e4j\u00e4", + "rupeutua", + "au_pair", + "ilmailul\u00e4\u00e4k\u00e4ri", + "aluerakentaja", + "bridgenpelaaja", + "proconsul", + "kitaranrakentaja", + "laskuvarjosotilas", + "portsari", + "cox", + "hovimies", + "taittaja", + "krenat\u00f6\u00f6ri", + "transkriptori", + "k\u00e4rryntekij\u00e4", + "kissantassu", + "tiilenkantaja", + "\u00f6ljynporaaja", + "kalligraafikko", + "hienopuusepp\u00e4", + "kolonokkalestikala", + "lehmitytt\u00f6", + "karabinieeri", + "sotilas", + "kelluva_esine", + "hammasproteesispesialisti", + "perkausv\u00e4line", + "muotoilija", + "kurssiassistentti", + "kartantekij\u00e4", + "huonepalvelija", + "lainanantaja", + "sulunvartija", + "lyijyty\u00f6ntekij\u00e4", + "paksup\u00e4\u00e4t", + "liikenn\u00f6itsij\u00e4", + "kadunlakaisija", + "s\u00e4il\u00f6j\u00e4", + "porttivahti", + "balladisti", + "virassa_oleva", + "imett\u00e4j\u00e4", + "savenvalaja", + "sorsanmets\u00e4st\u00e4j\u00e4", + "kallonkutistaja", + "preettori", + "silm\u00e4l\u00e4\u00e4k\u00e4ri", + "sotilasupseeri", + "kaupungintuomari", + "kuriiri", + "ylimatruusi", + "sotilaspalvelija", + "pianonsoitonopettaja", + "ruotija", + "nokkamies", + "haukkamets\u00e4st\u00e4j\u00e4", + "majuri", + "alienisti", + "hermol\u00e4\u00e4k\u00e4ri", + "lentosotamies", + "marshall", + "sanomalehtikriitikko", + "doula", + "j\u00e4tt\u00e4j\u00e4", + "palomies", + "kaaso", + "erikoissairaanhoitaja", + "allergial\u00e4\u00e4k\u00e4ri", + "v\u00e4litystuomari", + "t\u00e4yskenraali", + "yleispelaaja", + "sub", + "tietokonefriikki", + "strippari", + "ehdonalaisvalvoja", + "merkillepanija", + "voimalaty\u00f6ntekij\u00e4", + "the_independent", + "leikkuuter\u00e4", + "hiusmuotoilija", + "harjoituttaja", + "turner", + "kamaripalvelija", + "sotilastarkastaja", + "kaartilainen", + "astianpesukone", + "yliper\u00e4mies", + "suuramiraali", + "hallintomies", + "varakommodori", + "rautanuija", + "hammasl\u00e4\u00e4k\u00e4ri", + "meist\u00e4j\u00e4", + "tallennin", + "luotonantaja", + "poimija", + "kuraattori", + "aliupseeri", + "leijonanmets\u00e4st\u00e4j\u00e4", + "soihdunkantaja", + "hammasteknikko", + "kivenhakkaaja", + "valtionhoitaja", + "liikenainen", + "kartanvalmistaja", + "topper", + "j\u00e4rjestysmies", + "parturoida", + "synnytysl\u00e4\u00e4k\u00e4ri", + "kasvisparantaja", + "taakkateline", + "parantaja", + "lent\u00e4j\u00e4", + "hammashygienisti", + "raaputtaja", + "navettapiika", + "l\u00e4hihoitaja", + "aivohalvaus", + "riidanselvitt\u00e4j\u00e4", + "jalas", + "marsalkka", + "pankkiiri", + "kuulemismenettelyst\u00e4_vastaava_virkamies", + "p\u00e4\u00e4tekij\u00e4", + "punakottaraiset", + "husaari", + "mets\u00e4nhoitaja", + "sahuri", + "painaja", + "mist\u00e4_kaikki_alkoi", + "laatija", + "tilap\u00e4inen_ty\u00f6ntekij\u00e4", + "avustusty\u00f6ntekij\u00e4" + ], + "PLANT": [ + "v\u00e4limerentaateli", + "lepidium_alpina", + "acer_negundo", + "raphia_vinifera", + "malkolmia", + "viola_pedata", + "jeffreynm\u00e4nty", + "hibiscus_syriacus", + "isok\u00f6ynn\u00f6skrassi", + "eucalypt_ovata", + "jalosauramo", + "voikukanlehti", + "nothofagus_solanderi", + "acanthocereus_tetragonus", + "maksabegonia", + "gomphrena_globosa", + "kollink\u00e4p\u00e4l\u00e4", + "hibiscus_mutabilis", + "kartiohuhtasieni", + "arceuthobium_pusillum", + "brachychiton_populneus", + "amerikanpy\u00f6kki", + "hammasheisi", + "tummaraunioinen", + "glaucium_flavum", + "cryptogramma_acrostichoides", + "huimaluste", + "kultapallo", + "primula_auricula", + "senecio_vulgaris", + "kilpisuolahein\u00e4", + "rikkamalikka", + "aitovirna", + "preeriahelmikki", + "robinia_hispida", + "physalis_viscosa", + "epigaea_repens", + "korallipuu", + "trichostema_lanatum", + "tsuga_caroliniana", + "puutarhaherne", + "entoloma_sinuatum", + "polypodium_virgianum", + "alaskankoivu", + "maniokkit\u00e4rkkelys", + "lilium_martagon", + "lupinus_luteus", + "pennisetum_ruppelii", + "hevea", + "nystymukulakuukunen", + "pyracantha", + "acer_rubrum", + "botrychium_matricariifolium", + "vittaria_lineata", + "agathis_lanceolata", + "j\u00e4ttikuukunen", + "mahonia", + "heritiera_macrophylla", + "senna_marilandica", + "siperianlehtikuusi", + "taraxacum_ruderalia", + "t\u00f6yht\u00f6helmililja", + "lespedeza_cuneata", + "cirsium_rivulare", + "marunatuoksukki", + "campanula_persicifolia", + "prunus_alleghaniensis", + "leucogenes_leontopodium", + "ruokohelpi", + "mustepipo", + "pikkutrumpettik\u00f6ynn\u00f6s", + "mikadonk\u00e4mmen", + "eriophyllum_wallacei", + "orasutipuu", + "diospyros_virginiana", + "dryopteris_fragrans", + "anthericum_liliago", + "senega", + "karanda", + "adiantum_tenerum", + "amurinkorkkipuu", + "malaxis_ophioglossoides", + "vihannesportulakka", + "leivinhiiva", + "rantavuonankaali", + "helenium_autumnale", + "juutalaiskirsikka", + "pteris_multifida", + "iris_cristata", + "rhododendron_viscosum", + "jumalainpuu", + "pine", + "peruukkipensas", + "chrysanthemum_ptarmiciflorum", + "verbascum_thapsus", + "lycium_barbarum", + "adenium_multiflorum", + "helminukkaj\u00e4kk\u00e4r\u00e4", + "pikkusoihtuk\u00f6ynn\u00f6s", + "wormwood", + "hieracium_pilocella", + "sophora_sinensis", + "pleurotus_phosphoreus", + "isosorsimo", + "neilikkakuparilehti", + "kermaomena", + "intiankrassi", + "carduus_crispus", + "muuriyrtti", + "vesiapila", + "pityrogramma_chrysophylla", + "kantasieni", + "asclepia_meadii", + "helicteres_isora", + "auringonkukat", + "salvia_leucophylla", + "hirvenkieli", + "iris_germanica", + "saunakukka", + "jasmiinitee", + "nurmikohokki", + "lilium_philadelphicum", + "rentukka", + "rhus_copallina", + "mets\u00e4j\u00e4nis", + "tricholoma_sejunctum", + "coeloglossum_viride", + "parsaherne", + "lilium_longiflorum", + "englanninsinililja", + "sorghum_halepense", + "isopyrum_biternatum", + "rubus_saxatilis", + "rantaminttu", + "solusein\u00e4", + "mets\u00e4vaahtera", + "orkideapuu", + "kyhmyk\u00e4pym\u00e4nty", + "phoradendron_flavescens", + "bintangor", + "k\u00e4\u00e4pi\u00f6vuorim\u00e4nty", + "veronica_beccabunga", + "lysimachia_ciliatum", + "dennstaedtia_punctilobula", + "mentzelia_laevicaulis", + "hyoscyamus_muticus", + "athyrium_thelypteroides", + "callitris_calcarata", + "ornithogalum_pyrenaicum", + "liriodendron_tulipifera", + "kurkkupuu", + "mustabambu", + "quercus_coccinea", + "dioscorea_elephantipes", + "villijamssi", + "kyyhkynherne", + "p\u00e4iv\u00e4nkakkara", + "arabidopsis_lyrata", + "cladonia_rangiferina", + "melissa", + "triglochin_maritima", + "seriphidium_tridentatum", + "canavalia_gladiata", + "adiantumi", + "k\u00e4\u00e4pi\u00f6jaloangervo", + "lehtoneidonvaippa", + "geranium_molle", + "dioscorea_bulbifera", + "polystichum_adiantiformis", + "lyijypuu", + "amerikanvadelma", + "hoya_carnosa", + "veripy\u00f6kki", + "tricholoma_pardinum", + "helianthus_petiolaris", + "erythronium_albidum", + "herneenpalko", + "viola_arvensis", + "sapindus", + "rhapis_humilis", + "castanopsis_chrysophylla", + "j\u00e4ttiruoko", + "claviceps_purpurea", + "viola_reichenbachiana", + "amerikanvalkopy\u00f6kki", + "floridansuosypressi", + "aromikasvi", + "kaali", + "chimaphila_umbellata", + "sambucus_canadensis", + "jokivalkotammi", + "lilium_lancifolium", + "pikkuruskus", + "agastache_mexicana", + "nahkasanikka", + "preeriasalvia", + "kistus", + "polybotria_cervina", + "the_joshua_tree", + "lehtolemmikki", + "tragopogon_pratensis", + "mekkapalsami", + "plantago_psyllium", + "sarcoscypha_coccinea", + "isovelholehti", + "marjatuomipihlaja", + "scolopendrium_nigripes", + "aleuria_aurantia", + "philadelphus_coronarius", + "penstemon_davidsonii", + "aralia_elata", + "myrobalaani", + "zygocactus_truncatus", + "brassica_nigra", + "harmaakaunokki", + "shittim", + "torreya_californica", + "eleocharis_dulcis", + "juurikas", + "italianraihein\u00e4", + "annansilm\u00e4", + "hedelm\u00e4puu", + "clematis_ochroleuca", + "mustasilm\u00e4susanna", + "mets\u00e4omenapuu", + "saunionoidanlukko", + "betula_populifolia", + "bromus_tectorum", + "helleborus_niger", + "epidendrum_venosum", + "kanadankilpikierto", + "sericocarpus_linifolius", + "cleome_hassleriana", + "helianthus", + "hietaunikko", + "aristolochia_serpentaria", + "virginianvuoriminttu", + "kaasuj\u00e4rjestelm\u00e4", + "auricularia_auricula", + "pterocarpus_santalinus", + "amerikanginseng", + "kyn\u00e4kataja", + "mets\u00e4mansikka", + "adlumi", + "gaillardia_pulchella", + "hygrophorus_sordidus", + "rosa_chinensis", + "kiiltotuomi", + "j\u00e4ttipiikkikruunu", + "masmalo", + "kassiankuori", + "spergularia_rubra", + "leucanthemum_superbum", + "polygala_senega", + "pterostylis_orkidea", + "lysimachia_terrestris", + "lathyrus_latifolius", + "sein\u00e4raunioinen", + "banksia_integrifolia", + "purppuratatar", + "pihlaja", + "carissa", + "lysiloma_latisiliqua", + "scorzonera_hispanica", + "terrietia_trifoliolata", + "isolimaska", + "marsilea_quadrifolia", + "polybotrya_cervina", + "eupatorium_maculatum", + "cucurbita_moschata", + "euphorbia_hirsuta", + "silkkipuu", + "pilea_microphylla", + "monarda_citriodora", + "rudbeckia_laciniata", + "solanaceae", + "anthriscus_cerefolium", + "sarjatalvikki", + "eupatorium_perfoliatum", + "isosamettikukka", + "herukanvillaruoste", + "kentuckynkahvipuu", + "francoa_ramosa", + "preeriav\u00e4riminttu", + "clintonia_andrewsiana", + "salvia_verbenaca", + "cordia_alliodora", + "euroopanpy\u00f6kki", + "linnunruoho", + "talinum_brevifolium", + "erica_tetralix", + "carpobrotus_edulis", + "mustakuusi", + "campanula_medium", + "chrysanthemum_lacustre", + "mets\u00e4n\u00e4tkelm\u00e4", + "liljakasvi", + "caryota_urens", + "aaroninparta", + "quercus_kelloggii", + "erigeron_divergens", + "vanilla_planifolia", + "boehmeria_cylindrica", + "viola_cornuta", + "haisusieni", + "juncus_articulatus", + "eryngium_maritimum", + "schefflera_actinophylla", + "amelanchier_bartramiana", + "pityrogramma_calomelanos", + "rubus_cuneifolius", + "sida_rhombifolia", + "lactuca_scariola", + "pachysandra_terminalis", + "perhoskukka", + "hibiscus_heterophyllus", + "salix_babylonica", + "soreahiirenporras", + "sparmannia_africana", + "adlumia_fungosa", + "rantakukka", + "celastric_articulatus", + "dryopteris_marginalis", + "thermopsis_villosa", + "protium_heptaphyllum", + "senegajuuri", + "kannukasvi", + "vuosisaniainen", + "asclepias_exaltata", + "enoki", + "cyclamen_purpurascens", + "oxytropis_lambertii", + "marri", + "magnolia_acuminata", + "gymnocarpium_robertianum", + "kylm\u00e4kukka", + "galearis_spectabilis", + "cypripedium_parviflorum", + "pseudotsuga_macrocarpa", + "poppelikoivu", + "sammalpiilea", + "isoriippasalava", + "kennedia_prostrata", + "solanum_giganteum", + "suillus_albivelatus", + "lycopodium_clavitum", + "trichomanes_reniforme", + "meconopsis_betonicifolia", + "puolipensas", + "polygonatum_commutatum", + "sinit\u00e4ht\u00f6nen", + "hajuherne", + "anthyllis_vulneraria", + "physalis_pruinosa", + "prunus_japonica", + "abies_grandis", + "leucanthemum_maximum", + "anemia_adiantifolia", + "laurus_nobilis", + "lathyrus_odoratus", + "papelorikko", + "blephilia_celiata", + "paju", + "selaginella_lepidophylla", + "rhamnus_carolinianus", + "munkinhuput", + "venkoli", + "hein\u00e4vita", + "suonim\u00f6rsky", + "fraxinus_americana", + "strongylodon_macrobotrys", + "brachycome_iberidifolia", + "amanita", + "kalvasvalmuska", + "kissapaju", + "sipulinnaattihome", + "hietakirsikka", + "lehtojalava", + "sequoiadendron", + "vespula_vulgaris", + "peitekasvit", + "partanaava", + "macrotyloma_uniflorum", + "achillea_ptarmica", + "sienikeh\u00e4", + "matricaria_oreades", + "curuba", + "olkisieni", + "hiirenohra", + "arabidopsis_thaliana", + "caesalpinia_gilliesii", + "kaliforniantuliunikko", + "centaurea_nigra", + "cassia_acutifolia", + "kapeaosmank\u00e4\u00e4mi", + "sinapinsiemen", + "pilularia_globulifera", + "matkustajanpuu", + "v\u00e4limerenlimetti", + "guyakkipuu", + "vaccinium_pennsylvanicum", + "vesinen\u00e4tti", + "aguehein\u00e4", + "ambrapuu", + "microgramma_piloselloides", + "centaurea_moschata", + "peurankello", + "mets\u00e4omena", + "riskin_pienent\u00e4minen", + "kultasadekassia", + "gyromitra_fastigiata", + "rautatammi", + "siperianjalava", + "bertholletia_excelsa", + "leve\u00e4osmank\u00e4\u00e4mi", + "iris_tingitana", + "palloh\u00e4nt\u00e4", + "adenium_obesum", + "ojaleinikki", + "helianthus_annuus", + "mustamarjaorapihlaja", + "dianthus_latifolius", + "gentiana_villosa", + "epipremnum_aureum", + "villiriisi", + "cirsium_lanceolatum", + "gentianopsis_holopetala", + "pikim\u00e4nty", + "agrostis_palustris", + "sauramo", + "pluteus_aurantiorugosus", + "euphorbia_heterophylla", + "nephrolepis_pectinata", + "cirsium_eriophorum", + "cassiope_mertensiana", + "astilbe_biternata", + "sorbus_torminalis", + "kierrevallisneria", + "tulenlento", + "pikkujamssipapu", + "kokapensas", + "galanganjuuri", + "isoanopinkieli", + "perhoskleitonia", + "kirjokuusama", + "goweninsypressi", + "karpalo", + "trichostema_dichotomum", + "mustalinnunherne", + "hevosminttu", + "parathelypteris_simulata", + "lepiota_procera", + "kotkansiipi", + "commiphora_meccanensis", + "nevaimarre", + "hammasakankaali", + "jobinkyynelhein\u00e4", + "pallohuhtasieni", + "magnolia_grandiflora", + "kentt\u00e4t\u00e4dyke", + "jokip\u00e4\u00e4ryn\u00e4", + "phlebodium_aureum", + "podocarpus_elongatus", + "tulipa_clusiana", + "berteroa_incana", + "cardamine_bulbifera", + "kierrekaktus", + "vesitammi", + "koripaju", + "pelargonium_odoratissimum", + "mentzelia_livicaulis", + "ruutusiida", + "colutea_arborescens", + "risiinipapu", + "balkaninvuokko", + "krassikanankaali", + "veriapila", + "erigonum_fasciculatum", + "capparis_mitchellii", + "lumpeenlehti", + "lituruoho", + "lohik\u00e4\u00e4rmepuu", + "risiinikasvi", + "andropogon_scoparius", + "alliaria_officinalis", + "sammalheimo", + "camptosorus_rhizophyllus", + "prosopis_glandulosa", + "tupsup\u00e4\u00e4laventeli", + "microsorum_punctatum", + "liparis_loeselii", + "chionanthus_virginicus", + "pallesorvarinpensas", + "pennisetum_americanum", + "coprinus_comatus", + "harmaankeltainen", + "papaver_alpinum", + "lygodium_microphyllum", + "hydrangea_petiolaris", + "m\u00e4kileinikki", + "nummikellokanerva", + "flamingonnokka", + "podocarpus_elatus", + "bidens_tripartita", + "solanum_burbankii", + "prunus_laurocerasus", + "pachysandra_procumbens", + "karpalopensas", + "silosumakki", + "napaea_dioica", + "rhizoctinia_solani", + "allium_tuberosum", + "desmodium_motorium", + "datura_sanguinea", + "pennisetum_glaucum", + "barbadoskirsikka", + "harmaakellokanerva", + "vuohenkello", + "palmupuu", + "adiantum_pedatum", + "kavalak\u00e4rp\u00e4ssieni", + "salaattikiinankaali", + "hypericum_virginianum", + "schizachyrium_scoparium", + "kultak\u00f6ynn\u00f6s", + "senecio_triangularis", + "amelanchier_alnifolia", + "machaeranthera_tanacetifolia", + "yucca_gloriosa", + "illakko", + "perunbalsami", + "hygrophorus_caeruleus", + "passiflora_ligularis", + "murattimikania", + "salix_triandra", + "leucaena_leucocephala", + "silene_virginica", + "vesiminttu", + "oranssimaljakas", + "lilium_michiganense", + "cercidiphyllum_japonicum", + "atriplex_hortensis", + "vaccinium_corymbosum", + "salava", + "stenocarpus_sinuatus", + "karkeaviuhkalehti", + "villikirsikka", + "spiraea_prunifolia", + "cortinarius_armillatus", + "eupatorium_purpureum", + "solanum_pseudocapsicum", + "quercus_falcata", + "agropyron_intermedium", + "huippupaikka", + "begonia_heracleifolia", + "siperianunikko", + "teucrium_scorodonia", + "acer_campestre", + "anastatica_hierochuntica", + "mets\u00e4tammi", + "pomeranssipuu", + "reunusasteri", + "kaliforniant\u00f6tter\u00f6", + "kanadanvesirutto", + "kellok\u00e4rh\u00f6", + "cirsium_helenioides", + "micromeria_chamissonis", + "nemophila_maculata", + "villiluumu", + "bletilla_striata", + "manjista", + "boletellus_russellii", + "hamelia_erecta", + "j\u00e4ttipihta", + "helianthus_angustifolius", + "hietalaukka", + "babassup\u00e4hkin\u00e4", + "suippoh\u00e4rkyl\u00e4", + "cheilanthes_alabamensis", + "kilpirikko", + "sambal", + "mimosa_pudica", + "larix_siberica", + "sarcocephalus_esculentus", + "lohenkukka", + "leontopodium_alpinum", + "stapelias_asterias", + "harmio", + "saxifraga_sarmentosam", + "chamaecyparis_thyoides", + "habenaria_orbiculata", + "kirkiruoho", + "eucalyptus_stellulata", + "leve\u00e4lehtikalmia", + "asparagus_setaceus", + "keisarik\u00e4rp\u00e4ssieni", + "rubus_caesius", + "sinilaakakataja", + "papaver_somniferum", + "pythium_debaryanum", + "ruisjyv\u00e4", + "virginianmansikka", + "mastiksipistaasi", + "laventeli", + "allium_sphaerocephalum", + "lamopinaatti", + "malus_angustifolia", + "esparsetti", + "cortinarius_gentilis", + "silopersilja", + "carex_pseudocyperus", + "maarianverijuuri", + "amerikanukonsieni", + "v\u00e4limerensypressi", + "gentiana_lutea", + "murattivillakko", + "kanadanrantavehn\u00e4", + "amerikanhumala", + "tricholoma_irinum", + "guadaloupensypressi", + "mukelo", + "montia_chamissoi", + "polystichum_acrostichoides", + "mercurialis_perennis", + "euroopanmustam\u00e4nty", + "matthiola_incana", + "centaurea_cineraria", + "vihanneskrysanteemi", + "kultalehtikuusi", + "m\u00e4kiarho", + "pe_tsai", + "quercus_velutina", + "arctostaphylos_alpina", + "liberiankahvi", + "s\u00e4rkynytsyd\u00e4n", + "linnunkirsikkapuu", + "caladenia_cairnsiana", + "rantaluikka", + "botrychium_virginianum", + "acacia_pycnantha", + "pitaijakaktus", + "kanadanvuokko", + "t\u00e4pl\u00e4kirjovehka", + "cynoglossum_amabile", + "galium_lanceolatum", + "actinidia_chinensis", + "taxus_baccata", + "saxifraga_granulata", + "hammasmaissi", + "hieskoivu", + "quercus_montana", + "ritarink\u00f6ynn\u00f6s", + "chloris_gayana", + "rheum_palmatum", + "geranium_richardsonii", + "sporobolus_cryptandrus", + "lycopodium_obscurum", + "valerianella_locusta", + "periploca_graeca", + "kivikkokasvi", + "kierrot", + "islanninj\u00e4k\u00e4l\u00e4", + "kolibrikukka", + "geum_macrophyllum", + "rhus_typhina", + "ketoneilikka", + "salix_humilis", + "hiirenvirna", + "lehtisilmu", + "harmaapihta", + "nymphaea_alba", + "rhamnus_purshianus", + "lehtosinijuuri", + "silene_dioica", + "isop\u00e4iv\u00e4nkakkara", + "dicentra_spectabilis", + "penstemon_centranthifolius", + "matteuccia_struthiopteris", + "euphorbia_esula", + "dryopteris_oreopteris", + "phaseolus_coccineus", + "diplotaxis_tenuifolia", + "rhamnus_frangula", + "euphorbia_dentata", + "pulicaria_dysenterica", + "ranunculus_ficaria", + "luluabourg", + "sokuriherne", + "italiantulppaani", + "aerofyytti", + "silkkiunikko", + "cladrastis_lutea", + "polygala_paucifolia", + "malope_trifida", + "callirhoe_involucrata", + "amboinakauri", + "graptophyllum_pictum", + "senna_alata", + "mets\u00e4imarre", + "nothofagus_procera", + "ydinkudos", + "schinus_terebinthifolius", + "kellokasvi", + "amaryllis_belladonna", + "veronica_officinalis", + "phegopteris_connectilis", + "illicium_floridanum", + "cynoglossum_virginaticum", + "kiharavita", + "magnolia_soulangiana", + "kirsikkaluumu", + "sansevieria_zeylanica", + "rumex_scutatus", + "eurybia_schreberi", + "amphicarpaea_bracteata", + "pontederia_cordata", + "pycnanthemum_virginianum", + "bergamotti", + "phalaenopsis_amabilis", + "chrysanthemum_segetum", + "calophyllum_inophyllum", + "osageappelsiini", + "t\u00e4pl\u00e4kurjenpolvi", + "suojuskalvo", + "aconitum_lycoctonum", + "rosa_multiflora", + "euroopankuusi", + "hygrophorus_borealis", + "mustakoiso", + "prunus_cerasus", + "anthemis_arvensis", + "helianthus_giganteus", + "douglasinkuusi", + "microstrobos_niphophilus", + "alaskanlehdokki", + "solidago_rugosa", + "cassia_augustifolia", + "ligustrum_ovalifolium", + "niver\u00e4vaahtera", + "vesihyasintti", + "pantterililja", + "reunuspietaryrtti", + "piptadenia_macrocarpa", + "peltiphyllum_peltatum", + "pimenta_officinalis", + "anemone_riparia", + "citrus_decumana", + "acer_macrophyllum", + "nemophila_aurita", + "brysselinkaali", + "asclepias_purpurascens", + "kiivik\u00f6ynn\u00f6s", + "acacia_dealbata", + "capsicum_baccatum", + "avene_sterilis", + "pogonia_divaricata", + "ketokaunokki", + "isopuksipuu", + "harajuuri", + "silver_bell", + "lawsoninsypressi", + "rorippa_islandica", + "euonymus_americanus", + "dianthus_caryophyllus", + "agrimonia_eupatoria", + "karoliinankoiso", + "brasenia_schreberi", + "anaphalis_margaritacea", + "bidens_bipinnata", + "mantelityr\u00e4kki", + "sareptansinappi", + "calamus_australis", + "melicocca_bijugatus", + "cheiranthus_asperus", + "kellohunajakukka", + "astraeus_hygrometricus", + "jatropha_stimulosus", + "larix_occidentalis", + "euroopanvalkopy\u00f6kki", + "sinijuuri", + "spiny_talinum", + "plantago_lanceolata", + "swietinia_mahogani", + "sinivihvil\u00e4", + "laakerin\u00e4si\u00e4", + "pseudobombax_ellipticum", + "leukotti", + "piispanm\u00e4nty", + "scindapsus_aureus", + "mentha_citrata", + "erythronium_grandiflorum", + "trichostema_lanceolatum", + "polystichum_lonchitis", + "lehtotikankontti", + "ononis_spinosa", + "polystichum_braunii", + "tanacetum_ptarmiciflorum", + "andropogon_virginicus", + "kampet\u0161epuu", + "viherjouluruusu", + "hamamelis_vernalis", + "pirunpuolukka", + "ranunculus_glaberrimus", + "kirimoija", + "xanthosoma_sagittifolium", + "gleichenia_flabellata", + "astraeus_pteridis", + "hokkaidonvaahtera", + "siperiankuusi", + "kriikunapuu", + "ipomoea_leptophylla", + "acer_palmatum", + "thlaspi_arvense", + "pericallis_hybrida", + "sericocarpus_liniforius", + "ranskanlaventeli", + "agrostemma_githago", + "lis\u00e4\u00e4ntymisosa", + "ligustrum_ibolium", + "maitohorsma", + "dactyloctenium_aegypticum", + "geranium_pratense", + "pilleriviikuna", + "luostariunikko", + "silene_caroliniana", + "sitruunaeukalyptus", + "koppelok\u00e4\u00e4p\u00e4", + "mets\u00e4kuusi", + "pseudolarix_amabilis", + "mets\u00e4haapa", + "phyllodoce_breweri", + "solanum_carolinense", + "hypericum_androsaemum", + "alpinia_officinalis", + "poterium_sanguisorba", + "stylomecon_heterophyllum", + "raatihuonevilliviini", + "puhvelihein\u00e4", + "pulskaneilikka", + "kanadanlehtikuusi", + "castanea_chrysophylla", + "pohjankallioimarre", + "kultanauhalilja", + "phaseolus_aconitifolius", + "isomaite", + "taxus_cuspidata", + "montereynm\u00e4nty", + "salix_viminalis", + "athyrium_distentifolium", + "amerikanrautatammi", + "tilia_japonica", + "calvatia_gigantea", + "villiomenapuu", + "rhus_laurina", + "connarus_guianensis", + "koristeruoho", + "kalabarpapukasvi", + "melampodium_leucanthum", + "juniperus_virginiana", + "perunpippuripuu", + "sphaeralcea_coccinea", + "calamintha_grandiflora", + "omenapelargonia", + "munkinhuppu", + "kolmioka", + "acacia_auriculiformis", + "arctostaphylos_andersonii", + "marginaalinen_plasentaatio", + "eriophorum_angustifolium", + "chrysanthemum_maximum", + "leonotis_nepetifolia", + "veronica_serpyllifolia", + "parakautsu", + "kassava", + "alstonia_scholaris", + "dioscorea_paniculata", + "mustakaunokki", + "cycloloma_atriplicifolium", + "thalictrum_thalictroides", + "machaeranthera_tortifoloia", + "harmaapoppeli", + "eucalyptus_globulus", + "passio", + "cassia_fistula", + "phyllocladus_alpinus", + "ketot\u00e4dyke", + "vaccinium_arboreum", + "ruostehappomarja", + "pterospermum_acerifolium", + "platanus_occidentalis", + "passiflora_incarnata", + "phaseolus_angularis", + "clusia", + "festuca_ovina", + "preeriaeustoma", + "zanthoxylum_americanum", + "oleandra_neriiformis", + "quercus_ellipsoidalis", + "syringa_reticulata", + "ruisvirna", + "eriophyllum_lanatum", + "laakerikirsikka", + "putkiloj\u00e4nne", + "siniselja", + "spiranthes_parksii", + "arizonanplataani", + "bromus_arvensis", + "polygala_vulgaris", + "hypericum_tetrapterum", + "ardisia_crenata", + "haplopappus_phyllocephalus", + "fraxinus_quadrangulata", + "kesantokasvi", + "maustekirveli", + "liejupahaputki", + "physostigma_venenosum", + "tabaskopippuri", + "varpupipo", + "polystichum_setiferum", + "veronica_peregrina", + "sinisievikki", + "scutellaria_lateriflora", + "passiflora_maliformis", + "rikkaverihirssi", + "chrysanthemum_leucanthemum", + "nothofagus_menziesii", + "tiarella_unifoliata", + "laikkuvehka", + "koreat\u00f6rm\u00e4kukka", + "sinjuuri", + "clematis_virginiana", + "meleguettapippuri", + "cortinarius_semisanguineus", + "pennisetum_setaceum", + "valejasmiini", + "penstemon_barbatus", + "lathyrus_maritimus", + "amerikanliesu", + "asphodeline_lutea", + "rubus_trivialis", + "artemisia_tridentata", + "chenopodium_capitatum", + "chaenomeles_speciosa", + "lootusluumu", + "savumalikka", + "douglaskuusi", + "selenicereus_grandiflorus", + "citrus_aurantium", + "pelargonium_peltatum", + "vesikastanja", + "hydrophyllum_virginianum", + "vallisneriat", + "kasvilahko", + "amaranthus_spinosus", + "perhosorkidea", + "koristeraparperi", + "reseda", + "barbarea_vulgaris", + "aster_cordifolius", + "kasviheimo", + "osmanthus_americanus", + "kochia_scoparia", + "felicia_bergeriana", + "psidium_cattleianum", + "delairea_odorata", + "palmulilja", + "annona_cherimola", + "lobelia_cardinalis", + "man_of_the_earth", + "ulmus_sarniensis", + "helleborus_orientalis", + "riippapaju", + "cortinarius_violaceus", + "dianthus_barbatus", + "kanelo", + "jaloakileija", + "platanus_orientalis", + "vesis\u00e4tkin", + "piper_longum", + "pikkutyr\u00e4kki", + "gossypium_hirsutum", + "pikkuauringonkukka", + "chilenaraukaria", + "filago", + "klusia", + "bursera_microphylla", + "ceratopteris_pteridioides", + "perunkoiso", + "piippuruoho", + "abronia_maritima", + "prunus_armeniaca", + "puistolemmikki", + "campanula_americana", + "ratamosarpio", + "keikarinkukka", + "entoloma_lividum", + "castanea_dentata", + "kangaskeltavalmuska", + "tungpuu", + "maakrassi", + "quercus_stellata", + "allamanda_cathartica", + "cocculus_carolinus", + "magnolia_macrophylla", + "liquidambar", + "nymphaea_odorata", + "diplazium_pycnocarpon", + "petasites_hybridus", + "urtica", + "potamogeton_crispus", + "aavikkoruusu", + "parthenocissus_tricuspidata", + "kleitonia", + "nahkalehti", + "anthurium_andraeanum", + "iris_kaempferi", + "mentha_rotundifolia", + "villivehn\u00e4", + "hukkakaura", + "pseudowintera_colorata", + "thelypteris_dryopteris", + "elymus_hispidus", + "artemisia_cana", + "sielikk\u00f6", + "paspalum_distichum", + "tropaeolum_minus", + "macadamia_tetraphylla", + "ligustrum_obtusifolium", + "quercus_garryana", + "coreopsis_maritima", + "siluettilehti", + "saxifraga_hypnoides", + "carissa_grandiflora", + "fritillaria_mutica", + "maclura_pomifera", + "ilmaperuna", + "stenocarpus_salignus", + "malus_baccata", + "cucurbita_argyrosperma", + "aster_arenosus", + "pikkulimaska", + "cardamine_rotundifolia", + "salix_fragilis", + "amanita_muscaria", + "pseudocolus_fusiformis", + "pterocarpus_indicus", + "corylus_americana", + "yucca_filamentosa", + "brachychiton_australis", + "korpipaatsama", + "m\u00e4kikuisma", + "phylloporus_boletinoides", + "calla_palustris", + "leonurus_cardiaca", + "silybum", + "amerikankanukka", + "arenaria_peploides", + "spergula_arvensis", + "amurinlikusteri", + "cassia_alata", + "physostegia_virginiana", + "asplenium_trichomanes", + "symphyotrichum_patens", + "merin\u00e4tkelm\u00e4", + "carissa_bispinosa", + "emilia_sagitta", + "engelmanninkuusi", + "tangori", + "acer_japonicum", + "tripleurospermum_inodorum", + "silene_acaulis", + "doryopteris_pedata", + "arrhenatherum_elatius", + "lilium_maritimum", + "fraxinus_caroliniana", + "sinappi", + "agrostis_nebulosa", + "habenaria_lacera", + "asplenium_nigripes", + "asplenium_rhizophyllum", + "py\u00f6rt\u00e4n\u00f6kattara", + "conocarpus_erectus", + "vesisulka", + "eucalyptus_camphora", + "kivikkoalvejuuri", + "sormihein\u00e4", + "magnoliat", + "lysimachia_quadrifolia", + "viinihiiva", + "dryopteris_noveboracensis", + "nicotiana_alata", + "carissa_macrocarpa", + "vatukka", + "isohirvenj\u00e4k\u00e4l\u00e4", + "populus_balsamifera", + "konnanvihvil\u00e4", + "armeria_maritima", + "nicotiana_tabacum", + "varvashein\u00e4", + "quercus_incana", + "j\u00e4ttikurpitsa", + "kentt\u00e4k\u00e4enminttu", + "centaurea_scabiosa", + "myosotis_sylvatica", + "kivikasvit", + "cineraria_maritima", + "kanariank\u00f6ynn\u00f6skrassi", + "tracheophyte", + "puolik\u00f6ynn\u00f6s", + "kananga", + "harmaalepp\u00e4", + "mongoliantammi", + "woodwardia_virginica", + "hiussaniainen", + "bahiaruoho", + "chamaecrista_fasciculata", + "asclepias_verticillata", + "phyllostachys_nigra", + "rosa_laevigata", + "haroasteri", + "huntuadiantumi", + "puccinia_graminis", + "astragalus_alpinus", + "quercus_variabilis", + "ulmus_americana", + "arisaema_atrorubens", + "sateenvarjomagnolia", + "hypericum_hypericoides", + "carex_arenaria", + "aguejuuri", + "sinappi\u00f6ljy", + "psidium_guineense", + "antennaria_plantaginifolia", + "eriodictyon_californicum", + "pilosella_officinarum", + "laccopetalum_giganteum", + "erigeron_annuus", + "platycladus_orientalis", + "cassia_marginata", + "nasturtium_amphibium", + "lepista_irina", + "sphaeralcea_fasciculata", + "acanthus_mollis", + "kellopasuuna", + "sinisalvia", + "corallorhiza_striata", + "p\u00e4iv\u00e4nkakkarat", + "sphaeralcea_ambigua", + "kirjovehka", + "antirrhinum_filipes", + "hermannia_verticillata", + "crataegus_tomentosa", + "meskalpapu", + "salix_lasiolepis", + "schizaea_pusilla", + "siipipapu", + "rusokoiranhammas", + "yucca_baccata", + "laidunkarstaohdake", + "stellaria_media", + "erica_perspicua", + "leucanthemum_vulgare", + "asplenium_bradleyi", + "jatropha_urens", + "kreikanakantti", + "mustakoirank\u00f6ynn\u00f6s", + "solanum_nigrum", + "rentoakankaali", + "calochortus_amabilis", + "abies_lasiocarpa", + "mustamarjakanukka", + "campanula_rapunculus", + "jokipaju", + "tuomi", + "melastoma_malabathricum", + "arokurjenherne", + "lagarostrobus_franklinii", + "rhus_trilobata", + "unkarinsyreeni", + "rannikki", + "hammashaapa", + "lumikellot", + "cystopteris_montana", + "astronium_fraxinifolium", + "rubus_parviflorus", + "chrysopsis_villosa", + "diplotaxis_muralis", + "derris_elliptica", + "saarnivaahtera", + "leinikkikasvi", + "sciadopitys_verticillata", + "kanjonitammi", + "ulmus_alata", + "kalliovuortensembra", + "k\u00e4\u00e4pi\u00f6esikko", + "calochortus_amoenus", + "geranium_robertianum", + "lycopodium_complanatum", + "lonicera_dioica", + "peperomia_sandersii", + "aralia_spinosa", + "euroopanlehtikuusi", + "veripasuuna", + "ketok\u00e4enminttu", + "cyclophorus_lingua", + "anthemis_tinctoria", + "helianthus_tuberosus", + "hurtanminttu", + "parthenium_argentatum", + "hedysarum_coronarium", + "senna_occidentalis", + "helianthus_maximilianii", + "lysiloma_bahamensis", + "eryngium_yuccifolium", + "kanadankannusruoho", + "lampaannata", + "lehtop\u00e4hk\u00e4m\u00f6", + "korvasieni", + "pes\u00e4raunioinen", + "clematis_lasiantha", + "sarviorvokki", + "nappipellea", + "espanjantamarindi", + "polypodium_aureum", + "camassia_leichtlinii", + "artisti", + "lithospermum_canescens", + "sudenmarja", + "m\u00e4kiminttu", + "cleistes_divaricata", + "nogales", + "acanthocereus_pentagonus", + "hibiscus_elatus", + "pinaattikiinankaali", + "italianpantahein\u00e4", + "rannikonlaukkaneilikka", + "crotalaria_sagitallis", + "vaaleajouluruusu", + "sticherus_flabellatus", + "hippocrepis_comosa", + "aster_divaricatus", + "italiantalvent\u00e4hti", + "usnea_barbata", + "amphicarpa_bracteata", + "aitoel\u00e4m\u00e4nlanka", + "juovaruoho", + "keskip\u00e4iv\u00e4nkukka", + "englanninjalava", + "cornus_stolonifera", + "silkkiyrtit", + "amerikanplataani", + "coeloglossum_bracteatum", + "turkintammi", + "rantavehn\u00e4", + "rikkasinijuuri", + "oravanmarja", + "nystyk\u00e4mmek\u00e4t", + "pseudotaxus_chienii", + "meksikonsypressi", + "lycopus_americanus", + "prunus_domestica", + "bryanthus_taxifolius", + "sinapinlehti", + "suomuk\u00e4\u00e4p\u00e4", + "pohjantuomipihlaja", + "draba_verna", + "dendrocalamus_giganteus", + "sammalsuku", + "limnodium_spongia", + "cercis_occidentalis", + "enkelinsiipi", + "hapankirsikkapuu", + "tricholoma_aurantium", + "norsunk\u00e4rs\u00e4", + "kerrannaislehti", + "lithophragma_parviflorum", + "imuk\u00e4rhivilliviini", + "cheilanthes_lanosa", + "portulaca_grandiflora", + "phytophthora_infestans", + "chlorophyllum_molybdites", + "centaurea_americana", + "mustasaarni", + "varpukalmia", + "poppelimagnolia", + "bilimbi", + "leptarrhena_pyrolifolia", + "polyporus_tenuiculus", + "laguncularia_racemosa", + "hein\u00e4kaura", + "tectaria_macrodonta", + "pesup\u00e4hkin\u00e4", + "arundinaria_gigantea", + "asclepias_albicans", + "kultaetel\u00e4nherne", + "kanadanhemlokki", + "kangaspuola", + "prosopis_juliflora", + "kotikataja", + "amerikankimikki", + "acer_platanoides", + "cotoneaster_horizontalis", + "rubus_idaeus", + "h\u00e4rmesalvia", + "quercus_grosseserrata", + "haplopappus_spinulosus", + "kruunuohdake", + "rikkasinappi", + "divi_divi", + "viburnum_prunifolium", + "hevoskastanja", + "amerikankastanja", + "hein\u00e4kaurat", + "quercus_macrocarpa", + "prunus_pensylvanica", + "eucalyptus_maculata", + "jouhisara", + "oravank\u00e4p\u00e4l\u00e4", + "callirhoe_digitata", + "herttakaksikko", + "haavakyyhky", + "rahakasvi", + "styphelia_humifusum", + "sienilahko", + "gossypium_barbadense", + "j\u00e4ttituija", + "kultaimarre", + "pikkuluppio", + "vahapapu", + "safiirikorumarja", + "brachychiton_rupestris", + "sinisade", + "rustokki", + "calochortus_luteus", + "platylobium_formosum", + "ustilaginoidea_virens", + "lehtokuusama", + "sophora_secundiflora", + "oratuomi", + "hedysarum_boreale", + "erica_carnea", + "cimicifuga_racemosa", + "euphorbia_cyparissias", + "salvia_pratensis", + "centaurea_cyanus", + "euphorbia_cyathophora", + "aster_falcatus", + "haurasloikko", + "ormosia_coarctata", + "asclepias_incarnata", + "santolina_chamaecyparissus", + "balsamipuu", + "rakkopensas", + "delonix_regia", + "dorotheanthus_bellidiformis", + "jalokallioinen", + "villipersilja", + "urtica_dioica", + "p\u00e4\u00e4skynkukka", + "agaricus_campestris", + "villikaali", + "virginianmalvia", + "strobusm\u00e4nty", + "oleandra_mollis", + "hein\u00e4ratamo", + "gymnadenia_conopsea", + "arizonansypressi", + "trifolium_repens", + "merimaruna", + "eugenia_uniflora", + "cytisus_ramentaceus", + "blackberry", + "cardamine_bulbosa", + "viinivaahtera", + "quercus_prinoides", + "ketoh\u00e4rkki", + "chrysolepis_chrysophylla", + "calopogon_pulchellum", + "veronica_michauxii", + "kentt\u00e4tyr\u00e4kki", + "koristekurpitsa", + "parochetus_communis", + "mustakumina", + "maniokki", + "oenanthe_aquatica", + "virginiantupakka", + "bassaminkaijamahonki", + "tiikerinlilja", + "konnanlilja", + "espanjanneito", + "rosa_eglanteria", + "ker\u00e4kaali", + "carpenteria_californica", + "cortaderia_selloana", + "solanum", + "gentianella_amarella", + "ballota_nigra", + "kalifornianmustatammi", + "helipterum_manglesii", + "campanula_carpatica", + "hymenoxys_acaulis", + "trichomanes_boschianum", + "sisymbrium_officinale", + "xerophyllum_tenax", + "lehtosinilatva", + "nen\u00e4tti", + "sineraaria", + "salmwood", + "amerikankilpukka", + "angelica_archangelica", + "nokkonen", + "kolap\u00e4hkin\u00e4", + "acalypha_virginica", + "allium_acuminatum", + "sagittaria_latifolia", + "kolmilehti", + "campsis_radicans", + "py\u00f6r\u00f6orapihlaja", + "kanarianpietaryrtti", + "cirsium_vulgare", + "rhodosphaera_rhodanthema", + "eryngium_aquaticum", + "echinocactus_grusonii", + "eupatorium_capillifolium", + "leip\u00e4home", + "heterotheca_villosa", + "lilium_canadense", + "pallerolaukka", + "parkkitammi", + "kruunusaniainen", + "tyr\u00e4kki", + "sininen_kurjenmiekka", + "allium_neopolitanum", + "keisarinpikarililja", + "virginiansumakki", + "andromeda_glaucophylla", + "alvejuuri", + "medinilla_magnifica", + "virginianvuokko", + "corypha_umbraculifera", + "brachychiton_acerifolius", + "bartle_frere", + "raffia_farinifera", + "caragana_arborescens", + "sorbus_aucuparia", + "mustikka", + "sammakonkukka", + "senecio_cineraria", + "omenan_ruostetauti", + "intianhamppu", + "laitaistukka", + "pihlajasumakki", + "perunpalsami", + "dianthus_chinensis", + "penstemon_linarioides", + "acer_pseudoplatanus", + "lycium_halimifolium", + "salviamaruna", + "aristolochia_macrophylla", + "lotus_corniculatus", + "allium_triquetrum", + "montia_perfoliata", + "kanervamaay\u00f6kk\u00f6nen", + "clematis_tangutica", + "pikkulehtikatsura", + "polygonum_orientale", + "tulipa_suaveolens", + "gymnadenia_odoratissima", + "chrysolepis_sempervirens", + "koristetupakka", + "robinia_viscosa", + "mustaviinimarjapensas", + "hydrangea_arborescens", + "monarda_fistulosa", + "athyrium_pycnocarpon", + "amerikankello", + "meriasteri", + "brasilianp\u00e4hkin\u00e4puu", + "koristekastikka", + "amazoninkapokkipuu", + "maarianohdake", + "visteria", + "martynia_fragrans", + "calamagrostis_acutiflora", + "palmunydin", + "helluntaikukka", + "pikkusyd\u00e4n", + "putkilokasvi", + "nurmimailanen", + "polyporus_squamosus", + "raphanus_raphanistrum", + "k\u00e4\u00e4rmeenpistonyrtti", + "cornus_florida", + "lithophragma_affine", + "paratiisililja", + "ficus_diversifolia", + "katekasvi", + "cytisus_multiflorus", + "ananaskirsikka", + "mustaruoste", + "amaranthus_caudatus", + "phytelephas_macrocarpa", + "silene_latifolia", + "koristepaprika", + "kasvielin", + "mahonkipuu", + "gymnocladus_dioica", + "sapindus_marginatus", + "ceroxylon_alpinum", + "saxifraga_stellaris", + "crataegus_pedicellata", + "cronartium_ribicola", + "kotipihlaja", + "botrychium_lunaria", + "kuningasmagnolia", + "fraxinus_velutina", + "rudbeckia_serotina", + "ruohoselja", + "hanhenpaju", + "pikkuneulakaktus", + "anagallis_tenella", + "hypericum_pyramidatum", + "combretum_erythrophyllum", + "chrysosplenium_americanum", + "arenaria_caroliniana", + "echinocereus_pectinatus", + "chinkapintammi", + "tetragonia_tetragonioides", + "amatungulu", + "septobasidium_pseudopedicellatum", + "monarda_pectinata", + "fagus_sylvatica", + "scleranthus_annuus", + "laportea_canadensis", + "leonotis_nepetaefolia", + "yrttiliisukka", + "gentiana_andrewsii", + "marjaomenapuu", + "kaareutuva_lehti", + "acrocarpus_fraxinifolius", + "cupressus_lusitanica", + "salix_pentandra", + "tricholoma_flavovirens", + "aureolaria_virginica", + "collinsia_verna", + "cinchona_cordifolia", + "betula_fontinalis", + "cerastium_tomentosum", + "iisoppirantakukka", + "harmaak\u00e4enkukka", + "rubus_spectabilis", + "nurmipuntarp\u00e4\u00e4", + "prunus_subcordata", + "symphyotrichum_tenuifolium", + "marjakuusi", + "porkkana", + "drosophyllum_lusitanicum", + "crataegus_laevigata", + "antirrhinum_coulterianum", + "plagianthus_betulinus", + "coniogramme_japonica", + "anemone_virginiana", + "sinapis_arvensis", + "uudenseelanninpinaatti", + "populus_canescens", + "kasvisolukko", + "quercus_lyrata", + "ambrapuut", + "lehtikuusi", + "collinsia_parviflora", + "m\u00e4nty", + "martynia_arenaria", + "pikkuvesisulka", + "acer_circinatum", + "pokaalim\u00f6rsky", + "erigonum", + "isoauringonkukka", + "lycopodium_alopecuroides", + "lindheimera_texana", + "gloksinia", + "kampasaniainen", + "venuksenhiussaniainen", + "niilinlumme", + "kanariankrassi", + "epilobium_angustifolium", + "salix_repens", + "stanleya_pinnata", + "parap\u00e4hkin\u00e4puu", + "k\u00e4\u00e4pi\u00f6vaahtera", + "nokkoset", + "sabina", + "abelmosk", + "silene_uniflora", + "dracunculus_vulgaris", + "pilosella_aurantiaca", + "platylobium_obtusangulum", + "tupakkasinihome", + "pinus_attenuata", + "polygala_alba", + "scleroderma_aurantium", + "acacia_melanoxylon", + "surinaminkirsikka", + "cyperus_papyrus", + "leucaena_glauca", + "amerikanpersimoni", + "intianminttu", + "agrostis_canina", + "saccharomyces_cerevisiae", + "j\u00e4ttiauringonkukka", + "listera_cordata", + "carya_laciniosa", + "malvio", + "mahoniat", + "platymiscium_pinnatum", + "tropaeolum_peregrinum", + "muskottipelargonia", + "sitruunapelargonia", + "kultarikko", + "melampsora_lini", + "phyllocladus_asplenifolius", + "saccharum_officinarum", + "vahapuu", + "hydrangea_paniculata", + "kasvisolu", + "v\u00e4limerenpihlaja", + "perunroseepippuri", + "silkkialbitsia", + "buckeye", + "kielo", + "villiappelsiini", + "thrinax_keyensis", + "ceratostomella_ulmi", + "campanula_trachelium", + "kurjenkello", + "aster_ptarmicoides", + "ranunculus_bulbosus", + "johnsonhein\u00e4", + "suppilohunajakukka", + "hesperis_matronalis", + "s\u00e4dekallioinen", + "kellusvesisaniainen", + "poinciana_gilliesii", + "sourwood", + "peziza_coccinea", + "erythronium_americanum", + "taraxacum_officinale", + "laakakataja", + "kyn\u00e4jalava", + "virginianpihta", + "harmaamustesieni", + "pikkuapila", + "arenaria_serpyllifolia", + "solenostemon_scutellarioides", + "barbadoksenakerola", + "tetraneuris_grandiflora", + "lysimachia_vulgaris", + "villaheisi", + "daphne_cneorum", + "pikkuvelholehti", + "fraxinus_pennsylvanica", + "iris_persica", + "juglans_californica", + "isopiikkikruunu", + "sinivalmuska", + "kirsikkapuu", + "aarnihelokka", + "ristilimaska", + "eugenia_corynantha", + "velholehti", + "viburnum_dentatum", + "calyptridium_umbellatum", + "erica_cinerea", + "mastiksipistaasipuu", + "dracaena_draco", + "campanula_rotundifolia", + "phytolacca_dioica", + "clinopodium_grandiflorum", + "koristeomenapuu", + "purppurapihta", + "piassavapalmu", + "ruostesienitauti", + "phaseolus_multiflorus", + "begonia_cocchinea", + "medicago_intertexta", + "crotalaria_spectabilis", + "trichomanes_speciosum", + "malvastrum_coccineum", + "helianthus_laetiflorus", + "villikaura", + "bengalinruusu", + "campanula_glomerata", + "chrysanthemum_coccineum", + "phaseolus_lunatus", + "lonicera_tatarica", + "pachyrhizus_tuberosus", + "hypochaeris_radicata", + "oranssikeltano", + "miehenk\u00e4mmekk\u00e4", + "amerikanterttuselja", + "villanm\u00f6yhennyskone", + "clusia_flava", + "pellaea_mucronata", + "pulsatilla_occidentalis", + "actinidia_deliciosa", + "aporocactus_flagelliformis", + "jumaltenpuu", + "dalbergia_latifolia", + "polystichum_aculeatum", + "anemopsis_californica", + "geranium_viscosissimum", + "liilanv\u00e4rinen", + "rikkaportulakka", + "marathi", + "mets\u00e4korte", + "dipladenia_boliviensis", + "gaultheria_procumbens", + "thelypteris_hexagonoptera", + "anemone_pulsatilla", + "anjovisp\u00e4\u00e4ryn\u00e4puu", + "lehtoakileija", + "villitiikki", + "beta_vulgaris", + "eucalyptus_amygdalina", + "mastik", + "polystichum_scopulinum", + "allium_carinatum", + "seneganjuuri", + "kiiltomalva", + "prunus_lyonii", + "cerastium_alpinum", + "cypripedium_fasciculatum", + "takiaistammi", + "pleurotus_ostreatus", + "ruistankio", + "omphalotus_illudens", + "allium_ursinum", + "harpullia_pendula", + "keisarinkruunu", + "sorvarinpensas", + "ligustrum_amurense", + "tetraneuris_acaulis", + "pseudotsuga_menziesii", + "helianthemum_scoparium", + "syzygium_jambos", + "amerikansuolilja", + "salvia_lancifolia", + "monotropa_uniflora", + "ole_varovainen", + "tonkapapupuu", + "kiiltoraunioinen", + "penstemon_dolius", + "rotkohemlokki", + "stephanomeria_malheurensis", + "tanacetum_parthenium", + "puolukka", + "hymenoxys_grandiflora", + "rosa_odorata", + "suopursu", + "erythrina", + "lithospermum_officinale", + "jalava", + "chrysothamnus_nauseosus", + "arisaema_dracontium", + "salix_vitellina", + "p\u00e4iv\u00e4nsini", + "blephilia_hirsuta", + "sabal_palmetto", + "piennarkaunokki", + "kolmis\u00e4detyr\u00e4kki", + "kongonkahvi", + "vangueria_infausta", + "centaurium_minus", + "sipulinnoki", + "kirsikkapuumets\u00e4", + "asparagus_plumosus", + "hygrophorus_tennesseensis", + "tundrapaju", + "calandrinia_ciliata", + "tangeriini", + "heracleum_sphondylium", + "kirveli", + "lobelia_siphilitica", + "pyh\u00e4_maria", + "crataegus_aestivalis", + "drimys_winteri", + "dolichos_biflorus", + "erigeron_pulchellus", + "leucadendron_argenteum", + "prunus_cuneata", + "luikka", + "k\u00e4\u00e4pi\u00f6banaani", + "lepidothamnus_laxifolius", + "phlox_subulata", + "kurttukaali", + "guajakki", + "amerikanvilliomena", + "elymus_arenarius", + "puukaktus", + "rhus_toxicodenedron", + "penstemon_deustus", + "lathyrus_sylvestris", + "piippuk\u00f6ynn\u00f6s", + "anjovisp\u00e4\u00e4ryn\u00e4", + "kalkkimaariank\u00e4mmekk\u00e4", + "hiirenporras", + "sida_hermaphrodita", + "marasmius_oreades", + "symphytum_officinale", + "parsapapu", + "solidago_nemoralis", + "dicentra_canadensis", + "himalajansyreeni", + "kengurunk\u00e4p\u00e4l\u00e4", + "heteranthera_dubia", + "sapindus_drumondii", + "rosa_moschata", + "viola_tricolor", + "viburnum_opulus", + "rusokuusama", + "tuhkapaju", + "rhus_quercifolia", + "carlina_vulgaris", + "allium_vineale", + "sophora_japonica", + "lychins_chalcedonica", + "hieracium_praealtum", + "preerianhahtuhein\u00e4", + "gentiana_saponaria", + "porkkanatikku", + "platycerium_andinum", + "plasmamembraani", + "brasilianp\u00e4hkin\u00e4", + "tiibetinkoirankieli", + "tummaorapihlaja", + "sirotuomipihlaja", + "gentiana_acaulis", + "salvia_farinacea", + "elaeis_guineensis", + "calocedrus_decurrens", + "kuumepuu", + "lupinus_arboreus", + "euroopansorvarinpensas", + "arctostaphylos_manzanita", + "artemis_spinescens", + "oliivipuu", + "erythronium_montanum", + "dianthus_plumarius", + "viisis\u00e4detyr\u00e4kki", + "teeruusu", + "leptopteris_superba", + "valtilla_kaataminen", + "pelargonium_hortorum", + "virginiant\u00e4dyke", + "h\u00e4meenkylm\u00e4nkukka", + "kalliopullopuu", + "vaccinium_ovatum", + "prunus_serrulata", + "popahtava", + "beetelp\u00e4hkin\u00e4", + "euphorbia_corollata", + "aspidistra_elatior", + "galium_verum", + "sinit\u00e4htihyasintti", + "calopogon_tuberosum", + "l\u00e4\u00e4keaaloe", + "aralia_stipulata", + "cycas_circinalis", + "populus_nigra", + "kanadanselja", + "mentha_longifolia", + "kalabarpapu", + "maljakataja", + "englanninraihein\u00e4", + "asplenium_billotii", + "saxe_gothea", + "solanum_macranthum", + "mets\u00e4alvejuuri", + "isokaulussieni", + "muscari_comosum", + "stenotaphrum_secundatum", + "clatonia_lanceolata", + "alopekuuri", + "artemisia_filifolia", + "ranunculus_repens", + "kurjennokka", + "katinjuustomalva", + "herttaikikukka", + "tabernaemontana_divaricata", + "berberis_canadensis", + "kalifornianmansikkapuu", + "pussik\u00e4mmekk\u00e4", + "humulus_japonicus", + "calochortus_elegans", + "p\u00e4\u00e4si\u00e4iskaktus", + "apocynum_androsaemifolium", + "palmuaraalia", + "ribes_sativum", + "mazatecinsalvia", + "karttaohdake", + "eustoma_grandiflorum", + "tricholoma_venenata", + "mustaviinimarja", + "stellaria_holostea", + "strelitzia_reginae", + "agathis_australis", + "quira", + "lemna_minor", + "larix_laricina", + "euroopanmarjakuusi", + "coleus_aromaticus", + "corydalis_claviculata", + "aster_ericoides", + "cirsium_heterophylum", + "kivikkok\u00e4enminttu", + "hibatuija", + "tomaatinkorkkijuurisuus", + "montereynsypressi", + "pukinpensas", + "hiekkamaruna", + "villipurjo", + "kellohyasintti", + "raatihuoneviini", + "pyrola_rotundifolia", + "afrikankataja", + "sirolitutilli", + "salvinia_auriculata", + "rhododendron_californicum", + "limanpapu", + "colocasia_esculenta", + "leucothoe_fontanesiana", + "ustilago_maydis", + "inga_edulis", + "canangium", + "leopardililja", + "kaarisulkasaniainen", + "anemone_tetonensis", + "spiranthes_spiralis", + "symplocos_paniculata", + "husaarinnappi", + "gymnocarpium_dryopteris", + "protium_guianense", + "lehtonurmikka", + "lonicera_albiflora", + "hietalilja", + "enokitake", + "kimalaisorho", + "monardella_lanceolata", + "cardamine_pratensis", + "salpiglossis_sinuata", + "rairuoho", + "rakkok\u00f6ynn\u00f6s", + "trifolium_stoloniferum", + "hypericum_calycinum", + "villipetunia", + "pteris_serrulata", + "pteretis_struthiopteris", + "hypericum_maculatum", + "harmaasieppo", + "urocystis_cepulae", + "phyllitis_scolopendrium", + "zoisia", + "hypericum_perforatum", + "mustaherukkapensas", + "sievikki", + "pyramidipoppeli", + "hedgata", + "pampahein\u00e4", + "allium_fistulosum", + "banksinm\u00e4nty", + "menispermum_canadense", + "anthurium_scherzerianum", + "ampiaisyrtit", + "mannasaarni", + "acrostichum_aureum", + "melissat", + "mustatammi", + "callitris_cupressiformis", + "kaalivalvatti", + "azaleastrum", + "j\u00e4ttiagaave", + "lychnis_coronaria", + "brunfelsia_americana", + "naamakukkaiskasvi", + "t\u00e4pl\u00e4munkinhuppu", + "riippakirjopeippi", + "salix_arctica", + "eucalyptus_grandis", + "conyza_canadensis", + "resedat", + "cananga", + "suoluikka", + "pellicularia_filamentosa", + "cassia_javonica", + "corallorhiza_maculata", + "rosa_spithamaea", + "alligaattoriruoho", + "phacelia_campanularia", + "savoijinkaali", + "montia_cordifolia", + "gentiana_calycosa", + "campanula_aparinoides", + "amaranthus_hypochondriacus", + "kampylotrooppinen_siemenaihe", + "solidago_multiradiata", + "lithocarpus_densiflorus", + "sarvip\u00e4hkin\u00e4", + "kellokuusama", + "jaakopin_portaat", + "h\u00e4m\u00e4h\u00e4kkikukat", + "alnus_glutinosa", + "rannikkotammi", + "amerikan\u00f6ljypalmu", + "gerardia_virginica", + "cnidoscolus_urens", + "gymnopilus_ventricosus", + "diplotaxis_erucoides", + "cypripedium_montanum", + "eucalyptus_calophylla", + "solidago_flexicaulis", + "erodium_texanum", + "desmodium_gyrans", + "verihelttaseitikki", + "viola_sylvatica", + "dioscorea_alata", + "arctium_minus", + "kanadanakileija", + "arrhenatherum", + "eucalyptus_pauciflora", + "annona_reticulata", + "cheilanthes_gracillima", + "pinus_muricata", + "paris_quadrifolia", + "agropyron_repens", + "ruotsinpitk\u00e4palko", + "samettisumakki", + "chrysanthemum_morifolium", + "phytolacca_americana", + "nicotiana_rustica", + "isorusokas", + "reseda_odorata", + "heuchera_americana", + "nyctaginia_capitata", + "lathyrus_sativus", + "oranssikorallipuu", + "lemmenkukka", + "viherliljapuu", + "veronica_arvensis", + "anthriscus_sylvestris", + "belladonna", + "marchantia_polymorpha", + "anemonella_thalictroides", + "sipulikurjenmiekka", + "leopardinkukka", + "campanula_pyramidalis", + "goanpapu", + "pteridium_aquilinum", + "polygala_lutea", + "mesquitehein\u00e4", + "begonia_cheimantha", + "aglaonema_modestum", + "ruostevaleatsalea", + "ketomaruna", + "maianthemum_canadense", + "cinnamomum_cassia", + "lehtisalaatti", + "panicum_capillare", + "lathyrus_splendens", + "erysimum_arkansanum", + "papaver_californicum", + "tatinriesa", + "smilax_aspera", + "begonia_socotrana", + "papukasvi", + "salvia_sclarea", + "haisusauramo", + "keuhkosammal", + "larix_russica", + "teurikka", + "sterculia_acerifolia", + "sarvisieni", + "j\u00e4rvikorte", + "aristolochia_clematitis", + "allium_ampeloprasum", + "catharanthus_roseus", + "crataegus_mollis", + "huovinkukka", + "mirabilis_longiflora", + "ageratum_houstonianum", + "campyloneurum_angustifolium", + "lepp\u00e4", + "merimiehensyd\u00e4n", + "agropyron_trachycaulum", + "corticium_salmonicolor", + "cephalanthera_rubra", + "tellima_affinis", + "vangueria_madagascariensis", + "cypripedium_calceolus", + "mustasinappi", + "abies_bracteata", + "cyrtomium_aculeatum", + "rusovuohenkuusama", + "sitruunamelissa", + "viola_odorata", + "poa_nemoralis", + "luumupuu", + "aster_turbinellis", + "antheropeas_wallacei", + "pikkusormustinkukka", + "corylus_cornuta", + "amerikanjalava", + "lehtonoidanlukko", + "kalifornianlaakeripuu", + "kasvisuku", + "toxicodendron_radicans", + "mansikkakoiso", + "pikkujasmike", + "solidago_spathulata", + "amaranthus_albus", + "juuripersilja", + "habenaria_chlorantha", + "saxegothea", + "lettokasvi", + "katajanmarja", + "iris_florentina", + "mets\u00e4lehmus", + "kellokatkero", + "iris_virginica", + "lotus_tetragonolobus", + "arctostaphylos_uva_ursi", + "hieracium_aurantiacum", + "kirjokurjenmiekka", + "leucothoe_racemosa", + "prosopis_pubescens", + "nurmit\u00e4dyke", + "amerikanmisteli", + "suomumustesieni", + "falcatifolium_falciforme", + "jalavakasvi", + "mustapoppeli", + "ritarinkello", + "chrysanthemum", + "peuranvirna", + "polypodium_polypodioides", + "viikunanlehti", + "konnant\u00e4dyke", + "linaria_canadensis", + "kontortam\u00e4nty", + "liuskahytykk\u00e4", + "taskuhein\u00e4", + "myrica_gale", + "isovesikrassi", + "allium_scorodoprasum", + "osterivinokas", + "sinikki", + "vallisneria", + "euroopantamus", + "pisarak\u00e4rh\u00f6", + "holcus_mollis", + "crambe_maritima", + "helichrysum_secundiflorum", + "alastonimpi", + "erythrina_variegata", + "kreetanmeirami", + "solanum_melanocerasum", + "piilipuu", + "platanthera_chlorantha", + "sinivatukka", + "rosa_banksiae", + "acer_glabrum", + "rubus_canadensis", + "silkkiyrtti", + "kellussaniainen", + "epipactis_gigantea", + "sinivaleunikko", + "euphorbia_milii", + "taxus_floridana", + "begonia_tuberhybrida", + "s\u00e4rm\u00e4kuisma", + "spraguea_umbellatum", + "marraskuunkaktus", + "rubus_occidentalis", + "castilleja_sulphurea", + "myyr\u00e4nporras", + "calochortus_macrocarpus", + "thrinax_parviflora", + "helmisulkahirssi", + "isolinnunruoho", + "paradisea_liliastrum", + "euphorbia_marginata", + "asplenium_montanum", + "amerikanpunam\u00e4nty", + "kirjodurra", + "tervalepp\u00e4", + "vaihtelevarevonh\u00e4nt\u00e4", + "hakea_laurina", + "mombinluumupuu", + "villahibiskus", + "alaskanvatukka", + "kiertokasvi", + "hygrophorus_kauffmanii", + "t\u00f6tter\u00f6lehti", + "passiflora_mollissima", + "arundinaria_tecta", + "solmuvihvil\u00e4", + "rudbeckia_hirta", + "meelia", + "callirhoe_triangulata", + "tummarusokki", + "guajakkipuu", + "phyllostachys_bambusoides", + "saniaissuku", + "solanum_commersonii", + "beaumontia_grandiflora", + "madonnanlilja", + "viherpantahein\u00e4", + "hygrophorus_turundus", + "purppurasulkahirssi", + "bletia_striata", + "platanus_acerifolia", + "riekonmarja", + "physalis_peruviana", + "taiteilija", + "scleroderma_flavidium", + "parthenium_integrifolium", + "kanarianhelpi", + "sambucus_ebulus", + "amerikanginsengjuuri", + "rubus_odoratus", + "agropyron_pauciflorum", + "hyv\u00e4nheikinsavikka", + "leijonankita", + "balkaninhevoskastanja", + "hamamelis_virginiana", + "tonkapapu", + "kukankorallipuu", + "arctostaphylos_tomentosa", + "puutarhakasvi", + "quercus_virginiana", + "kirsikkapaprika", + "metrinpapu", + "parakautsupuu", + "amerikanharmaalepp\u00e4", + "platanthera_leucophea", + "tikankontti", + "sarcocephalus_latifolius", + "gossypium_thurberi", + "clematis_verticillaris", + "calystegia_sepium", + "likusteri", + "podocarpus_latifolius", + "wolffiella_gladiata", + "tammisavikka", + "dicksonia_antarctica", + "muscari_neglectum", + "pitk\u00e4pippuri", + "baccharis_pilularis", + "penstemon_fruticosus", + "kivimaissi", + "magnolia", + "dryopteris_thelypteris", + "solanum_wrightii", + "konnanleinikki", + "tervakukka", + "eucalyptus_regnans", + "pomeranssi", + "galium_boreale", + "leucothoe_editorum", + "centaurea_gymnocarpa", + "passiflora_foetida", + "ulmus_hollandica", + "nyssa_sylvatica", + "kirjopikarililja", + "cassia_marilandica", + "nephrolepis_exaltata", + "polyporus_frondosus", + "asclepias_meadii", + "gerardia_pedicularia", + "pterocarpus_macrocarpus", + "amerikanheisi", + "cherimoya", + "ahonoidanlukko", + "quercus_texana", + "coleus_amboinicus", + "villiperuna", + "diplopterygium_longissimum", + "gyromitra_brunnea", + "brasilianroseepippuri", + "muinaism\u00e4nty", + "brodia", + "phellodendron_amurense", + "hevea_brasiliensis", + "nolina_microcarpa", + "cordyline_australis", + "tangeriin", + "ranunculus_aquatilis", + "kuningassaniainen", + "avena_barbata", + "mustamulperi", + "polypodium_vulgare", + "merikohokki", + "oligoporus_leucospongia", + "bromus_secalinus", + "anemone_occidentalis", + "pinus_palustris", + "conium_maculatum", + "omenaminttu", + "luumu", + "haisukurjenpolvi", + "plantago_media", + "plumeria_acutifolia", + "syd\u00e4nkirsikka", + "astroloma_humifusum", + "asplenium_scolopendrium", + "mahonia_nervosa", + "erythrina_corallodendrum", + "jokileinikki", + "oenanthe_crocata", + "honka", + "kreikanlohik\u00e4\u00e4rmevehka", + "lotus_berthelotii", + "artemisia_maritima", + "ranunculus_acris", + "t\u00e4pl\u00e4punalatva", + "sebastiana_palmeri", + "untuvahein\u00e4", + "cirsium_arvense", + "centaurea_imperialis", + "cypripedium_reginae", + "alpinia_officinarum", + "abronia_villosa", + "andromeda_polifolia", + "mustasilm\u00f6", + "kengurupensas", + "teucrium_canadense", + "kangasparkki", + "amerikankuusama", + "sinivanda", + "lemmenmarja", + "hydrofyytti", + "pinus_echinata", + "malacothamnus_fasciculatus", + "verbascum_lychnitis", + "silver_fern", + "quercus_borealis", + "betula_papyrifera", + "phyllostachys_aurea", + "rosa_damascena", + "rantamaite", + "pterocarpus_angolensis", + "purppurarevonh\u00e4nt\u00e4", + "torvikukka", + "aegilops_triuncalis", + "platanthera_bifolia", + "valehortensia", + "kanadanluumu", + "scirpus_acutus", + "saniaisheimo", + "anchusa_capensis", + "salix_pyrifolia", + "camellia_japonica", + "nothofagus_truncata", + "kanadanlilja", + "anthericum_torreyi", + "calamagrostic_quadriseta", + "kangaskorte", + "maariankello", + "santelipuu", + "solanum_quitoense", + "sormituoksukki", + "centaurium_scilloides", + "rinnevalkotammi", + "hibiscus_moschatus", + "karnaubavaha", + "rantakanerva", + "podocarpus_nivalis", + "stylophorum_diphyllum" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "la_tour", + "henry_cavendish", + "matthew_arnold", + "harding", + "maria_montesorri", + "lambert", + "burbage", + "forester", + "lev_ivanov", + "goldmark", + "guggenheim", + "styron", + "helmikirjoahven", + "mccormick", + "streisand", + "benjamin_franklin", + "maitland", + "martin_buber", + "john_bartlett", + "e_b_white", + "longfellow", + "gropius", + "karl_gjellerup", + "sullivan", + "akira_kurosawa", + "frances_wright", + "mayer", + "niccolo_paganini", + "yastrzemski", + "carnegie", + "hurrata", + "maria_tallchief", + "valentina_tere\u0161kova", + "curtis", + "noah_webster", + "jean_genet", + "von_rundstedt", + "tradescant", + "dinesen", + "john_knox", + "alempitasoinen", + "heinrich_hertz", + "kesey", + "mauriac", + "waldheim", + "jean_laffite", + "roger_williams", + "jevtu\u0161enko", + "lovelace", + "marsalkka", + "livingstone", + "le_duc_tho", + "giovanni_boccaccio", + "saint_maarten", + "cornelius_vanderbilt", + "ekman", + "dionysios", + "huntington", + "wren", + "rudolf_steiner", + "klinefelter", + "thomas_wolfe", + "eccles", + "cuvier", + "david_rittenhouse", + "ernesto_guevara", + "o'casey", + "thomas_bayes", + "sukkela", + "gjellerup", + "ben_hogan", + "joliot", + "ziegfeld", + "johann_bernoulli", + "max_bruch", + "mays", + "winckelmann", + "okkamilainen", + "leonard_bernstein", + "c_k_ogden", + "sibelius", + "weill", + "thomas_decker", + "van_allen", + "p_kristoffer", + "alistair_cooke", + "che_guevara", + "roget", + "charles_townes", + "ederle", + "kline", + "lasity\u00f6ntekij\u00e4", + "georges_simenon", + "sir_john_frederick_william_herschel", + "james_barrie", + "c", + "botticelli", + "david_grun", + "mccauley", + "van_beethoven", + "saharov", + "lasinleikkuri", + "salinger", + "karl_scheele", + "alan_seeger", + "gillespie", + "medawar", + "frankki", + "i_a_richards", + "wickliffe", + "john_endecott", + "sarjakuvastrippi", + "thomas_hodgkin", + "wright", + "dos_passos", + "philipp_schwartzerd", + "belloc", + "fleming", + "andrews", + "john_barth", + "edward_albee", + "bruegel", + "dorothy_parker", + "lipchitz", + "armstrong", + "zhukov", + "bonney", + "maria_callas", + "victor_herbert", + "de_sica", + "william_walton", + "leary", + "henrik_ibsen", + "rushdie", + "abelard", + "winslow", + "prospero_lambertini", + "morgan", + "antonio_ghislieri", + "rabelais", + "emerson", + "k\u00e4rr\u00e4\u00e4j\u00e4", + "hendrix", + "suojeluspyhimys", + "frobisher", + "laffer", + "yardbird_parker", + "william_gladstone", + "charles_liston", + "stoppard", + "de_valera", + "hughes", + "mary_shelley", + "franz_werfel", + "quine", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "asa_yoelson", + "mergenthaler", + "cellini", + "beckett", + "watteau", + "david_livingstone", + "frans_ferdinand", + "eduard_buchner", + "david_smith", + "pierre_terrail", + "michelson", + "bruckner", + "john_herschel", + "erikoiskoe", + "mets\u00e4nhoitaja", + "henry_villard", + "gauss", + "johannes_van_der_waals", + "andrzej_wajda", + "meyerhof", + "jan_van_eyck", + "hoffman", + "rossini", + "carl_rogers", + "macgregor", + "bernhardt", + "cortez", + "george_balanchine", + "a_e_burnside", + "bethe", + "georg_wilhelm_steller", + "richard_burton", + "gerbert", + "o_veriryhm\u00e4", + "douglas_macarthur", + "hawkins", + "james_michener", + "mary_wollstonecraft", + "brunelleschi", + "j_edgar_hoover", + "herschel", + "curtiss", + "thomas_reid", + "dukas", + "john_jacob_astor", + "otto_frisch", + "anna_pavlova", + "winston_churchill", + "allen_stewart_konigsberg", + "johannes_diderik_van_der_waals", + "andrei_saharov", + "waite", + "giambattista_marini", + "mendelssohn", + "robert_macgregor", + "b", + "maillol", + "conrad_aiken", + "emile_gaboriau", + "karl_landsteiner", + "josephus", + "monnet", + "ivan_pavlov", + "didrikson", + "paul_mccartney", + "snead", + "sinclair", + "ulanova", + "richard_smalley", + "yamani", + "waugh", + "andrew_marvell", + "terry_pratchett", + "vermeer", + "k", + "trevino", + "clausewitz", + "francois_rabelais", + "macdowell", + "woodward", + "stephen_king", + "francis_crick", + "roebling", + "peter_o\u2019toole", + "john_trumbull", + "sherry", + "van_gogh", + "gregorius_suuri", + "joseph_greenberg", + "de_sade", + "mets\u00e4nvartija", + "chirico", + "miles_standish", + "de_gaulle", + "isaac_newton", + "sherman", + "richard_upjohn", + "michener", + "m_j_schleiden", + "woolf", + "alfred_eisenstaedt", + "depardieu", + "victor_hugo", + "delius", + "joseph_smith", + "bartholdi", + "edwin_hubble", + "senefelder", + "colette", + "malebranche", + "milton_friedman", + "al_hasan_ibn_al_haytham", + "inge", + "john_rock", + "amy_lowell", + "benton", + "edward_gibbon", + "justinianus", + "televisiot\u00e4hti", + "salaivallinen", + "schoolcraft", + "schiaparelli", + "louis_tiffany", + "van_de_velde", + "grigori_potjomkin", + "james_usher", + "pincus", + "j_c_maxwell", + "jefferson_davis", + "arafat", + "bertillon", + "saint_louis", + "holbein", + "cass_gilbert", + "giosue_carducci", + "george_stephenson", + "watson", + "osborne", + "john_glenn", + "beauvoir", + "john_webster", + "wykeham", + "john_davis", + "malevit\u0161", + "lorenz_okenfuss", + "george_burns", + "kaarle", + "jarrell", + "bakunin", + "bartlett", + "nikolaus_v", + "george_harrison", + "stowe", + "peter_minuit", + "galois", + "mark_clark", + "sandor_kellner", + "sebastian_vizcaino", + "amundsen", + "george_orwell", + "ellison", + "morrison", + "woolworth", + "georg_meissner", + "arthur_koestler", + "hernan_cortes", + "richard_wagner", + "cat_valium", + "joseph_john_thomson", + "williams", + "stanislavsky", + "thornton_wilder", + "e_l_doctorow", + "der_fuhrer", + "pancho_villa", + "diaz", + "o'flaherty", + "monet", + "aleksandr_borodin", + "j_j_hill", + "johns", + "john_hemminge", + "leopold_stokowski", + "higginson", + "jonson", + "rebecca_west", + "stockton", + "marie_curie", + "mount_wilson", + "malthus", + "simenon", + "francis_galton", + "jussieu", + "john_rowlands", + "mccarthy", + "prokofjev", + "peukaloiset", + "tandy", + "mary_martin", + "gordimer", + "reijo", + "richard_roberts", + "constantine", + "michael_jackson", + "da_gama", + "nicolson", + "louis_jolliet", + "carl_sandburg", + "pugin", + "taylor", + "stephenson", + "thomas_hobbes", + "goldman", + "sir_william_chambers", + "faberge", + "satuprinssi", + "joseph_lister", + "derain", + "the_admirable_crichton", + "edward_weston", + "meissner", + "el_greco", + "macleod", + "waller", + "samuel_beckett", + "puulusikka", + "katariina", + "tasatilanne", + "prohorov", + "seaman", + "jacques_costeau", + "james_william_reiher_jr", + "clinton", + "connolly", + "david", + "russell", + "galileo_galilei", + "skeat", + "van_eyck", + "czerny", + "ernest_bevin", + "jane_goodall", + "john_donne", + "valtionp\u00e4\u00e4mies", + "chaim_weizmann", + "sergei_vasiljevit\u0161_rahmaninov", + "nikolai_i", + "lardner", + "andrea_guarneri", + "robert_koch", + "wajda", + "van_vleck", + "burbank", + "i_m_pei", + "marshall", + "todd", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "asimov", + "hans_holbein_nuorempi", + "epstein", + "erich_mendelsohn", + "utrillo", + "a_e_w_mason", + "northrop", + "mantegna", + "donald_glaser", + "barth", + "strickland", + "demille", + "langmuir", + "mendeleyev", + "c_northcote_parkinson", + "edmund_hillary", + "brigid", + "binet", + "trevithick", + "galvani", + "corbett", + "vincent_van_gogh", + "richard_hooker", + "strasberg", + "w", + "william_hazlitt", + "pickford", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "lauri", + "dostojevski", + "yrj\u00e4n\u00e4", + "john_ruskin", + "franz_lehar", + "granville_barker", + "robert_burns", + "john_henry", + "hans_albrecht_bethe", + "carl_anderson", + "nathaniel_bailey", + "behrens", + "steinbeck", + "visconti", + "bunche", + "john_galbraith", + "hess", + "thomas_paine", + "bari", + "ustinov", + "ulkomuuri", + "murrow", + "elizabeth_seaman", + "sully", + "liliuokalani", + "gielgud", + "francis_beaumont", + "hans_jurgen_eysenck", + "alhacen", + "i_f_stone", + "marini", + "karl_wernicke", + "edvard", + "bergman", + "wilkins", + "steven_weinberg", + "the_great_compromiser", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "boulez", + "lavoisier", + "elisabet", + "cristobal_colon", + "karl_barth", + "dowland", + "millais", + "calvino", + "willem_einthoven", + "johann_winckelmann", + "rockwell", + "cather", + "sikorsky", + "phil_anderson", + "thomas_willis", + "charles_chaplin", + "bernard_malamud", + "samuel_johnson", + "giovanni_battista_montini", + "allen_iverson", + "nimitz", + "wesley", + "smith", + "marie_antoinette", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "galsworthy", + "walter_lippmann", + "edward_appleton", + "breuer", + "e", + "c_g_jung", + "hevoskuski", + "scheele", + "riivaaja", + "lafitte", + "frankfurtinmakkara", + "karl_jaspers", + "korzybski", + "emily_bronte", + "beethoven", + "helmholtz", + "ferber", + "hideki_yukawa", + "connors", + "konrad_adenauer", + "mencken", + "bessel", + "howe", + "vanderbilt", + "c_vann_woodward", + "donatus", + "john_l_lewis", + "bush", + "marianne_moore", + "norbert_wiener", + "john_masefield", + "horatio_nelson", + "mark_rothko", + "shepard", + "brueghel", + "maurice_chevalier", + "gottlieb_daimler", + "fourier", + "francoise_athenais_de_rochechouart", + "schlesinger", + "finnbogadottir", + "scriabin", + "frank_sinatra", + "valkoporro", + "isherwood", + "pipin", + "bowditch", + "fallopio", + "rahank\u00e4sittelij\u00e4", + "arendt", + "abel_tasman", + "katharine_hepburn", + "noguchi", + "guthrie", + "henri_becquerel", + "henri_matisse", + "alfonso_borgia", + "pahlevi", + "bertram_brockhouse", + "ginsberg", + "louis_pasteur", + "van_de_graaff", + "ponselle", + "hoffmann", + "gaboriau", + "berra", + "sherrington", + "j", + "richard_strauss", + "stephen_decatur", + "herculius", + "galbraith", + "leslie_howard", + "jean_baptiste_racine", + "mehemet_ali", + "theodosius_i", + "aristarkhos", + "joseph_oliver", + "hugo_grotius", + "pushkin", + "maginot", + "kissinger", + "mahalia_jackson", + "william_franklin_graham", + "kendrew", + "ben_shahn", + "mohorovicic", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "wilhelm_ockhamilainen", + "charles_ringling", + "katherine_mansfield", + "gertrude_stein", + "fallopius", + "van_der_waals", + "j_b_s_haldane", + "saladin", + "kettering", + "sarah_bernhardt", + "george_beadle", + "trotski", + "krasner", + "e_h_harriman", + "sergei_rahmaninov", + "taidekauppias", + "v", + "h_c_andersen", + "hayes", + "philip_marlowe", + "greene", + "gretzky", + "luigi_pirandello", + "roope", + "t_s_eliot", + "shapley", + "tarkovski", + "e_g_marshall", + "watts", + "madame_tussaud", + "sanasokeus", + "karol_wojtyla", + "mallarme", + "marc_blitzstein", + "hank_williams", + "hazlitt", + "weston", + "vanuttaja", + "benchley", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "st_christopher", + "william_menninger", + "strachey", + "chaplin", + "charles_de_gaulle", + "ylikersanttikala", + "paul_von_hindenburg", + "florio", + "y", + "henrik_beauclerc", + "henry_moore", + "perutz", + "schumann", + "komentop\u00e4\u00e4llikk\u00f6", + "holden", + "mary_mallon", + "p_crispin", + "lytton", + "vatsatanssija", + "ralph_bunche", + "rudolf_bultmann", + "dempsey", + "douglass", + "charles_lindbergh", + "fremont", + "clive", + "grappelli", + "erythrina", + "grimminsukeltajakauris", + "jespersen", + "villon", + "emile_herzog", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "joseph_stalin", + "olkikatontekij\u00e4", + "al_haytham", + "f", + "john_jay", + "tobey", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "bunyan", + "thomas_mann", + "paton", + "hathaway", + "kendall", + "kahlauspaikka", + "bin_laden", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "kaarlo", + "hoyle", + "wernicke", + "cunningham", + "charles", + "vesalius", + "margot_fonteyn", + "nathaniel_currier", + "david_hubel", + "peter_pan", + "a_tyyppi", + "prinssi_charles", + "james_tobin", + "john_irving", + "panofsky", + "samuel_de_champlain", + "shirer", + "paxton", + "taimistoviljelij\u00e4", + "e_h_weber", + "giacomo_puccini", + "edward_fitzgerald", + "eyck", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "junioriasteen", + "mungo_park", + "benedict_arnold", + "wyatt", + "paul_verlaine", + "cowper", + "q", + "tappan", + "robert_johnson", + "kropotkin", + "p\u00e4\u00e4asiamies", + "mark_hopkins", + "traubel", + "mount_sherman", + "g\u00f6ring", + "balfour", + "james_dean", + "robert", + "richard_lovelace", + "jacob_harmensen", + "scorsese", + "mason", + "marie_tussaud", + "burnett", + "roger_bannister", + "charles_hall", + "heinrich_i", + "john_cash", + "lasinhioja", + "theodor_schwann", + "max_beerbohm", + "tasman", + "greeley", + "alessandro_manzoni", + "joseph_priestley", + "frederick_furnivall", + "hermann_snellen", + "robert_oppenheimer", + "nicolas_poussin", + "andrea_mantegna", + "adolf_windaus", + "francois_mansart", + "kolumbus", + "hayek", + "clemenceau", + "joseph_pulitzer", + "ring_lardner", + "sperry", + "george_huntington", + "charles_schulz", + "irving", + "barany", + "caruso", + "jim_corbett", + "mommsen", + "james_naismith", + "marlowe", + "malpighi", + "oscar_wilde", + "socinus", + "billie_the_kid", + "montgolfier", + "antoine_domino", + "de_l_orme", + "philip_roth", + "maintenon", + "burroughs", + "j_d_salinger", + "ochoa", + "konstantinus", + "simon_pietari", + "henry", + "lawrence", + "roy_wilkins", + "franklin", + "andre_weil", + "sorensen", + "humperdinck", + "richard_trevithick", + "lowry", + "william_bradford", + "johan_august_strindberg", + "heinrich_schliemann", + "montespan", + "liston", + "kean", + "lendl", + "rokkit\u00e4hti", + "bartholomeu_diaz", + "john_davys", + "carlyle", + "eli_whitney", + "vilhelm_punainen", + "jackson", + "glenn_curtiss", + "telemann", + "paola_caliari", + "don_quijote", + "clark", + "pizarro", + "morley", + "merckx", + "bradstreet", + "romberg", + "corelli", + "jan_van_der_meer", + "chambers", + "lenni", + "john_witherspoon", + "william_falkner", + "laurence_olivier", + "victor_hess", + "rhodesianihminen", + "hussein", + "jeffers", + "evans", + "cocteau", + "e_a_von_willebrand", + "pierre_larousse", + "norris", + "christiaan_eijkman", + "adolf_eichmann", + "sverdrup", + "heyward", + "paganini", + "marilyn_horne", + "boole", + "ibsen", + "lorca", + "nell_gwynne", + "marvell", + "stan_musial", + "rimbaud", + "francis_bacon", + "compton", + "pete_seeger", + "konstantin_stanislavski", + "richard_m_nixon", + "walter_hess", + "john_wycliffe", + "gaskell", + "husayn", + "joseph_heller", + "lessing", + "a", + "boone", + "francois_jacob", + "lasinleikkaaja", + "heyerdahl", + "peary", + "gershwin", + "rossetti", + "morris", + "peter_carl_goldmark", + "apollinaire", + "hassam", + "montagu", + "norman_rockwell", + "boris_spassky", + "francois_duvalier", + "james_brown", + "william_hogarth", + "modigliani", + "charles_baudelaire", + "luigi_cherubini", + "sir_william_rowan_hamilton", + "cassia_alata", + "ei_k\u00e4yt\u00f6ss\u00e4", + "deere", + "pikkuliikemies", + "david_ricardo", + "barkley", + "john_mitchell", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "jacques_bernoulli", + "goodall", + "kinsey", + "himmler", + "beaverbrook", + "james_franck", + "william_crookes", + "antonius_stradivarius", + "james_meredith", + "samuel_gompers", + "nellie_bly", + "brancusi", + "john_haldane", + "weber", + "lewis", + "warburg", + "fulton", + "parsons", + "alexandre_yersin", + "francois_mitterrand", + "n", + "richardson", + "pikkukeisari", + "lukemiskyvytt\u00f6myys", + "michel_montaigne", + "tunney", + "stephen_leacock", + "hope", + "albert_schweitzer", + "miller", + "flavius_theodosius", + "chagall", + "hammarskj\u00f6ld", + "john_mccormick", + "valentinois'n_herttuatar", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "hardy", + "erik_weisz", + "musset", + "dewey", + "canetti", + "saint_martin", + "titus", + "johannes_kepler", + "anatoli_karpov", + "metchnikov", + "william_s_burroughs", + "david_hartley", + "max_planck", + "william_blake", + "t_e_lawrence", + "rundstedt", + "julio_iglesias", + "john_bardeen", + "rodin", + "arthur", + "hutchins", + "middleton", + "sarah_vaughan", + "nietzsche", + "dubya", + "john_wilkes", + "francois_mauriac", + "davis", + "konstantin_stanislavsky", + "thoreau", + "william_byrd", + "william_henry", + "christopher_fry", + "godard", + "scott_joplin", + "latrobe", + "samuel_houston", + "supermex", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "hinault", + "o'neill", + "gardner", + "vuillard", + "thackeray", + "passiivinen_tupakointi", + "cesar_franck", + "samuel_rosenstock", + "canberra", + "stephane_mallarme", + "cooke", + "carry_nation", + "bramante", + "goethals", + "knox", + "visuaalinen_afasia", + "elias_canetti", + "norrish", + "von_braun", + "robert_lowell", + "johann_strauss", + "eisenstein", + "edward_jenner", + "hutton", + "john_mercer", + "oscar_robertson", + "marquand", + "huston", + "oliver_hardy", + "simon_kananeus", + "kenyata", + "moore", + "von_bl\u00fccher", + "ko\u015bciuszko", + "kahlaamo", + "johan_kepler", + "husserl", + "groves", + "cole_porter", + "samuel_wilder", + "benjamin_west", + "jean_luc_godard", + "stokowski", + "graham_greene", + "baryshnikov", + "frans_hals", + "henrik_i", + "edward", + "lysenko", + "stroheim", + "whistler", + "la_fontaine", + "turkiskauppias", + "lars_onsager", + "willard", + "metallity\u00f6mies", + "jewison", + "margaret_mitchell", + "goldoni", + "konoye", + "leadbelly", + "bunuel", + "igor_stravinsky", + "duse", + "j_b_rhine", + "stuart_davis", + "olmsted", + "gary_weinstein", + "mary_mccauley", + "lola_montez", + "tucker", + "john_wain", + "jan_swammerdam", + "bellini", + "mary_mccarthy", + "jimenez", + "wilkes", + "karmeliittamunkki", + "presidentti_wilson", + "tully", + "david_riesman", + "laughton", + "doctorow", + "john_walker", + "lent\u00e4v\u00e4_hollantilainen", + "virchow", + "flavius_josephus", + "frankeerata", + "puukauha", + "william_herschel", + "wheatley", + "joseph_black", + "marcus_whitman", + "mikhail_baryshnikov", + "rooman_keisari", + "du_barry", + "montesquieu", + "oakley", + "william_john_clifton_haley_jr", + "marcus_aurelius_valerius_maximianus", + "franz_joseph", + "peirce", + "arthur_rubinstein", + "calvin", + "venekurki", + "cherubini", + "arthur_compton", + "koussevitzky", + "lindbergh", + "robbins", + "niels_bohr", + "kenneth_grahame", + "naismith", + "larousse", + "hickock", + "sheridan", + "bardeen", + "henry_fielding", + "bertrand_russell", + "fragonard", + "jakob_hermandszoon", + "katherine_anne_porter", + "ludvig_pyh\u00e4", + "madame_curie", + "hawkyns", + "michael_faraday", + "john_d_rockefeller", + "malamud", + "j_craig_ventner", + "arthur_schlesinger", + "burt", + "anthony_burgess", + "anthony", + "pyh\u00e4_yrj\u00f6", + "cummings", + "jan_tinbergen", + "swanson", + "peter_mark_roget", + "robert_venturi", + "johnny_appleseed", + "greg", + "schumpeter", + "maria_magdaleena", + "schliemann", + "o'keeffe", + "gwynne", + "ben_gurion", + "kreisler", + "maurois", + "sir_francis_galton", + "ellen_price_wood", + "ralegh", + "irving_berlin", + "wavell", + "peter_seamus_o'toole", + "julia_agrippina", + "marstan", + "otho_of_lagery", + "gauguin", + "linnustaja", + "malory", + "bernard_baruch", + "rudolf_diesel", + "hans_holbein", + "walt_disney", + "meredith", + "ben_jonson", + "lippi", + "la_spezia", + "robert_benchley", + "dowding", + "oates", + "albee", + "florey", + "h_l_mencken", + "lully", + "vesey", + "rubens", + "ondaatje", + "percy", + "joseph_schumpeter", + "beveridge", + "max_muller", + "gabriel_lippmann", + "maria_verinen", + "steve_reich", + "groucho", + "adenauer", + "lee", + "derrida", + "lamarck", + "benny_goodman", + "\u0161akkimestari", + "ted_williams", + "karl_menninger", + "william_beaumont", + "froebel", + "friedrich_engels", + "huldreich_zwingli", + "haley", + "pavlov", + "asianajoneuvos", + "steichen", + "jane_austen", + "anthony_vandyke", + "charles_laughton", + "parker", + "eichmann", + "magritte", + "gibson", + "moses", + "koloverkosto", + "ventner", + "gustav_mahler", + "lasiveitsi", + "ed_sullivan", + "phil_collins", + "nevelson", + "alice_paul", + "erving", + "robert_redford", + "robert_barany", + "monod", + "jean_giraudoux", + "fuller", + "jack_dempsey", + "brindisi", + "ian_fleming", + "swedenborg", + "richard_feynman", + "harrod", + "augustinolaismunkki", + "menninger", + "saparomakaki", + "willebrand", + "valtionjohtaja", + "kandinski", + "wolfgang_pauli", + "wycherley", + "ellington", + "landowska", + "ruskin", + "wollaston", + "lipmann", + "pietari_i", + "dodgson", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "vilkkupyrst\u00f6kolibri", + "klimt", + "jessica_mitford", + "thomas_more", + "jesse_louis_jackson", + "homo_heidelbergensis", + "milhaud", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "meyerbeer", + "lunt", + "anne_sullivan", + "walesa", + "paul_robeson", + "hyvinpukeutuva", + "arnold", + "benedict", + "shute", + "thomas_middleton", + "metchnikoff", + "lugosi", + "gladstone", + "m\u00fcnchhausen", + "john_dowland", + "sumner", + "le_carre", + "van_dyck", + "sarnoff", + "dag_hammarskj\u00f6ld", + "zaharias", + "millay", + "daniel_jones", + "hellman", + "benjamin_jonson", + "suurvisiiri", + "william_golding", + "robert_motherwell", + "a_e_housman", + "william_caxton", + "john_milton", + "c_h_best", + "karl_wilhelm_scheele", + "rudolf_serkin", + "couperin", + "erikoisfunktio", + "siqueiros", + "peter_stuyvesant", + "rattigan", + "henri_louis_bergson", + "ethel_merman", + "szilard", + "rittenhouse", + "riesman", + "r\u00f6ntgenteknikko", + "frank_baum", + "hotspur", + "samuel_adams", + "albert_speer", + "james_baldwin", + "lindsay", + "o_hara", + "john_copley", + "john_vanbrugh", + "gracie", + "cavell", + "kahluupaikka", + "leacock", + "indira_gandhi", + "ceylonilainen", + "daumier", + "whitman", + "millikan", + "davys", + "william_mitchell", + "albers", + "bertolucci", + "jane_seymour", + "peter_goldmark", + "peter_minnewit", + "klopstock", + "rehnquist", + "george_gershwin", + "toynbee", + "schopenhauer", + "alberto_giacometti", + "elisabet_i", + "laney", + "wallace", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "eisenstaedt", + "tenniel", + "friedrich_fr\u00f6bel", + "daniel_rutherford", + "ashe", + "marco_polo", + "koestler", + "john_fletcher", + "heidegger", + "georgi_zhukov", + "maria_i", + "caravaggio", + "matthias_schleiden", + "beria", + "lorenzo_de'medici", + "charlie_watts", + "albert_gore_jr", + "spenser", + "m", + "charlotte_corday", + "jamison", + "hargreaves", + "marcel_marceau", + "gilmer", + "oort", + "allen_ginsberg", + "henry_thoreau", + "fred_zinnemann", + "ringling", + "hammerstein", + "coleridge", + "daniel_bernoulli", + "kelly", + "guillaume_apollinaire", + "william_strickland", + "rautarouva", + "gibbs", + "john_marquand", + "antoine_watteau", + "l_s_lowry", + "brandt", + "pablo_casals", + "joseph_henry", + "juan_ponce_de_leon", + "henri_bergson", + "is\u00e4nn\u00f6itsij\u00e4", + "jos\u00e9_ortega_y_gasset", + "speke", + "craigie", + "bergson", + "antonius", + "jean_bernoulli", + "edward_macdowell", + "josef_hoffmann", + "potjomkin", + "hammett", + "kahlaaminen", + "kentuckylainen", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "anttoni", + "heinrich_b\u00f6ll", + "phillis_wheatley", + "tussaud", + "oppenheimer", + "mohammed_reza_pahlavi", + "gregorius", + "condorcet", + "kotiavustaja", + "patrick_white", + "hans_zinsser", + "saul_steinberg", + "greenberg", + "bartholomew_roberts", + "eileen_farrell", + "daniel_morgan", + "hans_christian_andersen", + "peter_cooper", + "reich", + "schwann", + "william_morris", + "william_dawes", + "cary_grant", + "hideyo_noguchi", + "thomas", + "isaac_watts", + "saint_lawrence", + "harmsworth", + "ford", + "pieter_zeeman", + "arnold_gesell", + "scripps", + "herrick", + "glenn_miller", + "mooses", + "thomas_straussler", + "navratilova", + "sir_thomas_gresham", + "strippi", + "j\u00e4niksenk\u00e4p\u00e4l\u00e4", + "karl_von_clausewitz", + "merimieskuningas", + "musial", + "c_w_post", + "fitzgerald", + "wegener", + "pablo_picasso", + "newman", + "horne", + "mansart", + "john_philip_marquand", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "tagore", + "raffles", + "james_bernoulli", + "kennelly", + "alan_hodgkin", + "malinowski", + "anderson", + "thomas_moore", + "vihellin", + "robeson", + "osman_i", + "kurt_weill", + "kieslowski", + "otto_hahn", + "webster", + "nast", + "lester_young", + "welty", + "otto_meyerhof", + "john_marshall", + "mamet", + "christiaan_huygens", + "duvalier", + "hector_berlioz", + "smalley", + "hermann_g\u00f6ring", + "lucille_ball", + "paul_simon", + "mussorgsky", + "claudio_monteverdi", + "benjamin_jowett", + "rubinstein", + "nabokov", + "kuulemismenettelyst\u00e4_vastaava_neuvonantaja", + "robert_scott", + "stravinsky", + "john_galsworthy", + "knut_pedersen", + "robert_robinson", + "scott", + "ziegler", + "pieter_breughel", + "karloff", + "khachaturian", + "dickinson", + "bronte", + "spielberg", + "gombrowicz", + "o", + "goodman", + "mccartney", + "wallenstein", + "adam_smith", + "william_james", + "lipscomb", + "taney", + "mezzosopraano", + "u", + "vizcaino", + "jean_harlow", + "henry_miller", + "rautakansleri", + "sayers", + "mcguffey", + "karl_marx", + "einthoven", + "paul_bunyan", + "rickover", + "friedrich_nietzsche", + "zsigmondy", + "i", + "strindberg", + "p_daavid", + "robert_indiana", + "william_burroughs", + "noyes", + "peter_alexander_ustinov", + "jimmy_durante", + "howard", + "john_wesley", + "march_king", + "hasek", + "dorothy_sayers", + "berlage", + "st_maarten", + "tallis", + "e_o_wilson", + "melanchthon", + "goldwyn", + "sandro_botticelli", + "endecott", + "parrish", + "von_willebrand", + "carson_mccullers", + "frank_stockton", + "magna_mater", + "bloch", + "seiji_ozawa", + "nazimova", + "ehrenberg", + "proust", + "nikola_tesla", + "de_mille", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "malraux", + "carlo_goldoni", + "kuparivihtrilli", + "trumbo", + "kaufman", + "shankar", + "william_patterson", + "boleyn", + "ninigi", + "leo_delibes", + "john_locke", + "tharp", + "alexis_carrel", + "le_notre", + "du_maurier", + "l_enfant", + "j_e_johnston", + "mitchum", + "ludvig_ix", + "a_noam_chomsky", + "symonds", + "ylij\u00e4\u00e4m\u00e4nainen", + "serkin", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "henson", + "st_martin", + "richards", + "crawford", + "tri_johnson", + "myll\u00e4ri", + "oscar_hammerstein", + "steinway", + "lorenz_hart", + "marie_grosholtz", + "robert_bartlett", + "stewart", + "horney", + "jakobson", + "bierce", + "hevesy", + "perry", + "helen_keller", + "grotius", + "mandel\u0161tam", + "paul_dukas", + "e_t_s_walton", + "musta_karvanokkonen", + "ingrid_bergman", + "anna_kurnikova", + "siddons", + "tillich", + "crosby", + "tuomas", + "denmark_vesey", + "hindemith", + "hodgkin", + "leonard_bloomfield", + "congreve", + "patakuningas", + "jane_jacobs", + "thurber", + "lulli", + "verlaine", + "kerensky", + "trevelyan", + "jean_piaget", + "meany", + "soutine", + "sondheim", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "massine", + "aleksandr_prohorov", + "mondrian", + "darrow", + "vastan\u00e4yttelij\u00e4", + "shakspere", + "jolliet", + "montgomery_ward", + "reichstein", + "de_kooning", + "baudelaire", + "angelo_correr", + "st_denis", + "tsaari_pietari_i", + "rogers", + "carducci", + "aleksanteri_pavlovits", + "frank_norris", + "francois_couperin", + "konoe", + "pieter_brueghel", + "pyh\u00e4_apostoli_pietari", + "behring", + "francois_de_la_rochefoucauld", + "frank_stella", + "durrell", + "paige", + "stilwell", + "robert_southey", + "eddington", + "h_g_wells", + "walt_whitman", + "hernando_cortes", + "william_wyler", + "viem\u00e4ritukos", + "warren", + "jamesinlahti", + "john_osborne", + "colin_powell", + "moliere", + "ludwig_boltzmann", + "antoninus", + "beerbohm", + "carl_nielsen", + "ciardi", + "yhdysvaltain_oikeusministeri", + "karl_gauss", + "chopin", + "weizmann", + "vasarely", + "smollett", + "merton", + "pelastusliivit", + "hearst", + "pauling", + "rankin", + "bunsen", + "vaux", + "carl_jung", + "pehtori", + "israel_strassberg", + "richard_neville", + "leopold_kronecker", + "masefield", + "vilhelm_okkamilainen", + "francis_richard_stockton", + "simpson", + "richard_wright", + "heyse", + "kristoffer_kolumbus", + "benjamin_thompson", + "kandinsky", + "adolf_hitler", + "maria_mitchell", + "james_d_watson", + "kotkat", + "dindymene", + "fritz_haber", + "dekker", + "salamoitsija", + "archibald_macleish", + "fowler", + "richard_starkey", + "kaasuasentaja", + "peter_behrens", + "john_tradescant", + "nathan_bailey", + "jaspers", + "alfred_stieglitz", + "gabriele_fallopius", + "redford", + "joseph_haydn", + "stephen_spender", + "garfield", + "mendelsohn", + "jones", + "maria_tudor", + "bailey", + "george_boole", + "solvay", + "mahan", + "paul_revere", + "sontag", + "ruth_fulton", + "helen_wills", + "kruger", + "daniel_boone", + "buffalo_bill", + "william_fulbright", + "edvard_grieg", + "apostoli_jaakob", + "radhakrishnan", + "gorgas", + "robert_boyle", + "korchnoi", + "arthur_laffer", + "edith_cavell", + "mitchell", + "alan_paton", + "zinsser", + "eliot", + "hopkinson", + "verwoerd", + "ralph_richardson", + "paderewski", + "lenard", + "1", + "schubert", + "karsavina", + "alberti", + "krzysztof_kieslowski", + "cordell_hull", + "a_a_michelson", + "robert_bruce", + "blixen", + "james_wilson", + "rosa_parks", + "kustaa", + "norman_jewison", + "marceau", + "townes", + "crichton", + "riley", + "samuel_goldwyn", + "steller", + "mccullers", + "x", + "elizabeth_seton", + "ernest_walton", + "vladimir_putin", + "jacob", + "orbison", + "crockett", + "giuseppe_mazzini", + "gromyko", + "runyon", + "jim_thorpe", + "woodhull", + "karl_augustus_menninger", + "hertz", + "bradbury", + "h", + "randall_jarrell", + "old_bullion", + "verrazzano", + "richler", + "swammerdam", + "arnold_sch\u00f6nberg", + "manson", + "sekhet", + "laurence_sterne", + "markov", + "hutchinson", + "jacqueline_cochran", + "george_fox", + "graves", + "peter_paul_mauser", + "hans_holbein_vanhempi", + "ben_hecht", + "christopher_isherwood", + "bloomfield", + "fritz_kreisler", + "john_heming", + "copley", + "henry_bolingbroke", + "anne_hathaway", + "david_garrick", + "don_budge", + "meade", + "ozawa", + "bill_russell", + "margaret_court", + "emile_zola", + "berlioz", + "evers", + "owen", + "thomson", + "henry_le_chatelier", + "baldwin", + "gallaudet", + "sarjis", + "a_conan_doyle", + "jeannette_rankin", + "clarence_darrow", + "marya_sklodowska", + "alben_william_barkley", + "dawes", + "agassiz", + "mallon", + "sotilasmestari", + "charles_lamb", + "g", + "sills", + "william_of_wykeham", + "labrouste", + "albert_michelson", + "dulles", + "cattell", + "nansen", + "vespucci", + "de_niro", + "savonarola", + "brady", + "john_chapman", + "anthony_comstock", + "ellsworth", + "lemaitre", + "jansen", + "arthur_schopenhauer", + "sam_goldwyn", + "thomas_dekker", + "el_caudillo", + "custer", + "harriman", + "james_cagney", + "john_keble", + "johns_hopkins", + "l_m_montgomery", + "henri_pitot", + "wanda_landowska", + "edward_pusey", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "shockley", + "gaius_flaminius", + "pilkulleen", + "aiken", + "tyson", + "muller", + "tiedonimij\u00e4", + "r", + "p_patrick", + "george_lucas", + "andrew_jackson", + "konstantinus_suuri", + "edith_wharton", + "louis_armstrong", + "spallanzani", + "ortega", + "cornell", + "barnum", + "balanchine", + "pieter_bruegel", + "loeb", + "dubyuh", + "kaniiniyhdyskunta", + "antony_tudor", + "saint_christopher", + "steven_spielberg", + "sir_john_cockcroft", + "sydenham", + "bultmann", + "comstock", + "jean_monnet", + "leonard", + "sellers", + "georgiana_barrymore", + "d_w_griffith", + "robert_fulton", + "laulutaiteilija", + "goudy", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "stefan_wyszynski", + "franz_ferdinand", + "giuseppe_garibaldi", + "wister", + "philip_warren_anderson", + "karlfeldt", + "hemminge", + "blitzstein", + "fra_filippo_lippi", + "alexandre_dumas", + "pirandello", + "philipp_melanchthon", + "robert_brown", + "doolittle", + "bethune", + "markoff", + "thomas_carlyle", + "wiesenthal", + "johann_gutenberg", + "roberts", + "shah_pahlavi", + "bragg", + "gagarin", + "allen_tate", + "kansankiihottaja", + "algren", + "donald_barthelme", + "andre_maurois", + "heikki", + "alphonse_capone", + "william_tyndale", + "tamara_karsavina", + "ibert", + "bobby_fischer", + "crookes", + "din_land", + "menotti", + "johannes_gutenberg", + "vakuutusmyyj\u00e4", + "thornton", + "kaunda", + "barrymore", + "d", + "karvinen", + "hooke", + "breughel", + "james_bowie", + "lasittaja", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "dreiser", + "castro", + "beadle", + "william_faulkner", + "wordsworth", + "cockcroft", + "pentti", + "plath", + "johannes_eckhart", + "edward_white", + "edouard_manet", + "titus_flavius_vespasianus", + "simon_de_montfort", + "amerigo_vespucci", + "selznick", + "wilmut", + "arthur_holmes", + "montessori", + "laurentius", + "anouilh", + "pierre_boulez", + "hans_adolf_krebs", + "grahame", + "lars", + "mcmaster", + "hollerith", + "le_chatelier", + "girolamo_savonarola", + "salk", + "smitty_stevens", + "housman", + "emma_goldman", + "robert_gray", + "blake", + "haywood", + "francis_poulenc", + "pyh\u00e4_patrick", + "james_ussher", + "wolfe", + "john_barrymore", + "john_constable", + "rachel_louise_carson", + "c_d_gibson", + "huggins", + "james_mill", + "john_ciardi", + "e_entertainment_television", + "albino_luciano", + "putin", + "landsteiner", + "gary_kasparov", + "matthew_flinders", + "hanks", + "thomas_crawford", + "chomsky", + "vilhelm_valloittaja", + "robert_herrick", + "joseph_campbell", + "charles_a_lindbergh", + "vaihtosy\u00f6tt\u00e4j\u00e4", + "st_lawrence_joki", + "grainger", + "zeppo", + "molnar", + "john_m_browning", + "swift", + "klaproth", + "jean_de_la_fontaine", + "robert_hooke", + "davy", + "lovell", + "o_henry", + "hoffa", + "harriet_wilson", + "punahilkka", + "kekule", + "karl_popper", + "birgit_nilsson", + "benjamin_kubelsky", + "alfred", + "von_sternberg", + "coleman_hawkins", + "kronecker", + "frye", + "untermeyer", + "john_calvin", + "george_sand", + "sousa", + "peter_sellers", + "homo_rhodesiensis", + "steffens", + "charles_fourier", + "john_mcgraw", + "henry_clay", + "antoni_van_leeuwenhoek", + "toscanini", + "konsta", + "giraudoux", + "marcus_aurelius", + "cousteau", + "bolingbroke", + "e_w_morley", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "hammaskeiju", + "de_spinoza", + "g\u00fcnter_grass", + "keble", + "kenneth_roberts", + "balenciaga", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "cromwell", + "masters", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "sch\u00f6nberg", + "trollope", + "galton", + "john_marstan", + "menuhin", + "robert_morris", + "kastler", + "carroll", + "hopkins", + "antonio_pignatelli", + "zimbalist", + "eugene_ionesco", + "matisse", + "woody_herman", + "charlotte_bronte", + "heaviside", + "gehrig", + "alexander_wilson", + "john_roebling", + "vihtahousu", + "josef_albers", + "jackson_pollock", + "spinoza", + "laffite", + "david_crockett", + "welles", + "dayan", + "steinem", + "kasparov", + "p_simon", + "john_lennon", + "seton", + "andrea_palladio", + "cornelis_jansen", + "golding", + "john_speke", + "buchner", + "wilson", + "fontanne", + "gandhi", + "heinlein", + "cheever", + "poulenc", + "motherwell", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "humboldt", + "mcpherson", + "edward_morley", + "barthelme", + "j_m_barrie", + "lippmann", + "hitchings", + "robert_woodward", + "pavarotti", + "thomas_malory", + "tilden", + "lea", + "john_brown", + "al_jolson", + "pietari_suuri", + "elizabeth_gaskell", + "pyh\u00e4_jaakob", + "jinnah", + "caldwell", + "vasco_da_gama", + "john_mill", + "langtry", + "teasdale", + "kuuria", + "hugo_junkers", + "varojenk\u00e4sittelij\u00e4", + "zinnemann", + "j_r_firth", + "burnham", + "maurice_barrymore", + "haldane", + "kyrillos", + "norman_thomas", + "herttakuningas", + "lillian_hellman", + "brescia", + "brecht", + "peter_carl_faberge", + "carter", + "john_macleod", + "satie", + "tallchief", + "thomas_merton", + "benedetto_odescalchi", + "alempi_korkeakoulututkinto", + "sennett", + "massenet", + "boris_spasski", + "villard", + "riemann", + "shahn", + "stopes", + "rothko", + "asa_gray", + "donkin", + "bonhoeffer", + "spillane", + "saint_lawrence_joki", + "hannah_arendt", + "antonio_stradivari", + "wanamaker", + "c_s_forester", + "philip_anderson", + "kuhn", + "cushing", + "maximianus", + "robinson_jeffers", + "farrell", + "eckhart", + "kylm\u00e4nkest\u00e4v\u00e4", + "alice_walker", + "priestley", + "d_oyly_carte", + "karl_czerny", + "casals", + "sir_james_murray", + "strauss", + "macleish", + "miles_davis", + "edmund_cartwright", + "koopmans", + "rupert", + "mubarak", + "sir_william_walton", + "wollstonecraft", + "pusey", + "bruce", + "tere\u0161kova", + "butterfield", + "james_parkinson", + "heyrovsky", + "brummell", + "a_e_kennelly", + "wilhelm_tell", + "j_m_synge", + "william_augustus", + "oldfield", + "g_voima", + "george_marshall", + "onsager", + "cochran", + "eijkman", + "cagney", + "tuchman", + "gesell", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "ethelred", + "vakuutusmeklari", + "stanley_kubrick", + "mohammed_ali", + "cornelius_jansenius", + "leontief", + "john_deere", + "andre_markoff", + "champollion", + "cronyn", + "keaton", + "john_huston", + "robert_merton", + "carothers", + "takamets\u00e4", + "ivanov", + "jean_baptiste_joseph_fourier", + "debs", + "william_gilbert", + "rene_magritte", + "tanaj\u00e4rvi", + "mcgraw", + "le_gallienne", + "astaire", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "leigh", + "homo", + "frederick_douglass", + "tebaldi", + "von_bismarck", + "symons", + "moynihan", + "la_rochefoucauld", + "alamaalainen", + "david_hilbert", + "skinner", + "kyhmyhaahka", + "wilhelm_reich", + "duchamp", + "william_thornton", + "roman_jakobson", + "oliver_cromwell", + "vinogradoff", + "aurinkokuningas", + "beaumont", + "lionel_hampton", + "newcomb", + "martin_luther_king", + "bukharin", + "purcell", + "james_hargreaves", + "goncourt", + "delbruck", + "lorenz", + "raymond_lully", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "s_smith_stevens", + "woodrow_wilson", + "thomas_jackson", + "delibes", + "william_wycherley", + "walton", + "o'brien", + "margaret_sanger", + "proudhon", + "heming", + "bankhead", + "southey", + "edgar_varese", + "gustav_hertz", + "americus_vespucius", + "acheson", + "george_mason", + "george_wallace", + "el_cid", + "andrei_voznesenski", + "quincy", + "borges", + "mosander", + "marcus_antonius", + "mazzini", + "schulz", + "otto_i", + "p_brigid", + "p_markus", + "alonso", + "sapir", + "torricelli", + "frank_cooper", + "de_quincey", + "t_h_white", + "sargent", + "agrippina", + "st_louis", + "richard_rodgers", + "karpov", + "soufflot", + "kleist", + "gogh", + "leeuwenhoek", + "anne_sexton", + "holmes", + "thomas_bradley", + "hogarth", + "kroto", + "john_dryden", + "jim_henson", + "friedrich_max_muller", + "kuznets", + "mercouri", + "furnivall", + "frank", + "saarinen", + "ernest_hemingway", + "burns", + "fiedler", + "voznesenski", + "markiisi_laplace", + "john_eccles", + "lech_walesa", + "von_neumann", + "george_westinghouse", + "constantin_brancusi", + "gaussi", + "richard_haldane", + "tourette", + "thomas_higginson", + "aquila", + "truffaut", + "fariseusmainen", + "brockhouse", + "jacques_charles", + "henrik_navarralainen", + "taideopettaja", + "eero_saarinen", + "pauli", + "arthur_miller", + "o'toole", + "henry_russell", + "napatanssija", + "john_cheever", + "friedrich_wilhelm_bessel", + "gracie_allen", + "john_bernoulli", + "billy_sunday", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "jacobs", + "farragut", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "alle_normaalin_oleva", + "michinomiya_hirohito", + "nicklaus", + "gaius_octavianus", + "mandelbrot", + "ravintolaty\u00f6ntekij\u00e4", + "cesare_borgia", + "bluegrass_stater", + "woodbury", + "j_p_morgan", + "whittier", + "hampton", + "christopher_carson", + "loewi", + "wheatstone", + "swinburne", + "kerouac", + "kierkegaard", + "kutuzov", + "roald_amundsen", + "starkey", + "mossbauer", + "stephane_grappelli", + "nuohous", + "sherwood_anderson", + "andersen", + "richard_leakey", + "alfred_korzybski", + "c_a", + "anton", + "ledbetter", + "charles_dickens", + "verrazano", + "pershing", + "jean_chauvin", + "fairbanks", + "nicolas_malebranche", + "kirchhoff", + "delorme", + "maugham", + "e_o_lawrence", + "bellarmino", + "sean_o'casey", + "samuel_huntington", + "de_saussure", + "gesner", + "ella_fitzgerald", + "fats_waller", + "alfred_krupp", + "jakob_bernoulli", + "thomas_sydenham", + "bernoulli", + "jack_robinson", + "tatum", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "anne_bronte", + "schweitzer", + "joseph_paxton", + "manzoni", + "seles", + "silverstein", + "louis_untermeyer", + "william_curtis", + "kennan", + "francisco_villa", + "macaulay", + "john_uhler", + "callas", + "tombaugh", + "lozier", + "bose", + "william_chambers", + "gilbert", + "ironsides", + "minnewit", + "leakey", + "fellini", + "bronislaw_malinowski", + "van_doren", + "von_mauser", + "tawney", + "hans_conrad_julius_reiter", + "george_stevens", + "federico_fellini", + "hru\u0161t\u0161ov", + "woolley", + "karl_linne", + "bessie_smith", + "bradley", + "bentham", + "jean_antoine_watteau", + "patrick_henry", + "carnot", + "honegger", + "willy_brandt", + "vestris", + "charles_wilkes", + "otto_lagerylainen", + "francisco_pizarro", + "francisco_franco", + "friedan", + "petteri", + "shelley", + "pes\u00e4k\u00e4yt\u00e4v\u00e4", + "katherine_cornell", + "jackie_robinson", + "maria_ii", + "montfort", + "bernardo_bertolucci", + "don_luchino_visconti_conte_di_modrone", + "stevenson", + "king_oliver", + "corday", + "charles_augustus_lindbergh", + "jan_steen", + "lichtenstein", + "frank_harris", + "e_e_cummings", + "john_ross", + "jaroslav_ha\u0161ek", + "ali_baba", + "cassius_longinus", + "powell", + "philibert_delorme", + "guevara", + "peabody", + "stevens", + "andrew_mellon", + "hans_arp", + "browne", + "andrew_carnegie", + "alcott", + "pontius_pilatus", + "weismann", + "halevy", + "posti\u00e4\u00e4nestys", + "majakovski", + "franz_schubert", + "william_butterfield", + "edward_d_white", + "howells", + "johnny_cash", + "vidal", + "joseph_mccarthy", + "wyler", + "pesim\u00e4alue", + "alfred_kastler", + "postilaitoksen_p\u00e4\u00e4johtaja", + "marduk", + "mick_jagger", + "warhol", + "otto_loewi", + "steinman", + "robinson", + "tom_bradley", + "don_marquis", + "charles_peirce", + "mandelstam", + "lasimestari", + "georges_cuvier", + "peter_seeger", + "ethelred_i", + "sessions", + "hemingway", + "william_harvey", + "walter_scott", + "wyat", + "h_j_eysenck", + "parkinson", + "francois_villon", + "charcot", + "august_von_wassermann", + "peter_medawar", + "paul_cezanne", + "jenner", + "werfel", + "stuyvesant", + "vladimir_lenin", + "sam_houston", + "fugard", + "dimaggio", + "robert_peary", + "rodgers", + "littre", + "zangwill", + "bartok", + "wilder", + "henry_steinway", + "kahlil_gibran", + "steiner", + "daguerre", + "robert_browning", + "seleukos", + "comenius", + "fr\u00f6bel", + "charles_kettering", + "mellon", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "franck", + "goebbels", + "rahmaninov", + "iglesias", + "walter_gropius", + "albert_einstein", + "l", + "henry_sweet", + "donizetti", + "vilhelm_occamilainen", + "robert_joffrey", + "william_shakspere", + "fritz_lipmann", + "aletta_jacobs", + "stubbs", + "thomas_edison", + "rasputin", + "benjamin_harris", + "beecher", + "claude_bernard", + "ailey", + "luonnontieteen_opettaja", + "raymond_chandler", + "charles_dodgson", + "henry_purcell", + "francis_hopkinson", + "trumbull", + "windaus", + "de_la_mare", + "ormuzd", + "ostwald", + "john_wickliffe", + "nixon", + "t", + "griffith", + "jean_francois_champollion", + "gainsborough", + "le_douanier_rousseau", + "thatcher", + "lemmon", + "cervantes", + "gonne", + "marley", + "witherspoon", + "wilhelm_ostwald" + ], + "ORG": [ + "raja_asutus", + "hinajana", + "dominion", + "ida", + "akvinolainen", + "heimoyhteiskunta", + "asiakohtaisesti", + "shinto", + "jesuiitat", + "eurooppa", + "perustuslakioikeus", + "jehovan_todistajat", + "yksikk\u00f6matriisi", + "tieteiskirjallisuus", + "balettiseurue", + "keilailuliiga", + "massadata", + "kirjankustantamo", + "ei_haittaa", + "kauppaministeri\u00f6", + "sheriffilaitos", + "doi", + "nimeni_on", + "tietokoneliike", + "tammany", + "rokkib\u00e4ndi", + "mormonit", + "r\u00e4ttikauppa", + "muurarius", + "j\u00e4senpankki", + "avolava", + "aseteollisuus", + "ensiluokkainen", + "san_jos\u00e9", + "agraaripuolue", + "kaupunginvaltuusto", + "gironde", + "ter\u00e4syhti\u00f6", + "drug_enforcement_administration", + "mist\u00e4_on_kysymys", + "oikeusministeri\u00f6", + "kannentiiviste", + "salakuljetustavaraan_liittyv\u00e4", + "wicca", + "dixiecrats", + "kompostikasa", + "p_nikolaos", + "an_education", + "p\u00e4iv\u00e4koulu", + "akselivaltiot", + "paul_cezanne", + "jan_mayen", + "musta_leski", + "sokeripuristin", + "postileikki", + "ins", + "kunnantalo", + "hansaliitto", + "puolustustoimi", + "sukkasaippua", + "nist", + "natsipuolue", + "shakers", + "rahoituskomitea", + "admiraltysaari", + "sukellusvenelaivue", + "balettikunta", + "l\u00e4\u00e4k\u00e4rikunta", + "ammattiryhm\u00e4", + "olla_omillaan", + "l\u00e4tt\u00e4hatut", + "andromedan_galaksi", + "kreivikunnanvaltuusto", + "loistoaika", + "shua", + "valinnanvapaus", + "\u00f6ljyteollisuus", + "kapetingit", + "halinallet", + "aa", + "homoavioliitto", + "mormonikirkko", + "nasa", + "koripallosarja", + "korkea_portti", + "ajoneuvoliikenne", + "s\u00e4\u00e4d\u00f6soikeus", + "brahmanismi", + "arda", + "federatiivinen_oikeuslaitos", + "myyntihenkil\u00f6st\u00f6", + "palestine_authority", + "hipit", + "isi", + "bollywood", + "pikkuliiga", + "puolustautuminen", + "ang", + "fema", + "normaalikoulu", + "varmuuskopioida", + "arkij\u00e4rki", + "lainausmerkeiss\u00e4", + "vallankaappaus", + "st_christopher", + "alaluokan", + "luokkarakenne", + "takamailla", + "kokousp\u00f6yt\u00e4", + "puutarhakutsut", + "huoltohenkil\u00f6st\u00f6", + "europol", + "schutzstaffel", + "maatalousministeri\u00f6", + "al_qanoon", + "elektroniikkateollisuus", + "u_s_army_special_forces", + "the_who", + "dippers", + "noususuhdanne", + "rotaryklubi", + "tienpintaheijastin", + "uusikuu", + "haganah", + "v\u00e4h\u00e4", + "uniaattikirkko", + "herraninkutsut", + "tietoyhteiskunta", + "t\u00e4t\u00e4_tarkoitusta_varten", + "h\u00e4rk\u00e4markkinat", + "tilitoimisto", + "beatnikit", + "lyseo", + "asiakohtainen", + "alasarja", + "toimitusketju", + "mainososasto", + "\u00f6ljyala", + "musiikkikoulu", + "porte", + "college", + "erikoisyksikk\u00f6", + "korkkarit", + "san_francisco", + "katedraalikoulu", + "fincen", + "voimayhti\u00f6", + "pikavippiyritys", + "miksei", + "siviilioikeus", + "exec", + "uhrilampaat", + "kaupallisuus", + "pullojenker\u00e4\u00e4minen", + "vishnulaisuus", + "perustuslakikokous", + "keltainenjoki", + "kampanjaryhm\u00e4", + "v\u00e4riskaala", + "johtokunta", + "kauppakamari", + "pyh\u00e4_nikolaus", + "lastikultti", + "el\u00e4inryhm\u00e4", + "poliittinen_oppositio", + "tennisklubi", + "golfmaila", + "mik\u00e4_h\u00e4t\u00e4n\u00e4", + "hallintotoimet", + "pyh\u00e4_andreas", + "nara", + "pelastusarmeija", + "pullokokoelma", + "helluntaikirkko", + "j\u00e4lkeen_kristuksen", + "verkkokalvorappeuma", + "hedgerahasto", + "va", + "kahlevangit", + "verkkoyritys", + "ravintolaketju", + "palolaitos", + "alempi_yhteiskuntaluokka", + "golfkerho", + "puuhevonen", + "olla_juonessa_mukana", + "postitoimisto", + "t\u00e4htijoukko", + "yksityisyritteli\u00e4isyys", + "kuusisataa", + "jalkapalloliiga", + "musiikkij\u00e4rjest\u00f6", + "sc", + "sissiarmeija", + "rahanvaihtopiste", + "militant_tendency", + "pikkuporvaristo", + "jesuiittaveljeskunta", + "iskuryhm\u00e4", + "joukkotiedotusv\u00e4lineet", + "church_of_christ_scientist", + "ymp\u00e4rist\u00f6puolue_vihre\u00e4t", + "sukupuolitutkimus", + "gao", + "paukkupurukumi", + "mestaruussarja", + "khalsa", + "radioyhti\u00f6", + "tehohoitoyksikk\u00f6", + "armeija", + "puutarhajuhla", + "dominikaanit", + "kamariorkesteri", + "vetoomustuomioistuin", + "kuolemanpartio", + "tasavaltalaiskaarti", + "dot", + "homoliitto", + "valuutanvaihtotoimisto", + "nanak", + "kuka_te_olette", + "tanssiyhtye", + "v\u00e4h\u00e4n_kerrassaan", + "huutokauppayhti\u00f6", + "l\u00e4\u00e4keteollisuus", + "core", + "alahuone", + "konservatiivinen_juutalaisuus", + "rivit", + "neli\u00f6matriisi", + "koordinoitu", + "moonilaisuus", + "yhteiskunnallis_taloudellinen", + "riskirahasto", + "pataljoona", + "merivalta", + "yhdysvaltojen_ilmavoimat", + "wiccalaisuus", + "painostusryhm\u00e4", + "punainen_risti", + "matkatoimisto", + "tietokoneteollisuus", + "saint_vincent", + "puolustusministeri\u00f6", + "sosiaalidemokraattinen_puolue", + "kuningasperhe", + "l\u00e4nsikulttuuri", + "ec", + "herrainkutsut", + "toimitusosasto", + "p\u00e4iv\u00e4vuoro", + "kommunistinen_puolue", + "john_tuzo_wilson", + "teamsters_union", + "mennoniittakirkko", + "muurausty\u00f6", + "saint_helena", + "plexus_celiacus", + "lentokoulu", + "don_juan", + "postimerkkikokoelma", + "sis\u00e4oppilaitos", + "s\u00e4ilymislaki", + "amishit", + "oni", + "the_new_school", + "pyh\u00e4koulu", + "tuskien_\u00e4iti", + "ai", + "alakoulu", + "\u0161iiamuslimit", + "kieltolakipuolue", + "kristillisdemokraatit", + "kristillisdemokraattinen", + "salaneuvosto", + "tietokonetomografi", + "suunnittelutoimikunta", + "asutus", + "poliisivaltio", + "merijalkav\u00e4ki", + "miksi_ei", + "ds", + "kierteisgalaksi", + "holdingyhti\u00f6", + "mustan_p\u00f6rssin", + "sy\u00f6p\u00e4kasvain", + "the_football_league", + "chiang_mai", + "soutukerho", + "vaateketju", + "vaalikomissio", + "muutoksenhakutuomioistuin", + "kastijako", + "iltakoulu", + "augustinolaisveljet", + "gop", + "hiilipohjainen", + "uudenkuun_vaihe", + "kaupungintalo", + "sao_paulo", + "augustinolaiset", + "dia", + "vierailup\u00e4iv\u00e4", + "miesvahvuus", + "kunnanhallitus", + "hallitustapa", + "asiakaspalveluosasto", + "metodistit", + "hyvinvointivaltio", + "t\u00e4m\u00e4n_t\u00e4st\u00e4", + "pihajuhla", + "lainvalmistelukunta", + "aherrus", + "skalaarikentt\u00e4", + "ilmaliikenne", + "yhdysvaltain_asevoimat", + "maalaisj\u00e4rki", + "kotiv\u00e4kivalta", + "afrikan_unioni", + "makuuhuonekalusto", + "republikaaninen_puolue", + "gatt", + "lablink", + "kissansilm\u00e4", + "postikonttori", + "jalankulkuliikenne", + "hallintoasiakirja", + "laivaus", + "sayeret", + "varusmiespalvelus", + "s\u00e4hk\u00f6yhti\u00f6", + "perustuslakituomioistuin", + "valitustuomioistuin", + "erityisbaptisti", + "yhdysvaltain_maavoimat", + "ei_en\u00e4\u00e4_ikin\u00e4", + "uudistusliike", + "ylempi_oikeusaste", + "rannikkojalkav\u00e4ki", + "sis\u00e4asiainministeri\u00f6", + "ammattiyhdistys", + "patenttitoimisto", + "sihteeriopisto", + "tietokonevalmistaja", + "retardoitunut", + "baskimaa", + "hallintoelin", + "le_mans", + "ihmisoikeustoimikunta", + "tiety\u00f6miesjoukko", + "vaisnavismi", + "maatalousv\u00e4est\u00f6", + "christian_science", + "silm\u00e4klinikka", + "lain_mukainen_erottelu", + "naruleikki", + "doe", + "caf\u00e9_au_lait", + "marionettihallitus", + "golfklubi", + "salaseura", + "kokoava", + "pretoriaanikaarti", + "donjuan", + "nukkehallitus", + "fletc", + "s\u00e4\u00e4ntelytoimisto", + "kunnallishallinto", + "t\u00e4ysk\u00e4si", + "puolustusvoimat", + "laittomat_markkinat", + "tanssiorkesteri", + "henkil\u00f6st\u00f6osasto", + "merivoimat", + "mounties", + "rauhanjoukot", + "sis\u00e4ministeri\u00f6", + "lakkovartio", + "rabindranath_tagore", + "gestapo", + "muotiala", + "albertinj\u00e4rvi", + "de_novo", + "nikolaos", + "reaalimatriisi", + "k\u00e4ymisalkoholi", + "maihinnousujuhlat", + "rikosmaailma", + "lains\u00e4\u00e4t\u00f6osasto", + "kashag", + "kultakausi", + "the_blood_brothers", + "eturivi", + "rivij\u00e4senet", + "baptistien_uskontokunta", + "iida", + "santa_sophia", + "salapoliisitoimisto", + "al_muhajiroun", + "kansainv\u00e4linen_oikeus", + "counterterrorist_center", + "toimeenpanovalta", + "kiinteist\u00f6sijoitusyhti\u00f6", + "suihkuseurapiiri", + "atomienergiakomissio", + "maametallimineraali", + "mainostoimisto", + "nostov\u00e4ki", + "punakaarti", + "lain_t\u00e4yt\u00e4nt\u00f6\u00f6npanoelin", + "australian_ty\u00f6v\u00e4enpuolue", + "tapahtumataulukko", + "kukkaiskansa", + "voimistelusali", + "\u0161into", + "kutsuntalautakunta", + "jalostusteollisuus", + "laivanrakennusteollisuus", + "konstanzin_kirkolliskokous", + "susilauma", + "kotiel\u00e4intarha", + "hiljalleen", + "kierteissumu", + "kokka", + "rivimiehet", + "v\u00e4risuora", + "kotirintama", + "peruskoulu", + "maquis", + "tenniskerho", + "leikkikaluteollisuus", + "toimeenpano_osasto", + "jenkkifutis", + "rajavastuuyhti\u00f6", + "punakaartilainen", + "the_young_turks", + "alemman_yhteiskuntaluokan", + "fibonaccin_sarja", + "viininmaistelu", + "virkamiehist\u00f6", + "masuuni", + "kohdeyhti\u00f6", + "alioikeus", + "sao_tome", + "who_are_you", + "meikata", + "oikeauskoisten_armeija", + "selvitysyhti\u00f6", + "pommiryhm\u00e4", + "maissitalkoot", + "musiikkiorganisaatio", + "siki\u00f6vaiheessa", + "puolijalokivi", + "kuka_sin\u00e4_olet", + "saint_joseph", + "sokkotreffit", + "al_jazeera", + "uinuva_mahdollisuus", + "hallitusmuoto", + "anabaptistit", + "kuvakehys", + "\u00f6ljym\u00e4ki", + "n\u00e4k\u00f6hermo", + "koulu", + "cum_laude", + "disa", + "aselaji", + "s\u00e3o_paulo", + "talletuslaitos", + "elektronikuori", + "militokratia", + "vammaisurheilu", + "po", + "lempi\u00e4", + "pekka_peukaloinen", + "hiiliteollisuus", + "aamut\u00e4hti", + "ty\u00f6ministeri\u00f6", + "ruohonjuuritaso", + "skalaarimatriisi", + "brahmalaisuus", + "alumiiniteollisuus", + "a_team", + "valitusinstanssi", + "musiikkiopisto", + "mossad", + "surmanhyppy", + "radiogalaksi", + "sukupuolitauti", + "valdolaiset", + "hare_krishna", + "hengelliset_lordit", + "ferdinand_magellan", + "hallintotoiminta", + "\u0161intolaisuus", + "drug_enforcement_agency", + "uskonnontutkimus", + "kirjeopisto", + "ala_aste", + "punainenmeri", + "linjaorganisaatio", + "herrarotu", + "karmeliittas\u00e4\u00e4nt\u00f6kunta", + "generaalibaptisti", + "dominikaaniveljeskunta", + "shaktismi", + "hollywood", + "vitaaliparametrit", + "p\u00e4iv\u00e4ss\u00e4", + "v\u00e4rv\u00e4ysjoukko", + "cid", + "hwang_ho", + "tehdaspalokunta", + "ursa_major", + "nicu", + "muotiyritys", + "p\u00e4\u00e4l\u00e4vist\u00e4j\u00e4", + "pullojenker\u00e4ys", + "rikostuomioistuin", + "ty\u00f6maalla", + "kurt_godel", + "lainakirjasto", + "diplomaattikunta", + "saint_barth\u00e9lemy", + "muutoksenhakuaste", + "sturmabteilung", + "etel\u00e4ossetialainen", + "vaishnavismi", + "julkishallinto", + "yhdysvaltain_ilmavoimat", + "kiert\u00e4j\u00e4nikama", + "sosialistinen_ty\u00f6v\u00e4enpuolue", + "who", + "makea_vesi", + "lionsklubi", + "markkinatalous", + "rahamarkkinat", + "muutoksenhakuinstanssi", + "los_angeles", + "nato", + "pyh\u00e4_barbara", + "poliisilaitos", + "kuolevuustaulu", + "baltimore_orioles", + "koripallojoukkue", + "ranskan_kansalliskokous", + "hallitseva_luokka", + "jesuiittaj\u00e4rjest\u00f6", + "hallitustoimet", + "sebaot", + "mineraalikunta", + "irokeesiliitto", + "j\u00e4\u00e4kiekkoliiga", + "ammattioppilaitos", + "elinkaarimalli", + "yhdysvaltain_whig_puolue", + "ad_hoc", + "po_joki", + "ammattiyhdistysliike", + "postivirasto", + "etel\u00e4inen_baptistikonventio", + "rajavartiosto", + "bussiliikenne", + "kuusipeuranaaras", + "roinat", + "sisuspunos", + "kustannuskonserni", + "mi", + "kaupunkivaltio", + "l\u00e4\u00e4keyritys", + "edistyspuolue", + "by_the_way", + "vanhakatolinen_kirkko", + "in_situ", + "dunkers", + "oranialaisveljeskunta", + "japanin_alahuone", + "mielisairaanhoitolaitos", + "st_francis", + "arabiliitto", + "sa", + "purjehduskerho", + "vaiheittain", + "talio_periaate", + "vaateteollisuus", + "bureau_of_justice_assistance", + "serbitasavalta", + "kiertoakseli", + "doc", + "caesalpinia_coriaria", + "suojelupoliisi", + "myyntiosasto", + "saksan_valtakunta", + "hallintoyksikk\u00f6", + "sosialistinen_puolue", + "laskumarkkina", + "rahoitusmarkkinat", + "ensimm\u00e4inen_nelj\u00e4nnes", + "st_john's", + "herrakutsut", + "urheilutoimitus", + "pikkuporvari", + "haarap\u00e4\u00e4sky", + "kolmas_osapuoli", + "poliisikoulu", + "huoltohallintoneuvosto", + "korkein_oikeus", + "al_ain", + "pakolaishallitus", + "huoltopoliisi", + "v\u00e4h\u00e4n_kerrallaan", + "karaiitit", + "huanghe", + "yangtze_kiang", + "bernhardinkoira", + "apostoli_andreas", + "ylemm\u00e4n_alaluokan", + "p_joosef", + "konservatiivipuolue", + "maryjane", + "verohallitus", + "ace", + "cat_skanneri", + "clematis_ochroleuca", + "aclant", + "yksityisoppilaitos", + "rosvovaltio", + "raakadata", + "paneelikeskustelu", + "aleksanteri_suuri", + "ylin_oikeusaste", + "reit", + "yhdysvaltain_hallitus", + "t\u00e4n\u00e4_y\u00f6n\u00e4", + "uudenvuodenaatto", + "kolikkokokoelma", + "pankkikonserni", + "n\u00e4k\u00f6juostevana", + "valkokulta", + "kulttuuriliike", + "\u00f6ljykartelli", + "eu", + "koulutuslaitos", + "uusi_kuu", + "vanhakaupunki", + "ajantasainen", + "toimeenpanovirasto", + "saksan_kansallissosialistinen_ty\u00f6v\u00e4enpuolue", + "uskontotiede", + "psykiatrinen_sairaala", + "naval_underwater_warfare_center", + "fransiskaaniveljeskunta", + "myrskyjoukot", + "ratsastuskoulu", + "hirundo_rustica", + "kielikoulu", + "metodistikirkko", + "haredi", + "musiikkiryhm\u00e4", + "pannub\u00e4ndi", + "shivalaisuus", + "henkil\u00f6st\u00f6nvuokraaja", + "house_of_lords", + "st_lucia", + "olla_mieltynyt", + "ter\u00e4steollisuus", + "guomindang", + "yhdysvaltojen_hallitus", + "saktismi", + "as_duuri", + "valvontatoimisto", + "yhdysvaltain_kansalliskaarti", + "s\u00e3o_tom\u00e9", + "tupakkateollisuus", + "yhdysvaltain_demokraattinen_puolue", + "bundesbank", + "poliisiopisto", + "kauppaoppilaitos", + "van_gogh", + "kirjanpitotoimisto", + "merisotakoulu", + "nukkevaltio", + "valitsijamiehist\u00f6", + "tautientorjuntakeskus" + ], + "ANIMAL": [ + "eskimokuiri", + "kingcharlesinspanieli", + "kes\u00e4kampela", + "kanadansuosopuli", + "alli", + "valkoh\u00e4nt\u00e4preerikko", + "saukko", + "kanarianhemppo", + "mustamarliini", + "euroopanmajava", + "pumpulih\u00e4nt\u00e4kaniini", + "isosilm\u00e4piikkimakrilli", + "lehm\u00e4haikara", + "kuusitiainen", + "acherontia", + "viittoilijarapu", + "apodemus", + "keltat\u00e4pl\u00e4inen", + "alligaattorilisko", + "puutiainen", + "viljakoi", + "afrikankultakissa", + "tulisalamanteri", + "enkelihai", + "matok\u00e4\u00e4rme", + "hevosmuurahainen", + "amerikaniibishaikara", + "australianarovana", + "laukonpeura", + "cat", + "australianpikkutiira", + "kannuskilpikonna", + "ruskosuohaukka", + "punahirvi", + "vuorikirvinen", + "cockeri", + "bordercollie", + "rakkolev\u00e4", + "rubiinityranni", + "valkoh\u00e4nt\u00e4peura", + "pilvihiirihaukka", + "kalpeakasvoinen", + "punanapsija", + "amerikantavi", + "koloradonkuoriainen", + "pohjanmerikarhu", + "buteo", + "l\u00e4nnenkotelokilpikonna", + "parainfluenssavirus", + "l\u00e4nnenkuningaslintu", + "omenak\u00e4\u00e4ri\u00e4inen", + "mustahaikara", + "labradorinnoutaja", + "iltavirkku", + "helmikana", + "huilupreeriaturpiaali", + "kiinanp\u00e4\u00e4st\u00e4ismaamyyr\u00e4", + "tonko", + "harmaatyranni", + "maitok\u00e4\u00e4rme", + "matelijaheimo", + "vesispanieli", + "suolalehtijalkainen", + "lehtit\u00e4i", + "ametistipython", + "bandicootrotta", + "valashai", + "kennokonna", + "muurariampiainen", + "harmaavalas", + "jokidelfiini", + "j\u00e4niksenmets\u00e4stys", + "keltalev\u00e4", + "englanninspringerspanieli", + "lintukoira", + "sillisiika", + "faaraomuurahainen", + "villih\u00e4rk\u00e4", + "ravihevonen", + "kymmenpiikki", + "russakka", + "marunakana", + "irlanninsetteri", + "ruostep\u00e4\u00e4sky", + "timanttikalkkarok\u00e4\u00e4rme", + "oranssikaviokuonoy\u00f6kk\u00f6", + "lehtoturpiaali", + "pernaruttobasilli", + "vuorigorilla", + "orvokkipeippo", + "bostoninterrieri", + "valkokulmanakkeli", + "siankuonoleikko", + "thomsoningaselli", + "tarhah\u00e4m\u00e4h\u00e4kki", + "kirsis\u00e4\u00e4ski", + "lymfosyyttikoriomeningiittivirus", + "amerikansepelkyyhky", + "lapasotka", + "kalliovilist\u00e4j\u00e4", + "sateenkaariahven", + "amerikanlehtokurppa", + "homo_sapiens_sapiens", + "putkikuono", + "mustarotta", + "iguaani", + "mustaselk\u00e4kampela", + "keltakurkkumesikko", + "pienikorvainen", + "simultaanitulkkaus", + "k\u00e4ytt\u00f6koira", + "junin_viirus", + "a_testudineus", + "englanninsetteri", + "salmo_gairdneri", + "amerikankaulushaikara", + "irlanninvesispanieli", + "ter\u00e4v\u00e4katseinen", + "pulmunen", + "mielikuvitusel\u00e4in", + "karkaju", + "t\u00e4htihai", + "kanadanmajava", + "osterinkuori", + "tarahumarasammakko", + "maasalamanteri", + "mongolianjirdi", + "pommikiit\u00e4j\u00e4inen", + "naurulokki", + "amatsoninmuurahainen", + "kanadantaskurotta", + "amerikansaukko", + "lehtokurppa", + "belgianpaimenkoira", + "mississippinalligaattori", + "kirjaskorpioni", + "villakilpikk\u00e4", + "venuksenvy\u00f6", + "ruokamerisiili", + "kirjekyyhkynen", + "etel\u00e4nisohylje", + "euroopanbiisoni", + "viljak\u00e4\u00e4rme", + "kondori", + "planktonlev\u00e4", + "karvajalkavampyyri", + "kirjolohi", + "nitraattibakteerit", + "heron", + "leip\u00e4kuoriainen", + "kruunuy\u00f6haikara", + "amerikanniittysirkku", + "valkosarvikuono", + "paholaisrausku", + "alligaattorikilpikonna", + "keltaper\u00e4kerttuli", + "karhunpentu", + "berninpaimenkoira", + "valkoreunainen", + "pelikaanilintu", + "harmaanapsija", + "pyy", + "sittisontiainen", + "amerikanvaris", + "id\u00e4nkirjolepink\u00e4inen", + "harmaaorava", + "ruskohyeena", + "amerikansirohaukka", + "wisconsilainen", + "riisilintu", + "korvahylje", + "mokkasiinik\u00e4\u00e4rme", + "ruostevahanokka", + "hedelm\u00e4puupunkki", + "hopeahapsinen", + "mustah\u00e4nt\u00e4peura", + "kauluskaija", + "savanninorsu", + "letitys", + "kylkiviiva", + "harmaaviklo", + "flanderinpaimenkoira", + "valkojalkahiiri", + "kimolepakko", + "myskikenguru", + "m\u00f6nki\u00e4inen", + "tornip\u00f6ll\u00f6", + "karvalakki", + "omenak\u00e4rp\u00e4nen", + "koirasalamanterit", + "noukkijalepakko", + "riisirotta", + "pajusirkku", + "orvokkihopeat\u00e4pl\u00e4", + "luhtahuitti", + "villamaki", + "rohmukuoriainen", + "kalliotamaani", + "lemmus_lemmus", + "fasaanikukaali", + "sitta_europaea", + "nokkosperhonen", + "niittymyyr\u00e4", + "tappajavalas", + "t\u00e4htikotkarausku", + "lierok\u00e4\u00e4rme", + "uma_notata", + "viiri\u00e4ispyyjuoksija", + "punap\u00e4\u00e4tikka", + "kapintamaani", + "sumeri", + "kafferipuhveli", + "billy_elliot", + "kanahaukka", + "viinik\u00e4\u00e4rme", + "lasisieni", + "valtamerilintu", + "hietakielikampela", + "kraitti", + "medinamato", + "sarvikyy", + "kujakissa", + "mustamamba", + "amerikanpikkuhaikara", + "bullfinch", + "j\u00e4rvitaimen", + "kidushait", + "kokosukeltajasorsat", + "per\u00e4kk\u00e4istulkkaus", + "afrikankynsisammakko", + "etikkak\u00e4rp\u00e4nen", + "mustajalkahilleri", + "lasivaskitsa", + "tamminopsasiipi", + "harmaalokki", + "euroopanbrahmakehr\u00e4\u00e4j\u00e4", + "sateenkaarirautu", + "beletti", + "riisirattu", + "kirkup\u00f6ll\u00f6", + "lintuhaukat", + "tummakvolli", + "japaninosteri", + "bakteeriperhe", + "karakullakaritsa", + "kolibakteeri", + "mustajuovainen", + "isotrappi", + "harjasusi", + "ruusukottarainen", + "h\u00e4rk\u00e4k\u00e4\u00e4rme", + "ketosirkkuli", + "mustah\u00e4nt\u00e4preeriakoira", + "kleopatrankobra", + "matelijasuku", + "japaninmakrilli", + "canis_minor", + "jauhokoisa", + "sateenkaariharppoja", + "burmant\u00e4htikilpikonna", + "beringinhanhi", + "id\u00e4nkulkusirkka", + "sireeniel\u00e4in", + "kiekua", + "pyh\u00e4iibis", + "maakotka", + "luukala", + "hippotragus_niger", + "mustahauki", + "kardinaalitetra", + "sitta_carolinensis", + "frankliniella_fusca", + "harmaavahanokka", + "badger", + "punasusi", + "savannikoira", + "tornip\u00f6ll\u00f6t", + "vuoriseepra", + "kahlaajalintu", + "j\u00e4ykk\u00e4per\u00e4inen", + "ranskanbulldoggi", + "teeri", + "tammitangara", + "clydesdalenterrieri", + "huilutylli", + "sahelinvahanokka", + "sieppop\u00f6ll\u00f6", + "euroopanhummeri", + "kirjohylje", + "valkokurkkusirkku", + "aku_ankka", + "norwichinterrieri", + "vesiel\u00e4in", + "kemppi", + "louhikkok\u00e4\u00e4rme", + "aasiankukaali", + "pisces", + "lehtikuonok\u00e4\u00e4rme", + "hevospiikkimakrilli", + "puusalamanteri", + "kiekuminen", + "kasvivirus", + "k\u00e4til\u00f6sammakko", + "puutarhajuoksiainen", + "kuhankeitt\u00e4j\u00e4", + "lampaant\u00e4ik\u00e4rp\u00e4nen", + "keltaraitainen", + "tupakkaripsi\u00e4inen", + "piranga_olivacea", + "alppipikkulepakko", + "vuoriskinkki", + "teksasinkalkarok\u00e4\u00e4rme", + "maitovalas", + "punamyyr\u00e4", + "partahylkeet", + "davidinhirvi", + "felis_tigrina", + "isolunni", + "punarummuttaja", + "punatyranni", + "tiaiskerttuli", + "afrikanpuhveli", + "amerikann\u00e4\u00e4t\u00e4", + "niittykirvinen", + "riisipeippo", + "hietak\u00e4\u00e4rme", + "vaatekoi", + "swift", + "niveljalkainen", + "vanhaenglanninlammaskoira", + "sointumuura", + "t\u00f6rm\u00e4p\u00e4\u00e4sky", + "mongoliangerbiili", + "kitasampi", + "punatulkku", + "rupikonna", + "harjakoskelo", + "harmaanieri\u00e4", + "hanhikorppikotka", + "andienkondori", + "ruostesirppimatkija", + "kylki\u00e4islisko", + "hernekerttu", + "it\u00e4kanadansusi", + "rotanpuremakuumebakteeri", + "kunelude", + "amerikanhaapana", + "hirviel\u00e4in", + "tarhak\u00e4\u00e4rme", + "mustakaulakobra", + "burmankissa", + "sarvisisilisko", + "maamyyr\u00e4sirkka", + "lactobacillus_acidophilus", + "sussexinspanieli", + "shetlanninlammaskoira", + "amerikanliitohaukka", + "hopeahiuksinen", + "leijonanpentu", + "piikkimakrilli", + "amerikanpitk\u00e4jalka", + "luhtakana", + "sarviromisko", + "pumpulipeurahiiri", + "dandiedinmontinterrieri", + "stellerinmerileijona", + "pullonokkadelfiini", + "amerikanbiisoni", + "marhet", + "kalliok\u00e4\u00e4rme", + "riisimaina", + "walesinspringerspanieli", + "banaanik\u00e4rp\u00e4nen", + "leptodactylid", + "amerikankoskikara", + "helttasorsa", + "kelop\u00e4\u00e4sky", + "sundankalahuuhkaja", + "ristih\u00e4m\u00e4h\u00e4kki", + "satamarotta", + "lintuhyttynen", + "verkkopyton", + "skorpionilisko", + "pieris_brassicae", + "p\u00e4\u00e4si\u00e4ispupu", + "afrikanvilliaasi", + "perunakoi", + "mantisravut", + "aitosiipat", + "panssarisimput", + "harmaakuvemyyr\u00e4", + "sukkela", + "jumaltenpuukehr\u00e4\u00e4j\u00e4", + "mattopyton", + "partahaikalat", + "tulitikli", + "meksikonaavikkokettu", + "skilletfish", + "crow", + "amerikanviirup\u00f6ll\u00f6", + "hietakiit\u00e4j\u00e4inen", + "punasilm\u00e4vireo", + "joutsenhanhi", + "suippohuulisarvikuono", + "borneonoranki", + "villasarvikuono", + "kivin\u00e4\u00e4t\u00e4", + "punalepakko", + "obinsopuli", + "rautio", + "kurnusimppu", + "supikoira", + "teksasinkalkkarok\u00e4\u00e4rme", + "iberianilves", + "ruskeakarhu", + "alppisalamanteri", + "pienihampainen", + "valkoposkihanhi", + "hopeaturska", + "sahiainen", + "electrophorus_electric", + "paratiisikaija", + "kotihiiri", + "amerikanpuukiipij\u00e4", + "sukeltajasorsa", + "ruostehiirihaukka", + "rohtop\u00e4hk\u00e4m\u00f6", + "kuori\u00e4yri\u00e4inen", + "kolmivarvaslaiskiaiset", + "somalianvilliaasi", + "kaliforniankondori", + "etel\u00e4nkultaper\u00e4", + "sotakiihkoilija", + "micropterus", + "tammih\u00e4rk\u00e4", + "satiinilavastaja", + "fratercula_arctica", + "amerikanpeltomyyr\u00e4", + "j\u00e4\u00e4pingviini", + "karkeakarvainen_kettuterrieri", + "martes_martes", + "sarapeukaloinen", + "minkki", + "unikeot", + "hirssivahanokka", + "villiminkki", + "satiainen", + "jyv\u00e4koi", + "wiesel", + "perca_flavescens", + "c_diphtheriae", + "mustajoutsen", + "sorsalintu", + "afrikannorsu", + "sierramadrentikka", + "kampasarvinen", + "machesterterrieri", + "matoperhe", + "villamammutti", + "hermissenda", + "lama_peruana", + "suurriista", + "helmikananliha", + "etel\u00e4nbastardikilpikonna", + "paksunokkainen", + "palsasirri", + "amerikanhummeri", + "beringinmerimetso", + "makaira_mazara", + "salmonella_enteritidis", + "maasiira", + "raven", + "valkoh\u00e4nt\u00e4orava", + "lankalev\u00e4t", + "id\u00e4nnaakka", + "karjarotu", + "erakkorastas", + "homo_sapiens", + "valkoh\u00e4nt\u00e4kauris", + "amerikanhauki", + "manchesterinterrieri", + "vaikertajakyyhky", + "puistotiainen", + "marhi", + "tummajunkko", + "valkopilkkahai", + "vuorimajava", + "amerikanohdakeperhonen", + "kentt\u00e4sirkkuli", + "ka\u0161mirvuohi", + "ampiaissy\u00f6j\u00e4", + "amerikanp\u00e4\u00e4sky", + "tarhaturpiaali", + "seitivalas", + "kakominen", + "minervanp\u00f6ll\u00f6", + "hedelm\u00e4k\u00e4rp\u00e4nen", + "mustan\u00e4\u00e4t\u00e4", + "harrier", + "ilves", + "harlekiinipeippo", + "pohjankiisla", + "amerikannokikana", + "harmaakuukkeli", + "kulmaritariy\u00f6kk\u00f6nen", + "kirjosaku", + "kehr\u00e4\u00e4j\u00e4punkki", + "satamarosvo", + "ebola_virus", + "kidushai", + "dikidiki", + "norfolkinterrieri", + "syyhypunkki", + "pohjoisenpullonokkavalas", + "kalasuku", + "punaviidakkokana", + "ai_ai", + "nitraattibakteeri", + "hidaslori", + "lampaannen\u00e4nsaivartaja", + "harmaamurmeli", + "tetranychid", + "tukkakoskelo", + "sulttaanikana", + "trumpettikurki", + "kaliforniantimali", + "lahtivalas", + "nelivarvaskilpikonna", + "tunturisopuli", + "islannintelkk\u00e4", + "munkkikorppikotka", + "pallop\u00e4\u00e4valas", + "ponnahdella", + "gr\u00f6nlanninhylje", + "australianmerileijona", + "marmotini", + "indigok\u00e4\u00e4rme", + "hattumakaki", + "kettuorava", + "patagoniannandu", + "ylikersanttikala", + "sagriinikotilo", + "nokkasaukko", + "rusakko", + "amerikankantasilli", + "cyanophyceae", + "alko", + "ei_varpuslintu", + "pumpulipeurahiiru", + "kanadanilves", + "selk\u00e4j\u00e4nteisheimo", + "punareunainen", + "vesimyyr\u00e4", + "viiksihai", + "oranssiharjakotinga", + "riuttatiira", + "majava", + "gordoninsetteri", + "haarap\u00e4\u00e4sky", + "karvahattu", + "amerikankaniini", + "lyhtysilm\u00e4", + "sitruunahai", + "caligidae", + "prunus_tenella", + "lehtop\u00f6ll\u00f6", + "karmiinikirva", + "keltakuumehyttynen", + "kalliomerisiili", + "lavantautibakteeri", + "amerikanbassi", + "englanninvinttikoira", + "h\u00e4m\u00e4h\u00e4kkijuoksiainen", + "tarhatyranni", + "mormonisirkka", + "majavannahka", + "yhteiskuntahy\u00f6nteinen", + "muurarimehil\u00e4inen", + "viinim\u00e4kikotilo", + "kuormajuhta", + "purjemarliini", + "amerikanviklo", + "kiljukotka", + "tammipunavarpunen", + "s\u00e4dehohtaja", + "taivaanvuohi", + "cro_magnon", + "kantojuhta", + "rissondelfiini", + "yorkshirenterrieri", + "bakteerilajit", + "kaislikkokissa", + "monarkkiperhonen", + "lamantiini", + "suomuh\u00e4nt\u00e4inen", + "paperivene", + "punamahlatikka", + "accipiter", + "h\u00e4m\u00e4h\u00e4kkijuoksijainen", + "hanhenkaula", + "amerikankettukoira", + "vesikoira", + "ripsujalkaleguaani", + "takaraaja", + "cockerspanieli", + "kerrynterrieri", + "poliisikoira", + "etel\u00e4nkiisla", + "amerikannakkeli", + "mississipink\u00e4ki", + "kirppa", + "kolmikorvainen", + "lehtikuoriainen", + "harjakotingat", + "variola_minor_virus", + "atollilenkko", + "sotilasmestari", + "ansarijauhiainen", + "adjutanttihaikara", + "persiankissa", + "mustapalkkinen", + "niveljalkaiset", + "greyhound", + "sealyhaminterrieri", + "myrkkylisko", + "viidakkokissa", + "k\u00e4rs\u00e4kunkki", + "sakke", + "kuulokoira", + "komodonvaraani", + "suokaniini", + "pihapeukaloinen", + "kissakettu", + "ratamoverkkoperhonen", + "yliv\u00e4\u00e4peli", + "rengash\u00e4nt\u00e4leguaani", + "ruokokerttunen", + "stieglitz", + "tasankokengururotta", + "d_klorofylli", + "ruskuaispussi", + "kielikampela", + "kiinanalligaattori", + "chesapeakelahdennoutaja", + "kermodekarhu", + "loistohammaskarppi", + "valkolaikkuinen", + "m\u00e4nnikk\u00f6kehr\u00e4\u00e4j\u00e4", + "pilkkupiikkimonni", + "liemikilpikonna", + "salmonellabakteeri", + "tervap\u00e4\u00e4sky", + "bengalintiikeri", + "valkop\u00e4\u00e4merikotka", + "amerikanvesispanieli", + "vatsaev\u00e4", + "variola_minor", + "vetohevonen", + "kauluskarhu", + "lehtisammakko", + "savanniseepra", + "juoruakka", + "naurisperhonen", + "h\u00e4rk\u00e4hai", + "punakoralli", + "snake_polypody", + "kettuterrieri", + "karolinananolis", + "sipuliripsi\u00e4inen", + "taviokuurna", + "spermofiili", + "rusoposkikerttuli", + "lehtinunna", + "hevosk\u00e4rp\u00e4nen", + "porsasskunkki", + "marburg_virus", + "isoleikko", + "isopussikaniini", + "thomomys_talpoides", + "cro_magnonin_ihminen", + "jalokoralli", + "rottak\u00e4\u00e4rme", + "villisorsa", + "punaorava", + "c_trachomatis", + "walesinterrieri", + "kirjekyyhky", + "reesusmakaki", + "villiaasi", + "skotlanninterrieri", + "mustapilkkahai", + "jalohaikara", + "wren", + "musta_mehil\u00e4inen", + "aisahevonen", + "aroseepra", + "partahai", + "eskimokuovi", + "tylpp\u00e4kuonokarhu", + "ruutana", + "punanflamingo", + "kanadanpyy", + "hepatiitti_a_virus", + "hopealokki", + "tikkalintu", + "sarvikuonokas", + "alkueli\u00f6suku", + "karhunpoikanen", + "kapeakuonokrokotiili", + "valkohai", + "mustaimukarppi", + "etel\u00e4amerikanhyypp\u00e4", + "selk\u00e4ev\u00e4", + "mustapiikkimonni", + "pinctada_margaritifera", + "jallittaa", + "lehtihy\u00f6nteinen", + "australianpitk\u00e4jalka", + "hein\u00e4kurppa", + "sukkanauhak\u00e4\u00e4rme", + "stellerinmerilehm\u00e4", + "tasankotaskurotta", + "villaindri", + "partasuu", + "irlanninterrieri", + "potamophis_striatula", + "erakkorapu", + "tarhamehil\u00e4inen", + "korppi", + "roskakala", + "villisika", + "langustiini", + "silm\u00e4kekalkkuna", + "amerikanhiirihaukka", + "filippiinienkummitusel\u00e4in", + "sinettik\u00e4\u00e4rme", + "salmo_salar", + "irlanninsammal", + "saksanpaimenkoira", + "suistokrokotiili", + "norsulintu", + "punastunut", + "sanicula_europaea", + "etel\u00e4nkeiju", + "filippiinienkummittelija", + "adelie", + "harakka", + "ristilukki", + "korihai", + "h\u00e4nt\u00e4sammakko", + "iller", + "turkiskoi", + "hietakissa", + "hietakurki", + "palmukyyhky", + "maay\u00f6kk\u00f6nen", + "ilmarakko", + "kellosammakko", + "nykyihminen", + "puuleopardi", + "punarumpukala", + "australiankeuhkokala", + "keltainen_lippu", + "punaselk\u00e4sopuli", + "sillivalas", + "kierteish\u00e4nt\u00e4apina", + "varjokotinga", + "vesipeto", + "perunarupibakteeri", + "kaliforniantupsuviiri\u00e4inen", + "saunamaija", + "coho_salmon", + "partahylje", + "villikaniini", + "kondorikotka", + "ter\u00e4v\u00e4nen\u00e4inen", + "maamyyr\u00e4rotta", + "pihkatikka", + "amerikanhakki", + "takajalka", + "parrynsiiseli", + "mustalepp\u00e4lintu", + "h_nasicus", + "kes\u00e4tangara", + "corallium_rubrum", + "niittytyranni", + "kulkuy\u00f6kk\u00f6nen", + "amerikantikli", + "el\u00e4invirus", + "mandariinisorsa", + "hirvas", + "isolehtikuonolepakko", + "harmaarotta", + "liitokala", + "koirasalamanteri", + "martes_foina", + "amerikantaivaanvuohi", + "australiantorakka", + "amerikanhuuhkaja", + "ruovikkokissa", + "maissikoisa", + "amerikanharmaahaikara", + "perunavirus", + "saparomakaki", + "l_monocytogenes", + "mustahevosantilooppi", + "lentosulka", + "ictiobus_niger", + "floridanhylje", + "tammitiainen", + "siipikarjanliha", + "koiralohi", + "puliveivata", + "amerikanisolepink\u00e4inen", + "t\u00e4htikuonokontiainen", + "capreolus_capreolus", + "kivikkopyy", + "valkoh\u00e4nt\u00e4j\u00e4nis", + "hyypp\u00e4", + "bombyx", + "l\u00e4nnenharmaaorava", + "kuusipeura", + "myskisorsa", + "pihapunavarpunen", + "mustanokkak\u00e4ki", + "kuormael\u00e4in", + "branta_bernicla", + "kissakarhu", + "harmaakettu", + "kilpikirva", + "andienflamingo", + "naaraskissa", + "rantak\u00e4\u00e4rme", + "kiinantammisilkkikehr\u00e4\u00e4j\u00e4", + "tuberkuloosibakteeri", + "punaselk\u00e4salamanteri", + "vuorinjala", + "herpes_zoster", + "cavia_cobaya", + "piekana", + "hetulavalas", + "id\u00e4nkyl\u00e4p\u00f6ll\u00f6nen", + "villihanhi", + "forelli", + "verivampyyri", + "perhoskala", + "susih\u00e4m\u00e4h\u00e4kki", + "beaver", + "vuorikauris", + "parivarpainen", + "mahonia_aquifolium", + "id\u00e4nkentt\u00e4myyr\u00e4", + "ruusukapustahaikara", + "kausiesiintym\u00e4kaskas", + "kalliomeriahven", + "suursnautseri", + "amerikankultasiipi", + "sitti\u00e4inen", + "przewalskinhevonen", + "kalatiira", + "panssaridinosaurus", + "amerikanviherrupisammakko", + "jalohaukka", + "springerspanieli", + "amerikannokkavarpunen", + "hopeaviist\u00e4j\u00e4", + "italianvinttikoira", + "sirvik\u00e4s", + "siivet\u00f6nruokki", + "hermostoputki", + "kalliopeukaloinen", + "etel\u00e4nmerinorsu", + "sammakko", + "afrikanpingviini", + "kuplahylje", + "ruostekampela", + "valeskorpioni", + "pagellus_centrodontus", + "saukonnahka", + "silm\u00e4lasivireo", + "jaakonsiilik\u00e4s", + "punat\u00e4pl\u00e4vesilisko", + "helmivene", + "tuliharjakotinga", + "meksikonkengururotta", + "kiilavuokkokala", + "mustah\u00e4nt\u00e4j\u00e4nis", + "mustarastas", + "postihevonen", + "pensasn\u00e4rhi", + "niilin_kissakala", + "scleropages", + "irlanninsusikoira", + "jouhihietakyyhky", + "lehm\u00e4rausku", + "kaislasirkku", + "kyl\u00e4p\u00f6ll\u00f6nen", + "lapinharakka", + "valkosampi", + "sirovarpushaukka", + "maakiit\u00e4j\u00e4inen", + "mongolianhyppymyyr\u00e4", + "ydinsukellusvene", + "sokeritorakka", + "myksoomavirus", + "pehme\u00e4turkkinen_vehn\u00e4terrieri", + "rubiinihippi\u00e4inen", + "mattokuoriainen", + "isorokko_virus", + "harmaap\u00e4\u00e4kerttuli", + "liekkitikkanen", + "bedlingtoninterrieri", + "karettikilpikonna", + "borneonkissa", + "shastanluolasalamanteri", + "selk\u00e4j\u00e4nteissuku", + "peltolude", + "lychnis_flos_cuculi", + "tortrix", + "eskimokoira", + "hemipteron", + "amerikanpelikaani", + "amerikantuulihaukka", + "vesimokkasiinik\u00e4\u00e4rme", + "lapinp\u00f6ll\u00f6", + "kissamaki", + "tanskandoggi", + "pilkkusilli", + "gr\u00f6nlanninvalas", + "bengalinkissa", + "etel\u00e4nseepra", + "saukkop\u00e4\u00e4st\u00e4inen", + "vuoripaca", + "kuparisorsa", + "nen\u00e4apina", + "sumuhai", + "vaharauhanen", + "rengash\u00e4nt\u00e4maki", + "harmaaisokenguru", + "lakelandinterrieri", + "karhukehr\u00e4\u00e4j\u00e4", + "tapettikoi", + "amerikanpiippa", + "besoaarivuohi", + "sile\u00e4karvainennoutaja", + "aldabranj\u00e4ttil\u00e4iskilpikonna", + "kanalintu", + "rukoilijasirkka", + "sitta_canadensis", + "sormiel\u00e4in", + "morsiosorsa", + "amerikansipi", + "savannikotka", + "lenkko", + "primula_vulgaris", + "kalliovuortenpuromyyr\u00e4", + "amerikanvesip\u00e4\u00e4sky", + "reunuskilpikonna", + "makohai", + "wound_tumor_virus", + "amerikansirri", + "punakaulagaselli", + "petolintu", + "floridankalkkarok\u00e4\u00e4rme", + "puusisilisko", + "k\u00e4rpp\u00e4hai", + "herpes_zoster_virus", + "kauluspekari", + "islanninsilli", + "varicella_zoster_virus", + "puunkaivaja", + "herpes_simplex_1", + "karibianhylje", + "murrikka", + "loistokerttuli", + "vaunuhevonen", + "kirvinen", + "ailanthuskehr\u00e4\u00e4j\u00e4", + "paksunokkauikku", + "sipulit\u00e4i", + "sonorankultatikka", + "maksamato", + "viitatiainen", + "hietahai", + "siipisulka", + "vaaksiaiset", + "h_pylori", + "purotaimen", + "kotkarausku", + "shetlanninponi", + "kirkup\u00f6ll\u00f6nen", + "p\u00e4hkin\u00e4hiiri", + "amerikantilhi", + "santa_gertrudis", + "punakottarainen", + "lehtikirva", + "whippet", + "tarharastas", + "paksuhuulinen", + "mongolianvillihevonen", + "lavatera_arborea", + "kehr\u00e4\u00e4j\u00e4lintu", + "varvasastuja", + "h\u00e4nn\u00e4t\u00f6ntanrekki", + "sitruunakerttuli", + "kreikankilpikonna", + "vesirotta", + "valkoraitainen", + "niittysuohaukka", + "harmaasusi", + "rottaterrieri", + "valkoselk\u00e4skunkki", + "australianpyh\u00e4iibis", + "salvelinus_fontinalis", + "seeprapeippo", + "hevosen_p\u00e4\u00e4ntauti", + "peurapunkki", + "barramundi", + "maskareenienkaija", + "mustakaulauikku", + "micropetrus", + "walesinponi", + "ahdassuusammakko", + "amerikanstaffordshirenterrieri", + "setritilhi", + "sienikoralli", + "amerikantelkk\u00e4", + "id\u00e4nlehtoturpiaali", + "kanadanloikka", + "riisik\u00e4rs\u00e4k\u00e4s", + "amerikanh\u00f6m\u00f6tiainen", + "eagle", + "abudefduf_saxatilis", + "aasianvillihevonen", + "leprabakteeri", + "kilpikonnankuori", + "poronliha", + "l\u00e4nnenpiivi", + "lemmini", + "kev\u00e4tkurnuttaja", + "amerikantorakka", + "kaukasianteeri", + "vesipuhveli", + "remilegia_australis", + "kaskelotti", + "amerikanpohjanlepakko", + "harmaapapukaija", + "alkueli\u00f6heimo", + "sonoransiippa", + "p\u00e4hkin\u00e4nakkeli", + "helmirintamuura", + "patagonianmerileijona", + "isoputkikuono", + "constrictor_constrictor", + "torakka", + "gorilla_gorilla", + "kasmirvuohi", + "eskimohanhi", + "ruutuk\u00e4rp\u00e4nen", + "punaolkaturpiaali", + "faraomuurahainen", + "persiaaninahka", + "afrikanlepink\u00e4inen", + "avomerilintu", + "mustakondori", + "kissael\u00e4in", + "kalifornianmerileijona", + "sambarhirvi", + "omenakirva", + "grevynseepra", + "shad", + "mustakarhu", + "turpiaali", + "broilerinliha", + "maalaiskiaiset", + "chelydra", + "haarapyrst\u00f6inen", + "visentti", + "mustapilkkuahven", + "martes_zibellina", + "siank\u00e4rs\u00e4k\u00e4\u00e4rme", + "vaatet\u00e4i", + "kyl\u00e4n\u00e4\u00e4t\u00e4", + "vahvanokkainen", + "peltoviiri\u00e4inen", + "kaljumyyrikk\u00f6", + "kuusamaperhonen", + "maissikoi", + "kaaliperhonen", + "lavantautisalmonellat", + "kalaheimo", + "vaatekoit", + "sheltti", + "huulikarhu", + "l\u00e4nsi_niilin_enkefaliitti_virus", + "myskihirvi", + "mustamuurahainen", + "kanelisaniainen", + "galapagosinmerimetso", + "kanadankuukkeli", + "punasiipi", + "rintaev\u00e4", + "h\u00e4rk\u00e4lintu", + "keltajalkaviklo", + "teksasinkerttuli", + "australianterrieri", + "kirjohanhi", + "hunajamehil\u00e4inen", + "kiinank\u00e4\u00e4pi\u00f6tulilisko", + "berberiapina", + "chilensarda", + "kissakirppu", + "kanadankerttuli", + "helmisimpukka", + "eider", + "h\u00e4m\u00e4h\u00e4kkiapina", + "amerikanisokoskelo", + "adjutanttilintu", + "piikkirausku", + "samettipunkki", + "korppikotka", + "oregonilainen", + "punalakkipipilo", + "staffordshirenterrieri", + "keltaviherlev\u00e4", + "l\u00e4tt\u00e4nen\u00e4inen", + "c_klorofylli", + "harmaamarmotti", + "kalkkunakondori", + "kalkkunakukko" + ], + "LAW": [ + "kansalaisvapaus", + "ristikuulustelu", + "kansalaisoikeus", + "vaalioikeus", + "maanpetostuomio", + "hylk\u00e4ysp\u00e4\u00e4t\u00f6s", + "lains\u00e4\u00e4t\u00e4minen", + "tietokantahallinnoija", + "liittovaltion_vetoomustuomioistuin", + "siviilis\u00e4\u00e4ty", + "sijoittajasuhteet", + "k\u00f6yh\u00e4inhoitolaki", + "indiisit", + "lain_harjoittaminen", + "tuloilmoitus", + "laillisuusperiaate", + "sukupuolirikos", + "seksuaalirikos", + "yhteiskanne", + "lain_t\u00e4yt\u00e4nt\u00f6\u00f6npano", + "in_personam_tuomio", + "\u00e4\u00e4nestysj\u00e4rjestelm\u00e4", + "yhteisp\u00e4\u00e4t\u00f6s", + "kruununjuristi", + "laivakirja", + "bja", + "kartellilaki", + "syntym\u00e4maaperiaate", + "kokoontumisvapaus", + "johdannaisinstrumentti", + "kilpailulains\u00e4\u00e4d\u00e4nt\u00f6", + "puolustusasianajaja", + "kauppakirja", + "siviilioikeus", + "seksirikos", + "lain_toimeenpano", + "tulostase", + "lain_mukainen_vahingonkorvaus", + "v\u00e4est\u00f6rekisteri", + "asumuserop\u00e4\u00e4t\u00f6s", + "roomalainen_oikeus", + "perinn\u00e4istavat", + "piirisyytt\u00e4j\u00e4", + "kilpailunrajoitussopimus", + "murhatuomio", + "valtakunnansyytt\u00e4j\u00e4", + "merenkulkuoikeus", + "ty\u00f6turvallisuuslaki", + "ilmaisunvapaus", + "puhevapaus", + "\u00e4\u00e4nivalta", + "syyteoikeus", + "asianajajakunta", + "merioikeus", + "verolaki", + "nuorisorikollisuus", + "jus_civile", + "ne_bis_in_idem", + "sotalaki", + "asianajotoimisto", + "kuolemantuomio", + "merilaki", + "hyvityssakko", + "oikeuksien_julistus", + "hallintolaki", + "painovapaus", + "yritysjuridiikka", + "syntyper\u00e4periaate", + "avioerojuristi", + "arvopaperilaki", + "poliisituomioistuin", + "vaalitapa", + "sananvapaus", + "hoitotestamentti", + "kauppapaperi", + "aihetodisteet", + "virantoimitus", + "kauppaoikeus", + "raiskaustuomio", + "hoitotahto", + "lainvalvonta", + "verotusj\u00e4rjestelm\u00e4", + "sotatilalaki", + "kotietsint\u00e4lupa", + "lehdist\u00f6nvapaus", + "julkisoikeus", + "asetuskokoelma" + ], + "LOCATION": [ + "partaalla", + "al_jazeera", + "la_plata", + "uusivuosi", + "mielisairaanhoitolaitos", + "musiikkiopisto", + "plantago_lanceolata", + "st_eustatius", + "katkoa", + "selvagenssaaret", + "kulisseissa", + "silt\u00e4_varalta", + "orsz\u00e1ggy\u00fcl\u00e9s", + "trifolium_pratense", + "so_what", + "deuteriumoksidi", + "tiikeriveljekset", + "keskikaupunki", + "raskasvesi", + "rapanui", + "amerikan_manner", + "vespucci", + "omenapuutarha", + "huvittelukeskus", + "kaupunginmuuri", + "park", + "yhdyskuntatekniikka", + "eryngium_maritimum", + "ylip\u00e4\u00e4t\u00e4ns\u00e4", + "liikuntakasvatus", + "isokarpalo", + "corpus_christi", + "kolmikolkkainen", + "u.s", + "liikenneympyr\u00e4", + "sis\u00e4kentt\u00e4", + "kap_verde", + "kantakaupunki", + "bow_wow", + "krikettimaila", + "tenniskentt\u00e4", + "olla_ulkovuorossa", + "laivakanava", + "viljap\u00f6rssi", + "osteris\u00e4rkk\u00e4", + "keisarinkanava", + "s_tog", + "hoitokoti", + "juarez", + "p\u00e4\u00e4skysenpes\u00e4", + "piet_mondrian", + "loppupiste", + "punainenjoki", + "trifolium_repens", + "santa_fe", + "sint_maarten", + "yhdysvallat", + "\u00f6ljym\u00e4ki", + "petasites_hybridus", + "musiikkikoulu", + "keltainenjoki", + "centennial_state", + "toriaukio", + "linnunrataj\u00e4rjestelm\u00e4", + "siin\u00e4_tapauksessa_ett\u00e4", + "linnunpes\u00e4", + "marie_grosholtz", + "trois_rivi\u00e8res", + "allahu_akbar", + "sleeping_beauty", + "da_gama", + "mattimeik\u00e4l\u00e4inen", + "kanaalisaaret", + "rautatiekisko", + "tyrrhenanmeri", + "saksi_anhalt", + "mestarikokki", + "kartanolla", + "tekstiilitehdas", + "tuntiosoitin", + "ampumahaava", + "land", + "pohjanmeri", + "vappu", + "oikeudenistunto", + "kasvispuutarha", + "saint_vincent", + "suolaj\u00e4rvi", + "pelikentt\u00e4", + "iris_pseudacorus", + "toimintaedellytykset", + "keskuspuisto", + "kansalliskokous", + "kivikkopuutarha", + "saint_clair_j\u00e4rvi", + "vihannespalsta", + "pieris_rapae", + "osterimatalikko", + "kirsikkapuisto", + "oppositiopuolue", + "harmaahaikara", + "pekka_peukaloinen", + "joseph_louis_gay_lussac", + "plantago_major", + "tussaud", + "maailman_paras_juttu", + "sadep\u00e4iv\u00e4", + "palkinp\u00e4\u00e4t", + "pikkuviisari", + "saul_tarsolainen", + "liikekorttelit", + "st_clair_j\u00e4rvi", + "nuphar_lutea", + "vanhainkoti", + "keltainenmeri", + "liikearvo", + "pohjamaininki", + "liikekeskusta", + "plantago_media", + "gay_lussac", + "perusmaininki", + "mondrian", + "chathamsaaret", + "piippopaksup\u00e4\u00e4", + "edwardinj\u00e4rvi", + "sienikakku", + "ei_haittaa", + "mustameri", + "saint_christopher", + "lake_of_the_woods", + "alnus_glutinosa", + "sotilashallitus", + "psykiatrinen_hoitolaitos", + "st_helens", + "halonginlahti", + "newnjoki", + "tiedepuisto", + "usa", + "the_city", + "ruusutarha", + "yrityspuisto", + "saint_lucia", + "vienanjoki", + "michiganj\u00e4rvi", + "etel\u00e4saari", + "hwang_ho", + "viherkulta", + "appelsiinilehto", + "asuntola", + "ranskan_kansalliskokous", + "hermopiste", + "ket\u00e4_kiinnostaa", + "jouluaatto", + "kap_horn", + "huanghe", + "hat_yai", + "digimedia", + "p\u00e4iv\u00e4\u00e4", + "kolmas_henkil\u00f6", + "keskustassa", + "tanaj\u00e4rvi", + "kirsikkaperhonen", + "erotuomaripallo", + "sri_lanka", + "kap_verden_tasavalta", + "air_corps", + "zhu_jiang", + "painepiste", + "silt\u00e4_varalta_ett\u00e4", + "isohaarahaukka", + "villa_lobos", + "siinainvuori", + "new_mexicon_p\u00e4\u00e4kaupunki", + "lake_st_clair", + "us_asevoimat", + "yangtze_kiang", + "sinipeippo", + "irlannin_ilmavoimat", + "sotakorkeakoulu", + "karmel_vuori", + "aatelislinna", + "l\u00e4nsirannikko", + "varoiksi", + "tuomaripallo", + "rantariutta", + "yl\u00e4j\u00e4rvi", + "el\u00e4kes\u00e4\u00e4ti\u00f6", + "nam_nam", + "mainearvo", + "the_rolling_stones", + "edwardj\u00e4rvi", + "keskustaslummi", + "u.s_asevoimat", + "pohjanlahti", + "kolumbus", + "p\u00e4\u00e4si\u00e4issaari", + "juomakelpoinen_vesi", + "jangtse_joki", + "porot", + "p_patrick", + "falklandinsaaret", + "teknillinen_oppilaitos", + "man_o'war", + "kaupunkikeskus", + "saint_lawrence", + "rantalomakohde", + "kryvyi_rih", + "virgin_mary", + "painelupiste", + "sokerikakku", + "court", + "ampumamatka", + "mit\u00e4_v\u00e4li\u00e4", + "pieris_brassicae", + "heitor_villa_lobos", + "linnunrata", + "louis_joseph_gay_lussac", + "aluksessa", + "militokratia", + "vapaasatama", + "tuntiviisari", + "al_ain", + "temppelivuori", + "trifolium_dubium", + "joulupukki", + "pterocarpus_indicus", + "p\u00e4\u00e4rata", + "kulissientakainen", + "pohjoissaari", + "prinsessa_ruusunen", + "delonix_regia", + "never_never", + "prunus_avium" + ], + "LANGUAGE": [ + "malaijilainen", + "panjabi", + "shona", + "englannin", + "valkoven\u00e4j\u00e4nkielinen", + "bengali", + "marshalli", + "venda", + "painotusmerkki", + "bambara", + "ranskan", + "ket\u0161uanpuhuja", + "tiibetin", + "kongo", + "smith", + "sinhalan", + "akan", + "assamilainen", + "georgialainen", + "lausahdus", + "portugalin", + "cornwallin", + "sindhi", + "mansaarelainen", + "shonan", + "pali", + "navajo", + "romanian", + "buurilainen", + "pohjoissaame", + "ganda", + "manx", + "retoromaaninen", + "welsh", + "ruotsalaisten", + "malagassi", + "french", + "persian", + "bengalilainen", + "malayalam", + "hollannin", + "valkoven\u00e4j\u00e4n", + "georgian", + "kanuri", + "sinhala", + "katalaani", + "hindi", + "madjaari", + "chamorro", + "ven\u00e4j\u00e4n", + "kiinan", + "espanjan", + "arabiankieli", + "eestil\u00e4inen", + "saksan", + "sindil\u00e4inen", + "guarani", + "zhuang", + "herero", + "valkoven\u00e4j\u00e4", + "kiinankieli", + "sango", + "walesin", + "jaavan", + "divehi", + "sinhalin", + "irlannin", + "helleeninen_kieli", + "vieraanvoittoisuus", + "bengalin", + "persu", + "galitsialainen", + "esperanto", + "metallity\u00f6mies", + "puheviestint\u00e4", + "mukavuudensaari", + "tanskan", + "sundalaiset", + "creet", + "aksenttimerkki", + "komi", + "lingala", + "saksatar", + "viron", + "sechuana", + "ruotsin", + "hausa", + "assamin", + "kelttil\u00e4inen", + "wolof", + "cree", + "cornish", + "lao", + "malaijin", + "katalonialainen", + "islannin", + "puolan", + "tagalog", + "katalonian", + "tiibetil\u00e4inen", + "ido", + "japaninkielinen", + "marathi", + "virolainen", + "kalaallisut", + "chichewa", + "japanin", + "eestin", + "vastak\u00e4\u00e4nn\u00f6s", + "samoan", + "singaleesin", + "tonga", + "samoalainen", + "kannada", + "mansaaren", + "abhaasin", + "malajalam" + ], + "FOOD": [ + "glukoosisiirappi", + "cheshirenjuusto", + "piirakkataikina", + "maitoj\u00e4\u00e4tel\u00f6", + "reisipihvi", + "suolakurkku", + "appelsiinimarmeladi", + "kalapulla", + "scotch_woodcock", + "appelsiinimehutiiviste", + "paistinneste", + "jauhelihapiirakka", + "p\u00e4\u00e4ruokalaji", + "vahakurpitsa", + "meijerituote", + "lampaanreisi", + "mousse", + "kuoriperuna", + "maissimuffini", + "murukahvi", + "halpajuusto", + "mustamakkara", + "munakeitto", + "maitojuoma", + "kuivamuona", + "sinappikastike", + "helmisuurimot", + "onnenkeksi", + "papumuhennos", + "tummaleip\u00e4", + "golden_delicious", + "mantelipikkuleip\u00e4", + "sienikastike", + "maitotaloustuote", + "kampelanliha", + "naudanpaisti", + "kev\u00e4trulla", + "minttukastike", + "piparminttukaramelli", + "benediktinmunat", + "eskimoj\u00e4\u00e4tel\u00f6", + "ysk\u00e4npastilli", + "symphytum_officinale", + "etanavoi", + "pannukakkutaikina", + "leivontasuklaa", + "karpalomehu", + "koiranruoka", + "daucus_carota", + "kalkkunant\u00e4yte", + "bechamel", + "konjakkikahvi", + "laakerinlehti", + "hampurilaispihvi", + "simpukkakeitto", + "ristikukkainen_vihannes", + "hummerivoi", + "ikenet", + "christmas_pudding", + "mustikkapiirakka", + "lehm\u00e4npapu", + "maitojauhe", + "maitotuote", + "kanansiipi", + "sillinm\u00e4ti", + "valkosuklaa", + "hanhenmaksapasteija", + "lehtitaikinaleivonnainen", + "riisimuro", + "pakasteet", + "ohravesi", + "niva", + "jauhelihapihvi", + "thompson_seedless", + "grahamkeksi", + "tuoremehu", + "roseviini", + "tuutti", + "olkiviini", + "linnunsiemenet", + "bambunverso", + "perunankuori", + "kolauute", + "olla_h\u00e4vyt\u00f6n", + "puuvillansiemen\u00f6ljy", + "kermavaahto", + "vigna_unguiculata", + "s\u00e4ilykeruoka", + "sifonkikakku", + "lohivuoka", + "porkkanavanukas", + "k\u00e4\u00e4rmepapu", + "valkoinen_ven\u00e4l\u00e4inen", + "kilpikonnaliemi", + "ranskanperunat", + "keittosuola", + "papaijamehu", + "granny_smith", + "capsicum", + "sukaatti", + "lapapaisti", + "porsaankylki", + "chilijauhe", + "vasikanaivot", + "espanjansipuli", + "musta_tee", + "paukkupurukumi", + "porevesi", + "juomavesi", + "ulkopaisti", + "vasikankieli", + "pekaanip\u00e4hkin\u00e4piirakka", + "kalkkunamuhennos", + "pepperonipizza", + "p\u00e4iv\u00e4npolttava", + "huulirasva", + "t_luupihvi", + "russian_mayonnaise", + "fariinisokeri", + "aavikko", + "persikkamelba", + "pikkupurtava", + "ranskikset", + "aprikoosikastike", + "kala_\u00e4yri\u00e4iskastike", + "nicoise_salaatti", + "kopra\u00f6ljy", + "murukakku", + "j\u00e4rvikala", + "kalamuhennos", + "lampaankyljys", + "persikkakastike", + "saflori\u00f6ljy", + "kanelileip\u00e4", + "maksapasteija", + "pina_colada", + "ankkakastike", + "pekaanipiiras", + "kev\u00e4tk\u00e4\u00e4ryle", + "j\u00e4lkiruokahyytel\u00f6", + "sekasalaatti", + "kissanruoka", + "j\u00e4\u00e4kahvi", + "bambuverso", + "ranskalainen_maitokahvi", + "pinot_noir", + "linssikeitto", + "terveysuoka", + "kierrepulla", + "hummerimuhennos", + "porkkanamehu", + "karkkisauva", + "t\u00f6lkkiruoka", + "seesaminsiemen", + "seesami\u00f6ljy", + "hedelm\u00e4salaatti", + "maitopunssi", + "tom_collins", + "vinegrettekastike", + "chilikastike", + "liemikuutio", + "sekapata", + "broilerinkoipi", + "appelsiininkuori", + "pakaste", + "sianlihapiiras", + "pitk\u00e4papu", + "maustekurkku", + "maalaisjuusto", + "patonki", + "piirakankuori", + "maissisiirappi", + "teenlehti", + "kalkkunankoipi", + "macedoine", + "perunalastut", + "j\u00e4lkiruokaviini", + "k\u00f6yh\u00e4t_ritarit", + "kanaliemi", + "ravintorasva", + "lammascurry", + "tasaosuus", + "maitosuklaa", + "vaahterasiirappi", + "sammakonreisi", + "tattarikakku", + "perunasalaatti", + "ohrauute", + "vitamiinipilleri", + "paksu_simpukkakeitto", + "auringonkukka\u00f6ljy", + "muotidieetti", + "sammakonkoipi", + "sokerivesi", + "tulinen_kastike", + "sea_bream", + "kanelipaahtoleip\u00e4", + "maissisokeri", + "popcornkaramelli", + "\u00f6ljykakkujauhe", + "kaurakeksi", + "veripalttu", + "caesarsalaatti", + "voisula", + "tartarikastike", + "vasikanmaksa", + "rehuvilja", + "hunajapulla", + "reininviini", + "karkkipatukka", + "talvimeloni", + "makeispatukka", + "grahamjauho", + "lis\u00e4ruoka", + "ruisleip\u00e4", + "gelato", + "chili", + "johanneksenleip\u00e4puumakeinen", + "kanamousse", + "pastakastike", + "vauvanpuppu", + "savunauta", + "raakakaakao", + "lehm\u00e4nmaito", + "ankkapatee", + "lusikkaruoka", + "waldorfinsalaatti", + "savulohi", + "kurpitsapiirakka", + "terveysruoka", + "appelsiinit\u00e4ysmehu", + "melassitoffee", + "karpalokastike", + "mustasilm\u00e4papu", + "karamellipatukka", + "kuivahedelm\u00e4t", + "tomusokeri", + "chile", + "jauhelihaperunasoselaatikko", + "kananmuna", + "tartarpihvi", + "sianlihamakkara", + "elatusmaksu", + "sveitsinpihvi", + "melassikeksi", + "munuaispiirakka", + "antipasto", + "kurpitsansiemen", + "kentuckynpapu", + "kilpikonnakeitto", + "mansikkas\u00e4ilyke", + "lounastaa", + "h\u00e4r\u00e4nh\u00e4nt\u00e4liemi", + "punakaali", + "roseeviini", + "tarkastusmaito", + "sellerinsiemen", + "h\u00e4\u00e4kakku", + "maryland_chicken", + "ranskanperuna", + "limppari", + "mantelisarvi", + "maissiviski", + "rosee", + "rintasokeri", + "spagettikastike", + "chiliseos", + "lisuke", + "kanariansiemenet", + "grahamleip\u00e4", + "chilietikka", + "maissi\u00f6ljy", + "palasokeri", + "c_ration", + "kivisokeri", + "vasikansorkat", + "hiusvaahto", + "naudanlihas\u00e4ilyke", + "curryjauhe", + "vasikanlihaviipale", + "sekoiteviski", + "tillinsiemen", + "melonipallo", + "tiikerikakku", + "hillokaramelli", + "kanelipulla", + "kalanpaistoretki", + "kananmaksa", + "osterit\u00e4yte", + "perunasose", + "hattara", + "alttariviini", + "ginik\u00e4\u00e4re", + "osterimuhennos", + "cocktailkastike", + "chilipata", + "syntt\u00e4rikakku", + "tapiokavanukas", + "hushpuppy", + "munuaiset", + "h\u00e4r\u00e4npaisti", + "tutti_frutti", + "pastasalaatti", + "valkosipulipatonki", + "laihdutuskuuri", + "salaattiainekset", + "siiderietikka", + "tasaosuuksinen", + "k_ration", + "kalkkunansiipi", + "simpukkadippi", + "kermavanukas", + "hernesoppa", + "valkokastike", + "maitotiiviste", + "jouluvanukas", + "kamara", + "vannike", + "mansikkaj\u00e4\u00e4tel\u00f6", + "kanavoileip\u00e4", + "mielipuuha", + "luonnonriisi", + "kasvis\u00f6ljy", + "sulatejuusto", + "valkosipulileip\u00e4", + "hummeripiirakka", + "persikkaj\u00e4\u00e4tel\u00f6", + "mansikkahillo", + "kanelikierre", + "pikkumusta", + "vesijohtovesi", + "virvoitusjuoma", + "myslipatukka", + "tikkunekku", + "manteliuute", + "sellerisuola", + "hedelm\u00e4mehu", + "pieni_pannukakku", + "munanuudeli", + "valkosipulivoi", + "italiankastike", + "sonchus_oleraceus", + "tartarkastike", + "kapriskastike", + "meritaimen", + "kalapuikko", + "vissy", + "hunajakarkki", + "morsiuskakku", + "huulivoide", + "harvey_wallbanger", + "aniskeksi", + "p\u00e4hkin\u00e4voi", + "kanaviillokki", + "klubileip\u00e4", + "koirankeksi", + "torttutaikina", + "hernekeitto", + "kotijuusto", + "verimakkara", + "kurri", + "hernemuhennos", + "sherrykakku", + "fenkolinsiemen", + "lammasmuhennos", + "mantelikeksi", + "vaahtokarkkilevite", + "perunankuoret", + "appelsiinimehu", + "sianlihaviipale", + "annoonahedelm\u00e4", + "munakokkeli", + "teetauko", + "ruskeakastike", + "leivonnaiset", + "muotoiluvaahto", + "mansikkadaiquiri", + "kinkkukerrosvoileip\u00e4", + "syntym\u00e4p\u00e4iv\u00e4kakku", + "hanavesi", + "standardiviina", + "kanakeitto", + "cohoe", + "kraanavesi", + "lampaanlihaviipale", + "greippimehu", + "katajanmarjat", + "viikunakaktus", + "hanhenmaksa", + "maitojuusto", + "maissivanukas", + "m\u00fcnchener", + "juglans_regia", + "salaatti\u00f6ljy", + "chevre", + "linnunruoka", + "siankyljet", + "perinneruoka", + "tynnyriolut" + ], + "PRODUCT": [ + "sudenpes\u00e4", + "st_vincent", + "aarnivalkea", + "poistu", + "patarouva", + "virvatuli", + "magneettijuova", + "boolimalja", + "yl\u00e4puolelle", + "justin_bieber", + "laivakompassi", + "automaattisulake", + "uusikaledonialainen", + "tapaninp\u00e4iv\u00e4", + "ter\u00e4v\u00e4piirtotelevisio", + "s_tog", + "jobinkyynelhein\u00e4", + "viime_hetkess\u00e4", + "hedelm\u00e4peli", + "ruokakuppi", + "korvariipus", + "tennispallo", + "kruununjalokivet", + "virrankatkaisin", + "paperinukke", + "putkikellot", + "kruununkalleudet", + "al_jazeera", + "aurinkokuivattu", + "saapasjalkakissa", + "hopeah\u00e4\u00e4p\u00e4iv\u00e4", + "riemukaari", + "cookinsaaret", + "yhdennell\u00e4toista_hetkell\u00e4", + "lennonjohtopalvelu", + "luonnonhistoria", + "puheradio", + "kokoruutu", + "diego_garcia", + "tutti_frutti", + "kovaksikeitetty", + "musiikkisoitin", + "kipin\u00e4suojus", + "n\u00e4lk\u00e4peli", + "omaisuusvakuudellinen", + "j\u00e4\u00e4kiekkomaila", + "die_hard_vain_kuolleen_ruumiini_yli", + "kaakelileikkuri", + "umpikatu", + "seksiorjuus", + "kanooppiastia", + "verkkokirjasto", + "panssariauto", + "sulkapallomaila", + "lepolassi", + "haukansilm\u00e4inen", + "j\u00e4\u00e4kuutio", + "julius_caesar", + "saint_vincent", + "virtuaalikone", + "t\u00f6rm\u00e4ilyautot", + "aarnituli", + "pelipallo", + "the_star_spangled_banner", + "pulloposti", + "stilleben", + "kumistin", + "vesipullo", + "haarahyppy", + "monte_cristo", + "kahvikuppi", + "taivaankappale", + "tenorirumpu", + "tanssilattia", + "loppiaisaatto", + "gongi", + "kumahtaa", + "kolme_kuningaskuntaa", + "seesamtie", + "banaanilaiva", + "pallolaakeri", + "konstantin_stanislavsky", + "kaasulamppu", + "kastemalja", + "rakkauskirje", + "mit\u00e4_jos", + "maastokelpoinen", + "ii_maailmansota", + "johannes_kastaja", + "munasauva", + "autovarkaus", + "l\u00e4mp\u00f6kilpi", + "oikosulku", + "laskutikku", + "teetarjotin", + "digitaalinen_kamera", + "ensimm\u00e4inen_maailmansota", + "ponnahdusikkuna", + "patakuningatar", + "joulupuu", + "tapani", + "kuulalaakeri", + "sokerilusikka", + "deutsche_welle", + "j\u00e4rjestelm\u00e4riippumaton", + "varttua", + "mount_st_helens", + "sektio", + "ferdinand_magellan", + "pyh\u00e4_henki", + "yhdestoista_hetki", + "urheiluauto", + "o_rengas", + "myosotis_scorpiodes", + "mario_andretti", + "soittorasia", + "solariumi", + "san_sebastian", + "mit\u00e4_uutta", + "aikakone", + "mobiililaite", + "p\u00e4iv\u00e4ty\u00f6", + "st_george's", + "maaliruisku", + "musta_pallo", + "de_facto", + "taistelukirves", + "rullalaakeri", + "ihmisoikeudet", + "mankka", + "nordrhein_westfalen", + "kirveenhamara", + "balkanvuoret", + "tiikeriveljekset", + "nelj\u00e4_vuodenaikaa", + "disketti", + "kuolemanj\u00e4lkeinen", + "nen\u00e4rengas", + "paperilentokone", + "grenadan_p\u00e4\u00e4kaupunki", + "muistolle", + "korttipelip\u00f6yt\u00e4", + "taistelukutsu", + "ruiskupistooli", + "san_joaquin_joki", + "novo_mesto", + "laiskanlinna", + "syvyyspommi", + "heittokoukku", + "lounaaseen", + "s\u00e3o_paulo" + ], + "RACE": [ + "filipino", + "valkoiset", + "amerikan_intiaani", + "pohjoiseurooppalainen", + "pohjoiskorealainen", + "latino", + "french", + "polynesian", + "intian", + "amerikanintiaani", + "ranskatar", + "kymrit", + "maakalainen", + "afrikan", + "filippiinil\u00e4inen", + "saarelainen", + "englantilaiset", + "intialainen", + "korean", + "sassenach", + "the_mexican", + "hollantilaiset", + "filippiino", + "alkuper\u00e4iskansa", + "white", + "maailmanalun", + "filippiinien", + "autoktoni", + "etel\u00e4amerikkalainen", + "etel\u00e4korealainen", + "intiaanien", + "alkuper\u00e4isasukas", + "iiril\u00e4iset", + "saaristolainen", + "latinalaisamerikkalainen", + "latina", + "meksikon", + "turkkilaiset", + "afrikkalainen", + "japanilaiset", + "australian_alkuper\u00e4iskielet", + "amerind" + ], + "QUANTITY": [ + "si_j\u00e4rjestelm\u00e4", + "ei_yhtik\u00e4s_mit\u00e4\u00e4n", + "volttiampeeri", + "seitsem\u00e4nnes", + "kolme_sisarta", + "hevosvoimatunti", + "imaginaariosa", + "ilmanvastuskerroin", + "ep\u00e4murtoluku", + "tilavuusyksikk\u00f6", + "varausyksikk\u00f6", + "seitsem\u00e4sosa", + "nesteyksikk\u00f6", + "miljoonasosa", + "wattitunti", + "tulostusyksikk\u00f6", + "merilineaariyksikk\u00f6", + "kolmikymmenvuotinen_sota", + "ilmamaili", + "fahrenheitaste", + "hengitystila", + "normaalipaine", + "madagaskarin_frangi", + "koripallorengas", + "isosata", + "transsendenttiluku", + "saksanmarkka", + "dollari", + "painoyksikk\u00f6", + "viskositeettikerroin", + "hengitystilaa", + "elektronivoltti", + "grammakalori", + "malawin_kwacha", + "ison_britannian_rahayksikk\u00f6", + "ton", + "hajoamisvakio", + "painoj\u00e4rjestelm\u00e4", + "jalkatonni", + "irrationaaliluku", + "kolmasosa", + "shillinki", + "kvarttosidonta", + "kitkakerroin", + "perussuure", + "el\u00e4inkoti", + "rajapiste", + "ison_britannian_\u0161illinki", + "tilavuuskimmokerroin", + "allokointiyksikk\u00f6", + "binaarinumero", + "\u00e4\u00e4nenvoimakkuusyksikk\u00f6", + "pituusmitta", + "miljoonakertaisesti", + "vastusyksikk\u00f6", + "oikokulma", + "koiratarha", + "belizen_dollari", + "dissosiaatiovakio", + "alayksikk\u00f6", + "pistej\u00e4rjestelm\u00e4", + "magneettinen_voimavaikutus", + "g", + "kentt\u00e4kapasiteetti", + "kompassipiiru", + "tilavuusmitta", + "mauritiuksen_rupia", + "ketjumurtoluku", + "s\u00e3o_tom\u00e9n_ja_pr\u00edncipen_rahayksikk\u00f6", + "tavukorko", + "rial", + "ei_tuon_taivaallista", + "kaarimitta", + "rationaaliluku", + "kolmipiikki", + "alkutekij\u00e4", + "kaksinumeroinen", + "si_yksikk\u00f6", + "kasvotusten", + "kolmoiskaari", + "vetop\u00f6yt\u00e4", + "satatuhatta", + "s\u00e4hk\u00f6virtayksikk\u00f6", + "pound", + "massayksikk\u00f6", + "pa_anga", + "kolmivaihekytkin", + "gasterosteus_aculeatus", + "energiayksikk\u00f6", + "kolmiulotteisuus", + "paineyksikk\u00f6", + "ordinaalilukusana", + "metrij\u00e4rjestelm\u00e4", + "kokos\u00e4vel", + "el_salvadorin_rahayksikk\u00f6", + "kasvokkain", + "burundin_frangi", + "rusikoida", + "kaarisekunti", + "taala", + "tooni", + "binaariluku", + "tuon", + "vastatusten", + "perusmitta", + "massaluku", + "dinaari", + "lukuarvo", + "pintamitta", + "anders_celsius", + "hiuskarva", + "meripeninkulma", + "vastuskerroin", + "ezra_loomis_pound", + "s\u00e4velaskel" + ], + "DATE": [ + "huippuluokkainen", + "lasko", + "l\u00e4hetyskatko", + "markkinap\u00e4iv\u00e4", + "avaruusaika", + "kirkkokalenteri", + "relaksaatioaika", + "vaalip\u00e4iv\u00e4", + "empim\u00e4tt\u00e4", + "aurinkokalenteri", + "kyselytunti", + "t\u00e4htiaikavuosi", + "elinkautinen", + "tiedonsiirtonopeus", + "k\u00e4sittelyaika", + "kaksikymment\u00e4nelj\u00e4_seitsem\u00e4n", + "marssitahti", + "sairasloma", + "keskikolmannes", + "vapaahetki", + "patriot's_day", + "pyh\u00e4inp\u00e4iv\u00e4", + "vuorokausirytmi", + "is\u00e4np\u00e4iv\u00e4", + "henkil\u00f6ty\u00f6tunti", + "tuhkakeskiviikko", + "senkka", + "huvikausi", + "t\u00e4ysikuu", + "v\u00e4litysaika", + "kaksikymment\u00e4viisivuotisjuhla", + "syysp\u00e4iv\u00e4ntasaus", + "itsen\u00e4isyysp\u00e4iv\u00e4", + "kuukalenteri", + "lepovuosi", + "vappuaatto", + "miesty\u00f6tunti", + "korkotaso", + "elinajanodote", + "koripallokausi", + "piinaviikko", + "sairasp\u00e4iv\u00e4", + "happy_hour", + "rukoussunnuntai", + "normaalivuosi", + "a_ja_o", + "the_day_after_tomorrow", + "kylm\u00e4aalto", + "kes\u00e4koulu", + "kev\u00e4tharjoittelu", + "voitonp\u00e4iv\u00e4", + "lepop\u00e4iv\u00e4", + "suojaik\u00e4raja", + "alkupuolisko", + "t\u00e4htiaikakuukausi", + "kansalaisuusp\u00e4iv\u00e4", + "lain_m\u00e4\u00e4r\u00e4\u00e4m\u00e4_vapaap\u00e4iv\u00e4", + "vuosisadanvaihde", + "loppiaisaatto", + "tapani", + "lankalauantai", + "kirkkojuhla", + "palmusunnuntai", + "inflaatioaste", + "\u00e4\u00e4nestysik\u00e4", + "in_time", + "sapattivuosi", + "loistoaika", + "kes\u00e4kurssit", + "keskihakuiskiihtyvyys", + "aluepainos", + "suoritusvaihe", + "kulta_aika", + "laskiaistiistai", + "urheilukilpailut", + "aurinkokuukausi", + "s\u00e4ilyvyysaika", + "rikosm\u00e4\u00e4r\u00e4", + "ajonaikainen", + "kansallisp\u00e4iv\u00e4", + "veteraanip\u00e4iv\u00e4", + "hindukalenteri", + "kentt\u00e4harjoitus", + "l\u00e4pimenoaika", + "nimip\u00e4iv\u00e4", + "avaruusaikakausi", + "p\u00e4iv\u00e4vuoro", + "normaaliaika", + "hengitystaajuus", + "elonkorjuukuu", + "kalenterip\u00e4iv\u00e4", + "torip\u00e4iv\u00e4", + "lukuvuosi", + "kasvuvauhti", + "talvip\u00e4iv\u00e4nseisaus", + "k\u00e4rsimysviikko", + "varapresidenttiys", + "tilivuosi", + "lapsikuolleisuus", + "kolmenelj\u00e4sosatahti", + "kouluvuosi", + "avioliittoik\u00e4", + "kev\u00e4tp\u00e4iv\u00e4ntasaus", + "valovirta", + "hopeah\u00e4\u00e4p\u00e4iv\u00e4", + "rikosaste", + "mets\u00e4styskausi", + "maailmanluokan", + "t\u00e4m\u00e4_hetki", + "universaaliaika", + "virkaanastumisp\u00e4iv\u00e4", + "kiertojakso", + "shaaban", + "iltavuoro", + "kes\u00e4yliopisto", + "t\u00e4ss\u00e4_ja_nyt", + "elini\u00e4nodote", + "rajanopeus", + "perussyy", + "ei_karkausvuosi", + "pitk\u00e4perjantai", + "vappuviini", + "neutronivuo", + "j\u00e4lkikes\u00e4", + "pakonopeus", + "lomasesonki", + "p\u00e4\u00e4tt\u00e4j\u00e4isp\u00e4iv\u00e4", + "kalenterivuosi", + "sulkemisaika", + "aloitushetki", + "kiirastorstai", + "d_day", + "sirkadiaanirytmi", + "uusikuu", + "j\u00e4\u00e4kiekkokausi", + "kuolevuus", + "tilikausi", + "t\u00e4htiaika", + "lomakausi", + "aamiaisaika", + "vapaap\u00e4iv\u00e4", + "t\u00e4htiaikatunti", + "aurinkovuosi", + "kes\u00e4lukio", + "l\u00e4ht\u00f6nopeus", + "keskeytt\u00e4mism\u00e4\u00e4r\u00e4", + "kultakausi", + "aurinkovakio", + "sha'ban", + "intiaanikes\u00e4", + "quasimodogeniti", + "sairausloma", + "hengitystiheys", + "ruusun\u00e4si\u00e4", + "kalastuskausi", + "gregoriaaninen_kalenteri", + "jalkapallokausi", + "juhannusaatto", + "herran_vuonna", + "niin_kauan_kuin_muistetaan", + "annosnopeus", + "corpus_christi", + "annosteho", + "kes\u00e4p\u00e4iv\u00e4nseisaus", + "maailmanaika", + "kuin_ammuttuna", + "joutoaika", + "juhannusp\u00e4iv\u00e4", + "glasiaalikausi", + "promootiop\u00e4iv\u00e4", + "marian_taivaaseenottaminen", + "kasvunopeus", + "adventtisunnuntai", + "kalenterikuukausi" + ], + "GPE": [ + "teollisuuspuisto", + "keskustori", + "kammioneste", + "st_christopher", + "saint_domingue", + "xihu", + "kotte", + "dar_es_salaam", + "merikansat", + "sint_maarten", + "pandanus_tectorius", + "pyh\u00e4_kristoffer", + "etel\u00e4_amerikka", + "p_yrj\u00f6", + "tsemppi\u00e4", + "punainenmeri", + "simon_pietari", + "olympiakyl\u00e4", + "pyh\u00e4_pietari", + "norsunluurannikko", + "schwartzwald", + "pitk\u00e4aalto", + "s\u00e3o_tom\u00e9", + "hagia_sofia", + "gran_canaria", + "tappioputki", + "nikolaos", + "taddeus", + "pyh\u00e4_kristoforos", + "pyh\u00e4_nikolaos", + "vanhakaupunki", + "al_andalus", + "valkokulta", + "jooniansaaret", + "la_rochelle", + "uusi_testamentti", + "koulupiiri", + "kruununsiirtomaa", + "borassus_flabellifer", + "valkoinen_talo", + "liittovaltion_hallintoalue", + "taishan", + "p_kristoffer", + "hibiscus_rosa_sinensis", + "komipermjakki", + "la_gomera", + "pyh\u00e4_yrj\u00e4n\u00e4", + "nikolaos_ihmeidentekij\u00e4", + "st_louis", + "santa_sofia", + "suolatasanko" + ], + "ANAT": [ + "siki\u00f6kudos", + "h\u00e4nt\u00e4nikama", + "kaarivaltimo", + "suolievelaskimo", + "kaulanikama", + "keuhkovaltimorunko", + "maksavaltimo", + "niskanikama", + "parietaalipleura", + "ristinikama", + "arteria_arcuata", + "verisuonirengas", + "tibialis_anticus" + ], + "RELIGION_MEMBER": [ + "metodistinen", + "kreikkalaiskatolilainen", + "orangeman", + "helluntalainen", + "karmeliittamunkki", + "jihadisti", + "guru", + "baptistinen", + "benediktiininunna", + "sunnalainen", + "the_hindu", + "trappisti", + "donkkaaja", + "mulla", + "fransiskaanit", + "mandean", + "kartusiaaninen", + "wahhabi", + "moonilainen", + "ravistelija", + "parsee", + "j\u00e4nishousu", + "shaiviitti", + "sapattilainen", + "benediktiini", + "augustinolaismunkki", + "traktarianisti", + "sunnilainen", + "rooman_kirkko", + "kartusiaani", + "valkoinen_munkki", + "muhamettilainen", + "saraseeni", + "katolinen", + "mormoni", + "helluntailainen", + "parsit", + "mandea", + "sapatin", + "mormon", + "vanhakatolinen", + "shaker", + "fransiskaanimunkki", + "kartusiaanien", + "vaishnava", + "shaktisti", + "kastaja", + "karmeliitta", + "presbyteerinen", + "wesleyl\u00e4inen", + "mollah", + "munkkilik\u00f6\u00f6ri", + "sisterssil\u00e4inen", + "mullah", + "sunni", + "fransiskaani", + "ravistin", + "parsi", + "protestanttinen", + "augustinolainen", + "saarnaajaveli", + "wahabi", + "melkiitti", + "benediktiinil\u00e4inen", + "shiialainen", + "vastaanhangoittelija", + "muhammadin", + "benediktiinimunkki", + "mon", + "sunnaislam", + "kveekari", + "mandealainen", + "kongregationalisti", + "christian_scientist", + "sunnimuslimi", + "shivaisti", + "benediktiinilik\u00f6\u00f6ri" + ], + "SOC_ECO_CLASS": [ + "pikkuporvari", + "baronetit", + "sosieteetti", + "paronit", + "ritaris\u00e4\u00e4ty", + "labor", + "muutama", + "kastilaitos", + "oppineet", + "talonpojat", + "talonpoikaisto", + "vallassa_oleva_s\u00e4\u00e4ty", + "maalaisk\u00f6yh\u00e4list\u00f6", + "jalous", + "yhtenevyys", + "samurai", + "keskiluokka", + "p\u00e4\u00e4rit", + "kerma", + "lukeneisto", + "kulttuurifriikit", + "naissuku", + "silm\u00e4\u00e4tekev\u00e4t", + "proletariaatti", + "vallassa_olevat_henkil\u00f6t", + "tilanomistajisto", + "alaluokka", + "ritarius", + "maatalousv\u00e4est\u00f6", + "poroporvarit", + "valitut", + "ty\u00f6l\u00e4iset", + "henkil\u00f6st\u00f6nvuokraaja", + "paronikunta", + "ty\u00f6v\u00e4enluokka", + "alaluokan", + "pikkuporvaristo", + "vastavalittu", + "maa_aateli", + "jati", + "ty\u00f6voimareservi", + "j\u00e4rjest\u00e4ytynyt_ty\u00f6voima", + "jalosukuisuus", + "jokunen", + "yhteislaidun", + "siniverinen", + "maahanmuuttajaluokka", + "ty\u00f6v\u00e4enluokkainen", + "maa_aatelisto", + "ty\u00f6l\u00e4is" + ], + "PERSON_PRONOUN": [ + "h\u00e4nelle", + "h\u00e4neksi", + "minua", + "i", + "miinoittaa", + "he", + "h\u00e4nest\u00e4", + "meit\u00e4", + "sinun", + "meid\u00e4t", + "minun", + "meid\u00e4n_mme", + "h\u00e4nen", + "sinun_si", + "meid\u00e4n", + "teit\u00e4", + "omillaan", + "minun_ni", + "thy", + "me", + "sin\u00e4", + "teid\u00e4t", + "teid\u00e4n", + "h\u00e4neen", + "us" + ], + "BIO_CHEM_ENTITY": [ + "d_vitamiini", + "tuumorinekroositekij\u00e4", + "asetyylikoliinikloridi", + "ni_resisti", + "adefoviiridipivoksiili", + "rasvahapot", + "sitruuna\u00f6ljy", + "fulvohappo", + "metaaniklatraatti", + "deoksisytidiinimonofosfaatti", + "magnesiumkloridi", + "klooritrifluoridi", + "syaanihappo", + "sassafras\u00f6ljy", + "kaliumjodidi", + "veriagar", + "sinkkikloridi", + "\u00e4kkikuolema", + "yrtti\u00f6ljy", + "kaulmoogra\u00f6ljy", + "karbamoyylifosfaatti", + "vehn\u00e4nalkio", + "strontiumkloridi", + "kaliumalumiinisulfaatti", + "rasvahappo", + "alfafetoproteiini", + "polylaktidi", + "volframihappo", + "angiotensiinikonvertaasi", + "prostataspesifinen_antigeeni", + "dikromihappo", + "kalsiferoli", + "ni_resisti_ter\u00e4s", + "metafosforihappo", + "adenylaattideaminaasi", + "adenosiinidifosfaatti", + "molybdeenidisulfidi", + "ksantiinioksidaasi", + "piparminttu\u00f6ljy", + "ergokalsiferoli", + "c_reaktiivinen_proteiini", + "mineraali\u00f6ljy", + "salisyylihappo", + "silikonikumi", + "prostasykliinisyntaasi", + "lauryylialkoholi", + "guanosiinidifosfaatti", + "karvasmanteli\u00f6ljy", + "sitronella\u00f6ljy", + "karbonyylikloridi", + "molybdeenihappo", + "perboorihappo", + "viherminttu\u00f6ljy", + "old_fashioned", + "asetyylikloridi", + "maitohappo", + "bariumtitanaatti", + "mangaanihappo", + "itakonihappo", + "plasminogeeniaktivaattori", + "makeamanteli\u00f6ljy", + "k\u00e4\u00e4nteiskopioijaentsyymi", + "kroton\u00f6ljy", + "manteli\u00f6ljy", + "p\u00e4hkin\u00e4\u00f6ljy", + "hopeaoksidi", + "bentsalkoniumkloridi", + "poliorokote", + "fenyylietikkahappo", + "monoamiinioksidaasi", + "hermokasvutekij\u00e4", + "lyijysokeri", + "edward_thatch", + "kalmojuuri\u00f6ljy", + "beetaendorfiini", + "lauriinihappo", + "polyvinyylikloridi", + "sitruunauute", + "neroli\u00f6ljy", + "kostus\u00f6ljy", + "traneksaamihappo", + "kala\u00f6ljy" + ], + "RELIGION": [ + "roomalaiskatolisuus", + "suufilaisuus", + "lamalaisuus", + "salafismi", + "zen", + "shaktismi", + "shinto", + "shivalaisuus", + "hinajana", + "brahmalaisuus", + "lamaismi", + "rastafarismi", + "darsana", + "wiccalaisuus", + "vedanta", + "presbyterismi", + "presbyteeril\u00e4isyys", + "puseyismi", + "vishnulaisuus", + "parsilaisuus", + "manikealaisuus", + "donatolaisuus", + "islam", + "kataarit", + "ismailiittiliike", + "mahdismi", + "brahmanismi", + "vedalaisuus", + "kongregationalismi", + "traktarianismi", + "shingon", + "taolaisuus", + "chabad", + "christian_science", + "hsuan_chiao", + "bahaism", + "reformijuutalaisuus", + "donatismi", + "presbyteriaaninen_kirkko", + "trinitaarisuus", + "manilaisuus", + "wahabismi", + "mennonilaisuus", + "kristillinen_tiede", + "wicca", + "mimamsa" + ], + "GENDER": [ + "kimma", + "tukikaapeli", + "guy", + "kiltsi", + "naisia", + "miespaha", + "pekka", + "mieshenkil\u00f6", + "male", + "ahavoitua", + "senorita", + "pikkupoika", + "sierettym\u00e4", + "harmaaparta", + "lassie", + "hemmo", + "nais", + "daami", + "naisvanginvartija", + "transgender", + "matroona", + "muunsukupuolinen", + "man", + "gal", + "maiden", + "pikkutytt\u00f6", + "lady", + "nahkasuojukset" + ], + "FAC": [ + "toimistorakennus", + "haulinvalutorni", + "vedonly\u00f6ntitoimisto", + "sublime_porte", + "valvontakeskus", + "ottomaanien_imperiumi", + "hiilivaja", + "urheiluhalli", + "postikonttori", + "katolinen_kirkko", + "kunnantalo", + "valitusmuuri", + "fernand_leger", + "riippusilta", + "the_last_supper", + "kivisein\u00e4", + "papeda", + "rantatalo", + "k\u00e4\u00e4nt\u00f6silta", + "kuivatelakka", + "taikavuori", + "maakellari", + "alakoulu", + "kansanrintama", + "arnold_sch\u00f6nberg", + "taideoppilaitos", + "plaza", + "l\u00e4\u00e4ketieteellinen_tiedekunta", + "saint_joseph", + "komentopaikka", + "kakkosasunto", + "postileikki", + "toimistotalo", + "bussiterminaali", + "askelittain", + "hyv\u00e4ntoivonniemi", + "sch\u00f6nberg", + "juomalaite", + "t_lymfosyytti", + "ydinvoimala", + "postitoimisto", + "t\u00e4yshoitola", + "l\u00e4nsimuuri", + "max_muller", + "bussiasema", + "kolmekymment\u00e4kolme", + "ostari", + "t_solu", + "t_imusolu", + "j\u00e4\u00e4silta", + "kauppakeskus", + "lepokoti", + "ministeri\u00f6rakennus", + "luistelukaukalo", + "rautaristi", + "hiljalleen", + "koulutuslaitos", + "hallintorakennus", + "junapys\u00e4kki", + "saint_lucia", + "ty\u00f6v\u00e4entalo", + "p\u00e4ivyst\u00e4\u00e4", + "pietari_i", + "pikaraitiotie", + "tulliasema", + "yliopistokaupunki", + "p\u00e4\u00e4tteet\u00f6n", + "pietari_suuri", + "paperitehdas", + "presidentinlinna", + "n\u00e4ytt\u00e4m\u00f6oikea", + "sotilassairaala", + "naurutalo", + "nalle_puh", + "l\u00e4\u00e4ketieteellinen_yliopisto", + "sotilasvankila", + "v\u00e4h\u00e4", + "vuorovesimylly", + "kes\u00e4huvila", + "kauppapaikka", + "oppilaitos", + "laivastoasema", + "karttahuone", + "titus_livius", + "konserttitalo", + "pyh\u00e4_joosef", + "kuritushuone", + "muonituskeskus", + "ostosparatiisi", + "v\u00e4hitt\u00e4ismyym\u00e4l\u00e4", + "syyskuun_11_p\u00e4iv\u00e4", + "tuulitunneli", + "luonnonmuistomerkki", + "taideaineet", + "virastorakennus", + "t\u00e4n\u00e4_y\u00f6n\u00e4", + "espanjan_kansanrintama", + "kuivamuuri", + "kiviaita" + ], + "POLITICAL_PARTY": [ + "konservatiivipuolue", + "brittil\u00e4inen_ty\u00f6v\u00e4enpuolue", + "states_rights_democratic_party", + "populistipuolue", + "yhdysvaltain_demokraattis_republikaaninen_puolue", + "constitutional_union_party", + "gironde", + "free_soil_party", + "democratic_republican_party", + "aherrus", + "konservatiivinen_puolue", + "liberaalipuolue", + "amerikan_ty\u00f6v\u00e4enpuolue", + "vastaisuus", + "vastapeluri", + "vihre\u00e4_puolue", + "liberaalidemokraatit", + "labor", + "kuomintang", + "demokraattinen_puolue", + "know_nothing_party", + "greenback_party", + "liberty_party", + "agraaripuolue", + "natsipuolue", + "kieltolakipuolue", + "federatiivinen_puolue", + "amerikan_federalistinen_puolue", + "federalistinen_puolue", + "kansallispuolue", + "partido_socialista", + "dixiecrats", + "people's_party", + "edistyspuolue", + "anti_masonic_party", + "american_party", + "yhdysvaltain_republikaaninen_puolue", + "puutarhakutsut", + "mustat_pantterit", + "kansanpuolue", + "farmer_labor_party", + "american_labor_party", + "puutarhajuhla", + "bull_moose_party", + "australian_labor_party", + "guomindang", + "etel\u00e4_afrikan_konservatiivinen_puolue", + "pihajuhla", + "whig_puolue" + ], + "UNION": [ + "itu", + "opiskelijatalo", + "industrial_workers_of_the_world", + "ylioppilaskunta", + "united_mine_workers", + "teollisuusliitto", + "kansainv\u00e4linen_televiestint\u00e4liitto", + "ammattiyhdistys", + "iww", + "united_mine_workers_of_america", + "yhti\u00f6n_alainen_ammattiyhdistys", + "i.w.w" + ], + "PERSON": [ + "prince_albert", + "julius_caesar", + "ha_ha", + "al_gore", + "h_g_wells", + "yhteisvoitto", + "albert_francis_charles_augustus_emmanuel", + "saint_vincent", + "pyh\u00e4_paavali", + "st_vincent", + "e_o_wilson", + "parakautsupuu", + "oliivinharmaa", + "don_delillo", + "penisl\u00e4vistys", + "margaret_munnerlyn_mitchell", + "e_e_cummings", + "ei_eik\u00e4", + "nyyh", + "edward_osborne_wilson", + "roger_eliot_fry", + "walther_richard_rudolf_hess", + "c_vitamiini", + "willard_frank_libby", + "apostoli_paavali", + "igor_sikorsky", + "la_la", + "musta_kilpikonna", + "edward_franklin_albeen", + "carl_david_anderson", + "gaius_julius_caesar", + "wieland", + "miekankantaja", + "maxwell_anderson", + "rudolf_hess", + "siit\u00e4_saakka", + "uppopaistettu", + "kes\u00e4p\u00e4iv\u00e4nhattu", + "herbert_george_wells", + "cha_cha", + "t_luupihvi" + ], + "POLITICAL_PARTY_MEMBER": [ + "punikki", + "menshevikki", + "kommunisti", + "kommunistinen", + "fabianisti", + "marxisti", + "fabianistinen", + "federalisti", + "fabianismin" + ], + "TITLE": [ + "sir", + "ms" + ], + "MEDICAL_THERAPY": [ + "aivopaine", + "virtuaalitodellisuus", + "verenpaine" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "kristiina", + "iiris", + "teija", + "iida", + "hannele", + "sara", + "marketta", + "oona", + "maaria", + "lotta", + "aleksandra", + "aino", + "jenna", + "saara", + "p\u00e4ivi", + "carita", + "marita", + "marika", + "virpi", + "lea", + "alexandra", + "sanna", + "lilja", + "anneli", + "olivia", + "kirsi", + "kristina", + "ritva", + "katriina", + "mervi", + "leila", + "margit", + "pia", + "merja", + "maria", + "kaarina", + "vilma", + "jenni", + "katariina", + "kaija", + "maija", + "jasmin", + "helmi", + "anniina", + "anna", + "helena", + "elisa", + "eila", + "sari", + "eija", + "nea", + "miia", + "anne", + "kati", + "karoliina", + "pirkko", + "milla", + "marjo", + "alina", + "aurora", + "maire", + "laura", + "piia", + "susanna", + "linnea", + "anita", + "hilkka", + "emmi", + "aune", + "esteri", + "sisko", + "pauliina", + "arja", + "elli", + "heidi", + "terttu", + "katja", + "hanna", + "jaana", + "annikki", + "sirpa", + "raija", + "irmeli", + "krista", + "vuokko", + "petra", + "marjaana", + "mira", + "liisa", + "niina", + "tuulikki", + "linda", + "terhi", + "tuula", + "taina", + "ilona", + "ella", + "annika", + "tuija", + "marjatta", + "pirjo", + "irja", + "helin\u00e4", + "kaisa", + "ida", + "martta", + "alisa", + "tiina", + "kirsti", + "nina", + "elsa", + "airi", + "julia", + "sonja", + "johanna", + "elisabeth", + "marja", + "marjut", + "helvi", + "elisabet", + "tanja", + "matilda", + "erika", + "anna_liisa", + "eliisa", + "eveliina", + "aila", + "aili", + "veera", + "margareta", + "elina", + "essi", + "p\u00e4ivikki", + "amanda", + "mirjami", + "kerttu", + "maarit", + "eeva", + "irene", + "kyllikki", + "mirjam", + "maritta", + "anni", + "minna", + "outi", + "ellen", + "emma", + "anu", + "annukka", + "marianne", + "irma", + "siiri", + "heli", + "riikka", + "sirkka", + "aada", + "mari", + "tuulia", + "henna", + "riitta", + "anja", + "taru", + "sini", + "birgitta", + "jonna", + "viivi", + "tiia", + "inkeri", + "venla", + "marjukka", + "juulia", + "hillevi", + "tellervo", + "aulikki", + "marja_liisa", + "satu", + "emilia", + "seija", + "tarja", + "roosa", + "paula", + "josefiina", + "sanni", + "sinikka", + "christina", + "hellevi", + "mirja", + "ulla", + "mia", + "sofia", + "suvi", + "katri", + "tuuli", + "orvokki", + "raili", + "vilhelmiina", + "noora", + "marja_leena", + "leena" + ], + "FIRST_NAME_MALE": [ + "reijo", + "valdemar", + "anssi", + "ahti", + "tuomas", + "roope", + "kauko", + "tapani", + "paavo", + "ensio", + "joonatan", + "antero", + "kari", + "pertti", + "benjamin", + "jani", + "janne", + "aarne", + "eetu", + "rasmus", + "edvard", + "peter", + "verneri", + "miika", + "pekka", + "elmeri", + "teuvo", + "heikki", + "ilari", + "anders", + "niko", + "seppo", + "daniel", + "jere", + "atte", + "toivo", + "arttu", + "riku", + "johannes", + "juuso", + "petteri", + "asko", + "aukusti", + "aaro", + "alexander", + "niklas", + "tapio", + "vesa", + "kimmo", + "toni", + "taisto", + "martti", + "jalmari", + "joonas", + "viljami", + "tommi", + "jussi", + "v\u00e4in\u00f6", + "kristian", + "raimo", + "santeri", + "eemeli", + "erkki", + "ossi", + "patrik", + "aatos", + "akseli", + "vilho", + "jesse", + "henry", + "mikael", + "oliver", + "jorma", + "kalevi", + "ville", + "kim", + "tomi", + "viljo", + "ismo", + "joona", + "joni", + "tuomo", + "emil", + "osmo", + "uolevi", + "juhani", + "ilmari", + "aleksanteri", + "elias", + "teemu", + "anton", + "einari", + "julius", + "arto", + "yrj\u00f6", + "eero", + "arvo", + "niilo", + "kustaa", + "joel", + "sakari", + "henri", + "reino", + "veikko", + "allan", + "jouni", + "jan", + "vilhelm", + "christian", + "rauno", + "leo", + "aulis", + "mauno", + "keijo", + "veeti", + "armas", + "aapo", + "valtteri", + "markus", + "kaarlo", + "otto", + "johan", + "kasper", + "lauri", + "tero", + "markku", + "matias", + "oskar", + "marko", + "lassi", + "oiva", + "pentti", + "henrik", + "sami", + "mikko", + "lasse", + "kullervo", + "aleksi", + "antti", + "onni", + "topias", + "jarkko", + "ari", + "risto", + "iisakki", + "pasi", + "sebastian", + "eerik", + "hermanni", + "samuel", + "kalle", + "olli", + "kalervo", + "esa", + "jukka", + "artturi", + "jaakko", + "simo", + "tuukka", + "taneli", + "jarmo", + "mauri", + "miro", + "eemil", + "samuli", + "veli", + "aki", + "robert", + "aaron", + "eelis", + "eino", + "erik", + "matti", + "harri", + "rainer", + "jyrki", + "aimo", + "kai", + "pauli", + "juho", + "juha", + "karl", + "olavi", + "oskari", + "tauno", + "jouko", + "samu", + "jarno", + "petri", + "jari", + "timo", + "hannu", + "henrikki", + "mika", + "esko", + "leevi", + "veijo", + "juhana", + "ilkka" + ], + "FIRST_NAME": [ + "valdemar", + "iida", + "kauko", + "paavo", + "oona", + "antero", + "benjamin", + "virpi", + "edvard", + "peter", + "heikki", + "anders", + "leila", + "niko", + "maria", + "arttu", + "aukusti", + "vesa", + "taisto", + "viljami", + "tommi", + "raimo", + "erkki", + "helena", + "eila", + "nea", + "anne", + "karoliina", + "henry", + "jorma", + "aurora", + "ville", + "viljo", + "uolevi", + "aune", + "sisko", + "terttu", + "yrj\u00f6", + "raija", + "irmeli", + "petra", + "marjaana", + "mira", + "liisa", + "terhi", + "taina", + "jan", + "annika", + "rauno", + "mauno", + "aulis", + "kaisa", + "kirsti", + "nina", + "lauri", + "julia", + "sonja", + "matias", + "marjut", + "elisabet", + "tanja", + "erika", + "anna_liisa", + "sami", + "aleksi", + "ari", + "maritta", + "outi", + "anni", + "ellen", + "anu", + "artturi", + "annukka", + "irma", + "tuukka", + "heli", + "mauri", + "samuli", + "mari", + "taru", + "jonna", + "inkeri", + "juulia", + "eelis", + "matti", + "aulikki", + "marja_liisa", + "seija", + "paula", + "kai", + "mirja", + "mia", + "tauno", + "suvi", + "orvokki", + "samu", + "mika", + "reijo", + "iiris", + "kristiina", + "teija", + "tuomas", + "roope", + "aleksandra", + "aino", + "jenna", + "saara", + "carita", + "lea", + "rasmus", + "verneri", + "alexandra", + "sanna", + "ritva", + "seppo", + "katriina", + "daniel", + "jere", + "toivo", + "jenni", + "katariina", + "aaro", + "toni", + "kimmo", + "helmi", + "joonas", + "v\u00e4in\u00f6", + "elisa", + "eija", + "miia", + "patrik", + "aatos", + "milla", + "jesse", + "mikael", + "oliver", + "maire", + "laura", + "piia", + "tuomo", + "osmo", + "teemu", + "katja", + "julius", + "sirpa", + "vuokko", + "kustaa", + "niina", + "tuulikki", + "sakari", + "henri", + "tuula", + "ilona", + "ella", + "jouni", + "christian", + "helin\u00e4", + "martta", + "otto", + "johan", + "kasper", + "elisabeth", + "lassi", + "matilda", + "aila", + "aili", + "topias", + "essi", + "p\u00e4ivikki", + "jarkko", + "maarit", + "pasi", + "mirjam", + "sebastian", + "minna", + "kalle", + "jukka", + "marianne", + "simo", + "taneli", + "jarmo", + "miro", + "eemil", + "tuulia", + "riitta", + "anja", + "viivi", + "sanni", + "christina", + "olavi", + "ulla", + "sofia", + "jarno", + "petri", + "leevi", + "noora", + "juhana", + "karl", + "anssi", + "ahti", + "hannele", + "sara", + "maaria", + "kari", + "pertti", + "p\u00e4ivi", + "janne", + "aarne", + "eetu", + "miika", + "pekka", + "lilja", + "anneli", + "elmeri", + "olivia", + "teuvo", + "kirsi", + "merja", + "vilma", + "johannes", + "alexander", + "jasmin", + "jalmari", + "jussi", + "eemeli", + "ossi", + "anna", + "kati", + "pirkko", + "marjo", + "tomi", + "emil", + "ilmari", + "esteri", + "aleksanteri", + "pauliina", + "arja", + "hanna", + "arto", + "jaana", + "eero", + "annikki", + "joel", + "linda", + "reino", + "tuija", + "irja", + "leo", + "keijo", + "veeti", + "armas", + "tiina", + "aapo", + "valtteri", + "elsa", + "airi", + "tero", + "johanna", + "oskar", + "marko", + "helvi", + "eliisa", + "eveliina", + "mikko", + "kullervo", + "veera", + "onni", + "elina", + "mirjami", + "risto", + "kerttu", + "iisakki", + "eeva", + "irene", + "kyllikki", + "eerik", + "olli", + "emma", + "veli", + "tiia", + "venla", + "aaron", + "erik", + "hillevi", + "rainer", + "jyrki", + "satu", + "emilia", + "aimo", + "pauli", + "josefiina", + "sinikka", + "juha", + "katri", + "tuuli", + "jari", + "vilhelmiina", + "henrikki", + "esko", + "tapani", + "ensio", + "joonatan", + "marketta", + "lotta", + "jani", + "marita", + "marika", + "ilari", + "kristina", + "mervi", + "margit", + "pia", + "atte", + "riku", + "kaarina", + "veijo", + "juuso", + "petteri", + "asko", + "niklas", + "tapio", + "kaija", + "maija", + "martti", + "anniina", + "kristian", + "santeri", + "sari", + "akseli", + "vilho", + "alina", + "kalevi", + "kim", + "susanna", + "linnea", + "anita", + "hilkka", + "ismo", + "joona", + "joni", + "emmi", + "juhani", + "elias", + "elli", + "heidi", + "anton", + "einari", + "arvo", + "niilo", + "krista", + "veikko", + "allan", + "marjatta", + "vilhelm", + "pirjo", + "ida", + "alisa", + "markus", + "kaarlo", + "markku", + "marja", + "oiva", + "henrik", + "pentti", + "lasse", + "antti", + "margareta", + "amanda", + "hermanni", + "samuel", + "kalervo", + "esa", + "siiri", + "jaakko", + "riikka", + "sirkka", + "aada", + "henna", + "sini", + "birgitta", + "aki", + "robert", + "marjukka", + "eino", + "harri", + "tellervo", + "roosa", + "juho", + "hellevi", + "oskari", + "jouko", + "raili", + "timo", + "hannu", + "tarja", + "marja_leena", + "leena", + "ilkka" + ], + "LAST_NAME": [ + "helin", + "rantala", + "jaakkola", + "kuusisto", + "suomalainen", + "kein\u00e4nen", + "t\u00e4htinen", + "rautio", + "hietanen", + "kangas", + "hokkanen", + "juntunen", + "huttunen", + "nuutinen", + "ahonen", + "v\u00e4is\u00e4nen", + "turpeinen", + "taipale", + "puustinen", + "lindfors", + "hartikainen", + "lindstr\u00f6m", + "eskola", + "lappalainen", + "nevala", + "sj\u00f6blom", + "virta", + "salmela", + "rauhala", + "harju", + "sallinen", + "riikonen", + "j\u00e4rvi", + "muhonen", + "halonen", + "kolehmainen", + "pesonen", + "marttinen", + "puranen", + "viitala", + "auvinen", + "lipponen", + "aaltonen", + "laiho", + "pulkkinen", + "lassila", + "helenius", + "holm", + "j\u00e4rvinen", + "gustafsson", + "tirkkonen", + "kanerva", + "j\u00e4ntti", + "liimatainen", + "miettinen", + "lampinen", + "hautala", + "jalonen", + "lehikoinen", + "k\u00e4rki", + "kujala", + "reinikainen", + "ylitalo", + "m\u00e4ntyl\u00e4", + "heinonen", + "peltonen", + "vuorinen", + "k\u00e4m\u00e4r\u00e4inen", + "yl\u00f6nen", + "kivim\u00e4ki", + "paavilainen", + "autio", + "sutinen", + "p\u00e4\u00e4kk\u00f6nen", + "eklund", + "kivel\u00e4", + "koskinen", + "parviainen", + "hiltunen", + "huotari", + "rytk\u00f6nen", + "kainulainen", + "nurminen", + "v\u00e4yrynen", + "j\u00e4rvel\u00e4", + "niemi", + "holmberg", + "riihim\u00e4ki", + "soini", + "pelkonen", + "parkkinen", + "karjalainen", + "koivula", + "karhunen", + "koivisto", + "puhakka", + "simonen", + "saari", + "tiihonen", + "peltola", + "ven\u00e4l\u00e4inen", + "valkama", + "sepp\u00e4nen", + "m\u00e4enp\u00e4\u00e4", + "turunen", + "ketola", + "ollikainen", + "haverinen", + "tuomi", + "takala", + "saarela", + "nissinen", + "tikka", + "moilanen", + "ruotsalainen", + "lahtinen", + "moisio", + "alanen", + "h\u00e4m\u00e4l\u00e4inen", + "palom\u00e4ki", + "immonen", + "pajunen", + "heikkil\u00e4", + "ruuskanen", + "markkanen", + "laakkonen", + "sainio", + "kettunen", + "honkanen", + "heino", + "holopainen", + "ojanen", + "lehtola", + "korhonen", + "pasanen", + "anttila", + "pitk\u00e4nen", + "pekkala", + "backman", + "paananen", + "kuusela", + "jansson", + "valtonen", + "vuori", + "matilainen", + "r\u00e4s\u00e4nen", + "komulainen", + "kallio", + "lehto", + "pietil\u00e4", + "aho", + "ahokas", + "r\u00e4is\u00e4nen", + "keskitalo", + "salomaa", + "eronen", + "korpela", + "sirvi\u00f6", + "jokinen", + "laukkanen", + "kulmala", + "kaikkonen", + "soininen", + "syrj\u00e4l\u00e4", + "tarvainen", + "viljanen", + "v\u00e4lim\u00e4ki", + "lindqvist", + "haapaniemi", + "laine", + "lammi", + "tanskanen", + "saastamoinen", + "kyll\u00f6nen", + "m\u00e4ki", + "tiainen", + "tolvanen", + "lindholm", + "luukkonen", + "toivanen", + "kauppinen", + "heiskanen", + "rossi", + "nieminen", + "uusitalo", + "rintala", + "lindberg", + "rinne", + "laakso", + "keskinen", + "toivonen", + "jauhiainen", + "kuosmanen", + "niemel\u00e4", + "kosonen", + "eskelinen", + "kiuru", + "salmi", + "kurki", + "huovinen", + "oksanen", + "hyv\u00f6nen", + "kantola", + "huuskonen", + "l\u00e4hteenm\u00e4ki", + "berg", + "hirvonen", + "salminen", + "malinen", + "kari", + "kumpulainen", + "mikkonen", + "hautam\u00e4ki", + "nurmi", + "viitanen", + "partanen", + "lilja", + "sihvonen", + "nyk\u00e4nen", + "halme", + "pekkarinen", + "kilpel\u00e4inen", + "per\u00e4l\u00e4", + "hietala", + "mikkola", + "juvonen", + "laaksonen", + "tuovinen", + "uotila", + "voutilainen", + "haapala", + "karvonen", + "vuorela", + "m\u00e4nnist\u00f6", + "kukkonen", + "salonen", + "kankaanp\u00e4\u00e4", + "r\u00e4ty", + "alanko", + "leinonen", + "laurila", + "oinonen", + "hakkarainen", + "koponen", + "kauppila", + "sepp\u00e4", + "manninen", + "elo", + "kivinen", + "makkonen", + "pehkonen", + "rajala", + "koski", + "salo", + "forsman", + "blomqvist", + "karttunen", + "taskinen", + "h\u00e4nninen", + "nyman", + "vesterinen", + "koskela", + "jaatinen", + "h\u00e4rk\u00f6nen", + "j\u00e4rvenp\u00e4\u00e4", + "j\u00e4\u00e4skel\u00e4inen", + "valkonen", + "aro", + "mattila", + "oikarinen", + "latvala", + "m\u00e4\u00e4tt\u00e4", + "meril\u00e4inen", + "peltoniemi", + "varis", + "marttila", + "k\u00e4rkk\u00e4inen", + "linna", + "rantanen", + "lindroos", + "hyttinen", + "timonen", + "hannula", + "sir\u00e9n", + "niiranen", + "leskinen", + "ronkainen", + "mononen", + "r\u00f6nkk\u00f6", + "martikainen", + "piirainen", + "p\u00f6ll\u00e4nen", + "johansson", + "ranta", + "m\u00e4kinen", + "kemppainen", + "v\u00e4\u00e4n\u00e4nen", + "suhonen", + "m\u00e4kel\u00e4", + "holmstr\u00f6m", + "kivist\u00f6", + "hyv\u00e4rinen", + "nousiainen", + "lehtim\u00e4ki", + "sepp\u00e4l\u00e4", + "helminen", + "lehtonen", + "nikula", + "pennanen", + "myllym\u00e4ki", + "kuronen", + "paavola", + "kokkonen", + "ihalainen", + "anttonen", + "heikkinen", + "lindgren", + "tikkanen", + "tuominen", + "pakarinen", + "andersson", + "airaksinen", + "nylund", + "ollila", + "sipil\u00e4", + "lehtinen", + "vartiainen", + "kokko", + "penttinen", + "pirinen", + "pohjola", + "matikainen", + "holappa", + "lahti", + "haataja", + "huhtala", + "ikonen", + "lankinen", + "silvennoinen", + "tolonen", + "ojala", + "asikainen", + "laitinen", + "koivunen", + "ker\u00e4nen", + "eriksson", + "jokela", + "korpi", + "nyberg", + "konttinen", + "nevalainen", + "haapanen", + "simola", + "rissanen", + "karlsson", + "saarinen", + "penttil\u00e4", + "leino", + "repo", + "raatikainen", + "k\u00e4hk\u00f6nen", + "mustonen", + "rautiainen", + "antikainen", + "ahola", + "tamminen", + "h\u00e4kkinen", + "eloranta", + "kuisma", + "karhu", + "kovanen", + "ryyn\u00e4nen", + "sillanp\u00e4\u00e4", + "savolainen", + "liukkonen", + "virtanen", + "erkkil\u00e4", + "kinnunen", + "kiviniemi", + "haavisto", + "alatalo", + "kortelainen", + "koistinen", + "karppinen", + "henriksson", + "suominen", + "ylinen", + "hakala", + "niskanen", + "lepp\u00e4nen", + "tervo", + "jussila", + "karvinen", + "mattsson", + "vainio", + "gr\u00f6nroos", + "lepist\u00f6", + "aalto", + "luoma", + "hyt\u00f6nen" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "prioritar": "abb", + "abbedissa": "johtomies", + "n\u00e4yttelij\u00e4t\u00e4r": "toiminnan_mies", + "t\u00e4ti": "enopuoli", + "vapaaherratar": "vapaaherra", + "paronitar": "paroni", + "morsian": "sulhanen", + "bride": "sulho", + "liikenainen": "bisnesmies", + "bisnesnainen": "liikemies", + "linnunpoika": "j\u00e4b\u00e4", + "untuvikko": "hemmo", + "kananpoika": "dude", + "poussin": "dude", + "linnunpoikanen": "j\u00e4pik\u00e4s", + "poulette": "heebo", + "lehmitytt\u00f6": "karjanhoitaja", + "herttuatar": "herttua", + "keisarinna": "pikkuriikinkukkokehr\u00e4\u00e4j\u00e4", + "maharani": "saturnia_pavonia", + "\u0161aahitar": "keisari", + "nainen": "miehitt\u00e4\u00e4", + "naaras": "mieshenkil\u00f6", + "naispuolinen": "miespuolinen", + "nais": "male", + "gal": "tukea_k\u00f6ydell\u00e4", + "likka": "guy", + "nuori_nainen": "tukea_vaijerilla", + "modi": "guy", + "lassie": "poju", + "kotiopettajatar": "maaherra", + "pojantyt\u00e4r": "tytt\u00e4renpoika", + "tytt\u00e4rentyt\u00e4r": "lapsenlapsi", + "iso\u00e4iti": "ukki", + "h\u00e4nen": "heid\u00e4n", + "p\u00e4\u00e4henkil\u00f6": "heeros", + "sankaritar": "sankari", + "uuma": "heid\u00e4n", + "em\u00e4nt\u00e4": "efendi", + "lady": "efendi", + "vuokraem\u00e4nt\u00e4": "vuokrais\u00e4nt\u00e4", + "vuokranantaja": "vuokrais\u00e4nt\u00e4", + "piika": "miespalvelija", + "palvelijatar": "miespalvelija", + "markiisitar": "marquis", + "hierojatar": "hieroja", + "hieroja": "miespuolinen_hieroja", + "naispuolinen_hieroja": "hieroja", + "missata": "sir", + "my\u00f6h\u00e4sty\u00e4": "sir", + "olla_p\u00e4\u00e4sem\u00e4tt\u00e4": "sir", + "menn\u00e4_ohi": "sir", + "olla_vailla": "sir", + "j\u00e4\u00e4d\u00e4_vaille": "sir", + "miss_a": "sir", + "ampua_ohi": "sir", + "olla_ymm\u00e4rt\u00e4m\u00e4tt\u00e4": "sir", + "olla_kadoksissa": "sir", + "valtiatar": "p\u00e4\u00e4st\u00e4_jyv\u00e4lle_jstak", + "hoivata": "ayr", + "hiiva": "pid", + "olla_\u00e4itin\u00e4": "ayr", + "mam": "johtomies", + "ylisuojella": "siitt\u00e4j\u00e4", + "matrix": "siitt\u00e4j\u00e4", + "naispuolinen_vanhempi": "pid", + "bh": "hra", + "rva": "hra", + "ms": "tn", + "sisarentyt\u00e4r": "veljenpoika", + "veljentyt\u00e4r": "veljenpoika", + "nunna": "monk", + "nun": "monk", + "naispoliisi": "konstaapeli", + "papitar": "flamen", + "pr\u00edncipe": "prince", + "prinsessa": "ruhtinas", + "princessa": "prince", + "kaljurotta": "kuningas", + "naishallitsija": "king", + "tulla_kuningattareksi": "kingi", + "sultana": "king", + "tehd\u00e4_sotilaasta_kuningatar": "king", + "buumi": "indra", + "akkapari": "kunkkupari", + "queens": "kuninkaiden_kirja", + "systir": "veriveli", + "sour": "veli", + "sisko": "veli", + "sisar": "taina", + "velhotar": "taikuri", + "vanhapiika": "poikamies", + "puolestapuhuja": "\u00e4\u00e4nitorvi", + "tyt\u00e4rpuoli": "poikapuoli", + "\u00e4itipuoli": "is\u00e4puoli", + "lentoemo": "taloudenhoitaja", + "lentoem\u00e4nt\u00e4": "stuertti", + "tarjoilijatar": "odottaja", + "naispuolinen_tarjoilija": "odottaja", + "j\u00e4tt\u00e4\u00e4_leskeksi": "leskimies", + "vidua": "leski", + "leskinainen": "leskimies", + "vaimo": "siippa", + "naimisissa_oleva_nainen": "aviomies", + "aviovaimo": "siippa", + "aikuinen_nainen": "miehitt\u00e4\u00e4", + "nisu": "man", + "virino": "miehitt\u00e4\u00e4", + "fema": "man", + "stara": "man", + "valkoinen_nainen": "valkoinen_mies", + "valkoinen_mies": "valkoinen_nainen", + "valkoihoinen": "valkoinen_nainen" + }, + "other_gender_swap": { + "heit\u00e4": "h\u00e4nen", + "heid\u00e4t": "h\u00e4nen", + "heilt\u00e4": "h\u00e4nen", + "heill\u00e4": "h\u00e4nen", + "y\u00f6n_pedot": "h\u00e4nen", + "heille": "h\u00e4nen", + "uk": "h\u00e4nen", + "heid\u00e4n": "uuma", + "niiden": "h\u00e4nen", + "luri": "h\u00e4nen", + "essi": "h\u00e4n", + "ii": "h\u00e4n", + "epi": "h\u00e4n", + "h\u00e4n": "epi", + "he": "ii", + "elli": "essi", + "h\u00e4nelle": "heilt\u00e4", + "h\u00e4nest\u00e4": "heill\u00e4", + "h\u00e4neksi": "heill\u00e4", + "isti": "heill\u00e4", + "h\u00e4neen": "heill\u00e4", + "sini": "heid\u00e4n", + "seine": "heid\u00e4n", + "uuma": "heid\u00e4n", + "siis": "heid\u00e4n", + "h\u00e4nen": "heid\u00e4n" + }, + "en_pronoun2gender": { + "they": [ + "homoseksuaali", + "homoseksuaalinen", + "biseksuaalinen", + "homofiili", + "transgender", + "muunsukupuolinen", + "biseksuaali" + ], + "he": [ + "mieshenkil\u00f6", + "telttanaru", + "miespaha", + "hemmo", + "ahavoitua", + "guy", + "herrasmies", + "j\u00e4pik\u00e4s", + "tukik\u00f6ysi", + "pelinappula", + "koiras", + "sierettym\u00e4", + "nahkasuojukset", + "tukikaapeli", + "heebo", + "pikkupoika", + "j\u00e4b\u00e4", + "aikuinen_mies", + "tukea_vaijerilla", + "jalu", + "kolli", + "uros", + "man", + "poju", + "little_boy", + "dude", + "halkeilla", + "male", + "mansaari", + "tukea_k\u00f6ydell\u00e4", + "miehitt\u00e4\u00e4", + "miespuolinen" + ], + "she": [ + "virino", + "maiden", + "pieni_tytt\u00f6", + "nuori_nainen", + "ampua_ohi", + "tytt\u00f6nen", + "missata", + "petite", + "olla_vailla", + "daami", + "nais", + "poussin", + "yl\u00e4luokkainen_nainen", + "nainen", + "aikuinen_nainen", + "lassie", + "olla_kadoksissa", + "piika", + "nisu", + "stara", + "hieno_nainen", + "typykk\u00e4", + "sis\u00e4kk\u00f6", + "kiltsi", + "kauniimpi_sukupuoli", + "senorita", + "gal", + "em\u00e4nt\u00e4", + "my\u00f6h\u00e4sty\u00e4", + "homoseksuaalinen_nainen", + "kimma", + "neito", + "lady", + "olla_ymm\u00e4rt\u00e4m\u00e4tt\u00e4", + "neitonen", + "menn\u00e4_ohi", + "tytt\u00f6lapsi", + "naispuolinen", + "j\u00e4\u00e4d\u00e4_vaille", + "naaras", + "pikkutytt\u00f6", + "likka", + "kotiapulainen", + "miss_a", + "palvelijatar", + "lesboslainen", + "olla_p\u00e4\u00e4sem\u00e4tt\u00e4", + "modi", + "fema", + "lesbolainen" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "h\u00e4neksi", + "siis", + "h\u00e4nelle", + "he", + "uuma", + "sini", + "isti", + "seine", + "h\u00e4nest\u00e4", + "elli", + "h\u00e4neen", + "h\u00e4nen", + "itsens\u00e4", + "h\u00e4n" + ], + "she": [ + "uuma", + "h\u00e4nen", + "itsens\u00e4", + "h\u00e4n" + ], + "they": [ + "essi", + "heill\u00e4", + "heid\u00e4t", + "niiden", + "heille", + "y\u00f6n_pedot", + "heit\u00e4", + "ii", + "heid\u00e4n", + "heilt\u00e4", + "luri", + "uk", + "epi" + ], + "it": [ + "bt", + "ties", + "uuma", + "ett\u00e4", + "ky", + "t\u00e4m\u00e4", + "niit\u00e4", + "it", + "esso", + "n\u00e4m\u00e4", + "ovi", + "itsens\u00e4" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fil.json b/data_tooling/pii_processing/ontology/data/fil.json new file mode 100644 index 0000000..32621b9 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fil.json @@ -0,0 +1,1072 @@ +{ + "QUANTITY": [ + "dalawampo", + "di_angkop_na_hatimbilang", + "limandaan", + "pariugat", + "beintyuno", + "dolyar", + "g", + "buyak", + "pangita", + "pound", + "beintikuwatro", + "esterlina", + "pangunahing_bilang", + "taluugat", + "beintitres" + ], + "PUBLIC_FIGURE": [ + "henry_cavendish", + "hru\u0161\u010d\u00ebv", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "noah_webster", + "heinrich_hertz", + "giovanni_boccaccio", + "che_guevara", + "c", + "maria_callas", + "henrik_ibsen", + "mary_shelley", + "marcello_malpighi", + "david_livingstone", + "andrzej_wajda", + "jan_van_eyck", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "maria_magdalena", + "anna_pavlova", + "winston_churchill", + "johannes_diderik_van_der_waals", + "josephus", + "paul_mccartney", + "francis_crick", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "edward_gibbon", + "george_burns", + "george_harrison", + "george_orwell", + "richard_wagner", + "pancho_villa", + "marie_curie", + "michael_jackson", + "thomas_hobbes", + "maximian", + "david", + "galileo_galilei", + "jane_goodall", + "chaim_weizmann", + "robert_koch", + "joseph_goebbels", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "anne_boleyn", + "thomas_paine", + "liliuokalani", + "emiliano_zapata", + "yuri_gagarin", + "marie_antoinette", + "giuseppe_verdi", + "tagalabos", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "theodosius_i", + "hugo_grotius", + "j_b_s_haldane", + "saladin", + "sarah_bernhardt", + "t_s_eliot", + "charles_de_gaulle", + "y", + "ralph_bunche", + "charles_lindbergh", + "prangka", + "samuel_barber", + "joseph_stalin", + "f", + "ludwig_wittgenstein", + "dante_alighieri", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "primadona", + "james_dean", + "joseph_priestley", + "nicolas_poussin", + "james_naismith", + "oscar_wilde", + "j_d_salinger", + "tapetan", + "laurence_olivier", + "christiaan_eijkman", + "francis_bacon", + "pete_seeger", + "a", + "david_ricardo", + "charlie_parker", + "immanuel_kant", + "james_franck", + "william_crookes", + "weber", + "albert_schweitzer", + "titus", + "johannes_kepler", + "max_planck", + "julio_iglesias", + "john_bardeen", + "nietzsche", + "scott_joplin", + "sarah_siddons", + "canberra", + "edward_jenner", + "moises", + "oliver_hardy", + "graham_greene", + "igor_stravinsky", + "henri", + "jan_swammerdam", + "william_herschel", + "mikhail_baryshnikov", + "montesquieu", + "arthur_rubinstein", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "walt_disney", + "gabriel_lippmann", + "jane_austen", + "charles_laughton", + "phil_collins", + "alice_paul", + "robert_redford", + "richard_feynman", + "wolfgang_pauli", + "marcel_proust", + "homo_heidelbergensis", + "elizabeth_taylor", + "anne_sullivan", + "paul_robeson", + "john_milton", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "daniel_bernoulli", + "joseph_henry", + "boris_karloff", + "gottfried_leibniz", + "phillis_wheatley", + "hans_christian_andersen", + "hideyo_noguchi", + "pieter_zeeman", + "pablo_picasso", + "natalie_wood", + "kurt_weill", + "christiaan_huygens", + "lucille_ball", + "o", + "saint_louis_missouri", + "adam_smith", + "diaghilev", + "jean_harlow", + "karl_marx", + "friedrich_nietzsche", + "i", + "pedro", + "jimmy_durante", + "asahan", + "nikola_tesla", + "al_capone", + "mel_gibson", + "john_locke", + "joseph_marie_jacquard", + "dalaw\u00e1", + "helen_keller", + "ingrid_bergman", + "valentina_tereshkova", + "h_g_wells", + "walt_whitman", + "ludwig_boltzmann", + "carl_jung", + "richard_wright", + "adolf_hitler", + "james_d_watson", + "pagkabingi", + "joseph_haydn", + "george_boole", + "daniel_boone", + "robert_boyle", + "ralph_richardson", + "1", + "rosa_parks", + "x", + "vladimir_putin", + "jacob", + "giuseppe_mazzini", + "anne_hathaway", + "g", + "pintakasi", + "arthur_schopenhauer", + "james_cagney", + "martin_heidegger", + "christopher_columbus", + "arnold_schoenberg", + "r", + "andrew_jackson", + "louis_armstrong", + "pulo_ng_san_martin", + "steven_spielberg", + "thomas_gainsborough", + "giuseppe_garibaldi", + "patricio_ng_irlanda", + "alexandre_dumas", + "thomas_carlyle", + "johannes_gutenberg", + "thomas_malthus", + "emma_goldman", + "james_mill", + "putin", + "robert_hooke", + "karl_popper", + "john_calvin", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "marcus_aurelius", + "peter_o'toole", + "william_shockley", + "mahatma_gandhi", + "jules_verne", + "paul_newman", + "jackson_pollock", + "dayan", + "mahiyain", + "john_lennon", + "charlie_chaplin", + "kuwako", + "hilagyo", + "kablekotse", + "stanley_kubrick", + "john_huston", + "james_watt", + "ronald_reagan", + "homo", + "frederick_douglass", + "dalubgubat", + "pedro_ang_dakila_ng_rusya", + "david_hilbert", + "oliver_cromwell", + "rex_harrison", + "woodrow_wilson", + "margaret_sanger", + "marcus_antonius", + "don_quixote", + "dabaw", + "jim_henson", + "ernest_hemingway", + "george_westinghouse", + "nelson_mandela", + "al_gore", + "hans_bethe", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "fats_waller", + "bessie_smith", + "jackie_robinson", + "johnny_cash", + "joseph_mccarthy", + "georges_cuvier", + "william_harvey", + "walter_scott", + "vladimir_lenin", + "robert_peary", + "jonathan_swift", + "albert_einstein", + "thomas_edison", + "chiang_kai_shek", + "claude_bernard", + "t" + ], + "PLANT": [ + "kanipay", + "hibiscus_syriacus", + "karanda", + "kukuyuli", + "makahiya", + "krisantemo", + "alerses", + "solanaceae", + "laurus_nobilis", + "sikomoro", + "asinorya", + "letsugas", + "sapinit", + "seresa", + "singkamas", + "apulid", + "sakura", + "kranberya", + "petsay", + "kainito", + "gumamela", + "payumpong", + "tangantangan", + "bayabas", + "sarsamora", + "kamias", + "dalubsining", + "asanorya", + "almasiga", + "repolyo", + "karot", + "balbalut", + "kawayan", + "mirasol", + "dahunan", + "yedra", + "remolatsa", + "alkampor", + "nogales", + "warit", + "monggo", + "alangilan", + "mustasa", + "sirwelas", + "kalamo", + "actinidia_deliciosa", + "agrimonya", + "lobolobohan", + "kalamismis", + "nasturtium", + "magnolya", + "dilambuwaya", + "lansina", + "kaimito", + "koliplor", + "aliso", + "amapola", + "ampalaya", + "hirasol", + "sigarilyas", + "kamyas" + ], + "ANIMAL": [ + "sakit_na_ebola", + "karag", + "banyas", + "kulyawan", + "mamalya", + "galapago", + "palaka", + "anuran", + "black_widow", + "tangginggi", + "billy_elliot", + "susulbot", + "managat", + "ardilya", + "buharo", + "kilyawan", + "kardelina", + "butanding", + "tasugo", + "tripang", + "garsa", + "bangk\u00e2", + "pamurulan", + "kasaykasay", + "galgo", + "gulyasan", + "kalabaw", + "malabiga", + "parikparik", + "mink", + "dungon", + "mutit", + "manok", + "konehilyo", + "kamamarung", + "daganlulundag", + "anwang", + "mandadangkal", + "tungkod", + "putakti", + "falcon", + "polilya", + "limbas", + "manlilingkis", + "lulumbo", + "salungo", + "taguan", + "lapati", + "tanigi", + "balagbagan", + "singsingpari", + "mandarangkal", + "sable", + "babaero", + "tambakol", + "arthropoda", + "alse", + "bakaw", + "marsopa", + "dagang_puti", + "bingkungan", + "sambasamba", + "kuwago", + "manunubing", + "katubaghay", + "kondor", + "taningue", + "nuwang", + "sagay", + "taliptip", + "dumagat", + "sasamba" + ], + "DISEASE": [ + "sars", + "kalamayo", + "butlig", + "bululos", + "kabuntisan", + "sugat", + "tahip", + "almuranas", + "daragis", + "siyok", + "taghiyawat", + "eskorbuto", + "kubusdiin", + "deliryo", + "anthrax", + "sipilis", + "kombulsyon", + "rabies", + "tomayna", + "katabaan", + "sugapa", + "aktinomikosis", + "bulutong", + "matulog", + "kiyawa", + "halintubig", + "poison_ivy", + "suko", + "salot", + "kuliti", + "dengge", + "sigok", + "lagatak", + "ulanag", + "trangkaso", + "bisil", + "pangiki", + "alibadbad", + "balaod", + "tagulabay", + "stroke", + "bubuwit", + "tugano", + "yedra", + "demensiya", + "tagihawat", + "kasalimuutan", + "human_papillomavirus", + "ulsera", + "blacklash", + "dimarim", + "silag", + "katim", + "para", + "katarata", + "tibi", + "kastanyas", + "kisay", + "kurarap", + "pananakit", + "hinekomastiya", + "galactosemia", + "ansisilaw", + "karsinoma", + "sigam", + "katas", + "tulog", + "kankroid", + "malakimpali", + "peklat", + "rakitis", + "herpes", + "balariid", + "pangangandi", + "pertilidad", + "pamumunglo", + "balakubak", + "ganggrena", + "pamamayat", + "hirandam", + "pamamanas", + "panunubigbato", + "suba", + "beke", + "parapleya", + "sirosis", + "pigsa", + "kagat", + "bingot", + "gotakural", + "burog", + "paltos", + "radiyasyon", + "sabanyon", + "rabis", + "african_trypanosomiasis", + "altapresyon", + "rubella", + "pain", + "strain", + "bukol", + "mularan", + "malisok", + "paghihimula", + "himula", + "paninilaw", + "kahalmanan", + "sawan", + "pantal", + "kulugo", + "klorosis", + "lalak", + "palasakitan", + "makabanli", + "nasakitan", + "istarbasyon", + "malaking_talon", + "malarya", + "kuru", + "kalawang", + "paglalak", + "siyatika", + "awanggana", + "balinguyngoy", + "dengue", + "kanggrena", + "lipak", + "kirot", + "kanipay", + "kanser", + "materyalismo", + "butig", + "gapong", + "salmonella", + "paglurandugo", + "krup", + "masakit" + ], + "RACE": [ + "filipino", + "dampuluanin", + "yuropin", + "kawkasin", + "aprikahin" + ], + "PRODUCT": [ + "pigang", + "ama_namin", + "the_hunger_games", + "justin_bieber", + "konehilyo", + "new_zealand", + "pangkalawakan", + "benditahan", + "tagikaw", + "karapatang_pantao", + "the_star_spangled_banner", + "don_quixote", + "puno_ng_pasko", + "bunsuran", + "boxing_day", + "panugtog", + "malaking_tabo", + "daang_sukol", + "tatluhing_sukod", + "taghikaw", + "tatlong_kaharian" + ], + "ORG": [ + "shinto", + "wicca", + "pangangalagang_pangkalusugan", + "aa", + "lapian", + "nasa", + "partidong_politiko", + "batas_pandaigdig", + "isi", + "ang", + "punong_bangko", + "dalubsakahan", + "pagsasaka", + "partido_berde", + "san_francisco", + "un", + "daung_daungan", + "pangangalakal", + "kapisanan_ng_mga_manggagawa", + "pambansang_asemblea_ng_timog_korea", + "kulisaw", + "partidong_nazi", + "kaguro", + "paaralan", + "can_tho", + "talisikan", + "talumpon", + "samahang_manggagawa", + "bangko_sentral", + "dalubhasaan", + "mula_kay_kristo", + "banal_na_mag_anak", + "taoismo", + "krus_na_pula", + "libay", + "ilog_dilaw", + "ilog_na_dilaw", + "ingatang_yaman", + "rabindranath_tagore", + "kaisahan", + "santa_helena", + "hainismo", + "at_iba_pa", + "white_house", + "gusaling_panlunsod", + "mababang_kapulungan", + "punumbangko", + "halipsusi", + "chiang_rai", + "kataas_taasang_hukuman", + "bagong_buwan", + "po", + "addis_ababa", + "san_tomas", + "patay_na_bulan", + "taluhog", + "pooh_garcia", + "palagamutan", + "daulat", + "simbahang_katolika_romana", + "alilisan", + "sturmabteilung", + "bahay_pamahalaan", + "los_angeles", + "katuruan", + "gansuwa", + "sa", + "simbahang_katolika", + "linangan", + "al_ain", + "hukbong_himpapawid", + "koreo", + "dagat_pula", + "panggitnang_uri", + "bisperas_ng_bagong_taon" + ], + "DATE": [ + "mula_kay_kristo", + "dog_days", + "magaganap", + "kalahatimbuhay", + "katandaan", + "samakalawa", + "bagong_bulan", + "todos_los_santos", + "taning", + "kapaskuhan", + "panghinaharap", + "bulang_nagbibilog" + ], + "PERSON": [ + "an_an", + "al_gore", + "h_g_wells", + "kim_yoo_jin", + "george_v", + "seleucus_i_nicator", + "dr_watson" + ], + "FAC": [ + "arnold_schoenberg", + "palanguyan", + "cheongwadae", + "san_bonifacio", + "santa_lucia", + "koreo" + ], + "JOB": [ + "apungot", + "mangkakalot", + "alkalde", + "koredor", + "drogista", + "manghuhuwad", + "mamumuslit", + "dalubpagkain", + "manananggol", + "lupainin", + "manlalaro", + "manggagawa", + "sakristan", + "mariskal", + "mandaragat", + "pansamantala", + "paladiglap", + "sulong", + "gintay", + "dalubpakain", + "kalsunsilyo", + "maninikap", + "sisiwa", + "manlililok", + "tindera", + "pangulo", + "patnubay", + "palasakit", + "para", + "kasangguni", + "kumpay", + "propesor", + "piyon", + "mangangalalang", + "kahero", + "busabos", + "doorman", + "mananahi", + "kumadrona", + "pamilyar", + "dalubsigwasan", + "trabahador", + "laksamana", + "palamata", + "langib", + "kalupon", + "basahan", + "stroke", + "mananayaw", + "maninigmo", + "pandaw", + "kasama", + "sarilinin", + "mambabasa", + "panamtam", + "mamay", + "mate", + "ebanista", + "dalubsulip", + "pamuno", + "karagatnin", + "maykapal", + "guro", + "eskirol", + "kataluna", + "manggugupit", + "kartero", + "rabino", + "ulungguro", + "dalubsakit", + "hardinera", + "malim", + "paladugo", + "mandirigma", + "magsasaka", + "pakusa", + "mananaggol", + "galaw", + "malahakan", + "tungkulanin", + "dalubtala", + "karpintero", + "manununig", + "manlilipad", + "messenger", + "palapuso", + "sitolohiya", + "galod", + "mangungulti", + "palabalat", + "barbero", + "mangangalap", + "kalihim", + "manunulat", + "siyentipiko", + "estibador", + "bombero", + "magkakahoy", + "dalubgubat", + "alipin", + "dalubguro", + "rehente", + "hardinero", + "parasyutista", + "serip", + "manginginag", + "dalubturo", + "lingkurang_bayanhin", + "mangongondola" + ], + "LOCATION": [ + "estados_unidos", + "punumbangko", + "sint_maarten", + "lunduyang_bangko", + "cape_verde", + "bundok_carmelo", + "white_house", + "almasen", + "portoriko", + "hukbong_panghimpapawid", + "bundok_ng_mga_olibo", + "estados_unidos_ng_amerika", + "usa", + "sri_lanka", + "bayanhing_agsikapan", + "the_rolling_stones", + "santa_klaus", + "santa_elena_ascension_at_tristan_da_cunha", + "kapulungang_pambansa", + "trois_rivi\u00e8res_qu\u00e9bec", + "kabo_berde", + "heitor_villa_lobos", + "al_ain", + "santa_claus" + ], + "POLITICAL_PARTY": [ + "lapian", + "labor", + "partido_komunista" + ], + "BIO_CHEM_ENTITY": [ + "betsin", + "bitsin" + ], + "FOOD": [ + "tumanan", + "payap", + "pastelerya", + "kundol", + "malasado", + "tumakas", + "kayena", + "balkutsa", + "sodium_chloride", + "tinto", + "paayap", + "sorbetes", + "toyo", + "chile", + "pinyon", + "magpabaya", + "ilang", + "panghimagas", + "limonada", + "kending_baston", + "meryenda", + "pamutat", + "tanghalian", + "balikutsa", + "abitsuwelas" + ], + "RELIGION": [ + "zen", + "shinto", + "islam", + "katarismo", + "wicca" + ], + "GPE": [ + "gawaimbayan", + "white_house", + "espiritu_santo", + "sint_maarten", + "karapatang_pantao", + "hagia_sophia", + "san_cristobal", + "ina_ng_pitong_hapis", + "pakayan", + "bagong_tipan", + "dagat_na_pula" + ], + "SOC_ECO_CLASS": [ + "labor", + "samuray", + "pagsasaka", + "samurai", + "dalubsakahan", + "butikasan", + "lipunan", + "kubliphay", + "kamaharlikahan" + ], + "LANGUAGE": [ + "unggaro", + "portuges", + "kastila", + "olandes", + "sundanes", + "pali", + "ganda", + "manx", + "munggolin", + "galiyego", + "hindi", + "pagsasalita", + "malayo", + "esperanto", + "islandes", + "katalan", + "malay", + "tagalog", + "irlandes", + "kastilain", + "heyorhiyano", + "pinlandes", + "tonga" + ], + "PERSON_PRONOUN": [ + "yumi", + "i", + "kaniya", + "dulangan", + "me", + "dukalan" + ], + "EVENT": [ + "gising", + "baliksuwa" + ], + "GENDER": [ + "babae", + "neneng", + "lalaki" + ], + "RELIGION_MEMBER": [ + "kristyano", + "mormon", + "makakristo", + "totoy", + "franciscano", + "kuwakero" + ], + "TITLE": [ + "misis" + ], + "LAW": [ + "pamparusang_kabatasan", + "sangay_tagapaghukom" + ], + "UNION": [ + "kaisahan" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "bibi": "tiu", + "dukesa": "duke", + "gintay": "gobernador", + "heroina": "bayani", + "damo": "panginoon", + "markesa": "markes", + "lakambini": "prinsipe", + "dayangdayang": "ang_prinsipe", + "prinsesa": "ang_prinsipe", + "danaus_gilippus": "indra", + "reyna": "walo", + "haribini": "walo", + "hariginang": "indra", + "queens": "mga_hari", + "siya": "baginda", + "kaniya": "siya", + "niya": "baginda", + "way": "kapatid_na_lalaki", + "kakak": "totoy", + "abla": "totoy", + "pindangga": "baguntao", + "inang_panguman": "amang_pangaman", + "lumot": "amang_pangaman", + "madrasta": "amang_pangaman", + "bini": "esposo", + "esposa": "lalaking_asawa", + "babaeng_asawa": "esposo", + "wicca": "asbang", + "mananagisama": "asbang", + "mangkukulam": "asbang", + "barera": "lalaki", + "babae": "lalaki", + "lalaki": "dalaga", + "batang_lalaki": "dalaga" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "bakla" + ], + "he": [ + "ginoo", + "lalaki", + "batang_lalaki" + ], + "she": [ + "kakak", + "lesbya", + "binibini", + "batang_babae", + "abla", + "babae", + "damo", + "barera", + "dalaga" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "siya", + "baginda" + ], + "she": [ + "niya", + "siya", + "kaniya" + ], + "they": [ + "suya" + ], + "it": [ + "kuwa" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fj.json b/data_tooling/pii_processing/ontology/data/fj.json new file mode 100644 index 0000000..cedf72d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fj.json @@ -0,0 +1,47 @@ +{ + "PUBLIC_FIGURE": [ + "jisu" + ], + "PRODUCT": [ + "na_masu" + ], + "ORG": [ + "va", + "na_lotu_i_jisu_karisito_ni_yalododonu_edaidai" + ], + "ANIMAL": [ + "vivini" + ], + "PLANT": [ + "kareti" + ], + "JOB": [ + "kalavo" + ], + "DISEASE": [ + "veivakararawataki" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "he": [ + "koya" + ], + "she": [ + "koya" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fo.json b/data_tooling/pii_processing/ontology/data/fo.json new file mode 100644 index 0000000..129ddee --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fo.json @@ -0,0 +1,631 @@ +{ + "LOCATION": [ + "vetrarbreyt", + "stj\u00f8rnubreyt", + "mj\u00f3lkarvegur", + "gr\u00f8nh\u00f8vdaoyggjarnar", + "piet_mondrian", + "sint_maarten", + "atlanshav", + "p\u00e1vast\u00f3lur", + "biscayafl\u00f3gvin", + "land", + "atlantshavi\u00f0", + "falklandsoyggjar", + "usa", + "sri_lanka", + "vei\u00f0ihundarnir", + "svartahavi\u00f0", + "sankta_p\u00e1trikur", + "the_rolling_stones", + "ermarsundsoyggjar", + "ermarsund" + ], + "ANIMAL": [ + "fjallv\u00e1kur", + "kettur", + "feigdarsveimari", + "ravnur", + "flatl\u00fas", + "bringurey\u00f0i", + "gorpur", + "hv\u00edtabj\u00f8rn", + "krunkur", + "brandg\u00e1s", + "minkur", + "silvurhegri", + "drunnhv\u00edti", + "grevlingur", + "villg\u00e1s", + "heykur", + "steyrhvalur", + "brandstari", + "sundgr\u00e6lingur", + "heykugla", + "skalla\u00f8rn", + "huldut\u00edta", + "mastrarhvalur", + "topplundi", + "ketta", + "krossnev", + "letibj\u00f8rn", + "mort\u00edtlingur", + "kyrrfuglur", + "hv\u00edtfiskur", + "fransaterna", + "konga\u00f8rn", + "lonasvala", + "brug\u00f0a", + "froskur", + "stroktr\u00f8stur", + "heygsm\u00e1si", + "tjaldursgr\u00e6lingur", + "augustur", + "bakur", + "fer\u00f0afalkur", + "visundur", + "bolladunna", + "sildreki", + "brandsvala", + "hjartaugla", + "grindahvalur", + "fagur\u00edg\u00f0a", + "helsig\u00e1s", + "barr\u00edg\u00f0a", + "sveimari", + "hornalundi", + "gammur", + "heslim\u00fas", + "spurvaheykur", + "m\u00e1nad\u00fagva", + "gull", + "marsv\u00edn", + "bundi", + "flogfiskur", + "hj\u00f8rtur", + "ternum\u00e1si", + "toppont", + "skatum\u00e1si", + "gr\u00e1tyrningur", + "vendisn\u00edpa", + "sigdartr\u00f8stur", + "brituterna", + "framfaks", + "mastrarfiskur", + "rey\u00f0gr\u00e6lingur", + "brugda", + "villsv\u00edn", + "kambsgj\u00f8r", + "kolont" + ], + "PLANT": [ + "kannubj\u00f8lluv\u00edsa", + "furuvi\u00f0ur", + "pirikum", + "bratsj", + "tranuber", + "skar\u00f0ss\u00fdrusm\u00e6ra", + "flugusoppur", + "almur", + "hoyl\u00fas", + "dreyms\u00f3lja", + "gular\u00f3t", + "leygingargras", + "margaritt", + "rogn", + "h\u00f8snagras", + "gr\u00e1n\u00e1pur", + "listama\u00f0ur", + "brenninota", + "rossaber", + "takstr\u00e6", + "elri", + "k\u00e1pugr\u00e6lingur", + "urtap\u00edlur", + "h\u00f8snag\u00f8rn", + "popputur", + "listakona", + "tikaralilja", + "vetrarbj\u00f8lluv\u00edsa", + "selja", + "kirsuber" + ], + "LANGUAGE": [ + "svenskt", + "venda", + "nor\u00f0urs\u00e1miskt", + "kongo", + "keltiskt", + "teilendskur", + "danskt", + "kinesiskur", + "nor\u00f0ma\u00f0ur", + "tailendskur", + "hv\u00edtarussiskur", + "hindi", + "persiskt", + "esperanto", + "japanskur", + "franskt", + "kekskur", + "spanskur", + "wienarbrey\u00f0", + "tonga", + "malajalam" + ], + "JOB": [ + "raddaleikari", + "sj\u00e1lvr\u00e6ttarma\u00f0ur", + "skraddari", + "hjartal\u00e6kni", + "jar\u00f0arm\u00f3\u00f0ir", + "potter", + "borgarstj\u00f3ri", + "grannsko\u00f0ari", + "duravaktari", + "skorsteinss\u00f3pari", + "br\u00fa\u00f0kona", + "herma\u00f0ur", + "r\u00e6ttlesari", + "tannl\u00e6knar", + "timburma\u00f0ur", + "land", + "biskupur", + "lesari", + "forma\u00f0ur", + "neytakona", + "alisfr\u00f8\u00f0ingur", + "preriu\u00falvur", + "veska", + "prentari", + "bakari", + "apopleksi", + "hundasj\u00faka", + "mandarin", + "stj\u00f8rnufr\u00f8\u00f0ingur", + "trolari", + "mate", + "nevaleikari", + "h\u00f8vundur", + "bilstj\u00f3ri", + "man", + "deiligur", + "tannl\u00e6kni", + "kanslari", + "durav\u00f8r\u00f0ur" + ], + "DATE": [ + "hundadagar", + "langafr\u00edggjadagur", + "heystjavnd\u00f8gur", + "j\u00f3ladagur", + "alla_s\u00e1lnadagur", + "gregorianski_kalendarin", + "ovurmorgin", + "allahalgannadagur", + "p\u00e1lmasunnudagur", + "heystl\u00fdkka" + ], + "PERSON_PRONOUN": [ + "t\u00fa", + "i", + "her", + "tykkum" + ], + "PUBLIC_FIGURE": [ + "che_guevara", + "heindrikur", + "skorsteinss\u00f3pari", + "henrik_ibsen", + "mary_shelley", + "richard_burton", + "georgius", + "paul_mccartney", + "stephen_king", + "isaac_newton", + "victor_hugo", + "antinis", + "george_harrison", + "marie_curie", + "michael_jackson", + "samuel_beckett", + "edmund_hillary", + "vincent_van_gogh", + "elisabet", + "jesus", + "mark_rothko", + "henri_matisse", + "louis_pasteur", + "lavrans", + "saladin", + "sarah_bernhardt", + "hank_williams", + "y", + "charles_lindbergh", + "f", + "dante_alighieri", + "samuel_de_champlain", + "giacomo_puccini", + "james_dean", + "robert", + "taka_l\u00edvi\u00f0_av_s\u00e6r", + "tveir", + "a", + "eins", + "immanuel_kant", + "kristoffur_kolumbus", + "saint_martin", + "carl_lewis", + "canberra", + "hjartarkongur", + "burt", + "walt_disney", + "sveimari", + "joseph_schumpeter", + "marcel_proust", + "elizabeth_taylor", + "jesus_kristus", + "gengis_kan", + "indira_gandhi", + "petur", + "gr\u00e6karis", + "davidur", + "pablo_picasso", + "heinrikur", + "lucille_ball", + "adam_smith", + "karl_marx", + "friedrich_nietzsche", + "i", + "le_corbusier", + "john_locke", + "colin_powell", + "adolf_hitler", + "joseph_haydn", + "1", + "rosa_parks", + "vladimir_putin", + "h", + "g", + "martin_heidegger", + "h.c_andersen", + "r", + "george_lucas", + "louis_armstrong", + "steven_spielberg", + "jorgen", + "lars", + "alfred", + "mahatma_gandhi", + "john_lennon", + "runnur", + "charlie_chaplin", + "ronald_reagan", + "david_hilbert", + "martin_luther_king", + "woodrow_wilson", + "jesusp\u00e1pi", + "st_louis", + "jim_henson", + "frank", + "mort\u00edtlingur", + "nelson_mandela", + "benadikt", + "roald_amundsen", + "fjarst\u00fdring", + "anton", + "francisco_franco", + "jan_steen", + "johnny_cash", + "vladimir_lenin", + "robert_peary", + "john_bunyan", + "albert_einstein", + "t" + ], + "FOOD": [ + "p\u00edskir\u00f3mi", + "rey\u00f0v\u00edn", + "hv\u00edtv\u00edn", + "plantuolja", + "kovaostur", + "p\u00edskifl\u00f8ti", + "heitv\u00edn", + "rey\u00f0k\u00e1l", + "hv\u00edtleyksbrey\u00f0", + "tannhald", + "ros\u00e9v\u00edn", + "kettuf\u00f3\u00f0ur", + "appilsindj\u00fas", + "salatolja", + "morgunmatur", + "florsukur", + "olivinolja", + "bl\u00f3\u00f0pylsa", + "kettumatur", + "tannkj\u00f8t", + "baksturv\u00f8ra", + "tannhold", + "s\u00f3lbl\u00f3muolja" + ], + "PRODUCT": [ + "justin_bieber", + "diskil", + "st\u00f3rabretland", + "bretland", + "av_gu\u00f0s_n\u00e1\u00f0i", + "eitt_dukkuheim", + "hoyl\u00fas", + "the_star_spangled_banner", + "gloymmegei", + "j\u00f3lama\u00f0urin", + "gong", + "vitramannasteinurin", + "keisaraskur\u00f0ur", + "nor\u00f0l\u00fdsi" + ], + "SOC_ECO_CLASS": [ + "landb\u00fana\u00f0ur", + "brotsmannaheimur", + "undirheimur", + "brotsmannaver\u00f0" + ], + "ORG": [ + "jan_mayen", + "nasa", + "milj\u00f6partiet", + "landb\u00fana\u00f0ur", + "berlinm\u00farurin", + "gr\u00f8nh\u00f8vdaoyggjarnar", + "san_francisco", + "heiliv\u00e1gs\u00eddna\u00f0ur", + "mi\u00f0banki", + "polterabend", + "taoisma", + "r\u00f3mversk_kat\u00f3lska_kirkjan", + "rey\u00f0ahavi\u00f0", + "ai", + "eg_eiti", + "evropasamveldi\u00f0", + "republikanski_flokkurin", + "demokratiski_flokkurin", + "heimshandilsfelagsskapurin", + "rabindranath_tagore", + "amason\u00e1", + "r\u00edkisstj\u00f3rn", + "st_lusia", + "mi\u00f0evropa", + "eg_elski_teg", + "menningarland", + "h\u00f8gri", + "kat\u00f3lska_kirkjan", + "addis_ababa", + "markna\u00f0arb\u00faskapur", + "who", + "los_angeles", + "nato", + "tyggigummi", + "posth\u00fas", + "herur", + "hin_f\u00f8royski_f\u00f3lkaflokkurin", + "s\u00f8lumi\u00f0st\u00f8\u00f0", + "so_vi\u00f0_og_vi\u00f0", + "vald\u00f8mi" + ], + "DISEASE": [ + "miltisbruni", + "kambfj\u00f8\u00f0ur", + "fatan", + "svartidey\u00f0i", + "beriberi", + "havhestasj\u00faka", + "gall", + "neyta\u00f8\u00f0i", + "frosts\u00e1r", + "stama", + "frans\u00f3sir", + "miltbrandur", + "spitalskusj\u00faka", + "sj\u00e1lv\u00f3rin", + "skr\u00e6pus\u00f3tt", + "verkur", + "finnur", + "kolubrand", + "talubrek", + "kolubrandur", + "sukursj\u00faka", + "sk\u00e1ldkoppar", + "hitas\u00f3tt", + "the_passion_of_the_christ", + "milts\u00fdki", + "drykkjuskapur", + "hungur", + "rustur", + "n\u00e1tasj\u00faka", + "tan", + "stj\u00f8rnutoka", + "gass", + "salmonella", + "gorlop", + "krabbamein", + "malaria", + "p\u00edning" + ], + "GPE": [ + "dar_es_salaam", + "ta\u00f0_hv\u00edta_h\u00fasi\u00f0", + "su\u00f0uramerika", + "sint_maarten", + "n\u00fdggja_testamenti\u00f0", + "mi\u00f0amerika", + "rey\u00f0ahavi\u00f0", + "mannar\u00e6ttindi", + "santa_nikolaus_fr\u00e1_myra", + "n\u00fdggja_testamenti", + "st_louis" + ], + "POLITICAL_PARTY": [ + "partij_van_de_arbeid", + "arbei\u00f0araflokkurin", + "milj\u00f6partiet", + "javna\u00f0arflokkurin", + "socialistische_partij", + "hin_f\u00f8royski_f\u00f3lkaflokkurin" + ], + "FAC": [ + "p\u00e6tur_mikli", + "jarnbreytarst\u00f8\u00f0", + "tokst\u00f8\u00f0", + "palli_pumm", + "vesturm\u00farurin", + "svimjihylur", + "t_kykna", + "posth\u00fas" + ], + "QUANTITY": [ + "dollari", + "tretivu\u00e1rakr\u00edggi\u00f0", + "parkeringarb\u00f3t", + "kombikk", + "lj\u00f3s\u00e1r", + "ein_og_tj\u00fagu", + "g", + "millumtj\u00f3\u00f0a_eindarskipanin", + "amerikanskur_dollari" + ], + "BIO_CHEM_ENTITY": [ + "mj\u00f3lkars\u00fdra", + "salmiakk" + ], + "LAW": [ + "talufr\u00e6lsi" + ], + "GENDER": [ + "men", + "drongur", + "man", + "konuf\u00f3lk" + ], + "RACE": [ + "ni\u00f0urlendingar", + "afrikanskur", + "hv\u00edtt" + ], + "UNION": [ + "fakfel\u00f8g" + ], + "MEDICAL_THERAPY": [ + "bl\u00f3\u00f0trykk" + ], + "RELIGION": [ + "islam", + "sunni_islam" + ], + "RELIGION_MEMBER": [ + "mon" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "d\u00f3ttir": "son", + "d\u00f3tturd\u00f3ttir": "sonarsonur", + "ommud\u00f3ttir": "d\u00f3ttursonur", + "sonard\u00f3ttir": "ommusonur", + "abbad\u00f3ttir": "abbasonur", + "omma": "abbi", + "heroin": "hetja", + "d\u00e1ma": "h\u00fasb\u00f3ndi", + "fr\u00fagv": "h\u00fasb\u00f3ndi", + "m\u00f3\u00f0ir": "babba", + "nunna": "munkur", + "kongsd\u00f3ttir": "prinsur", + "prinsessa": "fyrst", + "kongad\u00f3ttir": "prinsur", + "drotning": "kongur", + "systir": "br\u00f3\u00f0ir", + "stj\u00fakm\u00f3\u00f0ir": "stj\u00fakfa\u00f0ir", + "v\u00edv": "b\u00f3ndi", + "dunna": "ektama\u00f0ur", + "kvennma\u00f0ur": "man", + "kvinna": "man", + "konuf\u00f3lk": "man", + "piltur": "didda", + "drongur": "genta" + }, + "other_gender_swap": { + "t\u00e6r": "her", + "teir": "her", + "teim": "her", + "teimum": "her", + "tey": "her", + "hj\u00e1_s\u00e6r": "her", + "teirra": "her", + "hj\u00e1_teimum": "her", + "hann": "teir", + "elli": "tey", + "bera": "tey", + "her": "hj\u00e1_s\u00e6r" + }, + "en_pronoun2gender": { + "they": [ + "tv\u00edkyndur", + "samkyndur" + ], + "he": [ + "drongur", + "hann", + "piltur", + "man" + ], + "she": [ + "missa", + "d\u00e1ma", + "didda", + "konuf\u00f3lk", + "fr\u00f8kun", + "likka", + "genta", + "fr\u00fagv", + "kvinna", + "kvennma\u00f0ur" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "hann", + "elli", + "bera" + ], + "she": [ + "her" + ], + "they": [ + "teir", + "teim", + "tey", + "hj\u00e1_s\u00e6r", + "hj\u00e1_teimum", + "t\u00e6r", + "teimum", + "teirra" + ], + "it": [ + "ta\u00f0", + "hetta", + "hasin", + "henda", + "hesin", + "tann" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fon.json b/data_tooling/pii_processing/ontology/data/fon.json new file mode 100644 index 0000000..aaf378d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fon.json @@ -0,0 +1,22 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "ny\u0254nu" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fr.json b/data_tooling/pii_processing/ontology/data/fr.json new file mode 100644 index 0000000..e85a73e --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fr.json @@ -0,0 +1,6653 @@ +{ + "DISEASE": [ + "souffle_cardiaque", + "analg\u00e9sie", + "cyanose", + "verrue", + "hydrocephalus", + "taillader", + "sars", + "rosac\u00e9e", + "pertussis", + "granulome", + "le_strabisme", + "addiction", + "filovirus", + "acanthosis_nigricans", + "abrasion", + "potence", + "cosmide", + "tocade", + "peste_noire", + "essoufflement", + "hydramnios", + "escarboucle", + "ki", + "polio", + "tabes_dorsalis", + "complication", + "ravageur", + "anomalie_cong\u00e9nitale", + "flection", + "bunion", + "bourrade", + "flavivirus", + "shigellose", + "lassitude", + "crise_cardiaque", + "l_arnaque", + "dorst", + "rosette", + "amabiase", + "papovaviridae", + "hamartome", + "rage", + "meurtrir", + "anthrax", + "cin\u00e9pathie", + "les_dents_de_la_mort", + "mat\u00e9rialisme", + "lac\u00e9ration", + "als", + "prodrome", + "cardiopathie_cong\u00e9nitale", + "torsader", + "paramyxoviridae", + "schistosomiase", + "arthropathie", + "rachianalg\u00e9sie", + "trach\u00e9ite", + "hernie", + "pesse", + "wen", + "hydrophobie", + "pachydermie", + "salmonelle", + "posthite", + "sumac_v\u00e9n\u00e9neux", + "graphiose", + "stigmates", + "inversion", + "activation_physiologique", + "cardiomyopathie", + "mange", + "la_passion_du_christ", + "caranome", + "sleeping", + "plasmocytome", + "sore", + "congestion", + "sanglot", + "presbytie", + "flagrer", + "hydropisie", + "chondrome", + "accoutumance", + "sternutation", + "enclavement", + "poliomy\u00e9lite", + "croup", + "energy", + "supplicier", + "carboncle", + "s_effa\u00e7ant_\u00e0_la_vitopression", + "herbe_\u00e0_puce", + "radiation", + "lump", + "clap", + "brucellose", + "hydroc\u00e8le", + "pasteurellose", + "indigestion", + "comitialit\u00e9", + "lutzomyia", + "tachycardie", + "gall", + "mania", + "radiance", + "the_bends", + "xeroderma", + "thalass\u00e9mies", + "m\u00e9lie", + "s_affaisser", + "blastome", + "cardite", + "shape", + "arthrite", + "ms", + "souriceau", + "cowpox", + "brachydactylie", + "dular", + "la_naus\u00e9e", + "the_suffering", + "intertrigo", + "phonophobie", + "prog\u00e9ria", + "pruine", + "rust", + "\u00e9chauder", + "contusion", + "avc", + "pharyngite", + "scotome", + "les_scarifi\u00e9s", + "claudication", + "paramyxovirus", + "tarentulisme", + "statisme", + "de_fatigue", + "trouble", + "blacklash", + "tarsite", + "jubarte", + "goitre", + "androphobie", + "vaccination", + "saucissonner", + "chlorose", + "astasie", + "galactos\u00e9mie", + "cataphasie", + "para", + "abras", + "orgelet", + "coxiellose", + "escarre", + "handicap", + "la_peste", + "moniliose", + "arenaviridae", + "obliquit\u00e9", + "chloasma", + "renflement", + "rio_par\u00e1", + "causalgie", + "prot\u00e9inurie", + "rachitisme", + "syndrome_confusionnel", + "annexite", + "alv\u00e9olite", + "strangulation", + "sodoku", + "lallation", + "spinale", + "wale", + "lumbago", + "dipht\u00e9rie", + "stitch", + "catalepsie", + "loeri", + "crick", + "salmonellose", + "ros\u00e9ole", + "cachexia", + "abasie", + "fondeur", + "schizo\u00efde", + "kailu", + "pemphigus", + "susseyement", + "silicose", + "photophobie", + "ache", + "leegte", + "chi", + "hydron\u00e9phrose", + "manquement", + "flicaille", + "ornithine_carbamoyltransf\u00e9rase", + "stridor", + "lichen", + "picornavirid\u00e9s", + "gravidit\u00e9", + "analgie", + "transposition", + "qi", + "onusida", + "flutter", + "thalass\u00e9mie", + "corn", + "blain", + "pancr\u00e9atite", + "galactoc\u00e8le", + "pourridi\u00e9", + "rickettsiose", + "sumac_grimpant", + "hypotension_orthostatique", + "malaise", + "amiantose", + "parapl\u00e9gie", + "sesseyement", + "spina_bifida", + "passion", + "lordose", + "fourbure", + "flaviviridae", + "varon", + "spinal", + "kala_azar", + "gimp", + "sartan", + "vascularites", + "hydroc\u00e9phalie", + "sarm", + "frenzy", + "malacie", + "alexia", + "gestation", + "crud", + "pityriasis", + "mongolisme", + "ochronose", + "grogne", + "parasit\u00e9mie", + "twist", + "chancre", + "paludisme", + "tarentisme", + "smart", + "hydrops", + "thanatophobie", + "pseudo_hermaphrodisme", + "maladie_cardiovasculaire", + "h\u00e9m\u00e9ralopie", + "suba", + "stase", + "ed", + "breakdown", + "pinc\u00e9e", + "blister", + "en_surpoids", + "pica", + "stenosis", + "papilloma", + "blackwater", + "adiposit\u00e9", + "distension", + "cardiopathie", + "cachexie", + "corpulence", + "astrarophobie", + "vascularite", + "aquaphobie", + "bloom", + "parasites", + "dartre", + "akin\u00e9sie", + "appendicite", + "trachome", + "choke", + "l_aveuglement", + "rougeole", + "coronarien", + "flottement", + "sensation", + "contusionner", + "zinzinuler", + "furoncle", + "tontura", + "pellagre", + "\u00e9crouelles", + "poliovirus", + "fugue", + "pain", + "cervicite", + "bradycardie", + "bissen", + "pellicules", + "virus_ebola", + "bunyaviridae", + "grelottement", + "abrutissement", + "chondrosarcome", + "arbovirus", + "sickl\u00e9mie", + "c\u00e9cit\u00e9", + "rachianesth\u00e9sie", + "lipidologie", + "strain", + "dilatation", + "glycosurie", + "cyclothymie", + "contagion", + "purpura", + "l_empoisonneuse", + "imp\u00e9tigo", + "parvoviridae", + "herp\u00e8s", + "hermaphrodisme", + "brulage", + "paresth\u00e9sie", + "p\u00e9liose", + "bouleverser", + "singe", + "anis\u00e9\u00efconie", + "arthralgie", + "coryza", + "constipation", + "virus_de_la_mosa\u00efque_du_tabac", + "ill", + "chalazion", + "an_qi", + "salmonelles", + "pull", + "sangloter", + "t\u00e9nesme", + "diphth\u00e9rie", + "basaner", + "panaris", + "concussion", + "conditionner", + "handicaper", + "mammite", + "lambdacisme", + "collapse", + "paradontose", + "rhumatisme", + "brulure", + "odontalgie", + "catarrhe", + "taniser", + "togaviridae", + "rougeoyer", + "surcreusement", + "sid\u00e9rose", + "hydrothorax", + "b\u00e9rib\u00e9ri", + "mi", + "tosse", + "\u00e9picondylite", + "aura", + "virus_d_epstein_barr", + "tan", + "carboucle", + "anthrax_staphylococcique", + "molluscum", + "sting", + "roussi", + "cin\u00e9tose", + "vadrouilleur", + "innervation", + "c\u00e2linerie", + "boursouflure", + "cramer", + "ophidisme", + "the_bleeding", + "break", + "scarlatine", + "parulie", + "plaie", + "indisposition", + "trypanosomiase_africaine", + "de_niveau", + "communication_interauriculaire", + "palilalie", + "rougeur", + "papillome", + "trauma", + "maladie_contagieuse", + "masto\u00efdite", + "echovirus", + "tousser", + "fondatrice", + "kuru", + "burn", + "oreillons", + "flexion", + "automysophobie", + "durillon", + "art\u00e9rite", + "noma", + "vomi_noir", + "the_hives", + "en_cloque_mais_pas_trop", + "chleuasme", + "mastite", + "condition", + "enquiquiner", + "dengue", + "a_b\u00eata_lipoprot\u00e9in\u00e9mie", + "hyst\u00e9rie_collective", + "taillade", + "bouleversement", + "conflans", + "talure", + "phocom\u00e9lie", + "art\u00e9rioscl\u00e9rose", + "coqueluche", + "le", + "taph\u00e9phobie", + "albuminurie", + "wrench", + "parvovirus", + "salmonella", + "rutiler", + "folliculite", + "boulimie", + "mooneye", + "peste_am\u00e9ricaine", + "cyclopia", + "hypocratisme_digital", + "boulevers\u00e9", + "pancytop\u00e9nie", + "gelure", + "malaria", + "bossu", + "ph\u00e9nylc\u00e9tonurie", + "gout", + "palmature" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "la_tour", + "henry_cavendish", + "matthew_arnold", + "harding", + "lambert", + "lev_ivanov", + "de_musset", + "goldmark", + "et_tout_et_tout", + "benjamin_franklin", + "martin_buber", + "e_b_white", + "akira_kurosawa", + "frances_wright", + "alexandre_balandine", + "maria_tallchief", + "meuni\u00e8re", + "lac_tana", + "curtis", + "noah_webster", + "jean_genet", + "dinesen", + "john_knox", + "swedberg", + "mauriac", + "waldheim", + "roger_williams", + "anne_bront\u00eb", + "lovelace", + "livingstone", + "cornelius_vanderbilt", + "ekman", + "rudolf_steiner", + "thomas_wolfe", + "eccles", + "cuvier", + "david_rittenhouse", + "thomas_bayes", + "tindale", + "ben_hogan", + "max_bruch", + "mays", + "langage_c", + "leonard_bernstein", + "sibelius", + "che_guevara", + "kline", + "georges_simenon", + "c", + "alan_seeger", + "ren\u00e9_descartes", + "thomas_hodgkin", + "wright", + "augustin_fresnel", + "humaine", + "belloc", + "andrews", + "john_barth", + "edward_albee", + "bruegel", + "dorothy_parker", + "joseph_albers", + "maria_callas", + "victor_herbert", + "william_walton", + "henrik_ibsen", + "winslow", + "morgan", + "emerson", + "bossoir", + "octavien", + "mary_shelley", + "franz_werfel", + "quine", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "beckett", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "gauss", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "cortez", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "c\u00e9sar_franck", + "douglas_macarthur", + "troglodytin\u00e9s", + "mary_wollstonecraft", + "j_edgar_hoover", + "le_mime_marceau", + "thomas_reid", + "john_jacob_astor", + "otto_frisch", + "anna_pavlova", + "winston_churchill", + "johannes_diderik_van_der_waals", + "mendelssohn", + "b", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "georges", + "paul_mccartney", + "richard_smalley", + "waugh", + "andrew_marvell", + "terry_pratchett", + "k", + "macdowell", + "stephen_king", + "francis_crick", + "max_m\u00fcller", + "john_trumbull", + "sherry", + "joseph_greenberg", + "isaac_newton", + "richard_upjohn", + "woolf", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "milton_friedman", + "amy_lowell", + "edward_gibbon", + "siffleur", + "schiaparelli", + "augustus_pugin", + "van_de_velde", + "jefferson_davis", + "arafat", + "saint_louis", + "cass_gilbert", + "brindes", + "george_stephenson", + "osborne", + "john_glenn", + "john_webster", + "john_davis", + "george_burns", + "bartlett", + "le_roi_jean", + "george_harrison", + "entertainment_television", + "amundsen", + "george_orwell", + "ellison", + "la_diseuse_de_bonne_aventure", + "arthur_koestler", + "richard_wagner", + "gauthier", + "williams", + "thornton_wilder", + "e_l_doctorow", + "jacques_maillot", + "pancho_villa", + "diaz", + "michel_bakounine", + "non_applicable", + "bed\u0159ich_smetana", + "leopold_stokowski", + "trafiquante", + "rebecca_west", + "stockton", + "marie_curie", + "malthus", + "francis_galton", + "jussieu", + "mary_martin", + "richard_roberts", + "constantine", + "michael_jackson", + "nicolson", + "louis_jolliet", + "carl_sandburg", + "spera", + "stephenson", + "thomas_hobbes", + "goldman", + "edward_weston", + "el_greco", + "macleod", + "waller", + "samuel_beckett", + "connolly", + "david", + "galileo_galilei", + "czerny", + "ernest_bevin", + "jane_goodall", + "der_fliegende_holl\u00e4nder", + "john_donne", + "chaim_weizmann", + "andrea_guarneri", + "robert_koch", + "marshall", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "l_avocat_du_diable", + "catherine", + "strickland", + "edmund_hillary", + "binet", + "justinien", + "corbett", + "jacob_gershowitz", + "vincent_van_gogh", + "richard_hooker", + "w", + "william_hazlitt", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "anne_boleyn", + "alexandre_iii", + "has_been", + "john_ruskin", + "\u00e0_partir_de_z\u00e9ro", + "robert_burns", + "staline", + "hans_albrecht_bethe", + "valentina_terechkova", + "thomas_paine", + "bari", + "ustinov", + "liliuokalani", + "francis_beaumont", + "marini", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "millais", + "willem_einthoven", + "rockwell", + "phil_anderson", + "thomas_willis", + "le_baronet_noir", + "bernard_malamud", + "samuel_johnson", + "jesus", + "allen_iverson", + "nimitz", + "marie_antoinette", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "les_tuatha_d\u00e9_d\u00e2nann", + "walter_lippmann", + "e", + "scheele", + "lafitte", + "karl_jaspers", + "franz_leh\u00e1r", + "hideki_yukawa", + "konrad_adenauer", + "bessel", + "ockenfels", + "john_l_lewis", + "marianne_moore", + "norbert_wiener", + "john_masefield", + "frederick_austerlitz", + "krzysztof_kie\u015blowski", + "mark_rothko", + "fran\u00e7ois_couperin", + "maurice_chevalier", + "gottlieb_daimler", + "marie_madeleine", + "richer_klein", + "tom_straussler", + "frank_sinatra", + "tabagisme_passif", + "fran\u00e7ois_rabelais", + "fran\u00e7ois_duvalier", + "crabes", + "abel_tasman", + "katharine_hepburn", + "guthrie", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "ginsberg", + "louis_pasteur", + "berra", + "josef_hoffman", + "j", + "richard_strauss", + "stephen_decatur", + "galbraith", + "\u00e0_la_perfection", + "leslie_howard", + "hugo_grotius", + "mahalia_jackson", + "ben_shahn", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "foulon", + "john_james", + "laurence", + "katherine_mansfield", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "tu_parles", + "v", + "phillis", + "philip_marlowe", + "greene", + "luigi_pirandello", + "t_s_eliot", + "e_g_marshall", + "prince_\u00e9douardien", + "marc_blitzstein", + "hank_williams", + "weston", + "igor_stravinski", + "sadus", + "stadiaire", + "rube_goldberg", + "emily_elizabeth_dickinson", + "dorothea_lange", + "james_thurber", + "fonceur", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "le_tasse", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "douglass", + "charles_lindbergh", + "erythrina", + "villon", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "descends", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "bunyan", + "thomas_mann", + "kendall", + "b\u00e9la_bart\u00f3k", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "cunningham", + "charles", + "robert_lee", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "paxton", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "georges_ii", + "paul_verlaine", + "anselme", + "q", + "james_a_murray", + "scribes", + "robert_johnson", + "niccol\u00f2_paganini", + "james_dean", + "robert", + "richard_lovelace", + "mason", + "marie_tussaud", + "burnett", + "bronis\u0142aw_malinowski", + "roger_bannister", + "theodor_schwann", + "max_beerbohm", + "greeley", + "alessandro_manzoni", + "pierre_ier", + "mikha\u00efl_barychnikov", + "donald_budge", + "joseph_priestley", + "robert_oppenheimer", + "hal", + "salaheddine", + "nicolas_poussin", + "andrea_mantegna", + "hayek", + "clemenceau", + "joseph_pulitzer", + "ring_lardner", + "george_huntington", + "caruso", + "jim_corbett", + "james_naismith", + "baudouin", + "oscar_wilde", + "de_l_orme", + "philip_roth", + "maintenon", + "j_d_salinger", + "ochoa", + "henry", + "lawrence", + "franklin", + "richard_trevithick", + "william_bradford", + "johan_august_strindberg", + "heinrich_schliemann", + "willard_gibbs", + "liston", + "kean", + "emil_erlenmeyer", + "carlyle", + "eli_whitney", + "jackson", + "glenn_curtiss", + "romberg", + "le_roi_lear", + "roy_crowson", + "\u00e0_merveille", + "a_e", + "chambers", + "malure", + "david_selznick", + "johannes_peter_m\u00fcller", + "laurence_olivier", + "hussein", + "pierre_larousse", + "norris", + "christiaan_eijkman", + "adolf_eichmann", + "sverdrup", + "catharijne", + "marilyn_horne", + "lorca", + "stan_musial", + "francis_bacon", + "compton", + "pete_seeger", + "joseph_heller", + "a", + "boone", + "morris", + "peter_carl_goldmark", + "apollinaire", + "montagu", + "peter_brian_medawar", + "norman_rockwell", + "boris_spassky", + "eins", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "james_franck", + "william_crookes", + "james_meredith", + "samuel_gompers", + "le_caravage", + "nellie_bly", + "weber", + "warburg", + "fulton", + "parsons", + "alexandre_yersin", + "octavius", + "n", + "stephen_leacock", + "hope", + "albert_schweitzer", + "dumoulin", + "longin", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "subnormal", + "saint_martin", + "titus", + "johannes_kepler", + "william_s_burroughs", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "arthur", + "middleton", + "sarah_vaughan", + "john_wilkes", + "william_byrd", + "william_henry", + "christopher_fry", + "godard", + "charles_holmes", + "scott_joplin", + "latrobe", + "samuel_houston", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "o'neill", + "samuel_rosenstock", + "canberra", + "bramante", + "knox", + "elias_canetti", + "robert_lowell", + "eisenstein", + "edward_jenner", + "dominique_ingres", + "la_plupart_de", + "john_mercer", + "oscar_robertson", + "oliver_hardy", + "groves", + "cole_porter", + "modeste_et_crescence", + "benjamin_west", + "jean_luc_godard", + "graham_greene", + "frans_hals", + "edward", + "whistler", + "lars_onsager", + "margaret_mitchell", + "igor_stravinsky", + "stuart_davis", + "henri", + "lola_montez", + "jan_swammerdam", + "bellini", + "mary_mccarthy", + "tully", + "david_riesman", + "john_walker", + "william_herschel", + "joseph_black", + "francis_rous", + "montesquieu", + "oakley", + "arthur_rubinstein", + "calvin", + "le_petit_lord", + "nikita_khrouchtchev", + "arthur_compton", + "marc_antoine", + "lindbergh", + "robbins", + "niels_bohr", + "saint_vit", + "kenneth_grahame", + "larousse", + "sheridan", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "john_d_rockefeller", + "burt", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "maurois", + "irving_berlin", + "galina_oulanova", + "morgane", + "peter_seamus_o'toole", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "peter", + "la_spezia", + "constantin_stanislavski", + "robert_benchley", + "ali_baba_et_les_quarante_voleurs", + "h_l_mencken", + "le_pieux", + "joseph_schumpeter", + "beveridge", + "gabriel_lippmann", + "steve_reich", + "lee", + "lamarck", + "benny_goodman", + "ted_williams", + "william_beaumont", + "friedrich_engels", + "pavlov", + "jane_austen", + "charles_laughton", + "parker", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "giosu\u00e8_carducci", + "robert_redford", + "monod", + "jean_giraudoux", + "jack_dempsey", + "brindisi", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "wollaston", + "pouchkine", + "theodore_dreiser", + "theodor_mommsen", + "le_che", + "andrew_huxley", + "schoenberg", + "marcel_proust", + "jessica_mitford", + "thomas_more", + "homo_heidelbergensis", + "fonceuse", + "milhaud", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "l_\u00e9lu", + "anne_sullivan", + "paul_robeson", + "arnold", + "simon_pierre", + "thomas_middleton", + "john_dowland", + "sumner", + "van_dyck", + "dag_hammarskj\u00f6ld", + "johny_jacob", + "daniel_jones", + "benjamin_jonson", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "rudolf_serkin", + "couperin", + "ethel_merman", + "aide_m\u00e9nag\u00e8re", + "samuel_adams", + "albert_speer", + "james_baldwin", + "john_vanbrugh", + "gracie", + "indira_gandhi", + "william_mitchell", + "george_brummell", + "jane_seymour", + "peter_minnewit", + "george_gershwin", + "alberto_giacometti", + "nicolas_machiavel", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "friedrich_fr\u00f6bel", + "daniel_rutherford", + "khayy\u0101m", + "saint_cyrille", + "ashe", + "marco_polo", + "macaca_nemestrina", + "john_fletcher", + "charlie_watts", + "m", + "charlotte_corday", + "marcel_marceau", + "gilmer", + "le_petit_lord_fauntleroy", + "oort", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "gibbs", + "antoine_watteau", + "brandt", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "jos\u00e9_ortega_y_gasset", + "antonius", + "jean_bernoulli", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "heinrich_b\u00f6ll", + "phillis_wheatley", + "patrick_white", + "hans_zinsser", + "saul_steinberg", + "constantin", + "bartholomew_roberts", + "eileen_farrell", + "troisi\u00e8me_croisade", + "catherine_howard", + "daniel_morgan", + "hans_christian_andersen", + "peter_cooper", + "reich", + "william_morris", + "william_dawes", + "cary_grant", + "hideyo_noguchi", + "thomas", + "isaac_watts", + "pieter_zeeman", + "arnold_gesell", + "glenn_miller", + "steward", + "wegener", + "pablo_picasso", + "mansart", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "raffles", + "fosse_aux_lions", + "thomas_moore", + "robeson", + "louis_ix", + "kurt_weill", + "otto_hahn", + "lester_young", + "christian_huygens", + "john_marshall", + "georges_boole", + "hector_berlioz", + "hermann_g\u00f6ring", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "robert_scott", + "john_galsworthy", + "robert_robinson", + "ziegler", + "chevtchenko", + "dickinson", + "spielberg", + "o", + "rakhmaninov", + "goodman", + "mccartney", + "one", + "adam_smith", + "william_james", + "mohamed_ali", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "albrecht_d\u00fcrer", + "i", + "pedro", + "robert_indiana", + "jimmy_durante", + "john_wesley", + "henry_longfellow", + "l_\u00e9lue", + "sandro_botticelli", + "parrish", + "carson_mccullers", + "ren\u00e9_magritte", + "bloch", + "seiji_ozawa", + "ehrenberg", + "paolo_caliari", + "nikola_tesla", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "joseph_caulle", + "carlo_goldoni", + "john_locke", + "tharp", + "alexis_carrel", + "du_maurier", + "l_enfant", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "henson", + "richards", + "lorado", + "lorenz_hart", + "philippe_melanchthon", + "perry", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "saint_david", + "le_valentinois", + "crosby", + "denmark_vesey", + "leonard_bloomfield", + "jane_jacobs", + "sergue\u00ef_rachmaninov", + "verlaine", + "jean_piaget", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "montgomery_ward", + "frank_norris", + "konoe", + "frank_stella", + "paul_v\u00e9ron\u00e8se", + "robert_southey", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "chopin", + "hearst", + "rankin", + "vaux", + "richard_neville", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "archibald_macleish", + "fowler", + "richard_starkey", + "peter_behrens", + "john_tradescant", + "jaspers", + "alfred_stieglitz", + "joseph_haydn", + "stephen_spender", + "joseph_staline", + "garfield", + "d\u00e9chet_blanc", + "george_boole", + "paul_revere", + "helen_wills", + "kruger", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "jacques", + "robert_boyle", + "arthur_laffer", + "edith_cavell", + "alan_paton", + "ralph_richardson", + "prima_donna", + "lenard", + "1", + "alberti", + "cordell_hull", + "james_wilson", + "rosa_parks", + "norman_jewison", + "marceau", + "riley", + "samuel_goldwyn", + "mikha\u00efl_kalinine", + "x", + "ernest_walton", + "tcha\u00efkovski", + "jacob", + "giuseppe_mazzini", + "carolus", + "jim_thorpe", + "hertz", + "bradbury", + "h", + "randall_jarrell", + "arnold_sch\u00f6nberg", + "manson", + "laurence_sterne", + "andre\u00ef_sakharov", + "hutchinson", + "jacqueline_cochran", + "george_fox", + "ben_hecht", + "christopher_isherwood", + "kremer", + "bloomfield", + "fritz_kreisler", + "anne_hathaway", + "david_garrick", + "bill_russell", + "berlioz", + "nicolas_copernic", + "thomson", + "baldwin", + "le_duce", + "jeannette_rankin", + "clarence_darrow", + "agassiz", + "charles_lamb", + "harry", + "g", + "john_chapman", + "jansen", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "johns_hopkins", + "henri_pitot", + "wanda_landowska", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "aiken", + "r", + "george_lucas", + "andrew_jackson", + "v\u00e9ron\u00e8se", + "edith_wharton", + "louis_armstrong", + "spallanzani", + "fran\u00e7ois_jacob", + "ortega", + "john_roberts", + "loeb", + "antony_tudor", + "steven_spielberg", + "lac_powell", + "comstock", + "jean_monnet", + "khrouchtchev", + "leonard", + "sellers", + "mikha\u00efl_bakounine", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "sebasti\u00e1n_vizca\u00edno", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "karel_\u010dapek", + "le_petit_chaperon_rouge", + "robert_brown", + "bethune", + "thomas_carlyle", + "bragg", + "donald_barthelme", + "william_tyndale", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "grand_manitou", + "svedberg", + "thornton", + "d", + "james_bowie", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "castro", + "beadle", + "william_faulkner", + "simon_de_montfort", + "amerigo_vespucci", + "arthur_holmes", + "pierre_boulez", + "hans_adolf_krebs", + "lars", + "emma_goldman", + "robert_gray", + "blake", + "haywood", + "anna_kournikova", + "eug\u00e8ne_delacroix", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "rachel_louise_carson", + "james_mill", + "john_ciardi", + "matthew_flinders", + "george_kaufman", + "robert_herrick", + "joseph_campbell", + "grainger", + "michel_greg", + "molnar", + "jean_de_la_fontaine", + "robert_hooke", + "davy", + "o_henry", + "hoffa", + "les_dix_derniers_jours_d_hitler", + "karl_popper", + "alfred", + "coleman_hawkins", + "frye", + "george_sand", + "sousa", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "lapini\u00e8re", + "henry_clay", + "cousteau", + "bolingbroke", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "g\u00fcnter_grass", + "kenneth_roberts", + "jim_morrison", + "cromwell", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "robert_morris", + "chaumier", + "carroll", + "woody_herman", + "alexander_wilson", + "josef_albers", + "jackson_pollock", + "laffite", + "david_crockett", + "welles", + "kasparov", + "john_lennon", + "andrea_palladio", + "golding", + "gr\u00e9goire", + "gandhi", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "mcpherson", + "edward_morley", + "j_m_barrie", + "thomas_malory", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "l_admirable_crichton", + "caldwell", + "pieter_cornelis_mondriaan", + "christophe_colomb", + "hugo_junkers", + "burnham", + "maurice_barrymore", + "paul_gleason", + "papinette", + "lillian_hellman", + "brescia", + "brecht", + "carter", + "thomas_merton", + "villard", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "c_s_forester", + "kuhn", + "cushing", + "robinson_jeffers", + "le_bouffon_du_roi", + "algernon", + "alice_walker", + "strauss", + "macleish", + "miles_davis", + "lydia_liliuokalani", + "bruce", + "andr\u00e9_weil", + "james_parkinson", + "gustave", + "george_marshall", + "cochran", + "gesell", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "bozen", + "stanley_kubrick", + "rudolph_bultmann", + "niccol\u00f2_amati", + "john_deere", + "john_huston", + "william_cook", + "haacht", + "ivanov", + "william_gilbert", + "mcgraw", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "la_rochefoucauld", + "david_hilbert", + "le_joueur_de_fl\u00fbte_de_hamelin", + "wilhelm_reich", + "william_thornton", + "roman_jakobson", + "oliver_cromwell", + "vladimir_poutine", + "lionel_hampton", + "martin_luther_king", + "purcell", + "james_hargreaves", + "patrick_d_irlande", + "kekul\u00e9", + "paul_c\u00e9zanne", + "lorenz", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "pierre_ier_le_grand", + "william_wycherley", + "riehen", + "o'brien", + "margaret_sanger", + "xubila\u00ef", + "george_mason", + "george_wallace", + "quincy", + "schulz", + "alonso", + "sargent", + "agrippina", + "richard_rodgers", + "george", + "anne_sexton", + "saint_cr\u00e9pinien", + "georges_de_lydda", + "john_dryden", + "jim_henson", + "frank", + "b\u00e9la_lugosi", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "jeanne_seymour", + "aquila", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "gracie_allen", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "woodbury", + "whittier", + "hampton", + "fernand_l\u00e9ger", + "swinburne", + "roald_amundsen", + "sherwood_anderson", + "andersen", + "richard_leakey", + "alfred_korzybski", + "c_a", + "charles_dickens", + "pershing", + "fairbanks", + "samuel_huntington", + "de_saussure", + "ella_fitzgerald", + "fats_waller", + "thomas_sydenham", + "jack_robinson", + "manipulateur_en_\u00e9lectroradiologie_m\u00e9dicale", + "jacques_offenbach", + "saint_laurent", + "schweitzer", + "joseph_paxton", + "william_curtis", + "bose", + "william_chambers", + "gilbert", + "leakey", + "hans_conrad_julius_reiter", + "george_stevens", + "federico_fellini", + "the_one", + "bessie_smith", + "bentham", + "patrick_henry", + "carnot", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "montfort", + "bernardo_bertolucci", + "michael_sinnott", + "z\u00e9non", + "king_oliver", + "jan_steen", + "lichtenstein", + "frank_harris", + "e_e_cummings", + "john_ross", + "jaroslav_ha\u0161ek", + "ali_baba", + "antonin", + "powell", + "philibert_delorme", + "andrew_mellon", + "andrew_carnegie", + "fils_de_jonas", + "franz_schubert", + "arnaud", + "johnny_cash", + "vidal", + "joseph_mccarthy", + "alfred_kastler", + "marduk", + "mick_jagger", + "otto_loewi", + "robinson", + "don_quichotte", + "friedrich_max_m\u00fcller", + "beno\u00eet", + "georges_cuvier", + "sessions", + "william_harvey", + "constantin_br\u00e2ncu\u015fi", + "de_vliegende_hollander", + "walter_scott", + "august_von_wassermann", + "peter_medawar", + "jenner", + "sam_houston", + "robert_peary", + "rodgers", + "robert_browning", + "comenius", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "franck", + "goebbels", + "iglesias", + "walter_gropius", + "albert_einstein", + "l", + "henry_sweet", + "robert_joffrey", + "aletta_jacobs", + "stubbs", + "thomas_edison", + "joukov", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "pieter_stuyvesant", + "ormuzd", + "ostwald", + "t", + "griffith", + "thatcher", + "lemmon", + "jorioz", + "marley", + "wilhelm_ostwald" + ], + "RELIGION_MEMBER": [ + "jihadiste", + "le_pr\u00e9dicateur", + "\u00e9piscopalien", + "christiano", + "guru", + "the_hindu", + "j\u00e9suite", + "protestant", + "sarrasins", + "mulla", + "chi_ite", + "dunker", + "moll\u00e2", + "wahhabi", + "chartreux", + "anabaptiste", + "chartreuses_anglaises", + "melchite", + "sarrazin", + "mahom\u00e9tan", + "melkite", + "mormon", + "armano", + "parsis", + "shaker", + "mahom\u00e9tisme", + "congr\u00e9gationaliste", + "christian", + "mollah", + "le_retour_du_fr\u00e8re_prodigue", + "franciscain", + "sister", + "mullah", + "sunni", + "parsi", + "presbyt\u00e9rien", + "bouddhiste", + "catholique", + "cistercien", + "mon", + "ath\u00e9iste", + "secoueur", + "sunnite", + "pent\u00e9costaire", + "pentec\u00f4tiste" + ], + "PLANT": [ + "canneberge", + "acer_negundo", + "quercus_wislizenii", + "hibiscus_syriacus", + "jambose", + "carline_commune", + "petite_oseille", + "acanthocereus_tetragonus", + "mille_pertuis", + "hibiscus_mutabilis", + "arceuthobium_pusillum", + "brachychiton_populneus", + "glaucium_flavum", + "primula_auricula", + "senecio_vulgaris", + "robinia_hispida", + "tsuga_caroliniana", + "lilium_martagon", + "lupinus_luteus", + "hevea", + "pyracantha", + "acer_rubrum", + "botrychium_matricariifolium", + "agathis_lanceolata", + "liseron", + "mahonia", + "senna_marilandica", + "chalef_argent\u00e9", + "lespedeza_cuneata", + "campanula_persicifolia", + "prunus_alleghaniensis", + "leucogenes_leontopodium", + "eriophyllum_wallacei", + "cin\u00e9raire_maritime", + "diospyros_virginiana", + "dryopteris_fragrans", + "nielle", + "helenium_autumnale", + "iris_cristata", + "pourgh\u00e8re", + "rhododendron_viscosum", + "mastic", + "pine", + "verbascum_thapsus", + "lycium_barbarum", + "coquelicot", + "monarde", + "surelle", + "cam\u00e9risier", + "carduus_crispus", + "parnassia", + "helicteres_isora", + "if_commun", + "ch\u00e2tain", + "salvia_leucophylla", + "iris_germanica", + "if_du_japon", + "lilium_philadelphicum", + "ficaire", + "lilium_longiflorum", + "sorghum_halepense", + "rubus_saxatilis", + "charme_commun", + "salicaire_commune", + "veronica_beccabunga", + "liriodendron_tulipifera", + "quercus_coccinea", + "sois_prudent", + "camphre", + "cladonia_rangiferina", + "melissa", + "canavalia_gladiata", + "impatiens_walleriana", + "geranium_molle", + "ch\u00e2taigne", + "hoya_carnosa", + "helianthus_petiolaris", + "charme_houblon", + "viola_arvensis", + "sapindus", + "l_empoisonneuse", + "viola_reichenbachiana", + "chimaphila_umbellata", + "lilium_lancifolium", + "the_joshua_tree", + "tragopogon_pratensis", + "sarcoscypha_coccinea", + "philadelphus_coronarius", + "aralia_elata", + "busserole", + "brassica_nigra", + "torreya_californica", + "atte", + "eleocharis_dulcis", + "carotte", + "balding\u00e8re", + "betula_populifolia", + "bromus_tectorum", + "helleborus_niger", + "volubilis", + "helianthus", + "quetschier", + "aristolochia_serpentaria", + "pterocarpus_santalinus", + "gaillardia_pulchella", + "rosa_chinensis", + "le_myst\u00e8re_silkwood", + "polygala_senega", + "lathyrus_latifolius", + "banksia_integrifolia", + "carissa", + "scorzonera_hispanica", + "eupatorium_maculatum", + "cucurbita_moschata", + "monarda_citriodora", + "rudbeckia_laciniata", + "solanaceae", + "eupatorium_perfoliatum", + "marronnier", + "salvia_verbenaca", + "cordia_alliodora", + "erica_tetralix", + "campanula_medium", + "quercus_kelloggii", + "cynorhodon", + "erigeron_divergens", + "vanilla_planifolia", + "viola_cornuta", + "juncus_articulatus", + "eryngium_maritimum", + "schefflera_actinophylla", + "amelanchier_bartramiana", + "rubus_cuneifolius", + "sida_rhombifolia", + "pachysandra_terminalis", + "hibiscus_heterophyllus", + "salix_babylonica", + "dryopteris_marginalis", + "thermopsis_villosa", + "asclepias_exaltata", + "centaur\u00e9e_scabieuse", + "cyclamen_purpurascens", + "oxytropis_lambertii", + "marri", + "magnolia_acuminata", + "cypripedium_parviflorum", + "pseudotsuga_macrocarpa", + "kennedia_prostrata", + "anthyllis_vulneraria", + "arctostaphylos_alpinus", + "prunus_japonica", + "abies_grandis", + "leucanthemum_maximum", + "alliaire", + "laurus_nobilis", + "lathyrus_odoratus", + "selaginella_lepidophylla", + "fraxinus_americana", + "strongylodon_macrobotrys", + "amanita", + "bergamotier", + "pe_tsa\u00ef", + "sequoiadendron", + "vespula_vulgaris", + "macrotyloma_uniflorum", + "achillea_ptarmica", + "arabidopsis_thaliana", + "caesalpinia_gilliesii", + "centaurea_nigra", + "pilularia_globulifera", + "maniguette", + "putet", + "reine_marguerite", + "bertholletia_excelsa", + "iris_tingitana", + "adenium_obesum", + "helianthus_annuus", + "arundo", + "cassiope_mertensiana", + "astilbe_biternata", + "monarda", + "sorbus_torminalis", + "muflier", + "trichostema_dichotomum", + "achillea", + "magnolia_grandiflora", + "podocarpus_elongatus", + "berteroa_incana", + "colutea_arborescens", + "scammon\u00e9e", + "mille_feuille", + "yuca", + "prosopis_glandulosa", + "chionanthus_virginicus", + "podocarpus_elatus", + "bidens_tripartita", + "morgeline", + "sinapis", + "campanelle", + "amanites", + "prunus_laurocerasus", + "pachysandra_procumbens", + "napaea_dioica", + "allium_tuberosum", + "pennisetum_glaucum", + "schizachyrium_scoparium", + "senecio_triangularis", + "amelanchier_alnifolia", + "machaeranthera_tanacetifolia", + "ravenelle", + "salix_triandra", + "m\u00e9lisse", + "leucaena_leucocephala", + "silene_virginica", + "lilium_michiganense", + "cercidiphyllum_japonicum", + "atriplex_hortensis", + "vaccinium_corymbosum", + "camphrier", + "eupatorium_purpureum", + "ravenale", + "quercus_falcata", + "platane_commun", + "begonia_heracleifolia", + "teucrium_scorodonia", + "acer_campestre", + "plante_annuelle", + "ne_m\u2019_oubliez_pas", + "bletilla_striata", + "helianthus_angustifolius", + "sambal", + "mimosa_pudica", + "leontopodium_alpinum", + "chamaecyparis_thyoides", + "merisier", + "rubus_caesius", + "papaver_somniferum", + "manioc", + "convolvulus", + "malus_angustifolia", + "par\u00e9", + "cynoglosse", + "gentiana_lutea", + "mercurialis_perennis", + "arcos", + "quercus_velutina", + "arctostaphylos_alpina", + "botrychium_virginianum", + "acacia_pycnantha", + "cynoglossum_amabile", + "actinidia_chinensis", + "taxus_baccata", + "gr\u00e9vill\u00e9e", + "saxifraga_granulata", + "sakura", + "chloris_gayana", + "sporobolus_cryptandrus", + "lycopodium_obscurum", + "valerianella_locusta", + "periploca_graeca", + "geum_macrophyllum", + "papaver", + "rhus_typhina", + "salix_humilis", + "nymphaea_alba", + "silene_dioica", + "dicentra_spectabilis", + "euphorbia_esula", + "phaseolus_coccineus", + "diplotaxis_tenuifolia", + "guinda", + "candida_albicans", + "pulicaria_dysenterica", + "ranunculus_ficaria", + "polygala_paucifolia", + "callirhoe_involucrata", + "graptophyllum_pictum", + "senna_alata", + "schinus_terebinthifolius", + "amaryllis_belladonna", + "veronica_officinalis", + "phegopteris_connectilis", + "dartrier", + "asperula", + "betterave", + "amphicarpaea_bracteata", + "pycnanthemum_virginianum", + "ortie", + "aconitum_lycoctonum", + "rosa_multiflora", + "soyez_prudente", + "prunus_cerasus", + "anthemis_arvensis", + "helianthus_giganteus", + "microstrobos_niphophilus", + "solidago_rugosa", + "ligustrum_ovalifolium", + "acer_macrophyllum", + "asclepias_purpurascens", + "acacia_dealbata", + "capsicum_baccatum", + "doubeurre", + "agrimonia_eupatoria", + "brasenia_schreberi", + "anaphalis_margaritacea", + "bidens_bipinnata", + "larix_occidentalis", + "plantago_lanceolata", + "pseudobombax_ellipticum", + "sciadopitys", + "chrysanth\u00e8me", + "erythronium_grandiflorum", + "trichostema_lanceolatum", + "polystichum_lonchitis", + "ononis_spinosa", + "tanacetum_ptarmiciflorum", + "andropogon_virginicus", + "hamamelis_vernalis", + "margousier", + "ranunculus_glaberrimus", + "xanthosoma_sagittifolium", + "ipomoea_leptophylla", + "acer_palmatum", + "thlaspi_arvense", + "agrostemma_githago", + "ligustrum_ibolium", + "pseudolarix_amabilis", + "ou_myrique_baumier", + "cortinaire_violet", + "hypericum_androsaemum", + "taxus_cuspidata", + "salix_viminalis", + "ou_s\u00e9nev\u00e9", + "tilia_japonica", + "melampodium_leucanthum", + "juniperus_virginiana", + "sphaeralcea_coccinea", + "calamintha_grandiflora", + "acacia_auriculiformis", + "arctostaphylos_andersonii", + "bergamote", + "leonotis_nepetifolia", + "alstonia_scholaris", + "eucalyptus_globulus", + "cassia_fistula", + "phyllocladus_alpinus", + "vaccinium_arboreum", + "pterospermum_acerifolium", + "platanus_occidentalis", + "passiflora_incarnata", + "clusia", + "festuca_ovina", + "zanthoxylum_americanum", + "quercus_ellipsoidalis", + "syringa_reticulata", + "plantule", + "bromus_arvensis", + "polygala_vulgaris", + "hypericum_tetrapterum", + "ardisia_crenata", + "fraxinus_quadrangulata", + "moutarde", + "physostigma_venenosum", + "veronica_peregrina", + "scutellaria_lateriflora", + "ganteline", + "nothofagus_menziesii", + "clematis_virginiana", + "pennisetum_setaceum", + "calebassier", + "dividivi", + "rubus_trivialis", + "artemisia_tridentata", + "tracheobionta", + "chenopodium_capitatum", + "chaenomeles_speciosa", + "selenicereus_grandiflorus", + "citrus_aurantium", + "pelargonium_peltatum", + "amaranthus_spinosus", + "barbarea_vulgaris", + "eremobates_gladiolus", + "osmanthus_americanus", + "kochia_scoparia", + "felicia_bergeriana", + "psidium_cattleianum", + "delairea_odorata", + "annona_cherimola", + "helleborus_orientalis", + "piper_longum", + "gossypium_hirsutum", + "filago", + "abronia_maritima", + "prunus_armeniaca", + "campanula_americana", + "marrube", + "castanea_dentata", + "quercus_stellata", + "allamanda_cathartica", + "magnolia_macrophylla", + "liquidambar", + "ch\u00e8vrefeuille", + "petasites_hybridus", + "charme_am\u00e9ricain", + "urtica", + "parthenocissus_tricuspidata", + "lychnis", + "artemisia_cana", + "paspalum_distichum", + "ligustrum_obtusifolium", + "quercus_garryana", + "coreopsis_maritima", + "maclura_pomifera", + "malus_baccata", + "cucurbita_argyrosperma", + "aster_arenosus", + "coulemelle", + "odon", + "salix_fragilis", + "amanita_muscaria", + "pterocarpus_indicus", + "olive", + "corylus_americana", + "brachychiton_australis", + "mildiou_de_la_pomme_de_terre", + "leonurus_cardiaca", + "silybum", + "castagnaro", + "malherbologie", + "physostegia_virginiana", + "asplenium_trichomanes", + "paradisier", + "carissa_bispinosa", + "acer_japonicum", + "silene_acaulis", + "cnidolscolus_stimulosus", + "arrhenatherum_elatius", + "masako", + "fraxinus_caroliniana", + "larkspur", + "agrostis_nebulosa", + "eucalyptus_camphora", + "nicotiana_alata", + "kniphofia", + "dracocephalum", + "carissa_macrocarpa", + "sorbier", + "populus_balsamifera", + "armeria_maritima", + "pavots", + "nicotiana_tabacum", + "centaurea_scabiosa", + "myosotis_sylvatica", + "kananga", + "asarets", + "chamaecrista_fasciculata", + "asclepias_verticillata", + "phyllostachys_nigra", + "rosa_laevigata", + "puccinia_graminis", + "astragalus_alpinus", + "quercus_variabilis", + "ulmus_americana", + "lentisque", + "carex_arenaria", + "psidium_guineense", + "antennaria_plantaginifolia", + "eriodictyon_californicum", + "erigeron_annuus", + "platycladus_orientalis", + "acanthus_mollis", + "albugine", + "if_japonais", + "grande_bardane", + "sanguin", + "alth\u00e9a", + "stellaria_media", + "erica_perspicua", + "leucanthemum_vulgare", + "solanum_nigrum", + "abies_lasiocarpa", + "campanula_rapunculus", + "melastoma_malabathricum", + "rhus_trilobata", + "cystopteris_montana", + "rubus_parviflorus", + "sciadopitys_verticillata", + "ulmus_alata", + "lycopodium_complanatum", + "lonicera_dioica", + "aralia_spinosa", + "clematis", + "anthemis_tinctoria", + "cranberry", + "helianthus_tuberosus", + "merise", + "parthenium_argentatum", + "hedysarum_coronarium", + "senna_occidentalis", + "eryngium_yuccifolium", + "clematis_lasiantha", + "petite_digitale", + "camassia_leichtlinii", + "lithospermum_canescens", + "alisme", + "tartifle", + "hippocrepis_comosa", + "saccharum", + "usnea_barbata", + "hoffe", + "lycopus_americanus", + "prunus_domestica", + "draba_verna", + "dendrocalamus_giganteus", + "cercis_occidentalis", + "bardanes", + "portulaca_grandiflora", + "chlorophyllum_molybdites", + "centaurea_americana", + "m\u00e9lissa", + "bilimbi", + "gilas", + "muscicapa_striata", + "arundinaria_gigantea", + "asclepias_albicans", + "prosopis_juliflora", + "acer_platanoides", + "cotoneaster_horizontalis", + "ronce", + "rubus_idaeus", + "viburnum_prunifolium", + "grifola", + "quercus_macrocarpa", + "prunus_pensylvanica", + "gossypium_barbadense", + "brachychiton_rupestris", + "platylobium_formosum", + "argemone", + "hedysarum_boreale", + "erica_carnea", + "cimicifuga_racemosa", + "euphorbia_cyparissias", + "salvia_pratensis", + "centaurea_cyanus", + "euphorbia_cyathophora", + "ormosia_coarctata", + "asclepias_incarnata", + "santolina_chamaecyparissus", + "delonix_regia", + "cascara", + "urtica_dioica", + "agaricus_campestris", + "monotrope_uniflore", + "caboche", + "trifolium_repens", + "blackberry", + "quercus_prinoides", + "parochetus_communis", + "oenanthe_aquatica", + "marsault", + "rubus_leucodermis", + "cortaderia_selloana", + "solanum", + "ballota_nigra", + "campanula_carpatica", + "xerophyllum_tenax", + "chardon_pench\u00e9", + "acalypha_virginica", + "begonia_erythrophylla", + "allium_acuminatum", + "campsis_radicans", + "cirsium_vulgare", + "rhodosphaera_rhodanthema", + "eryngium_aquaticum", + "echinocactus_grusonii", + "flamboyants", + "eupatorium_capillifolium", + "millepertuis_andros\u00e8me", + "heterotheca_villosa", + "lilium_canadense", + "allium_neopolitanum", + "medinilla_magnifica", + "brachychiton_acerifolius", + "caragana_arborescens", + "consoude_officinale", + "sorbus_aucuparia", + "senecio_cineraria", + "ne_m_oubliez_pas", + "acer_pseudoplatanus", + "aristolochia_macrophylla", + "liserons", + "lotus_corniculatus", + "allium_triquetrum", + "clematis_tangutica", + "robinia_viscosa", + "millepertuis_perfor\u00e9", + "hydrangea_arborescens", + "monarda_fistulosa", + "calamagrostis_acutiflora", + "tamier", + "cornus_florida", + "cytisus_multiflorus", + "mol\u00e8nes", + "amaranthus_caudatus", + "silene_latifolia", + "gymnocladus_dioica", + "filao", + "botrychium_lunaria", + "fraxinus_velutina", + "anagallis_tenella", + "combretum_erythrophyllum", + "tetragonia_tetragonioides", + "monarda_pectinata", + "fagus_sylvatica", + "gentiana_andrewsii", + "acrocarpus_fraxinifolius", + "cupressus_lusitanica", + "salix_pentandra", + "aureolaria_virginica", + "rubus_spectabilis", + "prunus_subcordata", + "drosophyllum_lusitanicum", + "crataegus_laevigata", + "plagianthus_betulinus", + "anemone_virginiana", + "quercus_lyrata", + "collinsia_parviflora", + "plantes", + "acer_circinatum", + "salix_repens", + "sabina", + "arum", + "silene_uniflora", + "seibo", + "dracunculus_vulgaris", + "pinus_attenuata", + "polygala_alba", + "v\u00e9ronique_agreste", + "acacia_melanoxylon", + "cyperus_papyrus", + "pavot", + "agrostis_canina", + "saccharomyces_cerevisiae", + "ballote", + "listera_cordata", + "carya_laciniosa", + "platymiscium_pinnatum", + "salicaire", + "tropaeolum_peregrinum", + "boletus_edulis", + "saccharum_officinarum", + "hydrangea_paniculata", + "ambrette", + "buckeye", + "campanula_trachelium", + "ranunculus_bulbosus", + "cassave", + "mor\u00e8ne", + "erythronium_americanum", + "taraxacum_officinale", + "l_\u00e9rable_\u00e0_sucre", + "arenaria_serpyllifolia", + "solenostemon_scutellarioides", + "daphne_cneorum", + "fraxinus_pennsylvanica", + "iris_persica", + "juglans_californica", + "viburnum_dentatum", + "erica_cinerea", + "dracaena_draco", + "campanula_rotundifolia", + "phytolacca_dioica", + "columbine", + "medicago_intertexta", + "crotalaria_spectabilis", + "plante_parasite", + "campanula_glomerata", + "phaseolus_lunatus", + "marum", + "lonicera_tatarica", + "pachyrhizus_tuberosus", + "schizanthus", + "hypochaeris_radicata", + "sawi", + "actinidia_deliciosa", + "dalbergia_latifolia", + "polystichum_aculeatum", + "anemopsis_californica", + "marathi", + "peste_des_eaux", + "anemone_pulsatilla", + "beta_vulgaris", + "eucalyptus_amygdalina", + "prunus_lyonii", + "cerastium_alpinum", + "cypripedium_fasciculatum", + "pleurotus_ostreatus", + "allium_ursinum", + "pseudotsuga_menziesii", + "monotropa_uniflora", + "stephanomeria_malheurensis", + "tanacetum_parthenium", + "erythrina", + "lithospermum_officinale", + "arisaema_dracontium", + "blephilia_hirsuta", + "senna_alexandrina", + "haricots_verts", + "vangueria_infausta", + "asparagus_plumosus", + "heracleum_sphondylium", + "crataegus_aestivalis", + "drimys_winteri", + "erigeron_pulchellus", + "phlox_subulata", + "lathyrus_sylvestris", + "bucar\u00e9", + "sois_prudente", + "sida_hermaphrodita", + "symphytum_officinale", + "solidago_nemoralis", + "dicentra_canadensis", + "armillaires", + "rosa_moschata", + "viola_tricolor", + "viburnum_opulus", + "allium_vineale", + "dion\u00e9e", + "gentiana_saponaria", + "malaguette", + "salvia_farinacea", + "tang\u00e9rois", + "samanea_saman", + "calla", + "calocedrus_decurrens", + "lupinus_arboreus", + "coix_lacryma_jobi", + "arctostaphylos_manzanita", + "erythronium_montanum", + "cassissier", + "vaccinium_ovatum", + "prunus_serrulata", + "galium_verum", + "la_beno\u00eete_\u00e0_trois_fleurs", + "cycas_circinalis", + "populus_nigra", + "mentha_longifolia", + "nasturtium", + "aster_maritime", + "muscari_comosum", + "stenotaphrum_secundatum", + "artemisia_filifolia", + "cerfeuil_commun", + "ranunculus_repens", + "berberis_canadensis", + "apocynum_androsaemifolium", + "veluette", + "strelitzia_reginae", + "agathis_australis", + "bourdaine", + "lemna_minor", + "pelin", + "larix_laricina", + "chardon_dore", + "ornier", + "pyrola_rotundifolia", + "colocasia_esculenta", + "ustilago_maydis", + "inga_edulis", + "edelweiss", + "anemone_tetonensis", + "lonicera_albiflora", + "trifolium_stoloniferum", + "hypericum_calycinum", + "piper_betle", + "hypericum_perforatum", + "allium_fistulosum", + "anthurium_scherzerianum", + "callitris_cupressiformis", + "tangerine", + "fromental", + "salix_arctica", + "conyza_canadensis", + "phacelia_campanularia", + "gentiana_calycosa", + "campanula_aparinoides", + "amaranthus_hypochondriacus", + "solidago_multiradiata", + "lithocarpus_densiflorus", + "stellaire_interm\u00e9diaire", + "cormier", + "alnus_glutinosa", + "cnidoscolus_urens", + "diplotaxis_erucoides", + "cypripedium_montanum", + "eucalyptus_calophylla", + "arctium_minus", + "arrhenatherum", + "eucalyptus_pauciflora", + "annona_reticulata", + "pinus_muricata", + "paris_quadrifolia", + "chrysanthemum_morifolium", + "phytolacca_americana", + "nicotiana_rustica", + "lathyrus_sativus", + "oxalis", + "anthriscus_sylvestris", + "belladonna", + "campanula_pyramidalis", + "pteridium_aquilinum", + "polygala_lutea", + "begonia_cheimantha", + "pitchpin", + "maianthemum_canadense", + "barbar\u00e9e", + "panicum_capillare", + "lathyrus_splendens", + "begonia_socotrana", + "salvia_sclarea", + "larix_russica", + "aristolochia_clematitis", + "allium_ampeloprasum", + "catharanthus_roseus", + "crataegus_mollis", + "ageratum_houstonianum", + "cephalanthera_rubra", + "vangueria_madagascariensis", + "ou_pour_les_francophones_d_am\u00e9rique_le", + "abies_bracteata", + "poa_nemoralis", + "soyez_prudent", + "corylus_cornuta", + "solidago_spathulata", + "attier", + "barbar\u00e9e_commune", + "iris_virginica", + "lotus_tetragonolobus", + "arctostaphylos_uva_ursi", + "hieracium_aurantiacum", + "prosopis_pubescens", + "putier", + "dragonnier", + "chrysanthemum", + "agrimonia", + "myrica_gale", + "fausse_morille", + "allium_scorodoprasum", + "chardon_marie", + "vallisneria", + "holcus_mollis", + "erythrina_variegata", + "platanthera_chlorantha", + "rosa_banksiae", + "acer_glabrum", + "rubus_canadensis", + "epipactis_gigantea", + "euphorbia_milii", + "ataca", + "taxus_floridana", + "begonia_tuberhybrida", + "rubus_occidentalis", + "paradisea_liliastrum", + "piloselle", + "hakea_laurina", + "castanea", + "rudbeckia_hirta", + "brem", + "phyllostachys_bambusoides", + "oreille_de_souris", + "beaumontia_grandiflora", + "grand_plantain", + "physalis_peruviana", + "parthenium_integrifolium", + "sambucus_ebulus", + "salice", + "rubus_odoratus", + "j\u00edcama", + "hamamelis_virginiana", + "arctostaphylos_tomentosa", + "quercus_virginiana", + "sarcocephalus_latifolius", + "gossypium_thurberi", + "podocarpus_latifolius", + "dicksonia_antarctica", + "muscari_neglectum", + "baccharis_pilularis", + "magnolia", + "eucalyptus_regnans", + "galium_boreale", + "centaurea_gymnocarpa", + "ulmus_hollandica", + "nephrolepis_exaltata", + "asclepias_meadii", + "pterocarpus_macrocarpus", + "quercus_texana", + "phellodendron_amurense", + "hevea_brasiliensis", + "cordyline_australis", + "ranunculus_aquatilis", + "avena_barbata", + "amanite", + "polypodium_vulgare", + "bromus_secalinus", + "anemone_occidentalis", + "pinus_palustris", + "conium_maculatum", + "takamaka", + "plantago_media", + "mahonia_nervosa", + "erythrina_corallodendrum", + "oenanthe_crocata", + "lotus_berthelotii", + "artemisia_maritima", + "ranunculus_acris", + "t\u00eate_de_maure", + "cirsium_arvense", + "centaurea_imperialis", + "cypripedium_reginae", + "alpinia_officinarum", + "castagner", + "abronia_villosa", + "andromeda_polifolia", + "teucrium_canadense", + "pinus_echinata", + "malacothamnus_fasciculatus", + "verbascum_lychnitis", + "betula_papyrifera", + "phyllostachys_aurea", + "rosa_damascena", + "euphorbe_h\u00e9t\u00e9rophylle", + "pterocarpus_angolensis", + "parisette", + "alliaire_officinale", + "digitaire", + "achill\u00e9e", + "anchusa_capensis", + "cl\u00e9matite", + "salix_pyrifolia", + "camellia_japonica", + "nothofagus_truncata", + "solanum_quitoense", + "tritoma", + "tang\u00e9roise", + "podocarpus_nivalis" + ], + "JOB": [ + "assistant", + "racker", + "minter", + "tiroir", + "tamponneuse", + "persona_grata", + "videur", + "falconer", + "teaser", + "verger", + "galvaniser", + "pigiste", + "le_facteur", + "cornac", + "guru", + "vanesse", + "ramoneur", + "labourer", + "mercator", + "warder", + "myod\u00e9sopsie", + "l_heure_des_sorci\u00e8res", + "indexer", + "stripteaseuse", + "savonner", + "l_habilleur", + "barbier_chirurgien", + "nettoyeur", + "carangue_coubali", + "shearer", + "laiti\u00e8re", + "mariner", + "scratcher", + "parleur", + "businessman", + "manageuse", + "assistent", + "obst\u00e9tricien", + "attendant", + "houseman", + "dermatologue", + "quartier_ma\u00eetre_de_deuxi\u00e8me_classe", + "speaker", + "la_majeur", + "magasinier", + "ranger", + "arrimeur", + "cano\u00e9iste", + "packer", + "huntress", + "de_taille", + "make", + "runner", + "gouverneure", + "alderman", + "dinandier", + "the_ecologist", + "enrouleuse", + "adang", + "employable", + "dresser", + "\u00e9clairagiste", + "foulon", + "lascar", + "hand", + "hussard", + "blanchisseuse", + "luthier", + "the_lifeguard", + "compositeur", + "jeteur", + "registrar", + "meuni\u00e8re", + "charg\u00e9_de_cours", + "territoriale", + "gestionnaire", + "garagiste", + "grenadir", + "serdar", + "travailleuse", + "obst\u00e9tricienne", + "d_artagnan", + "sexton", + "riveteur", + "dressoir", + "demonstrator", + "rob_overseer", + "briscard", + "affranchisseur", + "gallant", + "temp", + "registraire", + "don", + "infirmier", + "varlet", + "h\u00f4tesse", + "stevedore", + "king", + "planter", + "gastro_ent\u00e9rologue", + "hydrogiste", + "coyote", + "berg\u00e8re", + "caporal", + "mahout", + "cleaner", + "valet", + "proth\u00e9siste_dentaire", + "neurologue", + "cin\u00e9aste", + "carver", + "the_police", + "routeur", + "pastourelle", + "pr\u00e9sidente", + "sauveteur", + "the_sentinel", + "ergoth\u00e9rapeute", + "parajuriste", + "cuirassier", + "moussaillon", + "char", + "carrier", + "marien", + "dramaturge", + "la_ratte", + "sommelier", + "caissi\u00e8re", + "charpentier", + "cataloguer", + "riveter", + "paral\u00e9gal", + "doge", + "\u00e9chevin", + "gentleman", + "endocrinologiste", + "lister", + "statisticien", + "le_docteur", + "ost\u00e9opathe", + "cuirassiers", + "dellal", + "habilleur", + "guerri\u00e8re", + "poti\u00e8re", + "territorial", + "hussards", + "serran", + "dessinateur", + "perruqui\u00e8re", + "gaffer", + "brancardi\u00e8re", + "marchande", + "bouteiller", + "paediatrician", + "brancardier", + "grip", + "para", + "router", + "se_porter_volontaire", + "cartographe", + "fermi\u00e8re", + "herboriste", + "bourgmestre", + "chief", + "b\u00e9n\u00e9vole", + "le_correcteur", + "sensei", + "arrowsmith", + "thatcher", + "relieur", + "doreuse", + "cook", + "statisticienne", + "couturier", + "mastermind", + "harponneur", + "aouteron", + "buteuse", + "tonnelier", + "argousin", + "autrice", + "trainer", + "land", + "agenda_\u00e9lectronique", + "nourrice", + "boss", + "doreur", + "vigilante", + "le_propri\u00e9taire", + "planificateur", + "mousquetaire", + "barmaid", + "en_main", + "shifu", + "transcripteur", + "chaumier", + "revendeur", + "greffier", + "butler", + "graphiste", + "cartooniste", + "machiniste", + "grenadier", + "stadiaire", + "neurochirurgien", + "stewardesse", + "surgeon", + "overseer", + "pitman", + "jeff_richards", + "vaquero", + "cytog\u00e9n\u00e9ticien", + "muletier", + "esclaves", + "cordi\u00e8re", + "escobar", + "manufacturer", + "cutter", + "brigadier", + "syntonisateur", + "freelance", + "scientist", + "leader", + "laveur", + "kamikaze", + "driver", + "endocrinologue", + "wheeler", + "se_proposer", + "slavey", + "formateur", + "inventeur", + "le_proviseur", + "the_advocate", + "enregistreur", + "performer", + "fondatrice", + "bardach", + "page", + "protestataire", + "domesticit\u00e9", + "sergent", + "tanner", + "marguillier", + "le_directeur_de_la_photographie", + "fantassin", + "interne", + "interpr\u00e9teur", + "luftmarschall", + "baker", + "avou\u00e9", + "bureaucrate", + "chimiste", + "publicateur", + "troller", + "gribouilleuse", + "barreur", + "divertisseur", + "freelancer", + "surintendant", + "cadi", + "accisien", + "le_liseur", + "perruquier", + "plombeur", + "le_professeur", + "tapissier", + "courser", + "lancer", + "master", + "tondeur", + "percepteur", + "the_guardian", + "pacificatrice", + "dumoulin", + "boulanger", + "agricultrice", + "dyer", + "manutentionnaire", + "nullifier", + "bischof", + "l_astronome", + "seller", + "une_nounou_d_enfer", + "mandarin", + "auriste", + "ferblantier", + "baleinier", + "setter", + "l_effet_glee", + "herder", + "groom", + "chargeuse", + "sommeli\u00e8re", + "justicier", + "courtier", + "mason", + "r\u00e9gatier", + "fowler", + "bunny", + "mate", + "nettoyeuse", + "terrassier", + "guide", + "param\u00e9dic", + "adjudant_g\u00e9n\u00e9ral", + "le_dentiste", + "l_horloger_de_saint_paul", + "d\u00e9coupure", + "galvaniseur", + "bader", + "m\u00e9treur", + "very_bad_trip", + "angler", + "dessinatrice", + "manageur", + "designer", + "g\u00e9rante", + "foreman", + "standardiste", + "the_babysitter", + "chasseresse", + "marshal", + "barrister", + "marguilli\u00e8re", + "chevrier", + "grouillot", + "rapporteur", + "scieur", + "horloger", + "carreleur", + "non_inscrit", + "g\u00e9rant", + "stewardess", + "cuisiner", + "diplomate", + "presbytre", + "plaisancier", + "squire", + "bouvi\u00e8re", + "fellah", + "relieuse", + "tailleuse", + "horlog\u00e8re", + "boutiqui\u00e8re", + "pharmacologue", + "cropper", + "tourneur", + "mellah", + "gaucho", + "corporal", + "beadle", + "attendante", + "collectionneuse", + "microbiologiste", + "neurologiste", + "slave", + "le_clandestin", + "pastoureau", + "dancer", + "cultivatrice", + "chevri\u00e8re", + "essayiste", + "ballonniste", + "the_consul", + "ergonomiste", + "sifu", + "the_economist", + "collier", + "infanteriste", + "manager", + "barbier", + "broker", + "wetter", + "p\u00e9riodontiste", + "carter", + "porter", + "chalutier", + "raffineur", + "fondeur", + "coupeur", + "stripper", + "ma\u00e7on", + "drogan", + "parleuse", + "styliste", + "carabinier", + "compositeurs", + "cop", + "barista", + "colonel", + "flanker", + "boulang\u00e8re", + "conseiller_municipal", + "vigilantisme", + "scoreur", + "coloniste", + "barber", + "droguiste", + "neurochirurgienne", + "aconier", + "traqueur", + "le_m\u00e9decin_d_ispahan", + "gribouilleur", + "chanceli\u00e8re", + "principal", + "huissier", + "man", + "immunologiste", + "mairesse", + "doc", + "collecteur", + "caster", + "physicien_physicienne", + "logger", + "gouverneur", + "savante", + "covergirl", + "statthalter", + "marine", + "arroseur", + "douani\u00e8re", + "coadjuteur", + "businesswoman", + "the_boxer", + "mapper", + "aguiche", + "strafer", + "h\u00e9matologue", + "wallah", + "le_briseur_de_gr\u00e8ve", + "subr\u00e9cargue", + "serrurier", + "l\u00e9v\u00eaque", + "the_hire", + "coursi\u00e8re", + "the_machinist", + "m\u00e9decin_traitant", + "usher", + "messenger", + "varans", + "chauffeur", + "solliciteur", + "plombier", + "mandataire_social", + "lacer", + "th\u00e9rapeute", + "composer", + "fossoyeur", + "au_pair", + "anthologiste", + "buteur", + "proconsul", + "lanciers", + "cox", + "bombardier", + "metteur", + "schiava", + "pharmacologiste", + "brigadi\u00e8re", + "trier", + "cameraman", + "syntoniseur", + "ploter", + "plotter", + "myiod\u00e9sopsie", + "grouille", + "tracker", + "melter", + "charron", + "dermatologiste", + "cardiologue", + "calligraphe", + "chancelier", + "croupier", + "s\u00e9n\u00e9chal", + "steward", + "gouvernante", + "morillon", + "michel_morin", + "boutiquier", + "caniveau", + "proctologue", + "laryngologue", + "troupier", + "horologiste", + "le_sang_du_diamant", + "gardienne", + "concierge", + "la_laiti\u00e8re", + "marshall", + "doula", + "docker", + "jardini\u00e8re", + "tuner", + "l_interpr\u00e8te", + "pharmacienne", + "sub", + "parer", + "romancier", + "hydrog\u00e9ologue", + "the_independent", + "solicitor", + "bishop", + "exploitant", + "coolie", + "timonier", + "cookie", + "sculpteur", + "personnelle", + "esquire", + "chaudronnier", + "amuseur", + "ergonome", + "friseuse", + "regular", + "esquisseur", + "charpenti\u00e8re", + "gatekeeper", + "autor", + "lieutenant", + "gourou", + "aurige", + "cornaquer", + "le_cerveau", + "interpr\u00e8te" + ], + "ANIMAL": [ + "marsouiner", + "panth\u00e8re_n\u00e9buleuse", + "peste_am\u00e9ricaine", + "martre", + "acherontia", + "quiscale", + "apodemus", + "cat", + "monachus_schauinslandi", + "renard_volant", + "zober", + "grand_barracuda", + "buteo", + "desmodontinae", + "moineau", + "la_mouette", + "bruche", + "drosophila", + "homo_sapiens_sapiens", + "chardonneret", + "pic_barbu", + "ours_brun", + "sinanthrope", + "la_panth\u00e8re_noire", + "l_\u00e2ne", + "hurleurs", + "vendangeron", + "diplopodes", + "condors", + "pic_des_saguaros", + "maguy", + "bondr\u00e9e", + "le_grand_cor\u00e9gone", + "cochon_d\u2019_inde", + "bihoreau", + "bor\u00e9id\u00e9s", + "sternini", + "hydrophiid\u00e9s", + "woodlouse", + "pic_\u00e0_face_blanche", + "lemmus_lemmus", + "sitta_europaea", + "nasique", + "billy_elliot", + "ophidiid\u00e9", + "squatiniformes", + "anthonome", + "tyrannid\u00e9s", + "cavaleur", + "thomson's_gazelle", + "passereau", + "squatine", + "manta", + "grand_nacr\u00e9", + "loutre", + "sitta_carolinensis", + "roselin_familier", + "langoustine_commune", + "mouarf", + "martres", + "dor\u00e9e", + "roucouler", + "carduelis", + "ours_noir", + "lagotriche", + "eretmochelys", + "effraie", + "haridelle", + "agriote", + "piranga_olivacea", + "moschid\u00e9s", + "grand_cachalot", + "sea_slug", + "mantodea", + "lactobacillus_acidophilus", + "colubrid\u00e9s", + "grand_chevalier", + "platyrrhiniens", + "vivaneau", + "interpr\u00e9tation_cons\u00e9cutive", + "grand_t\u00e9tras", + "hirondelle_des_granges", + "kaloupil\u00e9", + "pieris_brassicae", + "achiropsettidae", + "leucopt\u00e8re", + "ferret", + "brachypteraciidae", + "chaus", + "duc", + "le_chat", + "chaetodontid\u00e9s", + "h\u00e9matobie", + "crow", + "oriolo", + "ours_brun_de_syrie", + "bouquetin", + "ours_blanc", + "infection_herp\u00e9tique", + "vibe", + "la_langoustine", + "diamondback", + "fouine", + "bis_\u00e0_cou_noir", + "artiodactyles", + "chlorophytes", + "rupicole", + "micropterus", + "pic_macul\u00e9", + "fratercula_arctica", + "martes_martes", + "faina", + "chardonneret_\u00e9l\u00e9gant", + "womanizer", + "globic\u00e9phale", + "galgo", + "guaco", + "malure", + "petit_polatouche", + "grand_h\u00e9ron", + "oc\u00e9anite", + "touladi", + "raven", + "la_gu\u00eape", + "homo_sapiens", + "muscardin", + "dynastinae", + "harrier", + "baribal", + "ammospermophile", + "carabao", + "du_pauvre", + "lakeland_terrier", + "muscicapid\u00e9s", + "passer", + "pic_goertan", + "bernarche", + "hippotrague_noir", + "condor", + "hydropote", + "chevreuil", + "gerbillus_jamesi", + "chat_persan", + "the_crow", + "cagne", + "brachyote", + "blattopt\u00e8res", + "cyanophyceae", + "bousier", + "cocker", + "terrier_sealyham", + "ours_polaire", + "prunus_tenella", + "cancrelat", + "gonnelle", + "daims", + "cro_magnon", + "bruchinae", + "tetraoninae", + "accipiter", + "homme_de_cro_magnon", + "oriole", + "greyhound", + "mantopt\u00e8res", + "loir_gris", + "virus_du_nil_occidental", + "stieglitz", + "falcon", + "trombidium", + "perchaude", + "ours_noir_d_asie", + "e_coli", + "mizuhiki", + "koter", + "drosophile", + "le_corbeau", + "baudet", + "lingue_franche", + "manicou", + "thomomys_talpoides", + "banteng", + "guillemot_colombin", + "palombe", + "greater_scaup", + "bruches", + "pycnogonides", + "lion_marin", + "virus_marburg", + "couleuvre_verte", + "frelon", + "sergent_major", + "pinctada_margaritifera", + "arthropode", + "la_gu\u00eape_commune", + "platyrhiniens", + "donald_duck", + "pic_mineur", + "cafard", + "salmo_salar", + "pic_chryso\u00efde", + "petit_fourmilier", + "sanicula_europaea", + "ath\u00e9rure", + "loriquet_versicolore", + "pic_d_elliot", + "bernache_cravant", + "iller", + "planirostre", + "sarcophile", + "blattes", + "priodonte", + "eiders", + "conraua_goliath", + "wisent", + "berner_sennenhund", + "carencro", + "bungare", + "diplopode", + "martes_foina", + "bartavelle", + "cariacou", + "ammospermophilus", + "megascops", + "petit_sylvain", + "sable", + "capreolus_capreolus", + "bombyx", + "dynastin\u00e9s", + "chlorophylle_d", + "branta_bernicla", + "grosse_vrillette", + "staphylinid\u00e9s", + "courtili\u00e8re", + "arthropoda", + "ours_panda", + "mahonia_aquifolium", + "z\u00e9e", + "lion_de_mer", + "sarcophagidae", + "kond\u00f4z", + "alouates", + "cochenilles", + "tamanoir", + "estorlet", + "bradype", + "la_gerbille_de_mongolie", + "marsouin", + "sheltie", + "platanistid\u00e9s", + "terrier_gallois", + "mille_pattes", + "hystricid\u00e9s", + "carabe", + "terrier_australien", + "virus_varicelle_zona", + "mante", + "pic_flamboyant", + "tamia", + "merle", + "cervid\u00e9s", + "gerbo", + "amstaff", + "baleine_bor\u00e9ale", + "bernache_nonnette", + "draine", + "sitta_canadensis", + "mantis", + "primula_vulgaris", + "spongieuse", + "limule", + "limicoles", + "martinet_ramoneur", + "loriot", + "gymnorhina", + "martre_commune", + "le_z\u00e8bre_des_plaines", + "cathartid\u00e9s", + "campagnol", + "pic_d_arizona", + "belouga", + "mane", + "santa_gertrudis", + "grand_corbeau", + "alticinae", + "whippet", + "anatife", + "zeus_faber", + "roucoulement", + "rhodophytes", + "pseudoscorpions", + "barramundi", + "osteichtyes", + "pic_\u00e0_t\u00eate_rouge", + "yorkshire_terrier", + "lemming", + "eagle", + "caponner", + "tortora", + "wezel", + "patronne", + "hirondelle_de_chemin\u00e9e", + "drenne", + "vole", + "potamogale", + "maladie_\u00e0_virus_ebola", + "hydrophiidae", + "bernache", + "ch\u00e9lydre", + "shad", + "merel", + "ours_kermode", + "chelydra", + "ranid\u00e9s", + "martes_zibellina", + "dactylopt\u00e9rid\u00e9", + "irish_wolfhound", + "canardage", + "microbes", + "p\u00e9rissodactyle", + "hirondelle_rousseline", + "p\u00e9dionomid\u00e9", + "peristediidae", + "erignathus", + "pedunculata", + "eider", + "abad\u00e8che", + "artiodactyle", + "balane", + "hemitripteridae", + "arvicola", + "pintade", + "mille_pieds", + "luberne" + ], + "ORG": [ + "m\u00e9lanobutyrophtalmie", + "dominion", + "the_united_states_postal_service", + "alli\u00e9s", + "nieuwer_amstel", + "shinto", + "de_temps_\u00e0_autre", + "le_libre_arbitre", + "je_t\u2019_aime", + "cour_constitutionnelle", + "justice", + "et_coll", + "la_main_dans_le_sac", + "saint_r\u00e9my", + "au_grand_jamais", + "san_jos\u00e9", + "gironde", + "je_vous_aime", + "radiogalaxie", + "drug_enforcement_administration", + "jinisme", + "wicca", + "la_b\u00e9mol_majeur", + "jan_mayen", + "un_homme_\u00e0_la_mer", + "ins", + "s_gravenambacht", + "nist", + "shakers", + "transportation", + "aller_se_faire_pomper_chez_les_grecs", + "qui_est_ce_que", + "les_griffin", + "sint_amands", + "police_municipale", + "aa", + "la_science_et_la_culture", + "embarqu\u00e9", + "nasa", + "troisi\u00e8me_parti", + "le_droit", + "le_chesne", + "second_empire", + "arda", + "in_vivo", + "les_twist", + "le_nec_plus_ultra", + "huang_he", + "bollywood", + "ang", + "clinique_psychiatrique", + "le_chat_noir", + "la_trobe", + "la_poste", + "in_utero", + "cocard", + "europol", + "schutzstaffel", + "minshut\u014d", + "bakkie", + "la_bave_du_crapaud_n_atteint_pas_la_blanche_colombe", + "chorus_line", + "tiers_\u00e9tat", + "la_com\u00e9die_des_erreurs", + "the_who", + "action_collective", + "la_tour_de_babel", + "ad_libitum", + "non_plus_ultra", + "haganah", + "the_planetary_society", + "aller_simple", + "au_miroir", + "porte", + "college", + "le_berceau_du_chat", + "central_city", + "san_francisco", + "vivat", + "un", + "war_machine", + "vid\u00e9oconf\u00e9rence", + "en_vol", + "militant_tendancy", + "zone_industrielle", + "parti_vert", + "sainte_sophie", + "forces_canadiennes", + "champ_scalaire", + "flashmob", + "v\u0129nh_long", + "postkantoor", + "nara", + "talons", + "notre_dame_des_douleurs", + "sarl", + "mon_nom_est", + "csars", + "va", + "parti_nazi", + "front_populaire", + "sparkle_computer", + "col_legno", + "cour_supr\u00eame", + "sainte_ursule", + "militant_tendency", + "parti_travailliste_australien", + "pain_perdu", + "gao", + "saint_jacques", + "il_\u00e9tait_une_fois", + "dot", + "sint_gillis_waas", + "association_professionnelle", + "core", + "pas_touche", + "allies", + "castel_campagnano", + "ad_lib", + "qui_est_ce_qui", + "collectivit\u00e9_locale", + "c_est_le_must", + "le_sens_commun", + "saint_vincent", + "bluejean", + "de_concert", + "cap_vert", + "parti_lepep", + "ec", + "ho_chunk", + "john_tuzo_wilson", + "p\u00f4", + "the_faculty", + "don_juan", + "bisounours", + "les_raisins_de_la_col\u00e8re", + "tu_es_qui", + "the_new_school", + "ai", + "sauce_chili", + "garden_party", + "s_f", + "ds", + "chiang_mai", + "et_al", + "passage_du_nord_ouest", + "force_a\u00e9rienne", + "parti_de_l_environnement_les_verts", + "parti_r\u00e9publicain", + "dia", + "winnie_l_ourson", + "mariage_gay", + "montagne_des_oliviers", + "porte_tournante", + "b\u00e9n\u00e9lux", + "escarpins", + "m\u00e9rovingiens", + "de_pointe", + "sturmtruppen", + "villanova_di_camposampiero", + "gatt", + "marie_ange", + "s_gravenhoek", + "aller_en_enfer", + "ab_initio", + "valle_san_nicolao", + "parti_national_socialiste_des_travailleurs_allemands", + "parasport", + "anase", + "le_mans", + "ham_les_moines", + "partis_verts_\u00e0_travers_le_monde", + "la_soci\u00e9t\u00e9", + "doe", + "caf\u00e9_au_lait", + "petite_capitalisation", + "ouder_amstel", + "\u00e9glise_catholique", + "cherbourg_octeville", + "the_breakfast_club", + "parti_d\u00e9mocrate", + "tiers_monde", + "shabak", + "defense", + "fonction_publique", + "rabindranath_tagore", + "al_a\u00efn", + "gestapo", + "de_novo", + "\u00e2ge_d_airain", + "s_en_sortir_sans_perte", + "une_\u00e9ducation", + "sept_heures", + "westkapelle_binnen", + "sint_pieters_leeuw", + "de_luxe", + "the_full_monty", + "pac", + "grande_puissance", + "parti_conservateur", + "nieuw_ginneken", + "li_fi", + "parti_d\u00e9mocratique", + "houd", + "empires_centraux", + "maquis", + "une_nouvelle_fois", + "calinours", + "m\u00e9gadonn\u00e9es", + "qui_\u00eates_vous", + "the_young_turks", + "le_silence_des_agneaux", + "krivoy_rog", + "le_monde", + "who_are_you", + "lac_des_bois", + "h\u00f4tel_communal", + "syndicat_professionnel", + "de_vuursche", + "i_ching", + "gomme_\u00e0_m\u00e2cher", + "babyboom", + "tchang", + "petit_poucet", + "chiang_rai", + "al_jazeera", + "droit_civil", + "saint_l\u00e9onard", + "chewing_gum", + "ham_sur_heure_nalinnes", + "la_chaux", + "un_aller_simple", + "disa", + "je_m_appelle", + "notodontid\u00e9", + "grandview", + "assembl\u00e9e_nationale", + "s\u00e3o_paulo", + "parti_du_peuple", + "europe", + "terre_br\u00fbl\u00e9e", + "po", + "addis_ababa", + "the_opposition", + "encabaner", + "centre_historique", + "sur_le_plat", + "classe_ouvri\u00e8re", + "\u00e9glise_catholique_apostolique_romaine", + "march\u00e9_financier", + "mossad", + "parti_du_travail", + "nouveau_parti_d\u00e9mocratique", + "hare_krishna", + "arm\u00e9e_de_l\u2019_air", + "de_jour", + "dividivi", + "nautilus_pompilius", + "sauce_piquante", + "orioles_de_baltimore", + "la_derni\u00e8re", + "ayuntamiento", + "ap\u00f4tre_andr\u00e9", + "cyanophtalme", + "hollywood", + "cid", + "ja\u00efnisme", + "domezain_berraute", + "h\u00eenay\u00e2na", + "sint_oedenrode", + "congr\u00e9gationalisme", + "parti_anti_ma\u00e7onnique", + "gukhoe", + "saint_barth\u00e9lemy", + "qui_trouve_garde", + "andr\u00e9_sens_et_origine_du_nom", + "asile_psychiatrique", + "sturmabteilung", + "le_commando_de_sa_majest\u00e9", + "la_nuit_des_juges", + "parti_d\u00e9mocrate_r\u00e9publicain", + "carr\u00e9_latin", + "los_angeles", + "vous_\u00eates_qui", + "dans_l_autre_sens", + "les_trois_s\u0153urs", + "en_commun", + "le_vigan", + "qu_est_ce_qu_il_y_a", + "ad_hoc", + "sainte_foi", + "salade_de_fruits", + "campiglia_cervo", + "notre_dame_de_montauban", + "or_blanc", + "city_hall", + "mi", + "by_the_way", + "bataillon", + "la_vie", + "union_internationale_des_t\u00e9l\u00e9communications", + "le_ou_vers_le", + "alla_polacca", + "\u00e0_la_pointe", + "syndicalisme_jaune", + "in_situ", + "san_cataldo", + "galerie_d\u2019_art", + "spet", + "sint_martens_latem", + "arm\u00e9e_de_l_air", + "science_chr\u00e9tienne", + "sa", + "le_soir", + "germanistique", + "stups", + "droit_romain", + "le_brouet_des_sorci\u00e8res", + "i_love_you", + "doc", + "lucienne", + "le_coq", + "caesalpinia_coriaria", + "coll\u00e8ge", + "la_f\u00eate_\u00e0_la_maison", + "lac_sup\u00e9rieur", + "soit_disant", + "l_essence_de_l_art", + "les_quatre", + "notre_dame_des_sept_douleurs", + "la_selve", + "village_olympique", + "p\u00e9troli\u00e8re", + "l_\u00e9tat_de_la_technique", + "saint_nicolas_de_myre", + "ace", + "c_est_en_forgeant_qu_on_devient_forgeron", + "la_belle_au_bois_dormant", + "commerce", + "banque_centrale", + "blue_jeans", + "sainte_barbe", + "streptococcus_pyogenes", + "\u00e9ua", + "porte_tambour", + "eu", + "aller_crever", + "\u00e2ge_d_or", + "corps_a\u00e9rien_irlandais", + "militaires", + "chang_jiang", + "rapports", + "l_union_fait_la_force", + "morgenstern", + "s_\u00e9puiser_\u00e0_la_t\u00e2che", + "franco_britannique", + "\u00e9tablissement_d_enseignement", + "las_palmas", + "hirundo_rustica", + "maison_communale", + "tom_pouce", + "mont_des_oliviers", + "sainte_h\u00e9l\u00e8ne", + "hautes_fagnes", + "langemark_poelkapelle", + "marine_britannique", + "keys", + "qu_est_ce_qui_se_passe", + "classe_moyenne", + "qui_es_tu", + "parti_conservateur_d_afrique_du_sud", + "in_vitro", + "lac_sainte_claire", + "guomindang", + "march\u00e9_boursier", + "lapine", + "croix_rouge", + "chambre_basse", + "s\u00e3o_tom\u00e9", + "tao\u00efsme", + "cour_sup\u00e9rieure", + "\u00e9milie_simon", + "entre_guillemets", + "assembl\u00e9e_nationale_de_la_r\u00e9publique_serbe_de_bosnie" + ], + "LOCATION": [ + "al_jazeera", + "la_plata", + "rocca_imperiale", + "de_wolden", + "la_dalle", + "hai_duong", + "plantago_lanceolata", + "alt_treptow", + "belle_au_bois_dormant", + "hippodrome", + "the_good_night", + "de_rien", + "pommeraie", + "sint_margriete", + "trifolium_pratense", + "\u00e0_ton_service", + "so_what", + "composante_a\u00e9rienne_militaire", + "rapanui", + "chiens_de_chasse", + "la_foret", + "les_dents_de_la_mort", + "saint_laurent", + "park", + "het_bildt", + "de_l_autre_c\u00f4t\u00e9_du_d\u00e9cor", + "non_plus_ultra", + "la_belle_au_bois_dormant", + "eryngium_maritimum", + "bow_wow", + "united_states_army", + "h\u00f4pitaux_psychiatriques", + "kryvy\u00ef_rih", + "allah_akbar", + "embarqu\u00e9", + "liste_des_\u00e9coles_militaires", + "s_tog", + "grande_aiguille", + "malouines", + "piet_mondrian", + "la_roche_en_ardenne", + "trifolium_repens", + "entre_deux", + "la_manche", + "emiliano_zapata_salazar", + "la_ch\u00e8ze", + "santa_fe", + "sint_maarten", + "petasites_hybridus", + "le_conquet", + "qingmingjie", + "chang_jiang", + "noyeraie", + "h\u00f4pital_psychiatrique", + "greylag_goose", + "sylvaine", + "s\u00e3o_bernardo_do_campo", + "trois_rivi\u00e8res", + "allahu_akbar", + "saint_patrick", + "les_grands_lacs", + "australie_m\u00e9ridionale", + "sainte_foy", + "mont_carmel", + "land", + "de_pinte", + "une_heure_et_quart", + "sainte_h\u00e9l\u00e8ne", + "huang_he", + "r\u00e9publique_du_cap_vert", + "bonsoir", + "saint_vincent", + "le_paradis", + "iris_pseudacorus", + "le_nec_plus_ultra", + "harlan_county", + "sponge_cake", + "ville_satellite", + "pic_noir", + "blue_mountains", + "pierre_blanche", + "kryviy_rih", + "plantago_major", + "allahou_akbar", + "saint_amand", + "ju\u00e1rez", + "cerisaie", + "l_am\u00e9rique", + "bon_voyage", + "plantago_media", + "pas_de_quoi", + "sans_issue", + "asile_de_fous", + "cheval_marin", + "se_mettre_debout", + "bois_le_duc", + "alnus_glutinosa", + "usa", + "centre_ville", + "les_poissons", + "au_cas_que", + "australie_occidentale", + "il_n'y_a_pas_de_quoi", + "liste_des_villes_de_g\u00e9orgie", + "montagnes_guadalupe", + "hat_yai", + "hers_vif", + "arena", + "r\u00e9seau_express_r\u00e9gional", + "nymphalis_polychloros", + "assembl\u00e9e_nationale_de_la_r\u00e9publique_d_azerba\u00efdjan", + "sri_lanka", + "la_cerisaie", + "ce_fut_un_plaisir", + "zhu_jiang", + "tierce_partie", + "de_bilt", + "sint_kruis", + "assembl\u00e9e_nationale_de_saint_christophe_et_ni\u00e9v\u00e8s", + "clinique_psychiatrique", + "al_anbar", + "sint_pieter", + "grande_ville", + "the_rolling_stones", + "catalan_central", + "la_t\u00e8ne", + "cordon_bleu", + "en_cas_de", + "politique_de_la_terre_br\u00fbl\u00e9e", + "man_o'war", + "hers_mort", + "r\u00e9veillon_de_la_saint_sylvestre", + "saint_albans", + "downtown", + "in_amenas", + "les_deux_s\u0153urs", + "s\u00e3o_jo\u00e3o_de_meriti", + "st_augustin", + "de_marne", + "au_cas_o\u00f9", + "court", + "christophe_colomb", + "pieris_brassicae", + "la_vache", + "whooper_swan", + "heitor_villa_lobos", + "louis_joseph_gay_lussac", + "le_trou_noir", + "quartier_d_affaires", + "al_a\u00efn", + "vale_of_glamorgan", + "trifolium_dubium", + "je_vous_remercie", + "pterocarpus_indicus", + "il_y_a_longtemps", + "grandview", + "\u00e9_u", + "c_est_le_must", + "sint_anthonis", + "delonix_regia", + "sur_la_route", + "nouveau_monde", + "prunus_avium" + ], + "RACE": [ + "filipino", + "sudam\u00e9ricain", + "turke", + "am\u00e9rindienne", + "indian_airlines", + "latino", + "french", + "am\u00e9ricains", + "polyn\u00e9sien", + "turk", + "latin", + "africano", + "le_mexicain", + "fran\u00e7aise", + "moyen_oriental", + "esquimaux", + "africaine", + "am\u00e9rindien", + "africain", + "american", + "est_asiatique", + "latinoam\u00e9ricain", + "viet", + "negro", + "latina", + "kazakh" + ], + "DATE": [ + "\u00e9t\u00e9_indien", + "mi_novembre", + "\u00e0_jour_lendemain", + "dog_days", + "la_bonne_paye", + "mi_mai", + "happy_hour", + "toussaint", + "mi_aout", + "mi_mars", + "\u00e9t\u00e9_de_la_saint_martin", + "la_nuit_des_rois", + "apr\u00e8s_jc", + "la_ronde_de_nuit", + "\u00e0_la_derni\u00e8re_minute", + "poste_de_jour", + "couvaison", + "11_septembre", + "mi_janvier", + "hier_aujourd'hui_et_demain", + "maitrank", + "il_est_grand_temps", + "mi_juin", + "demi_vie", + "le_jour_d_apr\u00e8s", + "bissexte", + "mi_d\u00e9cembre", + "ap_jc", + "the_golden_years", + "ou_ce_que_vous_voudrez", + "mi_avril", + "mi_octobre", + "demi_si\u00e8cle", + "assomption_de_marie", + "demi_heure", + "ces_jours_ci", + "vastlap\u00e4ev", + "mi_septembre", + "phase_lut\u00e9ale", + "\u00e9t\u00e9_des_indiens", + "mi_f\u00e9vrier", + "de_notre_\u00e8re", + "mi_juillet", + "calendrier_musulman", + "nouvelle_lune", + "day_watch" + ], + "FOOD": [ + "chiclet", + "olla_podrida", + "citrus_aurantiifolia", + "mousse", + "encas", + "steak_tartare", + "barboute", + "herbes_aromatiques", + "loukoum", + "golden_delicious", + "symphytum_officinale", + "daucus_carota", + "christmas_pudding", + "en_cas", + "vigna_unguiculata", + "granny_smith", + "capsicum", + "rocambole", + "plombi\u00e8res", + "polkagris", + "sauce", + "cakes", + "pickle", + "pinot_noir", + "savouries", + "tapera", + "citronnade", + "entr\u00e9e", + "limettier", + "parmentier", + "et_que_\u00e7a_saute", + "gelato", + "chili", + "laitage", + "red_hot", + "lunch", + "chile", + "pudding", + "pain_dor\u00e9", + "daurade", + "dessert", + "yai", + "tutti_frutti", + "cassonade", + "loukoumia", + "tranche_napolitaine", + "boudin", + "ros\u00e9", + "chiclette", + "achigan_\u00e0_petite_bouche", + "sonchus_oleraceus", + "petit_four", + "omelette", + "pot_au_feu", + "courge_cireuse", + "bifteck_d_aloyau", + "bok_choy", + "juglans_regia", + "cocoa" + ], + "QUANTITY": [ + "chelin", + "voltamp\u00e8re", + "mille_carr\u00e9", + "calorie", + "ne_rien_branler", + "sellette", + "\u00e0_deux_doigts", + "cent_mille", + "shilling", + "pilonner", + "perilleux", + "schilling", + "les_trois_s\u0153urs", + "dinar", + "ton", + "couronne_islandaise", + "dollar", + "riyal", + "parcom\u00e8tre", + "won_nord_cor\u00e9en", + "mille_carr\u00e9e", + "en_t\u00eate_\u00e0_t\u00eate", + "g", + "fourri\u00e8re", + "\u00e0_un_jet_de_pierre", + "rial", + "franc_guin\u00e9en", + "mille_nautique", + "pound", + "wattheure", + "face_\u00e0_face", + "gasterosteus_aculeatus", + "parcm\u00e8tre", + "mille_marin", + "mark_allemand", + "won_sud_cor\u00e9en", + "ton_a", + "esterlin", + "distincts", + "anders_celsius", + "franc_fran\u00e7ais", + "all_inclusive" + ], + "POLITICAL_PARTY": [ + "minshut\u014d", + "partij", + "gironde", + "the_opposition", + "parti_r\u00e9publicain_d\u00e9mocrate", + "nsdap", + "labour", + "kuomintang", + "parti_travailliste", + "parti_socialiste_japonais", + "parti_social_d\u00e9mocrate_d_azerba\u00efdjan", + "parti_socialiste", + "parti_lib\u00e9ral_du_japon", + "parti_national", + "parti_progressiste_conservateur", + "parti_lib\u00e9ral", + "parti_agrarien_de_bi\u00e9lorussie", + "parti_social_d\u00e9mocrate", + "parti_communiste", + "opposition", + "parti_progressiste", + "guomindang", + "kuo_min_tang", + "parti_populaire" + ], + "PERSON_PRONOUN": [ + "thou", + "hers", + "la_v\u00f4tre", + "les_tiennes", + "\u00e0_moi", + "la_sienne", + "i", + "lui_m\u00eame", + "elles_m\u00eames", + "le_v\u00f4tre", + "he", + "la_tienne", + "eux_m\u00eames", + "mine", + "les_siens", + "notre", + "les_miennes", + "nous_m\u00eames", + "our", + "la_mienne", + "les_siennes", + "les_n\u00f4tres", + "la_n\u00f4tre", + "le_sien", + "ours", + "le_mien", + "les_v\u00f4tres", + "le_n\u00f4tre", + "elle_m\u00eame", + "me", + "votre", + "les_miens", + "le_tien", + "my", + "moi_m\u00eame", + "les_tiens", + "vous_m\u00eame", + "vous_m\u00eames", + "us", + "nous_autres" + ], + "FAC": [ + "san_quirino", + "la_montagne_magique", + "sublime_porte", + "schoenberg", + "anges_gardiens", + "11_septembre", + "max_m\u00fcller", + "bella_bella", + "pierre_lev\u00e9e", + "bureau_de_poste", + "les_quatre_saisons", + "le_jugement_dernier", + "la_c\u00e8ne", + "centre_commercial", + "village_historique", + "facult\u00e9_de_m\u00e9decine", + "arnold_sch\u00f6nberg", + "de_garde", + "s\u00e3o_jos\u00e9_dos_campos", + "chapardeur", + "sainte_famille", + "saint_amand_les_eaux", + "\u00e9cole_\u00e9l\u00e9mentaire", + "guardian_angels", + "sainte_lucie", + "pierre_dress\u00e9e", + "croix_de_fer", + "gemaal", + "winkelgalerij", + "combava", + "notre_dame_du_calvaire", + "\u00e9cole_primaire", + "the_mess_hall", + "la_trinit\u00e9", + "friedrichshain_kreuzberg" + ], + "GENDER": [ + "messieurs", + "women", + "transgend\u00e9risme", + "miss", + "mademoiselle", + "guy", + "gentleman", + "ma_vieille", + "men", + "ma_grande", + "chap", + "dynes", + "dame", + "boy", + "male", + "boys", + "pucelle", + "gercer", + "transgenre", + "mon_vieux", + "lassie", + "nais", + "mon_grand", + "tribade", + "putta", + "matrone", + "man", + "gentlemen", + "gal", + "lady", + "zigomar", + "pige" + ], + "SOC_ECO_CLASS": [ + "communit\u00e9", + "sodalit\u00e9", + "s_\u00e9puiser_\u00e0_la_t\u00e2che", + "communaux", + "classe_dirigeante", + "samoura\u00ef", + "noblesse", + "b\u00e9otisme", + "bien_communal", + "lumpenproletariat", + "pairie", + "confraternit\u00e9", + "caste", + "grand_bourgeois", + "demi_monde", + "classe_sup\u00e9rieure", + "old_school", + "gentry", + "d_\u00e9lite", + "prol\u00e9tariat", + "\u00e9lue", + "petite_bourgeoisie", + "pick", + "bourgeoisie", + "classe_inf\u00e9rieure", + "agriculture", + "petit_bourgeois" + ], + "TITLE": [ + "mister", + "sir", + "mr", + "ms" + ], + "RELIGION": [ + "vishnouisme", + "zen", + "salafisme", + "donatisme", + "shinto", + "lama\u00efsme", + "calvinisme", + "romanisme", + "wahabisme", + "manich\u00e9isme", + "cathares", + "darshana", + "islam", + "m\u00e9thodisme", + "cittam\u0101tra", + "catharisme", + "bouddhisme_h\u012bnay\u0101na", + "wicca", + "presbyt\u00e9rianisme" + ], + "LANGUAGE": [ + "shona", + "catalan", + "bengali", + "fagauvea", + "romane", + "bichelamar", + "venda", + "germaine", + "interlingue", + "cornique", + "bachkir", + "esp\u00e9ranto", + "samoen", + "bambara", + "ernest_gagnon", + "akan", + "saint_lucienne", + "assami", + "chamoru", + "sindhi", + "astiquer", + "nootkas", + "village_magique", + "saint_lucien", + "pali", + "navajo", + "ganda", + "aymara", + "manx", + "welsh", + "catalane", + "french", + "deg_xinag", + "malayalam", + "tamoul", + "samo\u00ebn", + "haoussa", + "sama_pangutaran", + "hindi", + "otto_struve", + "tchouvache", + "communaut\u00e9_de_communes_de_chautagne", + "chamorro", + "franco_proven\u00e7al", + "cachemirie", + "f\u00e9ringien", + "hausawa", + "guarani", + "zhuang", + "kanouri", + "sango", + "orloff", + "assamais", + "divehi", + "wallon", + "cachemiri", + "lucienne", + "soundanais", + "tai_hongjin", + "yidiche", + "francoproven\u00e7al", + "bashkir", + "a_hmao", + "samo\u00efen", + "kuanyama", + "l_ha\u00eftien", + "komi", + "lingala", + "mele_fila", + "forgeron", + "hausa", + "portuguesa", + "wolof", + "lao", + "grecques", + "kikuyu", + "speech", + "portugaise", + "tagalog", + "same_du_nord", + "ido", + "john_collins", + "kazakh", + "marathi", + "cassegrain", + "kalaallisut", + "ese_eja", + "quechua", + "chichewa", + "lithuanien", + "bichlamar", + "kannara", + "ese_ejja", + "marshallais", + "samoan", + "kazakhe", + "tonga", + "galicienne", + "kannada", + "chinoise" + ], + "LAW": [ + "non_bis_in_idem", + "class_action", + "p_l", + "les_agressions_sexuelles", + "la_constitution_des_\u00e9tats_unis", + "haute_cour", + "droit_des_\u00e9tats", + "de_son_genre", + "m_tout_le_monde", + "convention_internationale", + "punitifs", + "code_p\u00e9nal", + "droit_des_quirites", + "federal_bureau_of_investigation", + "action_collective", + "droit_continental", + "recours_collectif", + "sui_generis", + "bureau_f\u00e9d\u00e9ral_d_investigation" + ], + "PRODUCT": [ + "jean_baptiste", + "justin_bieber", + "s_il_pla\u00eet_\u00e0_dieu", + "le_petit_fr\u00e8re", + "s_tog", + "la_fin_du_monde", + "cuy", + "multi_plateforme", + "ne_m_oubliez_pas", + "al_jazeera", + "le_chien_des_baskerville", + "trois_royaumes_de_chine", + "o_ring", + "diego_garcia", + "tutti_frutti", + "le_guide_du_voyageur_galactique", + "echinopsis_pachanoi", + "va_loin", + "la_machine_\u00e0_explorer_le_temps", + "est_bon", + "je_suis_d\u00e9sol\u00e9", + "si_dieu_le_veut_bien", + "la_fl\u00e8che", + "les_quatre_saisons", + "la_lettre_\u00e9carlate", + "new_edition", + "cornier", + "ai_cham", + "automitrailleuse", + "saint_vincent", + "et_si", + "ne_m\u2019_oubliez_pas", + "en_souvenir_de", + "glace_plombi\u00e8res", + "les_diamants_sont_\u00e9ternels", + "the_star_spangled_banner", + "ghettoblaster", + "le_feu_follet", + "la_nuit_des_rois", + "plombi\u00e8res", + "monte_cristo", + "saxe_anhalt", + "cap_horn", + "le_seigneur_des_anneaux", + "nouveau_testament", + "city_hall", + "les_deux_s\u0153urs", + "la_ciociara", + "majong", + "after_burner", + "cochon_d_inde", + "boxing_day", + "droits_humains", + "joulupuu", + "de_fait", + "la_dolce_vita", + "deutsche_welle", + "deathcharge", + "all_right", + "grand_chariot", + "\u00e0_grande_vitesse", + "gong", + "ou_ce_que_vous_voudrez", + "tangara_\u00e9carlate", + "les_royaumes_du_nord", + "le_ma\u00eetre_chat_ou_le_chat_bott\u00e9", + "la_terre", + "\u00e0_la_derni\u00e8re_minute", + "par_la_gr\u00e2ce_de_dieu", + "sierra_blanca", + "droits_de_la_personne", + "mario_andretti", + "la_dame_de_pique", + "je_suis_d\u00e9sol\u00e9e", + "\u00e0_toute_\u00e9preuve", + "de_facto", + "la_modification", + "la_lettre_d_amour", + "la_foire_aux_vanit\u00e9s", + "has_been", + "la_divine_com\u00e9die", + "droits_de_l_homme", + "deux_fr\u00e8res", + "y_regarder_\u00e0_deux_fois", + "le_voyage_du_p\u00e8lerin", + "une_maison_de_poup\u00e9e", + "chabraque", + "envoler", + "novo_mesto", + "s\u00e3o_paulo" + ], + "GPE": [ + "san_sostene", + "la_cit\u00e9_de_dieu", + "eau_chaude", + "montalbano_jonico", + "saint_domingue", + "castellazzo_bormida", + "sint_laureins", + "lo_reninge", + "saint_nicolas_de_bari", + "sri_jayawardenapura", + "mille_\u00eeles", + "sint_maarten", + "archipel_des_mille_\u00eeles", + "pandanus_tectorius", + "camisano_vicentino", + "empire_allemand", + "sint_eloois_winkel", + "la_louvi\u00e8re", + "campo_san_martino", + "mer_rouge", + "saint_guy", + "figuerie", + "palazzo_canavese", + "le_manoir", + "san_floriano_del_collio", + "roccella_ionica", + "sainte_menehould", + "sint_maria_lierde", + "s\u00e3o_tom\u00e9", + "valle_mosso", + "francavilla_marittima", + "\u00eele_saint_christophe", + "la_tuque", + "la_hulpe", + "or_blanc", + "somme_leuze", + "oud_valkenburg", + "sint_martens_lierde", + "el_karimia", + "sint_pieters_kapelle", + "sint_laureins_berchem", + "christophe_de_lycie", + "al_andalus", + "saint_jean_baptiste", + "dar_es_salam", + "notre_dame", + "marano_principato", + "barbe_la_grande_martyre", + "nicolas_de_myre", + "perosa_canavese", + "la_rochelle", + "oliveto_lucano", + "san_pietro_apostolo", + "saint_georges", + "maison_blanche", + "san_didero", + "hibiscus_rosa_sinensis", + "charlottenburg_wilmersdorf", + "notre_dame_des_sept_douleurs", + "notre_dame_du_mont_carmel", + "iaokanann", + "la_gomera", + "santa_severina", + "villar_dora", + "sint_jan_in_eremo", + "simon_pierre", + "notre_dame_des_douleurs", + "parc_industriel", + "villanova_marchesana", + "monteforte_irpino", + "grande_canarie", + "tr\u00e0_vinh" + ], + "PERSON": [ + "charbon_bitumineux", + "cui_cui", + "prince_albert", + "al_harakat_al_islamiyya", + "mar_mar", + "moi_aussi", + "ha_ha", + "you_you", + "al_gore", + "n_boule", + "h_g_wells", + "s_li", + "saint_vincent", + "la_grange", + "est_sud_est", + "i_ching", + "william_playfair", + "s_x", + "don_delillo", + "au_moyen_de", + "j_li", + "la_joconde", + "c_v", + "margaret_munnerlyn_mitchell", + "e_e_cummings", + "n_v", + "edward_osborne_wilson", + "roger_eliot_fry", + "mont_tai", + "de_witt", + "george_v", + "igor_sikorsky", + "bifteck_\u00e0_la_florentine", + "peter_dawson", + "j_c", + "dor\u00e9e", + "carl_david_anderson", + "tortue_noire", + "maxwell_anderson", + "boletus_edulis", + "yo_yo", + "autocontr\u00f4le", + "rudolf_hess", + "cha_cha" + ], + "BIO_CHEM_ENTITY": [ + "monoamine_oxydases", + "d_glyc\u00e9rald\u00e9hyde", + "\u00e0_l_ancienne", + "l_glyc\u00e9rald\u00e9hyde", + "edward_drummond", + "m\u00e9thionique", + "monoamine_oxydase", + "r\u00e9trotranscriptase" + ], + "POLITICAL_PARTY_MEMBER": [ + "menchevik", + "fabien", + "communiste" + ], + "EVENT": [ + "c_est_la_vie", + "para_alpin", + "la_vie_est_ainsi_faite", + "fleur_de_lys", + "manche_d\u00e9cisive", + "sing_sing", + "fleur_de_lis", + "grand_prix" + ], + "UNION": [ + "industrial_workers_of_the_world", + "iww", + "association_professionnelle", + "enterprise_union", + "syndicat_\u00e9tudiant" + ], + "ANAT": [ + "perforant" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+-\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+-\\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+-\\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+-\\D+ \\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+-\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+-\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "susan", + "lara", + "maryse", + "andr\u00e9e", + "m\u00e9lanie", + "philippine", + "astrid", + "mich\u00e8le", + "sara", + "marine", + "lorraine", + "c\u00e9line", + "capucine", + "claudine", + "hortense", + "alexandra", + "marie", + "margot", + "olivia", + "fran\u00e7oise", + "lucie", + "danielle", + "no\u00e9mi", + "maria", + "mathilde", + "virginie", + "sophie", + "nicole", + "rosalie", + "ad\u00e8le", + "sandra", + "chantal", + "maggie", + "marguerite", + "germaine", + "anna", + "elisa", + "alex", + "dominique", + "c\u00e9cile", + "maude", + "anne", + "christelle", + "karine", + "ren\u00e9e", + "eva", + "emilie", + "laurie", + "b\u00e9atrice", + "jeannine", + "laetitia", + "lisa", + "laura", + "catherine", + "olivie", + "l\u00e9a", + "agn\u00e8s", + "cl\u00e9mence", + "p\u00e9n\u00e9lope", + "alix", + "susanne", + "christiane", + "brigitte", + "julie", + "antoinette", + "genevi\u00e8ve", + "\u00e9lisabeth", + "denise", + "georgette", + "th\u00e9r\u00e8se", + "laure", + "nathalie", + "fabienne", + "st\u00e9phanie", + "simone", + "ana\u00efs", + "charlotte", + "gabrielle", + "zo\u00e9", + "paulette", + "laurence", + "josette", + "luce", + "emmanuelle", + "alexandria", + "h\u00e9l\u00e8ne", + "diane", + "jos\u00e9phine", + "jeanne", + "\u00e9dith", + "vanessa", + "aurore", + "aim\u00e9e", + "\u00e9milie", + "in\u00e8s", + "jessica", + "ana", + "alexandrie", + "valentine", + "michelle", + "sarah", + "adrienne", + "martine", + "elisabeth", + "marcelle", + "caroline", + "lucy", + "chlo\u00e9", + "\u00e9l\u00e9onore", + "doroth\u00e9e", + "odette", + "manon", + "v\u00e9ronique", + "claire", + "isabelle", + "henriette", + "oc\u00e9ane", + "val\u00e9rie", + "camille", + "yvette", + "christine", + "margaret", + "constance", + "sabine", + "emma", + "arnaude", + "marianne", + "corinne", + "alice", + "liliane", + "marthe", + "margaud", + "yvonne", + "aur\u00e9lie", + "suzanne", + "florence", + "margaux", + "bernadette", + "nelly", + "\u00e9lodie", + "jacqueline", + "claude", + "pauline", + "elodie", + "josiane", + "victoire", + "no\u00e9mie", + "fr\u00e9d\u00e9rique", + "sandrine", + "nath", + "\u00e9lise", + "louise", + "am\u00e9lie", + "madeleine", + "patricia", + "c\u00e9lina", + "anouk", + "monique", + "sylvie", + "audrey", + "juliette", + "alicia", + "colette", + "anastasie", + "clara", + "eliane", + "agathe", + "ad\u00e9la\u00efde" + ], + "FIRST_NAME_MALE": [ + "mathieu", + "roger", + "auguste", + "raymond", + "s\u00e9bastien", + "luca", + "thierry", + "marc", + "benjamin", + "j\u00e9r\u00f4me", + "yves", + "jonathan", + "maurice", + "noah", + "lucas", + "alain", + "daniel", + "nicolas", + "emmanuel", + "olivier", + "maxime", + "beno\u00eet", + "isaac", + "alphonse", + "antonio", + "marcel", + "romain", + "\u00e9mile", + "florian", + "hugo", + "nathan", + "gabriel", + "antoine", + "vincent", + "alexis", + "rapha\u00ebl", + "\u00e9tienne", + "jules", + "jean", + "guillaume", + "g\u00e9rard", + "manuel", + "denis", + "georges", + "louis", + "l\u00e9o", + "aim\u00e9", + "bernard", + "jean_claude", + "augustin", + "joseph", + "honor\u00e9", + "fr\u00e9d\u00e9ric", + "zacharie", + "roland", + "henri", + "guy", + "christian", + "timoth\u00e9e", + "philippe", + "\u00e9ric", + "nolan", + "paul", + "kevin", + "christophe", + "th\u00e9ophile", + "william", + "hugues", + "alexandre", + "martin", + "pierre", + "lo\u00efc", + "thibault", + "eric", + "l\u00e9on", + "andr\u00e9", + "tristan", + "richard", + "r\u00e9my", + "alfred", + "samuel", + "adrien", + "bertrand", + "jos\u00e9", + "david", + "th\u00e9odore", + "fran\u00e7ois", + "\u00e9douard", + "arthur", + "matthieu", + "laurent", + "eug\u00e8ne", + "pascal", + "matteo", + "jean_pierre", + "julien", + "robert", + "claude", + "xavier", + "michel", + "thomas", + "thibaut", + "gilles", + "gilbert", + "st\u00e9phane", + "jacques", + "ethan", + "luc", + "franck", + "charles", + "ren\u00e9", + "no\u00ebl", + "albert", + "th\u00e9o", + "michael", + "bruno", + "victor", + "gr\u00e9goire", + "patrick" + ], + "FIRST_NAME": [ + "mathieu", + "susan", + "lara", + "roger", + "maryse", + "auguste", + "andr\u00e9e", + "raymond", + "s\u00e9bastien", + "m\u00e9lanie", + "philippine", + "astrid", + "luca", + "thierry", + "marc", + "mich\u00e8le", + "sara", + "marine", + "lorraine", + "c\u00e9line", + "benjamin", + "j\u00e9r\u00f4me", + "claudine", + "capucine", + "yves", + "jonathan", + "hortense", + "maurice", + "alexandra", + "marie", + "noah", + "lucas", + "margot", + "olivia", + "fran\u00e7oise", + "alain", + "lucie", + "danielle", + "daniel", + "nicolas", + "no\u00e9mi", + "emmanuel", + "maria", + "mathilde", + "virginie", + "sophie", + "maxime", + "olivier", + "nicole", + "rosalie", + "ad\u00e8le", + "beno\u00eet", + "isaac", + "sandra", + "chantal", + "maggie", + "marguerite", + "germaine", + "alphonse", + "antonio", + "marcel", + "anna", + "elisa", + "alex", + "romain", + "dominique", + "c\u00e9cile", + "maude", + "\u00e9mile", + "anne", + "christelle", + "florian", + "hugo", + "nathan", + "karine", + "ren\u00e9e", + "eva", + "gabriel", + "antoine", + "emilie", + "vincent", + "b\u00e9atrice", + "jeannine", + "alexis", + "laetitia", + "laurie", + "lisa", + "laura", + "rapha\u00ebl", + "catherine", + "olivie", + "\u00e9tienne", + "agn\u00e8s", + "l\u00e9a", + "jules", + "cl\u00e9mence", + "p\u00e9n\u00e9lope", + "jean", + "alix", + "guillaume", + "susanne", + "g\u00e9rard", + "manuel", + "denis", + "georges", + "louis", + "christiane", + "brigitte", + "julie", + "antoinette", + "genevi\u00e8ve", + "\u00e9lisabeth", + "denise", + "georgette", + "l\u00e9o", + "aim\u00e9", + "th\u00e9r\u00e8se", + "bernard", + "laure", + "nathalie", + "fabienne", + "joseph", + "jean_claude", + "st\u00e9phanie", + "honor\u00e9", + "simone", + "augustin", + "fr\u00e9d\u00e9ric", + "ana\u00efs", + "charlotte", + "roland", + "gabrielle", + "henri", + "zo\u00e9", + "zacharie", + "paulette", + "laurence", + "josette", + "luce", + "emmanuelle", + "guy", + "alexandria", + "h\u00e9l\u00e8ne", + "christian", + "timoth\u00e9e", + "diane", + "philippe", + "jos\u00e9phine", + "\u00e9ric", + "nolan", + "jeanne", + "\u00e9dith", + "vanessa", + "paul", + "aurore", + "kevin", + "aim\u00e9e", + "christophe", + "th\u00e9ophile", + "in\u00e8s", + "\u00e9milie", + "william", + "hugues", + "jessica", + "alexandre", + "ana", + "alexandrie", + "valentine", + "michelle", + "sarah", + "martin", + "adrienne", + "elisabeth", + "martine", + "marcelle", + "pierre", + "caroline", + "lo\u00efc", + "lucy", + "chlo\u00e9", + "thibault", + "\u00e9l\u00e9onore", + "eric", + "l\u00e9on", + "doroth\u00e9e", + "odette", + "andr\u00e9", + "manon", + "v\u00e9ronique", + "isabelle", + "henriette", + "claire", + "oc\u00e9ane", + "val\u00e9rie", + "tristan", + "camille", + "richard", + "yvette", + "r\u00e9my", + "alfred", + "christine", + "samuel", + "margaret", + "adrien", + "bertrand", + "jos\u00e9", + "constance", + "sabine", + "emma", + "david", + "arnaude", + "marianne", + "corinne", + "alice", + "th\u00e9odore", + "fran\u00e7ois", + "\u00e9douard", + "arthur", + "marthe", + "laurent", + "liliane", + "eug\u00e8ne", + "matthieu", + "margaud", + "pascal", + "yvonne", + "aur\u00e9lie", + "suzanne", + "matteo", + "florence", + "margaux", + "jean_pierre", + "nelly", + "bernadette", + "\u00e9lodie", + "julien", + "jacqueline", + "claude", + "xavier", + "robert", + "michel", + "thibaut", + "thomas", + "gilles", + "pauline", + "elodie", + "josiane", + "victoire", + "gilbert", + "no\u00e9mie", + "st\u00e9phane", + "fr\u00e9d\u00e9rique", + "sandrine", + "nath", + "jacques", + "ethan", + "\u00e9lise", + "louise", + "am\u00e9lie", + "luc", + "franck", + "patricia", + "charles", + "c\u00e9lina", + "anouk", + "madeleine", + "monique", + "sylvie", + "ren\u00e9", + "audrey", + "juliette", + "alicia", + "no\u00ebl", + "albert", + "th\u00e9o", + "michael", + "colette", + "bruno", + "victor", + "anastasie", + "gr\u00e9goire", + "patrick", + "clara", + "eliane", + "agathe", + "ad\u00e9la\u00efde" + ], + "LAST_NAME": [ + "lema\u00eetre", + "aubry", + "barbe", + "pons", + "riou", + "charest", + "raymond", + "saudan", + "masson", + "bailly", + "grojean", + "carrier", + "bonnet", + "besse", + "dias", + "robitaille", + "vermeil", + "blanchette", + "thierry", + "labrecque", + "blanchard", + "botteron", + "ferland", + "gaillard", + "weber", + "pineau", + "dufour", + "cyr", + "cossy", + "lacasse", + "sandoz", + "bourdon", + "sansonnens", + "guyon", + "mercier", + "bernasconi", + "hernandez", + "faivre", + "nicolas", + "dubey", + "dub\u00e9", + "normand", + "le_goff", + "barbey", + "fleury", + "beno\u00eet", + "plante", + "asselin", + "carraud", + "poulin", + "dijoux", + "le_gall", + "durand", + "provencher", + "langlois", + "delaunay", + "paschoud", + "lef\u00e8vre", + "l\u00e9v\u00eaque", + "poirier", + "guichard", + "desjardins", + "vuille", + "pilon", + "p\u00e9pin", + "henry", + "merle", + "vincent", + "st_laurent", + "ferrand", + "lebon", + "godard", + "renard", + "jean", + "guillou", + "niquille", + "boily", + "blouin", + "sanchez", + "cohen", + "voisin", + "deshusses", + "charpi\u00e9", + "\u00e9mond", + "dos_santos", + "fernandes", + "techer", + "bernard", + "girard", + "morin", + "caron", + "chauveau", + "daigle", + "bigot", + "martinez", + "lemire", + "ollivier", + "nussl\u00e9", + "droz", + "philippe", + "garnier", + "provost", + "roy", + "lagarde", + "de_sousa", + "curdy", + "b\u00e9rub\u00e9", + "aubert", + "clerc", + "costa", + "peltier", + "perez", + "besen\u00e7on", + "chatriant", + "chauvet", + "legrand", + "gros", + "carre", + "laporte", + "hebert", + "paradis", + "hoarau", + "pich\u00e9", + "fouquet", + "delahaye", + "da_costa", + "doucet", + "adam", + "gillet", + "foucher", + "cosandey", + "simon", + "rosselet", + "mallet", + "l\u00e9ger", + "goulet", + "legros", + "rocher", + "carraux", + "duguay", + "smith", + "schmitt", + "legendre", + "de_oliveira", + "reynaud", + "monnet", + "andre", + "maillard", + "cousin", + "vidal", + "pouliot", + "veilleux", + "b\u00e9gin", + "torres", + "courvoisier", + "lamy", + "regnier", + "boisvert", + "mend\u00e8s", + "toussaint", + "imbert", + "germain", + "n\u00fcsslin", + "barillon", + "alves", + "sirois", + "matile", + "marion", + "neveu", + "plourde", + "coste", + "petit", + "robadey", + "perron", + "marques", + "simard", + "moreau", + "nguyen", + "rosselat", + "moreno", + "charbonneau", + "petitjean", + "grenier", + "leblanc", + "carpentier", + "ribeiro", + "blin", + "g\u00e9linas", + "lemonnier", + "duchesne", + "monney", + "lecomte", + "comte", + "martins", + "boulanger", + "delattre", + "vall\u00e9lian", + "blondel", + "barthelemy", + "huet", + "vasseur", + "chr\u00e9tien", + "st_pierre", + "tr\u00e9panier", + "martineau", + "poulain", + "couturier", + "guilbert", + "daniel", + "ruiz", + "didier", + "babey", + "cl\u00e9ment", + "coulombe", + "letellier", + "gimenez", + "gauthier", + "corboz", + "fontaine", + "leleu", + "pages", + "da_silva", + "fortier", + "meunier", + "evrard", + "bousquet", + "thorens", + "beauregard", + "teixeira", + "b\u00e9dard", + "antoine", + "b\u00e8gue", + "hardy", + "chauvin", + "therrien", + "marti", + "maire", + "tessier", + "guillaume", + "julliard", + "lalibert\u00e9", + "ledoux", + "georges", + "louis", + "colas", + "vienne", + "carlier", + "badel", + "rappaz", + "villeneuve", + "chevalley", + "lauzon", + "morissette", + "joseph", + "lombard", + "lamoureux", + "boudreau", + "duvanel", + "larose", + "fischer", + "gendron", + "v\u00e9zina", + "beauchamp", + "gaudreault", + "chevallier", + "richer", + "uldry", + "rey", + "jourdan", + "monnard", + "larocque", + "delannoy", + "barbier", + "bazin", + "bonvin", + "herv\u00e9", + "marchal", + "pierre", + "chapuis", + "guillemette", + "laine", + "wicht", + "thibault", + "larivi\u00e8re", + "rivi\u00e8re", + "muller", + "dumont", + "lessard", + "collet", + "mary", + "lemoine", + "bourgeois", + "m\u00fcller", + "leli\u00e8vre", + "bonnin", + "richard", + "r\u00e9my", + "diesbach", + "meyer", + "duval", + "grosjean", + "rousseau", + "guillet", + "monnier", + "boillat", + "galland", + "beguin", + "mass\u00e9", + "champagne", + "patel", + "fran\u00e7ois", + "comman", + "laurent", + "lebrun", + "rossi", + "mar\u00e9chal", + "guibert", + "beuchat", + "leclercq", + "rodrigue", + "lavoie", + "julien", + "le_roux", + "thomas", + "boichat", + "gilles", + "brunel", + "masseron", + "rodriguez", + "charrier", + "lapointe", + "guillon", + "laflamme", + "boyer", + "bergeron", + "perrot", + "jacques", + "badan", + "collin", + "gigu\u00e8re", + "no\u00ebl", + "vaillant", + "lapierre", + "hamel", + "fournier", + "quartier", + "rolland", + "besan\u00e7on", + "chaudet", + "paquette", + "mathieu", + "roger", + "conrad", + "landry", + "jacob", + "dufresne", + "pelletier", + "bouvet", + "renault", + "hamon", + "humbert", + "bolduc", + "dionne", + "rodrigues", + "menthonnex", + "colin", + "carron", + "joye", + "potvin", + "diallo", + "samson", + "ev\u00e9quoz", + "brahier", + "lejeune", + "laplante", + "b\u00e9lisle", + "lemieux", + "th\u00e9riault", + "gallet", + "maurice", + "chatriand", + "gonzalez", + "ramos", + "lucas", + "lambert", + "cloutier", + "ouellet", + "devaux", + "legault", + "dubois", + "croteau", + "tremblay", + "delado\u00eby", + "camus", + "m\u00e9nard", + "hubert", + "auger", + "corbat", + "aebi", + "l\u00e9vesque", + "barre", + "brisson", + "marcoux", + "bruneau", + "s\u00e9guin", + "michaud", + "leroy", + "lafontaine", + "bahon", + "munoz", + "charpentier", + "peron", + "labelle", + "pereira", + "lopez", + "menard", + "gilli\u00e8ron", + "g\u00e9rard", + "denis", + "del\u00e8ze", + "valentin", + "savoie", + "perret", + "bernier", + "berthelot", + "paccot", + "godin", + "rivard", + "rapraz", + "deschamps", + "perrin", + "tanguy", + "blais", + "briand", + "gu\u00e9rin", + "forget", + "cormier", + "broquet", + "duhamel", + "joly", + "bugnon", + "lecoq", + "arsenault", + "lachapelle", + "texier", + "traore", + "laroche", + "soucy", + "beaulieu", + "fonjallaz", + "arnaud", + "d\u00e9l\u00e8ze", + "rossellat", + "piccand", + "pichon", + "paquin", + "chopard", + "paul", + "morel", + "chouinard", + "roche", + "mottiez", + "bonvini", + "tardif", + "dupuis", + "lacroix", + "marty", + "boivin", + "sauvage", + "gravel", + "besnard", + "fernandez", + "privet", + "vonlanthen", + "berger", + "chevrolet", + "fabre", + "diaz", + "marchand", + "launay", + "lenoir", + "rousset", + "bisson", + "desbiens", + "parent", + "chappuis", + "b\u00e9land", + "balmat", + "david", + "blanc", + "st_onge", + "dumas", + "benoit", + "lopes", + "bodin", + "moulin", + "turpin", + "pascal", + "audet", + "hoareau", + "boucher", + "lefort", + "par\u00e9", + "michel", + "jacot_descombes", + "labont\u00e9", + "beaudry", + "jomini", + "l\u00e9vy", + "renaud", + "tanguay", + "fr\u00e9chette", + "brassard", + "treboux", + "francillon", + "bouchet", + "valette", + "jacquet", + "ferreira", + "allard", + "becker", + "lemay", + "pachoud", + "maltais", + "pires", + "coulon", + "lalonde", + "bourquard", + "masse", + "weiss", + "corpataux", + "pr\u00e9vost", + "pellet", + "lemaire", + "benard", + "pottier", + "harvey", + "grondin", + "gay", + "schneider", + "descamps", + "brun", + "charette", + "gomes", + "trudel", + "berberat", + "raynaud", + "savard", + "royer", + "chenaux", + "marie", + "labb\u00e9", + "breton", + "jacot_guillarmod", + "st_jean", + "gaudin", + "delisle", + "racine", + "pruvost", + "fillion", + "crevoisier", + "archambault", + "candaux", + "dallaire", + "demers", + "payet", + "lacombe", + "trottier", + "olivier", + "morard", + "lesage", + "chevalier", + "courtois", + "proulx", + "b\u00e9langer", + "maillet", + "marin", + "nadeau", + "gingras", + "blot", + "guillot", + "baudry", + "garcia", + "bourquin", + "verdier", + "bouvier", + "gilli\u00e9ron", + "vall\u00e9e", + "beaudoin", + "houde", + "grand", + "lavigne", + "charron", + "rapin", + "joubert", + "buisson", + "drouin", + "brandt", + "klein", + "cornut", + "romanens", + "\u00e9tienne", + "b\u00e9guelin", + "crivelli", + "bavaud", + "dupuy", + "aeby", + "guay", + "picard", + "allain", + "leroux", + "polla", + "boechat", + "beuret", + "gagnon", + "musy", + "mahe", + "potier", + "leconte", + "faure", + "th\u00e9raulaz", + "h\u00e9bert", + "bouchard", + "delorme", + "brunet", + "alber", + "vachon", + "chartier", + "gagn\u00e9", + "cattin", + "salmon", + "dupont", + "seguin", + "gervais", + "cretton", + "de_dardel", + "boulay", + "morvan", + "beurret", + "vallet", + "bertin", + "bilodeau", + "bovet", + "lebel", + "morand", + "barman", + "lussier", + "desch\u00eanes", + "alexandre", + "lefebvre", + "bujard", + "thibodeau", + "larouche", + "l\u00e9tourneau", + "isella", + "lepage", + "martin", + "desrosiers", + "roberge", + "roussel", + "jacquot", + "loiseau", + "besson", + "mayor", + "houle", + "muriset", + "dion", + "giraud", + "bonneau", + "drolet", + "c\u00f4t\u00e9", + "wagner", + "lebreton", + "blanchet", + "desrochers", + "guyot", + "gomez", + "chartrand", + "navarro", + "paris", + "tinguely", + "robin", + "lamontagne", + "vaillancourt", + "gautier", + "bochud", + "pasquier", + "dupr\u00e9", + "mottet", + "rioux", + "maury", + "goncalves", + "bertrand", + "boutin", + "millet", + "pinto", + "chabot", + "perreault", + "maillot", + "mace", + "turcotte", + "coigny", + "comment", + "roux", + "lavall\u00e9e", + "gosselin", + "cornuz", + "robert", + "marcotte", + "fortin", + "gilbert", + "turgeon", + "peitrequin", + "giroux", + "duroux", + "leclerc", + "couture", + "gub\u00e9ran", + "montandon", + "charles", + "martel", + "cordier", + "albert", + "godet", + "gr\u00e9goire", + "lachance", + "delmas", + "leduc", + "cosendey", + "baron", + "perrier" + ], + "OTHER_PRONOUN": [ + "its" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbesse": "abb", + "m\u00e8re_sup\u00e9rieure": "abbot", + "actrice": "com\u00e9dien", + "aviatrice": "aviateur", + "tantine": "oncle", + "zia": "sio", + "bibi": "sio", + "tatie": "oncle", + "baronne": "baron", + "belle": "beau", + "future_\u00e9pouse": "palefrenier", + "jeune_mari\u00e9": "groom", + "future_mari\u00e9e": "palefrenier", + "bride": "jeune_mari\u00e9", + "jeune_mari\u00e9e": "\u00e9triller", + "mari\u00e9e": "palefrenier", + "\u00e9pouse": "gour", + "femme_d_affaires": "businessman", + "working_girl": "businessman", + "femme_d\u2019_affaires": "businessman", + "businesswoman": "homme_d\u2019_affaires", + "chick": "pinpin", + "coquelet": "gaur", + "gonzesse": "fashion_victim", + "poussin": "dandy", + "poupoule": "fashion_victim", + "autruchon": "pinpin", + "poulette": "gaur", + "andromaque": "cow_boy", + "vach\u00e8re": "vacher", + "wawa": "son", + "fie": "son", + "fia": "son", + "duchesse": "duc", + "maharani": "saturnia_pavonia", + "imp\u00e9ratrice": "saturnia_pavonia", + "femme_fatale": "ensorceleur", + "heks": "magicien", + "enchanteresse": "enchanter", + "l_enchanteresse": "enchanteuse", + "sir\u00e8ne": "enchanteuse", + "ensorceleur": "sorcerer", + "tentatrice": "enchanter", + "dalila": "enchanteuse", + "f\u00e9minin": "male", + "nais": "male", + "femelle": "masculin", + "gal": "gille", + "flicka": "guy", + "pige": "guy", + "yuna": "gille", + "lassie": "lad", + "gouvernante": "gouverneure", + "petite_fille": "petit_fils", + "a\u00efeule": "grand_papa", + "nine": "babu", + "grand_m\u00e8re": "a\u00efeul", + "proviseure": "proviseur", + "de_la": "les_siennes", + "varone": "h\u00e9ros", + "h\u00e9ro\u00efne": "hero", + "le_sien": "le_leur", + "les_siens": "la_leur", + "la_sienne": "les_leurs", + "hers": "la_leur", + "les_siennes": "les_leurs", + "elle_m\u00eame": "lui_m\u00eame", + "ma\u00eetresse_de_maison": "accueillir", + "animateur": "l\u00e9gion", + "ma\u00eetresses_de_maison": "h\u00f4telier", + "h\u00f4tesse": "steward", + "lady": "laird", + "fru": "gv", + "poup\u00e9e": "groom", + "fillette": "lad", + "putta": "groom", + "marquise": "marquis", + "mademoiselle": "sir", + "dlle": "sir", + "miss": "sir", + "rater": "sir", + "misse": "sir", + "mlle": "mr", + "mam\u2019zelle": "sir", + "miss_a": "sir", + "ma\u00eetresse": "master", + "anya": "pater", + "mam": "paire", + "la_m\u00e8re": "mon_p\u00e8re", + "m\u00e8re": "pair", + "mame": "pair", + "mutter": "fader", + "matrix": "vader", + "materner": "mon_p\u00e8re", + "mrs": "mgr", + "ms": "mr", + "matc": "mgr", + "ni\u00e8ce_fraternelle": "neveu_sororel", + "ni\u00e8ce_sororelle": "neveu", + "ni\u00e8ce": "neveu_sororel", + "coquill\u00e9_hollandais": "monial", + "nonnain": "moine", + "moniale": "monge", + "religieuse": "ikhwan", + "s\u0153ur": "le_retour_du_fr\u00e8re_prodigue", + "bonne_s\u0153ur": "monial", + "pr\u00eatresse": "pope", + "princesse": "prince", + "monthly_princess": "agaric_auguste", + "princessa": "de_principe", + "danaus_gilippus": "key", + "reg": "key", + "drag_queen": "rex", + "reine": "rou\u00e9", + "hetman": "rou\u00e9", + "queen": "indra", + "queens": "reyes", + "koya": "he", + "haec": "\u3078", + "saur": "fr\u00e8re", + "way": "le_retour_du_fr\u00e8re_prodigue", + "sister": "broder", + "nurse": "frater", + "naja": "frater", + "infirmi\u00e8re": "broder", + "vieille_fille": "bachelor", + "belle_fille": "beau_fils", + "belle_m\u00e8re": "beau_p\u00e8re", + "mar\u00e2tre": "beau_p\u00e8re", + "agente_de_bord": "steward", + "h\u00f4tesse_de_l_air": "steward", + "stewardess": "steward", + "h\u00f4tesse_de_l\u2019_air": "steward", + "stewardesse": "steward", + "serveuse": "loufiat", + "serveur": "cambrer", + "veuve": "veuf", + "vidua": "veuf", + "ligne_veuve": "veuf", + "veuf_veuve": "veuf", + "bean": "din\u00e9", + "bini": "gatte", + "naine": "gv", + "kobi\u00e8ta": "m\u00e9na", + "duna": "gour", + "hex": "magicien", + "striga": "magicien", + "wicca": "magicien", + "strie": "magicien", + "glyptocephalus_cynoglossus": "magicien", + "f\u00e2me": "i_love_you", + "dynes": "m\u0119\u017cczyzna", + "women": "men", + "donne": "men", + "boy": "yuna", + "laddie": "yuna", + "gille": "lassie", + "jeune_homme": "lassie", + "lad": "flicka", + "fiu": "pige", + "bube": "pige", + "madame_claude": "fran\u00e7aise", + "fran\u00e7aise": "madame_claude", + "french": "madame_claude", + "langue_fran\u00e7aise": "madame_claude", + "liste_d_historiens_de_la_bretagne": "madame_claude", + "fran\u00e7ois": "madame_claude", + "polonaise": "polonais", + "glose": "polonaise", + "astiquer": "polonaise", + "poliment": "polonaise", + "polonais": "polonaise", + "vernis": "polonaise", + "raffinement": "polonaise", + "journaliste": "journalist", + "journalist": "journaliste" + }, + "other_gender_swap": { + "one": "haec", + "eux": "haec", + "leur": "de_la", + "haec": "essi", + "des_monstres_attaquent_la_ville": "de_la", + "elles": "koya", + "leus": "de_la", + "leurs": "de_la", + "lia": "la_leur", + "la_leur": "hers", + "suya": "hers", + "le_leur": "la_sienne", + "les_leurs": "la_sienne", + "essi": "koya", + "epi": "koya", + "ils": "koya", + "oms": "haec", + "iel": "koya", + "ell": "one", + "ew": "elles", + "he": "essi", + "\u3078": "elles", + "koya": "haec", + "bera": "epi", + "ihm": "leur", + "le_sien": "le_leur", + "seine": "suya", + "la_sienne": "le_leur", + "les_siens": "le_leur", + "les_siennes": "le_leur", + "de_la": "leurs", + "hers": "la_leur" + }, + "en_pronoun2gender": { + "they": [ + "homosexuel", + "bisexuel", + "transgend\u00e9risme", + "queer", + "transgenre", + "sodomite", + "bisexu\u00e9", + "homosexuelle" + ], + "he": [ + "guy", + "dandy", + "jeune_homme", + "groom", + "zigomar", + "bubi", + "boy", + "gar\u00e7onnet", + "omu", + "i_love_you", + "fiston", + "lad", + "gv", + "gercer", + "m\u0119\u017cczyzna", + "hauban", + "gentilhomme", + "petit_gar\u00e7on", + "bube", + "gentleman", + "pinpin", + "man", + "laddie", + "messieurs", + "little_boy", + "male", + "masculin", + "gaur", + "bougre", + "fiu", + "din\u00e9", + "\u00eele_de_man", + "fashion_victim", + "chap", + "coll\u00e8gue", + "gille" + ], + "she": [ + "gonzesse", + "lesbienne", + "matrone", + "beau_sexe", + "fillette", + "miss", + "flicka", + "lesbien", + "naine", + "brasa", + "petite", + "dlle", + "nais", + "poussin", + "gent_f\u00e9minine", + "lassie", + "gouine", + "fru", + "bean", + "pige", + "saphisme", + "lesbianisme", + "femelle", + "jupe", + "gal", + "misse", + "dame", + "f\u00e2me", + "sexe_faible", + "petite_fille", + "f\u00e9minin", + "lady", + "yuna", + "pucelle", + "rater", + "mademoiselle", + "mlle", + "homosexuel", + "poup\u00e9e", + "dynes", + "mam\u2019zelle", + "fifille", + "miss_a", + "tribade", + "lesbier" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "les_siens", + "la_sienne", + "he", + "bera", + "le_sien", + "lia", + "les_siennes", + "ihm", + "seine", + "\u3078", + "lui_m\u00eame", + "ell", + "koya", + "ew" + ], + "she": [ + "les_siens", + "la_sienne", + "de_la", + "le_sien", + "les_siennes", + "elle_m\u00eame", + "haec", + "hers", + "koya" + ], + "they": [ + "one", + "les_leurs", + "essi", + "elles", + "iel", + "leurs", + "oms", + "lia", + "leur", + "suya", + "eux", + "le_leur", + "haec", + "des_monstres_attaquent_la_ville", + "la_leur", + "ils", + "leus", + "epi" + ], + "it": [ + "esti", + "per_se", + "isso", + "ces", + "ceux_l\u00e0", + "issu", + "dette", + "its", + "cette_ci", + "ce_ci", + "essa", + "celui", + "cette", + "c\u2019_est", + "ceci", + "ceux_ci", + "ovi", + "cisse", + "celle_l\u00e0", + "ky", + "tyto", + "celles_ci", + "celui_l\u00e0", + "celles_l\u00e0", + "ces_ci", + "celui_ci" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/frm.json b/data_tooling/pii_processing/ontology/data/frm.json new file mode 100644 index 0000000..f3f976f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/frm.json @@ -0,0 +1,45 @@ +{ + "PERSON_PRONOUN": [ + "dain", + "me" + ], + "JOB": [ + "roy" + ], + "PUBLIC_FIGURE": [ + "morgain", + "moyse", + "robert", + "cauvin", + "george" + ], + "ANIMAL": [ + "duc" + ], + "GENDER": [ + "dame" + ], + "LOCATION": [ + "trois_rivieres" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "dame" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fro.json b/data_tooling/pii_processing/ontology/data/fro.json new file mode 100644 index 0000000..455b9de --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fro.json @@ -0,0 +1,125 @@ +{ + "ORG": [ + "dominion", + "tranque", + "porte" + ], + "JOB": [ + "creator", + "mercator", + "ranger", + "char", + "sommelier", + "grip", + "chief", + "plombeur", + "paisan", + "pastor", + "cop", + "rancher", + "gaite" + ], + "ANIMAL": [ + "moisset", + "duc", + "bievre", + "chate", + "merel", + "luberne" + ], + "FOOD": [ + "mousse", + "saus" + ], + "RACE": [ + "fran\u00e7oyse", + "franceis", + "franceise", + "fraunceise" + ], + "DISEASE": [ + "ki", + "carbuncle", + "complaint", + "pecol", + "espasme", + "toser", + "crache", + "fugue", + "eschalfer" + ], + "PUBLIC_FIGURE": [ + "quine", + "k", + "beauvoir", + "galois", + "david", + "chaplin", + "buison", + "robert", + "edward", + "mansart", + "i", + "davi", + "paige", + "jacob", + "moyses", + "beaumont", + "lorenz" + ], + "PERSON_PRONOUN": [ + "dain", + "i" + ], + "PRODUCT": [ + "se_dex_me_gart" + ], + "RELIGION_MEMBER": [ + "sarrazin" + ], + "SOC_ECO_CLASS": [ + "pairie" + ], + "GENDER": [ + "dame", + "pucelle" + ], + "PLANT": [ + "caboche" + ], + "GPE": [ + "nostre_dame" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "pucelle", + "dame", + "feme" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "eles" + ], + "it": [ + "issu", + "ces", + "cest", + "cestui" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/frp.json b/data_tooling/pii_processing/ontology/data/frp.json new file mode 100644 index 0000000..d99b491 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/frp.json @@ -0,0 +1,45 @@ +{ + "ANIMAL": [ + "chatta" + ], + "DISEASE": [ + "chalor" + ], + "LANGUAGE": [ + "francoproven\u00e7\u00e2l", + "arpetan" + ], + "RELIGION": [ + "calvinismo" + ], + "LOCATION": [ + "sri_lanka" + ], + "ORG": [ + "alemand" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "fem\u00e8la" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "jal" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/frr.json b/data_tooling/pii_processing/ontology/data/frr.json new file mode 100644 index 0000000..9ee8ece --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/frr.json @@ -0,0 +1,76 @@ +{ + "PERSON_PRONOUN": [ + "jamens" + ], + "JOB": [ + "taust", + "k\u00f6ning", + "maage", + "tweete", + "man" + ], + "ORG": [ + "ai" + ], + "PLANT": [ + "spasahorn" + ], + "RELIGION_MEMBER": [ + "brouder" + ], + "ANIMAL": [ + "weederh\u00fcnj" + ], + "DISEASE": [ + "breege", + "breeg", + "breek" + ], + "GENDER": [ + "man" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "s\u00fcster": "bruler", + "saster": "bruler", + "s\u00f6ster": "bruler", + "w\u00fcset": "man", + "dr\u00e4ng": "foomen", + "jongen": "foomen" + }, + "other_gender_swap": { + "djo": "sun", + "sun": "djo" + }, + "en_pronoun2gender": { + "he": [ + "jongen", + "man", + "dr\u00e4ng" + ], + "she": [ + "foomen", + "w\u00fcset" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "sun" + ], + "they": [ + "uk", + "djo" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fur.json b/data_tooling/pii_processing/ontology/data/fur.json new file mode 100644 index 0000000..508b424 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fur.json @@ -0,0 +1,192 @@ +{ + "DISEASE": [ + "struc", + "schelfe", + "sanglo\u00e7", + "starnud\u00e2", + "muardi", + "lichil", + "durm\u00ee", + "gangrene", + "ruzin", + "mi", + "rabie", + "torment" + ], + "PERSON_PRONOUN": [ + "nestri", + "m\u00ea", + "me" + ], + "ANIMAL": [ + "mardar", + "cheche", + "tortorele", + "pole\u00e7", + "forcel", + "sparv\u00e2l", + "vari\u0171l", + "dordei", + "stambec", + "falcu\u00e7", + "martar", + "cornile", + "cengl\u00e2r", + "viespe", + "bo_salvadi", + "cagne", + "mierli", + "gjesp\u00e2r", + "falcon", + "jespe", + "bilite", + "cavie", + "barbezuan", + "cjavr\u00fbl", + "cast\u00f4r", + "cagn\u0155s" + ], + "ORG": [ + "doi", + "un", + "lav\u00f4r", + "justizie", + "ai", + "europe", + "mi", + "cumier\u00e7" + ], + "FOOD": [ + "desert", + "gust\u00e0", + "ging\u00ece" + ], + "RELIGION_MEMBER": [ + "fradi" + ], + "JOB": [ + "miedi", + "past\u00f4r", + "arad\u00f4r", + "pior\u00e2r", + "marangon", + "guide", + "fevelant", + "pantiane", + "vuarzen\u00e2r", + "cusin\u00e2" + ], + "PUBLIC_FIGURE": [ + "bari", + "e", + "lurin\u00e7", + "davide", + "liston", + "most", + "sper\u00e2", + "mois\u00e8s", + "sperance", + "griv\u00f4r", + "lenart" + ], + "PRODUCT": [ + "spirtussant", + "cavie" + ], + "TITLE": [ + "miss\u00e2r", + "sign\u00f4r" + ], + "PLANT": [ + "siespe", + "papaver", + "urtie", + "fave", + "bromb", + "brocul", + "molec", + "brugnul" + ], + "LANGUAGE": [ + "greche", + "greghe", + "portugh\u00eas" + ], + "GENDER": [ + "frutat", + "dame", + "frutate", + "mascli" + ], + "QUANTITY": [ + "ton" + ], + "LOCATION": [ + "pic_neri" + ], + "RELIGION": [ + "islam", + "sintoisim" + ], + "GPE": [ + "spirtussant" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "simil": "fradi", + "fiastre": "fiastri", + "madrigne": "padreu", + "vedue": "vedul", + "cristiane": "mar\u00eet", + "mu\u00eer": "cristian", + "femine": "cristian", + "frut": "frutate", + "frutat": "frutate" + }, + "other_gender_swap": { + "l\u00f4r": "sun", + "j\u00ea": "l\u00f4r", + "sun": "l\u00f4r", + "s\u00f4": "l\u00f4r" + }, + "en_pronoun2gender": { + "he": [ + "mascli", + "frutat", + "frut" + ], + "she": [ + "frute", + "dame", + "femine", + "frutate" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "s\u00f4" + ], + "she": [ + "sun", + "j\u00ea", + "s\u00f4" + ], + "they": [ + "l\u00f4r" + ], + "it": [ + "chest" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/fy.json b/data_tooling/pii_processing/ontology/data/fy.json new file mode 100644 index 0000000..e4bb27d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/fy.json @@ -0,0 +1,712 @@ +{ + "PUBLIC_FIGURE": [ + "willem_de_oermasterder", + "matthew_arnold", + "benjamin_franklin", + "john_knox", + "rudolf_steiner", + "tomkes", + "che_guevara", + "georges_simenon", + "henrik_ibsen", + "mary_shelley", + "david_livingstone", + "john_herschel", + "richard_burton", + "anna_pavlova", + "hoopje", + "winston_churchill", + "ivan_pavlov", + "paul_mccartney", + "joseph_greenberg", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "george_stephenson", + "george_harrison", + "george_orwell", + "richard_wagner", + "don_quichot", + "michael_jackson", + "samuel_beckett", + "readkapke", + "galileo_galilei", + "john_donne", + "chaim_weizmann", + "kristoffel_kolumbus", + "robert_koch", + "joseph_goebbels", + "john_steinbeck", + "petrus", + "edmund_hillary", + "vincent_van_gogh", + "josef_stalin", + "robert_burns", + "hans_fischer", + "konrad_adenauer", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_matisse", + "louis_pasteur", + "john_ford", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "charles_lindbergh", + "samuel_barber", + "f", + "august_strindberg", + "thomas_mann", + "charles_goodyear", + "charles", + "samuel_de_champlain", + "fridtjof_nansen", + "robert_johnson", + "james_dean", + "george_huntington", + "oscar_wilde", + "heinrich_schliemann", + "glenn_curtiss", + "christiaan_eijkman", + "andrej_sacharov", + "adolf_eichmann", + "francis_bacon", + "immanuel_kant", + "hope", + "albert_schweitzer", + "john_harvard", + "titus", + "william_blake", + "piip", + "carl_lewis", + "elias_canetti", + "edward_jenner", + "graham_greene", + "frans_hals", + "marije_magdalena", + "leon_trotski", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "jan_tinbergen", + "greg", + "walt_disney", + "maksimianus", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "theodor_mommsen", + "marcel_proust", + "thomas_more", + "john_milton", + "albert_speer", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "caravaggio", + "boris_karloff", + "hans_christian_andersen", + "thomas", + "isaac_watts", + "pieter_zeeman", + "pablo_picasso", + "kurt_weill", + "christiaan_huygens", + "adam_smith", + "chroesjtsjov", + "jean_harlow", + "karl_marx", + "friedrich_nietzsche", + "i", + "nikola_tesla", + "john_locke", + "henry_james", + "ingrid_bergman", + "hugo_de_groot", + "vladimir_p\u00fbtin", + "robert_southey", + "walt_whitman", + "carl_jung", + "adolf_hitler", + "alfred_stieglitz", + "joseph_haydn", + "buffalo_bill", + "ivan_t\u00fbrgenjev", + "edvard_grieg", + "rosa_parks", + "laurence_sterne", + "peter_de_grutte", + "anne_hathaway", + "jeannette_rankin", + "g", + "martin_heidegger", + "marije_fan_magdala", + "r", + "george_lucas", + "louis_armstrong", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "alexandre_dumas", + "johann_gutenberg", + "bobby_fischer", + "john_constable", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "peter_sellers", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "jackson_pollock", + "john_lennon", + "charlie_chaplin", + "marko_polo", + "lea", + "elizabeth_gaskell", + "alice_walker", + "jesse_jackson", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "frederick_douglass", + "david_hilbert", + "oliver_cromwell", + "martin_luther_king", + "woodrow_wilson", + "ernest_hemingway", + "george_westinghouse", + "arthur_miller", + "sint_louis", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "roald_amundsen", + "sherwood_anderson", + "alfred_korzybski", + "charles_dickens", + "ella_fitzgerald", + "jacques_offenbach", + "joseph_paxton", + "tasitus", + "bessie_smith", + "willy_brandt", + "francisco_franco", + "joris", + "keningseider", + "jan_steen", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "mick_jagger", + "georges_cuvier", + "walter_scott", + "vladimir_lenin", + "robert_peary", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "aletta_jacobs", + "thomas_edison", + "claude_bernard", + "pieter_stuyvesant", + "t" + ], + "DISEASE": [ + "streakje", + "slymbeurs\u00fbntstekking", + "stammerje", + "koarstmoas", + "harsensskodding", + "wetterpokken", + "gynekomasty", + "ynfeksjesykte", + "wintersliep", + "swierw\u00eazen", + "brekke", + "goalera", + "tongblier", + "de_pest", + "marteling", + "groei", + "ferk\u00e2ldenens", + "skuorbot", + "demintens", + "plaktyfus", + "long\u00fbntstekking", + "hawar", + "malaria" + ], + "PLANT": [ + "duvelswannelst\u00f4k", + "boerekoal", + "leppeltsjeblom", + "pine", + "wetterplant", + "finnestikel", + "b\u00fbterblom", + "barchjeblom", + "bremerheide", + "alsemambrosia", + "kamperfoelje", + "kantroas", + "hoants", + "koweblomke", + "piipkr\u00fbd", + "keunstner", + "maaieklokje", + "paradysf\u00fbgels", + "frisselgrien", + "kalmuswoartel", + "wylch", + "wylgebeam", + "eskdoarn", + "foksebei", + "miedesweltsje", + "skieppeklokje", + "wichter", + "flear", + "belladonna", + "teeplant", + "knolstienbrek", + "slaad" + ], + "LOCATION": [ + "skierroek", + "konservatoarium", + "it_kanaal", + "om_it_gefal", + "park", + "goemiddei", + "sint_helena", + "de_nederlannen", + "saksen_anhalt", + "psychiatrysk_sikeh\u00fbs", + "michiganmar", + "psychiatryske_ynrjochting", + "kaap_hoarn", + "frederjochter", + "falkl\u00e2neilannen", + "toarnroaske", + "tafelberch", + "boumantsje", + "boppemar", + "aldjiersdei", + "rjochtbank", + "the_rolling_stones", + "botanyske_t\u00fan", + "marije_magdalena", + "mar_fan_de_w\u00e2lden", + "jordaan" + ], + "ANIMAL": [ + "meau", + "keizergoes", + "houtsnip", + "marters", + "hjerringslynder", + "deim", + "s\u00e2nslieper", + "poepeletaat", + "beamiikhoarntsjes", + "monarchflinter", + "boskm\u00fbzen", + "stienmurd", + "krie", + "otter", + "boskoaljefant", + "tomkes", + "waarlamke", + "tsjoksnaffelskoet", + "przewalskyhynder", + "wetterh\u00fbn", + "hartm\u00fbs", + "sparwer", + "stienkrobbe", + "kuorhin", + "stienbok", + "readhalsd\u00fbker", + "wezeling", + "swartpoatmurd", + "kabbeljau", + "waskbearh\u00fbn", + "toerswel", + "bevers", + "goud\u00fblen", + "trompetswan", + "vibe", + "ekster", + "iisbear", + "raven", + "hazzem\u00fbs", + "kapeseachbek", + "berchlemming", + "kloekswan", + "everswyn", + "goud\u00fblef\u00fbgels", + "steltkl\u00fat", + "trompetkraan", + "goud\u00fble", + "str\u00e2nljip", + "unwaarsf\u00fbgel", + "marter", + "bloedkralen", + "boskplakflinter", + "dassen", + "donald_duck", + "wetterr\u00f4t", + "stikelbaarch", + "gielegou", + "eiders", + "stien\u00fbltsje", + "karein", + "wangsekiikhoarntsjes", + "evenhoevigen", + "ivoarsnaffelspjocht", + "d\u00fbkerke", + "feereager", + "reidhintsje", + "reager", + "pylksturt", + "amerikaanske_nerts", + "toarteldo", + "jolling", + "podde", + "frosk", + "sliepm\u00fbzen", + "de_raven", + "dominylyster", + "goudhamster", + "keningsearn", + "knobbelswan", + "berchein", + "hoarn\u00fble", + "klyster", + "goesearn", + "ljip", + "mients", + "readboarstke", + "skoet", + "mallemok", + "manaty", + "swarthalsd\u00fbker", + "otters", + "eider", + "lysterf\u00fbgels", + "boskm\u00fbs" + ], + "FOOD": [ + "moarnsiten", + "kaugom" + ], + "JOB": [ + "sekonde", + "guru", + "oersetter", + "biskop", + "groukopflinters", + "potter", + "plysje", + "komyk", + "meitsje", + "abbekaat", + "don", + "underwizer", + "the_police", + "pastoar", + "boargemaster", + "skearbaas", + "sersjant", + "printer", + "learaar", + "blokfluit", + "master", + "stjerrekundige", + "groom", + "streakje", + "mate", + "ferloskundige", + "sheriff", + "stewardess", + "arbeider", + "boekh\u00e2lder", + "presidint", + "heraut", + "heechlearaar", + "barbier", + "wetter", + "hoarnwiif", + "polysje", + "man" + ], + "GENDER": [ + "jonge", + "man", + "gal" + ], + "GPE": [ + "wite_h\u00fbs", + "dar_es_salaam", + "nikolaas_fan_myra", + "sint_louis", + "minskerjochten", + "nije_testamint", + "hillige_geast" + ], + "RELIGION_MEMBER": [ + "guru", + "fransiskanen", + "sister", + "broer", + "minnisten" + ], + "PRODUCT": [ + "justin_bieber", + "minskerjochten", + "ferjit_my_net", + "trijekeningej\u00fbn", + "de_kat_op_learzens", + "in_poppeh\u00fbs", + "amerikaanske_boargeroarloch", + "goemoarn", + "julius_caesar", + "sint_steffensdei", + "kavia", + "sint_pierre_en_miquelon", + "rosetta_stien", + "krystbeam", + "stillibben", + "de_godlike_komeedzje", + "forjit_my_net", + "muzykynstrumint", + "himellichem", + "de_pylgerreize", + "de_tiidmasine", + "romtestasjon", + "ein_goed_alles_goed", + "de_h\u00fbn_fan_e_baskervilles" + ], + "LANGUAGE": [ + "catalan", + "oerd\u00fb", + "kongo", + "deensk", + "hindy", + "esperanto", + "latyn", + "lao", + "ido", + "japansk", + "galisysk", + "arabysk", + "tonga" + ], + "ORG": [ + "jan_mayen", + "sint_helena", + "nasa", + "boargerlik_rjocht", + "sneinsskoalle", + "dominikanen", + "frijmitselderij", + "schutzstaffel", + "kapetingers", + "normaalskoalle", + "ferljochting", + "electoral_college", + "mar_fan_de_w\u00e2lden", + "heilsleger", + "mahayana", + "feriene_steaten", + "d\u00fatske_keizerryk", + "baskenl\u00e2n", + "tsjow", + "rasseskieding", + "basis\u00fbnderwiis", + "gestapo", + "milit\u00ear", + "weimarrepublyk", + "konservatoarium", + "jeropa", + "toarnroaske", + "po", + "l\u00e2nbou", + "mossad", + "fersoargingssteat", + "nijmoanne", + "ja\u00efnisme", + "sturmabteilung", + "los_angeles", + "kaapverdje", + "giele_rivier", + "sa", + "ik_hjit", + "yndustryterrein", + "konsily", + "sao_tomee", + "regear", + "fraachteken", + "sint_lusia", + "ambachtsskoalle", + "reade_see", + "de_swarte_kat", + "in_komeedzje_fol_fersinnen", + "tao\u00efsme" + ], + "DATE": [ + "trijekeningej\u00fbn", + "nijmoanne", + "juliaanske_kalinder", + "gregoriaanske_kalinder", + "palmpeaske" + ], + "EVENT": [ + "golfoarloch" + ], + "RELIGION": [ + "donatisme", + "wahabisme", + "kataren", + "islam", + "sjinto\u00efsme", + "manige\u00efsme", + "sjintoisme" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "igor_sikorsky", + "rudolf_hess" + ], + "FAC": [ + "sint_lusia", + "legere_skoalle", + "kearnsintrale", + "peter_de_grutte", + "gemaal", + "hingbr\u00eage", + "roomsk_katolike_tsjerke" + ], + "PERSON_PRONOUN": [ + "i", + "him" + ], + "POLITICAL_PARTY": [ + "nsdap", + "demokratyske_partij", + "partij_fan_de_arbeid", + "politike_partij", + "republikeinske_partij" + ], + "QUANTITY": [ + "dollar", + "fjouwerentweintich", + "parkeargaraazje", + "g", + "anders_celsius" + ], + "LAW": [ + "publykrjocht", + "strafrjocht", + "rjochtssteat" + ], + "UNION": [ + "nea" + ], + "RACE": [ + "ingelsen" + ], + "SOC_ECO_CLASS": [ + "samoerai", + "maatskippij" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "b\u00fbk": "groom", + "keizerinne": "keizer", + "heldinne": "held", + "prysteresse": "preester", + "preesteresse": "preester", + "keningin": "kening", + "reine": "kening", + "hja": "hy", + "sister": "broer", + "suster": "broer", + "bean": "man", + "benyn": "man", + "wiif": "man", + "frou": "man", + "jonge": "famke" + }, + "other_gender_swap": { + "thay": "hja", + "iel": "hja", + "hy": "hja", + "hja": "thay" + }, + "en_pronoun2gender": { + "he": [ + "minske", + "jonge", + "man", + "groom" + ], + "she": [ + "benyn", + "wiif", + "faam", + "bean", + "frou", + "famke", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "hy", + "seine", + "him" + ], + "she": [ + "hja" + ], + "they": [ + "iel", + "harren", + "seus", + "thay", + "hja" + ], + "it": [ + "dizze", + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ga.json b/data_tooling/pii_processing/ontology/data/ga.json new file mode 100644 index 0000000..3baa353 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ga.json @@ -0,0 +1,5356 @@ +{ + "PUBLIC_FIGURE": [ + "henry_cavendish", + "benjamin_franklin", + "akira_kurosawa", + "seoirse", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "max_bruch", + "che_guevara", + "c", + "thomas_hodgkin", + "henrik_ibsen", + "mary_shelley", + "david_livingstone", + "jan_van_eyck", + "richard_burton", + "mary_wollstonecraft", + "winston_churchill", + "johannes_diderik_van_der_waals", + "b", + "karl_landsteiner", + "dmitri_shostakovich", + "paul_mccartney", + "richard_smalley", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "isaac_newton", + "glant\u00f3ir_siml\u00e9ar", + "victor_hugo", + "edwin_hubble", + "cianrialt\u00e1n", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_davis", + "george_harrison", + "george_orwell", + "richard_wagner", + "an_p\u00edobaire_breac", + "marie_curie", + "francis_galton", + "michael_jackson", + "el_greco", + "samuel_beckett", + "galileo_galilei", + "john_donne", + "constaint\u00edn", + "robert_koch", + "i_m_pei", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "foraoiseoir", + "fonorm\u00e1lta", + "edmund_hillary", + "brigid", + "an_r\u00ed_lir", + "vincent_van_gogh", + "w", + "hans_jurgen_eysenck", + "p", + "emiliano_zapata", + "tom\u00e1s", + "yuri_gagarin", + "willem_einthoven", + "samuel_johnson", + "giuseppe_verdi", + "e", + "hideki_yukawa", + "konrad_adenauer", + "norbert_wiener", + "gottlieb_daimler", + "ardaidi\u00fanach", + "frank_sinatra", + "katharine_hepburn", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "j", + "richard_strauss", + "john_ford", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "v", + "luigi_pirandello", + "t_s_eliot", + "incigh", + "robert_millikan", + "charles_de_gaulle", + "y", + "charles_lindbergh", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "charles_goodyear", + "dante_alighieri", + "samuel_de_champlain", + "giacomo_puccini", + "louis_braille", + "mungo_park", + "paul_verlaine", + "q", + "james_dean", + "marie_tussaud", + "theodor_schwann", + "joseph_priestley", + "nicolas_poussin", + "oscar_wilde", + "philip_roth", + "j_d_salinger", + "richard_trevithick", + "heinrich_schliemann", + "eli_whitney", + "laurence_olivier", + "christiaan_eijkman", + "francis_bacon", + "pete_seeger", + "joseph_heller", + "a", + "peter_brian_medawar", + "james_brown", + "charles_baudelaire", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "n", + "coinic\u00e9ar", + "giulio_natta", + "johannes_kepler", + "max_planck", + "t_e_lawrence", + "john_bardeen", + "william_henry", + "george_vancouver", + "canberra", + "elias_canetti", + "beirt", + "edward_jenner", + "frans_hals", + "igor_stravinsky", + "william_herschel", + "joseph_black", + "niels_bohr", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "rudolf_diesel", + "antaine", + "walt_disney", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "robert_redford", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "beinidict", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "elizabeth_taylor", + "thomas_chippendale", + "william_golding", + "william_caxton", + "albert_speer", + "john_vanbrugh", + "gr\u00e9ag\u00f3ir", + "frank_whittle", + "alfred_nobel", + "marco_polo", + "caravaggio", + "m", + "daniel_bernoulli", + "joseph_henry", + "henri_bergson", + "gottfried_leibniz", + "phillis_wheatley", + "patrick_white", + "hans_zinsser", + "hans_christian_andersen", + "william_morris", + "cary_grant", + "pablo_picasso", + "thomas_moore", + "otto_hahn", + "christiaan_huygens", + "antonio_stradivarius", + "hector_berlioz", + "claudio_monteverdi", + "john_galsworthy", + "o", + "adam_smith", + "william_james", + "antoin", + "u", + "karl_marx", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "carson_mccullers", + "nikola_tesla", + "al_capone", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "an_tiolar", + "jean_piaget", + "valentina_tereshkova", + "h_g_wells", + "walt_whitman", + "colin_powell", + "ludwig_boltzmann", + "carl_jung", + "ramasaes_ii", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "fritz_haber", + "george_boole", + "paul_revere", + "robert_boyle", + "edith_cavell", + "tu\u00edod\u00f3ir", + "1", + "rosa_parks", + "x", + "ernest_walton", + "laurence_sterne", + "owen", + "g", + "arthur_schopenhauer", + "james_cagney", + "martin_heidegger", + "arnold_schoenberg", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "robert_fulton", + "thomas_hardy", + "giuseppe_garibaldi", + "philip_warren_anderson", + "robert_brown", + "wilhelm_weber", + "bobby_fischer", + "johannes_gutenberg", + "d", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "hans_adolf_krebs", + "francis_poulenc", + "james_ussher", + "john_constable", + "rachel_louise_carson", + "matthew_flinders", + "jean_de_la_fontaine", + "iodhadh", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "fyodor_dostoyevsky", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "charlie_chaplin", + "d_h_lawrence", + "naomh_seoirse", + "thomas_merton", + "asa_gray", + "miles_davis", + "edmund_cartwright", + "andrey_sakharov", + "william_gilbert", + "james_watt", + "homo", + "david_hilbert", + "wilhelm_reich", + "martin_luther_king", + "james_hargreaves", + "william_wordsworth", + "s", + "william_clark", + "woodrow_wilson", + "gustav_hertz", + "st_louis", + "don_quixote", + "ernest_hemingway", + "george_westinghouse", + "eero_saarinen", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "hans_bethe", + "hans_geiger", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "peadar_m\u00f3r", + "joseph_paxton", + "bessie_smith", + "francisco_pizarro", + "francisco_franco", + "johnny_cash", + "joseph_mccarthy", + "mick_jagger", + "dreoil\u00edn", + "georges_cuvier", + "william_harvey", + "walter_scott", + "robert_peary", + "john_bunyan", + "jonathan_swift", + "maorsh\u00e1irsint", + "t\u00edteas", + "albert_einstein", + "l", + "thomas_edison", + "chiang_kai_shek", + "raymond_chandler", + "t" + ], + "JOB": [ + "mairn\u00e9alach", + "pluim\u00e9ir", + "eitleoir", + "taifead\u00e1n", + "an_dealbh\u00f3ir", + "seand\u00e1la\u00ed", + "cadh\u00f3it", + "armad\u00f3ir", + "ceathr\u00famh\u00e1istir", + "aistire", + "rialt\u00e1n", + "reiligire", + "eagarth\u00f3ir", + "oist\u00e9apat", + "geilleagra\u00ed", + "banambasad\u00f3ir", + "feirmeoir", + "sirriam", + "ollamh", + "banch\u00faram\u00f3ir", + "garda\u00ed", + "ardcheannasa\u00ed", + "gunnad\u00f3ir", + "aontachta\u00ed", + "saighdi\u00fair", + "miasniteoir", + "docht\u00fair", + "doirseoir", + "bandeag\u00e1nach", + "rothad\u00f3ir", + "maorlatha\u00ed", + "cathaoirleach", + "char", + "rinceoir", + "aistritheoir", + "aireag\u00f3ir", + "aturnae", + "innealt\u00f3ir", + "bainisteoir", + "bangharda", + "fichill\u00edn", + "baird\u00e9ir", + "reacht\u00f3ir", + "foraoiseoir", + "bantr\u00e9ada\u00ed", + "gruagaire", + "dorn\u00e1la\u00ed", + "reachtaire", + "banalms\u00f3ir", + "ardaidi\u00fanach", + "rial\u00f3ir", + "bunaitheoir", + "giolla", + "ceolt\u00f3ir", + "cruinnitheoir", + "bardach", + "vacsa\u00edneoir", + "saothra\u00ed", + "gort\u00f3ir", + "buachaill_caorach", + "acadamha\u00ed", + "banaoire", + "acht\u00faire", + "poitig\u00e9ir", + "dugaire", + "ban\u00fadar", + "seansail\u00e9ir", + "easpag", + "optaim\u00e9adra\u00ed", + "radharceola\u00ed", + "norm\u00e1lta", + "innealt\u00f3ir_sibhialta", + "alms\u00f3ir", + "br\u00fastocaire", + "ain\u00e9ist\u00e9is\u00ed", + "bainc\u00e9ir", + "coimirceoir", + "cairdeola\u00ed", + "n\u00e9areola\u00ed", + "feighl\u00ed", + "briog\u00e1idire_ghinear\u00e1l", + "molt\u00f3ir", + "p\u00f3staer", + "gaucho", + "anail\u00eds\u00ed", + "vaidht\u00e9ir", + "aigneola\u00ed", + "m\u00e1lfheidhmeannach", + "gearrscr\u00edobha\u00ed", + "balsam\u00f3ir", + "gairneoir", + "aist\u00ed", + "tonnleasaitheoir", + "cl\u00f3churad\u00f3ir", + "urlabhra\u00ed", + "croiniceoir", + "coime\u00e1da\u00ed", + "gearb", + "abhc\u00f3ide", + "bansti\u00farth\u00f3ir", + "radagrafa\u00ed", + "fond\u00fair", + "croinic\u00ed", + "leifteanant", + "banchigire", + "vaidht\u00e9ara\u00ed", + "miond\u00edolt\u00f3ir", + "baneitleoir", + "neamhsple\u00e1ch", + "banghiolla", + "grianghrafad\u00f3ir", + "muic\u00ed", + "breacaire", + "bunfhr\u00e9amh", + "bansealgaire", + "aisteoir", + "raideola\u00ed", + "ceithearnach", + "damhs\u00f3ir" + ], + "LOCATION": [ + "al_jazeera", + "saint\u00ed", + "an_me\u00e1noirthear", + "an_su\u00ed_naofa", + "luibhghaird\u00edn", + "arbor_vitae", + "an_taig\u00e9an_ci\u00fain", + "b\u00e9ar_m\u00f3r", + "athbhliain", + "staidiam", + "an_mhuir_dhubh", + "piet_mondrian", + "an_astr\u00e1il_thiar", + "colarad\u00f3", + "an_leon_beag", + "daid\u00ed_na_nollag", + "cnoc_na_nol\u00f3g", + "an_veas\u00faiv", + "an_huaing_h\u00f3", + "an_astr\u00e1il_theas", + "arm_na_st\u00e1t_aontaithe", + "na_t\u00edortha_faoi_thoinn", + "air\u00e9ine", + "criost\u00f3ir_colambas", + "an_b\u00e9ar_beag", + "abhantrach", + "cathair_ardeaglaise", + "joseph_louis_gay_lussac", + "an_mhuir_thuaidh", + "aerfh\u00f3rsa", + "na_lochanna_m\u00f3ra", + "compal", + "m\u00e1ire_mhaigdil\u00e9ana", + "rinn_verde", + "ceolscoil", + "rinn_an_choirn", + "an_iond\u00fais", + "cathair_londan", + "aig\u00e9an_atlantach", + "an_l\u00e1r_r\u00e9igi\u00fan_thoir", + "meirice\u00e1", + "na_madra\u00ed_fiaigh", + "char\u00f3g_liath", + "the_rolling_stones", + "cumhachtst\u00e1isi\u00fan", + "an_tsacsain_anhalt", + "naomh_p\u00e1draig", + "banc_ceannais", + "an_b\u00e9ar_m\u00f3r", + "banl\u00e1mh", + "an_taig\u00e9an_atlantach", + "an_taig\u00e9an_indiach" + ], + "ORG": [ + "an_eoraip", + "an_ph\u00f3", + "reifirm\u00e9isean", + "r\u00e9altbhraisle", + "talmha\u00edocht", + "an_oir_ghearm\u00e1in", + "cathairst\u00e1it", + "ainiomad", + "wicca", + "gairmscoil", + "an_l\u00e1r_r\u00e9igi\u00fan_thiar", + "loch_laomainn", + "socheacnama\u00edoch", + "banghas\u00f3g", + "an_tr\u00ed\u00fa_reich", + "an_b\u00e9ar_m\u00f3r", + "le_taobh_a_ch\u00e9ile", + "aa", + "nasa", + "na_halc\u00f3laigh_gan_ainm", + "isi", + "an_p\u00e1irt\u00ed_liobr\u00e1lach", + "the_who", + "le_hais_a_ch\u00e9ile", + "gi\u00fadachas_ceartchreidmheach", + "cros_dhearg", + "bunscoil", + "san_francisco", + "\u00edosaicme", + "ar_chor_ar_bith", + "gi\u00fadachas_coime\u00e1dach", + "an_huaing_h\u00f3", + "mahayana", + "luibhghaird\u00edn", + "an_amas\u00f3in", + "dl\u00ed_r\u00f3mh\u00e1nach", + "sa_bhaile", + "don_juan", + "ardmhinic\u00edochta", + "an_taontas_eorpach", + "ceolscoil", + "an_p\u00e1irt\u00ed_coime\u00e1dach", + "naomhtheaghlach", + "dia", + "ardmhinic\u00edocht", + "an_mhuir_rua", + "an_chipir_thuaidh", + "ceardchumann", + "de_dh\u00e9ant\u00fas_an_duine", + "eaglais_cheartchreidmheach", + "muir_rua", + "jabionad", + "is_mise", + "me\u00e1nscoil", + "eaglais_chaitliceach", + "fuinneamh", + "rabindranath_tagore", + "guma_coganta", + "scoil_cheoil", + "beinidictigh", + "an_ch\u00e9ad_comhairle_vatac\u00e1ine", + "san_h\u00e9ilin", + "an_p\u00e1irt\u00ed_daonlathach_liobr\u00e1lach", + "al_jazeera", + "stocmhalart\u00e1n", + "san_lucia", + "ardch\u00fairt", + "st\u00e1it_aontaithe", + "gealtlann", + "teach_custaim", + "an_ghuine_mhe\u00e1nchriosach", + "buanchoiste", + "loch_superior", + "idirph\u00f3sadh", + "ardscoil", + "o\u00edche_chaille", + "ceartchreidmheachas", + "ponc", + "los_angeles", + "p\u00e1irt\u00ed_an_lucht_oibre", + "aons\u00faileach", + "an_ch\u00e9ad_comhdh\u00e1il_nicea", + "inchinne", + "an_mathshlua_\u00f3rga", + "don_diabhal_leis", + "an_eola\u00edocht_chr\u00edosta\u00ed", + "gi\u00fadachas_leasaitheach", + "margadh_bull\u00fail", + "cathl\u00e1n", + "aerarm", + "an_eagna\u00edocht", + "an_ghearm\u00e1inis", + "ar_bith", + "na_meirv\u00ednsigh", + "an_ch\u00fairt_bhreithi\u00fanais_idirn\u00e1isi\u00fanta", + "oile\u00e1n_\u00far" + ], + "GENDER": [ + "homaighn\u00e9asach", + "cail\u00edneog", + "leispiach", + "baineannach", + "caileag", + "gars\u00fan", + "a_dhaoine_uaisle", + "bantiarna" + ], + "PRODUCT": [ + "an_soitheach_naofa", + "caifechup\u00e1n", + "justin_bieber", + "fyodor_dostoyevsky", + "an_taontas_s\u00f3iv\u00e9adach", + "an_me\u00e1n_domhan", + "tine_gheal\u00e1in", + "an_dara_cogadh_domhanda", + "al_jazeera", + "gearrchiorcad", + "s\u00e3o_tom\u00e9_agus_pr\u00edncipe", + "sacsain_anhalt", + "an_choim\u00e9ide_dhiaga", + "naomhspiorad", + "muc_ghuine", + "an_bhreatain", + "an_spiorad_naomh", + "the_star_spangled_banner", + "le_c\u00fanamh_d\u00e9", + "na_seoda", + "don_quixote", + "an_tsacsain_anhalt", + "an_r\u00edocht_aontaithe", + "an_nua_sh\u00e9alainn", + "taebhosca", + "an_ch\u00e9ad_chogadh_domhanda", + "tiomna_nua", + "saint\u00ed", + "lus_m\u00edonla" + ], + "DISEASE": [ + "cam_mhuin", + "seiptic\u00e9ime", + "airtr\u00edteas", + "ballbhr\u00faigh", + "an_fhiol\u00e1iri\u00e1is", + "siondr\u00f3m", + "r\u00e9amheaclaimsia", + "ainglis", + "pairilis", + "tacht", + "tritheamh", + "sciots\u00f3ideach", + "toircheas", + "fleib\u00edteas", + "an_phl\u00e1_mh\u00f3r", + "cataileipse", + "oftailme", + "galareola\u00edocht", + "maolteanga", + "loch_ascaille", + "pianadh", + "murtall", + "fothach", + "an_phl\u00e1_dhubh", + "an_port\u00e1n", + "rada\u00edocht", + "polaip", + "saic\u00edn\u00edteas", + "seachr\u00e1n", + "griand\u00f3", + "heirne", + "vacsa\u00edni\u00fa", + "gall", + "geimhri\u00fa", + "scr\u00edob", + "achtanim\u00edoc\u00f3is", + "m\u00ed_dh\u00edle\u00e1", + "anchuma", + "pataigin", + "urtac\u00e1ire", + "laraing\u00edteas", + "adanaiv\u00edreas", + "polaic\u00edotaemacht", + "giairdi\u00e1is", + "cliseadh", + "peireat\u00f3in\u00edteas", + "deinge", + "fiocas", + "paireacht", + "cuais\u00edteas", + "soiri\u00e1is", + "reitriv\u00edreas", + "seif", + "polaimiail\u00edteas", + "conslaod", + "goir\u00edn", + "cr\u00e9acht", + "greim", + "an_bhruit\u00edneach", + "luch", + "ceangailteacht", + "feinilc\u00e9at\u00f3n\u00faire", + "talasaemacht", + "broinc\u00edteas", + "tochais", + "scar", + "beri_beri", + "athlasadh", + "forghabh\u00e1il", + "raic\u00edteas", + "polaimi\u00f3is\u00edteas", + "anch\u00fainseacht", + "bunaitheoir", + "trac\u00f3ime", + "gearrgh\u00e9agacht", + "seargadh", + "masmas", + "\u00edsleacht", + "ballbhr\u00fa", + "an_chiorr\u00f3is", + "adanacarcan\u00f3ma", + "daille", + "paiteola\u00edocht", + "meisce", + "granal\u00f3ma", + "ancal\u00f3is", + "corn", + "an_faolch\u00fa", + "arasaipil", + "gonairith", + "spina_bifida", + "coiliceam", + "mast\u00f3id\u00edteas", + "bolgach", + "creit\u00edneacht", + "codail", + "leonadh", + "tine_dhia", + "treighid", + "teiteanas", + "aileac\u00f3", + "adan\u00f3ma", + "peireacaird\u00edteas", + "ailb\u00edneachas", + "an_dift\u00e9ire", + "cumhdaitheoir", + "sileac\u00f3is", + "gear\u00e1n", + "an_liomf\u00f3ma", + "faithne", + "trioc\u00f3m\u00f3ini\u00e1is", + "meilean\u00f3ma", + "casaoid", + "triuch", + "meining\u00edteas", + "cr\u00e9achta", + "r\u00e9altn\u00e9al", + "deirmit\u00edteas", + "eidhne\u00e1n_nimhe", + "galr\u00fa", + "smut", + "dinnireacht", + "lasadh", + "ang\u00f3ma", + "colaicist\u00edteas", + "galar_parkinson", + "sting", + "confadh", + "str\u00f3c", + "baict\u00e9arafagach", + "ruachtach", + "fond\u00fair", + "aonachas", + "sleamhn\u00e1n", + "kuru", + "peallagra", + "morgadh", + "daitheacha", + "ciapadh", + "otracht", + "freang", + "le", + "comhtholgadh", + "salmonella", + "sion\u00f3ibh\u00edteas", + "uathachas", + "seineaf\u00f3ibe", + "luch\u00f3g", + "piolaineifr\u00edteas", + "meisceoireacht", + "an_gaistr\u00edteas", + "carrmhogal" + ], + "FAC": [ + "arnold_schoenberg", + "ionad_siopad\u00f3ireachta", + "an_suip\u00e9ar_d\u00e9anach", + "hall_an_bhaile", + "naomh_i\u00f3saf", + "mall", + "oifig_poist", + "cloch_seasaimh", + "san_lucia", + "eaglais_chaitliceach_r\u00f3mh\u00e1nach", + "pinni\u00far", + "naomhtheaghlach", + "oifig_an_phoist", + "siopalann", + "bunscoil", + "go_n_\u00e9ir\u00ed_an_b\u00f3thar_leat" + ], + "PLANT": [ + "magn\u00f3ilia", + "casabhach", + "leaith\u00edn", + "the_joshua_tree", + "cleim\u00e9atas", + "meispeal", + "cair\u00e9ad", + "cost\u00f3g", + "labhras", + "coinnle_muire", + "ceannbh\u00e1n", + "seams\u00f3g", + "lear\u00f3g", + "garbhlus", + "criosantamam", + "scornlus", + "leit\u00eds", + "seiceam\u00f3ir", + "candida_albicans", + "sabhairc\u00edn", + "beirgeam\u00f3", + "rufach\u00e1n", + "beiteal", + "goirm\u00edn", + "maraitis", + "maol\u00edosa", + "daims\u00edn", + "corcdhair", + "raideog", + "seiceamar", + "feirdhris", + "beathnua", + "draighean", + "barr_margaidh", + "gallfheochad\u00e1n", + "broim\u00edn", + "fearn\u00f3g", + "tains\u00e9ir\u00edn", + "balsaim\u00edn", + "morm\u00f3nta", + "samhadh", + "bior\u00f3g", + "mailp", + "edelweiss", + "crann_nollag", + "codlaid\u00edn", + "d\u00fachan_pr\u00e1ta\u00ed", + "belladonna", + "barbr\u00f3g", + "andraim\u00e9id", + "bachl\u00f3g", + "naomh_m\u00e1ire", + "hevea_brasiliensis", + "pribh\u00e9ad" + ], + "DATE": [ + "leathuair", + "am_na_r\u00e9alta\u00ed", + "an\u00f3irthear", + "an_tseachtain_mh\u00f3r", + "am_uil\u00edoch_comheagartha", + "nuar\u00e9", + "griantairiseach", + "leathch\u00e9ad", + "leathghealach", + "deast\u00f3g\u00e1il_muire", + "an_mhe\u00e1naois", + "leathr\u00e9", + "amanathar" + ], + "ANIMAL": [ + "cat", + "coir\u00e9al", + "cruid\u00edn", + "ulchabh\u00e1n", + "rapiolar", + "cornfhoiche", + "cat_coille", + "blat\u00f3g", + "tarmachan", + "cat_crainn", + "garrfhiach", + "buachrapaire", + "foracha", + "condar", + "speirsheabhac", + "traonach", + "maintis", + "seolt\u00f3ir", + "adhairc\u00edn", + "maorsh\u00e1irsint", + "seabhac", + "artadachtail", + "cadhan", + "bleachtfh\u00e9ileac\u00e1n", + "caiseal\u00f3id", + "m\u00edlechosach", + "g\u00e1lfhoiche", + "bult\u00far", + "riabh\u00f3g", + "nathair_choir\u00e9alach", + "naoscach", + "gust\u00fan", + "pilib\u00edn", + "minc", + "ollarmadail\u00edn", + "leim\u00edn", + "frog", + "taipir", + "cat_aibis\u00edneach", + "an_lincse", + "giorria_gallda", + "cat_siamach", + "n\u00e9arfhead\u00e1n", + "guairdeall", + "na_h\u00e9isc", + "fear\u00e1n", + "sealta\u00ed", + "fear\u00e1n_gubhach", + "donald_duck", + "priompall\u00e1n", + "cat_crainn_clochra", + "droimeiteach", + "mamach", + "liathchearc", + "beachad\u00f3ir", + "cearnabh\u00e1n", + "biorearrach", + "treaghd\u00e1n", + "francach_donn", + "artrap\u00f3d", + "cat_crainn_p\u00edb_bhu\u00ed", + "lincse", + "goraille", + "brann\u00f3g", + "an_madra_beag", + "sisc\u00edn", + "seile\u00e1n", + "airp", + "cat_gainimh", + "seirice\u00e1n", + "earrdhearg\u00e1n" + ], + "LANGUAGE": [ + "bascais", + "c\u00f3isis", + "teileag\u00fais", + "ceatsuais", + "labhairt", + "casacach", + "macad\u00f3nach", + "asarbaise\u00e1nach", + "airm\u00e9anach", + "boisniach", + "an_ion\u00faitis", + "briot\u00e1nach", + "an_araibis", + "an_mhail\u00e9alaimis", + "an_hiond\u00fais", + "macad\u00f3inise", + "portaing\u00e9alach", + "liotu\u00e1nach", + "afrac\u00e1inis", + "an_tsaird\u00ednis", + "an_ph\u00e1ilis", + "coimis", + "east\u00f3nach", + "mairsillis", + "macad\u00f3ine", + "peirsis", + "an_urdais", + "baiscireach", + "vall\u00fanais", + "catal\u00f3nach", + "navach\u00f3ch", + "corsacach", + "an_tsanscrait", + "as_maenmar", + "esperanto", + "an_am\u00e1iris", + "sprantais", + "cornach", + "an_laidin", + "indin\u00e9iseach", + "seisniach", + "vall\u00fainis", + "gearm\u00e1nach", + "an_aiv\u00e9istis", + "bealar\u00faiseach", + "lao", + "eabhrach", + "coirdise", + "ido", + "fraincis", + "seiceach", + "cannadais", + "an_afrac\u00e1inis", + "tonga" + ], + "PERSON_PRONOUN": [ + "t\u00fa", + "i", + "i_d_aonar" + ], + "FOOD": [ + "scroid", + "gaineamhlach", + "im_piseanna_tal\u00fan", + "burgar", + "sceall\u00f3ga", + "taosr\u00e1n", + "garbh\u00e1nach", + "caife", + "caisc\u00edn", + "bricfeasta", + "t\u00f3sta_francach" + ], + "POLITICAL_PARTY_MEMBER": [ + "poblacht\u00e1nach", + "cumannach", + "boils\u00e9iveach", + "daonlatha\u00ed", + "poblachtach" + ], + "UNION": [ + "ceardchumann", + "aontas_idirn\u00e1isi\u00fanta_teileachumars\u00e1ide" + ], + "RELIGION": [ + "zen", + "an_mhainic\u00e9asa\u00edocht", + "preispit\u00e9ireachas", + "sufaisteachas", + "cailv\u00edneachas", + "wicca", + "an_eola\u00edocht_chr\u00edosta\u00ed" + ], + "RACE": [ + "breatnaigh", + "seap\u00e1naigh", + "astr\u00e1lach", + "afracach", + "bund\u00fachasach", + "sasanaigh", + "filip\u00ednis", + "pacast\u00e1nach", + "francaigh", + "eiscimigh", + "cugasach" + ], + "GPE": [ + "spiorad_naomh", + "an_mhuir_aeig\u00e9ach", + "cearta_daonna", + "an_mhuir_rua", + "an_talamh_naofa", + "impireacht_na_gearm\u00e1ine", + "hagia_sofia", + "naomh_niocl\u00e1s", + "cumann_na_croise_deirge", + "naomh_peadar", + "al_andalus", + "naomhspiorad", + "an_spiorad_naomh", + "an_c\u00f3sta_eabhair", + "an_fhoraois_dhubh", + "teach_b\u00e1n", + "st_louis", + "cearta_an_duine" + ], + "PERSON": [ + "al_gore", + "h_g_wells", + "don_delillo", + "domhainfhriochta", + "edward_osborne_wilson", + "carl_david_anderson", + "rudolf_hess" + ], + "SOC_ECO_CLASS": [ + "me\u00e1naicme", + "\u00edosaicme", + "margadh_dubh", + "talmha\u00edocht", + "lucht_oibre", + "beag\u00e1n" + ], + "RELIGION_MEMBER": [ + "amanaigh", + "protast\u00fanach", + "dearth\u00e1ir", + "proinsiasaigh", + "proinsiasach", + "preispit\u00e9ireach", + "beinidicteach", + "b\u00fada\u00edoch", + "caitliceach", + "mahamadach" + ], + "QUANTITY": [ + "scilling", + "ton", + "dollar", + "g", + "vatuair", + "franc_eilv\u00e9iseach", + "punt_steirling", + "carrchl\u00f3s", + "solasbhliain", + "anders_celsius" + ], + "POLITICAL_PARTY": [ + "comhaontas_glas", + "p\u00e1irt\u00ed_poblachtach", + "p\u00e1irt\u00ed_polait\u00edochta", + "p\u00e1irt\u00ed_daonlathach", + "p\u00e1irt\u00ed", + "an_p\u00e1irt\u00ed_liobr\u00e1lach", + "an_p\u00e1irt\u00ed_coime\u00e1dach" + ], + "LAW": [ + "ardch\u00fairt", + "croscheisti\u00fa" + ], + "EVENT": [ + "fl\u00f3r_de_l\u00fais" + ], + "BIO_CHEM_ENTITY": [ + "polaiviniolcl\u00f3ir\u00edd" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "adeline", + "stephanie", + "priscilla", + "vivien", + "hannah", + "genevieve", + "natasha", + "zoe", + "janet", + "fionnuala", + "antonia", + "claudine", + "caoimhe", + "maighread", + "karin", + "glenda", + "dana", + "ailbhe", + "dearbhla", + "winifred", + "donna", + "maria", + "lynn", + "lavinia", + "maxine", + "annette", + "marian", + "ailish", + "arlene", + "dolores", + "heather", + "sandra", + "isobel", + "daragh", + "philomena", + "ingrid", + "janine", + "joan", + "helena", + "tonya", + "ethna", + "anne", + "gwendoline", + "eithne", + "eva", + "loyola", + "wendy", + "moira", + "hazel", + "bronwen", + "jean", + "virginia", + "michele", + "michell", + "antoinette", + "marina", + "eunice", + "darina", + "davnet", + "zita", + "thelma", + "trina", + "leonie", + "loraine", + "cait", + "jocelyn", + "charlotte", + "gabrielle", + "andrea", + "brona", + "esther", + "yolanda", + "valerie", + "vanessa", + "grania", + "madeline", + "cheryl", + "rhonda", + "erica", + "gertrude", + "bernadine", + "josephine", + "nina", + "collette", + "eleanor", + "michelle", + "julia", + "caroline", + "ita", + "phyllis", + "michaela", + "erika", + "noeleen", + "katharine", + "derval", + "neasa", + "siobain", + "gloria", + "siobhan", + "violet", + "helan", + "freda", + "justine", + "yvette", + "liza", + "davida", + "jacinta", + "christine", + "dara", + "breeda", + "ellen", + "sioban", + "fiona", + "therese", + "alice", + "leone", + "orlaith", + "karan", + "joanne", + "jacqueline", + "norah", + "catherina", + "cathriona", + "judy", + "paula", + "marion", + "patricia", + "celine", + "samantha", + "juliette", + "alicia", + "elizabeth", + "rosarie", + "colette", + "natalie", + "lillian", + "lara", + "susan", + "elaine", + "marlene", + "shona", + "nicola", + "anastasia", + "belinda", + "carina", + "beverley", + "sonia", + "olga", + "janice", + "camilla", + "mairin", + "cora", + "rebecca", + "sonya", + "elva", + "clodagh", + "briget", + "noirin", + "stella", + "hillary", + "alexandra", + "miranda", + "gail", + "danielle", + "gillian", + "jacintha", + "darragh", + "nessa", + "ide", + "petrina", + "sophie", + "dervla", + "rowena", + "noeline", + "muriel", + "loretto", + "lucinda", + "julianna", + "lilian", + "toni", + "dymphna", + "marguerite", + "angeline", + "martina", + "anastatia", + "katrina", + "jennifer", + "victoria", + "amber", + "joyce", + "rachel", + "muireann", + "sheela", + "alexis", + "lisa", + "felicity", + "maire", + "laura", + "catherine", + "jill", + "cathleen", + "june", + "susanne", + "norma", + "julie", + "denise", + "breffni", + "vivian", + "dianne", + "olive", + "rosanne", + "noelle", + "ella", + "mairead", + "samanta", + "daphne", + "gerardine", + "sile", + "sophia", + "jillian", + "shauna", + "aideen", + "deborah", + "deborrah", + "rhona", + "jayne", + "treacy", + "rena", + "leona", + "tania", + "eavan", + "cathrina", + "clair", + "dona", + "matilda", + "rita", + "grainne", + "bridie", + "loretta", + "mary", + "leonora", + "maeve", + "elena", + "clare", + "cara", + "saundra", + "caitriona", + "katharina", + "brid", + "margaret", + "delia", + "treasa", + "marianne", + "dympna", + "gretta", + "ciara", + "katherine", + "bronwyn", + "florence", + "bronagh", + "annie", + "serena", + "bairbre", + "gwendolen", + "vera", + "cathy", + "lucia", + "melanie", + "christina", + "sheena", + "eileen", + "kerry", + "katriona", + "nichola", + "gemma", + "diann", + "monica", + "henrietta", + "rosaleen", + "evelyn", + "emer", + "sara", + "naimh", + "tracey", + "lorraine", + "amy", + "marese", + "pearl", + "cliona", + "corinna", + "sylvia", + "ashley", + "olivia", + "aedin", + "aileen", + "sorcha", + "rosemary", + "niamh", + "rosemarie", + "una", + "kathryn", + "carmel", + "averil", + "mandy", + "olwen", + "gina", + "anna", + "juliet", + "sheelagh", + "aishling", + "juanita", + "orla", + "tracy", + "imelda", + "lynne", + "adele", + "shirley", + "carla", + "ethel", + "carolyn", + "jenifer", + "janette", + "charmaine", + "sally", + "shiela", + "rosa", + "hanora", + "geraldine", + "orna", + "ruth", + "angela", + "linda", + "rosanna", + "dervilla", + "carmen", + "fionna", + "helen", + "edwina", + "kathleen", + "diane", + "celina", + "jeanne", + "moya", + "amelia", + "ursula", + "sarah", + "cynthia", + "theresa", + "johanna", + "joy", + "marcella", + "lucy", + "doreen", + "pamela", + "joanna", + "aoife", + "eimear", + "claire", + "brigid", + "mona", + "noleen", + "irene", + "dawn", + "deirdre", + "emma", + "naomh", + "debbie", + "judith", + "iris", + "eveline", + "regina", + "nadine", + "ashling", + "nuala", + "lynda", + "attracta", + "tara", + "tina", + "alva", + "alma", + "ailis", + "sheila", + "deidre", + "abina", + "nancy", + "martha", + "avril", + "eilis", + "monique", + "audrey", + "aisling", + "shinead", + "penelope", + "fidelma", + "grace", + "edel", + "finola", + "brenda", + "estelle", + "breda", + "bernice", + "ann", + "catheriona", + "emily", + "ethne", + "concepta", + "brighid", + "katherina", + "marie", + "lorna", + "melinda", + "cliodhna", + "tanya", + "blathnaid", + "alison", + "nicole", + "naomi", + "gwen", + "marilyn", + "helga", + "leslie", + "diana", + "inez", + "roisin", + "eimer", + "celia", + "veronica", + "marjorie", + "oonagh", + "kim", + "noreen", + "susanna", + "rachael", + "catriona", + "anita", + "maura", + "rose", + "sinead", + "karina", + "majella", + "heidi", + "siobhain", + "maureen", + "fionnula", + "jeannette", + "roberta", + "barbara", + "honora", + "agnes", + "simone", + "eilish", + "lena", + "aine", + "assumpta", + "paulette", + "nora", + "rosario", + "debra", + "lesley", + "isabel", + "jeanette", + "cathrine", + "ida", + "roslyn", + "cecelia", + "claudia", + "jessica", + "angelina", + "leah", + "vivienne", + "adrienne", + "bridget", + "hilda", + "teresa", + "jane", + "breege", + "april", + "dearbhail", + "sharon", + "celene", + "johanne", + "amanda", + "dorothy", + "georgina", + "melissa", + "rona", + "eve", + "harriet", + "frances", + "yvonne", + "triona", + "suzanne", + "allison", + "bernadette", + "dora", + "cecilia", + "kara", + "pauline", + "karen", + "miriam", + "louise", + "corona", + "hilary", + "kate", + "edith", + "myra", + "nollaig", + "andrena", + "colleen", + "carol", + "beatrice", + "clara", + "adrianne", + "carole" + ], + "FIRST_NAME_MALE": [ + "shaun", + "raymond", + "justin", + "jarlath", + "garrett", + "kilian", + "benjamin", + "thaddeus", + "daire", + "tadhg", + "peter", + "hugh", + "edwin", + "jude", + "leigh", + "mathew", + "finbarr", + "alphonsus", + "daragh", + "nial", + "ross", + "ciaran", + "gareth", + "jarleth", + "dermott", + "henry", + "luke", + "finbar", + "vincent", + "howard", + "darrin", + "jean", + "dermot", + "james", + "edmund", + "gerard", + "darran", + "bernard", + "killian", + "wayne", + "mortimer", + "mac", + "roy", + "austin", + "owen", + "valentine", + "cyril", + "pierce", + "neville", + "raphael", + "adam", + "simon", + "alfred", + "dara", + "desmond", + "angus", + "andre", + "ray", + "conleth", + "ronan", + "phelim", + "garech", + "fearghal", + "stewart", + "columba", + "frank", + "rowan", + "bruce", + "mervyn", + "fionan", + "donagh", + "cillian", + "bartley", + "flannan", + "kieran", + "emmett", + "matthew", + "marc", + "gerrard", + "dennis", + "camillus", + "jonathan", + "darren", + "bryan", + "daniel", + "keith", + "steve", + "darragh", + "myles", + "ambrose", + "scott", + "donald", + "kiernan", + "emmet", + "colum", + "fabian", + "warren", + "noel", + "domhnall", + "jesse", + "walter", + "oliver", + "john", + "davin", + "spencer", + "brendan", + "herbert", + "julian", + "george", + "padraigh", + "gavan", + "colman", + "diarmuid", + "glenn", + "louis", + "paschal", + "vivian", + "lawrence", + "mark", + "joseph", + "basil", + "eoghan", + "cormac", + "guy", + "malcolm", + "christian", + "morgan", + "gordan", + "mervin", + "aidan", + "peadar", + "tony", + "reginald", + "connell", + "craig", + "mel", + "donough", + "darryl", + "rolf", + "richard", + "augustine", + "sebastian", + "gearoid", + "liam", + "jeremy", + "florence", + "thomas", + "tomas", + "cormack", + "derick", + "cornelius", + "nicholas", + "brian", + "darrell", + "conan", + "alan", + "michael", + "patrick", + "karl", + "roger", + "kenneth", + "colin", + "anthony", + "nigel", + "donal", + "conn", + "maurice", + "eugene", + "cathal", + "arnold", + "fergal", + "terence", + "ashley", + "damian", + "derek", + "gavin", + "hubert", + "benedict", + "carl", + "shane", + "alexander", + "garry", + "ian", + "conor", + "fergus", + "finian", + "jason", + "geoffrey", + "andreas", + "fiachra", + "fintan", + "padraic", + "stephen", + "clifford", + "duncan", + "ruairi", + "denis", + "cian", + "oisin", + "kirk", + "russell", + "jack", + "laurence", + "eamon", + "enda", + "leo", + "troy", + "garvan", + "paul", + "aongus", + "dereck", + "stuart", + "eanna", + "jermiah", + "gordon", + "philip", + "bartholomew", + "clinton", + "aiden", + "eric", + "steven", + "norman", + "connor", + "peader", + "kiaran", + "harold", + "adrian", + "david", + "derrick", + "seosamh", + "pearse", + "arthur", + "pascal", + "micheal", + "sean", + "michel", + "lorcan", + "ivor", + "aaron", + "ivan", + "neil", + "allen", + "conal", + "dominic", + "diarmaid", + "damien", + "billy", + "victor", + "rodney", + "timothy", + "leonard", + "wesley", + "graham", + "andrew", + "brien", + "canice", + "jim", + "lee", + "pauric", + "darin", + "coleman", + "rossa", + "trevor", + "rory", + "jeffrey", + "ralph", + "antonio", + "leslie", + "seamus", + "willie", + "neill", + "manus", + "rodger", + "gabriel", + "carlos", + "senan", + "eoin", + "ernest", + "feargal", + "douglas", + "alistair", + "kieron", + "naoise", + "don", + "conall", + "sheamus", + "daren", + "allan", + "garret", + "donncha", + "niall", + "marcus", + "kevin", + "cecil", + "william", + "garreth", + "gerald", + "barry", + "martin", + "roderick", + "sylvester", + "edward", + "donnacha", + "frederick", + "phillip", + "clive", + "clement", + "malachy", + "ronald", + "robin", + "miceal", + "dominick", + "stanley", + "eamonn", + "samuel", + "gary", + "aengus", + "jerome", + "redmond", + "robert", + "melvin", + "ultan", + "colm", + "dean", + "gilbert", + "evan", + "danny", + "padraig", + "christopher", + "charles", + "edmond", + "francis", + "albert", + "jeremiah", + "declan", + "neal", + "glen", + "turlough", + "gregory" + ], + "PREFIX_FEMALE": [ + "dr", + "miss", + "ms", + "mrs" + ], + "PREFIX_MALE": [ + "dr", + "mr" + ], + "FIRST_NAME": [ + "shaun", + "raymond", + "justin", + "adeline", + "jarlath", + "stephanie", + "garrett", + "kilian", + "vivien", + "hannah", + "priscilla", + "genevieve", + "natasha", + "zoe", + "janet", + "fionnuala", + "benjamin", + "antonia", + "thaddeus", + "claudine", + "daire", + "tadhg", + "caoimhe", + "peter", + "maighread", + "karin", + "glenda", + "dana", + "ailbhe", + "dearbhla", + "hugh", + "winifred", + "edwin", + "donna", + "maria", + "lynn", + "lavinia", + "jude", + "leigh", + "maxine", + "mathew", + "annette", + "marian", + "ailish", + "finbarr", + "alphonsus", + "arlene", + "dolores", + "heather", + "sandra", + "isobel", + "daragh", + "philomena", + "nial", + "ross", + "ingrid", + "janine", + "joan", + "helena", + "ciaran", + "gareth", + "tonya", + "ethna", + "jarleth", + "anne", + "dermott", + "gwendoline", + "eithne", + "henry", + "eva", + "luke", + "finbar", + "loyola", + "vincent", + "wendy", + "howard", + "moira", + "darrin", + "hazel", + "bronwen", + "jean", + "dermot", + "james", + "edmund", + "virginia", + "michele", + "michell", + "gerard", + "antoinette", + "marina", + "darran", + "eunice", + "darina", + "davnet", + "zita", + "bernard", + "thelma", + "leonie", + "killian", + "trina", + "loraine", + "cait", + "jocelyn", + "charlotte", + "gabrielle", + "andrea", + "wayne", + "mortimer", + "brona", + "esther", + "yolanda", + "mac", + "valerie", + "roy", + "grania", + "vanessa", + "austin", + "madeline", + "cheryl", + "rhonda", + "erica", + "owen", + "gertrude", + "bernadine", + "josephine", + "nina", + "collette", + "valentine", + "eleanor", + "cyril", + "michelle", + "julia", + "caroline", + "ita", + "phyllis", + "michaela", + "erika", + "noeleen", + "katharine", + "derval", + "pierce", + "neasa", + "neville", + "siobain", + "raphael", + "adam", + "gloria", + "siobhan", + "violet", + "helan", + "simon", + "freda", + "justine", + "yvette", + "liza", + "davida", + "alfred", + "jacinta", + "christine", + "dara", + "breeda", + "desmond", + "angus", + "ellen", + "sioban", + "fiona", + "andre", + "therese", + "alice", + "leone", + "ray", + "orlaith", + "conleth", + "karan", + "ronan", + "joanne", + "phelim", + "garech", + "jacqueline", + "fearghal", + "norah", + "stewart", + "catherina", + "columba", + "frank", + "cathriona", + "judy", + "paula", + "rowan", + "marion", + "bruce", + "patricia", + "celine", + "samantha", + "mervyn", + "fionan", + "juliette", + "alicia", + "donagh", + "elizabeth", + "rosarie", + "colette", + "cillian", + "natalie", + "lillian", + "bartley", + "flannan", + "lara", + "susan", + "elaine", + "marlene", + "shona", + "kieran", + "emmett", + "nicola", + "matthew", + "anastasia", + "belinda", + "marc", + "carina", + "beverley", + "sonia", + "olga", + "janice", + "camilla", + "dennis", + "gerrard", + "cora", + "rebecca", + "mairin", + "sonya", + "elva", + "clodagh", + "camillus", + "jonathan", + "briget", + "noirin", + "stella", + "hillary", + "alexandra", + "miranda", + "darren", + "gail", + "danielle", + "gillian", + "bryan", + "daniel", + "keith", + "steve", + "jacintha", + "darragh", + "nessa", + "myles", + "ambrose", + "sophie", + "ide", + "petrina", + "dervla", + "rowena", + "noeline", + "muriel", + "loretto", + "lucinda", + "scott", + "julianna", + "lilian", + "donald", + "toni", + "kiernan", + "dymphna", + "marguerite", + "angeline", + "martina", + "anastatia", + "emmet", + "colum", + "fabian", + "katrina", + "warren", + "jennifer", + "victoria", + "amber", + "joyce", + "noel", + "domhnall", + "jesse", + "rachel", + "muireann", + "walter", + "oliver", + "sheela", + "john", + "spencer", + "alexis", + "davin", + "brendan", + "lisa", + "felicity", + "laura", + "catherine", + "maire", + "jill", + "herbert", + "julian", + "cathleen", + "george", + "june", + "padraigh", + "gavan", + "susanne", + "colman", + "diarmuid", + "norma", + "glenn", + "louis", + "julie", + "paschal", + "denise", + "breffni", + "vivian", + "dianne", + "olive", + "lawrence", + "mark", + "joseph", + "basil", + "eoghan", + "rosanne", + "noelle", + "ella", + "cormac", + "guy", + "malcolm", + "christian", + "mairead", + "morgan", + "samanta", + "gordan", + "mervin", + "daphne", + "aidan", + "gerardine", + "peadar", + "sophia", + "tony", + "sile", + "shauna", + "jillian", + "aideen", + "deborah", + "deborrah", + "rhona", + "reginald", + "jayne", + "connell", + "treacy", + "craig", + "leona", + "tania", + "rena", + "eavan", + "cathrina", + "clair", + "mel", + "dona", + "matilda", + "donough", + "rita", + "grainne", + "bridie", + "loretta", + "mary", + "leonora", + "maeve", + "elena", + "darryl", + "rolf", + "clare", + "richard", + "cara", + "augustine", + "sebastian", + "saundra", + "gearoid", + "caitriona", + "katharina", + "brid", + "margaret", + "delia", + "treasa", + "marianne", + "dympna", + "liam", + "gretta", + "ciara", + "jeremy", + "katherine", + "bronwyn", + "florence", + "bronagh", + "annie", + "serena", + "thomas", + "bairbre", + "gwendolen", + "vera", + "tomas", + "cormack", + "derick", + "cornelius", + "nicholas", + "brian", + "darrell", + "cathy", + "lucia", + "melanie", + "christina", + "sheena", + "eileen", + "kerry", + "katriona", + "conan", + "alan", + "nichola", + "michael", + "gemma", + "patrick", + "diann", + "monica", + "henrietta", + "karl", + "rosaleen", + "roger", + "kenneth", + "evelyn", + "emer", + "sara", + "naimh", + "colin", + "anthony", + "nigel", + "tracey", + "lorraine", + "amy", + "donal", + "conn", + "marese", + "pearl", + "maurice", + "eugene", + "cathal", + "arnold", + "cliona", + "corinna", + "sylvia", + "fergal", + "terence", + "ashley", + "olivia", + "damian", + "aedin", + "aileen", + "derek", + "sorcha", + "gavin", + "rosemary", + "niamh", + "rosemarie", + "hubert", + "benedict", + "una", + "carl", + "shane", + "kathryn", + "carmel", + "alexander", + "averil", + "mandy", + "olwen", + "garry", + "gina", + "ian", + "conor", + "anna", + "juliet", + "fergus", + "finian", + "jason", + "sheelagh", + "aishling", + "geoffrey", + "juanita", + "andreas", + "fiachra", + "orla", + "tracy", + "fintan", + "padraic", + "imelda", + "stephen", + "clifford", + "duncan", + "lynne", + "adele", + "shirley", + "ruairi", + "carla", + "carolyn", + "ethel", + "denis", + "jenifer", + "janette", + "cian", + "charmaine", + "sally", + "shiela", + "rosa", + "hanora", + "oisin", + "geraldine", + "orna", + "kirk", + "russell", + "ruth", + "angela", + "jack", + "linda", + "rosanna", + "dervilla", + "carmen", + "laurence", + "fionna", + "helen", + "edwina", + "eamon", + "enda", + "kathleen", + "diane", + "leo", + "celina", + "jeanne", + "troy", + "moya", + "garvan", + "paul", + "amelia", + "aongus", + "ursula", + "dereck", + "stuart", + "eanna", + "jermiah", + "gordon", + "sarah", + "cynthia", + "theresa", + "johanna", + "philip", + "joy", + "bartholomew", + "clinton", + "marcella", + "lucy", + "aiden", + "doreen", + "pamela", + "joanna", + "aoife", + "eric", + "steven", + "eimear", + "claire", + "brigid", + "mona", + "norman", + "connor", + "noleen", + "irene", + "dawn", + "deirdre", + "peader", + "kiaran", + "emma", + "harold", + "adrian", + "naomh", + "derrick", + "david", + "debbie", + "judith", + "iris", + "eveline", + "seosamh", + "pearse", + "arthur", + "regina", + "nadine", + "ashling", + "pascal", + "nuala", + "micheal", + "lynda", + "sean", + "michel", + "attracta", + "tara", + "tina", + "lorcan", + "alva", + "aaron", + "ivor", + "alma", + "ailis", + "neil", + "allen", + "ivan", + "conal", + "sheila", + "deidre", + "abina", + "dominic", + "nancy", + "diarmaid", + "martha", + "avril", + "eilis", + "monique", + "damien", + "audrey", + "billy", + "victor", + "aisling", + "shinead", + "penelope", + "rodney", + "fidelma", + "grace", + "leonard", + "edel", + "finola", + "timothy", + "brenda", + "estelle", + "wesley", + "graham", + "breda", + "andrew", + "brien", + "bernice", + "canice", + "jim", + "ann", + "catheriona", + "emily", + "ethne", + "concepta", + "lee", + "brighid", + "katherina", + "marie", + "lorna", + "melinda", + "cliodhna", + "pauric", + "tanya", + "blathnaid", + "alison", + "darin", + "nicole", + "coleman", + "naomi", + "rossa", + "gwen", + "trevor", + "rory", + "jeffrey", + "marilyn", + "helga", + "ralph", + "antonio", + "leslie", + "seamus", + "diana", + "inez", + "willie", + "neill", + "roisin", + "eimer", + "celia", + "manus", + "veronica", + "marjorie", + "rodger", + "gabriel", + "oonagh", + "carlos", + "kim", + "noreen", + "susanna", + "rachael", + "catriona", + "senan", + "anita", + "eoin", + "ernest", + "maura", + "rose", + "feargal", + "sinead", + "karina", + "douglas", + "alistair", + "majella", + "kieron", + "heidi", + "siobhain", + "naoise", + "don", + "maureen", + "conall", + "fionnula", + "jeannette", + "roberta", + "sheamus", + "barbara", + "honora", + "agnes", + "simone", + "eilish", + "lena", + "aine", + "assumpta", + "paulette", + "nora", + "rosario", + "daren", + "debra", + "allan", + "garret", + "lesley", + "isabel", + "donncha", + "jeanette", + "niall", + "cathrine", + "ida", + "roslyn", + "marcus", + "kevin", + "cecil", + "cecelia", + "claudia", + "william", + "jessica", + "angelina", + "leah", + "garreth", + "vivienne", + "gerald", + "barry", + "martin", + "adrienne", + "bridget", + "roderick", + "sylvester", + "edward", + "donnacha", + "hilda", + "frederick", + "teresa", + "phillip", + "clive", + "jane", + "breege", + "clement", + "april", + "dearbhail", + "malachy", + "ronald", + "sharon", + "celene", + "johanne", + "amanda", + "miceal", + "robin", + "dorothy", + "georgina", + "dominick", + "stanley", + "melissa", + "eamonn", + "samuel", + "rona", + "gary", + "aengus", + "eve", + "jerome", + "harriet", + "redmond", + "frances", + "yvonne", + "triona", + "suzanne", + "allison", + "bernadette", + "dora", + "robert", + "melvin", + "cecilia", + "ultan", + "kara", + "colm", + "pauline", + "dean", + "gilbert", + "evan", + "danny", + "padraig", + "christopher", + "karen", + "miriam", + "louise", + "corona", + "hilary", + "charles", + "kate", + "edith", + "myra", + "edmond", + "nollaig", + "andrena", + "francis", + "colleen", + "albert", + "jeremiah", + "declan", + "neal", + "beatrice", + "carol", + "clara", + "glen", + "adrianne", + "carole", + "turlough", + "gregory" + ], + "LAST_NAME": [ + "mac_gaoith", + "mac_neacail", + "\u00f3_donnghusa", + "\u00f3_hualla", + "\u00f3_hainligh", + "\u00f3_doirn\u00edn", + "\u00f3_guith\u00edn", + "\u00f3_laidhigh", + "mac_guidhir", + "mac_giolla_\u00edosa", + "giob\u00fan", + "\u00f3_beaglaoich", + "\u00f3_han\u00e1in", + "\u00f3_monach\u00e1in", + "\u00f3_conar\u00e1in", + "\u00f3_h\u00e1g\u00e1in", + "\u00f3_flathartaigh", + "criomhthain", + "\u00f3_heireamh\u00f3in", + "\u00f3_hannrach\u00e1in", + "\u00f3_rabhartaigh", + "\u00f3_d\u00fag\u00e1in", + "mac_cuille\u00e1in", + "\u00f3_c\u00e9idigh", + "bair\u00e9ad", + "mac_an_phearsain", + "\u00f3_c\u00edobh\u00e1in", + "droma", + "mac_rath", + "mac_c\u00e1rthaigh", + "scribh\u00edn", + "\u00f3_h\u00e9in\u00ed", + "\u00f3_mainn\u00edn", + "\u00f3_luinigh", + "\u00f3_hartag\u00e1in", + "callahan", + "\u00f3_colla", + "mac_giolla_an_\u00e1tha", + "mac_seafraigh", + "mac_eochaidh", + "\u00f3_conmhach\u00e1in", + "\u00f3_moithide", + "\u00f3_biaidh", + "mac_g\u00edontaigh", + "\u00f3_laoidhe", + "\u00f3_me\u00e1raidh", + "mac_carra", + "\u00f3_ci\u00fart\u00e1in", + "cuirt\u00e9is", + "\u00f3_caoth\u00e1in", + "\u00f3_duinnshl\u00e9", + "mac_pharthol\u00e1in", + "\u00f3_maoilmhiadhaigh", + "\u00f3_leathaigh", + "\u00f3_biorainn", + "\u00f3_c\u00e1rthaigh", + "\u00f3_duibh\u00ednn", + "\u00f3_glas\u00e1in", + "\u00f3_hailp\u00edn", + "mac_\u00f3g\u00e1in", + "\u00f3_ceoth\u00e1naigh", + "\u00f3_creag\u00e1in", + "\u00f3_hainion", + "\u00f3_m\u00f3r\u00e1in", + "\u00f3_fuallaigh", + "\u00f3_cinn\u00e9ide", + "mac_tom\u00e1is", + "\u00f3_h\u00e9anaigh", + "\u00f3_h\u00e9alaithe", + "\u00f3_mil\u00e9adha", + "mac_rod\u00e1in", + "\u00f3_c\u00e9adaigh", + "mac_maonagail", + "\u00f3_c\u00fand\u00fain", + "\u00f3_caoch\u00e1in", + "diol\u00fan", + "\u00f3_muircheartaigh", + "\u00f3_sosn\u00e1in", + "caimbeul", + "\u00f3_haonghusa", + "mac_an_adhastair", + "cormican", + "d\u00e1ibh\u00eds", + "\u00f3_h\u00e1il\u00edosa", + "gine\u00e1", + "\u00f3_heimhr\u00edn", + "mac_dhiarmada", + "\u00f3_lochn\u00e1in", + "\u00f3_h\u00f3ghartaigh", + "\u00f3_maoil\u00e9adaigh", + "\u00f3_stiof\u00e1in", + "\u00f3_m\u00f3ir\u00edn", + "\u00f3_heallaigh", + "\u00f3_mionach\u00e1in", + "\u00f3_coisteala", + "piog\u00f3id", + "mac_caitig\u00edn", + "mac_siacais", + "\u00f3_luaire", + "\u00f3_cios\u00e1in", + "mac_maongail", + "\u00f3_mull\u00e1in", + "\u00f3_sion\u00e1in", + "\u00f3_fiodhabhra", + "\u00f3_hiceadha", + "\u00f3_frighil", + "de_fr\u00e9in", + "\u00f3_donnag\u00e1in", + "mac_se\u00e1in", + "criost\u00f3ir", + "\u00f3_maoildhia", + "mac_giolla_mh\u00e1rtain", + "mac_l\u00e9anach\u00e1in", + "mac_fhual\u00e1in", + "de_ge\u00e1rd", + "\u00f3_heachthigheirn", + "\u00f3_suibhne", + "\u00f3_dr\u00f3ch\u00e1in", + "mac_cuag", + "\u00f3_rallaigh", + "\u00f3_gallchobhair", + "\u00f3_maolalaidh", + "\u00f3_haitheasa", + "d\u00e9iseach", + "\u00f3_h\u00e9amhthaigh", + "\u00f3_marcach\u00e1in", + "\u00f3_maolfh\u00e1bhaill", + "\u00f3_huaithne", + "mac_cathasaigh", + "\u00f3_dubhg\u00e1in", + "mac_guibhir", + "mac_conn\u00e1in", + "feirt\u00e9ar", + "\u00f3_cinnseam\u00e1in", + "d\u00edsc\u00edn", + "\u00f3_cr\u00e1bh\u00e1in", + "\u00f3_broin", + "de_bhaldraithe", + "\u00f3_gath\u00e1in", + "mac_oilifir", + "\u00f3_loinnsgigh", + "mac_gabhann", + "breasail", + "\u00f3_fionnachtaigh", + "mac_sheitric", + "mac_conallta", + "de_breit", + "mac_an_le\u00e1gha", + "\u00f3_m\u00edon\u00e1in", + "mac_conluain", + "mac_oireachtaigh", + "\u00f3_bia", + "g\u00e9aran", + "\u00f3_ceoin\u00edn", + "turraoin", + "mac_eoch\u00e1in", + "mac_fhionntaigh", + "\u00f3_floinn", + "\u00f3_fuada", + "\u00f3_curr\u00e1in", + "\u00f3_loingse", + "\u00f3_conall\u00e1in", + "\u00f3_madag\u00e1in", + "\u00f3_fuaruisce", + "mac_an_bhioc\u00e1ire", + "\u00f3_haoidhne", + "mac_dhuibhir", + "\u00f3_cr\u00f3nallaigh", + "mac_amhlaoigh", + "\u00f3_bann\u00e1in", + "\u00f3_deag\u00e1naigh", + "\u00f3_b\u00e9ice", + "\u00f3_heifearn\u00e1in", + "carmaig", + "\u00f3_cuire\u00e1in", + "\u00f3_gramhna", + "\u00f3_hailgheasa", + "mac_cuinneag\u00e1in", + "t\u00e1illi\u00fair", + "mac_comn\u00ed", + "\u00f3_fiannaigh", + "\u00f3_comhghain", + "\u00f3_m\u00edodhach\u00e1in", + "\u00f3_tuairisc", + "\u00f3_fiannachtaigh", + "\u00f3_flaithbheartaigh", + "\u00f3_lup\u00e1in", + "\u00f3_duille\u00e1in", + "mac_coineoil", + "\u00f3_s\u00edoda", + "\u00f3_moch\u00f3irghe", + "\u00f3_nian\u00e1in", + "coinn\u00edn", + "mac_giolla_bhaird", + "\u00f3_dubhchain", + "\u00f3_dolainn", + "mac_giolla_gheimhridh", + "bodhlaer", + "\u00f3_sl\u00e9ibh\u00edn", + "\u00f3_conmha\u00eddhe", + "\u00f3_cairbre", + "mac_aodhchain", + "\u00f3_connach\u00e1in", + "\u00f3_fatha", + "\u00f3_dearmada", + "loibh\u00e9ad", + "\u00f3_siochfhradha", + "\u00f3_finneachta", + "\u00f3_deor\u00e1in", + "\u00f3_muighe", + "\u00f3_d\u00farch\u00e1in", + "\u00f3_con\u00f3il", + "\u00f3_craidhe\u00e1in", + "\u00f3_d\u00fara\u00ed", + "mac_an_abbadh", + "\u00f3_cl\u00e9irigh", + "\u00f3broin\u00edn", + "mac_mbriartaigh", + "\u00f3_f\u00e1g\u00e1in", + "mac_ph\u00e1rtol\u00e1in", + "\u00f3_tuama", + "\u00f3_f\u00f3r\u00e1in", + "mac_confraoich", + "\u00f3_holl\u00fain", + "mac_coluim", + "budhlaeir", + "criost\u00fair", + "a_tsithigh", + "raifteir\u00ed", + "\u00f3_m\u00edoch\u00e1in", + "mist\u00e9al", + "\u00f3_cuinnle\u00e1in", + "ceafarcaigh", + "\u00f3_cumhail", + "\u00f3_brad\u00e1in", + "mac_hugo", + "\u00f3_coil\u00e9ir", + "\u00f3_cuarn\u00e1in", + "\u00f3_cinnseala", + "\u00f3_donnabh\u00e1in", + "mac_an_\u00e9anaigh", + "\u00f3_seighin", + "mac_cail\u00edn", + "\u00f3_hannag\u00e1in", + "\u00f3_maolriain", + "mac_ceanndubh\u00e1in", + "laighnigh", + "\u00f3_d\u00fanadhaighe", + "\u00f3_caola", + "\u00f3_fearach\u00e1in", + "doingeard", + "mac_fhionnachta", + "lochlann", + "\u00f3_speal\u00e1in", + "\u00f3_corrdhuibh", + "\u00f3_meitheag\u00e1in", + "\u00f3_hiol\u00e1in", + "\u00f3_moth\u00e1in", + "\u00f3_conbhaigh", + "mac_fhaol\u00e1in", + "\u00f3_fighead\u00f3ra", + "\u00f3_cuan\u00e1in", + "mac_cosgair", + "mac_iomaire", + "\u00f3_ciardhubh\u00e1in", + "\u00f3_sl\u00e1m\u00e1in", + "\u00f3_caobh\u00e1in", + "\u00f3_maolruanaigh", + "\u00f3_h\u00e9anach\u00e1in", + "\u00f3_n\u00e1radhaigh", + "\u00f3_cadhain", + "\u00f3_lamhna", + "mac_thorcail", + "\u00f3_ruairc", + "\u00f3_raghaille", + "\u00f3_scollaigh", + "de_lonndra", + "\u00f3_luasaigh", + "\u00f3_r\u00edoghbhard\u00e1in", + "mac_raghallaigh", + "\u00f3_smeal\u00e1in", + "mac_airligh", + "\u00f3_g\u00e1ineard", + "\u00f3_g\u00e1ibh\u00edn", + "\u00f3_conaola", + "\u00f3_c\u00e9ileachair", + "\u00f3_mearlaigh", + "mac_\u00e9il", + "peirc\u00edn", + "\u00f3_liadhain", + "\u00f3_mul\u00e1in", + "\u00f3_long\u00e1in", + "\u00f3_gall\u00e1in", + "\u00f3_tom\u00e1is", + "\u00f3_dabhoireann", + "\u00f3_math\u00fana", + "mac_an_ghoill", + "airmeas", + "mac_uiginn", + "\u00f3_m\u00f3rach\u00e1in", + "l\u00e1sa", + "mac_confhaola", + "\u00f3_d\u00edoch\u00e1in", + "coscair", + "\u00f3_grian\u00e1in", + "de_r\u00f3iste", + "mac_luain", + "\u00f3_connghamhna", + "\u00f3_seasn\u00e1in", + "mac_shamhr\u00e1in", + "\u00f3_fl\u00e1rta", + "searl\u00f3g", + "\u00f3_hairt", + "\u00f3_moghr\u00e1in", + "\u00f3_carbaire", + "a_b\u00farca", + "\u00f3_huirthille", + "\u00f3_h\u00fab\u00e1in", + "\u00f3_longaigh", + "\u00f3_ceannabh\u00e1in", + "\u00f3_d\u00e1ibhis", + "\u00f3_scola\u00ed", + "\u00f3_caln\u00e1in", + "\u00f3_tiarnaigh", + "glionn\u00e1in", + "\u00f3_c\u00e1pa", + "\u00f3_h\u00f3dhr\u00e1in", + "\u00f3_cathl\u00e1in", + "\u00f3_m\u00edodhch\u00e1in", + "stac", + "\u00f3_hainmneach", + "\u00f3_cr\u00edog\u00e1in", + "mac_tamhais", + "\u00f3_duinn", + "\u00f3_h\u00e9ighnigh", + "\u00f3_ciar\u00e1in", + "mac_giolla_dhuinn", + "mac_giolla_rua", + "\u00f3_gloinn", + "\u00f3_ceamharcaigh", + "mac_giolla_chaoin", + "\u00f3_lailligh", + "\u00f3_bruach\u00e1in", + "\u00f3_gaill\u00edn", + "de_h\u00f3r", + "\u00f3_tiomanaigh", + "\u00f3_maoileag\u00e1in", + "\u00f3_fallamh\u00e1in", + "\u00f3_conthra", + "\u00f3_n\u00e1raigh", + "\u00f3_maolchaoine", + "\u00f3_seitheach\u00e1in", + "mac_an_bheatha", + "\u00f3_huaithn\u00edn", + "\u00f3_murchaidhe", + "\u00f3_muinneach\u00e1in", + "\u00f3_collaigh", + "\u00f3_ruaidh\u00edn", + "\u00f3_confhaola", + "\u00f3_giobl\u00e1in", + "\u00f3_coirn\u00edn", + "\u00f3_smol\u00e1in", + "mac_uait\u00e9ir", + "mac_glionn\u00e1in", + "mac_cobhthaigh", + "mac_caoidhe\u00e1in", + "\u00f3_muimhneach\u00e1in", + "\u00f3_c\u00e1d\u00e1in", + "\u00f3_caoidhe\u00e1in", + "mac_giolla_riabhaigh", + "\u00f3_biasta", + "\u00f3_dubh\u00e1in", + "\u00f3_hurmholtaigh", + "mac_thuathail", + "\u00f3_raighill", + "cr\u00f3il", + "mac_c\u00e9ide", + "mac_tuile", + "c\u00e9ide", + "\u00f3_dear\u00e1in", + "\u00f3_rodaigh", + "fearraigh", + "\u00f3_cr\u00f3in\u00edn", + "de_faoite", + "\u00f3_fionn\u00e1in", + "de_geard", + "de_nais", + "\u00f3_corcora", + "\u00f3_niallghuis", + "\u00f3_duibhealla", + "mac_an_ultaigh", + "mac_connghamhna", + "\u00f3_connacht\u00e1in", + "mac_osgair", + "r\u00e9amonn", + "\u00f3_hanluain", + "de_bhosc", + "\u00f3_breasail", + "\u00f3_haic\u00e9ad", + "mac_aodhchaoin", + "\u00f3_hainch\u00edn", + "\u00f3_scolaighe", + "mac_coill\u00edn", + "\u00f3_coitir", + "\u00f3_flaithearta", + "\u00f3_callan\u00e1in", + "mac_amhlaoimh", + "\u00f3_riain", + "\u00f3_cl\u00fain", + "\u00f3_hairtn\u00e9ada", + "m\u00e1rtan", + "\u00f3_f\u00edonartaigh", + "\u00f3_beigg", + "\u00f3_reachtabhair", + "\u00f3_cart\u00e1in", + "\u00f3_h\u00e9aghr\u00e1in", + "\u00f3_me\u00e1dhra", + "\u00f3_maoilchiar\u00e1in", + "\u00f3_donnchaidh", + "\u00f3_dr\u00f3naidhe", + "de_bh\u00e1l", + "\u00f3_h\u00e9imh\u00edn", + "\u00f3_h\u00e9idhni\u00fa", + "briain", + "mac_thuathal\u00e1in", + "\u00f3_c\u00f3mair", + "de_b\u00farca", + "mac_dhonnchaidh", + "\u00f3_corra", + "\u00f3_loirgne\u00e1in", + "\u00f3_gl\u00e1imh\u00edn", + "\u00f3_treasaigh", + "ail\u00edn", + "mac_fhionnlaich", + "\u00f3_cuinneach\u00e1in", + "mac_giolla_ghailing", + "mac_raith", + "\u00f3_ciarmhaic", + "mac_an_bhaird", + "\u00f3_murae", + "\u00f3_caitig\u00edn", + "\u00f3_faircheallaigh", + "blowick", + "mac_giolla", + "cuidithe", + "mac_conghamhna", + "\u00f3_conbh\u00e1", + "\u00f3_madaoin", + "mac_g\u00e9idigh", + "conrach", + "mac_cochl\u00e1in", + "\u00f3_claimh\u00edn", + "mac_cionnaith", + "mac_na_midhe", + "\u00f3_m\u00e1irt\u00edn", + "\u00f3_cuanaigh", + "\u00f3_g\u00e1ibhtheach\u00e1in", + "\u00f3_harc\u00e1in", + "\u00f3_siochr\u00fa", + "mac_giolla_dhuibh", + "mac_cumhail", + "mac_lughbhadha", + "\u00f3_leallaigh", + "\u00f3_haibheartaigh", + "mac_thoirdhealbhaigh", + "\u00f3_coin\u00edn", + "\u00f3_car\u00fain", + "\u00f3_dubhuidhe", + "habha", + "\u00f3_raithbheartaigh", + "\u00f3_maoiliadh", + "\u00f3_mian\u00e1in", + "mac_gloin", + "\u00f3_ruaidhinn", + "\u00f3_hairmheasaigh", + "\u00f3_heichthigheirn", + "stond\u00fan", + "\u00f3_mear\u00e1in", + "mac_dhuibh", + "mac_ceamharcaigh", + "\u00f3_daibhidh", + "mac_a_d\u00e9ise", + "\u00f3_duibhlearga", + "\u00f3_ceannfhaola", + "\u00f3_connmhaigh", + "\u00f3_baoill", + "\u00f3_maoilshearcaigh", + "\u00f3_donghaile", + "\u00f3_me\u00e1dhra\u00ed", + "mac_ail\u00edn", + "\u00f3_cr\u00f3nghaile", + "\u00f3_c\u00edos\u00f3ig", + "\u00f3_ceiri\u00fach\u00e1in", + "\u00f3_dubhlainn", + "\u00f3_muineach\u00e1in", + "mac_cn\u00e1imh\u00edn", + "\u00f3_carra", + "\u00f3_maoilriain", + "d\u00fainsm\u00e9arach", + "\u00f3_luain", + "\u00f3_tuile", + "\u00f3_fearghaile", + "mac_an_tsaoir", + "\u00f3_bog\u00e1in", + "\u00f3_gionn\u00e1in", + "mac_an_ghirr", + "\u00f3_cuill", + "\u00f3_tuachair", + "mac_calbhaigh", + "mac_conn\u00f3il", + "\u00f3_corrghamhna", + "tr\u00e9infhear", + "\u00f3_cianaigh", + "\u00f3_muirgheasa", + "de_grae", + "b\u00e1caer", + "\u00f3_muar\u00e1in", + "\u00f3_cuana", + "mac_n\u00e9ill", + "mac_giolla_iasachta", + "\u00f3_dubhd\u00e1bhoireann", + "\u00f3_mannt\u00e1in", + "\u00f3_simeoin", + "\u00f3_brian\u00e1in", + "\u00f3_duibhghealla", + "mac_bhait\u00e9ir", + "\u00f3_grallaigh", + "\u00f3_m\u00e9al\u00f3id", + "\u00f3_ruadh\u00e1in", + "baisceir", + "\u00f3_ruach\u00e1in", + "mac_airt", + "b\u00e9ataigh", + "mac_cais\u00edn", + "de_si\u00fan", + "\u00f3_diarmada", + "\u00f3_hail\u00edn", + "mac_fhionnachtaigh", + "mac_p\u00e1id\u00edn", + "\u00f3_taichligh", + "a_b\u00farc", + "mac_h\u00e9il", + "\u00f3_muimhnigh", + "mac_giolla_mh\u00f3ir", + "\u00f3_c\u00e9r\u00fac\u00e1in", + "\u00f3_l\u00e1mh\u00e1in", + "\u00f3_maoldomhnaigh", + "\u00f3_griallais", + "\u00f3_caiside", + "\u00f3_h\u00edghne", + "\u00f3_coitirigh", + "\u00f3_lighe", + "\u00f3_f\u00e9inneadha", + "\u00f3_capuaigh", + "\u00f3_maoileanaigh", + "mac_seanlaoich", + "\u00f3_conbha\u00ed", + "mac_curt\u00e1in", + "\u00f3_coighin", + "\u00f3_tuathail", + "\u00f3_heithchir", + "\u00f3_lideadha", + "\u00f3_harrag\u00e1in", + "\u00f3_cosgair", + "\u00f3_mug\u00e1in", + "mac_clochartaigh", + "\u00f3_flannghaile", + "\u00f3_duinn\u00edn", + "\u00f3_craobh\u00e1in", + "\u00f3_flanag\u00e1in", + "\u00f3_hoile\u00e1in", + "mac_stibhin", + "burnach", + "\u00f3_cr\u00e1ibh\u00edn", + "mac_s\u00e9amuis", + "\u00f3_scalaidhe", + "\u00f3_hoirbheaird", + "meidhreach", + "mac_cruit\u00edn", + "mac_an_iarla", + "\u00f3_ruaidhr\u00ed", + "mac_allmh\u00far\u00e1in", + "\u00f3_slatara", + "\u00f3_h\u00e1g\u00fartaigh", + "mac_an_r\u00edogh", + "mac_ceallaigh", + "mac_duibhir", + "\u00f3_hanrachtaigh", + "\u00f3_fionndhubhc\u00e1in", + "\u00f3_maoilia", + "mac_uidhlinn", + "\u00f3_gaibhtheach\u00e1in", + "\u00f3_cluan\u00e1in", + "\u00f3_maolruaidhe", + "\u00f3_hear\u00e1in", + "\u00f3_maolfh\u00e1bhail", + "de_bhial", + "\u00f3_meall\u00e1in", + "\u00f3_heag\u00e1in", + "\u00f3_nearaigh", + "\u00f3_flaitheamh\u00e1in", + "\u00f3_graith", + "mac_cearnaigh", + "mac_callan\u00e1in", + "\u00f3_lachtn\u00e1in", + "\u00f3_muirithe", + "\u00f3_pilb\u00edn", + "\u00f3_cr\u00e9ag\u00e1in", + "mac_eachaidh", + "mac_an_iascaire", + "\u00f3_flannchadha", + "\u00f3_conbhuaidh", + "\u00f3_loingseach\u00e1in", + "\u00f3_coincheanainn", + "\u00f3_ceannfhaolaidh", + "\u00f3_broic", + "\u00f3_mant\u00e1in", + "\u00f3_maoilige\u00e1in", + "\u00f3_clocharta", + "\u00f3_s\u00edor\u00e1in", + "\u00f3_tighearn\u00e1in", + "\u00f3_maoltuile", + "\u00f3_scannl\u00e1in", + "mac_coinneirtinne", + "\u00f3_br\u00e1daigh", + "\u00f3_cearbhall\u00e1in", + "\u00f3_hois\u00edn", + "\u00f3_h\u00e9igeartaigh", + "\u00f3_m\u00f3rdha", + "\u00f3_diolain", + "\u00f3_fearraigh", + "\u00f3_meirligh", + "\u00f3_hic\u00edn", + "\u00f3_criag\u00e1in", + "mac_cr\u00edod\u00e1in", + "mac_oitir", + "\u00f3_fathartaigh", + "\u00f3_leathlobhair", + "\u00f3_domhnaill", + "mac_aodhg\u00e1in", + "mac_craith", + "\u00f3_lonag\u00e1in", + "\u00f3_neachtain", + "\u00f3_guaire", + "\u00f3_ladhradha", + "mac_stiof\u00e1in", + "mac_ph\u00e1rthol\u00e1in", + "\u00f3_gibne", + "\u00f3_conb\u00e1", + "\u00f3_meardha", + "\u00f3_murthuile", + "\u00f3_laodh\u00f3g", + "mac_riag\u00e1in", + "mac_g\u00e9ibheannaigh", + "\u00f3_heifr\u00edn", + "\u00f3_cl\u00e9irch\u00edn", + "glost\u00e9ir", + "\u00f3_scannaill", + "mac_corra", + "conaola", + "\u00f3_goil\u00edn", + "\u00f3_donch\u00fa", + "de_gr\u00e1s", + "\u00f3_cl\u00famh\u00e1in", + "mac_maic\u00edn", + "mac_arta", + "\u00f3_d\u00e9isigh", + "\u00f3_manach\u00e1in", + "de_bhailis", + "tighe", + "\u00f3_l\u00f3rd\u00e1in", + "\u00f3_gr\u00e1da", + "kirwan", + "mac_m\u00e1ghnuis", + "\u00f3_conghaile", + "\u00f3_mog\u00e1in", + "\u00f3_sibhle\u00e1in", + "mac_ciar\u00e1in", + "\u00f3_hiarfhlaithe", + "\u00f3_beartlaigh", + "ainmneach", + "\u00f3_heibhr\u00edn", + "\u00f3_haodha", + "mac_coil\u00edn", + "mac_r\u00e1ighne", + "\u00f3_gabhl\u00e1in", + "\u00f3_gruag\u00e1in", + "mac_th\u00e1mhais", + "\u00f3_gloinne", + "\u00f3_cearbhl\u00e1in", + "\u00f3_raifearta", + "\u00f3_raithile", + "\u00f3_cionnaigh", + "\u00f3_fatharta", + "\u00f3_cathbhuaidh", + "mac_ruairc", + "\u00f3_caolla\u00ed", + "mac_br\u00e1daigh", + "mac_t\u00e1mhais", + "\u00f3_nuall\u00e1in", + "\u00f3_laide\u00e1in", + "\u00f3_deirg", + "mac_laithimh", + "\u00f3_c\u00fan\u00fain", + "\u00f3_maolchatha", + "mac_eachain", + "\u00f3_siard\u00e1in", + "\u00f3_scanl\u00e1in", + "\u00f3_leamhna", + "\u00f3_duibhgeannaigh", + "\u00f3_dunc\u00e1in", + "\u00f3_duibhthe", + "\u00f3_fathaigh", + "de_stac", + "mac_thom\u00e1is", + "\u00f3_cear\u00e1in", + "\u00f3_heaghra", + "\u00f3_seochr\u00fa", + "traoin", + "\u00f3_corraigh", + "\u00f3_murch\u00e1in", + "mac_dhuinnshl\u00e9ibhe", + "\u00f3_main\u00edn", + "\u00f3_ruadhch\u00e1in", + "\u00f3_cuinne\u00e1in", + "\u00f3_maolchathaigh", + "\u00f3_gr\u00e9il", + "mac_e\u00f3thach", + "\u00f3_siorad\u00e1in", + "\u00f3_tiarn\u00e1in", + "firt\u00e9ar", + "\u00f3_canainn", + "\u00f3_d\u00e1ibhidh", + "\u00f3_haithbheartaigh", + "\u00f3_brolch\u00e1in", + "\u00f3_coluim", + "\u00f3_cionnfhaola", + "\u00f3_corrag\u00e1in", + "\u00f3_hairmeasaigh", + "mac_coscair", + "\u00f3_flaithimh", + "\u00f3_m\u00f3in\u00edol", + "mac_ionrachtaigh", + "\u00f3_maoilc\u00e9ir", + "\u00f3_coinghiallaigh", + "\u00f3_seithneach\u00e1in", + "mac_giolla_cheara", + "\u00f3_scannail", + "\u00f3_r\u00edle", + "mac_gothraidh", + "\u00f3_laithimh", + "mac_each\u00e1in", + "mac_lochlainn", + "mac_congail", + "\u00f3_searcaigh", + "\u00f3_fionnghalaigh", + "\u00f3_riallaigh", + "\u00f3_hearchaidh", + "mac_reachtain", + "\u00f3_mathghamhna", + "\u00f3_meadhra", + "\u00f3_c\u00e9ir\u00edn", + "mac_giolla_ph\u00f3il", + "\u00f3_colm\u00e1in", + "\u00f3_muichille", + "de_h\u00f3ir", + "mac_ealanaidh", + "\u00f3_h\u00e1inle", + "ceanainn", + "\u00f3_gob\u00e1in", + "\u00f3_h\u00e9igheartaigh", + "\u00f3_dabhr\u00e1in", + "de_sp\u00e1in", + "mac_aidic\u00edn", + "\u00f3_diol\u00e1in", + "mac_lathaigh", + "mac_coinnich", + "\u00f3_c\u00e9adag\u00e1in", + "\u00f3_dulchaointigh", + "mac_gearailt", + "\u00f3_d\u00edghe", + "\u00f3_gearg\u00e1in", + "mac_\u00e1dhaimh", + "mac_giolla_l\u00e9ith", + "\u00f3_h\u00e9ineach\u00e1in", + "\u00f3_heoghan\u00e1in", + "\u00f3_gallch\u00f3ir", + "mac_gr\u00e1inne", + "\u00f3_gamhn\u00e1in", + "mac_fheargail", + "mac_searraigh", + "\u00f3_heachadha", + "\u00f3_niallag\u00e1in", + "mac_raghnaill", + "\u00f3_tonra", + "mac_coitir", + "mac_cormaic", + "mac_colla", + "mac_briartaigh", + "\u00f3_corrach\u00e1in", + "\u00f3_bhaldraithe", + "mac_fhlaithbheartaigh", + "\u00f3_gairbhighe", + "mac_c\u00failriabhaigh", + "\u00f3_h\u00e9idhn\u00ed", + "mac_an_aba", + "\u00f3_duibhleanna", + "\u00f3_heodhasa", + "\u00f3_coingh\u00edola", + "mac_cr\u00edon\u00e1in", + "mac_cinn\u00e9ide", + "\u00f3_coim\u00edn", + "\u00f3_gabh\u00e1in", + "mac_seoin", + "\u00f3_rothlainn", + "mac_laghmainn", + "mac_conmara", + "\u00f3_consaid\u00edn", + "\u00f3_s\u00failliobh\u00e1in", + "mac_an_d\u00e9isigh", + "mac_con\u00f3il", + "\u00f3_r\u00f3ch\u00e1in", + "\u00f3_cr\u00f3dhal", + "mac_alastroim", + "de_buadha", + "\u00f3_hallach\u00e1in", + "\u00f3_beirne", + "\u00f3_goillidhe", + "c\u00fand\u00fan", + "mac_cuirc", + "mac_fhearghusa", + "\u00f3_rathaile", + "mac_grianna", + "mac_conghaile", + "mac_cuinn", + "\u00f3_foghl\u00fadha", + "\u00f3_cuirre\u00e1in", + "\u00f3_maille", + "\u00f3_maolalla", + "duffy", + "de_priondrag\u00e1is", + "mac_mathghamhna", + "mac_an_tsagairt", + "\u00f3_h\u00e1inl\u00ed", + "\u00f3_c\u00f3g\u00e1in", + "\u00f3_finnthighearn", + "\u00e1ghas", + "\u00f3_horc\u00e1in", + "\u00f3_haithchir", + "mac_aonghusa", + "\u00f3_collata", + "\u00f3_sean\u00e1in", + "\u00f3_dorchaidh", + "\u00f3_bortach\u00e1in", + "\u00f3_muire\u00e1n", + "\u00f3_teangna\u00ed", + "\u00f3_capua", + "de_bl\u00e1ca", + "\u00f3_cath\u00e1in", + "\u00f3_daeid", + "mac_an_oireachtaigh", + "\u00f3_mugabh\u00e1in", + "\u00f3_fiaich", + "\u00f3_moch\u00e1in", + "\u00f3_hoibic\u00edn", + "\u00f3_heachairn", + "\u00f3_giollag\u00e1in", + "mac_giob\u00fain", + "\u00f3_cormac\u00e1in", + "\u00f3_ruana\u00ed", + "mac_cill\u00edn", + "\u00f3_connaigh", + "mac_ceallbhu\u00ed", + "\u00f3_tiobraide", + "\u00f3_heiteag\u00e1in", + "\u00f3_mag\u00e1in", + "\u00f3_praoidhe\u00e1il", + "\u00f3_moin\u00e9al", + "\u00f3_caochlaigh", + "\u00f3_coinne\u00e1in", + "mac_dh\u00e1ibhidh", + "stund\u00fan", + "\u00f3_maoileoin", + "\u00f3_clochasaigh", + "\u00f3_m\u00e1l\u00f3id", + "mac_dubhrad\u00e1in", + "mac_braon\u00e1in", + "mac_daeid", + "mac_fhinn", + "mac_laithbheartaigh", + "\u00f3_tuathlainn", + "\u00f3_halmhain", + "mac_giolla_chat\u00e1in", + "\u00f3_rabhlaigh", + "mac_curraidh", + "\u00f3_s\u00edthigh", + "\u00f3_f\u00f3garta", + "\u00f3_lubhaing", + "mac_ci\u00fart\u00e1in", + "stand\u00fan", + "mac_conaonaigh", + "\u00f3_maoil_mheana", + "\u00f3_coile\u00e1in", + "\u00f3_hic\u00f3g", + "\u00f3_maoilfheabhail", + "mac_cr\u00e1bh\u00e1in", + "\u00f3_horg\u00e1in", + "\u00f3_donnacha", + "dorcha", + "\u00f3_connmha\u00ed", + "\u00f3_connchamh\u00e1in", + "ceorais", + "\u00f3_huiginn", + "\u00f3_heanna", + "suip\u00e9al", + "\u00f3_haidhleart", + "c\u00fan\u00fan", + "\u00f3_heochaidh", + "\u00f3_h\u00e9alaigh", + "\u00f3_duibhir", + "\u00f3_s\u00edothch\u00e1in", + "\u00f3_haoilbheard", + "\u00f3_maolruana\u00ed", + "\u00f3_c\u00fairn\u00edn", + "\u00f3_gioll\u00e1in", + "\u00f3_mraoiligh", + "\u00f3_hiarn\u00e1in", + "\u00f3_rothallaigh", + "mac_thaidhg", + "\u00f3_gach\u00e1in", + "\u00f3_madaidh", + "\u00f3_huig\u00edn", + "\u00f3_ginne\u00e1", + "\u00f3_haoidhgin", + "\u00f3_duinneach\u00e1in", + "\u00f3_caoile", + "tre\u00f3igh", + "\u00f3_treasa", + "\u00f3_gean\u00e1in", + "bruis\u00e9al", + "\u00f3_criost\u00f3ir", + "\u00f3_fearra\u00ed", + "mac_fh\u00edontaigh", + "\u00f3_connmhach\u00e1in", + "\u00f3_muingh\u00edle", + "\u00f3_gr\u00edobhtha", + "\u00f3_cafraigh", + "mac_muiris", + "\u00f3_duinnl\u00e9i", + "carville", + "\u00f3_tarlaigh", + "mac_coim\u00edn", + "mac_dhuarc\u00e1in", + "\u00f3_coilige\u00e1in", + "mac_corrghamhna", + "\u00f3_laoingsigh", + "\u00f3_maoileoghain", + "\u00f3_faith", + "\u00f3_fraincl\u00edn", + "\u00f3_gabhach\u00e1in", + "bodaic\u00edn", + "\u00f3_creim\u00edn", + "c\u00e9itinn", + "\u00f3_bheach\u00e1in", + "\u00f3_duilearga", + "\u00f3_fearadhaigh", + "mac_giolla_eoin", + "mac_thr\u00e9infhir", + "\u00f3_corraidhin", + "\u00f3_lonarg\u00e1in", + "\u00f3_duarc\u00e1in", + "\u00f3_gr\u00edobhth\u00e1in", + "\u00f3_giollaruaidhe", + "mac_fhearghail", + "mac_fhion\u00e1in", + "\u00f3_reithil", + "bri\u00fatean", + "\u00f3_cabhail", + "mac_dhonnchadha", + "mac_an_ridire", + "mac_thighearn\u00e1in", + "ciothaigh", + "\u00f3_garbh\u00e1in", + "mac_canainn", + "searraigh", + "cheara", + "cart\u00far", + "mac_fhionnghaile", + "\u00f3_l\u00e1s", + "\u00f3_gioball\u00e1in", + "\u00f3_fearachair", + "\u00f3_ciarmhac\u00e1in", + "\u00f3_con\u00e1in", + "\u00f3_d\u00fan\u00e1in", + "mac_eochadha", + "\u00f3_muirthile", + "mac_uilc\u00edn", + "\u00f3_biataigh", + "\u00f3_ruadhainn", + "\u00f3_duibhgead\u00e1in", + "mac_gr\u00e9il", + "\u00f3_laimhbheartaigh", + "mac_an_iomaire", + "mac_con_ultaigh", + "\u00f3_cearbh\u00e1in", + "\u00f3_gr\u00e1inne", + "\u00f3_martain", + "\u00f3_conbhu\u00ed", + "mac_th\u00f3mais", + "mac_dhuinnshl\u00e9", + "mac_daibheid", + "\u00f3_coillte", + "\u00f3_seiread\u00e1in", + "mac_an_airchinnigh", + "mac_an_oirchinnigh", + "\u00f3_hearbhaird", + "mac_aog\u00e1in", + "\u00f3_br\u00f3g\u00e1in", + "\u00f3_b\u00e1in", + "pl\u00e9imionn", + "\u00f3_nuadhan", + "\u00f3_daoda", + "mac_connmhaigh", + "mac_dhorchaidh", + "\u00f3_siadhach\u00e1in", + "mac_cuidithe", + "mac_conle\u00e1gha", + "\u00f3_caoinigh", + "\u00f3_n\u00e9ill", + "\u00f3_holl\u00e1in", + "\u00f3_caobhac\u00e1in", + "mac_an_tsionnaigh", + "\u00f3_dubha", + "\u00f3_muadaigh", + "mac_giollaruaidhe", + "mac_ph\u00e1id\u00edn", + "\u00f3_maolruana", + "\u00f3_tuathaigh", + "\u00f3_beol\u00e1in", + "de_c\u00farsa", + "\u00f3_haonghuis", + "cond\u00fan", + "\u00f3_gealabh\u00e1in", + "mac_cuarta", + "\u00f3_fearghail", + "\u00f3_lallaidh", + "\u00f3_ceatharnaigh", + "\u00f3_me\u00e1ra", + "\u00f3_grealaigh", + "\u00f3_corraidh", + "\u00f3_raigne", + "\u00f3_greanach\u00e1in", + "mac_an_bhiadhtaigh", + "\u00f3_leighinn", + "mac_gr\u00e1dha", + "mac_thighearnaigh", + "\u00f3_danachair", + "\u00f3_d\u00e1laigh", + "\u00f3_maoil\u00edn", + "\u00f3_daola", + "\u00f3_donncha", + "mac_an_liagha", + "\u00f3_h\u00e9igcheartaigh", + "\u00f3_loingsigh", + "\u00f3_lainn", + "\u00f3_muirighthe", + "seitric", + "\u00f3_bl\u00e1thmhaic", + "mac_an_mhilidh", + "\u00f3_r\u00fa\u00e1in", + "\u00f3_sc\u00e9ach\u00e1in", + "\u00f3_ciarag\u00e1in", + "\u00f3_fiannaidhe", + "\u00f3_craith", + "mac_an_luain", + "mac_mhuircheartaigh", + "de_long", + "\u00f3_gr\u00e1laigh", + "achaorainn", + "\u00f3_hoireachtaigh", + "mac_eoin\u00edn", + "\u00f3_gairbh\u00edn", + "paor", + "\u00f3_murn\u00e1in", + "\u00f3_gabhann", + "bail\u00eds", + "\u00f3_d\u00falaigh", + "raghna", + "mac_giolla_bhu\u00ed", + "\u00f3_droma", + "mac_\u00edomhair", + "\u00f3_dochartaigh", + "mac_eitheag\u00e1in", + "mac_giolla_ghunna", + "mac_eochag\u00e1in", + "\u00f3_foghludha", + "\u00f3_flathamh\u00e1in", + "mac_gairbhe", + "\u00f3_mead\u00f3g", + "mac_fhearraigh", + "\u00f3_gorm\u00e1in", + "de_l\u00fandra", + "proinnsias", + "mac_dubhghaill", + "risteard", + "\u00f3_doibhilin", + "\u00f3_hiorbhaird", + "\u00f3_c\u00farn\u00e1in", + "\u00f3_conn\u00f3il", + "de_stond\u00fan", + "\u00f3_maolmhuaidh", + "\u00f3_giolla_rua", + "\u00f3_cuimil\u00edn", + "de_b\u00farc", + "breathnach", + "\u00f3_gilli\u00fain", + "\u00f3_seibhl\u00edn", + "\u00f3_cioltr\u00e1in", + "ginne\u00e1dha", + "\u00f3_loingscigh", + "mac_\u00e9nr\u00ed", + "mac_grianra", + "\u00f3_rachtag\u00e1in", + "\u00f3_r\u00e1inne", + "mac_art\u00e1in", + "\u00f3_gadhra", + "mac_cath\u00e1in", + "mac_meanman", + "\u00f3_feargha\u00edosa", + "mac_coin\u00edn", + "\u00f3_leidhin", + "\u00f3_coisdeala", + "\u00f3_sgulla", + "c\u00edos\u00f3g", + "maguidhir", + "m\u00e1irt\u00edn", + "mac_amhlaigh", + "\u00f3_clochartaigh", + "\u00f3_cr\u00edod\u00e1in", + "mac_aodh\u00e1in", + "mac_ceallabhu\u00ed", + "\u00f3_riada", + "\u00f3_r\u00f3n\u00e1in", + "\u00f3_hinneirghe", + "mac_calaigh", + "cioth\u00f3g", + "\u00f3_conmha\u00ed", + "\u00f3_muirge\u00e1in", + "\u00f3_sionnaigh", + "\u00f3_tighearna", + "maccrohan", + "\u00f3_gr\u00e9ill", + "mac_uallach\u00e1in", + "mac_an_fhir", + "\u00f3_tiom\u00e1naidhe", + "mac_gairbhia", + "cuill\u00edn", + "\u00f3_cuigeannaigh", + "mac_maiti\u00fa", + "\u00f3_daibh\u00edn", + "\u00f3_h\u00e9inr\u00ed", + "\u00f3_h\u00e9iligh", + "\u00f3_duinneacha", + "\u00f3_conbhuidhe", + "\u00f3_donchadha", + "\u00f3_conrach", + "\u00f3_scallaigh", + "\u00f3_conl\u00e1in", + "mac_caoch\u00e1in", + "\u00f3_dubhlaigh", + "mac_u\u00ed_sm\u00e1l", + "\u00f3_maoil_aodha", + "mac_casaide", + "\u00f3_maoilch\u00e9ire", + "\u00f3_l\u00e9anach\u00e1in", + "\u00f3_modhr\u00e1in", + "mac_oibic\u00edn", + "\u00f3_coinnigh", + "\u00f3_teangana", + "mac_aonghuis", + "mac_ceoin\u00edn", + "\u00f3_cochl\u00e1in", + "mac_cumascaigh", + "mac_fhlann\u00e1in", + "mac_an_fhailghigh", + "\u00f3_roda\u00ed", + "\u00f3_triall", + "\u00f3_moidhe", + "mac_giolla_eoghain", + "t\u00f3ib\u00edn", + "\u00f3_lailli\u00fa", + "\u00f3_m\u00e1ille", + "de_londra", + "\u00f3_h\u00f3b\u00e1in", + "\u00f3_cathala", + "\u00f3_drisceoil", + "\u00f3_cuanna", + "\u00f3_grianna", + "\u00f3_fionnag\u00e1in", + "\u00f3_h\u00fardail", + "bar\u00f3id", + "\u00f3_haoile\u00e1in", + "mac_giolla_chomhghaill", + "\u00f3_caochla\u00ed", + "de_priondarg\u00e1s", + "\u00f3_r\u00f3l\u00e1in", + "bodhlaeir", + "mac_conbhu\u00ed", + "\u00f3_hioc\u00f3g", + "\u00f3_beag\u00e1in", + "\u00f3_flaithbhearta", + "\u00f3_caoindealbh\u00e1in", + "\u00f3_h\u00e9il\u00ed", + "\u00f3_c\u00e9it\u00edn", + "\u00f3_frithile", + "\u00f3_naoidhean\u00e1in", + "\u00f3_corr\u00e1in", + "\u00f3_n\u00fan\u00e1in", + "\u00f3_faodhag\u00e1in", + "\u00f3_maing\u00edn", + "mac_niocl\u00e1is", + "\u00f3_c\u00e9illeachair", + "mac_giolla_easboig", + "\u00f3_dora\u00ed", + "\u00f3_m\u00eddhia", + "mac_dh\u00fairn\u00edn", + "\u00f3_h\u00e9anag\u00e1in", + "\u00f3_hadhra", + "\u00f3_ciar\u00fac\u00e1in", + "mac_cailp\u00edn", + "\u00f3_daochain", + "mac_coile\u00e1in", + "\u00f3_duibhgeann\u00e1in", + "mac_anna", + "\u00f3_marcaigh", + "mac_giolla_bhr\u00edde", + "\u00f3_bruic", + "mac_d\u00e1ibhid", + "\u00f3_fiannaidh", + "\u00f3_dubhluachra", + "\u00f3_conraoi", + "\u00f3_cobhthaigh", + "\u00f3_haol\u00e1in", + "mac_curraoin", + "\u00f3_cuilinn", + "\u00f3_gion\u00e1in", + "\u00f3_cafua", + "de_lonnradh", + "\u00f3_hinn\u00e9irghe", + "\u00f3_maolmuaidh", + "\u00f3_gl\u00e1ibh\u00edn", + "\u00f3_laochdha", + "\u00f3_lochr\u00e1in", + "mac_e\u00f3in\u00edn", + "\u00f3_maolallaidh", + "neachtain", + "\u00f3_giobal\u00e1in", + "\u00f3_criost\u00fair", + "\u00f3_r\u00fan\u00fa", + "\u00f3_maid\u00edn", + "\u00f3_hallmh\u00far\u00e1in", + "m\u00e9al\u00e1id", + "\u00f3_neabhail", + "coincheanainn", + "\u00f3_h\u00e1rlaigh", + "mac_leann\u00e1in", + "mac_caisle\u00e1in", + "\u00f3_gealag\u00e1in", + "\u00f3_hull\u00e1in", + "mac_d\u00e1ibhidh", + "\u00f3_heigheartaigh", + "mac_duarc\u00e1in", + "\u00f3_haog\u00e1in", + "\u00f3_deasmhumhna", + "\u00f3_dorchaigh", + "\u00f3_lallaigh", + "\u00e1s", + "r\u00eds", + "l\u00fanam", + "\u00f3_fachtna", + "\u00f3_cathasaigh", + "mac_ualtair", + "\u00f3_tuimlin", + "\u00f3_curraidh", + "\u00f3_breisle\u00e1in", + "mac_math\u00fana", + "mac_oralaigh", + "\u00f3_fionnghusa", + "dalt\u00fan", + "\u00f3_filb\u00edn", + "mac_igo", + "\u00f3_droighne\u00e1in", + "\u00f3_conaill", + "mac_connallta", + "\u00f3_maolmhuire", + "\u00f3_muilligh", + "mac_cathail", + "\u00f3_c\u00edrr\u00edc", + "\u00f3_dabh\u00e1in", + "mac_donnchadha", + "\u00f3_cuileamhain", + "\u00f3_goireachtaigh", + "\u00f3_muilleag\u00e1in", + "de_l\u00e1s", + "\u00f3_hurthuile", + "\u00f3_duigeannaigh", + "\u00f3_madadh\u00e1in", + "\u00f3_cuinneag\u00e1in", + "\u00f3_fionnachta", + "\u00f3_glaisne", + "\u00f3_heodhusa", + "mac_carmaig", + "confhaola", + "\u00f3_caireall\u00e1in", + "\u00f3_hin\u00e9ir\u00ed", + "mac_eibhir", + "\u00f3_heithir", + "\u00f3_headhra", + "mac_s\u00e9artha", + "\u00f3_hearghaile", + "mac_geimhridh", + "\u00f3_fuar\u00e1in", + "\u00f3_partlainn", + "\u00f3_rodach\u00e1in", + "cinn\u00e9ir", + "\u00f3_beannuille", + "\u00f3_r\u00e1ighle", + "\u00f3_glias\u00e1in", + "mac_grealaigh", + "\u00f3_helaoire", + "mac_caithir", + "\u00f3_hain\u00edn", + "mac_annraoi", + "\u00f3_caollaidhe", + "mac_ghille_mhaoil", + "bruadar", + "mcgilligan", + "\u00f3_call\u00e1in", + "\u00f3_niall\u00e1in", + "\u00f3_c\u00edobh\u00e1naigh", + "innsead\u00fan", + "\u00f3_labhradha", + "\u00f3_donaoile", + "\u00f3_hifearn\u00e1in", + "de_built\u00e9ir", + "\u00f3_bric", + "mac_d\u00e1id", + "de_hindeberg", + "\u00f3_lomgaigh", + "\u00f3_m\u00e9al\u00f3ide", + "\u00f3_cr\u00edon\u00e1in", + "mac_u\u00ed_bheannuille", + "\u00f3_luasa", + "mac_cuaig", + "\u00f3_fionnlaoich", + "de_hae", + "\u00f3_h\u00e9inni\u00fa", + "\u00f3_cos\u00e1in", + "de_ceap\u00f3g", + "mac_fhuallaigh", + "\u00f3_niadh", + "mac_donncha", + "mac_anabadha", + "\u00f3_tormaigh", + "mac_muireadhaigh", + "mac_r\u00e9amoinn", + "mac_con\u00e1mha", + "mac_fhiachra", + "\u00f3_h\u00e9ighni\u00fa", + "\u00f3_harta", + "\u00f3_claon\u00e1in", + "mac_ugo", + "mac_giolla_bh\u00e1in", + "\u00f3_fearghusa", + "cill\u00edn", + "mac_cluanaigh", + "\u00f3_cuideag\u00e1naigh", + "\u00f3_ciarba", + "\u00f3_coistealbhaigh", + "\u00f3_calbhaigh", + "\u00f3_faran\u00e1in", + "\u00f3_haonach\u00e1in", + "mac_domhnaill", + "\u00f3_briain", + "mac_goill", + "de_bhail\u00eds", + "\u00f3_taidhg", + "mac_r\u00e9ill", + "mac_giolla_uidhir", + "mac_grallaigh", + "\u00f3_piot\u00e1in", + "\u00f3_deoraidhin", + "\u00f3_sith", + "\u00f3_maoil\u00e9ide", + "\u00f3_cn\u00e1imhs\u00ed", + "\u00f3_meirnigh", + "\u00f3_mothair", + "hynman", + "\u00f3_laoi", + "mac_ginneadha", + "\u00f3_laighin", + "\u00f3_bliosc\u00e1in", + "mac_daibh\u00edd", + "\u00f3_corb\u00e1in", + "\u00f3_laoidh", + "\u00f3_seochfhradha", + "\u00f3_cathbhuadha", + "\u00f3_me\u00e1ra\u00ed", + "mac_connach\u00e1in", + "\u00f3_maolfhachtna", + "\u00f3_siadhail", + "mac_uidhir", + "mac_caiside", + "gabh\u00e1in", + "\u00f3_laighnigh", + "de_l\u00e1sa", + "\u00f3_maithn\u00edn", + "\u00f3_hearc\u00e1in", + "mac_cafraigh", + "mac_s\u00edthigh", + "\u00f3_conchubhair", + "\u00f3_t\u00e9ach\u00e1in", + "\u00f3_caoillidhe", + "\u00f3_spol\u00e1in", + "\u00f3_f\u00e1tharta", + "\u00f3_hollar\u00e1in", + "mac_speal\u00e1in", + "mac_a'_bhu\u00ed", + "haic\u00e9ad", + "\u00f3_finneadha", + "mac_an_bheithigh", + "\u00f3_liain", + "mac_giolla_tuile", + "\u00f3_h\u00edc\u00edn", + "\u00f3_giob\u00fain", + "mac_se\u00e1ghain", + "de_creag", + "\u00f3_muine\u00f3g", + "\u00f3_cuideag\u00e1in", + "\u00f3_dubhabhoireann", + "\u00f3_h\u00e9adtrom\u00e1in", + "\u00f3_lochlainn", + "\u00f3_cadhla", + "triall", + "\u00f3_r\u00edog\u00e1in", + "\u00f3_gr\u00e1llaigh", + "\u00f3_tuairisg", + "\u00f3_corrad\u00e1in", + "\u00f3_caithl\u00edn", + "\u00f3_caibe", + "mac_s\u00edom\u00f3in", + "\u00f3_laithmhe", + "\u00f3_coil\u00edn", + "cill_dia", + "\u00f3_cearbhaill", + "conbhae", + "de_bail\u00eds", + "mac_giolla_fhinn\u00e9in", + "\u00f3_sidhe\u00e1il", + "\u00f3_maonghaile", + "\u00f3_c\u00fal\u00e1in", + "curraoin", + "de_ngeard", + "\u00f3_f\u00e9ith", + "\u00f3_raighne", + "\u00f3_conchobhair", + "mac_cear\u00e1in", + "\u00f3_tuaraisce", + "\u00f3_hainmhireach", + "\u00f3_fionnt\u00e1in", + "mac_art\u00fair", + "mac_oscair", + "\u00f3_corcor\u00e1in", + "\u00f3_fithcheallaigh", + "mac_fhearghaile", + "de_bhulf", + "\u00f3_seachnasaigh", + "\u00f3_cionnaith", + "\u00f3_dior\u00e1in", + "\u00f3_scoll\u00e1in", + "\u00f3_beirn", + "mac_giolla_luaithrinn", + "\u00f3_meachair", + "gubain", + "\u00f3_maolfhabhail", + "\u00f3_l\u00fabh\u00f3g", + "mac_cros\u00e1in", + "\u00f3_g\u00e1bh\u00e1in", + "\u00f3_tuam\u00e1in", + "\u00f3_n\u00e1dhraigh", + "mac_con_r\u00ed", + "\u00f3_lorc\u00e1in", + "\u00f3_huaillearan", + "mac_carrghamhne", + "\u00f3_riabhaigh", + "mac_giolla_domhnaigh", + "pl\u00e9imeann", + "mac_conaill", + "\u00f3_tuathaill", + "\u00f3_ceallabhu\u00ed", + "\u00f3_haoll\u00e1in", + "\u00f3_gr\u00e9ach\u00e1in", + "\u00f3_brosnach\u00e1in", + "scannl\u00e1in", + "\u00f3_coinghialla", + "\u00f3_hairbheasaigh", + "mac_caochlaigh", + "mac_bhriain", + "\u00f3_harracht\u00e1in", + "\u00f3_cuine\u00e1in", + "cl\u00e1rach", + "\u00f3_croidhe\u00e1in", + "\u00f3_haodhg\u00e1in", + "\u00f3_turraoin", + "\u00f3_caoimh", + "\u00f3_hearr\u00e1in", + "mac_cuileann\u00e1in", + "\u00f3_cabraigh", + "\u00f3_dubhartaigh", + "mac_conm\u00ed", + "\u00f3_d\u00fanl\u00e1ing", + "mac_carrghamhna", + "\u00f3_murch\u00fa", + "puirs\u00e9al", + "mac_cunnaidh", + "\u00f3_collar\u00e1in", + "mac_d\u00e9id", + "mac_aitig\u00edn", + "\u00f3_labhra", + "\u00f3_cadhlaigh", + "\u00f3_fionnghaile", + "mac_fhionnlaoich", + "\u00f3_raghaill", + "\u00f3_rod\u00e1in", + "\u00f3_croith\u00edn", + "lonnd\u00fan", + "each", + "mac_con_na_buaile", + "\u00f3_l\u00faing", + "\u00f3_hoist\u00edn", + "\u00f3_casarlaigh", + "\u00f3_harg\u00e1in", + "\u00f3_maoldhomhnaigh", + "mac_sein\u00edn", + "\u00f3_caoinle\u00e1in", + "\u00f3_treabhair", + "\u00f3_seibhle\u00e1in", + "\u00f3_fiachra", + "\u00f3_haimhirg\u00edn", + "\u00f3_ciollabh\u00e1in", + "mac_alastair", + "\u00f3_d\u00e9id", + "mac_eoghain", + "mac_conduibh", + "\u00f3_l\u00fa\u00f3g", + "\u00f3_grif\u00edn", + "\u00f3_ceanntabhail", + "\u00f3_cior\u00e1in", + "\u00f3_gn\u00edmh", + "\u00f3_ceallaigh", + "s\u00e1irs\u00e9al", + "\u00f3_t\u00f3l\u00e1in", + "mac_niallghuis", + "mac_cl\u00fain", + "mac_nia", + "mac_giolla_dh\u00e9", + "\u00f3_c\u00e9itinn", + "\u00f3_daimh\u00edn", + "cafua", + "\u00f3_h\u00e9adhn\u00fa", + "\u00f3_ciabh\u00e1in", + "\u00f3_ceafarcaigh", + "\u00f3_raghallaigh", + "mac_anraoi", + "\u00f3_dubhaigh", + "\u00f3_heochadha", + "\u00f3_d\u00e1la", + "laidhl\u00e9is", + "\u00f3_highne", + "de_m\u00f3rdha", + "\u00f3_cao\u00e1in", + "de_l\u00f3ndra", + "\u00f3_f\u00f3gartaigh", + "mac_gamhna", + "macnamee", + "car\u00fan", + "\u00f3_cual\u00e1in", + "\u00f3_laogh\u00f3g", + "\u00f3_ceannduibh", + "\u00f3_conn\u00fach\u00e1in", + "mac_m\u00e1irt\u00edn", + "\u00f3_reachtaire", + "\u00f3_duithche", + "\u00f3_m\u00farn\u00e1in", + "mac_dhubhghail", + "ci\u00fain\u00edn", + "\u00f3_si\u00fard\u00e1in", + "\u00f3_muinilligh", + "\u00f3_hannraoi", + "\u00f3_murach\u00e1in", + "\u00f3_coigligh", + "\u00f3_druach\u00e1in", + "\u00f3_br\u00e9an\u00e1in", + "\u00f3_macasa", + "mac_philb\u00edn", + "mac_taidhg", + "\u00f3_loinne", + "\u00f3_h\u00e9imhigh", + "ruis\u00e9al", + "\u00f3_cinn\u00e9ir", + "mac_ginne\u00e1", + "\u00f3_maolruaidh", + "\u00f3_hioll\u00e1in", + "\u00f3_maine", + "\u00f3_h\u00e9ala\u00ed", + "\u00f3_duibhginn", + "\u00f3_h\u00e9aluighthe", + "mac_ruaidhr\u00ed", + "mac_conacha", + "\u00f3_reachtar", + "\u00f3_lunaigh", + "\u00f3_connollaigh", + "comart\u00fan", + "\u00f3_fuadach\u00e1in", + "\u00f3_cian\u00e1in", + "mac_garaidh", + "\u00f3_cn\u00e1imhsighe", + "\u00f3_conch\u00fair", + "mac_oistig\u00edn", + "\u00f3_marn\u00e1in", + "\u00f3_gaora", + "\u00f3_d\u00fan\u00farta", + "\u00f3_donn\u00e1in", + "\u00f3_liod\u00e1in", + "mac_aodha", + "mac_coisdeala", + "\u00f3_cilltr\u00e1in", + "\u00f3_f\u00e1ilbhe", + "\u00f3_gamhna", + "de_buitl\u00e9ir", + "\u00f3_s\u00edr\u00edn", + "\u00f3_lachn\u00e1in", + "coinn\u00e9r", + "mac_gr\u00e9ill", + "\u00f3_lond\u00e1in", + "\u00f3_hoisc\u00edn", + "mac_caislin", + "\u00f3_meiscill", + "\u00f3_donndhubhartaigh", + "\u00f3_ruanaidhe", + "\u00f3_cruch\u00e1in", + "\u00f3_grialais", + "\u00f3_ceallach\u00e1in", + "\u00f3_coinnle\u00e1in", + "\u00f3_fiachna", + "\u00f3_liathaigh", + "\u00f3_peat\u00e1in", + "\u00f3_cuirr\u00edn", + "mac_coisteala", + "mac_caochla\u00ed", + "\u00f3_gal\u00e1in", + "\u00f3_guairim", + "mac_glion\u00e1in", + "\u00f3_b\u00e1idh", + "\u00f3_scalaighe", + "\u00f3_cuirc", + "br\u00fan", + "\u00f3_coineoil", + "\u00f3_greadaigh", + "\u00f3_leidhinn", + "\u00f3_ceanndubh\u00e1in", + "\u00f3_maolag\u00e1in", + "\u00f3_hiarfhlatha", + "\u00f3_maoilmh\u00edn", + "\u00f3_ceannaigh", + "\u00f3_g\u00e9ibheannaigh", + "\u00f3_hainth\u00edn", + "\u00f3_coscair", + "\u00f3_d\u00e9ide", + "\u00f3_gr\u00edofha", + "\u00f3_br\u00edon\u00e1in", + "mac_claochla\u00ed", + "\u00f3_cuinn", + "\u00f3_gobhann", + "\u00f3_diothch\u00e1in", + "\u00f3_nuan\u00e1in", + "\u00f3_cormaic", + "\u00f3_d\u00fanaighe", + "\u00f3_carr\u00e1in", + "\u00f3_brisle\u00e1in", + "luibh\u00e9ad", + "a_g\u00edontaigh", + "mac_conaola", + "\u00f3_muilc\u00edn", + "\u00f3_huallaigh", + "\u00f3_gaibhre", + "mac_casarlaigh", + "\u00f3_loineach\u00e1in", + "\u00f3_duibhghiolla", + "\u00f3_flaithimh\u00edn", + "mac_dh\u00e1ibhis", + "\u00f3_d\u00farc\u00e1in", + "\u00f3_robhartaigh", + "\u00f3_murraigh", + "mead\u00f3g", + "\u00f3_comhdhain", + "\u00f3_raifteir\u00ed", + "\u00f3_l\u00e1imh\u00edn", + "mac_braoin", + "\u00f3_l\u00fabhaing", + "\u00f3_muire\u00e1in", + "\u00f3_dr\u00edsc\u00edn", + "\u00f3_reachtair", + "mac_ailp\u00edn", + "\u00f3_de\u00e1ghdha", + "\u00f3_leighin", + "\u00f3_mainch\u00edn", + "mac_fhlannchadha", + "\u00f3_s\u00edoch\u00e1in", + "mac_giolla_mh\u00e1irt\u00edn", + "\u00f3_flatharta", + "\u00f3_conghamhna", + "\u00f3_r\u00e1naigh", + "mac_tuathal\u00e1in", + "\u00f3_muireag\u00e1in", + "\u00f3_cnuach\u00e1in", + "\u00f3_l\u00e1sa", + "\u00f3_comair", + "\u00f3_bruadair", + "\u00f3_cail\u00edn", + "mac_gafraigh", + "mac_fhloinn", + "\u00f3_teimhne\u00e1in", + "mac_giolla_fhaol\u00e1in", + "\u00f3_doighre", + "\u00f3_f\u00faraigh", + "sionainn", + "\u00f3_meadhra\u00ed", + "b\u00e1caeir", + "\u00f3_laoghaire", + "\u00f3_heaghr\u00e1in", + "philib", + "\u00f3_raighilligh", + "\u00f3_breasl\u00e1in", + "\u00f3_maoilmhich\u00edl", + "de_l\u00e9ad\u00fas", + "\u00f3_maran\u00e1in", + "caomh\u00e1nach", + "\u00f3_conmhu\u00ed", + "\u00f3_f\u00e9ich\u00edn", + "mac_giolla_sean\u00e1in", + "mr\u00edos\u00e1in", + "mac_\u00f3da", + "\u00f3_hurdail", + "mac_corcor\u00e1in", + "\u00f3_caonaigh", + "freis", + "mac_ghilleathain", + "\u00f3_larc\u00e1in", + "\u00f3_h\u00e9ighne", + "treoigh", + "\u00f3_baoighill", + "mac_diarmada", + "mac_gairbh\u00edn", + "\u00f3_dubhshl\u00e1ine", + "\u00f3_fiacha", + "\u00f3_hodhr\u00e1in", + "mac_cearbhaill", + "mac_giolla_choda", + "\u00f3_bear\u00e1in", + "de_brae", + "\u00f3_tuataigh", + "\u00f3_cearr", + "mac_fhinneachtaigh", + "mac_reanach\u00e1in", + "\u00f3_gearabh\u00e1in", + "mac_aoidh", + "mac_curdaigh", + "\u00f3_coine\u00e1in", + "\u00f3_feith\u00edn", + "\u00f3_curraoin", + "\u00f3_h\u00e9nr\u00ed", + "de_b\u00e9alat\u00fan", + "\u00f3_raighle", + "\u00f3_glionn\u00e1in", + "\u00f3_lurg\u00e1in", + "\u00f3_tuathal\u00e1in", + "mac_giolla_ph\u00e1draig", + "\u00f3_casaide", + "\u00f3_caomh\u00e1naigh", + "\u00f3_hannlaoigh", + "mac_an_ghabhann", + "mac_giolla_na_naomh", + "\u00f3_cailp\u00edn", + "\u00f3_hadhlairt", + "\u00f3_d\u00edomasaigh", + "\u00f3_duibh\u00edn", + "i\u00fast\u00e1s", + "mac_ghille_fhaol\u00e1in", + "\u00f3_maoinigh", + "eilfirt", + "\u00f3_bolghuidhir", + "landy", + "mac_\u00edos\u00f3g", + "\u00f3_murchadha", + "mac_coinnigh", + "\u00f3_carrghamhna", + "\u00f3_flaitile", + "p\u00e1irceir", + "\u00f3_ceanainn", + "\u00f3_cn\u00e1imh\u00edn", + "\u00f3_coirb\u00edn", + "\u00f3_conra", + "\u00f3_maolchraoibhe", + "mac_gaora", + "mac_grialais", + "\u00f3_s\u00e9agha", + "\u00f3_tomhnair", + "mac_fh\u00f3gartaigh", + "\u00f3_duibheannaigh", + "mac_neachtain", + "\u00f3_miadha", + "\u00f3_gog\u00e1in", + "\u00f3_curraidhin", + "mac_suibhne", + "\u00f3_hanraoi", + "\u00f3_diol\u00fain", + "\u00f3_cuag\u00e1in", + "\u00f3_maolalaigh", + "\u00f3_dubhthaigh", + "mac_gr\u00e9ine", + "bar\u00fan", + "\u00f3_cearr\u00fain", + "\u00f3_dr\u00f3na", + "\u00f3_leann\u00e1in", + "uaithne", + "\u00f3_l\u00f3n\u00e1in", + "de_cl\u00e9ir", + "mac_eachmharcaigh", + "\u00f3_haiseadha", + "mac_fheorais", + "de_st\u00f3c", + "mac_c\u00e1ba", + "consaid\u00edn", + "\u00f3_caid\u00edn", + "\u00f3_heislin", + "a'_cillartr\u00e1in", + "mac_an_mh\u00e1istir", + "\u00f3_saoraidhe", + "\u00f3_com\u00e1in", + "\u00f3_guill\u00ed", + "\u00f3_cumhaill", + "\u00f3_h\u00e1nusaigh", + "\u00f3_maoilch\u00e9ir", + "\u00f3_comhra\u00ed", + "\u00f3_reacht\u00faire", + "\u00f3_tr\u00e9infhear", + "\u00f3_sceall\u00e1in", + "mac_aindri\u00fa", + "\u00f3_cuidithe", + "soolach\u00e1n", + "\u00f3_siaghail", + "\u00f3_duigne\u00e1in", + "ceara", + "mac_rabhartaigh", + "\u00f3_\u00e1nusaigh", + "\u00f3_tolain", + "mac_loingsigh", + "caimb\u00e9al", + "\u00f3_t\u00e9idheach\u00e1in", + "\u00f3_murach\u00fa", + "mac_giolla_choinnigh", + "\u00f3_s\u00edom\u00f3in", + "\u00f3_f\u00edona", + "\u00f3_cathal\u00e1in", + "\u00f3_mullala", + "\u00f3_reachtag\u00e1in", + "mac_cathaoir", + "\u00f3_miadhach\u00e1in", + "mac_giolla_mhuire", + "\u00f3_gr\u00edf\u00edn", + "\u00f3_claochla\u00ed", + "\u00f3_h\u00f3g\u00e1in", + "mac_an_mhadaidh", + "\u00f3_maic\u00edn", + "de_car\u00fan", + "\u00f3_haichir", + "\u00f3_mianaigh", + "\u00f3_c\u00e9ide", + "\u00f3_hiorbhard", + "\u00f3_labhr\u00fa", + "\u00f3_coll\u00e1in", + "\u00f3_lionn\u00e1in", + "mac_conchoille", + "\u00f3_bion\u00e1in", + "mac_sl\u00e9ibh\u00edn", + "\u00f3_cuacach", + "\u00f3_bior\u00e1in", + "ceoth\u00e1nach", + "de_barra", + "\u00f3_hoireabhard", + "\u00f3_laoithe", + "\u00f3_coinneach\u00e1in", + "mac_robhartaigh", + "\u00f3_ruan\u00e1in", + "mac_giolla_an_chloig", + "\u00f3_loinnsge", + "mac_firbhisigh", + "\u00f3_ciaraigh", + "\u00f3_maoile\u00e1in", + "\u00f3_costag\u00e1in", + "mac_conn\u00f3l", + "\u00f3_miadhaigh", + "\u00f3_braon\u00e1in", + "\u00f3_corlaigh", + "mac_niocail", + "\u00f3_cuilean\u00e1in", + "\u00f3_cuirle\u00e1in", + "\u00f3_mach\u00e1in", + "\u00f3_ciothaigh", + "\u00f3_maolmhudh\u00f3g", + "\u00f3_fiannachta", + "\u00f3_mainich\u00edn", + "\u00f3_reannach\u00e1in", + "\u00f3_cuinn\u00e9ir", + "\u00f3_bolguidhir", + "mac_an_ghall\u00f3glaigh", + "mac_thiarn\u00e1in", + "\u00f3_duirn\u00edn", + "\u00f3_maold\u00fain", + "\u00f3_dighe", + "\u00f3_maoineach\u00e1in", + "\u00f3_nia", + "mac_cuilean\u00e1in", + "\u00f3_dorch\u00e1in", + "\u00f3_tiomanaidh", + "\u00f3_s\u00e9", + "\u00f3_cill\u00edn", + "\u00f3_nuadhain", + "mac_concharraige", + "l\u00fais\u00e9ad", + "\u00f3_mal\u00f3id", + "\u00f3_cearmada", + "\u00f3_donnch\u00fa", + "de_liost\u00fan", + "mac_giolla_choille", + "\u00f3_maolriagh\u00e1in", + "\u00f3_ceithearnaigh", + "mac_coingheall\u00e1", + "\u00f3_muireann", + "\u00f3_tarpaigh", + "mac_ghoill", + "\u00f3_luachra", + "doghair", + "mac_catail\u00edn", + "\u00f3_hin\u00e9irigh", + "mac_sh\u00f3mais", + "\u00f3_l\u00edonach\u00e1in", + "\u00f3_b\u00e9ag\u00e1in", + "\u00f3_con\u00fach\u00e1in", + "mac_uaid", + "\u00f3_caol\u00e1in", + "\u00f3_t\u00f3rpaigh", + "\u00f3_maoilearca", + "\u00f3_luag", + "mac_canna", + "\u00f3_mor\u00e1in", + "\u00f3_fearchair", + "mac_an_mh\u00edlidh", + "de_h\u00f3ra", + "\u00f3_lonn\u00e1in", + "mac_riada", + "\u00f3_cuille\u00e1in", + "mac_fhionghuin", + "\u00f3_maol_aodha", + "capua", + "\u00f3_beirgin", + "mac_giolla_geimhridh", + "\u00f3_maoil_eoin", + "de_tre\u00f3", + "\u00f3_br\u00f3ithe", + "mac_gorm\u00e1in", + "\u00f3_laithbheartaigh", + "de_lonndraigh", + "\u00f3_scolaidhe", + "mac_le\u00f3id", + "\u00f3_f\u00e1rta", + "mac_niallghais", + "\u00f3_h\u00edomhair", + "\u00f3_dubhthaigh_recte_dooly", + "mac_an_bhreithimh", + "\u00f3_gr\u00edofa", + "de_l\u00e9is", + "\u00f3_g\u00e9ibhinn", + "\u00f3_maoileach\u00e1in", + "\u00f3_dubhda", + "de_l\u00e1saidhe", + "\u00f3_maoileala", + "mac_cr\u00e9adaigh", + "\u00f3_tuaruisce", + "\u00f3_cruadhlaoich", + "de_r\u00f3s", + "neanc\u00f3l", + "mac_dhubhghaill", + "de_neanc\u00f3l", + "\u00f3_coingheallaigh", + "\u00f3_cuil\u00edn", + "\u00f3_cibhil", + "colum", + "mac_aindriais", + "mac_inneirghe", + "mac_costag\u00e1in", + "\u00f3_coinne", + "mac_an_mh\u00edleadha", + "mac_giolla_e\u00e1in", + "mac_coiligh", + "bhail\u00eds", + "\u00f3_l\u00f3g\u00e1in", + "\u00f3_ce\u00e1rna", + "\u00f3_tuathal\u00edn", + "\u00f3_madaidhe", + "mac_cairbre", + "\u00f3_moch\u00f3raigh", + "\u00f3_rioll\u00e1in", + "mac_fhlannag\u00e1in", + "\u00f3_s\u00edththe", + "\u00f3_fiach\u00e1in", + "\u00f3_braoin", + "\u00f3_reachtabhra", + "\u00f3_foghl\u00fa", + "\u00f3_d\u00edochon", + "\u00f3_coigil", + "\u00f3_c\u00faise", + "\u00f3_scanaill", + "\u00f3_muirgheas\u00e1in", + "\u00f3_comhghaill", + "\u00f3_d\u00edsc\u00edn", + "\u00f3_h\u00e9ide\u00e1in", + "\u00f3_caodhla", + "mac_fearadhaigh", + "\u00f3_traoin", + "\u00f3_dubhl\u00e1in", + "de_cr\u00fais", + "mac_ualghairg", + "\u00f3_hearn\u00e1in", + "\u00f3_finn", + "\u00f3_molraoghain", + "\u00f3_luineach\u00e1in", + "\u00f3_domhnall\u00e1in", + "mac_giollarn\u00e1th", + "\u00f3_heidhin", + "\u00f3_coinn\u00e9ir", + "\u00f3_connbhu\u00ed", + "g\u00e1ineard", + "\u00f3_g\u00edontaigh", + "mac_cathbhaid", + "\u00f3_dubhlaoich", + "\u00f3_bearn\u00e1in", + "\u00f3_laoidhigh", + "de_nge\u00e1rd", + "mac_shi\u00fard\u00e1in", + "\u00f3_toirbhealaigh", + "gug\u00e1n", + "\u00f3_r\u00e1ighne", + "\u00f3_loide\u00e1in", + "mac_eoin", + "\u00f3_c\u00edor\u00e1in", + "\u00f3_buadhach\u00e1in", + "\u00f3_dire\u00e1in", + "\u00f3_creag", + "mac_\u00fag\u00f3", + "\u00f3_rathallaigh", + "\u00f3_caoile\u00e1in", + "\u00f3_heideag\u00e1in", + "\u00f3_diothchain", + "\u00f3_hailghean\u00e1in", + "\u00f3_buachalla", + "\u00f3_searraigh", + "\u00f3_hoireabaird", + "\u00f3_maolghuala", + "l\u00e1s", + "\u00f3_laidhin", + "\u00f3_hearch\u00fa", + "\u00f3_beach\u00e1in", + "\u00f3_seanainn", + "mac_shi\u00fart\u00e1in", + "\u00f3_caoin", + "mac_cual\u00e1in", + "de_h\u00f3rdha", + "\u00f3_dubhag\u00e1in", + "\u00f3_d\u00f3l\u00e1in", + "mac_an_\u00e1tha", + "\u00f3_c\u00f3rrain", + "\u00f3_carraidhin", + "\u00f3_huallach\u00e1in", + "mac_an_mhaoir", + "\u00f3_hearghail", + "\u00f3_g\u00e9ar\u00e1in", + "mac_amhalghaidh", + "\u00f3_cathbhuadhaigh", + "mac_thr\u00e9infhear", + "\u00f3_cearr\u00fac\u00e1in", + "\u00f3_cainnigh", + "\u00f3_treasa\u00ed", + "mac_giolla_deacair", + "\u00f3_maothag\u00e1in", + "\u00f3_cuirt\u00e9ir", + "\u00f3_hargad\u00e1in", + "\u00f3_huitseach\u00e1in", + "\u00f3_maoir", + "\u00f3_liath\u00e1in", + "mac_gearachaigh", + "\u00f3_cullaigh", + "\u00f3_hicidhe", + "\u00f3_g\u00fan\u00e1in", + "\u00f3_fear\u00e1in", + "mac_risteard", + "\u00f3_de\u00e1gha", + "\u00f3_gleann\u00e1in", + "\u00f3_criomhthain", + "mac_cathmhaoil", + "\u00f3_fionnmhac\u00e1in", + "\u00f3_baoigheall\u00e1in", + "\u00f3_ruanadha", + "\u00f3_gairbhia", + "\u00f3_maonaigh", + "\u00f3_d\u00e9adaigh", + "mac_murchadha", + "\u00f3_lon\u00e1in", + "mac_aonghais", + "\u00f3_coile", + "\u00f3_loididh", + "mac_giolla_ghuala", + "\u00f3_fearraidhe", + "mac_coisdealbha", + "\u00f3_loinn", + "\u00f3_cuim\u00edn", + "\u00f3_niath\u00e1in", + "\u00f3_maol\u00e1in", + "mac_maol\u00e1in", + "mac_lughadha", + "\u00f3_murghaile", + "\u00f3_muraoile", + "\u00f3_riard\u00e1in", + "de_n\u00f3gla", + "\u00f3_l\u00f3ch\u00e1in", + "mac_ois\u00edn", + "cuine\u00e1in", + "mac_shitric", + "\u00f3_birn", + "\u00f3_dubhdh\u00e1in", + "\u00f3_muireadhaigh", + "\u00f3_h\u00e9ilidhe", + "\u00f3_goib\u00edn", + "mac_ceannabh\u00e1in", + "\u00f3_caingne", + "\u00f3_dord\u00e1in", + "\u00f3_d\u00fada", + "\u00f3_liaghain", + "\u00f3_hourach\u00e1in", + "\u00f3_cathaoir", + "\u00f3_biach\u00e1in", + "\u00f3_heochach", + "\u00f3_buadhaigh", + "\u00f3_gailli\u00fain", + "\u00f3_coine\u00f3il", + "mac_philib", + "\u00f3_fodhladha", + "\u00f3_donnghaile", + "mac_an_chros\u00e1in", + "ceirisc", + "mac_comhghaill", + "de_bhulbh", + "\u00f3_cuannaigh", + "\u00f3_m\u00e1th\u00fana", + "\u00f3_cl\u00fan\u00e1in", + "dion\u00fan", + "\u00f3_r\u00fanaidhe", + "de_b\u00e1th", + "muilleoir", + "mac_fhlaithimh", + "\u00f3_robhach\u00e1in", + "mac_cn\u00e1imhsighe", + "\u00f3_hannaidh", + "\u00f3_breannd\u00e1in", + "\u00f3_crotaigh", + "mac_consaid\u00edn", + "mac_giollag\u00e1in", + "\u00f3_d\u00fanlaing", + "mac_bhloscaigh", + "\u00f3_dearg\u00e1in", + "\u00f3_m\u00edl\u00e9ada", + "\u00f3_daghn\u00e1in", + "\u00f3_gaoith\u00edn", + "mac_seafraidh", + "\u00f3_muinn\u00edle", + "mac_dhuinneabh\u00e1in", + "\u00f3_riag\u00e1in", + "mac_conmhaoil", + "\u00f3_cearnaigh", + "\u00f3_sluaghdh\u00e1in", + "\u00f3_donndubhartaigh", + "\u00f3_meidhir", + "mac_an_leagha", + "\u00f3_mong\u00e1in", + "\u00f3_tighearnaigh", + "mac_giolla_dhiarmada", + "\u00f3_calaigh", + "\u00f3_spioll\u00e1in", + "ceothach", + "\u00f3_h\u00e9imhthigh", + "\u00f3_feardhaigh", + "\u00f3_cunnaidh", + "mac_tiarn\u00e1in", + "\u00f3_doghair", + "mac_niadh", + "p\u00f3il", + "\u00f3_muirneach\u00e1in", + "mac_cn\u00e1imhs\u00ed", + "mac_uibhr\u00edn", + "\u00f3_mill\u00e9adha", + "\u00f3_ludh\u00f3g", + "gionnachtaigh", + "\u00f3_n\u00fain", + "\u00f3_cuileann\u00e1in", + "\u00f3_loinnigh", + "\u00f3_cathail", + "de_h\u00edde", + "\u00f3_flabh\u00e1in", + "\u00f3_hearbhard", + "mac_eiteag\u00e1in", + "\u00f3_niaidh", + "mac_an_bhreitheamhain", + "mac_carluis", + "\u00f3_fuarth\u00e1in", + "\u00f3_r\u00edord\u00e1in", + "\u00f3_flannag\u00e1in", + "capuaigh", + "\u00f3_ruaidhe", + "\u00f3_h\u00f3r\u00e1in", + "\u00f3_hainif\u00edn", + "\u00f3_dorchaidhe", + "\u00f3_c\u00falach\u00e1in", + "mac_an_r\u00ed", + "mac_riocaird", + "\u00f3_hionnghaile", + "\u00f3_roithle\u00e1in", + "\u00f3_lochtn\u00e1in", + "\u00f3_caoilte", + "\u00f3_dunshl\u00e9ibhe", + "mac_an_bhua", + "mac_nail\u00edn", + "\u00f3_cathmhaoil", + "\u00f3_seanach\u00e1in", + "mac_an_tsaoi", + "\u00f3_donnchadha", + "\u00f3_cais\u00edn", + "\u00f3_contra", + "ruairc", + "\u00f3_f\u00f3ghladha", + "\u00f3_gill\u00edn", + "\u00f3_dubhghaill", + "\u00f3_caodh\u00e1in", + "mac_roib\u00edn", + "\u00f3_cruach\u00e1in", + "\u00f3_goll\u00e1in", + "\u00f3_priongal\u00f3id", + "mac_conagail", + "\u00f3_cl\u00e9ireach\u00e1in", + "\u00f3_coisdealbha", + "\u00f3_carrag\u00e1in", + "\u00f3_rinn", + "\u00f3_caomh\u00e1in", + "\u00f3_hoireabhaird", + "seoighe", + "mac_criomhthain", + "\u00f3_gr\u00e1daigh", + "mac_conchradha", + "\u00f3_madaidhin", + "cios\u00f3g", + "\u00f3_duinnshl\u00e9ibhe", + "\u00f3_cuanach\u00e1in", + "\u00f3_b\u00e9arra", + "\u00f3_l\u00edthe", + "de_br\u00fan", + "\u00f3_duineacha", + "\u00f3_geann\u00e1in", + "\u00f3_h\u00f3dhra", + "\u00f3_maolallaigh", + "mac_giolla_mhuiris", + "\u00f3_crim\u00edn", + "\u00f3_s\u00failleabh\u00e1in", + "coin\u00edn", + "\u00f3_gealbh\u00e1in", + "mac_gilleathain", + "mac_cart\u00e1in", + "\u00f3_sionach\u00e1in", + "\u00f3_conaire", + "\u00f3_coill\u00edn", + "\u00f3_faol\u00e1in", + "\u00f3_ceoch\u00e1in", + "b\u00e9ireach", + "mac_g\u00e1ineard", + "mac_sheoin\u00edn", + "\u00f3_ban\u00e1in", + "mac_an_deag\u00e1naigh", + "\u00f3_ciardha", + "\u00f3_duibhne", + "\u00f3_hoirbheard", + "\u00f3_fithchealla", + "\u00f3_rudaigh", + "\u00f3_fionnall\u00e1in", + "\u00f3_hic\u00ed", + "\u00f3_g\u00e1naird", + "de_noraidh", + "mac_gearchaigh", + "mac_ghille_\u00edosa", + "mac_conraoi", + "mac_gloinn", + "\u00f3_monghaile", + "mac_st\u00edn", + "de_r\u00f3isde", + "\u00f3_laidhe", + "mac_thoirbhealaigh", + "\u00f3_huisc\u00edn", + "mac_craobh\u00e1in", + "mac_tuathail", + "\u00f3_flannabhra", + "tre\u00f3", + "\u00f3_darg\u00e1in", + "\u00f3_seanaigh", + "\u00f3_gr\u00edbhth\u00edn", + "\u00f3_l\u00e9ineach\u00e1in", + "mac_giollarua", + "\u00f3_muirth\u00edn", + "grialais", + "mac_fhearadhaigh", + "ginne\u00e1", + "\u00f3_seibhlin", + "ciarag\u00e1in", + "\u00f3_maolmhoch\u00f3irghe", + "cadhain", + "\u00f3_cuilliudha", + "\u00f3_d\u00fana\u00ed", + "\u00f3_br\u00e1on\u00e1in", + "\u00f3_cuilli\u00fa", + "\u00f3_r\u00e9ag\u00e1in", + "\u00f3_claochlaoigh", + "\u00f3_c\u00e9itig", + "\u00f3_heoghain", + "\u00f3_heil\u00edre", + "\u00f3_r\u00e1ghaill", + "\u00f3_huidhir", + "mac_liam", + "mac_dhonncha", + "\u00f3_fual\u00e1in", + "\u00f3_lionach\u00e1in", + "\u00f3_lap\u00e1in", + "de_paor", + "conraoi", + "\u00f3_connachtaigh", + "de_searl\u00f3g", + "\u00f3_luanaigh", + "\u00f3_tiom\u00e1na\u00ed", + "\u00f3_caona", + "\u00f3_h\u00e9igearta", + "\u00f3_mad\u00e1in", + "\u00f3_duibhfhinn", + "\u00f3_lanag\u00e1in", + "a_goireachtaigh", + "\u00f3_hoirchinnigh", + "\u00f3_spiol\u00e1in", + "mac_fhearchair", + "mac_gaoith\u00edn", + "\u00f3_somach\u00e1in" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "m\u00e1thairab": "abba", + "ban_ab": "abba", + "banbhar\u00fan": "bar\u00fan", + "br\u00eddeach": "giolla_scoir", + "cathaoirleach": "fear_cathaoireach", + "bandi\u00fac": "di\u00fac", + "banimpire": "c\u00e1r", + "baineannach": "fireannach", + "boireannach": "fireannach", + "baineann": "fireannach", + "garin\u00edon": "mac_mic", + "ardmh\u00e1istre\u00e1s": "ardmh\u00e1istir", + "banlaoch": "gaisc\u00edoch", + "banghaisc\u00edoch": "gaisc\u00edoch", + "ban\u00f3stach": "\u00f3stach", + "bean_uasal": "tiarna", + "d\u00e1ma": "tiarna", + "bantiarna": "tiarna", + "bantiarna_tal\u00fan": "tiarna_talaimh", + "gearrchaile": "fi\u00fa", + "caileag": "leaid", + "in\u00edon": "ridire", + "\u00f3gbhean": "ridire", + "mam": "athair", + "bh": "uas", + "bean_rialta": "manach", + "cailleach_dhubh": "manach", + "bansagart": "athair_naofa", + "in\u00edon_r\u00ed": "an_prionsa", + "flaith": "prionsa", + "banr\u00edon": "r\u00ed", + "queens": "r\u00edthe", + "singil": "dearth\u00e1ir", + "deirfi\u00far": "dearth\u00e1ir", + "leasin\u00edon": "leasmhac", + "leasmh\u00e1thair": "leasathair", + "baintreach": "baintreach_fir", + "bean": "fear_c\u00e9ile", + "bean_ch\u00e9ile": "fear_c\u00e9ile", + "wicca": "draoi", + "cailleach": "m\u00e1g", + "cailleach_ultach": "asarla\u00ed", + "bean_ultach": "asarla\u00ed", + "gars\u00fan": "hine", + "fi\u00fa": "caileag", + "buachaill": "hine" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "homaighn\u00e9asach", + "d\u00e9ghn\u00e9asach" + ], + "he": [ + "leaid", + "buachaill", + "gars\u00fan", + "fireannach", + "fi\u00fa" + ], + "she": [ + "boireannach", + "d\u00e1ma", + "in\u00edon", + "cail\u00edneog", + "bean", + "baineannach", + "bean_uasal", + "bantiarna", + "baineann", + "hine", + "caileag", + "ainnir", + "\u00f3gbhean", + "leispiach", + "cine\u00e1l_baineann", + "cine\u00e1l_banda" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "lia" + ], + "they": [ + "siad", + "lia", + "iad", + "iadsan", + "siadsan", + "olar" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gag.json b/data_tooling/pii_processing/ontology/data/gag.json new file mode 100644 index 0000000..f8fd595 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gag.json @@ -0,0 +1,57 @@ +{ + "JOB": [ + "don", + "para" + ], + "DISEASE": [ + "para" + ], + "ANIMAL": [ + "mink" + ], + "ORG": [ + "ekincilik" + ], + "PUBLIC_FIGURE": [ + "o", + "zambak" + ], + "LANGUAGE": [ + "saksan" + ], + "SOC_ECO_CLASS": [ + "ekincilik" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "unuka": "torun", + "kar\u0131": "ki\u015fi", + "kad\u0131n": "ki\u015fi" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "ki\u015fi" + ], + "she": [ + "kad\u0131n", + "kar\u0131" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "elli" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gd.json b/data_tooling/pii_processing/ontology/data/gd.json new file mode 100644 index 0000000..ab4b696 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gd.json @@ -0,0 +1,526 @@ +{ + "PLANT": [ + "seircean", + "learag", + "muileag", + "buidheag", + "plumas", + "cathair_thalmhainn", + "curran", + "biotais", + "slinnean", + "caorann", + "naomh_moire", + "abragod", + "deanntag" + ], + "PUBLIC_FIGURE": [ + "henry_cavendish", + "mar_sin_air_adhart", + "che_guevara", + "william_gladstone", + "eduard_buchner", + "winston_churchill", + "paul_mccartney", + "richard_smalley", + "artair", + "isaac_newton", + "victor_hugo", + "milton_friedman", + "raibeart", + "george_harrison", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "marie_curie", + "griogair", + "samuel_beckett", + "galileo_galilei", + "jane_goodall", + "robert_koch", + "john_steinbeck", + "vincent_van_gogh", + "hans_fischer", + "marie_antoinette", + "giuseppe_verdi", + "e", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "louis_pasteur", + "luigi_pirandello", + "t_s_eliot", + "charles_de_gaulle", + "y", + "mary_mallon", + "f", + "thomas_mann", + "dante_alighieri", + "james_tobin", + "giacomo_puccini", + "joseph_priestley", + "oscar_wilde", + "piet_mondriaan", + "richard_trevithick", + "laurence_olivier", + "a", + "james_brown", + "immanuel_kant", + "john_haldane", + "ealasaid", + "giulio_natta", + "william_blake", + "canberra", + "elias_canetti", + "john_mercer", + "lars_onsager", + "joseph_black", + "bertrand_russell", + "michael_faraday", + "jan_tinbergen", + "friedrich_engels", + "jane_austen", + "robert_redford", + "theodor_mommsen", + "william_golding", + "alfred_nobel", + "daniel_rutherford", + "marco_polo", + "charlie_watts", + "henri_bergson", + "naomh_p\u00e0draig", + "patrick_white", + "hans_christian_andersen", + "cary_grant", + "isaac_watts", + "otto_hahn", + "john_galsworthy", + "gille_m\u00f9chain", + "o", + "adam_smith", + "karl_marx", + "i", + "mel_gibson", + "ingrid_bergman", + "adolf_hitler", + "fritz_haber", + "eideard", + "vladimir_putin", + "g", + "james_cagney", + "r", + "george_lucas", + "andrew_jackson", + "st_louis_missouri", + "johannes_gutenberg", + "d", + "william_faulkner", + "putin", + "marcus_aurelius", + "paul_newman", + "john_lennon", + "charlie_chaplin", + "james_watt", + "ronald_reagan", + "s", + "woodrow_wilson", + "ernest_hemingway", + "cristoforo_colombo", + "nelson_mandela", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "fulangach", + "wallace_carothers", + "francisco_franco", + "andrew_carnegie", + "johnny_cash", + "mick_jagger", + "walter_scott", + "vladimir_lenin", + "sam_houston", + "albert_einstein", + "t", + "cervantes", + "wilhelm_ostwald" + ], + "JOB": [ + "banchaig", + "banarach", + "fuineadair", + "copaidh", + "radan", + "maraiche", + "ministear", + "marsal", + "deasaiche", + "lighiche", + "muireach", + "dannsair", + "dotair", + "gruagaire", + "uachdaran", + "meacanaig", + "obraiche", + "loingear", + "malairtiche", + "lethbhreac", + "fastachadh", + "siorram", + "buachaill_chaorach", + "reiceadair", + "rianaire", + "searmonaiche", + "grosair", + "deathan", + "roithlear", + "clachair", + "dealbhadair_thogalach", + "rothadair", + "teiripiche", + "riaghladair", + "f\u00f9cadair", + "caiptean" + ], + "ANIMAL": [ + "beathadach", + "los_leathann", + "cat", + "rasmhaol", + "taghan", + "firefox", + "athaid", + "mamal", + "speireag", + "starrag", + "clamhan", + "curracag", + "cam_ghob", + "sgrab", + "seabhag", + "goiriola", + "glasag", + "minc", + "speach", + "fearaid", + "puthag", + "peileag", + "bronnag", + "gobhlan_gaoithe", + "cathan", + "neas", + "losgann", + "glaisean", + "coileach_dubh", + "gearra_mhuc", + "connspeach", + "cairgein" + ], + "DISEASE": [ + "a_phluc", + "siataig", + "dragh", + "cadal", + "f\u00e0illigeadh", + "gall", + "pronnadh", + "dolair", + "buaireas", + "galar_pearraide", + "luch", + "neach_st\u00e8idheachaidh", + "alltan", + "failc", + "an_galar_tuiteamas_cadail", + "torraicheas", + "a_chaitheamh", + "a_phloic", + "breisleach", + "gaiseadh", + "bramasag", + "mearan", + "am_b\u00e0s_dubh", + "a_bhanachrach", + "caidil", + "bruaillean", + "a_bhreac", + "sl\u00ecog", + "uathachas", + "leatromachd", + "casadaich" + ], + "PRODUCT": [ + "justin_bieber", + "am_manifesto_commanach", + "s\u00e3o_tom\u00e9_agus_pr\u00edncipe", + "an_spiorad_naomh", + "s_fhearr_deireadh_math_na_droch_thoiseach", + "sagsainn_anhalt", + "na_fir_chlis", + "an_d\u00e0rna_cogadh", + "nordrhein_westfalen", + "bodach_na_nollaige", + "c\u00f2raichean_daonna", + "an_r\u00ecoghachd_aonaichte", + "an_cogadh_m\u00f2r" + ], + "RELIGION": [ + "zen", + "siont\u00f2", + "islam", + "wicca" + ], + "ORG": [ + "wicca", + "an_t_aonadh_e\u00f2rpach", + "loch_laomainn", + "nasa", + "an_roinn_e\u00f2rpa", + "an_t_aonadh_eorpach", + "an_cogadh_fuar", + "san_francisco", + "a_ghearmailt_an_ear", + "\u00e0iteachas", + "saothair", + "an_gearasdan", + "oidhche_challainn", + "eaglais_chaitligeach", + "na_d\u00f9thchannan_aonaichte", + "dia", + "rabindranath_tagore", + "siont\u00f2", + "foghlam", + "addis_ababa", + "p\u00e0rtaidh_phoileatagach", + "hare_krishna", + "loch_superior", + "an_t_ath_leasachadh", + "na_st\u00e0itean_aonaichte", + "los_angeles", + "a_ghearmailt_n\u00e0sach", + "is_e_an_cleachdadh_a_n\u00ec_te\u00f2ma", + "cuaigearan", + "an_dr\u00e0sta_s_a_rithist", + "eaglais_an_r\u00f2imh", + "domhan_\u00f9r", + "an_\u00e0irc", + "baisteach", + "gearmailtis", + "s\u00e3o_tom\u00e9", + "p\u00e0irtidh" + ], + "GENDER": [ + "balach", + "balachan", + "caileag", + "gruagach", + "baintighearna" + ], + "GPE": [ + "spiorad_naomh", + "dar_es_salaam", + "sri_jayawardenapura", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "al_andalus", + "naomh_se\u00f2ras", + "an_spiorad_naomh", + "ar_baintighearna", + "impireachd_na_gearmailte", + "la_gomera", + "tiomnadh_nuadh", + "naomh_nicol" + ], + "LANGUAGE": [ + "suainis", + "arabais", + "nirribheach", + "afraganais", + "frangais", + "malaidheach", + "hindi", + "esperanto", + "afrag\u00e0ns", + "an_t_seann_gh\u00e0idhlig", + "airmeineach", + "bealaruiseach", + "seiceach", + "alb\u00e0ineach", + "amarais", + "ruiseanach", + "tonga" + ], + "LOCATION": [ + "daida\u00edn_na_nollaig", + "na_rolling_stones", + "o_shean", + "callainn", + "an_cuan_a_tuath", + "cape_verde", + "o_chionn_fhada", + "s_e_do_bheatha", + "na_st\u00e0itean_aonaichte", + "na_h_aimearagan", + "an_ear_mheadhan", + "an_ear_mheadhanach", + "ameireaganach", + "am_muir_dubh", + "na_h_eileanan_f\u00e0clainn" + ], + "FOOD": [ + "marag", + "brisg", + "pastra" + ], + "PERSON_PRONOUN": [ + "i", + "agamsa", + "me" + ], + "RELIGION_MEMBER": [ + "cuaigear", + "abstol" + ], + "TITLE": [ + "a_bh", + "sir", + "maighstir" + ], + "FAC": [ + "ionad_bh\u00f9than", + "mall", + "oifis_a'phuist", + "naomh_l\u00f9isia" + ], + "RACE": [ + "sasannaich", + "afragach", + "innseanach", + "frangach" + ], + "SOC_ECO_CLASS": [ + "samurai", + "clas_obrach" + ], + "DATE": [ + "thall", + "an_earar", + "lusa" + ], + "QUANTITY": [ + "g", + "tr\u00ec_mheudach" + ], + "POLITICAL_PARTY": [ + "saothair" + ], + "POLITICAL_PARTY_MEMBER": [ + "comannach", + "co_mhaoineach" + ], + "UNION": [ + "aonadh_obrach" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "nighean": "balach", + "nighneag": "balach", + "n\u00econag": "gille", + "ban_di\u00f9c": "di\u00f9c", + "ban_\u00ecmpire": "ceusair", + "banail": "fireannta", + "boireannach": "mac_an_duine", + "caileag": "balach", + "nighean_mhic": "mac_ighne", + "nighean_ighne": "mac_ighne", + "ban_ogha": "mac_ighne", + "bana_ghaisgeach": "laoch", + "bean_uasal": "tighearna", + "baintighearna": "tighearna", + "gruagach": "gille", + "r\u00ecbhinn": "balach", + "rach_iomrall": "sir", + "m\u00e0thair": "athair", + "a_bh": "mgr", + "bean_chr\u00e0bhaidh": "manach", + "cailleach_dhubh": "manach", + "bana_phrionnsa": "flath", + "banrigh": "r\u00ecgh", + "s\u00f2r": "br\u00e0thair", + "piuthar": "br\u00e0thair", + "bana_bhuidseach": "buidseach", + "seana_mhaighdeann": "fleasgach", + "leas_nighean": "mac_c\u00e8ile", + "leas_mh\u00e0thair": "leas_athair", + "muime": "leas_athair", + "maighdeann_frithealaidh": "gille_frithealaidh", + "bean": "mac_an_duine", + "bean_ch\u00e8ile": "fear_p\u00f2sda", + "bean_ph\u00f2sda": "fear_p\u00f2sda", + "wicca": "draoidh", + "cailleach": "draoidh", + "ban_draoidh": "draoidh", + "buidseach": "draoidh", + "seun": "nighean", + "balachan": "nighneag", + "gille": "n\u00econag", + "balach": "nighneag" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "g\u00e8idh", + "d\u00e0_mhiannach", + "co_ghn\u00e8itheach", + "d\u00e0_ghn\u00e8itheach", + "co_she\u00f2rsach", + "tar_ghn\u00e8itheach" + ], + "he": [ + "balachan", + "fireannta", + "balach", + "duine_uasal", + "seun", + "mac_an_duine", + "gille" + ], + "she": [ + "boireannach", + "n\u00econag", + "rach_iomrall", + "nighean", + "\u00f2igh", + "banail", + "bean", + "bean_uasal", + "caileag", + "ainnir", + "r\u00ecbhinn", + "baintighearna", + "nighneag", + "gruagach" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "aca", + "iad", + "iadsan" + ], + "it": [ + "iad_seo" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gl.json b/data_tooling/pii_processing/ontology/data/gl.json new file mode 100644 index 0000000..b3c55dc --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gl.json @@ -0,0 +1,2039 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "la_tour", + "henry_cavendish", + "matthew_arnold", + "lev_ivanov", + "benjamin_franklin", + "martin_buber", + "john_bartlett", + "karl_gjellerup", + "akira_kurosawa", + "frances_wright", + "maria_tallchief", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "roger_williams", + "le_duc_tho", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_wolfe", + "ernesto_guevara", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "leonard_bernstein", + "alistair_cooke", + "che_guevara", + "charles_townes", + "georges_simenon", + "c", + "alan_seeger", + "i_a_richards", + "ren\u00e9_descartes", + "thomas_hodgkin", + "augustin_fresnel", + "john_barth", + "edward_albee", + "dorothy_parker", + "maria_callas", + "victor_herbert", + "william_walton", + "henrik_ibsen", + "william_gladstone", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "douglas_macarthur", + "james_michener", + "mary_wollstonecraft", + "lamberto", + "j_edgar_hoover", + "thomas_reid", + "o_holand\u00e9s_voador", + "john_jacob_astor", + "anna_pavlova", + "winston_churchill", + "diplomatura", + "johannes_diderik_van_der_waals", + "giambattista_marini", + "b", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "dmitri_shostakovich", + "paul_mccartney", + "richard_smalley", + "andrew_marvell", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "john_trumbull", + "topete", + "joseph_greenberg", + "isaac_newton", + "richard_upjohn", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "amy_lowell", + "mui\u00f1eiro", + "edward_gibbon", + "jefferson_davis", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "george_burns", + "bakunin", + "george_harrison", + "peter_minuit", + "george_orwell", + "maximiano", + "arthur_koestler", + "richard_wagner", + "joseph_john_thomson", + "thornton_wilder", + "e_l_doctorow", + "pancho_villa", + "aleksandr_borodin", + "leopold_stokowski", + "rebecca_west", + "o_enxe\u00f1oso_fidalgo_don_quixote_da_mancha", + "marie_curie", + "francis_galton", + "mary_martin", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "alexander_i", + "thomas_hobbes", + "joseph_lister", + "edward_weston", + "el_greco", + "roberto", + "samuel_beckett", + "david", + "galileo_galilei", + "ernest_bevin", + "jane_goodall", + "der_fliegende_holl\u00e4nder", + "john_donne", + "chaim_weizmann", + "andrea_guarneri", + "robert_koch", + "i_m_pei", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "baldu\u00edno", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "w", + "william_hazlitt", + "marie_stopes", + "anne_boleyn", + "john_ruskin", + "robert_burns", + "john_henry", + "hans_albrecht_bethe", + "carl_anderson", + "thomas_paine", + "bari", + "francis_beaumont", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "yuri_gagarin", + "willem_einthoven", + "constantino", + "phil_anderson", + "marco_aurelio", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "allen_iverson", + "marie_antoinette", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "walter_lippmann", + "edward_appleton", + "e", + "karl_jaspers", + "beethoven", + "hideki_yukawa", + "konrad_adenauer", + "john_l_lewis", + "marianne_moore", + "norbert_wiener", + "john_masefield", + "horatio_nelson", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "catarina", + "frank_sinatra", + "e_as\u00ed_por_diante", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "j", + "richard_strauss", + "stephen_decatur", + "leslie_howard", + "hugo_grotius", + "o_holand\u00e9s_errante", + "mahalia_jackson", + "ben_shahn", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "katherine_mansfield", + "gertrude_stein", + "j_b_s_haldane", + "sarah_bernhardt", + "v", + "philip_marlowe", + "luigi_pirandello", + "t_s_eliot", + "e_g_marshall", + "marc_blitzstein", + "hank_williams", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "hercio", + "paul_verlaine", + "q", + "james_dean", + "richard_lovelace", + "marie_tussaud", + "roger_bannister", + "theodor_schwann", + "max_beerbohm", + "alessandro_manzoni", + "joseph_priestley", + "robert_oppenheimer", + "nicolas_poussin", + "andrea_mantegna", + "adolf_windaus", + "joseph_pulitzer", + "ring_lardner", + "george_huntington", + "charles_schulz", + "james_naismith", + "oscar_wilde", + "philip_roth", + "j_d_salinger", + "henry", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "eli_whitney", + "glenn_curtiss", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "gustavo", + "adolf_eichmann", + "marilyn_horne", + "personaxe_imaxinaria", + "stan_musial", + "xerez", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "joseph_heller", + "a", + "morris", + "saladino", + "norman_rockwell", + "boris_spassky", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "john_mitchell", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "charles_de_montesquieu", + "james_meredith", + "samuel_gompers", + "nellie_bly", + "alexandre_yersin", + "n", + "marco_antonio", + "stephen_leacock", + "albert_schweitzer", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "subnormal", + "johannes_kepler", + "anatoli_karpov", + "sergei_rachmaninov", + "william_s_burroughs", + "david_hartley", + "max_planck", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "john_bardeen", + "sarah_vaughan", + "john_wilkes", + "william_byrd", + "william_henry", + "christopher_fry", + "xurxo_de_capadocia", + "scott_joplin", + "samuel_houston", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "elias_canetti", + "robert_lowell", + "johann_strauss", + "edward_jenner", + "john_mercer", + "oscar_robertson", + "oliver_hardy", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "graham_greene", + "frans_hals", + "lars_onsager", + "margaret_mitchell", + "igor_stravinsky", + "stuart_davis", + "lola_montez", + "jan_swammerdam", + "mary_mccarthy", + "david_riesman", + "john_walker", + "william_herschel", + "joseph_black", + "marcus_whitman", + "mikhail_baryshnikov", + "montesquieu", + "arthur_rubinstein", + "arthur_compton", + "niels_bohr", + "sergei_rachmaninoff", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "irving_berlin", + "bernard_baruch", + "rudolf_diesel", + "hans_holbein", + "walt_disney", + "ben_jonson", + "la_spezia", + "tom\u00e9", + "constantin_stanislavski", + "robert_benchley", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "benny_goodman", + "ted_williams", + "william_beaumont", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "alice_paul", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "brindisi", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "jessica_mitford", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "anne_sullivan", + "paul_robeson", + "thomas_middleton", + "john_dowland", + "daniel_jones", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "rudolf_serkin", + "peter_stuyvesant", + "ethel_merman", + "samuel_adams", + "albert_speer", + "james_baldwin", + "john_vanbrugh", + "indira_gandhi", + "william_mitchell", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "mostea", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "john_fletcher", + "caravaggio", + "m", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "william_strickland", + "antoine_watteau", + "joseph_henry", + "henri_bergson", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "phillis_wheatley", + "patrick_white", + "saul_steinberg", + "bartholomew_roberts", + "eileen_farrell", + "catherine_howard", + "hans_christian_andersen", + "peter_cooper", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "isaac_watts", + "illa_de_san_marti\u00f1o", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "suicidarse", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "kurt_weill", + "otto_hahn", + "christian_huygens", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "rubinstein", + "robert_scott", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "i", + "pedro", + "robert_indiana", + "jimmy_durante", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "mar\u00eda_antonieta_de_austria", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "lorenz_hart", + "robert_bartlett", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "leonard_bloomfield", + "jane_jacobs", + "jean_piaget", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "frank_norris", + "pieter_brueghel", + "frank_stella", + "robert_southey", + "valentina_tereshkova", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "carl_jung", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "archibald_macleish", + "peter_behrens", + "john_tradescant", + "alfred_stieglitz", + "joseph_haydn", + "stephen_spender", + "garfield", + "george_boole", + "paul_revere", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "edith_cavell", + "san_patricio", + "alan_paton", + "benedito", + "ralph_richardson", + "1", + "cordell_hull", + "james_wilson", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "x", + "ernest_walton", + "vladimir_putin", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "h", + "randall_jarrell", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "jacqueline_cochran", + "george_fox", + "ben_hecht", + "christopher_isherwood", + "fritz_kreisler", + "anne_hathaway", + "david_garrick", + "don_budge", + "bill_russell", + "baldwin", + "jeannette_rankin", + "clarence_darrow", + "charles_lamb", + "g", + "henrio", + "arthur_schopenhauer", + "thomas_dekker", + "lourenzo", + "james_cagney", + "john_keble", + "johns_hopkins", + "henri_pitot", + "wanda_landowska", + "martin_heidegger", + "hans_eysenck", + "estar_calado", + "muller", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "antony_tudor", + "steven_spielberg", + "jean_monnet", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "franz_ferdinand", + "giuseppe_garibaldi", + "philip_warren_anderson", + "fra_filippo_lippi", + "alexandre_dumas", + "philipp_melanchthon", + "robert_brown", + "thomas_carlyle", + "johann_gutenberg", + "donald_barthelme", + "william_tyndale", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "i_latino", + "barrymore", + "d", + "james_bowie", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "castro", + "william_faulkner", + "edward_white", + "amerigo_vespucci", + "arthur_holmes", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "putin", + "matthew_flinders", + "robert_herrick", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "san_lu\u00eds_de_francia", + "coleman_hawkins", + "john_calvin", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "henry_clay", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "robert_morris", + "lili\u02bbuokalani", + "woody_herman", + "alexander_wilson", + "josef_albers", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "mar\u00eda_madalena", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "edward_morley", + "j_m_barrie", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "hugo_junkers", + "maurice_barrymore", + "piscis_austrinus", + "norman_thomas", + "lillian_hellman", + "brescia", + "henrique", + "thomas_merton", + "abanqueiro", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "robinson_jeffers", + "alice_walker", + "miles_davis", + "rupert", + "james_parkinson", + "george_marshall", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "san_xurxo", + "stanley_kubrick", + "camberra", + "john_deere", + "john_huston", + "robert_merton", + "dorothy_crowfoot", + "jean_baptiste_joseph_fourier", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "la_rochefoucauld", + "david_hilbert", + "wilhelm_reich", + "william_thornton", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "william_wycherley", + "margaret_sanger", + "san_marti\u00f1o", + "gustav_hertz", + "george_mason", + "el_cid", + "edgar_wilson", + "st_louis", + "richard_rodgers", + "don_quixote", + "illa_de_san_cristovo", + "anne_sexton", + "morgana", + "john_dryden", + "jim_henson", + "b\u00e9la_lugosi", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "aquila", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "friedrich_wilhelm_bessel", + "gracie_allen", + "nelson_mandela", + "baldovino", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "cesare_borgia", + "roald_amundsen", + "carami\u00f1ola", + "sherwood_anderson", + "richard_leakey", + "alfred_korzybski", + "charles_dickens", + "sean_o'casey", + "samuel_huntington", + "ella_fitzgerald", + "fats_waller", + "jakob_bernoulli", + "thomas_sydenham", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "joseph_paxton", + "william_curtis", + "william_chambers", + "george_stevens", + "federico_fellini", + "bessie_smith", + "patrick_henry", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "ap\u00f3stolo_tom\u00e9", + "jackie_robinson", + "bernardo_bertolucci", + "king_oliver", + "jan_steen", + "frank_harris", + "john_ross", + "pedro_papa", + "philibert_delorme", + "hans_arp", + "andrew_carnegie", + "gregorio", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "charles_peirce", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "vladimir_lenin", + "sam_houston", + "robert_peary", + "mui\u00f1eira", + "robert_browning", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "mari\u00f1eira", + "albert_einstein", + "l", + "aletta_jacobs", + "thomas_edison", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "guedello", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "SOC_ECO_CLASS": [ + "trade", + "fraternidade", + "labor", + "da_clase_media", + "nobreza", + "samurai", + "campesi\u00f1ado", + "clase_media", + "de_clase_alta", + "de_clase_baixa", + "proletariado", + "clase_alta", + "picara\u00f1a", + "academia", + "burgues\u00eda" + ], + "LOCATION": [ + "al_jazeera", + "la_plata", + "mar_tirreno", + "estados_unidos", + "san_patricio", + "mar_da_china_oriental", + "san_vicente", + "goberno_dos_estados_unidos_de_am\u00e9rica", + "noitevella", + "corpus_christi", + "piet_mondrian", + "santa_fe", + "sint_maarten", + "cristovo_col\u00f3n", + "de_nada", + "al_jazira", + "lebreiros", + "peto_negro", + "huang_he", + "goberno_americano", + "na_r\u00faa", + "asemblea_nacional_de_polonia", + "joseph_louis_gay_lussac", + "mar_do_norte", + "goberno_dos_eua", + "a_bela_dormente", + "australia_occidental", + "on_the_road", + "mar_negro", + "mar_amarelo", + "polgari\u00f1o", + "o_novo_mundo", + "sri_lanka", + "de_auga_doce", + "the_rolling_stones", + "estados_unidos_de_am\u00e9rica", + "homenaxe", + "pai_nadal", + "forzas_a\u00e9reas", + "am\u00e9rico_vespucio", + "forza_a\u00e9rea", + "illa_de_san_vicente", + "patricio_de_irlanda", + "ex\u00e9rcito_dos_estados_unidos", + "heitor_villa_lobos", + "louis_joseph_gay_lussac", + "goberno_dos_estados_unidos", + "santa_claus", + "pieter_mondrian" + ], + "DISEASE": [ + "catalepsia", + "arrefriado", + "peste_bub\u00f3nica", + "filovirus", + "polio", + "lique", + "salucio", + "amigdalite", + "salmonelose", + "engadir", + "vinchoca", + "xinecomastia", + "salmonela", + "esterilidade", + "moldear", + "als", + "tanatofobia", + "androfobia", + "feila", + "carrabouxa", + "queimadura", + "parada_cardiorrespiratoria", + "rebanda", + "parvo", + "escofar", + "minusval\u00eda", + "andazo", + "triquinose", + "energy", + "frenes\u00ed", + "andaxe", + "beriberi", + "borracheira", + "the_bends", + "eslasar", + "succus", + "phytophthora_infestans", + "cardite", + "xoanete", + "la_naus\u00e9e", + "xenxivite", + "teratoma", + "pate\u00f1o", + "bruzo", + "para", + "la_peste", + "xigantismo", + "traumatismo", + "contusi\u00f3n", + "radiaci\u00f3n", + "carranas", + "ripar", + "farnes\u00eda", + "mazadura", + "espurrar", + "estrabismo", + "rubor", + "escarlatina", + "qi", + "embriaguez", + "listeriose", + "carb\u00fanculo", + "claustrofobia", + "autoinmunidade", + "michazo", + "saluco", + "gimp", + "indixesti\u00f3n", + "sarm", + "abasia", + "hernia", + "alexia", + "herpes", + "poliomielite", + "raspi\u00f1ar", + "toler\u00eda", + "paix\u00f3n", + "analxesia", + "escr\u00f3fula", + "inmunodeficiencia", + "farinxite", + "pica", + "tiriz\u00f3", + "espulla", + "mastoidite", + "avermellamento", + "inanici\u00f3n", + "parestesia", + "espermatocele", + "paludismo", + "almorr\u00e1", + "a_peste", + "subalimentaci\u00f3n", + "raiba", + "espirro", + "the_passion_of_the_christ", + "zambro", + "rubideza", + "sarampelo", + "vasculite", + "tose", + "beliscar", + "carrand\u00e1n", + "o_golpe", + "xiard\u00edase", + "ananismo", + "fraguar", + "lambetada", + "carrancholas", + "aura", + "escoliose", + "deshidrataci\u00f3n", + "virus_animal", + "sotelo", + "gripe_porcina", + "anemia_drepanoc\u00edtica", + "fundador", + "quecer", + "bullaco", + "trauma", + "salouco", + "quentar", + "the_hives", + "a_vinganza_de_moctezuma", + "dengue", + "bullaca", + "colecistite", + "esquistosomiase", + "a_praga", + "laceraci\u00f3n", + "rabiar", + "verruga", + "vincha", + "tenrura", + "freila", + "trambull\u00f3n", + "ardent\u00eda", + "malaria" + ], + "RACE": [ + "filipino", + "africano", + "\u00e1rabes", + "paquistan\u00ed", + "suramericana", + "suramericano", + "africana", + "the_mexican", + "francesa", + "primixenio", + "negro", + "latina", + "amerindio" + ], + "JOB": [ + "cabedel", + "tallista", + "puxilista", + "microbi\u00f3logo", + "borrallo", + "sancrist\u00e1n", + "camar\u00f3grafo", + "o_maquinista", + "call\u00f3n", + "presidenta", + "arrocheiro", + "baleeiro", + "ama_de_chaves", + "cart\u00f3grafo", + "agrimensor", + "potter", + "perruqueiro", + "masa_fermentada", + "artes\u00e1n", + "carpinteira", + "peiteador", + "luthier", + "cuestor", + "neur\u00f3loga", + "senescal", + "fundador", + "distribuidor", + "caporal", + "caldeireiro", + "the_police", + "xinec\u00f3logo", + "compositor", + "adestrador", + "pretor", + "a_nanny", + "entallador", + "picheleiro", + "the_musketeer", + "suboficial", + "territorial", + "para", + "router", + "titor", + "temoneiro", + "alguacil", + "parteira", + "mercador", + "coleccionista", + "inventor", + "danzar\u00edn", + "leiteiro", + "cerralleiro", + "pedreiro", + "mari\u00f1eira", + "alcaldesa", + "portador", + "granxeiro", + "carpinteiro", + "dermat\u00f3logo", + "mensaxeiro", + "kamikaze", + "mui\u00f1eiro", + "ferradora", + "modisto", + "condest\u00e1bel", + "novelista", + "coudel", + "sculptor", + "palaciano", + "mui\u00f1eira", + "alcalde", + "the_guardian", + "falante", + "maxistrado", + "microbi\u00f3loga", + "mariscal", + "neur\u00f3logo", + "concelleiro", + "proc\u00f3nsul", + "tesoureiro", + "adail", + "comediante", + "catedr\u00e1tico", + "mate", + "ebanista", + "cardi\u00f3logo", + "hidr\u00f3logo", + "limpador", + "pastor", + "barrister", + "trallada", + "bombeiro", + "tenente", + "corporal", + "internista", + "rabino", + "carteiro", + "coronel", + "hemat\u00f3logo", + "decapante", + "de_temporada", + "familiar", + "rastrexador", + "campesi\u00f1o", + "sepulteiro", + "toller", + "principal", + "departamento_executivo", + "man", + "armeiro", + "albanel", + "forraxe", + "marine", + "neurocirurxi\u00e1n", + "apoplex\u00eda", + "fontaneiro", + "usher", + "messenger", + "endocrin\u00f3logo", + "cox", + "panadeiro", + "the_interpreter", + "servizo_dom\u00e9stico", + "corsario", + "formador", + "mari\u00f1o", + "tendeiro", + "bailador", + "sub", + "xastre", + "avogado", + "guerreira", + "cookie", + "cineasta", + "esquire", + "obreiro", + "debuxante", + "toneleiro", + "comadroa", + "regular", + "marmit\u00f3n", + "autor", + "ferrador", + "pirag\u00fcista" + ], + "PLANT": [ + "pyracantha", + "estruga", + "labaza", + "lycium_barbarum", + "corticeira", + "caiota", + "maracux\u00e1", + "teixoeira", + "matacandil", + "teixo", + "xinkgo", + "sobreira", + "the_joshua_tree", + "xenebreiro", + "magnolio", + "vimbieira", + "s\u00e1ndalo", + "liquid\u00e1mbar", + "lentisco", + "engo", + "ortiga", + "marroxo", + "amanita", + "arabidopsis_thaliana", + "epipremnum_aureum", + "ruxideira", + "brimial", + "col_chinesa", + "cerefolio", + "estripo", + "corni\u00f1os", + "negundo", + "pleuroto", + "sic\u00f3moro", + "madeirudo", + "esteva", + "alcanfor", + "lamargueiro", + "cortadeira", + "avea_bouba", + "candida_albicans", + "rebentabois", + "schinus_terebinthifolius", + "lodoeiro", + "armol", + "abeneiro", + "muruxa", + "madreselva", + "moreira_branca", + "col_de_savoia", + "panqueixo", + "ambru\u00ed\u00f1a", + "feix\u00f3n", + "reseda", + "coliflor", + "cerdeira", + "rillamachos", + "remolacha", + "cancereixo", + "macadamia_tetraphylla", + "sufreiro", + "carall\u00e1n", + "cerollo", + "agana", + "gabanceira", + "mirasol", + "sendeiri\u00f1a", + "mostaza_branca", + "planta_acu\u00e1tica", + "gati\u00f1a", + "\u00e1rbore_de_nadal", + "correola", + "canfreixo", + "ervellaca", + "nonmesquezas", + "col_de_bruxelas", + "phytophthora_infestans", + "sorbeira", + "herba_belida", + "escornacabras", + "amieiro", + "planta_carn\u00edvora", + "nogueira", + "xilbarbeira", + "laderno", + "citomembrana", + "solanum", + "beladona", + "conv\u00f3lvulo", + "bergamoteira", + "guindeira", + "lampaza", + "chirimoio", + "crisantemo", + "ameneiro", + "melisa", + "mostaza", + "salgueiro", + "papoula", + "pradio", + "repolo", + "trogalleiro", + "pementeira", + "sabina", + "arum", + "saccharomyces_cerevisiae", + "durmideira", + "cereixa", + "abeloura", + "marathi", + "eixola", + "luceiros", + "casti\u00f1eiro_americano", + "castiro", + "verbasco", + "carnabudo", + "capudre", + "alcanforeiro", + "santa_mar\u00eda", + "edelweiss", + "escambr\u00f3n", + "clem\u00e1tide", + "loderno", + "capudrio", + "silvarda", + "c\u00e1ncaro", + "ballico", + "gomarresina", + "pradairo", + "segorella", + "casti\u00f1eiro", + "castanea", + "mentraste", + "saltasebes", + "hidr\u00f3fito", + "raponcio", + "dicksonia_antarctica", + "magnolia", + "esprego", + "fari\u00f1ento", + "leituga" + ], + "RELIGION_MEMBER": [ + "cristi\u00e1n", + "budista", + "sunnita", + "cristi\u00e1", + "presbiteriano", + "baptista", + "franciscano", + "parsi", + "metodista", + "xesu\u00edta", + "mahometano" + ], + "FAC": [ + "a_derradeira_cea", + "igrexa_cat\u00f3lica", + "a_\u00faltima_cea", + "arnold_sch\u00f6nberg", + "saint_joseph", + "santiago_ap\u00f3stolo", + "este_ser\u00e1n", + "igrexa_cat\u00f3lica_romana", + "esta_tarde", + "aos_poucos", + "comisar\u00eda", + "santa_luc\u00eda", + "pedro_i_de_rusia", + "xos\u00e9_de_nazaret" + ], + "ANIMAL": [ + "can_de_caza", + "estrixiformes", + "perc\u00eddeos", + "can_menor", + "voitre", + "esqu\u00edo", + "toni\u00f1a", + "peneiri\u00f1o", + "cachalote", + "sapo", + "carroucha", + "chibato", + "avetarda", + "arroaz", + "malv\u00eds", + "carrapucho", + "nespreiro", + "artr\u00f3podos", + "cascuda", + "peto_verde", + "aie_aie", + "billy_elliot", + "pigargo", + "abadexo", + "chorva", + "moucho", + "canis_minor", + "manta", + "cornella", + "perisod\u00e1ctilos", + "centolo", + "sanmarti\u00f1o", + "paporroibo", + "pisces", + "malacopterixio", + "arnelo", + "caxato", + "communis", + "anuro", + "carei", + "carr\u00e1n", + "cirr\u00edpedes", + "rata_de_auga", + "artiod\u00e1ctilos", + "vichelocrego", + "alcandorca", + "narcexa", + "virus_do_mosaico_do_tabaco", + "salientio", + "torcaza", + "aguaneta", + "vacaloura", + "galgo", + "coral_precioso", + "av\u00e9spora", + "garzota", + "robaliza", + "lagostino", + "holoturoideos", + "gran_simio", + "gatafornela", + "candorca", + "denoci\u00f1a", + "pedunculados", + "chibardo", + "zancuda", + "picapeixe", + "avespeiro", + "zamborca", + "pernalonga", + "lagarteiro", + "paporrubio", + "garzas", + "ghaldaripo", + "pincaouro", + "peneireiro", + "perc\u00eddeo", + "acantopterixios", + "leir\u00f3n_rabudo", + "tour\u00f3n", + "tele\u00f3steo", + "rata_negra", + "sable", + "cullerete", + "can_de_auga", + "escacho", + "catarrinos", + "pardal", + "percebe", + "cobaia", + "loberno", + "barbantesa", + "falc\u00f3n", + "lince", + "actiniarios", + "quebraosos", + "couza", + "cabiro", + "xibardo", + "mexill\u00f3n", + "gardu\u00f1a", + "avespa", + "picacrega", + "quelonioideos", + "avesporeiro", + "eagle", + "ouriolo", + "picaza", + "curuxa", + "mi\u00f1ato", + "teixugo", + "picoteiro", + "chalra", + "cabeleira", + "escornabois", + "avelaiona", + "lagaria" + ], + "FOOD": [ + "xantar", + "alta_coci\u00f1a", + "requeixo", + "morcela", + "churume", + "nata_montada", + "postre", + "bechamel", + "arroz_fritido", + "nabiza", + "chirume", + "almibre", + "white_russian", + "catchup", + "pinot_noir", + "masa_follada", + "repostar\u00eda", + "lombarda", + "col_galega", + "masa_\u00e1cida", + "almorzo", + "pastelar\u00eda", + "chile", + "prebe", + "pancenteo", + "torromica" + ], + "ORG": [ + "dolorosa", + "drug_enforcement_administration", + "aos_poucos", + "wicca", + "jan_mayen", + "no_lugar", + "comercializaci\u00f3n", + "aa", + "nasa", + "mar_vermello", + "huang_he", + "bollywood", + "schutzstaffel", + "manterse_informado", + "the_who", + "san_tom\u00e9_san_tom\u00e9_e_pr\u00edncipe", + "haganah", + "estados_xerais", + "clase_baixa", + "san_francisco", + "un", + "vangardas", + "andr\u00e9_ap\u00f3stolo", + "de_clase_alta", + "que_pasa", + "escola", + "viceversa", + "asemblea_nacional_de_francia", + "sc", + "the_family_man", + "nanak", + "mahayana", + "l\u00faa_nova", + "john_tuzo_wilson", + "can_tho", + "plexus_celiacus", + "the_faculty", + "don_juan", + "lei_de_conservaci\u00f3n", + "batall\u00f3n", + "armada_invencible", + "dereito_internacional", + "dereito_romano", + "ds", + "ministerio_de_asuntos_exteriores_de_francia", + "casa_branca", + "dia", + "r\u00edo_amazonas", + "manterse", + "bo_proveito", + "partido_socialdem\u00f3crata", + "santa_sof\u00eda", + "a_bela_dormente", + "rabindranath_tagore", + "gestapo", + "santo_andr\u00e9", + "uni\u00f3n_internacional_de_telecomunicaci\u00f3ns", + "dereito_civil", + "santa_helena", + "colexio", + "winnie_the_pooh", + "rangers", + "da_clase_media", + "de_primeira_clase", + "albanelar\u00eda", + "al_jazira", + "quen", + "i_ching", + "polgari\u00f1o", + "saint_joseph", + "al_jazeera", + "xard\u00edn_bot\u00e1nico", + "o_novo_mundo", + "santa_luc\u00eda_caribe", + "po", + "virxe_da_caridade", + "addis_ababa", + "b\u00e1rbara_de_nicomedia", + "hare_krishna", + "the_grapes_of_wrath", + "lago_superior", + "de_abaixo_para_arriba", + "partido_dem\u00f3crata", + "hollywood", + "ursa_major", + "este_ser\u00e1n", + "tribunal_supremo", + "de_clase_baixa", + "saint_barth\u00e9lemy", + "sturmabteilung", + "nato", + "goberno", + "virxe_da_soidade", + "petroleira", + "virxe_da_amargura", + "igrexa_de_cristo_cient\u00edfico", + "by_the_way", + "ciencia_cristi\u00e1", + "igrexa_de_santa_sof\u00eda", + "in_situ", + "st_francis", + "clase_traballadora", + "estar_ao_d\u00eda", + "st_john's", + "spyashchaya_krasavitsa", + "partido_nacionalsocialista_alem\u00e1n_dos_traballadores", + "idade_de_ouro", + "auga_doce", + "streptococcus_pyogenes", + "santa_luc\u00eda", + "eu", + "r\u00edo_amarelo", + "masonar\u00eda", + "fronte_popular", + "a_car\u00f3n", + "cienciolox\u00eda", + "agosti\u00f1o", + "in_fraganti", + "partido_republicano" + ], + "PRODUCT": [ + "astroso", + "the_hunger_games", + "justin_bieber", + "caboverdiano", + "esp\u00edrito_santo", + "al_jazeera", + "nonmesquezas", + "o_can_dos_baskerville", + "o_detective_conan", + "bo_d\u00eda", + "o_se\u00f1or_dos_aneis", + "multiplataforma", + "the_star_spangled_banner", + "santa_mar\u00eda", + "dereitos_humanos", + "don_quixote", + "bo_nadal", + "die_hard", + "boxing_day", + "saxonia_anhalt", + "que_hai_de_novo", + "la_dolce_vita", + "mario_andretti", + "o_gato_con_botas", + "st_george's", + "de_facto", + "la_modification", + "reino_unido", + "xo\u00e1n_bautista", + "a_guerra_das_galaxias", + "cobaia", + "pap\u00e1_noel", + "novo_mesto" + ], + "QUANTITY": [ + "qui\u00f1entos", + "voltampere", + "tonelada", + "calor\u00eda", + "ton", + "won_norcoreano", + "g", + "franco_franc\u00e9s", + "esterlina", + "anders_celsius", + "electronvoltio" + ], + "RELIGION": [ + "zen", + "presbiterianismo", + "manique\u00edsmo", + "catarismo", + "tao\u00edsmo", + "islam", + "calvinismo", + "xinto\u00edsmo", + "wicca" + ], + "LAW": [ + "desacato", + "lei_marcial", + "sufraxio", + "federal_bureau_of_investigation" + ], + "LANGUAGE": [ + "alem\u00e1n", + "venda", + "xavan\u00e9s", + "xapon\u00e9s", + "catal\u00e1n", + "lingua_afric\u00e1ner", + "manx", + "catal\u00e1", + "sundan\u00e9s", + "tailand\u00e9s", + "hindi", + "alviri_vidari", + "acerbaixano", + "zhuang", + "lingua_lingala", + "alem\u00e1", + "esperanto", + "roman\u00e9s", + "coreano", + "hausa", + "cree", + "acerbaixana", + "kikuyu", + "ido", + "marathi", + "quechua", + "checo", + "chichewa", + "bielorrusa", + "tonga", + "tagalo" + ], + "POLITICAL_PARTY": [ + "partido_conservador", + "f\u00f3lkaflokkurin", + "partido_comunista", + "labor", + "partido_progresista", + "partido_popular", + "partido_democr\u00e1tico", + "partido_laborista", + "partido_socialista", + "partido_laborista_australiano", + "partido_dos_traballadores_noruegueses" + ], + "PERSON": [ + "al_gore", + "eu_tam\u00e9n", + "h_g_wells", + "san_vicente", + "i_ching", + "don_delillo", + "edward_osborne_wilson", + "madeirudo", + "les_sueste", + "willard_frank_libby", + "igor_sikorsky", + "carl_david_anderson", + "maxwell_anderson", + "rudolf_hess", + "san_vicente_san_vicente_e_granadinas", + "herbert_george_wells" + ], + "PERSON_PRONOUN": [ + "i_latino", + "un_mesmo", + "i", + "he" + ], + "GENDER": [ + "garela", + "transx\u00e9nera", + "trondia", + "doncela", + "transx\u00e9nero", + "guido", + "man", + "gal" + ], + "GPE": [ + "dar_es_salaam", + "porto_de_monta\u00f1a", + "san_nicolau", + "imperio_alem\u00e1n", + "san_cristovo", + "sint_maarten", + "novo_testamento", + "lu\u00eds_ix_de_francia", + "hagia_sophia", + "san_valent\u00edn", + "r\u00edo_san_lourenzo", + "hagia_sofia", + "gran_canaria", + "san_tom\u00e9_san_tom\u00e9_e_pr\u00edncipe", + "portela", + "mar_exeo", + "santo_andr\u00e9", + "andr\u00e9_ap\u00f3stolo", + "virxe_das_angustias", + "pol\u00edgono_industrial", + "franco_condado", + "mar_vermello", + "al_andalus", + "lu\u00eds_ix_de_francia_o_santo", + "virxe_da_piedade", + "centroam\u00e9rica", + "virxe_das_dores", + "la_gomera", + "st_louis", + "dolorosa" + ], + "TITLE": [ + "sir" + ], + "DATE": [ + "a_toma_da_bastilla", + "era_dixital", + "new_moon", + "asunci\u00f3n_de_mar\u00eda", + "horario_estelar", + "semivida", + "de_\u00faltima_hora", + "corpus_christi" + ], + "ANAT": [ + "arteria_hep\u00e1tica", + "arteria_arcuata", + "tibiosupratarsiano", + "tibialis_anticus" + ], + "EVENT": [ + "gran_premio", + "grand_prix", + "castela_e_le\u00f3n" + ], + "BIO_CHEM_ENTITY": [ + "monoaminooxidase", + "ni_resistente", + "adenosindifosfato", + "alcohol_l\u00e1urico" + ], + "POLITICAL_PARTY_MEMBER": [ + "comunista" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abadesa": "abade", + "baronesa": "bar\u00f3n", + "noiva": "adobiarse", + "alarosa": "enfeitarse", + "muller_de_negocios": "empresario", + "filla": "fillo", + "filia": "son", + "duquesa": "duque", + "emperatriz": "emperador", + "femia": "masculino", + "feminino": "masculino", + "gal": "guido", + "institutriz": "gobernador", + "hero\u00edna": "heroe", + "patroa": "terratenente", + "faltar": "sir", + "estar_perdido": "sir", + "mancar": "sir", + "perderse": "sir", + "matrix": "ayr", + "sobri\u00f1a": "sobri\u00f1o", + "monxa": "frade", + "pr\u00edncipe": "prince", + "princesa": "prince", + "irm\u00e1": "taina", + "portavoz": "voceiro", + "enteada": "fillastro", + "andada": "fillastro", + "fillastra": "fillastro", + "sogra": "padrasto", + "madrasta": "padrasto", + "camareira": "camareiro", + "viuvez": "vi\u00favo", + "vi\u00fava": "vi\u00favo", + "marido": "cristian", + "esposa": "esposo", + "duna": "esposo", + "feto": "marido" + }, + "other_gender_swap": { + "eles": "de_la", + "seus": "de_la", + "s\u00faas": "de_la", + "s\u00faa": "de_la", + "he": "epi", + "de_la": "s\u00faa" + }, + "en_pronoun2gender": { + "they": [ + "transexual", + "transx\u00e9nero", + "homosexual", + "bisexual", + "transx\u00e9nera" + ], + "he": [ + "toxo", + "marido", + "man", + "masculino", + "rachar", + "neno", + "fidalgo", + "guido" + ], + "she": [ + "estar_perdido", + "se\u00f1ora", + "feminino", + "rapaza", + "lesbianismo", + "femia", + "empregada", + "perderse", + "camareira", + "feto", + "garela", + "faltar", + "doncela", + "mancar", + "trondia", + "lesbiana", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he" + ], + "she": [ + "de_la" + ], + "they": [ + "eles", + "s\u00faa", + "s\u00faas", + "seus", + "elas", + "epi" + ], + "it": [ + "it", + "tento", + "ico" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gml.json b/data_tooling/pii_processing/ontology/data/gml.json new file mode 100644 index 0000000..e3de89b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gml.json @@ -0,0 +1,34 @@ +{ + "RELIGION_MEMBER": [ + "dunker" + ], + "PERSON_PRONOUN": [ + "he" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "he": [ + "he" + ], + "it": [ + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gn.json b/data_tooling/pii_processing/ontology/data/gn.json new file mode 100644 index 0000000..962ff12 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gn.json @@ -0,0 +1,90 @@ +{ + "LOCATION": [ + "la_plata", + "para_h\u0169" + ], + "PLANT": [ + "karanda", + "karanda'y" + ], + "ANIMAL": [ + "guasu", + "okamb\u00fava", + "pirachuguasu" + ], + "PERSON_PRONOUN": [ + "i", + "me" + ], + "PUBLIC_FIGURE": [ + "y", + "a", + "i" + ], + "SOC_ECO_CLASS": [ + "\u00f1emit\u1ef9" + ], + "JOB": [ + "para" + ], + "DISEASE": [ + "para", + "ague", + "tuguyasuka" + ], + "FOOD": [ + "tave'\u00ff" + ], + "RACE": [ + "morot\u0129" + ], + "ORG": [ + "po", + "sa" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "embireko": "m\u00e9na", + "ku\u00f1a": "yvyp\u00f3ra" + }, + "other_gender_swap": { + "ha_eku\u00e9ra": "ah\u1ebd", + "ah\u1ebd": "ha_eku\u00e9ra" + }, + "en_pronoun2gender": { + "he": [ + "yvyp\u00f3ra" + ], + "she": [ + "mit\u00e3ku\u00f1a", + "yk\u00e9ra", + "ku\u00f1ata\u0129", + "yke", + "eindy", + "ku\u00f1a" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "ah\u1ebd" + ], + "she": [ + "ah\u1ebd", + "imba_e" + ], + "they": [ + "ha_eku\u00e9ra" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/goh.json b/data_tooling/pii_processing/ontology/data/goh.json new file mode 100644 index 0000000..8fb7bec --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/goh.json @@ -0,0 +1,36 @@ +{ + "ANIMAL": [ + "heigaro", + "reigaro" + ], + "DISEASE": [ + "brehhan", + "hungar" + ], + "PERSON_PRONOUN": [ + "her" + ], + "PUBLIC_FIGURE": [ + "lulli" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "she": [ + "her" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/got.json b/data_tooling/pii_processing/ontology/data/got.json new file mode 100644 index 0000000..af7775e --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/got.json @@ -0,0 +1,43 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\ud800\udf35\ud800\udf39\ud800\udf3d\ud800\udf34\ud800\udf39\ud800\udf3d\ud800\udf43": "\ud800\udf32\ud800\udf3f\ud800\udf3c\ud800\udf30\ud800\udf3a\ud800\udf3f\ud800\udf3d\ud800\udf33\ud800\udf43", + "\ud800\udf35\ud800\udf39\ud800\udf3d\ud800\udf30\ud800\udf3a\ud800\udf3f\ud800\udf3d\ud800\udf33\ud800\udf43": "\ud800\udf32\ud800\udf3f\ud800\udf3c\ud800\udf30\ud800\udf3a\ud800\udf3f\ud800\udf3d\ud800\udf33\ud800\udf43", + "\ud800\udf35\ud800\udf34\ud800\udf3d\ud800\udf43": "\ud800\udf30\ud800\udf31\ud800\udf30", + "\ud800\udf3c\ud800\udf30\ud800\udf32\ud800\udf3f\ud800\udf43": "\ud800\udf3c\ud800\udf30\ud800\udf45\ud800\udf39\ud800\udf3b\ud800\udf49" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\ud800\udf3c\ud800\udf30\ud800\udf32\ud800\udf3f\ud800\udf43", + "\ud800\udf32\ud800\udf3f\ud800\udf3c\ud800\udf30\ud800\udf3a\ud800\udf3f\ud800\udf3d\ud800\udf33\ud800\udf43" + ], + "she": [ + "\ud800\udf35\ud800\udf39\ud800\udf3d\ud800\udf30\ud800\udf3a\ud800\udf3f\ud800\udf3d\ud800\udf33\ud800\udf43", + "\ud800\udf3c\ud800\udf30\ud800\udf45\ud800\udf39", + "\ud800\udf3c\ud800\udf30\ud800\udf32\ud800\udf30\ud800\udf38\ud800\udf43", + "\ud800\udf35\ud800\udf39\ud800\udf3d\ud800\udf34\ud800\udf39\ud800\udf3d\ud800\udf43", + "\ud800\udf35\ud800\udf39\ud800\udf3d\ud800\udf49", + "\ud800\udf3c\ud800\udf30\ud800\udf45\ud800\udf39\ud800\udf3b\ud800\udf49" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\ud800\udf43\ud800\udf34\ud800\udf39\ud800\udf3d\ud800\udf43" + ], + "it": [ + "\ud800\udf37\ud800\udf39\ud800\udf43" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/grc.json b/data_tooling/pii_processing/ontology/data/grc.json new file mode 100644 index 0000000..5142db4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/grc.json @@ -0,0 +1,233 @@ +{ + "JOB": [ + "\u03b9\u03b5\u03c1\u03b1\u03c1\u03c7\u03b7\u03c3", + "\u03c4\u03b5\u03bb\u03c9\u03bd\u03b7\u03c3", + "\u03b1\u03b3\u03b1\u03bb\u03bc\u03b1\u03c4\u03bf\u03c0\u03bf\u03b9\u03bf\u03c3", + "\u03c3\u03c4\u03c1\u03b1\u03c4\u03b7\u03b3\u03bf\u03c3", + "\u03ba\u03c5\u03b2\u03b5\u03c1\u03bd\u03b7\u03c4\u03b7\u03c3", + "\u03b3\u03bd\u03b1\u03c6\u03b5\u03c5\u03c3", + "\u03b1\u03bd\u03b4\u03c1\u03b1\u03c0\u03bf\u03b4\u03bf\u03bd", + "\u03b1\u03bc\u03c6\u03b9\u03c0\u03bf\u03bb\u03bf\u03c3", + "\u03c3\u03c4\u03c1\u03b1\u03c4\u03b9\u03c9\u03c4\u03b7\u03c3", + "\u03ba\u03b5\u03c1\u03b1\u03bc\u03b5\u03c5\u03c3" + ], + "FAC": [ + "\u03c4\u03b5\u03bb\u03c9\u03bd\u03b5\u03b9\u03bf\u03bd", + "\u03c4\u03b5\u03bb\u03c9\u03bd\u03b9\u03bf\u03bd", + "\u03c0\u03b9\u03bd\u03b1\u03ba\u03bf\u03b8\u03b7\u03ba\u03b7" + ], + "GPE": [ + "\u03c0\u03bb\u03b1\u03c4\u03b5\u03b9\u03b1", + "\u03c0\u03bd\u03b5\u03c5\u03bc\u03b1_\u03c4\u03bf_\u03b1\u03b3\u03b9\u03bf\u03bd" + ], + "ORG": [ + "\u03b4\u03b9\u03b4\u03b1\u03c3\u03ba\u03b1\u03bb\u03b5\u03b9\u03bf\u03bd", + "\u03bf\u03b9\u03ba\u03bf\u03b9", + "\u03bd\u03b1\u03c5\u03c4\u03b9\u03ba\u03bf\u03bd", + "ursa_major", + "\u03b1\u03c1\u03ba\u03c4\u03bf\u03c3_\u03bc\u03b5\u03b3\u03b1\u03bb\u03b7", + "\u03b3\u03bb\u03c5\u03ba\u03c5_\u03c5\u03b4\u03c9\u03c1" + ], + "QUANTITY": [ + "seiren" + ], + "FOOD": [ + "\u03b1\u03c1\u03b9\u03c3\u03c4\u03bf\u03bd", + "\u03ba\u03b1\u03c1\u03b4\u03b1\u03bc\u03bf\u03bd" + ], + "DISEASE": [ + "\u03bd\u03b1\u03c5\u03c4\u03b9\u03b1", + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03b7\u03bc\u03b1", + "\u03b5\u03c1\u03c5\u03c3\u03b9\u03c0\u03b5\u03bb\u03b1\u03c3" + ], + "LOCATION": [ + "\u03c0\u03b1\u03bb\u03b1\u03b9" + ], + "RELIGION_MEMBER": [ + "\u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03bf\u03c3" + ], + "LAW": [ + "\u03b4\u03b9\u03b5\u03c1\u03b5\u03c5\u03bd\u03b7\u03c3\u03b9\u03c3" + ], + "PUBLIC_FIGURE": [ + "\u03b9\u03be\u03b5\u03c5\u03c4\u03b7\u03c3", + "\u03bc\u03c5\u03bb\u03c9\u03b8\u03c1\u03bf\u03c3", + "\u03b3\u03b5\u03c9\u03c1\u03b3\u03b9\u03bf\u03c3" + ], + "GENDER": [ + "\u03ba\u03bf\u03c1\u03b1\u03c3\u03b9\u03bf\u03bd" + ], + "PRODUCT": [ + "\u03ba\u03b1\u03b9\u03bd\u03b7_\u03b4\u03b9\u03b1\u03b8\u03b7\u03ba\u03b7" + ], + "PLANT": [ + "\u03c0\u03c1\u03b1\u03c3\u03b9\u03bf\u03bd", + "\u03bc\u03b1\u03c5\u03c1\u03bf\u03bc\u03b1\u03c1\u03c3\u03bf\u03bd" + ], + "PERSON_PRONOUN": [ + "\u03bf\u03b9" + ], + "DATE": [ + "\u03c7\u03c1\u03c5\u03c3\u03b5\u03bf\u03bd_\u03b3\u03b5\u03bd\u03bf\u03c3" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u03b8\u03c5\u03b3\u03b1\u03c4\u03b7\u03c1": "\u03c5\u03b9\u03bf\u03c3", + "\u03b8\u03b7\u03bb\u03c5\u03c3": "\u03b1\u03c1\u03c3\u03b5\u03bd\u03b9\u03ba\u03bf\u03c3", + "\u03c4\u03b1\u03c5\u03c4\u03b7\u03c3": "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c5", + "\u03b1\u03c5\u03c4\u03b7\u03c3": "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c5", + "\u03c4\u03b7\u03c3\u03b4\u03b5": "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c5", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7\u03c3": "\u03b5\u03bf\u03c3", + "\u03bf\u03c5": "\u03c4\u03bf\u03c5\u03b4\u03b5", + "\u03c4\u03b7\u03c3": "\u03c4\u03bf\u03c5\u03b4\u03b5", + "\u03b5\u03bf\u03c3": "\u03c4\u03bf\u03c5", + "\u03bf\u03c3": "\u03c4\u03bf\u03c5\u03c4\u03bf\u03c5", + "\u03b7\u03c1\u03c9\u03b9\u03bd\u03b7": "\u03b7\u03c1\u03c9\u03c3", + "\u03b5\u03b1\u03c5\u03c4\u03b7\u03bd": "\u03b5\u03b1\u03c5\u03c4\u03c9", + "\u03b5\u03b1\u03c5\u03c4\u03b7": "\u03b5\u03b1\u03c5\u03c4\u03c9", + "\u03b5\u03b1\u03c5\u03c4\u03b7\u03c3": "\u03b5\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03b4\u03b5\u03c3\u03c0\u03bf\u03b9\u03bd\u03b1": "\u03b1\u03bd\u03b1\u03be", + "\u03bc\u03b7\u03c4\u03b7\u03c1": "\u03c0\u03b1\u03c4\u03b7\u03c1", + "\u03b9\u03b5\u03c1\u03b5\u03b9\u03b1": "\u03b5\u03c6\u03b7\u03bc\u03b5\u03c1\u03b9\u03bf\u03c3", + "\u03b1\u03bd\u03b1\u03c3\u03c3\u03b1": "\u03b1\u03bd\u03b1\u03be", + "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b9\u03c3\u03c3\u03b1": "\u03b2\u03b1\u03c3\u03b9\u03bb\u03b5\u03c5\u03c3", + "\u03b1\u03c5\u03c4\u03b7": "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c3", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7": "\u03b1\u03c5\u03c4\u03bf\u03c3", + "\u03b7\u03b4\u03b5": "\u03bf\u03b4\u03b5", + "\u03b1\u03b4\u03b5\u03bb\u03c6\u03b7": "\u03b1\u03b4\u03b5\u03bb\u03c6\u03bf\u03c3", + "\u03bc\u03b1\u03c4\u03c1\u03bf\u03b9\u03b1": "\u03c0\u03b1\u03c4\u03c1\u03c5\u03b9\u03bf\u03c3", + "\u03bc\u03b7\u03c4\u03c1\u03c5\u03b9\u03b1": "\u03c0\u03b1\u03c4\u03c1\u03c5\u03b9\u03bf\u03c3", + "\u03b4\u03b1\u03bc\u03b1\u03c1": "\u03b3\u03b1\u03bc\u03b5\u03c4\u03b7\u03c3", + "\u03b3\u03b1\u03bc\u03b5\u03c4\u03b7": "\u03b3\u03b1\u03bc\u03b5\u03c4\u03b7\u03c3", + "\u03b3\u03c5\u03bd\u03b7": "\u03b1\u03bd\u03b8\u03c1\u03c9\u03c0\u03bf\u03c3", + "\u03bc\u03b5\u03b9\u03c1\u03b1\u03ba\u03b9\u03bf\u03bd": "\u03ba\u03bf\u03c1\u03b1\u03c3\u03b9\u03bf\u03bd" + }, + "other_gender_swap": { + "\u03c4\u03bf\u03c5\u03c4\u03c9\u03bd": "\u03bf\u03c5", + "\u03c4\u03c9\u03bd\u03b4\u03b5": "\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03b1\u03c5\u03c4\u03c9\u03bd": "\u03bf\u03c5", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03c9\u03bd": "\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03c3\u03c6\u03c9\u03bd": "\u03c4\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03c3\u03c6\u03b5\u03c4\u03b5\u03c1\u03bf\u03c3": "\u03c4\u03b7\u03c3\u03b4\u03b5", + "\u03b1\u03c5\u03c4\u03b1\u03b9": "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7", + "\u03b1\u03c5\u03c4\u03bf\u03b9": "\u03b1\u03c5\u03c4\u03b7", + "\u03c4\u03b1\u03c5\u03c4\u03b1": "\u03b7\u03b4\u03b5", + "\u03bf\u03c5\u03c4\u03bf\u03b9": "\u03b7\u03b4\u03b5", + "\u03c3\u03c6\u03b5\u03b9\u03c3": "\u03b7\u03b4\u03b5", + "\u03bf\u03b4\u03b5": "\u03b1\u03c5\u03c4\u03bf\u03b9", + "\u03b1\u03c5\u03c4\u03bf\u03c3": "\u03c4\u03b1\u03c5\u03c4\u03b1", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c3": "\u03c3\u03c6\u03b5\u03b9\u03c3", + "\u03bf\u03c5\u03c4\u03bf\u03c3": "\u03bf\u03c5\u03c4\u03bf\u03b9", + "\u03bf\u03c3": "\u03c4\u03bf\u03c5\u03c4\u03c9\u03bd", + "\u03b1\u03c5\u03c4\u03b7": "\u03bf\u03c5\u03c4\u03bf\u03b9", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7": "\u03c4\u03b1\u03c5\u03c4\u03b1", + "\u03b7\u03b4\u03b5": "\u03c4\u03b1\u03c5\u03c4\u03b1", + "\u03c4\u03b1\u03c5\u03c4\u03b7\u03c3": "\u03b1\u03c5\u03c4\u03c9\u03bd", + "\u03b1\u03c5\u03c4\u03b7\u03c3": "\u03c3\u03c6\u03c9\u03bd", + "\u03c4\u03b7\u03c3\u03b4\u03b5": "\u03c3\u03c6\u03c9\u03bd", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7\u03c3": "\u03c3\u03c6\u03c9\u03bd", + "\u03bf\u03c5": "\u03c3\u03c6\u03c9\u03bd", + "\u03c4\u03b7\u03c3": "\u03c4\u03bf\u03c5\u03c4\u03c9\u03bd", + "\u03b5\u03bf\u03c3": "\u03c4\u03c9\u03bd\u03b4\u03b5" + }, + "en_pronoun2gender": { + "they": [ + "\u03ba\u03b9\u03bd\u03b1\u03b9\u03b4\u03bf\u03c3" + ], + "he": [ + "\u03b5\u03c5\u03c0\u03b1\u03c4\u03c1\u03b9\u03b4\u03b7\u03c3", + "\u03bc\u03b5\u03b9\u03c1\u03b1\u03ba\u03b9\u03bf\u03bd", + "\u03b1\u03c1\u03c3\u03b5\u03bd\u03b9\u03ba\u03bf\u03c3", + "\u03b1\u03c1\u03c3\u03b7\u03bd", + "\u03b1\u03bd\u03b8\u03c1\u03c9\u03c0\u03bf\u03c3" + ], + "she": [ + "\u03b8\u03b7\u03bb\u03c5\u03c3", + "\u03b1\u03c3\u03c4\u03bf\u03c7\u03b5\u03c9", + "\u03b3\u03c5\u03bd\u03b7", + "\u03ba\u03bf\u03c1\u03b1\u03c3\u03b9\u03bf\u03bd" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u03b1\u03c5\u03c4\u03c9", + "\u03c4\u03c9\u03b4\u03b5", + "\u03c4\u03bf\u03c5\u03c4\u03bf\u03c5", + "\u03b1\u03c5\u03c4\u03bf\u03c3", + "\u03b5\u03bf\u03c3", + "\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03c9", + "\u03c4\u03bf\u03c5\u03b4\u03b5", + "\u03bf\u03c5\u03c4\u03bf\u03c3", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c3", + "\u03bf\u03c3", + "\u03c4\u03bf\u03c5\u03c4\u03c9", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c5", + "\u03b5\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03c4\u03c9", + "\u03b5\u03b1\u03c5\u03c4\u03c9", + "\u03bf\u03b4\u03b5", + "\u03bf\u03b9", + "\u03c4\u03bf\u03c5", + "\u03b5\u03b1\u03c5\u03c4\u03bf\u03bd" + ], + "she": [ + "\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03bf\u03c5", + "\u03c4\u03b7\u03c3\u03b4\u03b5", + "\u03b5\u03b1\u03c5\u03c4\u03b7\u03bd", + "\u03b5\u03b1\u03c5\u03c4\u03b7", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7", + "\u03b1\u03c5\u03c4\u03b7", + "\u03b7\u03b4\u03b5", + "\u03c4\u03b7\u03c3", + "\u03bf\u03c3", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7\u03c3", + "\u03b5\u03bf\u03c3", + "\u03b5\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03c4\u03b1\u03c5\u03c4\u03b7\u03c3" + ], + "they": [ + "\u03b1\u03c5\u03c4\u03b1\u03b9", + "\u03bf\u03c5\u03c4\u03bf\u03b9", + "\u03c3\u03c6\u03b5\u03b9\u03c3", + "\u03c4\u03c9\u03bd\u03b4\u03b5", + "\u03b1\u03c5\u03c4\u03bf\u03b9", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03c9\u03bd", + "\u03c4\u03b1\u03c5\u03c4\u03b1", + "\u03c3\u03c6\u03b5\u03c4\u03b5\u03c1\u03bf\u03c3", + "\u03b1\u03c5\u03c4\u03c9\u03bd", + "\u03c3\u03c6\u03c9\u03bd", + "\u03c4\u03bf\u03c5\u03c4\u03c9\u03bd" + ], + "it": [ + "\u03b1\u03c5\u03c4\u03b7\u03c3", + "\u03c4\u03bf\u03c5\u03c4\u03bf", + "\u03b5\u03b1\u03c5\u03c4\u03bf", + "\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03c4\u03bf\u03b4\u03b5", + "\u03c0\u03c9\u03c3", + "\u03b5\u03b1\u03c5\u03c4\u03c9", + "\u03bf\u03b4\u03b5", + "\u03c4\u03bf", + "\u03bf\u03c4\u03b9", + "\u03b5\u03b1\u03c5\u03c4\u03bf\u03c5", + "\u03b1\u03c5\u03c4\u03b7", + "\u03bf\u03c5\u03c4\u03bf\u03c3", + "\u03b7\u03b4\u03b5", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf", + "\u03b1\u03c5\u03c4\u03bf\u03c3" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gsw.json b/data_tooling/pii_processing/ontology/data/gsw.json new file mode 100644 index 0000000..2b8a8b7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gsw.json @@ -0,0 +1,113 @@ +{ + "FOOD": [ + "glasse", + "billere", + "hanewasser", + "chile", + "glassee" + ], + "GENDER": [ + "maidle", + "maitli", + "meidschi", + "meiki", + "meetle" + ], + "PERSON": [ + "hans_trapp", + "sit_ewig" + ], + "PUBLIC_FIGURE": [ + "maria_magdalena", + "e", + "a", + "maria_vo_magdala" + ], + "ANIMAL": [ + "alebock", + "chrott", + "chats", + "haselmuus", + "h\u00e0", + "vole" + ], + "PLANT": [ + "christbaum", + "farechruut" + ], + "DISEASE": [ + "schlaaffe", + "chranket" + ], + "ORG": [ + "en_guete", + "orthodoxi_chille", + "en_guet\u00e4" + ], + "DATE": [ + "mittelalter" + ], + "PRODUCT": [ + "christbaum" + ], + "QUANTITY": [ + "schweizer_franken", + "quadratmeter" + ], + "JOB": [ + "pfischter", + "brootler" + ], + "RELIGION_MEMBER": [ + "br\u00fceder" + ], + "LOCATION": [ + "sri_lanka" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "mueter": "vatter", + "schw\u00f6schter": "br\u00fceder", + "bueb": "modi" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "gej" + ], + "he": [ + "bueb" + ], + "she": [ + "goof", + "meitji", + "maidle", + "moadle", + "meiki", + "modi", + "meetle", + "meidschi", + "maitli", + "meitle" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "siin", + "sini", + "siis", + "egli" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gu.json b/data_tooling/pii_processing/ontology/data/gu.json new file mode 100644 index 0000000..e6104f2 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gu.json @@ -0,0 +1,77 @@ +{ + "PUBLIC_FIGURE": [ + "c", + "c_\u0aaa\u0acd\u0ab0\u0acb\u0a97\u0acd\u0ab0\u0abe\u0aae\u0abf\u0a82\u0a97_\u0aad\u0abe\u0ab7\u0abe" + ], + "ORG": [ + "\u0ab5\u0abe\u0aaf\u0ac1\u0aa6\u0ab3", + "\u0a95\u0aa1\u0abf\u0aaf\u0abe\u0a95\u0abe\u0aae", + "\u0aa8\u0acd\u0aaf\u0abe\u0aaf\u0aae\u0ac2\u0ab0\u0acd\u0aa4\u0abf", + "\u0aaf\u0ac1\u0aa8\u0abe\u0a87\u0a9f\u0ac7\u0aa1_\u0ab8\u0acd\u0a9f\u0ac7\u0a9f\u0acd\u0ab8_\u0a86\u0ab0\u0acd\u0aae\u0ac0", + "\u0ab6\u0abf\u0aa8\u0acd\u0aa4\u0acb", + "\u0a95\u0ac3\u0ab7\u0abf" + ], + "LOCATION": [ + "\u0ab8\u0a82\u0aaf\u0ac1\u0a95\u0acd\u0aa4_\u0ab0\u0abe\u0a9c\u0acd\u0aaf_\u0a85\u0aae\u0ac7\u0ab0\u0abf\u0a95\u0abe", + "\u0ab5\u0abe\u0aaf\u0ac1\u0aa6\u0ab3", + "\u0ab8\u0a82\u0aaf\u0ac1\u0a95\u0aa4_\u0ab0\u0abe\u0a9c\u0acd\u0aaf_\u0a85\u0aae\u0ac7\u0ab0\u0abf\u0a95\u0abe", + "\u0ab8\u0acd\u0ab2\u0ac0\u0aaa\u0abf\u0a82\u0a97_\u0aac\u0acd\u0aaf\u0ac2\u0a9f\u0ac0" + ], + "ANIMAL": [ + "\u0ab8\u0a82\u0aa7\u0abf\u0aaa\u0abe\u0aa6", + "\u0a97\u0abf\u0aa8\u0abf_\u0aaa\u0abf\u0a97" + ], + "PRODUCT": [ + "\u0aaa\u0abe\u0ab0\u0ab8\u0aae\u0aa3\u0abf" + ], + "MEDICAL_THERAPY": [ + "\u0ab0\u0a95\u0acd\u0aa4\u0a9a\u0abe\u0aaa" + ], + "FOOD": [ + "\u0a9a\u0abf\u0a82\u0a97\u0aae" + ], + "RELIGION": [ + "\u0aa4\u0abe\u0a93_\u0aa7\u0ab0\u0acd\u0aae" + ], + "DATE": [ + "\u0a85\u0aae\u0abe\u0ab8" + ], + "FAC": [ + "\u0aaa\u0acd\u0ab0\u0abe\u0aa5\u0aae\u0abf\u0a95_\u0ab6\u0abe\u0ab3\u0abe" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0aae\u0abe": "\u0aaa\u0abf\u0aa4\u0abe", + "\u0ab0\u0abe\u0aa3\u0ac0": "\u0ab0\u0abe\u0a9c\u0abe", + "\u0aac\u0ac7\u0aa8": "\u0aad\u0abe\u0a88", + "\u0aaa\u0aa4\u0acd\u0aa8\u0ac0": "\u0aaa\u0aa4\u0abf", + "\u0a9a\u0ac2\u0aa1\u0ac7\u0ab2": "\u0a9c\u0abe\u0aa6\u0ac1\u0a97\u0ab0", + "\u0ab5\u0abf\u0a9a": "\u0a9c\u0abe\u0aa6\u0ac1\u0a97\u0ab0", + "\u0ab8\u0acd\u0aa4\u0acd\u0ab0\u0ac0": "\u0aaa\u0ac1\u0ab0\u0ac1\u0ab7" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0aaa\u0ac1\u0ab0\u0ac1\u0ab7" + ], + "she": [ + "\u0ab8\u0acd\u0aa4\u0acd\u0ab0\u0ac0" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u0a8f\u0ab5\u0aa3" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/gv.json b/data_tooling/pii_processing/ontology/data/gv.json new file mode 100644 index 0000000..e90df5b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/gv.json @@ -0,0 +1,159 @@ +{ + "PUBLIC_FIGURE": [ + "anthoin", + "moirrey_malaine", + "shorys", + "antoin", + "davy", + "peddyr", + "frank", + "ard_harjant" + ], + "DISEASE": [ + "cramp", + "carbuncle", + "paays", + "kanghyr", + "cuddym", + "meshtallys", + "neustiuraght", + "bloom", + "askaid", + "goll", + "brishey" + ], + "PLANT": [ + "castan", + "plumbis", + "shellagh", + "noo_moirrey", + "carradje", + "shillish" + ], + "JOB": [ + "ben_lhee", + "fuinneyder", + "ard_earrooagh", + "derrey", + "jeshaghteyr", + "shawkeyr", + "ben_uinnee", + "roddan", + "sidoor", + "aspick", + "bochil", + "poleenyn", + "lioarlannee", + "thalhear", + "shenndaalee", + "neustholkeyr", + "baylee", + "gareyder", + "sharmaneagh" + ], + "RACE": [ + "turkagh", + "injinagh" + ], + "PERSON_PRONOUN": [ + "shinyn", + "mayd", + "she", + "shiuish" + ], + "ANIMAL": [ + "fannag", + "fiorag", + "hullad", + "mink", + "rannag", + "shawk" + ], + "LOCATION": [ + "marranys", + "sri_lanka" + ], + "ORG": [ + "un", + "keird_chummyn", + "cochionneeaght", + "keird_heshaght", + "erbee", + "covargey", + "mooir_ruy" + ], + "RELIGION_MEMBER": [ + "oranjagh", + "creestee", + "braar" + ], + "LANGUAGE": [ + "sheckagh", + "walloonish", + "corsickagh", + "yernish", + "cornish", + "frangish", + "rooshagh" + ], + "SOC_ECO_CLASS": [ + "braaraghys" + ], + "QUANTITY": [ + "tree_towshanagh" + ], + "PRODUCT": [ + "tree_howshanagh", + "tree_towshanagh" + ], + "GPE": [ + "spyrryd_noo" + ], + "UNION": [ + "sheshaght_cheirdee" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "ard_chaillagh": "fer_reill_abban", + "ben_abb": "abb", + "moir_abb": "fer_reill_abban", + "ard_chaillagh_ghoo": "abb", + "ard_ven_reill": "fer_reill_abban", + "bendiuic": "duic", + "ard_venrein": "ard_ree", + "ard_venainshtyr": "ard_ynseyder", + "ard_ven_ynsee": "ard_er_ynsee", + "mamm": "ayr" + }, + "other_gender_swap": { + "adsyn": "she", + "she": "adsyn" + }, + "en_pronoun2gender": { + "she": [ + "cronnaghey", + "bwoirrin", + "she" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "she" + ], + "they": [ + "teim", + "adsyn" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ha.json b/data_tooling/pii_processing/ontology/data/ha.json new file mode 100644 index 0000000..1abffe6 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ha.json @@ -0,0 +1,133 @@ +{ + "JOB": [ + "mace", + "masa\u0199i", + "masinja", + "cadi", + "kuyanga" + ], + "DISEASE": [ + "hakiya", + "hangum", + "juwa", + "azabtarwa", + "noma" + ], + "FAC": [ + "firamare" + ], + "ANIMAL": [ + "namakiri", + "hankaka", + "karkandan", + "mujiya" + ], + "LOCATION": [ + "na_gode", + "fatakwal" + ], + "LANGUAGE": [ + "kongo", + "bahaushe", + "bahaushiya", + "barbarci", + "hausawa", + "hausa", + "turanci", + "faransanci" + ], + "FOOD": [ + "barkono" + ], + "ORG": [ + "firamare", + "gwamnati", + "fasa_ofis", + "kuzari", + "midil", + "sa", + "mulki" + ], + "PRODUCT": [ + "linjila" + ], + "PUBLIC_FIGURE": [ + "a", + "husaini", + "dauda", + "biyu" + ], + "SOC_ECO_CLASS": [ + "kasuwar_shunku" + ], + "RELIGION_MEMBER": [ + "mormon" + ], + "PLANT": [ + "zaitun" + ], + "RELIGION": [ + "islam" + ], + "LAW": [ + "kotun_\u0199oli" + ], + "GENDER": [ + "yarinya" + ], + "POLITICAL_PARTY": [ + "jam_iyya" + ], + "GPE": [ + "linjila" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "sarauniya": "sarki", + "\u00edt\u00e1": "sh\u00edi", + "agoliya": "agola", + "matar_aure": "miji", + "yaro": "yarinya" + }, + "other_gender_swap": { + "s\u00fau": "\u00edt\u00e1", + "sh\u00edi": "s\u00fau", + "\u00edt\u00e1": "s\u00fau" + }, + "en_pronoun2gender": { + "he": [ + "yaro" + ], + "she": [ + "mace", + "yarinya" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "iya", + "sh\u00edi" + ], + "she": [ + "iya", + "\u00edt\u00e1" + ], + "they": [ + "s\u00fau" + ], + "it": [ + "wannan" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hak.json b/data_tooling/pii_processing/ontology/data/hak.json new file mode 100644 index 0000000..42c1b40 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hak.json @@ -0,0 +1,45 @@ +{ + "GPE": [ + "\u7d05\u6d77", + "\u7ea2\u6d77" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u65b0\u5a18": "\u65b0\u90ce", + "\u5a18\u4eb2": "\u5929\u7236", + "\u6bcd\u4eb2": "\u5929\u7236", + "\u5a18\u89aa": "\u5723\u7236", + "\u963f\u59c6": "\u5723\u7236", + "\u6bcd\u89aa": "\u5723\u7236" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u5973\u4eba", + "\u7ec6\u59b9\u4ed4", + "\u7d30\u59b9\u4ed4" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u4f62" + ], + "she": [ + "\u4f62" + ], + "it": [ + "\u8fd9" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/haw.json b/data_tooling/pii_processing/ontology/data/haw.json new file mode 100644 index 0000000..6828069 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/haw.json @@ -0,0 +1,136 @@ +{ + "LOCATION": [ + "he_mea_\u02bbole", + "kanakaloka", + "he_mea_iki" + ], + "JOB": [ + "mea_unuhi", + "potter", + "make", + "mea_\u02bbohi", + "polopeka" + ], + "PUBLIC_FIGURE": [ + "lopaka", + "hanal\u0113", + "e", + "a", + "kakalina", + "henel\u0113", + "one", + "kelekolio", + "mana\u02bbolana", + "lea", + "pekelo" + ], + "FOOD": [ + "liliko\u02bbi" + ], + "RELIGION_MEMBER": [ + "moramona" + ], + "QUANTITY": [ + "ikehu\u02bb\u0101" + ], + "PERSON_PRONOUN": [ + "he", + "\u02bb\u012b" + ], + "PLANT": [ + "lanalana", + "pal\u0101naka" + ], + "LANGUAGE": [ + "pali", + "pelek\u0101ne" + ], + "PRODUCT": [ + "mele_kalikimaka", + "kanakaloka", + "mele_a_solomona" + ], + "ANIMAL": [ + "poloka", + "wulekula", + "kokei\u02bba", + "kalapuna" + ], + "SOC_ECO_CLASS": [ + "kakaikahi" + ], + "ORG": [ + "laeuliuli", + "kapalakiko" + ], + "DISEASE": [ + "pilikia", + "ho\u02bbom\u0101inoino" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "p\u0101lona_wahine": "p\u0101lona", + "barona_wahine": "barona", + "duke_wahine": "duke", + "\u0101na": "k\u0101na", + "k\u0101na": "\u0101na", + "m\u014d\u02bb\u012b_wahine": "m\u014d\u02bb\u012b", + "kaikuahine": "kaikua\u02bbana", + "kaikaina": "kaikua\u02bbana", + "wahine": "k\u0101ne", + "k\u0101ne_\u02bb\u014dpio": "wahine_\u02bb\u014dpio", + "keiki_k\u0101ne": "wahine_\u02bb\u014dpio" + }, + "other_gender_swap": { + "one": "\u0101na", + "l\u0101kou": "\u0101na", + "k\u0101": "\u0101na", + "l\u0101ua": "k\u0101na", + "he": "l\u0101ua", + "\u0101na": "k\u0101", + "k\u0101na": "l\u0101kou" + }, + "en_pronoun2gender": { + "he": [ + "keiki_k\u0101ne", + "k\u0101ne_\u02bb\u014dpio" + ], + "she": [ + "kaikamahine", + "wahine", + "wahine_\u02bb\u014dpio" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "k\u0101na", + "\u0101na", + "he" + ], + "she": [ + "k\u0101na", + "\u0101na" + ], + "they": [ + "one", + "k\u0101", + "l\u0101kou", + "l\u0101ua" + ], + "it": [ + "k\u0101na", + "k\u0113ia" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hbo.json b/data_tooling/pii_processing/ontology/data/hbo.json new file mode 100644 index 0000000..0c0228d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hbo.json @@ -0,0 +1,41 @@ +{ + "DATE": [ + "\u05ea\u05d7\u05dc\u05d4" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u05db\u05dc\u05d4": "\u05d7\u05ea\u05df", + "\u05d9\u05dc\u05d3": "\u05d9\u05dc\u05d3\u05d4", + "\u05e0\u05e2\u05e8": "\u05d9\u05dc\u05d3\u05d4" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u05d9\u05dc\u05d3", + "\u05e0\u05e2\u05e8", + "\u05de\u05df", + "\u05d2\u05d1\u05d9\u05e8" + ], + "she": [ + "\u05e0\u05e7\u05d1\u05d4", + "\u05d9\u05dc\u05d3\u05d4" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "\u05db\u05d9", + "\u05d0\u05e9\u05e8" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/he.json b/data_tooling/pii_processing/ontology/data/he.json new file mode 100644 index 0000000..b32109a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/he.json @@ -0,0 +1,2170 @@ +{ + "LANGUAGE": [ + "\u05d0\u05e4\u05e8\u05d9\u05e7\u05d0\u05e0\u05e1", + "\u05d2\u05d5\u05d2'\u05e8\u05d8\u05d9\u05ea", + "\u05d5\u05d5\u05d9\u05d9\u05d8\u05e0\u05d0\u05de\u05d9\u05ea", + "\u05d0\u05d9\u05e1\u05dc\u05e0\u05d3\u05d9\u05ea", + "\u05e6\u05e8\u05e4\u05ea\u05d9\u05ea" + ], + "PRODUCT": [ + "\u05e9\u05dc\u05d5\u05e9_\u05d4\u05de\u05de\u05dc\u05db\u05d5\u05ea", + "\u05e9\u05e8\u05e7\u05df", + "\u05de\u05d1\u05d5\u05d9_\u05e1\u05ea\u05d5\u05dd", + "\u05ea\u05dc\u05ea_\u05de\u05d9\u05de\u05d3\u05d9", + "\u05e2\u05e5_\u05d7\u05d2_\u05d4\u05de\u05d5\u05dc\u05d3", + "\u05de\u05e8\u05d9\u05dd_\u05d4\u05e7\u05d3\u05d5\u05e9\u05d4", + "\u05e1\u05e7\u05e1\u05d5\u05e0\u05d9\u05d4_\u05d0\u05e0\u05d4\u05dc\u05d8", + "\u05d4\u05d1\u05e8\u05d9\u05ea_\u05d4\u05d7\u05d3\u05e9\u05d4", + "\u05e8\u05d5\u05d7_\u05d4\u05e7\u05d5\u05d3\u05e9", + "\u05d4\u05e8_\u05e1\u05e0\u05d8_\u05d4\u05dc\u05e0\u05e1", + "\u05d4\u05dc\u05d9\u05dc\u05d4_\u05d4\u05e9\u05e0\u05d9\u05dd_\u05e2\u05e9\u05e8", + "\u05d6\u05db\u05d5\u05d9\u05d5\u05ea_\u05d4\u05d0\u05d3\u05dd", + "\u05d9\u05d5\u05dd_\u05d4\u05e7\u05d5\u05e4\u05e1\u05d0\u05d5\u05ea" + ], + "ORG": [ + "\u05d4\u05e0\u05d4\u05e8_\u05d4\u05e6\u05d4\u05d5\u05d1", + "\u05d0\u05d9\u05d2\u05d5\u05d3_\u05d4\u05d8\u05dc\u05e7\u05d5\u05de\u05d5\u05e0\u05d9\u05e7\u05e6\u05d9\u05d4_\u05d4\u05d1\u05d9\u05e0\u05dc\u05d0\u05d5\u05de\u05d9", + "\u05d1\u05e8\u05d1\u05e8\u05d4_\u05d4\u05e7\u05d3\u05d5\u05e9\u05d4", + "fema", + "\u05d9\u05de\u05ea_\u05e1\u05d5\u05e4\u05d9\u05e8\u05d9\u05d5\u05e8", + "\u05de\u05e4\u05dc\u05d2\u05ea_\u05d4\u05e2\u05d1\u05d5\u05d3\u05d4", + "\u05d1\u05d9\u05ea_\u05d4\u05e2\u05d9\u05e8\u05d9\u05d4", + "\u05d7\u05e7\u05dc\u05d0\u05d5\u05ea", + "\u05de\u05e4\u05dc\u05d2\u05ea_\u05d4\u05d0\u05d9\u05e1\u05d5\u05e8", + "\u05d4\u05db\u05e8\u05de\u05dc", + "\u05d4\u05db\u05e0\u05e1\u05d9\u05d9\u05d4_\u05d4\u05e7\u05ea\u05d5\u05dc\u05d9\u05ea", + "\u05e0\u05d9\u05e7\u05d5\u05dc\u05d0\u05d5\u05e1_\u05d4\u05e7\u05d3\u05d5\u05e9", + "\u05d1\u05d9\u05ea_\u05e1\u05e4\u05e8_\u05d9\u05e1\u05d5\u05d3\u05d9", + "dia", + "\u05d4\u05db\u05e0\u05e1\u05d9\u05d9\u05d4_\u05d4\u05d0\u05e4\u05d9\u05e1\u05e7\u05d5\u05e4\u05dc\u05d9\u05ea", + "\u05d4\u05de\u05e9\u05e4\u05d8_\u05d4\u05e8\u05d5\u05de\u05d9", + "\u05de\u05d5\u05e8\u05de\u05d5\u05e0\u05d9\u05dd", + "\u05d3\u05d0\u05e8", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05dc\u05d0\u05d5\u05de\u05d9\u05ea", + "\u05d0\u05d6\u05d5\u05e8_\u05ea\u05e2\u05e9\u05d9\u05d9\u05d4", + "\u05db\u05e4\u05e8_\u05d0\u05d5\u05dc\u05d9\u05de\u05e4\u05d9", + "\u05de\u05e2\u05d8_\u05de\u05e2\u05d8", + "\u05d1\u05d9\u05ea_\u05d4\u05de\u05e9\u05e4\u05d8_\u05d4\u05e2\u05dc\u05d9\u05d5\u05df", + "\u05d4\u05d9\u05e4\u05d4\u05e4\u05d9\u05d9\u05d4_\u05d4\u05e0\u05e8\u05d3\u05de\u05ea", + "\u05e1\u05e0\u05d5\u05e0\u05d9\u05ea_\u05d4\u05e8\u05e4\u05ea\u05d5\u05ea", + "\u05de\u05e4\u05dc\u05d2\u05ea_\u05d4\u05dc\u05d9\u05d9\u05d1\u05d5\u05e8_\u05d4\u05d0\u05d5\u05e1\u05d8\u05e8\u05dc\u05d9\u05ea", + "\u05d4\u05d0\u05dc\u05de\u05e0\u05d4_\u05d4\u05e9\u05d7\u05d5\u05e8\u05d4", + "\u05e1\u05e4\u05d9\u05e8\u05ea_\u05d4\u05e0\u05d5\u05e6\u05e8\u05d9\u05dd", + "\u05e7\u05d5\u05d5\u05de\u05d9\u05e0\u05d8\u05e0\u05d2", + "\u05d4\u05d0\u05e1\u05e4\u05d4_\u05d4\u05dc\u05d0\u05d5\u05de\u05d9\u05ea", + "\u05e4\u05d5_\u05d4\u05d3\u05d5\u05d1", + "\u05d1\u05ea\u05d7\u05dc\u05d4", + "\u05d0\u05d9\u05d2\u05d5\u05d3_\u05de\u05e7\u05e6\u05d5\u05e2\u05d9", + "\u05e1\u05e0\u05d8_\u05d4\u05dc\u05e0\u05d4", + "by_the_way", + "\u05de\u05d5\u05dc\u05d3_\u05d4\u05d9\u05e8\u05d7", + "doc", + "\u05e4\u05d5_\u05d4\u05d3\u05d1", + "ace", + "\u05d9\u05d4\u05d3\u05d5\u05ea_\u05e7\u05d5\u05e0\u05e1\u05e8\u05d1\u05d8\u05d9\u05d1\u05d9\u05ea", + "\u05d4\u05d1\u05d9\u05ea_\u05d4\u05dc\u05d1\u05df", + "streptococcus_pyogenes", + "\u05dc\u05d7\u05dd_\u05de\u05d8\u05d5\u05d2\u05df", + "\u05d2\u05df_\u05d1\u05d5\u05d8\u05e0\u05d9", + "\u05d1\u05d9\u05ea_\u05e1\u05e4\u05e8_\u05dc\u05e8\u05e4\u05d5\u05d0\u05d4", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05e0\u05d0\u05e6\u05d9\u05ea", + "\u05e6'\u05d9\u05d0\u05e0\u05d2_\u05e8\u05d0\u05d9", + "\u05e9\u05d9\u05e0\u05d8\u05d5", + "\u05d0\u05dc_\u05e2\u05d9\u05df", + "\u05de\u05e1\u05d8\u05d9\u05e7" + ], + "PUBLIC_FIGURE": [ + "c", + "\u05e7\u05d5\u05e0\u05e1\u05d8\u05e0\u05d8\u05d9\u05e0\u05d5\u05e1", + "b", + "y", + "f", + "\u05d9\u05e2\u05e8\u05df", + "\u05d0\u05d2\u05dd_\u05d8\u05d0\u05e0\u05d4", + "\u05e7\u05d0\u05e8\u05d0\u05d5\u05d5\u05d2'\u05d5", + "m", + "i", + "shmsh", + "1", + "\u05d2\u05d0\u05d5\u05e8\u05d2\u05d9\u05d5\u05e1_\u05d4\u05e7\u05d3\u05d5\u05e9", + "g", + "r", + "\u05e4\u05d9\u05d8_\u05de\u05d5\u05e0\u05d3\u05e8\u05d9\u05d0\u05df", + "\u05e4\u05d8\u05e8\u05d9\u05e7_\u05d4\u05e7\u05d3\u05d5\u05e9", + "\u05e4\u05d9\u05d5\u05d8\u05e8_\u05d4\u05d2\u05d3\u05d5\u05dc", + "\u05e1\u05e0\u05d8_\u05dc\u05d5\u05e8\u05e0\u05e1", + "\u05dc\u05d5\u05d0\u05d9_\u05d6'\u05d5\u05d6\u05e3_\u05d2\u05d4_\u05dc\u05d9\u05e1\u05d0\u05e7", + "\u05d4\u05d9\u05d9\u05d8\u05d5\u05e8_\u05d5\u05d9\u05dc\u05d4_\u05dc\u05d5\u05d1\u05d5\u05e1", + "\u05e1\u05e0\u05d8_\u05dc\u05d5\u05d0\u05d9\u05e1", + "\u05e2\u05d5\u05ea'\u05de\u05d0\u05df_\u05d4\u05e8\u05d0\u05e9\u05d5\u05df", + "\u05e1\u05de\u05d9\u05ea", + "\u05d0\u05e0\u05d3\u05e8\u05e1_\u05e6\u05dc\u05d6\u05d9\u05d5\u05e1", + "t" + ], + "LOCATION": [ + "\u05d0\u05e7\u05d3\u05de\u05d9\u05d4_\u05dc\u05de\u05d5\u05d6\u05d9\u05e7\u05d4", + "\u05d4\u05e8_\u05d4\u05d6\u05d9\u05ea\u05d9\u05dd", + "\u05db\u05e3_\u05d5\u05e8\u05d3\u05d4", + "\u05e7\u05e8\u05d9\u05d1\u05d9_\u05e8\u05d9\u05d4", + "\u05d1\u05d9\u05ea_\u05d7\u05d5\u05dc\u05d9\u05dd_\u05e4\u05e1\u05d9\u05db\u05d9\u05d0\u05d8\u05e8\u05d9", + "\u05d0\u05de\u05d9\u05dc\u05d9\u05d0\u05e0\u05d5_\u05e1\u05e4\u05d0\u05d8\u05d4", + "\u05d4\u05d0\u05e1\u05e4\u05d4_\u05d4\u05dc\u05d0\u05d5\u05de\u05d9\u05ea_\u05d1\u05e2\u05ea_\u05d4\u05de\u05d4\u05e4\u05db\u05d4_\u05d4\u05e6\u05e8\u05e4\u05ea\u05d9\u05ea", + "\u05d0\u05dc\u05d2\u05f3\u05d6\u05d9\u05e8\u05d4", + "\u05d0\u05de\u05e8\u05d9\u05d2\u05d5_\u05d5\u05e1\u05e4\u05d5\u05e6'\u05d9", + "\u05e1\u05e0\u05d8_\u05d5\u05d9\u05e0\u05e1\u05e0\u05d8", + "\u05e1\u05e0\u05d8\u05d4_\u05e7\u05dc\u05d0\u05d5\u05e1", + "\u05d0\u05e1\u05e4\u05ea_\u05d4\u05e0\u05d1\u05d7\u05e8\u05d9\u05dd_\u05e9\u05dc_\u05e8\u05e4\u05d5\u05d1\u05dc\u05d9\u05e7\u05d4_\u05e1\u05e8\u05e4\u05e1\u05e7\u05d4", + "\u05db\u05e3_\u05d4\u05d5\u05e8\u05df", + "\u05d7\u05d9\u05dc_\u05d0\u05d5\u05d5\u05d9\u05e8", + "\u05d0\u05dc_\u05d2'\u05d6\u05d9\u05e8\u05d4", + "\u05de\u05e8\u05d9\u05dd_\u05d4\u05de\u05d2\u05d3\u05dc\u05d9\u05ea", + "\u05d0\u05d3\u05de\u05d4_\u05d7\u05e8\u05d5\u05db\u05d4", + "\u05d1\u05e0\u05e7_\u05de\u05e8\u05db\u05d6\u05d9", + "\u05d4\u05d3\u05d5\u05d1\u05d4_\u05d4\u05d2\u05d3\u05d5\u05dc\u05d4", + "\u05e6\u05d1\u05d0_\u05d0\u05e8\u05e6\u05d5\u05ea_\u05d4\u05d1\u05e8\u05d9\u05ea", + "\u05de\u05d9\u05dd_\u05de\u05ea\u05d5\u05e7\u05d9\u05dd", + "\u05de\u05d5\u05e0\u05d2\u05d5_\u05e4\u05d0\u05e8\u05e7", + "\u05db\u05e8\u05d9\u05e1\u05d8\u05d5\u05e4\u05e8_\u05e7\u05d5\u05dc\u05d5\u05de\u05d1\u05d5\u05e1", + "\u05d0\u05e7\u05d3\u05de\u05d9\u05d4_\u05e6\u05d1\u05d0\u05d9\u05ea" + ], + "PLANT": [ + "\u05de\u05e1\u05d8\u05d9\u05e7\u05d0", + "the_joshua_tree", + "candida_albicans", + "\u05e4\u05d5\u05d9\u05d6\u05df_\u05d0\u05d9\u05d9\u05d1\u05d9" + ], + "ANIMAL": [ + "\u05d8\u05d9\u05e4\u05d5\u05dc\u05ea\u05d9\u05d9\u05dd", + "\u05de\u05d5\u05e8\u05d9\u05d2", + "lactobacillus_acidophilus", + "\u05d0\u05d3\u05e8\u05d9\u05ea", + "\u05de\u05d5\u05e8\u05d9\u05d2\u05df_\u05d4\u05db\u05ea\u05dd", + "\u05d0\u05d1\u05d5\u05dc\u05d4", + "\u05de\u05d5\u05d6\u05d0\u05d9\u05e7\u05ea_\u05d4\u05d8\u05d1\u05e7", + "\u05d0\u05d5\u05e8\u05d6\u05d9\u05ea", + "\u05e1\u05d9\u05e1\u05d9\u05d9\u05dd", + "\u05d0\u05dc\u05de\u05e0\u05d4_\u05e9\u05d7\u05e8\u05d4", + "\u05d5\u05d9\u05e8\u05d5\u05e1_\u05d0\u05e4\u05e9\u05d8\u05d9\u05d9\u05df_\u05d1\u05e8", + "\u05e7\u05de\u05e4\u05d5\u05e0\u05d9\u05ea", + "\u05e7\u05d3\u05d7\u05ea_\u05de\u05e2\u05e8\u05d1_\u05d4\u05e0\u05d9\u05dc\u05d5\u05e1" + ], + "POLITICAL_PARTY": [ + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05e8\u05e4\u05d5\u05d1\u05dc\u05d9\u05e7\u05e0\u05d9\u05ea", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05e1\u05d5\u05e6\u05d9\u05d0\u05dc_\u05d3\u05de\u05d5\u05e7\u05e8\u05d8\u05d9\u05ea", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05d3\u05de\u05d5\u05e7\u05e8\u05d8\u05d9\u05ea_\u05e8\u05e4\u05d5\u05d1\u05dc\u05d9\u05e7\u05e0\u05d9\u05ea", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05d3\u05de\u05d5\u05e7\u05e8\u05d8\u05d9\u05ea_\u05d4\u05e1\u05e8\u05d1\u05d9\u05ea", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05d3\u05de\u05d5\u05e7\u05e8\u05d8\u05d9\u05ea", + "\u05de\u05e4\u05dc\u05d2\u05ea_\u05d4\u05dc\u05d9\u05d9\u05d1\u05d5\u05e8", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05e1\u05d5\u05e6\u05d9\u05d0\u05dc\u05d9\u05e1\u05d8\u05d9\u05ea_\u05d4\u05e6\u05e8\u05e4\u05ea\u05d9\u05ea", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05e9\u05de\u05e8\u05e0\u05d9\u05ea", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05e2\u05de\u05de\u05d9\u05ea", + "\u05d4\u05de\u05e4\u05dc\u05d2\u05d4_\u05d4\u05dc\u05d9\u05d1\u05e8\u05dc\u05d9\u05ea" + ], + "GPE": [ + "\u05d4\u05e7\u05d9\u05e1\u05e8\u05d5\u05ea_\u05d4\u05d2\u05e8\u05de\u05e0\u05d9\u05ea", + "\u05e8\u05d5\u05d7_\u05d4\u05e7\u05d3\u05e9", + "\u05d4\u05e2\u05d9\u05e8_\u05d4\u05e2\u05ea\u05d9\u05e7\u05d4", + "\u05e1\u05d0\u05d5_\u05d8\u05d5\u05de\u05d4", + "\u05d0\u05d9\u05d4_\u05e1\u05d5\u05e4\u05d9\u05d4", + "\u05d9\u05dd_\u05e1\u05d5\u05e3", + "\u05e4\u05d8\u05e8\u05d5\u05e1", + "\u05d4\u05e6\u05dc\u05d1_\u05d4\u05d0\u05d3\u05d5\u05dd", + "\u05d4\u05e6\u05dc\u05d1_\u05d4\u05d0\u05d3\u05dd", + "\u05d4\u05d9\u05dd_\u05d4\u05d0\u05d3\u05d5\u05dd", + "\u05db\u05e8\u05d9\u05e1\u05d8\u05d5\u05e4\u05d5\u05e8\u05d5\u05e1_\u05d4\u05e7\u05d3\u05d5\u05e9" + ], + "PERSON_PRONOUN": [ + "i" + ], + "FOOD": [ + "\u05e1\u05dc\u05d8_\u05e4\u05d9\u05e8\u05d5\u05ea", + "\u05ea\u05d5\u05ea\u05d9_\u05e4\u05e8\u05d5\u05d8\u05d9", + "\u05d2\u05d5\u05de\u05d9_\u05dc\u05e2\u05d9\u05e1\u05d4", + "\u05e4\u05e8\u05e0\u05e5_\u05d8\u05d5\u05e1\u05d8" + ], + "DISEASE": [ + "the_bends", + "\u05d3\u05d9\u05e1\u05e7\u05dc\u05e7\u05d5\u05dc\u05d9\u05d4", + "\u05e4\u05e8\u05d5\u05e0\u05e7\u05dc", + "gimp", + "\u05e1\u05e8\u05e4\u05d3\u05ea", + "\u05d0\u05e8\u05d2\u05d5\u05d8\u05d9\u05d6\u05dd", + "\u05db\u05d9\u05de\u05e9\u05d5\u05df_\u05ea\u05e4\u05d5\u05d7\u05d9_\u05d4\u05d0\u05d3\u05de\u05d4", + "\u05e2\u05e8\u05de\u05d5\u05e0\u05d9" + ], + "JOB": [ + "\u05e4\u05d5\u05dc\u05d9\u05d8\u05e8\u05d5\u05e7", + "\u05e2\u05e6\u05de\u05d9\u05dd_\u05e6\u05e4\u05d9\u05dd_\u05d1\u05e2\u05d9\u05df", + "\u05ea\u05f3\u05d0\u05e6\u05f3\u05e8", + "\u05d0\u05d9\u05e0\u05d3\u05e4\u05e0\u05d3\u05e0\u05d8", + "\u05e2\u05db\u05d1\u05e8\u05d5\u05e9", + "\u05de\u05e0\u05e7\u05d4_\u05d0\u05e8\u05d5\u05d1\u05d5\u05ea", + "mate", + "\u05e9\u05d1\u05e5_\u05de\u05d5\u05d7\u05d9", + "\u05d1\u05e8\u05d9\u05d2\u05d3\u05d9\u05e8_\u05d2\u05e0\u05e8\u05dc", + "doc", + "\u05d2\u05d1\u05d9\u05e8\u05d4", + "\u05ea\u05d0\u05e6\u05f3\u05e8", + "\u05d8\u05d5\u05d7\u05df" + ], + "FAC": [ + "\u05d4\u05e2\u05d9\u05e8\u05d9\u05d4", + "\u05d8\u05d9\u05e8\u05d5\u05e0\u05d5\u05ea", + "\u05d9\u05d5\u05e1\u05e3_\u05d4\u05e7\u05d3\u05d5\u05e9", + "\u05d0\u05e8\u05e0\u05d5\u05dc\u05d3_\u05e9\u05e0\u05d1\u05e8\u05d2", + "\u05d0\u05e8\u05d1\u05e2_\u05d4\u05e2\u05d5\u05e0\u05d5\u05ea", + "\u05d4\u05de\u05e9\u05e4\u05d7\u05d4_\u05d4\u05e7\u05d3\u05d5\u05e9\u05d4", + "\u05de\u05e8\u05db\u05d6_\u05e7\u05e0\u05d9\u05d5\u05ea", + "\u05d4\u05e9\u05e2\u05e8_\u05d4\u05e0\u05e9\u05d2\u05d1", + "bootcamp", + "\u05e9\u05e2\u05e8_\u05e0\u05d9\u05e6\u05d7\u05d5\u05df", + "\u05e1\u05e0\u05d8_\u05dc\u05d5\u05e1\u05d9\u05d4" + ], + "PERSON": [ + "\u05de\u05d5\u05e8\u05d9\u05d2", + "\u05d4\u05e8_\u05d8\u05d0\u05d9", + "\u05d4\u05d5\u05d5\u05d0\u05d4_\u05d1\u05e8\u05d6\u05d9\u05dc\u05d0\u05d9\u05ea" + ], + "SOC_ECO_CLASS": [ + "\u05d4\u05e2\u05d9\u05ea\u05d5\u05e0\u05d5\u05ea", + "\u05d4\u05e8\u05e9\u05d5\u05ea_\u05d4\u05e8\u05d1\u05d9\u05e2\u05d9\u05ea", + "\u05e9\u05d5\u05e7_\u05e9\u05d7\u05d5\u05e8", + "\u05d7\u05e7\u05dc\u05d0\u05d5\u05ea", + "\u05e1\u05de\u05d5\u05e8\u05d0\u05d9" + ], + "UNION": [ + "\u05d0\u05d2\u05d5\u05d3\u05ea_\u05e1\u05d8\u05d5\u05d3\u05e0\u05d8\u05d9\u05dd", + "\u05d0\u05d2\u05d5\u05d3_\u05de\u05e7\u05e6\u05d5\u05e2\u05d9" + ], + "QUANTITY": [ + "g", + "\u05e9\u05dc\u05d5\u05e9_\u05d0\u05d7\u05d9\u05d5\u05ea" + ], + "RACE": [ + "\u05d0\u05e0\u05d2\u05dc\u05d9\u05dd" + ], + "DATE": [ + "\u05ea\u05d7\u05dc\u05d4", + "\u05de\u05d5\u05dc\u05d3_\u05d4\u05dc\u05d1\u05e0\u05d4", + "\u05d7\u05d2_\u05e2\u05dc\u05d9\u05d9\u05ea_\u05de\u05e8\u05d9\u05dd", + "\u05ea\u05d5\u05e8_\u05d4\u05d6\u05d4\u05d1" + ], + "RELIGION": [ + "\u05d9\u05d4\u05d3\u05d5\u05ea_\u05de\u05e1\u05d5\u05e8\u05ea\u05d9\u05ea", + "\u05d9\u05d4\u05d3\u05d5\u05ea_\u05e8\u05e4\u05d5\u05e8\u05de\u05d9\u05ea", + "\u05d5\u05d9\u05e9\u05e0\u05d5\u05d9\u05d6\u05dd", + "\u05d5\u05d9\u05e7\u05d4", + "\u05d8\u05d0\u05d5\u05d0\u05d9\u05d6\u05dd" + ], + "LAW": [ + "\u05d1\u05d9\u05ea_\u05de\u05e9\u05e4\u05d8_\u05e2\u05dc\u05d9\u05d5\u05df" + ], + "GENDER": [ + "\u05d1\u05d9\u05e1\u05e7\u05e1\u05d5\u05d0\u05dc\u05d9" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u05de\u05d9\u05db\u05d0\u05dc\u05d4", + "\u05d4\u05d9\u05dc\u05d9", + "\u05d2\u05d5\u05e0\u05d9", + "\u05e2\u05de\u05e0\u05d5\u05d0\u05dc", + "\u05e4\u05e2\u05e8\u05dc", + "\u05ea\u05e4\u05d0\u05e8\u05ea", + "\u05dc\u05d9\u05d0\u05d5\u05e8\u05d4", + "\u05d6\u05d5\u05d4\u05e8", + "\u05e8\u05d0\u05e9\u05d9\u05ea", + "\u05de\u05dc\u05d0\u05e7", + "\u05d0\u05dc\u05d9\u05d0\u05df", + "\u05d0\u05d1\u05d9\u05d8\u05dc", + "\u05d0\u05d5\u05e8\u05d8\u05dc", + "\u05e1\u05d0\u05e8\u05d4", + "\u05d0\u05e4\u05e8\u05ea", + "\u05d2\u05dc\u05d9\u05d4", + "\u05d9\u05e2\u05dc\u05d4", + "\u05e8\u05e0\u05e0\u05d4", + "\u05d0\u05d5\u05e8\u05d9\u05df", + "\u05e1\u05d9\u05de\u05d4", + "\u05d0\u05d9\u05d8\u05d4", + "\u05de\u05d0\u05d5\u05e8\u05d9", + "\u05e8\u05d5\u05de\u05d9", + "\u05dc\u05d0\u05e8\u05d0", + "\u05d0\u05e0\u05d0\u05dc", + "\u05d3\u05e8\u05d9\u05d4", + "\u05d0\u05d1\u05d9\u05d4", + "\u05e7\u05d5\u05e8\u05dc", + "\u05de\u05e8\u05d2\u05dc\u05d9\u05ea", + "\u05dc\u05d9\u05d4\u05d9", + "\u05dc\u05d5\u05e8\u05df", + "\u05e8\u05d9\u05ea\u05d0\u05dc", + "\u05dc\u05d9\u05d0\u05d4", + "\u05d2'\u05d5\u05d3", + "\u05d0\u05dc\u05de\u05d0", + "\u05e9\u05d0\u05dd", + "\u05d9\u05d4\u05d1", + "\u05d2'\u05d5\u05dc\u05d9\u05df", + "\u05d0\u05d9\u05d9\u05dc\u05d4", + "\u05d0\u05d9\u05d9\u05d3\u05dc", + "\u05e9\u05d5\u05d4\u05dd", + "\u05d4\u05d3\u05e8", + "\u05d0\u05de\u05d9", + "\u05ea\u05d0\u05dc\u05d0", + "\u05d9\u05dd", + "\u05dc\u05d9\u05d9\u05d4", + "\u05e0\u05d2\u05d4", + "\u05e2\u05d8\u05e8\u05d4", + "\u05d4\u05d9\u05d9\u05dc\u05d9", + "\u05d1\u05d9\u05e1\u05d0\u05df", + "\u05db\u05e0\u05e8\u05ea", + "\u05d0\u05d9\u05dc\u05ea", + "\u05d0\u05de\u05dc\u05d9", + "\u05de\u05e0\u05d5\u05e8", + "\u05e8\u05d5\u05df", + "\u05ea\u05d4\u05dc\u05d4", + "\u05e0\u05d0\u05d9\u05d4", + "\u05e0\u05d5\u05e8", + "\u05d8\u05dc", + "\u05d0\u05d5\u05e8\u05df", + "\u05e2\u05d3\u05d9", + "\u05e8\u05d9\u05dd", + "\u05d0\u05e0\u05d4", + "\u05e2\u05d3\u05df", + "\u05e0\u05e2\u05de\u05d4", + "\u05d0\u05de\u05d5\u05e0\u05d4", + "\u05d9\u05d4\u05dc", + "\u05e2\u05d5\u05de\u05e8", + "\u05d1\u05dc\u05d5\u05de\u05d4", + "\u05d9\u05d0\u05e8\u05d0", + "\u05dc\u05d9\u05d4\u05d9\u05d0", + "\u05d8\u05dc\u05d9\u05d4", + "\u05e9\u05e4\u05e8\u05d4", + "\u05e0\u05d9\u05e7\u05d4", + "\u05d8\u05d5\u05d4\u05e8", + "\u05d9\u05d5\u05d8\u05d0", + "\u05de\u05d0\u05d9", + "\u05d4\u05dc\u05dc\u05d9", + "\u05d1\u05d9\u05d0\u05df", + "\u05e2\u05d8\u05e8\u05ea", + "\u05d3\u05d5\u05e8", + "\u05e4\u05dc\u05d2", + "\u05e8\u05d9\u05ea\u05d0\u05d2'", + "\u05d3\u05d5\u05e8\u05d5\u05df", + "\u05e8\u05e2\u05d5\u05ea", + "\u05de\u05dc\u05db\u05d4", + "\u05de\u05d9\u05e9\u05dc", + "\u05e1\u05d5\u05e4\u05d9\u05d4", + "\u05e0\u05e2\u05de\u05d9", + "\u05e6\u05e4\u05d5\u05e8\u05d4", + "\u05e9\u05d9\u05e8", + "\u05de\u05e8\u05d9\u05d4", + "\u05d7\u05d5\u05d4", + "\u05dc\u05d0\u05d4", + "\u05e4\u05e8\u05d9\u05d9\u05d3\u05d0", + "\u05dc\u05d9\u05d4", + "\u05e8\u05e0\u05d9", + "\u05e1\u05d9\u05dc\u05d0", + "\u05d9\u05e2\u05dc", + "\u05d3\u05d5\u05e8\u05d9\u05df", + "\u05e8\u05d9\u05de\u05d0\u05e1", + "\u05d0\u05d5\u05e8", + "\u05d0\u05d9\u05d9\u05dc\u05ea", + "\u05e9\u05e7\u05d3", + "\u05d2\u05dc", + "\u05d3\u05d9\u05e0\u05d4", + "\u05d4\u05e0\u05d9\u05d4", + "\u05e1\u05dc\u05de\u05d0", + "\u05e2\u05e0\u05d0\u05dc", + "\u05d0\u05d5\u05d5\u05d4", + "\u05e0\u05d0\u05d9\u05d0", + "\u05d0\u05dc\u05d9", + "\u05d7\u05df", + "\u05de\u05d0\u05d9\u05d4", + "\u05d0\u05de\u05d5\u05e8", + "\u05d6\u05d9\u05e0\u05d4", + "\u05d0\u05d1\u05d9\u05d2\u05d9\u05dc", + "\u05d3\u05e8\u05d5\u05e8", + "\u05d2'\u05e0\u05d0", + "\u05d4\u05d3\u05e1\u05d4", + "\u05de\u05d9\u05ea\u05e8", + "\u05e8\u05d9\u05e0\u05d4", + "\u05de\u05d9\u05dc\u05d4", + "\u05d0\u05dc\u05db\u05e1", + "\u05de\u05d0\u05d5\u05e8", + "\u05e8\u05d9\u05de\u05d0", + "\u05e9\u05d5\u05e9\u05e0\u05d4", + "\u05d0\u05dc\u05d9\u05e1", + "\u05d9\u05e2\u05e8\u05d4", + "\u05d2'\u05d5\u05dc\u05d9", + "\u05d0\u05d1\u05d9\u05e9\u05d2", + "\u05d0\u05d5\u05d3\u05dc", + "\u05d0\u05dc\u05d9\u05e1\u05d4", + "\u05d3\u05e0\u05d9\u05d0\u05dc\u05d4", + "\u05d2\u05dc\u05d9", + "\u05e8\u05d5\u05e0\u05d9", + "\u05de\u05d9\u05dc\u05d0", + "\u05e2\u05d3\u05d9\u05d4", + "\u05e1\u05e4\u05d9\u05e8", + "\u05d0\u05d5\u05e8\u05d0\u05dc", + "\u05d0\u05d9\u05d4", + "\u05dc\u05d9\u05dc\u05d9", + "\u05ea\u05d9\u05d0", + "\u05e0\u05d5\u05e4\u05e8", + "\u05dc\u05e0\u05d9", + "\u05d2\u05d9\u05dc", + "\u05d1\u05d9\u05dc\u05d0", + "\u05d2\u05d9\u05dc\u05d9", + "\u05e0\u05d9\u05dc\u05d9", + "\u05d9\u05e1\u05de\u05d9\u05df", + "\u05dc\u05d9\u05d0\u05df", + "\u05d0\u05d7\u05d9\u05e0\u05d5\u05e2\u05dd", + "\u05e0\u05d5\u05e2\u05dd", + "\u05e7\u05d0\u05e8\u05d9\u05df", + "\u05e1\u05d5\u05e4\u05d9", + "\u05e9\u05d9\u05d9\u05e0\u05d0", + "\u05e9\u05d9\u05e8\u05d4", + "\u05dc\u05d9\u05e8\u05d6", + "\u05d1\u05ea_\u05e9\u05d1\u05e2", + "\u05dc\u05d9\u05e2\u05d3", + "\u05e9\u05d9\u05d9\u05e0\u05d3\u05dc", + "\u05d7\u05dc\u05d0", + "\u05e2\u05de\u05dc\u05d9\u05d4", + "\u05e2\u05e0\u05d1\u05e8", + "\u05d3\u05e0\u05d4", + "\u05e8\u05d5\u05ea", + "\u05d6\u05d9\u05e0\u05d1", + "\u05dc\u05d9\u05dc\u05da", + "\u05e1\u05de\u05d0", + "\u05d4\u05d3\u05e1", + "\u05de\u05d9\u05e8\u05d0\u05dc", + "\u05d2'\u05d5\u05e8\u05d9", + "\u05d4\u05d5\u05d3\u05d9\u05d4", + "\u05ea\u05d4\u05d9\u05dc\u05d4", + "\u05d0\u05d5\u05e4\u05dc", + "\u05dc\u05d9\u05d0\u05d5\u05e8", + "\u05dc\u05d9\u05e0\u05d5\u05d9", + "\u05ea\u05d1\u05dc", + "\u05d0\u05d5\u05d3\u05d9\u05d4", + "\u05d0\u05d5\u05e8\u05d9\u05d0\u05df", + "\u05d3\u05e4\u05e0\u05d4", + "\u05d9\u05d4\u05dc\u05d9", + "\u05e2\u05e0\u05d4\u05d0\u05dc", + "\u05d9\u05d5\u05d1\u05dc", + "\u05ea\u05d0\u05d9\u05e8", + "\u05d0\u05d9\u05dc\u05d9\u05df", + "\u05d2\u05d9\u05dc\u05d4", + "\u05e0\u05d0\u05d9", + "\u05de\u05d9\u05e7\u05d4", + "\u05e9\u05d9", + "\u05d0\u05de\u05d9\u05dc\u05d9", + "\u05e4\u05e0\u05d9\u05e0\u05d4", + "\u05ea\u05de\u05e8\u05d4", + "\u05d9\u05d5\u05db\u05d1\u05d3", + "\u05de\u05d5\u05e8\u05d9\u05d4", + "\u05e2\u05d3\u05d9\u05e0\u05d4", + "\u05d0\u05df", + "\u05de\u05d9\u05d8\u05dc", + "\u05dc\u05de\u05d0\u05e8", + "\u05de\u05e0\u05d5\u05d7\u05d4", + "\u05dc\u05d9\u05e8\u05d9", + "\u05dc\u05d9\u05d0\u05dc", + "\u05d0\u05de\u05d4", + "\u05d3\u05d9\u05de\u05d0", + "\u05e8\u05d4\u05e3", + "\u05dc\u05d9\u05e8\u05d5\u05df", + "\u05d0\u05d9\u05d9\u05de\u05d9", + "\u05dc\u05d5\u05e8", + "\u05d0\u05d3\u05e8", + "\u05d2\u05d6\u05dc", + "\u05e8\u05d5\u05e0\u05d4", + "\u05de\u05d9\u05d0\u05e8", + "\u05d0\u05d9\u05de\u05d0\u05df", + "\u05dc\u05d9\u05df", + "\u05de\u05d9\u05e8\u05d9\u05dc", + "\u05e7\u05d9\u05dd", + "\u05e0\u05d5\u05e2\u05d4", + "\u05dc\u05d5\u05d8\u05dd", + "\u05d0\u05dc\u05d9\u05e0\u05d5\u05e8", + "\u05e0\u05d8\u05dc\u05d9", + "\u05e8\u05e2\u05d9\u05d4", + "\u05d9\u05e8\u05d9\u05df", + "\u05e9\u05d5\u05dc\u05de\u05d9\u05ea", + "\u05ea\u05d5\u05dc\u05d9\u05df", + "\u05d2\u05d9\u05d8\u05dc", + "\u05db\u05e8\u05de\u05dc", + "\u05d0\u05d5\u05d3\u05dc\u05d9\u05d4", + "\u05d9\u05d4\u05d5\u05d3\u05d9\u05ea", + "\u05d0\u05e0\u05d0\u05d1\u05dc", + "\u05dc\u05d9\u05d0\u05dd", + "\u05d0\u05d5\u05e8\u05d9\u05d4", + "\u05d7\u05d9\u05d4", + "\u05d9\u05d5\u05dc\u05d9", + "\u05d0\u05d1\u05d9\u05d1", + "\u05e6\u05d1\u05d9\u05d4", + "\u05d9\u05e1\u05db\u05d4", + "\u05d0\u05d3\u05dc", + "\u05d0\u05dc\u05d9\u05e2\u05e0\u05d4", + "\u05d0\u05de\u05d9\u05dc\u05d9\u05d4", + "\u05de\u05d9\u05dc\u05d9", + "\u05e2\u05d5\u05e4\u05e8\u05d9", + "\u05de\u05e9\u05d9", + "\u05ea\u05d5\u05dd", + "\u05d0\u05d5\u05e8\u05d4", + "\u05de\u05d9\u05db\u05dc", + "\u05d0\u05d5\u05e4\u05d9\u05e8", + "\u05d0\u05e8\u05d9\u05d0\u05dc", + "\u05d0\u05d3\u05d5\u05d4", + "\u05e9\u05d9\u05e8\u05d9", + "\u05e2\u05d9\u05d3\u05df", + "\u05d0\u05dc\u05d4", + "\u05e7\u05e8\u05df", + "\u05e6\u05d5\u05e4\u05d9\u05d4", + "\u05d0\u05dc\u05d9\u05d4", + "\u05d7\u05e0\u05d4", + "\u05d3\u05e0\u05d9", + "\u05ea\u05de\u05e8", + "\u05d1\u05ea", + "\u05d0\u05dc\u05d9\u05d0\u05e0\u05d4", + "\u05d9\u05e4\u05d4", + "\u05dc\u05d9\u05d1\u05d9", + "\u05d2'\u05d5\u05d0\u05dc", + "\u05de\u05e8\u05d9\u05dd", + "\u05e4\u05e8\u05d7", + "\u05e8\u05d5\u05d7\u05de\u05d4", + "\u05de\u05e2\u05d9\u05d9\u05df", + "\u05d9\u05e8\u05d3\u05df", + "\u05d7\u05d2\u05d9\u05ea", + "\u05e0\u05d0\u05d5\u05d4", + "\u05d0\u05de\u05dc", + "\u05d4\u05dc\u05dc", + "\u05ea\u05d4\u05dc", + "\u05d2\u05d0\u05d9\u05d4", + "\u05e4\u05d9\u05d2\u05d0", + "\u05e0\u05d9\u05e0\u05d4", + "\u05e8\u05d1\u05e7\u05d4", + "\u05d4\u05d9\u05e0\u05d3\u05d0", + "\u05d2\u05d5\u05dc\u05d3\u05d4", + "\u05e8\u05d5\u05ea\u05dd", + "\u05d0\u05e1\u05ea\u05e8", + "\u05db\u05dc\u05d9\u05dc", + "\u05e9\u05e0\u05d9", + "\u05d6\u05d4\u05d1\u05d4", + "\u05e9\u05d4\u05d3", + "\u05d8\u05dc\u05d9", + "\u05e4\u05d0\u05d8\u05de\u05d4", + "\u05ea\u05d0\u05dc\u05d9\u05df", + "\u05d1\u05d0\u05e8\u05d9", + "\u05d3\u05e0\u05d9\u05d0\u05dc", + "\u05de\u05d9\u05d0\u05dc", + "\u05d0\u05d5\u05e8\u05d9", + "\u05e2\u05e0\u05d1\u05dc", + "\u05e0\u05d9\u05e6\u05df", + "\u05e8\u05e4\u05d9\u05e3", + "\u05e9\u05d5\u05d1\u05dc", + "\u05e1\u05d5\u05dc", + "\u05e0\u05d5\u05d9", + "\u05d2\u05d5\u05e8\u05d9", + "\u05e8\u05d6", + "\u05d0\u05dc\u05de\u05d5\u05d2", + "\u05d0\u05dc\u05d5\u05e0\u05d4", + "\u05dc\u05d9\u05d8\u05dc", + "\u05e1\u05d9\u05dc\u05d9\u05df", + "\u05d1\u05e8", + "\u05dc\u05d9", + "\u05d2'\u05d5\u05d9\u05dc", + "\u05de\u05d5\u05e8", + "\u05e1\u05ea\u05d9\u05d5", + "\u05de\u05d9\u05e8\u05d0", + "\u05e9\u05d9_\u05dc\u05d9", + "\u05e2\u05de\u05d9\u05ea", + "\u05e7\u05e8\u05e0\u05d9", + "\u05e9\u05d7\u05e8", + "\u05e4\u05e8\u05d9\u05d0\u05dc", + "\u05d0\u05dc\u05d5\u05de\u05d4", + "\u05d0\u05dc\u05d8\u05e2", + "\u05d0\u05dc\u05d9\u05df", + "\u05d0\u05d5\u05e4\u05e7", + "\u05d0\u05e1\u05d9\u05dc", + "\u05d0\u05e8\u05d1\u05dc", + "\u05e0\u05d9\u05e7\u05d5\u05dc", + "\u05e0\u05d7\u05de\u05d4", + "\u05d1\u05e8\u05db\u05d4", + "\u05e1\u05d4\u05e8", + "\u05d0\u05dc\u05de\u05d4", + "\u05e9\u05d9\u05e8\u05d0\u05dc", + "\u05d6\u05d5\u05d0\u05d9", + "\u05e4\u05d0\u05e8", + "\u05dc\u05d9\u05d1\u05d0", + "\u05d0\u05d5\u05e9\u05e8", + "\u05d0\u05e1\u05e0\u05ea", + "\u05d6\u05d9\u05d5", + "\u05d4\u05e2\u05e0\u05d0", + "\u05e0\u05d8\u05e2", + "\u05d8\u05d5\u05d1\u05d4", + "\u05e8\u05d9\u05d9\u05d6\u05dc", + "\u05d0\u05dc\u05d9\u05e9\u05d1\u05e2", + "\u05dc\u05d9\u05d1", + "\u05d3\u05d1\u05d5\u05e8\u05d4", + "\u05d4\u05d9\u05dc\u05d4", + "\u05e9\u05e8\u05d4", + "\u05e9\u05dc\u05d9", + "\u05e8\u05d7\u05dc", + "\u05e1\u05d9\u05d5\u05df", + "\u05dc\u05e0\u05d0", + "\u05d0\u05d2\u05dd", + "\u05d2\u05e4\u05df", + "\u05d1\u05ea\u05d9\u05d4", + "\u05d0\u05d4\u05d5\u05d1\u05d4", + "\u05e2\u05dc\u05de\u05d4", + "\u05e9\u05d9\u05dc\u05ea", + "\u05e9\u05d8\u05e2\u05e8\u05e0\u05d0", + "\u05e0\u05d5\u05d9\u05d4", + "\u05de\u05d9\u05d9\u05d4" + ], + "FIRST_NAME_MALE": [ + "\u05de\u05d5\u05e1\u05d0", + "\u05d2\u05d1\u05e8\u05d9\u05d0\u05dc", + "\u05dc\u05d5\u05d9", + "\u05d0\u05d1\u05d9\u05e0\u05d5\u05e2\u05dd", + "\u05e2\u05de\u05e0\u05d5\u05d0\u05dc", + "\u05e8\u05d5\u05d0\u05d9", + "\u05e8\u05d5\u05e2\u05d9", + "\u05d6\u05d5\u05d4\u05e8", + "\u05d9\u05d5\u05e1\u05e3", + "\u05de\u05e0\u05d7\u05dd", + "\u05e2\u05e7\u05d9\u05d1\u05d0", + "\u05d9\u05d0\u05df", + "\u05d7\u05d2\u05d9", + "\u05e1\u05d5\u05dc\u05d9\u05de\u05d0\u05df", + "\u05d0\u05d5\u05e8\u05d9\u05df", + "\u05d0\u05e8\u05d3", + "\u05d0\u05e8\u05d6", + "\u05d7\u05d9\u05d9\u05dd", + "\u05dc\u05d9\u05e8\u05df", + "\u05d9\u05e4\u05ea\u05d7", + "\u05dc\u05d1\u05d9\u05d0", + "\u05d8\u05d5\u05d1\u05d9\u05d4", + "\u05d3\u05d1", + "\u05d7\u05e1\u05df", + "\u05d2'\u05d5\u05d3", + "\u05e9\u05de\u05e2\u05d5\u05df", + "\u05e0\u05d4\u05d5\u05e8\u05d0\u05d9", + "\u05d2\u05dc\u05e2\u05d3", + "\u05d9\u05e0\u05d5\u05df", + "\u05de\u05ea\u05df", + "\u05d0\u05d7\u05de\u05d3", + "\u05d9\u05d4\u05d1", + "\u05e8\u05d1\u05d9\u05d3", + "\u05e9\u05d5\u05d4\u05dd", + "\u05e0\u05d9\u05ea\u05d0\u05d9", + "\u05d4\u05d3\u05e8", + "\u05d6\u05d0\u05d1", + "\u05d9\u05d4\u05d5\u05e9\u05e2", + "\u05d0\u05de\u05e8\u05d9", + "\u05db\u05e4\u05d9\u05e8", + "\u05d0\u05d1\u05d9\u05e2\u05d3", + "\u05e0\u05d1\u05d5", + "\u05d0\u05dc\u05d9\u05d0\u05d1", + "\u05e0\u05d5\u05d4", + "\u05e8\u05df", + "\u05e8\u05d5\u05df", + "\u05d1\u05d5\u05e2\u05d6", + "\u05e0\u05d0\u05d5\u05e8", + "\u05d2'\u05d5\u05d6\u05e3", + "\u05e2\u05dc\u05d9", + "\u05d8\u05dc", + "\u05d0\u05d5\u05e9\u05e8\u05d9", + "\u05d0\u05d5\u05e8\u05df", + "\u05e2\u05d3\u05d9", + "\u05e9\u05d0\u05d5\u05dc", + "\u05e9\u05de\u05d5\u05d0\u05dc", + "\u05d0\u05dc\u05d9\u05d0\u05d5\u05e8", + "\u05d0\u05d1\u05d9\u05ea\u05e8", + "\u05e2\u05de\u05d9\u05d7\u05d9", + "\u05e2\u05d3\u05df", + "\u05de\u05e9\u05d4", + "\u05d0\u05d9\u05dc\u05df", + "\u05d0\u05e9\u05e8", + "\u05e8\u05d9\u05e3", + "\u05d9\u05d4\u05dc", + "\u05e9\u05e0\u05d9\u05d0\u05d5\u05e8", + "\u05e2\u05d5\u05de\u05e8", + "\u05d0\u05dc\u05d5\u05df", + "\u05dc\u05d9\u05e8\u05d5\u05d9", + "\u05d9\u05d5\u05d7\u05d0\u05d9", + "\u05d8\u05d5\u05d4\u05e8", + "\u05d9\u05d5\u05d2\u05d1", + "\u05d9\u05e0\u05d9\u05d1", + "\u05d0\u05d9\u05ea\u05d9\u05d0\u05dc", + "\u05dc\u05d0\u05d5\u05df", + "\u05d3\u05d5\u05e8", + "\u05e4\u05dc\u05d2", + "\u05e0\u05e8\u05d9\u05d4", + "\u05d3\u05d5\u05e8\u05d5\u05df", + "\u05e1\u05d9\u05e0\u05d9", + "\u05e8\u05e2\u05d9", + "\u05d0\u05e4\u05e8\u05d9\u05dd", + "\u05d0\u05d9\u05dc\u05d5\u05df", + "\u05e9\u05d9\u05e8", + "\u05d9\u05d6\u05df", + "\u05e7\u05d5\u05e8\u05df", + "\u05e8\u05e0\u05d9", + "\u05d1\u05e0\u05d9\u05de\u05d9\u05df", + "\u05e0\u05d9\u05e1\u05d9\u05dd", + "\u05d0\u05d3\u05dd", + "\u05d0\u05dc\u05d7\u05e0\u05df", + "\u05d0\u05d5\u05e8", + "\u05e9\u05e7\u05d3", + "\u05e8\u05d5\u05dd", + "\u05d2\u05dc", + "\u05d9\u05d0\u05e1\u05d9\u05df", + "\u05d0\u05d9\u05d9\u05dc", + "\u05d4\u05e8\u05d0\u05dc", + "\u05ea\u05d5\u05de\u05e8", + "\u05de\u05dc\u05d0\u05db\u05d9", + "\u05e2\u05d1\u05d3", + "\u05d0\u05dc\u05d9\u05d4\u05d5", + "\u05d9\u05d7\u05d9\u05d0", + "\u05e2\u05d5\u05d1\u05d3\u05d9\u05d4", + "\u05d0\u05dc\u05d9\u05d0\u05dc", + "\u05d3\u05e8\u05d5\u05e8", + "\u05d0\u05e8\u05d0\u05dc", + "\u05de\u05d9\u05dc\u05d0\u05df", + "\u05ea\u05d1\u05d5\u05e8", + "\u05d0\u05dc\u05db\u05e1", + "\u05de\u05d0\u05d5\u05e8", + "\u05d9\u05d5\u05d0\u05dc", + "\u05e0\u05d9\u05dc", + "\u05e2\u05e8\u05df", + "\u05d0\u05dc\u05d9\u05e8\u05df", + "\u05e8\u05d5\u05e0\u05d9", + "\u05e1\u05e2\u05e8", + "\u05d0\u05d5\u05e8\u05d0\u05dc", + "\u05dc\u05d9\u05d0\u05d1", + "\u05d0\u05dc\u05d9\u05e9\u05e2", + "\u05d1\u05e8\u05d5\u05da", + "\u05d3\u05df", + "\u05d0\u05d7\u05d9\u05d4", + "\u05dc\u05e0\u05d9", + "\u05d2\u05d9\u05dc", + "\u05e0\u05e4\u05ea\u05dc\u05d9", + "\u05e9\u05dc\u05d5", + "\u05d2\u05d9\u05dc\u05d9", + "\u05dc\u05d9\u05d0\u05d5", + "\u05d9\u05e9\u05db\u05e8", + "\u05e0\u05d5\u05e2\u05dd", + "\u05d0\u05d9\u05d0\u05df", + "\u05d6\u05d9\u05d9\u05df", + "\u05e1\u05d0\u05dc\u05d7", + "\u05dc\u05d9\u05d9\u05ea", + "\u05d0\u05d1\u05e8\u05d0\u05d4\u05d9\u05dd", + "\u05d0\u05dc\u05d9\u05de\u05dc\u05da", + "\u05dc\u05d9\u05e2\u05d3", + "\u05e2\u05d9\u05d3\u05d5", + "\u05de\u05ea\u05e0\u05d9\u05d4", + "\u05e2\u05ea\u05d9", + "\u05e2\u05e0\u05d1\u05e8", + "\u05e9\u05de\u05d7\u05d4", + "\u05e9\u05dc\u05de\u05d4", + "\u05d3\u05d9\u05df", + "\u05d0\u05d5\u05d4\u05d3", + "\u05e0\u05ea\u05e0\u05d0\u05dc", + "\u05e2\u05d1\u05e8\u05d9", + "\u05dc\u05d9\u05d0\u05d5\u05e8", + "\u05de\u05d5\u05d7\u05de\u05d3", + "\u05d0\u05dc\u05e2\u05d3", + "\u05e2\u05d9\u05dc\u05d9", + "\u05dc\u05d9\u05d3\u05d5\u05e8", + "\u05d0\u05dc\u05d9\u05e8\u05d6", + "\u05de\u05e8\u05d5\u05dd", + "\u05d9\u05d4\u05dc\u05d9", + "\u05e2\u05d3\u05d9\u05d0\u05dc", + "\u05d9\u05d5\u05d1\u05dc", + "\u05d0\u05dc\u05e8\u05d5\u05d0\u05d9", + "\u05d0\u05d9\u05de\u05e8\u05d9", + "\u05e7\u05d3\u05dd", + "\u05d0\u05dc\u05db\u05e1\u05e0\u05d3\u05e8", + "\u05e0\u05d9\u05e8", + "\u05d0\u05dc\u05e2\u05d6\u05e8", + "\u05dc\u05d9\u05e2\u05dd", + "\u05e9\u05d9", + "\u05e0\u05d9\u05d1", + "\u05d2'\u05d5\u05dc\u05d9\u05d0\u05df", + "\u05ea\u05d9\u05d9\u05dd", + "\u05d9\u05e9\u05d9", + "\u05d3\u05d5\u05dc\u05d1", + "\u05e6\u05d5\u05e8", + "\u05d1\u05e6\u05dc\u05d0\u05dc", + "\u05d2\u05d1\u05e2", + "\u05d9\u05d4\u05d5\u05e0\u05ea\u05df", + "\u05dc\u05d9\u05d0\u05dc", + "\u05e8\u05e4\u05d0\u05dc", + "\u05dc\u05d9\u05e8\u05d5\u05df", + "\u05d9\u05e2\u05e7\u05d1", + "\u05d0\u05d9\u05ea\u05de\u05e8", + "\u05d0\u05d3\u05e8", + "\u05d8\u05d5\u05de\u05d9", + "\u05d0\u05d9\u05ea\u05d9", + "\u05d2\u05d5\u05d3", + "\u05d9\u05d7\u05d9\u05d0\u05dc", + "\u05de\u05d5\u05e1\u05d8\u05e4\u05d0", + "\u05d4\u05d9\u05dc\u05dc", + "\u05d8\u05d5\u05dd", + "\u05d2\u05d5\u05e8", + "\u05d0\u05d9\u05dc\u05d9\u05d9", + "\u05e9\u05d2\u05d1", + "\u05d9\u05e6\u05d7\u05e7", + "\u05d0\u05e8\u05d9", + "\u05d0\u05d1\u05d9\u05d4\u05d5", + "\u05d9\u05e8\u05d9\u05df", + "\u05db\u05e8\u05de\u05dc", + "\u05d3\u05d1\u05d9\u05e8", + "\u05d0\u05d1\u05e8\u05d4\u05dd", + "\u05dc\u05d9\u05d0\u05dd", + "\u05d0\u05d5\u05e8\u05d9\u05d4", + "\u05e7\u05d5\u05e1\u05d0\u05d9", + "\u05d0\u05d1\u05d9\u05d1", + "\u05d2\u05d9\u05d0", + "\u05d9\u05e9\u05e9\u05db\u05e8", + "\u05d0\u05dc\u05e8\u05d5\u05e2\u05d9", + "\u05d9\u05e7\u05d9\u05e8", + "\u05e2\u05d5\u05e4\u05e8\u05d9", + "\u05ea\u05d5\u05dd", + "\u05db\u05e8\u05d9\u05e1\u05d8\u05d9\u05d0\u05df", + "\u05d0\u05d5\u05e4\u05d9\u05e8", + "\u05d0\u05e8\u05d9\u05d0\u05dc", + "\u05d0\u05d5\u05e8\u05d9\u05d0\u05dc", + "\u05d5\u05e8\u05d3", + "\u05e8\u05dd", + "\u05d0\u05dc\u05d9\u05e2\u05d6\u05e8", + "\u05de\u05d9\u05db\u05d0\u05dc", + "\u05e0\u05d7\u05de\u05df", + "\u05d9\u05e9\u05e8\u05d0\u05dc", + "\u05de\u05d2'\u05d3", + "\u05d0\u05dc\u05d9\u05d0\u05e1", + "\u05e2\u05d9\u05d3\u05df", + "\u05d1\u05e0\u05d9\u05d4\u05d5", + "\u05d0\u05dc\u05d9\u05d4", + "\u05d9\u05e9\u05e2\u05d9\u05d4", + "\u05d0\u05d4\u05e8\u05d5\u05df", + "\u05d9\u05d2\u05dc", + "\u05d1\u05e8\u05e7", + "\u05d0\u05dc\u05d3\u05e8", + "\u05e9\u05dc\u05d9\u05d5", + "\u05de\u05d0\u05d9\u05e8", + "\u05d9\u05d5\u05d0\u05d1", + "\u05d0\u05d9\u05ea\u05df", + "\u05de\u05e2\u05d9\u05d9\u05df", + "\u05d1\u05e0\u05d9\u05d4", + "\u05d7\u05e0\u05d5\u05da", + "\u05d9\u05e8\u05d3\u05df", + "\u05e8\u05d0\u05dd", + "\u05d4\u05dc\u05dc", + "\u05e2\u05d5\u05de\u05e8\u05d9", + "\u05d0\u05d1\u05d9\u05e9\u05d9", + "\u05e4\u05e0\u05d7\u05e1", + "\u05d9\u05d4\u05d5\u05d3\u05d4", + "\u05e9\u05e8\u05d1\u05dc", + "\u05e2\u05d1\u05d3\u05d0\u05dc\u05dc\u05d4", + "\u05d0\u05de\u05d9\u05ea\u05d9", + "\u05e8\u05d5\u05ea\u05dd", + "\u05d0\u05dc\u05e7\u05e0\u05d4", + "\u05d0\u05d5\u05e8\u05d5\u05df", + "\u05d7\u05d5\u05e1\u05d9\u05df", + "\u05d9\u05d5\u05ea\u05dd", + "\u05db\u05e8\u05dd", + "\u05e8\u05d0\u05d5\u05d1\u05df", + "\u05d1\u05d0\u05e8\u05d9", + "\u05d0\u05d1\u05d9\u05d7\u05d9", + "\u05e0\u05ea\u05df", + "\u05d3\u05e0\u05d9\u05d0\u05dc", + "\u05d0\u05d5\u05e8\u05d9", + "\u05e0\u05d9\u05e6\u05df", + "\u05d9\u05d0\u05de\u05df", + "\u05d9\u05d7\u05d6\u05e7\u05d0\u05dc", + "\u05e8\u05d6", + "\u05d0\u05dc\u05de\u05d5\u05d2", + "\u05e9\u05dc\u05d5\u05dd", + "\u05d1\u05e8", + "\u05e2\u05d5\u05e4\u05e8", + "\u05d0\u05e8\u05d9\u05d4", + "\u05d9\u05e0\u05d0\u05d9", + "\u05e1\u05ea\u05d9\u05d5", + "\u05d0\u05e0\u05d9\u05dc", + "\u05d3\u05d9\u05dc\u05df", + "\u05d9\u05d5\u05e0\u05ea\u05df", + "\u05d9\u05d0\u05d9\u05e8", + "\u05d2'\u05d5\u05e8\u05d2'", + "\u05e9\u05d9\u05dc\u05d4", + "\u05e2\u05de\u05d9\u05ea", + "\u05e1\u05de\u05d9\u05e8", + "\u05e9\u05d7\u05e8", + "\u05d0\u05d9\u05d4\u05d0\u05dd", + "\u05db\u05e8\u05d9\u05dd", + "\u05e2\u05d9\u05dc\u05d0\u05d9", + "\u05d0\u05d5\u05e4\u05e7", + "\u05d0\u05de\u05d9\u05e8", + "\u05d0\u05e8\u05d1\u05dc", + "\u05e6\u05d1\u05d9", + "\u05d0\u05d3\u05d9\u05e8", + "\u05e1\u05d4\u05e8", + "\u05e8\u05d9\u05d0\u05df", + "\u05de\u05e8\u05d3\u05db\u05d9", + "\u05e4\u05d0\u05e8", + "\u05e2\u05d5\u05d6", + "\u05e9\u05d5\u05df", + "\u05d0\u05d5\u05e9\u05e8", + "\u05e9\u05d2\u05d9\u05d0", + "\u05d6\u05d9\u05d5", + "\u05e0\u05d8\u05e2", + "\u05d1\u05df", + "\u05d7'\u05d0\u05dc\u05d3", + "\u05d9\u05d5\u05d7\u05e0\u05df", + "\u05de\u05d7\u05de\u05d5\u05d3", + "\u05e0\u05d3\u05d1", + "\u05de\u05ea\u05e0\u05d0\u05dc", + "\u05d7\u05de\u05d6\u05d4", + "\u05d9\u05d3\u05d9\u05d3\u05d9\u05d4", + "\u05d0\u05e4\u05e7", + "\u05d2\u05e4\u05df", + "\u05e1\u05d0\u05e8\u05d9", + "\u05d0\u05d1\u05d9\u05d0\u05dc", + "\u05e0\u05d7", + "\u05e8\u05d5\u05d9", + "\u05ea\u05de\u05d9\u05e8", + "\u05d0\u05e1\u05e3", + "\u05d3\u05d5\u05d3" + ], + "FIRST_NAME": [ + "\u05de\u05d9\u05db\u05d0\u05dc\u05d4", + "\u05d4\u05d9\u05dc\u05d9", + "\u05de\u05d5\u05e1\u05d0", + "\u05d2\u05d1\u05e8\u05d9\u05d0\u05dc", + "\u05dc\u05d5\u05d9", + "\u05d0\u05d1\u05d9\u05e0\u05d5\u05e2\u05dd", + "\u05d2\u05d5\u05e0\u05d9", + "\u05e2\u05de\u05e0\u05d5\u05d0\u05dc", + "\u05e4\u05e2\u05e8\u05dc", + "\u05e8\u05d5\u05d0\u05d9", + "\u05ea\u05e4\u05d0\u05e8\u05ea", + "\u05dc\u05d9\u05d0\u05d5\u05e8\u05d4", + "\u05e8\u05d5\u05e2\u05d9", + "\u05d6\u05d5\u05d4\u05e8", + "\u05d9\u05d5\u05e1\u05e3", + "\u05de\u05e0\u05d7\u05dd", + "\u05e8\u05d0\u05e9\u05d9\u05ea", + "\u05de\u05dc\u05d0\u05e7", + "\u05d0\u05dc\u05d9\u05d0\u05df", + "\u05e2\u05e7\u05d9\u05d1\u05d0", + "\u05d0\u05d1\u05d9\u05d8\u05dc", + "\u05d9\u05d0\u05df", + "\u05d0\u05d5\u05e8\u05d8\u05dc", + "\u05d0\u05e4\u05e8\u05ea", + "\u05e1\u05d0\u05e8\u05d4", + "\u05d2\u05dc\u05d9\u05d4", + "\u05d9\u05e2\u05dc\u05d4", + "\u05e8\u05e0\u05e0\u05d4", + "\u05d7\u05d2\u05d9", + "\u05e1\u05d5\u05dc\u05d9\u05de\u05d0\u05df", + "\u05d0\u05d5\u05e8\u05d9\u05df", + "\u05d0\u05e8\u05d3", + "\u05e1\u05d9\u05de\u05d4", + "\u05d0\u05e8\u05d6", + "\u05d0\u05d9\u05d8\u05d4", + "\u05de\u05d0\u05d5\u05e8\u05d9", + "\u05e8\u05d5\u05de\u05d9", + "\u05d7\u05d9\u05d9\u05dd", + "\u05dc\u05d0\u05e8\u05d0", + "\u05dc\u05d9\u05e8\u05df", + "\u05d9\u05e4\u05ea\u05d7", + "\u05d0\u05e0\u05d0\u05dc", + "\u05d3\u05e8\u05d9\u05d4", + "\u05d0\u05d1\u05d9\u05d4", + "\u05e7\u05d5\u05e8\u05dc", + "\u05de\u05e8\u05d2\u05dc\u05d9\u05ea", + "\u05dc\u05d1\u05d9\u05d0", + "\u05dc\u05d9\u05d4\u05d9", + "\u05dc\u05d5\u05e8\u05df", + "\u05d8\u05d5\u05d1\u05d9\u05d4", + "\u05e8\u05d9\u05ea\u05d0\u05dc", + "\u05d3\u05d1", + "\u05d7\u05e1\u05df", + "\u05dc\u05d9\u05d0\u05d4", + "\u05d2'\u05d5\u05d3", + "\u05e9\u05de\u05e2\u05d5\u05df", + "\u05e0\u05d4\u05d5\u05e8\u05d0\u05d9", + "\u05d0\u05dc\u05de\u05d0", + "\u05d2\u05dc\u05e2\u05d3", + "\u05d9\u05e0\u05d5\u05df", + "\u05de\u05ea\u05df", + "\u05e9\u05d0\u05dd", + "\u05d0\u05d7\u05de\u05d3", + "\u05d9\u05d4\u05d1", + "\u05d2'\u05d5\u05dc\u05d9\u05df", + "\u05d0\u05d9\u05d9\u05dc\u05d4", + "\u05e8\u05d1\u05d9\u05d3", + "\u05d0\u05d9\u05d9\u05d3\u05dc", + "\u05e9\u05d5\u05d4\u05dd", + "\u05e0\u05d9\u05ea\u05d0\u05d9", + "\u05d4\u05d3\u05e8", + "\u05d0\u05de\u05d9", + "\u05d6\u05d0\u05d1", + "\u05ea\u05d0\u05dc\u05d0", + "\u05d9\u05dd", + "\u05d9\u05d4\u05d5\u05e9\u05e2", + "\u05dc\u05d9\u05d9\u05d4", + "\u05d0\u05de\u05e8\u05d9", + "\u05db\u05e4\u05d9\u05e8", + "\u05e0\u05d2\u05d4", + "\u05e2\u05d8\u05e8\u05d4", + "\u05d0\u05d1\u05d9\u05e2\u05d3", + "\u05e0\u05d1\u05d5", + "\u05d0\u05dc\u05d9\u05d0\u05d1", + "\u05d4\u05d9\u05d9\u05dc\u05d9", + "\u05d1\u05d9\u05e1\u05d0\u05df", + "\u05e0\u05d5\u05d4", + "\u05db\u05e0\u05e8\u05ea", + "\u05d0\u05d9\u05dc\u05ea", + "\u05e8\u05df", + "\u05d0\u05de\u05dc\u05d9", + "\u05de\u05e0\u05d5\u05e8", + "\u05e8\u05d5\u05df", + "\u05d1\u05d5\u05e2\u05d6", + "\u05ea\u05d4\u05dc\u05d4", + "\u05e0\u05d0\u05d9\u05d4", + "\u05e0\u05d5\u05e8", + "\u05e0\u05d0\u05d5\u05e8", + "\u05d2'\u05d5\u05d6\u05e3", + "\u05e2\u05dc\u05d9", + "\u05d8\u05dc", + "\u05d0\u05d5\u05e9\u05e8\u05d9", + "\u05d0\u05d5\u05e8\u05df", + "\u05e2\u05d3\u05d9", + "\u05e9\u05d0\u05d5\u05dc", + "\u05e9\u05de\u05d5\u05d0\u05dc", + "\u05e8\u05d9\u05dd", + "\u05d0\u05e0\u05d4", + "\u05d0\u05dc\u05d9\u05d0\u05d5\u05e8", + "\u05d0\u05d1\u05d9\u05ea\u05e8", + "\u05e2\u05de\u05d9\u05d7\u05d9", + "\u05e2\u05d3\u05df", + "\u05de\u05e9\u05d4", + "\u05e0\u05e2\u05de\u05d4", + "\u05d0\u05d9\u05dc\u05df", + "\u05d0\u05e9\u05e8", + "\u05e8\u05d9\u05e3", + "\u05d0\u05de\u05d5\u05e0\u05d4", + "\u05d9\u05d4\u05dc", + "\u05e9\u05e0\u05d9\u05d0\u05d5\u05e8", + "\u05e2\u05d5\u05de\u05e8", + "\u05d0\u05dc\u05d5\u05df", + "\u05dc\u05d9\u05e8\u05d5\u05d9", + "\u05d1\u05dc\u05d5\u05de\u05d4", + "\u05d9\u05d0\u05e8\u05d0", + "\u05dc\u05d9\u05d4\u05d9\u05d0", + "\u05d8\u05dc\u05d9\u05d4", + "\u05e9\u05e4\u05e8\u05d4", + "\u05e0\u05d9\u05e7\u05d4", + "\u05d8\u05d5\u05d4\u05e8", + "\u05d9\u05d5\u05d7\u05d0\u05d9", + "\u05d9\u05d5\u05d8\u05d0", + "\u05d9\u05d5\u05d2\u05d1", + "\u05de\u05d0\u05d9", + "\u05d9\u05e0\u05d9\u05d1", + "\u05d0\u05d9\u05ea\u05d9\u05d0\u05dc", + "\u05dc\u05d0\u05d5\u05df", + "\u05d4\u05dc\u05dc\u05d9", + "\u05d1\u05d9\u05d0\u05df", + "\u05e2\u05d8\u05e8\u05ea", + "\u05d3\u05d5\u05e8", + "\u05e4\u05dc\u05d2", + "\u05e8\u05d9\u05ea\u05d0\u05d2'", + "\u05e0\u05e8\u05d9\u05d4", + "\u05d3\u05d5\u05e8\u05d5\u05df", + "\u05e1\u05d9\u05e0\u05d9", + "\u05e8\u05e2\u05d5\u05ea", + "\u05e8\u05e2\u05d9", + "\u05de\u05dc\u05db\u05d4", + "\u05de\u05d9\u05e9\u05dc", + "\u05d0\u05e4\u05e8\u05d9\u05dd", + "\u05d0\u05d9\u05dc\u05d5\u05df", + "\u05e1\u05d5\u05e4\u05d9\u05d4", + "\u05e0\u05e2\u05de\u05d9", + "\u05e6\u05e4\u05d5\u05e8\u05d4", + "\u05e9\u05d9\u05e8", + "\u05de\u05e8\u05d9\u05d4", + "\u05d7\u05d5\u05d4", + "\u05dc\u05d0\u05d4", + "\u05e4\u05e8\u05d9\u05d9\u05d3\u05d0", + "\u05d9\u05d6\u05df", + "\u05dc\u05d9\u05d4", + "\u05e7\u05d5\u05e8\u05df", + "\u05e8\u05e0\u05d9", + "\u05e1\u05d9\u05dc\u05d0", + "\u05d1\u05e0\u05d9\u05de\u05d9\u05df", + "\u05d9\u05e2\u05dc", + "\u05d3\u05d5\u05e8\u05d9\u05df", + "\u05e0\u05d9\u05e1\u05d9\u05dd", + "\u05d0\u05d3\u05dd", + "\u05d0\u05dc\u05d7\u05e0\u05df", + "\u05e8\u05d9\u05de\u05d0\u05e1", + "\u05d0\u05d5\u05e8", + "\u05d0\u05d9\u05d9\u05dc\u05ea", + "\u05e9\u05e7\u05d3", + "\u05e8\u05d5\u05dd", + "\u05d2\u05dc", + "\u05d3\u05d9\u05e0\u05d4", + "\u05d4\u05e0\u05d9\u05d4", + "\u05e1\u05dc\u05de\u05d0", + "\u05e2\u05e0\u05d0\u05dc", + "\u05d0\u05d5\u05d5\u05d4", + "\u05e0\u05d0\u05d9\u05d0", + "\u05d9\u05d0\u05e1\u05d9\u05df", + "\u05d0\u05dc\u05d9", + "\u05d0\u05d9\u05d9\u05dc", + "\u05d4\u05e8\u05d0\u05dc", + "\u05ea\u05d5\u05de\u05e8", + "\u05d7\u05df", + "\u05de\u05dc\u05d0\u05db\u05d9", + "\u05e2\u05d1\u05d3", + "\u05d0\u05dc\u05d9\u05d4\u05d5", + "\u05de\u05d0\u05d9\u05d4", + "\u05d9\u05d7\u05d9\u05d0", + "\u05d0\u05de\u05d5\u05e8", + "\u05e2\u05d5\u05d1\u05d3\u05d9\u05d4", + "\u05d6\u05d9\u05e0\u05d4", + "\u05d0\u05d1\u05d9\u05d2\u05d9\u05dc", + "\u05d0\u05dc\u05d9\u05d0\u05dc", + "\u05d3\u05e8\u05d5\u05e8", + "\u05d2'\u05e0\u05d0", + "\u05d4\u05d3\u05e1\u05d4", + "\u05d0\u05e8\u05d0\u05dc", + "\u05de\u05d9\u05dc\u05d0\u05df", + "\u05de\u05d9\u05ea\u05e8", + "\u05ea\u05d1\u05d5\u05e8", + "\u05e8\u05d9\u05e0\u05d4", + "\u05de\u05d9\u05dc\u05d4", + "\u05d0\u05dc\u05db\u05e1", + "\u05de\u05d0\u05d5\u05e8", + "\u05e8\u05d9\u05de\u05d0", + "\u05e9\u05d5\u05e9\u05e0\u05d4", + "\u05d0\u05dc\u05d9\u05e1", + "\u05d9\u05d5\u05d0\u05dc", + "\u05e0\u05d9\u05dc", + "\u05e2\u05e8\u05df", + "\u05d2'\u05d5\u05dc\u05d9", + "\u05d9\u05e2\u05e8\u05d4", + "\u05d0\u05d1\u05d9\u05e9\u05d2", + "\u05d0\u05d5\u05d3\u05dc", + "\u05d0\u05dc\u05d9\u05e1\u05d4", + "\u05d3\u05e0\u05d9\u05d0\u05dc\u05d4", + "\u05d0\u05dc\u05d9\u05e8\u05df", + "\u05d2\u05dc\u05d9", + "\u05e8\u05d5\u05e0\u05d9", + "\u05de\u05d9\u05dc\u05d0", + "\u05e2\u05d3\u05d9\u05d4", + "\u05e1\u05e2\u05e8", + "\u05d0\u05d5\u05e8\u05d0\u05dc", + "\u05e1\u05e4\u05d9\u05e8", + "\u05dc\u05d9\u05d0\u05d1", + "\u05d0\u05dc\u05d9\u05e9\u05e2", + "\u05d1\u05e8\u05d5\u05da", + "\u05d0\u05d9\u05d4", + "\u05d3\u05df", + "\u05dc\u05d9\u05dc\u05d9", + "\u05ea\u05d9\u05d0", + "\u05e0\u05d5\u05e4\u05e8", + "\u05d0\u05d7\u05d9\u05d4", + "\u05dc\u05e0\u05d9", + "\u05d2\u05d9\u05dc", + "\u05e0\u05e4\u05ea\u05dc\u05d9", + "\u05d1\u05d9\u05dc\u05d0", + "\u05e9\u05dc\u05d5", + "\u05d2\u05d9\u05dc\u05d9", + "\u05dc\u05d9\u05d0\u05d5", + "\u05e0\u05d9\u05dc\u05d9", + "\u05d9\u05e1\u05de\u05d9\u05df", + "\u05d9\u05e9\u05db\u05e8", + "\u05dc\u05d9\u05d0\u05df", + "\u05d0\u05d7\u05d9\u05e0\u05d5\u05e2\u05dd", + "\u05e0\u05d5\u05e2\u05dd", + "\u05d0\u05d9\u05d0\u05df", + "\u05d6\u05d9\u05d9\u05df", + "\u05e1\u05d0\u05dc\u05d7", + "\u05e7\u05d0\u05e8\u05d9\u05df", + "\u05dc\u05d9\u05d9\u05ea", + "\u05e1\u05d5\u05e4\u05d9", + "\u05e9\u05d9\u05d9\u05e0\u05d0", + "\u05e9\u05d9\u05e8\u05d4", + "\u05d0\u05d1\u05e8\u05d0\u05d4\u05d9\u05dd", + "\u05dc\u05d9\u05e8\u05d6", + "\u05d0\u05dc\u05d9\u05de\u05dc\u05da", + "\u05d1\u05ea_\u05e9\u05d1\u05e2", + "\u05dc\u05d9\u05e2\u05d3", + "\u05e2\u05d9\u05d3\u05d5", + "\u05de\u05ea\u05e0\u05d9\u05d4", + "\u05e9\u05d9\u05d9\u05e0\u05d3\u05dc", + "\u05e2\u05ea\u05d9", + "\u05d7\u05dc\u05d0", + "\u05e2\u05de\u05dc\u05d9\u05d4", + "\u05e2\u05e0\u05d1\u05e8", + "\u05d3\u05e0\u05d4", + "\u05e8\u05d5\u05ea", + "\u05d6\u05d9\u05e0\u05d1", + "\u05e9\u05de\u05d7\u05d4", + "\u05dc\u05d9\u05dc\u05da", + "\u05e1\u05de\u05d0", + "\u05e9\u05dc\u05de\u05d4", + "\u05d3\u05d9\u05df", + "\u05d0\u05d5\u05d4\u05d3", + "\u05e0\u05ea\u05e0\u05d0\u05dc", + "\u05d4\u05d3\u05e1", + "\u05de\u05d9\u05e8\u05d0\u05dc", + "\u05d2'\u05d5\u05e8\u05d9", + "\u05d4\u05d5\u05d3\u05d9\u05d4", + "\u05e2\u05d1\u05e8\u05d9", + "\u05ea\u05d4\u05d9\u05dc\u05d4", + "\u05d0\u05d5\u05e4\u05dc", + "\u05dc\u05d9\u05d0\u05d5\u05e8", + "\u05de\u05d5\u05d7\u05de\u05d3", + "\u05dc\u05d9\u05e0\u05d5\u05d9", + "\u05ea\u05d1\u05dc", + "\u05d0\u05d5\u05d3\u05d9\u05d4", + "\u05d0\u05dc\u05e2\u05d3", + "\u05d0\u05d5\u05e8\u05d9\u05d0\u05df", + "\u05e2\u05d9\u05dc\u05d9", + "\u05d3\u05e4\u05e0\u05d4", + "\u05dc\u05d9\u05d3\u05d5\u05e8", + "\u05d0\u05dc\u05d9\u05e8\u05d6", + "\u05de\u05e8\u05d5\u05dd", + "\u05d9\u05d4\u05dc\u05d9", + "\u05e2\u05e0\u05d4\u05d0\u05dc", + "\u05e2\u05d3\u05d9\u05d0\u05dc", + "\u05d9\u05d5\u05d1\u05dc", + "\u05d0\u05dc\u05e8\u05d5\u05d0\u05d9", + "\u05d0\u05d9\u05de\u05e8\u05d9", + "\u05e7\u05d3\u05dd", + "\u05ea\u05d0\u05d9\u05e8", + "\u05d0\u05d9\u05dc\u05d9\u05df", + "\u05d0\u05dc\u05db\u05e1\u05e0\u05d3\u05e8", + "\u05e0\u05d9\u05e8", + "\u05d0\u05dc\u05e2\u05d6\u05e8", + "\u05d2\u05d9\u05dc\u05d4", + "\u05e0\u05d0\u05d9", + "\u05de\u05d9\u05e7\u05d4", + "\u05dc\u05d9\u05e2\u05dd", + "\u05e9\u05d9", + "\u05d0\u05de\u05d9\u05dc\u05d9", + "\u05e4\u05e0\u05d9\u05e0\u05d4", + "\u05e0\u05d9\u05d1", + "\u05ea\u05de\u05e8\u05d4", + "\u05d9\u05d5\u05db\u05d1\u05d3", + "\u05d2'\u05d5\u05dc\u05d9\u05d0\u05df", + "\u05ea\u05d9\u05d9\u05dd", + "\u05de\u05d5\u05e8\u05d9\u05d4", + "\u05e2\u05d3\u05d9\u05e0\u05d4", + "\u05d9\u05e9\u05d9", + "\u05d0\u05df", + "\u05de\u05d9\u05d8\u05dc", + "\u05d3\u05d5\u05dc\u05d1", + "\u05dc\u05de\u05d0\u05e8", + "\u05e6\u05d5\u05e8", + "\u05de\u05e0\u05d5\u05d7\u05d4", + "\u05d1\u05e6\u05dc\u05d0\u05dc", + "\u05dc\u05d9\u05e8\u05d9", + "\u05d2\u05d1\u05e2", + "\u05d9\u05d4\u05d5\u05e0\u05ea\u05df", + "\u05dc\u05d9\u05d0\u05dc", + "\u05d0\u05de\u05d4", + "\u05e8\u05e4\u05d0\u05dc", + "\u05d3\u05d9\u05de\u05d0", + "\u05e8\u05d4\u05e3", + "\u05dc\u05d9\u05e8\u05d5\u05df", + "\u05d0\u05d9\u05d9\u05de\u05d9", + "\u05d9\u05e2\u05e7\u05d1", + "\u05dc\u05d5\u05e8", + "\u05d0\u05d9\u05ea\u05de\u05e8", + "\u05d0\u05d3\u05e8", + "\u05d8\u05d5\u05de\u05d9", + "\u05d2\u05d6\u05dc", + "\u05d0\u05d9\u05ea\u05d9", + "\u05d2\u05d5\u05d3", + "\u05d9\u05d7\u05d9\u05d0\u05dc", + "\u05e8\u05d5\u05e0\u05d4", + "\u05de\u05d5\u05e1\u05d8\u05e4\u05d0", + "\u05de\u05d9\u05d0\u05e8", + "\u05d4\u05d9\u05dc\u05dc", + "\u05d0\u05d9\u05de\u05d0\u05df", + "\u05dc\u05d9\u05df", + "\u05de\u05d9\u05e8\u05d9\u05dc", + "\u05e7\u05d9\u05dd", + "\u05e0\u05d5\u05e2\u05d4", + "\u05d8\u05d5\u05dd", + "\u05dc\u05d5\u05d8\u05dd", + "\u05d2\u05d5\u05e8", + "\u05d0\u05dc\u05d9\u05e0\u05d5\u05e8", + "\u05d0\u05d9\u05dc\u05d9\u05d9", + "\u05e9\u05d2\u05d1", + "\u05d9\u05e6\u05d7\u05e7", + "\u05e0\u05d8\u05dc\u05d9", + "\u05d0\u05e8\u05d9", + "\u05d0\u05d1\u05d9\u05d4\u05d5", + "\u05e8\u05e2\u05d9\u05d4", + "\u05d9\u05e8\u05d9\u05df", + "\u05e9\u05d5\u05dc\u05de\u05d9\u05ea", + "\u05ea\u05d5\u05dc\u05d9\u05df", + "\u05d2\u05d9\u05d8\u05dc", + "\u05db\u05e8\u05de\u05dc", + "\u05d0\u05d5\u05d3\u05dc\u05d9\u05d4", + "\u05d9\u05d4\u05d5\u05d3\u05d9\u05ea", + "\u05d3\u05d1\u05d9\u05e8", + "\u05d0\u05d1\u05e8\u05d4\u05dd", + "\u05d0\u05e0\u05d0\u05d1\u05dc", + "\u05dc\u05d9\u05d0\u05dd", + "\u05d0\u05d5\u05e8\u05d9\u05d4", + "\u05e7\u05d5\u05e1\u05d0\u05d9", + "\u05d7\u05d9\u05d4", + "\u05d9\u05d5\u05dc\u05d9", + "\u05d0\u05d1\u05d9\u05d1", + "\u05d2\u05d9\u05d0", + "\u05d9\u05e9\u05e9\u05db\u05e8", + "\u05e6\u05d1\u05d9\u05d4", + "\u05d0\u05dc\u05e8\u05d5\u05e2\u05d9", + "\u05d9\u05e1\u05db\u05d4", + "\u05d9\u05e7\u05d9\u05e8", + "\u05d0\u05d3\u05dc", + "\u05d0\u05dc\u05d9\u05e2\u05e0\u05d4", + "\u05d0\u05de\u05d9\u05dc\u05d9\u05d4", + "\u05de\u05d9\u05dc\u05d9", + "\u05e2\u05d5\u05e4\u05e8\u05d9", + "\u05de\u05e9\u05d9", + "\u05ea\u05d5\u05dd", + "\u05db\u05e8\u05d9\u05e1\u05d8\u05d9\u05d0\u05df", + "\u05d0\u05d5\u05e8\u05d4", + "\u05de\u05d9\u05db\u05dc", + "\u05d0\u05d5\u05e4\u05d9\u05e8", + "\u05d0\u05e8\u05d9\u05d0\u05dc", + "\u05d0\u05d3\u05d5\u05d4", + "\u05d0\u05d5\u05e8\u05d9\u05d0\u05dc", + "\u05d5\u05e8\u05d3", + "\u05e8\u05dd", + "\u05d0\u05dc\u05d9\u05e2\u05d6\u05e8", + "\u05de\u05d9\u05db\u05d0\u05dc", + "\u05e9\u05d9\u05e8\u05d9", + "\u05e0\u05d7\u05de\u05df", + "\u05d9\u05e9\u05e8\u05d0\u05dc", + "\u05de\u05d2'\u05d3", + "\u05d0\u05dc\u05d9\u05d0\u05e1", + "\u05e2\u05d9\u05d3\u05df", + "\u05d0\u05dc\u05d4", + "\u05e7\u05e8\u05df", + "\u05d1\u05e0\u05d9\u05d4\u05d5", + "\u05e6\u05d5\u05e4\u05d9\u05d4", + "\u05d0\u05dc\u05d9\u05d4", + "\u05d9\u05e9\u05e2\u05d9\u05d4", + "\u05d0\u05d4\u05e8\u05d5\u05df", + "\u05d9\u05d2\u05dc", + "\u05d7\u05e0\u05d4", + "\u05d3\u05e0\u05d9", + "\u05ea\u05de\u05e8", + "\u05d1\u05e8\u05e7", + "\u05d0\u05dc\u05d3\u05e8", + "\u05d1\u05ea", + "\u05d0\u05dc\u05d9\u05d0\u05e0\u05d4", + "\u05e9\u05dc\u05d9\u05d5", + "\u05d9\u05e4\u05d4", + "\u05de\u05d0\u05d9\u05e8", + "\u05dc\u05d9\u05d1\u05d9", + "\u05d9\u05d5\u05d0\u05d1", + "\u05d2'\u05d5\u05d0\u05dc", + "\u05de\u05e8\u05d9\u05dd", + "\u05e4\u05e8\u05d7", + "\u05e8\u05d5\u05d7\u05de\u05d4", + "\u05d0\u05d9\u05ea\u05df", + "\u05de\u05e2\u05d9\u05d9\u05df", + "\u05d1\u05e0\u05d9\u05d4", + "\u05d7\u05e0\u05d5\u05da", + "\u05d9\u05e8\u05d3\u05df", + "\u05d7\u05d2\u05d9\u05ea", + "\u05e0\u05d0\u05d5\u05d4", + "\u05d0\u05de\u05dc", + "\u05e8\u05d0\u05dd", + "\u05d4\u05dc\u05dc", + "\u05ea\u05d4\u05dc", + "\u05d2\u05d0\u05d9\u05d4", + "\u05e2\u05d5\u05de\u05e8\u05d9", + "\u05e4\u05d9\u05d2\u05d0", + "\u05d0\u05d1\u05d9\u05e9\u05d9", + "\u05e0\u05d9\u05e0\u05d4", + "\u05e8\u05d1\u05e7\u05d4", + "\u05e4\u05e0\u05d7\u05e1", + "\u05d4\u05d9\u05e0\u05d3\u05d0", + "\u05d9\u05d4\u05d5\u05d3\u05d4", + "\u05e9\u05e8\u05d1\u05dc", + "\u05e2\u05d1\u05d3\u05d0\u05dc\u05dc\u05d4", + "\u05d0\u05de\u05d9\u05ea\u05d9", + "\u05d2\u05d5\u05dc\u05d3\u05d4", + "\u05e8\u05d5\u05ea\u05dd", + "\u05d0\u05e1\u05ea\u05e8", + "\u05db\u05dc\u05d9\u05dc", + "\u05d0\u05dc\u05e7\u05e0\u05d4", + "\u05e9\u05e0\u05d9", + "\u05d6\u05d4\u05d1\u05d4", + "\u05e9\u05d4\u05d3", + "\u05d0\u05d5\u05e8\u05d5\u05df", + "\u05d7\u05d5\u05e1\u05d9\u05df", + "\u05d8\u05dc\u05d9", + "\u05e4\u05d0\u05d8\u05de\u05d4", + "\u05d9\u05d5\u05ea\u05dd", + "\u05db\u05e8\u05dd", + "\u05e8\u05d0\u05d5\u05d1\u05df", + "\u05ea\u05d0\u05dc\u05d9\u05df", + "\u05d1\u05d0\u05e8\u05d9", + "\u05d0\u05d1\u05d9\u05d7\u05d9", + "\u05e0\u05ea\u05df", + "\u05d3\u05e0\u05d9\u05d0\u05dc", + "\u05de\u05d9\u05d0\u05dc", + "\u05d0\u05d5\u05e8\u05d9", + "\u05e2\u05e0\u05d1\u05dc", + "\u05e0\u05d9\u05e6\u05df", + "\u05e8\u05e4\u05d9\u05e3", + "\u05e9\u05d5\u05d1\u05dc", + "\u05e1\u05d5\u05dc", + "\u05d9\u05d0\u05de\u05df", + "\u05e0\u05d5\u05d9", + "\u05d9\u05d7\u05d6\u05e7\u05d0\u05dc", + "\u05d2\u05d5\u05e8\u05d9", + "\u05e8\u05d6", + "\u05d0\u05dc\u05de\u05d5\u05d2", + "\u05e9\u05dc\u05d5\u05dd", + "\u05d0\u05dc\u05d5\u05e0\u05d4", + "\u05dc\u05d9\u05d8\u05dc", + "\u05e1\u05d9\u05dc\u05d9\u05df", + "\u05d1\u05e8", + "\u05e2\u05d5\u05e4\u05e8", + "\u05dc\u05d9", + "\u05d2'\u05d5\u05d9\u05dc", + "\u05d0\u05e8\u05d9\u05d4", + "\u05de\u05d5\u05e8", + "\u05d9\u05e0\u05d0\u05d9", + "\u05e1\u05ea\u05d9\u05d5", + "\u05d0\u05e0\u05d9\u05dc", + "\u05d3\u05d9\u05dc\u05df", + "\u05d9\u05d5\u05e0\u05ea\u05df", + "\u05de\u05d9\u05e8\u05d0", + "\u05d9\u05d0\u05d9\u05e8", + "\u05d2'\u05d5\u05e8\u05d2'", + "\u05e9\u05d9_\u05dc\u05d9", + "\u05e9\u05d9\u05dc\u05d4", + "\u05e2\u05de\u05d9\u05ea", + "\u05e1\u05de\u05d9\u05e8", + "\u05e9\u05d7\u05e8", + "\u05d0\u05d9\u05d4\u05d0\u05dd", + "\u05db\u05e8\u05d9\u05dd", + "\u05e7\u05e8\u05e0\u05d9", + "\u05e2\u05d9\u05dc\u05d0\u05d9", + "\u05e4\u05e8\u05d9\u05d0\u05dc", + "\u05d0\u05dc\u05d5\u05de\u05d4", + "\u05d0\u05dc\u05d8\u05e2", + "\u05d0\u05dc\u05d9\u05df", + "\u05d0\u05d5\u05e4\u05e7", + "\u05d0\u05e1\u05d9\u05dc", + "\u05d0\u05de\u05d9\u05e8", + "\u05d0\u05e8\u05d1\u05dc", + "\u05e0\u05d9\u05e7\u05d5\u05dc", + "\u05e6\u05d1\u05d9", + "\u05d0\u05d3\u05d9\u05e8", + "\u05e0\u05d7\u05de\u05d4", + "\u05d1\u05e8\u05db\u05d4", + "\u05e1\u05d4\u05e8", + "\u05e8\u05d9\u05d0\u05df", + "\u05d0\u05dc\u05de\u05d4", + "\u05e9\u05d9\u05e8\u05d0\u05dc", + "\u05de\u05e8\u05d3\u05db\u05d9", + "\u05e4\u05d0\u05e8", + "\u05d6\u05d5\u05d0\u05d9", + "\u05e2\u05d5\u05d6", + "\u05dc\u05d9\u05d1\u05d0", + "\u05e9\u05d5\u05df", + "\u05d0\u05d5\u05e9\u05e8", + "\u05d0\u05e1\u05e0\u05ea", + "\u05e9\u05d2\u05d9\u05d0", + "\u05d6\u05d9\u05d5", + "\u05d4\u05e2\u05e0\u05d0", + "\u05e0\u05d8\u05e2", + "\u05d1\u05df", + "\u05d7'\u05d0\u05dc\u05d3", + "\u05d9\u05d5\u05d7\u05e0\u05df", + "\u05de\u05d7\u05de\u05d5\u05d3", + "\u05e0\u05d3\u05d1", + "\u05d8\u05d5\u05d1\u05d4", + "\u05e8\u05d9\u05d9\u05d6\u05dc", + "\u05d0\u05dc\u05d9\u05e9\u05d1\u05e2", + "\u05dc\u05d9\u05d1", + "\u05d3\u05d1\u05d5\u05e8\u05d4", + "\u05d4\u05d9\u05dc\u05d4", + "\u05e9\u05e8\u05d4", + "\u05e9\u05dc\u05d9", + "\u05e8\u05d7\u05dc", + "\u05de\u05ea\u05e0\u05d0\u05dc", + "\u05e1\u05d9\u05d5\u05df", + "\u05dc\u05e0\u05d0", + "\u05d7\u05de\u05d6\u05d4", + "\u05d0\u05d2\u05dd", + "\u05d9\u05d3\u05d9\u05d3\u05d9\u05d4", + "\u05d0\u05e4\u05e7", + "\u05d2\u05e4\u05df", + "\u05d1\u05ea\u05d9\u05d4", + "\u05d0\u05d4\u05d5\u05d1\u05d4", + "\u05e2\u05dc\u05de\u05d4", + "\u05e1\u05d0\u05e8\u05d9", + "\u05d0\u05d1\u05d9\u05d0\u05dc", + "\u05e9\u05d9\u05dc\u05ea", + "\u05e0\u05d7", + "\u05e8\u05d5\u05d9", + "\u05e9\u05d8\u05e2\u05e8\u05e0\u05d0", + "\u05ea\u05de\u05d9\u05e8", + "\u05e0\u05d5\u05d9\u05d4", + "\u05de\u05d9\u05d9\u05d4", + "\u05d0\u05e1\u05e3", + "\u05d3\u05d5\u05d3" + ], + "LAST_NAME": [ + "\u05e9\u05d1\u05ea\u05d0\u05d9", + "\u05e2\u05de\u05d0\u05e9", + "\u05de\u05d5\u05e1\u05d0", + "\u05dc\u05d5\u05d9", + "\u05d0\u05dc\u05e1\u05d9\u05d9\u05d3", + "\u05de\u05d5\u05e2\u05dc\u05dd", + "\u05d5\u05d5\u05dc\u05e3", + "\u05de\u05d6\u05d5\u05e8", + "\u05d1\u05df_\u05d7\u05de\u05d5", + "\u05e8\u05d2\u05d1", + "\u05e1\u05d5\u05e4\u05e8", + "\u05d4\u05d9\u05e8\u05e9", + "\u05d0\u05d5\u05d6\u05df", + "\u05d6\u05d5\u05d4\u05e8", + "\u05d7\u05de\u05d3\u05d0\u05df", + "\u05d9\u05d5\u05e1\u05e3", + "\u05de\u05e0\u05d7\u05dd", + "\u05e8\u05d5\u05d1\u05d9\u05df", + "\u05d1\u05df_\u05d3\u05d5\u05d3", + "\u05d2\u05d5\u05dc\u05d3\u05d1\u05e8\u05d2", + "\u05d7\u05d9", + "\u05d0\u05d1\u05e8\u05d4\u05de\u05d9", + "\u05d0\u05d1\u05d9\u05d8\u05dc", + "\u05d9\u05e2\u05e7\u05d5\u05d1\u05d9", + "\u05e1\u05e8\u05d5\u05e1\u05d9", + "\u05d0\u05d1\u05e8\u05de\u05d5\u05d1", + "\u05d0\u05de\u05e8", + "\u05d3\u05d4\u05d0\u05df", + "\u05e4\u05d9\u05e0\u05d8\u05d5", + "\u05e9\u05e4\u05e8", + "\u05d1\u05e8\u05d0\u05d5\u05df", + "\u05d7'\u05dc\u05d9\u05dc", + "\u05d1\u05e8\u05d2\u05e8", + "\u05d0\u05d9\u05d1\u05d2\u05d9", + "\u05e9\u05db\u05d8\u05e8", + "\u05d0\u05e8\u05d6", + "\u05d0\u05d4\u05e8\u05df", + "\u05e8\u05d5\u05d8\u05e0\u05d1\u05e8\u05d2", + "\u05e9\u05e8\u05d5\u05df", + "\u05d9\u05d5\u05e0\u05e1", + "\u05d7\u05d9\u05d9\u05dd", + "\u05d0\u05d1\u05d5_\u05db\u05e3", + "\u05de\u05e1\u05e8\u05d9", + "\u05de\u05d5\u05e8\u05d0\u05d3", + "\u05e0\u05e1\u05d9\u05dd", + "\u05e1\u05dc\u05de\u05d0\u05df", + "\u05d1\u05dc\u05d5\u05dd", + "\u05d3\u05d2\u05df", + "\u05de\u05e8\u05d2\u05dc\u05d9\u05ea", + "\u05dc\u05d1\u05d9\u05d0", + "\u05d3\u05d9\u05d9\u05df", + "\u05d7\u05e1\u05df", + "\u05e9\u05d9\u05d1\u05dc\u05d9", + "\u05e9\u05de\u05e2\u05d5\u05df", + "\u05d2\u05d5\u05d8\u05dc\u05d9\u05d1", + "\u05d2\u05dc\u05e2\u05d3", + "\u05e8\u05d5\u05d6\u05e0\u05d1\u05e8\u05d2", + "\u05d0\u05d7\u05de\u05d3", + "\u05dc\u05d4\u05d1", + "\u05d0\u05e1\u05e2\u05d3", + "\u05e2\u05de\u05e8\u05dd", + "\u05d7\u05d9\u05d9\u05de\u05d5\u05d1", + "\u05e8\u05d1\u05d9\u05d1\u05d5", + "\u05d4\u05d3\u05e8", + "\u05e4\u05e8\u05e7\u05e9", + "\u05e9\u05d8\u05d9\u05d9\u05df", + "\u05e1\u05e8\u05d7\u05d0\u05df", + "\u05dc\u05d5\u05d2\u05e1\u05d9", + "\u05d5\u05d9\u05e1", + "\u05e2\u05d6\u05d0\u05dd", + "\u05e1\u05d1\u05d7", + "\u05e0\u05e1\u05d0\u05e8", + "\u05d7\u05d9\u05d5\u05df", + "\u05e8\u05d5\u05df", + "\u05d2\u05d0\u05d1\u05e8", + "\u05d0\u05d8\u05e8\u05e9", + "\u05e2\u05d6\u05e8", + "\u05e1\u05dc\u05d0\u05de\u05d4", + "\u05e0\u05d0\u05d5\u05e8", + "\u05e2\u05dc\u05d9", + "\u05d8\u05dc", + "\u05e9\u05de\u05e2\u05d5\u05e0\u05d9", + "\u05de\u05e8\u05e6\u05d9\u05d0\u05e0\u05d5", + "\u05d0\u05d5\u05e8\u05df", + "\u05e9\u05e8\u05d9\u05e7\u05d9", + "\u05d5\u05d9\u05e0\u05e8", + "\u05e9\u05d0\u05d5\u05dc", + "\u05d4\u05d5\u05e8\u05d1\u05d9\u05e5", + "\u05e9\u05de\u05d5\u05d0\u05dc", + "\u05e2\u05ea\u05d0\u05de\u05e0\u05d4", + "\u05d7\u05d8\u05d9\u05d1", + "\u05e1\u05dc\u05d9\u05de\u05d0\u05df", + "\u05e9\u05d0\u05d4\u05d9\u05df", + "\u05e9\u05d5\u05d5\u05e8\u05e5", + "\u05e9\u05e0\u05d9\u05d9\u05d3\u05e8", + "\u05de\u05e9\u05d4", + "\u05e2\u05d9\u05e1\u05d0", + "\u05d2\u05dc\u05d9\u05e7", + "\u05d0\u05d1\u05d5_\u05e1\u05d0\u05dc\u05d7", + "\u05e8\u05d5\u05d8", + "\u05db\u05d4\u05df", + "\u05d0\u05e9\u05e8", + "\u05d1\u05df_\u05d4\u05e8\u05d5\u05e9", + "\u05e2\u05de\u05d9\u05e8\u05d4", + "\u05de\u05e0\u05d3\u05dc", + "\u05e2\u05d5\u05de\u05e8", + "\u05e4\u05d3\u05d9\u05d3\u05d4", + "\u05d2\u05e0\u05d0\u05d9\u05dd", + "\u05e7\u05d0\u05d5\u05e4\u05de\u05df", + "\u05d0\u05dc\u05d5\u05df", + "\u05e9\u05d7\u05d0\u05d3\u05d4", + "\u05e1\u05dc\u05d5\u05de\u05d5\u05df", + "\u05e1\u05e8\u05d5\u05e8", + "\u05e2\u05d5\u05d3\u05d4", + "\u05d1\u05e8\u05e0\u05e9\u05d8\u05d9\u05d9\u05df", + "\u05e9\u05e4\u05d9\u05e8\u05d0", + "\u05de\u05e8\u05e7\u05d5\u05d1\u05d9\u05e5", + "\u05e8\u05d7\u05de\u05d9\u05dd", + "\u05de\u05dc\u05de\u05d3", + "\u05d5\u05ea\u05d3", + "\u05d0\u05e8\u05dc\u05d9\u05da", + "\u05de\u05d5\u05e9\u05e7\u05d5\u05d1\u05d9\u05e5", + "\u05d3\u05d0\u05d5\u05d3", + "\u05e4\u05dc\u05d2", + "\u05e4\u05d5\u05e8\u05ea", + "\u05e1\u05d9\u05e0\u05d9", + "\u05d3\u05d5\u05e8\u05d5\u05df", + "\u05d0\u05dc\u05de\u05dc\u05d7", + "\u05d1\u05df_\u05de\u05e9\u05d4", + "\u05de\u05d3\u05e8", + "\u05e0\u05d7\u05de\u05d9\u05d0\u05e1", + "\u05e2\u05d6\u05e8\u05df", + "\u05de\u05dc\u05db\u05d4", + "\u05d6\u05d9\u05d3\u05d0\u05df", + "\u05e6\u05d1\u05e8\u05d9", + "\u05e0\u05d7\u05de\u05e0\u05d9", + "\u05d0\u05d8\u05d9\u05d0\u05e1", + "\u05d7\u05d6\u05df", + "\u05d0\u05dc\u05e7\u05d9\u05d9\u05dd", + "\u05e7\u05dc\u05d9\u05d9\u05df", + "\u05db\u05e1\u05e4\u05d9", + "\u05e7\u05d5\u05e8\u05df", + "\u05de\u05e8\u05e2\u05d9", + "\u05e1\u05e2\u05d3", + "\u05d1\u05e0\u05d9\u05de\u05d9\u05df", + "\u05d1\u05df_\u05e9\u05d1\u05ea", + "\u05de\u05e9\u05d5\u05dc\u05dd", + "\u05d0\u05d1\u05d5_\u05e1\u05e0\u05d9\u05e0\u05d4", + "\u05d4\u05dc\u05d5\u05d9", + "\u05e0\u05d5\u05d9\u05de\u05df", + "\u05d3\u05d4\u05df", + "\u05e9\u05d5\u05e8\u05e5", + "\u05d8\u05d5\u05d9\u05d8\u05d5", + "\u05d0\u05d5\u05e8", + "\u05e1\u05e2\u05d3\u05d4", + "\u05e4\u05dc\u05d3", + "\u05e9\u05e7\u05d3", + "\u05d9\u05e2\u05e7\u05d5\u05d1\u05d5\u05d1", + "\u05d2\u05dc", + "\u05de\u05e1\u05d9\u05e7\u05d4", + "\u05e7\u05de\u05d7\u05d9", + "\u05d2'\u05d1\u05d0\u05e8\u05d9\u05df", + "\u05d0\u05d9\u05e1\u05e7\u05d5\u05d1", + "\u05e9\u05e8\u05e2\u05d1\u05d9", + "\u05d0\u05d6\u05d1\u05e8\u05d2\u05d4", + "\u05e4\u05e8\u05d9\u05d3", + "\u05d9\u05d0\u05e1\u05d9\u05df", + "\u05e2\u05d5\u05d0\u05d3", + "\u05e9\u05d5\u05d5\u05d9\u05e7\u05d9", + "\u05d4\u05e8\u05d0\u05dc", + "\u05d7\u05df", + "\u05d6\u05d2\u05d5\u05e8\u05d9", + "\u05d1\u05df_\u05dc\u05d5\u05dc\u05d5", + "\u05d0\u05dc\u05d9\u05d4\u05d5", + "\u05d0\u05d1\u05d5_\u05de\u05d5\u05da", + "\u05de\u05dc\u05d5\u05dc", + "\u05d0\u05d9\u05e4\u05e8\u05d2\u05df", + "\u05d0\u05dc\u05e7\u05e8\u05d9\u05e0\u05d0\u05d5\u05d9", + "\u05d0\u05e8\u05d1\u05d9\u05d1", + "\u05d1\u05d5\u05e1\u05e7\u05d9\u05dc\u05d4", + "\u05d9\u05d7\u05d9\u05d0", + "\u05d9\u05e8\u05d5\u05e9\u05dc\u05de\u05d9", + "\u05d0\u05d1\u05d9\u05d8\u05d1\u05d5\u05dc", + "\u05e1\u05d5\u05d9\u05e1\u05d4", + "\u05e1\u05e2\u05d9\u05d3", + "\u05e2\u05d5\u05d1\u05d3\u05d9\u05d4", + "\u05e9\u05d8\u05e8\u05df", + "\u05ea\u05d5\u05e8\u05d2\u05de\u05df", + "\u05d3\u05e8\u05d5\u05e8", + "\u05e6\u05e8\u05e4\u05ea\u05d9", + "\u05e0\u05d0\u05e1\u05e8", + "\u05d7\u05d2'\u05d0\u05d6\u05d9", + "\u05d7\u05d5\u05e8\u05d9", + "\u05e2\u05dc\u05d9\u05d0\u05df", + "\u05d0\u05d1\u05d5_\u05e8\u05de\u05d9\u05dc\u05d4", + "\u05d7\u05dc\u05d1\u05d9", + "\u05e8\u05d5\u05d6\u05e0\u05e4\u05dc\u05d3", + "\u05de\u05d0\u05d5\u05e8", + "\u05e7\u05d0\u05e1\u05dd", + "\u05e6\u05de\u05d7", + "\u05d7\u05d0\u05d2_\u05d9\u05d7\u05d9\u05d0", + "\u05d6\u05d5\u05e2\u05d1\u05d9", + "\u05de\u05e1\u05d0\u05e8\u05d5\u05d5\u05d4", + "\u05ea\u05d5\u05e8\u05d2'\u05de\u05df", + "\u05d2\u05d5\u05dc\u05d3\u05de\u05df", + "\u05d2\u05d1\u05d0\u05e8\u05d4", + "\u05d3\u05e8\u05d5\u05e8\u05d9", + "\u05e1\u05e4\u05d9\u05e8", + "\u05d8\u05d0\u05d4\u05d0", + "\u05d1\u05e8\u05d5\u05da", + "\u05d1\u05db\u05e8", + "\u05d9\u05e4\u05e8\u05d7", + "\u05d3\u05d5\u05d9\u05d8\u05e9", + "\u05d0\u05e0\u05d2\u05dc", + "\u05d2\u05d9\u05dc", + "\u05d0\u05d4\u05e8\u05d5\u05e0\u05d9", + "\u05d4\u05e8\u05e9\u05e7\u05d5\u05d1\u05d9\u05e5", + "\u05e9\u05dc\u05d5", + "\u05d0\u05e1\u05d3\u05d9", + "\u05d0\u05d6\u05d5\u05dc\u05d0\u05d9", + "\u05d6\u05d9\u05dc\u05d1\u05e8\u05de\u05df", + "\u05e4\u05d9\u05e0\u05e7\u05dc\u05e9\u05d8\u05d9\u05d9\u05df", + "\u05dc\u05d5\u05d9\u05df", + "\u05e9\u05d8\u05d9\u05d9\u05e0\u05d1\u05e8\u05d2", + "\u05d1\u05d3\u05d9\u05e8", + "\u05d2\u05d5\u05dc\u05d0\u05e0\u05d9", + "\u05e1\u05d0\u05dc\u05d7", + "\u05d0\u05d1\u05e8\u05d0\u05d4\u05d9\u05dd", + "\u05e1\u05e2\u05d3\u05d9", + "\u05d0\u05dc\u05d9\u05de\u05dc\u05da", + "\u05de\u05db\u05dc\u05d5\u05e3", + "\u05e1\u05e8\u05e1\u05d5\u05e8", + "\u05d0\u05de\u05d0\u05e8\u05d4", + "\u05d3\u05e8\u05e2\u05d9", + "\u05e9\u05de\u05d5\u05d0\u05dc\u05d9", + "\u05d1\u05e7\u05e8", + "\u05d0\u05d1\u05d5_\u05dc\u05d9\u05dc", + "\u05db\u05e8\u05de\u05d9", + "\u05d7\u05d1\u05d9\u05d1\u05d0\u05dc\u05dc\u05d4", + "\u05e8\u05d5\u05d8\u05de\u05df", + "\u05e9\u05dc\u05de\u05d4", + "\u05d1\u05e8\u05e7\u05d5\u05d1\u05d9\u05e5", + "\u05e2\u05d0\u05d6\u05dd", + "\u05e2\u05d5\u05d1\u05d3", + "\u05d3\u05e7\u05dc", + "\u05d1\u05e1\u05d5\u05dc", + "\u05de\u05e0\u05e1\u05d5\u05e8", + "\u05d0\u05d1\u05d5_\u05e2\u05e8\u05d0\u05e8", + "\u05de\u05d6\u05e8\u05d7\u05d9", + "\u05e8\u05d5\u05d6\u05df", + "\u05d0\u05dc\u05d5\u05e9", + "\u05e4\u05d5\u05e8\u05de\u05df", + "\u05de\u05d7\u05d0\u05d2'\u05e0\u05d4", + "\u05d6\u05de\u05d9\u05e8", + "\u05d7\u05de\u05d5\u05d3", + "\u05d6\u05db\u05e8\u05d9\u05d4", + "\u05de\u05e0\u05e6\u05d5\u05e8", + "\u05e9\u05e8\u05d1\u05d9\u05d8", + "\u05d4\u05d5\u05e8\u05d5\u05d1\u05d9\u05e5", + "\u05de\u05e8\u05d5\u05dd", + "\u05e2\u05d0\u05de\u05e8", + "\u05d1\u05e8\u05d6\u05d9\u05dc\u05d9", + "\u05e9\u05d5\u05dc\u05de\u05df", + "\u05d0\u05d1\u05e8\u05d2\u05dc", + "\u05d7\u05d3\u05d3", + "\u05d9\u05d5\u05e0\u05d4", + "\u05e2\u05d8\u05d9\u05d4", + "\u05e4\u05e8\u05e5", + "\u05de\u05d8\u05e8", + "\u05e0\u05d9\u05e8", + "\u05e7\u05e4\u05dc\u05df", + "\u05e9\u05dc\u05d1\u05d9", + "\u05e9\u05d9", + "\u05d8\u05d5\u05dc\u05d3\u05e0\u05d5", + "\u05e0\u05ea\u05e9\u05d4", + "\u05d0\u05d5\u05d7\u05e0\u05d4", + "\u05de\u05d7\u05d0\u05de\u05d9\u05d3", + "\u05e0\u05d9\u05e1\u05df", + "\u05d1\u05d3\u05e8", + "\u05d9\u05e9\u05e8\u05d0\u05dc\u05d9", + "\u05e2\u05d0\u05e1\u05dc\u05d4", + "\u05e4\u05d5\u05dc\u05e7", + "\u05e4\u05dc\u05d3\u05de\u05df", + "\u05e4\u05d9\u05e9\u05de\u05df", + "\u05db\u05e5", + "\u05d0\u05d1\u05e8\u05de\u05d5\u05d1\u05d9\u05e5", + "\u05d5\u05e7\u05e0\u05d9\u05df", + "\u05d0\u05d1\u05d5_\u05d0\u05dc_\u05d4\u05d9\u05d2'\u05d0", + "\u05e6\u05d5\u05e8", + "\u05d1\u05df_\u05e2\u05de\u05d9", + "\u05d1\u05e6\u05dc\u05d0\u05dc", + "\u05d2\u05d1\u05e2", + "\u05d4\u05d5\u05e4\u05de\u05df", + "\u05d1\u05df_\u05e2\u05d6\u05e8\u05d0", + "\u05e9\u05de\u05d9\u05e8", + "\u05e4\u05d5\u05d2\u05dc", + "\u05e9\u05d8\u05e8\u05d9\u05ea", + "\u05e8\u05e4\u05d0\u05dc", + "\u05d2\u05d3\u05d9\u05e8", + "\u05e9\u05dd_\u05d8\u05d5\u05d1", + "\u05d9\u05e2\u05e7\u05d1", + "\u05e1\u05d9\u05de\u05df_\u05d8\u05d5\u05d1", + "\u05e2\u05d3\u05d5\u05d9", + "\u05dc\u05d9\u05d1\u05d5\u05d1\u05d9\u05e5", + "\u05e7\u05d5\u05d2\u05df", + "\u05d5\u05d5\u05e7\u05e0\u05d9\u05df", + "\u05de\u05d5\u05d6\u05e1", + "\u05e1\u05d0\u05dc\u05dd", + "\u05db\u05d7\u05dc\u05d5\u05df", + "\u05d9\u05e6\u05d7\u05e7\u05d9", + "\u05d2\u05de\u05dc\u05d9\u05d0\u05dc", + "\u05d1\u05e8\u05d3\u05d4", + "\u05d6\u05d4\u05d1\u05d9", + "\u05de\u05e0\u05e9\u05d4", + "\u05d2\u05d5\u05e8", + "\u05d0\u05dc\u05d5\u05e0\u05d9", + "\u05e9\u05d2\u05d1", + "\u05d9\u05e6\u05d7\u05e7", + "\u05d1\u05df_\u05d7\u05d9\u05d9\u05dd", + "\u05de\u05e1\u05d0\u05e8\u05d5\u05d4", + "\u05dc\u05d9\u05d1\u05e8\u05de\u05df", + "\u05d0\u05d2\u05d1\u05d0\u05e8\u05d9\u05d4", + "\u05d0\u05dc\u05e4\u05e1\u05d9", + "\u05d3\u05d1\u05d9\u05e8", + "\u05d0\u05d1\u05e8\u05d4\u05dd", + "\u05d4\u05d9\u05d9\u05d1", + "\u05de\u05d9\u05de\u05d5\u05df", + "\u05d3\u05d4\u05e8\u05d9", + "\u05d3\u05d5\u05d9\u05d3\u05d5\u05d1", + "\u05d0\u05d5\u05d7\u05d9\u05d5\u05df", + "\u05d3\u05e8\u05d0\u05d5\u05e9\u05d4", + "\u05d4\u05e8\u05e8\u05d9", + "\u05d1\u05e9\u05d9\u05e8", + "\u05e7\u05d9\u05e0\u05df", + "\u05d0\u05d1\u05d9\u05d1", + "\u05d5\u05d9\u05e1\u05de\u05df", + "\u05e8\u05d5\u05e0\u05df", + "\u05d7\u05d0\u05d2'", + "\u05de\u05d9\u05db\u05d0\u05dc\u05d9", + "\u05d1\u05d5\u05d7\u05d1\u05d5\u05d8", + "\u05d5\u05d9\u05e0\u05d1\u05e8\u05d2", + "\u05d0\u05d1\u05d9\u05d8\u05df", + "\u05e0\u05d1\u05d5\u05df", + "\u05e2\u05d1\u05d0\u05e1\u05d9", + "\u05d7\u05d1\u05d9\u05d1", + "\u05d1\u05e9\u05d0\u05e8\u05d4", + "\u05e8\u05d5\u05d6\u05e0\u05d8\u05dc", + "\u05e2\u05d5\u05d6\u05e8\u05d9", + "\u05d0\u05e9\u05db\u05e0\u05d6\u05d9", + "\u05d1\u05d9\u05d8\u05d5\u05df", + "\u05d0\u05d5\u05e4\u05d9\u05e8", + "\u05e1\u05d2\u05dc", + "\u05d2\u05d5\u05dc\u05df", + "\u05e1\u05dc\u05e2", + "\u05d0\u05d1\u05d5\u05d8\u05d1\u05d5\u05dc", + "\u05d7'\u05d8\u05d9\u05d1", + "\u05e4\u05d5\u05e7\u05e1", + "\u05e7\u05e8\u05df", + "\u05d9\u05e9\u05e8\u05d0\u05dc", + "\u05d0\u05dc\u05d9\u05d0\u05e1", + "\u05d8\u05d5\u05d5\u05d9\u05dc", + "\u05e9\u05d5\u05e8", + "\u05e4\u05e8\u05d9", + "\u05d9\u05de\u05d9\u05df", + "\u05d0\u05d4\u05e8\u05d5\u05df", + "\u05d8\u05d9\u05d9\u05d1", + "\u05e2\u05d1\u05d0\u05e1", + "\u05e1\u05d5\u05dc\u05d5\u05de\u05d5\u05df", + "\u05d1\u05df_\u05e1\u05d9\u05de\u05d5\u05df", + "\u05d2\u05d5\u05dc\u05d3\u05e9\u05d8\u05d9\u05d9\u05df", + "\u05d1\u05e8\u05e7", + "\u05d0\u05d1\u05d5_\u05e8\u05d0\u05e1", + "\u05d9\u05e4\u05d4", + "\u05e8\u05d1\u05d9\u05e0\u05d5\u05d1\u05d9\u05e5", + "\u05de\u05d0\u05d9\u05e8", + "\u05e0\u05d7\u05d5\u05dd", + "\u05d1\u05e8\u05de\u05df", + "\u05d7\u05e1\u05d5\u05df", + "\u05e2\u05d5\u05d5\u05d3", + "\u05d0\u05d9\u05dc\u05d5\u05d6", + "\u05d2\u05e8\u05d5\u05e1", + "\u05d2\u05d5\u05dc\u05d3\u05e0\u05d1\u05e8\u05d2", + "\u05d7'\u05d5\u05e8\u05d9", + "\u05d2\u05e8\u05d9\u05df", + "\u05d3\u05d1\u05e9", + "\u05e9\u05d9\u05d8\u05e8\u05d9\u05ea", + "\u05d2\u05d0\u05e0\u05dd", + "\u05d0\u05d9\u05d5\u05d1", + "\u05d4\u05dc\u05dc", + "\u05e1\u05d1\u05d2", + "\u05e7\u05e8\u05de\u05e8", + "\u05d6\u05d9\u05e0\u05d2\u05e8", + "\u05de\u05d5\u05d9\u05d0\u05dc", + "\u05d0\u05d1\u05d5_\u05d8\u05d9\u05e8", + "\u05e4\u05e0\u05d7\u05e1", + "\u05d9\u05d4\u05d5\u05d3\u05d4", + "\u05e4\u05d6", + "\u05d2\u05d1\u05d0\u05d9", + "\u05e2\u05d1\u05d3\u05d0\u05dc\u05dc\u05d4", + "\u05e4\u05e8\u05e0\u05e7\u05dc", + "\u05d7\u05d3\u05d0\u05d3", + "\u05e9\u05e8\u05e3", + "\u05d2\u05d5\u05d0\u05d8\u05d4", + "\u05e9\u05e0\u05d9", + "\u05d9\u05e4\u05ea", + "\u05d5\u05d9\u05d9\u05e1", + "\u05de\u05d9\u05dc\u05e8", + "\u05d0\u05d3\u05dc\u05e8", + "\u05d7\u05d5\u05e1\u05d9\u05df", + "\u05d0\u05dc\u05e0\u05d1\u05d0\u05e8\u05d9", + "\u05e8\u05d5\u05d1\u05d9\u05e0\u05e9\u05d8\u05d9\u05d9\u05df", + "\u05db\u05d4\u05e0\u05d0", + "\u05e8\u05d0\u05d5\u05d1\u05df", + "\u05e2\u05d1\u05d5\u05d3", + "\u05de\u05de\u05df", + "\u05e0\u05ea\u05df", + "\u05d3\u05e0\u05d9\u05d0\u05dc", + "\u05d1\u05d5\u05d6\u05d2\u05dc\u05d5", + "\u05d1\u05df_\u05e9\u05d5\u05e9\u05df", + "\u05e7\u05d3\u05d5\u05e9", + "\u05e1\u05d1\u05df", + "\u05d0\u05e1\u05d5\u05dc\u05d9\u05df", + "\u05d6\u05d4\u05e8", + "\u05d1\u05df_\u05d9\u05d5\u05e1\u05e3", + "\u05d9\u05e2\u05e7\u05d5\u05d1\u05d5\u05d1\u05d9\u05e5", + "\u05e9\u05de\u05e9", + "\u05d7\u05d5\u05d2'\u05d9\u05e8\u05d0\u05ea", + "\u05e0\u05e2\u05d9\u05dd", + "\u05e9\u05d5\u05e9\u05df", + "\u05d3\u05de\u05e8\u05d9", + "\u05d9\u05d7\u05d6\u05e7\u05d0\u05dc", + "\u05d1\u05d3\u05d0\u05e8\u05e0\u05d4", + "\u05d7'\u05dc\u05d0\u05d9\u05dc\u05d4", + "\u05dc\u05d9\u05e4\u05e9\u05d9\u05e5", + "\u05d0\u05dc\u05de\u05d5\u05d2", + "\u05e8\u05d6", + "\u05de\u05d5\u05e1\u05e7\u05d5\u05d1\u05d9\u05e5", + "\u05dc\u05e0\u05d3\u05d0\u05d5", + "\u05d2\u05d5\u05e8\u05df", + "\u05e9\u05dc\u05d5\u05dd", + "\u05d0\u05d1\u05d5_\u05e8\u05d9\u05d0", + "\u05d1\u05e8", + "\u05e2\u05d1\u05d3_\u05d0\u05dc_\u05e7\u05d0\u05d3\u05e8", + "\u05de\u05e9\u05d9\u05d7", + "\u05de\u05d5\u05e8", + "\u05d3\u05d3\u05d5\u05df", + "\u05d2\u05d5\u05d8\u05de\u05df", + "\u05d0\u05de\u05e1\u05dc\u05dd", + "\u05dc\u05d1", + "\u05dc\u05e8\u05e0\u05e8", + "\u05d2\u05e8\u05d9\u05e0\u05d1\u05e8\u05d2", + "\u05e2\u05de\u05e8", + "\u05e2\u05de\u05d9\u05ea", + "\u05e9\u05d7\u05e8", + "\u05e1\u05d5\u05d0\u05e2\u05d3", + "\u05e9\u05d3\u05d4", + "\u05d3\u05e0\u05d9\u05e0\u05d5", + "\u05d0\u05de\u05d9\u05e8", + "\u05d7\u05dc\u05e4\u05d5\u05df", + "\u05d1\u05d3\u05e8\u05d0\u05df", + "\u05e9\u05e9\u05d5\u05df", + "\u05d1\u05e8\u05db\u05d4", + "\u05e8\u05d9\u05d0\u05df", + "\u05de\u05e8\u05d3\u05db\u05d9", + "\u05e1\u05d1\u05d0\u05d2", + "\u05e4\u05d0\u05e8", + "\u05d7\u05de\u05d5", + "\u05d9\u05e2\u05e7\u05d1\u05d9", + "\u05d2\u05d5\u05e8\u05d3\u05d5\u05df", + "\u05e2\u05d5\u05d0\u05d5\u05d3\u05d4", + "\u05e2\u05d5\u05d6", + "\u05d4\u05e8\u05d5\u05e9", + "\u05d0\u05e4\u05e9\u05d8\u05d9\u05d9\u05df", + "\u05d0\u05d3\u05e8\u05d9", + "\u05d0\u05dc\u05d8\u05d5\u05e8\u05d9", + "\u05e9\u05d2\u05d9\u05d0", + "\u05d6\u05d9\u05d5", + "\u05d5\u05d9\u05e6\u05de\u05df", + "\u05de\u05d7\u05de\u05d5\u05d3", + "\u05d9\u05d5\u05e1\u05d5\u05e4\u05d5\u05d1", + "\u05d0\u05d1\u05e0\u05d9", + "\u05e4\u05e8\u05d9\u05d3\u05de\u05df", + "\u05d3\u05d9\u05d0\u05d1", + "\u05d1\u05e8\u05e0\u05e1", + "\u05e6\u05d3\u05d5\u05e7", + "\u05e9\u05d5\u05e7\u05e8\u05d5\u05df", + "\u05d2\u05e8\u05d1\u05d0\u05df", + "\u05e0\u05d2\u05e8", + "\u05e4\u05d9\u05e9\u05e8", + "\u05e2\u05d6\u05e8\u05d0", + "\u05d0\u05dc\u05d1\u05d6", + "\u05e4\u05d7\u05d9\u05de\u05d4", + "\u05d0\u05dc\u05e7\u05d5\u05d1\u05d9", + "\u05d2\u05e8\u05d5\u05e1\u05de\u05df", + "\u05d7\u05d0\u05d2'_\u05d9\u05d7\u05d9\u05d0", + "\u05ea\u05de\u05d9\u05e8", + "\u05e8\u05d6\u05e0\u05d9\u05e7", + "\u05d0\u05e1\u05e8\u05e3", + "\u05e9\u05d1\u05d9\u05d8", + "\u05d3\u05d5\u05d3" + ], + "OTHER_PRONOUN": [ + "they" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u05e9\u05d7\u05e7\u05e0\u05d9\u05ea": "\u05e9\u05d7\u05e7\u05df", + "\u05db\u05dc\u05d4": "\u05d7\u05ea\u05df", + "\u05d0\u05e9\u05ea_\u05e2\u05e1\u05e7\u05d9\u05dd": "\u05d0\u05d9\u05e9_\u05e2\u05e1\u05e7\u05d9\u05dd", + "\u05d2\u05d5\u05d6\u05dc": "\u05d0\u05d9\u05e9", + "\u05d0\u05e4\u05e8\u05d5\u05d7": "\u05d0\u05d9\u05e9", + "\u05d1\u05ea": "\u05d1\u05df", + "\u05e0\u05e7\u05d1\u05d4": "\u05de\u05dc\u05d4", + "\u05e0\u05e9\u05d9": "\u05de\u05dc\u05d4", + "\u05d1\u05d7\u05d5\u05e8\u05d4": "\u05d2\u05d0\u05d9", + "\u05d9\u05dc\u05d3\u05d4": "\u05d2\u05d0\u05d9", + "\u05e0\u05e2\u05e8\u05d4": "\u05d2\u05d0\u05d9", + "\u05e0\u05db\u05d3\u05d4": "\u05e0\u05db\u05d3", + "\u05de\u05e0\u05d4\u05dc\u05ea": "\u05de\u05e0\u05d4\u05dc", + "\u05e9\u05dc\u05d4": "\u05e9\u05dc\u05d5", + "\u05de\u05d0\u05e8\u05d7\u05ea": "\u05dc\u05d7\u05dd_\u05d4\u05e7\u05d3\u05e9", + "\u05de\u05d9\u05e1_\u05d0\u05d9\u05d9": "\u05e1\u05e8", + "\u05d4\u05d7\u05d8\u05d9\u05d0": "\u05e1\u05e8", + "\u05e4\u05e1\u05e4\u05e1": "\u05e1\u05e8", + "\u05d0\u05dd": "\u05d0\u05d1\u05d0", + "\u05d2\u05d1\u05f3": "\u05de\u05e8", + "\u05d2\u05d1\u05e8\u05ea": "\u05de\u05e8", + "\u05d0\u05d7\u05d9\u05e0\u05d9\u05ea": "\u05d0\u05d7\u05d9\u05df", + "\u05e0\u05d6\u05d9\u05e8\u05d4": "\u05e0\u05d6\u05d9\u05e8", + "\u05e0\u05d5\u05df": "\u05e0\u05d6\u05d9\u05e8", + "\u05e9\u05d5\u05d8\u05e8\u05ea": "\u05e9\u05d5\u05d8\u05e8", + "\u05d1\u05ea_\u05de\u05dc\u05da": "\u05d4\u05e0\u05e1\u05d9\u05da", + "\u05e0\u05e1\u05d9\u05db\u05d4": "\u05e0\u05e1\u05d9\u05da", + "\u05de\u05dc\u05db\u05d4": "\u05de\u05dc\u05da", + "\u05e7\u05d5\u05d5\u05d9\u05e0\u05e1": "\u05de\u05dc\u05db\u05d9\u05dd", + "\u05d4\u05d9\u05d0": "\u05d4\u05d5\u05d0", + "\u05de\u05dc\u05e6\u05e8\u05d9\u05ea": "\u05de\u05dc\u05e6\u05e8", + "\u05d0\u05dc\u05de\u05e0\u05d4": "\u05d0\u05dc\u05de\u05df", + "\u05d0\u05dc\u05de\u05e0\u05d5\u05ea": "\u05d0\u05dc\u05de\u05df", + "\u05d1\u05ea_\u05d6\u05d5\u05d2": "\u05d1\u05e2\u05dc", + "\u05d0\u05e9\u05d4": "\u05d1\u05e2\u05dc", + "\u05de\u05db\u05e9\u05e4\u05d4": "\u05e7\u05d5\u05e1\u05dd", + "fema": "\u05de\u05df", + "\u05d0\u05d9\u05e9\u05d4": "\u05de\u05df", + "\u05d9\u05dc\u05d3": "\u05e0\u05e2\u05e8\u05d4", + "\u05d1\u05d7\u05d5\u05e8": "\u05e0\u05e2\u05e8\u05d4", + "\u05e0\u05e2\u05e8": "\u05d1\u05d7\u05d5\u05e8\u05d4" + }, + "other_gender_swap": { + "\u05e9\u05dc\u05d4\u05dd": "\u05e9\u05dc\u05d4", + "they": "\u05d4\u05d9\u05d0", + "\u05d4\u05dd": "\u05d4\u05d9\u05d0", + "\u05d4\u05df": "\u05d4\u05d9\u05d0", + "\u05e2\u05e8": "they", + "\u05d4\u05d5\u05d0": "\u05d4\u05df", + "\u05d4\u05d0": "they", + "\u05d4\u05d9\u05d0": "\u05d4\u05dd", + "\u05e9\u05dc\u05d4": "\u05e9\u05dc\u05d4\u05dd" + }, + "en_pronoun2gender": { + "they": [ + "\u05d4\u05d5\u05de\u05d5\u05e1\u05e7\u05e1\u05d5\u05d0\u05dc", + "\u05d8\u05e8\u05e0\u05e1\u05d2\u05f3\u05e0\u05d3\u05e8\u05d9", + "\u05d1\u05d9\u05e1\u05e7\u05e1\u05d5\u05d0\u05dc\u05d9", + "\u05d3\u05d5_\u05de\u05d9\u05e0\u05d9", + "\u05d8\u05e8\u05e0\u05e1\u05d2'\u05e0\u05d3\u05e8" + ], + "he": [ + "\u05d7\u05d1\u05d5\u05d1", + "\u05d9\u05dc\u05d3", + "\u05d0\u05d9\u05e9", + "\u05e0\u05e2\u05e8", + "\u05d2\u05d0\u05d9", + "\u05d2'\u05e0\u05d8\u05dc\u05de\u05df", + "\u05d2\u05d1\u05d9\u05e8", + "\u05d2\u05d9\u05d0", + "\u05de\u05df", + "\u05d0\u05e0\u05d5\u05e9\u05d5\u05ea", + "\u05d1\u05d7\u05d5\u05e8", + "\u05de\u05dc\u05d4", + "\u05d9\u05dc\u05d3_\u05e7\u05d8\u05df" + ], + "she": [ + "\u05d0\u05d9\u05e9\u05d4", + "\u05d1\u05d7\u05d5\u05e8\u05d4", + "\u05e4\u05e1\u05e4\u05e1", + "\u05d9\u05dc\u05d3\u05d4", + "\u05dc\u05e1\u05d1\u05d9\u05ea", + "\u05de\u05d9\u05e1_\u05d0\u05d9\u05d9", + "\u05d2\u05d1\u05e8\u05ea", + "\u05e0\u05e9\u05d9", + "\u05e0\u05e7\u05d1\u05d4", + "\u05e0\u05e2\u05e8\u05d4", + "\u05e2\u05dc\u05de\u05d4", + "fema", + "\u05dc\u05d9\u05d3\u05d9", + "\u05d4\u05d7\u05d8\u05d9\u05d0" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u05e9\u05dc\u05d5", + "\u05e2\u05e8", + "\u05d4\u05d0", + "\u05d4\u05d5\u05d0" + ], + "she": [ + "\u05e9\u05dc\u05d4", + "\u05d4\u05d9\u05d0" + ], + "they": [ + "\u05e9\u05dc\u05d4\u05dd", + "\u05d4\u05dd", + "\u05d4\u05df", + "they" + ], + "it": [ + "\u05d6\u05d4", + "\u05db\u05d9", + "\u05d6\u05d5", + "\u05d0\u05e9\u05e8", + "\u05d6\u05d0\u05ea", + "\u05e9" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hi.json b/data_tooling/pii_processing/ontology/data/hi.json new file mode 100644 index 0000000..89fcaed --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hi.json @@ -0,0 +1,525 @@ +{ + "RACE": [ + "\u0905\u092e\u0947\u0930\u093f\u0915\u0940", + "\u092b\u094d\u0930\u093e\u0902\u0938\u0940\u0938\u0940" + ], + "ORG": [ + "\u090f\u0915_\u092c\u093e\u0930_\u0914\u0930", + "\u0930\u093e\u091c\u0917\u0940\u0930\u0940", + "\u0915\u0943\u0937\u093f\u0915\u0930\u094d\u092e", + "\u0905\u0928\u094d\u0924\u0930\u094d\u0930\u093e\u0937\u094d\u091f\u094d\u0930\u0940\u092f_\u0926\u0942\u0930\u0938\u0902\u091a\u093e\u0930_\u0938\u0902\u0918", + "\u092a\u093e\u0930\u094d\u091f\u0940", + "\u092b\u0947\u0921\u0930\u0932_\u092c\u094d\u092f\u0942\u0930\u094b_\u0911\u092b_\u0907\u0928\u094d\u0935\u0947\u0938\u094d\u091f\u093f\u0917\u0947\u0936\u0928", + "\u090f\u0915_\u092c\u093e\u0930_\u092b\u093f\u0930", + "\u0939\u094d\u0935\u093e\u0902\u0917\u0939\u094b", + "\u0915\u093e\u092e\u0917\u093e\u0930_\u0935\u0930\u094d\u0917", + "\u0936\u094d\u0930\u092e\u093f\u0915_\u0938\u0902\u0918", + "\u0905\u0923\u094d\u0921\u092e\u093e\u0928", + "\u091c\u0941\u0917\u0932", + "\u092a\u0930\u094d\u092f\u093e\u0935\u0930\u0923_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0936\u0949\u092a\u093f\u0902\u0917_\u0938\u0947\u0902\u091f\u0930", + "\u0915\u092e\u094d\u092f\u0941\u0928\u093f\u0938\u094d\u091f_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0938\u092a\u094d\u0924\u0930\u094d\u0937\u093f_\u0924\u093e\u0930\u093e\u092e\u0902\u0921\u0932", + "\u0930\u093e\u091c\u094d\u092f\u0935\u093f\u092a\u094d\u0932\u0935", + "\u0938\u094d\u0932\u0940\u092a\u093f\u0902\u0917_\u092c\u094d\u092f\u0942\u091f\u0940", + "\u0936\u093f\u0928\u094d\u0924\u094b_\u0927\u0930\u094d\u092e", + "\u0915\u0947\u092a_\u0935\u0930\u094d\u0926\u0947", + "\u0915\u093e\u0932\u093e_\u092c\u093e\u091c\u093e\u0930", + "\u0932\u094b\u0915\u0924\u093e\u0928\u094d\u0924\u094d\u0930\u093f\u0915_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0930\u093e\u0937\u094d\u091f\u094d\u0930\u0915\u0941\u0932", + "\u091a\u093f\u0924\u094d\u0930\u0936\u093e\u0932\u093e", + "\u0938\u0928\u094d\u0924_\u0932\u0942\u0938\u093f\u092f\u093e", + "\u0935\u093f\u0926\u094d\u092f\u093e\u0932\u092f", + "\u0915\u0938\u094d\u091f\u092e\u094d\u0938", + "\u0938\u0947\u0902\u091f_\u0939\u0947\u0932\u0947\u0928\u093e", + "\u0915\u0943\u0937\u093f", + "\u091a\u0942\u0907\u0902\u0917_\u0917\u092e", + "\u0915\u0947\u092a_\u0935\u0930\u094d\u0921\u0947", + "\u0938\u0928\u094d\u0924_\u0939\u0947\u0932\u0947\u0928\u093e", + "\u0921\u093e\u0915\u0918\u0930", + "\u092a\u094b\u0938\u094d\u091f_\u0911\u092b\u093c\u093f\u0938", + "\u0924\u093e\u0913_\u0927\u0930\u094d\u092e", + "\u0936\u0949\u092a\u093f\u0902\u0917_\u092e\u0949\u0932" + ], + "QUANTITY": [ + "\u0924\u0940\u0928_\u0930\u093e\u091c\u0936\u093e\u0939\u093f\u092f\u093e\u0901", + "\u0910\u0928\u094d\u0921\u0930\u094d\u0938_\u0938\u0947\u0932\u094d\u0938\u093f\u092f\u0938" + ], + "DISEASE": [ + "\u0911\u0938\u094d\u091f\u093f\u092f\u094b\u092a\u094b\u0930\u094b\u0938\u093f\u0938", + "\u092e\u0927\u094d\u092f\u0915\u0930\u094d\u0923\u0936\u094b\u0925", + "\u0928\u093f\u0930\u094d\u092f\u094b\u0917\u094d\u092f\u0924\u093e", + "\u0935\u093f\u0936\u094d\u0935\u092e\u093e\u0930\u0940", + "\u091a\u093f\u0924\u094d\u0924\u0935\u093f\u092d\u094d\u0930\u092e", + "\u092a\u094d\u0930\u093e\u092f\u093e\u092a\u093f\u091c\u093c\u094d\u092e", + "\u092a\u094d\u0932\u0935\u092e\u093e\u0928_\u092a\u093f\u0902\u0921", + "\u092a\u094d\u0930\u094b\u091c\u0947\u0930\u093f\u092f\u093e", + "\u0921\u093f\u0938\u094d\u0932\u0947\u0915\u094d\u0938\u093f\u092f\u093e", + "\u0938\u093f\u0938\u094d\u091f\u093e\u092f\u091f\u093f\u0938", + "\u0928\u093f\u092e\u094d\u0928_\u0930\u0915\u094d\u0924\u091a\u093e\u092a", + "\u0921\u094d\u0930\u0949\u092a\u094d\u0938\u0940", + "\u0907\u092c\u094b\u0932\u093e_\u0935\u093e\u092f\u0930\u0938_\u0930\u094b\u0917" + ], + "TITLE": [ + "\u0936\u094d\u0930\u0940" + ], + "JOB": [ + "\u0935\u094d\u092f\u093e\u092a\u093e\u0930\u0940", + "pansari", + "\u0915\u093e\u0930\u094d\u091f\u0930", + "\u092d\u093e\u0937\u093e\u0902\u0924\u0930\u0915\u093e\u0930", + "\u0925\u0948\u091a\u0930", + "\u092a\u094b\u0932\u093f\u0938", + "\u092e\u0941\u0916\u094d\u092f_\u0915\u093e\u0930\u094d\u092f\u0915\u093e\u0930\u0940_\u0905\u0927\u093f\u0915\u093e\u0930\u0940", + "\u0936\u093f\u0915\u094d\u0937\u0915", + "\u0938\u093e\u0930\u094d\u091c\u0923\u094d\u091f", + "\u092e\u0928\u094b\u0935\u093f\u0915\u093e\u0930\u0935\u093f\u091c\u094d\u091e\u093e\u0928\u0940", + "\u0930\u093e\u091c\u094d\u092f\u092a\u093e\u0932", + "\u0909\u091a\u094d\u091a\u093e\u092f\u0941\u0915\u094d\u0924" + ], + "PRODUCT": [ + "\u092e\u093e\u0928\u0935_\u0905\u0927\u093f\u0915\u093e\u0930", + "\u0924\u0940\u0928_\u0930\u093e\u091c\u0936\u093e\u0939\u093f\u092f\u093e\u0901", + "\u0928\u092f\u093e_\u0928\u093f\u092f\u092e", + "\u092e\u093e\u0909\u0923\u094d\u091f_\u0938\u0947\u0923\u094d\u091f_\u0939\u0947\u0932\u0947\u0928\u094d\u0938", + "\u092e\u093e\u0928\u0935\u093e\u0927\u093f\u0915\u093e\u0930", + "\u0915\u094d\u0930\u093f\u0938\u094d\u092e\u0938_\u091f\u094d\u0930\u0940", + "\u0938\u0948\u0915\u094d\u0938\u094b\u0928\u0940_\u090f\u0928\u094d\u0939\u093e\u0932\u094d\u091f" + ], + "GPE": [ + "\u0932\u093e\u0932_\u0938\u093e\u0917\u0930", + "\u0930\u0947\u0921_\u0915\u094d\u0930\u0949\u0938", + "\u0924\u093e\u0908_\u092a\u0930\u094d\u0935\u0924", + "\u091c\u0930\u094d\u092e\u0928_\u0938\u093e\u092e\u094d\u0930\u093e\u091c\u094d\u092f", + "\u092a\u0935\u093f\u0924\u094d\u0930_\u0906\u0924\u094d\u092e\u093e", + "\u0938\u0928\u094d\u0924_\u0928\u093f\u0915\u094b\u0932\u0938", + "\u0935\u094d\u0939\u093e\u0907\u091f_\u0939\u093e\u0909\u0938", + "\u0939\u093e\u0917\u093f\u092f\u093e_\u0938\u094b\u092b\u093f\u092f\u093e", + "\u0938\u092b\u093c\u0947\u0926_\u0918\u0930" + ], + "PUBLIC_FIGURE": [ + "\u0938\u0928\u094d\u0924_\u092e\u093e\u0930\u094d\u091f\u093f\u0928", + "\u091c\u093e\u0928_\u0915\u0940\u091f\u094d\u0938", + "\u0938\u094d\u092e\u093f\u0925", + "\u091c\u093e\u0928_\u0915\u093e\u0902\u0938\u094d\u091f\u0947\u092c\u0932", + "\u091c\u0947_\u090f\u0921\u0917\u0930_\u0939\u0942\u0935\u0930", + "\u0915\u093e\u0930\u094d\u091f\u0930", + "\u0924\u093e\u0928\u093e_\u091d\u0940\u0932", + "\u091c\u093e\u0928_\u092b\u093c\u093e\u0928_\u0906\u0907\u0915", + "\u092e\u0947\u0902\u0921\u0932\u0940\u092b", + "\u091c\u093c\u0947\u0928\u094b", + "\u0905\u092e\u0947\u0930\u093f\u0917\u094b_\u0935\u0947\u0938\u094d\u092a\u0942\u091a\u0940" + ], + "FAC": [ + "\u092a\u094d\u0930\u093e\u0907\u092e\u0930\u0940_\u0938\u094d\u0915\u0942\u0932", + "\u0915\u0948\u0925\u094b\u0932\u093f\u0915_\u0917\u093f\u0930\u091c\u093e", + "\u092a\u094d\u0930\u093e\u0925\u092e\u093f\u0915_\u0935\u093f\u0926\u094d\u092f\u093e\u0932\u092f", + "\u092a\u0940\u091f\u0930_\u092e\u0939\u093e\u0928", + "\u0915\u0948\u0925\u094b\u0932\u093f\u0915_\u0917\u093f\u0930\u091c\u093e\u0918\u0930" + ], + "PERSON": [ + "\u092f\u094b_\u092f\u094b" + ], + "POLITICAL_PARTY": [ + "\u0930\u093f\u092a\u092c\u094d\u0932\u093f\u0915\u0928_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0932\u0947\u092c\u0930_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0921\u0947\u092e\u094b\u0915\u094d\u0930\u0948\u091f\u093f\u0915_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0930\u093e\u091c\u0928\u0940\u0924\u093f\u0915_\u0926\u0932", + "\u0917\u0941\u0913\u092e\u093f\u0902\u0926\u093e\u0902\u0917", + "\u0938\u092e\u093e\u091c\u0935\u093e\u0926\u0940_\u0926\u0932" + ], + "RELIGION": [ + "\u0935\u0948\u0937\u094d\u0923\u0935_\u0938\u092e\u094d\u092a\u094d\u0930\u0926\u093e\u092f", + "\u0938\u0942\u092b\u093c\u0940\u0935\u093e\u0926" + ], + "DATE": [ + "\u0906\u0926\u093f\u0924\u0903", + "\u092e\u0927\u094d\u092f\u092f\u0941\u0917", + "\u092c\u0949\u0915\u094d\u0938\u093f\u0902\u0917_\u0921\u0947" + ], + "LANGUAGE": [ + "\u0905\u0902\u0917\u094d\u0930\u0947\u091c\u093c\u0940", + "\u092a\u094b\u0932\u093f\u0936", + "\u0938\u094d\u0935\u093e\u0939\u093f\u0932\u0940" + ], + "LOCATION": [ + "\u0939\u0949\u0930\u094d\u0928_\u0905\u0902\u0924\u0930\u0940\u092a", + "\u092e\u0941\u0916\u094d\u092f_\u0938\u0921\u093c\u0915", + "\u092e\u093e\u0928\u0938\u093f\u0915_\u091a\u093f\u0915\u093f\u0924\u094d\u0938\u093e\u0932\u092f", + "\u0926\u094b_\u092d\u093e\u0907\u092f\u094b\u0902", + "\u0915\u094d\u0930\u093f\u0938\u094d\u091f\u094b\u092b\u093c\u0930_\u0915\u094b\u0932\u092e\u094d\u092c\u0938", + "\u0915\u0947\u0902\u0926\u094d\u0930\u0940\u092f_\u092c\u0948\u0902\u0915", + "\u0935\u093e\u092f\u0941_\u0938\u0947\u0928\u093e", + "\u092a\u093e\u0917\u0932\u0916\u093c\u093e\u0928\u093e", + "\u0938\u093e\u0902\u0924\u093e_\u0915\u094d\u0932\u0949\u0938", + "\u0938\u0941\u092a\u0940\u0930\u093f\u092f\u0930_\u091d\u0940\u0932", + "\u0935\u093e\u092f\u0941\u0938\u0947\u0928\u093e", + "\u0905\u0932_\u091c\u091c\u093c\u0940\u0930\u093e", + "\u0936\u094d\u0930\u0940\u0932\u0902\u0915\u093e", + "\u0938\u093e\u0902\u0924\u093e_\u0915\u094d\u0932\u0949\u091c\u093c" + ], + "LAW": [ + "\u0938\u093f\u0935\u093f\u0932_\u0915\u093e\u0928\u0942\u0928" + ], + "MEDICAL_THERAPY": [ + "\u0930\u0915\u094d\u0924\u091a\u093e\u092a" + ], + "PLANT": [ + "\u091c\u0932\u094b\u0926\u094d\u092d\u093f\u0926", + "\u0932\u0947\u091f\u093f\u0937" + ], + "SOC_ECO_CLASS": [ + "\u0915\u093e\u0932\u093e_\u092c\u093e\u091c\u093c\u093e\u0930", + "\u0938\u0930\u094d\u0935\u0939\u093e\u0930\u093e", + "\u0916\u0947\u0924\u0940" + ], + "UNION": [ + "\u0935\u093f\u0926\u094d\u092f\u093e\u0930\u094d\u0925\u0940_\u0938\u0902\u0918" + ], + "GENDER": [ + "\u092c\u0941\u0922\u093c\u093f\u092f\u093e" + ], + "ANIMAL": [ + "\u0917\u093f\u0928\u0940_\u092a\u093f\u0917" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+, \\D+", + false, + [] + ] + ], + "FIRST_NAME": [ + "\u0905\u0902\u0915\u093f\u0924\u093e", + "\u0907\u0928\u094d\u0926\u0941", + "\u091c\u0917\u0928\u094d\u0928\u093e\u0925", + "\u0935\u093f\u0906\u0928", + "\u0905\u0936\u094b\u0915", + "\u0906\u0936\u093e", + "\u0924\u0943\u0937\u094d\u0923\u093e", + "\u0935\u093f\u091c\u092f", + "\u0936\u094c\u0930\u094d\u092f", + "\u092a\u094d\u0930\u0926\u0940\u092a", + "\u0905\u0928\u093f\u0915\u093e", + "\u091a\u0947\u0924\u0928\u093e", + "\u0905\u0928\u0928\u094d\u092f\u093e", + "\u0930\u093f\u091c\u093c\u0935\u093e\u0928", + "\u0905\u0926\u094d\u0935\u0948\u0924", + "\u0905\u0925\u0930\u094d\u0935", + "\u0917\u094b\u0935\u093f\u0902\u0926\u093e", + "\u0935\u093f\u091c\u092f\u093e", + "\u092e\u094b\u0939\u093f\u0928\u0940", + "\u092e\u093e\u0932\u0924\u0940", + "\u0936\u0928\u093e\u092f\u093e", + "\u0907\u0928\u094d\u0926\u094d\u0930\u091c\u093f\u0924", + "\u0939\u0928\u0941\u092e\u093e\u0928\u094d", + "\u092a\u094d\u0930\u092d\u093e\u0915\u0930", + "\u091c\u093c\u094b\u092f\u093e", + "\u0915\u093e\u0932\u093f\u0926\u093e\u0938", + "\u091c\u092f\u093e", + "\u0938\u0941\u0932\u092d\u093e", + "\u092e\u093e\u092f\u0930\u093e", + "\u0930\u0936\u094d\u092e\u0940", + "\u0906\u0926\u093f\u0924\u094d\u092f", + "\u0932\u0940\u0932\u093e", + "\u0906\u0926\u094d\u092f\u093e", + "\u091c\u093c\u093e\u0915\u093f\u0930", + "\u0915\u093e\u0928\u094d\u0924\u0940", + "\u092d\u0930\u0924", + "\u0932\u0932\u093f\u0924", + "\u091c\u0917\u0926\u0940\u0936", + "\u0905\u092f\u093e\u0902\u0936", + "\u0915\u0941\u092e\u093e\u0930\u0940", + "\u092e\u093e\u0928\u0926\u0940\u092a", + "\u0905\u092f\u093e\u0928", + "\u0905\u0935\u0928\u0940", + "\u0936\u094d\u092f\u093e\u092e\u093e", + "\u092e\u094b\u0939\u0928", + "\u091a\u0928\u094d\u0926\u0928\u093e", + "\u0915\u092e\u094d\u092c\u094b\u091c", + "\u0930\u094b\u0939\u0928", + "\u0906\u0930\u0935", + "\u0905\u092e\u0930", + "\u0930\u091a\u0928\u093e", + "\u0936\u0915\u094d\u0924\u093f", + "\u091c\u094d\u092f\u094b\u0924\u094d\u0938\u0928\u093e", + "\u0926\u093f\u0935\u094d\u092f\u093e", + "\u0926\u0947\u0928\u094d\u092f\u0932", + "\u0906\u0935\u094d\u092f\u093e", + "\u0930\u093e\u092f\u0928", + "\u092e\u0930\u093f\u092f\u092e", + "\u0939\u0941\u0938\u0948\u0928", + "\u0917\u094c\u0924\u092e", + "\u0905\u092e\u093e\u092f\u0930\u093e", + "\u0930\u093e\u091c\u0940\u0935", + "\u0936\u0930\u094d\u092e\u093f\u0932\u093e", + "\u092a\u093e\u0930\u094d\u0925", + "\u0935\u093f\u0939\u093e\u0928", + "\u0915\u093f\u0930\u0923", + "\u0905\u0926\u093f\u0924\u0940", + "\u0939\u093e\u0938\u0928", + "\u0906\u0930\u0941\u0937", + "\u091c\u093f\u0924\u0947\u0928\u094d\u0926\u094d\u0930", + "\u091c\u092f\u0928\u094d\u0924\u0940", + "\u0935\u093f\u0935\u093e\u0928", + "\u0905\u0916\u093f\u0932", + "\u0905\u092d\u093f\u0932\u093e\u0937\u093e", + "\u0930\u0924\u0928", + "\u095b\u093e\u0930\u093e", + "\u0930\u0947\u092f\u093e\u0902\u0936", + "\u0905\u0926\u094d\u0935\u093f\u0915\u093e", + "\u0908\u0936", + "\u0905\u0932\u0940", + "\u0910\u0936\u094d\u0935\u0930\u094d\u092f\u093e", + "\u0935\u093f\u0937\u094d\u0923\u0941", + "\u0908\u0935\u093e", + "\u0926\u0940\u092f\u093e", + "\u092b\u093c\u0930\u0939\u093e\u0928", + "\u0915\u0948\u0932\u093e\u0936", + "\u0907\u0936\u093e\u0928", + "\u0936\u093e\u0928\u094d\u0924\u093e", + "\u0928\u093f\u0936\u093e", + "\u092f\u0936", + "\u092a\u094d\u0930\u0923\u0935", + "\u0917\u0923\u0947\u0936", + "\u0905\u091c\u093f\u0924", + "\u092a\u0941\u0937\u094d\u092a\u093e", + "\u091c\u092f\u0926\u0947\u0935", + "\u0928\u093f\u0916\u093f\u0932", + "\u0938\u093e\u0908", + "\u0906\u0928\u094d\u0935\u0940", + "\u0906\u0926\u094d\u0935\u093f\u0915", + "\u0935\u093f\u0926\u094d\u092f\u093e", + "\u0907\u0928\u093e\u092f\u093e", + "\u0906\u0928\u0928\u094d\u0926", + "\u0915\u093f\u0906\u0928", + "\u0905\u0902\u0915\u0941\u0930", + "\u0930\u093f\u092f\u093e", + "\u092e\u0941\u0915\u0947\u0936", + "\u0938\u093e\u0935\u093f\u0924\u094d\u0930\u0940", + "\u0905\u0930\u094d\u091c\u0941\u0928", + "\u0936\u094d\u0930\u0940", + "\u0905\u0928\u093e\u092f\u093e", + "\u0938\u094d\u0935\u0930\u093e", + "\u092e\u0941\u0939\u092e\u094d\u092e\u0926", + "\u0932\u0924\u093e", + "\u092b\u093c\u093e\u0924\u093f\u092e\u093e", + "\u0905\u092d\u092f", + "\u0906\u0930\u093e\u0927\u094d\u092f\u093e", + "\u0924\u0928\u094d\u0935\u0940", + "\u0905\u0928\u0941\u092a\u092e", + "\u0928\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0928\u093e\u0930\u093e\u092f\u0923", + "\u0938\u0930\u0932\u093e", + "\u0938\u0930\u0938\u094d\u0935\u0924\u0940", + "\u0905\u092e\u093f\u0924\u093e", + "\u092a\u0942\u0930\u094d\u0923\u093f\u092e\u093e", + "\u0935\u093f\u0915\u094d\u0930\u092e", + "\u090f\u0937\u093e", + "\u092a\u094d\u0930\u092c\u094b\u0927", + "\u092a\u094d\u0930\u0947\u092e", + "\u0935\u093f\u0935\u0947\u0915", + "\u0930\u091c\u0928\u0940" + ], + "LAST_NAME": [ + "\u0939\u0947\u0917\u0921\u0947", + "\u092c\u091c\u093e\u091c", + "\u0926\u0924\u094d\u0924\u093e", + "\u092c\u093e\u0932\u093e\u0938\u0941\u092c\u094d\u0930\u092e\u0923\u093f\u092f\u092e", + "\u0906\u0939\u0942\u091c\u093e", + "\u0915\u0941\u0932\u0915\u0930\u094d\u0923\u0940", + "\u092e\u0917\u0930", + "\u092c\u093e\u092a\u091f", + "\u092c\u0938\u0941", + "\u091a\u094c\u0927\u0930\u0940", + "\u0927\u093e\u0932\u0940\u0935\u093e\u0932", + "\u0926\u092f\u093e\u0932", + "\u0915\u0943\u0937\u094d\u0923\u0928", + "\u0938\u093e\u092f\u093e", + "\u0926\u0935\u0947", + "\u092e\u091c\u0942\u092e\u0926\u093e\u0930", + "\u092e\u093e\u0928\u0947", + "\u0936\u094d\u0930\u0940\u0935\u093f\u092e\u0932", + "\u092e\u0939\u093e\u0926\u0947\u0935", + "\u0936\u093f\u0930\u094b\u0933\u0947", + "\u0930\u093e\u092e\u0936\u0930\u094d\u092e\u093e", + "\u0938\u0947\u0928\u093e\u0927\u0940\u0936", + "\u0917\u093e\u0902\u0917\u0941\u0932\u0940", + "\u092c\u093e\u0932\u0915\u0943\u0937\u094d\u0923\u0928", + "\u0930\u093e\u092e\u0932\u0932\u093e", + "\u092c\u0915\u094d\u0937\u0940", + "\u0926\u093e\u0926\u093e", + "\u0939\u0941\u0938\u0948\u0928", + "\u0915\u0943\u0937\u094d\u0923\u092e\u0942\u0930\u094d\u0924\u093f", + "\u0932\u094b\u0926\u0940", + "\u0921\u093e\u0928\u0940", + "\u092e\u0902\u0917\u0932", + "\u0939\u093e\u0938\u0928", + "\u0928\u0942\u0930\u093e\u0928\u0940", + "\u092a\u093e\u091f\u093f\u0932", + "\u0938\u093f\u0902\u0939", + "\u0921\u093e\u0930", + "\u092e\u0939\u093e\u091c\u0928", + "\u0935\u092b\u093e\u0926\u093e\u0930", + "\u0932\u094b\u0915\u0928\u093e\u091f\u094d\u092f\u094b\u0902", + "\u0926\u094b\u0937\u0940", + "\u0905\u0932\u0940", + "\u0906\u091a\u093e\u0930\u094d\u092f", + "\u0926\u093e\u0930\u093e", + "\u0928\u093e\u092e", + "\u092e\u0902\u0917\u0924", + "\u092e\u0923\u093f", + "\u0905\u092c\u094d\u092c\u093e\u0938\u0940", + "\u092c\u0928\u093e", + "\u0915\u0941\u0923\u094d\u0921\u093e", + "\u0917\u0923\u0947\u0936", + "\u0926\u0940\u0915\u094d\u0937\u093f\u0924", + "\u092d\u0902\u0921\u093e\u0930\u0940", + "\u091c\u092e\u093e\u0928\u0924", + "\u0932\u093e\u0932", + "\u0905\u0930\u094b\u095c\u093e", + "\u092e\u0939\u093e\u0935\u0940\u0930", + "\u0916\u093e\u0928", + "\u092e\u0932\u094d\u0932\u093f\u0915", + "\u091a\u094c\u0939\u093e\u0928", + "\u092e\u0926\u0928", + "\u0926\u0942\u092c\u0947", + "\u0922\u0940\u0902\u0917\u0930\u093e", + "\u092a\u0941\u0937\u094d\u0915\u0930", + "\u0932\u093e\u0932\u093e", + "\u0905\u0939\u0932\u0941\u0935\u093e\u0932\u093f\u092f\u093e", + "\u0932\u0924\u093e", + "\u0926\u0941\u0906", + "\u091c\u094b\u0936\u0940", + "\u0915\u0943\u0937\u094d\u0923\u093e", + "\u0917\u0930\u094d\u0917", + "\u0917\u093e\u092f\u0915\u0935\u093e\u0921", + "\u091b\u093e\u092c\u0930\u093e", + "\u0915\u0941\u092e\u093e\u0930", + "\u0917\u0941\u092a\u094d\u0924\u093e", + "\u0917\u093e\u0935\u093f\u0924", + "\u092e\u0902\u0921\u0932", + "\u092c\u093e\u092c\u0942", + "\u0915\u093e\u0932\u0947", + "\u092e\u093e\u0928", + "\u0936\u0930\u094d\u092e\u093e", + "\u095c\u093e\u0932", + "\u0905\u0917\u094d\u0930\u0935\u093e\u0932", + "\u0935\u093f\u0915\u093e\u0935\u093f", + "\u0935\u093e\u0932", + "\u092e\u0939\u093e\u0930\u093e\u091c", + "\u0932\u0942\u0925\u0930\u093e", + "\u092c\u093e\u0926\u093e\u092e\u0940", + "\u092d\u093e\u0930\u0924" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u092a\u094b\u0924\u0940": "\u092a\u094b\u0924\u093e", + "\u0928\u093e\u0924\u0940": "\u092a\u094b\u0924\u093e", + "\u0909\u0928\u0915\u093e": "\u0907\u0938\u0915\u093e", + "\u0909\u0938\u0915\u093e": "\u0909\u0928\u0915\u093e", + "\u0907\u0938\u0915\u093e": "\u0909\u0928\u0915\u093e", + "\u0928\u093e\u092f\u093f\u0915\u093e": "\u0928\u093e\u092f\u0915", + "\u0915\u0941\u092e\u093e\u0930\u0940": "\u0938\u0930", + "\u092e\u093f\u0938": "\u0938\u0930", + "\u0938\u0941\u0936\u094d\u0930\u0940": "\u0938\u0930", + "\u0905\u092e\u094d\u092c\u093e": "\u092a\u093f\u0926\u0930", + "\u092e\u093e\u0924\u093e": "\u092c\u093e\u092a", + "\u0935\u093e\u0932\u093f\u0926\u093e": "\u0935\u093e\u0932\u093f\u0926", + "\u092e\u093e\u0902": "\u092a\u093f\u0926\u0930", + "\u092e\u093e\u0926\u0930": "\u092c\u093e\u092a", + "\u0906\u0908": "\u092a\u093f\u0924\u093e", + "\u0936\u094d\u0930\u0940\u092e\u0924\u0940": "\u0938\u093e\u0939\u092c", + "\u0930\u093e\u091c\u0915\u0941\u092e\u093e\u0930\u0940": "\u0930\u093e\u091c\u0915\u0941\u092e\u093e\u0930", + "\u0930\u093e\u091c\u0915\u0928\u094d\u092f\u093e": "\u0930\u093e\u091c\u0915\u0941\u092e\u093e\u0930", + "\u0936\u0939\u091c\u093c\u093e\u0926\u0940": "\u0926_\u092a\u094d\u0930\u093f\u0902\u0938", + "\u092c\u0947\u0917\u092e": "\u092c\u093e\u0926\u0936\u093e\u0939", + "\u0930\u093e\u0928\u0940": "\u092c\u093e\u0926\u0936\u093e\u0939", + "\u092f\u0939": "\u0935\u0939", + "\u0935\u0939": "\u092f\u0939", + "\u092c\u0939\u093f\u0928": "\u092d\u094d\u0930\u093e\u0924\u093e", + "\u092c\u0939\u0928": "\u092d\u093e\u0908", + "\u092d\u0917\u093f\u0928\u0940": "\u092d\u093e\u0908", + "\u0935\u0947\u091f\u094d\u0930\u0947\u0938": "\u0935\u0947\u091f\u0930", + "\u0935\u0940\u0921\u094b": "\u0935\u093f\u0927\u0941\u0930", + "\u0935\u093f\u0927\u0935\u093e": "\u0935\u093f\u0927\u0941\u0930", + "\u092c\u0940\u0935\u0940": "\u0936\u094c\u0939\u0930", + "\u092a\u0924\u094d\u0928\u0940": "\u0936\u094c\u0939\u0930", + "\u091a\u0941\u0921\u093c\u0948\u0932": "\u091c\u093e\u0926\u0942\u0917\u0930", + "\u0928\u093e\u0930\u0940": "\u0932\u0921\u093c\u0915\u093e", + "\u092e\u0939\u093f\u0932\u093e": "\u0932\u0921\u093c\u0915\u093e", + "\u0938\u094d\u0924\u094d\u0930\u0940": "\u0932\u0921\u093c\u0915\u093e", + "\u0914\u0930\u0924": "\u092a\u0941\u0930\u0941\u0937", + "\u092c\u091a\u094d\u091a\u093e": "\u0932\u0921\u093c\u0915\u0940", + "\u0932\u0921\u093c\u0915\u093e": "\u0932\u0921\u093c\u0915\u0940" + }, + "other_gender_swap": { + "\u0909\u0928\u0915\u093e": "\u0909\u0938\u0915\u093e", + "\u092f\u0947": "\u092f\u0939", + "\u0935\u0947": "\u0935\u0939", + "\u092f\u0939": "\u0935\u0947", + "\u0935\u0939": "\u092f\u0947", + "\u0909\u0938\u0915\u093e": "\u0909\u0928\u0915\u093e", + "\u0907\u0938\u0915\u093e": "\u0909\u0928\u0915\u093e" + }, + "en_pronoun2gender": { + "they": [ + "\u0909\u092d\u092f\u0932\u093f\u0902\u0917\u0940" + ], + "he": [ + "\u092a\u0941\u0930\u0941\u0937", + "\u092c\u0902\u0926\u093e", + "\u0932\u0921\u093c\u0915\u093e", + "\u092c\u091a\u094d\u091a\u093e" + ], + "she": [ + "\u092e\u0939\u093f\u0932\u093e", + "\u0915\u0941\u092e\u093e\u0930\u0940", + "\u0932\u0921\u093c\u0915\u0940", + "\u092e\u093f\u0938", + "\u0926\u0940\u0926\u0940", + "\u0928\u093e\u0930\u0940", + "\u0914\u0930\u0924", + "\u0938\u094d\u0924\u094d\u0930\u0940", + "\u0938\u0941\u0936\u094d\u0930\u0940" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0909\u0938\u0947", + "\u0935\u0939", + "\u0907\u0938\u0915\u093e", + "\u0909\u0938\u0915\u093e", + "\u092f\u0939", + "\u0909\u0928\u0915\u093e" + ], + "she": [ + "\u0935\u0939", + "\u0907\u0938\u0915\u093e", + "\u0909\u0938\u0915\u093e", + "\u092f\u0939", + "\u0909\u0928\u0915\u093e" + ], + "they": [ + "\u0935\u0947", + "\u092f\u0947", + "\u0909\u0928\u0915\u093e" + ], + "it": [ + "\u0907\u0938", + "\u0935\u0939", + "\u092f\u0939", + "\u0915\u093f" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hil.json b/data_tooling/pii_processing/ontology/data/hil.json new file mode 100644 index 0000000..f8c752b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hil.json @@ -0,0 +1,49 @@ +{ + "GENDER": [ + "babaye" + ], + "DISEASE": [ + "lap_ok", + "hangga", + "alikdik" + ], + "ANIMAL": [ + "bukaw", + "karabaw" + ], + "ORG": [ + "saradhi", + "sin_o" + ], + "LOCATION": [ + "balatas" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "dalaga", + "babaye" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "siya" + ], + "she": [ + "siya" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hit.json b/data_tooling/pii_processing/ontology/data/hit.json new file mode 100644 index 0000000..240f5c7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hit.json @@ -0,0 +1,25 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\ud808\udc2d\ud808\ude3e\ud808\udc38": "\ud808\udc1c\ud808\udeeb\ud808\udc38", + "\ud808\udcbc": "\ud808\udc1c\ud808\udeeb" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "antuhsa" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hr.json b/data_tooling/pii_processing/ontology/data/hr.json new file mode 100644 index 0000000..3e03981 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hr.json @@ -0,0 +1,1262 @@ +{ + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "iva", + "ljubica", + "lara", + "nikolina", + "matea", + "jadranka", + "\u0161tefanija", + "milka", + "albina", + "zdenka", + "manda", + "an\u0111ela", + "sara", + "marica", + "kata", + "franciska", + "josipa", + "bara", + "draga", + "lea", + "jasminka", + "milena", + "ivka", + "mirjana", + "vesna", + "katica", + "valentina", + "biserka", + "kristina", + "maria", + "milica", + "tatjana", + "sandra", + "dragica", + "martina", + "suzana", + "katarina", + "eva", + "jelena", + "nata\u0161a", + "bo\u017eica", + "ivanka", + "laura", + "\u0111ur\u0111ica", + "jana", + "anita", + "snje\u017eana", + "sanja", + "ika", + "tea", + "ane", + "nika", + "marina", + "matija", + "biljana", + "lana", + "\u017eeljka", + "an\u0111a", + "petra", + "barbara", + "mira", + "mateja", + "andrea", + "mara", + "nada", + "stana", + "terezija", + "ljiljana", + "ana", + "slavica", + "nina", + "ru\u017eica", + "lucija", + "zora", + "barica", + "elizabeta", + "ema", + "hana", + "jele", + "marta", + "maja", + "bo\u017eena", + "fuma", + "gordana", + "lidija", + "anka", + "ru\u017ea", + "ivana", + "danijela", + "lorena", + "marijana", + "karla", + "ankica", + "veronika", + "zorka", + "mare", + "julijana", + "nevenka", + "anica", + "dora", + "vera", + "renata", + "antonija", + "branka", + "janja", + "kate", + "mia", + "danica", + "jasna", + "marija", + "rozalija", + "\u0161tefica" + ], + "FIRST_NAME_MALE": [ + "jo\u0161ko", + "igor", + "valter", + "zvonko", + "ivo", + "matej", + "karlo", + "\u0161ime", + "fran", + "andrija", + "branko", + "leon", + "romano", + "duje", + "slavko", + "niko", + "lovro", + "petar", + "tomo", + "joso", + "dario", + "zdravko", + "tomislav", + "jure", + "jakov", + "toni", + "franjo", + "dra\u017een", + "dalibor", + "ante", + "marin", + "bo\u017eo", + "antonio", + "domagoj", + "aldo", + "vlado", + "josip", + "patrik", + "darko", + "kristijan", + "pero", + "\u0111uro", + "nik\u0161a", + "dino", + "vjekoslav", + "du\u0161an", + "dominik", + "elvis", + "denis", + "anton", + "matija", + "vedran", + "lovre", + "jozo", + "mario", + "zoran", + "hrvoje", + "dejan", + "goran", + "anto", + "roko", + "nenad", + "sini\u0161a", + "martin", + "marko", + "mihael", + "alen", + "zlatko", + "janko", + "mijo", + "mato", + "mile", + "viktor", + "luka", + "miroslav", + "mate", + "mirko", + "mateo", + "david", + "nikola", + "rudolf", + "boris", + "filip", + "sa\u0161a", + "marijan", + "milan", + "stjepan", + "davor", + "damir", + "robert", + "ivan", + "erik", + "ivica", + "danijel", + "antun", + "mladen", + "juraj", + "mislav", + "dragan", + "pavao", + "\u017eeljko", + "bruno", + "vladimir", + "ilija", + "dragutin" + ], + "FIRST_NAME": [ + "jo\u0161ko", + "ljubica", + "iva", + "lara", + "igor", + "valter", + "nikolina", + "matea", + "jadranka", + "\u0161tefanija", + "milka", + "albina", + "zdenka", + "manda", + "an\u0111ela", + "sara", + "zvonko", + "marica", + "ivo", + "matej", + "kata", + "karlo", + "franciska", + "josipa", + "\u0161ime", + "bara", + "draga", + "fran", + "andrija", + "branko", + "lea", + "jasminka", + "milena", + "ivka", + "leon", + "mirjana", + "romano", + "katica", + "vesna", + "slavko", + "duje", + "biserka", + "valentina", + "kristina", + "niko", + "lovro", + "petar", + "maria", + "milica", + "tatjana", + "tomo", + "joso", + "dario", + "zdravko", + "tomislav", + "jure", + "jakov", + "toni", + "sandra", + "dragica", + "franjo", + "dra\u017een", + "dalibor", + "ante", + "martina", + "bo\u017eo", + "marin", + "antonio", + "domagoj", + "aldo", + "vlado", + "josip", + "patrik", + "darko", + "kristijan", + "pero", + "katarina", + "suzana", + "eva", + "\u0111uro", + "jelena", + "nik\u0161a", + "nata\u0161a", + "dino", + "vjekoslav", + "bo\u017eica", + "ivanka", + "laura", + "du\u0161an", + "\u0111ur\u0111ica", + "jana", + "anita", + "snje\u017eana", + "dominik", + "sanja", + "ika", + "elvis", + "denis", + "tea", + "ane", + "nika", + "anton", + "marina", + "matija", + "biljana", + "vedran", + "lana", + "\u017eeljka", + "lovre", + "an\u0111a", + "jozo", + "petra", + "mario", + "barbara", + "mira", + "mateja", + "andrea", + "zoran", + "mara", + "nada", + "hrvoje", + "stana", + "dejan", + "goran", + "terezija", + "anto", + "roko", + "ljiljana", + "ana", + "nenad", + "slavica", + "nina", + "sini\u0161a", + "ru\u017eica", + "martin", + "lucija", + "marko", + "zora", + "mihael", + "alen", + "zlatko", + "janko", + "mijo", + "barica", + "mato", + "mile", + "elizabeta", + "viktor", + "ema", + "luka", + "hana", + "jele", + "marta", + "maja", + "miroslav", + "bo\u017eena", + "fuma", + "gordana", + "mate", + "mirko", + "lidija", + "mateo", + "anka", + "david", + "nikola", + "ru\u017ea", + "rudolf", + "ivana", + "boris", + "danijela", + "filip", + "sa\u0161a", + "lorena", + "karla", + "ankica", + "marijan", + "marijana", + "veronika", + "milan", + "zorka", + "mare", + "stjepan", + "julijana", + "davor", + "nevenka", + "damir", + "anica", + "dora", + "robert", + "vera", + "ivan", + "erik", + "ivica", + "renata", + "danijel", + "antun", + "antonija", + "mladen", + "juraj", + "mislav", + "dragan", + "branka", + "pavao", + "\u017eeljko", + "janja", + "kate", + "mia", + "danica", + "jasna", + "bruno", + "marija", + "rozalija", + "vladimir", + "ilija", + "\u0161tefica", + "dragutin" + ], + "LAST_NAME": [ + "pokas", + "mikul\u010di\u0107", + "forjan", + "\u0161imi\u010di\u0107", + "buni\u0107", + "zeli\u0107", + "\u0161pi\u0161i\u0107", + "miki\u0107", + "varga", + "damjanovi\u0107", + "raj\u010di\u0107", + "ignac", + "goti\u0107", + "kne\u017eevi\u0107", + "toti\u0107", + "lelas", + "pokos", + "stiperski", + "mei\u0107", + "bali\u0107", + "don\u010devi\u0107", + "laba\u0161", + "luk\u0161a", + "franji\u0107", + "debeli\u0107", + "cvetkovi\u0107", + "\u0161estan", + "andra\u0161ek", + "rojni\u0107", + "\u0161kunca", + "meda\u010d", + "polovi\u0107", + "horvat", + "klanac", + "dragojevi\u0107", + "radman", + "stojanov", + "\u010dulina", + "\u0161uran", + "bol\u010devi\u0107", + "solomun", + "babi\u0107", + "vitasovi\u0107", + "radojkovi\u0107", + "bla\u017ei\u010dko", + "cari\u0107", + "ragu\u017e", + "ra\u017eov", + "fu\u010dek", + "odoba\u0161i\u0107", + "tomi\u0107", + "abramovi\u0107", + "\u0161urina", + "karamarko", + "matija\u0161", + "bobanovi\u0107", + "amanovi\u0107", + "\u0161imi\u0107", + "lovri\u0107", + "turina", + "lisica", + "volarevi\u0107", + "pongrac", + "halapir", + "roso", + "pribani\u0107", + "luci\u0107", + "triplat", + "bur\u0161i\u0107", + "stojni\u0107", + "vu\u010din", + "kuzmi\u0107", + "ra\u0111enovi\u0107", + "puljiz", + "mikulandra", + "bradi\u0107", + "radeli\u0107", + "mi\u0161e", + "jure\u0161ko", + "\u017eufika", + "vozila", + "\u010dop", + "ko\u0161\u010devi\u0107", + "beni\u0107", + "erceg", + "barac", + "ba\u0161i\u0107", + "pe\u0161i\u0107", + "karagi\u0107", + "skupnjak", + "mesari\u0107", + "dobri\u0107", + "bojani\u0107", + "kele\u010di\u0107", + "priselac", + "marku\u0161", + "uki\u0107", + "kuve\u017edi\u0107", + "prpi\u0107", + "pavin", + "flego", + "birki\u0107", + "\u010dubri\u0107", + "juki\u0107", + "\u0161itum", + "magi\u0107", + "crevar", + "mi\u0161kovi\u0107", + "kopjar", + "nedi\u0107", + "\u0161ok\u010devi\u0107", + "peterlik", + "bi\u010dani\u0107", + "drakuli\u0107", + "miloslavi\u0107", + "soka\u010d", + "semialjac", + "viljevac", + "mihel\u010di\u0107", + "markanjevi\u0107", + "filar", + "grba", + "grbac", + "moslavac", + "dragi\u010devi\u0107", + "komljenovi\u0107", + "mu\u0161\u0107et", + "kupsjak", + "ugrini\u0107", + "vukman", + "ergoti\u0107", + "mikulec", + "galovi\u0107", + "labinjan", + "lukini\u0107", + "kujund\u017ei\u0107", + "bezi\u0107", + "slavica", + "zano\u0161ki", + "han\u017eek", + "moscarda", + "kevo", + "milina", + "\u017eu\u017ei\u0107", + "crnkovi\u0107", + "ben\u010di\u0107", + "godini\u0107", + "kocijan\u010di\u0107", + "kolarec", + "bebi\u0107", + "volari\u0107", + "leni\u0107", + "po\u017eega", + "krajcar", + "horak", + "\u0161pika", + "pali\u0107", + "\u010dargonja", + "maleti\u0107", + "rube\u0161a", + "kraljevi\u0107", + "le\u0161i\u0107", + "\u010dagalj", + "\u0161egovi\u0107", + "kosanovi\u0107", + "luki\u0107", + "panduri\u0107", + "had\u017ei\u0107", + "legovi\u0107", + "marasovi\u0107", + "bu\u0161ljeta", + "kresonja", + "dragobratovi\u0107", + "dominkovi\u0107", + "krpan", + "bogovi\u0107", + "vi\u017eintin", + "\u017eunec", + "mo\u010dibob", + "sladonja", + "herceg", + "jovi\u0107", + "strinavi\u0107", + "bungi\u0107", + "hodak", + "\u017eikovi\u0107", + "mi\u0161ak", + "\u0161ali\u0107", + "bosilj", + "sever", + "frani\u0107", + "\u0161kugor", + "huljev", + "ciganovi\u0107", + "\u0161pralja", + "milati\u0107", + "\u017eic", + "antoni\u0107", + "marijanovi\u0107", + "cestari\u0107", + "gali\u0107", + "pajur", + "damijani\u0107", + "\u0161kara", + "saka\u010d", + "pe\u010dur", + "vu\u010deti\u0107", + "puhari\u0107", + "valenti\u0107", + "stan\u010din", + "tu\u0161kan", + "mahnet", + "barbieri", + "karmeli\u0107", + "rastija", + "he\u0107imovi\u0107", + "culi", + "\u0161timac", + "bu\u010dar", + "glasnovi\u0107", + "\u0161urbek", + "le\u0161\u010di\u0107", + "glavor", + "jakovi\u0107", + "bo\u017ei\u0107", + "\u010dupi\u0107", + "mudri", + "rogo\u0161i\u0107", + "zeba", + "peni\u0107", + "iliji\u0107", + "gligora", + "turudi\u0107", + "bingula", + "kuku\u010dka", + "mesi\u0107", + "mara\u0161", + "franu\u0161i\u0107", + "novak", + "pavi\u010di\u0107", + "ore\u0161kovi\u0107", + "\u0161o\u0161i\u0107", + "petrovi\u0107", + "\u0161trlji\u0107", + "\u017eabja\u010dan", + "\u017eivkovi\u0107", + "hrvoji\u0107", + "baljak", + "\u0161imuni\u0107", + "ili\u0107", + "mar\u017ei\u0107", + "pikec", + "ra\u0161eta", + "kos", + "bogdan", + "marjanovi\u0107", + "gabud", + "iv\u0161i\u0107", + "mustapi\u0107", + "or\u0161oli\u0107", + "buzov", + "batrac", + "ljubi\u010di\u0107", + "rajn", + "vuk", + "gelemanovi\u0107", + "macan", + "boti\u0107", + "brcko", + "\u0161arga\u010d", + "mudronja", + "brlas", + "ku\u010di\u0107", + "brajkovi\u0107", + "jozi\u0107", + "\u0161tefanec", + "vidovi\u0107", + "horvati\u0107", + "\u0161krlin", + "pero\u0161", + "radovi\u0107", + "kolega", + "rubini\u0107", + "seni\u010di\u0107", + "maru\u0161i\u0107", + "gr\u017eeti\u0107", + "so\u0161i\u0107", + "vrban", + "medved", + "tu\u0111a", + "bogadi", + "hardi", + "ferenac", + "ple\u0161e", + "sr\u0161en", + "novosel", + "jagarinec", + "hadrovi\u0107", + "horvatinec", + "mori\u0107", + "bazjak", + "zub\u010di\u0107", + "kralj", + "sto\u0161i\u0107", + "barnaba", + "bari\u0161i\u0107", + "\u0107osi\u0107", + "dubove\u010dak", + "turk", + "hr\u017eenjak", + "klari\u0107", + "sura\u0107", + "kauzlari\u0107", + "koli\u0107", + "raljevi\u0107", + "\u017eagar", + "ni\u0161evi\u0107", + "pozder", + "resanovi\u0107", + "perak", + "jurlina", + "bare\u0161i\u0107", + "dizdar", + "\u010duljak", + "bani\u010devi\u0107", + "obratov", + "keli\u0107", + "tomljanovi\u0107", + "abi\u010di\u0107", + "bo\u017ei\u010devi\u0107", + "dere\u017ei\u0107", + "mili\u010di\u0107", + "\u0161verko", + "gredi\u010dak", + "u\u0161i\u0107", + "brleti\u0107", + "gregov", + "plantak", + "jeli\u0107", + "berto\u0161a", + "gracin", + "boro\u0161ak", + "merka\u0161", + "matana", + "\u0111urini\u0107", + "paveli\u0107", + "hini\u0107", + "nimac", + "d\u017eapo", + "ladavac", + "bo\u017eikovi\u0107", + "grguri\u0107", + "cvetni\u0107", + "valjeti\u0107", + "ba\u0161nec", + "or\u0161o\u0161", + "kati\u0107", + "jakovljevi\u0107", + "marinovi\u0107", + "sobota", + "dretvi\u0107", + "tuksar", + "naki\u0107", + "peri\u0161i\u0107", + "mraovi\u0107", + "pavi\u0107", + "bo\u017eanovi\u0107", + "pla\u017eanin", + "\u0107ori\u0107", + "vrhovec", + "jaku\u0161", + "kova\u010di\u0107", + "polonijo", + "mato\u0161evi\u0107", + "maras", + "poropat", + "ani\u010di\u0107", + "kinkela", + "le\u0161kovi\u0107", + "barkovi\u0107", + "\u0161koda", + "malnar", + "bla\u017eevi\u0107", + "ad\u017eijevi\u0107", + "jur\u010di\u0107", + "antolkovi\u0107", + "\u0161anti\u0107", + "kirin\u010di\u0107", + "dautanec", + "pe\u0161a", + "peru\u0161ko", + "drandi\u0107", + "tu\u0161ek", + "de\u017ee", + "jakopec", + "filipovi\u0107", + "sokol", + "vukobratovi\u0107", + "rumora", + "\u017eerjav", + "darojkovi\u0107", + "matko", + "britvec", + "fabijani\u0107", + "medi\u0107", + "bla\u017eek", + "juri\u0161i\u0107", + "bun\u010di\u0107", + "kr\u0161anac", + "vuku\u0161i\u0107", + "kova\u010devi\u0107", + "vela", + "kova\u010d", + "bajan", + "balin\u010di\u0107", + "orbani\u0107", + "majdeni\u0107", + "radi\u0107", + "kova\u010dek", + "vorkapi\u0107", + "jurkovi\u0107", + "brandi\u0107", + "akma\u010di\u0107", + "karlovi\u0107", + "jurjevi\u0107", + "zgorelec", + "grubi\u0161i\u0107", + "matokanovi\u0107", + "jovanovac", + "jugovac", + "brezjan", + "\u017ee\u017eeli\u0107", + "paradi", + "prtenja\u010da", + "lasi\u0107", + "jelavi\u0107", + "vla\u0161i\u0107", + "mihaljevi\u0107", + "fri\u0161\u010di\u0107", + "papak", + "mami\u0107", + "trnski", + "piljek", + "mio\u010di\u0107", + "matahlija", + "salopek", + "komar", + "jakopovi\u0107", + "ko\u0161ki", + "jemri\u0107", + "vugec", + "stra\u017ei\u010di\u0107", + "kokori\u0107", + "soldo", + "peri\u0107", + "or\u0161uli\u0107", + "radolovi\u0107", + "er\u0161ek", + "petek", + "cik", + "dabo", + "sabol", + "topi\u0107", + "jakovac", + "roca", + "milevoj", + "karuza", + "vaci", + "hren", + "stani\u0107", + "dvojak", + "mihi\u0107", + "mimica", + "hranj", + "alkovi\u0107", + "jasprica", + "\u0161estak", + "\u010dizmi\u0107", + "andrijevi\u0107", + "beleti\u0107", + "bukvi\u0107", + "mikle\u010di\u0107", + "smokovi\u0107", + "kosi\u0107", + "andrija\u0161evi\u0107", + "coli\u0107", + "kr\u017eelj", + "bi\u0107ani\u0107", + "dominikovi\u0107", + "\u010dukman", + "pu\u0161kari\u0107", + "pecoti\u0107", + "rakela", + "liovi\u0107", + "per\u010di\u0107", + "gu\u0161tin", + "kerekovi\u0107", + "ba\u010di\u0107", + "martini\u0107", + "jage\u010di\u0107", + "markovac", + "lazar", + "urli\u0107", + "kunac", + "bur\u010dul", + "ra\u0161i\u0107", + "bo\u0161njak", + "mavra", + "eterovi\u0107", + "birti\u0107", + "stipanovi\u0107", + "gulan", + "vugdelija", + "bo\u0161njakovi\u0107", + "barbi\u0107", + "dolinar", + "pami\u0107", + "lu\u010di\u0107", + "rito\u0161a", + "didovi\u0107", + "boban", + "jakupi\u0107", + "vojkovi\u0107", + "matkovi\u0107", + "bijeli\u0107", + "ribi\u010di\u0107", + "obradovi\u0107", + "bernardi\u0107", + "herout", + "sedlar", + "licul", + "\u010di\u017eme\u0161ija", + "lako\u0161eljac", + "putinja", + "borojevi\u0107", + "balatinac", + "gegi\u0107", + "jonji\u0107", + "modri\u0107", + "tudi\u0107", + "filip\u010di\u0107", + "mileti\u0107", + "star\u010devi\u0107", + "vrabelj", + "pavkovi\u0107", + "vretenar", + "hrabar", + "banko", + "stoj\u010devi\u0107", + "doli\u0107", + "mati\u0107", + "ri\u010dko", + "bjeli\u0161", + "guberovi\u0107", + "liber", + "popovi\u0107", + "pavlovi\u0107", + "boljkovac", + "cukon", + "belo\u0161evi\u0107", + "rahija", + "\u010du\u010dek", + "\u0161poljari\u0107", + "kostani\u0107", + "bari\u010devi\u0107", + "zrili\u0107", + "\u010doti\u0107", + "jovanovi\u0107", + "\u010di\u0161", + "risek", + "perkovi\u0107", + "kr\u010deli\u0107", + "buri\u0107", + "matulin", + "krznari\u0107", + "banovac", + "\u0161ipek", + "hrani\u0107", + "ozimec", + "gudelj", + "harapin", + "marde\u0161i\u0107", + "lojen", + "prskalo", + "trutani\u0107", + "frani\u010devi\u0107", + "\u017eivi\u0107", + "duki\u0107", + "kligl", + "majstorovi\u0107", + "marti\u0107", + "zebec", + "ma\u0107e\u0161i\u0107", + "knezovi\u0107", + "\u0161ibali\u0107", + "halambek", + "zakinja", + "\u0161trbac", + "rijetkovi\u0107", + "amid\u017ei\u0107", + "rado\u0161evi\u0107", + "stani\u010di\u0107", + "\u0161ari\u0107", + "matuli\u0107", + "\u0161imara", + "orlovi\u0107", + "mamula", + "mi\u010deti\u0107", + "\u0161unji\u0107", + "kralji\u0107", + "tur\u010dinov", + "baksa", + "vidakovi\u0107", + "glavan", + "kadija", + "\u0161o\u0161tari\u0107", + "rukavina", + "rakulji\u0107", + "barbir", + "rado\u010daj", + "trgov\u010di\u0107", + "predovan", + "mihali\u0107", + "mar\u0161i\u0107", + "\u017euvela", + "norac", + "petri\u010devi\u0107", + "martinovi\u0107", + "\u0161tefovi\u0107", + "kostelac", + "buljan", + "vidas", + "vinceti\u0107", + "dujmovi\u0107", + "roce", + "sabljak", + "nikoli\u0107", + "klasi\u0107", + "brali\u0107", + "stolnik", + "tonc", + "zmai\u0107", + "dra\u017ei\u0107", + "ribi\u0107", + "\u0161eparovi\u0107", + "marinkovi\u0107", + "miloti\u0107", + "ribari\u0107", + "blagai\u0107", + "bi\u010dak", + "marin", + "\u0161tifani\u0107", + "\u0111ura\u0161evi\u0107", + "bu\u010danac", + "perkov", + "matas", + "frketi\u0107", + "malo\u010da", + "sikiri\u0107", + "ilinovi\u0107", + "cafuk", + "vidov", + "\u0161krti\u0107", + "vu\u010dkovi\u0107", + "crnekovi\u0107", + "tomi\u010di\u0107", + "gale\u0161i\u0107", + "mofardin", + "\u0161krni\u010dki", + "kokanovi\u0107", + "horvatek", + "petri\u0107", + "gr\u017ein\u010di\u0107", + "siroti\u0107", + "begonja", + "luk\u0161i\u0107", + "poljak", + "\u0161imunovi\u0107", + "milovac", + "radin", + "vei\u0107", + "raspor", + "tisaj", + "\u0161elendi\u0107", + "pintari\u0107", + "na\u010dinovi\u0107", + "jureti\u0107", + "ivanovi\u0107", + "ivandi\u0107", + "vladislavi\u0107", + "kahlina", + "berakovi\u0107", + "bo\u017eani\u0107", + "ban", + "ljubi\u0107", + "\u0161inkovi\u0107", + "bo\u017ei\u010dkovi\u0107", + "\u0161arlija", + "rebi\u0107", + "mirt", + "cindri\u0107", + "hr\u0161ak", + "poli\u0107", + "tolj", + "terlevi\u0107", + "cvitan", + "smoli\u0107", + "\u0107uri\u0107", + "borak", + "matijevi\u0107", + "milas", + "husnjak", + "batrnek", + "duvan\u010di\u0107", + "mu\u017ei\u0107", + "mareti\u0107", + "papari\u0107", + "ba\u010dak", + "kani\u0161ki", + "ercegovi\u0107", + "toi\u0107", + "radinovi\u0107", + "\u010dovi\u0107", + "svetli\u010di\u0107", + "kurtoi\u0107", + "pedi\u0161i\u0107", + "sardeli\u0107", + "\u0161upraha", + "plantek", + "jerkovi\u0107", + "ni\u017eeti\u0107", + "makovac", + "simi\u0107", + "vuljak", + "trbovi\u0107", + "mu\u017eina", + "josipovi\u0107", + "martin\u010devi\u0107", + "lorencin", + "soki\u0107", + "butkovi\u0107", + "mate\u0161a", + "markovi\u0107", + "kelekovi\u0107", + "grgurovac", + "botica", + "baru\u0161i\u0107", + "car", + "klarin", + "juri\u0107", + "\u0161ipi\u0107", + "kramari\u0107", + "te\u0161ija", + "kri\u017ean", + "ljubeti\u0107", + "ivan\u010dan", + "maduni\u0107", + "anti\u0107", + "cveni\u0107", + "renduli\u0107", + "\u017eupani\u0107", + "mari\u0107", + "kalanjo\u0161", + "vukovi\u0107", + "bari\u0107", + "preo\u010danin", + "grgurevi\u0107", + "mirosavljevi\u0107", + "ku\u0161\u010devi\u0107", + "mari\u010devi\u0107", + "vrani\u0107", + "ser\u0161i\u0107", + "dautovi\u0107", + "tudor", + "kalazi\u0107", + "orli\u0107", + "\u0161turlan", + "brankovi\u0107", + "sori\u0107", + "sino\u017ei\u0107", + "peharda", + "tepe\u0161", + "stupalo", + "govor\u010dinovi\u0107", + "hrastinski", + "bara\u0107", + "poslon", + "terzi\u0107", + "zrinski", + "grgi\u0107", + "golubi\u0107", + "cvrtila", + "brlek", + "prelec", + "\u010dudi\u0107", + "bra\u010dun", + "matovina", + "musta\u010d", + "\u017eugec" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hsb.json b/data_tooling/pii_processing/ontology/data/hsb.json new file mode 100644 index 0000000..0cfd695 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hsb.json @@ -0,0 +1,130 @@ +{ + "LANGUAGE": [ + "hindi\u0161\u0107ina", + "danski", + "manx", + "japanski", + "esperanto", + "jend\u017aelski", + "franco\u0161\u0107ina", + "portugalski" + ], + "ANIMAL": [ + "rapak", + "kohlica", + "kozor\u00f3\u017ek", + "paskulica", + "kuli\u0161k", + "parlawa", + "pa\u0161turlica", + "kwikawa", + "pardal", + "burunduk", + "\u0161kraholc", + "kraholc" + ], + "PUBLIC_FIGURE": [ + "sherry", + "w", + "jurij", + "a", + "toma\u0161", + "katarina", + "putin", + "frank" + ], + "JOB": [ + "kral", + "propst", + "kralik" + ], + "RACE": [ + "turk", + "francoz" + ], + "PERSON_PRONOUN": [ + "na\u0161", + "we", + "naju" + ], + "DISEASE": [ + "jakota\u0107" + ], + "FAC": [ + "dw\u00f3rni\u0161\u0107o" + ], + "PRODUCT": [ + "njezapomni\u010dak", + "wulkobritaniska", + "nowoseelandska", + "wujk" + ], + "RELIGION_MEMBER": [ + "bratr" + ], + "PLANT": [ + "fija\u0142ka", + "jejku\u0161", + "serbowka" + ], + "FOOD": [ + "chile", + "limonada" + ], + "SOC_ECO_CLASS": [ + "ratarstwo" + ], + "ORG": [ + "ratarstwo", + "\u010derwjene_morjo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "jeje": "jeho", + "sotra": "bratr", + "\u017eona": "mu\u017e", + "\u017e\u00f3nska": "mu\u017e" + }, + "other_gender_swap": { + "n\u011b": "jeje" + }, + "en_pronoun2gender": { + "he": [ + "mu\u017e" + ], + "she": [ + "\u017eona", + "\u017e\u00f3nska", + "d\u017aow\u0107o" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "hij", + "w\u00f3n", + "jeho" + ], + "she": [ + "jeje" + ], + "they": [ + "n\u011b" + ], + "it": [ + "esta", + "hij", + "jeho" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ht.json b/data_tooling/pii_processing/ontology/data/ht.json new file mode 100644 index 0000000..aec3dd8 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ht.json @@ -0,0 +1,260 @@ +{ + "PUBLIC_FIGURE": [ + "henry_cavendish", + "benjamin_franklin", + "thomas_bayes", + "otto_frisch", + "johannes_diderik_van_der_waals", + "isaac_newton", + "victor_hugo", + "marie_curie", + "michael_jackson", + "galileo_galilei", + "vincent_van_gogh", + "steven_weinberg", + "e", + "norbert_wiener", + "henri_becquerel", + "bertram_brockhouse", + "y", + "f", + "james_franck", + "johannes_kepler", + "max_planck", + "john_bardeen", + "lars_onsager", + "arthur_compton", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "walt_disney", + "karl_menninger", + "richard_feynman", + "andrew_huxley", + "daniel_bernoulli", + "joseph_henry", + "gottfried_leibniz", + "pieter_zeeman", + "pablo_picasso", + "otto_hahn", + "christiaan_huygens", + "saint_louis_missouri", + "karl_marx", + "i", + "nikola_tesla", + "ludwig_boltzmann", + "leopold_kronecker", + "adolf_hitler", + "robert_boyle", + "1", + "ernest_walton", + "g", + "r", + "philip_warren_anderson", + "wilhelm_weber", + "thomas_malthus", + "robert_hooke", + "jezikri", + "alexander_wilson", + "charlie_chaplin", + "william_gilbert", + "james_watt", + "ronald_reagan", + "david_hilbert", + "martin_luther_king", + "nelson_mandela", + "hans_bethe", + "alfred_kastler", + "charles_peirce", + "albert_einstein", + "t" + ], + "LANGUAGE": [ + "lapaw\u00f2l", + "kongo", + "frans\u00e8", + "pany\u00f2l", + "bichlamar", + "tonga" + ], + "PLANT": [ + "moye", + "kalbas", + "maskreti", + "kachiman", + "moutad", + "seriz", + "abdenwel", + "mangliye", + "kokliko", + "koupye", + "madl\u00e8n", + "choublak" + ], + "DISEASE": [ + "anfis\u00e8m", + "nebilez", + "ki", + "maladi", + "kans\u00e8", + "lajonis", + "doul\u00e8", + "chal\u00e8", + "gros\u00e8s", + "maladi_andemik", + "radyasyon", + "tan", + "malarya", + "viris", + "gout" + ], + "JOB": [ + "lapolis", + "make", + "gentleman", + "kolon\u00e8l", + "achit\u00e8k", + "kizinye", + "travay\u00e8", + "chawoya", + "segonn", + "acht\u00e8", + "lieutenant" + ], + "PRODUCT": [ + "justin_bieber", + "abdenwel", + "julius_caesar", + "sentespri", + "sen_tome_ak_pw\u00e8nsip" + ], + "GPE": [ + "sen_domeng", + "sri_jayawardenapura", + "sentespri", + "py\u00e8", + "nouvo_testaman" + ], + "PERSON": [ + "julius_caesar", + "carl_david_anderson" + ], + "ANIMAL": [ + "bourik", + "atwop\u00f2d", + "sourit", + "rosiny\u00f2l", + "malfini", + "homo_sapiens", + "milip\u00e8d", + "maladi_viris_ebola" + ], + "ORG": [ + "saint_albans_vermont", + "ang", + "mizajou", + "sent_lisi", + "kap_v\u00e8", + "oni", + "sao_tome", + "po", + "mossad", + "sant_kom\u00e8syal", + "gouv\u00e8nman" + ], + "SOC_ECO_CLASS": [ + "literati", + "agrikilti" + ], + "DATE": [ + "to_m\u00f2talite", + "demi_vi", + "ton_natalite", + "almanak_gregoryen" + ], + "GENDER": [ + "gentleman", + "gason", + "men", + "tifi", + "gal" + ], + "PERSON_PRONOUN": [ + "i", + "me" + ], + "QUANTITY": [ + "vennkat", + "vennde", + "ventuit", + "g", + "venntwa", + "ventn\u00e8f", + "vennsis", + "venteyen", + "venns\u00e8t", + "vennsenk" + ], + "LOCATION": [ + "joseph_louis_gay_lussac", + "krist\u00f2f_kolon", + "nou_meksiko", + "etazini", + "ke_kontan_ane_nouvo", + "srilanka", + "ozetazini" + ], + "FOOD": [ + "chili" + ], + "RELIGION_MEMBER": [ + "kretyen" + ], + "FAC": [ + "tranntwa" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "bonda": "pid", + "fem\u00e8l": "gason", + "prens\u00e8s": "prens_la", + "fanm": "moun", + "gason": "tifi" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "biseksy\u00e8l" + ], + "he": [ + "gentleman", + "moun", + "gason" + ], + "she": [ + "fem\u00e8l", + "fanm", + "tifi", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "tij" + ], + "they": [ + "nich" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hu.json b/data_tooling/pii_processing/ontology/data/hu.json new file mode 100644 index 0000000..51c7761 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hu.json @@ -0,0 +1,2530 @@ +{ + "DATE": [ + "\u00e9letfogytiglan", + "midenszentek", + "szabadnap", + "a_b\u00f6jt_megt\u00f6r\u00e9s\u00e9nek_\u00fcnnepe", + "mindenszentek", + "villanyolt\u00e1s", + "holdf\u00e1zis", + "holdt\u00f6lte", + "aranykorm\u00edtosz", + "telihold", + "the_golden_years", + "itt_\u00e9s_most", + "\u00fajhold", + "sz\u00e1zadfordul\u00f3", + "holnaput\u00e1n" + ], + "PERSON": [ + "al_am\u00edn_abb\u00e1szida_kalifa", + "kakashal", + "al_gore", + "ji_csing", + "h_g_wells", + "kaucsukfa", + "taj_hegy", + "don_delillo", + "nekem_is", + "igor_sikorsky", + "in_memory", + "carl_david_anderson", + "\u00e9n_is", + "c_vitamin", + "rudolf_hess" + ], + "PUBLIC_FIGURE": [ + "henry_cavendish", + "matthew_arnold", + "alfr\u00e9d", + "benjamin_franklin", + "martin_buber", + "jean_genet", + "john_knox", + "heinrich_hertz", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "david_rittenhouse", + "thomas_bayes", + "johann_bernoulli", + "max_bruch", + "leonard_bernstein", + "sibelius", + "che_guevara", + "georges_simenon", + "c", + "i_a_richards", + "john_barth", + "edward_albee", + "maria_callas", + "henrik_ibsen", + "william_gladstone", + "mary_shelley", + "franz_werfel", + "peter_lorre", + "david_livingstone", + "eduard_buchner", + "\u00fcresfej\u0171", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "georg_wilhelm_steller", + "i_theodosius_r\u00f3mai_cs\u00e1sz\u00e1r", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "thomas_reid", + "winston_churchill", + "johannes_diderik_van_der_waals", + "conrad_aiken", + "karl_landsteiner", + "paul_mccartney", + "sz\u00e9llelb\u00e9lelt", + "andrew_marvell", + "terry_pratchett", + "stephen_king", + "francis_crick", + "peter_o\u2019toole", + "sherry", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "milton_friedman", + "edward_gibbon", + "i_lajos_frank_cs\u00e1sz\u00e1r", + "jefferson_davis", + "saint_louis", + "george_stephenson", + "john_glenn", + "nem_alkalmazhat\u00f3", + "john_webster", + "john_davis", + "george_harrison", + "george_orwell", + "vi_gy\u00f6rgy_brit_kir\u00e1ly", + "ronald_norrish", + "arthur_koestler", + "richard_wagner", + "thornton_wilder", + "ii_f\u00fcl\u00f6p_spanyol_kir\u00e1ly", + "pancho_villa", + "leopold_stokowski", + "marie_curie", + "francis_galton", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "\u00e9s_\u00edgy_tov\u00e1bb", + "galileo_galilei", + "jane_goodall", + "john_donne", + "robert_koch", + "ii_szent_edu\u00e1rd_angol_kir\u00e1ly", + "i_m_pei", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "catherine", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "john_ruskin", + "robert_burns", + "ii_ramszesz", + "john_henry", + "hans_albrecht_bethe", + "\u00e1llamf\u0151", + "i_constantinus_r\u00f3mai_cs\u00e1sz\u00e1r", + "thomas_paine", + "bari", + "francis_beaumont", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "willem_einthoven", + "bernard_malamud", + "samuel_johnson", + "allen_iverson", + "giuseppe_verdi", + "walter_lippmann", + "e", + "karl_jaspers", + "beethoven", + "konrad_adenauer", + "norbert_wiener", + "li_cseng_tao", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "i_vilmos_angol_kir\u00e1ly", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "gergely", + "louis_pasteur", + "j", + "richard_strauss", + "leslie_howard", + "hugo_grotius", + "mahalia_jackson", + "john_ford", + "gertrude_stein", + "sarah_bernhardt", + "katalin", + "philip_marlowe", + "luigi_pirandello", + "t_s_eliot", + "v_gy\u00f6rgy_brit_kir\u00e1ly", + "robert_millikan", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "ii_erzs\u00e9bet_brit_kir\u00e1lyn\u0151", + "charles_lindbergh", + "vincenzo_bellini", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "william_ockham", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "john_irving", + "bokor", + "samuel_de_champlain", + "giacomo_puccini", + "benedek", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "paul_verlaine", + "robert_johnson", + "james_dean", + "marie_tussaud", + "alessandro_manzoni", + "henrik", + "joseph_priestley", + "hal", + "nicolas_poussin", + "andrea_mantegna", + "oscar_wilde", + "philip_roth", + "j_d_salinger", + "henry", + "lawrence", + "j\u00f3_t\u00fcnd\u00e9r", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "eli_whitney", + "don_quijote", + "sakkmester", + "lenni", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "joseph_heller", + "a", + "morris", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "mary_leakey", + "charlie_parker", + "immanuel_kant", + "william_crookes", + "i_r\u00f3bert_sk\u00f3t_kir\u00e1ly", + "n", + "albert_schweitzer", + "john_harvard", + "johann_friedrich_herbart", + "johannes_kepler", + "william_s_burroughs", + "most", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "arthur", + "sarah_vaughan", + "william_byrd", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "elias_canetti", + "edward_jenner", + "oliver_hardy", + "cole_porter", + "jean_luc_godard", + "i_d\u00e1rajavaus_perzsa_kir\u00e1ly", + "graham_greene", + "frans_hals", + "lars_onsager", + "margaret_mitchell", + "igor_stravinsky", + "lola_montez", + "john_walker", + "william_herschel", + "mikhail_baryshnikov", + "montesquieu", + "arthur_rubinstein", + "arthur_compton", + "niels_bohr", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "anthony_burgess", + "sikets\u00e9g", + "irving_berlin", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "i_oszm\u00e1n_oszm\u00e1n_szult\u00e1n", + "emsemak\u00e1k\u00f3", + "steve_reich", + "benny_goodman", + "friedrich_engels", + "ii_k\u00e1roly_nyugati_frank_kir\u00e1ly", + "jane_austen", + "gustav_mahler", + "phil_collins", + "robert_redford", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "john_dowland", + "benjamin_jonson", + "william_golding", + "william_caxton", + "john_milton", + "i_m\u00e1ria_sk\u00f3t_kir\u00e1lyn\u0151", + "i_edu\u00e1rd_wessexi_kir\u00e1ly", + "albert_speer", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "e_t_a_hoffmann", + "frank_whittle", + "jesse_owens", + "marco_polo", + "caravaggio", + "ii_kurus_perzsa_kir\u00e1ly", + "charlie_watts", + "m", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "henri_bergson", + "boris_karloff", + "pierre_corneille", + "patrick_white", + "bartholomew_roberts", + "hans_christian_andersen", + "william_morris", + "cary_grant", + "pieter_zeeman", + "arnold_gesell", + "glenn_miller", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "kurt_weill", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "robert_robinson", + "o", + "one", + "adam_smith", + "william_james", + "ii_katalin_orosz_c\u00e1rn\u0151", + "levit\u00e9zlett", + "u", + "jean_harlow", + "karl_marx", + "friedrich_nietzsche", + "i", + "moln\u00e1r", + "jimmy_durante", + "john_wesley", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "a_hamelni_patk\u00e1nyfog\u00f3", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "jean_piaget", + "william_congreve", + "henri_rousseau", + "paul_tillich", + "legt\u00f6bb", + "h_g_wells", + "walt_whitman", + "william_wyler", + "ludwig_boltzmann", + "leopold_kronecker", + "i_klodvig_frank_kir\u00e1ly", + "richard_wright", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "peter_behrens", + "alfred_stieglitz", + "john_h_watson", + "joseph_haydn", + "stephen_spender", + "garfield", + "george_boole", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "i_harold_angol_kir\u00e1ly", + "1", + "liliom", + "cordell_hull", + "r\u00f3bert", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "jacob", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "jacqueline_cochran", + "george_fox", + "fritz_kreisler", + "anne_hathaway", + "katarina", + "david_garrick", + "margaret_court", + "ii_edmund_angol_kir\u00e1ly", + "szent_m\u00e1rton_sziget", + "g", + "i_p\u00e9ter_orosz_c\u00e1r", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "wanda_landowska", + "martin_heidegger", + "hans_eysenck", + "szent_krist\u00f3f", + "kett\u0151", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "steven_spielberg", + "jean_monnet", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "robert_brown", + "thomas_carlyle", + "m\u00e1ria_magdal\u00e9na", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "d", + "james_bowie", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "john_barrymore", + "john_constable", + "rachel_louise_carson", + "james_mill", + "matthew_flinders", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "i_edmund_wessexi_kir\u00e1ly", + "o_henry", + "i_justinianus_biz\u00e1nci_cs\u00e1sz\u00e1r", + "karl_popper", + "hruscsov", + "vi_s\u00e1ndor_p\u00e1pa", + "george_sand", + "peter_sellers", + "charles_fourier", + "a_bolyg\u00f3_hollandi", + "k\u00e9m\u00e9nysepr\u0151", + "joseph_conrad", + "kenneth_roberts", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "george_meredith", + "robert_morris", + "woody_herman", + "alexander_wilson", + "josef_albers", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "d_h_lawrence", + "robert_woodward", + "john_brown", + "al_jolson", + "\u00e9s_a_t\u00f6bbi", + "thomas_merton", + "hannah_arendt", + "antonio_stradivari", + "i_szeleukosz_szeleukida_uralkod\u00f3", + "alice_walker", + "miles_davis", + "\u00f6k\u00f6rszemf\u00e9l\u00e9k", + "james_parkinson", + "hurr\u00e1", + "jesse_jackson", + "stanley_kubrick", + "john_huston", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "ii_lajos_nyugati_frank_kir\u00e1ly", + "frank_capra", + "william_wordsworth", + "s", + "vi_gy\u00f6rgy", + "marcus_antonius", + "sergey_rachmaninov", + "agrippina", + "richard_rodgers", + "tana_t\u00f3", + "anne_sexton", + "john_dryden", + "frank", + "ernest_hemingway", + "aquila", + "jacques_charles", + "arthur_miller", + "henry_russell", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "cesare_borgia", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "jack_robinson", + "nagy_pele", + "alois_senefelder", + "george_enescu", + "jacques_offenbach", + "george_stevens", + "federico_fellini", + "bessie_smith", + "jean_antoine_watteau", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "ii_frigyes_porosz_kir\u00e1ly", + "bernardo_bertolucci", + "jan_steen", + "i_khsaj\u00e1rs\u00e1_perzsa_kir\u00e1ly", + "john_ross", + "hans_arp", + "franz_schubert", + "johnny_cash", + "ii_philipposz_maked\u00f3n_kir\u00e1ly", + "sarl\u00f3sfecskef\u00e9l\u00e9k", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "s_a_t\u00f6bbi", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "robert_peary", + "robert_browning", + "comenius", + "alessandro_farnese", + "john_bunyan", + "de_sade_m\u00e1rki", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "l", + "raymond_chandler", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "ORG": [ + "ida", + "az_amerikai_egyes\u00fclt_\u00e1llamok_elektori_koll\u00e9giuma", + "\u00f3v\u00e1ros", + "mellesleg", + "hadig\u00e9p", + "benc\u00e9sek", + "nagyboldogasszony", + "s\u00e1rga_foly\u00f3", + "gironde", + "macskab\u00f6lcs\u0151", + "wicca", + "khonken", + "\u00fczletk\u00f6zpont", + "jan_mayen", + "micimack\u00f3", + "az_amerikai_egyes\u00fclt_\u00e1llamok_haditenger\u00e9szete", + "kamarazenekar", + "akad\u00e9mia", + "piacgazdas\u00e1g", + "nasa", + "ingatlank\u00f6zvet\u00edt\u0151", + "arda", + "isi", + "bollywood", + "k\u00f6zv\u00e9lem\u00e9ny", + "sang_dinasztia", + "europol", + "schutzstaffel", + "the_who", + "v\u00e1rosh\u00e1za", + "germanisztika", + "le\u00e1nyb\u00facs\u00fa", + "capeting_dinasztia", + "\u00faj_hull\u00e1m", + "aranykorm\u00edtosz", + "the_planetary_society", + "a_b\u00e1r\u00e1nyok_hallgatnak", + "cserk\u00e9szl\u00e1ny", + "tornacsarnok", + "san_francisco", + "nagy_medve_csillagk\u00e9p", + "dom\u00ednium", + "nagy_szent_vazul", + "titkosszolg\u00e1lat", + "el_a_kezekkel", + "elmegy\u00f3gyint\u00e9zet", + "baszkf\u00f6ld", + "a_fekete_macska", + "k\u00e9pcsarnok", + "rezesbanda", + "fels\u0151_t\u00f3", + "gao", + "vil\u00e1gbank", + "szecesszi\u00f3", + "j\u00f3_\u00e9tv\u00e1gyat", + "szuratthani", + "szabadelv\u0171_p\u00e1rt", + "tornaterem", + "f\u00fcsti_fecske", + "androm\u00e9da_galaxis", + "in_situ_v\u00e9delem", + "feketepiac", + "bikapiac", + "n\u00e9pp\u00e1rt", + "nagyolvaszt\u00f3", + "szakszervezet", + "hatsz\u00e1z", + "hagia_szophia", + "az_amerikai_egyes\u00fclt_\u00e1llamok_tenger\u00e9szgyalogs\u00e1ga", + "ai", + "hidegh\u00e1bor\u00fa", + "the_football_league", + "vaisnavizmus", + "et_al", + "dia", + "zeneipar", + "beatnemzed\u00e9k", + "holtverseny", + "szent_mikl\u00f3s", + "el_ajn", + "ki_vagy", + "szoci\u00e1ldemokr\u00e1cia", + "a_baby_boom_gener\u00e1ci\u00f3_tagja", + "csal\u00e1dfa", + "torl\u00f3d\u00e1s", + "ne_ny\u00falj_hozz\u00e1", + "k\u0151m\u0171vess\u00e9g", + "ellenszeg\u00fcl\u00e9s", + "mindenki_mag\u00e1\u00e9rt_felel", + "whig_p\u00e1rt", + "r\u00e1g\u00f3gumi", + "kolozsv\u00e1r", + "gestapo", + "nevel\u00e9s", + "nemzetbiztons\u00e1g", + "monokli", + "vall\u00e1studom\u00e1ny", + "munk\u00e1soszt\u00e1ly", + "fibonacci_sorozat", + "tejesk\u00e1v\u00e9", + "nemzetiszocialista_n\u00e9met_munk\u00e1sp\u00e1rt", + "h\u00e1rom_n\u0151v\u00e9r", + "az_utols\u00f3_napok_szentjeinek_j\u00e9zus_krisztus_egyh\u00e1za", + "han_dinasztia", + "szakk\u00f6z\u00e9piskola", + "az_egyes\u00fclt_\u00e1llamok_k\u00e9pvisel\u0151h\u00e1za", + "als\u00f3h\u00e1z", + "haditenger\u00e9szet", + "\u00e9s_tsai", + "oktat\u00e1s", + "ellenkez\u00e9s", + "z\u00f6ld_foki_k\u00f6zt\u00e1rsas\u00e1g", + "kereszt\u00e9nydemokrat\u00e1k", + "leg\u00e9nyb\u00facs\u00fa", + "feh\u00e9rarany", + "az_amerikai_egyes\u00fclt_\u00e1llamok_l\u00e9giereje", + "kereszt\u00e9ny_tudom\u00e1ny", + "hollywood", + "szabadk\u0151m\u0171vess\u00e9g", + "saint_barth\u00e9lemy", + "vegyipar", + "sturmabteilung", + "los_angeles", + "nato", + "az_egyes\u00fclt_\u00e1llamok_parti_\u0151rs\u00e9ge", + "baltimore_orioles", + "melegh\u00e1zass\u00e1g", + "ad_hoc", + "a_nevem", + "ivano_frankivszk", + "nemzetk\u00f6zi_jog", + "l\u00e9gier\u0151", + "mi", + "by_the_way", + "krivij_rih", + "nagyd\u00edj", + "k\u00e1rmel", + "m\u0171csarnok", + "f\u00fcv\u00e9szkert", + "bern\u00e1thegyi", + "doc", + "munk\u00e1sp\u00e1rt", + "aktu\u00e1lis", + "szent_borb\u00e1la", + "ellenz\u00e9s", + "ae\u00e1", + "forg\u00f3ajt\u00f3", + "ez_az", + "ace", + "csillaghalmaz", + "v\u00f6r\u00f6skereszt", + "demokrata_p\u00e1rt", + "nagy_medve", + "bund\u00e1s_keny\u00e9r", + "k\u00f6z\u00e9piskola", + "taoizmus", + "az_egyes\u00fclt_\u00e1llamok_szen\u00e1tusa", + "eu", + "szeretlek", + "csig\u00e1spolip", + "sz\u00ednsor", + "koroszt\u00e1ly", + "kincst\u00e1r", + "r\u00e1di\u00f3galaxis", + "\u00e9desv\u00edz", + "az_egyes\u00fclt_\u00e1llamok_kongresszusa", + "babszem_jank\u00f3", + "angkorvat", + "republik\u00e1nus_p\u00e1rt", + "s\u00e3o_tom\u00e9" + ], + "ANIMAL": [ + "terenura_sharpei", + "bar\u00e1tr\u00e9ce", + "keny\u00e9rbog\u00e1r", + "apodemus", + "elef\u00e1ntf\u00f3ka", + "pehelyr\u00e9ce", + "indi\u00e1n\u00f6k\u00f6rszem", + "narancstrupi\u00e1l", + "tigrisc\u00e1paf\u00e9l\u00e9k", + "kukor\u00e9kol", + "s\u00e1rgarig\u00f3f\u00e9l\u00e9k", + "buteo", + "dankasir\u00e1ly", + "csillagr\u00e1ja", + "bar\u00e1tcsuszka", + "sarl\u00f3sfecske", + "tengerir\u00f3zsa", + "k\u00edgy\u00e1szkesely\u0171", + "nagy_pele", + "nagy_viaszmoly", + "nagy_pr\u00e9rity\u00fak", + "husz\u00e1rmajom", + "medvep\u00e1vi\u00e1n", + "l\u00e9gykap\u00f3f\u00e9l\u00e9k", + "kesely\u0171tekn\u0151s", + "babirussza", + "nagy_\u0151rg\u00e9bics", + "sarl\u00f3sfecskef\u00e9l\u00e9k", + "farkass\u00fcg\u00e9r", + "k\u00e9szletmoly", + "tigrisc\u00e1pa", + "burgonyabog\u00e1r", + "kaliforniai_oroszl\u00e1nf\u00f3ka", + "siketfajd", + "k\u00e1posztalepke", + "hal\u00e1lk\u00edgy\u00f3", + "barnamoszatok", + "ecetmuslica", + "feny\u0151fajd", + "almamoly", + "vaddiszn\u00f3", + "gr\u00e1n\u00e1tpinty", + "eger\u00e9sz\u00f6lyv", + "tigrispiton", + "kaliforniai_szam\u00e1rny\u00fal", + "manta", + "a_holl\u00f3", + "bankivaty\u00fak", + "partifecske", + "kesely\u0171", + "carduelis", + "r\u00e9palepke", + "mandarinr\u00e9ce", + "csonttoll\u00fa", + "nyuszt", + "angyalc\u00e1pa", + "iszapt\u00f6cs", + "lactobacillus_acidophilus", + "tigriscs\u00f6rg\u0151k\u00edgy\u00f3", + "tengeris\u00fcn\u00f6k", + "emsemak\u00e1k\u00f3", + "gumiboa", + "thomson_gazella", + "kolor\u00e1d\u00f3bog\u00e1r", + "micropterus", + "v\u00f6r\u00f6sbegy", + "gyalogs\u00fclf\u00e9l\u00e9k", + "csap\u00f3s\u00fcg\u00e9r", + "ruhatet\u0171", + "galgo", + "k\u00f6z\u00f6ns\u00e9ges_levestekn\u0151s", + "nagy_kudu", + "coboly", + "rend\u0151rkutya", + "gulip\u00e1n", + "holdhal", + "holyvaf\u00e9l\u00e9k", + "b\u00e9ka", + "harrier", + "pettyes_billeget\u0151cank\u00f3", + "k\u00e9sei_meggyv\u00e1g\u00f3", + "jegesmedve", + "karvalybagoly", + "deres_erdeipocok", + "nagy_k\u00e1r\u00f3katona", + "feny\u0151szajk\u00f3", + "jegesr\u00e9ce", + "bar\u00e1tcinege", + "marmotini", + "p\u00e1lmagerle", + "meny\u00e9t", + "karvaly", + "gubacsdar\u00e1zs", + "citromc\u00e1pa", + "fut\u00f3mad\u00e1r", + "accipiter", + "fatty\u00fahering", + "tengerir\u00f3zs\u00e1k", + "sugarastekn\u0151s", + "kondorkesely\u0171", + "postagalamb", + "galamblumma", + "gyapoteg\u00e9r", + "eszkim\u00f3p\u00f3ling", + "szalonka", + "kakashal", + "gerle", + "szil\u00e1scetek", + "nagy_s\u00e1rszalonka", + "krumplibog\u00e1r", + "banteng", + "nagy_f\u0171r\u00e9szesr\u00e1ja", + "kardin\u00e1lispinty", + "varj\u00fa", + "nagy_p\u00f6r\u00f6lyc\u00e1pa", + "paradicsompapag\u00e1j", + "k\u00e9m\u00e9nysarl\u00f3sfecske", + "tengeriubork\u00e1k", + "s\u00e1rgarig\u00f3", + "iller", + "kalauzhal", + "pampab\u00edbic", + "\u00e1llatvil\u00e1g", + "bar\u00e1tkesely\u0171", + "pelef\u00e9l\u00e9k", + "c\u00e9druscsonttoll\u00fa", + "kercer\u00e9ce", + "nagy_pir\u00f3k", + "keresztcs\u0151r\u0171", + "b\u00edborpirok", + "lev\u00e9lbog\u00e1rf\u00e9l\u00e9k", + "ammospermophilus", + "megascops", + "emberbag\u00f3cs", + "alig\u00e1tortekn\u0151s", + "borz", + "holl\u00f3kesely\u0171", + "baktri\u00e1n", + "bikac\u00e1pa", + "vadszam\u00e1r", + "indi\u00e1ng\u00e9bics", + "feketerig\u00f3", + "sziv\u00e1rv\u00e1nys\u00fcg\u00e9r", + "inkakakadu", + "varangyf\u00e9l\u00e9k", + "l\u00e9prig\u00f3", + "remeter\u00e1k", + "gyapjaslepke", + "diszn\u00f3delfinf\u00e9l\u00e9k", + "u_bet\u0171s_aranybagoly", + "holl\u00f3", + "kafferbivaly", + "burunduk", + "csik\u00f3hal", + "fenyvescinege", + "nagy_sz\u00ednj\u00e1tsz\u00f3lepke", + "r\u00e9tisas", + "barramundi", + "t\u00fcnd\u00e9rasztrild", + "epstein_barr_v\u00edrus", + "indi\u00e1ncinege", + "nagy_\u00e1mbr\u00e1scet", + "v\u00f6r\u00f6smoszatok", + "tengelic", + "kesely\u0171k", + "varangy", + "anyakir\u00e1lyn\u0151", + "kotl\u00f3s", + "tengerimalac", + "si_cu", + "farkasp\u00f3kf\u00e9l\u00e9k", + "kondor", + "nagy_buk\u00f3", + "sz\u00e1mb\u00e1rszarvas", + "nagy_f\u00fclem\u00fcle", + "nagy_halfarkas", + "alkabuk\u00f3", + "bivaly", + "ikerszelv\u00e9nyesek", + "eider", + "pisztr\u00e1ngs\u00fcg\u00e9r", + "arvicola", + "nagy_k\u00f3csag" + ], + "DISEASE": [ + "sars", + "sz\u00e1mol\u00e1szavar", + "b\u0151rgyullad\u00e1s", + "ki", + "hiszt\u00e9ria", + "elg\u00e1zos\u00edt", + "angolk\u00f3r", + "rohamiv\u00e1s", + "rage", + "effektus", + "sug\u00e1rz\u00e1s", + "hasny\u00e1lmirigyr\u00e1k", + "materializmus", + "simogat", + "rendelleness\u00e9g", + "vissz\u00e9r", + "terhess\u00e9g", + "ty\u00fakszem", + "panasz", + "daganat", + "korp\u00e1sod\u00e1s", + "polyarteritis_nodosa", + "rozsda", + "furunkulus", + "torokgy\u00edk", + "mononucleosis_infectiosa", + "radi\u00e1ci\u00f3", + "lump", + "deviancia", + "t\u00e9velyg\u00e9s", + "kank\u00f3", + "leforr\u00e1z", + "dadog", + "hervad", + "gall", + "the_bends", + "gyermekb\u00e9nul\u00e1s", + "pang", + "porckorongs\u00e9rv", + "herer\u00e1k", + "a_b\u00e1r\u00e1nyhiml\u0151", + "gyullad\u00e1s", + "mellr\u00e1k", + "sipoly", + "tarantizmus", + "pikkelys\u00f6m\u00f6r", + "vakb\u00e9lgyullad\u00e1s", + "szelet", + "mell\u00e9khat\u00e1s", + "golyva", + "k\u00f6z\u00e9pf\u00fclgyullad\u00e1s", + "hasmen\u00e9s", + "csillagk\u00f6d", + "der\u00e9kf\u00e1j\u00e1s", + "alap\u00edt\u00f3", + "sert\u00e9sinfluenza", + "testess\u00e9g", + "lebarnul", + "beri_beri", + "parit\u00e1s", + "lambdacizmus", + "veszetts\u00e9g", + "besz\u00e9dhiba", + "hullamerevs\u00e9g", + "kanyar\u00f3", + "szilfav\u00e9sz", + "hamartoma", + "hurut", + "szem\u00e9lyis\u00e9gzavar", + "klausztrof\u00f3bia", + "hast\u00edfusz", + "aneszt\u00e9zia", + "mormol\u00e1s", + "down_szindr\u00f3ma", + "gesztenye", + "indulat", + "gimp", + "cukorbetegs\u00e9g", + "mirigyk\u00f3r", + "meghib\u00e1sod\u00e1s", + "ed", + "sclerosis_multiplex", + "pica", + "vitust\u00e1nc", + "m\u00e1jgyullad\u00e1s", + "sz\u00fcrkeh\u00e1lyog", + "pattan\u00e1s", + "szalmonella", + "keszonbetegs\u00e9g", + "sensation", + "teniszk\u00f6ny\u00f6k", + "betegs\u00e9g", + "kergemarhak\u00f3r", + "szindr\u00f3ma", + "pain", + "here_vissz\u00e9rt\u00e1gulat", + "benn", + "m\u00e9regcs\u00f3k", + "polidaktilia", + "megf\u00e1z\u00e1s", + "kancsals\u00e1g", + "gerincferd\u00fcl\u00e9s", + "ill", + "kisz\u00e1rad\u00e1s", + "aura_t\u00fcnetegy\u00fcttes", + "tengeribetegs\u00e9g", + "pellagra", + "schistosomiasis", + "tachikardia", + "mi", + "medd\u0151s\u00e9g", + "nem_j\u00f6n_szememre_\u00e1lom", + "skorbut", + "szam\u00e1rk\u00f6h\u00f6g\u00e9s", + "szilik\u00f3zis", + "korpulencia", + "sting", + "forrad\u00e1s", + "the_bleeding", + "szab\u00e1lytalans\u00e1g", + "veseel\u00e9gtelens\u00e9g", + "trauma", + "tompal\u00e1t\u00e1s", + "szem\u00f6lcs", + "bradikardia", + "eml\u0151r\u00e1k", + "kuru", + "burn", + "gy\u00fcm\u00f6lcsl\u00e9", + "mandulagyullad\u00e1s", + "selyp\u00edt\u00e9s", + "noma", + "the_hives", + "l\u00e9gibetegs\u00e9g", + "feh\u00e9rv\u00e9r\u0171s\u00e9g", + "beteg", + "a_passi\u00f3", + "gangr\u00e9na", + "kudarc", + "le", + "orrs\u00f6v\u00e9nyferd\u00fcl\u00e9s", + "\u00e9tv\u00e1gytalans\u00e1g", + "papag\u00e1jk\u00f3r", + "csontritkul\u00e1s", + "takonyk\u00f3r", + "kretenizmus", + "faridegzs\u00e1ba", + "csukl\u00e1s" + ], + "PLANT": [ + "acanthocereus_tetragonus", + "pap\u00edrny\u00edr", + "borzaskata", + "franciaperje", + "must\u00e1rmag", + "erdeifeny\u0151", + "v\u00f6r\u00f6sfeny\u0151", + "simafeny\u0151", + "nadragulya", + "kornist\u00e1rnics", + "amerikai_k\u0151ris", + "mangrovep\u00e1lma", + "feh\u00e9rm\u00e1jvir\u00e1g", + "the_joshua_tree", + "szel\u00eddgesztenye", + "selyembokor", + "sulyom", + "nagy_v\u00edzibogl\u00e1rka", + "gyalogak\u00e1c", + "ed\u00e9nynyal\u00e1b", + "ty\u00fakh\u00far", + "vadmurok", + "guttaperchafa", + "anyarozs", + "lapockacsont", + "p\u00fcsp\u00f6kfeny\u0151", + "kakukkszegf\u0171", + "b\u00fazavir\u00e1g", + "must\u00e1r", + "selyemk\u00f3r\u00f3", + "margitvir\u00e1g", + "magyalt\u00f6lgy", + "gomberny\u0151", + "macskam\u00e9z", + "zelnicemeggy", + "kaszkarilla", + "baracklevel\u0171_harangvir\u00e1g", + "sug\u00e1rkankalin", + "kelk\u00e1poszta", + "szikomorfa", + "szenegaf\u0171", + "takarm\u00e1nybaltacim", + "candida_albicans", + "p\u00e1sztort\u00e1ska", + "cs\u00e1sz\u00e1rgomba", + "tobozmirigy", + "v\u00edzip\u00e1lma", + "\u00f3ri\u00e1sbambusz", + "vadk\u00e1poszta", + "cik\u00e1szok", + "kar\u00e1csonyfa", + "oroszl\u00e1nsz\u00e1j", + "erdei_turbolya", + "farkassz\u0151l\u0151", + "tangerin", + "selenicereus_grandiflorus", + "feny\u00e9rgamandor", + "amerikai_mocs\u00e1rciprus", + "piros_gy\u0171sz\u0171vir\u00e1g", + "chilei_arauk\u00e1ria", + "tiszafa", + "parat\u00f6lgy", + "turb\u00e1nliliom", + "kakasmandik\u00f3", + "mos\u00f3di\u00f3fa", + "bark\u00f3cafa", + "csirimoj\u00f3", + "katicavir\u00e1g", + "nefelejcs", + "olaszn\u00e1d", + "g\u00f6r\u00f6gtekercs", + "bark\u00f3ca", + "pipacs", + "blackberry", + "nagy_csal\u00e1n", + "s\u00e1rgabors\u00f3", + "farkasboroszl\u00e1n", + "t\u00f6r\u00f6kr\u00f3zsa", + "jap\u00e1ncseresznye", + "nagy_v\u00f6lgycsillag", + "rezeda", + "csemegekukorica", + "eg\u00e9r\u00e1rpa", + "gy\u00f6ngyvir\u00e1g", + "nagy_\u00fatif\u0171", + "feny\u00e9rmirtusz", + "napraforg\u00f3", + "s\u00e1rgar\u00e9pa", + "bark\u00f3caberkenye", + "mani\u00f3ka", + "sono_keling", + "p\u00e9zsmam\u00e1lyva", + "\u00f3ri\u00e1sp\u00f6feteg", + "liliomfa", + "balzsamfeny\u0151", + "hagymaburok", + "lampionvir\u00e1g", + "raponcharangvir\u00e1g", + "oregoni_hamisciprus", + "csillagp\u00e1zsit", + "sejtfal", + "vadgesztenye", + "juhar", + "\u00e9desburgonya", + "feny\u00e9rcirok", + "trombitafolyond\u00e1r", + "tarl\u00f3r\u00e9pa", + "szakura", + "erdei_ibolya", + "lonc", + "vadalma", + "angolperje", + "vetem\u00e9nybab", + "atlaszc\u00e9drus", + "k\u00f6nnyez\u0151p\u00e1lma", + "kelbimb\u00f3" + ], + "FOOD": [ + "macskaeledel", + "porcukor", + "narancsh\u00e9j", + "mogyor\u00f3vaj", + "fagylalt", + "szult\u00e1nkeny\u00e9r", + "gy\u00f3gytea", + "feh\u00e9rbor", + "besamelm\u00e1rt\u00e1s", + "borecet", + "tejesk\u00e1v\u00e9", + "jegesk\u00e1v\u00e9", + "reggeli", + "narancsl\u00e9", + "m\u00e1rt\u00e1s", + "m\u00e9zeskal\u00e1csfigura", + "pinot_noir", + "szez\u00e1molaj", + "\u00e9letelix\u00edr", + "juharszirup", + "tejsz\u00ednhab", + "csirkesz\u00e1rny", + "paradicsomsz\u00f3sz", + "viaszt\u00f6k", + "falatoz\u00e1s", + "b\u00f6l\u00e9nysz\u00e1rny", + "chile", + "gyors\u00e9telek", + "paradicsoml\u00e9", + "r\u00e9pacukor", + "port\u00f3i", + "bab\u00e9rlev\u00e9l", + "limon\u00e1d\u00e9", + "cukr\u00e1szs\u00fctem\u00e9ny", + "szerencses\u00fcti", + "desszert", + "roz\u00e9bor", + "szalmakrumpli", + "nassolnival\u00f3", + "kandiscukor", + "p\u00e1lmaolaj", + "feketek\u00e1v\u00e9", + "rozskeny\u00e9r", + "leveskocka", + "r\u00e1ntotta", + "kaka\u00f3vaj", + "burgonyaszirom", + "v\u00f6r\u00f6sbor", + "vattacukor", + "almal\u00e9", + "citroml\u00e9", + "libam\u00e1j" + ], + "JOB": [ + "sz\u00e9nb\u00e1ny\u00e1sz", + "dragonyos", + "csillag\u00e1sz", + "munk\u00e1s", + "guru", + "krupi\u00e9", + "berep\u00fcl\u0151pil\u00f3ta", + "karmester", + "nevel\u0151n\u0151", + "moln\u00e1r", + "a_kezdetek", + "cukr\u00e1sz", + "gyakornok", + "jeges", + "konzul", + "polg\u00e1rmester", + "meteores\u0151", + "fogorvos", + "a_j\u00f6v\u0151_h\u00edrn\u00f6ke", + "herold", + "neurol\u00f3gus", + "elef\u00e1nthajcs\u00e1r", + "kelmefest\u0151", + "a_tolm\u00e1cs", + "simogat", + "obsitos", + "busalepkef\u00e9l\u00e9k", + "szappanoz", + "felcser", + "horg\u00e1sz", + "meteorol\u00f3gus", + "vonalz\u00f3", + "erd\u00e9sz", + "b\u00f6rt\u00f6n\u0151r", + "kalauzol", + "katona", + "rakt\u00e1ros", + "pint\u00e9r", + "don", + "a_d\u00far", + "szendvicsember", + "fazekas", + "dietetikus", + "kidob\u00f3", + "the_police", + "olvas\u00f3szerkeszt\u0151", + "z\u00e1szl\u00f3viv\u0151", + "terapeuta", + "szabad\u00fasz\u00f3", + "boltos", + "kartogr\u00e1fus", + "v\u00edziment\u0151", + "kozmetikus", + "tejesember", + "gentleman", + "utcasepr\u0151", + "szinkronsz\u00edn\u00e9sz", + "csin\u00e1l", + "kert\u00e9sz", + "korm\u00e1nyz\u00f3", + "tengernagy", + "formatervez\u0151", + "grip", + "h\u00e1zi\u00far", + "macskajaj", + "mastermind", + "kir\u00e1ly", + "kond\u00e1s", + "szolga", + "minden_kezdet_neh\u00e9z", + "tenger\u00e9sz", + "termel\u0151", + "sim\u00edt", + "antol\u00f3gus", + "az_amerikai_egyes\u00fclt_\u00e1llamok_eln\u00f6ke", + "takar\u00edt\u00f3", + "marhap\u00e1sztor", + "nagyk\u00f6vet", + "hord\u00e1r", + "abrak", + "hematol\u00f3gus", + "scientist", + "port\u00e1s", + "kamikaze", + "furulya", + "bevezet\u0151", + "the_advocate", + "kapus", + "a_dadus", + "altengernagy", + "alkusz", + "orvostanhallgat\u00f3", + "dalszerz\u0151", + "freelancer", + "t\u00e1bornagy", + "f\u00e9nyk\u00e9p\u00e9sz", + "rend\u0151rn\u0151", + "the_guardian", + "kardiol\u00f3gus", + "rendez\u0151", + "tak\u00e1cs", + "borb\u00e9ly", + "immunol\u00f3gus", + "a_szarvasvad\u00e1sz", + "mandarin", + "solym\u00e1r", + "tud\u00f3s", + "fest\u0151", + "f\u00fcggetlen", + "mate", + "alezredes", + "erd\u0151ker\u00fcl\u0151", + "ideggy\u00f3gy\u00e1sz", + "diszn\u00f3p\u00e1sztor", + "hint\u00f3", + "a_t\u00e1rsas\u00e1g_embere", + "erd\u0151\u0151r", + "patikus", + "takar\u00edt\u00f3n\u0151", + "zeneszerz\u0151", + "tervez\u0151grafikus", + "feltal\u00e1l\u00f3", + "rakod\u00f3munk\u00e1s", + "harcos", + "the_economist", + "katonatiszt", + "altat\u00f3orvos", + "orvos", + "seriff", + "p\u00e1rtvez\u00e9r", + "elad\u00f3n\u0151", + "barista", + "szem\u00e9sz", + "dand\u00e1rt\u00e1bornok", + "warrior", + "bemond\u00f3", + "d\u00f6gev\u0151", + "solym\u00e1sz", + "alt\u00e1bornagy", + "man", + "doc", + "pr\u00e9rifarkas", + "hamis\u00edt\u00f3", + "husz\u00e1r", + "oktat\u00f3", + "plak\u00e1t", + "usher", + "messenger", + "tejes", + "lakatos", + "proconsul", + "keresked\u0151", + "asztalos", + "parancsnok", + "szab\u00f3", + "kopors\u00f3viv\u0151", + "kasz\u00e1sp\u00f3k", + "\u00e1llatorvos", + "alap\u00edt\u00f3", + "idegorvos", + "sz\u00edn\u00e9sz", + "kan\u00e1sz", + "telepes", + "rend\u0151r", + "dermatol\u00f3gus", + "megk\u00f6nny\u00edt\u0151", + "nyomd\u00e1sz", + "menedzser", + "v\u00e9d\u0151sisak", + "keny\u00e9rkeres\u0151", + "vad\u00e1szn\u0151", + "bank\u00e1r", + "munkafel\u00fcgyel\u0151", + "the_independent", + "ezermester", + "orvosn\u0151", + "chambermaid", + "csal\u00e1dfenntart\u00f3", + "igazgat\u00f3", + "szemorvos", + "p\u00fcsp\u00f6k", + "a_kezdet", + "pil\u00f3ta", + "bogn\u00e1r", + "elemz\u0151", + "mosogat\u00f3g\u00e9p" + ], + "EVENT": [ + "vil\u00e1gki\u00e1ll\u00edt\u00e1s", + "hal\u00e1lt\u00e1nc", + "ilyen_az_\u00e9let", + "felt\u00f6rekv\u0151", + "nagyd\u00edj", + "filmfesztiv\u00e1l" + ], + "GENDER": [ + "\u00f6regember", + "vitold", + "gentleman", + "boy", + "boys", + "fick\u00f3", + "biszexu\u00e1lis", + "man", + "transznem\u0171s\u00e9g", + "kisl\u00e1ny", + "transznem\u0171" + ], + "RELIGION_MEMBER": [ + "protest\u00e1ns", + "guru", + "mohamed\u00e1n", + "ferences", + "kereszt\u00e9ny", + "mormon", + "purit\u00e1n", + "metodista", + "kereszty\u00e9n", + "r\u00f3mai_katolikus", + "szunnita" + ], + "RACE": [ + "afrikai", + "latin", + "bennsz\u00fcl\u00f6tt", + "t\u00f6r\u00f6k\u00f6k", + "franci\u00e1k", + "a_mexik\u00f3i", + "angolok", + "hollandok" + ], + "LOCATION": [ + "i_oszm\u00e1n_oszm\u00e1n_szult\u00e1n", + "z\u00f6ld_foki_szigetek", + "mindenekfelett", + "rapanui", + "ar\u00e9na", + "j\u00f3_est\u00e9t", + "na_\u00e9s", + "k\u00f6sz\u00f6nj\u00fck", + "park", + "jegybank", + "h\u00fcvelyk_matyi", + "bow_wow", + "s_tog", + "\u00faj_anglia", + "piet_mondrian", + "a_kulissz\u00e1k_m\u00f6g\u00f6tt", + "la_manche", + "santa_fe", + "sint_maarten", + "el_ajn", + "pisk\u00f3ta", + "nagy_medve_csillagk\u00e9p", + "sz\u00e9kelyv\u00e1s\u00e1rhely", + "kolumbusz_krist\u00f3f", + "\u00fajvil\u00e1g", + "arra_az_esetre_ha", + "horn_fok", + "\u0151r\u00fcltekh\u00e1za", + "szenteste", + "marosv\u00e1s\u00e1rhely", + "zs\u00e1kutca", + "jord\u00e1n", + "joseph_louis_gay_lussac", + "nincs_mit", + "szenteltv\u00edz", + "nagygorica", + "szent_patrik", + "nagy_csatorna", + "n\u00e9metalf\u00f6ld", + "vad\u00e1szebek", + "a_v\u00e1ros", + "a_sz\u00ednfalak_m\u00f6g\u00f6tt", + "percmutat\u00f3", + "nagy_tavak", + "usa", + "mennybemenetel", + "saint_lucia", + "botanikus_kert", + "mikul\u00e1s", + "l\u00e9gier\u0151", + "telefonk\u00f6zpont", + "felperzselt_f\u00f6ld_taktik\u00e1ja", + "elmegy\u00f3gyint\u00e9zet", + "nagy_r\u00f3kalepke", + "\u00faj_mexik\u00f3", + "csipker\u00f3zsika", + "the_rolling_stones", + "j\u00f3_\u00e9jszak\u00e1t", + "cordon_bleu", + "r\u00e9gen", + "nagy_\u00f6k\u00f6rszemlepke", + "csereszny\u00e9skert", + "j\u00f3_napot", + "heitor_villa_lobos", + "m\u00e1ria_magdolna", + "nagy_medve", + "k\u00f6zponti_bank" + ], + "PRODUCT": [ + "h\u00e1romdimenzi\u00f3s", + "emberi_jogok", + "justin_bieber", + "s_tog", + "csend\u00e9let", + "k\u00e1v\u00e9scs\u00e9sze", + "szentl\u00e9lek", + "szol\u00e1rium", + "tengerimalac", + "h\u00e1rom_kir\u00e1lys\u00e1g_kora", + "hajl\u00e9konylemez", + "diego_garcia", + "csatab\u00e1rd", + "sz\u00e1sz_anhalt", + "term\u00e9szetrajz", + "k\u00e1v\u00e9skanna", + "s\u00e3o_tom\u00e9_\u00e9s_pr\u00edncipe", + "szab\u00f3kr\u00e9ta", + "rendben", + "lid\u00e9rcf\u00e9ny", + "az_\u00e9des_\u00e9let", + "nefelejcs", + "diadal\u00edv", + "k\u00f6z\u00e9pf\u00f6lde", + "johannes_anglicus", + "a_pikk_d\u00e1ma", + "v\u00edzkereszt_vagy_amit_akartok", + "babah\u00e1z", + "logarl\u00e9c", + "vad\u00e1szbomb\u00e1z\u00f3", + "az_amerikai_egyes\u00fclt_\u00e1llamok_himnusza", + "szent_m\u00e1ria", + "the_hitchhiker\u2019s_guide_to_the_galaxy", + "h\u00e1romdimenzi\u00f3j\u00fa", + "a_gy\u0171r\u0171k_ura", + "\u00fajtestamentum", + "a_zar\u00e1ndok_\u00fatja", + "t\u00e1ncparkett", + "az_\u00e9hez\u0151k_viadala", + "\u00faj_z\u00e9land", + "gong", + "egy_cs\u00e9sze_k\u00e1v\u00e9", + "korona\u00e9kszerek", + "kar\u00e1csonyfa", + "sok_h\u0171h\u00f3_semmi\u00e9rt", + "levet", + "mario_andretti", + "cs\u00e1sz\u00e1rmetsz\u00e9s", + "nagy_britannia", + "cs\u00e1klya", + "g\u00f6nc\u00f6lszek\u00e9r", + "j\u00f3_reggelt", + "keresztel\u0151k\u00fat", + "vitorl\u00e1shaj\u00f3", + "mikul\u00e1s", + "goly\u00f3scsap\u00e1gy", + "r\u00f6vidz\u00e1rlat", + "vil\u00e1gv\u00e9ge", + "kar\u00e1csony_m\u00e1snapja", + "novo_mesto", + "minden_j\u00f3_ha_a_v\u00e9ge_j\u00f3" + ], + "LANGUAGE": [ + "szlov\u00e1k", + "a_haiti", + "korzikai", + "szom\u00e1li", + "olasz", + "angliai", + "orosz", + "feh\u00e9roroszorsz\u00e1gi", + "walesi", + "szerb", + "hangs\u00faly", + "hindi", + "mal\u00e1j", + "beng\u00e1li", + "malaj\u00e1lam", + "lao", + "szanszkrit", + "ido", + "horv\u00e1t", + "feh\u00e9rorosz", + "tonga" + ], + "FAC": [ + "t\u00f6r\u00f6kf\u00fcrd\u0151", + "szent_lucia", + "v\u00e1mhivatal", + "atomer\u0151m\u0171", + "f\u00fcgg\u0151h\u00edd", + "j\u00f3_utat", + "t_limfocita", + "i_p\u00e9ter_orosz_c\u00e1r", + "arnold_sch\u00f6nberg", + "utols\u00f3_vacsora", + "az_utols\u00f3_vacsora", + "vaskereszt", + "t_lymphocyta", + "harminch\u00e1rom", + "pl\u00e1za", + "saint_lucia", + "micimack\u00f3", + "sirat\u00f3fal", + "talpatlan", + "sz\u00e9pm\u0171v\u00e9szetek", + "katolikus_egyh\u00e1z", + "n\u00e9pfront", + "\u00e1ltal\u00e1nos_iskola", + "r\u00f3mai_katolikus_egyh\u00e1z", + "titus_livius", + "pap\u00edrmalom", + "a_var\u00e1zshegy", + "t\u00f6r\u00f6k_porta", + "harc\u00e1ll\u00e1spont", + "t_sejt", + "\u00fczletk\u00f6zpont", + "j\u00f3_utat_k\u00edv\u00e1nok" + ], + "SOC_ECO_CLASS": [ + "testv\u00e9ris\u00e9g", + "alvil\u00e1g", + "labor", + "feketepiac", + "tejsz\u00edn", + "mez\u0151gazdas\u00e1g", + "nemess\u00e9g", + "munk\u00e1soszt\u00e1ly", + "szamur\u00e1j" + ], + "RELIGION": [ + "manicheizmus", + "zen", + "katharok", + "szufizmus", + "sint\u00f3", + "presbiterianizmus", + "wicca" + ], + "GPE": [ + "v\u00f6r\u00f6skereszt", + "\u0111ur\u0111evdan", + "dar_es_salaam", + "szentf\u00f6ld", + "j\u00f3_szerencs\u00e9t", + "szentl\u00e9lek", + "elef\u00e1ntcsontpart", + "sint_maarten", + "sok_szerencs\u00e9t", + "v\u00f6r\u00f6s_tenger", + "sok_sikert", + "n_djamena", + "permj\u00e1k", + "andalusz", + "s\u00e3o_tom\u00e9", + "f\u00e1jdalmas_sz\u0171zanya", + "gran_canaria", + "szent_l\u0151rinc_foly\u00f3", + "p\u00e9ter_apostol", + "olimpiai_falu", + "aranyb\u00e1nya", + "f\u00e1jdalmas_anya", + "\u00f3v\u00e1ros", + "szent_gy\u00f6rgy", + "\u00faj_spanyolorsz\u00e1g", + "la_gomera", + "feh\u00e9rarany", + "feh\u00e9r_h\u00e1z", + "\u00fajsz\u00f6vets\u00e9g" + ], + "BIO_CHEM_ENTITY": [ + "szalicilsav", + "k\u00e1rminv\u00f6r\u00f6s", + "tejsav", + "membr\u00e1nfeh\u00e9rje", + "sz\u0151l\u0151magolaj", + "laurinsav", + "szulfonsavak", + "membr\u00e1nprotein", + "citromsav" + ], + "LAW": [ + "az_amerikai_egyes\u00fclt_\u00e1llamok_legfels\u0151bb_b\u00edr\u00f3s\u00e1ga", + "sz\u00f6vets\u00e9gi_nyomoz\u00f3_iroda", + "stat\u00e1rium", + "alkotm\u00e1nyb\u00edr\u00e1skod\u00e1s", + "polg\u00e1ri_jog", + "r\u00f3mai_jog", + "birtoklev\u00e9l", + "vall\u00e1sszabads\u00e1g", + "b\u00fcntet\u0151_t\u00f6rv\u00e9nyk\u00f6nyv", + "az_amerikai_egyes\u00fclt_\u00e1llamok_alkotm\u00e1nya", + "eredm\u00e9nykimutat\u00e1s" + ], + "QUANTITY": [ + "rendsz\u00e1m", + "higanymillim\u00e9ter", + "parkol\u00f3\u00f3ra", + "sorsz\u00e1mn\u00e9v", + "parkol\u00f3h\u00e1z", + "kilencvenh\u00e1rom", + "g", + "francia_frank", + "barionsz\u00e1m", + "elektronvolt", + "si_m\u00e9rt\u00e9kegys\u00e9grendszer", + "a_robotika_h\u00e1rom_t\u00f6rv\u00e9nye", + "mauritiusi_r\u00fapia", + "parkol\u00f3", + "anders_celsius", + "szem\u00e9lyesen" + ], + "POLITICAL_PARTY": [ + "gironde", + "munk\u00e1sp\u00e1rt", + "f\u00f3lkaflokkurin", + "ellenszeg\u00fcl\u00e9s", + "labor", + "kuomintang", + "szoci\u00e1ldemokrata_p\u00e1rt", + "ellenkez\u00e9s", + "ellenz\u00e9s", + "p\u00e1rt", + "z\u00f6ld_p\u00e1rt", + "t\u00f6rt\u00e9nelmi_szoci\u00e1ldemokrata_p\u00e1rt", + "konzervat\u00edv_p\u00e1rt", + "javna\u00f0arflokkurin", + "szocialista_p\u00e1rt" + ], + "PERSON_PRONOUN": [ + "magam", + "i", + "magunkat", + "engem", + "magunk", + "benneteket", + "magadat", + "minket", + "benn\u00fcnket", + "magukat", + "titeket", + "maguk" + ], + "UNION": [ + "szakszervezet", + "nemzetk\u00f6zi_t\u00e1vk\u00f6zl\u00e9si_egyes\u00fclet" + ], + "ANAT": [ + "felkar", + "nagy_g\u00f6rgetegizom", + "nyakcsigolya" + ], + "POLITICAL_PARTY_MEMBER": [ + "kommunista" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+N\u00c9 \\D+ \\D+|\\D+N\u00c9 \\D+ \\D+ \\D+|\\D+ \\D+N\u00c9|\\D+ \\D+N\u00c9 \\D+ \\D+|\\D+ \\D+N\u00c9 \\D+ \\D+|\\D+ \\D+N\u00c9 \\D+ \\D+ \\D+|\\D+ \\D+ \\D+N\u00c9|\\D+ \\D+ \\D+N\u00c9 \\D+ \\D+|\\D+N\u00c9 \\D+ \\D+ \\D+|\\D+N\u00c9 \\D+ \\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "ibolya", + "gabriella", + "j\u00falia", + "luca", + "bettina", + "\u00e9va", + "lili", + "vivien", + "kl\u00e1ra", + "edina", + "alexandra", + "annam\u00e1ria", + "gy\u00f6rgyi", + "melinda", + "t\u00fcnde", + "katalin", + "margit", + "no\u00e9mi", + "nikolett", + "ildik\u00f3", + "julianna", + "magdolna", + "nikoletta", + "erzs\u00e9bet", + "zs\u00f3fia", + "r\u00e9ka", + "rebeka", + "r\u00f3zsa", + "brigitta", + "anna", + "bianka", + "beatrix", + "val\u00e9ria", + "s\u00e1ra", + "enik\u0151", + "be\u00e1ta", + "ter\u00e9zia", + "laura", + "kitti", + "anita", + "m\u00e1rta", + "dorottya", + "orsolya", + "ir\u00e9n", + "anik\u00f3", + "hanna", + "r\u00f3za", + "szilvia", + "zita", + "jol\u00e1n", + "petra", + "barbara", + "zsanett", + "ter\u00e9z", + "andrea", + "gr\u00e9ta", + "dorina", + "mariann", + "ilona", + "n\u00f3ra", + "j\u00e1zmin", + "d\u00f3ra", + "aranka", + "gy\u00f6ngyi", + "bogl\u00e1rka", + "\u00e1gnes", + "fanni", + "m\u00e1ria", + "borb\u00e1la", + "erika", + "rita", + "anett", + "zsuzsanna", + "di\u00e1na", + "eszter", + "emma", + "irma", + "marianna", + "bernadett", + "csilla", + "ren\u00e1ta", + "edit", + "veronika", + "m\u00f3nika", + "kinga", + "lilla", + "emese", + "judit", + "krisztina", + "vir\u00e1g", + "hajnalka", + "etelka", + "roz\u00e1lia", + "adrienn", + "vikt\u00f3ria", + "piroska", + "t\u00edmea", + "klaudia", + "gizella", + "henrietta" + ], + "FIRST_NAME_MALE": [ + "l\u00e1szl\u00f3", + "m\u00e1rk", + "oliv\u00e9r", + "attila", + "csongor", + "krist\u00f3f", + "zolt\u00e1n", + "\u00e1bel", + "bendeg\u00faz", + "andr\u00e1s", + "arnold", + "szabolcs", + "j\u00e1nos", + "b\u00e9la", + "gerg\u0151", + "\u00e1kos", + "zsigmond", + "csaba", + "tibor", + "levente", + "benedek", + "korn\u00e9l", + "botond", + "\u00e1ron", + "zsolt", + "bal\u00e1zs", + "bertalan", + "gy\u00f6rgy", + "p\u00e1l", + "alex", + "patrik", + "j\u00f3zsef", + "noel", + "mikl\u00f3s", + "rich\u00e1rd", + "imre", + "d\u00e1vid", + "barna", + "m\u00e1t\u00e9", + "dominik", + "emil", + "tivadar", + "andor", + "ferenc", + "kriszti\u00e1n", + "bence", + "\u00e1rp\u00e1d", + "barnab\u00e1s", + "gergely", + "elem\u00e9r", + "ott\u00f3", + "k\u00e1roly", + "marcell", + "roland", + "\u00e1d\u00e1m", + "benj\u00e1min", + "n\u00e1ndor", + "dezs\u0151", + "endre", + "mih\u00e1ly", + "d\u00e9nes", + "kevin", + "tam\u00e1s", + "s\u00e1ndor", + "martin", + "antal", + "iv\u00e1n", + "g\u00e9za", + "krisztofer", + "henrik", + "viktor", + "lajos", + "mil\u00e1n", + "vince", + "hunor", + "g\u00e1bor", + "b\u00e1lint", + "zsombor", + "k\u00e1lm\u00e1n", + "r\u00f3bert", + "ervin", + "rudolf", + "zal\u00e1n", + "adri\u00e1n", + "norbert", + "m\u00e1rton", + "istv\u00e1n", + "m\u00e1ty\u00e1s", + "ern\u0151", + "jen\u0151", + "erik", + "guszt\u00e1v", + "gyula", + "szilveszter", + "szil\u00e1rd", + "d\u00e1niel", + "p\u00e9ter", + "gy\u0151z\u0151", + "albert", + "vilmos" + ], + "FIRST_NAME": [ + "ibolya", + "l\u00e1szl\u00f3", + "gabriella", + "j\u00falia", + "luca", + "bettina", + "m\u00e1rk", + "oliv\u00e9r", + "\u00e9va", + "lili", + "attila", + "vivien", + "csongor", + "kl\u00e1ra", + "edina", + "krist\u00f3f", + "zolt\u00e1n", + "\u00e1bel", + "bendeg\u00faz", + "andr\u00e1s", + "arnold", + "alexandra", + "annam\u00e1ria", + "gy\u00f6rgyi", + "szabolcs", + "melinda", + "j\u00e1nos", + "t\u00fcnde", + "b\u00e9la", + "gerg\u0151", + "\u00e1kos", + "katalin", + "margit", + "zsigmond", + "csaba", + "no\u00e9mi", + "tibor", + "nikolett", + "ildik\u00f3", + "levente", + "julianna", + "magdolna", + "nikoletta", + "benedek", + "erzs\u00e9bet", + "korn\u00e9l", + "botond", + "r\u00e9ka", + "\u00e1ron", + "zsolt", + "rebeka", + "bal\u00e1zs", + "zs\u00f3fia", + "r\u00f3zsa", + "bertalan", + "gy\u00f6rgy", + "anna", + "p\u00e1l", + "brigitta", + "alex", + "bianka", + "patrik", + "j\u00f3zsef", + "noel", + "beatrix", + "mikl\u00f3s", + "val\u00e9ria", + "s\u00e1ra", + "rich\u00e1rd", + "enik\u0151", + "imre", + "d\u00e1vid", + "be\u00e1ta", + "ter\u00e9zia", + "barna", + "laura", + "kitti", + "anita", + "m\u00e1t\u00e9", + "m\u00e1rta", + "dominik", + "emil", + "tivadar", + "andor", + "ferenc", + "kriszti\u00e1n", + "bence", + "orsolya", + "dorottya", + "ir\u00e9n", + "anik\u00f3", + "hanna", + "\u00e1rp\u00e1d", + "r\u00f3za", + "szilvia", + "barnab\u00e1s", + "zita", + "jol\u00e1n", + "petra", + "gergely", + "barbara", + "elem\u00e9r", + "ott\u00f3", + "zsanett", + "ter\u00e9z", + "marcell", + "k\u00e1roly", + "roland", + "andrea", + "gr\u00e9ta", + "n\u00e1ndor", + "dorina", + "mariann", + "benj\u00e1min", + "\u00e1d\u00e1m", + "ilona", + "n\u00f3ra", + "dezs\u0151", + "endre", + "j\u00e1zmin", + "mih\u00e1ly", + "d\u00f3ra", + "d\u00e9nes", + "kevin", + "tam\u00e1s", + "aranka", + "s\u00e1ndor", + "gy\u00f6ngyi", + "bogl\u00e1rka", + "martin", + "antal", + "iv\u00e1n", + "\u00e1gnes", + "g\u00e9za", + "fanni", + "m\u00e1ria", + "borb\u00e1la", + "krisztofer", + "erika", + "henrik", + "rita", + "viktor", + "lajos", + "mil\u00e1n", + "anett", + "vince", + "hunor", + "zsuzsanna", + "b\u00e1lint", + "g\u00e1bor", + "zsombor", + "k\u00e1lm\u00e1n", + "r\u00f3bert", + "di\u00e1na", + "eszter", + "emma", + "ervin", + "irma", + "rudolf", + "marianna", + "bernadett", + "csilla", + "ren\u00e1ta", + "edit", + "veronika", + "m\u00f3nika", + "kinga", + "zal\u00e1n", + "adri\u00e1n", + "norbert", + "lilla", + "emese", + "judit", + "m\u00e1rton", + "istv\u00e1n", + "m\u00e1ty\u00e1s", + "krisztina", + "ern\u0151", + "vir\u00e1g", + "hajnalka", + "jen\u0151", + "erik", + "guszt\u00e1v", + "gyula", + "szilveszter", + "etelka", + "szil\u00e1rd", + "d\u00e1niel", + "roz\u00e1lia", + "p\u00e9ter", + "adrienn", + "gy\u0151z\u0151", + "vikt\u00f3ria", + "piroska", + "albert", + "t\u00edmea", + "klaudia", + "vilmos", + "gizella", + "henrietta" + ], + "LAST_NAME": [ + "farag\u00f3", + "pint\u00e9r", + "l\u00e1szl\u00f3", + "ill\u00e9s", + "varga", + "guly\u00e1s", + "bodn\u00e1r", + "sipos", + "nagy", + "f\u00fcl\u00f6p", + "balla", + "balog", + "kocsis", + "ol\u00e1h", + "hal\u00e1sz", + "feh\u00e9r", + "v\u00e1radi", + "sz\u00fccs", + "borb\u00e9ly", + "kelemen", + "somogyi", + "farkas", + "sz\u0171cs", + "papp", + "bal\u00e1zs", + "p\u00e1l", + "hajdu", + "sz\u00e9kely", + "major", + "kerekes", + "barta", + "csonka", + "nemes", + "szekeres", + "r\u00e1cz", + "barna", + "szil\u00e1gyi", + "m\u00e1t\u00e9", + "ors\u00f3s", + "kozma", + "bakos", + "g\u00e1sp\u00e1r", + "szab\u00f3", + "p\u00e1sztor", + "n\u00e9meth", + "orb\u00e1n", + "dud\u00e1s", + "kov\u00e1cs", + "s\u00e1rk\u00f6zi", + "moln\u00e1r", + "bogd\u00e1n", + "orosz", + "lengyel", + "veres", + "v\u00f6r\u00f6s", + "tam\u00e1s", + "katona", + "s\u00e1ndor", + "kir\u00e1ly", + "tak\u00e1cs", + "f\u00e1bi\u00e1n", + "antal", + "boros", + "vass", + "so\u00f3s", + "m\u00e9sz\u00e1ros", + "pap", + "simon", + "b\u00e1lint", + "sz\u0151ke", + "budai", + "juh\u00e1sz", + "pataki", + "j\u00f3n\u00e1s", + "szalai", + "mezei", + "horv\u00e1th", + "balogh", + "luk\u00e1cs", + "fodor", + "t\u00f6r\u00f6k", + "fazekas", + "kiss", + "m\u00e1rton", + "vincze", + "vir\u00e1g", + "jakab", + "nov\u00e1k", + "heged\u00fcs", + "de\u00e1k", + "fekete", + "p\u00e9ter", + "t\u00f3th", + "magyar", + "heged\u0171s", + "lakatos", + "bir\u00f3", + "kis", + "g\u00e1l", + "bogn\u00e1r" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "ap\u00e1caf\u0151n\u00f6kn\u0151": "abb\u00e9", + "ap\u00e1tn\u0151": "abb\u00e9", + "b\u00e1r\u00f3n\u0151": "b\u00e1r\u00f3", + "b\u00e1r\u00f3n\u00e9": "b\u00e1r\u00f3", + "b\u00e1r\u00f3kisasszony": "b\u00e1r\u00f3", + "baronesz": "b\u00e1r\u00f3", + "menyasszony": "lov\u00e1sz", + "\u00fczletasszony": "\u00fczletember", + "hercegn\u00e9": "herceg", + "cs\u00e1sz\u00e1rn\u0151": "cs\u00e1sz\u00e1r", + "n\u0151st\u00e9ny": "h\u00edm", + "le\u00e1ny": "leg\u00e9ny", + "l\u00e1ny": "fiatalember", + "nevel\u0151n\u0151": "korm\u00e1nyz\u00f3", + "l\u00e1nyunoka": "unoka", + "heroin": "h\u0151s", + "h\u0151sn\u0151": "h\u0151s", + "\u00f6v\u00e9": "\u00f6v\u00e9k", + "d\u00e1ma": "lord", + "ly\u00e1ny": "fi\u00fa", + "kisl\u00e1ny": "fiatalember", + "szolg\u00e1l\u00f3l\u00e1ny": "inas", + "csel\u00e9dl\u00e1ny": "szolga", + "\u00farn\u0151": "mester", + "anya": "atya", + "n\u0151v\u00e9r": "b\u00e1ty", + "ap\u00e1ca": "szerzetes", + "rend\u0151rn\u0151": "rend\u0151r", + "papn\u0151": "pope", + "hercegn\u0151": "a_fejedelem", + "kir\u00e1lyn\u0151": "r\u00ed", + "hetman": "r\u00ed", + "s\u00f6r": "fiv\u00e9r", + "h\u00fag": "fiv\u00e9r", + "naja": "\u00f6cs", + "v\u00e9nkisasszony": "aggleg\u00e9ny", + "mostohaanya": "mostohaapa", + "pinc\u00e9rn\u0151": "pinc\u00e9r", + "\u00f6zvegyasszony": "\u00f6zvegyember", + "\u00f6zvegy": "\u00f6zvegyember", + "asszony": "man", + "duna": "f\u00e9rj", + "feles\u00e9g": "koca", + "wicca": "var\u00e1zsl\u00f3", + "boszork\u00e1ny": "var\u00e1zsl\u00f3", + "boszorka": "var\u00e1zsl\u00f3", + "n\u0151": "man", + "boy": "le\u00e1ny", + "cs\u00e1v\u00f3": "le\u00e1ny", + "fi\u00fa": "le\u00e1ny" + }, + "other_gender_swap": { + "\u00f6v\u00e9k": "\u00f6v\u00e9", + "\u00f6v\u00e9ik": "\u00f6v\u00e9", + "one": "\u0151", + "h\u00f6": "\u0151", + "\u0151k": "\u0151", + "\u0151": "\u0151k", + "neki": "has", + "\u00f6v\u00e9": "\u00f6v\u00e9ik" + }, + "en_pronoun2gender": { + "they": [ + "transznem\u0171", + "transznem\u0171s\u00e9g", + "biszexu\u00e1lis", + "homoszexu\u00e1lis" + ], + "he": [ + "boy", + "kicserepesedik", + "gujd\u00f3", + "k\u00f6ly\u00f6k", + "gv", + "jalu", + "siheder", + "fick\u00f3", + "kisfi\u00fa", + "gentleman", + "man", + "leg\u00e9ny", + "cs\u00e1v\u00f3", + "little_boy", + "vitold", + "gaur", + "h\u00edm", + "f\u00e9rfi", + "fiatalember", + "fi\u00fa" + ], + "she": [ + "d\u00e1ma", + "n\u0151", + "gyeng\u00e9bb_nem", + "asszony", + "leszbikus", + "kisasszony", + "elt\u00e9veszt", + "ly\u00e1ny", + "kisl\u00e1ny", + "miss_a", + "n\u0151st\u00e9ny", + "n\u0151v\u00e9r", + "l\u00e1ny", + "elhib\u00e1z", + "le\u00e1ny" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0151", + "neki" + ], + "she": [ + "\u00f6v\u00e9", + "\u0151" + ], + "they": [ + "one", + "\u0151k", + "\u00f6v\u00e9ik", + "\u00fck", + "has", + "\u0151ket", + "\u00f6v\u00e9k", + "azokat", + "h\u00f6", + "uk", + "j\u00fck" + ], + "it": [ + "ez_a", + "ezek_a", + "tyto", + "hogy", + "azok", + "ezek", + "ovi", + "ezeket" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/hy.json b/data_tooling/pii_processing/ontology/data/hy.json new file mode 100644 index 0000000..85fd42a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/hy.json @@ -0,0 +1,1691 @@ +{ + "JOB": [ + "\u056f\u0561\u0569\u0576\u0561\u057e\u0561\u0573\u0561\u057c\u0578\u0582\u0570\u056b\u0576", + "\u0570\u0561\u0580\u057a\u0578\u0582\u0576\u0561\u057e\u0578\u0580", + "\u0570\u0575\u0578\u0582\u057d\u0576", + "\u0569\u056d\u057e\u0561\u056e\u0584\u0561\u0562\u056c\u056b\u0569", + "\u056f\u0561\u057a\u0565\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0561\u057f\u0561\u0574\u0576\u0561\u0562\u0578\u0582\u0575\u056a", + "\u056e\u0578\u057e\u0561\u056f\u0561\u056c", + "\u056c\u0578\u0582\u057d\u0561\u0576\u056f\u0561\u0580\u056b\u0579", + "\u0570\u0575\u0578\u0582\u057a\u0561\u057f\u0578\u057d", + "\u057e\u056b\u0573\u0561\u056f\u0561\u0563\u056b\u0580", + "\u0561\u0572\u0561\u0581\u057a\u0561\u0576", + "\u0577\u0578\u0575\u0578\u0582\u0574", + "\u0570\u0561\u0574\u0561\u056f\u0561\u0580\u0563\u0578\u0572", + "\u0561\u056f\u0561\u0564\u0565\u0574\u056b\u056f\u0578\u057d", + "\u0578\u0582\u057d\u0578\u0582\u0581\u056b\u0579", + "\u0576\u0561\u056d\u0561\u0563\u0561\u0570", + "\u0584\u0561\u0580\u0569\u0565\u0580" + ], + "DISEASE": [ + "\u056f\u0578\u0582\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0561\u0580\u0565\u0582\u0561\u0570\u0561\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0574\u0561\u0577\u056f\u0561\u0562\u0578\u0580\u0562", + "\u0570\u056b\u0574\u0576\u0561\u0564\u056b\u0580", + "\u0574\u0561\u0580\u0564\u0578\u0582_\u056b\u0574\u0578\u0582\u0576\u0561\u0575\u056b\u0576_\u0561\u0576\u0562\u0561\u057e\u0561\u0580\u0561\u0580\u0578\u0582\u0569\u0575\u0561\u0576_\u057e\u056b\u0580\u0578\u0582\u057d", + "\u0574\u0561\u056c\u0561\u0580\u056b\u0561", + "the_bends", + "\u056f\u0561\u057f\u0561\u0572\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u056f\u0580\u0565\u057f\u056b\u0576\u056b\u0566\u0574", + "\u0563\u0578\u0580\u057f\u0576\u0578\u0582\u056f\u0576\u0565\u0580", + "\u057d\u0561\u056f\u0561\u057e\u0561\u0580\u0575\u0578\u0582\u0576\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0562\u0580\u0578\u0582\u0581\u0565\u056c\u0578\u0566", + "\u0561\u057a\u0561\u056f\u0565\u0576\u0574\u0561\u0576_\u0574\u0561\u0580\u0574\u0576\u056b_\u0564\u0565\u057d\u057f\u0580\u0578\u0582\u056f\u057f\u056b\u057e_\u0583\u0578\u0583\u0578\u056d\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0563\u0578\u0580\u057f\u0576\u0578\u0582\u056f", + "\u0584\u0561\u0580\u0561\u0584\u0578\u057d\u0565\u0580", + "\u056c\u0578\u0582\u057d\u0561\u057e\u0561\u056d\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "pain", + "\u0584\u0561\u0580\u0561\u0584\u0578\u057d", + "\u056e\u0578\u057e\u0561\u056d\u057f", + "\u0569\u0569\u057e\u0561\u056e\u0576\u0561\u0584\u0561\u0572\u0581", + "\u0561\u056d\u057f\u0561\u0562\u0561\u0576\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "the_bleeding", + "\u057e\u0561\u0580\u056b\u056f\u0578\u0581\u0565\u056c\u0565", + "\u056e\u056d\u0561\u056d\u0578\u057f\u056b_\u056d\u0573\u0561\u0576\u056f\u0561\u0580\u056b_\u057e\u056b\u0580\u0578\u0582\u057d", + "\u056f\u0561\u057f\u0561\u056c\u0565\u057a\u057d\u056b\u0561", + "\u056f\u0561\u0569\u057e\u0561\u056e", + "\u056f\u0578\u0575\u0578\u0582\u0572\u0561\u057b\u0578\u0582\u0580" + ], + "PUBLIC_FIGURE": [ + "c", + "b", + "\u0574\u0561\u0580\u056b\u0561\u0574_\u0574\u0561\u0563\u0564\u0561\u0572\u0565\u0576\u0561\u0581\u056b", + "\u056f\u0561\u057d\u057f\u0580\u0578", + "\u056f\u0561\u057f\u0578\u0582\u056c\u056c\u0578\u0582\u057d", + "e", + "y", + "\u0585\u057d\u0574\u0561\u0576_i", + "f", + "\u0569\u0561\u0576\u0561", + "\u0570\u0578\u0582\u0575\u057d", + "\u057d\u0578\u0582\u0580\u0562_\u0563\u0565\u0582\u0578\u0580\u0563", + "\u057a\u056b\u057f_\u0574\u0578\u0576\u0564\u0580\u056b\u0561\u0576", + "\u0561\u0574\u0565\u0580\u056b\u0563\u0578_\u057e\u0565\u057d\u057a\u0578\u0582\u0579\u056b", + "\u056f\u0561\u057f\u0561\u0580\u056b\u0576\u0567", + "\u057a\u0578\u056c\u0579\u0578\u056f", + "\u0563\u0565\u057f\u0561\u0576\u0581", + "i", + "\u0567\u0575\u057f\u0578\u0580_\u057e\u056b\u056c\u0561_\u056c\u0578\u0562\u0578\u057d", + "\u0569\u0565\u057f\u0579\u0565\u0580", + "1", + "g", + "\u0561\u057c\u0576\u0578\u056c\u0564_\u0577\u0575\u0578\u0576\u0562\u0565\u0580\u0563", + "r", + "\u0561\u0576\u0564\u0565\u0580\u057d_\u0581\u0565\u056c\u057d\u056b\u0578\u0582\u057d", + "\u0565\u0572\u0576\u057b\u0561\u0569\u057c\u0579\u0576\u0561\u056f\u0576\u0565\u0580", + "\u057b\u0580\u0561\u0572\u0561\u0581\u057a\u0561\u0576", + "\u057d\u0561\u057a\u0561\u057f\u0561", + "the_one", + "\u056a\u0578\u0566\u0565\u0586_\u056c\u0578\u0582\u056b_\u0563\u0565\u0575_\u056c\u0575\u0578\u0582\u057d\u0561\u056f", + "\u057b\u0561\u0572\u0561\u0581\u057a\u0561\u0576", + "t" + ], + "PRODUCT": [ + "\u0578\u057d\u056f\u0565\u0572\u057b\u0575\u0578\u0582\u0580", + "\u056e\u0578\u057e\u0561\u056d\u0578\u0566\u0578\u0582\u056f", + "\u0576\u0578\u0580_\u056f\u057f\u0561\u056f\u0561\u0580\u0561\u0576", + "\u056f\u0561\u0572\u0561\u0576\u0564_\u057a\u0561\u057a", + "\u057f\u0578\u0576\u0561\u056e\u0561\u057c", + "deutsche_welle", + "\u057d\u0578\u0582\u0580\u0562_\u0570\u0578\u0563\u056b", + "\u0561\u0576\u0574\u0578\u057c\u0578\u0582\u056f", + "\u0563\u0576\u0564\u0561\u057c\u0561\u0576\u0581\u0584\u0561\u056f\u0561\u056c", + "\u0574\u0561\u0580\u0564\u0578\u0582_\u056b\u0580\u0561\u057e\u0578\u0582\u0576\u0584\u0576\u0565\u0580", + "\u0583\u0561\u056f\u0578\u0582\u0572\u056b", + "\u0570\u0578\u057c\u0576_\u0570\u0580\u057e\u0561\u0576\u0564\u0561\u0576" + ], + "PLANT": [ + "\u0577\u0561\u0584\u0561\u0580\u0565\u0572\u0565\u0563", + "\u056d\u0581\u0561\u0576\u0561\u056f\u0561\u0572\u0576\u056b", + "\u056e\u0578\u057e\u0561\u056f\u0561\u0572\u0561\u0574\u0562", + "\u057d\u0578\u0582\u0580\u0562_\u0574\u0561\u0580\u056b\u0561\u0574", + "\u0570\u0561\u0566\u0561\u0580\u0561\u057f\u0565\u0580\u0565\u0582\u0578\u0582\u056f", + "\u056e\u0561\u0572\u056f\u0561\u056f\u0561\u0572\u0561\u0574\u0562", + "blackberry", + "\u0562\u0561\u0574\u0562\u0578\u0582\u056f", + "\u0565\u0572\u057b\u0565\u0580\u0561\u057d\u0578\u0582\u0576\u056f", + "\u0565\u0572\u0565\u0563\u0576\u0561\u0562\u0578\u0582\u0575\u057d", + "\u056a\u0561\u0576\u057f\u0561\u0583\u0578\u0582\u0577", + "\u0561\u0580\u0565\u057e\u0561\u056e\u0561\u0572\u056b\u056f" + ], + "LOCATION": [ + "\u0584\u0561\u0572\u0561\u0584\u0561\u057a\u0565\u057f\u0561\u0580\u0561\u0576", + "\u057e\u0565\u0580\u056b\u0576_\u056c\u056b\u0573", + "\u057d\u0561\u0576\u057f\u0561_\u056f\u056c\u0561\u0578\u0582\u057d", + "\u056f\u0580\u056b\u057e\u0578\u0575_\u057c\u0578\u0563", + "\u057d\u0565\u0580\u0562\u056b\u0561\u0575\u056b_\u056d\u0578\u0580\u0570\u0580\u0564\u0561\u0580\u0561\u0576", + "\u057c\u0585\u0578\u0582", + "\u056f\u0565\u0576\u057f\u0580\u0578\u0576\u0561\u056f\u0561\u0576_\u0562\u0561\u0576\u056f", + "\u057c\u0561\u0566\u0574\u0561_\u0585\u0564\u0561\u0575\u056b\u0576_\u0578\u0582\u056a\u0565\u0580", + "the_rolling_stones", + "\u057d\u0561\u0584\u057d\u0578\u0576\u056b\u0561_\u0561\u0576\u0570\u0561\u056c\u0569", + "\u0562\u0578\u0582\u057d\u0561\u0562\u0561\u0576\u0561\u056f\u0561\u0576_\u0561\u0575\u0563\u056b", + "\u0574\u0565\u056e_\u0561\u0580\u057b", + "\u056f\u0561\u0576\u0561\u0579_\u0570\u0580\u057e\u0561\u0576\u0564\u0561\u0576", + "\u0574\u0561\u0580\u0566\u0561\u0564\u0561\u0577\u057f", + "\u0584\u0580\u056b\u057d\u057f\u0561\u0583\u0578\u0580_\u056f\u0578\u056c\u0578\u0582\u0574\u0562\u0578\u057d", + "\u057d\u0578\u0582\u0580\u0562_\u0570\u0565\u0572\u056b\u0576\u0565\u056b_\u056f\u0572\u0566\u056b", + "\u0586\u0580\u0561\u0576\u057d\u056b\u0561\u0575\u056b_\u0561\u0566\u0563\u0561\u0575\u056b\u0576_\u056a\u0578\u0572\u0578\u057e", + "\u057c\u0561\u0566\u0574\u0561\u0585\u0564\u0561\u0575\u056b\u0576_\u0578\u0582\u056a\u0565\u0580" + ], + "RELIGION": [ + "\u0574\u0578\u0580\u0574\u0578\u0576\u0576\u0565\u0580", + "\u056f\u0561\u056c\u057e\u056b\u0576\u0561\u056f\u0561\u0576\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u057f\u0561\u0576\u057f\u0580\u056b\u0566\u0574", + "\u0566\u0565\u0576" + ], + "ORG": [ + "\u0584\u0561\u0572\u0561\u0584\u0561\u057a\u0565\u057f\u0561\u0580\u0561\u0576", + "\u056f\u0561\u057c\u0561\u057e\u0561\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u056f\u0561\u0569\u0578\u056c\u056b\u056f_\u0565\u056f\u0565\u0572\u0565\u0581\u056b", + "\u0576\u0578\u0580\u0561\u056c\u0578\u0582\u057d\u056b\u0576", + "\u0563\u0565\u0580\u0574\u0561\u0576\u0561\u056f\u0561\u0576_\u056f\u0561\u0575\u057d\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0574\u0561\u057d\u0578\u0576\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0571\u056b\u0569\u0565\u0576\u0575\u0561\u0581_\u056c\u0565\u057c", + "\u0574\u056b\u057b\u056b\u0576_\u056d\u0561\u057e", + "\u0561\u057d\u057f\u057e\u0561\u056e\u0561\u056e\u0576\u056b_\u057e\u0565\u0580\u0561\u0583\u0578\u056d\u0574\u0561\u0576_\u057f\u0578\u0576", + "\u0584\u0576\u0561\u056e_\u0563\u0565\u0572\u0565\u0581\u056f\u0578\u0582\u0570\u056b\u0576", + "\u0561\u056c_\u057b\u0561\u0566\u056b\u0580\u0561", + "\u0563\u0578\u0574\u056b\u0576\u0564\u0561\u0576", + "\u056f\u0561\u0562\u0578_\u057e\u0565\u0580\u0564\u0565", + "\u0574\u0580\u0563\u0561\u0575\u056b\u0576_\u0561\u0572\u0581\u0561\u0576", + "\u056f\u0578\u0576\u057d\u0565\u0580\u057e\u0561\u057f\u0578\u0580\u056b\u0561", + "\u0564\u0561\u0578\u057d\u0561\u056f\u0561\u0576\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0561\u0580\u057f\u0561\u057d\u0561\u0570\u0574\u0561\u0576", + "\u057d\u056b\u0576\u057f\u0578\u056b\u0566\u0574", + "\u0570\u0565\u057f\u0561\u0584\u0576\u0576\u0578\u0582\u0569\u0575\u0578\u0582\u0576\u0576\u0565\u0580\u056b_\u0564\u0561\u0577\u0576\u0561\u0575\u056b\u0576_\u0562\u0575\u0578\u0582\u0580\u0578", + "\u0563\u056b\u0577\u0565\u0580\u0585\u0569\u056b\u056f", + "\u0574\u0561\u0584\u057d\u0561\u057f\u0578\u0582\u0576", + "\u057d\u0561\u0576_\u057f\u0578\u0574\u0565", + "\u0585\u0564\u0578\u0582\u056a", + "\u056a\u0578\u0572\u0578\u057e\u0580\u0564\u0561\u056f\u0561\u0576_\u056f\u0578\u0582\u057d\u0561\u056f\u0581\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u057d\u0565\u0582_\u0561\u0575\u0580\u056b", + "\u057e\u056b\u0576\u056b_\u0569\u0578\u0582\u056d", + "\u0563\u0565\u0580\u0574\u0561\u0576\u0565\u0580\u0565\u0576", + "by_the_way", + "\u057d\u0565\u0576\u057f_\u056c\u0575\u0578\u0582\u057d\u056b\u0561", + "in_situ", + "\u0574\u056b\u0561\u0581\u0575\u0561\u056c_\u0576\u0561\u0570\u0561\u0576\u0563\u0576\u0565\u0580", + "\u0576\u0561\u0574\u0561\u056f\u0561\u057f\u0578\u0582\u0576", + "\u0561\u057d\u057f\u0572\u0561\u056f\u0578\u0582\u0575\u057f\u0565\u0580", + "\u056f\u0561\u0580\u0574\u056b\u0580_\u056d\u0561\u0579", + "\u0566\u056b\u0576\u057e\u0578\u0580\u0561\u056f\u0561\u0576", + "\u0570\u0578\u0582\u0561\u0576\u0570\u0565", + "\u0574\u0561\u057d\u057f\u0561\u056f", + "\u057d\u0578\u0582\u0580\u0562_\u057d\u0578\u0586\u056b\u0561\u0575\u056b_\u057f\u0561\u0573\u0561\u0580", + "\u057c\u0561\u0564\u056b\u0578\u0563\u0561\u056c\u0561\u056f\u057f\u056b\u056f\u0561", + "\u057d\u057a\u056b\u057f\u0561\u056f_\u057f\u0578\u0582\u0576", + "\u0561\u056c_\u0561\u0575\u056b\u0576", + "\u0561\u0580\u0570\u0565\u057d\u057f\u0561\u056f\u0581\u0561\u056f\u0561\u0576_\u0574\u056b\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0561\u0564\u0580\u0562\u0565\u057b\u0561\u0576\u056b_\u0561\u0566\u0563\u0561\u0575\u056b\u0576_\u056a\u0578\u0572\u0578\u057e", + "\u0583\u0578\u057d\u057f\u056b_\u0562\u0561\u056a\u0561\u0576\u0574\u0578\u0582\u0576\u0584", + "\u0568\u0576\u0564\u0564\u056b\u0574\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u056f\u0578\u0582\u057d\u0561\u056f\u0581\u0578\u0582\u0569\u0575\u0578\u0582\u0576" + ], + "LANGUAGE": [ + "\u056f\u0561\u057f\u0561\u056c\u0578\u0576\u0561\u0581\u056b", + "\u057a\u0561\u0580\u057d\u056f\u0565\u0580\u0565\u0576", + "\u056b\u057d\u056c\u0561\u0576\u0564\u0565\u0580\u0565\u0576", + "\u0569\u0578\u0582\u0580\u0584\u0574\u0565\u0576\u0561\u056f\u0561\u0576", + "\u0561\u0580\u0561\u0562\u0565\u0580\u0565\u0576", + "\u0586\u0580\u0561\u0576\u057d\u0565\u0580\u0565\u0576", + "\u057d\u0574\u056b\u0569" + ], + "GPE": [ + "\u057d\u0578\u0582\u0580\u0562_\u0576\u056b\u056f\u0578\u0572\u0561\u0575\u0578\u057d", + "\u057d\u0578\u0582\u0580\u0562_\u056c\u0561\u057e\u0580\u0565\u0576\u057f\u056b\u0578\u057d\u056b_\u0563\u0565\u057f", + "\u057d\u0578\u0582\u0580\u0562_\u056c\u0561\u057e\u0580\u0565\u0576\u057f\u056b\u0578\u057d_\u0563\u0565\u057f", + "\u057d\u0578\u0582\u0580\u0562_\u0576\u056b\u056f\u0578\u0572\u0561\u0575\u0578\u057d_\u0566\u0574\u0575\u0578\u0582\u057c\u0576\u0561\u0581\u056b", + "\u056f\u0561\u0580\u0574\u056b\u0580_\u056e\u0578\u057e", + "\u057a\u0565\u057f\u0580\u0578\u057d_\u0561\u057c\u0561\u0584\u0575\u0561\u056c" + ], + "FAC": [ + "\u0570\u0561\u0572\u0569\u0561\u056f\u0561\u0574\u0561\u0580", + "\u0562\u0561\u0580\u0571\u0580_\u0564\u0578\u0582\u057c", + "\u0570\u057c\u0578\u0574\u056b_\u056f\u0561\u0569\u0578\u056c\u056b\u056f_\u0565\u056f\u0565\u0572\u0565\u0581\u056b", + "\u057a\u0565\u057f\u0580\u0578\u057d_i" + ], + "ANIMAL": [ + "\u057e\u0561\u0580\u0561\u0566", + "\u0565\u0580\u056f\u057d\u0574\u0562\u0561\u056f\u0561\u057e\u0578\u0580\u0576\u0565\u0580", + "\u0565\u0572\u0576\u057b\u0561\u0569\u057c\u0579\u0576\u0561\u056f\u0576\u0565\u0580", + "\u0576\u0561\u057e\u0561\u056d\u0565\u0581\u056b\u0576\u0565\u0580", + "\u056f\u0561\u0569\u0576\u0561\u057d\u0578\u0582\u0576", + "\u0564\u0565\u0572\u0576\u0561\u0583\u0578\u0580", + "\u0574\u0561\u0576\u0563\u0561\u0572\u0561\u0569\u0565\u0582\u0576\u0565\u0580", + "\u0574\u0561\u0576\u0578\u0582\u056c", + "\u0563\u0575\u0578\u0582\u0572\u0561\u056f\u0561\u0576_\u056e\u056b\u056e\u0565\u057c\u0576\u0561\u056f", + "\u056f\u0561\u0580\u0574\u0580\u0561\u056f\u0561\u057f\u0561\u0580", + "\u0574\u0561\u0576\u0564\u0561\u0580\u056b\u0576\u056f\u0561", + "\u056f\u0561\u0572\u0561\u0574\u0562\u0561\u0569\u056b\u0569\u0565\u057c", + "\u0565\u0572\u056b\u0576\u057b\u0561\u0569\u057c\u0579\u0576\u0561\u056f", + "\u057d\u056b\u0576\u0561\u0576\u0569\u0580\u0578\u057a\u0578\u057d", + "\u0564\u0561\u0577\u057f\u0561\u0574\u0578\u0582\u056f", + "\u0581\u0561\u056d\u0561\u0584\u056c\u0578\u0580\u0561\u0578\u0580\u057d", + "\u056e\u056b\u0561\u056e\u0561\u0576\u0561\u056d\u0561\u0575\u057f" + ], + "DATE": [ + "\u056e\u0565\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0574\u056b\u057b\u0576\u0561\u0564\u0561\u0580", + "\u056c\u0578\u0582\u057d\u0576\u0565\u0572\u057b\u0575\u0578\u0582\u0580", + "\u0576\u0578\u0580\u0561\u056c\u0578\u0582\u057d\u056b\u0576" + ], + "LAW": [ + "\u0570\u057c\u0578\u0574\u0565\u0561\u056f\u0561\u0576_\u056b\u0580\u0561\u057e\u0578\u0582\u0576\u0584", + "\u0584\u0561\u0572\u0561\u0584\u0561\u0581\u056b\u0561\u056f\u0561\u0576_\u056b\u0580\u0561\u057e\u0578\u0582\u0576\u0584" + ], + "SOC_ECO_CLASS": [ + "\u0561\u0566\u0576\u057e\u0561\u056f\u0561\u0576\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u057d\u0565\u0582_\u0577\u0578\u0582\u056f\u0561", + "\u057d\u0561\u0574\u0578\u0582\u0580\u0561\u0575", + "\u0562\u0561\u0576\u057e\u0578\u0580_\u0564\u0561\u057d\u0561\u056f\u0561\u0580\u0563" + ], + "POLITICAL_PARTY": [ + "\u0574\u0565\u056e_\u0562\u0580\u056b\u057f\u0561\u0576\u056b\u0561\u0575\u056b_\u057a\u0561\u0570\u057a\u0561\u0576\u0578\u0572\u0561\u056f\u0561\u0576_\u056f\u0578\u0582\u057d\u0561\u056f\u0581\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0576\u0561\u0581\u056b\u0578\u0576\u0561\u056c_\u057d\u0578\u0581\u056b\u0561\u056c\u056b\u057d\u057f\u0561\u056f\u0561\u0576_\u0563\u0565\u0580\u0574\u0561\u0576\u0561\u056f\u0561\u0576_\u0562\u0561\u0576\u057e\u0578\u0580\u0561\u056f\u0561\u0576_\u056f\u0578\u0582\u057d\u0561\u056f\u0581\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0576\u0578\u0580\u057e\u0565\u0563\u0561\u056f\u0561\u0576_\u0562\u0561\u0576\u057e\u0578\u0580\u0561\u056f\u0561\u0576_\u056f\u0578\u0582\u057d\u0561\u056f\u0581\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0561\u0574\u0576_\u0564\u0565\u0574\u0578\u056f\u0580\u0561\u057f\u0561\u056f\u0561\u0576_\u056f\u0578\u0582\u057d\u0561\u056f\u0581\u0578\u0582\u0569\u0575\u0578\u0582\u0576" + ], + "PERSON_PRONOUN": [ + "i" + ], + "BIO_CHEM_ENTITY": [ + "\u0573\u0561\u0580\u057a\u0561\u0569\u0569\u0578\u0582\u0576\u0565\u0580", + "\u056f\u0561\u0569\u0576\u0561\u0569\u0569\u0578\u0582", + "\u057a\u0578\u056c\u056b\u057e\u056b\u0576\u056b\u056c\u0584\u056c\u0578\u0580\u056b\u0564", + "\u056f\u0561\u0580\u0561\u0563\u0561\u0569\u0569\u0578\u0582" + ], + "TITLE": [ + "\u057a\u0561\u0580\u0578\u0576" + ], + "RACE": [ + "\u056c\u0561\u057f\u056b\u0576\u0561\u0561\u0574\u0565\u0580\u056b\u056f\u0561\u0581\u056b", + "\u056b\u057c\u056c\u0561\u0576\u0564\u0561\u0581\u056b\u0576\u0565\u0580", + "\u0565\u057e\u0580\u0578\u057a\u0561\u056f\u0561\u0576", + "\u0570\u0576\u0564\u056f\u0561\u056f\u0561\u0576", + "\u0570\u0575\u0578\u0582\u057d\u056b\u057d\u056f\u0578\u0580\u0565\u0561\u0581\u056b" + ], + "QUANTITY": [ + "\u056c\u0578\u0582\u057d\u0561\u057f\u0561\u0580\u056b", + "g" + ], + "FOOD": [ + "\u056f\u0561\u0569\u0576\u0561\u0574\u0569\u0565\u0580\u0584", + "\u0574\u0561\u057c\u0578\u056a\u0576\u056b", + "\u056d\u0561\u057e\u0561\u0580\u057f", + "\u056e\u0561\u0574\u0578\u0576", + "\u057d\u0580\u0573\u0561\u0570\u0561\u057f\u056b\u056f" + ], + "PERSON": [ + "\u057d\u057a\u056b\u057f\u0561\u056f_\u057d\u0578\u0582\u0576\u056f", + "\u056b\u0576\u0584\u0576\u0561\u0563\u0576\u0561\u0570\u0561\u057f\u0561\u056f\u0561\u0576" + ], + "UNION": [ + "\u0570\u0565\u057c\u0561\u0570\u0561\u0572\u0578\u0580\u0564\u0561\u056f\u0581\u0578\u0582\u0569\u0575\u0561\u0576_\u0574\u056b\u057b\u0561\u0566\u0563\u0561\u0575\u056b\u0576_\u0574\u056b\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0561\u0580\u0570\u0574\u056b\u0578\u0582\u0569\u0575\u0578\u0582\u0576" + ], + "RELIGION_MEMBER": [ + "\u0562\u0565\u0576\u0565\u0564\u056b\u056f\u057f\u0575\u0561\u0576", + "\u0574\u0578\u0582\u057d\u0578\u0582\u056c\u0574\u0561\u0576", + "\u0586\u0580\u0561\u0576\u0581\u056b\u057d\u056f\u0575\u0561\u0576", + "\u0574\u0578\u0580\u0574\u0578\u0576" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u056f\u0578\u0574\u0578\u0582\u0576\u056b\u057d\u057f\u0561\u056f\u0561\u0576", + "\u0570\u0561\u0576\u0580\u0561\u057a\u0565\u057f\u0561\u056f\u0561\u0576" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u056f\u0561\u0580\u0578\u056c\u056b\u0576", + "\u0574\u0561\u0580\u0563\u0561\u0580\u056b\u057f\u0561", + "\u0585\u057e\u057d\u0561\u0576\u0576\u0561", + "\u0565\u0580\u0561\u0576\u0578\u0582\u0570\u056b", + "\u0570\u0580\u0561\u0579\u0578\u0582\u0570\u056b", + "\u0561\u0576\u0578\u0582\u0577", + "\u056c\u0561\u0580\u056b\u057d\u0561", + "\u056f\u0561\u057d\u0561\u0576\u0564\u0580\u0561", + "\u0565\u057e\u0561", + "\u0574\u0561\u0580\u056b\u0576\u0565", + "\u0567\u0580\u056b\u056f\u0561", + "\u0567\u0574\u0574\u0561", + "\u0562\u0580\u056b\u057b\u056b\u057f", + "\u0569\u0561\u0574\u0561\u0580\u0561", + "\u0561\u0576\u056a\u0565\u056c\u0561", + "\u0561\u057d\u057f\u0572\u056b\u056f", + "\u056a\u0561\u0576\u0576\u0561", + "\u056b\u0580\u056b\u0576\u0561", + "\u0574\u0561\u0580\u0569\u0561", + "\u0562\u0565\u0569\u056b", + "\u0563\u0578\u0570\u0561\u0580", + "\u0563\u0580\u0565\u057f\u0561", + "\u0569\u056b\u0576\u0561", + "\u056b\u0576\u0565\u057d\u0561", + "\u057d\u0578\u0586\u0575\u0561", + "\u0561\u056c\u056c\u0561", + "\u0561\u0580\u0587\u056b\u056f", + "\u0566\u0561\u0580\u0578\u0582\u0570\u056b", + "\u0584\u056b\u0574", + "\u0564\u0561\u0576\u056b\u0565\u056c\u056c\u0561", + "\u0577\u0578\u0582\u0577\u0561\u0576\u056b\u056f", + "\u0561\u056c\u057e\u0561\u0580\u0564", + "\u0569\u0565\u0580\u0565\u0566\u0561", + "\u0574\u0561\u0563\u0564\u0561", + "\u0564\u056b\u0576\u0561", + "\u0574\u0561\u0580\u056b\u0561", + "\u0570\u057c\u056b\u0583\u057d\u056b\u0574\u0565", + "\u0561\u0576\u0561\u0570\u056b\u057f", + "\u056b\u0576\u0576\u0561", + "\u056c\u056b\u0561\u0576\u0561", + "\u057b\u0578\u0582\u056c\u056b\u0565\u057f\u0561", + "\u0570\u0561\u057d\u0574\u056b\u056f", + "\u056f\u056c\u0561\u0580\u0561", + "\u0561\u0576\u0563\u0565\u056c\u056b\u0576\u0561", + "\u057e\u0565\u0580\u0578\u0576\u056b\u056f\u0561", + "\u0576\u0565\u056c\u056c\u056b", + "\u0570\u0565\u0572\u056b\u0576\u0565", + "\u056c\u056b\u0566\u0561", + "\u0570\u0565\u0580\u0574\u056b\u0576\u0565", + "\u0564\u056b\u0561\u0576\u0561", + "\u0563\u0561\u0575\u0561\u0576\u0565", + "\u0561\u0576\u056b", + "\u0574\u0565\u0580\u056b", + "\u0567\u057e\u0565\u056c\u056b\u0576\u0561", + "\u0563\u0575\u0578\u0582\u056c\u0576\u0561\u0580\u0561", + "\u056b\u0566\u0561\u0562\u0565\u056c\u056c\u0561", + "\u057d\u0565\u0564\u0561", + "\u057d\u056b\u056c\u057e\u0561", + "\u057c\u056b\u057f\u0561", + "\u0569\u0561\u0563\u0578\u0582\u0570\u056b", + "\u0561\u0580\u0574\u0565\u0576\u0578\u0582\u0570\u056b", + "\u0585\u056c\u0563\u0561", + "\u0574\u0565\u056c\u056b\u0576\u0565", + "\u056b\u0576\u0563\u0561", + "\u0567\u056c\u056b\u0566\u0561", + "\u0562\u0580\u056b\u056a\u056b\u057f", + "\u0561\u056c\u0565\u0584\u057d\u0561\u0576\u0564\u0580\u0561", + "\u057d\u057e\u0565\u057f\u056c\u0561\u0576\u0561", + "\u0570\u0561\u0575\u056f\u0578\u0582\u0570\u056b", + "\u0561\u0576\u056b\u057f\u0561", + "\u0565\u057e\u0563\u056b\u0576\u0565", + "\u0561\u0574\u0561\u056c\u0575\u0561", + "\u0576\u0561\u0580\u056b\u0576\u0565", + "\u056f\u0561\u0580\u056b\u0576\u0565", + "\u057d\u056b\u0580\u0561\u0580\u0583\u056b", + "\u0584\u0580\u056b\u057d\u057f\u056b\u0576\u0565", + "\u056c\u0561\u057c\u0561", + "\u0574\u0561\u0576\u0565", + "\u0576\u0578\u0582\u0576\u0565", + "\u0567\u0574\u056b\u056c\u056b\u0561", + "\u057d\u0578\u0576\u0561", + "\u0567\u056c\u056b\u0576\u0561", + "\u0576\u0578\u0580\u0561", + "\u0574\u056b\u056c\u0565\u0576\u0561", + "\u056c\u0561\u056c\u0561", + "\u056e\u0578\u057e\u056b\u0576\u0561\u0580", + "\u057d\u057f\u0565\u056c\u056c\u0561", + "\u0561\u0580\u0583\u056b\u0576\u0565", + "\u0576\u0561\u056b\u0580\u0561", + "\u057d\u0561\u057c\u0561", + "\u0586\u056c\u0578\u0580\u0561", + "\u0585\u0586\u0565\u056c\u0575\u0561", + "\u0576\u0561\u0576\u0561", + "\u0562\u0561\u0580\u0562\u0561\u0580\u0561", + "\u0576\u056b\u0576\u0561", + "\u0576\u0561\u0580\u0565", + "\u0586\u0580\u056b\u0564\u0561", + "\u0562\u0565\u056c\u056c\u0561", + "\u057d\u0565\u057d\u056b\u056c\u056b\u0561", + "\u057e\u056b\u056f\u057f\u0578\u0580\u0575\u0561", + "\u057c\u0561\u056b\u057d\u0561", + "\u0561\u056c\u056b\u0576\u0561", + "\u056c\u0578\u0582\u056b\u0566\u0561", + "\u057b\u0565\u0574\u0574\u0561", + "\u0574\u0565\u056c\u0561\u0576\u0575\u0561", + "\u0561\u056b\u0564\u0561", + "\u0561\u0576\u0575\u0561", + "\u0576\u0561\u0566\u0565\u056c\u056b", + "\u0574\u0561\u0580\u056b\u0561\u0574", + "\u0563\u0561\u0562\u0580\u056b\u0565\u056c\u056c\u0561", + "\u0569\u0565\u0570\u0574\u056b\u0576\u0565", + "\u056c\u056b\u056c\u056b\u0569", + "\u056c\u0561\u0578\u0582\u0580\u0561", + "\u0561\u0580\u0574\u056b\u0576\u0565", + "\u0576\u0561\u057f\u0561\u0577\u0561", + "\u056f\u056b\u0580\u0561", + "\u057d\u0561\u0569\u0565\u0576\u056b\u056f", + "\u056c\u0578\u0582\u057d\u056b\u0576\u0565", + "\u0561\u0580\u0561\u0584\u057d\u0575\u0561", + "\u0561\u0576\u057f\u0578\u0576\u056b\u0576\u0561", + "\u0574\u0561\u0580\u056b\u0561\u0576\u0576\u0561", + "\u056c\u0565\u0576\u0561", + "\u057c\u0578\u0582\u0566\u0561\u0576", + "\u0574\u0578\u0576\u056b\u056f\u0561", + "\u0561\u0563\u0561\u057a\u056b", + "\u0570\u056b\u056c\u0564\u0561", + "\u057c\u0565\u0562\u0565\u056f\u0561", + "\u0561\u0576\u0576\u0561", + "\u0576\u0578\u0576\u0576\u0561", + "\u057e\u056b\u0578\u056c\u0565\u057f\u0561", + "\u057c\u056b\u0574\u0561", + "\u056c\u0565\u0575\u056c\u0561", + "\u056c\u056b\u0564\u0561", + "\u057b\u0565\u0575\u0576", + "\u057a\u0561\u057f\u0580\u056b\u057d\u056b\u0561", + "\u0567\u056c\u0565\u0576", + "\u0576\u0561\u0576\u0565", + "\u0576\u057e\u0561\u0580\u0564", + "\u057b\u0565\u057d\u056b\u056f\u0561", + "\u056c\u056b\u0561", + "\u0577\u0561\u0570\u0561\u0576\u0565", + "\u057f\u0561\u0569\u0587\u056b\u056f", + "\u0561\u0576\u0561\u057d\u057f\u0561\u057d\u056b\u0561", + "\u0584\u0576\u0561\u0580\u056b\u056f", + "\u057d\u0575\u0578\u0582\u0566\u0561\u0576\u0576\u0561", + "\u057d\u0578\u0582\u057d\u0561\u0576\u0576\u0561", + "\u056a\u0561\u0584\u056c\u056b\u0576", + "\u0565\u056c\u0565\u0576\u0561", + "\u0561\u056c\u056b\u057d\u0561" + ], + "FIRST_NAME_MALE": [ + "\u0574\u0565\u056c\u0584\u0578\u0576", + "\u0561\u057e\u0565\u057f\u056b\u057d", + "\u0566\u0578\u0580\u056b", + "\u0570\u0578\u0582\u057d\u056b\u056f", + "\u0561\u0580\u057f\u0561\u0577\u0565\u057d", + "\u0570\u0574\u0561\u0575\u0561\u056f", + "\u0586\u0565\u056c\u056b\u0584\u057d", + "\u057a\u0561\u0580\u0578\u0582\u0575\u0580", + "\u0561\u0580\u057f\u0561\u056f", + "\u0564\u0565\u0576\u056b\u057d", + "\u0561\u0580\u0574\u0565\u0576\u0561\u056f", + "\u0561\u0562\u0565\u056c", + "\u0574\u0578\u0582\u0577\u0565\u0572", + "\u057b\u0578\u0576", + "\u057d\u0574\u0562\u0561\u057f", + "\u0561\u0564\u0561\u0574", + "\u0563\u0578\u0582\u0580\u0563\u0565\u0576", + "\u0569\u0561\u0569\u0578\u0582\u056c", + "\u0561\u0576\u0564\u0580\u0565\u0561\u057d", + "\u0561\u057e\u0565\u057f\u056b\u0584", + "\u0563\u0561\u057d\u057a\u0561\u0580", + "\u0561\u0572\u0561\u057d\u056b", + "\u0563\u0578\u057c", + "\u057c\u0578\u0562\u0565\u0580\u057f", + "\u057d\u057f\u0565\u0586\u0561\u0576", + "\u0561\u0580\u0574\u0561\u0576", + "\u0576\u0561\u0580\u0565\u056f", + "\u057e\u0561\u0570\u0561\u0576", + "\u057d\u056b\u0574\u0578\u0576", + "\u0574\u0561\u0576\u057e\u0565\u056c", + "\u0583\u0561\u0575\u056c\u0561\u056f", + "\u0574\u056b\u0576\u0561\u057d", + "\u0570\u0578\u057e\u0570\u0561\u0576\u0576\u0565\u057d", + "\u0561\u0576\u0564\u0580\u0561\u0576\u056b\u056f", + "\u0581\u0578\u056c\u0561\u056f", + "\u0561\u0580\u057d\u0565\u0576", + "\u057d\u057f\u0565\u0583\u0561\u0576", + "\u057a\u0578\u0572\u0578\u057d", + "\u0561\u0580\u0574\u0565\u0576", + "\u0577\u0561\u0570\u0565\u0576", + "\u057e\u056b\u056f\u057f\u0578\u0580", + "\u057c\u056b\u0579\u0561\u0580\u0564", + "\u0563\u0561\u0563\u056b\u056f", + "\u057d\u0565\u0580\u0578\u0562", + "\u0570\u0561\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0566\u0578\u0570\u0580\u0561\u057a", + "\u057e\u056c\u0561\u0564\u056b\u0574\u056b\u0580", + "\u056f\u056c\u0578\u0564", + "\u0563\u0561\u0580\u057d\u0587\u0561\u0576", + "\u057d\u0578\u0582\u0580\u0565\u0576", + "\u0561\u0580\u0561\u0574", + "\u0567\u0564\u0563\u0561\u0580", + "\u056f\u056b\u056f\u0578\u057d", + "\u057a\u0561\u0580\u0569\u0587", + "\u0576\u0561\u056b\u0580\u056b", + "\u0570\u0561\u056f\u0578\u0562", + "\u0570\u0561\u0575\u056f\u0561\u0566", + "\u0563\u0580\u056b\u0563\u0578\u0580", + "\u056d\u0578\u057d\u0580\u0578\u057e", + "\u057e\u0561\u0570\u0561\u0563\u0576", + "\u057b\u056b\u057e\u0561\u0576", + "\u0563\u0561\u0580\u0580\u056b", + "\u0564\u0561\u0576\u056b\u0565\u056c", + "\u0561\u0580\u0565\u0563", + "\u0570\u0561\u0575\u056f", + "\u057d\u0565\u0575\u0580\u0561\u0576", + "\u057b\u0578\u0580\u057b", + "\u057f\u056b\u0563\u0580\u0561\u0576", + "\u0561\u0577\u0578\u057f", + "\u057a\u0561\u0580\u0563\u0587", + "\u0583\u0561\u0576\u0578\u057d", + "\u057c\u0578\u0582\u0562\u0565\u0576", + "\u056d\u0578\u0580\u0565\u0576", + "\u0563\u0587\u0578\u0580\u0563", + "\u0561\u0580\u057f\u0578\u0582\u0580", + "\u0563\u0561\u056c\u0578\u0582\u057d\u057f", + "\u0564\u0578\u0574\u056b\u0576\u056b\u056f", + "\u0585\u0570\u0561\u0576", + "\u0561\u0566\u0561\u057f", + "\u0562\u0561\u0572\u0580\u0561\u0574", + "\u0565\u0580\u057e\u0561\u0576\u0564", + "\u0561\u0580\u0577\u0561\u056f", + "\u057f\u0580\u0564\u0561\u057f", + "\u0561\u0562\u056b\u0563", + "\u0570\u0565\u0576\u0580\u056b", + "\u0576\u0565\u0580\u057d\u0565\u057d", + "\u0563\u0561\u057c\u0576\u056b\u056f", + "\u0569\u0578\u0580\u0578\u057d", + "\u0577\u0574\u0561\u057e\u0578\u0576", + "\u0562\u0561\u0580\u056d\u0578\u0582\u0564\u0561\u0580", + "\u0576\u0578\u0580\u0561\u0575\u0580", + "\u0575\u0578\u0582\u0580\u056b", + "\u0574\u0561\u0584\u057d\u056b\u0574", + "\u057d\u0565\u0580\u0563\u0565\u0575", + "\u0570\u0578\u057e\u056b\u056f", + "\u0562\u0561\u0580\u057d\u0565\u0572", + "\u0561\u0580\u057f\u0565\u0574", + "\u0574\u0561\u0580\u056f\u0578\u057d", + "\u057d\u0561\u0580\u0563\u056b\u057d", + "\u056f\u0578\u0580\u0575\u0578\u0582\u0576", + "\u0570\u0578\u0582\u0576\u0561\u0576", + "\u0566\u0578\u0570\u0580\u0561\u0562", + "\u0561\u0562\u0580\u0561\u0570\u0561\u0574", + "\u0563\u0565\u0572\u0561\u0574", + "\u0577\u0561\u057e\u0561\u0580\u0577", + "\u057d\u0561\u0576\u0561\u057d\u0561\u0580", + "\u0562\u0561\u0572\u0564\u0561\u057d\u0561\u0580", + "\u0561\u0580\u0563\u056b\u0577\u057f\u056b", + "\u057d\u0561\u0572\u0561\u0569\u0565\u056c", + "\u0574\u056b\u0570\u0580\u0561\u0576", + "\u0580\u0561\u0586\u0586\u056b", + "\u0574\u0565\u057d\u0580\u0578\u057a", + "\u0561\u0580\u056b\u057d\u057f\u0561\u056f\u0565\u057d", + "\u0562\u0561\u0572\u056b\u0577", + "\u056f\u0561\u0580\u056c", + "\u0574\u0565\u056c\u0584\u0578\u0582\u0574", + "\u057e\u0561\u0570\u0580\u0561\u0574", + "\u0579\u0561\u0580\u056c\u056b", + "\u0574\u056d\u056b\u0569\u0561\u0580", + "\u0567\u0564\u0578\u0582\u0561\u0580\u0564", + "\u0569\u0561\u0564\u0587\u0578\u057d", + "\u0561\u057c\u0578\u0582\u0577\u0561\u0576", + "\u0562\u0561\u0563\u0580\u0561\u057f", + "\u057a\u0561\u057f\u057e\u0561\u056f\u0561\u0576", + "\u0584\u0580\u056b\u057d\u057f\u0578\u0586\u0565\u0580", + "\u0561\u057f\u0578\u0574", + "\u057c\u0561\u0586\u0561\u0575\u0565\u056c", + "\u0574\u0561\u0574\u056b\u056f\u0578\u0576", + "\u057e\u0561\u0580\u0578\u0582\u056a\u0561\u0576", + "\u0561\u0580\u0561\u0574\u0561\u0566\u0564", + "\u0569\u0578\u0580\u0563\u0578\u0574", + "\u0563\u0561\u0580\u0565\u0563\u056b\u0576", + "\u0566\u0561\u057e\u0565\u0576", + "\u0574\u0578\u0582\u0580\u0561\u0564", + "\u0574\u0570\u0565\u0580", + "\u057e\u0561\u0566\u0563\u0565\u0576", + "\u0564\u0561\u057e\u056b\u0569", + "\u057e\u0561\u056d\u0569\u0561\u0576\u0563", + "\u0574\u0561\u0580\u0563\u0561\u0580", + "\u0561\u0580\u0569\u0578\u0582\u0580", + "\u057d\u0561\u057d\u0578\u0582\u0576", + "\u0561\u057c\u0561\u0584\u0565\u056c", + "\u0563\u0561\u0562\u0580\u056b\u0565\u056c", + "\u057f\u0561\u0580\u0578\u0576", + "\u0562\u0561\u0562\u056f\u0565\u0576", + "\u0570\u0580\u0561\u0576\u057f", + "\u056c\u0587\u0578\u0576", + "\u0561\u056c\u0562\u0565\u0580\u057f", + "\u057e\u0561\u0572\u0561\u0580\u0577\u0561\u056f", + "\u0570\u0561\u0574\u0561\u0566\u0561\u057d\u057a", + "\u057c\u0578\u0582\u0564\u0578\u056c\u0586", + "\u057e\u0561\u0570\u0565", + "\u056f\u0561\u0580\u0565\u0576", + "\u0561\u0580\u057f\u0578\u0582\u0577", + "\u057a\u0565\u057f\u0580\u0578\u057d", + "\u056a\u056b\u0580\u0561\u0575\u0580", + "\u0586\u056b\u056c\u056b\u057a", + "\u057d\u0578\u0582\u0584\u056b\u0561\u057d", + "\u0561\u0580\u0577\u0561\u057e\u056b\u0580", + "\u056f\u056b\u0580\u0561\u056f\u0578\u057d", + "\u057e\u0561\u057d\u0561\u056f", + "\u0576\u0577\u0561\u0576", + "\u0574\u0565\u056d\u0561\u056f", + "\u0561\u056c\u0565\u0584\u057d\u0561\u0576\u0564\u0580", + "\u0576\u0578\u0582\u0562\u0561\u0580", + "\u0565\u0572\u056b\u0577", + "\u057c\u0578\u0574\u0561\u0576", + "\u0562\u0578\u0580\u056b\u057d", + "\u0561\u0580\u0563\u0561\u0574", + "\u057d\u0561\u0570\u0561\u056f", + "\u0562\u0565\u057c\u0576\u0561\u0580", + "\u0585\u056c\u0565\u0563", + "\u0569\u0561\u0569\u0578\u057d", + "\u0564\u0565\u0580\u0565\u0576\u056b\u056f", + "\u0561\u0580\u057f\u0561\u057e\u0561\u0566\u0564", + "\u0561\u0570\u0561\u0580\u0578\u0576", + "\u0578\u0582\u056b\u056c\u0575\u0561\u0574", + "\u057d\u057a\u0561\u0580\u057f\u0561\u056f" + ], + "FIRST_NAME": [ + "\u0574\u0561\u0580\u0563\u0561\u0580\u056b\u057f\u0561", + "\u0561\u057e\u0565\u057f\u056b\u057d", + "\u0586\u0565\u056c\u056b\u0584\u057d", + "\u057a\u0561\u0580\u0578\u0582\u0575\u0580", + "\u0567\u0580\u056b\u056f\u0561", + "\u0561\u0576\u056a\u0565\u056c\u0561", + "\u0561\u0580\u0574\u0565\u0576\u0561\u056f", + "\u0569\u0561\u0569\u0578\u0582\u056c", + "\u0562\u0565\u0569\u056b", + "\u0561\u0576\u0564\u0580\u0565\u0561\u057d", + "\u0563\u0561\u057d\u057a\u0561\u0580", + "\u0563\u0578\u0570\u0561\u0580", + "\u057c\u0578\u0562\u0565\u0580\u057f", + "\u0561\u0580\u0587\u056b\u056f", + "\u057e\u0561\u0570\u0561\u0576", + "\u0566\u0561\u0580\u0578\u0582\u0570\u056b", + "\u0574\u0561\u0576\u057e\u0565\u056c", + "\u0583\u0561\u0575\u056c\u0561\u056f", + "\u0561\u0576\u0564\u0580\u0561\u0576\u056b\u056f", + "\u0561\u056c\u057e\u0561\u0580\u0564", + "\u0561\u0580\u057d\u0565\u0576", + "\u0561\u0576\u0561\u0570\u056b\u057f", + "\u0570\u0561\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576", + "\u0576\u0565\u056c\u056c\u056b", + "\u056c\u056b\u0566\u0561", + "\u0563\u0561\u0575\u0561\u0576\u0565", + "\u0561\u0580\u0561\u0574", + "\u0574\u0565\u0580\u056b", + "\u0563\u0575\u0578\u0582\u056c\u0576\u0561\u0580\u0561", + "\u057d\u0565\u0564\u0561", + "\u057c\u056b\u057f\u0561", + "\u057e\u0561\u0570\u0561\u0563\u0576", + "\u0570\u0561\u0575\u056f\u0578\u0582\u0570\u056b", + "\u057a\u0561\u0580\u0563\u0587", + "\u057f\u056b\u0563\u0580\u0561\u0576", + "\u056d\u0578\u0580\u0565\u0576", + "\u0561\u0574\u0561\u056c\u0575\u0561", + "\u0576\u0561\u0580\u056b\u0576\u0565", + "\u057d\u056b\u0580\u0561\u0580\u0583\u056b", + "\u0563\u0561\u056c\u0578\u0582\u057d\u057f", + "\u0574\u0561\u0576\u0565", + "\u0565\u0580\u057e\u0561\u0576\u0564", + "\u0561\u0580\u0577\u0561\u056f", + "\u0561\u0562\u056b\u0563", + "\u0576\u0565\u0580\u057d\u0565\u057d", + "\u0574\u056b\u056c\u0565\u0576\u0561", + "\u0569\u0578\u0580\u0578\u057d", + "\u0561\u0580\u0583\u056b\u0576\u0565", + "\u0576\u0561\u056b\u0580\u0561", + "\u0576\u0561\u0576\u0561", + "\u057d\u0561\u0580\u0563\u056b\u057d", + "\u056f\u0578\u0580\u0575\u0578\u0582\u0576", + "\u0570\u0578\u0582\u0576\u0561\u0576", + "\u0563\u0565\u0572\u0561\u0574", + "\u0577\u0561\u057e\u0561\u0580\u0577", + "\u057d\u0561\u0576\u0561\u057d\u0561\u0580", + "\u0586\u0580\u056b\u0564\u0561", + "\u0562\u0565\u056c\u056c\u0561", + "\u0574\u0565\u057d\u0580\u0578\u057a", + "\u0574\u0565\u056c\u0584\u0578\u0582\u0574", + "\u057c\u0561\u056b\u057d\u0561", + "\u056c\u0578\u0582\u056b\u0566\u0561", + "\u0567\u0564\u0578\u0582\u0561\u0580\u0564", + "\u0584\u0580\u056b\u057d\u057f\u0578\u0586\u0565\u0580", + "\u0574\u0565\u056c\u0561\u0576\u0575\u0561", + "\u0562\u0561\u0563\u0580\u0561\u057f", + "\u0561\u056b\u0564\u0561", + "\u0561\u057f\u0578\u0574", + "\u0569\u0565\u0570\u0574\u056b\u0576\u0565", + "\u056c\u0561\u0578\u0582\u0580\u0561", + "\u0576\u0561\u057f\u0561\u0577\u0561", + "\u0574\u0561\u0580\u056b\u0561\u0576\u0576\u0561", + "\u0574\u0578\u0576\u056b\u056f\u0561", + "\u0561\u0563\u0561\u057a\u056b", + "\u057c\u0565\u0562\u0565\u056f\u0561", + "\u056c\u0587\u0578\u0576", + "\u0576\u0578\u0576\u0576\u0561", + "\u056c\u0565\u0575\u056c\u0561", + "\u0561\u0580\u057f\u0578\u0582\u0577", + "\u056f\u0561\u0580\u0565\u0576", + "\u056c\u056b\u0564\u0561", + "\u057b\u0565\u0575\u0576", + "\u057a\u0565\u057f\u0580\u0578\u057d", + "\u057a\u0561\u057f\u0580\u056b\u057d\u056b\u0561", + "\u056f\u056b\u0580\u0561\u056f\u0578\u057d", + "\u057e\u0561\u057d\u0561\u056f", + "\u0576\u0577\u0561\u0576", + "\u0561\u0576\u0561\u057d\u057f\u0561\u057d\u056b\u0561", + "\u0565\u0572\u056b\u0577", + "\u0584\u0576\u0561\u0580\u056b\u056f", + "\u057d\u0575\u0578\u0582\u0566\u0561\u0576\u0576\u0561", + "\u057d\u0561\u0570\u0561\u056f", + "\u0585\u056c\u0565\u0563", + "\u0569\u0561\u0569\u0578\u057d", + "\u057c\u056b\u0574\u0561", + "\u0561\u056c\u056b\u057d\u0561", + "\u0565\u0580\u0561\u0576\u0578\u0582\u0570\u056b", + "\u0570\u0578\u0582\u057d\u056b\u056f", + "\u0561\u0580\u057f\u0561\u0577\u0565\u057d", + "\u0565\u057e\u0561", + "\u0574\u0561\u0580\u056b\u0576\u0565", + "\u0561\u0580\u057f\u0561\u056f", + "\u0562\u0580\u056b\u057b\u056b\u057f", + "\u056a\u0561\u0576\u0576\u0561", + "\u0569\u056b\u0576\u0561", + "\u056b\u0576\u0565\u057d\u0561", + "\u057d\u057f\u0565\u0586\u0561\u0576", + "\u0561\u0580\u0574\u0561\u0576", + "\u0576\u0561\u0580\u0565\u056f", + "\u0584\u056b\u0574", + "\u0570\u0578\u057e\u0570\u0561\u0576\u0576\u0565\u057d", + "\u057a\u0578\u0572\u0578\u057d", + "\u0574\u0561\u0580\u056b\u0561", + "\u057e\u056b\u056f\u057f\u0578\u0580", + "\u056c\u056b\u0561\u0576\u0561", + "\u057b\u0578\u0582\u056c\u056b\u0565\u057f\u0561", + "\u057c\u056b\u0579\u0561\u0580\u0564", + "\u0570\u0561\u057d\u0574\u056b\u056f", + "\u0561\u0576\u056b", + "\u0567\u057e\u0565\u056c\u056b\u0576\u0561", + "\u0570\u0561\u0575\u056f\u0561\u0566", + "\u0563\u0580\u056b\u0563\u0578\u0580", + "\u057b\u056b\u057e\u0561\u0576", + "\u056b\u0576\u0563\u0561", + "\u0570\u0561\u0575\u056f", + "\u0563\u0561\u0580\u0580\u056b", + "\u0561\u056c\u0565\u0584\u057d\u0561\u0576\u0564\u0580\u0561", + "\u057d\u057e\u0565\u057f\u056c\u0561\u0576\u0561", + "\u057c\u0578\u0582\u0562\u0565\u0576", + "\u0564\u0578\u0574\u056b\u0576\u056b\u056f", + "\u0576\u0578\u0582\u0576\u0565", + "\u0562\u0561\u0572\u0580\u0561\u0574", + "\u057d\u0561\u057c\u0561", + "\u057d\u0565\u0580\u0563\u0565\u0575", + "\u0585\u0586\u0565\u056c\u0575\u0561", + "\u0562\u0561\u0580\u0562\u0561\u0580\u0561", + "\u0576\u056b\u0576\u0561", + "\u0576\u0561\u0580\u0565", + "\u0574\u056b\u0570\u0580\u0561\u0576", + "\u0580\u0561\u0586\u0586\u056b", + "\u0562\u0561\u0572\u056b\u0577", + "\u0574\u056d\u056b\u0569\u0561\u0580", + "\u057a\u0561\u057f\u057e\u0561\u056f\u0561\u0576", + "\u0563\u0561\u0562\u0580\u056b\u0565\u056c\u056c\u0561", + "\u0574\u0561\u0574\u056b\u056f\u0578\u0576", + "\u056c\u056b\u056c\u056b\u0569", + "\u0561\u0580\u0561\u0574\u0561\u0566\u0564", + "\u056f\u056b\u0580\u0561", + "\u0569\u0578\u0580\u0563\u0578\u0574", + "\u0563\u0561\u0580\u0565\u0563\u056b\u0576", + "\u057d\u0561\u0569\u0565\u0576\u056b\u056f", + "\u0574\u0570\u0565\u0580", + "\u0564\u0561\u057e\u056b\u0569", + "\u056c\u0565\u0576\u0561", + "\u057c\u0578\u0582\u0566\u0561\u0576", + "\u0561\u057c\u0561\u0584\u0565\u056c", + "\u0570\u0580\u0561\u0576\u057f", + "\u057e\u056b\u0578\u056c\u0565\u057f\u0561", + "\u0570\u0561\u0574\u0561\u0566\u0561\u057d\u057a", + "\u0567\u056c\u0565\u0576", + "\u0576\u0561\u0576\u0565", + "\u057f\u0561\u0569\u0587\u056b\u056f", + "\u056c\u056b\u0561", + "\u057b\u0565\u057d\u056b\u056f\u0561", + "\u0574\u0565\u056d\u0561\u056f", + "\u0561\u056c\u0565\u0584\u057d\u0561\u0576\u0564\u0580", + "\u0562\u0578\u0580\u056b\u057d", + "\u0561\u0580\u0563\u0561\u0574", + "\u0564\u0565\u0580\u0565\u0576\u056b\u056f", + "\u057d\u057a\u0561\u0580\u057f\u0561\u056f", + "\u057d\u0578\u0576\u0561", + "\u056f\u0561\u0580\u0578\u056c\u056b\u0576", + "\u0585\u057e\u057d\u0561\u0576\u0576\u0561", + "\u0561\u0576\u0578\u0582\u0577", + "\u0566\u0578\u0580\u056b", + "\u056c\u0561\u0580\u056b\u057d\u0561", + "\u056f\u0561\u057d\u0561\u0576\u0564\u0580\u0561", + "\u0570\u0574\u0561\u0575\u0561\u056f", + "\u0567\u0574\u0574\u0561", + "\u0564\u0565\u0576\u056b\u057d", + "\u0569\u0561\u0574\u0561\u0580\u0561", + "\u057b\u0578\u0576", + "\u0561\u057e\u0565\u057f\u056b\u0584", + "\u0561\u0572\u0561\u057d\u056b", + "\u0564\u0561\u0576\u056b\u0565\u056c\u056c\u0561", + "\u0574\u056b\u0576\u0561\u057d", + "\u057d\u057f\u0565\u0583\u0561\u0576", + "\u0574\u0561\u0563\u0564\u0561", + "\u0564\u056b\u0576\u0561", + "\u0561\u0580\u0574\u0565\u0576", + "\u0570\u057c\u056b\u0583\u057d\u056b\u0574\u0565", + "\u056b\u0576\u0576\u0561", + "\u0563\u0561\u0563\u056b\u056f", + "\u0570\u0565\u0572\u056b\u0576\u0565", + "\u0564\u056b\u0561\u0576\u0561", + "\u0563\u0561\u0580\u057d\u0587\u0561\u0576", + "\u057d\u0578\u0582\u0580\u0565\u0576", + "\u0567\u0564\u0563\u0561\u0580", + "\u056f\u056b\u056f\u0578\u057d", + "\u0576\u0561\u056b\u0580\u056b", + "\u056b\u0566\u0561\u0562\u0565\u056c\u056c\u0561", + "\u0585\u056c\u0563\u0561", + "\u0567\u056c\u056b\u0566\u0561", + "\u0561\u0580\u0565\u0563", + "\u0561\u0577\u0578\u057f", + "\u0583\u0561\u0576\u0578\u057d", + "\u0563\u0587\u0578\u0580\u0563", + "\u0561\u0576\u056b\u057f\u0561", + "\u0565\u057e\u0563\u056b\u0576\u0565", + "\u0584\u0580\u056b\u057d\u057f\u056b\u0576\u0565", + "\u056f\u0561\u0580\u056b\u0576\u0565", + "\u0561\u0566\u0561\u057f", + "\u0567\u0574\u056b\u056c\u056b\u0561", + "\u0576\u0578\u0580\u0561", + "\u0570\u0565\u0576\u0580\u056b", + "\u056c\u0561\u056c\u0561", + "\u057d\u057f\u0565\u056c\u056c\u0561", + "\u0574\u0561\u0584\u057d\u056b\u0574", + "\u0586\u056c\u0578\u0580\u0561", + "\u0561\u0580\u057f\u0565\u0574", + "\u0574\u0561\u0580\u056f\u0578\u057d", + "\u0561\u0562\u0580\u0561\u0570\u0561\u0574", + "\u057d\u0565\u057d\u056b\u056c\u056b\u0561", + "\u057d\u0561\u0572\u0561\u0569\u0565\u056c", + "\u057e\u056b\u056f\u057f\u0578\u0580\u0575\u0561", + "\u057e\u0561\u0570\u0580\u0561\u0574", + "\u0579\u0561\u0580\u056c\u056b", + "\u0569\u0561\u0564\u0587\u0578\u057d", + "\u0561\u0576\u0575\u0561", + "\u0576\u0561\u0566\u0565\u056c\u056b", + "\u0574\u0561\u0580\u056b\u0561\u0574", + "\u0561\u0580\u0574\u056b\u0576\u0565", + "\u0566\u0561\u057e\u0565\u0576", + "\u0574\u0578\u0582\u0580\u0561\u0564", + "\u057e\u0561\u056d\u0569\u0561\u0576\u0563", + "\u0574\u0561\u0580\u0563\u0561\u0580", + "\u0563\u0561\u0562\u0580\u056b\u0565\u056c", + "\u0562\u0561\u0562\u056f\u0565\u0576", + "\u0561\u056c\u0562\u0565\u0580\u057f", + "\u057c\u0578\u0582\u0564\u0578\u056c\u0586", + "\u057d\u0578\u0582\u0584\u056b\u0561\u057d", + "\u0561\u0580\u0577\u0561\u057e\u056b\u0580", + "\u0576\u057e\u0561\u0580\u0564", + "\u057c\u0578\u0574\u0561\u0576", + "\u0561\u0570\u0561\u0580\u0578\u0576", + "\u0578\u0582\u056b\u056c\u0575\u0561\u0574", + "\u0565\u056c\u0565\u0576\u0561", + "\u0574\u0565\u056c\u0584\u0578\u0576", + "\u0570\u0580\u0561\u0579\u0578\u0582\u0570\u056b", + "\u0561\u0562\u0565\u056c", + "\u0561\u057d\u057f\u0572\u056b\u056f", + "\u0574\u0578\u0582\u0577\u0565\u0572", + "\u057d\u0574\u0562\u0561\u057f", + "\u056b\u0580\u056b\u0576\u0561", + "\u0561\u0564\u0561\u0574", + "\u0563\u0578\u0582\u0580\u0563\u0565\u0576", + "\u0574\u0561\u0580\u0569\u0561", + "\u0563\u0580\u0565\u057f\u0561", + "\u0563\u0578\u057c", + "\u057d\u0578\u0586\u0575\u0561", + "\u0561\u056c\u056c\u0561", + "\u057d\u056b\u0574\u0578\u0576", + "\u0577\u0578\u0582\u0577\u0561\u0576\u056b\u056f", + "\u0581\u0578\u056c\u0561\u056f", + "\u0569\u0565\u0580\u0565\u0566\u0561", + "\u0577\u0561\u0570\u0565\u0576", + "\u056f\u056c\u0561\u0580\u0561", + "\u057d\u0565\u0580\u0578\u0562", + "\u0561\u0576\u0563\u0565\u056c\u056b\u0576\u0561", + "\u0566\u0578\u0570\u0580\u0561\u057a", + "\u057e\u0565\u0580\u0578\u0576\u056b\u056f\u0561", + "\u057e\u056c\u0561\u0564\u056b\u0574\u056b\u0580", + "\u0570\u0565\u0580\u0574\u056b\u0576\u0565", + "\u056f\u056c\u0578\u0564", + "\u057a\u0561\u0580\u0569\u0587", + "\u0570\u0561\u056f\u0578\u0562", + "\u057d\u056b\u056c\u057e\u0561", + "\u0569\u0561\u0563\u0578\u0582\u0570\u056b", + "\u0561\u0580\u0574\u0565\u0576\u0578\u0582\u0570\u056b", + "\u056d\u0578\u057d\u0580\u0578\u057e", + "\u0574\u0565\u056c\u056b\u0576\u0565", + "\u0564\u0561\u0576\u056b\u0565\u056c", + "\u0562\u0580\u056b\u056a\u056b\u057f", + "\u057d\u0565\u0575\u0580\u0561\u0576", + "\u057b\u0578\u0580\u057b", + "\u0561\u0580\u057f\u0578\u0582\u0580", + "\u056c\u0561\u057c\u0561", + "\u0585\u0570\u0561\u0576", + "\u057f\u0580\u0564\u0561\u057f", + "\u0567\u056c\u056b\u0576\u0561", + "\u0563\u0561\u057c\u0576\u056b\u056f", + "\u056e\u0578\u057e\u056b\u0576\u0561\u0580", + "\u0577\u0574\u0561\u057e\u0578\u0576", + "\u0562\u0561\u0580\u056d\u0578\u0582\u0564\u0561\u0580", + "\u0576\u0578\u0580\u0561\u0575\u0580", + "\u0575\u0578\u0582\u0580\u056b", + "\u0570\u0578\u057e\u056b\u056f", + "\u0562\u0561\u0580\u057d\u0565\u0572", + "\u0566\u0578\u0570\u0580\u0561\u0562", + "\u0562\u0561\u0572\u0564\u0561\u057d\u0561\u0580", + "\u0561\u0580\u0563\u056b\u0577\u057f\u056b", + "\u0561\u0580\u056b\u057d\u057f\u0561\u056f\u0565\u057d", + "\u056f\u0561\u0580\u056c", + "\u0561\u056c\u056b\u0576\u0561", + "\u057b\u0565\u0574\u0574\u0561", + "\u0561\u057c\u0578\u0582\u0577\u0561\u0576", + "\u057c\u0561\u0586\u0561\u0575\u0565\u056c", + "\u057e\u0561\u0580\u0578\u0582\u056a\u0561\u0576", + "\u056c\u0578\u0582\u057d\u056b\u0576\u0565", + "\u057e\u0561\u0566\u0563\u0565\u0576", + "\u0561\u0580\u0569\u0578\u0582\u0580", + "\u057d\u0561\u057d\u0578\u0582\u0576", + "\u0561\u0580\u0561\u0584\u057d\u0575\u0561", + "\u0561\u0576\u057f\u0578\u0576\u056b\u0576\u0561", + "\u057f\u0561\u0580\u0578\u0576", + "\u0570\u056b\u056c\u0564\u0561", + "\u057e\u0561\u0572\u0561\u0580\u0577\u0561\u056f", + "\u0561\u0576\u0576\u0561", + "\u057e\u0561\u0570\u0565", + "\u056a\u056b\u0580\u0561\u0575\u0580", + "\u0586\u056b\u056c\u056b\u057a", + "\u0577\u0561\u0570\u0561\u0576\u0565", + "\u0576\u0578\u0582\u0562\u0561\u0580", + "\u0562\u0565\u057c\u0576\u0561\u0580", + "\u0561\u0580\u057f\u0561\u057e\u0561\u0566\u0564", + "\u057d\u0578\u0582\u057d\u0561\u0576\u0576\u0561", + "\u056a\u0561\u0584\u056c\u056b\u0576" + ], + "LAST_NAME": [ + "\u0561\u0566\u0563\u0561\u056c\u0564\u0575\u0561\u0576", + "\u0564\u0578\u0582\u0566\u0573\u0561\u056f\u0561\u057f\u0579\u0575\u0561\u0576", + "\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0583\u0561\u0574\u0562\u0578\u0582\u056f\u0579\u0575\u0561\u0576", + "\u0561\u0566\u0561\u057f\u0575\u0561\u0576\u0581", + "\u056f\u0561\u0580\u0573\u056b\u056f\u0575\u0561\u0576", + "\u0577\u0561\u0580\u0561\u0562\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0574\u057d\u0561\u0563\u0578\u0580\u056e\u0575\u0561\u0576", + "\u0561\u0576\u0578\u0583\u0575\u0561\u0576", + "\u0570\u0578\u057e\u056b\u057e\u0575\u0561\u0576", + "\u0564\u0578\u056d\u0578\u056c\u0575\u0561\u0576", + "\u0561\u0566\u056b\u056c\u0561\u0566\u0575\u0561\u0576", + "\u0573\u0578\u0573\u056f\u0561\u0576\u0575\u0561\u0576", + "\u057b\u0578\u0582\u056c\u0586\u056b\u0572\u0561\u0580\u0575\u0561\u0576", + "\u057a\u0561\u057a\u0561\u0575\u0561\u0576", + "\u0561\u0576\u0572\u0561\u056c\u0561\u0564\u0575\u0561\u0576", + "\u0561\u0569\u0561\u057d\u0578\u0582\u0576\u0581", + "\u057f\u0565\u0580_\u0572\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0569\u0561\u0569\u0578\u0582\u056c\u0575\u0561\u0576", + "\u0579\u0561\u056c\u056b\u056f\u0575\u0561\u0576", + "\u0583\u0578\u0584\u0580\u056b\u056f\u0575\u0561\u0576", + "\u0564\u0561\u0562\u0561\u0572\u0575\u0561\u0576", + "\u0561\u0564\u0561\u0576\u0565\u056c\u0575\u0561\u0576", + "\u0561\u0569\u0578\u0575\u0561\u0576", + "\u057d\u0561\u0580\u0563\u057d\u0575\u0561\u0576", + "\u0561\u0569\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0561\u0563\u0580\u0561\u056c\u0575\u0561\u0576", + "\u0564\u0578\u0582\u0564\u0578\u0582\u056f\u0579\u0575\u0561\u0576", + "\u0561\u0566\u0563\u0565\u056c\u0564\u0575\u0561\u0576", + "\u0561\u0562\u0580\u0578\u0575\u0561\u0576", + "\u0561\u0572\u0561\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0574\u0578\u0582\u0580\u0561\u0564\u0575\u0561\u0576", + "\u0576\u0565\u0580\u056f\u0561\u0580\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0564\u056c\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0576\u0577\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0569\u0578\u057c\u0561\u056f\u0561\u056c\u0575\u0561\u0576", + "\u0561\u0566\u0561\u057f\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0562\u0565\u056f\u0576\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0561\u056a\u057f\u056b\u056f\u0575\u0561\u0576", + "\u0561\u0562\u0563\u0561\u0580\u0575\u0561\u0576", + "\u057a\u0561\u0580\u057d\u0561\u0574\u0575\u0561\u0576", + "\u0578\u0582\u056c\u056b\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0583\u0561\u0577\u056b\u0576\u0575\u0561\u0576", + "\u0561\u0564\u0561\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0583\u0561\u0575\u056c\u0561\u0562\u0561\u0566\u0575\u0561\u0576", + "\u0561\u057f\u0580\u0575\u0561\u0576", + "\u0584\u0565\u0579\u0585\u0572\u056c\u0575\u0561\u0576", + "\u0575\u0561\u0562\u056c\u0578\u0582\u056f\u0575\u0561\u0576", + "\u0578\u057d\u056f\u0561\u0576\u0575\u0561\u0576", + "\u0566\u0561\u0580\u0563\u0561\u0580\u0575\u0561\u0576", + "\u0561\u056a\u057f\u0565\u0570\u0561\u0576\u0575\u0561\u0576", + "\u057d\u0580\u0574\u0561\u0584\u0565\u0577\u0575\u0561\u0576", + "\u0577\u0561\u0562\u0578\u0582\u0576\u0581", + "\u0561\u0564\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0569\u0561\u056c\u0561\u0580\u0575\u0561\u0576", + "\u0584\u0561\u056c\u0561\u0576\u0569\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0563\u0580\u0575\u0561\u0576", + "\u0561\u0562\u0565\u0569\u0576\u0561\u056f\u0575\u0561\u0576", + "\u0563\u0561\u056c\u0578\u0575\u0561\u0576", + "\u0561\u057c\u0578\u0582\u057d\u057f\u0561\u0574\u0575\u0561\u0576", + "\u0577\u0561\u056c\u0561\u057e\u0561\u057d\u0575\u0561\u0576", + "\u057b\u0561\u0576\u0563\u056b\u0580\u0575\u0561\u0576", + "\u0574\u0576\u0561\u0581\u0561\u056f\u0561\u0576\u0575\u0561\u0576", + "\u0573\u0561\u056c\u057f\u056b\u056f\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0562\u0561\u0570\u0575\u0561\u0576", + "\u0574\u0577\u0565\u0581\u0575\u0561\u0576", + "\u0565\u0572\u0576\u0578\u0582\u056f\u0575\u0561\u0576", + "\u0573\u0561\u0572\u0561\u0580\u0575\u0561\u0576", + "\u057a\u0561\u057a\u056b\u056f\u0575\u0561\u0576", + "\u057a\u0561\u0580\u0578\u0576\u0575\u0561\u0576", + "\u0575\u0561\u0566\u056b\u0579\u0575\u0561\u0576", + "\u056d\u0578\u0582\u0564\u0578\u0575\u0561\u0576", + "\u0583\u0561\u056c\u0561\u0576\u0564\u0578\u0582\u0566\u0575\u0561\u0576", + "\u056c\u0561\u0574\u0562\u0561\u0580\u0575\u0561\u0576", + "\u0565\u0580\u0565\u0574\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0576\u0561\u057d\u0575\u0561\u0576", + "\u0576\u0561\u056c\u0562\u0561\u0576\u0564\u0575\u0561\u0576", + "\u0563\u0578\u0582\u056c\u0578\u0582\u0574\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0562\u0561\u0572\u0575\u0561\u0576\u0581", + "\u056b\u0577\u056c\u0565\u0574\u0565\u0573\u0575\u0561\u0576", + "\u057f\u0561\u0573\u0561\u057f\u0575\u0561\u0576", + "\u056b\u057d\u0561\u0570\u0561\u056f\u0575\u0561\u0576", + "\u0565\u0576\u0563\u056b\u0562\u0561\u0580\u0575\u0561\u0576", + "\u0584\u0561\u0569\u0561\u0576\u0561\u057d\u0575\u0561\u0576", + "\u0574\u0578\u0582\u0577\u0565\u0572\u0575\u0561\u0576", + "\u056d\u0561\u0579\u056b\u056f\u0585\u0572\u056c\u0575\u0561\u0576", + "\u0561\u0569\u0565\u0577\u0575\u0561\u0576", + "\u0562\u0561\u0564\u0561\u057d\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0576\u0565\u057d\u0575\u0561\u0576", + "\u0561\u057e\u0564\u0561\u056c\u0575\u0561\u0576", + "\u0573\u0563\u0576\u0561\u057e\u0578\u0580\u0575\u0561\u0576", + "\u0561\u0563\u056b\u0577\u0575\u0561\u0576", + "\u0570\u0578\u0582\u0580\u0564\u0561\u057b\u0575\u0561\u0576", + "\u0576\u0561\u0562\u0561\u0569\u0575\u0561\u0576", + "\u0563\u0565\u0580\u0561\u057e\u0565\u057f\u0575\u0561\u0576", + "\u057a\u0565\u057f\u0580\u0578\u057d\u0575\u0561\u0576\u0581", + "\u056f\u0578\u0569\u0578\u0572\u0575\u0561\u0576", + "\u0563\u0575\u0561\u0576\u057b\u0565\u0581\u0575\u0561\u0576", + "\u0561\u0569\u0575\u0561\u0576", + "\u0570\u0578\u057e\u0561\u057d\u0561\u0583\u0575\u0561\u0576", + "\u0573\u0565\u0576\u0565\u057a\u0565\u0580\u0565\u0584\u0575\u0561\u0576", + "\u057f\u0561\u057d\u0576\u0561\u057a\u0565\u057f\u0575\u0561\u0576", + "\u0577\u0561\u0563\u0578\u0575\u0561\u0576", + "\u0561\u0569\u0561\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0562\u0561\u0562\u0561\u0575\u0561\u0576", + "\u0563\u0561\u056c\u0564\u0578\u0582\u0576\u0581", + "\u056d\u0561\u0579\u0565\u0576\u0581", + "\u0561\u0564\u056b\u0575\u0561\u0576", + "\u0564\u0578\u0564\u0578\u056d\u0575\u0561\u0576", + "\u0561\u0566\u0561\u057f\u056b\u056f\u0575\u0561\u0576", + "\u0561\u056a\u0561\u0576\u057b\u0575\u0561\u0576", + "\u0565\u0576\u0563\u056b\u0562\u0561\u0580\u0578\u057e", + "\u0569\u0561\u0564\u0587\u0578\u057d\u0575\u0561\u0576", + "\u0561\u0564\u0578\u0576\u0581", + "\u0561\u0563\u0580\u0561\u056f\u056c\u0575\u0561\u0576", + "\u056f\u0561\u0562\u0561\u0572\u0575\u0561\u0576", + "\u057f\u0578\u0582\u0572\u0580\u0565\u0574\u0561\u0573\u0575\u0561\u0576", + "\u056b\u0563\u056b\u0569\u0575\u0561\u0576", + "\u0584\u0561\u0572\u0581\u0580\u056b\u056f\u0575\u0561\u0576", + "\u0561\u0564\u056b\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0566\u0561\u0580\u0578\u0582\u0574\u0575\u0561\u0576", + "\u0561\u0562\u056b\u057d\u0561\u056c\u0578\u0574\u0575\u0561\u0576", + "\u0561\u057d\u057f\u057e\u0561\u056e\u0561\u057f\u0580\u0575\u0561\u0576", + "\u0574\u0561\u0580\u0563\u0561\u0580\u0575\u0561\u0576", + "\u0561\u056c\u0578\u0575\u0561\u0576", + "\u0569\u0565\u0584\u0565\u0575\u0561\u0576", + "\u0561\u0562\u0561\u057b\u0561\u0576\u0575\u0561\u0576", + "\u057a\u057c\u0578\u0577\u0575\u0561\u0576", + "\u0566\u0565\u0575\u0576\u0561\u056c\u0575\u0561\u0576", + "\u057e\u0561\u0580\u057a\u0565\u057f\u0575\u0561\u0576", + "\u0566\u0561\u057f\u056b\u056f\u0575\u0561\u0576", + "\u0569\u0561\u057c\u0561\u0575\u0561\u0576", + "\u0561\u0572\u0561\u0562\u0561\u0562\u0575\u0561\u0576", + "\u0564\u0561\u0576\u056b\u0565\u056c\u0575\u0561\u0576", + "\u056b\u057d\u0561\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0561\u0566\u0561\u0580\u056b\u056f\u0575\u0561\u0576", + "\u0579\u0561\u056c\u0578\u0575\u0561\u0576", + "\u0564\u056b\u0574\u0561\u0584\u057d\u0575\u0561\u0576", + "\u0585\u0566\u0561\u0576\u0575\u0561\u0576", + "\u0561\u057e\u0579\u0575\u0561\u0576", + "\u0561\u0566\u0578\u0575\u0561\u0576", + "\u0565\u0580\u056f\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0562\u0580\u0561\u0570\u0561\u0574\u0575\u0561\u0576", + "\u056e\u0565\u0580\u0578\u0582\u0576\u0575\u0561\u0576", + "\u0561\u0563\u0578\u0566\u0575\u0561\u0576", + "\u0566\u0578\u056c\u0575\u0561\u0576", + "\u0576\u0565\u0580\u057d\u056b\u057d\u0575\u0561\u0576", + "\u0562\u0561\u0563\u0580\u0561\u057f\u0575\u0561\u0576", + "\u0574\u056b\u0580\u0566\u0578\u0575\u0561\u0576", + "\u0584\u0580\u0584\u0578\u0580\u0575\u0561\u0576", + "\u0563\u0578\u0582\u056c\u0561\u0584\u057d\u0575\u0561\u0576", + "\u0574\u056b\u0576\u0561\u057d\u0575\u0561\u0576", + "\u0567\u056c\u0562\u0561\u056f\u0575\u0561\u0576", + "\u0564\u0561\u0564\u0561\u057d\u0575\u0561\u0576", + "\u0561\u0563\u0580\u0561\u0574\u0561\u0566\u0575\u0561\u0576", + "\u0577\u0561\u0570\u0576\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0564\u056b\u0577\u0575\u0561\u0576", + "\u0562\u0578\u0575\u0561\u057b\u0575\u0561\u0576", + "\u0561\u0566\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0561\u0566\u0576\u0561\u057e\u0578\u0582\u0580\u0575\u0561\u0576", + "\u056b\u057d\u0561\u0562\u0565\u056f\u0575\u0561\u0576\u0581", + "\u0561\u0566\u0563\u0561\u056c\u0564\u0580\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0563\u0575\u0578\u0582\u056c\u0575\u0561\u0576", + "\u0561\u0569\u0565\u0580\u0566\u0575\u0561\u0576", + "\u0561\u0569\u0561\u056c\u0575\u0561\u0576", + "\u0561\u056c\u0561\u057b\u0561\u057b\u0575\u0561\u0576", + "\u0569\u0578\u0580\u0563\u0578\u0574\u0575\u0561\u0576", + "\u0561\u0569\u0578\u0582\u0574\u0575\u0561\u0576", + "\u0577\u0565\u056c\u0578\u0582\u0576\u0581", + "\u0562\u0561\u0562\u0561\u056c\u0575\u0561\u0576", + "\u0561\u0569\u0574\u0561\u0573\u0575\u0561\u0576", + "\u0578\u0582\u0580\u0586\u0561\u056c\u0575\u0561\u0576", + "\u0571\u0561\u057e\u0561\u0580\u0575\u0561\u0576", + "\u057f\u0565\u0580_\u0570\u0578\u057e\u0570\u0561\u0576\u0576\u056b\u057d\u0575\u0561\u0576", + "\u0561\u0562\u0561\u0577\u0575\u0561\u0576", + "\u056c\u0561\u056c\u0561\u0575\u0561\u0576", + "\u0561\u0566\u0578\u0582\u056c\u0575\u0561\u0576", + "\u056a\u0561\u0574\u056f\u0578\u0579\u0575\u0561\u0576", + "\u0572\u0561\u057d\u0561\u0562\u0575\u0561\u0576", + "\u0564\u0587\u0580\u056b\u056f\u0575\u0561\u0576", + "\u0572\u0561\u0570\u0580\u0561\u0574\u0561\u0576\u0575\u0561\u0576", + "\u056e\u0578\u0582\u057c\u057e\u056b\u0566\u0575\u0561\u0576", + "\u0561\u0564\u0578\u0582\u0576\u0581", + "\u0566\u0561\u0584\u0578\u0575\u0561\u0576", + "\u0583\u0561\u056d\u0579\u0561\u0576\u0575\u0561\u0576", + "\u0583\u0561\u0583\u0561\u0566\u0575\u0561\u0576", + "\u056b\u0566\u0574\u056b\u0580\u0575\u0561\u0576", + "\u057a\u057d\u057f\u056b\u056f\u0575\u0561\u0576", + "\u056c\u0581\u056f\u0561\u0580\u0575\u0561\u0576", + "\u0564\u0578\u056c\u0578\u0582\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0574\u0561\u0576\u057e\u0565\u056c\u0575\u0561\u0576", + "\u0562\u0561\u0563\u0580\u0561\u057f\u0578\u0582\u0576\u056b", + "\u0566\u0561\u0580\u0578\u0582\u0562\u0575\u0561\u0576", + "\u0561\u0566\u0561\u0562\u0575\u0561\u0576", + "\u0572\u0561\u056c\u0564\u0578\u0582\u0576\u0581", + "\u057f\u0561\u0580\u0578\u0576\u0581\u0575\u0561\u0576", + "\u056d\u0561\u0566\u056d\u0561\u0566\u0575\u0561\u0576", + "\u0561\u057e\u0565\u057f\u056b\u057d\u0575\u0561\u0576", + "\u056f\u0561\u0562\u0561\u056f\u0578\u0582\u056c\u0561\u056f\u0575\u0561\u0576", + "\u0569\u0578\u0580\u0578\u057d\u0575\u0561\u0576", + "\u0561\u056c\u0561\u057e\u0565\u0580\u0564\u0575\u0561\u0576", + "\u0576\u0561\u056d\u0577\u0584\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0569\u056b\u0576\u056b\u0566\u0575\u0561\u0576", + "\u0562\u0578\u057d\u057f\u0561\u0576\u057b\u0575\u0561\u0576", + "\u0561\u0569\u056b\u0576\u0575\u0561\u0576", + "\u057b\u0561\u0576\u056b\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0565\u0563\u0578\u0580\u0575\u0561\u0576", + "\u0577\u0561\u0562\u0578\u0575\u0561\u0576", + "\u0561\u0566\u0563\u0578\u0582\u056c\u0575\u0561\u0576", + "\u057b\u0561\u056c\u0561\u056c\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0584\u0578\u0579\u0561\u0580\u0575\u0561\u0576", + "\u0561\u056c\u0565\u0584\u057d\u0561\u0576\u0575\u0561\u0576", + "\u057a\u0561\u057a\u0578\u0575\u0561\u0576", + "\u0575\u0561\u0572\u056c\u056b\u0573\u0575\u0561\u0576", + "\u0561\u0566\u0561\u0576\u0575\u0561\u0576", + "\u0569\u0561\u0577\u0579\u0575\u0561\u0576", + "\u0567\u056c\u0578\u0575\u0561\u0576", + "\u056b\u057d\u0580\u0561\u0575\u0565\u056c\u0575\u0561\u0576", + "\u0561\u0575\u057e\u0561\u0566\u0575\u0561\u0576", + "\u0563\u056b\u0574\u056b\u0577\u0575\u0561\u0576", + "\u057d\u0561\u0586\u0561\u0580\u0575\u0561\u0576", + "\u0571\u056f\u0576\u0578\u0580\u057d\u0575\u0561\u0576", + "\u057e\u0561\u0570\u0561\u0576\u0575\u0561\u0576", + "\u0576\u0561\u056c\u0579\u0561\u0564\u0575\u0561\u0576", + "\u0562\u0561\u0564\u0561\u056c\u0578\u057e", + "\u057f\u0578\u057a\u0561\u057b\u056b\u056f\u0575\u0561\u0576", + "\u0561\u056c\u0561\u0562\u0565\u0580\u056f\u0575\u0561\u0576", + "\u0566\u0565\u0575\u0569\u0578\u0582\u0576\u0581\u0575\u0561\u0576", + "\u057d\u0561\u0580\u0578\u0575\u0561\u0576", + "\u0574\u0565\u056c\u056b\u0584_\u0585\u0570\u0561\u0576\u057b\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0569\u0565\u0573\u0575\u0561\u0576", + "\u0563\u056c\u0565\u0579\u0575\u0561\u0576", + "\u056c\u0561\u0566\u0561\u0580\u0575\u0561\u0576\u0581", + "\u0561\u0569\u0561\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0561\u056c\u0561\u0562\u0565\u0580\u0573\u0575\u0561\u0576", + "\u0574\u057d\u0580\u0575\u0561\u0576", + "\u057b\u056b\u0563\u0561\u0580\u056d\u0561\u0576\u0575\u0561\u0576", + "\u057d\u0578\u0572\u0578\u0574\u0578\u0576\u0575\u0561\u0576", + "\u0562\u0561\u0566\u0565\u0575\u0561\u0576", + "\u056d\u0561\u0577\u0574\u0561\u0576\u0575\u0561\u0576", + "\u0576\u0565\u0580\u057d\u0565\u057d\u0575\u0561\u0576", + "\u0561\u0562\u0561\u0574\u0565\u056c\u056b\u0584\u0575\u0561\u0576", + "\u057b\u0561\u0576\u0561\u057e\u0561\u0580\u0575\u0561\u0576", + "\u056c\u0578\u0582\u057d\u057a\u0561\u0580\u0578\u0576\u0575\u0561\u0576", + "\u0572\u0561\u0566\u056b\u0576\u0575\u0561\u0576", + "\u0572\u0561\u0576\u0564\u056b\u056c\u0575\u0561\u0576", + "\u0570\u0561\u0580\u0578\u0582\u0569\u0575\u0578\u0582\u0576\u0575\u0561\u0576", + "\u0574\u0561\u0564\u0561\u0569\u0575\u0561\u0576", + "\u056d\u0561\u0579\u0561\u057f\u0580\u0575\u0561\u0576", + "\u057e\u0561\u0570\u0578\u0582\u0576\u056b", + "\u0579\u0565\u0574\u0565\u0564\u056b\u056f\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0562\u0565\u056f\u0575\u0561\u0576\u0581", + "\u0584\u0561\u0580\u057f\u0561\u0577\u0575\u0561\u0576", + "\u0561\u0563\u056c\u056b\u0576\u0581\u0575\u0561\u0576", + "\u0577\u0561\u0570\u056b\u0576\u0575\u0561\u0576\u0581", + "\u056e\u0561\u057f\u0578\u0582\u0580\u0575\u0561\u0576", + "\u056d\u0565\u0579\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0564\u0561\u0574\u0575\u0561\u0576\u0581", + "\u056e\u0561\u057c\u0578\u0582\u056f\u0575\u0561\u0576", + "\u056f\u0561\u0580\u0561\u0563\u0575\u0561\u0576", + "\u0561\u0569\u0584\u0575\u0561\u0576", + "\u0561\u0569\u0561\u057b\u0575\u0561\u0576", + "\u0573\u0561\u057a\u0561\u0572\u057b\u0578\u0582\u0580\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0576\u0578\u057d\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0576\u0561\u0563\u056b\u0576\u0575\u0561\u0576", + "\u0574\u0578\u057d\u056b\u0576\u0575\u0561\u0576", + "\u0574\u0565\u056c\u056b\u0584_\u0561\u0562\u0580\u0561\u0570\u0561\u0574\u0575\u0561\u0576", + "\u0566\u0561\u0584\u0561\u0580\u0575\u0561\u0576", + "\u0562\u0561\u0564\u0561\u056c\u0575\u0561\u0576", + "\u0563\u0561\u057d\u057a\u0561\u0580\u0575\u0561\u0576", + "\u0585\u0566\u0576\u0565\u0581\u0575\u0561\u0576", + "\u0574\u0565\u056c\u056b\u0584_\u0561\u0564\u0561\u0574\u0575\u0561\u0576", + "\u0586\u0578\u056c\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0584\u0575\u0561\u0576", + "\u0583\u0561\u0574\u0562\u0578\u0582\u056d\u0579\u0575\u0561\u0576", + "\u0574\u0561\u0576\u0561\u0576\u0564\u0575\u0561\u0576", + "\u0563\u0561\u0562\u0578\u0575\u0561\u0576", + "\u0574\u0565\u056c\u056b\u0584_\u0562\u0561\u0580\u056d\u0578\u0582\u0564\u0561\u0580\u0575\u0561\u0576", + "\u0584\u0578\u0579\u056b\u0576\u0575\u0561\u0576", + "\u056f\u0561\u0574\u057d\u0561\u0580\u0575\u0561\u0576\u0581", + "\u0561\u057d\u056c\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0564\u0575\u0561\u0576", + "\u0561\u0580\u0565\u0563\u0575\u0561\u0576", + "\u0579\u0561\u056c\u056d\u056b\u0586\u0561\u056c\u0561\u056f\u0575\u0561\u0576", + "\u0561\u0564\u056b\u0563\u0578\u0566\u0575\u0561\u0576", + "\u056b\u0563\u056b\u0569\u056d\u0561\u0576\u0575\u0561\u0576", + "\u056b\u0574\u0561\u057d\u057f\u0578\u0582\u0576\u0575\u0561\u0576", + "\u0586\u0561\u056c\u0575\u0561\u0576", + "\u0561\u0562\u0569\u0565\u0584\u0575\u0561\u0576", + "\u0579\u0578\u0562\u0561\u0576\u0575\u0561\u0576", + "\u0577\u0561\u0584\u0580\u0561\u0574\u0561\u0576\u0575\u0561\u0576", + "\u0583\u0561\u0576\u0578\u057d\u0575\u0561\u0576", + "\u0561\u0562\u056b\u057d\u0578\u0572\u0578\u0574\u0578\u0576\u0575\u0561\u0576", + "\u0562\u0565\u0580\u0562\u0565\u0580\u0575\u0561\u0576", + "\u057c\u0587\u0561\u0566\u0575\u0561\u0576", + "\u057a\u0561\u0580\u0578\u0576\u0575\u0561\u0576\u0581", + "\u056d\u056c\u0572\u0561\u0569\u0575\u0561\u0576", + "\u0561\u056a\u0564\u0561\u0570\u0561\u0580\u0575\u0561\u0576", + "\u0581\u056b\u057a\u056c\u0565\u0581\u0575\u0561\u0576", + "\u0579\u056b\u0562\u0578\u0582\u056d\u0579\u0575\u0561\u0576", + "\u0577\u0561\u0570\u0561\u0566\u056b\u0566\u0575\u0561\u0576", + "\u0572\u0561\u0562\u0566\u056b\u0574\u0561\u056c\u0575\u0561\u0576", + "\u0562\u0561\u0564\u056b\u056f\u0575\u0561\u0576", + "\u057f\u0565\u0580_\u057e\u0561\u0570\u0561\u0576\u0575\u0561\u0576", + "\u0562\u0561\u0566\u0578\u0582\u0576\u0581", + "\u0575\u0578\u0582\u0566\u0562\u0561\u0577\u0575\u0561\u0576", + "\u056f\u0561\u056c\u0565\u0576\u0581", + "\u0570\u0561\u056f\u0578\u0562\u0575\u0561\u0576", + "\u057d\u0578\u0582\u0580\u0574\u0565\u056c\u0575\u0561\u0576", + "\u057a\u0578\u0572\u057a\u0561\u057f\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0575\u0561\u0576", + "\u0561\u0562\u0564\u0578\u0575\u0561\u0576", + "\u0572\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0569\u0578\u057e\u0574\u0561\u057d\u0575\u0561\u0576", + "\u057f\u0565\u0580_\u0563\u0587\u0578\u0580\u0563\u0575\u0561\u0576", + "\u0578\u0582\u0566\u0578\u0582\u0576\u0575\u0561\u0576", + "\u0561\u0569\u056c\u0578\u0575\u0561\u0576", + "\u0574\u0561\u0566\u0574\u0561\u0576\u0575\u0561\u0576", + "\u0584\u056b\u056c\u0561\u0580\u057b\u0575\u0561\u0576", + "\u056b\u0562\u0580\u0561\u0570\u056b\u0574\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0561\u0572\u0561\u057b\u0561\u0576\u0575\u0561\u0576", + "\u056c\u057a\u0578\u0582\u057f\u0575\u0561\u0576", + "\u057c\u0577\u057f\u0578\u0582\u0576\u056b", + "\u0576\u0561\u0570\u0561\u057a\u0565\u057f\u0575\u0561\u0576", + "\u0563\u0580\u056b\u0563\u0578\u0580\u0575\u0561\u0576", + "\u0561\u0562\u0565\u0577\u0575\u0561\u0576", + "\u0563\u0575\u0578\u0582\u0574\u0578\u0582\u0577\u0575\u0561\u0576", + "\u0562\u0561\u0562\u0561\u057b\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0562\u0561\u057b\u0575\u0561\u0576", + "\u056b\u0574\u0565\u0584\u0579\u0575\u0561\u0576", + "\u057d\u0561\u0570\u0561\u056f\u0575\u0561\u0576", + "\u056f\u0561\u0580\u0561\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0580\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0573\u0561\u0576\u057d\u0578\u0582\u0566\u0575\u0561\u0576", + "\u057a\u0565\u0580\u0565\u0573\u056b\u056f\u056c\u0575\u0561\u0576", + "\u057e\u0565\u0580\u0561\u0576\u0575\u0561\u0576", + "\u057d\u0565\u0574\u0565\u0580\u057b\u0575\u0561\u0576", + "\u0572\u0561\u057d\u0561\u0562\u0585\u0572\u056c\u0575\u0561\u0576", + "\u0561\u0563\u0577\u0565\u0570\u056b\u0580\u0575\u0561\u0576", + "\u0569\u0578\u0582\u0574\u0561\u0576\u0575\u0561\u0576", + "\u057d\u056b\u057d\u0578\u0575\u0561\u0576", + "\u0564\u0578\u056d\u0578\u0575\u0561\u0576", + "\u0571\u057e\u0561\u056f\u0565\u0580\u0575\u0561\u0576", + "\u0564\u0561\u0580\u0562\u056b\u0576\u0575\u0561\u0576", + "\u0561\u0569\u0574\u0561\u057b\u0575\u0561\u0576", + "\u0576\u056b\u056f\u0578\u0572\u0578\u057d\u0575\u0561\u0576", + "\u057a\u0561\u057c\u0561\u057e\u0575\u0561\u0576", + "\u0564\u0578\u057e\u056c\u0561\u0569\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0570\u0561\u0575\u0580\u0562\u0561\u0562\u0561\u0574\u0575\u0561\u0576", + "\u0561\u0564\u056b\u056c\u0575\u0561\u0576", + "\u0565\u0576\u056b\u0563\u0578\u0574\u0565\u0577\u0575\u0561\u0576", + "\u056d\u0561\u057c\u0561\u057f\u0575\u0561\u0576", + "\u0584\u0561\u0583\u0561\u0576\u0561\u056f\u0581\u0575\u0561\u0576", + "\u0572\u0561\u0575\u056c\u0578\u0582\u0576\u057b\u0575\u0561\u0576", + "\u0570\u0561\u0574\u0562\u0561\u0580\u0571\u0578\u0582\u0574\u0575\u0561\u0576", + "\u0561\u0562\u0565\u057d\u0561\u056c\u0578\u0574\u0575\u0561\u0576\u0581", + "\u0570\u0561\u056d\u057e\u0565\u0580\u0564\u0575\u0561\u0576", + "\u0574\u0578\u0582\u057d\u0561\u0575\u0565\u056c\u0575\u0561\u0576", + "\u0562\u0561\u0562\u0578\u0582\u057b\u0575\u0561\u0576", + "\u0561\u056a\u0564\u0561\u0580\u0575\u0561\u0576", + "\u0563\u0561\u057e\u0561\u056c\u057b\u0575\u0561\u0576", + "\u057b\u0561\u0576\u057b\u0578\u0582\u0572\u0561\u0566\u0575\u0561\u0576", + "\u0579\u056b\u057e\u0579\u0575\u0561\u0576", + "\u0586\u057c\u0561\u0576\u0563\u0575\u0561\u0576", + "\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0577\u0561\u0570\u0562\u0561\u0566\u0575\u0561\u0576", + "\u0561\u0566\u0561\u0580\u0561\u0574\u0575\u0561\u0576", + "\u057d\u0561\u0576\u0578\u0575\u0561\u0576", + "\u0563\u0575\u0578\u0582\u056c\u0576\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u057d\u0578\u0582\u0583\u0580\u056b\u056f\u0575\u0561\u0576", + "\u0562\u0578\u0582\u0576\u056b\u0561\u0569\u0575\u0561\u0576", + "\u0561\u056a\u057f\u0565\u0580\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0566\u0561\u057e\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0564\u0561\u056c\u0575\u0561\u0576", + "\u0572\u0561\u0574\u0562\u0561\u0580\u0575\u0561\u0576", + "\u056b\u0563\u056b\u0569\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0574\u056b\u0576\u0561\u057d\u0562\u0565\u056f\u0575\u0561\u0576", + "\u057a\u0565\u057f\u0580\u0578\u057d\u0575\u0561\u0576", + "\u0563\u0561\u0580\u0561\u057d\u0565\u0586\u0565\u0580\u0575\u0561\u0576", + "\u0574\u0561\u0580\u0561\u0577\u0575\u0561\u0576", + "\u0565\u0583\u0580\u0565\u0574\u0575\u0561\u0576", + "\u0578\u0582\u0566\u0561\u0576\u056f\u056b\u0579\u0575\u0561\u0576", + "\u057d\u0561\u0564\u0578\u0575\u0561\u0576", + "\u0561\u0562\u0578\u057e\u0575\u0561\u0576", + "\u0561\u0564\u0561\u0576\u0561\u056c\u0575\u0561\u0576", + "\u0579\u0561\u056d\u0574\u0561\u056d\u0579\u0575\u0561\u0576", + "\u0569\u0565\u0580\u0566\u0575\u0561\u0576", + "\u0574\u056b\u0584\u0561\u0575\u0565\u056c\u0575\u0561\u0576", + "\u056d\u0566\u0574\u0561\u056c\u0575\u0561\u0576", + "\u0570\u0561\u0575\u0580\u0561\u057a\u0565\u057f\u0575\u0561\u0576", + "\u0572\u0561\u056c\u0569\u0561\u056d\u0579\u0575\u0561\u0576", + "\u057d\u057f\u0565\u0583\u0561\u0576\u0575\u0561\u0576", + "\u0563\u0561\u056c\u057d\u057f\u0575\u0561\u0576", + "\u0563\u0561\u056c\u0561\u0579\u0575\u0561\u0576", + "\u0561\u0564\u056b\u0563\u0575\u0578\u0566\u0561\u056c\u0575\u0561\u0576", + "\u057c\u0561\u0577\u056b\u0564\u0575\u0561\u0576", + "\u0561\u0580\u0566\u0578\u0582\u0574\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0564\u0561\u057b\u0575\u0561\u0576", + "\u0564\u0578\u0582\u057e\u0561\u056c\u0575\u0561\u0576", + "\u0561\u0562\u0578\u0575\u0561\u0576", + "\u057d\u056b\u0580\u0578\u0582\u0576\u0575\u0561\u0576", + "\u0561\u0564\u056b\u056c\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0561\u056a\u0564\u0565\u0580\u0570\u0561\u0576\u0575\u0561\u0576", + "\u057b\u0561\u0576\u0583\u0578\u056c\u0561\u0564\u0575\u0561\u0576", + "\u0561\u0564\u0561\u0574\u0575\u0561\u0576", + "\u0561\u0564\u0565\u0575\u0561\u0576", + "\u0561\u0576\u0561\u0576\u0575\u0561\u0576", + "\u0561\u057e\u0561\u0563\u0575\u0561\u0576", + "\u057c\u0578\u0582\u057d\u057f\u0561\u0574\u0575\u0561\u0576\u0581", + "\u057d\u0578\u0582\u0584\u056b\u0561\u057d\u0575\u0561\u0576", + "\u0561\u0566\u056b\u0566\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0570\u0578\u057e\u057d\u0565\u0583\u0575\u0561\u0576", + "\u0581\u0578\u056c\u0561\u056f\u0575\u0561\u0576", + "\u056d\u0561\u0576\u0566\u0561\u0564\u0575\u0561\u0576", + "\u056f\u0578\u0577\u056f\u0561\u056f\u0561\u0580\u0575\u0561\u0576", + "\u057f\u0578\u0576\u0578\u0575\u0561\u0576", + "\u0577\u0561\u0570\u056b\u0576\u0575\u0561\u0576", + "\u0563\u0561\u0562\u0580\u056b\u0565\u056c\u0575\u0561\u0576", + "\u0561\u0563\u0578\u0582\u057b\u0575\u0561\u0576", + "\u0565\u057d\u0561\u0575\u0561\u0576", + "\u0561\u0562\u0561\u0566\u0575\u0561\u0576", + "\u0574\u056b\u056f\u0578\u0575\u0561\u0576", + "\u0562\u0561\u056f\u0578\u0582\u0576\u0581", + "\u0561\u0562\u0564\u0561\u056c\u0575\u0561\u0576", + "\u0566\u0578\u0582\u057c\u0576\u0561\u0579\u0575\u0561\u0576", + "\u0561\u0564\u0580\u0578\u0582\u0576\u056b", + "\u057e\u0561\u0580\u0564\u0561\u057a\u0565\u057f\u0575\u0561\u0576", + "\u0561\u0562\u0565\u0572\u0575\u0561\u0576", + "\u0581\u0561\u056d\u056f\u056c\u0578\u0580\u0575\u0561\u0576", + "\u0574\u0565\u056c\u056b\u0584_\u0561\u057d\u056c\u0561\u0576\u0575\u0561\u0576", + "\u056f\u0578\u057d\u057f\u0561\u0576\u0575\u0561\u0576", + "\u0584\u0565\u0577\u056b\u0577\u0575\u0561\u0576", + "\u0579\u0565\u057a\u0579\u0575\u0561\u0576", + "\u0561\u0569\u0561\u056c\u0575\u0561\u0576\u0581", + "\u057e\u0561\u0576\u0565\u0581\u0575\u0561\u0576", + "\u056f\u0561\u056c\u0564\u0580\u056b\u056f\u0575\u0561\u0576", + "\u056a\u0561\u0574\u0561\u0563\u0578\u0580\u056e\u0575\u0561\u0576", + "\u056b\u0577\u057f\u0578\u0575\u0561\u0576", + "\u0574\u0578\u0582\u0577\u056f\u0561\u0574\u0562\u0561\u0580\u0575\u0561\u0576", + "\u0574\u056b\u0580\u0566\u0578\u0575\u0561\u0576\u0581", + "\u0561\u0572\u0561\u057d\u0575\u0561\u0576", + "\u057a\u0578\u0566\u0561\u057a\u0561\u056c\u0575\u0561\u0576", + "\u056c\u0565\u0574\u0565\u0576\u0581\u0575\u0561\u0576", + "\u0583\u0561\u0577\u0561\u0575\u0561\u0576", + "\u0562\u0561\u0564\u0565\u0575\u0561\u0576", + "\u0561\u0564\u056b\u0562\u0565\u056f_\u0574\u0565\u056c\u056b\u0584\u0575\u0561\u0576", + "\u0575\u0578\u0563\u0578\u0582\u0580\u0569\u0579\u0575\u0561\u0576", + "\u0573\u0561\u0576\u0573\u0561\u057a\u0561\u0576\u0575\u0561\u0576", + "\u0562\u0561\u0580\u057d\u0565\u0572\u0575\u0561\u0576", + "\u056d\u0561\u0579\u0561\u057f\u0580\u0575\u0561\u0576\u0581", + "\u057d\u056b\u0574\u0578\u0576\u0575\u0561\u0576", + "\u057e\u0561\u0576\u0575\u0561\u0576", + "\u056f\u0561\u0580\u0561\u0574\u0561\u0576\u0578\u0582\u056f\u0575\u0561\u0576", + "\u0564\u0578\u057e\u056c\u0561\u0569\u0575\u0561\u0576", + "\u0561\u056c\u0561\u0562\u0565\u056f\u0575\u0561\u0576", + "\u056f\u0561\u0562\u0561\u057d\u056f\u0561\u056c\u0575\u0561\u0576", + "\u0561\u0563\u0580\u0561\u057a\u0575\u0561\u0576", + "\u0566\u0561\u0566\u0575\u0561\u0576", + "\u0561\u0563\u0580\u056b\u057a\u0561\u057d\u0575\u0561\u0576", + "\u0579\u0565\u0584\u056b\u057b\u0575\u0561\u0576", + "\u0562\u0565\u056f\u0575\u0561\u0576", + "\u056d\u0561\u0576\u0562\u0561\u0562\u0575\u0561\u0576", + "\u0575\u0561\u0563\u0578\u0582\u0562\u0575\u0561\u0576", + "\u0584\u0561\u056c\u0561\u0577\u0575\u0561\u0576", + "\u0561\u0566\u0580\u0575\u0561\u0576", + "\u0561\u0566\u0561\u0580\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0564\u0578\u056d\u0578\u0575\u0561\u0576\u0581", + "\u0572\u0561\u0575\u0586\u0565\u0573\u0575\u0561\u0576", + "\u0561\u057d\u0561\u057f\u0580\u0575\u0561\u0576", + "\u056c\u056b\u057a\u0561\u0580\u056b\u057f\u0575\u0561\u0576", + "\u0565\u0580\u056b\u0562\u0565\u056f\u0575\u0561\u0576", + "\u056f\u0561\u0580\u0561\u057a\u0565\u057f\u0575\u0561\u0576", + "\u0561\u0566\u056b\u0566\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0561\u0566\u0564\u0561\u0580\u0575\u0561\u0576", + "\u056f\u0561\u0575\u0586\u0565\u057b\u0575\u0561\u0576", + "\u0567\u0576\u0586\u056b\u0561\u057b\u0575\u0561\u0576", + "\u0574\u0561\u0576\u0578\u0582\u056f\u0575\u0561\u0576", + "\u0574\u0565\u0570\u0580\u0561\u0562\u0575\u0561\u0576", + "\u0578\u0582\u056c\u0578\u0582\u0562\u0561\u0562\u0575\u0561\u0576", + "\u0562\u0565\u057b\u0561\u0576\u0575\u0561\u0576", + "\u056f\u0580\u057a\u0565\u0575\u0561\u0576", + "\u0563\u0561\u057d\u057a\u0561\u0580\u0578\u057e", + "\u0561\u0569\u0579\u0575\u0561\u0576", + "\u0561\u0564\u056b\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0573\u0578\u0582\u0572\u0578\u0582\u0580\u0575\u0561\u0576", + "\u0561\u0562\u0561\u0572\u0575\u0561\u0576", + "\u0569\u0587\u0578\u057d\u0575\u0561\u0576", + "\u056b\u0577\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0561\u0580\u056e\u0580\u0578\u0582\u0576\u056b", + "\u0561\u0564\u0565\u056c\u0575\u0561\u0576", + "\u0574\u056d\u056b\u0569\u0561\u0580\u0575\u0561\u0576", + "\u0581\u0580\u057f\u0561\u057f\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0580\u0565\u0577\u0575\u0561\u0576", + "\u057d\u0561\u056c\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0561\u056c\u0561\u0563\u0575\u0578\u0566\u0575\u0561\u0576", + "\u0569\u0561\u0569\u0578\u0582\u0576\u0581", + "\u056e\u0578\u0580\u0574\u0578\u057f\u0575\u0561\u0576", + "\u056f\u0561\u0577\u0565\u0563\u0578\u0580\u056e\u0575\u0561\u0576", + "\u056f\u0578\u0582\u0575\u0578\u0582\u0574\u057b\u0561\u0576\u0575\u0561\u0576", + "\u0562\u0565\u056f\u0566\u0561\u0564\u0575\u0561\u0576", + "\u057d\u0578\u056c\u0561\u056d\u0575\u0561\u0576", + "\u0585\u0580\u0562\u0565\u056c\u0575\u0561\u0576", + "\u057a\u0561\u0580\u0578\u0576\u056b\u056f\u0575\u0561\u0576", + "\u056b\u057d\u056f\u0561\u0576\u0564\u0561\u0580\u0575\u0561\u0576", + "\u0563\u0566\u056b\u0580\u0575\u0561\u0576", + "\u0566\u0561\u0564\u0578\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0574\u0561\u0576\u0575\u0561\u0576", + "\u0572\u0561\u0583\u056c\u0561\u0576\u0575\u0561\u0576", + "\u0572\u0578\u056c\u0569\u0561\u0572\u0579\u0575\u0561\u0576", + "\u0570\u0561\u0575\u0580\u056b\u056f\u0575\u0561\u0576", + "\u0561\u0576\u0564\u0580\u0565\u0561\u057d\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0577\u0575\u0561\u0576", + "\u0572\u0561\u0566\u0561\u056d\u0565\u0569\u0575\u0561\u0576", + "\u0584\u0578\u0582\u0577\u0584\u0575\u0561\u0576", + "\u0566\u0578\u0582\u0580\u0561\u0562\u0575\u0561\u0576", + "\u056d\u0561\u056c\u0561\u0586\u0575\u0561\u0576", + "\u0574\u0578\u057e\u057d\u056b\u057d\u0575\u0561\u0576", + "\u0563\u056b\u056c\u0578\u0575\u0561\u0576", + "\u057a\u0561\u056c\u0575\u0561\u0576", + "\u0561\u0562\u0578\u0582\u057b\u0561\u0576\u0575\u0561\u0576", + "\u0561\u056c\u0561\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0583\u0561\u0580\u057d\u0561\u0564\u0561\u0576\u0575\u0561\u0576", + "\u0565\u0563\u0561\u0576\u0575\u0561\u0576", + "\u0572\u0561\u0566\u0561\u0576\u0579\u0575\u0561\u0576", + "\u0561\u0564\u056b\u0574\u0566\u0561\u056c\u0575\u0561\u0576", + "\u056e\u0561\u0572\u056b\u056f\u0575\u0561\u0576", + "\u0569\u0561\u0580\u0561\u0584\u0561\u057b\u0575\u0561\u0576", + "\u0563\u0561\u0562\u0578\u0582\u0566\u0575\u0561\u0576", + "\u057b\u0565\u0580\u0565\u057b\u0575\u0561\u0576", + "\u057e\u0580\u0561\u0581\u0575\u0561\u0576", + "\u0561\u0564\u0578\u0575\u0561\u0576", + "\u0577\u0561\u0584\u0561\u0580\u0575\u0561\u0576", + "\u057d\u0561\u0569\u0575\u0561\u0576", + "\u0578\u0582\u057d\u057f\u0561\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0566\u0561\u0584\u0575\u0561\u0576", + "\u0565\u0572\u056b\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0561\u057c\u0561\u0584\u0565\u056c\u0575\u0561\u0576", + "\u056d\u0578\u0564\u056b\u056f\u0575\u0561\u0576", + "\u0561\u0563\u0578\u0582\u056c\u0575\u0561\u0576", + "\u0585\u0564\u0575\u0561\u0576", + "\u0567\u057d\u056f\u056b\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0563\u0561\u056c\u0586\u0561\u0575\u0561\u0576", + "\u0565\u0576\u0563\u0578\u0575\u0561\u0576", + "\u0583\u0561\u0580\u0561\u0584\u0565\u057d\u056b\u056f\u0575\u0561\u0576", + "\u0566\u0561\u0576\u0561\u0566\u0561\u0576\u0575\u0561\u0576", + "\u0573\u056b\u057e\u0561\u057d\u0566\u0575\u0561\u0576", + "\u057b\u0561\u0576\u0578\u0582\u0576\u0581", + "\u0566\u0565\u056c\u057e\u0565\u0575\u0561\u0576", + "\u0561\u0569\u0561\u057d\u0575\u0561\u0576", + "\u0561\u0562\u0565\u056c\u0561\u0576\u0581", + "\u0561\u057e\u0578\u0575\u0561\u0576", + "\u0583\u0561\u0570\u056c\u0587\u0561\u0576\u0575\u0561\u0576", + "\u056d\u0576\u056f\u0578\u0575\u0561\u0576", + "\u056d\u0561\u0566\u0561\u0562\u0561\u0577\u0575\u0561\u0576", + "\u0563\u0576\u0578\u0582\u0576\u056b", + "\u056c\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0562\u0565\u056c\u0575\u0561\u0576", + "\u056f\u0561\u056c\u057a\u0561\u056f\u0579\u0575\u0561\u0576", + "\u0566\u0561\u057e\u0580\u056b\u0575\u0561\u0576", + "\u0570\u0561\u057b\u056b\u0576\u0575\u0561\u0576", + "\u0561\u0562\u0578\u0582\u057d\u0565\u0586\u0575\u0561\u0576", + "\u0562\u0578\u0582\u057c\u0576\u0561\u0566\u0575\u0561\u0576", + "\u0561\u0566\u0561\u057f\u0575\u0561\u0576", + "\u0575\u0578\u0582\u0569\u0575\u0578\u0582\u0573\u0575\u0561\u0576", + "\u0570\u0561\u056c\u0561\u0562\u0575\u0561\u0576", + "\u0563\u0587\u0578\u0580\u0563\u0575\u0561\u0576", + "\u0576\u0561\u0566\u0561\u0580\u0575\u0561\u0576", + "\u0568\u0580\u0572\u0561\u0569\u0562\u0561\u0577\u0575\u0561\u0576", + "\u057d\u0561\u0580\u056d\u0578\u0575\u0561\u0576", + "\u0570\u0578\u057e\u0570\u0561\u0576\u0576\u056b\u057d\u0575\u0561\u0576", + "\u0570\u0561\u057f\u056b\u056f\u0575\u0561\u0576", + "\u056d\u0561\u056c\u056b\u056f\u0575\u0561\u0576", + "\u0585\u0570\u0561\u0576\u0575\u0561\u0576", + "\u0562\u0565\u056f\u0566\u0561\u0564\u0578\u057e", + "\u0578\u0582\u0569\u0574\u0561\u0566\u0575\u0561\u0576", + "\u057a\u0578\u0572\u0578\u057d\u0575\u0561\u0576", + "\u0570\u0578\u057e\u057d\u0565\u0583\u0578\u057e", + "\u0561\u0566\u056b\u056f\u0575\u0561\u0576", + "\u0578\u057d\u056f\u0565\u0580\u0579\u0575\u0561\u0576", + "\u0572\u0561\u0566\u0561\u0580\u0578\u057e", + "\u056f\u0561\u0564\u0561\u0580\u057b\u0575\u0561\u0576", + "\u056f\u0565\u057f\u056b\u056f\u0575\u0561\u0576", + "\u0561\u0574\u056b\u0580\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0577\u0578\u0582\u0584\u0578\u0582\u0580\u0575\u0561\u0576", + "\u056f\u0561\u0574\u057d\u0561\u0580\u0575\u0561\u0576", + "\u0561\u0566\u0575\u0561\u0576", + "\u0569\u0561\u0574\u0561\u0566\u0575\u0561\u0576", + "\u0564\u0578\u056c\u0578\u0582\u056d\u0561\u0576\u0578\u057e", + "\u0584\u0575\u0578\u057d\u0561\u0575\u0561\u0576", + "\u057c\u0561\u057d\u056b\u0574\u0578\u057d\u0575\u0561\u0576", + "\u0561\u0569\u0561\u0574\u0575\u0561\u0576", + "\u0564\u0565\u0574\u0578\u0582\u0580\u0575\u0561\u0576", + "\u0579\u056b\u056c\u056b\u0576\u0563\u0561\u0580\u0575\u0561\u0576", + "\u0567\u056c\u0579\u056b\u0562\u0565\u056f\u0575\u0561\u0576", + "\u0561\u0564\u0578\u0582\u056c\u0575\u0561\u0576", + "\u0571\u056b\u0569\u0578\u0572\u0581\u0575\u0561\u0576", + "\u057e\u0561\u0580\u0564\u0565\u0580\u0565\u057d\u0575\u0561\u0576", + "\u0561\u0564\u0561\u0569\u0578\u0582\u0580\u0575\u0561\u0576", + "\u0586\u0580\u0561\u0576\u0563\u0578\u0582\u056c\u0575\u0561\u0576", + "\u057e\u0561\u0566\u056b\u0563\u0565\u0572\u0581\u0575\u0561\u0576", + "\u0584\u0580\u0574\u0578\u0575\u0561\u0576", + "\u0583\u056b\u056c\u056b\u0583\u0578\u057d\u0575\u0561\u0576", + "\u0564\u0561\u0564\u0561\u056c\u0575\u0561\u0576", + "\u0561\u0566\u0580\u0578\u0575\u0561\u0576", + "\u0569\u0578\u057e\u0578\u0582\u056c\u057b\u0575\u0561\u0576", + "\u0564\u0561\u0580\u0579\u056b\u0576\u0575\u0561\u0576", + "\u056e\u057a\u0576\u0565\u0581\u0575\u0561\u0576", + "\u056f\u0578\u0576\u0564\u0561\u056d\u0579\u0575\u0561\u0576", + "\u057c\u0578\u0582\u057d\u057f\u0561\u0574\u0575\u0561\u0576", + "\u0561\u0563\u056b\u056c\u0575\u0561\u0576", + "\u0561\u0562\u0561\u057d\u0575\u0561\u0576", + "\u0561\u0566\u056b\u0566\u0575\u0561\u0576", + "\u0561\u0574\u056b\u0580\u056d\u0561\u0576\u0575\u0561\u0576", + "\u0586\u0561\u0570\u0580\u0561\u0564\u0575\u0561\u0576", + "\u057c\u0578\u057d\u057f\u0578\u0574\u0575\u0561\u0576", + "\u0571\u056b\u056c\u0586\u0578\u0582\u0572\u0561\u0580\u0575\u0561\u0576", + "\u056c\u0561\u056c\u0561\u0575\u0561\u0576\u0581", + "\u0566\u0578\u0570\u0580\u0561\u0562\u0575\u0561\u0576", + "\u057d\u0561\u0576\u0569\u0580\u0578\u057d\u0575\u0561\u0576", + "\u0561\u0576\u057f\u0578\u0576\u0575\u0561\u0576", + "\u0583\u0561\u0580\u0561\u057b\u0561\u0576\u0575\u0561\u0576", + "\u057c\u0578\u0582\u0562\u056b\u0576\u0575\u0561\u0576", + "\u0565\u0576\u0578\u0584\u0575\u0561\u0576", + "\u0564\u0561\u056c\u056c\u0561\u0584\u0575\u0561\u0576", + "\u0561\u0566\u056b\u0580\u0575\u0561\u0576", + "\u057e\u0561\u0580\u0578\u057d\u0575\u0561\u0576", + "\u0561\u0574\u0561\u0580\u0575\u0561\u0576", + "\u0562\u0561\u0572\u0564\u0561\u057d\u0561\u0580\u0575\u0561\u0576", + "\u0574\u056b\u057d\u0561\u056f\u0575\u0561\u0576" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0574\u0561\u0575\u0580\u0561\u057a\u0565\u057f": "\u0561\u0562\u0562\u0561", + "\u0561\u0562\u0562\u0561\u0575\u0578\u0582\u0570\u056b": "\u057e\u0561\u0576\u0561\u0570\u0561\u0575\u0580", + "\u0564\u0565\u0580\u0561\u057d\u0561\u0576\u0578\u0582\u0570\u056b": "\u0564\u0565\u0580\u0561\u057d\u0561\u0576", + "\u0562\u0561\u0580\u0578\u0576\u0578\u0582\u0570\u056b": "\u0562\u0561\u0580\u0578\u0576", + "\u0564\u0584\u057d\u0578\u0582\u0570\u056b": "\u0564\u0578\u0582\u0584\u057d", + "\u056f\u0561\u0575\u057d\u0580\u0578\u0582\u0570\u056b": "\u056f\u0561\u0575\u057d\u0580", + "\u056b\u0563\u0561\u056f\u0561\u0576": "\u0561\u0580\u0561\u056f\u0561\u0576", + "\u0561\u0572\u057b\u056b\u056f": "\u0563\u057e\u056b\u0564\u0578\u0576", + "\u0569\u0578\u057c\u0576\u0578\u0582\u0570\u056b": "\u0569\u0578\u057c", + "\u0570\u0565\u0580\u0578\u057d\u0578\u0582\u0570\u056b": "\u0570\u0565\u0580\u0578\u057d", + "\u057f\u0561\u0576\u057f\u056b\u0580\u0578\u0582\u0570\u056b": "\u057f\u0561\u0576\u057f\u0565\u0580", + "\u057f\u0561\u0576\u057f\u056b\u056f\u056b\u0576": "\u057f\u0565\u0580", + "\u056f\u0561\u056c\u0578\u0582\u0561\u056e\u0561\u057f\u0567\u0580\u0578\u0582\u0570\u056b": "\u057f\u0561\u0576\u057f\u0565\u0580", + "\u0574\u0561\u0574\u0561": "\u0570\u0561\u0575\u0580", + "\u0574\u0561\u0575\u0580": "\u057a\u0561\u057a\u0561", + "\u057f\u056f\u0576": "\u057a_\u0576", + "\u057f_\u0576": "\u057a_\u0576", + "\u0584\u0580\u0574\u0578\u0582\u0570\u056b": "\u0584\u0561\u0570\u0561\u0576\u0561", + "\u0561\u0580\u0584\u0561\u0575\u0561\u0564\u0578\u0582\u057d\u057f\u0580": "\u056b\u0577\u056d\u0561\u0576", + "\u0569\u0561\u0563\u0578\u0582\u0570\u056b": "\u0569\u0561\u0563\u0561\u0582\u0578\u0580", + "\u0584\u0578\u0582\u0575\u0580": "\u0565\u0572\u0562\u0561\u0575\u0580", + "\u056f\u0561\u056d\u0561\u0580\u0564\u0578\u0582\u0570\u056b": "\u056f\u0561\u056d\u0561\u0580\u0564", + "\u056d\u0578\u0580\u0569_\u0561\u0572\u057b\u056b\u056f": "\u056d\u0578\u0580\u0569_\u0578\u0580\u0564\u056b", + "\u056d\u0578\u0580\u0569_\u0564\u0578\u0582\u057d\u057f\u0580": "\u056d\u0578\u0580\u0569_\u057f\u0572\u0561", + "\u0574\u0578\u0580\u0578\u0582": "\u0570\u0578\u0580\u0578\u0582", + "\u056d\u0578\u0580\u0569_\u0574\u0561\u0575\u0580": "\u056d\u0578\u0580\u0569_\u0570\u0561\u0575\u0580", + "\u0574\u0561\u057f\u0578\u0582\u0581\u0578\u0572\u0578\u0582\u0570\u056b": "\u0574\u0561\u057f\u0578\u0582\u0581\u0578\u0572", + "\u056f\u056b\u0576": "\u057f\u0572\u0561\u0574\u0561\u0580\u0564", + "\u057f\u0572\u0561": "\u0561\u0572\u057b\u056b\u056f" + }, + "other_gender_swap": { + "\u0576\u0580\u0561\u0576\u0581": "\u0576\u0580\u0561", + "\u0576\u0580\u0561\u0576\u0584": "\u0576\u0561", + "\u0576\u0561": "\u0576\u0580\u0561\u0576\u0584", + "\u0576\u0580\u0561\u0576": "\u0576\u0580\u0561\u0576\u0581", + "\u056b\u0580\u0565\u0576": "\u0576\u0580\u0561\u0576\u0581", + "\u0576\u0580\u0561": "\u0576\u0580\u0561\u0576\u0581" + }, + "en_pronoun2gender": { + "they": [ + "\u0565\u0580\u056f\u057d\u0565\u057c\u0561\u056f\u0561\u0576" + ], + "he": [ + "\u057f\u0572\u0561", + "\u057f\u0572\u0561\u0574\u0561\u0580\u0564", + "\u0563\u056b", + "\u0561\u0580\u0561\u056f\u0561\u0576", + "\u057b\u0565\u0576\u057f\u056c\u0574\u0565\u0576", + "\u0563\u057e\u056b\u0564\u0578\u0576", + "\u0561\u0580\u0578\u0582" + ], + "she": [ + "\u056f\u056b\u0576", + "\u0563\u0565\u0572\u0565\u0581\u056b\u056f_\u057d\u0565\u057c", + "miss_a", + "\u056b\u0563\u0561\u056f\u0561\u0576", + "\u0585\u0580\u056b\u0578\u0580\u0564", + "\u0561\u0572\u057b\u056b\u056f", + "\u057f\u0561\u0576\u057f\u056b\u056f\u056b\u0576" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0576\u0580\u0561", + "\u0576\u0580\u0561\u0576", + "\u056b\u0580\u0565\u0576", + "\u0576\u0561" + ], + "she": [ + "\u0576\u0580\u0561", + "\u0576\u0561" + ], + "they": [ + "\u0576\u0580\u0561\u0576\u0584", + "\u0576\u0580\u0561\u0576\u0581" + ], + "it": [ + "\u0564\u0561", + "\u0561\u0575\u057d", + "\u0578\u0580", + "\u057f\u057f", + "\u057d\u0580\u0561\u0576\u0584" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ia.json b/data_tooling/pii_processing/ontology/data/ia.json new file mode 100644 index 0000000..47629b7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ia.json @@ -0,0 +1,319 @@ +{ + "JOB": [ + "collector", + "planator", + "compositor", + "pretor", + "episcopo", + "pharmaceutico", + "romancero", + "fermero", + "inseniator", + "interne", + "jocator", + "the_guardian", + "marechal", + "internista", + "parlator", + "burgomaestro", + "chairman" + ], + "PLANT": [ + "tremulo", + "ceresia", + "urtica", + "salice" + ], + "DISEASE": [ + "arthritis", + "rabies", + "maladia", + "parvo", + "appendicitis", + "chi", + "pollinosis", + "sternutar", + "mi", + "tan", + "dengue", + "le", + "malaria" + ], + "PUBLIC_FIGURE": [ + "che_guevara", + "c", + "winston_churchill", + "le_parve_lord", + "isaac_newton", + "victor_hugo", + "aristarcho", + "maximiano", + "richard_wagner", + "marie_curie", + "michael_jackson", + "el_greco", + "galileo_galilei", + "jane_goodall", + "edmund_hillary", + "vincent_van_gogh", + "josef_stalin", + "robert_burns", + "karl_barth", + "marco_aurelio", + "jesus", + "giuseppe_verdi", + "e", + "henri_matisse", + "don_quixote_de_la_mancha", + "sarah_bernhardt", + "dante_alighieri", + "sperar", + "giacomo_puccini", + "oscar_wilde", + "henry", + "sperantia", + "a", + "charles_baudelaire", + "immanuel_kant", + "weber", + "max_planck", + "william_blake", + "edward_jenner", + "niels_bohr", + "michael_faraday", + "walt_disney", + "benny_goodman", + "moses", + "indira_gandhi", + "alfred_nobel", + "marco_polo", + "m", + "allen_ginsberg", + "guillaume_apollinaire", + "hans_christian_andersen", + "pablo_picasso", + "o", + "karl_marx", + "friedrich_nietzsche", + "nikola_tesla", + "le_corbusier", + "jean_piaget", + "adolf_hitler", + "joseph_haydn", + "garfield", + "paul_revere", + "edvard_grieg", + "1", + "hertz", + "louis_armstrong", + "st_louis_missouri", + "johann_gutenberg", + "thomas_malthus", + "william_faulkner", + "christophoro_columbo", + "peter_paul_rubens", + "mahatma_gandhi", + "jules_verne", + "charlie_chaplin", + "ronald_reagan", + "homo", + "wilhelm_reich", + "william_wordsworth", + "ernest_hemingway", + "aquila", + "nelson_mandela", + "roald_amundsen", + "charles_dickens", + "jacques_offenbach", + "sancte_martin", + "francisco_franco", + "vladimir_lenin", + "albert_einstein", + "wilhelm_ostwald" + ], + "RELIGION_MEMBER": [ + "christiano" + ], + "PRODUCT": [ + "justin_bieber", + "astrostation", + "derectos_human", + "spirito_sancte", + "saxonia_anhalt", + "patrenostre", + "le_senior_del_anellos" + ], + "RELIGION": [ + "zen", + "presbyterianismo", + "manicheismo", + "islam", + "methodismo", + "calvinismo", + "wicca" + ], + "ORG": [ + "wicca", + "nasa", + "a_basso", + "schutzstaffel", + "san_francisco", + "un", + "partito_nazi", + "assemblea_national_del_republica_azerbaijan", + "taoismo", + "statos_unite", + "laco_superior", + "assumption_de_maria", + "io_vos_adora", + "los_angeles", + "io_te_adora", + "mi", + "schola", + "judices" + ], + "RACE": [ + "latino", + "latin", + "chinese" + ], + "DATE": [ + "medievo", + "era_commun" + ], + "LOCATION": [ + "mar_del_nord", + "mar_nigre", + "christophoro_columbo", + "sri_lanka" + ], + "GENDER": [ + "puera", + "senioretta", + "transgenere", + "mascule" + ], + "ANIMAL": [ + "lynce", + "mammal", + "scuriolo", + "millepedes", + "myriapodo", + "catto", + "grypho", + "arthropodo", + "donald_duck", + "catta", + "alsi" + ], + "PERSON": [ + "est_sud_est", + "autocontrolo", + "herbert_george_wells" + ], + "FAC": [ + "imperio_ottoman", + "ecclesia_catholic" + ], + "LANGUAGE": [ + "russa", + "arabic", + "catalano", + "german", + "chinese", + "esperanto", + "hungare", + "polac", + "portugese", + "ido", + "quechua", + "tonga" + ], + "FOOD": [ + "farina", + "gelato", + "chile", + "jentaculo", + "omelette", + "prandio" + ], + "QUANTITY": [ + "dollar", + "anders_celsius" + ], + "PERSON_PRONOUN": [ + "me_ipse", + "me" + ], + "TITLE": [ + "seniora" + ], + "GPE": [ + "nove_testamento", + "san_pietro_apostolo", + "vinh_long" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbatessa": "abba", + "sposa": "sponso", + "femina": "esser_human", + "feminin": "mascule", + "granfilia": "nepote", + "soror": "german", + "monacha": "monacho", + "sponsa": "sposo", + "uxor": "sposo", + "garson": "puera", + "puero": "puera" + }, + "other_gender_swap": { + "ille": "illes" + }, + "en_pronoun2gender": { + "they": [ + "homosexual", + "bisexual", + "transgenere" + ], + "he": [ + "mascule", + "homine", + "esser_human", + "puero", + "garson" + ], + "she": [ + "puera", + "senioretta", + "femina", + "feminin" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "ille" + ], + "they": [ + "illas", + "illos", + "illes" + ], + "it": [ + "essa", + "isto", + "illo" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/id.json b/data_tooling/pii_processing/ontology/data/id.json new file mode 100644 index 0000000..c2e400b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/id.json @@ -0,0 +1,1714 @@ +{ + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+, \\D+|\\D+ \\D+, \\D+|\\D+ \\D+ \\D+, \\D+|\\D+ \\D+ \\D+, \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "maida", + "dinda", + "rini", + "gabriella", + "ratih", + "anastasia", + "hasna", + "elma", + "belinda", + "elvina", + "mila", + "icha", + "febi", + "qori", + "lili", + "janet", + "cornelia", + "gilda", + "vicky", + "endah", + "vanesa", + "salwa", + "zaenab", + "ifa", + "sadina", + "salimah", + "bella", + "zizi", + "olivia", + "halima", + "salsabila", + "melinda", + "mutia", + "vivi", + "aisyah", + "ilsa", + "oliva", + "pia", + "maria", + "jelita", + "sabrina", + "zahra", + "intan", + "wani", + "ophelia", + "cinthia", + "jamalia", + "juli", + "genta", + "nilam", + "oni", + "zamira", + "jasmin", + "gina", + "winda", + "diana", + "wulan", + "elisa", + "kiandra", + "wirda", + "widya", + "sari", + "latika", + "chelsea", + "victoria", + "faizah", + "septi", + "paulin", + "eva", + "rachel", + "lidya", + "yessi", + "aurora", + "ira", + "yani", + "cinta", + "anita", + "queen", + "kayla", + "nabila", + "carla", + "ika", + "ulya", + "rahayu", + "uli", + "raina", + "padma", + "tira", + "fathonah", + "rahmi", + "puput", + "siska", + "zulaikha", + "dian", + "hamima", + "unjani", + "amalia", + "agnes", + "shania", + "ina", + "kamaria", + "novi", + "padmi", + "ella", + "restu", + "putri", + "zulfa", + "tari", + "humaira", + "lalita", + "indah", + "hafshah", + "ida", + "shakila", + "titi", + "zelda", + "dewi", + "samiah", + "fitria", + "amelia", + "sakura", + "silvia", + "lintang", + "jessica", + "safina", + "maya", + "ana", + "ratna", + "tania", + "kezia", + "hesti", + "michelle", + "julia", + "sarah", + "ade", + "titin", + "malika", + "siti", + "hilda", + "umi", + "mala", + "yance", + "gawati", + "jane", + "laras", + "syahrini", + "alika", + "betania", + "hana", + "paris", + "violet", + "ciaobella", + "devi", + "kartika", + "natalia", + "ulva", + "dina", + "puji", + "cici", + "eli", + "tantri", + "puti", + "usyi", + "rina", + "keisha", + "talia", + "laila", + "dalima", + "lala", + "irma", + "najwa", + "ajeng", + "gasti", + "cindy", + "nadine", + "almira", + "yulia", + "yunita", + "fitriani", + "yuliana", + "yuni", + "vera", + "paramita", + "maimunah", + "tina", + "rika", + "iriana", + "raisa", + "vanya", + "suci", + "zalindra", + "ghaliyati", + "karen", + "eka", + "hani", + "uchita", + "kania", + "tiara", + "patricia", + "kasiyah", + "karimah", + "zelaya", + "nadia", + "citra", + "kani", + "tami", + "diah", + "calista", + "ami", + "nurul", + "ellis", + "nova", + "ani", + "puspa", + "ayu", + "farah", + "clara", + "kamila", + "farhunnisa", + "azalea" + ], + "FIRST_NAME_MALE": [ + "hari", + "kanda", + "kamidin", + "karman", + "makuta", + "marwata", + "bagya", + "wira", + "bakda", + "indra", + "luis", + "halim", + "kenari", + "dasa", + "cakrajiya", + "balamantri", + "wisnu", + "balangga", + "cakrawangsa", + "bala", + "abyasa", + "caturangga", + "catur", + "nasim", + "balapati", + "nyoman", + "darmana", + "vega", + "dimas", + "martani", + "hairyanto", + "marsudi", + "pardi", + "jamal", + "niyaga", + "dwi", + "luluh", + "hasta", + "jayadi", + "karsa", + "jaeman", + "waluyo", + "sidiq", + "garan", + "lantar", + "emas", + "ismail", + "cahyono", + "karta", + "jarwadi", + "nyana", + "uda", + "lanang", + "dimaz", + "umar", + "eko", + "kurnia", + "warta", + "imam", + "cahyadi", + "makara", + "gangsa", + "darman", + "soleh", + "kasiran", + "maryadi", + "bakijan", + "aswani", + "gatot", + "cengkir", + "rizki", + "ibrahim", + "damar", + "jaya", + "cawuk", + "harto", + "agus", + "gaduh", + "tedi", + "cager", + "bambang", + "tasdik", + "cawisono", + "mariadi", + "daru", + "kambali", + "jatmiko", + "mulyanto", + "arsipatra", + "dacin", + "estiawan", + "pranawa", + "aris", + "langgeng", + "artawan", + "simon", + "harsana", + "saka", + "hasan", + "najib", + "rudi", + "jaswadi", + "carub", + "enteng", + "luwar", + "hartana", + "bakidin", + "asman", + "ajiono", + "ibun", + "cemani", + "caraka", + "caket", + "galur", + "kayun", + "unggul", + "warsa", + "purwadi", + "bakiman", + "daruna", + "wage", + "eman", + "yoga", + "endra", + "vino", + "teddy", + "bakti", + "ajiman", + "ikhsan", + "gandi", + "jaga", + "gangsar", + "mursinin", + "drajat", + "heryanto", + "opan", + "banara", + "olga", + "baktiadi", + "jasmani", + "pangestu", + "luhung", + "mulya", + "jindra", + "mustofa", + "kariman", + "upik", + "joko", + "dalimin", + "cemeti", + "rama", + "prabu", + "galak", + "bahuwirya", + "daniswara", + "lega", + "tri", + "kamal", + "ghani", + "emong", + "wardaya", + "raditya", + "kuncara", + "gamblang", + "prayoga", + "limar", + "atmaja", + "gara", + "asmadi", + "edi", + "emin", + "prakosa", + "dariati", + "cakrabirawa", + "mahesa", + "irnanto", + "rahmat", + "karja", + "jaka", + "lurhur", + "viman", + "prayitna", + "bakianto", + "mahfud", + "hardana", + "nardi", + "liman", + "saadat", + "ridwan", + "hardi", + "budi", + "prabowo", + "bagiya", + "ikin", + "luwes", + "jati", + "lembah", + "edison", + "jarwi", + "pangeran", + "pandu", + "nalar", + "banawa", + "among", + "cecep", + "johan", + "ade", + "cakrawala", + "taswir", + "utama", + "darsirah", + "taufan", + "maman", + "rusman", + "jinawi", + "viktor", + "reksa", + "rangga", + "dartono", + "wadi", + "galih", + "cawisadi", + "lanjar", + "koko", + "harjaya", + "kadir", + "rahman", + "virman", + "cakrabuana", + "galiono", + "anggabaya", + "maras", + "dirja", + "usman", + "parman", + "kemba", + "lasmanto", + "setya", + "ajimin", + "umay", + "omar", + "harjasa", + "sabri", + "ganep", + "karna", + "kenes", + "digdaya", + "maryanto", + "asmianto", + "teguh", + "ihsan", + "irsad", + "nugraha", + "purwanto", + "mahmud", + "salman", + "nasrullah", + "anom", + "kasusra", + "hartaka", + "alambana", + "wakiman", + "ganda", + "warsita", + "gilang", + "yono", + "prabawa", + "vinsen", + "sakti", + "slamet", + "galang", + "balijan", + "ian", + "bahuwarna", + "wawan", + "purwa", + "mustika", + "bancar", + "darmanto", + "bakiono", + "tugiman", + "wahyu", + "reza", + "karma", + "rosman", + "tomi", + "surya", + "malik", + "emil", + "mulyono", + "gamanto", + "cemplunk", + "irwan", + "gaiman", + "ega", + "yusuf", + "martana", + "yahya", + "gatra", + "daryani", + "kala", + "hamzah", + "labuh", + "timbul", + "rendy", + "bahuraksa", + "jail", + "darimin", + "latif", + "kalim", + "opung", + "bagas", + "sabar", + "leo", + "dipa", + "jais", + "xanana", + "rafi", + "gandewa", + "tasnim", + "dono", + "taufik", + "oskar", + "estiono", + "naradi", + "lulut", + "wardi", + "cahya", + "luthfi", + "gambira", + "banawi", + "tirtayasa", + "mumpuni", + "kawaya", + "atma", + "jaiman", + "ibrani", + "kenzie", + "baktianto", + "kasim", + "najam", + "asirwada", + "ganjaran", + "marsito", + "garang", + "nrima", + "praba", + "karya", + "warji", + "gada", + "gading", + "adika", + "ivan", + "erik", + "damu", + "eka", + "jarwa", + "margana", + "jagapati", + "lukman", + "gantar", + "galar", + "saiful", + "harimurti", + "harjo", + "cengkal", + "prima", + "kawaca", + "jumadi", + "danang", + "prasetyo", + "umaya", + "muni", + "capa", + "aslijan", + "heru", + "danuja", + "daliono", + "hadi", + "bakiadi", + "paiman", + "jono", + "argono", + "eja", + "harja", + "jagaraga", + "kusuma", + "elon", + "cayadi", + "raihan", + "okta", + "kairav", + "asmuni", + "gadang", + "kemal", + "dadap", + "nasab", + "narji", + "darmaji", + "radika", + "galuh", + "darijan", + "elvin", + "eluh", + "jayeng", + "perkasa", + "adiarja", + "lasmono", + "oman", + "samsul", + "kacung", + "mursita", + "radit", + "adinata", + "hendri", + "laksana", + "kardi", + "respati", + "jumari", + "candra", + "adikara", + "martaka", + "candrakanta", + "gaman", + "mahdi", + "okto", + "artanto", + "mujur", + "pranata", + "putu", + "panca", + "jamil", + "dodo", + "harsaya", + "daliman", + "jefri", + "cagak", + "manah", + "prasetya", + "baktiono", + "balidin", + "hendra", + "hasim", + "jabal", + "edward", + "lutfan", + "bajragin", + "satya", + "wasis", + "embuh", + "chandra", + "ajimat", + "danu", + "aditya", + "irfan", + "muhammad", + "ilyas", + "ozy", + "vero", + "dadi", + "kunthara", + "yosef", + "karsana", + "raden", + "cahyanto", + "raharja", + "garda", + "akarsana", + "gamani", + "prayogo", + "rafid", + "cahyo", + "himawan", + "laswi", + "murti", + "tirta", + "asirwanda", + "empluk", + "adhiarja", + "panji", + "lukita", + "mitra", + "bagus", + "dagel", + "lamar", + "kajen", + "legawa", + "arta", + "harsanto" + ], + "LAST_NAMES_FEMALE": [ + "Agustina", + "Laksita", + "Maryati", + "Nurdiyanti", + "Riyanti", + "Wulandari", + "Fujiati", + "Susanti", + "Astuti", + "Namaga", + "Mardhiyah", + "Melani", + "Wastuti", + "Winarsih", + "Novitasari", + "Mandasari", + "Pratiwi", + "Nasyidah", + "Utami", + "Padmasari", + "Nuraini", + "Aryani", + "Mayasari", + "Hasanah", + "Puspita", + "Mulyani", + "Permata", + "Prastuti", + "Sudiati", + "Kusmawati", + "Yuniar", + "Puspasari", + "Hassanah", + "Laksmiwati", + "Palastri", + "Handayani", + "Haryanti", + "Usada", + "Oktaviani", + "Usamah", + "Suartini", + "Hartati", + "Pudjiastuti", + "Anggraini", + "Rahmawati", + "Hastuti", + "Wahyuni", + "Andriani", + "Zulaika", + "Purwanti", + "Rahimah", + "Yulianti", + "Yolanda", + "Farida", + "Safitri", + "Uyainah", + "Halimah", + "Yuliarti", + "Purnawati", + "Lestari", + "Nasyiah", + "Suryatmi", + "Hariyah", + "Pertiwi", + "Lailasari", + "Widiastuti", + "Rahayu", + "Kuswandari", + "Wijayanti" + ], + "PREFIX_FEMALE": [ + "drg", + "r", + "hj", + "tgk", + "dr", + "r.a", + "ir", + "drs", + "puti", + "cut" + ], + "PREFIX_MALE": [ + "t", + "drg", + "h", + "kh", + "r", + "r.m", + "sutan", + "tgk", + "dr", + "ir", + "drs", + "dt" + ], + "FIRST_NAME": [ + "hari", + "kanda", + "kamidin", + "karman", + "makuta", + "marwata", + "mila", + "bagya", + "wira", + "janet", + "bakda", + "indra", + "luis", + "halim", + "kenari", + "dasa", + "cornelia", + "cakrajiya", + "balamantri", + "zaenab", + "wisnu", + "balangga", + "salimah", + "cakrawangsa", + "bala", + "abyasa", + "caturangga", + "catur", + "nasim", + "balapati", + "nyoman", + "vivi", + "mutia", + "ilsa", + "darmana", + "vega", + "dimas", + "oliva", + "maria", + "martani", + "hairyanto", + "marsudi", + "wani", + "pardi", + "jamal", + "niyaga", + "jamalia", + "nilam", + "dwi", + "luluh", + "hasta", + "jayadi", + "winda", + "karsa", + "jaeman", + "kiandra", + "waluyo", + "widya", + "sidiq", + "garan", + "lantar", + "emas", + "eva", + "ismail", + "aurora", + "cahyono", + "karta", + "jarwadi", + "nyana", + "uda", + "kayla", + "lanang", + "dimaz", + "ulya", + "rahayu", + "uli", + "umar", + "eko", + "kurnia", + "warta", + "imam", + "fathonah", + "cahyadi", + "makara", + "gangsa", + "darman", + "soleh", + "kasiran", + "maryadi", + "shania", + "bakijan", + "aswani", + "zulfa", + "gatot", + "cengkir", + "rizki", + "ibrahim", + "tari", + "damar", + "hafshah", + "shakila", + "jaya", + "cawuk", + "harto", + "agus", + "gaduh", + "tedi", + "ana", + "cager", + "bambang", + "michelle", + "julia", + "tasdik", + "cawisono", + "mariadi", + "daru", + "mala", + "gawati", + "kambali", + "jatmiko", + "syahrini", + "mulyanto", + "arsipatra", + "dacin", + "estiawan", + "pranawa", + "devi", + "violet", + "aris", + "langgeng", + "artawan", + "simon", + "puji", + "harsana", + "saka", + "usyi", + "hasan", + "najib", + "rudi", + "jaswadi", + "irma", + "carub", + "enteng", + "luwar", + "hartana", + "bakidin", + "asman", + "ajiono", + "ibun", + "cemani", + "yulia", + "caraka", + "caket", + "vanya", + "galur", + "kayun", + "unggul", + "warsa", + "purwadi", + "patricia", + "bakiman", + "daruna", + "wage", + "tami", + "eman", + "yoga", + "endra", + "vino", + "teddy", + "bakti", + "ajiman", + "farah", + "ikhsan", + "gandi", + "jaga", + "azalea", + "gangsar", + "mursinin", + "drajat", + "rini", + "ratih", + "anastasia", + "belinda", + "heryanto", + "icha", + "febi", + "lili", + "opan", + "qori", + "banara", + "olga", + "baktiadi", + "jasmani", + "pangestu", + "luhung", + "mulya", + "vanesa", + "jindra", + "salwa", + "mustofa", + "ifa", + "kariman", + "upik", + "joko", + "dalimin", + "cemeti", + "rama", + "prabu", + "galak", + "bahuwirya", + "daniswara", + "lega", + "tri", + "kamal", + "ghani", + "emong", + "wardaya", + "raditya", + "genta", + "oni", + "kuncara", + "gamblang", + "prayoga", + "limar", + "wulan", + "elisa", + "atmaja", + "gara", + "asmadi", + "edi", + "emin", + "prakosa", + "chelsea", + "dariati", + "victoria", + "cakrabirawa", + "septi", + "mahesa", + "irnanto", + "paulin", + "rahmat", + "karja", + "rachel", + "jaka", + "lurhur", + "viman", + "prayitna", + "yani", + "bakianto", + "mahfud", + "hardana", + "nardi", + "nabila", + "liman", + "raina", + "saadat", + "padma", + "tira", + "ridwan", + "hardi", + "rahmi", + "puput", + "budi", + "prabowo", + "siska", + "dian", + "unjani", + "bagiya", + "amalia", + "ikin", + "luwes", + "jati", + "padmi", + "ella", + "restu", + "lembah", + "putri", + "edison", + "jarwi", + "pangeran", + "pandu", + "nalar", + "lalita", + "banawa", + "among", + "tania", + "cecep", + "johan", + "kezia", + "ade", + "titin", + "siti", + "cakrawala", + "taswir", + "utama", + "darsirah", + "taufan", + "laras", + "maman", + "alika", + "rusman", + "jinawi", + "viktor", + "dina", + "tantri", + "reksa", + "rangga", + "dartono", + "wadi", + "galih", + "cawisadi", + "lanjar", + "koko", + "dalima", + "harjaya", + "kadir", + "lala", + "rahman", + "virman", + "najwa", + "cakrabuana", + "galiono", + "anggabaya", + "almira", + "maras", + "yuni", + "vera", + "dirja", + "maimunah", + "usman", + "parman", + "suci", + "kemba", + "lasmanto", + "setya", + "ajimin", + "umay", + "uchita", + "omar", + "harjasa", + "kasiyah", + "karimah", + "zelaya", + "nadia", + "sabri", + "diah", + "calista", + "ami", + "ganep", + "nurul", + "ellis", + "ani", + "karna", + "kamila", + "kenes", + "maida", + "dinda", + "digdaya", + "gabriella", + "maryanto", + "hasna", + "asmianto", + "elvina", + "teguh", + "ihsan", + "irsad", + "nugraha", + "purwanto", + "mahmud", + "endah", + "gilda", + "vicky", + "salman", + "nasrullah", + "anom", + "sadina", + "bella", + "zizi", + "olivia", + "salsabila", + "kasusra", + "hartaka", + "alambana", + "wakiman", + "ganda", + "warsita", + "sabrina", + "gilang", + "yono", + "prabawa", + "vinsen", + "sakti", + "ophelia", + "juli", + "slamet", + "zamira", + "jasmin", + "galang", + "balijan", + "gina", + "ian", + "bahuwarna", + "wirda", + "wawan", + "purwa", + "mustika", + "bancar", + "lidya", + "darmanto", + "bakiono", + "ira", + "tugiman", + "wahyu", + "reza", + "karma", + "rosman", + "tomi", + "surya", + "queen", + "malik", + "emil", + "carla", + "ika", + "mulyono", + "gamanto", + "cemplunk", + "irwan", + "gaiman", + "ega", + "yusuf", + "martana", + "yahya", + "gatra", + "daryani", + "kala", + "hamzah", + "labuh", + "timbul", + "rendy", + "hamima", + "bahuraksa", + "jail", + "darimin", + "latif", + "ina", + "kamaria", + "kalim", + "opung", + "bagas", + "sabar", + "leo", + "zelda", + "dipa", + "kajen", + "jais", + "xanana", + "rafi", + "amelia", + "sakura", + "silvia", + "lintang", + "samiah", + "gandewa", + "tasnim", + "safina", + "dono", + "maya", + "taufik", + "hesti", + "sarah", + "malika", + "oskar", + "estiono", + "naradi", + "lulut", + "wardi", + "cahya", + "luthfi", + "gambira", + "betania", + "banawi", + "tirtayasa", + "mumpuni", + "natalia", + "ciaobella", + "kartika", + "ulva", + "kawaya", + "cici", + "atma", + "rina", + "keisha", + "talia", + "jaiman", + "ibrani", + "kenzie", + "gasti", + "baktianto", + "kasim", + "najam", + "nadine", + "asirwada", + "ganjaran", + "marsito", + "garang", + "fitriani", + "nrima", + "praba", + "karya", + "warji", + "paramita", + "gada", + "tina", + "gading", + "adika", + "ivan", + "erik", + "zalindra", + "damu", + "eka", + "jarwa", + "margana", + "hani", + "lukman", + "kania", + "tiara", + "jagapati", + "legawa", + "gantar", + "kani", + "galar", + "saiful", + "harimurti", + "nova", + "harjo", + "ayu", + "puspa", + "cengkal", + "prima", + "kawaca", + "jumadi", + "danang", + "prasetyo", + "elma", + "umaya", + "muni", + "capa", + "aslijan", + "heru", + "danuja", + "daliono", + "hadi", + "bakiadi", + "paiman", + "jono", + "argono", + "eja", + "harja", + "jagaraga", + "kusuma", + "elon", + "halima", + "cayadi", + "melinda", + "raihan", + "aisyah", + "okta", + "kairav", + "pia", + "jelita", + "zahra", + "gadang", + "kemal", + "intan", + "dadap", + "cinthia", + "nasab", + "narji", + "darmaji", + "radika", + "galuh", + "diana", + "darijan", + "sari", + "elvin", + "latika", + "eluh", + "faizah", + "jayeng", + "perkasa", + "adiarja", + "yessi", + "lasmono", + "oman", + "cinta", + "samsul", + "kacung", + "anita", + "mursita", + "radit", + "adinata", + "hendri", + "laksana", + "kardi", + "respati", + "jumari", + "candra", + "adikara", + "martaka", + "candrakanta", + "zulaikha", + "gaman", + "mahdi", + "okto", + "artanto", + "agnes", + "mujur", + "pranata", + "novi", + "putu", + "panca", + "jamil", + "dodo", + "harsaya", + "daliman", + "humaira", + "indah", + "titi", + "ida", + "jefri", + "cagak", + "manah", + "prasetya", + "dewi", + "fitria", + "baktiono", + "jessica", + "ratna", + "balidin", + "hendra", + "hasim", + "jabal", + "edward", + "lutfan", + "hilda", + "bajragin", + "umi", + "yance", + "satya", + "wasis", + "jane", + "embuh", + "chandra", + "ajimat", + "hana", + "paris", + "danu", + "aditya", + "irfan", + "eli", + "puti", + "muhammad", + "ilyas", + "laila", + "ozy", + "vero", + "dadi", + "kunthara", + "ajeng", + "yosef", + "cindy", + "karsana", + "raden", + "cahyanto", + "raharja", + "garda", + "yunita", + "akarsana", + "yuliana", + "gamani", + "rika", + "iriana", + "raisa", + "rafid", + "prayogo", + "cahyo", + "himawan", + "ghaliyati", + "laswi", + "karen", + "murti", + "tirta", + "asirwanda", + "empluk", + "adhiarja", + "citra", + "panji", + "lukita", + "mitra", + "bagus", + "dagel", + "clara", + "lamar", + "farhunnisa", + "asmuni", + "arta", + "harsanto" + ], + "LAST_NAME": [ + "waskita", + "prasetyo", + "permata", + "hassanah", + "wibisono", + "wijaya", + "maheswara", + "zulkarnain", + "purwanti", + "tampubolon", + "sudiati", + "mandasari", + "suwarno", + "suartini", + "puspita", + "natsir", + "latupono", + "kuswoyo", + "yuliarti", + "uwais", + "tamba", + "usamah", + "halim", + "wahyuni", + "prakasa", + "pangestu", + "pudjiastuti", + "salahudin", + "mustofa", + "lailasari", + "megantara", + "sinaga", + "wulandari", + "adriansyah", + "sitorus", + "pratiwi", + "firgantoro", + "halimah", + "mangunsong", + "setiawan", + "winarsih", + "purnawati", + "permadi", + "kurniawan", + "nashiruddin", + "pranowo", + "prayoga", + "simanjuntak", + "kusmawati", + "andriani", + "palastri", + "nuraini", + "haryanti", + "waluyo", + "sihombing", + "uyainah", + "kusumo", + "astuti", + "yulianti", + "mulyani", + "pradana", + "rajata", + "zulaika", + "anggraini", + "wijayanti", + "utami", + "irawan", + "sihotang", + "melani", + "nainggolan", + "simbolon", + "rahayu", + "aryani", + "prastuti", + "usada", + "budiyanto", + "dongoran", + "mahendra", + "saragih", + "prabowo", + "pratama", + "nasyiah", + "wasita", + "suryono", + "saefullah", + "maulana", + "saptono", + "damanik", + "wacana", + "laksita", + "marbun", + "situmorang", + "riyanti", + "maryadi", + "laksmiwati", + "hariyah", + "narpati", + "wibowo", + "yolanda", + "mayasari", + "jailani", + "lazuardi", + "wahyudin", + "mardhiyah", + "prasetya", + "napitupulu", + "ramadan", + "hidayat", + "nasyidah", + "widiastuti", + "farida", + "sitompul", + "safitri", + "haryanto", + "firmansyah", + "utama", + "nurdiyanti", + "hastuti", + "pradipta", + "mansur", + "agustina", + "wastuti", + "suryatmi", + "susanti", + "kuswandari", + "sirait", + "rajasa", + "prasasta", + "padmasari", + "hidayanto", + "marpaung", + "thamrin", + "hakim", + "oktaviani", + "nababan", + "yuniar", + "putra", + "nugroho", + "mandala", + "lestari", + "manullang", + "iswahyudi", + "ardianto", + "santoso", + "budiman", + "anggriawan", + "hutapea", + "gunarto", + "widodo", + "winarno", + "januar", + "maryati", + "novitasari", + "siregar", + "saputra", + "fujiati", + "tarihoran", + "hartati", + "hardiansyah", + "rahimah", + "habibi", + "rahmawati", + "samosir", + "najmudin", + "pertiwi", + "namaga", + "hutagalung", + "hasanah", + "hutasoit", + "gunawan", + "handayani", + "puspasari", + "dabukke" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ie.json b/data_tooling/pii_processing/ontology/data/ie.json new file mode 100644 index 0000000..3e89de0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ie.json @@ -0,0 +1,67 @@ +{ + "SOC_ECO_CLASS": [ + "societ\u00e1", + "fraternit\u00e1" + ], + "ANIMAL": [ + "pirrul" + ], + "PLANT": [ + "carotte", + "plum", + "salice" + ], + "LANGUAGE": [ + "interlingue", + "german", + "chinese" + ], + "JOB": [ + "don", + "chofero" + ], + "PUBLIC_FIGURE": [ + "e", + "esperantie", + "putin" + ], + "ORG": [ + "un" + ], + "RACE": [ + "chinese" + ], + "LOCATION": [ + "sri_lanka" + ], + "FAC": [ + "poc_a_poc" + ], + "FOOD": [ + "ros\u00e9" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "reyessa": "rey", + "sestra": "german" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "they": [ + "ellas", + "illos" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/io.json b/data_tooling/pii_processing/ontology/data/io.json new file mode 100644 index 0000000..214242a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/io.json @@ -0,0 +1,916 @@ +{ + "DISEASE": [ + "doloro", + "giboza", + "agaco", + "handikapo", + "beriberio", + "tusar", + "kastano", + "cikatro", + "araneofobio", + "hungro", + "kuperoso", + "suko", + "hungrar", + "kiragro", + "dozo", + "furunklo", + "krupo", + "stigmato", + "skorbuto", + "inversigo", + "hernio", + "sunofrapo", + "katalepsio", + "kapdoloro", + "mareo", + "dementeso", + "poliomielito", + "para", + "ekimoso", + "rozeolo", + "gravida", + "dursto", + "gangreno", + "loncho", + "manio", + "rakito", + "kastanea", + "rabio", + "maladeso", + "perturbo", + "pelagro", + "alexia", + "ranio", + "stotero", + "anestezio", + "smart", + "domajo", + "ed", + "katarakto", + "strumo", + "kakexio", + "plevrito", + "stroko", + "purpura", + "impulsiva", + "gravideso", + "dolorar", + "kancero", + "sternutar", + "strabeso", + "mi", + "kapodoloro", + "bruneskar", + "singulto", + "malario", + "pasiono", + "likeno", + "le", + "torporo", + "traumato", + "oreliono" + ], + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "jean_genet", + "giovanni_boccaccio", + "kabloveturo", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "augustin_fresnel", + "maria_callas", + "willard_quine", + "henrik_ibsen", + "dentofeo", + "mary_shelley", + "marcello_malpighi", + "david_livingstone", + "eduard_buchner", + "andrzej_wajda", + "douglas_macarthur", + "e_cetera", + "winston_churchill", + "johannes_diderik_van_der_waals", + "andrei_saharov", + "karl_landsteiner", + "ivan_pavlov", + "dmitri_shostakovich", + "paul_mccartney", + "stephen_king", + "francis_crick", + "joseph_greenberg", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "milton_friedman", + "john_glenn", + "george_harrison", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "williams", + "marie_curie", + "francis_galton", + "michael_jackson", + "thomas_hobbes", + "samuel_beckett", + "galileo_galilei", + "chaim_weizmann", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "petrus", + "edmund_hillary", + "vincent_van_gogh", + "hans_albrecht_bethe", + "komenius", + "thomas_paine", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "yuri_gagarin", + "willem_einthoven", + "marie_antoinette", + "giuseppe_verdi", + "e", + "karl_jaspers", + "hideki_yukawa", + "konrad_adenauer", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "mahalia_jackson", + "gertrude_stein", + "sarah_bernhardt", + "luigi_pirandello", + "t_s_eliot", + "charles_de_gaulle", + "paul_von_hindenburg", + "charles_lindbergh", + "vincenzo_bellini", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "james_tobin", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "paul_verlaine", + "james_dean", + "alessandro_manzoni", + "nicolas_poussin", + "andrea_mantegna", + "oscar_wilde", + "j_d_salinger", + "richard_trevithick", + "don_quijote", + "laurence_olivier", + "christiaan_eijkman", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "bachelero", + "joseph_heller", + "a", + "james_brown", + "charles_baudelaire", + "david_ricardo", + "charlie_parker", + "immanuel_kant", + "james_franck", + "konstantin_stanislawski", + "charles_de_montesquieu", + "albert_schweitzer", + "giulio_natta", + "titus", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "preavo", + "william_blake", + "julio_iglesias", + "john_bardeen", + "sarah_vaughan", + "william_byrd", + "sarah_siddons", + "canberra", + "elias_canetti", + "edward_jenner", + "dominique_ingres", + "oliver_hardy", + "cole_porter", + "graham_greene", + "lars_onsager", + "margaret_mitchell", + "santa_petrus", + "igor_stravinsky", + "william_herschel", + "niels_bohr", + "sergei_rachmaninoff", + "bertrand_russell", + "michael_faraday", + "anthony_burgess", + "jan_tinbergen", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "gabriel_lippmann", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "phil_collins", + "robert_redford", + "jean_giraudoux", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "paul_hindemith", + "elizabeth_taylor", + "william_golding", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "frank_whittle", + "alfred_nobel", + "marco_polo", + "caravaggio", + "allen_ginsberg", + "daniel_bernoulli", + "guillaume_apollinaire", + "henri_bergson", + "boris_karloff", + "pierre_corneille", + "patrick_white", + "hans_christian_andersen", + "cary_grant", + "friedrich_hegel", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "natalie_wood", + "kurt_weill", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "robert_robinson", + "o", + "saint_louis_missouri", + "adam_smith", + "william_james", + "u", + "karl_marx", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "nikola_tesla", + "charles_barkley", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "henry_james", + "ingrid_bergman", + "leonard_bloomfield", + "jean_piaget", + "henri_rousseau", + "h_g_wells", + "walt_whitman", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "joseph_haydn", + "george_boole", + "edvard_grieg", + "hrushchev", + "1", + "cordell_hull", + "rosa_parks", + "ernest_walton", + "vladimir_putin", + "giuseppe_mazzini", + "arnold_sch\u00f6nberg", + "fritz_kreisler", + "arthur_schopenhauer", + "james_cagney", + "martin_heidegger", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "giuseppe_garibaldi", + "philip_warren_anderson", + "bobby_fischer", + "johannes_gutenberg", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "hans_adolf_krebs", + "anna_kournikova", + "francis_poulenc", + "su_ocidar", + "putin", + "jean_de_la_fontaine", + "robert_hooke", + "karl_popper", + "george_sand", + "peter_sellers", + "charles_fourier", + "julius_cezaro", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "apuso", + "jackson_pollock", + "john_lennon", + "charlie_chaplin", + "d_h_lawrence", + "boris_spasski", + "antonio_stradivari", + "miles_davis", + "george_marshall", + "stanley_kubrick", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "homo", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "woodrow_wilson", + "marcus_antonius", + "b\u00e9la_lugosi", + "ernest_hemingway", + "arthur_miller", + "cristoforo_colombo", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "cesare_borgia", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "jacques_offenbach", + "federico_fellini", + "bessie_smith", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "bernardo_bertolucci", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "vladimir_lenin", + "robert_peary", + "jonathan_swift", + "albert_einstein", + "muelisto", + "raymond_chandler", + "henry_purcell", + "wilhelm_ostwald" + ], + "PLANT": [ + "manioko", + "badiano", + "tremulo", + "florkaulo", + "guindiero", + "kaprifolio", + "konvolvulo", + "cibolo", + "frangulo", + "karoto", + "magnolio", + "margrito", + "guindo", + "sikomoro", + "mustardo", + "kolareto", + "salikario", + "kaulo", + "pichpino", + "sequoyo", + "larico", + "fazeolo", + "beladono", + "panseo", + "pinealo", + "patato", + "quecho", + "rezedo", + "papavero", + "helianto", + "kokosiero", + "ampelopso", + "kasisiero", + "solano", + "serpolo", + "kardamomo", + "antirino", + "ergoto", + "arumo", + "lentisko", + "heleboro_verda", + "merizo", + "oxalo", + "ligustro", + "bergamoto", + "edelweiss", + "artisto", + "dateliero", + "pastoroburso", + "olivo", + "klematido", + "pinastro", + "meliso", + "kapuchino", + "urtiko", + "karubiero", + "quechiero", + "sandalo" + ], + "JOB": [ + "husaro", + "depozario", + "muelisto", + "lanciero", + "hidrologo", + "quartermastro", + "lietnanto", + "kapristo", + "kolonelo", + "endetalvendisto", + "skabino", + "herboristo", + "barelisto", + "dietizanto", + "gardenisto", + "gerontologo", + "episkopo", + "seruristo", + "premiochasisto", + "romanisto", + "seneshalo", + "enciklopediisto", + "forejo", + "premiochasero", + "kamilisto", + "laboristo", + "komodoro", + "ciencisto", + "para", + "lavistino", + "autoro", + "preceptoro", + "familiara", + "stroko", + "furiero", + "stewardulo", + "almonero", + "autoracho", + "gardenistulo", + "spicovendisto", + "vaskulala_cerebrala_stroko", + "ginekologo", + "spicisto", + "almonisto", + "episkopino", + "episkopulo", + "stewardino", + "manuo", + "ushero", + "motoristo", + "linealo", + "rabino", + "pikerino", + "masonisto", + "parolanto", + "bankisto", + "jeristo", + "skudiero", + "konduktoro", + "hematologo", + "kemiisto", + "pretoro", + "tirkesto", + "muzik_instrumento", + "maristo", + "aktisto", + "kolektero", + "korsaronavo", + "regento", + "endetalisto", + "menajisto", + "urbestro", + "gardenistino", + "sub", + "dragono", + "gardisto", + "pikerulo", + "springar" + ], + "PRODUCT": [ + "sovietia", + "kobayo", + "homala_yuri", + "analitiko", + "saxonia_anhalt", + "mario_andretti", + "triumf_arko" + ], + "ANIMAL": [ + "moskardino", + "ciprino", + "makio", + "katino", + "cervulo", + "martro", + "kardelo", + "skurelo", + "leonyuno", + "chasohundo", + "kantarido", + "palumbo", + "lemingo", + "holoturio", + "horniso", + "marsuino", + "kondoro", + "sparviero", + "tetraso", + "abelino", + "pigino", + "askarido", + "karabo", + "huo", + "martin_peskero", + "molao", + "korniko", + "daimo", + "alko", + "aselo", + "ekino", + "kashaloto", + "pleuronekto", + "vulturo", + "galinelo", + "kastoro", + "bifacia", + "mar_lutro", + "leonyunulo", + "para_hufajo", + "antuso", + "redpektoro", + "gilemoto", + "barsho", + "hueto", + "kobayo", + "apro", + "falkono", + "basoto", + "dubar", + "fureto", + "artropodo", + "spanieleto", + "kapreolo", + "leonyunino", + "kanabino" + ], + "BIO_CHEM_ENTITY": [ + "silico" + ], + "ORG": [ + "me_nomesas", + "germaniana_imperio", + "the_who", + "koncilo", + "san_francisco", + "un", + "dolor_matro", + "cientologio", + "armeo", + "enceluligar", + "medicinala_skolo", + "la_dormanta_belino", + "taliono", + "kolegio", + "don_juan", + "red_armeo", + "guvernerio", + "archo", + "taoismo", + "sindikato", + "the_breakfast_club", + "san_tome", + "rabindranath_tagore", + "sant_helena", + "kabo_verda", + "flegado", + "al_jazira", + "reda_maro", + "nordrheno_vestfalia", + "est_germania", + "addis_ababa", + "framasonaro", + "tempope", + "questionopunto", + "generala_stati", + "matro_doloroza", + "ed_altri", + "los_angeles", + "nato", + "dementeskar", + "me_amas_tu", + "mi", + "skolo", + "de_tempo_a_tempo", + "linguaro", + "ciencologio", + "posto_kontoro", + "batado" + ], + "LOCATION": [ + "nacional_asemblo", + "me_dankas", + "staceskar", + "la_dormanta_belino", + "piet_mondrian", + "laktovoyo", + "al_jazira", + "joseph_louis_gay_lussac", + "falklandi", + "atlantiko", + "usa", + "kabverdo", + "sri_lanka", + "tranchar", + "the_rolling_stones", + "aer_armeo", + "centrala_banko", + "heitor_villa_lobos", + "ne_dankinde" + ], + "FAC": [ + "katolik_eklezio", + "balnobaseno", + "arnold_sch\u00f6nberg", + "policeyo", + "petrus_1ma_di_rusia", + "pazope", + "titus_livius", + "santa_lucia", + "katolik_eklesio" + ], + "FOOD": [ + "sauco", + "kechupo", + "dejuno", + "aperitivo", + "tizano", + "entreo", + "repasteto", + "limonado", + "dejuneto", + "chili", + "chile", + "entremeso", + "kerio", + "piklokukombreto" + ], + "SOC_ECO_CLASS": [ + "kremo", + "samurai", + "nobeleso", + "agrokultivo", + "laboristaro", + "frateso", + "kasto" + ], + "LANGUAGE": [ + "finlandana", + "franciana", + "bielorusiala", + "nederlandana", + "espo", + "sango", + "esperanto", + "angliana", + "ido", + "germaniano", + "tonga" + ], + "PERSON": [ + "al_gore", + "h_g_wells", + "igor_sikorsky", + "carl_david_anderson" + ], + "QUANTITY": [ + "la_tri_robotala_legi", + "kalorio", + "dollar", + "lageto", + "libera", + "dolaro", + "anders_celsius" + ], + "PERSON_PRONOUN": [ + "i", + "ni_ipsa", + "he", + "we", + "me", + "tu_ipsa", + "me_ipsa" + ], + "GENDER": [ + "ekzemeskar", + "transgenra", + "men", + "yunino", + "muliero", + "plako", + "transgenreso", + "homeosexuala" + ], + "LAW": [ + "legalesoprincipo" + ], + "DATE": [ + "paskosundio", + "la_dio_pos_morge" + ], + "POLITICAL_PARTY_MEMBER": [ + "kamarado" + ], + "RELIGION_MEMBER": [ + "fratulo", + "franciskano", + "katolika" + ], + "RACE": [ + "insulanulo", + "franciano", + "afrikana", + "insulano", + "insulanino", + "negro" + ], + "RELIGION": [ + "presbiterismo", + "manikeismo", + "lamaismo" + ], + "GPE": [ + "di_mezo_pirenei", + "hagia_sofia", + "reda_kruco", + "nova_testamento", + "al_andalus", + "champania_ardeni", + "blanka_domo" + ], + "POLITICAL_PARTY": [ + "partiso" + ], + "UNION": [ + "sindikato" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abadino": "abado", + "barono": "baronulo", + "baronino": "baronulo", + "ucelyuno": "plako", + "puerino": "kerlo", + "yunino": "kerlo", + "yuna": "kerlo", + "heroino": "heroo", + "damo": "kastelestro", + "patrino": "patro", + "nun": "monako", + "princino": "regulus", + "rejino": "vua", + "elu": "he", + "fratino": "fratulo", + "damzelo": "celibulo", + "stif_filiino": "stif_filiulo", + "tabloservistino": "garsono", + "vidvino": "vidvulo", + "balo": "vidvulo", + "frue": "spozulo", + "spozino": "spozulo", + "yuno": "yunino", + "yunulo": "yunino", + "yaro": "yuna", + "puero": "yuna", + "puerulo": "puerino", + "infantulo": "yuna" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "transgenra", + "homeosexuala", + "bisexuala", + "transgenreso" + ], + "he": [ + "yuno", + "puerulo", + "plako", + "yaro", + "yunulo", + "kerlo", + "puero", + "ekzemeskar", + "infantulo" + ], + "she": [ + "yunino", + "damzelo", + "yuna", + "feto", + "puerino", + "homino", + "damo", + "muliero" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "elu", + "ilu", + "he", + "lia", + "seine", + "ilua" + ], + "she": [ + "elua", + "elu" + ], + "they": [ + "lia" + ], + "it": [ + "eso", + "olu", + "esas", + "olua", + "tento", + "ico" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/is.json b/data_tooling/pii_processing/ontology/data/is.json new file mode 100644 index 0000000..99a8e15 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/is.json @@ -0,0 +1,1317 @@ +{ + "EVENT": [ + "stangarst\u00f6kk", + "spilakassaleikur", + "persafl\u00f3astr\u00ed\u00f0i\u00f0", + "lands\u00fdn" + ], + "FOOD": [ + "eftirr\u00e9ttur", + "engifer\u00f6l", + "jurtaol\u00eda", + "bl\u00f3\u00f0m\u00f6r", + "ullarbrj\u00f3stsykur", + "linso\u00f0inn", + "hv\u00edtv\u00edn", + "appels\u00ednusafi", + "kart\u00f6flufl\u00f6gur", + "sykurfrau\u00f0", + "rau\u00f0gl\u00f3andi", + "hv\u00edtlauksbrau\u00f0", + "kotas\u00e6la", + "rau\u00f0v\u00edn", + "pinot_noir", + "l\u00e9ttmj\u00f3lk", + "kand\u00eds", + "\u00f3l\u00edfuol\u00eda", + "kranavatn", + "undanrenna", + "frey\u00f0iv\u00edn", + "chile", + "morgunmatur", + "heilhveitibrau\u00f0", + "rau\u00f0k\u00e1l", + "morgunver\u00f0ur", + "reyrsykur", + "bakkelsi", + "franskbrau\u00f0", + "augnbaun" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "gregor", + "benjamin_franklin", + "don_k\u00edk\u00f3ti", + "myndasyrpa", + "baldvin", + "giovanni_boccaccio", + "johann_bernoulli", + "che_guevara", + "c", + "kapetingar", + "maria_callas", + "william_walton", + "henrik_ibsen", + "mary_shelley", + "heyrnarleysi", + "david_livingstone", + "carl_rogers", + "mary_wollstonecraft", + "thomas_reid", + "winston_churchill", + "gustav", + "paul_mccartney", + "terry_pratchett", + "stephen_king", + "francis_crick", + "joseph_greenberg", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "edward_gibbon", + "john_glenn", + "salad\u00edn", + "george_harrison", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "marie_curie", + "francis_galton", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "jane_goodall", + "robert_koch", + "i_m_pei", + "m\u00fasarindill", + "joseph_goebbels", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "verndard\u00fdrlingur", + "thomas_paine", + "liliuokalani", + "mary_pickford", + "emiliano_zapata", + "allen_iverson", + "marie_antoinette", + "giuseppe_verdi", + "karl_jaspers", + "s\u00f3tari", + "frank_sinatra", + "andrei_sakarov", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "hugo_grotius", + "john_ford", + "gertrude_stein", + "sarah_bernhardt", + "luigi_pirandello", + "t_s_eliot", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "el\u00edsabet", + "charles_lindbergh", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "margot_fonteyn", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "c_pl\u00fas_pl\u00fas", + "q", + "james_dean", + "marie_tussaud", + "nicolas_poussin", + "joseph_pulitzer", + "oscar_wilde", + "j_d_salinger", + "dav\u00ed\u00f0", + "georg", + "adolf_eichmann", + "valent\u00edna_tereshkova", + "francis_bacon", + "tveir", + "a", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "david_ricardo", + "immanuel_kant", + "saint_martin", + "johannes_kepler", + "max_planck", + "william_blake", + "john_bardeen", + "krist\u00f3fer_k\u00f3lumbus", + "william_byrd", + "canberra", + "elias_canetti", + "edward_jenner", + "graham_greene", + "edward", + "william_herschel", + "montesquieu", + "niels_bohr", + "sergei_rachmaninoff", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "burt", + "o_s_frv", + "walt_disney", + "arth\u00far", + "joseph_schumpeter", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "ian_fleming", + "richard_feynman", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "elizabeth_taylor", + "john_dowland", + "william_golding", + "john_milton", + "samuel_adams", + "gengis_kan", + "indira_gandhi", + "e_t_a_hoffmann", + "alfred_nobel", + "marco_polo", + "caravaggio", + "m", + "allen_ginsberg", + "loftferja", + "daniel_bernoulli", + "guillaume_apollinaire", + "henri_bergson", + "pierre_corneille", + "william_morris", + "cary_grant", + "thomas", + "pieter_zeeman", + "pablo_picasso", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "claudio_monteverdi", + "benjamin_jowett", + "robert_scott", + "adam_smith", + "william_james", + "karl_marx", + "friedrich_nietzsche", + "i", + "robert_indiana", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "charles_barkley", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "john_locke", + "heilagur_georg", + "helen_keller", + "ingrid_bergman", + "j\u00f6rgen", + "bakkal\u00e1rgr\u00e1\u00f0a", + "h_g_wells", + "walt_whitman", + "leopold_kronecker", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "joseph_haydn", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "r\u00f3bert", + "rosa_parks", + "laurence_sterne", + "anne_hathaway", + "g", + "arthur_schopenhauer", + "martin_heidegger", + "h.c_andersen", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "robert_fulton", + "thomas_hardy", + "johann_gutenberg", + "bobby_fischer", + "kalv\u00edn", + "thomas_malthus", + "rau\u00f0hetta", + "william_faulkner", + "amerigo_vespucci", + "hans_adolf_krebs", + "lars", + "emma_goldman", + "james_mill", + "matthew_flinders", + "robert_hooke", + "karl_popper", + "alfred", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "p\u00e9tur_postuli", + "jules_verne", + "herkinn", + "jackson_pollock", + "john_lennon", + "bob_woodward", + "charlie_chaplin", + "hannah_arendt", + "antonio_stradivari", + "maximianus", + "miles_davis", + "\u00e6\u00f0ark\u00f3ngur", + "stanley_kubrick", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "david_hilbert", + "roman_jakobson", + "oliver_cromwell", + "william_wordsworth", + "woodrow_wilson", + "el_cid", + "marcus_antonius", + "st_louis", + "frank", + "ernest_hemingway", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "p\u00e9tur_mikli", + "mohandas_gandhi", + "roald_amundsen", + "fjarst\u00fdring", + "anton", + "charles_dickens", + "ella_fitzgerald", + "wallace_carothers", + "jacques_offenbach", + "varr\u00f3", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "john_ross", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "dawid", + "stal\u00edn", + "sam_houston", + "robert_peary", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "raymond_chandler", + "henry_purcell", + "t" + ], + "ORG": [ + "ida", + "v\u00edsindakirkjan", + "almenningsb\u00f3kasafn", + "umfer\u00f0arteppa", + "wicca", + "sj\u00f3ntaug", + "menntask\u00f3li", + "mannger\u00f0ur", + "jan_mayen", + "birtingsmarka\u00f0ur", + "leyni\u00fej\u00f3nusta", + "r\u00edkisbylting", + "loftvopn", + "landb\u00fana\u00f0ur", + "barnask\u00f3li", + "bangs\u00edmon", + "hlutaf\u00e9lag", + "rau\u00f0i_krossinn", + "san_francisco", + "framhaldssk\u00f3li", + "af_hverju_ekki", + "n\u00e1ttfatapart\u00ed", + "flugher", + "tyggig\u00famm\u00ed", + "fastanefnd", + "verkamannaflokkurinn", + "samf\u00e9lagsmi\u00f0ill", + "heimavistarsk\u00f3li", + "hansasambandi\u00f0", + "albertsvatn", + "nanak", + "vildarr\u00fam", + "\u00edhaldsflokkurinn", + "nor\u00f0vesturlei\u00f0in", + "morgunver\u00f0arkl\u00fabburinn", + "sturlast", + "v\u00edsindask\u00e1ldskapur", + "einkask\u00f3li", + "r\u00f3mversk_ka\u00fe\u00f3lska_kirkjan", + "merv\u00edkingar", + "leikfimisalur", + "r\u00e1\u00f0h\u00fas", + "grunnsk\u00f3li", + "karmelfjall", + "kjarnafj\u00f6lskylda", + "sankti_helena", + "l\u00f6greglur\u00edki", + "nasistaflokkurinn", + "tungum\u00e1la\u00e6tt", + "afr\u00edkusambandi\u00f0", + "gula_flj\u00f3t", + "svarts\u00fdnismarka\u00f0ur", + "gr\u00e6nh\u00f6f\u00f0aeyjar", + "ge\u00f0sj\u00fakrah\u00fas", + "berl\u00ednarm\u00farinn", + "listasafn", + "sankti_l\u00fas\u00eda", + "eineyg\u00f0ur", + "rabindranath_tagore", + "tjingveldi\u00f0", + "r\u00edkisstj\u00f3rn", + "upp_me\u00f0_hendurnar", + "apalhraun", + "tr\u00faarbrag\u00f0afr\u00e6\u00f0i", + "borgr\u00edki", + "menntun", + "englandsbanki", + "steggjapart\u00ed", + "sanngirni", + "kokka", + "einstefnugata", + "hv\u00edta_h\u00fasi\u00f0", + "kyrkja", + "bjarts\u00fdnismarka\u00f0ur", + "gagnfr\u00e6\u00f0ask\u00f3li", + "addis_ababa", + "songveldi\u00f0", + "litar\u00f6\u00f0", + "meginhornal\u00edna", + "a\u00f0alhornal\u00edna", + "mossad", + "ferdinand_magellan", + "heimilisofbeldi", + "hallarbylting", + "\u00e1_\u00fev\u00ed_gu\u00f0s_\u00e1ri", + "eineygur", + "bandar\u00edkja\u00feing", + "hornal\u00ednufylki", + "konungsfj\u00f6lskylda", + "saint_barth\u00e9lemy", + "lake_superior", + "torfa", + "t\u00f3nlistarsk\u00f3li", + "los_angeles", + "spurningarmerki", + "arababandalagi\u00f0", + "j\u00f3rt\u00farle\u00f0ur", + "atlantshafsbandalagi\u00f0", + "vottar_jeh\u00f3va", + "jar\u00f0yrkja", + "se\u00f0labanki", + "jes\u00fa\u00edtareglan", + "ge\u00f0sp\u00edtali", + "r\u00f3marr\u00e9ttur", + "mingveldi\u00f0", + "hergagnai\u00f0na\u00f0urinn", + "rau\u00f0ahaf", + "tangveldi\u00f0", + "dem\u00f3krataflokkurinn", + "as_d\u00far", + "verslunarmi\u00f0st\u00f6\u00f0", + "jafna\u00f0arflokkurinn", + "faldmengi", + "pennsylvan\u00eduh\u00e1sk\u00f3li", + "kauph\u00f6ll", + "tyggj\u00f3", + "dumbungsmarka\u00f0ur", + "almenningssamg\u00f6ngur", + "landher", + "\u00feyrnir\u00f3s", + "akadem\u00eda", + "\u00e1_\u00fev\u00ed_herrans_\u00e1ri", + "strengjakvartett" + ], + "LOCATION": [ + "hv\u00edtfjall", + "mj\u00f3lkursl\u00e6\u00f0a", + "vetrarbrautin", + "deildaverslun", + "gaml\u00e1rskv\u00f6ld", + "bandar\u00edkin", + "flugher", + "elliheimili", + "ermarsundseyjar", + "piet_mondrian", + "sint_maarten", + "gr\u00e6nh\u00f6f\u00f0aeyjar", + "n\u00fdi_heimurinn", + "svartahaf", + "atlantshaf", + "land", + "svarthol", + "gulahaf", + "a\u00f0alstr\u00e6ti", + "bna", + "blindgata", + "tyrrenahaf", + "vetrarbraut", + "mar\u00eduerla", + "michiganvatn", + "t\u00f3nlistarsk\u00f3li", + "loftvopn", + "sri_lanka", + "su\u00f0urey", + "vei\u00f0ihundarnir", + "r\u00f3sagar\u00f0ur", + "orkuver", + "the_rolling_stones", + "p\u00e1skaeyja", + "indusflj\u00f3t", + "ni\u00f0url\u00f6nd", + "kraftverk", + "falklandseyjar", + "hornh\u00f6f\u00f0i", + "ermarsund", + "ve\u00f0urathugunarst\u00f6\u00f0" + ], + "PLANT": [ + "brasil\u00edutr\u00e9", + "holurt", + "musteristr\u00e9", + "baunagras", + "vallarsveifgras", + "fuglakirsuber", + "skinaldin", + "sortulyng", + "dalalilja", + "litunarjafni", + "matbaun", + "vepjulilja", + "giljafl\u00e6kja", + "sveigfura", + "gr\u00e6nserkur", + "vallarr\u00fdgresi", + "nellika", + "sk\u00f3garkerfill", + "vatnsberar", + "brenninetla", + "flipareynir", + "gr\u00e1selja", + "holugeitungur", + "lambagras", + "linditr\u00e9", + "stj\u00f6rnusteinbrj\u00f3tur", + "svart\u00f6sp", + "hinriksnj\u00f3li", + "s\u00edtr\u00f3numelissa", + "haugarfi", + "lindifura", + "ferlaufungur", + "hagahlynur", + "hjartago\u00f0i", + "marh\u00e1lmur", + "m\u00fasareyra", + "t\u00fankempa", + "silfurbla\u00f0", + "hjartafr\u00f3", + "p\u00edpukragi", + "j\u00f3latr\u00e9", + "fergin", + "ullserkur", + "sinnepsk\u00e1l", + "sinnep", + "arfi", + "skollakambur", + "venusargildra", + "degli", + "brennis\u00f3ley", + "holtas\u00f3ley", + "listama\u00f0ur", + "huldulykill", + "broddgreni", + "vorlyng", + "laugadepla", + "kassavar\u00f3t", + "anganma\u00f0ra", + "draums\u00f3ley", + "vetrarbl\u00f3m", + "dulfr\u00e6vingar", + "kart\u00f6flumygla", + "sk\u00f3garfura", + "elri", + "sykurreyr", + "k\u00f3ngssveppur", + "kalmusr\u00f3t", + "vatnsberi", + "mosasteinbrj\u00f3tur", + "tonkabaunir", + "\u00fe\u00fasundbla\u00f0ar\u00f3s", + "geldingahnappur", + "st\u00f3riburkni", + "vorperla", + "gr\u00e1tv\u00ed\u00f0ir", + "\u00e1staraldin", + "hj\u00e1lmgras", + "korndrj\u00f3li", + "vallarfoxgras", + "reifasveppir", + "stafafura", + "svartgreni", + "lyngb\u00fai", + "listakona", + "freyjubr\u00e1", + "frumuveggur", + "bergfl\u00e9tta", + "sk\u00f3gelfting", + "skarfak\u00e1l", + "vallhumall", + "perureynir", + "selja", + "beinvi\u00f0ur", + "kirsuber", + "dvergastigi", + "strandrau\u00f0vi\u00f0ur", + "v\u00f6ludepla", + "k\u00f6rfuv\u00ed\u00f0ir", + "risal\u00edfvi\u00f0ur", + "bjarnarber", + "berserkjasveppur", + "broddfura", + "bl\u00f3\u00f0rifs", + "furur", + "keisaraserkur" + ], + "ANIMAL": [ + "p\u00e9tursfiskur", + "grindhvalir", + "evr\u00f3puv\u00edsundur", + "skalla\u00f6rn", + "skrofa", + "flatl\u00fas", + "cat", + "rau\u00f0h\u00f6f\u00f0a\u00f6nd", + "mar\u00edusvunta", + "brand\u00f6nd", + "kameld\u00fdr", + "turnugla", + "steypirey\u00f0ur", + "krummi", + "kanadag\u00e6s", + "blindrahundur", + "mandar\u00edn\u00f6nd", + "silfurm\u00e1fur", + "gull\u00f6rn", + "fjallageit", + "barrfinka", + "hv\u00edtabj\u00f6rn", + "topp\u00f6nd", + "hettum\u00e1fur", + "keldusv\u00edn", + "minkur", + "grindhvalur", + "krossnefur", + "bjargd\u00fafa", + "haftyr\u00f0ill", + "grassn\u00e1kur", + "dugg\u00f6nd", + "kr\u00f3nhj\u00f6rtur", + "naggr\u00eds", + "stormsvala", + "langrey\u00f0ur", + "froskar", + "makki", + "stiki", + "bakuggi", + "nor\u00f0hvalur", + "sandl\u00e6gja", + "kafendur", + "safali", + "landselur", + "lindableikja", + "hj\u00f6rtur", + "rau\u00f0brystingur", + "afr\u00edkuf\u00edll", + "tunglfiskur", + "flagari", + "stuttnefja", + "skarkoli", + "naggr\u00edsir", + "mar\u00edgull", + "langv\u00eda", + "hv\u00edth\u00e1karl", + "marg\u00e6s", + "gullins\u00e6kir", + "froskur", + "sorgarskikkja", + "hagam\u00fas", + "villisv\u00edn", + "sebrafinka", + "sparrhaukur", + "g\u00e6sagammur", + "geitungur", + "vinnud\u00fdr", + "heimskautarefur", + "hamarh\u00e1karl", + "grindahvalur", + "beinagr\u00e1ni", + "kyrrahafs\u00feorskur", + "graf\u00f6nd", + "br\u00fa\u00f0\u00f6nd", + "klaufd\u00fdr", + "kornsn\u00e1kur", + "safasp\u00e6ta", + "kart\u00f6flubjalla", + "belta\u00feyrill", + "gammur", + "bifur", + "leturhumar", + "spend\u00fdr", + "konungsk\u00f3bra", + "heslim\u00fas", + "starri", + "engirella", + "vorselur", + "villig\u00f6ltur", + "lj\u00f3sh\u00f6f\u00f0a\u00f6nd", + "hausk\u00fapufi\u00f0rildi", + "mistil\u00fer\u00f6stur", + "\u00feistilfinka", + "sela\u00e6tt", + "kamb\u00f6nd", + "gull", + "marsv\u00edn", + "hr\u00fa\u00f0urkarl", + "marab\u00fastorkur", + "skrokklanga", + "kvennab\u00f3si", + "beinh\u00e1karl", + "froska\u00e6tt", + "kampselur", + "h\u00fasam\u00fas", + "sandrey\u00f0ur", + "j\u00f6tunuxar", + "klettafjallageit", + "mosastelkur", + "greifingi", + "l\u00e6kningaigla", + "hjartard\u00fdr", + "fengrani", + "stormm\u00e1fur" + ], + "DISEASE": [ + "mengisb\u00f3lga", + "mergruni", + "kossas\u00f3tt", + "holdsveiki", + "pers\u00f3nuleikar\u00f6skun", + "graftars\u00f3tt", + "reikniblinda", + "ofst\u00f6\u00f0ur", + "sj\u00f3nskekkja", + "heilal\u00f6mun", + "lasinn", + "standp\u00edna", + "varmi", + "ringulrei\u00f0", + "hlaupab\u00f3la", + "nabbi", + "hausverkur", + "flot\u00f6gn", + "flasa", + "malar\u00eda", + "loftst\u00edfla", + "barkak\u00fdliskvef", + "vatnsb\u00f3la", + "h\u00f6fu\u00f0verkur", + "einhverfa", + "staklitnun", + "heilahristingur", + "sl\u00e1ttarst\u00f6\u00f0vun", + "tannvegsb\u00f3lga", + "mj\u00f3lkur\u00f3\u00feol", + "gall", + "koparhr\u00f6rnun", + "tungutal", + "kolbrandur", + "einkirningas\u00f3tt", + "heilaskemmd", + "barnaveiki", + "ms", + "amel\u00eda", + "tannp\u00edna", + "munnangursb\u00f3lga", + "\u00e1str\u00ed\u00f0a", + "sultur", + "pyntingar", + "barkab\u00f3lga", + "berklar", + "draumsvefn", + "tannholdsb\u00f3lga", + "flensa", + "glundro\u00f0i", + "t\u00e1rapokab\u00f3lga", + "svartidau\u00f0i", + "stama", + "kolm\u00f3nox\u00ed\u00f0eitrun", + "vessab\u00f3la", + "bein\u00feynning", + "meinafr\u00e6\u00f0i", + "heilahimnub\u00f3lga", + "barkak\u00fdlisb\u00f3lga", + "kart\u00f6flumygla", + "s\u00e1rsauki", + "matareitrun", + "marblettur", + "sortu\u00e6xli", + "brotna", + "ge\u00f0sj\u00fakd\u00f3mur", + "gallbl\u00f6\u00f0rub\u00f3lga", + "parkinsonsveiki", + "b\u00f3lus\u00f3tt", + "berkjukvef", + "koff\u00edneitrun", + "geislun", + "heilabl\u00f3\u00f0fall", + "verkur", + "miltisbrandur", + "loftb\u00f3lurek", + "helftarl\u00f6mun", + "lotugr\u00e6\u00f0gi", + "n\u00e6ringarkvilli", + "innlyksuheilab\u00f3lga", + "vessa\u00feurr\u00f0", + "gimp", + "vatnsh\u00f6fu\u00f0", + "li\u00f0agigt", + "frenzy", + "krans\u00e6\u00f0ast\u00edfla", + "rafleysa", + "talnablinda", + "geril\u00e6ta", + "offita", + "beinbrunas\u00f3tt", + "mi\u00f0eyrab\u00f3lga", + "heimsfaraldur", + "skarlatss\u00f3tt", + "oddvarta", + "helftarblinda", + "lystarstol", + "gyllin\u00e6\u00f0", + "hitas\u00f3tt", + "brandur", + "raddbandakvef", + "dau\u00f0af\u00e6lni", + "flogaveiki", + "hv\u00edtbl\u00e6\u00f0i", + "ill", + "krabbinn", + "drykkjuskapur", + "heilab\u00f3lga", + "hungur", + "skorpulifur", + "drulla", + "raufar\u00e6\u00f0ahn\u00fatur", + "sting", + "bliksvefn", + "fl\u00e9tta", + "graftarb\u00f3la", + "faraldur", + "gerilveira", + "the_hives", + "hunda\u00e6\u00f0i", + "bl\u00f6\u00f0rub\u00f3lga", + "krans\u00e6\u00f0asj\u00fakd\u00f3mar", + "botnlangab\u00f3lga", + "krabbamein", + "hersli", + "p\u00edning" + ], + "LAW": [ + "r\u00f3marr\u00e9ttur", + "brotavilji", + "hegningarl\u00f6g", + "refsil\u00f6g", + "refsir\u00e9ttur", + "bandar\u00edska_alr\u00edkisl\u00f6greglan", + "r\u00e9ttarr\u00edki", + "dau\u00f0ad\u00f3mur", + "prentfrelsi", + "fundafrelsi" + ], + "RACE": [ + "frumbyggi", + "svertingi", + "japanar", + "englendingar", + "bl\u00e1ma\u00f0ur" + ], + "LANGUAGE": [ + "manskur", + "ni\u00f0urlenskur", + "\u00fe\u00fdskur", + "hollenskur", + "eistneskur", + "nor\u00f0ursam\u00edska", + "svah\u00edl\u00ed", + "nor\u00f0ma\u00f0ur", + "norska", + "persneska", + "german", + "georg\u00edska", + "hind\u00ed", + "esperanto", + "\u00fej\u00f3\u00f0verji", + "arab\u00edska", + "franska", + "japanskur", + "port\u00fagalskur", + "ido", + "kanar\u00edska", + "kom\u00edska", + "finnskur", + "hv\u00edtr\u00fassneskur", + "m\u00e1lh\u00e6fileiki", + "tonga", + "malajalam" + ], + "PRODUCT": [ + "sk\u00edrnarfontur", + "disketta", + "justin_bieber", + "k\u00falulega", + "sundsk\u00fdla", + "sigurboginn", + "disklingur", + "take_off", + "gleym_m\u00e9r_ei", + "har\u00f0so\u00f0inn", + "bretland", + "papp\u00edrsskutla", + "klaki", + "heilskj\u00e1r", + "brei\u00f0\u00feota", + "amer\u00edkubikarinn", + "botngata", + "annar_\u00ed_j\u00f3lum", + "naggr\u00edsir", + "lj\u00f3sabekkur", + "allt_er_gott_sem_endar_vel", + "the_star_spangled_banner", + "viskusteinn", + "st\u00e6r\u00f0fr\u00e6\u00f0igreining", + "\u00fer\u00edv\u00ed\u00f0ur", + "die_hard", + "j\u00f3lasveinninn", + "hringadr\u00f3ttinssaga", + "n\u00fdja_testamenti\u00f0", + "j\u00f3latr\u00e9", + "hornh\u00f6f\u00f0i", + "seglsk\u00fata", + "naggr\u00eds", + "fl\u00f6skuskeyti", + "saxland_anhalt", + "nor\u00f0urlj\u00f3s", + "ferdinand_magellan", + "hungurleikarnir", + "komm\u00fanista\u00e1varpi\u00f0", + "seglskip", + "mannr\u00e9ttindi", + "af_gu\u00f0s_n\u00e1\u00f0", + "j\u00f3lasveinn", + "blindgata", + "keisaraskur\u00f0ur", + "h\u00e1skerpusj\u00f3nvarp", + "a\u00f0alhaf", + "kaffikanna", + "kaffibolli", + "heilagur_andi", + "s\u00ed\u00f0ustu_forv\u00f6\u00f0" + ], + "JOB": [ + "gar\u00f0yrkjuma\u00f0ur", + "fulltr\u00fai", + "barnap\u00eda", + "flot\u00f6gn", + "skraddari", + "blokkflauta", + "sj\u00fakraflutningama\u00f0ur", + "framlei\u00f0andi", + "kapari", + "endursko\u00f0andi", + "make", + "borgarstj\u00f3ri", + "herma\u00f0ur", + "framkv\u00e6mdastj\u00f3ri", + "don", + "timburmenn", + "landstj\u00f3ri", + "kaups\u00fdsluma\u00f0ur", + "geislal\u00e6knir", + "skerfari", + "biskup", + "svarama\u00f0ur", + "snikkari", + "kerfiskarl", + "grip", + "timburma\u00f0ur", + "forritari", + "land", + "s\u00f3tari", + "forst\u00f6\u00f0uma\u00f0ur", + "ruslakarl", + "bartskeri", + "kaupma\u00f0ur", + "handverksma\u00f0ur", + "t\u00f3nlistarma\u00f0ur", + "koparsmi\u00f0ur", + "hvalvei\u00f0ima\u00f0ur", + "bakari", + "n\u00e6ringarfr\u00e6\u00f0ingur", + "j\u00e1rningama\u00f0ur", + "fatafella", + "heilabl\u00f3\u00f0fall", + "the_guardian", + "forstj\u00f3ri", + "sk\u00f3garh\u00f6ggsma\u00f0ur", + "markv\u00f6r\u00f0ur", + "smalama\u00f0ur", + "h\u00e1seti", + "mjaltakona", + "hlj\u00f3\u00f0f\u00e6raleikari", + "reglustika", + "yfirmatsveinn", + "\u00fe\u00fasund\u00fejalasmi\u00f0ur", + "kennslukona", + "heimilis\u00fej\u00f3nn", + "rakari", + "leigusali", + "augngrugg", + "kafteinn", + "le\u00f0urbl\u00f6kuma\u00f0urinn", + "sk\u00faffa", + "flugma\u00f0ur", + "reglulegur", + "heimilisl\u00e6knir", + "sj\u00e1lfst\u00e6\u00f0ur", + "man", + "barnal\u00e6knir", + "framkv\u00e6mdarvald", + "rottur", + "matsveinn", + "gar\u00f0yrkjufr\u00e6\u00f0ingur", + "drag\u00f3ni", + "kump\u00e1ni", + "togari", + "augnl\u00e6knir", + "brau\u00f0v\u00e9l", + "k\u00f3ngur", + "kanslari", + "skur\u00f0l\u00e6knir", + "boxari", + "kortager\u00f0arma\u00f0ur", + "brj\u00f3stm\u00f3\u00f0ir" + ], + "FAC": [ + "tollg\u00e6sla", + "hengibr\u00fa", + "l\u00f6greglust\u00f6\u00f0", + "brandenborgarhli\u00f0i\u00f0", + "verslunarmi\u00f0st\u00f6\u00f0", + "l\u00e6knastofa", + "sporgar\u00f0ur", + "j\u00e1rnbrautarst\u00f6\u00f0", + "fj\u00f6lb\u00fdlish\u00fas", + "barnask\u00f3li", + "p\u00f3sth\u00fas", + "tyrkjaveldi", + "prentsmi\u00f0ja", + "lund\u00fanaturn", + "grunnsk\u00f3li", + "brautarst\u00f6\u00f0", + "sundh\u00f6ll", + "kjarnorkuver", + "sundlaug", + "bangs\u00edmon", + "innilaug" + ], + "PERSON": [ + "k\u00f3ngssveppur", + "al_gore", + "p\u00e9tursfiskur", + "h_g_wells", + "c_v\u00edtam\u00edn", + "rudolf_hess" + ], + "BIO_CHEM_ENTITY": [ + "fj\u00f6lv\u00edn\u00fdlkl\u00f3r\u00ed\u00f0", + "s\u00edtr\u00f3nus\u00fdra", + "fitus\u00fdra", + "mj\u00f3lkurs\u00fdra" + ], + "SOC_ECO_CLASS": [ + "landb\u00fana\u00f0ur", + "jar\u00f0yrkja", + "undirheimar", + "\u00fej\u00f3\u00f0f\u00e9lag", + "rj\u00f3mi" + ], + "DATE": [ + "\u00fej\u00f3\u00f0h\u00e1t\u00ed\u00f0ardagur", + "kvartilaskipti", + "samr\u00e6\u00f0isaldur", + "sk\u00f3la\u00e1r", + "p\u00e1skavika", + "sumars\u00f3lhv\u00f6rf", + "kj\u00f6rdagur", + "er_til_lengdar_l\u00e6tur", + "vetrars\u00f3lhv\u00f6rf", + "j\u00f3ladagur", + "vetrars\u00f3lst\u00f6\u00f0ur", + "helmingunart\u00edmi", + "p\u00e1lmasunnudagur", + "bastilludagurinn", + "sprengidagur", + "til_lengdar", + "ellefta_stund", + "kyrravika", + "l\u00f6gri\u00f0ilsaldur", + "kosningadagur", + "vorpunktur", + "haustjafnd\u00e6gur", + "bl\u00f3\u00f0s\u00f6kk", + "lausnarhra\u00f0i", + "sumars\u00f3lst\u00f6\u00f0ur" + ], + "QUANTITY": [ + "frumtala", + "fermetri", + "metrakerfi\u00f0", + "franskur_franki", + "horns\u00edli", + "lj\u00f3s\u00e1r", + "algildi", + "g", + "rauntala", + "bandar\u00edkjadalur", + "algebrutala", + "sels\u00edusgr\u00e1\u00f0a", + "m\u00e6lieining" + ], + "RELIGION_MEMBER": [ + "postuli", + "kristjana" + ], + "GPE": [ + "dar_es_salaam", + "sint_maarten", + "mannr\u00e9ttindi", + "gran_canaria", + "\u00e6gisif", + "valent\u00ednusardagurinn", + "eyjahaf", + "myrkvi\u00f0ur", + "rau\u00f0ahaf", + "la_gomera", + "svartisk\u00f3gur", + "st_louis" + ], + "PERSON_PRONOUN": [ + "i", + "hennar", + "henni", + "her", + "me" + ], + "RELIGION": [ + "katarar", + "daoismi", + "sjint\u00f3ismi", + "wicca", + "kristin_v\u00edsindi" + ], + "GENDER": [ + "drengur", + "men", + "str\u00e1kur", + "sveinn", + "man", + "transf\u00f3lk", + "stelpa" + ], + "POLITICAL_PARTY_MEMBER": [ + "komm\u00fanisti", + "komm\u00fanist\u00edskur" + ], + "POLITICAL_PARTY": [ + "nasistaflokkurinn", + "f\u00f3lkaflokkurinn", + "rep\u00fablikanaflokkurinn", + "verkamannaflokkurinn", + "stj\u00f3rnm\u00e1laflokkur", + "dem\u00f3krataflokkurinn", + "jafna\u00f0arflokkurinn" + ], + "TITLE": [ + "ms" + ], + "MEDICAL_THERAPY": [ + "bl\u00f3\u00f0\u00fer\u00fdstingur" + ], + "UNION": [ + "st\u00e9ttarf\u00e9lag" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbad\u00eds": "\u00e1b\u00f3ti", + "fie": "son", + "d\u00f3ttir": "son", + "d\u00f3tturd\u00f3ttir": "sonarsonur", + "sonard\u00f3ttir": "sonarsonur", + "minna": "\u00fej\u00f3nn", + "m\u00f3\u00f0ir": "fa\u00f0ir", + "nunna": "munkur", + "l\u00f6greglukona": "l\u00f6gga", + "prinsessa": "furstinn", + "reyna": "k\u00f3ngur", + "drottning": "k\u00f3ngur", + "h\u00fan": "bera", + "jei": "elli", + "saur": "german", + "systir": "german", + "fr\u00f6ken": "\u00f3kv\u00e6ntur_ma\u00f0ur", + "stj\u00fapd\u00f3ttir": "stj\u00fapsonur", + "stj\u00fapa": "stj\u00fapi", + "stj\u00fapm\u00f3\u00f0ir": "stj\u00fapi", + "stj\u00fapmamma": "stj\u00fapi", + "ekkja": "ekkill", + "eiginkona": "b\u00f3ndi", + "wicca": "galdrama\u00f0ur", + "norn": "t\u00f6frama\u00f0ur", + "langl\u00fara": "galdrakarl", + "stara": "man", + "kvenma\u00f0ur": "menn", + "str\u00e1kur": "telpa", + "sveinn": "telpa", + "piltur": "st\u00falka", + "drengur": "telpa" + }, + "other_gender_swap": { + "\u00feeirra": "her", + "sitt": "her", + "\u00feau": "jei", + "jei": "\u00feeir", + "\u00feeir": "h\u00fan", + "\u00fe\u00e6r": "h\u00fan", + "hann": "\u00feeir", + "elli": "\u00feeir", + "bera": "jei", + "h\u00fan": "\u00feau", + "henni": "sitt", + "her": "sitt", + "hennar": "\u00feeirra" + }, + "en_pronoun2gender": { + "they": [ + "tv\u00edkynhneig\u00f0ur", + "transf\u00f3lk", + "samkynhneig\u00f0ur" + ], + "he": [ + "drengur", + "gaur", + "menn", + "sveinn", + "man", + "hann", + "str\u00e1kur", + "piltur" + ], + "she": [ + "kvenma\u00f0ur", + "st\u00falka", + "stelpa", + "telpa", + "stara", + "ungfr\u00fa", + "brasa", + "fr\u00f6ken" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "hann", + "elli", + "bera", + "isti" + ], + "she": [ + "her", + "sitt", + "h\u00fan", + "hennar", + "henni", + "jei" + ], + "they": [ + "\u00feeir", + "sitt", + "jei", + "\u00feeirra", + "\u00fe\u00e6r", + "\u00feau" + ], + "it": [ + "ta\u00f0", + "hetta", + "\u00feessi", + "hinn", + "\u00feetta", + "henda", + "\u00fea\u00f0", + "\u00feess", + "\u00feessar", + "\u00feessir" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ist.json b/data_tooling/pii_processing/ontology/data/ist.json new file mode 100644 index 0000000..53b022c --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ist.json @@ -0,0 +1,61 @@ +{ + "FOOD": [ + "dazierto" + ], + "PLANT": [ + "sareza" + ], + "DISEASE": [ + "mursag\u00e0" + ], + "GENDER": [ + "mas'cio" + ], + "JOB": [ + "mare\u00eetimo", + "cunpagno" + ], + "ORG": [ + "nato" + ], + "LANGUAGE": [ + "abrieo" + ], + "PUBLIC_FIGURE": [ + "sparansa" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "muier": "mare\u00ee" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "mas'cio" + ], + "she": [ + "duona" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "luri" + ], + "it": [ + "quisto", + "stu", + "quista" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/it.json b/data_tooling/pii_processing/ontology/data/it.json new file mode 100644 index 0000000..12f43e4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/it.json @@ -0,0 +1,6272 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "lambert", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "frances_wright", + "il_principe_azzurro", + "maria_tallchief", + "noah_webster", + "jean_genet", + "john_knox", + "the_king", + "roger_williams", + "collaboratrice_familiare", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_wolfe", + "eccetera", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "giovan_battista_marino", + "leonard_bernstein", + "sibelius", + "che_guevara", + "georges_simenon", + "c", + "foramacchia", + "i_a_richards", + "controfiocco", + "thomas_hodgkin", + "john_barth", + "edward_albee", + "dorothy_parker", + "forasiepe", + "maria_callas", + "henrik_ibsen", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "gauss", + "andrzej_wajda", + "jan_van_eyck", + "rossini", + "carl_rogers", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "lamberto", + "per_legittima_accusa", + "thomas_reid", + "winston_churchill", + "johannes_diderik_van_der_waals", + "e_cos\u00ec_via", + "b", + "conrad_aiken", + "don_chisciotte_della_mancia", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "alfredo", + "richard_smalley", + "andrew_marvell", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "john_trumbull", + "sherry", + "joseph_greenberg", + "isaac_newton", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "carrettiere", + "milton_friedman", + "amy_lowell", + "edward_gibbon", + "il_giullare_del_re", + "mezzosoprano", + "jefferson_davis", + "saint_louis", + "tommaso", + "agostiniano", + "george_stephenson", + "john_glenn", + "john_webster", + "di_tommaso", + "john_davis", + "george_burns", + "george_harrison", + "peter_minuit", + "george_orwell", + "ronald_norrish", + "georg_meissner", + "arthur_koestler", + "richard_wagner", + "williams", + "il_prescelto", + "thornton_wilder", + "e_l_doctorow", + "pancho_villa", + "leopold_stokowski", + "rebecca_west", + "marie_curie", + "francis_galton", + "mary_martin", + "richard_roberts", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "thomas_hobbes", + "ernst_weber", + "edward_weston", + "el_greco", + "roberto", + "samuel_beckett", + "clinton", + "david", + "galileo_galilei", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "andrea_guarneri", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "catherine", + "donald_glaser", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "william_hazlitt", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "john_ruskin", + "robert_burns", + "john_henry", + "carl_anderson", + "guardaboschi", + "thomas_paine", + "bari", + "francis_beaumont", + "alessandro_farnese_il_giovane", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "willem_einthoven", + "comenio", + "phil_anderson", + "marco_aurelio", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "allen_iverson", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "walter_lippmann", + "e", + "karl_jaspers", + "beethoven", + "hideki_yukawa", + "konrad_adenauer", + "affabulatrice", + "marianne_moore", + "norbert_wiener", + "culaccino", + "john_masefield", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "di_pi\u00f9", + "catarina", + "cambiamonete", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "richard_strauss", + "leslie_howard", + "somateria_spectabilis", + "mahalia_jackson", + "ben_shahn", + "francesco_bacone", + "john_ford", + "non_applicabile", + "stephen_foster", + "re_art\u00f9", + "alphonse_bertillon", + "katherine_mansfield", + "gertrude_stein", + "la_maggioranza_di", + "sarah_bernhardt", + "v", + "philip_marlowe", + "luigi_pirandello", + "hank_williams", + "robert_millikan", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "riccardi", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "charles", + "margot_fonteyn", + "telecomando", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "sergente_maggiore", + "robert_johnson", + "james_dean", + "marie_tussaud", + "roger_bannister", + "theodor_schwann", + "max_beerbohm", + "alessandro_manzoni", + "joseph_priestley", + "berlic", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "ring_lardner", + "george_huntington", + "jim_corbett", + "l_olandese_volante", + "james_naismith", + "affabulatore", + "oscar_wilde", + "gilberto", + "philip_roth", + "henry", + "lawrence", + "birocciaio", + "davide", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "willard_gibbs", + "cimiciotta_comune", + "eli_whitney", + "glenn_curtiss", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "gustavo", + "adolf_eichmann", + "marilyn_horne", + "francis_bacon", + "pete_seeger", + "joseph_heller", + "a", + "morris", + "peter_carl_goldmark", + "saladino", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "nellie_bly", + "weber", + "lewis", + "warburg", + "alexandre_yersin", + "n", + "marco_antonio", + "albert_schweitzer", + "costantino_i", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "saint_martin", + "william_s_burroughs", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "arthur", + "sarah_vaughan", + "john_wilkes", + "william_byrd", + "william_henry", + "christopher_fry", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "bramante", + "elias_canetti", + "iorio", + "robert_lowell", + "edward_jenner", + "john_mercer", + "oscar_robertson", + "la_prescelta", + "oliver_hardy", + "da_basso", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "sagomatrice", + "graham_greene", + "frans_hals", + "edward", + "lars_onsager", + "margaret_mitchell", + "barrocciaio", + "igor_stravinsky", + "s_pronto_soccorso", + "stuart_davis", + "lola_montez", + "jan_swammerdam", + "mary_mccarthy", + "david_riesman", + "john_walker", + "william_herschel", + "joseph_black", + "marcus_whitman", + "montesquieu", + "arthur_rubinstein", + "arthur_compton", + "niels_bohr", + "kenneth_grahame", + "massimiano", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "greg", + "irving_berlin", + "pietro_apostolo", + "baccellierato", + "giulio_cesare", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "la_spezia", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "ted_williams", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "joseph_rhine", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "brindisi", + "ian_fleming", + "richard_feynman", + "follatore", + "wolfgang_pauli", + "dall_inizio", + "subnormale", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "jessica_mitford", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "paul_robeson", + "thomas_middleton", + "john_dowland", + "daniel_jones", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "rudolf_serkin", + "peter_stuyvesant", + "ethel_merman", + "giovanni_calvino", + "frank_baum", + "samuel_adams", + "albert_speer", + "james_baldwin", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "macaca_nemestrina", + "john_fletcher", + "charlie_watts", + "m", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "joseph_henry", + "henri_bergson", + "antonius", + "michail_bary\u0161nikov", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "phillis_wheatley", + "patrick_white", + "saul_steinberg", + "rotella_tagliavetro", + "mugnaio", + "bartholomew_roberts", + "eileen_farrell", + "catherine_howard", + "daniel_morgan", + "hans_christian_andersen", + "peter_cooper", + "reich", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "thomas", + "isaac_watts", + "pieter_zeeman", + "giorgio", + "glenn_miller", + "steward", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "poggia", + "thomas_moore", + "osman_i", + "kurt_weill", + "otto_hahn", + "lester_young", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "re_giovanni", + "robert_scott", + "stravinsky", + "john_galsworthy", + "robert_robinson", + "mario_rossi", + "o", + "mulinaio", + "one", + "adam_smith", + "william_james", + "pietro", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "cassio_longino", + "friedrich_nietzsche", + "costantino", + "i", + "robert_indiana", + "arnoldo", + "jimmy_durante", + "re_di_cuori", + "john_wesley", + "magellano", + "sandro_botticelli", + "carson_mccullers", + "di_riccardo", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "lorenz_hart", + "perry", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "anna_kurnikova", + "leonard_bloomfield", + "jane_jacobs", + "jean_piaget", + "anna_bolena", + "radiotelecomando", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "frank_norris", + "frank_stella", + "robert_southey", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "chopin", + "leopold_kronecker", + "richard_wright", + "benito", + "benjamin_thompson", + "adolf_hitler", + "nepero", + "maria_mitchell", + "fritz_haber", + "archibald_macleish", + "peter_behrens", + "alfred_stieglitz", + "stephen_spender", + "garfield", + "robert_livingston", + "george_boole", + "paul_revere", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "edith_cavell", + "dispensiere", + "alan_paton", + "picciotto", + "ralph_richardson", + "prima_donna", + "1", + "pesce_damigella", + "cordell_hull", + "james_wilson", + "rosa_parks", + "norman_jewison", + "don_chisciotte", + "samuel_goldwyn", + "x", + "ernest_walton", + "vladimir_putin", + "ceditore", + "jacob", + "baccalaureato", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "randall_jarrell", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "hutchinson", + "jacqueline_cochran", + "george_fox", + "ben_hecht", + "christopher_isherwood", + "fritz_kreisler", + "mulinaro", + "anne_hathaway", + "david_garrick", + "don_budge", + "bill_russell", + "piazzista", + "di_sana_pianta", + "baldwin", + "jeannette_rankin", + "charles_lamb", + "harry", + "g", + "forestale", + "lorenzo", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "johns_hopkins", + "henri_pitot", + "wanda_landowska", + "billy_mitchell", + "ottavio", + "martin_heidegger", + "hans_eysenck", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "antony_tudor", + "steven_spielberg", + "quella_scelta", + "jean_monnet", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "quello_scelto", + "thomas_gainsborough", + "suicidarsi", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "robert_brown", + "abelardo", + "thomas_carlyle", + "allen_tate", + "donald_barthelme", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "san_lorenzo", + "agente_d_assicurazioni", + "d", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "niccol\u00f2_copernico", + "arthur_holmes", + "pierre_boulez", + "hans_adolf_krebs", + "uomo_moderno", + "girolamo_savonarola", + "emma_goldman", + "robert_gray", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "john_ciardi", + "putin", + "matthew_flinders", + "a_e_network", + "robert_herrick", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "fernando_cortes", + "o_henry", + "karl_popper", + "arboricoltore", + "coleman_hawkins", + "antonio", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "henry_clay", + "pietro_i_di_russia", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "robert_morris", + "woody_herman", + "alexander_wilson", + "josef_albers", + "jackson_pollock", + "il_pifferaio_di_hamelin", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "j_m_barrie", + "hans_wilhelm_geiger", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "hugo_junkers", + "caterina", + "re_di_picche", + "lillian_hellman", + "brescia", + "fresatrice", + "carter", + "tommasi", + "dabbasso", + "john_macleod", + "giovanni_florio", + "re_lear", + "thomas_merton", + "fata_madrina", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "robinson_jeffers", + "alice_walker", + "sir_james_murray", + "molinaro", + "miles_davis", + "edmund_cartwright", + "bruce", + "james_parkinson", + "maria_maddalena", + "george_marshall", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "stanley_kubrick", + "john_huston", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "seleuco", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "gustav_hertz", + "george_mason", + "george_wallace", + "el_cid", + "agrippina", + "richard_rodgers", + "anne_sexton", + "morgana", + "john_dryden", + "jim_henson", + "ernest_hemingway", + "george_westinghouse", + "aquila", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "cristoforo_colombo", + "gracie_allen", + "nelson_mandela", + "baldovino", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "cesare_borgia", + "radioguida", + "roald_amundsen", + "donchisciotte", + "alessia", + "sherwood_anderson", + "richard_leakey", + "alfred_korzybski", + "patrizio_d_irlanda", + "charles_dickens", + "samuel_huntington", + "il_piccolo_lord", + "ella_fitzgerald", + "fats_waller", + "thomas_sydenham", + "jack_robinson", + "alois_senefelder", + "george_enescu", + "jacques_offenbach", + "joseph_paxton", + "william_curtis", + "william_chambers", + "leakey", + "george_stevens", + "federico_fellini", + "the_one", + "bessie_smith", + "bradley", + "patrick_henry", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "king_oliver", + "jan_steen", + "frank_harris", + "john_ross", + "powell", + "philibert_delorme", + "berlicche", + "andrew_mellon", + "hans_arp", + "andrew_carnegie", + "gregorio", + "franz_schubert", + "william_butterfield", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "pistrinaio", + "georges_cuvier", + "sessions", + "colf", + "william_harvey", + "walter_scott", + "august_von_wassermann", + "peter_medawar", + "arnaldo", + "sam_houston", + "robert_browning", + "assenzio_vero", + "san_giorgio", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "l", + "aletta_jacobs", + "thomas_edison", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "george_cohan", + "t", + "wilhelm_ostwald" + ], + "ANIMAL": [ + "bove", + "pesci", + "apodemus", + "ghiro", + "scoiattolo", + "francolino_di_monte", + "chelonioidea", + "calabrone", + "labbo", + "alfana", + "alamaro", + "buteo", + "sirratte", + "cheppia", + "gruccione", + "barbagianni", + "natasha_romanoff", + "mantide", + "homo_sapiens_sapiens", + "coregone", + "colombaccio", + "nottambulo", + "scricciolo", + "lanzardo", + "palombaccio", + "corrugata", + "beccapesci", + "il_gatto", + "topino", + "edredone", + "forapaglie", + "cecca", + "grillotalpa", + "caponare", + "il_corvo", + "vedova_nera", + "foramacchia", + "cauro", + "focena", + "virus_del_nilo_occidentale", + "lemmus_lemmus", + "sitta_europaea", + "gerboa", + "billy_elliot", + "konduz", + "pigargo", + "avvoltoio", + "mirounga_leonina", + "grandule", + "dorifora", + "ranocchio", + "zigrinata", + "artiodattilo", + "manta", + "micia", + "passera_planuzza", + "hippotragus_niger", + "uropigio", + "sitta_carolinensis", + "barbozzo", + "cavalcatura", + "pernice", + "serpentario", + "astore", + "tigrotto", + "lanzarda", + "mitilo", + "carduelis", + "lagotriche", + "carassio", + "cinomio", + "airone", + "il_corvo_e_altre_poesie", + "citello", + "flebotomo", + "felis_tigrina", + "tarabugio", + "sea_slug", + "chipmunk", + "castoro", + "mantodea", + "anuro", + "sparviero", + "lactobacillus_acidophilus", + "forapaglia", + "artropodi", + "bigatto", + "stambecco", + "beccaccino", + "monachino", + "sarcofilo", + "pesce_timone", + "lagotrice", + "pieris_brassicae", + "brachypteraciidae", + "starna", + "balenottera_boreale", + "oriolo", + "cinomologo", + "sceloporo", + "vibe", + "poana", + "verdesca", + "albanella", + "fratercula_arctica", + "il_gabbiano", + "gallinaccia", + "martes_martes", + "faina", + "perca_flavescens", + "rigogolo", + "cardello", + "scienidi", + "lama_peruana", + "fillio", + "furetto", + "nocciolaia", + "onisco", + "raven", + "homo_sapiens", + "mink", + "leone_marino", + "baribal", + "kodiac", + "cozzeca", + "ceraste", + "assiolo", + "drosofila", + "condor", + "aleuroide", + "lucertolone", + "bugherlac", + "maruzza", + "cannocchia", + "cocker", + "mugnaiaccio", + "cro_magnon", + "pennino", + "granchivoro", + "tetraoninae", + "monti_flinders", + "accipiter", + "rondone", + "pappataci", + "passerotto", + "gazza", + "sampietro", + "spalace", + "falcon", + "botuto", + "virus_del_mosaico_del_tabacco", + "ratele", + "alaccia", + "xenopo", + "thomomys_talpoides", + "banteng", + "donnola", + "squadro", + "scatarrare", + "re_degli_animali", + "croccolone", + "albanella_reale", + "l_inganno", + "pinctada_margaritifera", + "nettatoia", + "atropo", + "lutianido", + "salmo_salar", + "iller", + "forasiepe", + "altica", + "orsetto", + "taguan", + "chiromio", + "callorino", + "suslik", + "corallium_rubrum", + "martes_foina", + "pizzarda", + "millipede", + "martora", + "bozzago", + "cedrone", + "sable", + "capreolus_capreolus", + "trottatore", + "tubare", + "branta_bernicla", + "barbotto", + "crisocione", + "herpes_zoster", + "sparviere", + "cavia_cobaya", + "trampoliere", + "arthropoda", + "bozzagro", + "ragano", + "lupicante", + "ramarro", + "oniscidea", + "acheronzia", + "sputacchina", + "cantaride", + "voltolino", + "garzetta", + "capriolo", + "racano", + "lychnis_flos_cuculi", + "tamia", + "globicefalo", + "sergente_maggiore", + "alle_alle", + "borgognone", + "paolino_paperino", + "lince", + "mantis", + "primula_vulgaris", + "calandro", + "artropodo", + "cavolaia", + "petauro", + "nitticora", + "malattia_da_virus_ebola", + "mane", + "capopiatto", + "whippet", + "capodoglio", + "platanistoidea", + "salmarino", + "zeus_faber", + "salvelinus_fontinalis", + "sorello", + "yorkshire_terrier", + "lemming", + "uomo_di_cro_magnon", + "phalangista", + "abudefduf_saxatilis", + "rondine_comune", + "lemmini", + "canocchia", + "ciuffolotto", + "tortora", + "vole", + "braccare", + "gorilla_gorilla", + "capovaccaio", + "coturnice", + "bottinatrice", + "cinciarella", + "leoncina", + "martes_zibellina", + "beccaccia", + "scaglione", + "peristediidae", + "pedunculata", + "chioccia", + "eider", + "cornacchia", + "lanciardo", + "arvicola", + "capidoglio", + "picchio_verde", + "martin_pescatore" + ], + "PLANT": [ + "acer_negundo", + "cucurbita_ficifolia", + "hibiscus_syriacus", + "glaucium_flavum", + "primula_auricula", + "senecio_vulgaris", + "lilium_martagon", + "lupinus_luteus", + "mazzasorda", + "mahonia", + "albogatto", + "ardica", + "campanula_persicifolia", + "anthericum_liliago", + "marugola", + "mastic", + "pine", + "verbascum_thapsus", + "lycium_barbarum", + "carduus_crispus", + "iperico", + "parnassia", + "acetosa", + "iris_germanica", + "coeloglossum_viride", + "sorghum_halepense", + "rubus_saxatilis", + "serenella", + "morella", + "veronica_beccabunga", + "bardana", + "ornithogalum_pyrenaicum", + "liriodendron_tulipifera", + "quercus_coccinea", + "betulla_verrucosa", + "cladonia_rangiferina", + "melissa", + "cardo_campestre", + "geranium_molle", + "lattuga", + "viola_arvensis", + "sapindus", + "scutellaria_galericulata", + "avena_altissima", + "claviceps_purpurea", + "viola_reichenbachiana", + "sorbezzolo", + "the_joshua_tree", + "orniello", + "sarcoscypha_coccinea", + "liliastro", + "ceraso", + "aralia_elata", + "brassica_nigra", + "lappa", + "marrubio", + "eleocharis_dulcis", + "helleborus_niger", + "helianthus", + "salvia_minore", + "baccarello", + "santoreggia_montana", + "scagliola", + "rosa_chinensis", + "spergularia_rubra", + "lathyrus_latifolius", + "scorzonera_hispanica", + "laureola", + "sicomoro", + "marsilea_quadrifolia", + "cucurbita_moschata", + "pungitopo", + "monarda_citriodora", + "solanaceae", + "anthriscus_cerefolium", + "salvia_verbenaca", + "campanula_medium", + "juncus_articulatus", + "brunella", + "eryngium_maritimum", + "salix_babylonica", + "lisimachia", + "cyclamen_purpurascens", + "gymnocarpium_robertianum", + "inchiodacristi", + "lentisco", + "anthyllis_vulneraria", + "abies_grandis", + "laurus_nobilis", + "lathyrus_odoratus", + "clematide", + "fanciullacce", + "salice_comune", + "mordigallina", + "amanita", + "vespula_vulgaris", + "arabidopsis_thaliana", + "centaurea_nigra", + "tremella_auricula", + "santa_maria", + "bertholletia_excelsa", + "helianthus_annuus", + "avorniello", + "epipremnum_aureum", + "avena_selvatica", + "arundo", + "cirsium_eriophorum", + "vellutino", + "monarda", + "sorbus_torminalis", + "cedronella", + "elianto", + "achillea", + "magnolia_grandiflora", + "stella_alpina", + "settembrini", + "berteroa_incana", + "cardamine_bulbifera", + "colutea_arborescens", + "ebbio", + "liparis_loeselii", + "coprinus_comatus", + "papaver_alpinum", + "pseudocarpio", + "vincibosco", + "bidens_tripartita", + "cantamaggio", + "campanelle", + "prunus_laurocerasus", + "acetosella", + "allium_tuberosum", + "sanguinella_comune", + "anagallide", + "amelanchier_alnifolia", + "passiflora_ligularis", + "salix_triandra", + "atriplex_hortensis", + "cassia_angustifolia", + "agropyron_intermedium", + "pianta_carnivora", + "teucrium_scorodonia", + "acer_campestre", + "mimosa_pudica", + "pratolina_comune", + "sughera", + "rubus_caesius", + "papaver_somniferum", + "consolida_maggiore", + "chinotto", + "convolvulus", + "carex_pseudocyperus", + "gentiana_lutea", + "mercurialis_perennis", + "matthiola_incana", + "pe_tsai", + "anona", + "centocchio", + "malbianco", + "actinidia_chinensis", + "taxus_baccata", + "caprifico", + "saxifraga_granulata", + "valerianella_locusta", + "periploca_graeca", + "alcachengi", + "papaver", + "fargna", + "nymphaea_alba", + "silene_dioica", + "larice", + "euphorbia_esula", + "diplotaxis_tenuifolia", + "candida_albicans", + "pulicaria_dysenterica", + "ranunculus_ficaria", + "rosa_muschiata", + "cicerchione", + "sinfito", + "veronica_officinalis", + "asperula", + "rumex_scutatus", + "chrysanthemum_segetum", + "aconitum_lycoctonum", + "prunus_cerasus", + "tossilaggine_alpina", + "anthemis_arvensis", + "caprifoglio", + "amaranto_spinoso", + "bambagione_pubescente", + "carpino_comune", + "acacia_dealbata", + "capsicum_baccatum", + "ranuncolo_strisciante", + "rorippa_islandica", + "dianthus_caryophyllus", + "agrimonia_eupatoria", + "larix_occidentalis", + "plantago_lanceolata", + "madreselva", + "senape_selvatica", + "polystichum_lonchitis", + "ononis_spinosa", + "tassobarbasso", + "cimiciotto", + "acer_palmatum", + "thlaspi_arvense", + "agrostemma_githago", + "strigoli", + "geranium_pratense", + "salce", + "asteroide_salicina", + "moraiola", + "acero_canadese", + "salix_viminalis", + "susina", + "athyrium_distentifolium", + "calvatia_gigantea", + "crotonella_coronaria", + "calamintha_grandiflora", + "eriophorum_angustifolium", + "veronica_serpyllifolia", + "susino", + "sommacco", + "eucalyptus_globulus", + "platanus_occidentalis", + "passiflora_incarnata", + "olivastro", + "bromus_arvensis", + "polygala_vulgaris", + "arenaria_serpillifolia", + "lill\u00e0", + "hypericum_tetrapterum", + "maharatto", + "querciola", + "polystichum_setiferum", + "veronica_peregrina", + "sulla_comune", + "fanciullaccia", + "marrubio_fetido", + "tracheobionta", + "spongino", + "citrus_aurantium", + "amaranthus_spinosus", + "reseda", + "barbarea_vulgaris", + "kochia_scoparia", + "annona_cherimola", + "cinorrodo", + "cortinarius_violaceus", + "platanus_orientalis", + "piper_longum", + "prunus_armeniaca", + "castanea_dentata", + "liquidambar", + "petasites_hybridus", + "urtica", + "potamogeton_crispus", + "maclura_pomifera", + "salix_fragilis", + "amanita_muscaria", + "calla_palustris", + "psillio", + "amareno", + "leonurus_cardiaca", + "castagnaro", + "spergula_arvensis", + "asplenium_trichomanes", + "papavero", + "silene_acaulis", + "arrhenatherum_elatius", + "dracocephalum", + "pans\u00e9", + "citrus_tangerina", + "populus_balsamifera", + "nicotiana_tabacum", + "centaurea_scabiosa", + "myosotis_sylvatica", + "ulmus_americana", + "scardaccione", + "erigeron_annuus", + "acanthus_mollis", + "albugine", + "alkikinger", + "crisantemo_campestre", + "stellaria_media", + "leucanthemum_vulgare", + "solanum_nigrum", + "abies_lasiocarpa", + "campanula_rapunculus", + "acero_montano", + "serpentaria", + "diplotaxis_muralis", + "sciadopitys_verticillata", + "geranium_robertianum", + "senape", + "clematis", + "anthemis_tinctoria", + "helianthus_tuberosus", + "parthenium_argentatum", + "hedysarum_coronarium", + "lilioasfodelo_maggiore", + "lappola", + "astro_americano", + "lepista_nuda", + "hippocrepis_comosa", + "agriotto", + "solano", + "verbena_officinalis", + "prunus_domestica", + "veccia", + "phytophthora_infestans", + "fertro", + "millefoglio_montano", + "marrobio", + "muscicapa_striata", + "sorghetto", + "aquileia", + "acer_platanoides", + "rubus_idaeus", + "centocchio_comune", + "riparella", + "platantera_verdastra", + "gossypium_barbadense", + "argemone", + "erica_carnea", + "euphorbia_cyparissias", + "salvia_pratensis", + "centaurea_cyanus", + "delonix_regia", + "urtica_dioica", + "agaricus_campestris", + "gymnadenia_conopsea", + "trifolium_repens", + "blackberry", + "palloncini", + "genep\u00ec", + "oenanthe_aquatica", + "cardo_mariano", + "papavero_comune", + "solanum", + "ballota_nigra", + "sisymbrium_officinale", + "ortica", + "angelica_archangelica", + "mirobolano", + "campsis_radicans", + "cirsium_vulgare", + "echinocactus_grusonii", + "salcio", + "celoglosso", + "corypha_umbraculifera", + "mentuccia_montana", + "sorbus_aucuparia", + "abbracciabosco", + "genip\u00ec", + "acer_pseudoplatanus", + "lotus_corniculatus", + "coralloriza", + "gymnadenia_odoratissima", + "malva_selvatica", + "crisantemo", + "polyporus_squamosus", + "raphanus_raphanistrum", + "lichene_islandico", + "bozzolina", + "amaranthus_caudatus", + "saxifraga_stellaris", + "botrychium_lunaria", + "anagallis_tenella", + "gommaresina", + "fagus_sylvatica", + "scleranthus_annuus", + "mirabolano", + "cerastium_tomentosum", + "melo_selvatico", + "drosophyllum_lusitanicum", + "nontiscordardim\u00e9", + "sinapis_arvensis", + "populus_canescens", + "epilobium_angustifolium", + "vulvaria", + "sabina", + "arum", + "dracunculus_vulgaris", + "pilosella_aurantiaca", + "acacia_melanoxylon", + "gattice", + "cyperus_papyrus", + "agrostis_canina", + "saccharomyces_cerevisiae", + "ciliegia", + "listera_cordata", + "boletus_edulis", + "buckeye", + "marruca", + "campanula_trachelium", + "ranunculus_bulbosus", + "scopina", + "bergamotto", + "cerasa", + "taraxacum_officinale", + "acino_annuale", + "arenaria_serpyllifolia", + "lysimachia_vulgaris", + "daphne_cneorum", + "campanula_rotundifolia", + "phytolacca_dioica", + "sanguisorba", + "pomodorino", + "convolvolo", + "campanula_glomerata", + "millefoglie", + "dragontea", + "amarena", + "stellina_tintoria", + "actinidia_deliciosa", + "polystichum_aculeatum", + "ligustro", + "gaultheria_procumbens", + "beta_vulgaris", + "vetriola", + "cerastium_alpinum", + "pleurotus_ostreatus", + "allium_ursinum", + "pseudotsuga_menziesii", + "sagginella", + "tanacetum_parthenium", + "lithospermum_officinale", + "campanula_toscana", + "heracleum_sphondylium", + "senapa", + "drimys_winteri", + "piante_parassite", + "verbasco", + "lathyrus_sylvestris", + "spinacristi", + "marasmius_oreades", + "symphytum_officinale", + "viola_tricolor", + "viburnum_opulus", + "carlina_vulgaris", + "allium_vineale", + "limonella", + "raperella", + "gentiana_acaulis", + "elaeis_guineensis", + "calla", + "coix_lacryma_jobi", + "cavolfiore", + "prunus_serrulata", + "galium_verum", + "cycas_circinalis", + "populus_nigra", + "mentha_longifolia", + "calamenta", + "artemisia_filifolia", + "canfora", + "ranunculus_repens", + "valeriana_rossa", + "manioca", + "stellaria_holostea", + "agathis_australis", + "lemna_minor", + "muraiola", + "castagno", + "non_ti_scordar_di_me", + "pyrola_rotundifolia", + "avanese", + "idrofita", + "colocasia_esculenta", + "gommoresina", + "edelweiss", + "spiranthes_spiralis", + "gymnocarpium_dryopteris", + "cardamine_pratensis", + "erica_carnicina", + "phyllitis_scolopendrium", + "hypericum_perforatum", + "visciolo", + "allium_fistulosum", + "ippocastano", + "lychnis_coronaria", + "conyza_canadensis", + "papaveto", + "mela_selvatica", + "amaranthus_hypochondriacus", + "barbabietola", + "alnus_glutinosa", + "diplotaxis_erucoides", + "tamaro", + "arctium_minus", + "pinus_muricata", + "paris_quadrifolia", + "agropyron_repens", + "phytolacca_americana", + "lathyrus_sativus", + "cavolino", + "oxalis", + "veronica_arvensis", + "anthriscus_sylvestris", + "belladonna", + "asplenio_tricomane", + "aggirare", + "pteridium_aquilinum", + "paradisea", + "cinnamomum_cassia", + "panicum_capillare", + "terzanella", + "smilax_aspera", + "salvia_sclarea", + "aristolochia_clematitis", + "savina", + "cephalanthera_rubra", + "cypripedium_calceolus", + "sorbolo", + "miosotide", + "viola_odorata", + "poa_nemoralis", + "lauroceraso", + "olivo", + "amaranthus_albus", + "campanula_serpeggiante", + "iris_florentina", + "piscialetto", + "santoreggia_domestica", + "arctostaphylos_uva_ursi", + "chrysanthemum", + "agrimonia", + "battitoio", + "capraggine", + "vallisneria", + "mentastro", + "holcus_mollis", + "crambe_maritima", + "platanthera_chlorantha", + "euphorbia_milii", + "robbio", + "paradisea_liliastrum", + "pinastro", + "peste_d_acqua_comune", + "castanea", + "kiwicha", + "vitalba", + "physalis_peruviana", + "sambucus_ebulus", + "salice", + "rubus_odoratus", + "grisantemo", + "brasca_increspata", + "tignosa", + "hamamelis_virginiana", + "calystegia_sepium", + "magnolia", + "mostarda", + "cardo_asinino", + "pterocarpus_macrocarpus", + "ciliegio", + "hevea_brasiliensis", + "ranunculus_aquatilis", + "avena_barbata", + "polypodium_vulgare", + "conium_maculatum", + "plantago_media", + "ranunculus_acris", + "cirsium_arvense", + "gramigna_intermedia", + "campanella_turchina", + "verbascum_lychnitis", + "millefoglio", + "sandalo", + "platanthera_bifolia", + "aerofita", + "solanum_quitoense", + "rosa_selvatica" + ], + "JOB": [ + "birocciaio", + "furiere", + "cancerologo", + "liutaio", + "persona_grata", + "droghiera", + "battifiacca", + "lancere", + "sceriffo", + "alienista", + "allogatore", + "tiretto", + "paranza", + "fondatore", + "ginecologa", + "guru", + "allibratore", + "capocronista", + "tappezziere", + "figulo", + "sonorista", + "mercator", + "manifatturiere", + "sweep", + "bottaio", + "conciaiolo", + "presidentessa", + "prestinaio", + "moschettiere", + "badilante", + "mulattiere", + "stagista", + "il_console", + "fattoressa", + "maniscalco", + "mestolone", + "canoista", + "laringologo", + "motopeschereccio", + "speaker", + "serraturiere", + "ginecologo", + "vetraio", + "compendiatore", + "cardiologo", + "granatiere", + "the_analyst", + "carradore", + "agrimensore", + "lessicografo", + "ribattitore", + "mandriana", + "assistente_sociale", + "pettinatore", + "sarto", + "stagnaio", + "doratore", + "the_cutter_il_trafficante_di_diamanti", + "make", + "trovarobe", + "scioperante", + "acquirente", + "stagnino", + "cancelliere", + "tesoriere", + "puericultore", + "lettrice", + "metronotte", + "catechista", + "esercente", + "agricoltrice", + "tessitore", + "coppiere", + "the_dentist", + "procaccino", + "droghiere", + "guerriera", + "estetista", + "spazzacamino", + "quartiermastro", + "prima_cittadina", + "schivafatiche", + "bagnino", + "speziale", + "ramaio", + "incassatore", + "endocrinologo", + "fornaio", + "strinare", + "the_lifeguard", + "ristoratrice", + "frenatore", + "colf", + "coniglietto", + "territoriale", + "connestabile", + "proprietaria", + "fresatrice", + "impagliatore", + "fabbricante", + "bagnaiolo", + "cacciatrice", + "endocrinologa", + "governatore", + "addestratore", + "d_artagnan", + "puericoltore", + "reumatologa", + "sexton", + "elettrotecnico", + "cardex", + "follatore", + "saldacontista", + "cattedratico", + "lanciere", + "capoccio", + "tassidermista", + "intrattenitore", + "parruccaio", + "scaricatore", + "don", + "ricoglitore", + "capofabbrica", + "parteggiante", + "scalpellino", + "escavatorista", + "guidatore", + "locomotorista", + "panettiera", + "quando_ho_aperto_gli_occhi", + "portinaio", + "coyote", + "gerontologo", + "conciaio", + "mazziere", + "la_tata", + "lavorante", + "registratore", + "cordaio", + "camerinista", + "the_police", + "lo_spaventapassere", + "inventore", + "muratore", + "peacemaker", + "pastora", + "macchinista", + "terapeuta", + "il_broker", + "dattilografa", + "the_sentinel", + "legatore", + "vetrinista", + "maresciallo", + "tagliaboschi", + "bailo", + "la_maggiore", + "ostetrica", + "proctologa", + "broker_d_assicurazioni", + "angiologo", + "perchia", + "sommelier", + "cannoniere", + "barbiere", + "boscaiolo", + "manovratore", + "protocollista", + "compositore", + "segretario", + "doge", + "gentleman", + "cavalleggero", + "sindacalista", + "lapidario", + "mammana", + "stallino", + "aguzzina", + "ramazzare", + "correttore", + "episcopo", + "corriere", + "esattore", + "caporeparto", + "dispensiere", + "giardiniere", + "ematologo", + "camallo", + "locandiera", + "ramponiere", + "sostentatore", + "paracadutista_militare", + "stradino", + "baleniera", + "para", + "valletto", + "pittrice", + "proctologo", + "arredatore", + "fonditore", + "unionista", + "neuropsichiatra", + "facchino", + "indoratore", + "the_scientist", + "artefice", + "una_notte_da_leoni", + "chiappacani", + "coniglietta", + "vetturino", + "calderaio", + "couturier", + "mastermind", + "portatore", + "rilegatore", + "manovale", + "daziere", + "irroratore", + "internunzio", + "apportatore", + "autrice", + "l_orologiaio_di_saint_paul", + "cartografo", + "trainer", + "land", + "insaponare", + "boss", + "capocuoco", + "vigilante", + "compratore", + "portamazze", + "pompiere", + "il_cacciatore", + "una_donna_in_carriera", + "apoplessia", + "spazzino", + "fittacamere", + "mancipe", + "urinare", + "ingegnere", + "giardinaio", + "sbucciatore", + "governante", + "chiavaio", + "velista", + "saggista", + "scudiero", + "balivo", + "casellante", + "ausiliario", + "cavalleggiero", + "cartaio", + "jeff_richards", + "internare", + "scultrice", + "armaiolo", + "dettagliante", + "cutter", + "barrocciaio", + "colonnello", + "treviri", + "lattoniere", + "idrologo", + "retore", + "alto_commissario", + "buttero", + "freelance", + "scientist", + "leader", + "legatrice", + "trattatore", + "spaccalegna", + "vigile_del_fuoco", + "fantaccino", + "capraia", + "panificatore", + "feldmaresciallo", + "kamikaze", + "osteopata", + "solcatore", + "assessore", + "the_advocate", + "cerusico", + "orticultore", + "dermatologo", + "una_prova_per_non_morire", + "staffiere", + "fondatrice", + "portabandiera", + "sagomatrice", + "art\u00e9fice", + "borgomastro", + "reggente", + "didatta", + "trebbiatrice", + "levatrice", + "compratrice", + "rivenditore", + "riparatore", + "calligrafo", + "sonatore", + "diportista", + "portalettere", + "cassetto", + "barelliere", + "fumettista", + "visagista", + "trombaio", + "salsamentario", + "il_dottor_arrowsmith", + "fornaia", + "stalker", + "trascrittore", + "salesman", + "sovrintendente", + "buttafuori", + "the_guardian", + "blackleg", + "polizza_flottante", + "dermatologa", + "attendente", + "fattorino", + "lancia_spezzata", + "tagliapietre", + "molinaro", + "attanagliare", + "mezzadro", + "mingere", + "helena_bertinelli", + "disegnatore", + "portuale", + "allergologo", + "schiavo", + "mercantessa", + "mulinaro", + "carceriere", + "setter", + "complottista", + "collaboratrice_familiare", + "conciapelli", + "boaro", + "barellante", + "bottegaia", + "conciatore", + "epitomatore", + "tornitore", + "mercante", + "cassiere", + "cardiochirurgo", + "mate", + "ebanista", + "callista", + "legnaiolo", + "carrettaio", + "fontaniere", + "zelatore", + "fanalista", + "riveditore", + "guerriero", + "impiegato", + "sindaco", + "banchiere", + "stuccatore", + "cardiologa", + "idrologa", + "gassista", + "falegname", + "a_voce_alta_the_reader", + "designer", + "parrucchiera", + "carango_mediterraneo", + "coscritto", + "sterratore", + "passacarte", + "stagionale", + "offerente", + "lattaia", + "parteggiatore", + "pavoneggiarsi", + "antesignano", + "pilota_collaudatore", + "barrister", + "crumira", + "affittacamere", + "razzolatore", + "coltivatore", + "ricopiare", + "messo", + "sommergibilista", + "immunologo", + "piantatore", + "corazziere", + "crumiro", + "falconiere", + "translatore", + "becchino", + "regista", + "idrogista", + "romanziere", + "caporale", + "mercatante", + "tenente", + "pellaio", + "dimostratore", + "patrocinatore", + "ammaestratore", + "precettrice", + "neurochirurgo", + "carrista", + "infermiere", + "gaucho", + "hostess", + "intagliatore", + "impaccatore", + "casaro", + "pincerna", + "capopartito", + "barilaio", + "internista", + "carruca", + "mulinaio", + "district_attorney", + "cannista", + "cantero", + "basters", + "the_principal_una_classe_violenta", + "pettinatrice", + "aggiudicatario", + "scultore", + "dattilografo", + "parrucchiere", + "mappatore", + "sottotenente", + "cineoperatore", + "propugnatore", + "the_economist", + "collier", + "manager", + "ristoratore", + "paramedico", + "broker", + "wetter", + "carter", + "dispensatore", + "paradontologo", + "mandriano", + "lampionaio", + "biscazziere", + "gerontoiatra", + "stripper", + "the_dressmaker", + "raffinatore", + "vignettista", + "allenatore", + "il_servo_di_scena", + "neurologo", + "mitragliere", + "sottufficiale", + "dimostrante", + "barista", + "freniatra", + "latore", + "allevatore", + "warrior", + "laringologa", + "carpentiere", + "mercadante", + "forestale", + "galoppino", + "para_yugoslavo", + "acquafortista", + "perfezionatore", + "ispettore", + "vasellaio", + "regolatore", + "tutti_contro_tutti", + "bottegaio", + "parlatore", + "patrocinante", + "doc", + "buffatore", + "gestore", + "catalogatore", + "bottegante", + "scienziata", + "colpo_apoplettico", + "tuttofare", + "idrogisto", + "lanciatrice", + "torcitore", + "fitoterapeuta", + "the_boxer", + "bambinaia", + "colpitore", + "conduttore", + "armiere", + "miodesopsia", + "stilista", + "lattaio", + "the_hire", + "bagnante", + "tessitrice", + "usher", + "messenger", + "annunziatore", + "cabinista", + "lavoratrice", + "chauffeur", + "pisciare", + "orticoltore", + "falangio", + "procaccia", + "au_pair", + "fenditore", + "danzatrice", + "sentry", + "proconsul", + "mercatore", + "carangidi", + "capintesta", + "gabelliere", + "baleniere", + "stampante", + "convivente", + "bracciante", + "schiava", + "diurnista", + "sviluppatore", + "tagliatrice", + "the_interpreter", + "cameraman", + "romanzatore", + "sagrista", + "capotrib\u00f9", + "strumentista", + "maniscalca", + "curatore", + "vasaio", + "l_uomo_senza_sonno", + "amanuense", + "il_padrone_di_casa", + "pastorella", + "cartonista", + "il_correttore_di_bozze", + "elemosiniere", + "porgitore", + "mezzamanica", + "carbonaio", + "ussero", + "capraio", + "assumibile", + "croupier", + "bridgista", + "istruttore", + "stenografo", + "il_professore", + "steward", + "tossicologo", + "carratore", + "vasaia", + "spalatore", + "reumatologo", + "spogliarellista", + "segretaria", + "interprete", + "reggitore", + "autotrenista", + "massaio", + "collezionista", + "doula", + "cappellone", + "carrettiere", + "timoniere", + "caramellaio", + "antologista", + "conciario", + "fucinatore", + "sub", + "soprintendente", + "parer", + "sagrestano", + "saprofagia", + "statuario", + "the_independent", + "solicitor", + "bishop", + "strumentalista", + "abbreviatore", + "sindaca", + "di_propria_iniziativa", + "terapista", + "coolie", + "associato", + "cookie", + "infermiera", + "taglialegna", + "figulinaio", + "suonatore", + "panettiere", + "mugnaio", + "cineasta", + "intagliatrice", + "esquire", + "carraio", + "tutto_fare", + "annunciatore", + "caporione", + "capocameriere", + "danzatore", + "sergente", + "attacchino", + "marmittone", + "orinare", + "linotipista", + "crestaia", + "ferracavallo", + "panificatrice", + "direttore_finanziario", + "barbitonsore", + "cartoonist", + "pastore", + "regnante", + "giuntatrice", + "nostromo" + ], + "DISEASE": [ + "rettocele", + "rigonfiatura", + "sars", + "singhiozzare", + "grattatura", + "galattosemia", + "attaccabottoni", + "condroma", + "minorazione", + "rangolare", + "chirospasmo", + "stipsi", + "embriogenesi", + "voltastomaco", + "faringite", + "spellamento", + "piressia", + "sbornia", + "misofobia", + "fondatore", + "quadriplegia", + "oftalmite", + "patimento", + "ki", + "polio", + "orticaria", + "piastrinopenia", + "glicosuria", + "suppurare", + "ernia", + "rubeola", + "polidipsia", + "cardiopalma", + "lichene", + "amigdalite", + "sociofobia", + "accanimento", + "paradontosi", + "rage", + "panereccio", + "paresi", + "sternutare", + "corizza", + "cheratomalacia", + "palatoschisi", + "astasia", + "analgesia", + "trancio", + "tanatofobia", + "androfobia", + "angosciare", + "abrasione", + "fotofobia", + "salmonellosi", + "tossicomania", + "capogiro", + "martoriare", + "raschio", + "cacherella", + "scottamento", + "lividura", + "denutrizione", + "vogata", + "scottatura", + "batteriofago", + "progeria", + "laringite", + "poison_ivy", + "acconciare", + "bruciacchiatura", + "rottorio", + "sottoalimentazione", + "catalessi", + "sciatica", + "strazio", + "ginecomastia", + "psiconevrosi", + "gestazione", + "dolenzia", + "mouse", + "soffocamento", + "rachitismo", + "pancreatite", + "ammaccamento", + "xerodermia", + "croup", + "sciatalgia", + "lambdacismo", + "cianosi", + "ebrezza", + "frattura", + "mielite", + "crioanestesia", + "defaillance", + "accorazione", + "gambestorte", + "strinatura", + "starnutire", + "brachidattilia", + "parametrite", + "valvulite", + "accecamento", + "accorciato", + "gibbosit\u00e0", + "anemia_aplastica", + "incenerire", + "presbitismo", + "singhiozzo", + "presbiopia", + "infiammazione", + "gotta", + "follicolite", + "beriberi", + "psiconeurosi", + "mania", + "mastalgia", + "nicotinismo", + "ingrossamento", + "the_bends", + "risipola", + "anemia_drepanocitica", + "xeroderma", + "sferzante", + "ustione", + "struma", + "cheratoacantoma", + "phytophthora_infestans", + "tossire", + "la_citt\u00e0_delle_navi", + "cardite", + "dolere", + "la_stangata", + "lussazione", + "peste_nera", + "coriza", + "beccatura", + "trichomoniasi_vaginale", + "ms", + "gengivite", + "sordomutismo", + "indisposizione", + "sternutire", + "scotoma", + "orecchioni", + "brucellosi", + "distrofia", + "galattocele", + "autoimmunit\u00e0", + "cacaiola", + "the_suffering", + "bottacciolo", + "colera", + "rust", + "padre_fondatore", + "proteinuria", + "torpore", + "stiratura", + "anchilosi", + "attorcigliare", + "cheratocono", + "radiosit\u00e0", + "setticemia", + "amartoma", + "arrossire", + "esse_moscia", + "maidismo", + "barbugliamento", + "crucciare", + "teratoma", + "blacklash", + "pirosi", + "estumescenza", + "empetiggine", + "cardiomegalia", + "albuminuria", + "postema", + "mastodinia", + "podoflemmatite", + "corrasione", + "tenesmo", + "dissenteria", + "catarro", + "calcolosi_renale", + "rosacea", + "allineato", + "piemia", + "para", + "avvelenamento", + "cacarella", + "pirofobia", + "coronario", + "malessere", + "gavocciolo", + "atassia", + "nascenza", + "handicap", + "la_peste", + "collasso", + "tarantismo", + "anchiloglossia", + "itterizia", + "tracheite", + "pertosse", + "ustionare", + "pernio", + "emangioma", + "mieloma", + "bruciore", + "oftalmoplegia", + "ciucca", + "contusione", + "fratturarsi", + "giracapo", + "beri_beri", + "spinale", + "wale", + "schistosomiasi", + "disidratazione", + "gravida", + "stitch", + "radianza", + "tireotossicosi", + "vaccina", + "politezza", + "gravidanza", + "escoriazione", + "miliaria", + "la_passione_di_cristo", + "rickettsiosi", + "costipazione", + "stitichezza", + "ammaccarsi", + "cecit\u00e0", + "starnuto", + "collasso_cardiaco", + "lussatura", + "panareccio", + "accoramento", + "turgore", + "mercurialismo", + "grafospasmo", + "sottalimentazione", + "strozzamento", + "manio", + "squacquera", + "crepitazione", + "chi", + "giramento", + "stiramento", + "piedecavo", + "strangolamento", + "indolenzimento", + "pollinosi", + "talismo", + "qi", + "erisipela", + "preeclampsia", + "granuloma", + "patereccio", + "supplizio", + "strangolazione", + "stabbiolo", + "rapacit\u00e0", + "pinguetudine", + "rosolia", + "gravidanza_indesiderata", + "formentone", + "bradicardia", + "spina_bifida", + "beguk", + "rifulgenza", + "silicosi", + "adiposit\u00e0", + "pamplegia", + "martellatore", + "claustrofobia", + "distimia", + "indurimento", + "gimp", + "dolorare", + "vinismo", + "calazio", + "abasia", + "frenzy", + "risplendenza", + "cachessia", + "alexia", + "herpes", + "angustiare", + "tachicardia", + "poliomielite", + "morsicata", + "strabismo", + "ritocchino", + "proctite", + "fissaggio", + "risciacquo", + "menorragia", + "ammalarsi", + "meteorismo", + "orzaiolo", + "indietreggiamento", + "morsicare", + "smart", + "tossicodipendenza", + "amelia", + "paralisi", + "callosit\u00e0", + "cerebrolesione", + "tiroidismo", + "bubbone", + "tenerezza", + "vena_varicosa", + "boglire", + "cardiomiopatia", + "ed", + "malattia", + "breakdown", + "blister", + "intertrigine", + "storcere", + "sigmatismo", + "pica", + "sopraffollamento", + "gassare", + "papilloma", + "spellatura", + "spezzarsi", + "claudicazione", + "congiuntivite", + "natriuresi", + "tracoma", + "vescicante", + "morsicatura", + "sclerosi_multipla", + "trasposizione", + "attorcigliarsi", + "acetonemia", + "bloom", + "fruttosuria", + "gommosi", + "mordere", + "costipamento", + "indiscrezione", + "litiasi", + "lombaggine", + "ritagliato", + "appendicite", + "mastoidite", + "listeriosi", + "seviziare", + "collassare", + "sensation", + "indigestione", + "oftalmia", + "starnutare", + "borsite", + "achilia", + "peste_bovina", + "contrastare", + "parestesia", + "poliovirus", + "cardiopatia", + "paludismo", + "fugue", + "pain", + "congestione", + "kernittero", + "muscolosit\u00e0", + "mastadenite", + "ingrossatura", + "malacia", + "arbovirus", + "incisura", + "svergolamento", + "contorcere", + "giradito", + "freschezza", + "talassemia", + "palla_smorzata", + "papilledema", + "ringrosso", + "sequela", + "superinfezione", + "vasculite", + "fonofobia", + "contagio", + "complicazione", + "ill", + "strangolatura", + "crampo", + "paraplegia", + "an_qi", + "pull", + "bruciamento", + "brachicardia", + "tarantolismo", + "areflessia", + "escara", + "virus_dell'herpes_simplex", + "stranguglione", + "gobbo", + "pellagra", + "aviaria", + "sterilit\u00e0", + "mongolismo", + "aeroembolismo", + "menomazione", + "mi", + "bruciatura", + "stomatite_gangrenosa", + "acantosi_nigricans", + "folgorazione", + "tosse", + "reclamazione", + "para_yugoslavo", + "aura", + "scalfittura", + "arousal", + "gelidezza", + "sting", + "in_sovrappeso", + "blastoma", + "chinetosi", + "labirintite", + "ostruzionismo", + "policitemia", + "the_bleeding", + "tumore_maligno", + "polimiosite", + "contundere", + "siderosi", + "livellato", + "emmetropia", + "pancitopenia", + "gomitata", + "break", + "erpete", + "coronaropatia", + "la_nausea", + "tagliato", + "tintarella", + "superaffollamento", + "pizzicata", + "singulto", + "senofobia", + "trauma", + "tossiemia", + "shigellosi", + "lichen_planus", + "fondatrice", + "cardiopalmo", + "kuru", + "burn", + "carbonchio", + "assuefazione", + "stenosi", + "polmonite", + "strappamento", + "scandalizzare", + "catalessia", + "noma", + "sommovimento", + "the_hives", + "lessare", + "ibernazione", + "paratifo", + "fersa", + "malattia_congenita", + "astrafobia", + "mastite", + "assodamento", + "polidattilia", + "arrangolare", + "dengue", + "anasarca", + "lordosi", + "colecistite", + "sevizie", + "fendente", + "le", + "rossore", + "lustrezza", + "vergognare", + "salmonella", + "fonditore", + "verruca", + "normotermia", + "schizotimia", + "stimmate", + "lebbra", + "dolorante", + "carboncello", + "epidermolisi_bollosa", + "tremante", + "schizoide", + "malcaduco", + "lombalgia", + "malaria" + ], + "LOCATION": [ + "al_jazeera", + "rocca_imperiale", + "mar_cinese_orientale", + "plantago_lanceolata", + "mar_tirreno", + "e_allora", + "di_nulla", + "il_meglio_del_meglio", + "the_good_night", + "trifolium_pratense", + "so_what", + "la_manica", + "acquasanta", + "mar_nero", + "dryocopus_martius", + "columbus_day", + "il_giardino_dei_ciliegi", + "non_plus_ultra", + "mar_del_nord", + "lago_st_clair", + "eryngium_maritimum", + "bow_wow", + "united_states_army", + "isola_rotatoria", + "monte_degli_ulivi", + "s_tog", + "piet_mondrian", + "la_roche_en_ardenne", + "trifolium_repens", + "servizio_ferroviario", + "sint_maarten", + "buonasera", + "petasites_hybridus", + "autocommutatore", + "due_fratelli", + "chang_jiang", + "chelus_fimbriata", + "da_nessun_altra_parte", + "man_o_war", + "kryvyj_rih", + "non_c_\u00e8_di_che", + "trois_rivi\u00e8res", + "aer_ch\u00f3r_na_h\u00e9ireann", + "monti_guadalupe", + "capo_horn", + "centrale_telefonica", + "cul_di_sacco", + "land", + "non_c_\u00e8_problema", + "sulla_terrazza", + "saint_vincent", + "iris_pseudacorus", + "sulla_strada", + "the_black_hole_il_buco_nero", + "blue_mountains", + "maria_maddalena", + "pieris_rapae", + "ci_sono", + "medio_oriente", + "acqua_pesante", + "aviazione_militare", + "joseph_louis_gay_lussac", + "accademia_militare", + "plantago_major", + "sassonia_anhalt", + "falkland", + "roseto", + "nuphar_lutea", + "di_niente", + "mar_giallo", + "capodanno", + "eventualmente", + "plantago_media", + "ingegneria_civile", + "babbo_natale", + "australia_occidentale", + "buonanotte", + "v_eri", + "banca_centrale", + "alnus_glutinosa", + "usa", + "terra_bruciata", + "saint_lucia", + "la_bella_addormentata", + "hat_yai", + "arena", + "pandispagna", + "sri_lanka", + "lago_dei_boschi", + "lago_superiore", + "scutellaria_galericulata", + "the_rolling_stones", + "cordon_bleu", + "monte_carmelo", + "in_caso", + "grande_dorsale", + "pollicino", + "\u00e8_un_piacere", + "al_ayn", + "downtown", + "lago_tana", + "orto_botanico", + "pieris_brassicae", + "heitor_villa_lobos", + "la_terza_via", + "orsa_maggiore", + "a_tre_gambe", + "ospedale_psichiatrico", + "resecare", + "portorico", + "delonix_regia", + "strada_senza_uscita", + "red_water_terrore_sott_acqua", + "prunus_avium" + ], + "ORG": [ + "dominion", + "ida", + "san_marco", + "reparto_vendite", + "frammassoneria", + "agenzia_turistica", + "radiotelevisione", + "germanistica", + "san_nicola_di_bari", + "marineria", + "politecnico", + "il_silenzio_degli_innocenti", + "wicca", + "radiogalassia", + "an_education", + "marina_militare", + "trasporto_pubblico", + "jan_mayen", + "marina_reale", + "messaggeria", + "natasha_romanoff", + "aa", + "di_ultima_generazione", + "democrazia_diretta", + "nasa", + "tre_sorelle", + "chi_sei", + "arda", + "seicento", + "bollywood", + "i_soliti_sospetti", + "a_spizzichi", + "partito_nazionalsocialista_dei_lavoratori_tedeschi", + "ivano_frankivs'k", + "punto_interrogativo", + "europol", + "mano_d_opera", + "violenza_domestica", + "the_who", + "assemblea_nazionale_della_repubblica_serba_di_bosnia_ed_erzegovina", + "manodopera", + "capetingi", + "non_plus_ultra", + "assemblea_nazionale", + "haganah", + "gli_amici_di_pap\u00e0", + "massoneria", + "to_the_core", + "in_comune", + "stanotte", + "college", + "laburismo", + "san_francisco", + "in_flagranza", + "un", + "a_chorus_line", + "war_machine", + "fiume_giallo", + "fondo_pensione", + "la_pratica_rende_esperti_sbagliando_s_impara", + "partito_social_democratico", + "epistrofeo", + "nunziatura", + "da_prima", + "v\u0129nh_long", + "camera_bassa", + "a_poco_a_poco", + "madonna_addolorata", + "albero_genealogico", + "zona_industriale", + "sant_elena", + "nuovo_mondo", + "col_legno", + "viceversa", + "consiglio_municipale", + "mar_rosso", + "periodo_d_oro", + "dipartimento_ministeriale", + "partito_popolare", + "brahmanismo", + "gao", + "casa_automobilistica", + "alessandro_magno", + "the_family_man", + "partito_liberale", + "castel_campagnano", + "partito_del_lavoro", + "saint_vincent", + "farragine", + "agenzia_pubblicitaria", + "l_oca_selvaggia_colpisce_ancora", + "john_tuzo_wilson", + "gironda", + "mai_pi\u00f9", + "the_faculty", + "san_basilio", + "partito_nazionale", + "impazzire", + "alto_commissariato", + "centrale_termica", + "the_new_school", + "ai", + "istituto_di_emissione", + "fuoriclasse", + "chiang_mai", + "aeronautica_militare", + "poco_alla_volta", + "dia", + "consiglio_aziendale", + "codice_civile", + "ditta_farmaceutica", + "classe_operaia", + "winnie_pooh", + "taoismo", + "villanova_di_camposampiero", + "maestranze", + "vi_voglio_bene", + "islamistica", + "sfaccendare", + "partito_ambientalista_i_verdi", + "ambasceria", + "discarico", + "chiesa_cattolica_romana", + "la_bemolle_maggiore", + "diritti_civili", + "le_mans", + "perch\u00e9_no", + "mi_chiamo", + "novilunio", + "don_giovanni", + "classe_lavoratrice", + "con_le_mani_nel_sacco", + "demosociale", + "di_sola_andata", + "rabindranath_tagore", + "trapassato", + "gestapo", + "mar_dei_caraibi", + "assennatezza", + "rubacuori", + "giardino_botanico", + "chiesa_cattolica", + "carabattole", + "l_unione_fa_la_forza", + "addolorata", + "winnie_the_pooh", + "la_commedia_degli_errori", + "dindarolo", + "partito_laburista_australiano", + "boscoducale", + "fisco", + "muratura", + "tra_virgolette", + "li_fi", + "casa_farmaceutica", + "diritto_romano", + "manovalanza", + "impero_tedesco", + "un_altra_volta", + "se_uomo", + "assemblea_nazionale_francese", + "who_are_you", + "catadiottro", + "arma_bianca", + "malattia_venerea", + "chiang_rai", + "al_jazeera", + "costellare", + "ginnasio", + "valenzia", + "eccelso", + "chewing_gum", + "disa", + "collettivamente", + "visnuismo", + "il_meglio_del_meglio", + "europe", + "po", + "cristianesimo_scientista", + "a_team", + "mossad", + "nautilus_pompilius", + "notte_di_san_silvestro", + "ordine_professionale", + "la_manina", + "hollywood", + "dopo_cristo", + "lo_stato_dell_arte", + "battaglione", + "ti_voglio_bene", + "man_mano", + "sinedrio", + "semiprezioso", + "saint_barth\u00e9lemy", + "maestranza", + "partito_verde", + "sturmabteilung", + "ed_altri", + "luna_nuova", + "los_angeles", + "nato", + "mass_media", + "partito_repubblicano", + "baltimore_orioles", + "terra_bruciata", + "anno_domini", + "ad_hoc", + "socialist_party_of_england_and_wales", + "i_segreti_di_twin_peaks", + "brahmanesimo", + "fondo_pensioni", + "a_pezzi_e_bocconi", + "turno_di_giorno", + "partito_dell_uguaglianza", + "mi", + "san_niccol\u00f2", + "san_silvestro", + "villaggio_olimpico", + "by_the_way", + "students_union", + "alla_polacca", + "in_situ", + "sacra_famiglia", + "sa", + "doc", + "al_ayn", + "padronato", + "shintoismo", + "la_bella_addormentata", + "un_uomo_in_mare", + "giovani_turchi", + "battismo", + "alta_fedelt\u00e0", + "cianfrusaglie", + "panperso", + "proprietari_terrieri", + "istituzione_medica", + "americanistica", + "il_gatto_nero", + "unione_internazionale_delle_telecomunicazioni", + "congiuntamente", + "commerce", + "casa_bianca", + "minutaglia", + "blue_jeans", + "alta_frequenza", + "streptococcus_pyogenes", + "eu", + "gomma_da_masticare", + "i_griffin", + "san_giovanni_battista", + "chang_jiang", + "assieme", + "giovani_arrabbiati", + "pollicino", + "il_faro_incantato", + "hirundo_rustica", + "hautes_fagnes", + "la_sfida_di_landover", + "inizialmente", + "in_vitro", + "corte_suprema", + "maria_dolorosa", + "elementari", + "gomma_americana", + "ninni_puf", + "s\u00e3o_tom\u00e9", + "vaishnavismo", + "madre_dolorosa" + ], + "POLITICAL_PARTY": [ + "gironda", + "laborismo", + "partito_socialdemocratico", + "kuomintang", + "partito_socialista", + "liberal_party", + "partito_democratico_repubblicano", + "partito_laburista", + "partito_whig", + "partito_progressista", + "partito_democratico", + "partito_conservatore", + "laburismo", + "partito_comunista", + "partito_proibizionista" + ], + "PRODUCT": [ + "bananiera", + "st_vincent", + "autoblindo", + "per_la_grazia_di_dio", + "deja_vu", + "justin_bieber", + "la_scala_musicale", + "migliorarsi", + "salvavita", + "prima_guerra_mondiale", + "unione_sovietica", + "miosotide", + "s_tog", + "monte_sant_elena", + "la_macchina_del_tempo", + "grande_berta", + "al_jazeera", + "all_ultimo_momento", + "le_quattro_stagioni", + "diego_garcia", + "echinopsis_pachanoi", + "la_dodicesima_notte", + "paternostro", + "battistero", + "analisi_matematica", + "corto_circuito", + "il_pellegrinaggio_del_cristiano", + "monti_balcani", + "la_colazione_dei_campioni", + "diritti_umani", + "il_mastino_dei_baskerville", + "buond\u00ec", + "saint_vincent", + "il_signore_degli_anelli", + "the_star_spangled_banner", + "macchina_truccata", + "tanto_rumore_per_nulla", + "se_dio_vuole", + "la_bussola_d_oro", + "monte_cristo", + "arco_trionfale", + "trincotto", + "schiavit\u00f9_sessuale", + "la_modificazione", + "padrenostro", + "non_ti_scordar_di_me", + "battisterio", + "la_ciociara", + "after_burner", + "la_lettera_scarlatta", + "sulla_terrazza", + "boxing_day", + "parole_incrociate", + "il_fratello_minore", + "fonte_battesimale", + "la_dolce_vita", + "una_cascata_di_diamanti", + "la_dama_di_picche", + "deutsche_welle", + "pulsiossimetro", + "sode", + "gong", + "la_camera_rossa", + "gassometro", + "all_ultimo_minuto", + "mi_dispiace", + "mario_andretti", + "cortocircuito", + "multipiattaforma", + "capoverdiano", + "a_dio_piacendo", + "angiporto", + "tutto_\u00e8_bene_quel_che_finisce_bene", + "de_facto", + "albero_di_natale", + "il_gatto_con_gli_stivali", + "decollare", + "la_fiera_della_vanit\u00e0", + "va_bene", + "cortocircuitare", + "tazzina", + "tutto_\u00e8_bene_ci\u00f2_che_finisce_bene", + "gelato_ai_frutti_misti", + "cacciabombardiere", + "novo_mesto", + "gelato_di_frutta_mista" + ], + "FOOD": [ + "cotenna", + "olla_podrida", + "intingolo", + "cioccolatino", + "mousse", + "sanguinaccio", + "golden_delicious", + "borlotto", + "cornetti", + "symphytum_officinale", + "sughetto", + "daucus_carota", + "besciamella", + "bechamel", + "pasta_sfoglia", + "fiorentina", + "christmas_pudding", + "pastina", + "polpettone", + "ficodindia", + "rosato", + "vigna_unguiculata", + "becchime", + "agretto", + "granny_smith", + "capsicum", + "latticino", + "alla_coque", + "whiskey_irlandese", + "aperitivo", + "cantaro", + "patatina", + "surgelazione", + "farina", + "colazione", + "panperso", + "candito", + "tinto", + "latticini", + "broccoletti", + "pranzo", + "rosatello", + "abboffata", + "gelato", + "chili", + "bagna", + "stracotto", + "bibita_analcolica", + "antipasto", + "latticinio", + "prandere", + "prima_colazione", + "pudding", + "fagiolini", + "ventrata", + "dessert", + "sventrata", + "mangiata", + "lattemiele", + "budino", + "bakhasatang", + "bodino", + "scatolame", + "strippata", + "ros\u00e9", + "sonchus_oleraceus", + "petit_four", + "omelette", + "pot_au_feu", + "fegatino", + "pranzare", + "juglans_regia" + ], + "QUANTITY": [ + "wattora", + "ventotto", + "chilogrammetro", + "won_sudcoreano", + "centomila", + "novantatr\u00e9", + "dollaro", + "tre_sorelle", + "won_della_corea_del_nord", + "franco_guineano", + "libbra", + "ventisette", + "shilling", + "elettronvolt", + "parchimetro", + "chilowattora", + "sterlina_egiziana", + "riyal", + "diecimila", + "tre_regni", + "ventinove", + "settantotto", + "franco_camerunense", + "ventitr\u00e9", + "won_della_corea_del_sud", + "g", + "sterlina", + "autoparco", + "stabulario", + "the_real_world", + "rial", + "franco_senegalese", + "caloria", + "ventiquattro", + "spinarello", + "gasterosteus_aculeatus", + "dinaro", + "ventisei", + "ventidue", + "franco_francese", + "gattile", + "autoparcheggio", + "di_rimpetto", + "costante_cosmologica", + "ordinale", + "scellino", + "parcheggiatore", + "centiara", + "won_nordcoreano", + "sterlina_britannica", + "anders_celsius", + "mq", + "i_tre_amigos" + ], + "PERSON_PRONOUN": [ + "te_stessa", + "te_stesso", + "le_nostre", + "i", + "voi_stesse", + "he", + "da_soli", + "voi_tutti", + "our", + "noialtri", + "la_mia", + "i_nostri", + "voi_stessi", + "me", + "la_nostra", + "suoi", + "tuoi", + "il_nostro" + ], + "FAC": [ + "san_quirino", + "poco_alla_volta", + "galleria_aerodinamica", + "camera_bassa", + "centro_commerciale", + "a_poco_a_poco", + "autostazione", + "poco_per_volta", + "scuola_primaria", + "carbonaia", + "the_trap_door", + "the_last_supper", + "elementari", + "arnold_sch\u00f6nberg", + "man_mano", + "san_giuseppe", + "commissariato", + "saint_lucia", + "gradatamente", + "santiago_di_compostela", + "guardian_angels", + "cartiera", + "centrale_elettronucleare", + "ufficio_postale", + "bottiglieria", + "fronte_popolare", + "le_quattro_stagioni", + "gualchiera", + "trentatr\u00e8", + "santa_lucia", + "facolt\u00e0_di_medicina", + "a_spizzichi", + "la_montagna_incantata", + "winnie_puh", + "a_pezzi_e_bocconi", + "stanotte", + "friedrichshain_kreuzberg", + "scuola_elementare" + ], + "BIO_CHEM_ENTITY": [ + "protoporfirinogeno_ossidasi", + "polivinilcloruro", + "poliaminossidasi", + "aldeideossidasi", + "sorpassato", + "alcol_coniferilico", + "betamiloide", + "guanosindifosfato", + "antipolio" + ], + "TITLE": [ + "mister", + "ms" + ], + "DATE": [ + "novilunio", + "mezzora", + "gioved\u00ec_santo", + "prima_o_poi", + "marted\u00ec_grasso", + "dog_days", + "tutti_i_giorni_ventiquatt_ore_su_ventiquattro", + "decorrenza", + "happy_hour", + "la_dodicesima_notte", + "bisesto", + "inizialmente", + "diviato", + "in_time", + "a_volte_ritornano", + "plenilunio", + "da_prima", + "a_lungo_andare", + "alla_lunga", + "medioevo", + "primo_quarto", + "era_glaciale", + "dopodomani", + "vecchiezza", + "lunazione", + "et\u00e0_dell_oro", + "immantinente", + "et\u00e0_d_oro", + "new_moon", + "anzitutto", + "era_spaziale", + "cinquantennio", + "the_day_after_il_giorno_dopo", + "senilit\u00e0", + "solleone", + "bissesto", + "battibaleno", + "the_day_after_tomorrow_l_alba_del_giorno_dopo", + "the_golden_years", + "in_primis", + "semivita", + "tutti_i_santi", + "assunzione_di_maria", + "prima_di_tutto", + "in_tempo", + "come_prima_cosa", + "alla_fin_fine", + "tantosto", + "giornataccia", + "era_volgare" + ], + "LANGUAGE": [ + "tailandese", + "bengali", + "da_lontano", + "nemica", + "venda", + "romena", + "bambara", + "sundanese", + "georgiano", + "sindhi", + "magiaro", + "coreana", + "samoana", + "pali", + "russa", + "manx", + "faroese", + "hindi", + "lustrare", + "assamese", + "francoprovenzale", + "guarani", + "catalano", + "lingua_lingala", + "tedesco", + "esperanto", + "latino_americana", + "tedesca", + "coreano", + "cinese", + "cree", + "lao", + "kikuyu", + "tagalog", + "ido", + "nipponico", + "arabico", + "galliciano", + "schipetaro", + "baschiro", + "tonga", + "kannada" + ], + "GPE": [ + "san_sostene", + "centro_storico", + "montalbano_jonico", + "nuovo_testamento", + "madonna_addolorata", + "saint_domingue", + "nostra_signora", + "impero_germanico", + "\u0111ur\u0111evdan", + "dar_es_salaam", + "pietro_apostolo", + "favonio", + "sint_maarten", + "san_valentino", + "casa_bianca", + "basilica_di_santa_sofia", + "pandanus_tectorius", + "camisano_vicentino", + "campo_san_martino", + "villaggio_olimpico", + "palazzo_canavese", + "croce_rossa", + "mille_isole", + "s\u00e3o_tom\u00e9", + "san_cristoforo", + "distretto_scolastico", + "francavilla_marittima", + "gran_canaria", + "franca_contea", + "spirito_santo", + "al_andalus", + "mar_rosso", + "marano_principato", + "oro_bianco", + "perosa_canavese", + "la_rochelle", + "oliveto_lucano", + "sudamerica", + "san_pietro_apostolo", + "andalusa", + "madonna_dei_sette_dolori", + "citt\u00e0_vecchia", + "san_didero", + "hibiscus_rosa_sinensis", + "charlottenburg_wilmersdorf", + "la_gomera", + "santa_severina", + "villanova_marchesana", + "monteforte_irpino", + "maria_addolorata" + ], + "RELIGION_MEMBER": [ + "guru", + "the_hindu", + "sunnita", + "mormonico", + "orangista", + "indostano", + "chi_agita", + "francescano", + "carmelitano", + "agostino", + "non_conformista", + "agostiniano", + "cristiano", + "mussulmano", + "benedettina", + "induista", + "presbiteriano", + "domenicano", + "mormon", + "nazareno", + "shaker", + "cistercense", + "trappista", + "benedettino", + "veterocattolico", + "cisterciense", + "mormone", + "parsi", + "metodista", + "testimone_di_geova", + "sufi", + "anticonformistico", + "anabattista", + "l_apostolo", + "senzadio" + ], + "POLITICAL_PARTY_MEMBER": [ + "fabiano", + "laburista", + "laborista", + "comunista", + "federalista" + ], + "RELIGION": [ + "zen", + "presbiterianismo", + "brahmanesimo", + "catarismo", + "mennonitismo", + "manicheismo", + "islam", + "presbiterianesimo", + "puritanesimo", + "calvinismo", + "scintoismo", + "shintoismo", + "parsismo", + "cristianesimo_scientista", + "salafismo", + "congregazionalismo", + "wahabismo", + "lamaismo", + "brahmanismo", + "wicca", + "anglocattolicesimo" + ], + "RACE": [ + "polinesiano", + "indian_airlines", + "latino", + "filippino", + "nordcoreano", + "isolano", + "nordcoreana", + "pachistano", + "gallesi", + "africano", + "inglesi", + "isolana", + "israelitico", + "francesi", + "africana", + "sudamericano", + "pallidezza", + "amerindiano", + "giudaico", + "latinoamericano", + "the_mexican_amore_senza_sicura", + "statunitensi", + "olandesi", + "giapponesi", + "negro", + "latina", + "amerindio", + "pachistana", + "nordeuropeo", + "bianchi" + ], + "SOC_ECO_CLASS": [ + "pochi", + "malavita", + "eleggere", + "samurai", + "sfaccendare", + "classe_dirigente", + "borghesia", + "popolino", + "intellettualoide", + "alta_societ\u00e0", + "proletariato", + "mercato_nero", + "proprietari_terrieri", + "classe_media", + "ceto_medio", + "sottoclasse", + "fraternit\u00e0", + "padronato" + ], + "GENDER": [ + "caposala", + "mademoiselle", + "gentleman", + "men", + "maschietto", + "boy", + "male", + "boys", + "vecchia", + "guido", + "fantesca", + "debbo", + "madamigella", + "galantuomo", + "tribade", + "transgender", + "putta", + "gentil_sesso", + "ragazzi", + "gal", + "gentildonna", + "damigella", + "capoinfermiera" + ], + "LAW": [ + "divorzista", + "p_l", + "controinterrogatorio", + "ne_bis_in_idem", + "ufficio_federale_investigativo", + "federal_bureau_of_investigation", + "avvocatura", + "patteggiamento" + ], + "PERSON": [ + "al_gore", + "h_g_wells", + "monte_tai", + "saint_vincent", + "gioconda", + "est_sud_est", + "st_vincent", + "william_playfair", + "don_delillo", + "a_chi", + "edward_osborne_wilson", + "ceppatello", + "de_witt", + "min_dong", + "george_v", + "al_amin", + "in_memory", + "carl_david_anderson", + "maxwell_anderson", + "boletus_edulis", + "yo_yo", + "rudolf_hess", + "pesce_san_pietro" + ], + "EVENT": [ + "gran_premio", + "destarsi", + "danza_macabra", + "sing_sing", + "festival_cinematografico", + "appassionare" + ], + "ANAT": [ + "gran_dorsale" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "lara", + "licia", + "gabriella", + "giorgia", + "bettina", + "stefani", + "priscilla", + "giovanna", + "sonia", + "mercedes", + "olga", + "camilla", + "luisa", + "pierina", + "paola", + "antonia", + "annamaria", + "allegra", + "paulina", + "stella", + "milena", + "evangelista", + "sylvia", + "isa", + "valentina", + "rossana", + "romina", + "gelsomina", + "francesca", + "antonietta", + "donna", + "maria", + "alessandra", + "alessia", + "giulia", + "iolanda", + "dolores", + "sandra", + "melania", + "paoletta", + "marissa", + "michela", + "fortunata", + "liana", + "romana", + "martina", + "angelica", + "griselda", + "filippa", + "diana", + "elisa", + "ornella", + "serafina", + "zaira", + "etta", + "clelia", + "victoria", + "veronica", + "raffaella", + "eva", + "alina", + "aurora", + "fabrizia", + "lisa", + "annalisa", + "sole", + "laura", + "susanna", + "imelda", + "patrizia", + "rosina", + "cristina", + "anita", + "ilaria", + "nicoletta", + "maura", + "viridiana", + "adele", + "carla", + "virginia", + "adelasia", + "elvira", + "carolina", + "tatiana", + "tonia", + "cassandra", + "marina", + "simonetta", + "rosa", + "marisa", + "vittoria", + "eugenia", + "roberta", + "barbara", + "amalia", + "rosalia", + "chiara", + "giuseppina", + "mariana", + "germana", + "annunziata", + "melina", + "luciana", + "fernanda", + "caterina", + "ida", + "vanessa", + "sophia", + "bianca", + "silvia", + "claudia", + "angelina", + "nina", + "rosaria", + "liliana", + "jolanda", + "marcella", + "annetta", + "lolita", + "teresa", + "matilda", + "erika", + "lidia", + "stefania", + "rita", + "morena", + "ludovica", + "fabia", + "loretta", + "gloria", + "natalia", + "marta", + "amanda", + "elena", + "margherita", + "dina", + "nedda", + "melissa", + "lauretta", + "aria", + "vincenza", + "ninetta", + "fiamma", + "letizia", + "concetta", + "isabella", + "emma", + "flora", + "antonella", + "donatella", + "irma", + "pina", + "livia", + "gianna", + "valeria", + "daria", + "federica", + "lilla", + "berenice", + "serena", + "giulietta", + "cecilia", + "adriana", + "flavia", + "tina", + "paloma", + "ramona", + "renata", + "giada", + "loredana", + "lucrezia", + "lucia", + "giuliana", + "lina", + "luigina", + "nadia", + "eliana", + "beatrice", + "antonina", + "gemma", + "greca", + "graziella", + "monica", + "tiziana", + "eleanora" + ], + "FIRST_NAME_MALE": [ + "fabrizio", + "liberto", + "giuseppe", + "micheletto", + "nicola", + "benito", + "uberto", + "luca", + "pasquale", + "massimo", + "flavio", + "annibale", + "gioachino", + "raffaello", + "benedetto", + "amico", + "piero", + "romolo", + "fausto", + "guido", + "ivo", + "livio", + "damiano", + "pompeo", + "salvatore", + "danilo", + "giacomo", + "raimondo", + "piermaria", + "marcello", + "virgilio", + "laureano", + "lazzaro", + "angelo", + "pierpaolo", + "luigi", + "pomponio", + "giampaolo", + "giacobbe", + "biagio", + "gioacchino", + "gionata", + "arnulfo", + "giampiero", + "roberto", + "carlo", + "sante", + "antonello", + "adelmo", + "guglielmo", + "salvi", + "tonino", + "alessio", + "gianpaolo", + "greco", + "dario", + "santino", + "ranieri", + "baldassare", + "maurizio", + "toni", + "orazio", + "armando", + "pierluigi", + "girolamo", + "augusto", + "mariano", + "baccio", + "antonino", + "roman", + "antonio", + "ermes", + "puccio", + "aldo", + "nanni", + "pierangelo", + "pellegrino", + "napoleone", + "piergiorgio", + "ronaldo", + "enrico", + "gastone", + "arturo", + "michelotto", + "claudio", + "tullio", + "gioele", + "giancarlo", + "hugo", + "coluccio", + "calcedonio", + "ennio", + "arnaldo", + "ugo", + "domenico", + "goffredo", + "benvenuto", + "alessandro", + "costantino", + "dino", + "gianni", + "gianluca", + "fulvio", + "carmelo", + "piergiuseppe", + "gilberto", + "ricciotti", + "rembrandt", + "cipriano", + "adamo", + "fredo", + "lorenzo", + "raffaele", + "gianfrancesco", + "geronimo", + "amleto", + "franco", + "michele", + "stefano", + "amadeo", + "federico", + "ernesto", + "ruggero", + "manuel", + "coriolano", + "riccardo", + "pasqual", + "agostino", + "martino", + "daniele", + "lamberto", + "federigo", + "donatello", + "mario", + "ettore", + "giorgio", + "simone", + "severino", + "cirillo", + "gioffre", + "gianmarco", + "alderano", + "vincentio", + "rosario", + "paolo", + "atenulf", + "filippo", + "camillo", + "gustavo", + "giulio", + "ferdinando", + "gian", + "lando", + "durante", + "luciano", + "giustino", + "amedeo", + "alfio", + "gabriele", + "venancio", + "sebastiano", + "pietro", + "ciro", + "leonardo", + "patrizio", + "fiorenzo", + "ludovico", + "ottavio", + "vincenzo", + "enzo", + "marco", + "ippazio", + "sandro", + "elladio", + "mirco", + "achille", + "nicol\u00f2", + "costanzo", + "ermanno", + "vito", + "renzo", + "nico", + "eraldo", + "maurilio", + "luchino", + "torquato", + "piersanti", + "emilio", + "pier", + "lodovico", + "adriano", + "ruggiero", + "bernardo", + "oreste", + "fabio", + "umberto", + "azeglio", + "giacinto", + "mauro", + "alberico", + "agnolo", + "mirko", + "alfredo", + "fiorino", + "jacopo", + "gino", + "ugolino", + "temistocle", + "rolando", + "giovanni", + "bartolomeo", + "dionigi", + "sabatino", + "beppe", + "michelangelo", + "ubaldo", + "gaetano", + "alberto", + "donato", + "panfilo", + "alphons", + "leone", + "telemaco", + "gianfranco", + "saverio", + "graziano", + "delfino", + "sergius", + "leopoldo", + "cesare", + "enzio", + "matteo", + "corrado", + "arsenio", + "elmo", + "dante", + "massimiliano", + "guarino", + "romeo", + "fedele", + "ivan", + "calogero", + "giosu\u00e8", + "marcantonio", + "francesco", + "ignazio", + "tiziano", + "silvestro", + "gianpietro", + "niccol\u00f2", + "nino", + "edoardo", + "paride", + "ansaldo", + "ermenegildo", + "giuliano", + "orlando", + "milo", + "galasso", + "silvio", + "gianluigi", + "mattia", + "ezio", + "gaspare", + "osvaldo", + "bruno", + "ottone", + "valerio", + "lucio", + "rodolfo", + "raffaellino", + "vittorio", + "rocco" + ], + "PREFIX_FEMALE": [ + "sig.ra", + "dott" + ], + "PREFIX_MALE": [ + "dott", + "sig" + ], + "FIRST_NAME": [ + "liberto", + "pasquale", + "bettina", + "luca", + "stefani", + "raffaello", + "priscilla", + "ivo", + "mercedes", + "luisa", + "pierina", + "giacomo", + "antonia", + "angelo", + "pierpaolo", + "milena", + "evangelista", + "biagio", + "valentina", + "arnulfo", + "gelsomina", + "donna", + "maria", + "alessio", + "gianpaolo", + "santino", + "giulia", + "baldassare", + "dolores", + "sandra", + "paoletta", + "melania", + "marissa", + "girolamo", + "fortunata", + "liana", + "nanni", + "ermes", + "aldo", + "pierangelo", + "ronaldo", + "serafina", + "gioele", + "eva", + "aurora", + "carmelo", + "piergiuseppe", + "gilberto", + "nicoletta", + "rembrandt", + "adamo", + "fredo", + "niccol\u00f2", + "raffaele", + "lorenzo", + "virginia", + "michele", + "adelasia", + "elvira", + "cassandra", + "pasqual", + "marina", + "martino", + "donatello", + "cirillo", + "gianmarco", + "giuseppina", + "atenulf", + "annunziata", + "melina", + "luciana", + "gustavo", + "vanessa", + "amedeo", + "gabriele", + "venancio", + "sebastiano", + "ciro", + "nina", + "rosaria", + "ottavio", + "lolita", + "erika", + "fabia", + "nico", + "piersanti", + "emilio", + "pier", + "gloria", + "adriano", + "giacinto", + "jacopo", + "fiamma", + "letizia", + "concetta", + "giovanni", + "dionigi", + "donatella", + "irma", + "ubaldo", + "alberto", + "gaetano", + "donato", + "panfilo", + "daria", + "leone", + "saverio", + "delfino", + "leopoldo", + "guarino", + "flavia", + "francesco", + "ramona", + "lucrezia", + "edoardo", + "paride", + "orlando", + "luigina", + "ezio", + "lucio", + "vittorio", + "lara", + "nicola", + "massimo", + "annibale", + "benedetto", + "amico", + "giovanna", + "sonia", + "olga", + "camilla", + "pompeo", + "raimondo", + "salvatore", + "virgilio", + "stella", + "gionata", + "rossana", + "romina", + "carlo", + "francesca", + "antonello", + "toni", + "augusto", + "romana", + "martina", + "angelica", + "baccio", + "roman", + "filippa", + "puccio", + "elisa", + "pellegrino", + "piergiorgio", + "victoria", + "claudio", + "calcedonio", + "ennio", + "ugo", + "lisa", + "annalisa", + "laura", + "cristina", + "cipriano", + "geronimo", + "gianfrancesco", + "amadeo", + "federico", + "riccardo", + "marisa", + "vittoria", + "federigo", + "mario", + "amalia", + "vincentio", + "mariana", + "paolo", + "camillo", + "fernanda", + "durante", + "sophia", + "luciano", + "pietro", + "leonardo", + "fiorenzo", + "ludovico", + "vincenzo", + "marco", + "annetta", + "elladio", + "matilda", + "achille", + "lidia", + "rita", + "morena", + "vito", + "loretta", + "margherita", + "marta", + "oreste", + "elena", + "dina", + "mauro", + "alberico", + "agnolo", + "alfredo", + "aria", + "vincenza", + "antonella", + "gianna", + "alphons", + "gianfranco", + "sergius", + "federica", + "cesare", + "enzio", + "lilla", + "corrado", + "arsenio", + "elmo", + "serena", + "giulietta", + "adriana", + "fedele", + "paloma", + "ignazio", + "gianpietro", + "lucia", + "giuliano", + "milo", + "gianluigi", + "mattia", + "silvio", + "nadia", + "ottone", + "gaspare", + "antonina", + "gemma", + "rodolfo", + "graziella", + "monica", + "tiziana", + "rocco", + "licia", + "micheletto", + "gabriella", + "benito", + "giorgia", + "uberto", + "flavio", + "romolo", + "guido", + "livio", + "damiano", + "laureano", + "piermaria", + "marcello", + "allegra", + "luigi", + "sylvia", + "giacobbe", + "giampaolo", + "gioacchino", + "roberto", + "antonietta", + "tonino", + "alessia", + "ranieri", + "iolanda", + "michela", + "zaira", + "arturo", + "michelotto", + "tullio", + "hugo", + "fabrizia", + "domenico", + "gianni", + "imelda", + "patrizia", + "rosina", + "adele", + "carla", + "amleto", + "franco", + "stefano", + "ernesto", + "carolina", + "tatiana", + "tonia", + "agostino", + "simonetta", + "rosa", + "eugenia", + "lamberto", + "chiara", + "severino", + "gioffre", + "germana", + "filippo", + "giulio", + "caterina", + "bianca", + "alfio", + "silvia", + "patrizio", + "liliana", + "enzo", + "jolanda", + "sandro", + "ippazio", + "marcella", + "ludovica", + "costanzo", + "ermanno", + "luchino", + "maurilio", + "natalia", + "azeglio", + "nedda", + "mirko", + "fiorino", + "gino", + "ugolino", + "temistocle", + "emma", + "bartolomeo", + "sabatino", + "beppe", + "telemaco", + "berenice", + "massimiliano", + "tina", + "ivan", + "calogero", + "marcantonio", + "tiziano", + "ansaldo", + "giuliana", + "greca", + "lina", + "raffaellino", + "goffredo", + "eleanora", + "fabrizio", + "giuseppe", + "gioachino", + "piero", + "fausto", + "danilo", + "lazzaro", + "paola", + "annamaria", + "paulina", + "pomponio", + "isa", + "giampiero", + "sante", + "adelmo", + "guglielmo", + "salvi", + "alessandra", + "greco", + "dario", + "maurizio", + "orazio", + "armando", + "pierluigi", + "mariano", + "antonino", + "griselda", + "antonio", + "diana", + "ornella", + "napoleone", + "enrico", + "gastone", + "etta", + "clelia", + "veronica", + "giancarlo", + "raffaella", + "arnaldo", + "coluccio", + "alina", + "benvenuto", + "alessandro", + "costantino", + "dino", + "sole", + "fulvio", + "susanna", + "gianluca", + "anita", + "ricciotti", + "ilaria", + "maura", + "viridiana", + "ruggero", + "manuel", + "coriolano", + "daniele", + "roberta", + "barbara", + "ettore", + "rosalia", + "giorgio", + "simone", + "alderano", + "rosario", + "ferdinando", + "gian", + "lando", + "ida", + "giustino", + "claudia", + "angelina", + "teresa", + "mirco", + "nicol\u00f2", + "stefania", + "renzo", + "eraldo", + "torquato", + "lodovico", + "bernardo", + "amanda", + "ruggiero", + "fabio", + "umberto", + "melissa", + "lauretta", + "ninetta", + "isabella", + "rolando", + "flora", + "pina", + "michelangelo", + "livia", + "valeria", + "graziano", + "matteo", + "dante", + "cecilia", + "romeo", + "giosu\u00e8", + "renata", + "giada", + "loredana", + "silvestro", + "nino", + "ermenegildo", + "galasso", + "eliana", + "osvaldo", + "bruno", + "beatrice", + "valerio" + ], + "LAST_NAME": [ + "nievo", + "armellini", + "gaiatto", + "sabatini", + "lombardi", + "sraffa", + "barzini", + "cherubini", + "traetta", + "bajardi", + "pugliese", + "zoppetti", + "giammusso", + "seddio", + "borghese", + "sommaruga", + "cibin", + "monte", + "chiaramonte", + "donarelli", + "cipolla", + "pertini", + "scarlatti", + "verdone", + "tagliafierro", + "trapani", + "nosiglia", + "tarantini", + "bosio", + "broggini", + "romano", + "nitti", + "garobbio", + "pucci", + "cutuli", + "gucci", + "panatta", + "campanella", + "finetti", + "sonnino", + "lettiere", + "cilibrasi", + "cugia", + "gilardoni", + "speri", + "biagi", + "mimun", + "verri", + "brambilla", + "ruggeri", + "argan", + "pennetta", + "bertolucci", + "nitto", + "cianciolo", + "detti", + "bonino", + "smirnoff", + "sgalambro", + "tartini", + "ferrabosco", + "anastasi", + "trezzini", + "segr\u00e8", + "trevisan", + "borroni", + "pellico", + "milanesi", + "folliero", + "saraceno", + "giovine", + "rensi", + "pinamonte", + "belletini", + "pisani", + "lupo", + "duodo", + "toselli", + "gianvecchio", + "boccaccio", + "toldo", + "gabbana", + "bajamonti", + "tomaselli", + "bottigliero", + "travia", + "abatantuono", + "fibonacci", + "treves", + "prati", + "camilleri", + "ottino", + "pellegrini", + "farnese", + "tasca", + "ravaglioli", + "olivetti", + "interminelli", + "callegari", + "papetti", + "maccanelli", + "morgagni", + "rocca", + "gentili", + "vespucci", + "crispi", + "carli", + "soffici", + "ceravolo", + "sagese", + "majorana", + "giannini", + "ammaniti", + "tarchetti", + "sagnelli", + "sordi", + "marazzi", + "cainero", + "canevascini", + "salvemini", + "gigli", + "cocci", + "alfonsi", + "ubaldi", + "giunti", + "cilea", + "nolcini", + "scalfaro", + "toscani", + "vasari", + "altera", + "vismara", + "manolesso", + "dellucci", + "bell\u00f2", + "grossi", + "metella", + "busoni", + "rosmini", + "parmitano", + "varano", + "ungaretti", + "malatesta", + "mascheroni", + "pedrazzini", + "ludovisi", + "combi", + "agnesi", + "casadei", + "ferraris", + "pizzo", + "bonolis", + "zoppetto", + "guinizzelli", + "bianchini", + "ruffini", + "saragat", + "calbo", + "molesini", + "guarato", + "panzera", + "antonetti", + "curci", + "mastandrea", + "benussi", + "toscanini", + "cavanna", + "castelli", + "mazzacurati", + "strangio", + "argentero", + "mondadori", + "trapanese", + "interminei", + "borromini", + "salgari", + "gregorio", + "angiolello", + "botta", + "cignaroli", + "fuseli", + "filippelli", + "gianinazzi", + "iannucci", + "pozzecco", + "caccioppoli", + "sauli", + "bocelli", + "viviani", + "scialpi", + "benigni", + "andreozzi", + "bossi", + "stoppani", + "zanazzo", + "tamburello", + "boezio", + "udinese", + "esposito", + "pininfarina", + "frescobaldi", + "pavone", + "galtarossa", + "scotto", + "agostinelli", + "saffi", + "ossola", + "alonzi", + "poerio", + "littizzetto", + "contarini", + "lombardo", + "leone", + "aloisio", + "palmisano", + "cicilia", + "nadi", + "gritti", + "sgarbi", + "marcacci", + "squarcione", + "bondumier", + "panicucci", + "casagrande", + "vercelloni", + "dallara", + "luria", + "natta", + "gaggini", + "bonanno", + "carpaccio", + "zaguri", + "niggli", + "bova", + "grasso", + "gravina", + "guariento", + "capuana", + "zeffirelli", + "telesio", + "palladio", + "ferrucci", + "turchetta", + "blasi", + "fo", + "valmarana", + "abba", + "inzaghi", + "colletti", + "corcos", + "silvestri", + "florio", + "luna", + "saracino", + "infantino", + "bongiorno", + "grisoni", + "orlando", + "sandi", + "brunello", + "basso", + "musatti", + "boiardo", + "alfieri", + "conti", + "rusticucci", + "ariasso", + "roth", + "maglio", + "montalti", + "burcardo", + "acerbi", + "trombetta", + "canali", + "montalcini", + "mogherini", + "trentin", + "aulenti", + "fioravanti", + "campise", + "cutrufo", + "leblanc", + "contrafatto", + "fantini", + "zamengo", + "desio", + "trevisani", + "tarantino", + "gremese", + "jilani", + "federici", + "vigorelli", + "giannetti", + "monaco", + "puglisi", + "monti", + "casaleggio", + "morellato", + "pasolini", + "ginesio", + "buscetta", + "petrucci", + "tacchini", + "basadonna", + "balla", + "lombroso", + "virgilio", + "gemito", + "dibiasi", + "barbarigo", + "goldstein", + "casalodi", + "santoro", + "galiazzo", + "fagiani", + "sabbatini", + "tropea", + "gagliardi", + "salata", + "trillini", + "morandi", + "galilei", + "antonello", + "monteverdi", + "montanariello", + "bold\u00f9", + "sforza", + "priuli", + "baggio", + "marenzio", + "scaduto", + "gussoni", + "fischetti", + "migliaccio", + "fermi", + "mannoia", + "zaccardo", + "zabarella", + "mozart", + "germano", + "amato", + "battisti", + "bartoli", + "muti", + "lamborghini", + "luzi", + "asprucci", + "donatoni", + "righi", + "torricelli", + "zarlino", + "palombi", + "malenchini", + "veltroni", + "casale", + "malaparte", + "cafarchia", + "oscuro", + "villarosa", + "malacarne", + "bellini", + "novaro", + "lattuada", + "modiano", + "mancini", + "calgari", + "rismondo", + "garzoni", + "stucchi", + "micca", + "cossiga", + "ricci", + "botticelli", + "cerquiglini", + "moccia", + "lopresti", + "ricolfi", + "antelami", + "abate", + "galuppi", + "scandone", + "pizzamano", + "anguillara", + "marconi", + "gualandi", + "camicione", + "ciampi", + "catenazzi", + "marangoni", + "dossi", + "tremonti", + "bernardi", + "vecoli", + "celentano", + "nonis", + "visintini", + "badoer", + "onio", + "federico", + "savorgnan", + "scotti", + "ostinelli", + "boaga", + "vitturi", + "pisano", + "malipiero", + "argento", + "balbo", + "ricciardi", + "morricone", + "munari", + "marsili", + "pascarella", + "corbo", + "faugno", + "liverotti", + "borgia", + "crespi", + "cagnotto", + "berlusconi", + "nicoletti", + "ovadia", + "ortolani", + "mantegna", + "maggioli", + "ferrata", + "napolitano", + "martinelli", + "bruscantini", + "dallap\u00e9", + "antonacci", + "leonardi", + "mortati", + "giusti", + "letta", + "durante", + "tommaseo", + "galvani", + "zampa", + "pelli", + "procacci", + "montesano", + "parpinel", + "morucci", + "carosone", + "guidotti", + "canova", + "querini", + "catalano", + "grassi", + "peruzzi", + "giannotti", + "marini", + "tanzini", + "murri", + "pignatti", + "rosiello", + "magrassi", + "tartaglia", + "puccini", + "forza", + "buonauro", + "scamarcio", + "argurio", + "tassoni", + "dossetti", + "modugno", + "bataglia", + "agazzi", + "zola", + "regge", + "baroffio", + "asmundo", + "vanvitelli", + "ferrazzi", + "offredi", + "franzese", + "salvini", + "collodi", + "don\u00e0", + "lerner", + "caracciolo", + "gasperi", + "valentino", + "roero", + "segni", + "quasimodo", + "pirelli", + "mercadante", + "pisacane", + "opizzi", + "sermonti", + "jacuzzi", + "dalla", + "pagnotto", + "benedetti", + "tamburini", + "bertoni", + "finotto", + "barsanti", + "carullo", + "mazzanti", + "troisi", + "morabito", + "villadicani", + "gibilisco", + "rossi", + "lercari", + "mazzeo", + "zanichelli", + "cadorna", + "ceri", + "rossellini", + "vento", + "brichese", + "fantozzi", + "navone", + "guglielmi", + "mantegazza", + "trebbi", + "mondaini", + "staglieno", + "cattaneo", + "raurica", + "tirabassi", + "vergerio", + "travaglio", + "geraci", + "tuzzolino", + "balbi", + "marzorati", + "casarin", + "druso", + "zamorani", + "udinesi", + "correr", + "fiorucci", + "santi", + "orsini", + "fogazzaro", + "solimena", + "gottardi", + "petrocelli", + "valier", + "volta", + "parisi", + "carducci", + "faggiani", + "draghi", + "nugnes", + "cesarotti", + "tasso", + "veneziano", + "baracca", + "trupiano", + "renault", + "beccaria", + "sollima", + "ferrara", + "palazzo", + "tomasini", + "bosurgi", + "riccardi", + "trincavelli", + "ginese", + "ferretti", + "serraglio", + "cortese", + "luxardo", + "gagliano", + "morandini", + "albertini", + "morlacchi", + "comeriato", + "peano", + "sauro", + "marino", + "boitani", + "gioberti", + "greggio", + "pace", + "bersani", + "golgi", + "pratesi", + "lippomano", + "fracci", + "fo\u00e0", + "bonomo", + "vigliotti", + "calvo", + "rosselli", + "antonini", + "dandolo", + "depero", + "cerutti", + "capecchi", + "corradi", + "argenti", + "toso", + "turrini", + "costalonga", + "antonelli", + "verga", + "caboto", + "scarpetta", + "fieramosca", + "ossani", + "zaccagnini", + "civaschi", + "bernini", + "mercati", + "bellocchio", + "modigliani", + "bazzi", + "petruzzi", + "turchi", + "tomasetti", + "zichichi", + "bignardi", + "bragaglia", + "cagnin", + "oliboni", + "iacobucci", + "bresciani", + "randazzo", + "giradello", + "ariosto", + "soranzo", + "paganini", + "tornatore", + "barracco", + "piacentini", + "cremonesi", + "viola", + "rossetti", + "montecchi", + "maffei", + "moresi", + "falier", + "gualtieri", + "leopardi", + "filzi", + "dovara", + "vezzali", + "borzom\u00ec", + "magnani", + "maderna", + "doglioni", + "vergassola", + "pizzetti", + "beccheria", + "muratori", + "gianetti", + "gori", + "fabbri", + "delle", + "morpurgo", + "treccani", + "soprano", + "pausini", + "columbo", + "iacovelli", + "guarneri", + "franscini", + "pareto", + "juvara", + "bonatti", + "salandra", + "cendron", + "castellitto", + "bragadin", + "borrani", + "cheda", + "prodi", + "baresi", + "taliercio", + "pigafetta", + "bodoni", + "mascagni", + "papafava", + "comencini", + "redi", + "peranda", + "errigo", + "doria", + "togliatti", + "fagotto", + "fallaci", + "filogamo", + "bramante", + "ponti", + "piovani", + "flaiano", + "barozzi", + "schiavone", + "ruggieri", + "borromeo", + "avogadro", + "totino", + "brunelleschi", + "impastato", + "ceschi", + "mazzocchi", + "barberini", + "cappelli", + "ajello", + "pederiva", + "anguissola", + "salvo", + "santorio", + "ramazzotti", + "paruta", + "fusani", + "morrocco", + "trobbiani", + "gabrieli", + "barillaro", + "finzi", + "micheletti", + "bassi", + "spinola", + "montanelli", + "boccherini", + "coppola", + "cesaroni", + "siffredi", + "venditti", + "tamborini", + "visconti", + "taccola", + "tiepolo", + "bernetti", + "ciani", + "giannuzzi", + "gangemi", + "merisi", + "curiel", + "lucciano", + "bellucci", + "parini", + "solari", + "simeoni", + "cimarosa", + "pasqua", + "monduzzi", + "bottaro", + "pertile", + "garibaldi", + "bandello", + "gadda", + "tafuri", + "sobrero", + "manunta", + "gargallo", + "crisafulli", + "aldobrandi", + "schiavo", + "marinetti", + "canetta", + "terragni", + "giannone", + "castiglione", + "ortese", + "deledda", + "comboni", + "michelangeli", + "bettin", + "loredan", + "casini", + "tonisto", + "nibali", + "maderno", + "rizzoli", + "chindamo", + "foconi", + "baglioni", + "nicolini", + "omma", + "donati", + "comolli", + "legnante", + "campano", + "odescalchi", + "calarco", + "polani", + "einaudi", + "broschi", + "dulbecco", + "scarpa", + "roccabonella", + "romagnoli", + "andreotti", + "bevilacqua", + "scalera", + "almagi\u00e0", + "agostini", + "orengo", + "lollobrigida", + "toninelli", + "naccari", + "cociarelli", + "tutino", + "storladi", + "berr\u00e8", + "necci", + "capone", + "giacconi", + "ferragni", + "pacelli", + "stradivari", + "mazzini", + "accardo", + "vivaldi", + "babato", + "rapisardi", + "lancisi", + "ferragamo", + "leoncavallo", + "cabrini", + "barcaccia", + "foletti", + "malpighi", + "tozzo", + "babati", + "chiesa", + "binaghi", + "mocenigo", + "ceci", + "pizziol", + "vecellio", + "leonetti", + "rizzo", + "scarponi", + "zecchini", + "moneta", + "giolitti", + "caruso", + "stein", + "satriani", + "persico", + "ferrante", + "rubbia", + "tedesco", + "sokolov", + "verdi", + "pisaroni", + "pirandello", + "donini", + "petrassi", + "fantoni", + "montanari", + "marrone", + "gonzaga", + "lucchesi", + "pacetti", + "farina", + "trotta", + "abbagnale", + "medici", + "eco", + "serao", + "casellati", + "iannuzzi", + "piccio", + "sibilia", + "zanzi", + "matteotti", + "duse", + "schiaparelli", + "polesel", + "caironi", + "fattori", + "gregori", + "taliani", + "murialdo", + "vianello", + "ferrari", + "camuccini", + "torlonia", + "romiti", + "semitecolo", + "bergoglio", + "cardano", + "sanudo", + "berengario", + "pedroni", + "porzio", + "ligorio", + "mattarella", + "alighieri", + "parri", + "farinelli", + "gotti", + "endrizzi", + "cundari", + "goldoni", + "rastelli", + "norbiato", + "tomei", + "bianchi", + "stefanelli", + "platini", + "iannotti", + "bertoli", + "montessori", + "longhena", + "borsellino", + "branciforte", + "bulzoni", + "gradenigo", + "pometta", + "majewski", + "borsiere", + "emanuelli", + "brugnaro", + "riccati", + "cuomo", + "lanfranchi", + "greco", + "gozzano", + "pistoletto", + "paolini", + "gullotta", + "manacorda", + "mennea", + "zetticci", + "gulotta", + "rinaldi", + "condoleo", + "chiappetta", + "gelli", + "spanevello", + "chittolini", + "cavalcanti", + "giorgetti", + "ioppi", + "boito", + "armani", + "renier", + "barcella", + "gatto", + "pietrangeli", + "mazzi", + "ficino", + "chinnici", + "curatoli", + "traversa", + "vattimo", + "onisto", + "gentilini", + "volterra", + "mengolo", + "foscari", + "satta", + "soderini", + "boccioni", + "roncalli", + "spadafora", + "passalacqua", + "padovano", + "polizzi", + "filippini", + "turati", + "giannelli", + "fanucci", + "porcellato", + "tolentino", + "grifeo", + "babbo", + "disdero", + "grimani", + "gentileschi", + "tosto", + "scaramucci", + "perozzo", + "paoletti", + "pastine", + "beffa", + "battaglia", + "franceschi", + "renzi", + "cannizzaro", + "praga", + "errani", + "piccinni", + "carriera", + "piane", + "chigi", + "monicelli", + "bettoni", + "cusano", + "raimondi", + "bompiani", + "manzoni", + "fabrizi", + "tebaldi", + "ughi", + "pulci", + "antonucci", + "giacometti", + "bixio", + "vidoni", + "zacchia", + "russo", + "lovato", + "caetani", + "angeli", + "iannelli", + "golino", + "gaito", + "scarfoglio", + "bembo", + "emo", + "comisso", + "garozzo", + "coardi", + "guarana", + "sbarbaro", + "cantimori", + "amaldi", + "palumbo", + "liguori", + "rossini", + "samele", + "falcone", + "garrone", + "pergolesi", + "spallanzani", + "missoni", + "briccialdi", + "ritacca", + "lucarelli", + "mastroianni", + "aporti", + "mercantini", + "meucci", + "pacomio", + "cammarata", + "turci", + "ziani", + "fittipaldi", + "pontecorvo", + "bombieri", + "anichini", + "mezzetta", + "martucci", + "chechi", + "tamburi", + "ruberto", + "tognazzi", + "caffarelli", + "giulietti", + "sanguineti", + "venier", + "canil", + "pepe", + "nordio", + "travaglia", + "piazzi", + "bignami", + "tencalla", + "petralli", + "vittadello", + "badoglio", + "sagredo", + "petrucelli", + "guidone", + "respighi", + "paolucci", + "iadanza", + "costanzi", + "brancaccio", + "granatelli", + "proietti", + "vespa", + "govoni", + "barese", + "carnera", + "camiscione", + "sismondi", + "vendetti", + "valguarnera", + "guicciardini", + "antonioni", + "tron", + "niscoromni", + "carfagna", + "bonaventura", + "cassar\u00e0", + "fornaciari", + "cuda", + "bacosi", + "notarbartolo", + "cabibbo", + "pavarotti", + "perini", + "jovinelli", + "innocenti", + "callegaro", + "tresoldi", + "serlupi", + "bocca", + "lussu", + "pincherle", + "versace", + "bernardini", + "zito", + "foa", + "schicchi", + "moretti", + "venturi", + "gabba", + "brenna", + "interiano", + "salieri", + "morosini", + "tosi", + "biagiotti", + "faranda", + "conte", + "rienzo", + "nicolucci", + "miniati", + "favata", + "moschino", + "zacco", + "navarria", + "filangieri", + "paltrinieri", + "spinelli", + "sansoni", + "pacillo", + "mercalli", + "battelli", + "pagliaro", + "castioni", + "adinolfi", + "gozzi", + "falloppio", + "camanni", + "pezzali", + "carocci", + "alboni", + "tozzi", + "balotelli", + "cimini", + "luciani", + "maspero", + "pavanello", + "sorrentino", + "surian", + "caccianemico", + "gramsci", + "trussardi", + "pedersoli", + "bruno", + "trentini", + "collina", + "sinisi", + "prada", + "galeati", + "cicala", + "cuzzocrea", + "cristoforetti" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbatessa": "archimandrita", + "abbadessa": "abba", + "superiora": "abato", + "abadessa": "abbate", + "priora": "archimandrita", + "abatino": "abato", + "badessa": "archimandrita", + "attrice": "istrione", + "baronin": "bonzo", + "baronessa": "barone", + "sposa": "ammogliato", + "fidanzata": "cavallaio", + "donna_d_affari": "uomo_d_affari", + "pulcino": "gaur", + "mandriana": "gaucho", + "figlia": "figliolo", + "figliola": "figliolo", + "filia": "figliolo", + "duchessa_brutta": "duca", + "duchessa": "duca", + "maharani": "imperatore", + "imperatrice": "imperatore", + "imperatore": "kaiser", + "femme_fatale": "ammaliatore", + "fattucchiera": "wizard", + "maliarda": "ammaliatore", + "incantatrice": "ammaliatore", + "donna_fatale": "ammaliatore", + "la_maliarda": "ammaliatore", + "tentatrice": "ammaliatore", + "dalila": "ammaliatore", + "femminile": "masculino", + "femmina": "male", + "gal": "bullo", + "giovane": "tizio", + "madamigella": "tizio", + "nine": "opi", + "direttrice": "preside", + "eroina": "eroe", + "locandiera": "oste", + "hostess": "steward", + "damo": "lordo", + "locatrice": "affittacamere", + "h\u00fastr\u00fain": "proprietaria", + "marchesa": "marchese", + "massaggiatore": "massaggiatrice", + "massaggiatrice": "massaggiatore", + "mademoiselle": "baronetto", + "perdere": "ridire", + "perdersi": "baronetto", + "miss_a": "baronetto", + "mancare_il_bersaglio": "ridire", + "scampare": "ridire", + "sbagliare": "ridire", + "ma\u00eetresse": "padroneggiare", + "mantenuta": "efendi", + "padrona": "laureato", + "la_madre": "babbo", + "fare_da_madre_a": "padre_della_chiesa", + "genitrice": "padre_della_chiesa", + "madre_dell_aceto": "pap\u00e0", + "matrix": "babbo", + "monaca": "religioso", + "religiosa": "frate", + "nun": "monacato", + "poliziotta": "polizia", + "sacerdotessa": "imam", + "pr\u00edncipe": "il_principe", + "principessa": "regulus", + "princess": "pr\u00edncipe", + "sorella": "fratello_di_sangue", + "fratino": "fratello_di_sangue", + "nurse": "frate", + "naja": "frate", + "zitella": "scapolo", + "vecchia_zitella": "zito", + "figliastra": "privigno", + "matrigna": "patrigno", + "madrigna": "patrigno", + "cameriera": "cameriere", + "vedova": "vedovo", + "bean": "cavolo", + "maritata": "ammogliato", + "duna": "ammogliato", + "moglie": "maritino", + "hex": "wizard", + "wicca": "wizard", + "glyptocephalus_cynoglossus": "wizard", + "feto": "cavolo", + "debbo": "cavolo", + "donne": "men", + "boy": "madamigella", + "guaglione": "madamigella", + "maschietto": "giovane", + "ragazzino": "madamigella", + "polonaise": "rifinire", + "polacco": "polonaise", + "rifinire": "polonaise", + "raffinare": "polonaise", + "sgrossare": "polonaise", + "ripulire": "polonaise", + "affinare": "polonaise", + "ingentilire": "polonaise", + "lucidare": "polonaise", + "lustrare": "polonaise", + "dirozzare": "polonaise" + }, + "other_gender_swap": { + "egli": "epi", + "he": "one", + "elli": "oms", + "suoi": "i_loro", + "lia": "le_loro" + }, + "en_pronoun2gender": { + "they": [ + "omoerotico", + "ermafrodita", + "omosex", + "omofilo", + "transgender", + "ermafrodito", + "invertito", + "omosessuale", + "bisex", + "bisessuale" + ], + "he": [ + "ragazzi", + "guaglione", + "maschile", + "dandy", + "cavolo", + "cavaliere", + "masculino", + "mascolino", + "boy", + "screpolo", + "guido", + "screpolarsi", + "gentleman", + "virile", + "little_boy", + "male", + "masculin", + "gaur", + "bullo", + "screpolatura", + "ragazzino", + "galantuomo", + "gentiluomo", + "tizio", + "maschietto" + ], + "she": [ + "femminile", + "madamigella", + "gonnella", + "lesbico", + "pulzella", + "giovane", + "perdersi", + "cameriera", + "mancare_il_bersaglio", + "perdere", + "donna_di_servizio", + "lesbica", + "feto", + "bean", + "debbo", + "femmina", + "ragazzina", + "scampare", + "damo", + "damigella", + "gal", + "domestica", + "bambola", + "pulcella", + "bimba", + "mademoiselle", + "sesso_debole", + "gentildonna", + "fanciulla", + "sbagliare", + "donzella", + "miss_a", + "tribade", + "fantesca", + "gentil_sesso" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "lia", + "suoi", + "egli", + "elli" + ], + "they": [ + "one", + "i_loro", + "essi", + "assalto_alla_terra", + "le_loro", + "lia", + "oms", + "la_loro", + "il_loro", + "epi" + ], + "it": [ + "ovi", + "isto", + "ello", + "quei", + "quello", + "eso", + "quegli", + "tyto", + "quest", + "questa", + "questo", + "dette", + "questi", + "it", + "esso", + "alea", + "essa", + "ico" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/iu.json b/data_tooling/pii_processing/ontology/data/iu.json new file mode 100644 index 0000000..406c81d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/iu.json @@ -0,0 +1,38 @@ +{ + "SOC_ECO_CLASS": [ + "\u1431\u1548\u1550\u14f0\u14c2\u1585_\u14c2\u1405\u1550\u1548\u144e\u1483\u14f4\u14d5\u140a\u1546\u14ea\u14d7\u148b\u1466" + ], + "GENDER": [ + "arnaq" + ], + "PUBLIC_FIGURE": [ + "\u1505\u14a5\u1466" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u140a\u14c8\u14c7": "\u140a\u1456\u1455" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "arnaq", + "\u140a\u1550\u14c7\u1585" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u1405\u14c7" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ja.json b/data_tooling/pii_processing/ontology/data/ja.json new file mode 100644 index 0000000..596d2f7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ja.json @@ -0,0 +1,2374 @@ +{ + "DISEASE": [ + "sars", + "\u5efa\u56fd\u8005", + "\u30df\u30ba", + "chill", + "als", + "frostbite", + "mouse", + "\u30cb\u30e5\u30fc\u30ab\u30c3\u30b9\u30eb\u75c5", + "\u30ab\u30b5\u30b5\u30ae\u5c5e", + "\u30c4\u30c4\u30ac\u30e0\u30b7\u75c5", + "rust", + "\u30d5\u30a1\u30ed\u30fc\u56db\u5fb4\u75c7", + "\u56fd\u969b\u9023\u5408\u30a8\u30a4\u30ba\u5408\u540c\u8a08\u753b", + "\u30e1\u30fc\u30d7\u30eb\u30b7\u30ed\u30c3\u30d7\u5c3f\u75c7", + "\u30a2\u30d5\u30ea\u30ab\u7761\u7720\u75c5", + "\u30d6\u30e9\u30c3\u30af\u30a6\u30a9\u30fc\u30bf\u30fc", + "gimp", + "\u30d6\u30e9\u30c3\u30af\u30e9\u30c3\u30b7\u30e5", + "ed", + "\u6803\u306e\u5b9f", + "\u3072\u3068\u306a\u3067", + "\u30af\u30e9\u30a4\u30f3\u30d5\u30a7\u30eb\u30bf\u30fc\u75c7\u5019\u7fa4", + "sensation", + "\u30dd\u30a4\u30ba\u30f3_\u30a2\u30a4\u30d3\u30fc", + "\u64ab\u3067\u6469\u308b", + "\u5275\u8a2d\u8005", + "\u30df\u30e5\u30f3\u30d2\u30cf\u30a6\u30bc\u30f3\u75c7\u5019\u7fa4", + "\u30d5\u30a7\u30cb\u30eb\u30b1\u30c8\u30f3\u5c3f\u75c7", + "\u30a6\u30a8\u30b9\u30c8\u30ca\u30a4\u30eb\u30a6\u30a4\u30eb\u30b9", + "mi", + "\u30a6\u30a8\u30b9\u30c8_\u30ca\u30a4\u30eb_\u30a6\u30a4\u30eb\u30b9", + "a_\u578b\u809d\u708e", + "\u30b9\u30c6\u30a3\u30f3\u30b0", + "\u64ab\u56de\u3059", + "\u78e8\u3059\u308b", + "\u30de\u30fc\u30eb\u30d6\u30eb\u30b0_\u30a6\u30a4\u30eb\u30b9", + "\u9045\u767a\u6027\u30a6\u30a4\u30eb\u30b9", + "\u7523\u307f\u306e\u89aa", + "\u30a6\u30a9\u30fc\u30eb\u30a2\u30a4", + "\u6c34\u75d8_\u5e2f\u72b6\u75b1\u75b9\u30a6\u30a4\u30eb\u30b9", + "c_\u578b\u809d\u708e", + "\u8a2d\u7acb\u8005", + "\u64ab\u6469\u308b", + "\u30a6\u30a3\u30ea\u30a2\u30e0\u30ba\u75c7\u5019\u7fa4" + ], + "QUANTITY": [ + "\u30d5\u30a7\u30fc\u30b9\u30c4\u30fc\u30d5\u30a7\u30fc\u30b9", + "\u30b9\u30bf\u30fc\u30ea\u30f3\u30b0", + "\u30a2\u30e1\u30ea\u30ab\u30c9\u30eb", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u30c9\u30eb", + "g", + "\u30a2\u30f3\u30c7\u30eb\u30b9_\u30bb\u30eb\u30b7\u30a6\u30b9", + "\u30a8\u30ba\u30e9\u30d1\u30a6\u30f3\u30c9", + "\u30d0\u30b9\u30b1\u30c3\u30c8\u30ea\u30f3\u30b0" + ], + "PLANT": [ + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30a2\u30ab\u30de\u30c4", + "pine", + "\u30b7\u30e7\u30a6\u30b8\u30e7\u30a6\u30bd\u30a6", + "\u30af\u30ea\u5c5e", + "\u30a2\u30d5\u30ea\u30ab\u83eb", + "\u30d0\u30e9\u30e2\u30f3\u30b8\u30f3", + "\u30d0\u30c3\u30d5\u30a1\u30ed\u30fc\u30b0\u30e9\u30b9", + "\u30ab\u30ed\u30e9\u30a4\u30ca\u30b8\u30e3\u30b9\u30df\u30f3", + "\u30d6\u30e9\u30c3\u30af\u30d9\u30ea\u30fc", + "\u30a4\u30bf\u30ea\u30a2\u30f3\u30b5\u30a4\u30d7\u30ec\u30b9", + "\u30a6\u30a9\u30fc\u30eb\u30ca\u30c3\u30c8", + "\u30b8\u30e3\u30fc\u30de\u30f3\u30a2\u30a4\u30ea\u30b9", + "\u30b4\u30fc\u30eb\u30c7\u30f3\u30ad\u30e3\u30f3\u30c9\u30eb", + "\u30af\u30ea\u30b9\u30de\u30b9\u30ed\u30fc\u30ba", + "\u30a2\u30e1\u30ea\u30ab\u4eba\u53c2", + "\u30c0\u30b0\u30e9\u30b9\u30d5\u30a1\u30fc", + "\u30a2\u30e1\u30ea\u30ab\u7be0\u61f8\u306e\u6728", + "\u30aa\u30a6\u30b4\u30f3\u30ab\u30ba\u30e9", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30b0\u30ea", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30ab\u30e9\u30de\u30c4", + "\u30a2\u30e1\u30ea\u30ab\u30b9\u30ba\u30ab\u30b1\u30ce\u30ad", + "\u30a4\u30f3\u30b0\u30ea\u30c3\u30b7\u30e5\u30a2\u30a4\u30ea\u30b9", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30c0\u30b1\u30ab\u30f3\u30d0", + "\u30db\u30ef\u30a4\u30c8\u30ab\u30e9\u30f3\u30c8", + "\u30a2\u30e1\u30ea\u30ab\u30de\u30c4", + "\u30a2\u30e1\u30ea\u30ab\u30ca\u30c7\u30b7\u30b3", + "\u30d5\u30e9\u30f3\u30b9\u30ae\u30af", + "\u30d0\u30f3\u30af\u30b9\u30de\u30c4", + "blackberry", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u6817", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u6a05", + "\u30a2\u30d5\u30ea\u30ab\u30f3\u30de\u30ea\u30fc\u30b4\u30fc\u30eb\u30c9", + "\u30ec\u30c3\u30c9\u30ad\u30e3\u30f3\u30d4\u30aa\u30f3", + "\u30de\u30b9\u30bf\u30fc\u30c9", + "\u30a2\u30e1\u30ea\u30ab\u30aa\u30cb\u30a2\u30b6\u30df", + "\u5fd8\u308b\u306a\u8349", + "\u30e9\u30d6\u30eb\u30b9\u30ab\u7a2e", + "\u30a2\u30e1\u30ea\u30ab\u30b0\u30ea", + "\u30af\u30ea\u30b9\u30de\u30b9_\u30c4\u30ea\u30fc", + "\u30a2\u30d5\u30ea\u30ab\u30d0\u30aa\u30d0\u30d6", + "\u30bb\u30a4\u30bf\u30ab\u30a2\u30ef\u30c0\u30c1\u30bd\u30a6", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30d6\u30c9\u30a6", + "\u30ef\u30b9\u30ec\u30ca\u30b0\u30b5", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30ca\u30e9", + "\u30a2\u30d5\u30ea\u30ab\u30db\u30a6\u30bb\u30f3\u30ab", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u5c71\u6bdb\u6b05", + "\u30a2\u30e1\u30ea\u30ab\u30ac\u30ad", + "\u30b5\u30f3\u30b7\u30e7\u30a6\u30e2\u30c9\u30ad", + "\u30a2\u30e1\u30ea\u30ab\u30d6\u30ca", + "\u6817\u6bdb", + "\u30a2\u30d5\u30ea\u30ab\u30b9\u30df\u30ec", + "\u30b8\u30e5\u30ba\u30c0\u30de", + "\u6a61\u306e\u5b9f", + "\u30d6\u30e9\u30c3\u30af\u30ab\u30e9\u30f3\u30c8", + "\u30b7\u30d9\u30ea\u30a2\u30d2\u30ca\u30b2\u30b7", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30af\u30ed\u30de\u30c4", + "\u30b1\u30f3\u30bf\u30c3\u30ad\u30fc\u30d6\u30eb\u30fc\u30b0\u30e9\u30b9", + "\u30ec\u30c3\u30c9\u30d5\u30e9\u30ef\u30fc\u30ab\u30e9\u30f3\u30c8", + "\u30af\u30ea\u30b9\u30de\u30b9\u30c4\u30ea\u30fc", + "\u30b8\u30e3\u30b3\u30a6\u30a2\u30aa\u30a4", + "\u30a2\u30e1\u30ea\u30ab\u30c7\u30a4\u30b4", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u30a4\u30c1\u30a4", + "\u30a2\u30e1\u30ea\u30ab\u30c5\u30bf" + ], + "PRODUCT": [ + "\u30aa\u30fc\u30d7\u30f3\u30d7\u30e9\u30c3\u30c8\u30d5\u30a9\u30fc\u30e0", + "\u30b3\u30fc\u30d2\u30fc\u30ab\u30c3\u30d7", + "\u30b0\u30ea\u30fc\u30f3\u30d5\u30e9\u30c3\u30b7\u30e5", + "s_tog", + "\u30b7\u30e7\u30fc\u30c8\u30b5\u30fc\u30ad\u30c3\u30c8", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u306e\u56fd\u6b4c", + "\u30a4\u30bf\u30ea\u30a2\u9818\u30bd\u30de\u30ea\u30e9\u30f3\u30c9", + "\u30d5\u30a9\u30b2\u30c3\u30c8\u30df\u30fc\u30ce\u30c3\u30c8", + "\u30b0\u30e9\u30a6\u30f3\u30c9\u30b3\u30f3\u30c8\u30ed\u30fc\u30eb", + "\u30df\u30e5\u30fc\u30b8\u30c3\u30af\u30dc\u30c3\u30af\u30b9", + "\u30dc\u30af\u30b7\u30f3\u30b0_\u30c7\u30fc", + "\u30b5\u30f3\u30bf_\u30af\u30ed\u30fc\u30b9", + "\u30b9\u30a4\u30df\u30f3\u30b0\u30c8\u30e9\u30f3\u30af\u30b9", + "\u5fd8\u308c\u306a\u8349", + "\u65b0\u7d04\u5168\u66f8", + "\u30ae\u30cb\u30fc\u30d4\u30c3\u30b0", + "\u30a2\u30e1\u30ea\u30ab\u30b9\u30ab\u30c3\u30d7", + "\u30b0\u30fc\u30c6\u30f3\u30e2\u30eb\u30b2\u30f3", + "\u5341\u4e8c\u591c", + "\u30d5\u30a9\u30fc\u30b2\u30c3\u30c8\u30df\u30fc\u30ce\u30c3\u30c8", + "o_\u30ea\u30f3\u30b0", + "\u30dc\u30af\u30b7\u30f3\u30b0\u30c7\u30fc" + ], + "ORG": [ + "\u30a2\u30a4\u30a2\u30a4\u30a8\u30b9", + "\u30d7\u30e9\u30a4\u30de\u30ea\u30fc_\u30b9\u30af\u30fc\u30eb", + "\u7121\u7523\u968e\u7d1a\u306e", + "\u30b5\u30fc\u30c9\u30d1\u30fc\u30c6\u30a3\u30fc", + "\u30de\u30a6\u30f3\u30c8\u30ab\u30fc\u30e1\u30eb", + "\u30ab\u30df\u30f3\u30b0\u30b9\u30fc\u30f3", + "\u30ae\u30ea\u30b7\u30e3\u6b63\u6559\u4f1a", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u7acb\u516c\u6587\u66f8\u8a18\u9332\u7ba1\u7406\u5c40", + "\u30bc\u30cd\u30e9\u30eb\u30b9\u30bf\u30c3\u30d5", + "\u82f1\u56fd\u56fd\u6559\u4f1a\u7cfb\u6559\u4f1a", + "\u30ed\u30fc\u30de\u6cd5", + "\u30d0\u30d7\u30c6\u30b9\u30c8\u6559\u4f1a", + "\u30d6\u30e9\u30c3\u30af\u30de\u30fc\u30b1\u30c3\u30c8", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u5bb6\u5075\u5bdf\u5c40", + "\u30ae\u30ea\u30b7\u30a2\u6b63\u6559", + "nasa", + "\u53f0\u6e7e\u52b4\u50cd\u515a", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u9632\u60c5\u5831\u5c40", + "\u9664\u591c", + "\u30b7\u30c6\u30a3\u30fc\u30db\u30fc\u30eb", + "\u30d7\u30ed\u30ec\u30bf\u30ea\u30e4\u968e\u7d1a", + "\u30a2\u30eb\u30d0\u30fc\u30c8\u6e56", + "\u5c0f\u5b66\u90e8", + "\u30ca\u30b6\u30ec\u306e\u30e8\u30bb\u30d5", + "\u7720\u308c\u308b\u68ee\u306e\u7f8e\u5973", + "\u30d0\u30fc\u30b8\u30cb\u30a2\u5de5\u79d1\u5927\u5b66", + "\u30c6\u30a4\u30af\u30aa\u30fc\u30d0\u30fc\u30bf\u30fc\u30b2\u30c3\u30c8", + "\u30ae\u30ea\u30b7\u30e3\u6b63\u6559", + "\u30ab\u30fc\u30b9\u30c8\u5236", + "\u30a2\u30e1\u30ea\u30ab\u9078\u6319\u4eba\u56e3", + "\u30b5\u30fc\u30c9_\u30d1\u30fc\u30c6\u30a3", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u90f5\u4fbf\u516c\u793e", + "\u652f\u914d\u5c64", + "\u5546\u696d\u5730\u57df", + "un", + "\u30c7\u30f3\u30de\u30fc\u30af\u793e\u4f1a\u6c11\u4e3b\u515a", + "\u53cd\u5bfe\u515a", + "\u7720\u308a\u59eb", + "\u30c1\u30e3\u30fc\u30eb\u30ba\u30d0\u30d9\u30a4\u30b8", + "\u30d5\u30ec\u30f3\u30c1\u30c8\u30fc\u30b9\u30c8", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u7acb\u79d1\u5b66\u8ca1\u56e3", + "\u4fdd\u5b88\u65b0\u515a", + "\u30db\u30ef\u30a4\u30c8\u30cf\u30a6\u30b9", + "\u30a2\u30c9\u30df\u30e9\u30eb\u30c6\u30a3\u5cf6", + "\u30d6\u30e9\u30a4\u30f3\u30c9\u30c7\u30fc\u30c8", + "\u30aa\u30fc\u30b9\u30c8\u30e9\u30ea\u30a2\u52b4\u50cd\u515a", + "\u30d5\u30eb\u30fc\u30c4\u30b5\u30e9\u30c0", + "\u5de5\u696d\u56e3\u5730", + "\u30af\u30ea\u30b9\u30c1\u30e3\u30f3\u30b5\u30a4\u30a8\u30f3\u30b9", + "\u30a2\u30e1\u30ea\u30ab\u516c\u8846\u885b\u751f\u5c40", + "\u30d7\u30c1\u30d6\u30eb", + "\u30e6\u30fc_\u30a8\u30b9_\u30a8\u30fc", + "\u5546\u696d\u5730", + "\u30b5\u30f3\u30d5\u30e9\u30f3\u30b7\u30b9\u30b3", + "\u30a2\u30e1\u30ea\u30ab\u6d77\u6d0b\u5927\u6c17\u5e81", + "\u4e2d\u6d41\u968e\u7d1a", + "\u30db\u30ef\u30a4\u30c8_\u30cf\u30a6\u30b9", + "\u65e5\u672c\u5171\u7523\u515a", + "\u30c9\u30df\u30cb\u30b3\u4f1a", + "\u30ac\u30fc\u30c7\u30f3_\u30d1\u30fc\u30c6\u30a3\u30fc", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u5185\u56fd\u6b73\u5165\u5e81", + "\u30d6\u30e9\u30c3\u30af\u30ad\u30e3\u30c3\u30c8", + "\u79d1\u5b66\u6280\u8853\u5e81", + "\u30ab\u30fc\u30dc\u30d9\u30eb\u30c7", + "ec", + "\u30af\u30e9\u30d5\u30c8\u30e6\u30cb\u30aa\u30f3", + "\u793e\u6c11", + "\u30a2\u30e1\u30ea\u30ab\u6cbf\u5cb8\u8b66\u5099\u968a", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u884c\u653f\u7ba1\u7406\u4e88\u7b97\u5c40", + "\u30ab\u30d5\u30a7\u30aa\u30fc\u30ec", + "ai", + "\u6b66\u65ad\u653f\u6cbb", + "\u8d64\u5341\u5b57", + "\u30c0\u30a6\u30cb\u30f3\u30b0\u8857", + "\u30ed\u30b7\u30a2\u5171\u7523\u515a", + "\u30b5\u30fc\u30c9_\u30d1\u30fc\u30c6\u30a3\u30fc", + "gop", + "\u30af\u30e9\u30b9_\u30a2\u30af\u30b7\u30e7\u30f3", + "dia", + "\u30bc\u30cd\u30e9\u30eb\u30e6\u30cb\u30aa\u30f3", + "\u9664\u65e5", + "\u30bd\u30b7\u30a2\u30eb\u30bb\u30ad\u30e5\u30ea\u30c6\u30a3\u30fc", + "\u30a2\u30e1\u30ea\u30ab\u30f3\u30b9\u30af\u30fc\u30eb", + "\u30af\u30de\u306e\u30d7\u30fc\u3055\u3093", + "\u30db\u30ef\u30a4\u30c8\u30b4\u30fc\u30eb\u30c9", + "\u533b\u5b66\u5927\u5b66\u9662", + "\u5c0f\u5b66", + "\u30a2\u30d5\u30ea\u30ab\u9023\u5408", + "\u30bb\u30f3\u30c8\u30b8\u30e7\u30fc\u30bc\u30d5", + "gatt", + "\u795e\u8056\u30ed\u30fc\u30de\u5e1d\u56fd", + "\u5de5\u696d\u5c02\u9580\u5b66\u6821", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u7acb\u885b\u751f\u7814\u7a76\u6240", + "\u30b5\u30fc\u30c9\u30d1\u30fc\u30c6\u30a3", + "\u30ab\u30c8\u30ea\u30c3\u30af\u6559\u4f1a", + "\u30a2\u30e1\u30ea\u30ab\u30f3\u30e9\u30b0\u30d3\u30fc", + "\u30a4\u30f3\u30c6\u30ea\u30b8\u30a7\u30f3\u30c8\u30b7\u30b9\u30c6\u30e0\u30ba", + "\u5fa1\u7528\u7d44\u5408", + "\u30c8\u30ec\u30fc\u30c9_\u30e6\u30cb\u30aa\u30f3", + "\u30db\u30c3\u30c8\u30bd\u30fc\u30b9", + "\u7c92\u7c92\u8f9b\u82e6_\u3059\u308b", + "\u30c1\u30e5\u30fc\u30a4\u30f3\u30ac\u30e0", + "\u30b9\u30da\u30ea\u30aa\u30eb\u6e56", + "\u30a2\u30e1\u30ea\u30ab\u9678\u8ecd", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u9632\u7dcf\u7701", + "\u642d\u4e57\u3057\u3066", + "\u4e0b\u306e\u4e0a\u306e", + "\u7c92\u3005\u8f9b\u82e6_\u3059\u308b", + "\u30d6\u30eb\u30fc\u30ab\u30e9\u30fc\u306e", + "\u4e0b\u9662\u8b70", + "\u30a2\u30fc\u30c8\u30ae\u30e3\u30e9\u30ea\u30fc", + "\u4e2d\u6d41\u793e\u4f1a", + "\u30d7\u30ed\u30ec\u30bf\u30ea\u30e4\u30fc\u30c8", + "\u30a2\u30e1\u30ea\u30ab\u8b70\u4f1a\u56f3\u66f8\u9928", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u9023\u90a6\u7dca\u6025\u4e8b\u614b\u7ba1\u7406\u5e81", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u9023\u5408", + "\u7acb\u61b2\u6c11\u653f\u515a", + "\u30d7\u30c1\u30d6\u30eb\u30b8\u30e7\u30a2", + "\u663c\u52e4", + "\u6559\u80b2\u6a5f\u95a2", + "\u8d64\u5341\u5b57\u793e", + "\u6c11\u793e\u515a", + "\u30af\u30eb\u30a3\u30f4\u30a3\u30fc\u30a4_\u30ea\u30fc\u30d5", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u9632\u5175\u7ad9\u5c40", + "a_\u30af\u30e9\u30b9", + "\u30a2\u30eb\u30e1\u30cb\u30a2\u6559\u4f1a", + "\u30c4\u30d0\u30e1", + "\u30a2\u30e1\u30ea\u30ab\u539f\u5b50\u529b\u59d4\u54e1\u4f1a", + "\u30d7\u30ed\u30ec\u30bf\u30ea\u30a2\u968e\u7d1a", + "\u30a4\u30f3\u30c0\u30b9\u30c8\u30ea\u30a2\u30eb\u30d1\u30fc\u30af", + "\u30b7\u30e7\u30c3\u30d4\u30f3\u30b0_\u30e2\u30fc\u30eb", + "\u6838\u90fd\u5e02", + "\u30d5\u30ec\u30f3\u30c9\u6559\u4f1a", + "\u30bb\u30f3\u30c8_\u30b8\u30e7\u30f3\u30ba_\u30ab\u30ec\u30c3\u30b8", + "\u30a2\u30e1\u30ea\u30ab\u6d77\u5175\u968a", + "\u5f79\u5834", + "\u30ed\u30fc\u30bf\u30ea\u30fc\u30af\u30e9\u30d6", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u56fd\u52d9\u7701", + "\u99c5\u9013\u5c40", + "\u30a2\u30e1\u30ea\u30ab\u52b4\u50cd\u7dcf\u540c\u76df\u7523\u696d\u5225\u4f1a\u8b70", + "\u30c1\u30e3\u30f3\u30b0", + "\u30c1\u30e5\u30a4\u30f3\u30ac\u30e0", + "\u30b5\u30fc\u30d3\u30b9\u30d3\u30e5\u30fc\u30ed", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u5bb6\u5b89\u5168\u4fdd\u969c\u5c40", + "\u30d6\u30eb\u30b8\u30e7\u30a2\u793e\u4f1a", + "\u30d7\u30c1_\u30d6\u30eb\u30b8\u30e7\u30a2", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u4e0a\u9662", + "\u30aa\u30ea\u30fc\u30d6\u5c71", + "\u5b66\u3073\u306e\u5712", + "\u8239\u4e0a", + "\u30a2\u30e1\u30ea\u30ab\u90f5\u4fbf\u516c\u793e", + "\u30a2\u30e1\u30ea\u30ab\u98df\u54c1\u533b\u85ac\u54c1\u5c40", + "\u30df\u30c9\u30eb\u30af\u30e9\u30b9", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u4e0b\u9662", + "nato", + "\u65e5\u672c\u81ea\u7531\u515a", + "\u30a4\u30b9\u30e9\u30e0\u539f\u7406\u4e3b\u7fa9", + "\u30af\u30a8\u30b9\u30c1\u30e7\u30f3\u30de\u30fc\u30af", + "\u65e5\u5171", + "\u8f9b\u82e6_\u3059\u308b", + "\u30a2\u30e1\u30ea\u30ab\u9678\u8ecd\u7279\u6b8a\u90e8\u968a\u7fa4", + "\u52b4\u50cd\u8005\u968e\u7d1a\u306e", + "\u30a2\u30e1\u30ea\u30ab\u56fd\u7acb\u6a19\u6e96\u6280\u8853\u7814\u7a76\u6240", + "\u30d5\u30e9\u30f3\u30b9\u5916\u4eba\u90e8\u968a", + "\u30b7\u30c6\u30a3\u30fc_\u30db\u30fc\u30eb", + "\u30d1\u30d6\u30ea\u30c3\u30af\u30b9\u30af\u30fc\u30eb", + "\u30de\u30b9\u30bf\u30fc\u30ad\u30fc", + "mi", + "\u30a2\u30e1\u30ea\u30ab\u7d71\u5408\u53c2\u8b00\u672c\u90e8", + "\u30de\u30fc\u30c1\u30e3\u30f3\u30c8\u30d0\u30f3\u30af", + "\u30a2\u30e1\u30ea\u30ab\u6d77\u8ecd", + "in_situ", + "\u50cd\u304d\u8a70\u3081\u308b", + "\u52b4\u50cd\u8005\u968e\u7d1a", + "\u6700\u9ad8\u88c1", + "\u56fd\u6c11\u5927\u4f1a", + "\u30aa\u30dd\u30b8\u30b7\u30e7\u30f3_\u30d1\u30fc\u30c6\u30a3\u30fc", + "doc", + "\u30ae\u30ea\u30b7\u30a2\u6b63\u6559\u4f1a", + "\u4e2d\u9593\u968e\u7d1a", + "\u30a2\u30e1\u30ea\u30ab\u822a\u7a7a\u5b87\u5b99\u5c40", + "\u30ab\u30eb\u30e1\u30eb\u5c71", + "\u4e0b\u5c64\u968e\u7d1a\u4e0a\u90e8\u5c64\u306e", + "\u30ae\u30ea\u30b7\u30e3\u795e\u8a71", + "\u30ac\u30fc\u30c7\u30f3\u30d1\u30fc\u30c6\u30a3\u30fc", + "\u30bb\u30f3\u30c8\u30b8\u30e7\u30f3\u30ba", + "\u52b4\u4f5c_\u3059\u308b", + "\u5c0f\u4e57", + "\u9032\u6b69\u515a", + "\u30d0\u30e9\u30e2\u30f3\u6559", + "\u4e09\u4eba\u59c9\u59b9", + "\u30a4\u30f3\u30b0\u30e9\u30f3\u30c9\u9280\u884c", + "\u30a2\u30e1\u30ea\u30ab\u4e2d\u592e\u60c5\u5831\u5c40", + "\u30a2\u30e1\u30ea\u30ab\u30f3\u30d5\u30c3\u30c8\u30dc\u30fc\u30eb", + "\u30c8\u30e0_\u30b5\u30e0", + "\u4eba\u6c11\u6226\u7dda", + "reit", + "\u30bb\u30f3\u30c8\u30af\u30ec\u30a2\u6e56", + "\u30d7\u30e9\u30a4\u30de\u30ea\u30fc\u30b9\u30af\u30fc\u30eb", + "\u6c11\u4e3b\u515a", + "\u521d\u7b49\u5b66\u6821", + "eu", + "\u4eba\u6c11\u515a", + "\u30de\u30eb\u30af\u30b9\u5144\u5f1f", + "\u30bb\u30f3\u30c8\u30d8\u30ec\u30ca", + "\u30b3\u30f3\u30b9\u30bf\u30f3\u30c4\u516c\u4f1a\u8b70", + "\u30c1\u30e3\u30fc\u30f4\u30a3\u30f3", + "\u30db\u30c3\u30c8_\u30bd\u30fc\u30b9", + "\u30d1\u30d6\u30ea\u30c3\u30af\u30aa\u30d4\u30cb\u30aa\u30f3", + "\u30e1\u30fc\u30b8\u30e3\u30fc\u30ea\u30fc\u30b0", + "\u30aa\u30ea\u30f3\u30d4\u30c3\u30af\u6751", + "\u753a\u5f79\u5834", + "\u30a2\u30e1\u30ea\u30ab\u30f3\u822a\u7a7a", + "\u30b4\u30fc\u30eb\u30c7\u30f3\u30a8\u30fc\u30b8", + "\u30a2\u30e1\u30ea\u30ab\u52b4\u50cd\u7dcf\u540c\u76df", + "\u4e57\u8239\u3057\u3066", + "\u30a8\u30a2\u30d5\u30a9\u30fc\u30b9", + "\u30a4\u30f3\u30d9\u30b9\u30c8\u30e1\u30f3\u30c8\u30ab\u30f3\u30d1\u30cb\u30fc", + "\u30d6\u30eb\u30b8\u30a7\u30a2\u30b8\u30fc", + "\u30ae\u30ea\u30b7\u30a2\u795e\u8a71", + "\u30d5\u30eb\u30fc\u30c4_\u30b5\u30e9\u30c0", + "\u30a2\u30eb\u30b8\u30e3\u30b8\u30fc\u30e9", + "\u30a2\u30e4\u30bd\u30d5\u30a3\u30a2", + "\u30a2\u30e1\u30ea\u30ab\u7a7a\u8ecd", + "\u30b8\u30ed\u30f3\u30c9", + "\u8cc3\u91d1\u52b4\u50cd\u8005\u306e" + ], + "ANIMAL": [ + "\u30e9\u30c3\u30b5\u71b1\u30a6\u30a4\u30eb\u30b9", + "\u30aa\u30fc\u30eb\u30c9\u30a4\u30f3\u30b0\u30ea\u30c3\u30b7\u30e5\u30b7\u30fc\u30d7\u30c9\u30c3\u30b0", + "\u30a4\u30fc\u30b9\u30bf\u30fc\u30d0\u30cb\u30fc", + "\u5e2f\u72b6\u75b1\u75b9\u30a6\u30a4\u30eb\u30b9", + "\u30aa\u30ec\u30f3\u30b8\u30d2\u30ad\u30ac\u30a8\u30eb", + "\u30ef\u30fc\u30ad\u30f3\u30b0\u30c9\u30c3\u30b0", + "\u30d6\u30e9\u30a6\u30f3\u30c8\u30e9\u30a6\u30c8", + "\u30b5\u30fc\u30b8\u30e3\u30f3\u30c8\u30e1\u30fc\u30b8\u30e3\u30fc", + "\u30a2\u30a4\u30ea\u30c3\u30b7\u30e5\u30a6\u30eb\u30d5\u30cf\u30a6\u30f3\u30c9", + "\u30bb\u30ad\u30b7\u30e7\u30af\u30e4\u30b1\u30a4", + "\u30a8\u30ea\u30de\u30ad\u30e9\u30a4\u30c1\u30e7\u30a6", + "\u30c8\u30e9\u30b3\u30fc\u30de\u75c5\u539f\u4f53", + "\u8178\u30c1\u30d5\u30b9\u83cc", + "\u30b9\u30b3\u30c3\u30c1\u30c6\u30ea\u30a2", + "\u30cf\u30b4\u30ed\u30e2\u30ac\u30e9\u30b9", + "\u5358\u7d14\u75b1\u75b9\u30a6\u30a4\u30eb\u30b9", + "\u30b8\u30d5\u30c6\u30ea\u30a2\u83cc", + "\u75d8\u7621\u30a6\u30a4\u30eb\u30b9", + "\u30b3\u30ed\u30e9\u30c9\u8449\u866b", + "\u30b8\u30e3\u30fc\u30de\u30f3\u30b7\u30a7\u30d1\u30fc\u30c9", + "\u30e0\u30e9\u30b5\u30ad\u30de\u30b7\u30b3", + "\u30b9\u30ed\u30fc_\u30a6\u30a4\u30eb\u30b9", + "\u30b7\u30e5\u30eb\u30c4\u30a7\u30de\u30c0\u30cb", + "\u5358\u7d14\u75b1\u75b9", + "\u7684\u9bdb", + "mink", + "\u30d8\u30eb\u30de\u30f3\u30ea\u30af\u30ac\u30e1", + "\u30b9\u30da\u30a4\u30f3\u30df\u30ba\u30c8\u30ac\u30ea\u30cd\u30ba\u30df", + "\u30e0\u30e9\u30b5\u30ad\u30c4\u30d0\u30e1", + "\u30ae\u30cb\u30fc_\u30d4\u30c3\u30b0", + "\u30e0\u30e9\u30b5\u30ad\u30cc\u30bf\u30a6\u30ca\u30ae", + "\u30ea\u30b9\u30c6\u30ea\u30a2\u83cc", + "\u30b0\u30ec\u30fc\u30c8\u30cf\u30f3\u30de\u30fc\u30d8\u30c3\u30c9", + "\u30d6\u30e9\u30a4\u30f3\u30b7\u30e5\u30ea\u30f3\u30d7", + "\u30b9\u30d7\u30ea\u30f3\u30ac\u30fc\u30b9\u30d1\u30cb\u30a8\u30eb", + "\u30b0\u30ec\u30fc\u30c8\u30c7\u30f3", + "\u30aa\u30fc\u30b7\u30e3\u30cb\u30c3\u30af\u30db\u30ef\u30a4\u30c8\u30c6\u30a3\u30c3\u30d7\u30b7\u30e3\u30fc\u30af", + "\u30a6\u30a8\u30b9\u30c8\u30ca\u30a4\u30eb\u30a6\u30a4\u30eb\u30b9", + "\u30b3\u30ed\u30e9\u30c9\u30cf\u30e0\u30b7", + "chicken", + "\u30ae\u30ea\u30b7\u30e3\u30ea\u30af\u30ac\u30e1", + "\u9e1a\u9d61\u8c9d", + "\u30de\u30c8\u30a6\u30c0\u30a4", + "\u690d\u7269\u30a6\u30a4\u30eb\u30b9", + "\u30b5\u30fc\u30b8\u30e3\u30f3\u30c8_\u30e1\u30fc\u30b8\u30e3\u30fc", + "\u30d2\u30c8\u514d\u75ab\u4e0d\u5168\u75c7\u30a6\u30a4\u30eb\u30b9", + "\u30af\u30ed\u30de\u30cb\u30e7\u30f3", + "\u30d5\u30a3\u30ea\u30d4\u30f3\u7523\u306e\u6c34\u725b", + "\u30b9\u30ed\u30fc\u30a6\u30a4\u30eb\u30b9", + "\u30b5\u30f3\u30c9\u30d0\u30fc\u30b7\u30e3\u30fc\u30af", + "\u30bf\u30d0\u30b3\u30e2\u30b6\u30a4\u30af\u30a6\u30a4\u30eb\u30b9", + "\u5358\u7d14\u30d8\u30eb\u30da\u30b9", + "\u30a8\u30d7\u30b9\u30bf\u30a4\u30f3_\u30d0\u30fc\u30eb_\u30a6\u30a4\u30eb\u30b9", + "\u52d5\u7269\u30a6\u30a4\u30eb\u30b9", + "\u30cb\u30e5\u30fc\u30a4\u30f3\u30b0\u30e9\u30f3\u30c9\u30bd\u30a6\u30b2\u30f3\u30e9\u30a4\u30c1\u30e7\u30a6", + "\u30b9\u30fc\u30d1\u30fc\u30de\u30a6\u30b9", + "\u547c\u5438\u5668\u5408\u80de\u4f53\u30a6\u30a4\u30eb\u30b9", + "\u30e0\u30e9\u30b5\u30ad\u30ba\u30ad\u30f3\u30d9\u30cb\u30cf\u30bc", + "\u30e8\u30fc\u30af\u30b7\u30e3\u30fc\u30c6\u30ea\u30a2", + "\u30a8\u30dc\u30e9\u30a6\u30a4\u30eb\u30b9", + "\u30de\u30fc\u30eb\u30d6\u30eb\u30b0\u30a6\u30a4\u30eb\u30b9", + "\u30d6\u30e9\u30c3\u30af_\u30a6\u30a3\u30c9\u30a6", + "\u30cf\u30f3\u30de\u30fc\u30d8\u30c3\u30c9\u30b7\u30e3\u30fc\u30af" + ], + "RACE": [ + "\u30e1\u30ad\u30b7\u30b3\u4eba", + "\u963f\u5f17\u5229\u52a0\u7cfb\u4e9c\u7c73\u5229\u52a0\u4eba", + "\u30a2\u30d5\u30ea\u30ab\u30f3\u30a2\u30e1\u30ea\u30ab\u30f3", + "\u30a2\u30e1\u30ea\u30ab\u30f3\u30a4\u30f3\u30c7\u30a3\u30a2\u30f3", + "\u30aa\u30fc\u30b9\u30c8\u30e9\u30ea\u30a2\u4eba", + "\u30a2\u30a4\u30eb\u30e9\u30f3\u30c9\u4eba\u7537\u6027", + "\u30a2\u30d5\u30ea\u30ab\u4eba", + "\u30e8\u30fc\u30ed\u30c3\u30d1\u4eba", + "\u30aa\u30fc\u30b9\u30c8\u30e9\u30ea\u30a2\u533a", + "\u30a6\u30a7\u30fc\u30eb\u30ba\u4eba", + "\u30e8\u30fc\u30ed\u30d4\u30a2\u30f3", + "\u30a2\u30d5\u30ea\u30ab\u7cfb\u30a2\u30e1\u30ea\u30ab\u4eba", + "\u30a2\u30e1\u30ea\u30ab\u30a4\u30f3\u30c7\u30a3\u30a2\u30f3" + ], + "PUBLIC_FIGURE": [ + "e_b_\u30db\u30ef\u30a4\u30c8", + "\u30ea\u30d3\u30f3\u30b0\u30b9\u30c8\u30f3", + "\u30de\u30f3\u30c7\u30eb\u30d6\u30ed\u30fc\u30c8", + "sibelius", + "\u30d6\u30eb\u30fc\u30e0\u30d5\u30a3\u30fc\u30eb\u30c9", + "c", + "\u30aa\u30ec\u30f3\u30b8\u516c\u30a6\u30a3\u30ea\u30a2\u30e0", + "d_\u8a00\u8a9e", + "\u30b8\u30e7\u30fc\u30b8\u30d0\u30fc\u30f3\u30ba", + "b", + "k", + "\u30b9\u30af\u30fc\u30eb\u30af\u30e9\u30d5\u30c8", + "\u30d1\u30fc\u30ad\u30f3\u30bd\u30f3", + "\u30b9\u30c8\u30ea\u30c3\u30af\u30e9\u30f3\u30c9\u5ddd", + "w", + "\u30a2\u30de\u30c4\u30d0\u30e1", + "p", + "e", + "\u30b8\u30f3\u30b8\u30e3\u30fc\u30ed\u30b8\u30e3\u30fc\u30b9", + "e_l_\u30c9\u30af\u30c8\u30ed\u30a6", + "\u4e2d\u5c0f\u4f01\u696d\u7d4c\u55b6\u8005", + "\u30b9\u30c6\u30fc\u30b8\u30c7\u30a3\u30ec\u30af\u30bf\u30fc", + "\u30af\u30fc\u30d1\u30fc", + "\u30a8\u30a4\u30c8\u30eb_\u30f4\u30a3\u30e9_\u30ed\u30dc\u30b9", + "j", + "v", + "\u30b5\u30f3\u30de\u30eb\u30bf\u30f3\u5cf6", + "y", + "\u30b9\u30c1\u30e5\u30ef\u30fc\u30c9", + "f", + "\u82b8\u8853\u6559\u5e2b", + "\u30af\u30ea\u30b9\u30c8\u30d5\u30a9\u30ed\u30b9", + "q", + "scribes", + "\u30ca\u30b7\u30e7\u30ca\u30eb\u30ad\u30e3\u30e9\u30af\u30bf\u30fc", + "hal", + "a", + "\u30ac\u30a4\u30ac\u30fc", + "z", + "n", + "\u30aa\u30aa\u30e4\u30de\u30cd", + "\u30df\u30bd\u30b5\u30b6\u30a4\u79d1", + "\u30b2\u30aa\u30eb\u30ae\u30aa\u30b9", + "\u30ea\u30c8\u30eb\u30ea\u30fc\u30ac\u30fc", + "\u30b5\u30fc\u30b8\u30e3\u30f3\u30c8\u30e1\u30fc\u30b8\u30e3\u30fc", + "e_g_\u30de\u30fc\u30b7\u30e3\u30eb", + "t_s_\u30a8\u30ea\u30aa\u30c3\u30c8", + "d_h_\u30ed\u30fc\u30ec\u30f3\u30b9", + "m", + "j_d_\u30b5\u30ea\u30f3\u30b8\u30e3\u30fc", + "l_\u30ed\u30f3_\u30cf\u30d0\u30fc\u30c9", + "d_w_\u30b0\u30ea\u30d5\u30a3\u30b9", + "\u30a2\u30eb\u30ce\u30eb\u30c8_\u30b7\u30a7\u30fc\u30f3\u30d9\u30eb\u30af", + "\u4e0a\u7d1a\u66f9\u9577", + "\u30d0\u30b9\u30b3_\u30c0_\u30ac\u30de", + "\u30bb\u30f3\u30c8\u30d4\u30fc\u30bf\u30fc", + "\u30a8\u30df\u30ea\u30a2\u30fc\u30ce_\u30b5\u30d1\u30bf", + "\u30a4\u30cc\u30ef\u30b7\u5c5e", + "\u30b3\u30fc\u30eb\u30c9\u30ed\u30f3", + "o", + "one", + "u", + "i", + "\u30b9\u30c8\u30ea\u30f3\u30c9\u30d9\u30ea", + "\u30b8\u30e7\u30bb\u30d5_\u30eb\u30a4_\u30b2\u30a4_\u30ea\u30e5\u30b5\u30c3\u30af", + "\u30a2\u30de\u30c4\u30d0\u30e1\u79d1", + "\u30af\u30e9\u30d5\u30c8\u30a8\u30d3\u30f3\u30b0", + "\u30b3\u30fc\u30eb\u30c9\u30a6\u30a7\u30eb", + "\u516c\u7528\u4eba", + "j_b_s_\u30db\u30fc\u30eb\u30c7\u30f3", + "\u30d1\u30c8\u30ea\u30ad\u30a6\u30b9", + "1", + "x", + "h", + "\u30d9\u30cd\u30c7\u30a3\u30af\u30c8", + "g", + "\u6797\u52d9\u5b98", + "l_m_\u30e2\u30f3\u30b4\u30e1\u30ea", + "r", + "\u90f5\u653f\u516c\u793e\u7dcf\u88c1", + "\u30bb\u30f3\u30c8\u30eb\u30a4\u30b9", + "d", + "\u30da\u30c8\u30ed", + "\u30e2\u30f3\u30c9\u30ea\u30a2\u30f3", + "\u30d1\u30c8\u30ea\u30c3\u30af", + "d_\u306e\u98df\u5353", + "\u30a2\u30e9\u30d3\u30a2\u306e\u30ed\u30ec\u30f3\u30b9", + "\u30a2\u30e9\u30d3\u30a2\u8a9e\u30d1\u30ec\u30b9\u30c1\u30ca\u65b9\u8a00", + "\u5c02\u52d9\u7406\u4e8b", + "\u30bf\u30ca\u6e56", + "\u7f8e\u8853\u6559\u5e2b", + "\u5bb6\u6276", + "s", + "\u30aa\u30fc\u30eb\u30c9\u30d5\u30a3\u30fc\u30eb\u30c9", + "\u30af\u30ea\u30b9\u30c8\u30d5\u30a1\u30fc", + "\u6559\u4f1a\u533a\u5178\u793c\u90e8\u5f79\u54e1", + "e_s_\u30ac\u30fc\u30c9\u30ca\u30fc", + "\u30db\u30ef\u30a4\u30c8\u30d8\u30c3\u30c9", + "\u30d0\u30b9\u30b3\u30c0\u30ac\u30de", + "\u30b3\u30fc\u30c7\u30a3", + "\u30e2\u30f3\u30b4\u30eb\u30d5\u30a3\u30a8", + "\u30b3\u30f3\u30c9\u30eb\u30bb", + "l", + "t", + "e_e_\u30ab\u30df\u30f3\u30b0\u30b9" + ], + "GPE": [ + "\u7d05\u6d77", + "\u30df\u30e9\u306e\u30cb\u30b3\u30e9\u30aa\u30b9", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u306e\u5b66\u533a", + "\u65b0\u7d04\u8056\u66f8", + "\u30bb\u30f3\u30c8\u30b8\u30e7\u30fc\u30b8", + "\u30f4\u30a3\u30f3\u30ed\u30f3", + "\u30d5\u30e9\u30f3\u30b7\u30e5\u30b3\u30f3\u30c6", + "\u30a4\u30f3\u30c0\u30b9\u30c8\u30ea\u30a2\u30eb_\u30d1\u30fc\u30af", + "\u30db\u30ef\u30a4\u30c8_\u30b4\u30fc\u30eb\u30c9", + "\u30db\u30ef\u30a4\u30c8\u30cf\u30a6\u30b9", + "\u30db\u30ef\u30a4\u30c8\u30b4\u30fc\u30eb\u30c9", + "\u30c9\u30a4\u30c4\u5e1d\u56fd", + "\u30bb\u30f3\u30c8\u30ed\u30fc\u30ec\u30f3\u30b9\u5ddd", + "\u30b5\u30f3\u30c8\u30e1", + "\u65e7\u5e02\u8857", + "\u767d\u4e9c\u9928" + ], + "FOOD": [ + "\u30a4\u30fc\u30b9\u30bf\u30fc\u30a8\u30c3\u30b0", + "c_\u30ec\u30fc\u30b7\u30e7\u30f3", + "\u30d5\u30e9\u30f3\u30af\u30c9\u30c3\u30b0\u30d1\u30f3", + "\u30d6\u30e9\u30c3\u30c9\u30bd\u30fc\u30bb\u30fc\u30b8", + "\u30aa\u30ea\u30fc\u30d6\u6cb9", + "\u30b4\u30fc\u30eb\u30c7\u30f3\u30c7\u30ea\u30b7\u30e3\u30b9", + "\u30d5\u30a9\u30fc\u30c1\u30e5\u30f3\u30af\u30c3\u30ad\u30fc", + "\u30af\u30ea\u30b9\u30de\u30b9\u30d7\u30c7\u30a3\u30f3\u30b0", + "\u30d6\u30e9\u30c3\u30af\u30b3\u30fc\u30d2\u30fc", + "\u30b9\u30a4\u30fc\u30c8\u30ed\u30fc\u30eb", + "\u30cc\u30fc\u30f4\u30a7\u30eb\u30ad\u30e5\u30a4\u30b8\u30fc\u30cc", + "\u30aa\u30ea\u30fc\u30d6\u30aa\u30a4\u30eb", + "\u30d5\u30a1\u30fc\u30b9\u30c8\u30d5\u30fc\u30c9", + "\u30de\u30b9\u30bf\u30fc\u30c9\u30bd\u30fc\u30b9", + "\u30b0\u30ea\u30fc\u30f3\u30b5\u30e9\u30c0", + "\u30d6\u30e9\u30c3\u30af\u30c6\u30a3\u30fc", + "\u30af\u30e9\u30f3\u30d9\u30ea\u30fc\u30bd\u30fc\u30b9", + "\u30c1\u30e5\u30a6\u30a4\u30f3\u30ac\u30e0", + "\u30c1\u30e5\u30fc\u30a4\u30f3_\u30ac\u30e0", + "\u30ad\u30e3\u30c3\u30c8\u30d5\u30fc\u30c9", + "\u30d5\u30ec\u30f3\u30c1_\u30c8\u30fc\u30b9\u30c8", + "\u30ab\u30d5\u30a7\u30a4\u30f3\u30ec\u30b9\u30b3\u30fc\u30d2\u30fc", + "\u30c8\u30a5\u30c3\u30c6\u30a3\u30d5\u30eb\u30c3\u30c6\u30a3", + "\u30d6\u30ec\u30fc\u30af\u30d5\u30a1\u30b9\u30c8", + "\u30d9\u30eb\u30fc\u30ac\u30ad\u30e3\u30d3\u30a2", + "\u3068\u3046\u3082\u308d\u3053\u3057\u7cd6", + "\u30d7\u30e9\u30f3\u30bf\u30fc\u30ba\u30d1\u30f3\u30c1", + "\u30d1\u30a6\u30f3\u30c9\u30b1\u30fc\u30ad", + "\u30b3\u30fc\u30eb\u30c9\u30ab\u30c3\u30c8", + "\u30e1\u30fc\u30d7\u30eb\u30b7\u30ed\u30c3\u30d7", + "\u30b3\u30b7\u30e7\u30a6\u30bd\u30a6", + "\u30ab\u30d5\u30a7_\u30aa_\u30ec" + ], + "LOCATION": [ + "\u30a2\u30e1\u30ea\u30ab\u5927\u9678", + "\u30b7\u30a6\u30c0\u30fc\u30c9\u30d5\u30a1\u30ec\u30b9", + "\u30a8\u30a2_\u30d5\u30a9\u30fc\u30b9", + "\u30d3\u30b8\u30cd\u30b9\u8857", + "\u7c73\u653f\u5e9c", + "u.s", + "\u30c8\u30ed\u30ef\u30ea\u30f4\u30a3\u30a8\u30fc\u30eb", + "s_tog", + "\u30b5\u30f3\u30d9\u30eb\u30ca\u30eb\u30c9\u30c9\u30ab\u30f3\u30dd", + "\u5b88\u8b77\u970a", + "\u30b4\u30fc\u30eb\u30c7\u30f3\u30c8\u30e9\u30a4\u30a2\u30f3\u30b0\u30eb", + "\u7cbe\u795e\u79d1\u75c5\u9662", + "\u30a8\u30c9\u30ef\u30fc\u30c9\u6e56", + "\u30d3\u30e9\u30ed\u30dc\u30b9", + "\u6a44\u6b16\u5c71", + "\u30a2\u30e1\u30ea\u30ab\u5dde", + "\u30a6\u30c3\u30ba\u6e56", + "\u30a4\u30ae\u30ea\u30b9\u6d77\u5ce1", + "\u30ab\u30dc\u30d9\u30eb\u30c7", + "\u30d6\u30e9\u30c3\u30af\u30ed\u30c3\u30af\u7802\u6f20", + "\u30d6\u30e9\u30c3\u30af\u30d2\u30eb\u30ba", + "\u5927\u718a\u5ea7", + "\u65b0\u5927\u9678", + "\u30c8\u30a5\u30fc_\u30d6\u30e9\u30b6\u30fc\u30ba", + "\u304a\u304a\u3050\u307e\u5ea7", + "\u8d64\u5c3f\u75c7", + "\u30f4\u30a1\u30b9\u30b3_\u30c0_\u30ac\u30de", + "\u7d20\u6c34", + "\u30a2\u30a4\u30eb\u30e9\u30f3\u30c9\u7a7a\u8ecd", + "\u7cbe\u795e\u75c5\u9662", + "\u30a2\u30e1\u30ea\u30ab\u9678\u8ecd", + "\u5927\u3064\u3054\u3082\u308a", + "\u30db\u30fc\u30f3\u5cac", + "\u30d4\u30a8\u30c8_\u30e2\u30f3\u30c9\u30ea\u30a2\u30f3", + "\u30aa\u30f3\u30dc\u30fc\u30c9", + "\u30b6\u30af\u30bb\u30f3_\u30a2\u30f3\u30cf\u30eb\u30c8\u5dde", + "usa", + "\u30bf\u30a4\u30ea\u30af\u30cf\u30af\u30bb\u30ad\u30ec\u30a4", + "\u30d3\u30b9\u30ab\u30a4\u30ce", + "\u97f3\u697d\u5b66\u90e8", + "\u30b5\u30d1\u30bf", + "\u30ab\u30dc\u30d9\u30eb\u30c7\u5171\u548c\u56fd", + "\u7b2c\u4e09\u653f\u515a", + "\u30a2\u30e1\u30ea\u30b4_\u30f4\u30a7\u30b9\u30d7\u30c3\u30c1", + "\u30a2\u30eb\u30b3\u30fc\u30eb\u5148\u751f\u516c\u5712\u306e\u5dfb", + "\u30d5\u30a9\u30fc\u30af\u30e9\u30f3\u30c9\u8af8\u5cf6", + "\u56fd\u6c11\u8b70\u4f1a", + "\u30d6\u30e9\u30c3\u30af\u30db\u30fc\u30eb", + "\u4e2d\u592e\u9280\u884c", + "\u30aa\u30ea\u30f3\u30d4\u30c3\u30af\u30d1\u30fc\u30af", + "\u5927\u6666", + "\u30ab\u30f3\u30c8\u30ea\u30fc\u30cf\u30a6\u30b9", + "\u58eb\u5b98\u5b66\u6821", + "\u8ecd\u653f\u90e8", + "\u30aa\u30ea\u30fc\u30d6\u5c71", + "\u8ecd\u653f\u5e9c", + "\u30a2\u30eb_\u30a2\u30a4\u30f3", + "\u7126\u571f", + "\u8ecd\u5b66\u6821", + "1_\u6708_1_\u65e5", + "\u30a2\u30e1\u30ea\u30ab", + "\u5e74\u91d1\u57fa\u91d1", + "\u7126\u571f\u4f5c\u6226", + "\u30b5\u30e1\u5730\u7344", + "\u30d9\u30b9\u30d7\u30c3\u30c1", + "\u30bb\u30f3\u30c8_\u30de\u30fc\u30c1\u30f3\u5cf6", + "\u30b5\u30f3\u30bf\u30d5\u30a7", + "\u4e57\u8eca\u3057\u3066", + "\u30bf\u30c3\u30bd\u30fc", + "\u30b5\u30a4\u30a8\u30f3\u30b9\u30d1\u30fc\u30af", + "\u30af\u30ea\u30b9\u30c8\u30d5\u30a1\u30fc_\u30b3\u30ed\u30f3\u30d6\u30b9" + ], + "UNION": [ + "\u30ec\u30a4\u30d0\u30fc\u30e6\u30cb\u30aa\u30f3", + "\u30af\u30e9\u30d5\u30c8_\u30e6\u30cb\u30aa\u30f3", + "\u30bc\u30cd\u30e9\u30eb\u30e6\u30cb\u30aa\u30f3", + "\u30ab\u30f3\u30d1\u30cb\u30fc\u30e6\u30cb\u30aa\u30f3", + "\u30af\u30ed\u30fc\u30ba\u30c9\u30e6\u30cb\u30aa\u30f3", + "\u7523\u5225", + "\u30af\u30e9\u30d5\u30c8\u30e6\u30cb\u30aa\u30f3", + "\u30ab\u30f3\u30d1\u30cb\u30fc_\u30e6\u30cb\u30aa\u30f3", + "\u5358\u7523", + "\u6d77\u54e1\u7d44\u5408", + "\u7523\u696d\u5225\u52b4\u50cd\u7d44\u5408", + "\u3054\u7528\u7d44\u5408", + "\u30bc\u30cd\u30e9\u30eb_\u30e6\u30cb\u30aa\u30f3" + ], + "DATE": [ + "d_\u30c7\u30fc", + "\u30ca\u30b7\u30e7\u30ca\u30eb\u30db\u30ea\u30c7\u30fc", + "\u30b4\u30fc\u30eb\u30c7\u30f3\u30a8\u30fc\u30b8", + "\u30b3\u30fc\u30eb\u30c9\u30a6\u30a8\u30fc\u30d6", + "dog_days", + "\u30a4\u30bf\u30ea\u30a2\u30eb\u30cd\u30c3\u30b5\u30f3\u30b9", + "\u30a4\u30f3\u30c0\u30b9\u30c8\u30ea\u30a2\u30eb\u30ec\u30dc\u30ea\u30e5\u30fc\u30b7\u30e7\u30f3", + "\u30b3\u30fc\u30eb\u30c9\u30a6\u30a7\u30fc\u30d6", + "\u30d3\u30af\u30c8\u30ea\u30a2\u5973\u738b\u8a95\u751f\u65e5", + "d_\u30c7\u30a4", + "ve_\u30c7\u30fc", + "\u30b4\u30fc\u30eb\u30c7\u30f3_\u30a8\u30fc\u30b8", + "\u30a4\u30f3\u30c7\u30a3\u30a2\u30f3\u30b5\u30de\u30fc", + "\u306f\u3058\u3081\u306b", + "\u30b0\u30e9\u30a6\u30f3\u30c9\u30db\u30c3\u30b0\u30c7\u30fc", + "\u65e5\u52e4", + "\u6714\u671b", + "\u5168\u76db\u6642\u4ee3" + ], + "BIO_CHEM_ENTITY": [ + "\u30ab\u30ca\u30f3\u30ac\u6cb9", + "n_\u30e1\u30c1\u30eb\u30a8\u30bf\u30ce\u30fc\u30eb\u30a2\u30df\u30f3", + "\u30aa\u30fc\u30eb\u30c9\u30d5\u30a1\u30c3\u30b7\u30e7\u30f3", + "\u30bb\u30fc\u30d3\u30f3\u30ef\u30af\u30c1\u30f3", + "c_\u53cd\u5fdc\u6027\u86cb\u767d", + "\u30c6\u30a3\u30fc\u30c1" + ], + "JOB": [ + "\u30f4\u30a7\u30f3\u30c0\u30fc", + "make", + "\u30b0\u30e9\u30a6\u30f3\u30c9\u30ad\u30fc\u30d1\u30fc", + "\u30de\u30b9\u30bf\u30fc\u30de\u30a4\u30f3\u30c9", + "\u30f4\u30a1\u30a4\u30aa\u30ea\u30f3\u88fd\u4f5c\u5bb6", + "\u30bd\u30fc\u30b7\u30e3\u30eb\u30ef\u30fc\u30ab\u30fc", + "\u30d5\u30a1\u30df\u30ea\u30a2\u30fc", + "\u30c7\u30a3\u30b9\u30c8\u30ea\u30d3\u30e5\u30fc\u30bf\u30fc", + "\u571f\u6728\u5de5\u5b66\u8005", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u5927\u7d71\u9818", + "\u30d3\u30b8\u30cd\u30b9\u30de\u30f3", + "\u30d5\u30a1\u30df\u30ea\u30a2", + "\u30b5\u30fc\u30d3\u30b9\u30de\u30f3", + "\u30a4\u30f3\u30c7\u30a3\u30da\u30f3\u30c7\u30f3\u30c8", + "\u30a8\u30f3\u30bf\u30fc\u30c6\u30a4\u30ca\u30fc", + "\u30b7\u30b9\u30c6\u30e0\u30a2\u30ca\u30ea\u30b9\u30c8", + "\u30d3\u30b8\u30cd\u30b9\u30d1\u30fc\u30bd\u30f3", + "\u64ab\u3067\u307e\u308f\u3059", + "\u8133\u8840\u7ba1\u767a\u4f5c", + "\u30a4\u30f3\u30bf\u30fc\u30f3", + "\u30b9\u30d7\u30ec\u30fc\u30e4\u30fc", + "\u30b5\u30a4\u30a8\u30f3\u30c6\u30a3\u30b9\u30c8", + "\u4e00\u64ab\u3067", + "\u30d5\u30a1\u30a4\u30a2\u30fc\u30de\u30f3", + "\u7e2e\u7d68\u5de5", + "\u6253\u3064\u3053\u3068", + "mate", + "\u30af\u30de\u30cd\u30ba\u30df\u5c5e", + "\u30c1\u30e3\u30c3\u30d7\u30ea\u30f3\u306e\u66ff\u7389", + "\u30ea\u30a6\u30de\u30c1\u5b66\u8005", + "\u306a\u3067\u6469\u308b", + "\u8eca\u5f15", + "\u30a4\u30d9\u30f3\u30c8\u30d7\u30e9\u30f3\u30ca\u30fc", + "doc", + "\u30d5\u30a1\u30a4\u30a2\u30de\u30f3", + "\u30b9\u30da\u30a4\u30f3\u7d33\u58eb", + "\u7c73\u56fd\u6d77\u5175\u968a\u54e1", + "\u6d77\u5175\u56e3", + "gk", + "\u6559\u533a\u5f79\u54e1", + "\u30ac\u30e9\u30b9\u5207\u308a" + ], + "POLITICAL_PARTY": [ + "\u6c11\u4e3b\u81ea\u7531\u515a", + "\u6c11\u9032\u515a", + "\u7121\u7523\u653f\u515a", + "\u30aa\u30fc\u30b9\u30c8\u30e9\u30ea\u30a2\u52b4\u50cd\u515a", + "\u4e2d\u56fd\u56fd\u6c11\u515a", + "\u6c11\u81ea\u515a", + "\u6c11\u4e3b\u5171\u548c\u515a", + "\u65b0\u6c11\u515a", + "\u65b0\u97d3\u56fd\u515a", + "\u91ce\u515a", + "\u5712\u904a\u4f1a", + "\u30ce\u30eb\u30a6\u30a7\u30fc\u81ea\u7531\u515a", + "\u30ac\u30fc\u30c7\u30f3\u30d1\u30fc\u30c6\u30a3\u30fc", + "\u5171\u7523\u515a", + "\u56fd\u5bb6\u793e\u4f1a\u4e3b\u7fa9\u30c9\u30a4\u30c4\u52b4\u50cd\u8005\u515a", + "\u30ca\u30c1\u515a", + "\u30aa\u30dd\u30b8\u30b7\u30e7\u30f3\u30d1\u30fc\u30c6\u30a3\u30fc", + "\u30a4\u30ae\u30ea\u30b9\u72ec\u7acb\u515a", + "\u81ea\u7531\u515a", + "\u53cd\u653f\u5e9c\u515a", + "\u793e\u6c11\u515a", + "\u30ce\u30eb\u30a6\u30a7\u30fc\u52b4\u50cd\u515a", + "\u53cd\u30e1\u30a4\u30bd\u30f3\u515a", + "\u7981\u9152\u515a", + "\u793e\u4f1a\u515a", + "\u53f0\u6e7e\u56fd\u6c11\u515a", + "\u6c11\u653f\u515a" + ], + "SOC_ECO_CLASS": [ + "\u30d6\u30e9\u30c3\u30af\u30de\u30fc\u30b1\u30c3\u30c8", + "\u50cd\u304d\u3064\u3081\u308b", + "\u30a2\u30b0\u30ea\u30ab\u30eb\u30c1\u30e3", + "\u30af\u30ea\u30fc\u30e0\u8272", + "\u52b4\u82e6_\u3059\u308b", + "\u652f\u914d\u968e\u7d1a", + "\u95c7\u5e02\u5834", + "\u30b3\u30e2\u30f3\u30ba", + "\u30ef\u30fc\u30ad\u30f3\u30b0\u30af\u30e9\u30b9", + "\u50cd\u8a70\u3081\u308b", + "\u30df\u30c9\u30eb_\u30af\u30e9\u30b9", + "\u529b\u4f5c_\u3059\u308b", + "\u4e0a\u6d41\u4e0b\u5c64\u968e\u7d1a\u306e", + "\u30d6\u30e9\u30c3\u30af_\u30de\u30fc\u30b1\u30c3\u30c8", + "\u9aa8\u6298\u3063\u3066\u50cd\u304f", + "\u95c7\u5e02" + ], + "FAC": [ + "\u30b9\u30da\u30a4\u30f3\u4eba\u6c11\u6226\u7dda", + "\u30bb\u30f3\u30c8\u30b8\u30e7\u30fc\u30bc\u30d5", + "\u30a4\u30f3\u30b0\u30e9\u30f3\u30c9\u56fd\u6559\u4f1a", + "\u5c0f\u718a\u306e\u30d7\u30fc\u3055\u3093", + "\u30b7\u30e7\u30fc\u30f3\u30d0\u30fc\u30b0", + "\u30d4\u30e7\u30fc\u30c8\u30eb_1_\u4e16", + "\u30dd\u30b9\u30c8_\u30aa\u30d5\u30a3\u30b9", + "\u90f5\u4fbf\u5c40", + "\u5c0f\u5b66\u6821", + "\u30dd\u30b9\u30c8\u30aa\u30d5\u30a3\u30b9", + "\u30bb\u30f3\u30c8\u30eb\u30b7\u30a2", + "\u30b9\u30dd\u30fc\u30c4\u30a2\u30ea\u30fc\u30ca", + "\u8b70\u4f1a\u4e0b\u9662", + "\u30bb\u30f3\u30c8\u30b8\u30a7\u30fc\u30e0\u30ba", + "\u30b5\u30f3\u30b8\u30e7\u30bc\u30c9\u30b9\u30ab\u30f3\u30dd\u30b9", + "\u56fd\u6c11\u5b66\u6821", + "\u30ec\u30b8\u30a7", + "\u8056\u5bb6\u65cf", + "\u4eca\u591c\u306f", + "\u30e1\u30c7\u30a3\u30ab\u30eb\u30b9\u30af\u30fc\u30eb", + "\u30a2\u30fc\u30c8_\u30ae\u30e3\u30e9\u30ea\u30fc", + "\u30b7\u30e5\u30fc\u30c6\u30a3\u30f3\u30b0\u30ec\u30f3\u30b8", + "\u516c\u6559\u4f1a" + ], + "RELIGION": [ + "\u30af\u30ea\u30b9\u30c1\u30e3\u30f3\u30b5\u30a4\u30a8\u30f3\u30b9", + "\u30b9\u30fc\u30d5\u30a3\u30ba\u30e0", + "\u30c9\u30ca\u30c8\u30a5\u30b9\u6d3e", + "\u30f4\u30a3\u30b7\u30e5\u30cc\u6d3e", + "\u30af\u30ea\u30b9\u30c1\u30e3\u30f3_\u30b5\u30a4\u30a8\u30f3\u30b9", + "\u30ed\u30fc\u30de\u30ab\u30c8\u30ea\u30c3\u30af", + "\u30c1\u30d9\u30c3\u30c8\u4ecf\u6559", + "\u30a6\u30a3\u30c3\u30ab", + "\u30e2\u30eb\u30e2\u30f3\u6559" + ], + "PERSON": [ + "\u30d1\u30e9\u30b4\u30e0\u30ce\u30ad", + "k_\u30c9\u30e9\u30de", + "\u30bb\u30f3\u30c8\u30d3\u30f3\u30bb\u30f3\u30c8", + "\u30bb\u30f3\u30c8\u30d3\u30f3\u30bb\u30f3\u30c8\u5cf6", + "\u30e4\u30de\u30c9\u30ea\u30bf\u30b1", + "\u30d1\u30e9\u30b4\u30e0\u306e\u6728" + ], + "GENDER": [ + "\u30b8\u30a7\u30f3\u30c8\u30eb\u30a6\u30fc\u30de\u30f3", + "\u30b8\u30a7\u30f3\u30c8\u30eb\u30de\u30f3", + "\u30aa\u30fc\u30eb\u30c9\u30dc\u30fc\u30a4", + "gal" + ], + "PERSON_PRONOUN": [ + "i", + "he", + "us" + ], + "RELIGION_MEMBER": [ + "\u30ad\u30ea\u30b9\u30c8\u6559\u7684", + "\u30aa\u30c3\u30af\u30b9\u30d5\u30a9\u30fc\u30c9\u904b\u52d5\u652f\u6301\u8005", + "\u30a4\u30b9\u30e9\u30e0\u6559\u5f92", + "\u30b9\u30f3\u30cb", + "\u30ed\u30fc\u30de\u30ab\u30c8\u30ea\u30c3\u30af\u6559\u5f92" + ], + "LANGUAGE": [ + "\u30d5\u30e9\u30f3\u30b9\u8a9e", + "\u30a2\u30d5\u30ea\u30ab\u30fc\u30f3\u30b9\u8a9e", + "\u30d9\u30f3\u30ac\u30eb\u8a9e", + "\u30b8\u30e3\u30fc\u30de\u30f3", + "\u30a2\u30a4\u30ea\u30c3\u30b7\u30e5", + "\u30a2\u30e9\u30d3\u30a2\u8a9e", + "\u30a2\u30d5\u30ea\u30ab\u30fc\u30f3\u30b9", + "\u30de\u30c0\u30ac\u30b9\u30ab\u30eb\u8a9e", + "\u30e2\u30f3\u30b4\u30eb\u8a9e", + "\u30aa\u30e9\u30f3\u30c0\u8a9e", + "\u30ce\u30eb\u30a6\u30a7\u30fc\u8a9e" + ], + "TITLE": [ + "\u30a8\u30e0\u30a8\u30b9" + ], + "LAW": [ + "\u4e0a\u7d1a\u88c1\u5224\u6240", + "\u30a2\u30e1\u30ea\u30ab\u5408\u8846\u56fd\u61b2\u6cd5", + "\u30af\u30e9\u30b9\u30a2\u30af\u30b7\u30e7\u30f3", + "\u30a4\u30f3\u30bf\u30fc\u30ca\u30b7\u30e7\u30ca\u30eb\u30ed\u30fc", + "\u5e02\u6c11\u6cd5", + "\u6700\u9ad8\u88c1\u5224\u6240", + "\u96c6\u56e3\u8a34\u8a1f", + "\u30a4\u30f3\u30bf\u30ca\u30b7\u30e7\u30ca\u30eb\u30ed\u30fc" + ], + "EVENT": [ + "\u30b0\u30e9\u30f3\u30d7\u30ea", + "\u30b0\u30e9\u30f3_\u30d7\u30ea", + "\u30ef\u30fc\u30eb\u30c9\u30b7\u30ea\u30fc\u30ba", + "\u30a2\u30ab\u30c7\u30df\u30fc\u4f5c\u54c1\u8cde" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u30b3\u30df\u30e5\u30cb\u30b9\u30c8" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u304f\u307f\u5b50", + "\u91cc\u4f73", + "\u967d\u5b50", + "\u6843\u5b50", + "\u3042\u3059\u304b", + "\u3055\u3086\u308a", + "\u7f8e\u52a0\u5b50", + "\u821e", + "\u77e5\u5b9f", + "\u4e03\u590f", + "\u5343\u4ee3", + "\u771f\u7dbe", + "\u52a0\u5948", + "\u660e\u7f8e", + "\u7d50\u8863", + "\u88d5\u7f8e\u5b50", + "\u6625\u9999", + "\u82b1\u5b50", + "\u9999\u7e54", + "\u76f4\u5b50", + "\u5e79" + ], + "FIRST_NAME_MALE": [ + "\u6cbb", + "\u4eac\u52a9", + "\u7be4\u53f8", + "\u4eae\u4ecb", + "\u7a14", + "\u6d69", + "\u6df3", + "\u5eb7\u5f18", + "\u548c\u4e5f", + "\u82f1\u6a39", + "\u8061\u592a\u90ce", + "\u76f4\u4eba", + "\u5065\u4e00", + "\u4fee\u5e73", + "\u7ffc", + "\u88d5\u592a", + "\u967d\u4e00", + "\u62d3\u771f", + "\u76f4\u6a39", + "\u7fd4\u592a", + "\u6d0b\u4ecb", + "\u96f6", + "\u6643", + "\u6dbc\u5e73", + "\u592a\u90ce", + "\u5145", + "\u667a\u4e5f", + "\u592a\u4e00", + "\u5b66", + "\u88d5\u6a39" + ], + "FIRST_NAME": [ + "\u6cbb", + "\u4eac\u52a9", + "\u7be4\u53f8", + "\u4eae\u4ecb", + "\u7a14", + "\u6d69", + "\u6df3", + "\u5eb7\u5f18", + "\u304f\u307f\u5b50", + "\u91cc\u4f73", + "\u967d\u5b50", + "\u548c\u4e5f", + "\u82f1\u6a39", + "\u6843\u5b50", + "\u8061\u592a\u90ce", + "\u76f4\u4eba", + "\u3042\u3059\u304b", + "\u5065\u4e00", + "\u4fee\u5e73", + "\u3055\u3086\u308a", + "\u7ffc", + "\u592a\u4e00", + "\u7f8e\u52a0\u5b50", + "\u88d5\u592a", + "\u967d\u4e00", + "\u77e5\u5b9f", + "\u4e03\u590f", + "\u821e", + "\u5343\u4ee3", + "\u62d3\u771f", + "\u771f\u7dbe", + "\u76f4\u6a39", + "\u52a0\u5948", + "\u660e\u7f8e", + "\u7fd4\u592a", + "\u7d50\u8863", + "\u88d5\u7f8e\u5b50", + "\u6d0b\u4ecb", + "\u96f6", + "\u6643", + "\u6dbc\u5e73", + "\u592a\u90ce", + "\u6625\u9999", + "\u5145", + "\u82b1\u5b50", + "\u667a\u4e5f", + "\u9999\u7e54", + "\u76f4\u5b50", + "\u5e79", + "\u5b66", + "\u88d5\u6a39" + ], + "LAST_NAME": [ + "\u52a0\u85e4", + "\u9752\u6728", + "\u5c71\u7530", + "\u8fd1\u85e4", + "\u85e4\u539f", + "\u897f\u6751", + "\u677e\u672c", + "\u6a4b\u672c", + "\u7530\u4e2d", + "\u658e\u85e4", + "\u5c0f\u5ddd", + "\u5c71\u672c", + "\u4e2d\u6751", + "\u85e4\u7530", + "\u592a\u7530", + "\u77f3\u4e95", + "\u524d\u7530", + "\u6e05\u6c34", + "\u5f8c\u85e4", + "\u9060\u85e4", + "\u4e2d\u5cf6", + "\u5ca1\u7530", + "\u4f0a\u85e4", + "\u9234\u6728", + "\u9ad8\u6a4b", + "\u4e09\u6d66", + "\u5c71\u53e3", + "\u6728\u6751", + "\u4e2d\u5ddd", + "\u6589\u85e4", + "\u5742\u672c", + "\u68ee", + "\u4f50\u3005\u6728", + "\u77f3\u5ddd", + "\u6c60\u7530", + "\u4f50\u85e4", + "\u9577\u8c37\u5ddd", + "\u6751\u4e0a", + "\u5ca1\u672c", + "\u5c71\u4e0b", + "\u4e95\u4e0a", + "\u798f\u7530", + "\u5c71\u5d0e", + "\u85e4\u4e95", + "\u6797", + "\u6e21\u8fba", + "\u963f\u90e8", + "\u5c0f\u6797", + "\u5409\u7530", + "\u677e\u7530" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u5eb5\u4e3b": "\u9662\u4e3b", + "\u5973\u5f79\u8005": "\u6f14\u8005", + "\u829d\u5c45\u8005": "\u4f36\u512a", + "\u30a2\u30af\u30c8\u30a5\u30ec\u30b9": "\u30a2\u30af\u30bf", + "\u5973\u512a": "\u30a2\u30af\u30bf", + "\u5f79\u8005": "\u51fa\u6f14\u8005", + "\u30a2\u30af\u30c8\u30ec\u30b9": "\u7537\u512a", + "\u53d4\u6bcd\u3055\u3093": "\u4f2f\u7236\u3061\u3083\u3093", + "\u4f2f\u6bcd\u5fa1": "\u4f2f\u7236\u3061\u3083\u3093", + "\u30a2\u30fc\u30f3\u30c8": "\u963f\u53d4", + "\u4f2f\u6bcd\u8005\u4eba": "\u963f\u53d4", + "\u53d4\u6bcd\u5fa1": "\u963f\u53d4", + "\u53d4\u6bcd\u8005\u4eba": "\u4f2f\u7236\u5fa1", + "\u304a\u3070\u306f\u3093": "\u53d4\u7236", + "\u4f2f\u6bcd": "\u53d4\u7236\u3061\u3083\u3093", + "\u53d4\u6bcd": "\u304a\u3058\u3055\u3093", + "\u53d4\u6bcd\u69d8": "\u53d4\u7236\u5fa1", + "\u4f2f\u6bcd\u3055\u3093": "\u53d4\u7236", + "\u53d4\u6bcd\u3055\u307e": "\u53d4\u7236\u3061\u3083\u3093", + "\u4f2f\u6bcd\u3055\u307e": "\u30ae\u30d6", + "\u7537\u7235\u592b\u4eba": "\u8ca1\u754c\u4eba", + "\u5ac1\u5fa1": "\u53a9\u52d9\u54e1", + "\u5ac1\u3054": "\u99ac\u624b", + "\u82b1\u5ac1": "\u82b1\u3080\u3053", + "\u82b1\u3088\u3081": "\u65b0\u90ce", + "\u82b1\u5ac1\u5fa1": "\u82b1\u3080\u3053", + "\u5a35": "\u65e2\u5a5a\u7537\u6027", + "\u65b0\u59bb": "\u58fb", + "\u82b1\u5ac1\u5fa1\u5bee": "\u65b0\u90ce", + "\u30d6\u30e9\u30a4\u30c9": "\u5a7f", + "\u5ac1\u5fa1\u5bee": "\u82b1\u3080\u3053", + "\u5ac1\u5fa1\u524d": "\u58fb", + "\u304a\u5ac1\u3055\u3093": "\u99ac\u624b", + "\u5ab3": "\u5fa1\u4ead\u4e3b", + "\u65b0\u5a66": "\u82b1\u805f", + "\u30d3\u30b8\u30cd\u30b9_\u30a6\u30fc\u30de\u30f3": "\u8ca1\u754c\u4eba", + "\u5973\u6027\u5b9f\u696d\u5bb6": "\u4e8b\u696d\u5bb6", + "\u30d3\u30b8\u30cd\u30b9\u30a6\u30fc\u30de\u30f3": "\u5b9f\u696d\u5bb6", + "\u82e5\u9ce5": "\u4f0a\u9054\u7537", + "\u3072\u306a\u9ce5": "\u4f0a\u9054\u7537", + "\u30c1\u30c3\u30af": "\u4f0a\u9054\u7537", + "\u82e5\u9d8f": "\u4f0a\u9054\u7537", + "\u96db\u9ce5": "\u4f0a\u9054\u7537", + "\u606f\u5973": "\u304a\u574a\u3061\u3083\u3093", + "\u3042\u3093\u3053": "\u5fa1\u574a\u3063\u3061\u3083\u3093", + "\u5a18\u3055\u3093": "\u5fa1\u574a\u3061\u3083\u3093", + "\u611b\u5b22": "\u611a\u606f", + "\u4ee4\u5b22": "\u5fa1\u574a\u3061\u3083\u3093", + "\u5fa1\u5b22": "\u5fa1\u574a\u3063\u3061\u3083\u3093", + "\u5fa1\u5b22\u3055\u3093": "\u30e4\u30c4", + "\u4e00\u5973": "\u30ac\u30a4", + "\u3044\u3068\u306f\u3093": "\u3054\u4ee4\u606f", + "\u304a\u3070\u3053": "\u7537\u306e\u5150", + "\u611b\u69d8": "\u574a\u69d8", + "\u5fa1\u4ee4\u5b22": "\u574a\u3061\u3083\u3093", + "\u5b22\u3055\u3093": "\u30e4\u30c4", + "\u5e7c\u69d8": "\u5c0f\u50ee", + "\u304a\u5b22\u3055\u3093": "\u3084\u3064", + "\u3054\u4ee4\u5b22": "\u611a\u606f", + "\u611a\u5973": "\u304a\u574a\u3063\u3061\u3083\u3093", + "\u304a\u5b22": "\u304a\u574a\u3061\u3083\u3093", + "\u516c\u7235\u592b\u4eba": "\u516c\u7235", + "\u7687\u540e\u5bae": "\u56fd\u738b", + "\u4e2d\u5bae": "\u30a8\u30f3\u30da\u30e9\u30fc", + "\u5973\u7687": "\u56fd\u4e3b", + "\u7687\u5983": "\u738b\u7269", + "\u56fd\u6bcd": "\u7687\u5fa1\u5b6b", + "\u7687\u540e": "\u541b\u738b", + "\u30a8\u30f3\u30d7\u30ec\u30b9": "\u5341\u5584\u306e\u541b", + "\u5973\u5e1d": "\u738b\u7269", + "\u96cc\u6027": "\u30e1\u30a4\u30eb", + "\u8a31\u5a5a": "\u5a5a\u7d04\u8005", + "\u30d5\u30a3\u30a2\u30f3\u30bb": "\u5a5a\u7d04\u8005", + "\u5a5a\u7d04\u8005": "\u8a31\u5ac1", + "\u8a31\u5ac1": "\u5a5a\u7d04\u8005", + "\u30ac\u30eb": "\u30ac\u30a4", + "gal": "\u3053\u3044\u3064", + "\u30ae\u30e3\u30eb": "\u30e4\u30c4", + "gals": "\u5974\u8f29", + "\u59c9\u3061\u3083\u3093": "\u3053\u3044\u3064", + "\u751f\u5973\u623f": "\u3084\u3064", + "\u30de\u30c9\u30e2\u30a2\u30bc\u30eb": "\u30ac\u30a4", + "\u5fa1\u59c9\u69d8": "\u30ac\u30a4", + "\u30de\u30c9\u30e2\u30ef\u30bc\u30eb": "\u3084\u3064", + "\u7ae5\u5973": "\u30ac\u30a4", + "\u30e4\u30f3\u30b0\u30ec\u30c7\u30a3": "\u3053\u3044\u3064", + "\u5c0f\u59b9": "\u5144\u3058\u3083\u4eba", + "\u5973\u306e\u5150": "\u30ac\u30a4", + "\u30de\u30c9\u30de\u30bc\u30eb": "\u30e4\u30c4", + "\u5c0f\u5973\u90ce": "\u30ac\u30a4", + "\u5c11\u5973\u5b50": "\u3084\u3064", + "\u304a\u306a\u3054": "\u6bbf\u539f", + "\u5973\u5171": "\u30ac\u30a4", + "\u82e5\u3044\u5973": "\u30ac\u30a4", + "\u4e59\u5973\u5b50": "\u30e4\u30c4", + "\u30e4\u30f3\u30b0\u30ec\u30c7\u30a3\u30fc": "\u3084\u3064", + "\u5973\u306e\u30b3": "\u30e4\u30c4", + "\u65e9\u4e59\u5973": "\u30e4\u30c4", + "\u5f8c\u308d\u5e2f": "\u3053\u3044\u3064", + "\u5f8c\u5e2f": "\u3084\u3064", + "\u59c9\u69d8": "\u30e4\u30c4", + "\u3046\u3057\u308d\u5e2f": "\u3053\u3044\u3064", + "\u5973\u3069\u3082": "\u3084\u3064", + "\u30df\u30c3\u30b7\u30fc": "\u3053\u3044\u3064", + "\u65e9\u5c11\u5973": "\u30e4\u30c4", + "\u306d\u3048\u3055\u3093": "\u30e4\u30c4", + "\u304a\u5973\u4e2d": "\u30e4\u30c4", + "\u304a\u59c9\u69d8": "\u3084\u3064", + "\u82e5\u5973": "\u30e4\u30c4", + "\u30e1\u30c3\u30c1\u30a7\u30f3": "\u3084\u3064", + "\u30ac\u30fc\u30eb": "\u3084\u3064", + "\u59c9": "\u3053\u3044\u3064", + "\u5973\u306e\u7ae5": "\u3084\u3064", + "\u30ac\u30fc\u30eb\u30ba": "\u6bbf\u65b9", + "\u59e5": "\u30ac\u30d0\u30ca\u30fc", + "\u5b6b\u5a18": "\u5b6b\u606f\u5b50", + "\u5fa1\u5a46\u3055\u3093": "\u5fa1\u7956\u7236", + "\u5fa1\u7956\u6bcd\u3055\u3093": "\u7956\u7236\u3061\u3083\u3093", + "\u7956\u6bcd\u3055\u3093": "\u304a\u7956\u7236", + "\u7956\u6bcd": "\u304a\u723a\u3055\u3093", + "\u5a46\u3055\u3093": "\u723a\u3055\u3093", + "\u304a\u7956\u6bcd\u3055\u3093": "\u304a\u7956\u7236\u69d8", + "\u304a\u5a46\u3055\u3093": "\u7956\u7236", + "\u5973\u6821\u9577": "\u6821\u9577", + "\u30d2\u30ed\u30a4\u30f3": "\u597d\u6f22", + "\u70c8\u5973": "\u5049\u4e08\u592b", + "\u70c8\u5a66": "\u5091\u58eb", + "\u52c7\u5a66": "\u82f1\u96c4\u8c6a\u5091", + "\u5973\u4e3b\u4eba\u516c": "\u5091\u58eb", + "\u5fa1\u81ea\u8eab": "\u305d\u308c\u81ea\u8eab", + "\u5f7c\u5973\u81ea\u8eab": "\u5fa1\u81ea\u8eab", + "\u3054\u81ea\u8eab": "\u5fa1\u81ea\u8eab", + "\u5176\u308c\u81ea\u8eab": "\u305d\u308c\u81ea\u8eab", + "\u5973\u81ea\u8eab": "\u5176\u308c\u81ea\u8eab", + "\u305d\u308c\u81ea\u8eab": "\u5fa1\u81ea\u8eab", + "\u30ad\u30e3\u30d0\u30af\u30e9\u5b22": "\u30b5\u30fc\u30d3\u30b9_\u30ac\u30fc\u30eb", + "\u5973\u4e3b\u4eba\u5f79": "\u4e3b\u4eba\u5f79", + "\u5973\u4e3b\u4eba": "\u7a76\u3081\u308b", + "\u591c\u306e\u8776": "\u6301\u3066\u6210\u3059", + "\u4ef2\u5c45": "\u30a6\u30a7\u30a4\u30bf", + "\u30db\u30b9\u30c6\u30b9": "\u516c\u7528\u4eba", + "\u5973\u7d66": "\u30a6\u30a8\u30a4\u30bf\u30fc", + "\u304a\u304b\u307f": "\u30b6_\u30db\u30b9\u30c8", + "\u5973\u5c06": "\u304a\u5e2b\u3055\u3093", + "\u4e2d\u5c45": "\u30ac\u30eb\u30bd\u30f3", + "\u5973_\u4e3b\u4eba": "\u30db\u30b9\u30c8", + "\u63a5\u5ba2\u5a66": "\u30a6\u30a8\u30fc\u30bf\u30fc", + "\u30ad\u30e3\u30d0\u5b22": "\u3082\u3066\u306a\u3059", + "\u30ec\u30c7\u30a3\u30b9": "\u4e0a\u9662", + "\u8af8\u541b": "\u4e0a\u9662", + "\u30ec\u30c7\u30a3\u30fc\u30ba": "\u4e0a\u9662", + "\u30ec\u30c7\u30a3\u30fc\u30b9": "\u4e0a\u9662", + "\u5c0f\u6bcd\u4e0a": "\u5c01\u5efa\u9818\u4e3b", + "\u304a\u65b9": "\u65e6\u3064\u304f", + "\u8cb4\u5a66\u4eba": "\u5bbf\u79b0", + "\u5965\u65b9": "\u5fa1\u9928\u69d8", + "\u5185\u541b": "\u5bbf\u79b0", + "\u6dd1\u5973": "\u5bbf\u79b0", + "\u5973\u4e3b": "\u5927\u5c4b\u3055\u3093", + "\u5927\u5bb6\u3055\u3093": "\u771f\u591c\u4e2d\u306e\u9752\u6625", + "\u4e0a\u3055\u3093": "\u914d\u5076\u8005", + "\u5973\u5730\u4e3b": "\u5927\u5c4b\u3055\u3093", + "\u5927\u5c4b\u3055\u3093": "\u5730\u4e3b", + "\u5927\u5c4b": "\u5bbf\u4e3b", + "\u5185\u5100": "\u8cb8\u4e3b", + "\u90ce\u5973": "\u90ce\u5b50", + "\u30e9\u30b9": "\u90ce\u5b50", + "\u5c0f\u5a18": "\u90ce\u5b50", + "\u98ef\u76db\u308a": "\u7537\u8846", + "\u5973\u8846": "\u6bbf\u65b9", + "\u4ed5\u3048\u5973": "\u5bb6\u50d5", + "\u4faf\u7235\u592b\u4eba": "\u4faf\u7235", + "\u5973\u30de\u30c3\u30b5\u30fc\u30b8\u5e2b": "\u6309\u6469\u5e2b", + "\u6309\u6469\u3055\u3093": "\u5ea7\u982d", + "\u6309\u6469\u5e2b": "\u6309\u6469\u3055\u3093", + "\u3042\u3093\u6469": "\u30de\u30c3\u30b5\u30fc\u30b8\u5e2b", + "\u30de\u30c3\u30b5\u30fc\u30b8\u5e2b": "\u6309\u6469\u5e2b", + "\u30bd\u30fc\u30d7\u5b22": "\u6309\u6469\u3055\u3093", + "\u4e57\u308a\u640d\u306a\u3046": "\u30b5\u30fc", + "\u805e\u904e\u3054\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u304d\u3059\u3054\u3059": "\u30b5\u30fc", + "\u805e\u304d\u640d\u3046": "\u30df\u30b9\u30bf\u30fc", + "\u604b\u3044\u6155\u3046": "\u30df\u30b9\u30bf\u30fc", + "\u53d6\u640d\u306a\u3046": "\u30b5\u30fc", + "\u4e0d\u8db3_\u3059\u308b": "\u30df\u30b9\u30bf\u30fc", + "\u805e\u304d\u6d29\u3089\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u4e57\u308a\u306f\u305a\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u805e\u304d\u304a\u3068\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u604b\u3057\u304c\u308b": "\u30b5\u30fc", + "\u898b\u9003\u304c\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u898b\u305d\u3093\u3058\u308b": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u898b\u5916\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u805e\u304d\u5916\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u7121\u304f\u306a\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u61d0\u304b\u3057\u304c\u308b": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u898b\u640d\u305a\u308b": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u304d\u9003\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u604b\u6155\u3046": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u61d0\u3057\u3080": "\u30df\u30b9\u30bf\u30fc", + "\u898b\u5931\u3046": "\u30b5\u30fc", + "\u4e57\u308a\u305d\u3053\u306a\u3046": "\u30b5\u30fc", + "\u53d6\u308a\u9003\u304c\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u898b\u843d\u3068\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u9003\u3052\u304a\u304a\u305b\u308b": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u843d\u3068\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u304d\u6f0f\u3089\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u4e57\u5916\u3059": "\u30b5\u30fc", + "\u805e\u304d\u3082\u3089\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u805e\u6d29\u3089\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u898b\u3046\u3057\u306a\u3046": "\u30df\u30b9\u30bf\u30fc", + "\u53d6\u9003\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u907a\u6f0f": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u4e57\u9045\u308c\u308b": "\u30b5\u30fc", + "\u884c\u304d\u640d\u306a\u3046": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u61d0\u304b\u3057\u3080": "\u30b5\u30fc", + "\u4e57\u308a\u9045\u308c\u308b": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u6b20\u4e4f_\u3059\u308b": "\u30df\u30b9\u30bf\u30fc", + "\u6b20\u5982_\u3059\u308b": "\u30b5\u30fc", + "\u53d6\u308a\u640d\u306a\u3046": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u6483\u3061\u640d\u306a\u3046": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "miss_a": "\u30df\u30b9\u30bf\u30fc", + "\u4e57\u308a\u5916\u3059": "\u30b5\u30fc", + "\u805e\u640d\u3046": "\u30df\u30b9\u30bf\u30fc", + "\u898b\u9041\u3059": "\u30b5\u30fc", + "\u95d5\u5982_\u3059\u308b": "\u30df\u30b9\u30bf\u30fc", + "\u4ed5\u640d\u306a\u3046": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u304d\u640d\u306a\u3046": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u6f0f\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u6b20\u304b\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u805e\u5916\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u898b\u305d\u3053\u306a\u3046": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u9038\u3089\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u904e\u3059": "\u30b5\u30fc", + "\u6253\u3061\u640d\u306a\u3046": "\u30b5\u30fc", + "\u898b\u305d\u3093\u305a\u308b": "\u30df\u30b9\u30bf\u30fc", + "\u805e\u843d\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u640d\u306a\u3046": "\u30b5\u30fc", + "\u898b\u306e\u304c\u3059": "\u30b5\u30fc", + "\u604b\u3046": "\u30df\u30b9\u30bf\u30fc", + "\u898b\u3059\u3054\u3059": "\u30b5\u30fc", + "\u6b20\u907a_\u3059\u308b": "\u30df\u30b9\u30bf\u30fc", + "\u4e57\u308a\u304a\u304f\u308c\u308b": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u53d6\u308a\u9003\u3059": "\u30b5\u30fc", + "\u805e\u304d\u904e\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u304d\u843d\u3059": "\u30b5\u30fc", + "\u30d5\u30ed\u30a4\u30e9\u30a4\u30f3": "\u30df\u30b9\u30bf\u30fc", + "\u629c\u304b\u308a": "\u30b5\u30fc", + "\u6dcb\u3057\u304c\u308b": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u304d\u306f\u305a\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u805e\u6d29\u3059": "\u30e0\u30c3\u30b7\u30e5\u30fc", + "\u70ba\u640d\u306a\u3046": "\u30df\u30b9\u30bf\u30fc", + "\u805e\u304d\u904e\u3054\u3059": "\u30b5\u30fc", + "\u898b\u306f\u305a\u3059": "\u30b5\u30fc", + "\u898b\u843d\u3059": "\u30df\u30b9\u30bf\u30fc", + "\u56f2": "\u62b1\u3048\u624b", + "\u60c5\u4eba": "\u5927\u65e6\u90a3", + "\u304a\u624b\u639b\u3051": "\u899a\u3048\u8fbc\u3080", + "\u56f2\u3044\u8005": "\u540d\u624b", + "\u5074\u5973\u623f": "\u30aa\u30ea\u30b8\u30ca\u30eb", + "\u624b\u4ed8\u304d": "\u7a76\u3081\u308b", + "\u5973\u6d41\u540d\u4eba": "\u62b1\u3048\u4e3b", + "\u5fcd\u3073\u3065\u307e": "\u4f1a\u5f97_\u3059\u308b", + "\u624b\u61f8\u3051": "\u30b9\u30ad\u30c3\u30d1\u30fc", + "\u62b1\u624b": "\u5fa1\u4e3b\u4eba\u69d8", + "\u5074\u5ba4": "\u7a76\u3081\u308b", + "\u5074\u5973": "\u5236\u5fa1_\u3059\u308b", + "\u8272\u5973": "\u6307\u5357\u5f79", + "\u96a0\u3057\u59bb": "\u5fa1\u5c4b\u5f62\u69d8", + "\u96a0\u59bb": "\u30b4\u30c3\u30c9_\u30cf\u30f3\u30c9", + "\u624b\u639b\u3051": "\u5236\u5fa1_\u3059\u308b", + "\u304a\u624b\u4ed8\u304d": "\u5fa1\u5c4b\u5f62\u69d8", + "\u5fcd\u3073\u59bb": "\u4f1a\u5f97_\u3059\u308b", + "\u624b\u4ed8": "\u53ce\u62fe_\u3059\u308b", + "\u6577\u5973": "\u7fd2\u5f97_\u3059\u308b", + "\u5fa1\u5bee\u4eba": "\u5fa1\u4e3b\u4eba\u69d8", + "\u611b\u4eba": "\u6307\u5357\u756a", + "\u5fa1\u624b\u639b": "\u5fa1\u9928\u69d8", + "\u3081\u304b\u3051": "\u62b1\u3048\u624b", + "\u4e8c\u53f7\u3055\u3093": "\u30b4\u30c3\u30c9_\u30cf\u30f3\u30c9", + "\u59be\u5a66": "\u540d\u624b", + "\u601d\u8005": "\u6307\u5357\u5f79", + "\u5074\u59bb": "\u9054\u58eb", + "\u6a29\u7684": "\u85cd\u672c", + "\u76ee\u639b\u3051": "\u4fee\u5f97_\u3059\u308b", + "\u96a0\u5973": "\u899a\u8fbc\u3080", + "\u56f2\u8005": "\u5fa1\u4e3b\u4eba\u69d8", + "\u56f2\u5973": "\u8eab\u306b\u4ed8\u304f", + "\u5fa1\u624b\u639b\u3051": "\u6307\u5357\u756a", + "\u62b1\u3048\u624b": "\u5fa1\u4e3b\u4eba\u69d8", + "\u62b1\u3048\u4e3b": "\u30ad\u30e3\u30d7\u30c6\u30f3", + "\u76ee\u639b": "\u304a\u5e2b\u5320\u3055\u3093", + "\u3054\u5bee\u4eba": "\u7a76\u3081\u308b", + "\u304a\u624b\u3064\u304d": "\u9054\u58eb", + "\u4ed6\u3057\u5973": "\u540d\u624b", + "\u6a29\u59bb": "\u30de\u30a4\u30b9\u30bf\u30fc", + "\u96a0\u3057\u5973": "\u8eab\u306b\u3064\u304f", + "\u30df\u30b9\u30c8\u30ec\u30b9": "\u30ad\u30e3\u30d7\u30c6\u30f3", + "\u601d\u3044\u8005": "\u5e2b\u5320", + "\u5c0f\u4e09": "\u85cd\u672c", + "\u56f2\u3044\u5973": "\u899a\u8fbc\u3080", + "\u624b\u3064\u304d": "\u539f\u66f8", + "\u304b\u3053\u3044\u5973": "\u6307\u5357\u5f79", + "\u5fa1\u624b\u4ed8\u304d": "\u9054\u58eb", + "\u304a\u6bcd\u3061\u3083\u3093": "\u5fa1\u7236\u3064\u3042\u3093", + "\u6bcd\u3061\u3083\u3093": "\u5b9f\u7236", + "\u30de\u30df\u30fc": "\u304a\u7236", + "\u6bcd\u69d8": "\u5fa1\u7236\u3063\u3055\u3093", + "\u30de\u30b6\u30fc": "\u5fa1\u7236\u69d8", + "\u5317\u5802": "\u8001\u7236", + "\u8431\u5802": "\u7236\u3063\u3064\u3041\u3093", + "\u5973\u89aa": "\u5fa1\u7236", + "\u5782\u4e73\u6839": "\u304a\u7236\u3055\u307e", + "\u6bcd\u3055\u307e": "\u5929\u7236", + "\u5b9f\u6bcd": "\u304a\u7236\u3063\u3064\u3041\u3093", + "\u5782\u4e73\u5973": "pid", + "\u4ee4\u5802": "\u304a\u3084\u3058\u69d8", + "\u7a2e\u83cc": "\u5929\u7236", + "\u304a\u888b": "\u304a\u7236", + "\u6bcd\u306a\u308b": "\u5782\u4e73\u6839", + "\u5fa1\u6bcd\u69d8": "\u7236\u306e\u547d", + "\u6700\u60aa": "\u5b9f\u7236", + "\u304a\u6bcd\u3055\u307e": "\u7236\u89aa", + "\u6bcd\u4e0a": "\u30d1\u30d1", + "\u304b\u3042\u69d8": "\u30a2\u30dc\u30b8", + "\u6bcd\u5200\u81ea": "\u304a\u3068\u3063\u3064\u3042\u3093", + "\u30e0\u30c3\u30bf\u30fc": "pid", + "\u6148\u6bcd": "\u30d1\u30d1", + "\u6bcd\u6587\u5b57": "\u59bb\u5e2f\u8005", + "\u6bcd\u8005\u4eba": "\u693f\u5802", + "\u7236\u6bcd": "\u4e43\u7236", + "\u6bcd\u541b": "\u304a\u7236\u3063\u3055\u3093", + "\u304a\u6bcd\u69d8": "\u5fa1\u7236\u3064\u3042\u3093", + "\u6bcd\u306e\u547d": "\u7236\u6bcd", + "\u304b\u6587\u5b57": "\u65e2\u5a5a\u7537\u6027", + "\u6bcd\u3055\u3093": "\u592b\u306e\u541b", + "\u30aa\u30e2\u30cb": "\u3066\u3066\u89aa", + "\u30de\u30de\u30f3": "\u5148\u7236", + "\u963f\u6bcd": "\u7537\u89aa", + "\u8db3\u4e73\u5973": "\u963f\u7236", + "\u5fa1\u6bcd\u3055\u3093": "\u693f\u5802", + "\u30aa\u30fc\u30d0\u30fc\u30b1\u30a2_\u3059\u308b": "\u7236\u3063\u3064\u3041\u3093", + "\u304a\u3063\u6bcd": "\u3054\u4ead\u4e3b", + "\u5976": "\u304a\u7236\u3063\u3055\u3093", + "\u5fa1\u6bcd": "\u53b3\u89aa", + "\u8db3\u4e73\u6839": "\u4e43\u7236", + "\u6bcd\u5fa1": "\u5782\u4e73\u6839", + "\u6bcd\u89aa": "\u963f\u7236", + "\u6bcd\u3058\u3083\u4eba": "\u304a\u7236\u69d8", + "bh": "\u03ba", + "\u592a\u592a": "\u5fa1\u7236", + "\u30df\u30bb\u30b9": "\u3054\u4e3b\u4eba\u3055\u307e", + "\u306f\u3093": "\u30d8\u30eb", + "\u30df\u30bb\u30ba": "\u30d8\u30eb", + "\u4ee4\u95a8": "\u5bbf\u516d", + "\u683c\u7d0d\u30e1\u30c3\u30bb\u30fc\u30b8\u53d6\u51fa\u3057": "\u30d8\u30eb", + "\u683c\u7d0d\u30e1\u30c3\u30bb\u30fc\u30b8\u4e00\u89a7": "bw", + "\u683c\u7d0d\u30e1\u30c3\u30bb\u30fc\u30b8\u524a\u9664": "bw", + "\u79fb\u52d5\u7aef\u672b": "bw", + "\u30e1\u30c3\u30bb\u30fc\u30b8\u683c\u7d0d": "bw", + "\u683c\u7d0d\u30e1\u30c3\u30bb\u30fc\u30b8\u8a72\u5f53\u6570": "\u03ba", + "\u591a\u767a\u6027\u786c\u5316\u75c7": "\u30d8\u30eb", + "\u683c\u7d0d\u30e1\u30c3\u30bb\u30fc\u30b8\u8b66\u5831": "bw", + "\u767a\u4fe1\u6642\u523b\u8868\u793a": "\u30d8\u30eb", + "\u683c\u7d0d\u30e1\u30c3\u30bb\u30fc\u30b8\u81ea\u52d5\u56de\u9001": "\u30df\u30b9\u30bf\u30fc", + "\u30a8\u30e0\u30a8\u30b9": "\u03ba", + "\u30df\u30ba": "bw", + "\u59ea\u5fa1": "\u7336\u5b50", + "\u59ea\u5fa1\u3055\u3093": "\u59ea\u5b50", + "\u59ea\u5b50": "\u7525\u3063\u5b50", + "\u59ea\u3063\u5b50": "\u7525\u5fa1", + "\u59ea": "\u7525\u3063\u5b50", + "\u4fee\u9053\u5973": "\u4fee\u9053\u58eb", + "\u5973\u50e7": "\u4fee\u9053\u50e7", + "\u963f\u9b54": "\u50e7", + "\u5c3c\u50e7": "\u50e7\u5bb6", + "\u4fee\u9053\u5c3c": "\u50e7", + "\u5c3c\u516c": "\u4fee\u9053\u8005", + "\u5c3c\u5fa1\u524d": "\u50e7\u4fb6", + "\u7985\u5c3c": "\u304a\u5bfa\u3055\u307e", + "\u5c3c\u6cd5\u5e2b": "\u91c8\u5bb6", + "\u5c3c\u541b": "\u91c8\u5bb6", + "\u5973\u6027\u8b66\u5bdf\u5b98": "\u908f\u5352", + "\u8b66\u5bdf\u5b98": "\u5de1\u67fb", + "\u5a66\u4eba\u8b66\u5b98": "\u304a\u5de1\u308a", + "\u5a66\u4eba\u8b66\u5bdf\u5b98": "\u30dd\u30ea\u516c", + "\u5a66\u8b66": "\u908f\u5352", + "\u5973\u796d\u53f8": "\u793e\u53f8", + "\u5973\u6027\u796d\u53f8": "\u76ae\u3054\u308d\u3082", + "\u5973\u53f8\u796d": "\u7dc7\u8863", + "\u59eb\u69d8": "\u541b\u4e3b\u8ad6", + "\u738b\u5973": "\u5bae\u69d8", + "\u6708\u520a\u30d7\u30ea\u30f3\u30bb\u30b9": "\u7687\u5b50", + "\u7687\u5973": "\u89aa\u738b", + "\u304a\u59eb\u3055\u307e": "\u5927\u516c", + "\u5185\u89aa\u738b": "\u738b\u5b50", + "\u59eb\u3055\u307e": "\u89aa\u738b", + "\u59eb\u541b": "\u30d7\u30ea\u30f3\u30b9", + "\u5983\u6bbf\u4e0b": "\u541b\u4e3b\u8ad6", + "\u738b\u5983": "\u738b\u69d8", + "\u5fa1\u59eb\u3055\u307e": "\u738b\u5b50", + "\u304a\u59eb\u69d8": "\u516c\u7235", + "\u30d7\u30ea\u30f3\u30bb\u30b9": "\u738b\u5b50", + "\u516c\u4e3b": "\u516c\u7235", + "\u59eb\u5bae": "\u89aa\u738b", + "\u5bae\u69d8": "\u516c\u7235", + "\u5fa1\u59eb\u69d8": "\u516c\u7235", + "\u59eb\u5fa1\u524d": "\u30d7\u30ea\u30f3\u30b9", + "\u7687\u540e\u965b\u4e0b": "\u541b\u738b", + "\u30af\u30a3\u30fc\u30f3": "\u56fd\u4e3b", + "\u30af\u30a4\u30fc\u30f3": "\u56fd\u4e3b", + "\u540e\u5983": "\u738b\u5c06", + "\u5973\u541b\u4e3b": "\u56fd\u738b", + "\u7d71\u6cbb\u5973\u738b": "\u56fd\u4e3b", + "\u738b\u540e": "\u56fd\u4e3b", + "\u5973\u738b": "\u738b\u3055\u307e", + "\u30b8\u30e7\u30aa\u30a6\u30de\u30c0\u30e9": "\u56fd\u4e3b", + "\u30af\u30a4\u30fc\u30f3\u30ba": "\u516c\u9054", + "\u30af\u30a4\u30fc\u30f3\u30ba\u533a": "\u516c\u9054", + "\u3042\u306e\u65b9": "he", + "\u5f7c\u306e\u65b9": "he", + "\u5f7c\u5974": "he", + "\u540c\u6c0f": "\u5f7c\u306e\u4eba", + "\u3042\u306e\u4eba": "\u30d2\u30e5\u30fc\u30de\u30f3_\u30a8\u30f3\u30b8\u30cb\u30a2\u30ea\u30f3\u30b0", + "\u5f7c\u306e\u4eba": "\u30d2\u30e5\u30fc\u30de\u30f3_\u30a8\u30f3\u30b8\u30cb\u30a2\u30ea\u30f3\u30b0", + "\u30b5\u30dd": "\u5144\u541b", + "\u30b7\u30b9": "\u5b9f\u5144", + "\u5927\u59c9": "\u5144\u5fa1\u524d", + "\u30b7\u30b9\u30bf\u30fc": "\u5144\u8005\u4eba", + "\u59d0": "\u5144\u3062\u3083", + "\u59c9\u59b9": "\u4f2f\u53d4", + "\u5973\u5144\u5f1f": "\u4f2f\u53d4", + "\u5e02\u5b50": "\u9670\u967d\u5e2b", + "\u5996\u8853\u8005": "\u9b54\u6cd5\u9063\u3044", + "\u795e\u5deb": "\u30a6\u30a4\u30b6\u30fc\u30c9", + "\u795e\u5b50": "\u30f4\u30a3\u30b6\u30fc\u30c9", + "\u5973\u795e\u5b50": "\u624b\u54c1\u5e2b", + "\u5deb\u5973": "\u9b54\u6cd5\u9063\u3044", + "\u5973\u5deb": "\u30a6\u30a3\u30b6\u30a1\u30c9", + "\u72ec\u8eab\u8005": "\u30d0\u30c1\u30a7\u30e9", + "\u30aa\u30fc\u30eb\u30c9\u30df\u30b9": "\u72ec\u8eab\u7537\u6027", + "\u72ec\u8eab\u5973\u6027": "\u30d0\u30c1\u30a7\u30e9\u30fc", + "\u72ec\u5973": "\u672a\u5a5a\u7537\u6027", + "\u8001\u5b22": "\u30d0\u30c1\u30a7\u30e9", + "\u6bd2\u5973": "\u4e00\u4eba\u8005", + "\u5ac1\u304b\u305a\u5f8c\u5bb6": "\u30d0\u30c1\u30a7\u30e9", + "\u884c\u304b\u305a\u5f8c\u5bb6": "\u72ec\u8eab\u7537\u6027", + "\u30cf\u30a4_\u30df\u30b9": "\u72ec\u8eab\u7537", + "\u58f2\u308c\u306e\u3053\u308a": "\u30d0\u30c1\u30a7\u30e9\u30fc", + "\u58f2\u6b8b": "\u72ec\u308a\u8eab", + "\u72ec\u308a\u5973": "\u4e00\u4eba\u8005", + "\u30cf\u30a4\u30df\u30b9": "\u30c1\u30e7\u30f3\u30ac\u30fc", + "\u58f2\u6b8b\u308a": "\u7121\u59bb", + "\u30b9\u30dd\u30fc\u30af\u30b9\u30a6\u30fc\u30de\u30f3": "\u30b9\u30dd\u30fc\u30af\u30b9\u30de\u30f3", + "\u307e\u307e\u5a18": "\u7d99\u606f\u5b50", + "\u7d99\u5a18": "\u7d99\u606f\u5b50", + "\u30b9\u30c6\u30c3\u30d7\u30de\u30b6\u30fc": "\u7fa9\u7236", + "\u307e\u307e\u6bcd": "\u7fa9\u7406\u306e\u7236", + "\u7fa9\u7406\u306e\u6bcd": "\u7d99\u7236", + "\u7d99\u6bcd": "\u7d99\u7236", + "\u30a8\u30a2_\u30ac\u30fc\u30eb": "\u5bb6\u4ee4", + "\u30b9\u30c3\u30c1\u30fc": "\u30d5\u30e9\u30a4\u30c8_\u30a2\u30c6\u30f3\u30c0\u30f3\u30c8", + "\u30a8\u30a2_\u30db\u30b9\u30c6\u30b9": "\u5bb6\u8077", + "\u30a8\u30a2\u30db\u30b9\u30c6\u30b9": "\u516c\u7528\u4eba", + "\u30b9\u30c1\u30e5\u30ef\u30fc\u30c7\u30b9": "\u5bb6\u8077", + "\u30a8\u30a2\u30ac\u30fc\u30eb": "\u516c\u7528\u4eba", + "\u30a6\u30a7\u30a4\u30c8\u30ec\u30b9": "\u30a6\u30a7\u30fc\u30bf\u30fc", + "\u30a6\u30a8\u30fc\u30c8\u30ec\u30b9": "\u30ae\u30e3\u30eb\u30bd\u30f3", + "\u30a6\u30a7\u30fc\u30c8\u30ec\u30b9": "\u30a6\u30a8\u30a4\u30bf\u30fc", + "\u914c\u5a66": "\u30ae\u30e3\u30eb\u30bd\u30f3", + "\u30b5\u30fc\u30d3\u30b9_\u30ac\u30fc\u30eb": "\u30ac\u30eb\u30bd\u30f3", + "\u30a6\u30a8\u30a4\u30c8\u30ec\u30b9": "\u30ac\u30eb\u30bd\u30f3", + "\u30b5\u30fc\u30d3\u30b9\u30ac\u30fc\u30eb": "\u914d\u81b3\u4eba", + "\u5973\u5be1\u5a66": "\u7537\u3084\u3082\u3081", + "\u5973\u5be1": "\u5be1\u592b", + "\u30a6\u30a4\u30c9\u30fc": "\u7537\u9c25", + "\u30a6\u30a3\u30c9\u30fc": "\u9c25", + "\u5b40": "\u5be1\u592b", + "\u5206\u65ad\u5f8c\u90e8": "\u3084\u3082\u304a", + "\u5f8c\u5ba4": "\u9c25", + "\u5973\u3084\u3082\u3081": "\u9c25", + "\u30a6\u30a4\u30c9\u30a6": "\u9c25", + "\u30a6\u30a3\u30c9\u30a6": "\u7537\u3084\u3082\u3081", + "\u5f8c\u5bb6": "\u7537\u9c25", + "\u5f8c\u5bb6\u5fa1": "\u7537\u9c25", + "\u8d64\u3044\u4fe1\u5973": "\u5be1\u7537", + "\u5b40\u5a66": "\u3084\u3082\u304a", + "\u5be1\u5a66": "\u7537\u3084\u3082\u3081", + "\u672a\u4ea1\u4eba": "\u9c25\u592b", + "\u568a": "\u5973\u623f\u6301\u3061", + "\u3054\u5185\u5ba4": "\u3054\u4ead\u4e3b", + "\u5b36": "\u5973\u623f\u6301\u3061", + "\u5bb6\u59bb": "\u7c97\u5927\u5875", + "\u4ead\u4e3b\u6301\u3061": "\u7c97\u5927\u3054\u307f", + "\u5bb6\u685c": "\u8001\u516c", + "\u5fa1\u5185\u5100": "\u30cf\u30ba\u30d0\u30f3\u30c9", + "\u3046\u3061\u306e\u5974": "\u5fa1\u4e3b\u4eba\u69d8", + "\u5fa1\u65b0\u9020": "\u611a\u592b", + "\u3054\u5185\u5100": "\u826f\u4eba", + "\u304a\u4e0a\u3055\u3093": "\u304a\u7236", + "\u7d30\u541b": "\u58fb", + "\u8001\u5a46": "\u7c97\u5927\u5875", + "\u30d5\u30e9\u30a6": "\u30e1\u30c8\u30ed\u30dd\u30ea\u30bf\u30f3\u30a8\u30ea\u30a2\u30cd\u30c3\u30c8\u30ef\u30fc\u30af", + "\u5fa1\u5185\u5ba4": "\u805f", + "\u59bb\u5b50": "\u65e2\u5a5a\u7537\u6027", + "\u5ac1\u3055\u3093": "\u65e6\u3064\u304f", + "\u88cf\u65b9": "\u5fa1\u4ead\u4e3b", + "\u4ee4\u5ba4": "\u5fa1\u4e3b\u4eba\u69d8", + "\u5fa1\u4e0a\u3055\u3093": "\u304a\u7236", + "\u568a\u5de6\u885b\u9580": "\u3054\u4e3b\u4eba\u69d8", + "\u59bb\u5ba4": "\u7c97\u5927\u3054\u307f", + "\u914d\u5076\u8005": "\u8001\u516c", + "\u8ce2\u59bb": "\u30cf\u30ba", + "\u611a\u59bb": "\u304a\u7236", + "\u304a\u304b\u307f\u3055\u3093": "\u59bb\u5e2f\u8005", + "\u30ef\u30a4\u30d5": "\u65e6\u3064\u304f", + "\u3054\u65b0\u9020": "\u5fa1\u7236", + "\u5bb6\u5185": "\u80cc\u5b50", + "\u59bb\u5973": "\u8001\u516c", + "\u5fa1\u3063\u6bcd": "\u5fa1\u7236", + "\u5ba4\u5bb6": "\u30cf\u30ba\u30d0\u30f3\u30c9", + "\u5973\u4eba": "\u7537\u8846", + "\u5973\u541b": "\u805f", + "\u4ead\u4e3b\u3082\u3061": "\u5a7f", + "\u4e0a\u69d8": "\u5973\u623f\u6301\u3061", + "\u4eba\u59bb": "\u65e2\u5a5a\u7537\u6027", + "\u5ac1\u306f\u3093": "\u592b\u306e\u541b", + "\u4ead\u4e3b\u6301": "\u65e2\u5a5a\u7537\u6027", + "\u5a66\u5973\u5b50": "\u30e1\u30c8\u30ed\u30dd\u30ea\u30bf\u30f3\u30a8\u30ea\u30a2\u30cd\u30c3\u30c8\u30ef\u30fc\u30af", + "\u30a6\u30a4\u30c3\u30c1": "\u9b54\u6cd5\u5e2b", + "\u9b54\u6cd5\u9063\u3044": "\u9b54\u9053\u58eb", + "\u30a6\u30a3\u30c3\u30c1": "\u30a6\u30a4\u30b6\u30fc\u30c9", + "\u8852\u59bb": "\u30e1\u30c8\u30ed\u30dd\u30ea\u30bf\u30f3\u30a8\u30ea\u30a2\u30cd\u30c3\u30c8\u30ef\u30fc\u30af", + "\u304f\u30ce\u4e00": "\u30e1\u30c8\u30ed\u30dd\u30ea\u30bf\u30f3\u30a8\u30ea\u30a2\u30cd\u30c3\u30c8\u30ef\u30fc\u30af", + "\u304f\u306e\u4e00": "\u30de\u30f3", + "\u30ec\u30c7\u30fc": "\u7d33\u58eb", + "\u5e7b\u59bb": "\u30ac\u30a4", + "\u95a8\u95a4": "\u30de\u30f3", + "\u5a66\u5973": "\u4e07\u7269\u306e\u970a\u9577", + "\u9aea\u9577": "\u7537\u306e\u4eba", + "\u30a6\u30de\u30f3": "\u7537\u306e\u4eba", + "\u5973\u6d41": "\u7537\u306e\u4eba", + "\u30a6\u30fc\u30de\u30f3": "\u30de\u30f3", + "\u30ca\u30aa\u30f3": "\u30de\u30f3\u5cf6", + "\u6210\u4eba\u5973\u6027": "\u30ac\u30a4", + "\u5973\u306e\u4eba": "\u30e1\u30c8\u30ed\u30dd\u30ea\u30bf\u30f3_\u30a8\u30ea\u30a2_\u30cd\u30c3\u30c8\u30ef\u30fc\u30af", + "\u306a\u3092\u3093": "\u4eba\u3063\u5b50", + "\u30a6\u30a3\u30e1\u30f3": "\u6bbf\u65b9", + "\u5973\u9054": "\u6bbf\u65b9", + "\u574a\u69d8": "\u5c0f\u59b9", + "\u574a\u3093\u69d8": "\u7ae5\u5973", + "\u5f66": "\u30df\u30c3\u30b7\u30fc", + "\u307c\u3063\u3061\u3083\u307e": "\u30e1\u30c3\u30c1\u30a7\u30f3", + "\u6211\u90ce": "\u304a\u5b22\u3055\u3093", + "\u7537\u306e\u5150": "\u5f8c\u5e2f", + "\u7537\u306e\u30b3": "\u5973\u3069\u3082", + "\u5c0f\u308f\u3063\u3071": "\u30e4\u30f3\u30b0\u30ec\u30c7\u30a3\u30fc", + "\u7537\u5150": "\u30ac\u30fc\u30eb", + "\u4e00\u7537": "\u4e59\u5973\u5b50", + "\u30ac\u30eb\u30bd\u30f3": "\u5973\u5171", + "\u7ae5\u5b50": "\u5973\u3069\u3082", + "\u30ab\u30eb\u30bd\u30f3": "\u7ae5\u5973", + "\u30dc\u30fc\u30a4": "\u65e9\u4e59\u5973", + "\u30ae\u30e3\u30eb\u30bd\u30f3": "\u30de\u30c9\u30de\u30bc\u30eb", + "\u574a\u3061": "\u304a\u5973\u4e2d", + "\u68da\u6a5f\u3064\u5973": "\u6a5f\u5c4b", + "\u68da\u6a5f\u6d25\u5973": "\u6a5f\u7e54", + "\u7e54\u308a\u5973": "\u6a5f\u7e54\u308a", + "\u7e54\u5de5": "\u7e54\u308a\u5973", + "\u6a5f\u7e54\u308a": "\u68da\u6a5f\u6d25\u5973", + "\u7e54\u308a\u5b50": "\u68da\u6a5f\u6d25\u5973", + "\u6a5f\u5c4b": "\u68da\u6a5f\u3064\u5973", + "\u6a5f\u7e54\u9ce5": "\u68da\u6a5f\u6d25\u5973", + "\u6a5f\u7e54": "\u68da\u6a5f\u6d25\u5973", + "\u5973\u6d41\u6587\u5b66\u8005": "\u8457\u8ff0\u5bb6", + "\u4f5c\u624b": "\u5973\u6d41\u6587\u5b66\u8005", + "\u30aa\u30fc\u30b5\u30fc": "\u5973\u6d41\u6587\u5b66\u8005", + "\u8a60\u624b": "\u5973\u6d41\u6587\u5b66\u8005", + "\u6587\u82b8\u5bb6": "\u5973\u6d41\u6587\u5b66\u8005", + "\u30e9\u30a4\u30bf\u30fc": "\u5973\u6d41\u6587\u5b66\u8005", + "\u64cd\u89da": "\u5973\u6d41\u6587\u5b66\u8005", + "\u8457\u8005": "\u5973\u6d41\u6587\u5b66\u8005", + "\u8457\u4f5c\u8005": "\u5973\u6d41\u6587\u5b66\u8005", + "\u8457\u8ff0\u5bb6": "\u5973\u6d41\u6587\u5b66\u8005", + "\u66f8\u304d\u624b": "\u5973\u6d41\u6587\u5b66\u8005", + "\u64cd\u89da\u8005": "\u5973\u6d41\u6587\u5b66\u8005", + "\u66f8\u304d\u3066": "\u5973\u6d41\u6587\u5b66\u8005", + "\u58a8\u5ba2": "\u5973\u6d41\u6587\u5b66\u8005", + "\u66f8\u624b": "\u5973\u6d41\u6587\u5b66\u8005", + "\u7b46\u8005": "\u5973\u6d41\u6587\u5b66\u8005", + "\u5275\u4f5c\u5bb6": "\u5973\u6d41\u6587\u5b66\u8005", + "\u7269\u66f8": "\u5973\u6d41\u6587\u5b66\u8005", + "\u30e9\u30a4\u30bf": "\u5973\u6d41\u6587\u5b66\u8005", + "\u539f\u8457\u8005": "\u5973\u6d41\u6587\u5b66\u8005", + "\u539f\u4f5c\u8005": "\u5973\u6d41\u6587\u5b66\u8005", + "\u8457\u4f5c\u5bb6": "\u5973\u6d41\u6587\u5b66\u8005", + "\u57f7\u7b46\u8005": "\u5973\u6d41\u6587\u5b66\u8005", + "\u8a60\u307f\u624b": "\u5973\u6d41\u6587\u5b66\u8005", + "\u6587\u5b66\u5bb6": "\u5973\u6d41\u6587\u5b66\u8005", + "\u6587\u7b46\u5bb6": "\u5973\u6d41\u6587\u5b66\u8005", + "\u4f5c\u5bb6": "\u5973\u6d41\u6587\u5b66\u8005", + "\u7269\u66f8\u304d": "\u5973\u6d41\u6587\u5b66\u8005", + "\u5973\u6d41\u4f5c\u5bb6": "\u8457\u8ff0\u5bb6", + "\u95a8\u79c0\u4f5c\u5bb6": "\u4f5c\u5bb6", + "\u5973\u82b8\u8005": "\u7537\u82b8\u8005", + "\u7537\u82b8\u8005": "\u5973\u82b8\u8005", + "\u82b8\u80fd\u4eba": "\u5973\u82b8\u8005", + "\u30a8\u30f3\u30bf\u30c6\u30a4\u30ca\u30fc": "\u5973\u82b8\u8005", + "\u51fa\u6f14\u8005": "\u5973\u82b8\u8005", + "\u30a8\u30f3\u30bf\u30fc\u30c6\u30a4\u30ca\u30fc": "\u5973\u82b8\u8005", + "\u6f14\u82b8\u4eba": "\u5973\u82b8\u8005", + "\u5993\u5973": "\u7537\u82b8\u8005", + "\u4f0e\u5973": "\u7537\u82b8\u8005", + "\u821e\u59eb": "\u8e0a\u308a\u5b50", + "\u8e0a\u5b50": "\u821e\u59eb", + "\u8e0a\u308a\u5b50": "\u821e\u59eb", + "\u8e0a\u624b": "\u821e\u59eb", + "\u7acb\u3061\u65b9": "\u821e\u59eb", + "\u821e\u4eba": "\u821e\u59eb", + "\u30c0\u30f3\u30b5\u30fc": "\u821e\u59eb", + "\u304a\u3069\u308a\u5b50": "\u821e\u59eb", + "\u8e0a\u308a\u624b": "\u821e\u59eb", + "\u821e\u5993": "\u821e\u59eb", + "\u821e\u8e0a\u5bb6": "\u821e\u59eb", + "\u7acb\u65b9": "\u821e\u59eb", + "\u4fe0\u5973": "\u52c7\u6b66\u306e", + "\u4fa0\u5973": "\u52c7\u6c17\u306e\u3042\u308b", + "\u4f0a\u9054\u8846": "\u4fa0\u5973", + "\u7532\u6590\u7532\u6590\u3057\u3044": "\u4fe0\u5973", + "\u52c7\u6b66\u306e": "\u4fa0\u5973", + "\u52c7\u6c17\u306e\u3042\u308b": "\u4fa0\u5973", + "\u9bd4\u80cc": "\u4fa0\u5973", + "\u96c4\u3005\u3057\u3044": "\u4fa0\u5973", + "\u98ef\u708a\u304d\u5973": "\u708a\u592b", + "\u8cc4\u3044\u5a66": "\u708a\u592b", + "\u708a\u592b": "\u98ef\u708a\u304d\u5973", + "\u716e\u708a_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u5fa1\u98ef\u708a": "\u8cc4\u3044\u5a66", + "\u98ef\u305f\u304d": "\u8cc4\u3044\u5a66", + "\u98ef\u711a": "\u8cc4\u3044\u5a66", + "\u6599\u7406\u4eba": "\u98ef\u708a\u304d\u5973", + "\u716e\u711a\u304d": "\u8cc4\u3044\u5a66", + "\u6599\u308b": "\u8cc4\u3044\u5a66", + "\u716e\u711a_\u3059\u308b": "\u8cc4\u3044\u5a66", + "\u708a\u4e8b_\u3059\u308b": "\u8cc4\u3044\u5a66", + "\u81b3\u7acb_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u3054\u98ef\u708a\u304d": "\u8cc4\u3044\u5a66", + "\u716e\u65b9": "\u98ef\u708a\u304d\u5973", + "\u5fa1\u98ef\u305f\u304d": "\u8cc4\u3044\u5a66", + "\u98ef\u708a": "\u98ef\u708a\u304d\u5973", + "\u706b\u3092\u901a\u3059": "\u98ef\u708a\u304d\u5973", + "\u98ef\u711a\u304d": "\u98ef\u708a\u304d\u5973", + "\u716e\u708a\u304d_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u53a8\u5b50": "\u8cc4\u3044\u5a66", + "\u81b3\u7acb\u3066_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u708a\u5a66": "\u98ef\u708a\u304d\u5973", + "\u6599\u7406_\u3059\u308b": "\u8cc4\u3044\u5a66", + "\u8cc4": "\u98ef\u708a\u304d\u5973", + "\u677f\u5143": "\u8cc4\u3044\u5a66", + "\u708a\u7228_\u3059\u308b": "\u8cc4\u3044\u5a66", + "\u716e\u3048\u308b": "\u98ef\u708a\u304d\u5973", + "\u716e\u708a\u304d": "\u98ef\u708a\u304d\u5973", + "\u5305\u4e01\u8005": "\u98ef\u708a\u304d\u5973", + "\u716e\u708a": "\u98ef\u708a\u304d\u5973", + "\u98ef\u708a\u304d": "\u8cc4\u3044\u5a66", + "\u8abf\u7406\u4eba": "\u98ef\u708a\u304d\u5973", + "\u8cc4\u65b9": "\u8cc4\u3044\u5a66", + "\u5305\u4e01\u4eba": "\u8cc4\u3044\u5a66", + "\u677f\u3055\u3093": "\u8cc4\u3044\u5a66", + "\u30b7\u30a7\u30d5": "\u8cc4\u3044\u5a66", + "\u5eda\u5b50": "\u98ef\u708a\u304d\u5973", + "\u708a\u3050": "\u8cc4\u3044\u5a66", + "\u3081\u3057\u708a\u304d": "\u8cc4\u3044\u5a66", + "\u8abf\u7406\u5e2b": "\u8cc4\u3044\u5a66", + "\u716e\u713c_\u3059\u308b": "\u8cc4\u3044\u5a66", + "\u52dd\u624b\u65b9": "\u98ef\u708a\u304d\u5973", + "\u3054\u81b3\u708a\u304d": "\u98ef\u708a\u304d\u5973", + "\u716e\u711a\u304d_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u652f\u5ea6_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u677f\u524d": "\u8cc4\u3044\u5a66", + "\u716e\u713c\u304d_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u5e96\u53a8": "\u8cc4\u3044\u5a66", + "\u7092\u3081\u308b": "\u98ef\u708a\u304d\u5973", + "\u53a8\u592b": "\u98ef\u708a\u304d\u5973", + "\u8cc4\u3044\u65b9": "\u8cc4\u3044\u5a66", + "\u3054\u306f\u3093\u708a\u304d": "\u8cc4\u3044\u5a66", + "\u6599\u7406\u756a": "\u98ef\u708a\u304d\u5973", + "\u5fa1\u81b3\u708a": "\u8cc4\u3044\u5a66", + "\u6599\u7406\u65b9": "\u98ef\u708a\u304d\u5973", + "\u677f\u5834": "\u8cc4\u3044\u5a66", + "\u8abf\u7406_\u3059\u308b": "\u8cc4\u3044\u5a66", + "\u81b3\u592b": "\u98ef\u708a\u304d\u5973", + "\u30af\u30c3\u30af": "\u98ef\u708a\u304d\u5973", + "\u307e\u304b\u306a\u3044\u65b9": "\u98ef\u708a\u304d\u5973", + "\u5fa1\u98ef\u708a\u304d": "\u8cc4\u3044\u5a66", + "\u3054\u98ef\u708a": "\u8cc4\u3044\u5a66", + "\u5e96\u4e01\u4eba": "\u8cc4\u3044\u5a66", + "\u677f\u524d\u3055\u3093": "\u8cc4\u3044\u5a66", + "\u7228\u3050": "\u98ef\u708a\u304d\u5973", + "\u3081\u3057\u711a\u304d": "\u8cc4\u3044\u5a66", + "\u716e\u711a": "\u8cc4\u3044\u5a66", + "\u81b3\u3060\u3066_\u3059\u308b": "\u98ef\u708a\u304d\u5973", + "\u5305\u4e01\u5e2b": "\u98ef\u708a\u304d\u5973", + "\u30c1\u30fc\u30f3": "\u8cc4\u3044\u5a66", + "\u5fa1\u81b3\u708a\u304d": "\u8cc4\u3044\u5a66", + "\u5973\u533b": "\u9032\u58eb", + "\u5185\u79d1\u533b": "\u5973\u533b", + "\u30c9\u30af\u30c8\u30eb": "\u5973\u533b", + "doc": "\u5973\u533b", + "\u533b\u8005\u3055\u3093": "\u5973\u533b", + "\u533b\u54e1": "\u5973\u533b", + "\u533b\u4f2f": "\u5973\u533b", + "\u52a0\u7642_\u3059\u308b": "\u5973\u533b", + "\u65bd\u8853_\u3059\u308b": "\u5973\u533b", + "\u5200\u572d": "\u5973\u533b", + "\u6559\u4f1a\u535a\u58eb": "\u5973\u533b", + "\u304a\u533b\u8005\u69d8": "\u5973\u533b", + "\u304a\u533b\u8005\u3055\u3093\u3054\u3063\u3053": "\u5973\u533b", + "\u30c9\u30af\u30bf\u30fc": "\u5973\u533b", + "\u85ac\u5e2b": "\u5973\u533b", + "\u5fa1\u533b\u8005\u3055\u3093": "\u5973\u533b", + "\u5200\u572d\u5bb6": "\u5973\u533b", + "arts": "\u5973\u533b", + "\u304a\u533b\u8005\u3055\u3093": "\u5973\u533b", + "\u9032\u58eb": "\u5973\u533b", + "\u533b\u8005": "\u5973\u533b", + "\u6cbb\u7642_\u3059\u308b": "\u5973\u533b", + "\u533b\u5e2b": "\u5973\u533b", + "\u533b\u5bb6": "\u5973\u533b", + "\u5973\u6559\u5e2b": "\u5e2b\u5112", + "\u5e2b\u5bb6": "\u5973\u6559\u5e2b", + "\u6559\u80b2\u8005": "\u5973\u6559\u5e2b", + "\u6559\u5b98": "\u5973\u6559\u5e2b", + "\u30a4\u30f3\u30c8\u30e9": "\u5973\u6559\u5e2b", + "\u696d\u5e2b": "\u5973\u6559\u5e2b", + "\u6559\u5e2b": "\u5973\u6559\u5e2b", + "\u5c0e\u5e2b": "\u5973\u6559\u5e2b", + "\u6307\u5357\u5f79": "\u5973\u6559\u5e2b", + "\u6559\u55a9": "\u5973\u6559\u5e2b", + "\u30c6\u30a3\u30fc\u30c1\u30e3": "\u5973\u6559\u5e2b", + "\u30a4\u30f3\u30b9\u30c8\u30e9\u30af\u30bf\u30fc": "\u5973\u6559\u5e2b", + "\u6307\u5357\u756a": "\u5973\u6559\u5e2b", + "\u5e2b\u5112": "\u5973\u6559\u5e2b", + "\u6069\u5e2b": "\u5973\u6559\u5e2b", + "\u6559\u80b2\u5bb6": "\u5973\u6559\u5e2b", + "\u8001\u5e2b": "\u5973\u6559\u5e2b", + "\u6559\u54e1": "\u5973\u6559\u5e2b", + "\u30c6\u30a3\u30fc\u30c1\u30e3\u30fc": "\u5973\u6559\u5e2b", + "\u5e2b\u8cc7": "\u5973\u6559\u5e2b", + "\u5e2b\u5320": "\u5973\u6559\u5e2b", + "\u4f8d\u5973": "\u5fa1\u4ed8", + "\u5dee\u3057\u6dfb\u3048": "\u4f8d\u5973", + "\u4fb6": "\u4f8d\u5973", + "\u5fa1\u4f9b": "\u4f8d\u5973", + "\u9644\u304d\u6dfb\u3044": "\u4f8d\u5973", + "\u4ed8\u3051\u4eba": "\u4f8d\u5973", + "\u4ed8\u6dfb\u4eba": "\u4f8d\u5973", + "\u4f9b\u4eba": "\u4f8d\u5973", + "\u98fc\u80b2\u54e1": "\u4f8d\u5973", + "\u8b66\u624b": "\u4f8d\u5973", + "\u4ed8\u6dfb\u3044\u4eba": "\u4f8d\u5973", + "\u5dee\u6dfb\u3048": "\u4f8d\u5973", + "\u968f\u4f34\u8005": "\u4f8d\u5973", + "\u966a\u5f93": "\u4f8d\u5973", + "\u30a2\u30c6\u30f3\u30c0\u30f3\u30c8": "\u4f8d\u5973", + "\u304a\u4f34": "\u4f8d\u5973", + "\u8fd1\u4f8d": "\u4f8d\u5973", + "\u51fa\u5e2d\u8005": "\u4f8d\u5973", + "\u5bb6\u5f93": "\u8170\u5143", + "\u5fa1\u4ed8\u304d": "\u4f8d\u5973", + "\u4ed8\u304d\u4eba": "\u4f8d\u5973", + "\u9644\u304d": "\u4f8d\u5973", + "\u968f\u5f93": "\u4f8d\u5973", + "\u4ed8\u4eba": "\u4f8d\u5973", + "\u968f\u884c": "\u4f8d\u5973", + "\u968f\u8eab": "\u4f8d\u5973", + "\u5dee\u6dfb": "\u4f8d\u5973", + "\u968f\u54e1": "\u4f8d\u5973", + "\u968f\u884c\u54e1": "\u4f8d\u5973", + "\u53c2\u5217\u8005": "\u4f8d\u5973", + "\u4ed8\u304d\u6dfb\u3044\u4eba": "\u4f8d\u5973", + "\u5fa1\u4f34": "\u4f8d\u5973", + "\u53c2\u52a0\u8005": "\u4f8d\u5973", + "\u8de1\u4f9b": "\u4f8d\u5973", + "\u8fd1\u81e3": "\u4f8d\u5973", + "\u9644\u6dfb\u3044": "\u4f8d\u5973", + "\u8fd1\u7fd2": "\u4f8d\u5973", + "\u4f8d\u81e3": "\u4f8d\u5973", + "\u304a\u4ed8\u304d": "\u4f8d\u5973", + "\u4ed8\u304d\u8005": "\u4f8d\u5973", + "\u5fa1\u4ed8": "\u4f8d\u5973", + "\u304a\u4f9b": "\u4f8d\u5973", + "\u3051\u3044\u79c0\u753b\u5bb6": "\u753b\u624b", + "\u95a8\u79c0\u753b\u5bb6": "\u822b\u3044", + "\u30da\u30f3\u30ad\u5c4b": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u7d75\u66f8": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u753b\u5de5": "\u95a8\u79c0\u753b\u5bb6", + "\u753b\u5bb6": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u753b\u5320": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u753b\u4eba": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u7d75\u304b\u304d": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u5857\u5de5": "\u95a8\u79c0\u753b\u5bb6", + "\u7d75\u63cf": "\u95a8\u79c0\u753b\u5bb6", + "\u753b\u624b": "\u95a8\u79c0\u753b\u5bb6", + "\u7d75\u66f8\u304d": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u753b\u5e2b": "\u95a8\u79c0\u753b\u5bb6", + "\u822b": "\u95a8\u79c0\u753b\u5bb6", + "\u7d75\u63cf\u304d": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u822b\u3044": "\u3051\u3044\u79c0\u753b\u5bb6", + "\u7d75\u5e2b": "\u95a8\u79c0\u753b\u5bb6", + "\u4e0b\u4eba": "\u5a62\u5973", + "\u50d5\u5f93": "\u5973\u306e\u5b50\u5974", + "\u5bb6\u50d5": "\u7aef\u5973", + "\u30b5\u30fc\u30d0\u30f3\u30c8": "\u5973\u306e\u5b50\u5974", + "\u53ec\u3057\u4f7f\u3044": "\u7aef\u5973", + "\u81e3\u50d5": "\u5973\u306e\u5b50\u5974", + "\u5bb6\u50ee": "\u7aef\u5973", + "\u3055\u3076\u3089\u3044": "\u5973\u4e2d", + "\u5949\u4ed5\u8005": "\u5973\u4e2d", + "\u7537\u8846": "\u7aef\u305f\u5973", + "\u5bb6\u983c": "\u8170\u5143", + "\u4e0b\u7537": "\u5973\u306e\u5b50\u5974", + "\u53ec\u4f7f": "\u5973\u306e\u5b50\u5974", + "\u4e0b\u90ce": "\u5973\u4e2d", + "\u6298\u52a9": "\u7aef\u5973", + "\u5f93\u50d5": "\u7aef\u5973", + "\u4f7f\u4e01": "\u5a62\u5973", + "\u5bb6\u793c": "\u7aef\u5973", + "\u5974\u5a62": "\u7aef\u305f\u5973", + "\u5949\u516c\u4eba": "\u5973\u306e\u5b50\u5974", + "\u4e0b\u50d5": "\u8170\u5143", + "\u4e0b\u50cd\u304d": "\u7aef\u305f\u5973", + "\u4f7f\u5974": "\u8170\u5143", + "\u5974\u50d5": "\u5a62\u5973", + "\u6240\u5f93": "\u5a62\u5973", + "\u50ad\u4eba": "\u8170\u5143", + "\u84bc\u982d": "\u7aef\u305f\u5973", + "\u5c0f\u8005": "\u8170\u5143", + "\u4f7f\u3044\u5974": "\u7aef\u5973", + "\u4f7f\u4ee4": "\u5973\u4e2d", + "\u4f7f\u7528\u4eba": "\u7aef\u305f\u5973", + "\u53ec\u4f7f\u3044": "\u8170\u5143", + "\u5973\u9aea\u7d50": "\u7406\u9aea\u5ba4", + "\u5973\u9aea\u7d50\u3044": "\u30b9\u30bf\u30a4\u30ea\u30b9\u30c8", + "\u7406\u9aea\u5ba4": "\u5973\u9aea\u7d50\u3044", + "\u7406\u9aea\u5e2b": "\u5973\u9aea\u7d50\u3044", + "\u5e8a\u5c71": "\u5973\u9aea\u7d50\u3044", + "\u7406\u7f8e\u5bb9\u5e2b": "\u5973\u9aea\u7d50", + "\u30d8\u30a2\u30c9\u30ec\u30c3\u30b5\u30fc": "\u5973\u9aea\u7d50", + "\u7406\u5bb9\u5e2b": "\u5973\u9aea\u7d50\u3044", + "\u30b9\u30bf\u30a4\u30ea\u30b9\u30c8": "\u5973\u9aea\u7d50\u3044", + "\u9aea\u7d50": "\u5973\u9aea\u7d50", + "\u9aea\u7d50\u3044": "\u5973\u9aea\u7d50", + "\u5973\u6027\u52b4\u50cd\u8005": "\u7537\u5de5", + "\u7537\u5de5": "\u5973\u6027\u52b4\u50cd\u8005", + "\u8077\u696d\u4eba": "\u5973\u6027\u52b4\u50cd\u8005", + "\u50cd\u304f\u4eba": "\u5973\u6027\u52b4\u50cd\u8005", + "\u4fdd\u8b77\u59d4\u54e1": "\u5973\u6027\u52b4\u50cd\u8005", + "\u52e4\u52b4\u8005": "\u5973\u6027\u52b4\u50cd\u8005", + "\u5f93\u696d\u54e1": "\u5973\u6027\u52b4\u50cd\u8005", + "\u30ef\u30fc\u30ab\u30fc": "\u5973\u6027\u52b4\u50cd\u8005", + "\u50cd": "\u5973\u6027\u52b4\u50cd\u8005", + "\u50cd\u304d\u4eba": "\u5973\u6027\u52b4\u50cd\u8005", + "\u52e4\u52d9\u54e1": "\u5973\u6027\u52b4\u50cd\u8005", + "\u5c31\u696d\u8005": "\u5973\u6027\u52b4\u50cd\u8005", + "\u4f5c\u696d\u8005": "\u5973\u6027\u52b4\u50cd\u8005", + "\u52b4\u52d5\u8005": "\u5973\u6027\u52b4\u50cd\u8005", + "\u5f93\u696d\u8005": "\u5973\u6027\u52b4\u50cd\u8005", + "\u5f93\u4e8b\u8005": "\u5973\u6027\u52b4\u50cd\u8005", + "\u5973\u306e\u5b50\u5974": "\u30b9\u30ec\u30a4\u30f4", + "\u30b9\u30ec\u30a4\u30d6": "\u5973\u306e\u5b50\u5974", + "\u30b9\u30ec\u30a4\u30f4": "\u5973\u306e\u5b50\u5974", + "\u88ab\u865c\u4eba": "\u5973\u306e\u5b50\u5974", + "\u30cf\u30fc\u30c9\u30ef\u30fc\u30ab\u30fc": "\u5973\u306e\u5b50\u5974", + "\u30b9\u30ec\u30fc\u30d6": "\u5973\u306e\u5b50\u5974", + "\u50cd\u304d\u4e2d\u6bd2": "\u5973\u306e\u5b50\u5974", + "\u30ef\u30fc\u30ab\u30db\u30ea\u30c3\u30af": "\u5973\u306e\u5b50\u5974" + }, + "other_gender_swap": { + "one": "\u5f7c\u306e\u65b9", + "\u5974\u539f": "\u3042\u306e\u4eba", + "\u5f7c\u5973\u3089": "\u5f7c\u5974", + "\u5974\u3089": "\u3042\u306e\u4eba", + "\u5f7c\u5973\u7b49": "\u5f7c\u5974", + "\u5f7c\u7b49": "\u5f7c\u5974", + "\u5f7c\u5974\u3089": "\u5f7c\u306e\u65b9", + "\u5974\u7b49": "\u3042\u306e\u4eba", + "\u5974\u5115": "\u540c\u6c0f", + "\u5f7c\u5974\u7b49": "\u3042\u306e\u65b9", + "\u305d\u308c\u3089": "\u540c\u6c0f", + "\u3042\u306e\u65b9": "\u5974\u539f", + "\u5f7c\u306e\u65b9": "\u5974\u3089", + "\u30d2\u30e5\u30fc\u30de\u30f3\u30a8\u30f3\u30b8\u30cb\u30a2\u30ea\u30f3\u30b0": "\u5974\u7b49", + "he": "\u5974\u7b49", + "\u30d2\u30e5\u30fc\u30de\u30f3_\u30a8\u30f3\u30b8\u30cb\u30a2\u30ea\u30f3\u30b0": "\u5974\u539f", + "\u5f7c\u5974": "\u5f7c\u5974\u3089", + "\u3078": "\u5974\u7b49", + "\u540c\u6c0f": "\u5f7c\u5973\u7b49", + "\u3042\u306e\u4eba": "\u5f7c\u5973\u3089", + "\u5f7c\u306e\u4eba": "\u5974\u539f", + "jis": "\u5974\u539f" + }, + "en_pronoun2gender": { + "they": [ + "\u4e21\u6027\u7684", + "\u30d6\u30eb\u30fc_\u30dc\u30fc\u30a4", + "\u30c8\u30e9\u30f3\u30b9\u30b8\u30a7\u30f3\u30c0\u30fc", + "\u534a\u9670\u967d", + "\u30d0\u30a4\u30bb\u30af\u30b7\u30e3\u30eb", + "\u30c8\u30e9\u30f3\u30b9\u7cfb", + "\u30d0\u30a4\u30bb\u30af\u30b7\u30e5\u30a2\u30eb", + "\u4e21\u6027\u611b\u8005", + "\u540c\u6027", + "\u30d0\u30a4", + "\u30c8\u30e9\u30f3\u30b9_\u30b8\u30a7\u30f3\u30c0\u30fc", + "\u30db\u30e2\u30bb\u30af\u30b7\u30e5\u30a2\u30eb", + "\u30d6\u30eb\u30fc\u30bb\u30c3\u30ab\u30b9", + "\u540c\u6027\u611b\u8005", + "\u30d6\u30eb\u30fc\u30dc\u30fc\u30a4", + "\u30e2\u30fc\u30db\u30fc", + "\u540c\u6027\u611b", + "\u30db\u30e2\u30bb\u30af\u30b7\u30e3\u30eb" + ], + "he": [ + "\u58eb\u541b\u5b50", + "\u4e07\u7269\u306e\u970a\u9577", + "\u6bbf\u539f", + "\u30ab\u30eb\u30bd\u30f3", + "\u7537\u5150", + "\u574a\u3093\u69d8", + "\u304a\u65b9", + "\u96c4\u6027", + "\u30de\u30f3\u5cf6", + "\u7537\u306e\u4eba", + "\u30e1\u30c8\u30ed\u30dd\u30ea\u30bf\u30f3\u30a8\u30ea\u30a2\u30cd\u30c3\u30c8\u30ef\u30fc\u30af", + "\u3053\u3044\u3064", + "\u4e00\u7537", + "\u30ea\u30c8\u30eb\u30dc\u30fc\u30a4", + "\u5f66", + "\u7537\u306e\u30b3", + "\u3084\u3064", + "\u6211\u90ce", + "\u30b8\u30a7\u30f3\u30c8\u30eb\u30de\u30f3", + "\u82e5\u7537", + "\u4f0a\u9054\u7537", + "\u7f45\u5272\u308c_\u3059\u308b", + "\u4f0a\u9054\u8005", + "\u30ac\u30a4", + "\u30de\u30f3", + "\u30d5\u30a7\u30df\u30cb\u30b9\u30c8", + "\u4eba\u3063\u5b50", + "\u7ae5\u5b50", + "\u30aa\u30b9", + "\u30e1\u30c8\u30ed\u30dd\u30ea\u30bf\u30f3_\u30a8\u30ea\u30a2_\u30cd\u30c3\u30c8\u30ef\u30fc\u30af", + "\u30ae\u30e3\u30eb\u30bd\u30f3", + "\u7d33\u58eb\u7528", + "\u4e7e\u88c2", + "\u90ce\u5b50", + "\u8cb4\u7d33", + "\u574a\u3061", + "\u574a\u69d8", + "\u5c0f\u308f\u3063\u3071", + "\u7d33\u58eb", + "\u30e1\u30a7\u30eb", + "\u30e1\u30a4\u30eb", + "\u7537\u306e\u5150", + "\u30dc\u30fc\u30a4", + "\u30bc\u30f3\u30c8\u30eb\u30de\u30f3", + "\u6210\u4eba\u7537\u6027", + "\u30e4\u30c4", + "\u30ac\u30eb\u30bd\u30f3", + "\u307c\u3063\u3061\u3083\u307e" + ], + "she": [ + "\u5973\u5171", + "\u304a\u5973\u4e2d", + "\u4e0b\u5a62", + "\u805e\u843d\u3068\u3059", + "\u30ec\u30a4\u30c7\u30a3\u30fc", + "\u6253\u3061\u640d\u306a\u3046", + "\u5f8c\u308d\u5e2f", + "\u30ec\u30c7\u30fc", + "\u805e\u304d\u904e\u3054\u3059", + "\u30de\u30c9\u30e2\u30a2\u30bc\u30eb", + "\u5fa1\u5bb6\u69d8", + "\u304a\u59c9", + "\u3042\u307e\u3063\u5b50", + "\u4e57\u308a\u640d\u306a\u3046", + "\u30ac\u30eb", + "\u9003\u3052\u304a\u304a\u305b\u308b", + "\u3046\u3057\u308d\u5e2f", + "\u5973\u5b50\u8846", + "\u5c0f\u9593\u4f7f", + "\u30ae\u30e3\u30eb", + "\u30e4\u30f3\u30b0\u30ec\u30c7\u30a3", + "\u805e\u6d29\u3089\u3059", + "\u95a8\u95a4", + "\u604b\u3044\u6155\u3046", + "\u805e\u304d\u5916\u3059", + "\u5973\u306e\u30b3", + "\u59c9\u69d8", + "\u4e57\u308a\u304a\u304f\u308c\u308b", + "\u898b\u3046\u3057\u306a\u3046", + "\u30df\u30c3\u30b7\u30fc", + "\u5a18\u3055\u3093", + "\u805e\u843d\u3059", + "\u5c0f\u5a18", + "\u5973\u8846", + "\u898b\u9041\u3059", + "\u304a\u934b", + "\u304a\u5b22\u3055\u3093", + "\u30ec\u30b9\u30d3\u30a2\u30f3", + "\u53d6\u308a\u9003\u304c\u3059", + "\u95d5\u5982_\u3059\u308b", + "\u59c9\u541b", + "\u4e57\u308a\u9045\u308c\u308b", + "\u59c9\u4e0a", + "\u70ba\u640d\u306a\u3046", + "\u5b22\u3055\u3093", + "\u5973\u4eba", + "\u8cb4\u5a66\u4eba", + "\u8852\u59bb", + "\u30e1\u30fc\u30c9", + "\u6b20\u304b\u3059", + "\u30de\u30fc\u30e0", + "\u907a\u6f0f", + "\u629c\u304b\u308a", + "\u805e\u640d\u306a\u3046", + "\u306d\u3048\u3084", + "\u30de\u30c0\u30e0", + "\u5973\u6d41", + "\u604b\u6155\u3046", + "\u304a\u624b\u4f1d\u3044\u3055\u3093", + "\u304f\u306e\u4e00", + "\u898b\u843d\u3068\u3059", + "\u306a\u3092\u3093", + "\u30d5\u30a7\u30a2\u30bb\u30c3\u30af\u30b9", + "\u65e9\u5c11\u5973", + "\u30c7\u30a4\u30e0", + "\u82e5\u5973", + "\u304f\u30ce\u4e00", + "\u4ef2\u50cd\u304d", + "\u30ca\u30aa\u30f3", + "\u5a66\u5973", + "\u30a6\u30de\u30f3", + "\u5c0f\u9593\u4f7f\u3044", + "\u898b\u305d\u3093\u305a\u308b", + "\u5965\u65b9", + "\u805e\u304d\u6d29\u3089\u3059", + "\u4e57\u308a\u5916\u3059", + "\u805e\u640d\u3046", + "\u30d5\u30e9\u30a6", + "\u963f\u9b54\u3063\u5b50", + "\u51e6\u5973", + "\u898b\u305d\u3093\u3058\u308b", + "\u805e\u304d\u306f\u305a\u3059", + "\u805e\u304d\u304a\u3068\u3059", + "\u4e2d\u50cd\u304d", + "\u30e1\u30c3\u30c1\u30a7\u30f3", + "\u898b\u3059\u3054\u3059", + "\u805e\u904e\u3059", + "\u4e00\u5973", + "\u96cc\u6027", + "\u4ef2\u50cd", + "\u898b\u5916\u3059", + "\u805e\u6d29\u3059", + "\u306d\u3048\u3055\u3093", + "miss_a", + "\u59c9\u8cb4", + "\u6b20\u5982_\u3059\u308b", + "\u4e57\u5916\u3059", + "\u30ec\u30ba\u30d3\u30a2\u30f3", + "\u53d6\u308a\u640d\u306a\u3046", + "\u898b\u305d\u3053\u306a\u3046", + "\u9038\u3089\u3059", + "\u59d0", + "\u61d0\u3057\u3080", + "\u53d6\u9003\u3059", + "\u65e9\u4e59\u5973", + "\u884c\u304d\u640d\u306a\u3046", + "\u898b\u843d\u3059", + "\u5973\u306e\u4eba", + "\u5e7b\u59bb", + "\u5c11\u5973\u5b50", + "\u4e57\u308a\u306f\u305a\u3059", + "\u30e4\u30f3\u30b0\u30ec\u30c7\u30a3\u30fc", + "\u5c0f\u59b9", + "\u30d5\u30a7\u30a2_\u30bb\u30c3\u30af\u30b9", + "\u5fa1\u5b22\u3055\u3093", + "\u30b8\u30a7\u30f3\u30c8\u30eb\u30a6\u30fc\u30de\u30f3", + "\u5973\u4e2d", + "\u304a\u306a\u3054", + "\u59d0\u5fa1", + "\u6483\u3061\u640d\u306a\u3046", + "\u304a\u5b22\u69d8", + "\u4e0b\u5973", + "\u898b\u306e\u304c\u3059", + "\u82e5\u3044\u5973", + "\u5fa1\u934b", + "\u59c9", + "\u30de\u30c9\u30e2\u30ef\u30bc\u30eb", + "\u898b\u306f\u305a\u3059", + "\u5973\u5150", + "\u6dd1\u5973", + "\u304a\u4e09", + "\u51e6\u5b50", + "\u751f\u5973\u623f", + "\u61d0\u304b\u3057\u304c\u308b", + "\u7aef\u5973", + "\u5fa1\u624b\u4f1d", + "\u53d6\u640d\u306a\u3046", + "\u4f8d\u5973", + "\u7121\u304f\u306a\u3059", + "\u4ed5\u640d\u306a\u3046", + "\u304a\u59c9\u69d8", + "\u5c0f\u5973\u90ce", + "\u6210\u4eba\u5973\u6027", + "\u4e0d\u8db3_\u3059\u308b", + "\u805e\u304d\u843d\u3059", + "\u30d5\u30ed\u30a4\u30e9\u30a4\u30f3", + "\u805e\u304d\u6f0f\u3089\u3059", + "\u805e\u304d\u3082\u3089\u3059", + "\u805e\u904e\u3054\u3059", + "\u5973\u306e\u7ae5", + "\u5c3c\u3063\u5b50", + "\u805e\u6f0f\u3059", + "\u5074\u4ed5\u3048", + "\u59c9\u5fa1", + "\u7ae5\u5973", + "\u5973\u306e\u5150", + "\u5973\u3069\u3082", + "\u30a2\u30de", + "\u898b\u640d\u305a\u308b", + "\u4e57\u308a\u305d\u3053\u306a\u3046", + "\u7d05\u7c89", + "\u304a\u65b9", + "\u5185\u541b", + "\u5bb6\u653f\u5a66", + "\u30ac\u30fc\u30eb", + "\u59c9\u3061\u3083\u3093", + "\u805e\u304d\u904e\u3059", + "\u604b\u3057\u304c\u308b", + "\u30de\u30c9\u30de\u30bc\u30eb", + "\u805e\u5916\u3059", + "\u30e1\u30a4\u30c9", + "\u30d3\u30a2\u30f3", + "\u4e59\u5973\u5b50", + "\u30a6\u30fc\u30de\u30f3", + "\u611a\u59c9", + "\u61d0\u304b\u3057\u3080", + "\u6dcb\u3057\u304c\u308b", + "\u898b\u9003\u304c\u3059", + "\u6b20\u4e4f_\u3059\u308b", + "\u604b\u3046", + "\u5fa1\u5185\u5100", + "\u30ec\u30ba", + "\u5fa1\u59c9\u69d8", + "gal", + "\u5150\u5973", + "\u6b20\u907a_\u3059\u308b", + "\u4e2d\u50cd", + "\u4e57\u9045\u308c\u308b", + "\u5973\u6027\u540c\u6027\u611b\u8005", + "\u5c0f\u6bcd\u4e0a", + "\u6c34\u4ed5\u5973", + "\u53d6\u308a\u9003\u3059", + "\u805e\u304d\u640d\u306a\u3046", + "\u805e\u304d\u9003\u3059", + "\u898b\u5931\u3046", + "\u805e\u304d\u640d\u3046", + "\u30b5\u30dd", + "\u5fa1\u624b\u4f1d\u3044\u3055\u3093", + "\u9aea\u9577", + "\u805e\u304d\u3059\u3054\u3059", + "\u5f8c\u5e2f", + "\u5e7c\u5973", + "\u5973\u7ae5", + "\u5a66\u5973\u5b50" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u3042\u306e\u65b9", + "\u5f7c\u306e\u65b9", + "\u3042\u306e\u4eba", + "\u30d2\u30e5\u30fc\u30de\u30f3\u30a8\u30f3\u30b8\u30cb\u30a2\u30ea\u30f3\u30b0", + "\u3054\u81ea\u8eab", + "he", + "\u5fa1\u81ea\u8eab", + "lia", + "\u5176\u308c\u81ea\u8eab", + "\u305d\u308c\u81ea\u8eab", + "\u540c\u6c0f", + "\u5f7c\u5974", + "\u3078", + "jis", + "\u5f7c\u81ea\u8eab", + "\u30d2\u30e5\u30fc\u30de\u30f3_\u30a8\u30f3\u30b8\u30cb\u30a2\u30ea\u30f3\u30b0", + "\u53f0\u4e0b", + "\u5f7c\u306e\u4eba" + ], + "she": [ + "\u3042\u306e\u65b9", + "\u5f7c\u5973\u81ea\u8eab", + "\u3042\u306e\u4eba", + "\u5f7c\u306e\u65b9", + "\u3054\u81ea\u8eab", + "\u5973\u81ea\u8eab", + "\u5fa1\u81ea\u8eab", + "\u5176\u308c\u81ea\u8eab", + "\u305d\u308c\u81ea\u8eab", + "\u540c\u6c0f", + "\u5f7c\u5974", + "\u5f7c\u306e\u4eba" + ], + "they": [ + "one", + "\u5f7c\u5974\u7b49", + "\u5974\u539f", + "\u5974\u5115", + "lia", + "\u5f7c\u5974\u3089", + "\u5f7c\u5973\u7b49", + "\u653e\u5c04\u80fd_x", + "\u5f7c\u7b49", + "\u5974\u7b49", + "\u305d\u308c\u3089", + "\u5f7c\u5973\u3089", + "\u5974\u3089", + "uk" + ], + "it": [ + "\u6b64\u308c\u7b49", + "\u60c5\u5831\u6280\u8853", + "\u5176\u308c\u81ea\u8eab", + "\u3053\u3068\u81ea\u4f53", + "\u3053\u308c\u3089\u306e", + "\u30a4\u30f3\u30d5\u30a9\u30e1\u30fc\u30b7\u30e7\u30f3\u30c6\u30af\u30ce\u30ed\u30b8\u30fc", + "\u3042\u3093\u306a", + "jis", + "\u60c5\u5831\u30c6\u30af\u30ce\u30ed\u30b8\u30fc", + "\u5f7c\u306e", + "\u662f\u7b49", + "\u3053\u306e", + "\u672c\u4f1a", + "\u4eca\u79cb", + "\u30a4\u30c3\u30c8", + "bt", + "\u3053\u308c\u3089", + "\u3053\u308c\u7b49", + "\u5176\u308c\u7b49", + "\u3042\u308c", + "\u5176\u306e", + "it", + "\u5f7c\u7b49", + "\u305d\u308c", + "\u6b64\u7b49", + "\u30a4\u30f3\u30d5\u30a9\u30e1\u30fc\u30b7\u30e7\u30f3_\u30c6\u30af\u30ce\u30ed\u30b8\u30fc", + "\u5176\u306e\u4e8b", + "\u6b64\u306e", + "\u5176\u7b49", + "\u5176\u306e\u7269", + "\u305d\u306e\u4e8b", + "ova", + "\u4e8b\u81ea\u4f53", + "\u6b64\u308c\u3053\u305d", + "ky", + "\u5176\u5974", + "\u305d\u308c\u304c", + "\u305d\u306e\u7269", + "\u305d\u308c\u81ea\u8eab", + "\u65af\u306e", + "\u3042\u304c\u3041\u306a", + "\u9ad8\u5ea6\u4ea4\u901a\u30b7\u30b9\u30c6\u30e0", + "\u6b64", + "\u9ad8\u5ea6\u9053\u8def\u4ea4\u901a\u30b7\u30b9\u30c6\u30e0" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/jv.json b/data_tooling/pii_processing/ontology/data/jv.json new file mode 100644 index 0000000..485a40f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/jv.json @@ -0,0 +1,423 @@ +{ + "PLANT": [ + "hibiscus_syriacus", + "srikaya", + "solanaceae", + "bengkuang", + "par\u00e9", + "dewandaru", + "zaitun", + "blackberry", + "trembesi", + "mlinjo", + "juwawut", + "sawi", + "jamb\u00e9", + "pring", + "bengkowang", + "tembako" + ], + "DISEASE": [ + "hydrocephalus", + "sars", + "sampar", + "kalor", + "panyakit", + "progeria", + "watuk", + "sunar", + "anestesi", + "stroke", + "kukul", + "buyuten", + "rabi\u00e8s", + "gimp", + "radhiasi", + "panyakit_ebola", + "mi", + "gondhok", + "materialisme", + "kastanya", + "tetikus", + "salmonella", + "malaria" + ], + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "johann_bernoulli", + "c", + "douglas_macarthur", + "mary_wollstonecraft", + "maria_magdalena", + "winston_churchill", + "karl_landsteiner", + "ivan_pavlov", + "dmitri_shostakovich", + "paul_mccartney", + "francis_crick", + "isaac_newton", + "milton_friedman", + "george_stephenson", + "george_orwell", + "richard_wagner", + "marie_curie", + "michael_jackson", + "thomas_hobbes", + "samuel_beckett", + "galileo_galilei", + "robert_koch", + "george_eastman", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "josef_stalin", + "emiliano_zapata", + "elisabet", + "yuri_gagarin", + "willem_einthoven", + "samuel_johnson", + "marie_antoinette", + "giuseppe_verdi", + "abel_tasman", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "hugo_grotius", + "charles_de_gaulle", + "paul_von_hindenburg", + "ludwig_wittgenstein", + "dante_alighieri", + "theodor_schwann", + "joseph_priestley", + "nicolas_poussin", + "oscar_wilde", + "richard_trevithick", + "francis_bacon", + "immanuel_kant", + "james_franck", + "johannes_kepler", + "max_planck", + "scott_joplin", + "canberra", + "elias_canetti", + "edward_jenner", + "igor_stravinsky", + "william_herschel", + "montesquieu", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "jan_tinbergen", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "gabriel_lippmann", + "gustav_mahler", + "ian_fleming", + "richard_feynman", + "theodor_mommsen", + "elizabeth_taylor", + "indira_gandhi", + "george_gershwin", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "daniel_bernoulli", + "henri_bergson", + "gottfried_leibniz", + "hans_christian_andersen", + "pieter_zeeman", + "pablo_picasso", + "otto_hahn", + "christiaan_huygens", + "adam_smith", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "john_wesley", + "al_capone", + "john_locke", + "alexis_carrel", + "helen_keller", + "leonard_bloomfield", + "jean_piaget", + "valentina_tereshkova", + "colin_powell", + "benjamin_thompson", + "adolf_hitler", + "fritz_haber", + "joseph_haydn", + "garfield", + "robert_boyle", + "rosa_parks", + "vladimir_putin", + "anne_hathaway", + "charles_coulomb", + "johns_hopkins", + "christopher_columbus", + "andrew_jackson", + "louis_armstrong", + "robert_brown", + "bobby_fischer", + "johannes_gutenberg", + "putin", + "jean_de_la_fontaine", + "robert_hooke", + "mary_harris", + "peter_o'toole", + "william_shockley", + "jules_verne", + "fyodor_dostoyevsky", + "jackson_pollock", + "brigadir_j\u00e9ndral", + "john_lennon", + "charlie_chaplin", + "piscis_austrinus", + "andrei_sakharov", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "david_hilbert", + "woodrow_wilson", + "peter_ingkang_agung", + "kroto", + "ernest_hemingway", + "simon_petrus", + "aquila", + "nelson_mandela", + "al_gore", + "mohandas_gandhi", + "roald_amundsen", + "charles_dickens", + "wallace_carothers", + "jacques_offenbach", + "francisco_pizarro", + "francisco_franco", + "franz_schubert", + "johnny_cash", + "alfred_kastler", + "mick_jagger", + "georges_cuvier", + "william_harvey", + "jonathan_swift", + "albert_einstein", + "chiang_kai_shek" + ], + "ANIMAL": [ + "siwar", + "berang_berang", + "canis_minor", + "gagak", + "pisces", + "blekok", + "mamalia", + "majakani", + "pitik", + "tikus_walanda", + "wisent", + "arthropoda", + "kodok", + "kuntul", + "manuk_beluk", + "kebo" + ], + "ORG": [ + "shinto", + "jan_mayen", + "nasa", + "wangsa_tang", + "san_francisco", + "kantor_pos", + "wangsa_zhou", + "saint_helena", + "wangsa_han", + "buddha_mahayana", + "\ua9ae\ua9a2\ua9c0\ua9aa\ua9b2\ua981\ua992\ua9bc\ua992\ua9a4", + "wangsa_qing", + "wangsa_shang", + "kali_kuning", + "pamar\u00e9ntah", + "wangsa_qin", + "segara_abang", + "rabindranath_tagore", + "gestapo", + "kebon_botani", + "partai_republik", + "yesuit", + "pendhidhikan", + "milit\u00e8r", + "addis_ababa", + "wangsa_ming", + "mossad", + "ferdinand_magellan", + "angkatan_dharat", + "tetan\u00e8n", + "ursa_major", + "partai_pulitik", + "who", + "los_angeles", + "nato", + "mi", + "\ua9a0\ua9bc\ua9a0\ua9a4\ua9ba\ua9a4\ua9c0", + "perserikatan_bangsa_bangsa", + "kapadhetan" + ], + "JOB": [ + "guru", + "pr\u00e9sidh\u00e8n", + "speaker", + "dalem", + "prabu", + "kolon\u00e8l", + "batur", + "laksamana", + "mayor", + "sculptor", + "stroke", + "rabi", + "walikutha", + "eksekutif", + "pedagang" + ], + "QUANTITY": [ + "selawe", + "rupee", + "wendra", + "poundsterling", + "salikur", + "selangkung", + "leksa", + "selikur", + "rolikur", + "anders_celsius" + ], + "DATE": [ + "bodo_kaji", + "the_day_after_tomorrow", + "dina_bastille", + "bodo_besar", + "riyaya" + ], + "RELIGION_MEMBER": [ + "guru", + "moor", + "wong_muslim", + "sunni", + "kangmas" + ], + "PRODUCT": [ + "justin_bieber", + "fyodor_dostoyevsky", + "hak_asasi_manungsa", + "cemara_natal", + "julius_caesar", + "s\u00e3o_tom\u00e9_lan_pr\u00edncipe", + "the_star_spangled_banner", + "piranti_musik", + "sachsen_anhalt", + "the_lord_of_the_rings", + "the_red_hot_chili_peppers", + "ferdinand_magellan", + "nordrhein_westfalen", + "prejanj\u00e8n_anyar" + ], + "UNION": [ + "itu", + "sar\u00e9kat_dagang" + ], + "RELIGION": [ + "shinto", + "salafiyah" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "dominikus", + "kar\u00e8t" + ], + "GPE": [ + "dina_valentine", + "dar_es_salaam", + "gedung_putih", + "hagia_sophia", + "ser\u00e9", + "simon_petrus", + "al_andalus", + "nikolas_saka_myra" + ], + "LOCATION": [ + "selat_melaka", + "saint_lucia", + "angkatan_udhara", + "al_haram_al_qudsi_asy_syarif", + "sri_lanka", + "gunung_karmel", + "am\u00e9rika_sar\u00e9kat", + "samudra_hindhia", + "tanjung_verde" + ], + "SOC_ECO_CLASS": [ + "samurai", + "\ua9a5\ua9bc\ua982\ua9a0\ua9a4\ua9b6\ua9b2\ua9a4\ua9c0", + "jati", + "shinobi", + "tetan\u00e8n" + ], + "FOOD": [ + "glali", + "endhog", + "chili" + ], + "GENDER": [ + "wadon" + ], + "POLITICAL_PARTY": [ + "kuomintang", + "democratic_party", + "nationalsozialistische_deutsche_arbeiterpartei" + ], + "FAC": [ + "peter_ingkang_agung", + "gr\u00e9ja_katulik_roma", + "saint_lucia", + "sekolah_dhasar" + ], + "RACE": [ + "pethak" + ], + "LANGUAGE": [ + "wong_jawa", + "tonga" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "putri": "regulus", + "nduk": "kangmas", + "mbak": "dimas" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "wedok", + "wadon", + "mbak" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "jali" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ka.json b/data_tooling/pii_processing/ontology/data/ka.json new file mode 100644 index 0000000..c0915bb --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ka.json @@ -0,0 +1,1378 @@ +{ + "RACE": [ + "\u10d8\u10dc\u10d2\u10da\u10d8\u10e1\u10d4\u10da\u10d4\u10d1\u10d8", + "\u10e1\u10d0\u10db\u10ee\u10e0\u10d4\u10d7\u10d0\u10db\u10d4\u10e0\u10d8\u10d9\u10e3\u10da\u10d8", + "\u10d8\u10d0\u10de\u10dd\u10dc\u10d4\u10da\u10d4\u10d1\u10d8", + "\u10d8\u10e0\u10da\u10d0\u10dc\u10d3\u10d8\u10d4\u10da\u10d4\u10d1\u10d8", + "\u10dc\u10d8\u10d3\u10d4\u10e0\u10da\u10d0\u10dc\u10d3\u10d4\u10da\u10d4\u10d1\u10d8", + "\u10d0\u10db\u10d4\u10e0\u10d8\u10d9\u10d4\u10da\u10d4\u10d1\u10d8", + "\u10d4\u10d1\u10e0\u10d0\u10e3\u10da\u10d8", + "\u10d4\u10d5\u10e0\u10dd\u10de\u10e3\u10da\u10d8" + ], + "LANGUAGE": [ + "\u10e4\u10e0\u10d0\u10dc\u10d2\u10e3\u10da\u10d8", + "\u10de\u10dd\u10e0\u10e2\u10e3\u10d2\u10d0\u10da\u10d8\u10e3\u10e0\u10d8", + "\u10db\u10d0\u10da\u10d0\u10d8\u10d0\u10da\u10d0\u10db\u10d8" + ], + "PUBLIC_FIGURE": [ + "c", + "\u10eb\u10d8\u10da\u10d2\u10e3\u10d3\u10d0", + "y", + "holden", + "f", + "q", + "\u10db\u10d4\u10ec\u10d8\u10e1\u10e5\u10d5\u10d8\u10da\u10d4", + "\u10d2\u10d0\u10d3\u10d0\u10e1\u10d0\u10e0\u10d7\u10d5\u10d4\u10da\u10d8", + "\u10d4\u10db\u10d8\u10da\u10d8\u10d0\u10dc\u10dd_\u10e1\u10d0\u10de\u10d0\u10e2\u10d0", + "\u10d0\u10db\u10d4\u10e0\u10d8\u10d2\u10dd_\u10d5\u10d4\u10e1\u10de\u10e3\u10e9\u10d8", + "\u10d9\u10d0\u10e0\u10e2\u10d4\u10e0\u10d8", + "\u10d9\u10dd\u10da\u10d4\u10e2\u10d8", + "m", + "\u10dd\u10e1\u10db\u10d0\u10dc_i", + "i", + "\u10de\u10d8\u10e2_\u10db\u10dd\u10dc\u10d3\u10e0\u10d8\u10d0\u10dc\u10d8", + "g", + "r", + "d", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10de\u10d0\u10e2\u10e0\u10d8\u10d9\u10d8", + "\u10e5\u10e0\u10d8\u10e1\u10e2\u10d4\u10e4\u10dd\u10e0\u10d4_\u10d9\u10dd\u10da\u10e3\u10db\u10d1\u10d8", + "\u10db\u10d0\u10e0\u10d8\u10d0\u10db_\u10db\u10d0\u10d2\u10d3\u10d0\u10da\u10d8\u10dc\u10d4\u10da\u10d8", + "\u10e8\u10e0\u10dd\u10e8\u10d0\u10dc\u10d8", + "\u10db\u10dd\u10ec\u10d0\u10db\u10d4_\u10e5\u10e0\u10d8\u10e1\u10e2\u10d4\u10e4\u10dd\u10e0\u10d4", + "\u10e2\u10d4\u10e2\u10e9\u10d4\u10e0\u10d8", + "\u10e1\u10db\u10d8\u10e2", + "t" + ], + "ORG": [ + "\u10d9\u10dd\u10da\u10d4\u10ef\u10d8", + "\u10d2\u10d0\u10d3\u10d0\u10e2\u10e0\u10d8\u10d0\u10da\u10d4\u10d1\u10d0", + "\u10e0\u10dd\u10db\u10d8\u10e1_\u10e1\u10d0\u10db\u10d0\u10e0\u10d7\u10d0\u10da\u10d8", + "\u10d0\u10ee\u10d0\u10da\u10db\u10d7\u10d5\u10d0\u10e0\u10d4\u10dd\u10d1\u10d0", + "\u10e1\u10d0\u10e1\u10dd\u10e4\u10da\u10dd_\u10e1\u10d0\u10db\u10d4\u10e3\u10e0\u10dc\u10d4\u10dd_\u10e1\u10d0\u10e5\u10db\u10d8\u10d0\u10dc\u10dd\u10d1\u10d0", + "the_who", + "\u10e1\u10d4\u10dc\u10e2_\u10da\u10e3\u10e1\u10d8\u10d0", + "\u10d3\u10d0\u10dd\u10e1\u10d8\u10d6\u10db\u10d8", + "\u10d5\u10d0\u10e0\u10e1\u10d9\u10d5\u10da\u10d0\u10d5\u10d7\u10d2\u10e0\u10dd\u10d5\u10d0", + "\u10e1\u10d0\u10d6\u10e6\u10d5\u10d0\u10e0\u10d2\u10d0\u10e0\u10d4\u10d7\u10d8", + "\u10da\u10d8\u10d1\u10d4\u10e0\u10d0\u10da\u10e3\u10e0\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d2\u10d4\u10e0\u10db\u10d0\u10dc\u10d8\u10d8\u10e1_\u10d3\u10d0\u10ec\u10e7\u10d4\u10d1\u10d8\u10d7\u10d8_\u10e1\u10d9\u10dd\u10da\u10d0", + "\u10ec\u10d8\u10d7\u10d4\u10da\u10d8_\u10d6\u10e6\u10d5\u10d0", + "\u10ee\u10e3\u10d0\u10dc\u10ee\u10d4", + "\u10e2\u10d4\u10da\u10d4\u10d9\u10dd\u10db\u10e3\u10dc\u10d8\u10d9\u10d0\u10ea\u10d8\u10d4\u10d1\u10d8\u10e1_\u10e1\u10d0\u10d4\u10e0\u10d7\u10d0\u10e8\u10dd\u10e0\u10d8\u10e1\u10dd_\u10d9\u10d0\u10d5\u10e8\u10d8\u10e0\u10d8", + "\u10ec\u10db\u10d8\u10d3\u10d0_\u10dc\u10d8\u10d9\u10dd\u10da\u10dd\u10d6", + "\u10d8\u10e1\u10da\u10d0\u10db\u10dd\u10da\u10dd\u10d2\u10d8\u10d0", + "\u10db\u10ec\u10d5\u10d0\u10dc\u10d4\u10d7\u10d0_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10e0\u10dd\u10db\u10d8\u10e1_\u10d9\u10d0\u10d7\u10dd\u10da\u10d8\u10d9\u10e3\u10e0\u10d8_\u10d4\u10d9\u10da\u10d4\u10e1\u10d8\u10d0", + "\u10de\u10dd\u10da\u10d8\u10e2\u10d8\u10d9\u10e3\u10e0\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d0\u10d2\u10e0\u10d8\u10d9\u10e3\u10da\u10e2\u10e3\u10e0\u10d0", + "\u10d5\u10d8\u10d2\u10d4\u10d1\u10d8\u10e1_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10db\u10d8\u10ec\u10d0\u10d7\u10db\u10dd\u10e5\u10db\u10d4\u10d3\u10d4\u10d1\u10d0", + "\u10e1\u10d0\u10d4\u10e0\u10d7\u10d0\u10e8\u10dd\u10e0\u10d8\u10e1\u10dd_\u10e1\u10d0\u10e2\u10d4\u10da\u10d4\u10d9\u10dd\u10db\u10e3\u10dc\u10d8\u10d9\u10d0\u10ea\u10d8\u10dd_\u10d9\u10d0\u10d5\u10e8\u10d8\u10e0\u10d8", + "\u10de\u10e0\u10dd\u10e4\u10d9\u10d0\u10d5\u10e8\u10d8\u10e0\u10d4\u10d1\u10d8", + "who_are_you", + "\u10dc\u10d8\u10d9\u10dd\u10da\u10dd\u10d6_\u10e1\u10d0\u10d9\u10d5\u10d8\u10e0\u10d5\u10d4\u10da\u10d7\u10db\u10dd\u10e5\u10db\u10d4\u10d3\u10d8", + "\u10d9\u10dd\u10dc\u10e1\u10d4\u10e0\u10d5\u10d0\u10e2\u10dd\u10e0\u10d8\u10d0", + "\u10d1\u10dd\u10e2\u10d0\u10dc\u10d8\u10d9\u10e3\u10e0\u10d8_\u10d1\u10d0\u10e6\u10d8", + "\u10e0\u10e3\u10db\u10d8\u10dc\u10d4\u10d7\u10d8\u10e1_\u10e1\u10dd\u10ea\u10d8\u10d0\u10da_\u10d3\u10d4\u10db\u10dd\u10d9\u10e0\u10d0\u10e2\u10d8\u10e3\u10da\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10e0\u10d4\u10e1\u10de\u10e3\u10d1\u10da\u10d8\u10d9\u10e3\u10e0\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10e2\u10e7\u10d8\u10e1_\u10e2\u10d1\u10d0", + "\u10e8\u10d5\u10d4\u10d3\u10d4\u10d7\u10d8\u10e1_\u10db\u10ec\u10d5\u10d0\u10dc\u10d4\u10d7\u10d0_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10da\u10d4\u10d8\u10d1\u10dd\u10e0\u10d8\u10e1\u10e2\u10e3\u10da\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d3\u10d0\u10db\u10d0\u10e2\u10d4\u10d1\u10d8\u10d7\u10d8", + "\u10e1\u10d0\u10e6\u10d4\u10ed\u10d8_\u10e0\u10d4\u10d6\u10d8\u10dc\u10d8", + "\u10ec\u10d8\u10d7\u10d4\u10da\u10d8_\u10ef\u10d5\u10d0\u10e0\u10d8", + "\u10e1\u10d0\u10d4\u10e0\u10d7\u10d0\u10e8\u10dd\u10e0\u10d8\u10e1\u10dd_\u10e2\u10d4\u10da\u10d4\u10d9\u10dd\u10db\u10e3\u10dc\u10d8\u10d9\u10d0\u10ea\u10d8\u10d4\u10d1\u10d8\u10e1_\u10d9\u10d0\u10d5\u10e8\u10d8\u10e0\u10d8", + "\u10db\u10d4\u10e1\u10d0\u10db\u10d4_\u10db\u10ee\u10d0\u10e0\u10d4", + "\u10e1\u10d4\u10e0\u10d1\u10d4\u10d7\u10d8\u10e1_\u10d4\u10e0\u10dd\u10d5\u10dc\u10e3\u10da\u10d8_\u10d0\u10e1\u10d0\u10db\u10d1\u10da\u10d4\u10d0", + "\u10d0\u10ee\u10d0\u10da\u10d8_\u10db\u10d7\u10d5\u10d0\u10e0\u10d4", + "by_the_way", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10d4\u10da\u10d4\u10dc\u10d4\u10e1_\u10d9\u10e3\u10dc\u10eb\u10e3\u10da\u10d8", + "\u10e8\u10d8\u10dc\u10e2\u10dd\u10d8\u10d6\u10db\u10d8", + "\u10d3\u10d4\u10db\u10dd\u10d9\u10e0\u10d0\u10e2\u10d8\u10e3\u10da\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d4\u10e0\u10dd\u10d5\u10dc\u10e3\u10da\u10d8_\u10d0\u10e1\u10d0\u10db\u10d1\u10da\u10d4\u10d0", + "\u10de\u10dd\u10e0\u10e2\u10e3\u10d2\u10d0\u10da\u10d8\u10d8\u10e1_\u10e1\u10dd\u10ea\u10d8\u10d0\u10da\u10d8\u10e1\u10e2\u10e3\u10e0\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10e5\u10d5\u10d4\u10db\u10dd_\u10de\u10d0\u10da\u10d0\u10e2\u10d0", + "\u10e1\u10d0\u10d4\u10e0\u10d7\u10d0\u10e8\u10dd\u10e0\u10d8\u10e1\u10dd_\u10e1\u10d0\u10db\u10d0\u10e0\u10d7\u10d0\u10da\u10d8", + "\u10e4\u10d4\u10d3\u10d4\u10e0\u10d0\u10da\u10e3\u10e0\u10d8_\u10e1\u10d0\u10d2\u10d0\u10db\u10dd\u10eb\u10d8\u10d4\u10d1\u10dd_\u10d1\u10d8\u10e3\u10e0\u10dd", + "\u10d3\u10d8\u10d3\u10d8_\u10d3\u10d0\u10d7\u10d5\u10d8\u10e1_\u10d7\u10d0\u10dc\u10d0\u10d5\u10d0\u10e0\u10e1\u10d9\u10d5\u10da\u10d0\u10d5\u10d4\u10d3\u10d8", + "\u10d2\u10d4\u10e0\u10db\u10d0\u10dc\u10d8\u10d8\u10e1_\u10d8\u10db\u10de\u10d4\u10e0\u10d8\u10d0", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10d1\u10d0\u10e0\u10d1\u10d0\u10e0\u10d4", + "\u10d2\u10d4\u10e0\u10db\u10d0\u10dc\u10d8\u10e1\u10e2\u10d8\u10d9\u10d0", + "\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d9\u10e0\u10d8\u10d5\u10dd\u10d8_\u10e0\u10dd\u10d2\u10d8", + "\u10de\u10dd\u10da\u10dd\u10dc\u10d4\u10d7\u10d8\u10e1_\u10e0\u10d4\u10e1\u10de\u10e3\u10d1\u10da\u10d8\u10d9\u10d8\u10e1_\u10d4\u10e0\u10dd\u10d5\u10dc\u10e3\u10da\u10d8_\u10d0\u10e1\u10d0\u10db\u10d1\u10da\u10d4\u10d0", + "\u10e8\u10e0\u10dd\u10db\u10d0", + "\u10d7\u10d4\u10d7\u10e0\u10d8_\u10e1\u10d0\u10ee\u10da\u10d8" + ], + "DISEASE": [ + "a_\u10f0\u10d4\u10de\u10d0\u10e2\u10d8\u10e2\u10d8", + "c_\u10f0\u10d4\u10de\u10d0\u10e2\u10d8\u10e2\u10d8", + "the_bends", + "\u10d2\u10e3\u10da\u10d8\u10e1\u10ec\u10d5\u10d0", + "gimp", + "\u10e8\u10ee\u10d0\u10db\u10d8\u10d0\u10dc\u10d8_\u10e1\u10e3\u10e0\u10dd", + "\u10d2\u10d0\u10dc\u10d0\u10ec\u10e7\u10d4\u10dc\u10d4\u10d1\u10e3\u10da\u10d8", + "\u10e2\u10e0\u10d8\u10e5\u10d8\u10dc\u10d4\u10da\u10dd\u10d6\u10d8", + "\u10ec\u10d0\u10d1\u10da\u10d8" + ], + "SOC_ECO_CLASS": [ + "\u10db\u10d8\u10ec\u10d0\u10d7\u10db\u10dd\u10e5\u10db\u10d4\u10d3\u10d4\u10d1\u10d0", + "\u10db\u10d0\u10e6\u10d0\u10da\u10d8_\u10d9\u10da\u10d0\u10e1\u10d8\u10e1_\u10e1\u10d0\u10d6\u10dd\u10d2\u10d0\u10d3\u10dd\u10d4\u10d1\u10d0", + "\u10db\u10e3\u10e8\u10d0\u10d7\u10d0_\u10d9\u10da\u10d0\u10e1\u10d8", + "\u10e1\u10dd\u10e4\u10da\u10d8\u10e1_\u10db\u10d4\u10e3\u10e0\u10dc\u10d4\u10dd\u10d1\u10d0", + "\u10e1\u10d0\u10e8\u10e3\u10d0\u10da\u10dd_\u10d9\u10da\u10d0\u10e1\u10d8", + "\u10e1\u10d0\u10e8\u10e3\u10d0\u10da\u10dd_\u10e4\u10d4\u10dc\u10d0", + "\u10db\u10d0\u10e6\u10d0\u10da\u10d8_\u10d9\u10da\u10d0\u10e1\u10d8" + ], + "PLANT": [ + "the_joshua_tree", + "\u10d5\u10d0\u10da\u10d8\u10e1\u10dc\u10d4\u10e0\u10d8\u10d0", + "\u10db\u10d8\u10dc\u10d3\u10d5\u10e0\u10d8\u10e1\u10dc\u10d4\u10db\u10e1\u10d0", + "quercus_ellipsoidalis", + "\u10e1\u10d0\u10e8\u10dd\u10d1\u10d0\u10dd_\u10dc\u10d0\u10eb\u10d5\u10d8\u10e1_\u10ee\u10d4", + "quercus_variabilis", + "\u10d3\u10d0\u10d7\u10d5\u10d8\u10e1\u10e1\u10dd\u10d9\u10dd", + "\u10d9\u10d0\u10e2\u10d0\u10d1\u10d0\u10e0\u10d3\u10d0", + "angelica_archangelica", + "\u10d9\u10d4\u10e1\u10d0\u10dc\u10d4", + "\u10ea\u10d8\u10e1\u10d0\u10dc\u10d0", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10db\u10d0\u10e0\u10d8\u10d0\u10db" + ], + "JOB": [ + "\u10db\u10d7\u10d0\u10d5\u10d0\u10e0\u10e1\u10d0\u10e0\u10d3\u10d0\u10da\u10d8", + "the_police", + "\u10db\u10d0\u10e2\u10d4", + "\u10d8\u10dc\u10e1\u10e3\u10da\u10e2\u10d8", + "the_guardian", + "\u10d1\u10d0\u10e0\u10d8\u10e1\u10e2\u10d4\u10e0\u10d8", + "\u10db\u10d4\u10e5\u10d0\u10dc\u10d8\u10d9\u10dd\u10e1\u10d8", + "\u10ef\u10d0\u10e0\u10d8\u10e1\u10d9\u10d0\u10ea\u10d8", + "\u10d2\u10d0\u10db\u10dd\u10db\u10ea\u10d4\u10db\u10d4\u10da\u10d8", + "messenger", + "\u10e1\u10d0\u10ef\u10d0\u10e0\u10dd_\u10e1\u10d0\u10db\u10e1\u10d0\u10ee\u10e3\u10e0\u10d8", + "\u10d0\u10d9\u10d0\u10d3\u10d4\u10db\u10d8\u10d9\u10dd\u10e1\u10d8", + "chambermaid", + "\u10d3\u10d8\u10d6\u10d0\u10d8\u10dc\u10d4\u10e0\u10d8" + ], + "LOCATION": [ + "\u10d0\u10ee\u10d0\u10da\u10d8_\u10e1\u10d0\u10db\u10e7\u10d0\u10e0\u10dd", + "\u10e1\u10d0\u10db\u10ee\u10d4\u10d3\u10e0\u10dd_\u10e1\u10d0\u10f0\u10d0\u10d4\u10e0\u10dd_\u10eb\u10d0\u10da\u10d4\u10d1\u10d8", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10ec\u10e7\u10d0\u10da\u10d8", + "\u10e3\u10dc\u10d2\u10e0\u10d4\u10d7\u10d8\u10e1_\u10d4\u10e0\u10dd\u10d5\u10dc\u10e3\u10da\u10d8_\u10d0\u10e1\u10d0\u10db\u10d1\u10da\u10d4\u10d0", + "\u10d0\u10db\u10d4\u10e0\u10d8\u10d9\u10d0", + "\u10d9\u10d0\u10e0\u10db\u10d4\u10da\u10d8", + "\u10e1\u10d4\u10dc\u10e2_\u10f0\u10d4\u10da\u10d4\u10dc\u10d6\u10d8", + "\u10f0\u10dd\u10e0\u10dc\u10d8\u10e1_\u10d9\u10dd\u10dc\u10ea\u10ee\u10d8", + "\u10e1\u10d0\u10f0\u10d0\u10d4\u10e0\u10dd_\u10eb\u10d0\u10da\u10d4\u10d1\u10d8", + "\u10e1\u10d0\u10e4\u10e0\u10d0\u10dc\u10d2\u10d4\u10d7\u10d8\u10e1_\u10d4\u10e0\u10dd\u10d5\u10dc\u10e3\u10da\u10d8_\u10d0\u10e1\u10d0\u10db\u10d1\u10da\u10d4\u10d0", + "\u10ea\u10d4\u10dc\u10e2\u10e0\u10d0\u10da\u10e3\u10e0\u10d8_\u10d1\u10d0\u10dc\u10d9\u10d8", + "\u10db\u10e2\u10d9\u10dc\u10d0\u10e0\u10d8_\u10ec\u10e7\u10d0\u10da\u10d8", + "\u10d0\u10d6\u10d4\u10e0\u10d1\u10d0\u10d8\u10ef\u10d0\u10dc\u10d8\u10e1_\u10db\u10d8\u10da\u10d8_\u10db\u10d4\u10ef\u10da\u10d8\u10e1\u10d8", + "\u10d6\u10d4\u10db\u10dd_\u10e2\u10d1\u10d0", + "\u10d7\u10dd\u10d5\u10da\u10d8\u10e1_\u10d1\u10d0\u10d1\u10e3\u10d0", + "\u10d0\u10ee\u10d0\u10da\u10d8_\u10db\u10e1\u10dd\u10e4\u10da\u10d8\u10dd", + "\u10d0\u10da_\u10d0\u10d8\u10dc\u10d8", + "\u10d9\u10dd\u10dc\u10e1\u10d4\u10e0\u10d5\u10d0\u10e2\u10dd\u10e0\u10d8\u10d0", + "\u10d3\u10d0\u10d7\u10d5\u10d8\u10e1\u10e4\u10d4\u10ee\u10d0", + "\u10e9\u10d8\u10ee\u10d8", + "\u10d9\u10d0\u10d1\u10dd_\u10d5\u10d4\u10e0\u10d3\u10d4" + ], + "PERSON_PRONOUN": [ + "i" + ], + "ANIMAL": [ + "\u10db\u10d4\u10db\u10d0\u10e0\u10ea\u10d5\u10da\u10d8\u10d0\u10e1\u10d4\u10d1\u10e0\u10dc\u10d8", + "\u10d1\u10d0\u10e7\u10d0\u10e7\u10d8\u10e1\u10d4\u10d1\u10e0\u10dc\u10d8", + "\u10e8\u10d0\u10d5\u10d8_\u10e5\u10d5\u10e0\u10d8\u10d5\u10d8", + "\u10e7\u10d0\u10e0\u10d0\u10e7\u10e3\u10e0\u10d7\u10d8", + "\u10db\u10d4\u10db\u10d0\u10e2\u10da\u10d8\u10d0\u10e1\u10d4\u10d1\u10e0\u10dc\u10d8", + "\u10e6\u10dd\u10d1\u10d4\u10db\u10eb\u10d5\u10e0\u10d0\u10da\u10d0", + "\u10db\u10ec\u10e7\u10d4\u10e0\u10e9\u10d8\u10e2\u10d0", + "\u10d9\u10d0\u10e0\u10d0\u10d3\u10e0\u10d8\u10dc\u10d0", + "\u10ed\u10d8\u10dc\u10ed\u10e0\u10d0\u10e5\u10d0" + ], + "PRODUCT": [ + "\u10e1\u10d0\u10db\u10d2\u10d0\u10dc\u10d6\u10dd\u10db\u10d8\u10da\u10d4\u10d1\u10d8\u10d0\u10dc\u10d8", + "\u10d0\u10d3\u10d0\u10db\u10d8\u10d0\u10dc\u10d8\u10e1_\u10e3\u10e4\u10da\u10d4\u10d1\u10d4\u10d1\u10d8", + "\u10d6\u10e6\u10d5\u10d8\u10e1_\u10d2\u10dd\u10ed\u10d8", + "\u10d0\u10ee\u10d0\u10da\u10d8_\u10d0\u10e6\u10d7\u10e5\u10db\u10d0", + "\u10e1\u10d0\u10e5\u10e1\u10dd\u10dc\u10d8\u10d0_\u10d0\u10dc\u10f0\u10d0\u10da\u10e2\u10d8", + "deutsche_welle", + "\u10e1\u10e3\u10da\u10d8\u10ec\u10db\u10d8\u10dc\u10d3\u10d0", + "\u10e1\u10d0\u10dc\u10e2\u10d0_\u10d9\u10da\u10d0\u10e3\u10e1\u10d8", + "\u10ec\u10d4\u10da\u10d8\u10ec\u10d0\u10d3\u10d8\u10e1_\u10d3\u10e0\u10dd\u10dc\u10d8" + ], + "FAC": [ + "\u10ea\u10dd\u10e2_\u10ea\u10dd\u10e2\u10d0", + "\u10dd\u10ea\u10d3\u10d0\u10ea\u10d0\u10db\u10d4\u10e2\u10d8", + "\u10d8\u10dd\u10e1\u10d4\u10d1_\u10d3\u10d0\u10db\u10ec\u10d8\u10dc\u10d3\u10d5\u10d4\u10da\u10d8", + "t_\u10da\u10d8\u10db\u10e4\u10dd\u10ea\u10d8\u10e2\u10d8", + "\u10d9\u10d0\u10d7\u10dd\u10da\u10d8\u10d9\u10e3\u10e0\u10d8_\u10d4\u10d9\u10da\u10d4\u10e1\u10d8\u10d0", + "\u10e1\u10d0\u10d1\u10d0\u10df\u10dd", + "\u10d5\u10d8\u10dc\u10d8_\u10de\u10e3\u10f0\u10d8", + "\u10de\u10d4\u10e2\u10e0\u10d4_i_\u10d3\u10d8\u10d3\u10d8", + "\u10e5\u10d5\u10d4\u10d3\u10d0_\u10de\u10d0\u10da\u10d0\u10e2\u10d0" + ], + "FOOD": [ + "\u10d9\u10d5\u10d4\u10e0\u10ea\u10ee\u10d8" + ], + "DATE": [ + "\u10d0\u10ee\u10d0\u10da\u10db\u10d7\u10d5\u10d0\u10e0\u10d4\u10dd\u10d1\u10d0", + "\u10db\u10d8\u10eb\u10d8\u10dc\u10d4\u10d1\u10d0_\u10e7\u10dd\u10d5\u10da\u10d0\u10d3\u10ec\u10db\u10d8\u10d3\u10d8\u10e1\u10d0_\u10e6\u10d5\u10d7\u10d8\u10e1\u10db\u10e8\u10dd\u10d1\u10d4\u10da\u10d8\u10e1\u10d0", + "\u10db\u10d0\u10dc\u10d3" + ], + "POLITICAL_PARTY": [ + "\u10d0\u10d5\u10e1\u10e2\u10e0\u10d0\u10da\u10d8\u10d8\u10e1_\u10da\u10d4\u10d8\u10d1\u10dd\u10e0\u10d8\u10e1\u10e2\u10e3\u10da\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10de\u10dd\u10e0\u10e2\u10e3\u10d2\u10d0\u10da\u10d8\u10d8\u10e1_\u10e1\u10dd\u10ea\u10d8\u10d0\u10da_\u10d3\u10d4\u10db\u10dd\u10d9\u10e0\u10d0\u10e2\u10d8\u10e3\u10da\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10e1\u10d0\u10e4\u10e0\u10d0\u10dc\u10d2\u10d4\u10d7\u10d8\u10e1_\u10e1\u10dd\u10ea\u10d8\u10d0\u10da\u10d8\u10e1\u10e2\u10e3\u10e0\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d4\u10e1\u10de\u10d0\u10dc\u10d4\u10d7\u10d8\u10e1_\u10e1\u10d0\u10ee\u10d0\u10da\u10ee\u10dd_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10e1\u10dd\u10ea\u10d8\u10d0\u10da_\u10d3\u10d4\u10db\u10dd\u10d9\u10e0\u10d0\u10e2\u10d8\u10e3\u10da\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d3\u10d4\u10db\u10dd\u10d9\u10e0\u10d0\u10e2\u10d8\u10e3\u10da_\u10e0\u10d4\u10e1\u10de\u10e3\u10d1\u10da\u10d8\u10d9\u10e3\u10e0\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10d9\u10dd\u10dc\u10e1\u10d4\u10e0\u10d5\u10d0\u10e2\u10d8\u10e3\u10da\u10d8_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0", + "\u10dc\u10d0\u10ea\u10d8\u10dd\u10dc\u10d0\u10da_\u10e1\u10dd\u10ea\u10d8\u10d0\u10da\u10d8\u10e1\u10e2\u10e3\u10e0\u10d8_\u10d2\u10d4\u10e0\u10db\u10d0\u10dc\u10e3\u10da\u10d8_\u10db\u10e3\u10e8\u10d0\u10d7\u10d0_\u10de\u10d0\u10e0\u10e2\u10d8\u10d0" + ], + "GPE": [ + "\u10d0\u10d8\u10d0_\u10e1\u10dd\u10e4\u10d8\u10d0\u10e1_\u10e2\u10d0\u10eb\u10d0\u10e0\u10d8", + "\u10e1\u10d4\u10dc\u10e2_\u10da\u10e3\u10d8\u10e1\u10d8", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10d2\u10d8\u10dd\u10e0\u10d2\u10d8", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10da\u10d0\u10d5\u10e0\u10d4\u10dc\u10e2\u10d8", + "\u10e1\u10d0\u10dc_\u10e2\u10dd\u10db\u10d4", + "\u10e2\u10d0\u10d8\u10e8\u10d0\u10dc\u10d8", + "\u10ec\u10db\u10d8\u10dc\u10d3\u10d0_\u10de\u10d4\u10e2\u10e0\u10d4" + ], + "UNION": [ + "\u10de\u10e0\u10dd\u10e4\u10d9\u10d0\u10d5\u10e8\u10d8\u10e0\u10d4\u10d1\u10d8" + ], + "BIO_CHEM_ENTITY": [ + "\u10de\u10dd\u10da\u10d8\u10d5\u10d8\u10dc\u10d8\u10da\u10e5\u10da\u10dd\u10e0\u10d8\u10d3\u10d8" + ], + "RELIGION": [ + "\u10e1\u10d0\u10da\u10d0\u10e4\u10d8\u10d0\u10d7\u10d8", + "\u10db\u10d4\u10d7\u10dd\u10d3\u10d8\u10d6\u10db\u10d8" + ], + "QUANTITY": [ + "g", + "\u10e1\u10d0\u10dc\u10d2\u10dd", + "\u10d0\u10dc\u10d3\u10d4\u10e0\u10e1_\u10ea\u10d4\u10da\u10e1\u10d8\u10e3\u10e1\u10d8" + ], + "RELIGION_MEMBER": [ + "\u10e5\u10e0\u10d8\u10e1\u10e2\u10d8\u10d0\u10dc\u10d8" + ], + "PERSON": [ + "\u10dd\u10ea\u10d3\u10d0\u10d7\u10dd\u10e0\u10db\u10d4\u10e2\u10d8", + "\u10ef\u10dd\u10dc_\u10e1\u10d8\u10da\u10d5\u10d4\u10e0\u10d8" + ], + "LAW": [ + "\u10d9\u10dd\u10dc\u10e2\u10d8\u10dc\u10d4\u10dc\u10e2\u10e3\u10e0\u10d8_\u10d4\u10d5\u10e0\u10dd\u10de\u10d8\u10e1_\u10e1\u10d0\u10db\u10d0\u10e0\u10d7\u10d0\u10da\u10d8", + "\u10e3\u10d6\u10d4\u10dc\u10d0\u10d4\u10e1\u10d8_\u10e1\u10d0\u10e1\u10d0\u10db\u10d0\u10e0\u10d7\u10da\u10dd" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u10d4\u10d9\u10d0\u10e2\u10d4\u10e0\u10d8\u10dc\u10d4", + "\u10d8\u10e0\u10d8\u10dc\u10d0", + "\u10dc\u10d0\u10dc\u10d8", + "\u10da\u10d8\u10d3\u10d0", + "\u10dc\u10d0\u10d6\u10d8", + "\u10e1\u10dd\u10e4\u10d8\u10d9\u10dd", + "\u10d8\u10dc\u10d4\u10d6\u10d0", + "\u10df\u10d4\u10dc\u10d8\u10d0", + "\u10d4\u10da\u10d4\u10dc\u10d4", + "\u10d7\u10d0\u10db\u10e3\u10dc\u10d0", + "\u10db\u10d4\u10e0\u10d8", + "\u10dc\u10d0\u10d7\u10d8\u10d0", + "\u10da\u10d8\u10d0", + "\u10dc\u10d0\u10dc\u10e3\u10da\u10d8", + "\u10d8\u10d6\u10dd\u10da\u10d3\u10d0", + "\u10d0\u10dc\u10d8", + "\u10da\u10d8\u10da\u10d8", + "\u10d5\u10d0\u10da\u10d4\u10dc\u10e2\u10d8\u10dc\u10d0", + "\u10d5\u10d4\u10e0\u10d0", + "\u10dc\u10d0\u10e2\u10dd", + "\u10dc\u10d0\u10d8\u10e0\u10d0", + "\u10d4\u10da\u10d8\u10d6\u10d0", + "\u10da\u10d8\u10d0\u10dc\u10d0", + "\u10d0\u10da\u10d0", + "\u10e1\u10e3\u10da\u10d8\u10d9\u10dd", + "\u10d8\u10d0\u10db\u10d6\u10d4", + "\u10db\u10d0\u10d2\u10d3\u10d0", + "\u10d0\u10d6\u10d0", + "\u10d7\u10d0\u10d7\u10d8\u10d0", + "\u10d8\u10e0\u10d8\u10dc\u10d4", + "\u10ef\u10e3\u10da\u10d8\u10d4\u10e2\u10d0", + "\u10d8\u10d6\u10d0", + "\u10db\u10d0\u10e7\u10d5\u10d0\u10da\u10d0", + "\u10d0\u10e1\u10db\u10d0\u10d7", + "\u10da\u10d0\u10dc\u10d0", + "\u10dc\u10d0\u10e2\u10d0\u10da\u10d8\u10d0", + "\u10e1\u10d5\u10d4\u10e2\u10da\u10d0\u10dc\u10d0", + "\u10db\u10d0\u10d3\u10dd\u10dc\u10d0", + "\u10ea\u10d8\u10e1\u10d0\u10dc\u10d0", + "\u10d2\u10d5\u10d0\u10dc\u10ea\u10d0", + "\u10d6\u10d0\u10d8\u10e0\u10d0", + "\u10e5\u10d4\u10d7\u10d4\u10d5\u10d0\u10dc", + "\u10d4\u10d5\u10d2\u10d4\u10dc\u10d8\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10d9\u10d0", + "\u10e4\u10d8\u10e5\u10e0\u10d8\u10d0", + "\u10d8\u10e0\u10db\u10d0", + "\u10dc\u10d0\u10d3\u10d4\u10ef\u10d3\u10d0", + "\u10d2\u10d8\u10e3\u10da\u10d8", + "\u10e8\u10dd\u10e0\u10d4\u10dc\u10d0", + "\u10df\u10d0\u10dc\u10d0", + "\u10e0\u10dd\u10d6\u10d0", + "\u10d7\u10d0\u10db\u10d0\u10e0", + "\u10da\u10d4\u10dc\u10d0", + "\u10dd\u10da\u10d8\u10d0", + "\u10db\u10d0\u10d8\u10d0", + "\u10ea\u10d8\u10e3\u10e0\u10d8", + "\u10d8\u10dc\u10d2\u10d0", + "\u10dc\u10d8\u10dc\u10d4\u10da\u10d8", + "\u10df\u10e3\u10df\u10e3\u10dc\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10d0", + "\u10e0\u10e3\u10e1\u10e3\u10d3\u10d0\u10dc", + "\u10ee\u10d0\u10d7\u10e3\u10dc\u10d0", + "\u10d4\u10da\u10db\u10d8\u10e0\u10d0", + "\u10e5\u10e0\u10d8\u10e1\u10e2\u10d8\u10dc\u10d4", + "\u10d7\u10d8\u10dc\u10d0\u10d7\u10d8\u10dc", + "\u10d2\u10e3\u10da\u10dc\u10d0\u10e0\u10d0", + "\u10db\u10d8\u10e0\u10d0\u10dc\u10d3\u10d0", + "\u10e1\u10e3\u10e1\u10d0\u10dc\u10d0", + "\u10d4\u10da\u10d8\u10e1\u10dd", + "\u10d7\u10d4\u10d0", + "\u10db\u10d0\u10d9\u10d0", + "\u10dc\u10d0\u10d7\u10d4\u10da\u10d0", + "\u10da\u10d0\u10db\u10d0\u10e0\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10d0\u10db", + "\u10db\u10d4\u10d3\u10d4\u10d0", + "\u10d4\u10d7\u10d4\u10e0", + "\u10e1\u10dd\u10e4\u10d8\u10dd", + "\u10e1\u10dd\u10e4\u10d8\u10d0", + "\u10d7\u10d0\u10db\u10d0\u10e0\u10d0", + "\u10d0\u10dc\u10d8\u10d9\u10dd", + "\u10db\u10d6\u10d8\u10d0", + "\u10e5\u10d4\u10d7\u10d8\u10dc\u10dd", + "\u10d5\u10d0\u10e0\u10d3\u10dd", + "\u10e1\u10dd\u10dc\u10d8\u10d0", + "\u10dc\u10d0\u10d6\u10d8\u10d9\u10dd", + "\u10e1\u10d0\u10da\u10dd\u10db\u10d4", + "\u10da\u10d4\u10d8\u10da\u10d0", + "\u10d2\u10e3\u10da\u10d8\u10d9\u10dd", + "\u10dc\u10d0\u10dc\u10d0", + "\u10d5\u10d8\u10dd\u10da\u10d4\u10e2\u10d0", + "\u10da\u10e3\u10d3\u10db\u10d8\u10da\u10d0", + "\u10da\u10d4\u10da\u10d0", + "\u10d7\u10d0\u10db\u10d8\u10da\u10d0", + "\u10d9\u10d0\u10e0\u10d8\u10dc\u10d4", + "\u10d2\u10e3\u10d2\u10e3\u10da\u10d8", + "\u10ea\u10d8\u10e0\u10d0", + "\u10e4\u10d0\u10e2\u10d8", + "\u10d5\u10d4\u10e0\u10d8\u10d9\u10dd", + "\u10e0\u10d8\u10db\u10d0", + "\u10d9\u10da\u10d0\u10e0\u10d0", + "\u10d3\u10d8\u10d0\u10dc\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10dc\u10d4", + "\u10d0\u10d8\u10d3\u10d0", + "\u10d3\u10d0\u10e0\u10d4\u10ef\u10d0\u10dc", + "\u10d4\u10db\u10d0", + "\u10db\u10d4\u10d3\u10d8\u10d9\u10dd", + "\u10db\u10d0\u10dc\u10d0\u10dc\u10d0", + "\u10d1\u10d4\u10da\u10d0", + "\u10dc\u10d4\u10e1\u10e2\u10d0\u10dc", + "\u10e5\u10d4\u10d7\u10dd", + "\u10ee\u10d0\u10e2\u10d8\u10d0", + "\u10db\u10d7\u10d5\u10d0\u10e0\u10d8\u10e1\u10d0", + "\u10dc\u10dd\u10e0\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10dc\u10d0", + "\u10db\u10d4\u10d2\u10d8", + "\u10dc\u10d8\u10dc\u10dd", + "\u10e4\u10d0\u10e2\u10d8\u10db\u10d0", + "\u10dc\u10d0\u10d6\u10d8\u10d1\u10e0\u10dd\u10da\u10d0", + "\u10dc\u10d0\u10d3\u10d8\u10d0", + "\u10d3\u10dd\u10d3\u10dd", + "\u10d4\u10da\u10d4\u10dc\u10d0", + "\u10ea\u10d8\u10ea\u10d8\u10dc\u10dd", + "\u10db\u10d0\u10e0\u10d2\u10d0\u10da\u10d8\u10e2\u10d0", + "\u10d7\u10d8\u10dc\u10d0", + "\u10d0\u10dc\u10df\u10d4\u10da\u10d0", + "\u10d8\u10d0", + "\u10d0\u10dc\u10dc\u10d0", + "\u10d2\u10d0\u10da\u10d8\u10dc\u10d0", + "\u10dc\u10d4\u10da\u10d8", + "\u10e0\u10d8\u10e2\u10d0", + "\u10da\u10d8\u10d6\u10d0", + "\u10da\u10d0\u10da\u10d8", + "\u10d6\u10dd\u10d8\u10d0", + "\u10d6\u10d8\u10dc\u10d0", + "\u10da\u10e3\u10d1\u10d0", + "\u10dc\u10dd\u10dc\u10d0", + "\u10dc\u10e3\u10ea\u10d0", + "\u10dc\u10d0\u10e0\u10d2\u10d8\u10d6\u10d0", + "\u10d0\u10dc\u10d0", + "\u10d5\u10d4\u10dc\u10d4\u10e0\u10d0", + "\u10e2\u10d0\u10e2\u10d8\u10d0\u10dc\u10d0", + "\u10da\u10d0\u10e0\u10d8\u10e1\u10d0", + "\u10d4\u10da\u10d6\u10d0", + "\u10da\u10d0\u10db\u10d6\u10d8\u10e0\u10d0", + "\u10da\u10d8\u10d9\u10d0", + "\u10ea\u10d8\u10d0\u10da\u10d0", + "\u10da\u10e3\u10d8\u10d6\u10d0", + "\u10dc\u10e3\u10dc\u10e3", + "\u10db\u10d0\u10e0\u10d8", + "\u10db\u10d0\u10e0\u10dd", + "\u10d7\u10d0\u10db\u10d0\u10e0\u10d8", + "\u10d7\u10d0\u10db\u10d7\u10d0", + "\u10d7\u10d4\u10dd\u10dc\u10d0", + "\u10dd\u10da\u10e6\u10d0", + "\u10d3\u10d0\u10da\u10d8", + "\u10d4\u10d9\u10d0" + ], + "FIRST_NAME_MALE": [ + "\u10e3\u10e9\u10d0", + "\u10d6\u10e3\u10e0\u10d0\u10d1", + "\u10d2\u10dd\u10d2\u10d0", + "\u10e0\u10d0\u10db\u10d0\u10d6", + "\u10e1\u10dd\u10e1\u10dd", + "\u10da\u10d4\u10d5\u10d0\u10dc", + "\u10d2\u10e3\u10e0\u10d0\u10db", + "\u10db\u10d8\u10dc\u10d3\u10d8\u10d0", + "\u10d3\u10d0\u10d5\u10d8\u10d7", + "\u10e8\u10d0\u10da\u10d5\u10d0", + "\u10d5\u10d0\u10e1\u10d8\u10da", + "\u10d5\u10da\u10d0\u10d3\u10d8\u10db\u10d4\u10e0", + "\u10d4\u10d3\u10e3\u10d0\u10e0\u10d3", + "\u10d0\u10d5\u10d7\u10d0\u10dc\u10d3\u10d8\u10da", + "\u10d1\u10d8\u10eb\u10d8\u10dc\u10d0", + "\u10d0\u10e1\u10da\u10d0\u10dc", + "\u10d6\u10d0\u10e3\u10e0", + "\u10d3\u10d0\u10d7\u10dd", + "\u10d2\u10d8\u10d2\u10d0", + "\u10de\u10d4\u10e2\u10e0\u10d4", + "\u10e8\u10dd\u10d7\u10d0", + "\u10d0\u10d9\u10d0\u10d9\u10d8", + "\u10ef\u10d4\u10db\u10d0\u10da", + "\u10d6\u10d5\u10d8\u10d0\u10d3", + "\u10d1\u10d4\u10e5\u10d0", + "\u10d2\u10d8\u10d0", + "\u10ee\u10d5\u10d8\u10e9\u10d0", + "\u10d2\u10d8\u10d5\u10d8", + "\u10e3\u10e8\u10d0\u10dc\u10d2\u10d8", + "\u10d5\u10d0\u10dc\u10dd", + "\u10de\u10d0\u10d5\u10da\u10d4", + "\u10db\u10d0\u10db\u10e3\u10d9\u10d0", + "\u10e1\u10d8\u10db\u10dd\u10dc", + "\u10d2\u10dd\u10d2\u10d8\u10e2\u10d0", + "\u10d5\u10d8\u10e5\u10e2\u10dd\u10e0", + "\u10dc\u10d8\u10d9\u10dd\u10da\u10dd\u10d6", + "\u10d0\u10e0\u10e9\u10d8\u10da", + "\u10d9\u10dd\u10dc\u10e1\u10e2\u10d0\u10dc\u10e2\u10d8\u10dc\u10d4", + "\u10d2\u10dd\u10d3\u10d4\u10e0\u10eb\u10d8", + "\u10d5\u10d0\u10df\u10d0", + "\u10d5\u10d0\u10da\u10d4\u10e0\u10d8\u10d0\u10dc", + "\u10d9\u10d0\u10ee\u10d0\u10d1\u10d4\u10e0", + "\u10dd\u10db\u10d0\u10e0", + "\u10d8\u10da\u10d8\u10d0", + "\u10d2\u10dd\u10d2\u10d8", + "\u10d1\u10d4\u10e1\u10d8\u10d9", + "\u10d3\u10d8\u10db\u10d8\u10e2\u10e0\u10d8", + "\u10d0\u10dc\u10d6\u10dd\u10e0", + "\u10d2\u10d4\u10dc\u10d0\u10d3\u10d8", + "\u10d4\u10da\u10d2\u10e3\u10ef\u10d0", + "\u10d8\u10d5\u10d0\u10dc\u10d4", + "\u10ef\u10d0\u10d1\u10d0", + "\u10d7\u10dd\u10e0\u10dc\u10d8\u10d9\u10d4", + "\u10ef\u10dd\u10dc\u10d8", + "\u10d6\u10d0\u10d6\u10d0", + "\u10d2\u10d8\u10d2\u10da\u10d0", + "\u10d7\u10d0\u10db\u10d0\u10d6", + "\u10d0\u10e0\u10db\u10d4\u10dc", + "\u10da\u10d0\u10e8\u10d0", + "\u10d8\u10e3\u10e0\u10d8", + "\u10d2\u10dd\u10e9\u10d0", + "\u10d9\u10d0\u10ee\u10d0", + "\u10d5\u10d0\u10ee\u10e2\u10d0\u10dc\u10d2", + "\u10e1\u10d4\u10e0\u10d2\u10dd", + "\u10d7\u10d4\u10d8\u10db\u10e3\u10e0\u10d0\u10d6", + "\u10db\u10e3\u10e0\u10d7\u10d0\u10d6", + "\u10e0\u10dd\u10d8\u10dc", + "\u10e0\u10dd\u10db\u10d0\u10dc", + "\u10d6\u10d0\u10e5\u10d0\u10e0\u10d8\u10d0", + "\u10e0\u10d4\u10d5\u10d0\u10d6", + "\u10d7\u10d4\u10dc\u10d2\u10d8\u10d6", + "\u10dc\u10e3\u10d2\u10d6\u10d0\u10e0", + "\u10d0\u10db\u10d8\u10e0\u10d0\u10dc", + "\u10d2\u10d4\u10da\u10d0", + "\u10d8\u10dd\u10e1\u10d4\u10d1", + "\u10d1\u10d0\u10d3\u10e0\u10d8", + "\u10d0\u10da\u10d4\u10e5\u10e1\u10d0\u10dc\u10d3\u10e0\u10d4", + "\u10d1\u10dd\u10e0\u10d8\u10e1", + "\u10d8\u10e0\u10d0\u10d9\u10da\u10d8", + "\u10dc\u10d8\u10d9\u10d0", + "\u10e8\u10d0\u10e5\u10e0\u10dd", + "\u10db\u10d4\u10e0\u10d0\u10d1", + "\u10dc\u10dd\u10d3\u10d0\u10e0", + "\u10e0\u10dd\u10da\u10d0\u10dc\u10d3", + "\u10db\u10d0\u10da\u10ee\u10d0\u10d6", + "\u10d1\u10d4\u10e1\u10d0\u10e0\u10d8\u10dd\u10dc", + "\u10d8\u10d0\u10d2\u10dd", + "\u10d4\u10db\u10d6\u10d0\u10e0", + "\u10db\u10d8\u10ee\u10d4\u10d8\u10da", + "\u10d9\u10dd\u10d1\u10d0", + "\u10dc\u10e3\u10d9\u10e0\u10d8", + "\u10dd\u10d7\u10d0\u10e0", + "\u10de\u10d0\u10d0\u10e2\u10d0", + "\u10db\u10e3\u10e0\u10db\u10d0\u10dc", + "\u10d5\u10d4\u10e4\u10ee\u10d5\u10d8\u10d0", + "\u10d2\u10e0\u10d8\u10d2\u10dd\u10da", + "\u10db\u10d8\u10e0\u10d8\u10d0\u10dc", + "\u10d0\u10e0\u10e2\u10e3\u10e0", + "\u10d7\u10d4\u10db\u10e3\u10e0", + "\u10d1\u10dd\u10dc\u10d3\u10dd", + "\u10e0\u10d4\u10d6\u10dd", + "\u10d3\u10d4\u10db\u10e3\u10e0", + "\u10e0\u10dd\u10d1\u10d4\u10e0\u10e2", + "\u10d9\u10d0\u10e0\u10da\u10dd", + "\u10d2\u10d8\u10dd\u10e0\u10d2\u10d8", + "\u10d0\u10da\u10d4\u10e5\u10e1", + "\u10e2\u10d0\u10e0\u10d8\u10d4\u10da", + "\u10e0\u10d0\u10e2\u10d8", + "\u10d5\u10d0\u10da\u10d4\u10e0\u10d8", + "\u10ef\u10e3\u10db\u10d1\u10d4\u10e0" + ], + "FIRST_NAME": [ + "\u10e3\u10e9\u10d0", + "\u10d6\u10e3\u10e0\u10d0\u10d1", + "\u10d2\u10dd\u10d2\u10d0", + "\u10e0\u10d0\u10db\u10d0\u10d6", + "\u10d4\u10d9\u10d0\u10e2\u10d4\u10e0\u10d8\u10dc\u10d4", + "\u10e1\u10dd\u10e1\u10dd", + "\u10d8\u10e0\u10d8\u10dc\u10d0", + "\u10da\u10d4\u10d5\u10d0\u10dc", + "\u10da\u10d8\u10d3\u10d0", + "\u10dc\u10d0\u10d6\u10d8", + "\u10dc\u10d0\u10dc\u10d8", + "\u10e1\u10dd\u10e4\u10d8\u10d9\u10dd", + "\u10d8\u10dc\u10d4\u10d6\u10d0", + "\u10d2\u10e3\u10e0\u10d0\u10db", + "\u10db\u10d8\u10dc\u10d3\u10d8\u10d0", + "\u10df\u10d4\u10dc\u10d8\u10d0", + "\u10d3\u10d0\u10d5\u10d8\u10d7", + "\u10e8\u10d0\u10da\u10d5\u10d0", + "\u10d4\u10da\u10d4\u10dc\u10d4", + "\u10d5\u10d0\u10e1\u10d8\u10da", + "\u10d5\u10da\u10d0\u10d3\u10d8\u10db\u10d4\u10e0", + "\u10d7\u10d0\u10db\u10e3\u10dc\u10d0", + "\u10d4\u10d3\u10e3\u10d0\u10e0\u10d3", + "\u10db\u10d4\u10e0\u10d8", + "\u10d0\u10d5\u10d7\u10d0\u10dc\u10d3\u10d8\u10da", + "\u10dc\u10d0\u10d7\u10d8\u10d0", + "\u10da\u10d8\u10d0", + "\u10dc\u10d0\u10dc\u10e3\u10da\u10d8", + "\u10d1\u10d8\u10eb\u10d8\u10dc\u10d0", + "\u10d8\u10d6\u10dd\u10da\u10d3\u10d0", + "\u10d0\u10e1\u10da\u10d0\u10dc", + "\u10d6\u10d0\u10e3\u10e0", + "\u10d3\u10d0\u10d7\u10dd", + "\u10d0\u10dc\u10d8", + "\u10d2\u10d8\u10d2\u10d0", + "\u10de\u10d4\u10e2\u10e0\u10d4", + "\u10e8\u10dd\u10d7\u10d0", + "\u10d0\u10d9\u10d0\u10d9\u10d8", + "\u10ef\u10d4\u10db\u10d0\u10da", + "\u10d6\u10d5\u10d8\u10d0\u10d3", + "\u10da\u10d8\u10da\u10d8", + "\u10d1\u10d4\u10e5\u10d0", + "\u10d5\u10d0\u10da\u10d4\u10dc\u10e2\u10d8\u10dc\u10d0", + "\u10d5\u10d4\u10e0\u10d0", + "\u10dc\u10d0\u10e2\u10dd", + "\u10d2\u10d8\u10d0", + "\u10dc\u10d0\u10d8\u10e0\u10d0", + "\u10d4\u10da\u10d8\u10d6\u10d0", + "\u10ee\u10d5\u10d8\u10e9\u10d0", + "\u10da\u10d8\u10d0\u10dc\u10d0", + "\u10d2\u10d8\u10d5\u10d8", + "\u10e3\u10e8\u10d0\u10dc\u10d2\u10d8", + "\u10d5\u10d0\u10dc\u10dd", + "\u10de\u10d0\u10d5\u10da\u10d4", + "\u10db\u10d0\u10db\u10e3\u10d9\u10d0", + "\u10d0\u10da\u10d0", + "\u10e1\u10e3\u10da\u10d8\u10d9\u10dd", + "\u10e1\u10d8\u10db\u10dd\u10dc", + "\u10d8\u10d0\u10db\u10d6\u10d4", + "\u10ef\u10e3\u10db\u10d1\u10d4\u10e0", + "\u10d2\u10dd\u10d2\u10d8\u10e2\u10d0", + "\u10db\u10d0\u10d2\u10d3\u10d0", + "\u10d5\u10d8\u10e5\u10e2\u10dd\u10e0", + "\u10dc\u10d8\u10d9\u10dd\u10da\u10dd\u10d6", + "\u10d0\u10d6\u10d0", + "\u10d0\u10e0\u10e9\u10d8\u10da", + "\u10d9\u10dd\u10dc\u10e1\u10e2\u10d0\u10dc\u10e2\u10d8\u10dc\u10d4", + "\u10d2\u10dd\u10d3\u10d4\u10e0\u10eb\u10d8", + "\u10d7\u10d0\u10d7\u10d8\u10d0", + "\u10d8\u10e0\u10d8\u10dc\u10d4", + "\u10d5\u10d0\u10df\u10d0", + "\u10d5\u10d0\u10da\u10d4\u10e0\u10d8\u10d0\u10dc", + "\u10ef\u10e3\u10da\u10d8\u10d4\u10e2\u10d0", + "\u10d9\u10d0\u10ee\u10d0\u10d1\u10d4\u10e0", + "\u10d8\u10d6\u10d0", + "\u10d0\u10e1\u10db\u10d0\u10d7", + "\u10db\u10d0\u10e7\u10d5\u10d0\u10da\u10d0", + "\u10dd\u10db\u10d0\u10e0", + "\u10da\u10d0\u10dc\u10d0", + "\u10dc\u10d0\u10e2\u10d0\u10da\u10d8\u10d0", + "\u10e1\u10d5\u10d4\u10e2\u10da\u10d0\u10dc\u10d0", + "\u10d8\u10da\u10d8\u10d0", + "\u10d2\u10dd\u10d2\u10d8", + "\u10db\u10d0\u10d3\u10dd\u10dc\u10d0", + "\u10d1\u10d4\u10e1\u10d8\u10d9", + "\u10d3\u10d8\u10db\u10d8\u10e2\u10e0\u10d8", + "\u10ea\u10d8\u10e1\u10d0\u10dc\u10d0", + "\u10d0\u10dc\u10d6\u10dd\u10e0", + "\u10d2\u10d5\u10d0\u10dc\u10ea\u10d0", + "\u10d6\u10d0\u10d8\u10e0\u10d0", + "\u10d2\u10d4\u10dc\u10d0\u10d3\u10d8", + "\u10e5\u10d4\u10d7\u10d4\u10d5\u10d0\u10dc", + "\u10d4\u10d5\u10d2\u10d4\u10dc\u10d8\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10d9\u10d0", + "\u10d4\u10da\u10d2\u10e3\u10ef\u10d0", + "\u10e4\u10d8\u10e5\u10e0\u10d8\u10d0", + "\u10d8\u10d5\u10d0\u10dc\u10d4", + "\u10d8\u10e0\u10db\u10d0", + "\u10ef\u10d0\u10d1\u10d0", + "\u10dc\u10d0\u10d3\u10d4\u10ef\u10d3\u10d0", + "\u10d2\u10d8\u10e3\u10da\u10d8", + "\u10e8\u10dd\u10e0\u10d4\u10dc\u10d0", + "\u10d7\u10dd\u10e0\u10dc\u10d8\u10d9\u10d4", + "\u10ef\u10dd\u10dc\u10d8", + "\u10df\u10d0\u10dc\u10d0", + "\u10e0\u10dd\u10d6\u10d0", + "\u10d6\u10d0\u10d6\u10d0", + "\u10d2\u10d8\u10d2\u10da\u10d0", + "\u10d7\u10d0\u10db\u10d0\u10e0", + "\u10da\u10d4\u10dc\u10d0", + "\u10dd\u10da\u10d8\u10d0", + "\u10db\u10d0\u10d8\u10d0", + "\u10ea\u10d8\u10e3\u10e0\u10d8", + "\u10d8\u10dc\u10d2\u10d0", + "\u10dc\u10d8\u10dc\u10d4\u10da\u10d8", + "\u10df\u10e3\u10df\u10e3\u10dc\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10d0", + "\u10e0\u10e3\u10e1\u10e3\u10d3\u10d0\u10dc", + "\u10ee\u10d0\u10d7\u10e3\u10dc\u10d0", + "\u10d4\u10da\u10db\u10d8\u10e0\u10d0", + "\u10e5\u10e0\u10d8\u10e1\u10e2\u10d8\u10dc\u10d4", + "\u10d7\u10d8\u10dc\u10d0\u10d7\u10d8\u10dc", + "\u10d2\u10e3\u10da\u10dc\u10d0\u10e0\u10d0", + "\u10db\u10d8\u10e0\u10d0\u10dc\u10d3\u10d0", + "\u10d7\u10d0\u10db\u10d0\u10d6", + "\u10d4\u10da\u10d8\u10e1\u10dd", + "\u10e1\u10e3\u10e1\u10d0\u10dc\u10d0", + "\u10d7\u10d4\u10d0", + "\u10d0\u10e0\u10db\u10d4\u10dc", + "\u10da\u10d0\u10db\u10d0\u10e0\u10d0", + "\u10da\u10d0\u10e8\u10d0", + "\u10db\u10d0\u10d9\u10d0", + "\u10dc\u10d0\u10d7\u10d4\u10da\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10d0\u10db", + "\u10db\u10d4\u10d3\u10d4\u10d0", + "\u10d8\u10e3\u10e0\u10d8", + "\u10d4\u10d7\u10d4\u10e0", + "\u10e1\u10dd\u10e4\u10d8\u10dd", + "\u10e1\u10dd\u10e4\u10d8\u10d0", + "\u10d7\u10d0\u10db\u10d0\u10e0\u10d0", + "\u10d0\u10dc\u10d8\u10d9\u10dd", + "\u10db\u10d6\u10d8\u10d0", + "\u10e5\u10d4\u10d7\u10d8\u10dc\u10dd", + "\u10d2\u10dd\u10e9\u10d0", + "\u10d9\u10d0\u10ee\u10d0", + "\u10d5\u10d0\u10ee\u10e2\u10d0\u10dc\u10d2", + "\u10e1\u10d4\u10e0\u10d2\u10dd", + "\u10d7\u10d4\u10d8\u10db\u10e3\u10e0\u10d0\u10d6", + "\u10d5\u10d0\u10e0\u10d3\u10dd", + "\u10db\u10e3\u10e0\u10d7\u10d0\u10d6", + "\u10e0\u10dd\u10d8\u10dc", + "\u10dc\u10d0\u10d6\u10d8\u10d9\u10dd", + "\u10e1\u10dd\u10dc\u10d8\u10d0", + "\u10e1\u10d0\u10da\u10dd\u10db\u10d4", + "\u10e0\u10dd\u10db\u10d0\u10dc", + "\u10d6\u10d0\u10e5\u10d0\u10e0\u10d8\u10d0", + "\u10da\u10d4\u10d8\u10da\u10d0", + "\u10d2\u10e3\u10da\u10d8\u10d9\u10dd", + "\u10dc\u10d0\u10dc\u10d0", + "\u10e0\u10d4\u10d5\u10d0\u10d6", + "\u10d5\u10d8\u10dd\u10da\u10d4\u10e2\u10d0", + "\u10da\u10d4\u10da\u10d0", + "\u10da\u10e3\u10d3\u10db\u10d8\u10da\u10d0", + "\u10d7\u10d4\u10dc\u10d2\u10d8\u10d6", + "\u10dc\u10e3\u10d2\u10d6\u10d0\u10e0", + "\u10d7\u10d0\u10db\u10d8\u10da\u10d0", + "\u10d9\u10d0\u10e0\u10d8\u10dc\u10d4", + "\u10d2\u10e3\u10d2\u10e3\u10da\u10d8", + "\u10ea\u10d8\u10e0\u10d0", + "\u10e4\u10d0\u10e2\u10d8", + "\u10d5\u10d4\u10e0\u10d8\u10d9\u10dd", + "\u10d0\u10db\u10d8\u10e0\u10d0\u10dc", + "\u10d2\u10d4\u10da\u10d0", + "\u10d8\u10dd\u10e1\u10d4\u10d1", + "\u10e0\u10d8\u10db\u10d0", + "\u10d1\u10d0\u10d3\u10e0\u10d8", + "\u10d9\u10da\u10d0\u10e0\u10d0", + "\u10d3\u10d8\u10d0\u10dc\u10d0", + "\u10db\u10d0\u10e0\u10d8\u10dc\u10d4", + "\u10d0\u10d8\u10d3\u10d0", + "\u10d0\u10da\u10d4\u10e5\u10e1\u10d0\u10dc\u10d3\u10e0\u10d4", + "\u10d3\u10d0\u10e0\u10d4\u10ef\u10d0\u10dc", + "\u10d1\u10dd\u10e0\u10d8\u10e1", + "\u10d4\u10db\u10d0", + "\u10d8\u10e0\u10d0\u10d9\u10da\u10d8", + "\u10db\u10d4\u10d3\u10d8\u10d9\u10dd", + "\u10db\u10d0\u10dc\u10d0\u10dc\u10d0", + "\u10dc\u10d8\u10d9\u10d0", + "\u10e8\u10d0\u10e5\u10e0\u10dd", + "\u10d1\u10d4\u10da\u10d0", + "\u10dc\u10d4\u10e1\u10e2\u10d0\u10dc", + "\u10e5\u10d4\u10d7\u10dd", + "\u10ee\u10d0\u10e2\u10d8\u10d0", + "\u10db\u10d7\u10d5\u10d0\u10e0\u10d8\u10e1\u10d0", + "\u10dc\u10dd\u10e0\u10d0", + "\u10db\u10d4\u10e0\u10d0\u10d1", + "\u10dc\u10dd\u10d3\u10d0\u10e0", + "\u10db\u10d0\u10e0\u10d8\u10dc\u10d0", + "\u10db\u10d4\u10d2\u10d8", + "\u10dc\u10d8\u10dc\u10dd", + "\u10e0\u10dd\u10da\u10d0\u10dc\u10d3", + "\u10db\u10d0\u10da\u10ee\u10d0\u10d6", + "\u10d1\u10d4\u10e1\u10d0\u10e0\u10d8\u10dd\u10dc", + "\u10d8\u10d0\u10d2\u10dd", + "\u10e4\u10d0\u10e2\u10d8\u10db\u10d0", + "\u10dc\u10d0\u10d6\u10d8\u10d1\u10e0\u10dd\u10da\u10d0", + "\u10dc\u10d0\u10d3\u10d8\u10d0", + "\u10d3\u10dd\u10d3\u10dd", + "\u10d4\u10da\u10d4\u10dc\u10d0", + "\u10ea\u10d8\u10ea\u10d8\u10dc\u10dd", + "\u10db\u10d0\u10e0\u10d2\u10d0\u10da\u10d8\u10e2\u10d0", + "\u10d7\u10d8\u10dc\u10d0", + "\u10d0\u10dc\u10df\u10d4\u10da\u10d0", + "\u10d8\u10d0", + "\u10d4\u10db\u10d6\u10d0\u10e0", + "\u10db\u10d8\u10ee\u10d4\u10d8\u10da", + "\u10d9\u10dd\u10d1\u10d0", + "\u10dc\u10e3\u10d9\u10e0\u10d8", + "\u10dd\u10d7\u10d0\u10e0", + "\u10d0\u10dc\u10dc\u10d0", + "\u10de\u10d0\u10d0\u10e2\u10d0", + "\u10d2\u10d0\u10da\u10d8\u10dc\u10d0", + "\u10db\u10e3\u10e0\u10db\u10d0\u10dc", + "\u10dc\u10d4\u10da\u10d8", + "\u10da\u10d8\u10d6\u10d0", + "\u10e0\u10d8\u10e2\u10d0", + "\u10d5\u10d4\u10e4\u10ee\u10d5\u10d8\u10d0", + "\u10d2\u10e0\u10d8\u10d2\u10dd\u10da", + "\u10db\u10d8\u10e0\u10d8\u10d0\u10dc", + "\u10da\u10d0\u10da\u10d8", + "\u10d6\u10dd\u10d8\u10d0", + "\u10d0\u10e0\u10e2\u10e3\u10e0", + "\u10d7\u10d4\u10db\u10e3\u10e0", + "\u10d6\u10d8\u10dc\u10d0", + "\u10d1\u10dd\u10dc\u10d3\u10dd", + "\u10e0\u10d4\u10d6\u10dd", + "\u10da\u10e3\u10d1\u10d0", + "\u10dc\u10dd\u10dc\u10d0", + "\u10d3\u10d4\u10db\u10e3\u10e0", + "\u10e0\u10dd\u10d1\u10d4\u10e0\u10e2", + "\u10dc\u10e3\u10ea\u10d0", + "\u10dc\u10d0\u10e0\u10d2\u10d8\u10d6\u10d0", + "\u10d0\u10dc\u10d0", + "\u10d5\u10d4\u10dc\u10d4\u10e0\u10d0", + "\u10e2\u10d0\u10e2\u10d8\u10d0\u10dc\u10d0", + "\u10d9\u10d0\u10e0\u10da\u10dd", + "\u10da\u10d0\u10e0\u10d8\u10e1\u10d0", + "\u10d4\u10da\u10d6\u10d0", + "\u10da\u10d0\u10db\u10d6\u10d8\u10e0\u10d0", + "\u10da\u10d8\u10d9\u10d0", + "\u10ea\u10d8\u10d0\u10da\u10d0", + "\u10da\u10e3\u10d8\u10d6\u10d0", + "\u10d2\u10d8\u10dd\u10e0\u10d2\u10d8", + "\u10d0\u10da\u10d4\u10e5\u10e1", + "\u10e2\u10d0\u10e0\u10d8\u10d4\u10da", + "\u10e0\u10d0\u10e2\u10d8", + "\u10dc\u10e3\u10dc\u10e3", + "\u10db\u10d0\u10e0\u10d8", + "\u10db\u10d0\u10e0\u10dd", + "\u10d5\u10d0\u10da\u10d4\u10e0\u10d8", + "\u10d7\u10d0\u10db\u10d0\u10e0\u10d8", + "\u10d7\u10d0\u10db\u10d7\u10d0", + "\u10d7\u10d4\u10dd\u10dc\u10d0", + "\u10dd\u10da\u10e6\u10d0", + "\u10d3\u10d0\u10da\u10d8", + "\u10d4\u10d9\u10d0" + ], + "LAST_NAME": [ + "\u10e9\u10d8\u10e5\u10dd\u10d5\u10d0\u10dc\u10d8", + "\u10ea\u10d0\u10d0\u10d5\u10d0", + "\u10d1\u10e3\u10d9\u10d8\u10d0", + "\u10d1\u10d0\u10e1\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10e9\u10d0\u10e4\u10d8\u10eb\u10d4", + "\u10d3\u10d5\u10d0\u10da\u10d8", + "\u10ed\u10e3\u10db\u10d1\u10e3\u10e0\u10d8\u10eb\u10d4", + "\u10d0\u10d3\u10d4\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10e3\u10ef\u10d0\u10d1\u10d8\u10eb\u10d4", + "\u10e4\u10ee\u10d0\u10d9\u10d0\u10eb\u10d4", + "\u10db\u10d0\u10d8\u10e1\u10e3\u10e0\u10d0\u10eb\u10d4", + "\u10d1\u10e3\u10e9\u10e3\u10d9\u10e3\u10e0\u10d8", + "\u10e9\u10d0\u10e9\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10ea\u10d8\u10dc\u10ea\u10d0\u10eb\u10d4", + "\u10d5\u10d0\u10e8\u10d0\u10d9\u10d8\u10eb\u10d4", + "\u10d9\u10d0\u10ea\u10d0\u10eb\u10d4", + "\u10db\u10d4\u10e0\u10d4\u10d1\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ea\u10ee\u10d0\u10d3\u10d0\u10eb\u10d4", + "\u10e8\u10d4\u10e7\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10d2\u10e0\u10d8\u10d2\u10dd\u10e0\u10d8\u10d0\u10dc\u10d8", + "\u10e4\u10d0\u10dc\u10ea\u10e3\u10da\u10d0\u10d8\u10d0", + "\u10ec\u10e3\u10da\u10d0\u10d8\u10d0", + "\u10da\u10e3\u10e0\u10e1\u10db\u10d0\u10dc\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e1\u10d8\u10ee\u10d0\u10e0\u10e3\u10da\u10d8\u10eb\u10d4", + "\u10e0\u10e3\u10ee\u10d0\u10eb\u10d4", + "\u10e3\u10e0\u10e3\u10e8\u10d0\u10eb\u10d4", + "\u10e5\u10e3\u10d7\u10d0\u10d7\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10ed\u10d8\u10e6\u10da\u10d0\u10eb\u10d4", + "\u10d9\u10d8\u10d9\u10dc\u10d0\u10eb\u10d4", + "\u10ef\u10d8\u10e8\u10d9\u10d0\u10e0\u10d8\u10d0\u10dc\u10d8", + "\u10ee\u10d0\u10da\u10d5\u10d0\u10e8\u10d8", + "\u10d1\u10d4\u10e0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d1\u10e3\u10e0\u10ef\u10d0\u10dc\u10d0\u10eb\u10d4", + "\u10da\u10dd\u10db\u10d7\u10d0\u10eb\u10d4", + "\u10d2\u10dd\u10d1\u10d4\u10ef\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e4\u10d8\u10ea\u10ee\u10d4\u10da\u10d0\u10e3\u10e0\u10d8", + "\u10e8\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d1\u10d4\u10e0\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ee\u10d0\u10e0\u10d0\u10d6\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10d0\u10e0\u10d2\u10d5\u10d4\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d0\u10d9\u10d0\u10d1\u10d0\u10eb\u10d4", + "\u10db\u10dd\u10d3\u10d4\u10d1\u10d0\u10eb\u10d4", + "\u10d4\u10dc\u10e3\u10e5\u10d8\u10eb\u10d4", + "\u10e6\u10d0\u10db\u10d1\u10d0\u10e8\u10d8\u10eb\u10d4", + "\u10e6\u10e3\u10e0\u10ec\u10d9\u10d0\u10d8\u10d0", + "\u10db\u10e3\u10e8\u10d9\u10e3\u10d3\u10d8\u10d0\u10dc\u10d8", + "\u10d2\u10dd\u10d2\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10de\u10d0\u10de\u10d8\u10eb\u10d4", + "\u10ee\u10db\u10d0\u10da\u10d0\u10eb\u10d4", + "\u10da\u10dd\u10d1\u10ef\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d9\u10dd\u10de\u10d0\u10da\u10d8\u10d0\u10dc\u10d8", + "\u10ef\u10d8\u10dc\u10ed\u10d0\u10e0\u10d0\u10eb\u10d4", + "\u10d7\u10d4\u10d5\u10d6\u10d0\u10eb\u10d4", + "\u10d2\u10d5\u10d0\u10d6\u10d0\u10d5\u10d0", + "\u10e8\u10d0\u10e0\u10d0\u10e8\u10d8\u10eb\u10d4", + "\u10d9\u10d5\u10d0\u10dc\u10e2\u10d0\u10da\u10d8\u10d0\u10dc\u10d8", + "\u10d3\u10d0\u10d5\u10d8\u10d7\u10d0\u10eb\u10d4", + "\u10db\u10e3\u10e1\u10e2\u10d0\u10e4\u10d0\u10d4\u10d5\u10d8", + "\u10d2\u10d5\u10d4\u10da\u10d4\u10e1\u10d8\u10d0\u10dc\u10d8", + "\u10db\u10d2\u10d0\u10da\u10dd\u10d1\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10dd\u10ea\u10d8\u10e0\u10d8\u10eb\u10d4", + "\u10db\u10d4\u10e1\u10ee\u10d8", + "\u10e8\u10d5\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10d2\u10dd\u10e0\u10d2\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10d2\u10d0\u10e4\u10e0\u10d8\u10dc\u10d3\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10dd\u10d2\u10d8\u10e2\u10d8\u10eb\u10d4", + "\u10d2\u10d0\u10d1\u10e0\u10d8\u10ed\u10d8\u10eb\u10d4", + "\u10d9\u10d0\u10dc\u10d3\u10d4\u10da\u10d0\u10d9\u10d8", + "\u10d9\u10dd\u10dc\u10ea\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10d1\u10e0\u10d4\u10d2\u10d0\u10eb\u10d4", + "\u10d8\u10e1\u10d0\u10d4\u10d5\u10d8", + "\u10d2\u10e0\u10d8\u10d2\u10d0\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10dd\u10e0\u10d2\u10dd\u10eb\u10d4", + "\u10d9\u10d5\u10d8\u10e0\u10d8\u10d9\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e9\u10dd\u10ee\u10d4\u10da\u10d8", + "\u10e9\u10ee\u10d4\u10d8\u10eb\u10d4", + "\u10dc\u10d8\u10d9\u10dd\u10da\u10d4\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d8\u10e0\u10d5\u10d0\u10da\u10d8\u10eb\u10d4", + "\u10d9\u10d0\u10e0\u10d0\u10de\u10d4\u10e2\u10d8\u10d0\u10dc\u10d8", + "\u10e6\u10d5\u10d8\u10dc\u10ef\u10d8\u10da\u10d8\u10d0", + "\u10ee\u10e3\u10e0\u10ea\u10d8\u10eb\u10d4", + "\u10e6\u10d5\u10d8\u10dc\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10d0\u10e9\u10d4\u10e9\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10e1\u10d8\u10db\u10dd\u10dc\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ee\u10d8\u10d6\u10d0\u10dc\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10d2\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10de\u10d0\u10e2\u10d0\u10e0\u10d0\u10d8\u10d0", + "\u10d6\u10d0\u10e0\u10d0\u10dc\u10d3\u10d8\u10d0", + "\u10e9\u10d8\u10ee\u10da\u10d0\u10eb\u10d4", + "\u10df\u10dd\u10e0\u10df\u10dd\u10da\u10d8\u10d0\u10dc\u10d8", + "\u10d3\u10d4\u10db\u10d4\u10e2\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10dd\u10de\u10d0\u10eb\u10d4", + "\u10d3\u10d8\u10d0\u10e1\u10d0\u10db\u10d8\u10eb\u10d4", + "\u10e9\u10ee\u10d0\u10d8\u10eb\u10d4", + "\u10e5\u10d0\u10db\u10d0\u10d3\u10d0\u10eb\u10d4", + "\u10db\u10d4\u10e2\u10e0\u10d4\u10d5\u10d4\u10da\u10d8", + "\u10d0\u10e0\u10e9\u10d5\u10d0\u10eb\u10d4", + "\u10e9\u10d0\u10d9\u10d5\u10d4\u10e2\u10d0\u10eb\u10d4", + "\u10d2\u10dd\u10d2\u10e1\u10d0\u10eb\u10d4", + "\u10e5\u10d0\u10e0\u10e9\u10d0\u10d5\u10d0", + "\u10db\u10d0\u10ee\u10d0\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e2\u10d0\u10d9\u10d8\u10eb\u10d4", + "\u10d5\u10d0\u10da\u10d8\u10d4\u10d5\u10d8", + "\u10ed\u10d8\u10dc\u10ed\u10d0\u10e0\u10d0\u10e3\u10da\u10d8", + "\u10db\u10d0\u10ee\u10d0\u10e0\u10d0\u10eb\u10d4", + "\u10d0\u10e0\u10d5\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10e2\u10e3\u10e6\u10e3\u10e8\u10d8", + "\u10d1\u10d4\u10df\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d2\u10d0\u10d2\u10e3\u10d0", + "\u10ee\u10d8\u10db\u10e8\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e5\u10d0\u10d5\u10d7\u10d0\u10e0\u10d0\u10eb\u10d4", + "\u10d7\u10d0\u10d1\u10d0\u10d2\u10d0\u10e0\u10d8", + "\u10e1\u10d0\u10da\u10e3\u10e5\u10d5\u10d0\u10eb\u10d4", + "\u10d8\u10db\u10dc\u10d0\u10eb\u10d4", + "\u10d9\u10d8\u10e0\u10d9\u10d8\u10e2\u10d0\u10eb\u10d4", + "\u10db\u10d0\u10ed\u10d0\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10dc\u10d0\u10e1\u10e7\u10d8\u10d3\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e2\u10e7\u10d4\u10db\u10d0\u10da\u10d0\u10eb\u10d4", + "\u10d1\u10d0\u10e0\u10d1\u10d0\u10e5\u10d0\u10eb\u10d4", + "\u10d9\u10e3\u10ee\u10d8\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10db\u10d0\u10ed\u10d0\u10d5\u10d0\u10e0\u10d8\u10d0\u10dc\u10d8", + "\u10d9\u10d0\u10d6\u10d0\u10e0\u10d8\u10d0\u10dc\u10d8", + "\u10ea\u10d0\u10e0\u10ea\u10d8\u10eb\u10d4", + "\u10eb\u10dc\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10d9\u10d8\u10dc\u10ec\u10e3\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d5\u10d0\u10e0\u10d0\u10ea\u10ee\u10d4\u10da\u10d8\u10d0", + "\u10e2\u10e3\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10df\u10e6\u10d4\u10dc\u10e2\u10d8", + "\u10d2\u10d5\u10d4\u10dc\u10d4\u10e2\u10d0\u10eb\u10d4", + "\u10ee\u10d0\u10e2\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d1\u10d8\u10ec\u10d0\u10eb\u10d4", + "\u10db\u10d4\u10d2\u10e0\u10d4\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10ee\u10d0\u10e0\u10d0\u10d1\u10d0\u10eb\u10d4", + "\u10d0\u10d3\u10e3\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10dd\u10d2\u10e3\u10d0", + "\u10d0\u10ee\u10d0\u10da\u10d0\u10d8\u10d0", + "\u10ee\u10e3\u10ea\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d8\u10dc\u10d0\u10e1\u10d0\u10e0\u10d8\u10eb\u10d4", + "\u10d0\u10da\u10d0\u10d3\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10de\u10d4\u10e2\u10e0\u10dd\u10e1\u10d8\u10d0\u10dc\u10d8", + "\u10d2\u10e0\u10eb\u10d4\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ef\u10d0\u10dc\u10ef\u10e6\u10d0\u10d5\u10d0", + "\u10d1\u10d0\u10d9\u10e3\u10e0\u10d0\u10eb\u10d4", + "\u10d5\u10d0\u10e0\u10e8\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d5\u10d0\u10e0\u10d3\u10dd\u10e1\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10e9\u10d0\u10d3\u10e3\u10dc\u10d4\u10da\u10d8", + "\u10e4\u10d4\u10d8\u10e5\u10e0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d8\u10dd\u10d1\u10d8\u10eb\u10d4", + "\u10e5\u10d0\u10e0\u10ea\u10d8\u10d5\u10d0\u10eb\u10d4", + "\u10d9\u10d0\u10da\u10d0\u10dc\u10d3\u10d0\u10eb\u10d4", + "\u10d2\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10d9\u10d0\u10ea\u10d8\u10e2\u10d0\u10eb\u10d4", + "\u10d3\u10d0\u10e0\u10d1\u10d0\u10d8\u10eb\u10d4", + "\u10e3\u10d2\u10e0\u10d4\u10ee\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10d9\u10d4\u10d5\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e0\u10dd\u10d1\u10d0\u10e5\u10d8\u10eb\u10d4", + "\u10ea\u10dd\u10db\u10d0\u10d8\u10d0", + "\u10d1\u10dd\u10ed\u10dd\u10e0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10dc\u10dd\u10d6\u10d0\u10eb\u10d4", + "\u10ee\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10e7\u10d8\u10e4\u10e8\u10d8\u10eb\u10d4", + "\u10d2\u10e3\u10db\u10d1\u10d4\u10e0\u10d8\u10eb\u10d4", + "\u10e5\u10dd\u10d1\u10d0\u10da\u10d8\u10d0", + "\u10ea\u10e3\u10ea\u10e5\u10d8\u10e0\u10d8\u10eb\u10d4", + "\u10d7\u10e3\u10e0\u10db\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10e8\u10d0\u10d8\u10dc\u10d8\u10eb\u10d4", + "\u10d9\u10dd\u10d1\u10d4\u10e0\u10d8\u10eb\u10d4", + "\u10dc\u10d0\u10d9\u10d0\u10e8\u10d8\u10eb\u10d4", + "\u10d1\u10d4\u10e0\u10e3\u10da\u10d0\u10d5\u10d0", + "\u10d2\u10dd\u10d2\u10e3\u10d0\u10eb\u10d4", + "\u10ef\u10d8\u10d1\u10da\u10d0\u10eb\u10d4", + "\u10d4\u10da\u10d8\u10d6\u10d1\u10d0\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e0\u10dd\u10e1\u10e2\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e5\u10d0\u10e0\u10d7\u10d5\u10d4\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d1\u10d4\u10e0\u10d0\u10d8\u10d0", + "\u10d6\u10d0\u10e0\u10e5\u10e3\u10d0", + "\u10d7\u10dd\u10d3\u10e3\u10d0", + "\u10ea\u10d8\u10e0\u10d4\u10d9\u10d8\u10eb\u10d4", + "\u10d9\u10e3\u10de\u10e0\u10d4\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e1\u10e3\u10e0\u10db\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10dc\u10d0\u10e0\u10d8\u10db\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d9\u10d0\u10ee\u10d0\u10eb\u10d4", + "\u10e1\u10d5\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10ed\u10d9\u10d0\u10d3\u10e3\u10d0", + "\u10dc\u10d0\u10ed\u10e7\u10d4\u10d1\u10d8\u10d0", + "\u10d0\u10d3\u10d0\u10db\u10d8\u10d0", + "\u10d8\u10e0\u10d4\u10db\u10d0\u10eb\u10d4", + "\u10ed\u10d0\u10dc\u10e2\u10e3\u10e0\u10d8\u10eb\u10d4", + "\u10e2\u10d0\u10d1\u10d0\u10e2\u10d0\u10eb\u10d4", + "\u10de\u10d4\u10e2\u10e0\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e8\u10dd\u10dc\u10d8\u10d0", + "\u10d1\u10d8\u10d1\u10d8\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d6\u10dd\u10d8\u10eb\u10d4", + "\u10e5\u10dd\u10e0\u10d8\u10eb\u10d4", + "\u10d1\u10d4\u10e0\u10d8\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d0\u10d1\u10d3\u10e3\u10da\u10d0\u10d4\u10d5\u10d8", + "\u10dd\u10e5\u10e0\u10dd\u10de\u10d8\u10e0\u10d8\u10eb\u10d4", + "\u10db\u10d8\u10e5\u10d4\u10da\u10d0\u10eb\u10d4", + "\u10ee\u10dd\u10e0\u10d0\u10d5\u10d0", + "\u10d2\u10e3\u10da\u10e3\u10d0", + "\u10e5\u10dd\u10d1\u10e3\u10da\u10d0\u10eb\u10d4", + "\u10ec\u10d8\u10e5\u10d0\u10e0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10da\u10d0\u10ea\u10d0\u10d1\u10d8\u10eb\u10d4", + "\u10dc\u10d0\u10d1\u10d8\u10d4\u10d5\u10d8", + "\u10df\u10d5\u10d0\u10dc\u10d8\u10d0", + "\u10d5\u10d0\u10e1\u10d0\u10eb\u10d4", + "\u10d0\u10e0\u10d0\u10d1\u10e3\u10da\u10d8", + "\u10db\u10e3\u10e1\u10e2\u10d0\u10e4\u10d0\u10d4\u10d5\u10d0", + "\u10de\u10d0\u10d5\u10da\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d0\u10ee\u10d8\u10eb\u10d4", + "\u10da\u10dd\u10db\u10d0\u10eb\u10d4", + "\u10d1\u10d0\u10da\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e1\u10dd\u10e4\u10e0\u10dd\u10db\u10d0\u10eb\u10d4", + "\u10e8\u10d4\u10dc\u10d2\u10d4\u10da\u10d8\u10d0", + "\u10d9\u10d5\u10d0\u10ed\u10d0\u10eb\u10d4", + "\u10e9\u10d8\u10dc\u10e9\u10d0\u10da\u10d0\u10eb\u10d4", + "\u10d0\u10ee\u10dd\u10d1\u10d0\u10eb\u10d4", + "\u10ee\u10d0\u10e0\u10d0\u10e2\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e5\u10e3\u10e0\u10d3\u10d0\u10eb\u10d4", + "\u10ee\u10d0\u10e0\u10e8\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10ec\u10e3\u10e0\u10ec\u10e3\u10db\u10d8\u10d0", + "\u10d3\u10d0\u10da\u10d0\u10e5\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10d8\u10dd\u10e0\u10d2\u10dd\u10d1\u10d8\u10d0\u10dc\u10d8", + "\u10ef\u10d0\u10dc\u10d0\u10e8\u10d8\u10d0", + "\u10dc\u10d0\u10d3\u10d8\u10e0\u10d0\u10eb\u10d4", + "\u10e5\u10d4\u10d5\u10ee\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10dc\u10d8\u10df\u10d0\u10e0\u10d0\u10eb\u10d4", + "\u10e8\u10d0\u10db\u10d0\u10d7\u10d0\u10d5\u10d0", + "\u10e1\u10d0\u10ef\u10d0\u10d8\u10d0", + "\u10ed\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10d5\u10d4\u10d9\u10e3\u10d0", + "\u10d1\u10d8\u10d2\u10d5\u10d0\u10d5\u10d0", + "\u10ea\u10d0\u10dc\u10d0\u10d5\u10d0", + "\u10d2\u10dd\u10d2\u10d8\u10eb\u10d4", + "\u10d0\u10dc\u10d7\u10d0\u10eb\u10d4", + "\u10d2\u10d4\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ed\u10d4\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10da\u10dd\u10da\u10d0\u10eb\u10d4", + "\u10db\u10e3\u10db\u10da\u10d0\u10eb\u10d4", + "\u10ee\u10d0\u10e0\u10e9\u10d8\u10da\u10d0\u10d5\u10d0", + "\u10db\u10e3\u10e1\u10d0\u10d4\u10d5\u10d0", + "\u10d2\u10dd\u10d2\u10d8\u10d0", + "\u10db\u10d8\u10dc\u10d3\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e6\u10dd\u10dc\u10e6\u10d0\u10eb\u10d4", + "\u10dc\u10d4\u10db\u10e1\u10d0\u10eb\u10d4", + "\u10ee\u10d0\u10e0\u10d0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d0\u10da\u10d0\u10dc\u10d3\u10d8\u10d0", + "\u10d5\u10d0\u10da\u10d8\u10d4\u10d5\u10d0", + "\u10e8\u10d4\u10da\u10d8\u10d0", + "\u10de\u10d0\u10de\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e5\u10d8\u10e0\u10d8\u10d0", + "\u10e1\u10d8\u10ed\u10d8\u10dc\u10d0\u10d5\u10d0", + "\u10d8\u10db\u10d4\u10e0\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10d0\u10ef\u10d8\u10d4\u10d5\u10d0", + "\u10e8\u10d0\u10e0\u10d8\u10e5\u10d0\u10eb\u10d4", + "\u10e1\u10d0\u10dc\u10d8\u10d9\u10d8\u10eb\u10d4", + "\u10e7\u10dd\u10da\u10d1\u10d0\u10d8\u10d0", + "\u10d6\u10d4\u10d3\u10d2\u10d8\u10dc\u10d8\u10eb\u10d4", + "\u10dc\u10d0\u10e2\u10e0\u10dd\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d1\u10e3\u10e0\u10d3\u10e3\u10da\u10d8", + "\u10e4\u10d8\u10e4\u10d8\u10d0", + "\u10db\u10d0\u10db\u10e3\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e9\u10ee\u10d8\u10d9\u10d5\u10d0\u10eb\u10d4", + "\u10d2\u10d0\u10d1\u10e3\u10dc\u10d8\u10d0", + "\u10d8\u10e0\u10d4\u10db\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ed\u10d8\u10ed\u10d8\u10dc\u10d0\u10eb\u10d4", + "\u10d1\u10d4\u10df\u10d0\u10dc\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10dd\u10e1\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ef\u10d0\u10da\u10d0\u10e6\u10dd\u10dc\u10d8\u10d0", + "\u10e8\u10e3\u10d1\u10d8\u10d7\u10d8\u10eb\u10d4", + "\u10da\u10dd\u10e0\u10d7\u10e5\u10d8\u10e4\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10db\u10d8\u10db\u10d8\u10dc\u10dd\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e1\u10d4\u10ee\u10dc\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10d0\u10e9\u10d8\u10e2\u10d8\u10eb\u10d4", + "\u10d9\u10e3\u10ed\u10d0\u10d5\u10d0", + "\u10d2\u10dd\u10d2\u10d0\u10da\u10d0\u10eb\u10d4", + "\u10e2\u10e7\u10d4\u10d1\u10e3\u10e9\u10d0\u10d5\u10d0", + "\u10d9\u10d5\u10d8\u10dc\u10d8\u10d9\u10d0\u10eb\u10d4", + "\u10db\u10d4\u10da\u10e5\u10d0\u10eb\u10d4", + "\u10d1\u10d4\u10e5\u10d0\u10e3\u10e0\u10d8", + "\u10de\u10d0\u10de\u10d0\u10d5\u10d0", + "\u10ee\u10d5\u10d8\u10e9\u10d8\u10d0", + "\u10e0\u10d0\u10db\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e1\u10d8\u10e0\u10d1\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10dd\u10e5\u10e0\u10e3\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10d4\u10da\u10d8\u10e5\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d0\u10ed\u10d0\u10e0\u10d0\u10d5\u10d0", + "\u10d2\u10d0\u10d2\u10dc\u10d8\u10eb\u10d4", + "\u10d3\u10d5\u10d0\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10ed\u10d4\u10d3\u10da\u10d8\u10eb\u10d4", + "\u10db\u10d0\u10d7\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e9\u10d0\u10e9\u10e3\u10d0", + "\u10dc\u10d4\u10e4\u10d0\u10e0\u10d8\u10eb\u10d4", + "\u10dc\u10d0\u10d3\u10d8\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d0\u10e0\u10d0\u10d1\u10d8\u10eb\u10d4", + "\u10d1\u10d4\u10dc\u10d3\u10d4\u10da\u10d8\u10d0\u10dc\u10d8", + "\u10d9\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10d2\u10e3\u10da\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d1\u10d0\u10e0\u10d0\u10db\u10d8\u10eb\u10d4", + "\u10e7\u10d8\u10e4\u10d8\u10d0\u10dc\u10d8", + "\u10d9\u10d0\u10d9\u10d0\u10e3\u10e0\u10d8\u10eb\u10d4", + "\u10d2\u10d8\u10dd\u10e0\u10d2\u10d0\u10eb\u10d4", + "\u10d2\u10dd\u10d2\u10d8\u10e9\u10d0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10d0\u10d1\u10d0\u10d8\u10eb\u10d4", + "\u10d2\u10d8\u10d2\u10d0\u10e3\u10e0\u10d8", + "\u10d3\u10d0\u10dc\u10d4\u10da\u10d8\u10d0", + "\u10ee\u10d0\u10e9\u10d0\u10e2\u10e3\u10e0\u10d8\u10d0\u10dc\u10d8", + "\u10d0\u10d1\u10d0\u10e8\u10d8\u10eb\u10d4", + "\u10ef\u10d0\u10e4\u10d0\u10e0\u10d8\u10eb\u10d4", + "\u10e4\u10d0\u10e0\u10e2\u10d4\u10dc\u10d0\u10eb\u10d4", + "\u10d9\u10d8\u10da\u10d0\u10e1\u10dd\u10dc\u10d8\u10d0", + "\u10d7\u10d0\u10d5\u10d0\u10eb\u10d4", + "\u10d1\u10e3\u10ea\u10ee\u10e0\u10d8\u10d9\u10d8\u10eb\u10d4", + "\u10da\u10d4\u10df\u10d0\u10d5\u10d0", + "\u10d3\u10d4\u10d5\u10d8\u10eb\u10d4", + "\u10ec\u10d8\u10d9\u10da\u10d0\u10e3\u10e0\u10d8", + "\u10ed\u10d0\u10dc\u10e2\u10e3\u10e0\u10d8\u10d0", + "\u10eb\u10d8\u10eb\u10d8\u10d2\u10e3\u10e0\u10d8", + "\u10d9\u10d8\u10d9\u10d5\u10d0\u10eb\u10d4", + "\u10d1\u10d4\u10d2\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10e3\u10e0\u10e3\u10da\u10d8", + "\u10e8\u10d0\u10da\u10d0\u10db\u10d1\u10d4\u10e0\u10d8\u10eb\u10d4", + "\u10d9\u10d8\u10e0\u10d7\u10d0\u10eb\u10d4", + "\u10d0\u10d1\u10e0\u10d0\u10db\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e4\u10d8\u10e0\u10ea\u10ee\u10d0\u10da\u10d0\u10d5\u10d0", + "\u10d3\u10d4\u10d5\u10d0\u10eb\u10d4", + "\u10d9\u10e3\u10d1\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e5\u10d0\u10e0\u10d3\u10d0\u10d5\u10d0", + "\u10d1\u10d0\u10e5\u10e0\u10d0\u10eb\u10d4", + "\u10da\u10d0\u10d1\u10d0\u10eb\u10d4", + "\u10ee\u10dd\u10d6\u10e0\u10d4\u10d5\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d0\u10da\u10d8\u10d4\u10d5\u10d0", + "\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e4\u10e3\u10e2\u10d9\u10d0\u10e0\u10d0\u10eb\u10d4", + "\u10e7\u10e3\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ec\u10d4\u10e0\u10d4\u10d7\u10d4\u10da\u10d8", + "\u10d9\u10e3\u10ed\u10e3\u10ee\u10d8\u10eb\u10d4", + "\u10d1\u10d4\u10e0\u10d8\u10eb\u10d4", + "\u10d5\u10d0\u10e8\u10d0\u10e7\u10db\u10d0\u10eb\u10d4", + "\u10d1\u10d0\u10ee\u10e2\u10d0\u10eb\u10d4", + "\u10e8\u10d0\u10db\u10e3\u10d2\u10d8\u10d0", + "\u10dd\u10dc\u10d8\u10d0\u10dc\u10d8", + "\u10d0\u10dc\u10d3\u10e6\u10e3\u10da\u10d0\u10eb\u10d4", + "\u10dc\u10d8\u10e5\u10d0\u10d1\u10d0\u10eb\u10d4", + "\u10e1\u10d0\u10db\u10ee\u10d0\u10e0\u10d0\u10eb\u10d4", + "\u10db\u10d0\u10d6\u10db\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d3\u10d0\u10d5\u10d8\u10d7\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e4\u10d0\u10e0\u10ea\u10d5\u10d0\u10dc\u10d8\u10d0", + "\u10ee\u10d4\u10ea\u10e3\u10e0\u10d8\u10d0\u10dc\u10d8", + "\u10e5\u10d0\u10dc\u10d7\u10d0\u10e0\u10d8\u10d0", + "\u10d1\u10d4\u10e0\u10d0\u10eb\u10d4", + "\u10ee\u10d0\u10ed\u10d0\u10de\u10e3\u10e0\u10d8\u10eb\u10d4", + "\u10ef\u10e6\u10d0\u10e0\u10d9\u10d0\u10d5\u10d0", + "\u10d2\u10d4\u10d2\u10d4\u10e8\u10d8\u10eb\u10d4", + "\u10d9\u10e3\u10de\u10d0\u10e2\u10d0\u10eb\u10d4", + "\u10da\u10d8\u10de\u10d0\u10e0\u10e2\u10d4\u10da\u10d8\u10d0\u10dc\u10d8", + "\u10d2\u10d0\u10d1\u10d4\u10da\u10d8\u10d0", + "\u10db\u10d0\u10dc\u10d0\u10d2\u10d0\u10eb\u10d4", + "\u10d7\u10dd\u10e4\u10e3\u10e0\u10d8\u10d0", + "\u10e2\u10e7\u10d4\u10e8\u10d4\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d1\u10d4\u10dc\u10d8\u10eb\u10d4", + "\u10d9\u10d5\u10d8\u10e0\u10d9\u10d5\u10d4\u10da\u10d8\u10d0", + "\u10d3\u10dd\u10da\u10d8\u10eb\u10d4", + "\u10ee\u10d0\u10e0\u10d4\u10d1\u10d0\u10d5\u10d0", + "\u10d6\u10e3\u10e0\u10d0\u10d1\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10dc\u10d8\u10d9\u10dd\u10da\u10d0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e1\u10d0\u10e0\u10d0\u10da\u10d8\u10eb\u10d4", + "\u10d2\u10dd\u10d2\u10dd\u10ee\u10d8\u10d0", + "\u10d0\u10ee\u10d5\u10da\u10d4\u10d3\u10d8\u10d0\u10dc\u10d8", + "\u10db\u10d4\u10e4\u10d0\u10e0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e5\u10d0\u10ef\u10d0\u10d8\u10d0", + "\u10d7\u10dd\u10da\u10dd\u10e0\u10d3\u10d0\u10d5\u10d0", + "\u10e0\u10dd\u10d2\u10d0\u10d5\u10d0", + "\u10d8\u10da\u10e3\u10e0\u10d8\u10eb\u10d4", + "\u10d2\u10dd\u10e0\u10d2\u10d0\u10eb\u10d4", + "\u10db\u10df\u10d0\u10d5\u10d0\u10dc\u10d0\u10eb\u10d4", + "\u10e1\u10d0\u10db\u10e3\u10e8\u10d8\u10d0", + "\u10ef\u10d8\u10e5\u10d8\u10d0", + "\u10d1\u10da\u10d8\u10d0\u10eb\u10d4", + "\u10db\u10d0\u10e6\u10da\u10d0\u10d9\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10d1\u10d4\u10e0\u10e3\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10db\u10d0\u10db\u10d0\u10da\u10d0\u10eb\u10d4", + "\u10d2\u10dd\u10d2\u10dd\u10da\u10d0\u10eb\u10d4", + "\u10db\u10e3\u10e1\u10d0\u10d4\u10d5\u10d8", + "\u10d2\u10e3\u10e0\u10d4\u10e8\u10d8\u10eb\u10d4", + "\u10e0\u10d0\u10d6\u10db\u10d0\u10eb\u10d4", + "\u10d2\u10d0\u10d1\u10d4\u10d3\u10d0\u10d5\u10d0", + "\u10d0\u10d1\u10d4\u10e1\u10d0\u10eb\u10d4", + "\u10e1\u10ee\u10d8\u10e0\u10e2\u10da\u10d0\u10eb\u10d4", + "\u10db\u10d4\u10da\u10d8\u10e5\u10d8\u10eb\u10d4", + "\u10db\u10d8\u10e5\u10d0\u10d1\u10d4\u10e0\u10d8\u10eb\u10d4", + "\u10da\u10dd\u10d1\u10df\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10da\u10dd\u10db\u10e1\u10d0\u10eb\u10d4", + "\u10e8\u10d0\u10d7\u10d8\u10e0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d6\u10d0\u10e0\u10d8\u10eb\u10d4", + "\u10d0\u10e1\u10d0\u10d7\u10d8\u10d0\u10dc\u10d8", + "\u10e7\u10d0\u10d5\u10d4\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ef\u10d0\u10d5\u10d0\u10ee\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d1\u10dd\u10d9\u10e3\u10e9\u10d0\u10d5\u10d0", + "\u10dc\u10e3\u10ea\u10e3\u10d1\u10d8\u10eb\u10d4", + "\u10d0\u10d5\u10d0\u10da\u10d8\u10d0\u10dc\u10d8", + "\u10e1\u10d8\u10da\u10d0\u10d2\u10d0\u10eb\u10d4", + "\u10e9\u10e3\u10d1\u10d8\u10dc\u10d8\u10eb\u10d4", + "\u10db\u10d0\u10ee\u10d0\u10d7\u10d0\u10eb\u10d4", + "\u10d9\u10dd\u10d1\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e0\u10d4\u10ee\u10d5\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d0\u10ee\u10d0\u10da\u10d0\u10eb\u10d4", + "\u10ef\u10dd\u10ee\u10d0\u10eb\u10d4", + "\u10e6\u10d0\u10e0\u10d8\u10d1\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d4\u10d9\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10ef\u10dd\u10ef\u10e3\u10d0", + "\u10e9\u10ee\u10d0\u10e0\u10e2\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10dd\u10d2\u10d8\u10e9\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10da\u10d0\u10e2\u10d0\u10e0\u10d8\u10d0", + "\u10d3\u10e3\u10db\u10d1\u10d0\u10eb\u10d4", + "\u10ee\u10d5\u10d4\u10d3\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10ed\u10d8\u10d7\u10d0\u10dc\u10d0\u10d5\u10d0", + "\u10ef\u10d0\u10dc\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10e2\u10d0\u10da\u10d0\u10ee\u10d0\u10eb\u10d4", + "\u10d2\u10d0\u10ef\u10d8\u10d4\u10d5\u10d8", + "\u10db\u10d4\u10e0\u10d0\u10d1\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d7\u10d4\u10d3\u10dd\u10e0\u10d0\u10eb\u10d4", + "\u10d9\u10dd\u10d1\u10d0\u10d8\u10eb\u10d4", + "\u10e6\u10da\u10dd\u10dc\u10e2\u10d8", + "\u10d4\u10da\u10d1\u10d0\u10e5\u10d8\u10eb\u10d4", + "\u10db\u10d8\u10e5\u10d0\u10d5\u10d0", + "\u10dd\u10d7\u10d0\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e8\u10d0\u10d5\u10d0\u10eb\u10d4", + "\u10ea\u10d4\u10e0\u10ea\u10d5\u10d0\u10eb\u10d4", + "\u10ec\u10e3\u10da\u10e3\u10d9\u10d8\u10eb\u10d4", + "\u10db\u10ed\u10d4\u10d3\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10d0\u10d9\u10e3\u10da\u10d8\u10d0", + "\u10db\u10d0\u10e6\u10e0\u10d0\u10eb\u10d4", + "\u10ee\u10e3\u10e0\u10ea\u10d8\u10da\u10d0\u10d5\u10d0", + "\u10e4\u10d4\u10e0\u10d0\u10eb\u10d4", + "\u10ea\u10d4\u10ea\u10ee\u10da\u10d0\u10eb\u10d4", + "\u10d9\u10d5\u10d4\u10e0\u10dc\u10d0\u10eb\u10d4", + "\u10e4\u10ee\u10d0\u10da\u10d0\u10eb\u10d4", + "\u10dc\u10d4\u10d1\u10d8\u10d4\u10e0\u10d8\u10eb\u10d4", + "\u10d9\u10d4\u10e0\u10d4\u10e1\u10d4\u10da\u10d8\u10eb\u10d4", + "\u10d9\u10e3\u10e0\u10e2\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10e1\u10e3\u10da\u10d0\u10d1\u10d4\u10e0\u10d8\u10eb\u10d4", + "\u10d0\u10da\u10d0\u10dc\u10d8\u10d0", + "\u10d1\u10d4\u10e0\u10eb\u10d4\u10dc\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d2\u10e3\u10e0\u10d2\u10d4\u10dc\u10d8\u10eb\u10d4", + "\u10d2\u10dd\u10d2\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ef\u10d0\u10dc\u10d8\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d9\u10e3\u10de\u10e0\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e1\u10d0\u10e0\u10e5\u10d8\u10e1\u10d8\u10d0\u10dc\u10d8", + "\u10e1\u10d8\u10e0\u10d0\u10eb\u10d4", + "\u10d1\u10e0\u10d4\u10d2\u10d5\u10d0\u10eb\u10d4", + "\u10e4\u10dd\u10e4\u10ee\u10d0\u10eb\u10d4", + "\u10de\u10d0\u10de\u10e3\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d0\u10e4\u10ea\u10d8\u10d0\u10e3\u10e0\u10d8", + "\u10d2\u10d5\u10d0\u10e1\u10d0\u10da\u10d8\u10d0", + "\u10d9\u10d0\u10de\u10d0\u10dc\u10d0\u10eb\u10d4", + "\u10e0\u10d4\u10d5\u10d0\u10d6\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10da\u10d0\u10d2\u10d5\u10d8\u10da\u10d0\u10d5\u10d0", + "\u10db\u10d0\u10db\u10e3\u10da\u10d0\u10eb\u10d4", + "\u10d9\u10dd\u10ee\u10e0\u10d4\u10d8\u10eb\u10d4", + "\u10d7\u10d0\u10d5\u10d0\u10e0\u10d7\u10e5\u10d8\u10da\u10d0\u10eb\u10d4", + "\u10d2\u10dd\u10d2\u10d8\u10dc\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10de\u10d0\u10de\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10e5\u10d0\u10d7\u10d0\u10db\u10d0\u10eb\u10d4", + "\u10d0\u10e1\u10d0\u10dc\u10d8\u10eb\u10d4", + "\u10d1\u10dd\u10da\u10e5\u10d5\u10d0\u10eb\u10d4", + "\u10da\u10dd\u10db\u10d8\u10eb\u10d4", + "\u10d0\u10d1\u10e3\u10da\u10d0\u10eb\u10d4", + "\u10ef\u10d0\u10d8\u10d0\u10dc\u10d8", + "\u10db\u10e6\u10d4\u10d1\u10e0\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ed\u10d0\u10e6\u10d0\u10da\u10d8\u10eb\u10d4", + "\u10d1\u10d0\u10e1\u10d8\u10da\u10d0\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10ee\u10d0\u10e9\u10d8\u10eb\u10d4", + "\u10db\u10d8\u10e5\u10d0\u10eb\u10d4", + "\u10e8\u10e3\u10d9\u10d0\u10d9\u10d8\u10eb\u10d4", + "\u10d9\u10dd\u10d1\u10d0\u10ee\u10d8\u10eb\u10d4", + "\u10d0\u10da\u10d8\u10d4\u10d5\u10d8", + "\u10dc\u10d0\u10ea\u10d5\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u10d3\u10d4\u10d3\u10dd\u10e4\u10d0\u10da\u10d8": "\u10ee\u10d4\u10da\u10db\u10ec\u10d8\u10e4\u10d4", + "\u10db\u10d3\u10d4\u10d3\u10e0\u10dd\u10d1\u10d8\u10d7\u10d8": "\u10db\u10d0\u10db\u10e0\u10d8", + "\u10e5\u10d0\u10da\u10d8": "\u10db\u10d0\u10db\u10d0\u10d9\u10d0\u10ea\u10d8", + "\u10db\u10d3\u10d4\u10d3\u10e0\u10d8": "\u10db\u10d0\u10db\u10e0\u10dd\u10d1\u10d8\u10d7\u10d8", + "\u10d3\u10d4\u10d3\u10d0": "\u10db\u10d0\u10db\u10d0", + "\u10d3\u10d8\u10d3\u10d0": "\u10db\u10d0\u10db\u10d0", + "\u10db\u10dd\u10dc\u10d0\u10d6\u10dd\u10dc\u10d8": "\u10d1\u10d4\u10e0\u10db\u10dd\u10dc\u10d0\u10d6\u10d5\u10dc\u10dd\u10d1\u10d0", + "\u10de\u10e0\u10d8\u10dc\u10ea\u10d4\u10e1\u10d0": "\u10de\u10e0\u10d8\u10dc\u10ea\u10d8", + "\u10d3\u10d0": "\u10eb\u10db\u10d0", + "\u10d3\u10d4\u10d3\u10d8\u10dc\u10d0\u10ea\u10d5\u10d0\u10da\u10d8": "\u10db\u10d0\u10db\u10d8\u10dc\u10d0\u10ea\u10d5\u10d0\u10da\u10d8", + "\u10ea\u10dd\u10da\u10d8": "\u10e5\u10db\u10d0\u10e0\u10d8", + "\u10d2\u10e0\u10eb\u10dc\u10d4\u10e3\u10da\u10d8": "\u10ef\u10d0\u10d3\u10dd\u10e5\u10d0\u10e0\u10d8", + "\u10d9\u10e3\u10d3\u10d8\u10d0\u10dc\u10d8": "\u10db\u10d8\u10e1\u10d0\u10dc\u10d8", + "\u10ef\u10d0\u10d3\u10dd\u10e5\u10d0\u10e0\u10d8": "\u10db\u10d8\u10e1\u10d0\u10dc\u10d8", + "\u10d3\u10d8\u10d0\u10ea\u10d8": "\u10db\u10d0\u10db\u10d0\u10d9\u10d0\u10ea\u10d8", + "\u10d3\u10d4\u10d3\u10d0\u10d9\u10d0\u10ea\u10d8": "\u10d0\u10d3\u10d0\u10db\u10d8\u10d0\u10dc\u10d8", + "\u10d1\u10d0\u10dc\u10dd\u10d5\u10d0\u10dc\u10d8": "\u10d0\u10d3\u10d0\u10db\u10d8\u10d0\u10dc\u10d8", + "\u10d1\u10d8\u10ed\u10d8": "\u10d2\u10dd\u10d2\u10dd" + }, + "other_gender_swap": { + "\u10d8\u10e1\u10d8\u10dc\u10d8": "\u10d8\u10e1", + "\u10d8\u10e1": "\u10d8\u10e1\u10d8\u10dc\u10d8" + }, + "en_pronoun2gender": { + "they": [ + "\u10d1\u10d8\u10e1\u10d4\u10e5\u10e1\u10e3\u10d0\u10da\u10d8", + "\u10e2\u10e0\u10d0\u10dc\u10e1\u10d2\u10d4\u10dc\u10d3\u10d4\u10e0\u10d8", + "\u10f0\u10dd\u10db\u10dd\u10e1\u10d4\u10e5\u10e1\u10e3\u10d0\u10da\u10d8" + ], + "he": [ + "\u10db\u10d0\u10db\u10d0\u10d9\u10d0\u10ea\u10d8", + "\u10d1\u10d8\u10ed\u10d8", + "\u10d0\u10d3\u10d0\u10db\u10d8\u10d0\u10dc\u10d8", + "\u10d1\u10d8\u10ed\u10e3\u10dc\u10d0", + "\u10db\u10d0\u10db\u10e0\u10dd\u10d1\u10d8\u10d7\u10d8", + "\u10db\u10d0\u10db\u10e0\u10d8", + "\u10ef\u10d4\u10dc\u10e2\u10da\u10db\u10d4\u10dc\u10d8" + ], + "she": [ + "\u10d2\u10dd\u10d2\u10dd", + "\u10da\u10d4\u10e1\u10d1\u10dd\u10e1\u10d4\u10da\u10d8", + "\u10d3\u10d4\u10d3\u10d0\u10d7\u10db\u10d0\u10d5\u10d0\u10da\u10d8", + "\u10e5\u10d0\u10da\u10ec\u10e3\u10da\u10d8", + "\u10e5\u10d0\u10da\u10d8", + "\u10d3\u10d8\u10d0\u10ea\u10d8", + "\u10e5\u10d0\u10da\u10d8\u10e8\u10d5\u10d8\u10da\u10d8", + "\u10d3\u10d4\u10d3\u10d0\u10d9\u10d0\u10ea\u10d8", + "\u10db\u10d3\u10d4\u10d3\u10e0\u10d8", + "\u10d1\u10d0\u10dc\u10dd\u10d5\u10d0\u10dc\u10d8", + "\u10db\u10d3\u10d4\u10d3\u10e0\u10dd\u10d1\u10d8\u10d7\u10d8" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u10d8\u10e1" + ], + "she": [ + "\u10d8\u10e1" + ], + "they": [ + "\u10d8\u10e1\u10d8\u10dc\u10d8", + "\u10d8\u10db\u10d0\u10d7\u10d8", + "\u10db\u10d0\u10d7", + "\u10d7\u10d0\u10d5\u10d8\u10d0\u10dc\u10d7\u10d8", + "\u10d8\u10db\u10d0\u10d7", + "\u10db\u10d0\u10d7\u10d8" + ], + "it": [ + "\u10d8\u10e1", + "\u10e0\u10dd\u10db", + "\u10d4\u10e1" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kbd.json b/data_tooling/pii_processing/ontology/data/kbd.json new file mode 100644 index 0000000..ac80d00 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kbd.json @@ -0,0 +1,26 @@ +{ + "FOOD": [ + "\u0434\u0436\u044d\u0434\u044b\u043a\u04cf\u044d" + ], + "PRODUCT": [ + "\u043a\u044a\u0440\u0443\u0445\u0443\u0433\u0443" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043d\u044b": "\u0442\u044b" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/khb.json b/data_tooling/pii_processing/ontology/data/khb.json new file mode 100644 index 0000000..6b07b7b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/khb.json @@ -0,0 +1,30 @@ +{ + "ORG": [ + "\u19b7\u19a3\u19c2\u19b5\u19a3\u19c3\u1993\u19be\u19c9" + ], + "PERSON": [ + "\u1989\u19b1\u19c4\u1989\u19b2\u19c7\u1989\u19b8\u19c2" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u19b6\u1999\u19c8": "\u1997\u19b8\u19c8" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "it": [ + "\u1993\u19b2\u19b0" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ki.json b/data_tooling/pii_processing/ontology/data/ki.json new file mode 100644 index 0000000..d0f209a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ki.json @@ -0,0 +1,68 @@ +{ + "ORG": [ + "santalusia" + ], + "ANIMAL": [ + "thimb\u0169", + "bundi", + "thegere" + ], + "LANGUAGE": [ + "kongo", + "tonga" + ], + "PLANT": [ + "nathi" + ], + "JOB": [ + "mwarimo", + "dagitari", + "kinyothi", + "derefa" + ], + "GPE": [ + "kodiva" + ], + "FAC": [ + "santalusia" + ], + "FOOD": [ + "chile" + ], + "PERSON_PRONOUN": [ + "we" + ], + "LOCATION": [ + "srilanka", + "kepu_vad" + ], + "DISEASE": [ + "m\u0169thand\u0169k\u0169" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "mutumia": "morume" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "kar\u0129\u0129g\u0169", + "kar\u0129g\u0169", + "m\u0169ir\u0129tu", + "k\u0129r\u0129g\u0169", + "m\u0169ir\u0129\u0129tu" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kim.json b/data_tooling/pii_processing/ontology/data/kim.json new file mode 100644 index 0000000..cd8ba67 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kim.json @@ -0,0 +1,28 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u0432\u0430": "\u0430\u0442\u0430" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u043e\u043e\u043b" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0442\u043e\u0439" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kjh.json b/data_tooling/pii_processing/ontology/data/kjh.json new file mode 100644 index 0000000..54d68c5 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kjh.json @@ -0,0 +1,44 @@ +{ + "FOOD": [ + "\u043d\u044b\u043c\u044b\u0440\u0445\u0430" + ], + "PERSON_PRONOUN": [ + "\u043e\u043b" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0445\u044b\u0437\u044b": "\u0441\u0438\u043d" + }, + "other_gender_swap": { + "\u043e\u043b\u0430\u0440": "\u043e\u043b", + "\u043e\u043b": "\u043e\u043b\u0430\u0440" + }, + "en_pronoun2gender": { + "he": [ + "\u0438\u0440" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ], + "they": [ + "\u0438\u043c", + "\u043e\u043b\u0430\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kk.json b/data_tooling/pii_processing/ontology/data/kk.json new file mode 100644 index 0000000..efc59bb --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kk.json @@ -0,0 +1,281 @@ +{ + "EVENT": [ + "\u043a\u0438\u043d\u043e\u0444\u0435\u0441\u0442\u0438\u0432\u0430\u043b\u044c" + ], + "DISEASE": [ + "\u043f\u0441\u0438\u0445\u043e\u043d\u0435\u0440\u0432\u043e\u0437", + "\u0442\u0430\u043b\u0430\u0441\u0441\u0435\u043c\u0438\u044f", + "\u043a\u0430\u0440\u0434\u0438\u043e\u043c\u0438\u043e\u043f\u0430\u0442\u0438\u044f", + "\u0433\u0438\u043d\u0435\u043a\u043e\u043c\u0430\u0441\u0442\u0438\u044f", + "\u043f\u0440\u043e\u0433\u0435\u0440\u0438\u044f", + "\u0441\u0443\u0441\u0430\u0443", + "\u0442\u04d9\u0443\u0435\u043b\u0434\u0456\u043b\u0456\u043a", + "\u043b\u0438\u0441\u0442\u0435\u0440\u0438\u043e\u0437", + "\u043f\u043e\u043b\u0438\u043e\u043c\u0438\u0435\u043b\u0438\u0442", + "\u0430\u043a\u0442\u0438\u043d\u043e\u043c\u0438\u043a\u043e\u0437", + "\u043a\u04e9\u043a\u0436\u04e9\u0442\u0435\u043b", + "\u043f\u0430\u043f\u0438\u043b\u043b\u043e\u043c\u0430", + "\u0433\u0430\u043b\u0430\u043a\u0442\u043e\u0437\u0435\u043c\u0438\u044f", + "\u0444\u0438\u0442\u043e\u0444\u0442\u043e\u0440\u043e\u0437", + "\u043f\u043e\u043b\u0438\u043f", + "\u0435\u0441\u0435\u043a\u0436\u0435\u043c" + ], + "PUBLIC_FIGURE": [ + "\u04d9\u0443\u043b\u0438\u0435_\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u0438\u0439_\u04e9\u0437\u0435\u043d\u0456", + "c", + "\u04e9\u0437_\u0436\u0430\u043d\u044b\u043d_\u04e9\u0437\u0456_\u049b\u0438\u044e", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440_\u043a\u043e\u043b\u0443\u043c\u0431", + "o", + "1", + "v_\u0433\u0435\u043e\u0440\u0433", + "\u04af\u04a3\u0433\u0456\u0440\u0435\u043a\u0442\u0435\u0440", + "\u0430\u043d\u0434\u0435\u0440\u0441_\u0446\u0435\u043b\u044c\u0441\u0438\u0439", + "\u0432\u0430\u0441\u0438\u043b\u0438\u0439_\u043a\u0430\u043d\u0434\u0438\u043d\u0441\u043a\u0438\u0439", + "\u043a\u0440\u043e\u043c\u0432\u0435\u043b\u044c" + ], + "JOB": [ + "\u049b\u04b1\u0441\u0431\u0435\u0433\u0456", + "\u0442\u0456\u043b\u043c\u0430\u0448", + "\u0436\u0430\u0440\u0430\u0442\u049b\u0430\u043d", + "the_\u0131ndependent", + "\u043a\u0456\u0442\u0430\u043f\u0445\u0430\u043d\u0430\u0448\u044b", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0441\u043e\u0440", + "\u0430\u043d\u0435\u0441\u0442\u0435\u0437\u0438\u043e\u043b\u043e\u0433", + "\u0441\u0430\u0442\u0443\u0448\u044b", + "the_guardian", + "\u0444\u043e\u0442\u043e\u0433\u0440\u0430\u0444", + "\u0441\u044b\u043d\u044b\u049b\u0448\u044b", + "\u0430\u0441\u043f\u0430\u0437", + "doc", + "\u0430\u0440\u0434\u0430\u0433\u0435\u0440", + "\u0445\u0430\u0431\u0430\u0440\u0448\u044b", + "\u0431\u0430\u0440\u0438\u0441\u0442\u0430", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442", + "\u043a\u0430\u043f\u0438\u0442\u0430\u043d", + "\u049b\u0430\u043b\u0430\u0431\u0430\u0441\u044b", + "\u0431\u0430\u0441\u043f\u0430\u0448\u044b" + ], + "ANIMAL": [ + "\u0430\u0440\u0441_\u0430\u0440\u0441", + "\u043a\u04d9\u0434\u0456\u043c\u0433\u0456_\u0448\u0430\u0493\u0430\u043b\u0430", + "\u0442\u0430\u0443\u0435\u0448\u043a\u0456", + "\u049b\u0430\u0440\u0430\u049b\u0442\u04b1\u043c\u0441\u044b\u049b", + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043b\u044b\u049b_\u0436\u0430\u0439\u0440\u0430\u043b\u0430\u0440", + "\u049b\u0430\u0440\u0430\u049b\u04b1\u0439\u0440\u044b\u049b", + "\u0436\u0430\u043c\u0430\u043d\u0441\u0430\u0440\u044b", + "\u0430\u0440\u0441_\u04b1\u0440\u0441", + "c\u043e\u043b\u043d\u0435\u0447\u043d\u0438\u043a", + "\u0442\u04af\u0440\u043a\u0435\u043f\u0442\u0435\u0440", + "\u044d\u0431\u043e\u043b\u0430_\u0430\u0443\u0440\u0443\u044b", + "\u0438\u0442\u0430\u043b\u0430\u049b\u0430\u0437", + "\u043a\u04af\u0437\u0435\u043d\u0434\u0435\u0440", + "\u043a\u04e9\u043a\u049b\u0430\u0440\u0493\u0430", + "\u0430\u0439_\u0430\u0439" + ], + "SOC_ECO_CLASS": [ + "\u0441\u043e\u0446\u0438\u0443\u043c", + "\u0430\u0443\u044b\u043b_\u0448\u0430\u0440\u0443\u0430\u0448\u044b\u043b\u044b\u0493\u044b" + ], + "QUANTITY": [ + "\u043a\u0430\u043b\u043e\u0440\u0438\u044f" + ], + "GPE": [ + "\u0433\u0435\u0440\u043c\u0430\u043d\u0434\u044b\u049b_\u0438\u043c\u043f\u0435\u0440\u0438\u044f", + "\u0430\u049b_\u04af\u0439", + "\u043e\u043b\u0438\u043c\u043f\u0438\u044f\u043b\u044b\u049b_\u049b\u0430\u043b\u0430\u0448\u044b\u049b", + "\u0436\u0430\u04a3\u0430_\u04e9\u0441\u0438\u0435\u0442", + "\u0430\u0434\u0430\u043c_\u049b\u04b1\u049b\u044b\u049b\u0442\u0430\u0440\u044b" + ], + "BIO_CHEM_ENTITY": [ + "\u043c\u043e\u043d\u043e\u0430\u043c\u0438\u043d\u043e\u043a\u0441\u0438\u0434\u0430\u0437\u0430", + "\u043f\u043e\u043b\u0438\u0432\u0438\u043d\u0438\u043b\u0445\u043b\u043e\u0440\u0438\u0434", + "\u0430\u0434\u0435\u043d\u043e\u0437\u0438\u043d\u0434\u0438\u0444\u043e\u0441\u0444\u0430\u0442" + ], + "ORG": [ + "\u0441\u043e\u0446\u0438\u0430\u043b\u0438\u0441\u0442\u0456\u043a_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043c\u043e\u0434\u0435\u0440\u043d", + "\u043f\u0430\u043d\u0441\u0438\u043e\u043d\u0434\u0430\u0440", + "\u0431\u0435\u043b\u0430\u0493\u0430\u0448", + "\u0445\u0443\u0430\u043d\u0445\u044d", + "\u04b1\u0439\u049b\u044b\u0434\u0430\u0493\u044b_\u0430\u0440\u0443", + "\u0430\u0439\u044f_\u0441\u043e\u0444\u0438\u044f", + "\u043e\u0440\u0442\u0430\u043b\u044b\u049b_\u0431\u0430\u043d\u043a", + "\u0441\u0430\u044f\u0441\u0438_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043c\u0435\u043d\u0456\u04a3_\u0430\u0442\u044b\u043c", + "\u043a\u0430\u0442\u043e\u043b\u0438\u043a_\u0448\u0456\u0440\u043a\u0435\u0443\u0456", + "\u0433\u043e\u043c\u0438\u043d\u044c\u0434\u0430\u043d", + "\u043e\u0440\u0442\u0430_\u0442\u0430\u043f", + "\u049b\u044b\u0437\u044b\u043b_\u0442\u0435\u04a3\u0456\u0437", + "\u0441\u0438\u043d\u0442\u043e\u0438\u0437\u043c", + "\u043a\u0435\u043f\u0442\u0435\u043b\u0456\u0441", + "\u043a\u04d9\u0441\u0456\u043f\u043e\u0434\u0430\u049b", + "\u04b1\u0439\u049b\u044b\u0434\u0430\u0493\u044b_\u0441\u04b1\u043b\u0443", + "\u0438\u0441\u043b\u0430\u043c\u0442\u0430\u043d\u0443", + "\u0436\u043e\u0493\u0430\u0440\u0493\u044b_\u0441\u043e\u0442", + "\u0436\u04b1\u043c\u044b\u0441\u0448\u044b_\u0442\u0430\u0431\u044b", + "\u049b\u0430\u0440\u0430_\u043d\u0430\u0440\u044b\u049b", + "\u0441\u0435\u043d\u0442_\u043b\u044e\u0441\u0438\u044f", + "doc", + "\u0436\u043e\u0493\u0430\u0440\u0493\u044b_\u043a\u04e9\u043b", + "\u0430\u049b\u0448", + "\u0440\u0438\u043c_\u043a\u0430\u0442\u043e\u043b\u0438\u043a_\u0448\u0456\u0440\u043a\u0435\u0443\u0456", + "\u0445\u0430\u043b\u044b\u049b\u0430\u0440\u0430\u043b\u044b\u049b_\u044d\u043b\u0435\u043a\u0442\u0440_\u0431\u0430\u0439\u043b\u0430\u043d\u044b\u0441\u044b_\u043e\u0434\u0430\u0493\u044b", + "\u0441\u0430\u0493\u044b\u0437", + "\u0441\u0430\u0443\u0434\u0430_\u043e\u0440\u0442\u0430\u043b\u044b\u0493\u044b", + "\u0430\u0437\u0430\u043c\u0430\u0442\u0442\u044b\u049b_\u049b\u04b1\u049b\u044b\u049b", + "\u0440\u0438\u043c_\u049b\u04b1\u049b\u044b\u0493\u044b", + "\u049b\u044b\u0441\u0442\u0430\u0443_\u049b\u0430\u0440\u043b\u044b\u0493\u0430\u0448\u044b" + ], + "RACE": [ + "\u0437\u04d9\u04a3\u0433\u0456", + "\u0436\u0430\u043f\u043e\u043d\u0434\u0430\u0440", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043b\u044b\u049b\u0442\u0430\u0440" + ], + "PERSON_PRONOUN": [ + "\u0431\u0456\u0437", + "\u043e\u043b" + ], + "LOCATION": [ + "\u0430\u049b\u0448_\u04d9\u0441\u043a\u0435\u0440\u0456", + "\u04af\u043b\u043a\u0435\u043d_\u0430\u044e_\u0448\u043e\u049b\u0436\u04b1\u043b\u0434\u044b\u0437\u044b", + "\u04d9\u0441\u043a\u0435\u0440\u0438_\u0430\u043a\u0430\u0434\u0435\u043c\u0438\u044f", + "\u04d9\u043b_\u0436\u0430\u0437\u0438\u0440\u0430_\u0442\u0435\u043b\u0435\u0430\u0440\u043d\u0430\u0441\u044b", + "\u0436\u0430\u04a3\u0430_\u0436\u044b\u043b_\u049b\u0430\u0440\u0441\u0430\u04a3\u044b", + "\u0430\u044f\u0437_\u0430\u0442\u0430", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0438\u044f_\u0430\u043d\u0445\u0430\u043b\u044c\u0442", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u0431\u043e\u0442\u0430\u043d\u0438\u043a\u0430\u043b\u044b\u049b_\u0431\u0430\u049b", + "the_rolling_stones", + "\u0432\u0435\u0441\u043f\u0443\u0447\u0447\u0438_\u0430\u043c\u0435\u0440\u0438\u0433\u043e", + "\u0442\u0430\u044f\u0443_\u0448\u044b\u0493\u044b\u0441", + "\u04d9\u0443\u043b\u0438\u0435_\u0435\u043b\u0435\u043d\u0430_\u0430\u0440\u0430\u043b\u044b" + ], + "PERSON": [ + "\u0441\u0435\u043d_\u0431\u0430\u0440\u0442\u0435\u043b\u0435\u043c\u0438" + ], + "LANGUAGE": [ + "\u0448\u0435\u0448\u0435\u043d", + "\u0430\u0440\u0430\u0431" + ], + "PLANT": [ + "\u0430\u0440\u044b\u0441\u0442\u0430\u043d\u049b\u04b1\u0439\u0440\u044b\u049b", + "\u0433\u0438\u0434\u0440\u043e\u0444\u0438\u0442\u0442\u0435\u0440", + "\u0447\u0435\u0440\u0438\u043c\u043e\u0439\u044f", + "\u0430\u043b\u0430\u0442\u0456\u043a\u0435\u043d", + "\u0441\u0430\u0440\u044b\u0431\u0430\u0441", + "\u0430\u049b_\u0441\u0430\u04a3\u044b\u0440\u0430\u0443\u049b\u04b1\u043b\u0430\u049b", + "\u0431\u043e\u0442\u0430\u043a\u04e9\u0437" + ], + "POLITICAL_PARTY": [ + "\u0441\u043e\u0446\u0438\u0430\u043b_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u044f\u043b\u044b\u049b_\u043f\u0430\u0440\u0442\u0438\u044f\u043b\u0430\u0440" + ], + "PRODUCT": [ + "\u0441\u0430\u043b\u0442\u0430\u043d\u0430\u0442_\u049b\u0430\u049b\u043f\u0430\u0441\u044b", + "\u043a\u0438\u0435\u043b\u0456_\u0440\u0443\u0445", + "\u0436\u0430\u04a3\u0430_\u0436\u044b\u043b\u0434\u044b\u049b_\u0448\u044b\u0440\u0448\u0430" + ], + "UNION": [ + "\u0442\u0440\u0435\u0434_\u044e\u043d\u0438\u043e\u043d\u0434\u0430\u0440", + "\u043a\u04d9\u0441\u0456\u043f\u0448\u0456\u043b\u0435\u0440_\u043e\u0434\u0430\u0493\u044b" + ], + "FAC": [ + "\u043a\u0435\u0434\u0435\u043d", + "\u0456_\u043f\u0435\u0442\u0440", + "\u0431\u0430\u0441\u043f\u0430\u0445\u0430\u043d\u0430", + "\u0430\u0442\u0430\u043a\u0430\u043c\u0430" + ], + "LAW": [ + "\u0444\u0435\u0434\u0435\u0440\u0430\u043b\u0434\u044b\u049b_\u0442\u0435\u0440\u0433\u0435\u0443_\u0431\u044e\u0440\u043e\u0441\u044b" + ], + "FOOD": [ + "\u0436\u04b1\u043c\u044b\u0440\u0442\u049b\u0430" + ], + "DATE": [ + "\u043a\u04d9\u0440\u0456\u043b\u0456\u043a", + "\u0430\u0439_\u043a\u04af\u043d\u0442\u0456\u0437\u0431\u0435\u0441\u0456" + ], + "RELIGION": [ + "\u0434\u0430\u043e\u0441\u0438\u0437\u043c" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u0431\u043e\u043b\u044c\u0448\u0435\u0432\u0438\u043a" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0431\u0430\u043b\u0430\u043f\u0430\u043d": "\u043a\u0435\u043d\u0442", + "\u049b\u044b\u0437_\u043d\u0435\u043c\u0435\u0440\u0435": "\u0435\u0440_\u043d\u0435\u043c\u0435\u0440\u0435", + "\u043d\u0435\u043c\u0435\u0440\u0435": "\u0435\u0440_\u043d\u0435\u043c\u0435\u0440\u0435", + "\u043c\u0430\u0439\u043a\u0430": "\u0430\u0442\u0430", + "\u0430\u043d\u0430": "\u0430\u0442\u0430", + "\u043c\u0430\u0434\u0430\u043c": "\u043f\u0430\u043d", + "\u0445\u0430\u043d\u0448\u0430": "\u0445\u0430\u043d\u0437\u0430\u0434\u0430", + "\u043f\u0430\u0442\u0448\u0430\u0445\u0430\u043d\u044b\u043c": "\u0446\u0430\u0440\u044c", + "\u043a\u043e\u0440\u043e\u043b\u044c_\u04d9\u0439\u0435\u043b": "\u043a\u043e\u0440\u043e\u043b\u044c", + "\u0445\u0430\u043d\u044b\u043c": "\u0446\u0430\u0440\u044c", + "\u0441\u0456\u04a3\u043b\u0456": "\u043c\u043e\u043d\u0430\u0445", + "\u0430\u043f\u0430": "\u0430\u0493\u0430", + "\u043a\u04d9\u0440\u0456\u049b\u044b\u0437": "\u0431\u0435\u043a\u0430\u0440", + "\u04e9\u0433\u0435\u0439_\u0430\u043d\u0430": "\u04e9\u0433\u0435\u0439_\u04d9\u043a\u0435", + "\u04e9\u0433\u0435\u0439_\u0448\u0435\u0448\u0435": "\u04e9\u0433\u0435\u0439_\u04d9\u043a\u0435", + "\u0434\u0430\u044f\u0440\u0448\u044b_\u04d9\u0439\u0435\u043b": "\u043e\u0444\u0438\u0446\u0438\u0430\u043d\u0442", + "\u0434\u0430\u044f\u0440\u0448\u044b_\u049b\u044b\u0437": "\u043e\u0444\u0438\u0446\u0438\u0430\u043d\u0442", + "\u0442\u04b1\u043b_\u04d9\u0439\u0435\u043b": "\u0442\u04b1\u043b_\u0435\u0440", + "\u0436\u0435\u0441\u0456\u0440_\u04d9\u0439\u0435\u043b": "\u0442\u04b1\u043b_\u0435\u0440", + "\u0436\u0435\u0441\u0456\u0440": "\u0442\u04b1\u043b_\u0435\u0440", + "\u0442\u04b1\u043b_\u0436\u0435\u0441\u0456\u0440": "\u0442\u04b1\u043b_\u0435\u0440", + "\u04d9\u0439\u0435\u043b": "\u0435\u0440\u043a\u0435\u043a", + "\u049b\u0430\u0442\u044b\u043d": "\u0435\u0440\u043a\u0435\u043a", + "\u0430\u043b\u043c\u0430\u0437": "\u0448\u0435\u0431\u0435\u0440", + "\u043c\u044b\u0441\u0442\u0430\u043d": "\u0448\u0435\u0431\u0435\u0440" + }, + "other_gender_swap": { + "\u043e\u043b\u0430\u0440": "\u043e\u043b", + "\u0442\u043e\u0439": "\u043e\u043b\u0430\u0440", + "\u043e\u043b": "\u043e\u043b\u0430\u0440", + "\u0435\u043c\u0443": "\u0456\u043c" + }, + "en_pronoun2gender": { + "he": [ + "\u0435\u0440\u043a\u0435\u043a", + "\u043a\u0435\u043d\u0442" + ], + "she": [ + "\u049b\u0430\u0442\u044b\u043d", + "\u0430\u043f\u0430", + "\u04d9\u0439\u0435\u043b", + "\u049b\u044b\u0437" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0442\u043e\u0439", + "\u0435\u043c\u0443", + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ], + "they": [ + "\u043e\u043b\u0430\u0440\u0434\u044b", + "\u043e\u043b\u0430\u0440", + "\u0456\u043c" + ], + "it": [ + "\u0442\u043e\u0442", + "\u044d\u0442\u0430", + "\u0431\u04b1\u043b" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kl.json b/data_tooling/pii_processing/ontology/data/kl.json new file mode 100644 index 0000000..e203064 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kl.json @@ -0,0 +1,173 @@ +{ + "JOB": [ + "nipilersortartoq", + "nutserisoq", + "atuakkiortoq", + "sakkutooq", + "blokfl\u00f8jte", + "kukkunersiuisoq", + "atuagaatilerisoq", + "kunngi", + "erfalasulisartoq", + "nakorsaq", + "timmisartortartoq", + "borgmesteri", + "ilisimasortaq", + "erruissut" + ], + "PRODUCT": [ + "juullisiorluarit", + "juulimaaq", + "sinilluarna", + "orpiliaq" + ], + "LANGUAGE": [ + "finlandimeersoq", + "franskisut", + "qallunaatut", + "persiskisut", + "islandimiusut", + "svenskisut", + "esperanto", + "russeq", + "finlandimiutut", + "kalaallisut" + ], + "GENDER": [ + "nukappiaraq", + "arnaq", + "niviarsiaq" + ], + "DISEASE": [ + "teriaq", + "anniaat", + "niviarsiapilunneq", + "erfalavoq", + "herpes", + "gassi", + "fork\u00f8lelsess\u00e5r", + "sinippoq", + "napparsimasoq", + "avallunneq" + ], + "ORG": [ + "nunaateqarneq", + "isi", + "atuarfik", + "nipilersoqatigiissuit" + ], + "ANIMAL": [ + "tikaagulliusaaq", + "naraseq", + "tikaagullik", + "nanoq", + "allaq", + "kigutilissuaq", + "anarnaq", + "tunnulik", + "tulugaq", + "kiinaaleeraq", + "miteq", + "kissavik", + "arfivik", + "aarluk", + "alleq", + "tikaagulliusaarnaq", + "marloraaq", + "kangoq", + "nimeriarluk" + ], + "DATE": [ + "juullerujussuaq", + "juullip_aappaa" + ], + "PLANT": [ + "kaali", + "orpiliaq", + "palleq", + "musaq", + "kuloruuju", + "rubiia", + "blomk\u00e5li" + ], + "LOCATION": [ + "sinilluarit", + "angerlarpoq", + "juulimaaq", + "juulliaraq" + ], + "PERSON_PRONOUN": [ + "i" + ], + "PUBLIC_FIGURE": [ + "neriuut", + "kattaliit", + "qingalik", + "kaarali", + "kaarat", + "kuutak", + "u", + "i", + "marluk", + "antuut", + "juulut", + "joorut", + "neriugisaq", + "kaalat", + "laasi" + ], + "SOC_ECO_CLASS": [ + "nunaateqarneq" + ], + "QUANTITY": [ + "krone", + "koruuni" + ], + "FOOD": [ + "ullaakkorsiutit" + ], + "FAC": [ + "politeeqarfik" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "aleqa": "qatanngut_angut", + "naja": "qatanngut_angut", + "angaju": "qatanngut_angut", + "nukappiaraq": "niviarsiaq" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "nukappiaraq" + ], + "she": [ + "niviarsiaq", + "arnaq" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "uuma" + ], + "she": [ + "uuma" + ], + "it": [ + "makku", + "uuma", + "matuma" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/km.json b/data_tooling/pii_processing/ontology/data/km.json new file mode 100644 index 0000000..d39ca8f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/km.json @@ -0,0 +1,183 @@ +{ + "PRODUCT": [ + "\u1781\u17d2\u1789\u17bb\u17c6\u179f\u17d2\u178a\u17b6\u1799\u178e\u17b6\u179f\u17cb", + "\u1780\u178e\u17d2\u178a\u17bb\u179a\u179f\u17c6\u1796\u17c5", + "\u179f\u1784\u17d2\u1782\u17d2\u179a\u17b6\u1798\u179b\u17c4\u1780\u179b\u17be\u1780\u1791\u17b8\u17e1", + "\u179f\u1784\u17d2\u1782\u17d2\u179a\u17b6\u1798\u179b\u17c4\u1780\u179b\u17be\u1780\u1791\u17b8\u17e2", + "\u179f\u17b7\u1791\u17d2\u1792\u17b7\u1798\u1793\u17bb\u179f\u17d2\u179f" + ], + "ORG": [ + "\u1794\u17d2\u179a\u17b6\u179f\u17b6\u1791\u17a2\u1784\u17d2\u1782\u179a\u179c\u178f\u17d2\u178f", + "\u179f\u17a0\u179a\u178a\u17d2\u178b", + "\u179f\u1784\u17d2\u1782\u1798\u179f\u17ca\u17b8\u179c\u17b7\u179b", + "\u179f\u17d2\u1780\u179a\u1780\u17c5\u179f\u17ca\u17bc", + "\u1780\u17b6\u1794\u17cb\u179c\u17c2\u179a", + "\u179f\u1784\u17d2\u1782\u17d2\u179a\u17b6\u1798\u178f\u17d2\u179a\u1787\u17b6\u1780\u17cb", + "\u1780\u17b6\u179a\u179f\u17b7\u1780\u17d2\u179f\u17b6", + "\u179a\u17b6\u1787\u17b6\u1792\u17b7\u1794\u178f\u17c1\u1799\u17d2\u1799\u17a2\u17b6\u179f\u17d2\u179a\u17d0\u1799\u179a\u178a\u17d2\u178b\u1792\u1798\u17d2\u1798\u1793\u17bb\u1789\u17d2\u1789", + "\u1790\u17d2\u1793\u17b6\u1780\u17cb\u1780\u178e\u17d2\u178a\u17b6\u179b", + "\u1781\u17d2\u1789\u17bb\u17c6\u1788\u17d2\u1798\u17c4\u17c7", + "\u17a2\u17d2\u1793\u1780\u178e\u17b6", + "\u1796\u17b6\u178e\u17b7\u1787\u17d2\u1787", + "\u1785\u1780\u17d2\u179a\u1797\u1796\u17a2\u17b6\u179b\u17d2\u179b\u17ba\u1798\u17c9\u1784\u17cb", + "\u1796\u17d2\u179a\u17c7\u17a2\u1792\u17b7\u179a\u17b6\u1787\u17b6\u178e\u17b6\u1785\u1780\u17d2\u179a\u17a2\u17b6\u179b\u17d2\u179b\u17ba\u1798\u17c9\u1784\u17cb", + "\u1794\u17d2\u179a\u17c3\u179f\u178e\u17b8\u1799\u17cd", + "\u1780\u179f\u17b7\u1780\u1798\u17d2\u1798" + ], + "JOB": [ + "\u1798\u17c9\u17b6\u179f\u17ca\u17b8\u1793\u179b\u17b6\u1784\u1785\u17b6\u1793", + "\u1786\u17d2\u1798\u17b6\u17c6", + "\u1780\u178e\u17d2\u178a\u17bb\u179a\u1794\u17d2\u179a\u17c2\u1784", + "\u179f\u17d2\u1798\u17b6\u1780\u17d2\u178a\u17b8", + "\u179a\u178a\u17d2\u178b\u179b\u17c1\u1781\u17b6\u1792\u17b7\u1780\u17b6\u179a" + ], + "LOCATION": [ + "\u1780\u1784\u1791\u17d0\u1796\u17a2\u17b6\u1780\u17b6\u179f", + "\u179f\u17b6\u179b\u17b6\u1780\u17d2\u179a\u17bb\u1784", + "\u1791\u1793\u17d2\u179b\u17c1_\u179b\u17bf\u1784", + "\u179a\u178a\u17d2\u178b\u179f\u1797\u17b6", + "\u17a2\u179f\u17c1\u1793\u17b7\u1780\u179c\u17b7\u179f\u17d2\u179c\u1780\u1798\u17d2\u1798", + "\u179c\u17b7\u179f\u17d2\u179c\u1780\u1798\u17d2\u1798\u179f\u17ca\u17b8\u179c\u17b7\u179b", + "\u179f\u1798\u17d2\u1796\u1785\u17d2\u1786\u179a\u1785\u17d2\u1786\u17b7\u1793\u17d2\u1793", + "\u179f\u17d2\u179a\u17b8\u179b\u1784\u17d2\u1780\u17b6", + "\u178f\u17b6\u178e\u17bc\u17a2\u17c2\u179b" + ], + "PLANT": [ + "\u1795\u17d2\u1780\u17b6\u179f\u17d2\u1794\u17c3\u179a\u17bf\u1784\u1791\u17c1\u179f" + ], + "GENDER": [ + "\u17a2\u17d2\u1793\u1780\u1785\u17b6\u179f\u17cb" + ], + "PERSON_PRONOUN": [ + "\u17a2\u17d2\u1793\u1780\u1791\u17b6\u17c6\u1784\u17a2\u179f\u17cb\u1782\u17d2\u1793\u17b6" + ], + "ANIMAL": [ + "\u1780\u178e\u17d2\u178a\u17bb\u179a\u179f\u17c6\u1796\u17c5", + "\u179f\u1798\u17bb\u1791\u17d2\u179a\u179f\u17bb\u1780\u179a", + "\u1780\u178e\u17d2\u178a\u17bc\u1794\u179f\u17c1\u17c7" + ], + "FOOD": [ + "\u179f\u178e\u17d2\u178a\u17c2\u1780\u17a0\u17c4\u179b\u17b7\u1793\u178f\u17b6\u179c", + "\u1780\u17b6\u179a\u17c9\u17c1\u1798" + ], + "FAC": [ + "\u1794\u17c9\u17bb\u179f\u17d2\u178f\u17b7\u17cd", + "\u179f\u17b6\u179b\u17b6\u1794\u178b\u1798", + "\u1794\u1793\u17d2\u178f\u17b7\u1785\u1798\u17d2\u178a\u1784_\u17d7" + ], + "GPE": [ + "\u179f\u17c6\u178e\u17b6\u1784\u179b\u17d2\u17a2", + "\u1780\u17d2\u179a\u17bb\u1798\u1780\u17b6\u1780\u1794\u17b6\u1791\u1780\u17d2\u179a\u17a0\u1798", + "\u17a2\u17b6\u1798\u17c1\u179a\u17b7\u1780\u1781\u17b6\u1784\u178f\u17d2\u1794\u17bc\u1784", + "\u179f\u17c1\u178f\u179c\u17b7\u1798\u17b6\u1793", + "\u1796\u17d2\u179a\u17c7\u17a2\u1792\u17b7\u179a\u17b6\u1787\u17b6\u178e\u17b6\u1785\u1780\u17d2\u179a\u17a2\u17b6\u179b\u17d2\u179b\u17ba\u1798\u17c9\u1784\u17cb", + "\u17a2\u17b6\u178e\u17b6\u1785\u1780\u17d2\u179a\u17a2\u17b6\u179b\u17d2\u179b\u17ba\u1798\u17c9\u1784\u17cb" + ], + "SOC_ECO_CLASS": [ + "\u179c\u178e\u17d2\u178e\u17c8\u1796\u179b\u1780\u179a", + "\u1780\u17d2\u179a\u17bb\u1798\u1798\u1793\u17bb\u179f\u17d2\u179f\u1794\u17d2\u179a\u1796\u17d2\u179a\u17b9\u178f\u17d2\u178f\u17b7\u1794\u1791\u17a7\u1780\u17d2\u179a\u17b7\u178a\u17d2\u178b", + "\u179c\u178e\u17d2\u178e\u17c8\u1780\u1798\u17d2\u1798\u1780\u179a" + ], + "RELIGION": [ + "\u179f\u17b6\u179f\u1793\u17b6\u178f\u17b6\u179c" + ], + "DISEASE": [ + "\u17a2\u1784\u17d2\u1782\u17c2" + ], + "POLITICAL_PARTY": [ + "\u1782\u178e\u1794\u1780\u17d2\u179f" + ], + "LAW": [ + "\u178f\u17bb\u179b\u17b6\u1780\u17c6\u1796\u17bc\u179b" + ], + "RELIGION_MEMBER": [ + "\u17a2\u17d2\u1793\u1780\u1782\u17d2\u179a\u17b7\u179f\u17d2\u1791\u17b6\u1793" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u17a2\u1792\u17b7\u179a\u17b6\u1787\u17b7\u1793\u17b8": "\u179f\u1798\u17d2\u179a\u17b6\u1787", + "\u1793\u178f\u17d2\u178f\u17b6\u179f\u17d2\u179a\u17b8": "\u1785\u17c5\u1794\u17d2\u179a\u17bb\u179f", + "\u1785\u17c5\u179f\u17d2\u179a\u17b8": "\u1793\u178f\u17d2\u178f\u17b6\u1794\u17d2\u179a\u17bb\u179f", + "\u179c\u17b8\u179a\u1793\u17b6\u179a\u17b8": "\u179c\u17b8\u179a\u1787\u1793", + "\u1793\u17b6\u179a\u17b8\u1780\u17d2\u179b\u17b6\u17a0\u17b6\u1793": "\u179c\u17b8\u179a\u1787\u1793", + "\u1798\u17c9\u17c2": "\u17aa\u1796\u17bb\u1780", + "\u1798\u17d2\u178a\u17b6\u1799": "\u1796\u17bb\u1780", + "\u179a\u17b6\u1787\u1794\u17bb\u178f\u17d2\u179a\u17b8": "\u1796\u17d2\u179a\u17c7\u17a2\u1784\u17d2\u1782\u1798\u17d2\u1785\u17b6\u179f\u17cb", + "\u1796\u17d2\u179a\u17c7\u1793\u17b6\u1784": "\u1796\u17d2\u179a\u17c7\u17a2\u1784\u17d2\u1782\u1798\u17d2\u1785\u17b6\u179f\u17cb", + "\u1796\u17d2\u179a\u17c7\u1798\u17a0\u17c1\u179f\u17b8": "\u1796\u17d2\u179a\u17c7\u1798\u17a0\u17b6\u1780\u17d2\u179f\u178f\u17d2\u179a", + "\u1796\u17d2\u179a\u17c7\u179a\u17b6\u1787\u17b7\u1793\u17b8": "\u179a\u17b6\u1787", + "\u1796\u17d2\u179a\u17c7\u1798\u17a0\u17b6\u1780\u17d2\u179f\u178f\u17d2\u179a\u17b7\u1799\u17b6\u1793\u17b8": "\u179a\u17b6\u1787\u17b6", + "\u17a2\u17d2\u1793\u1780\u179f\u17d2\u179a\u17b8": "\u1782\u17c1", + "\u1782\u17b6\u178f\u17cb": "\u1782\u17c1", + "\u1793\u17b6\u1784": "\u1782\u17c1", + "\u1794\u1784\u179f\u17d2\u179a\u17b8": "\u1794\u17d2\u17a2\u17bc\u1793\u1794\u17d2\u179a\u17bb\u179f", + "\u1794\u17d2\u17a2\u17bc\u1793\u179f\u17d2\u179a\u17b8": "\u1794\u1784\u1794\u17d2\u179a\u17bb\u179f", + "\u1797\u1782\u17b7\u1793\u17b8": "\u1794\u17d2\u17a2\u17bc\u1793\u1794\u17d2\u179a\u17bb\u179f", + "\u1794\u17d2\u179a\u1796\u1793\u17d2\u1792": "\u1794\u17d2\u178a\u17b8", + "\u1797\u179a\u17b7\u1799\u17b6": "\u1794\u17d2\u178a\u17b8", + "\u1783\u179a\u178e\u17b8": "\u1794\u17d2\u178a\u17b8", + "\u1780\u17d2\u1798\u17c1\u1784\u1794\u17d2\u179a\u17bb\u179f": "\u1780\u17d2\u1798\u17c1\u1784\u179f\u17d2\u179a\u17b8" + }, + "other_gender_swap": { + "\u1796\u17bd\u1780\u1782\u17c1": "\u1782\u17b6\u178f\u17cb", + "\u1782\u17c1": "\u1796\u17bd\u1780\u1782\u17c1", + "\u1782\u17b6\u178f\u17cb": "\u1796\u17bd\u1780\u1782\u17c1", + "\u17a2\u17d2\u1793\u1780\u179f\u17d2\u179a\u17b8": "\u1782\u17b6\u178f\u17cb", + "\u1793\u17b6\u1784": "\u1782\u17b6\u178f\u17cb" + }, + "en_pronoun2gender": { + "they": [ + "\u1781\u17d2\u1791\u17be\u1799" + ], + "he": [ + "\u1780\u17d2\u1798\u17c1\u1784\u1794\u17d2\u179a\u17bb\u179f" + ], + "she": [ + "\u1793\u17b6\u1784", + "\u17a2\u17d2\u1793\u1780\u1782\u17d2\u179a\u17bc", + "\u17a1\u17b6\u1780", + "\u179f\u17d2\u178f\u17d2\u179a\u17b8\u1797\u17c1\u1791", + "\u1783\u179a\u178e\u17b8", + "\u1780\u1789\u17d2\u1789\u17b6", + "\u1794\u17b6\u1789\u17cb\u1781\u17bb\u179f", + "\u179f\u17d2\u179a\u17b8", + "\u1781\u17bb\u1799", + "\u17a2\u17d2\u1793\u1780\u1793\u17b6\u1784", + "\u1780\u17d2\u1798\u17c1\u1784\u179f\u17d2\u179a\u17b8", + "\u1781\u17bb\u179f\u179f\u17d2\u179a\u17a1\u17c7" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u1782\u17b6\u178f\u17cb", + "\u1782\u17c1" + ], + "she": [ + "\u1782\u17b6\u178f\u17cb", + "\u17a2\u17d2\u1793\u1780\u179f\u17d2\u179a\u17b8", + "\u1793\u17b6\u1784" + ], + "they": [ + "\u1782\u17b6\u178f\u17cb", + "\u1796\u17bd\u1780\u1782\u17c1", + "\u1782\u17c1", + "\u179a\u1794\u179f\u17cb\u1782\u17c1" + ], + "it": [ + "\u1793\u17c1\u17c7", + "\u1790\u17b6", + "\u179c\u17b6" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kn.json b/data_tooling/pii_processing/ontology/data/kn.json new file mode 100644 index 0000000..95a7579 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kn.json @@ -0,0 +1,138 @@ +{ + "RELIGION_MEMBER": [ + "\u0cb9\u0cbf\u0c82\u0ca6\u0cc2" + ], + "PRODUCT": [ + "\u0cb9\u0cca\u0cb8_\u0c92\u0ca1\u0c82\u0cac\u0ca1\u0cbf\u0c95\u0cc6", + "\u0c97\u0cbf\u0ca8\u0cbf\u0caf\u0cbf\u0cb2\u0cbf", + "\u0cb8\u0cbe\u0c82\u0c9f\u0cbe_\u0c95\u0ccd\u0cb2\u0cbe\u0cb8\u0ccd" + ], + "PUBLIC_FIGURE": [ + "\u0c95\u0ccd\u0caf\u0cbe\u0ca8\u0ccd\u0cac\u0cc6\u0cb0\u0ccd\u0cb0\u0cbe", + "\u0ca5\u0ccd\u0caf\u0cbe\u0c9a\u0cb0\u0ccd", + "\u0c9c\u0ccb\u0cb8\u0cc6\u0cab\u0ccd_\u0c97\u0cc6_\u0cb2\u0cc1\u0cb8\u0cbe\u0c95\u0ccd", + "\u0cae\u0cbe\u0cb0\u0ccd\u0c95\u0ccb\u0ca8\u0cbf", + "\u0cb8\u0cc8\u0c82\u0c9f\u0ccd_\u0cb2\u0cc2\u0caf\u0cbf\u0cb8\u0ccd", + "\u0c95\u0ccd\u0cb0\u0cbf\u0cb8\u0ccd\u0c9f\u0cca\u0cab\u0cb0\u0ccd_\u0c95\u0cca\u0cb2\u0c82\u0cac\u0cb8\u0ccd" + ], + "SOC_ECO_CLASS": [ + "\u0c95\u0cc3\u0cb7\u0cbf", + "\u0c95\u0caa\u0ccd\u0caa\u0cc1_\u0cb9\u0ca3" + ], + "ORG": [ + "\u0cb6\u0ccd\u0cb5\u0cc7\u0ca4_\u0cad\u0cb5\u0ca8", + "\u0cb8\u0cc7\u0c82\u0c9f\u0ccd_\u0cb2\u0cc2\u0cb7\u0cbf\u0caf", + "\u0c95\u0cc6\u0c82\u0caa\u0cc1_\u0cb8\u0cae\u0cc1\u0ca6\u0ccd\u0cb0", + "\u0c9f\u0cbe\u0cb5\u0cca_\u0ca4\u0ca4\u0ccd\u0ca4\u0ccd\u0cb5", + "\u0cb5\u0cc8\u0cb7\u0ccd\u0ca3\u0cb5_\u0caa\u0c82\u0ca5", + "\u0cb8\u0ccd\u0cb2\u0cc0\u0caa\u0cbf\u0c82\u0c97\u0ccd\u200c\u200c_\u0cac\u0ccd\u0caf\u0cc2\u0c9f\u0cbf", + "\u0cb0\u0cbe\u0c9c\u0c95\u0cc0\u0caf_\u0caa\u0c95\u0ccd\u0cb7" + ], + "DISEASE": [ + "\u0c95\u0ccd\u0caf\u0cbe\u0ca8\u0ccd\u0cb8\u0cb0\u0ccd", + "\u0cb8\u0c82\u0ca7\u0cbf\u0cb5\u0cbe\u0ca4" + ], + "DATE": [ + "\u0cac\u0cbe\u0c95\u0ccd\u0cb8\u0cbf\u0c82\u0c97\u0ccd_\u0ca1\u0cc7" + ], + "LOCATION": [ + "\u0cb6\u0ccd\u0cb0\u0cc0\u0cb2\u0c82\u0c95\u0cbe", + "\u0cb8\u0c82\u0caf\u0cc1\u0c95\u0ccd\u0ca4_\u0cb8\u0c82\u0cb8\u0ccd\u0ca5\u0cbe\u0ca8\u0ca6_\u0cb8\u0cc8\u0ca8\u0ccd\u0caf", + "\u0c85\u0cae\u0cc7\u0cb0\u0cbf\u0c97\u0cca_\u0cb5\u0cc6\u0cb8\u0ccd\u0caa\u0cc1\u0c9a\u0cbf" + ], + "LAW": [ + "\u0cb8\u0cb0\u0ccd\u0cb5\u0ccb\u0c9a\u0ccd\u0c9a_\u0ca8\u0ccd\u0caf\u0cbe\u0caf\u0cbe\u0cb2\u0caf" + ], + "JOB": [ + "\u0cb0\u0cbe\u0c9c\u0ccd\u0caf\u0caa\u0cbe\u0cb2" + ], + "ANIMAL": [ + "\u0c95\u0cbe\u0cb0\u0ccd\u0c97\u0cca\u0cb0\u0cb2\u0c95\u0cbe\u0c97\u0cc6", + "\u0cac\u0cc6\u0c95\u0ccd\u0c95\u0cc1" + ], + "MEDICAL_THERAPY": [ + "\u0cb0\u0c95\u0ccd\u0ca4\u0ca6\u0cca\u0ca4\u0ccd\u0ca4\u0ca1" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0ca4\u0cbe\u0caf\u0cbf": "\u0ca4\u0c82\u0ca6\u0cc6", + "\u0cb0\u0cbe\u0ca3\u0cbf": "\u0cb0\u0cbe\u0c9c", + "\u0c85\u0cb5\u0cb3\u0cc1": "\u0c85\u0cb5\u0ca8\u0cc1", + "\u0c87\u0cb5\u0cb3\u0cc1": "\u0c87\u0cb5", + "\u0c85\u0c95\u0ccd\u0c95": "\u0cb8\u0cb9\u0ccb\u0ca6\u0cb0", + "\u0ca4\u0c82\u0c97\u0cbf": "\u0cb8\u0cb9\u0ccb\u0ca6\u0cb0", + "\u0caa\u0ca4\u0ccd\u0ca8\u0cbf": "\u0caa\u0ca4\u0cbf", + "\u0cae\u0cbe\u0c9f\u0c97\u0cbe\u0ca4\u0cbf": "\u0cae\u0cbe\u0c82\u0ca4\u0ccd\u0cb0\u0cbf\u0c95", + "\u0cae\u0cbe\u0caf\u0c97\u0cbe\u0ca4\u0cbf": "\u0cae\u0cbe\u0c82\u0ca4\u0ccd\u0cb0\u0cbf\u0c95", + "\u0cae\u0cbe\u0c82\u0ca4\u0ccd\u0cb0\u0cbf\u0c95_\u0cb8\u0ccd\u0ca4\u0ccd\u0cb0\u0cc0": "\u0cae\u0cbe\u0c82\u0ca4\u0ccd\u0cb0\u0cbf\u0c95" + }, + "other_gender_swap": { + "\u0c87\u0cb5\u0cc1": "\u0c87\u0cb5\u0cb3\u0cc1", + "\u0c85\u0cb5\u0cc1": "\u0c87\u0cb5\u0cb3\u0cc1", + "\u0c87\u0cb5\u0cc1\u0c97\u0cb3\u0cc1": "\u0c85\u0cb5\u0cb3\u0cc1", + "\u0c85\u0cb5\u0cb0\u0cc1": "\u0c87\u0cb5\u0cb3\u0cc1", + "\u0c85\u0cb5\u0cc1\u0c97\u0cb3\u0cc1": "\u0c85\u0cb5\u0cb3\u0cc1", + "\u0c87\u0cb5\u0cb0\u0cc1": "\u0c85\u0cb5\u0cb3\u0cc1", + "\u0c87\u0cb5\u0ca8\u0cc1": "\u0c85\u0cb5\u0cc1", + "\u0c85\u0cb5": "\u0c87\u0cb5\u0cc1", + "\u0c85\u0cb5\u0ca8\u0cc1": "\u0c87\u0cb5\u0cc1", + "\u0c87\u0cb5": "\u0c87\u0cb5\u0cb0\u0cc1", + "\u0c85\u0cb5\u0cb3\u0cc1": "\u0c87\u0cb5\u0cb0\u0cc1", + "\u0c87\u0cb5\u0cb3\u0cc1": "\u0c85\u0cb5\u0cc1" + }, + "en_pronoun2gender": { + "she": [ + "\u0cb8\u0ccd\u0ca4\u0ccd\u0cb0\u0cc0\u0c9c\u0cbe\u0ca4\u0cbf", + "\u0cb8\u0ccd\u0ca4\u0ccd\u0cb0\u0cc0", + "\u0cae\u0cb9\u0cbf\u0cb3\u0cbe\u0cb5\u0cb0\u0ccd\u0c97", + "\u0c85\u0c95\u0ccd\u0c95", + "\u0cb9\u0cc6\u0c82\u0c97\u0cb8\u0cc1", + "\u0ca8\u0cbe\u0cb0\u0cbf", + "\u0cb9\u0cc1\u0ca1\u0cc1\u0c97\u0cbf" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0c85\u0cb5", + "\u0c87\u0cb5\u0ca8\u0cc1", + "\u0c85\u0cb5\u0ca8\u0cc1", + "\u0c87\u0cb5" + ], + "she": [ + "\u0c87\u0cb5\u0cb3\u0cc1", + "\u0c85\u0cb5\u0cb3\u0cc1" + ], + "they": [ + "\u0c85\u0cb5\u0cb0\u0cc1", + "\u0c87\u0cb5\u0cc1", + "\u0c87\u0cb5\u0cb0\u0cc1", + "\u0c85\u0cb5\u0cc1\u0c97\u0cb3\u0cc1", + "\u0c87\u0cb5\u0cc1\u0c97\u0cb3\u0cc1", + "\u0c85\u0cb5\u0cc1" + ], + "it": [ + "\u0c87\u0cb5\u0ca8\u0cc1", + "\u0c87\u0cb5\u0cb3\u0cc1", + "\u0c87\u0cb5\u0cc1", + "\u0c85\u0cb5\u0cb0\u0cc1", + "\u0c87\u0cb5\u0cb0\u0cc1", + "\u0c87\u0ca6\u0cc1", + "\u0c85\u0cb5\u0cc1\u0c97\u0cb3\u0cc1", + "\u0c87\u0cb5", + "\u0c87\u0cb5\u0cc1\u0c97\u0cb3\u0cc1", + "\u0c85\u0ca6\u0cc1", + "\u0c85\u0cb5\u0cc1" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ko.json b/data_tooling/pii_processing/ontology/data/ko.json new file mode 100644 index 0000000..85e77f0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ko.json @@ -0,0 +1,635 @@ +{ + "PUBLIC_FIGURE": [ + "c", + "b", + "k", + "a_e_\ub124\ud2b8\uc6cc\ud06c", + "h_g_\uc6f0\uc2a4", + "e", + "\uc5d0\uc774\ud1a0\ub974_\ube4c\ub77c\ub85c\ubd80\uc2a4", + "j", + "y", + "f", + "\uc138\uc778\ud2b8\ub8e8\uc774\uc2a4", + "\uc548\ub370\ub974\uc2a4_\uc140\uc2dc\uc6b0\uc2a4", + "e_o_\uc70c\uc2a8", + "q", + "e_g_\ub9c8\uc15c", + "\ub0a8\ubd80\ub3fc\uc9c0\uaf2c\ub9ac\ub9c8\uce74\ud06c", + "\ub8e8\uc774_\uc870\uc81c\ud504_\uac8c\ub93c\uc0ac\ud06c", + "n", + "e_t_a_\ud638\ud504\ub9cc", + "\ud53c\ud2b8_\ubaac\ub4dc\ub9ac\uc548", + "t_s_\uc5d8\ub9ac\uc5c7", + "\ud45c\ud2b8\ub974_1\uc138", + "m", + "\uce7c\uc0c8\uacfc", + "i_m_\ud398\uc774", + "o", + "i", + "\uad74\ub69d_\uccad\uc18c\ubd80", + "1", + "e_l_\ub2e5\ud130\ub85c", + "x", + "h", + "\uc131_\uac8c\uc624\ub974\uae30\uc6b0\uc2a4", + "g", + "j_b_s_\ud640\ub370\uc778", + "r", + "\uc138\uc778\ud2b8\ub9c8\ud2f4_\uc12c", + "d", + "\uc544\ub974\ub180\ud2b8_\uc1e4\ubca0\ub974\ud06c", + "\uc900\uc7a5", + "\ud06c\ub9ac\uc2a4\ud1a0\ud37c_\ucf5c\ub7fc\ubc84\uc2a4", + "\ud0c0\ub098_\ud638", + "d_h_\ub85c\ub7f0\uc2a4", + "\uc131_\ud30c\ud2b8\ub9ac\uce58\uc624", + "l", + "t" + ], + "PRODUCT": [ + "\uc0b0\ud0c0\ud074\ub85c\uc2a4", + "\ud22c_\ube0c\ub77c\ub354\uc2a4", + "\uc0ac\uacc4", + "the_end_of_the_world", + "s_\ud1a0\uadf8", + "\uc728\ubb34", + "\u4eba\u6b0a", + "\uc2ed\uc774\uc57c", + "\ud63c_\uacf6", + "\uc0cc\uc640\ud0a8_\uac15" + ], + "JOB": [ + "make", + "\ub1cc\uc878\uc911", + "\ube44\ubb38\uc99d", + "mastermind", + "doc" + ], + "ORG": [ + "\uaecc", + "\uc544\uc57c_\uc18c\ud53c\uc544", + "\uc758\uacfc\ub300\ud559", + "\ud669\uae08_\uc2dc\ub300", + "ai", + "\u8d64\u5341\u5b57", + "\ub3c5\uc77c_\uc81c\uad6d", + "\ud5dd\uac00\ub9ac_\uad6d\ubbfc\uc758\ud68c", + "\uad70\uc0ac_\ud559\uad50", + "\ube14\ub799_\uc704\ub3c4\uc6b0", + "\uc54c\uc790\uc9c0\ub77c", + "doe", + "\u653f\u9ee8", + "\uc138\uc778\ud2b8\ub8e8\uc2dc\uc544", + "\uc6b0\uccb4\uad6d", + "\uc131\uac00\uc815", + "\ub300\ubc95\uc6d0", + "\u8d64\u5341\u5b57\u793e", + "\uc74c\uc545_\ud559\uad50", + "\uc554\uc2dc\uc7a5", + "\uacfc\uc77c_\uc0d0\ub7ec\ub4dc", + "\uc704\uce74", + "\ud06c\ub9ac\ube44\ub9ac\ud750", + "\ub300\ud55c\ubbfc\uad6d_\uad6d\ud68c", + "\ube44\uc288\ub204\ud30c", + "\ud669\uc81c\uc575\ubb34\uc870\uac1c", + "\ubc31\uc545\uad00", + "\uad6d\uc81c_\uc804\uae30_\ud1b5\uc2e0_\uc5f0\ud569", + "\uad6d\ubbfc\ub300\ud68c", + "\uc81c\ube44", + "by_the_way", + "\uc6b0\uc988_\ud638", + "\uc0ac\ud68c\ub2f9", + "\uc911\uc559\uc740\ud589", + "doc", + "\uce74\ub974\uba5c_\uc0b0", + "\uc54c\uc544\uc778", + "\ucd08\ud1a0\ud654", + "\ub098\uc790\ub81b\uc758_\uc694\uc149", + "\uc544\uc81c\ub974\ubc14\uc774\uc794_\uad6d\ubbfc\uc758\ud68c", + "\uc120\uc218\ucd0c", + "\uacf5\uc0b0\ub2f9", + "\uc2e0\ud1a0", + "\ud504\ub791\uc2a4_\uad6d\ubbfc\uc758\ud68c", + "\uc62c\ub9ac\ube0c_\uc0b0", + "\uce58\uc559\ub77c\uc774", + "\ud2b8\ub8e8\uc544\ub9ac\ube44\uc5d0\ub974", + "\uc2e0\ubbfc\ub2f9" + ], + "FAC": [ + "\uc0b0\ud2f0\uc544\uace0\ub370\ucf64\ud3ec\uc2a4\ud154\ub77c", + "\uc1fc\ud551\ubab0", + "\uc778\ubbfc_\uc804\uc120", + "\uc1fc\ud551_\uc13c\ud130", + "\uac1c\uc120\ubb38", + "\uacf0\ub3cc\uc774_\ud478", + "\ucd08\ub4f1\ud559\uad50", + "\ub85c\ub9c8_\uac00\ud1a8\ub9ad\uad50\ud68c" + ], + "POLITICAL_PARTY": [ + "\uc624\uc2a4\ud2b8\ub808\uc77c\ub9ac\uc544_\ub178\ub3d9\ub2f9", + "\uacf5\ud654\ub2f9", + "\uc790\uc720\ub2f9", + "\u5171\u7522\u9ee8", + "\ubcf4\uc218\ub2f9", + "\ubbfc\uc8fc\uacf5\ud654\ub2f9", + "\ub178\ub3d9\ub2f9", + "\uc0ac\ud68c\ubbfc\uc8fc\ub2f9", + "\uc911\uad6d_\uad6d\ubbfc\ub2f9", + "\uc815\ub2f9", + "\ubbfc\uc8fc\ub2f9", + "\uad6d\ubbfc\ub2f9", + "\uc778\ubbfc\ub2f9", + "\ub8e8\ub9c8\ub2c8\uc544_\uc0ac\ud68c\ubbfc\uc8fc\ub2f9", + "\uad6d\uac00\uc0ac\ud68c\uc8fc\uc758_\ub3c5\uc77c_\ub178\ub3d9\uc790\ub2f9" + ], + "PERSON_PRONOUN": [ + "i" + ], + "GPE": [ + "\uc131_\ub2c8\ucf5c\ub77c\uc6b0\uc2a4", + "\u65b0\u7d04\u8056\u66f8", + "\uc0c1\ud22c\uba54", + "\uad6c\uc2dc\uac00", + "\uc2e0\uc57d\uc131\uacbd", + "\ud64d\ud574", + "\ube48\ub871", + "\uc131\ub839", + "\ud654\uc774\ud2b8_\ud558\uc6b0\uc2a4", + "\uc0b0\uc5c5\ub2e8\uc9c0", + "\uc138\uc778\ud2b8\ub8e8\uc774\uc2a4", + "\ud06c\ub9ac\uc2a4\ud1a0\ud3ec\ub85c\uc2a4", + "\ubca0\ub4dc\ub85c", + "\ud0dc\uc0b0", + "\uc138\uc778\ud2b8\ub85c\ub80c\uc2a4_\uac15" + ], + "LAW": [ + "\ubbf8\uad6d_\uc5f0\ubc29\uc218\uc0ac\uad6d", + "\ubbfc\ubc95", + "\ub85c\ub9c8\ubc95" + ], + "PERSON": [ + "\uc138\uc778\ud2b8\ube48\uc13c\ud2b8_\uc12c" + ], + "UNION": [ + "\ub178\ub3d9\uc870\ud569", + "\ucd1d\ud559\uc0dd\ud68c" + ], + "DISEASE": [ + "the_bends", + "\ud3ec\uc774\uc98c_\uc544\uc774\ube44", + "\ubc24\ub098\ubb34\uc18d" + ], + "LOCATION": [ + "\ubbf8\uc721\uad70", + "\uc5d0\ubc00\ub9ac\uc544\ub178_\uc0ac\ud30c\ud0c0", + "\uc7a0\uc790\ub294_\uc232_\uc18d\uc758_\ubbf8\ub140", + "\ubd88\uac00\ub9ac\uc544_\uad6d\ubbfc\uc758\ud68c", + "\uc815\uc2e0\ubcd1\uc6d0", + "\uc2dd\ubb3c\uc6d0", + "\uc791\uc13c\uc548\ud560\ud2b8_\uc8fc", + "s_\ud1a0\uadf8", + "\uc138\uc778\ud2b8\ud5ec\ub808\ub098", + "\uc138\uc778\ud2b8\ud074\ub808\uc5b4_\ud638", + "\uce74\ubcf4\ubca0\ub974\ub370", + "\ud669\ud558", + "\uc544\uba54\ub9ac\uce74", + "\ub9c8\ub9ac\uc544_\ub9c9\ub2ec\ub808\ub098", + "\uc624\uc2a4\ub9cc_1\uc138", + "\uad6d\ubbfc\uc758\ud68c", + "\uc138\uc778\ud2b8\ud5ec\ub80c\uc2a4_\uc0b0", + "\ud070\uacf0\uc790\ub9ac", + "\uc288\ud53c\ub9ac\uc5b4_\ud638", + "\uc544\uba54\ub9ac\uace0_\ubca0\uc2a4\ud478\uce58", + "\uacf5\uad70" + ], + "QUANTITY": [ + "\uc0bc\uad6d_\uc2dc\ub300", + "\uc138_\uc790\ub9e4", + "g" + ], + "PLANT": [ + "\uac10\uc790\uc5ed\ubcd1\uade0", + "\ud30c\ub77c\uace0\ubb34\ub098\ubb34", + "\ud06c\ub9ac\uc2a4\ub9c8\uc2a4_\ud2b8\ub9ac" + ], + "DATE": [ + "\ub274\ubb38", + "\uc2e0\uc6d4", + "\uc131\ubaa8_\uc2b9\ucc9c", + "\ubc15\uc2f1_\ub370\uc774", + "1\uc6d4_1\uc77c" + ], + "RACE": [ + "korean" + ], + "ANIMAL": [ + "\ud604\ubb34", + "\ub2ec\uace0\uae30", + "\uad74\ub69d\uc0c8\ub958", + "\ub2f4\ubc30\ubaa8\uc790\uc774\ud06c\ubc14\uc774\ub7ec\uc2a4", + "\uae30\ub2c8\ud53c\uadf8", + "\uc5d0\ubcfc\ub77c_\ucd9c\ud608\uc5f4" + ], + "RELIGION": [ + "\ub3c4\uad50", + "\ud06c\ub9ac\uc2a4\ucc9c_\uc0ac\uc774\uc5b8\uc2a4" + ], + "EVENT": [ + "\ud504\ub9ac\uba54\uc774\ub77c\ub9ac\uac00" + ], + "FOOD": [ + "\uce74\ud398\uc624\ub808", + "\ud504\ub80c\uce58_\ud1a0\uc2a4\ud2b8", + "\ud2f0\ubcf8_\uc2a4\ud14c\uc774\ud06c" + ], + "SOC_ECO_CLASS": [ + "\ub18d\uc5c5" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+\\D+|\\D+\\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\uc740\uc9c0", + "\uc9c0\uc6d0", + "\ud558\uc740", + "\uc218\ubbfc", + "\ubbfc\uc11c", + "\uc740\uc8fc", + "\ubbf8\uc601", + "\uc601\ud76c", + "\uc740\uacbd", + "\uc9c0\uc601", + "\ud604\uc9c0", + "\uc120\uc601", + "\uc21c\uc625", + "\uacbd\ud76c", + "\uc608\uc740", + "\uc815\uc790", + "\uc21c\uc790", + "\uc608\uc9c4", + "\uc218\ube48", + "\uc544\ub984", + "\uc740\uc11c", + "\uc815\ud76c", + "\uc9c0\uc5f0", + "\ucc44\uc6d0", + "\ubbf8\uc815", + "\uc815\uc219", + "\uc601\uc219", + "\uc11c\uc601", + "\uc625\uc790", + "\uba85\uc790", + "\uc219\uc790", + "\uc608\uc9c0", + "\uc9c0\uc544", + "\ubbf8\uacbd", + "\ubcf4\ub78c", + "\uc11c\ud604", + "\uc9c0\uc740", + "\ud61c\uc9c4", + "\uba85\uc219", + "\uc9c0\uc6b0", + "\uacbd\uc790", + "\uc608\uc6d0", + "\uc740\uc601", + "\ud604\uc219", + "\uc740\uc815", + "\uc720\uc9c4", + "\uc218\uc9c4", + "\ud604\uc815", + "\ubbfc\uc9c0", + "\uc601\uc790", + "\uc625\uc21c", + "\ubbf8\uc219", + "\uc601\uc21c", + "\uc11c\uc724", + "\uc9c0\ud61c", + "\uc9c0\ubbfc", + "\uc9c0\ud604", + "\ucd98\uc790", + "\uc11c\uc5f0", + "\uc815\uc21c", + "\uc724\uc11c", + "\uacbd\uc219", + "\ud558\uc724", + "\ud604\uc8fc", + "\uc601\ubbf8" + ], + "FIRST_NAME_MALE": [ + "\uacbd\uc218", + "\uc815\uc218", + "\uc0c1\ud6c8", + "\uc131\uc9c4", + "\uc608\uc900", + "\uc7ac\ud638", + "\uc9c4\uc6b0", + "\uc601\ud638", + "\uc815\ud6c8", + "\uc601\ucca0", + "\uc131\ubbfc", + "\uc601\uc218", + "\uc601\uae38", + "\uc11c\uc900", + "\ub3c4\ud604", + "\uc2b9\ubbfc", + "\uc6b0\uc9c4", + "\uc0c1\ucca0", + "\uc601\uc9c4", + "\uc131\uc218", + "\uc900\ud601", + "\uac74\uc6b0", + "\uc911\uc218", + "\uc131\ud6c8", + "\ubbfc\uc11d", + "\uc900\uc11c", + "\ud604\uc6b0", + "\uc9c0\ud6c8", + "\uc900\uc601", + "\uc8fc\uc6d0", + "\uc815\uc6c5", + "\uc601\uc77c", + "\ubbfc\uc900", + "\uc601\uc2dd", + "\uc0c1\ud638", + "\uc900\ud638", + "\uc601\ud658", + "\ubbfc\uc7ac", + "\uad11\uc218", + "\uc2b9\ud604", + "\uc131\ud604", + "\uc9c0\ud6c4", + "\uc885\uc218", + "\ubbfc\uc218", + "\uc7ac\ud604", + "\uc815\ub0a8", + "\ub3d9\ud604", + "\ub3c4\uc724", + "\uc815\ud638", + "\ubcd1\ucca0", + "\ud604\uc900", + "\uc131\ud638", + "\uc9c4\ud638", + "\uc815\uc2dd", + "\uc0c1\ud604", + "\uc2dc\uc6b0" + ], + "FIRST_NAME": [ + "\uc740\uc8fc", + "\uc740\uacbd", + "\uc608\uc9c4", + "\uc601\ucca0", + "\uc11c\uc900", + "\uba85\uc790", + "\uc219\uc790", + "\uc131\uc218", + "\ubcf4\ub78c", + "\uba85\uc219", + "\uc815\uc6c5", + "\uc740\uc815", + "\uc218\uc9c4", + "\uc601\ud658", + "\uc2b9\ud604", + "\uc601\uc790", + "\uc625\uc21c", + "\ubbf8\uc219", + "\uc11c\uc724", + "\uc815\ud638", + "\ubcd1\ucca0", + "\ud604\uc900", + "\uc724\uc11c", + "\uacbd\uc219", + "\uc601\ubbf8", + "\ud558\uc740", + "\uc815\uc218", + "\ud604\uc9c0", + "\uc601\ud76c", + "\uc120\uc601", + "\uc131\uc9c4", + "\uc608\uc900", + "\uc608\uc740", + "\uc7ac\ud638", + "\uc21c\uc790", + "\uc740\uc11c", + "\uc9c0\uc5f0", + "\uc601\uc218", + "\uc601\uae38", + "\uc9c0\uc544", + "\uc601\uc9c4", + "\uc900\ud601", + "\uac74\uc6b0", + "\ud604\uc6b0", + "\uc8fc\uc6d0", + "\uc601\uc77c", + "\ubbfc\uc900", + "\ud604\uc219", + "\uc601\uc2dd", + "\uc0c1\ud638", + "\ud604\uc815", + "\uad11\uc218", + "\uc885\uc218", + "\ubbfc\uc218", + "\uc9c0\ud61c", + "\ud558\uc724", + "\uc9c4\ud638", + "\ud604\uc8fc", + "\uc2dc\uc6b0", + "\uacbd\uc218", + "\uc9c0\uc6d0", + "\uc218\ubbfc", + "\uacbd\ud76c", + "\uc815\uc790", + "\uc9c4\uc6b0", + "\uc601\ud638", + "\uc544\ub984", + "\uc815\ud76c", + "\ucc44\uc6d0", + "\uc815\uc219", + "\ub3c4\ud604", + "\uc2b9\ubbfc", + "\uc11c\uc601", + "\uc6b0\uc9c4", + "\uc9c0\uc740", + "\uc911\uc218", + "\uc131\ud6c8", + "\ud61c\uc9c4", + "\uc900\uc11c", + "\uc900\uc601", + "\uc608\uc6d0", + "\uc131\ud604", + "\ubbfc\uc9c0", + "\ub3d9\ud604", + "\uc9c0\ubbfc", + "\ucd98\uc790", + "\uc11c\uc5f0", + "\uc815\uc21c", + "\uc815\uc2dd", + "\uc0c1\ud604", + "\uc9c0\ud6c8", + "\ubbfc\uc7ac", + "\uc740\uc9c0", + "\ubbfc\uc11c", + "\uc9c0\uc601", + "\ubbf8\uc601", + "\uc0c1\ud6c8", + "\uc21c\uc625", + "\uc218\ube48", + "\uc815\ud6c8", + "\uc131\ubbfc", + "\ubbf8\uc815", + "\uc601\uc219", + "\uc0c1\ucca0", + "\uc625\uc790", + "\uc608\uc9c0", + "\ubbf8\uacbd", + "\uc11c\ud604", + "\ubbfc\uc11d", + "\uc9c0\uc6b0", + "\uacbd\uc790", + "\uc740\uc601", + "\uc720\uc9c4", + "\uc900\ud638", + "\uc9c0\ud6c4", + "\uc601\uc21c", + "\uc7ac\ud604", + "\uc815\ub0a8", + "\ub3c4\uc724", + "\uc9c0\ud604", + "\uc131\ud638" + ], + "LAST_NAME": [ + "\ucd5c", + "\uc7a5", + "\ubc30", + "\ucc28", + "\uc624", + "\ud5c8", + "\ud558", + "\uc591", + "\uc190", + "\ub178", + "\uc2ec", + "\uc815", + "\uc720", + "\uc870", + "\uc1a1", + "\ubc31", + "\uc6b0", + "\uc9c4", + "\uacfd", + "\uc804", + "\uace0", + "\ud55c", + "\uc784", + "\uc5c4", + "\uc2e0", + "\uc8fc", + "\uae40", + "\ub958", + "\ubb38", + "\ud669", + "\uc9c0", + "\ub098", + "\uc548", + "\uc131", + "\uc724", + "\uac15", + "\ubc15", + "\uc11c", + "\ud64d", + "\ub0a8", + "\ubbfc", + "\uad8c", + "\uad6c", + "\uc774" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u7687\u540e": "key", + "\uc18c\ub140": "\ub188", + "\ubbf8\uc4f0\uc5d0\uc774": "\uacbd", + "\uc544\uac00\uc528": "\uc11c", + "\uc5b4\uba38\ub2c8": "\u7236\u6bcd", + "\u7236\u6bcd": "\u8056\u7236", + "\u4fee\u5973": "\u50e7\u4f3d", + "\uc218\ub140": "\u50e7\u4f3d", + "\ud504\ub9b0\uc138\uc2a4": "\uad70\uc8fc\ub860", + "\uacf5\uc8fc": "\ud504\ub9b0\uc2a4", + "\u516c\u4e3b": "\uad70\uc8fc\ub860", + "\ud038_\uc5ed": "key", + "\uc5ec\uc655": "key", + "\u5973\u738b": "\uc655", + "\uadf8": "\u3078", + "\uc81c\uad70_\uc0ac": "\uadf8", + "\u914d\u5076\u8005": "\ub0a8\ud3b8", + "\uc544\ub0b4": "\ub0a8\ud3b8", + "\uc5ec\uc790": "\ub0a8\uc131", + "\uc5ec\uc131": "\ub0a8\uc131", + "\ubcf4\uc774": "\uc18c\ub140", + "\uc544\uc774": "\uc18c\ub140", + "\uc18c\ub144": "\uc18c\ub140" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "\ud2b8\ub79c\uc2a4\uc820\ub354", + "\u540c\u6027", + "\u540c\u6027\u611b" + ], + "he": [ + "\ub9ac\ud2c0_\ubcf4\uc774", + "\uc820\ud2c0\ub9e8", + "\ub188", + "\ub0a8", + "\uc778\uac04", + "\uc18c\ub144", + "\uc544\uc774", + "\ub0a8\uc131", + "\ubcf4\uc774" + ], + "she": [ + "\uc5ec\uc131", + "\uc5b8\ub2c8", + "\uc544\uac00\uc528", + "\u5bb6\u653f\u5a66", + "\uc5ec\uc790", + "\uc18c\ub140", + "\ubbf8\uc4f0\uc5d0\uc774" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "lia", + "\uadf8", + "\u3078" + ], + "she": [ + "\uadf8", + "\uc81c\uad70_\uc0ac" + ], + "they": [ + "lia" + ], + "it": [ + "\uadf8", + "bt", + "\u60c5\u5831\u6280\u8853", + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/koy.json b/data_tooling/pii_processing/ontology/data/koy.json new file mode 100644 index 0000000..b0aa220 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/koy.json @@ -0,0 +1,28 @@ +{ + "PUBLIC_FIGURE": [ + "delbegge" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "he": [ + "too" + ], + "it": [ + "too" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/krc.json b/data_tooling/pii_processing/ontology/data/krc.json new file mode 100644 index 0000000..7f7e560 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/krc.json @@ -0,0 +1,35 @@ +{ + "PERSON_PRONOUN": [ + "\u043e\u043b" + ], + "ANIMAL": [ + "\u0441\u0443\u0443\u0441\u0430\u0440" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u043d\u0430": "\u044d\u043c\u0435\u043d", + "\u044d\u0433\u0435\u0447": "\u043a\u044a\u0430\u0440\u043d\u0430\u0448", + "\u0445\u043e": "\u043a\u044a\u0430\u0440\u044b\u043d\u0434\u0430\u0448" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/krl.json b/data_tooling/pii_processing/ontology/data/krl.json new file mode 100644 index 0000000..f3d3778 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/krl.json @@ -0,0 +1,41 @@ +{ + "ANIMAL": [ + "alli", + "korppi" + ], + "PLANT": [ + "paju" + ], + "PERSON_PRONOUN": [ + "sin\u00e4" + ], + "LOCATION": [ + "passibo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "naine" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he\u00e4n", + "h\u00e4i", + "hi\u00e4n" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ku.json b/data_tooling/pii_processing/ontology/data/ku.json new file mode 100644 index 0000000..303f6d1 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ku.json @@ -0,0 +1,493 @@ +{ + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "giovanni_boccaccio", + "c", + "dorothy_parker", + "mary_wollstonecraft", + "winston_churchill", + "johannes_diderik_van_der_waals", + "paul_mccartney", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "george_orwell", + "marie_curie", + "michael_jackson", + "thomas_hobbes", + "samuel_beckett", + "galileo_galilei", + "john_donne", + "robert_koch", + "pawlos", + "john_steinbeck", + "vincent_van_gogh", + "josef_stalin", + "john_ruskin", + "hans_albrecht_bethe", + "p", + "emiliano_zapata", + "karl_barth", + "hideki_yukawa", + "gottlieb_daimler", + "henri_becquerel", + "bertram_brockhouse", + "louis_pasteur", + "gertrude_stein", + "luigi_pirandello", + "charles_de_gaulle", + "f", + "thomas_mann", + "dante_alighieri", + "samuel_de_champlain", + "fridtjof_nansen", + "paul_verlaine", + "hal", + "oscar_wilde", + "francis_bacon", + "charles_baudelaire", + "james_franck", + "albert_schweitzer", + "max_planck", + "william_blake", + "john_bardeen", + "elias_canetti", + "edward_jenner", + "kendava_james", + "graham_greene", + "arthur_compton", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "don_k\u00ee\u015fot", + "gabriel_lippmann", + "friedrich_engels", + "richard_feynman", + "wolfgang_pauli", + "theodor_mommsen", + "marcel_proust", + "elizabeth_taylor", + "william_golding", + "alfred_nobel", + "marco_polo", + "guillaume_apollinaire", + "henri_bergson", + "patrick_white", + "hans_christian_andersen", + "pieter_zeeman", + "hector_berlioz", + "john_galsworthy", + "henrik_\u0131bsen", + "adam_smith", + "karl_marx", + "john_locke", + "king_lear", + "\u0131", + "jean_piaget", + "\u067e\u06ce\u062a\u0631\u06c6\u0633", + "adolf_hitler", + "george_boole", + "robert_boyle", + "cordell_hull", + "mahatma_gand\u00ee", + "ernest_walton", + "g", + "arthur_schopenhauer", + "r", + "andrew_jackson", + "philip_warren_anderson", + "johannes_gutenberg", + "william_faulkner", + "william_shockley", + "paul_newman", + "john_lennon", + "charlie_chaplin", + "j_m_barrie", + "hannah_arendt", + "george_marshall", + "john_deere", + "peter\u00ea_mezin", + "james_watt", + "ronald_reagan", + "wilhelm_reich", + "martin_luther_king", + "gustav_hertz", + "anne_sexton", + "frank", + "ernest_hemingway", + "george_westinghouse", + "nelson_mandela", + "al_gore", + "roald_amundsen", + "jacques_offenbach", + "willy_brandt", + "charles_wilkes", + "alfred_kastler", + "dawid", + "\u0644\u0648_\u06a9\u06c6\u0631\u0628\u0648\u0632\u06cc\u06ce", + "william_harvey", + "jonathan_swift", + "albert_einstein", + "t" + ], + "ANIMAL": [ + "siwar", + "guhandar", + "\u062a\u0627\u062c\u06cc\u0644\u06c6\u06a9\u06d5", + "\u06a4\u0627\u06cc\u0631\u0648\u0633\u06cc_\u06a4\u0627\u0631\u06cc\u0633\u06ce\u0644\u0644\u0627_\u0632\u06c6\u0633\u062a\u06ce\u0631", + "kotir\u00ee", + "banbanke", + "kurmarmarok", + "bokenge", + "bakur", + "garan\u00eek", + "\u0646\u06d5\u062e\u06c6\u0634\u06cc\u06cc_\u0626\u06ce\u0628\u06c6\u0644\u0627", + "qurnew\u00ealk", + "zengilok", + "qumr\u00ee", + "miskga", + "mane", + "\u015fivanxap\u00eenok", + "aclafemar" + ], + "JOB": [ + "berk\u00ea\u015fk", + "\u0628\u0627\u0644\u06cc\u06c6\u0632", + "serheng", + "merenqoz", + "dartira\u015f", + "kelandin", + "pijandin", + "the_\u0131ndependent", + "serdar", + "gelemper", + "emeliyatker", + "daner", + "sercan", + "serokkomar", + "werg\u00ear", + "zanistyar", + "endazyar", + "necarr", + "the_guardian", + "firaq\u015fok", + "\u0626\u06d5\u0646\u062f\u0627\u0632\u06cc\u0627\u0631", + "darta\u015f", + "niyas", + "xirat", + "bij\u00ee\u015fk", + "\u0646\u0648\u06ce\u0646\u0647\u0631", + "mijar", + "qiral", + "man", + "dermansaz", + "abor\u00eenas", + "\u0645\u0647\u200c\u0644\u06cc\u06a9", + "melik", + "\u062f\u0627\u0646\u0634\u062a\u0648\u0627\u0646", + "\u064a\u0627\u0634\u0647\u200c\u0648\u0627\u0646", + "terciman", + "erebane" + ], + "PERSON_PRONOUN": [ + "\u0131", + "her", + "we", + "me" + ], + "FOOD": [ + "beyaban", + "firav\u00een", + "fastfood", + "\u0628\u0646\u06ce\u0634\u062a", + "qa\u00e7ik", + "pot_au_feu", + "besten\u00ee" + ], + "PLANT": [ + "dawud\u00ee", + "genimok", + "albal\u00fb", + "ben\u00ee\u015ftok", + "sping", + "p\u00eezalok", + "gormiz", + "simaq", + "niv\u00ee\u015ft\u00eelok", + "kelem", + "gulberojk", + "binef\u015f" + ], + "ORG": [ + "li_ser_s\u00fbc_girtin", + "august\u00eenus", + "nasa", + "bollywood", + "postxane", + "sayentoloj\u00ee", + "cejna_barbara", + "schutzstaffel", + "\u0648\u06cc\u0644\u0627\u06cc\u06d5\u062a\u06d5_\u06cc\u06d5\u06a9\u06af\u0631\u062a\u0648\u0648\u06d5\u06a9\u0627\u0646\u06cc_\u0626\u06d5\u0645\u0631\u06cc\u06a9\u0627", + "ji_ser\u00ee_ve", + "dibistan", + "san_francisco", + "m\u0131z\u0131r_amer\u00eekay\u00ea", + "di_ser_de_girtin", + "ayasofya", + "\u0626\u0627\u06cc\u0627\u0633\u06c6\u0641\u06cc\u0627", + "ramanxane", + "deryaya_sor", + "\u067e\u0627\u0631\u062a\u06cc", + "\u06a9\u06b5\u06ce\u0633\u0627\u06cc_\u06a9\u0627\u062a\u06c6\u0644\u06cc\u06a9", + "partiya_karker\u00ean_alman_a_nasyonalsosyal\u00eest", + "\u062d\u06cc\u0632\u0628\u06cc_\u0646\u0627\u0632\u06cc", + "rabindranath_tagore", + "taybeti", + "\u00e7\u00eena_karker", + "\u062f\u06d5\u0631\u06cc\u0627\u06cc_\u0633\u0648\u0648\u0631", + "sao_tome", + "ben\u00ee\u015ft", + "mossad", + "\u0645\u0646_\u062a\u06c6\u0645_\u062e\u06c6\u0634_\u064a\u06d5\u0648\u06ce\u200c", + "ferdinand_magellan", + "modern\u00eezm", + "\u0633\u06d5\u06cc\u0646\u062a_\u0644\u0648\u0648\u0633\u06cc\u0627", + "berbilav\u00ee", + "los_angeles", + "nato", + "\u062f\u0628\u0633\u062a\u0627\u0646", + "\u067e\u06c6\u0633\u062a\u0647\u200c", + "ji_n\u00fb_ve", + "perwerde", + "cardin", + "sin\u00ee", + "fb\u0131", + "\u0633\u0627\u0648_\u062a\u06c6\u0645\u06ce", + "\u06a9\u06d5\u06cc\u067e\u06a4\u06d5\u0631\u062f" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "han_dan", + "f\u00eeqero\u015f" + ], + "BIO_CHEM_ENTITY": [ + "amony\u00fbmn\u00eetrat", + "amony\u00fbmklor\u00eed" + ], + "RELIGION": [ + "\u062a\u0627\u0648\u06cc\u0632\u0645", + "selef\u00eet\u00ee" + ], + "RACE": [ + "amer\u00eekan" + ], + "DISEASE": [ + "korah\u00ee", + "mange", + "zimanfis\u00ee", + "rengkor\u00ee", + "sorik", + "giraneta", + "lerzeta", + "\u0633\u06d5\u06a9\u062a\u06d5\u06cc_\u0645\u06ce\u0634\u06a9", + "harb\u00fbn", + "fetis\u00een", + "\u067e\u06c6\u0644\u06cc\u0645\u06cc\u06c6\u0632\u06cc\u062a\u06cc\u0633", + "pembeta", + "pol\u00eemiyoz\u00eet", + "soy_h\u0131v", + "zengar", + "gazin", + "brus\u00eala", + "\u0633\u0647\u200c\u0631\u0647\u200c\u062a\u0627\u0646", + "lare\u015fe", + "\u0633\u0647\u200c\u0631\u06ce\u0634\u0647\u200c", + "avis\u00ee", + "rumat\u00eezm" + ], + "POLITICAL_PARTY": [ + "\u067e\u0627\u0631\u062a\u06cc_\u06a9\u0631\u06ce\u06a9\u0627\u0631\u0627\u0646\u06cc_\u0628\u0631\u06cc\u062a\u0627\u0646\u06cc\u0627", + "hizb", + "\u062d\u06cc\u0632\u0628", + "\u062d\u06cc\u0632\u0628\u06cc_\u062f\u06cc\u0645\u0648\u06a9\u0631\u0627\u062a" + ], + "LOCATION": [ + "\u0626\u06d5\u0646\u062c\u0648\u0645\u06d5\u0646\u06cc_\u0646\u06d5\u062a\u06d5\u0648\u06d5\u06cc\u06cc_\u0641\u06d5\u0631\u06d5\u0646\u0633\u06d5", + "kap_verde", + "\u0628\u0627\u0628\u0627\u0646\u06c6\u0626\u06ce\u0644", + "la_manche", + "\u06a9\u0631\u06cc\u0633\u062a\u06c6\u0641\u06d5\u0631_\u06a9\u06c6\u06b5\u0648\u0645\u0628\u0633", + "\u0633\u0648\u06b5\u062a\u0627\u0646_\u0639\u0648\u0633\u0645\u0627\u0646\u06cc_\u06cc\u06d5\u06a9\u06d5\u0645", + "\u0695\u0648\u0648\u0628\u0627\u0631\u06cc_\u0632\u06d5\u0631\u062f", + "kr\u00eestofor_kolumbus", + "sersal", + "\u0626\u06ce\u0645\u06cc\u0644\u06cc\u0627\u0646\u06c6_\u0633\u0627\u067e\u0627\u062a\u0627", + "t\u00fbtirwask", + "hir\u00e7\u00ea_mezin", + "\u06be\u06ce\u0632\u06cc_\u0626\u0627\u0633\u0645\u0627\u0646\u06cc", + "dya", + "saint_lucia", + "\u0626\u0627\u0645\u06ce\u0631\u06cc\u06af\u06c6_\u06a4\u06ce\u0633\u067e\u0648\u0686\u06cc", + "\u00e7em\u00ea_zer", + "ps\u00eekolojiya_kl\u00een\u00eek\u00ea", + "\u00e7iyay\u00ea_saint_helens" + ], + "FAC": [ + "\u0645\u0647\u200c\u06a9\u062a\u0647\u200c\u0628\u06cc_\u0633\u0647\u200c\u0631\u0647\u200c\u062a\u0627\u06cc\u06cc", + "saint_lucia", + "postxane", + "\u067e\u06cc\u062a\u06d5\u0631\u06cc_\u0645\u06d5\u0632\u0646" + ], + "GENDER": [ + "dagirtin", + "transgender", + "man" + ], + "QUANTITY": [ + "salet\u00eer\u00eaj", + "\u0646\u0647\u200c\u062e\u06ce\u0631", + "sterl\u00een", + "g", + "anders_celsius" + ], + "LANGUAGE": [ + "ferensay\u00ee", + "esperantoy\u00ee", + "frens\u00ee", + "kannaday\u00ee", + "holend\u00ee", + "ingl\u00eez\u00ee", + "portugal\u00ee", + "faris\u00ee", + "tonga" + ], + "GPE": [ + "\u00e7em\u00ea_saint_lawrence", + "qesra_sp\u00ee", + "\u0695\u06c6\u062d\u06cc_\u067e\u06cc\u0631\u06c6\u0632", + "\u067e\u06d5\u06cc\u0645\u0627\u0646\u06cc_\u0646\u0648\u06ce", + "endulus", + "peyama_n\u00fb", + "ayasofya", + "\u06a9\u06c6\u0634\u06a9\u06cc_\u0633\u067e\u06cc", + "\u0626\u06cc\u0645\u067e\u0631\u0627\u062a\u06c6\u0631\u06cc\u06d5\u062a\u06cc\u06cc_\u0626\u0627\u06b5\u0645\u0627\u0646\u06cc", + "\u0645\u0627\u0641\u06d5\u06a9\u0627\u0646\u06cc_\u0645\u0631\u06c6\u06a4" + ], + "PRODUCT": [ + "maf\u00ean_mirovan", + "julius_caesar", + "taq\u00ea_serketin\u00ea", + "kaviyay\u00ea_beraz\u00ee", + "sachsen_anhalt", + "the_lord_of_the_rings", + "\u0645\u0627\u0641\u06cc_\u0645\u0631\u06c6\u06a4", + "heftbira", + "ferdinand_magellan", + "\u0628\u0627\u0628\u0627\u0646\u06c6\u0626\u06ce\u0644", + "\u0633\u0627\u06a9\u0633\u06c6\u0646\u06cc\u0627_\u0626\u06d5\u0646\u06be\u0627\u0644\u062a", + "nordrhein_westfalen" + ], + "RELIGION_MEMBER": [ + "birader", + "misilman" + ], + "SOC_ECO_CLASS": [ + "bazara_re\u015f", + "\u0648\u06d5\u0631\u0632\u06ce\u0695\u06cc", + "\u00e7andin\u00ee", + "\u06a9\u0634\u062a\u0648\u06a9\u0627\u06b5" + ], + "DATE": [ + "dusibe" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "ke\u00e7": "\u06a9\u0627\u0628\u0631\u0627", + "\u06a9\u0686": "\u06a9\u0627\u0628\u0631\u0627", + "w\u00ea": "w\u00ee", + "her": "w\u00ee", + "mom": "\u067e\u0627\u067e\u0627", + "mam": "\u0628\u0627\u0648", + "\u062f\u0627\u06cc\u06a9": "bav", + "dotm\u00eer": "\u0645\u06cc\u0631", + "\u0634\u0627\u0647\u0628\u0627\u0646\u0648\u0648": "key", + "\u062e\u0648\u0634\u06a9": "birader", + "xwi\u015fk": "birader", + "keban\u00ee": "m\u00ear", + "\u0632\u0646": "\u067e\u06cc\u0627\u0648", + "xanim": "m\u00ear", + "\u062e\u06ce\u0632\u0627\u0646": "\u0645\u06ce\u0631\u062f", + "\u0698\u0646": "dagirtin", + "p\u00eerek": "man", + "kilfet": "dagir_kirin", + "\u064a\u0627\u0641\u0631\u06d5\u062a": "dagir_kirin", + "afret": "mirov", + "\u06a9\u0648\u0695": "ke\u00e7", + "\u06a9\u0648\u0631": "\u06a9\u0686" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "\u0695\u06d5\u06af\u06d5\u0632\u0648\u06d5\u06af\u06c6\u0695", + "transgender" + ], + "he": [ + "\u06a9\u0627\u0628\u0631\u0627", + "m\u00ear", + "\u06a9\u0648\u0695", + "seyda", + "dagirtin", + "r\u00eazdar", + "\u067e\u06cc\u0627\u0648", + "bir\u00eaz", + "man", + "dagir_kirin", + "\u06a9\u0648\u0631", + "h\u00eaja", + "mirov", + "zagon", + "little_boy", + "mamoste", + "efend\u00ee" + ], + "she": [ + "\u06a9\u0686", + "\u064a\u0627\u0641\u0631\u06d5\u062a", + "\u062e\u0648\u0634\u06a9\u0647", + "\u0698\u0646", + "\u0645\u06ce", + "p\u00eerek", + "kilfet", + "ke\u00e7", + "\u0632\u0646", + "afret" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "w\u00ee", + "ew" + ], + "she": [ + "w\u00ea", + "her" + ], + "it": [ + "\u064a\u06d5\u0645", + "hesin" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kum.json b/data_tooling/pii_processing/ontology/data/kum.json new file mode 100644 index 0000000..d99673c --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kum.json @@ -0,0 +1,44 @@ +{ + "RELIGION_MEMBER": [ + "\u043c\u043e\u043b\u043b\u0430" + ], + "PERSON_PRONOUN": [ + "\u043e\u043b" + ], + "GPE": [ + "\u043a\u044a\u044b\u0437\u044b\u043b_\u0445\u0430\u0447" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": { + "\u043e\u043b\u0430\u0440": "\u043e\u043b", + "\u043e\u043b": "\u043e\u043b\u0430\u0440" + }, + "en_pronoun2gender": { + "she": [ + "\u0442\u0438\u0448\u0438" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ], + "they": [ + "\u043e\u043b\u0430\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/kw.json b/data_tooling/pii_processing/ontology/data/kw.json new file mode 100644 index 0000000..734d379 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/kw.json @@ -0,0 +1,148 @@ +{ + "RELIGION_MEMBER": [ + "kristones", + "sarsyn", + "kristyon" + ], + "LANGUAGE": [ + "frenkek", + "polonek", + "kembrek", + "kernowek", + "kernewek" + ], + "JOB": [ + "kreswas", + "mytern", + "bughwas", + "latimores", + "brysonydhes", + "brysonydh", + "latimer" + ], + "FOOD": [ + "pastes", + "chile" + ], + "ORG": [ + "jan_mayen", + "my_a'th_kar", + "nos_kwestyon", + "sodhva_an_post", + "po", + "lytherva" + ], + "PLANT": [ + "karetys", + "keresen", + "howlvleujen", + "kesten" + ], + "ANIMAL": [ + "cronek", + "lostledan", + "goolan", + "an_puskes", + "tresklenn", + "karow", + "melldrosek", + "piesen", + "kath", + "goelann", + "hogh_gyni", + "cowan", + "brogh" + ], + "LOCATION": [ + "park", + "kala_me", + "tas_nadelik", + "an_para_oll_du" + ], + "PRODUCT": [ + "s\u00e3o_tom\u00e9_ha_pr\u00edncipe" + ], + "DISEASE": [ + "anger", + "logosen", + "brath", + "chi", + "glow", + "gossen", + "an_kanker", + "tan", + "le", + "bratha" + ], + "PERSON_PRONOUN": [ + "i", + "my" + ], + "PUBLIC_FIGURE": [ + "frenk", + "m", + "i" + ], + "SOC_ECO_CLASS": [ + "dehen" + ], + "GENDER": [ + "men", + "maghteth" + ], + "FAC": [ + "lytherva" + ], + "GPE": [ + "testament_nowyth" + ], + "DATE": [ + "de_halan_gw\u00e2v" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abases": "abas", + "mam": "peder", + "mamm": "sira", + "pystriores": "pystrier", + "gwreg": "gour", + "gwragh": "pystrier" + }, + "other_gender_swap": { + "anjei": "jei" + }, + "en_pronoun2gender": { + "he": [ + "frut", + "gwas" + ], + "she": [ + "benyn", + "maghteth" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "jei" + ], + "they": [ + "jei", + "anjei", + "leur" + ], + "it": [ + "ky" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ky.json b/data_tooling/pii_processing/ontology/data/ky.json new file mode 100644 index 0000000..b8be250 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ky.json @@ -0,0 +1,158 @@ +{ + "ANIMAL": [ + "\u0441\u0430\u0433\u044b\u0437\u0433\u0430\u043d", + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u0431\u0430\u043a\u0430", + "\u0447\u0430\u043b\u043a\u0430\u043d\u043a\u0430\u043b\u0434\u044b\u0440\u043a\u0430\u043d", + "\u0441\u0443\u0443\u0441\u0430\u0440" + ], + "RELIGION": [ + "\u043b\u0430\u043c\u0430\u0438\u0437\u043c", + "\u0434\u0430\u043e\u0441\u0438\u0437\u043c" + ], + "PUBLIC_FIGURE": [ + "c", + "\u04e9\u0437_\u0436\u0430\u043d\u044b\u043d_\u043a\u044b\u044e\u0443", + "\u0434\u0430\u043b\u044c\u0442\u043e\u043d", + "\u043f\u0451\u0442\u0440_i", + "\u043b\u0438_\u0431\u0440\u044e\u0441" + ], + "QUANTITY": [ + "\u043a\u0430\u043b\u043e\u0440\u0438\u044f" + ], + "ORG": [ + "\u043a\u0430\u043d\u0442\u0445\u043e", + "\u043c\u0435\u043d_\u0441\u0435\u043d\u0438_\u0441\u04af\u0439\u04e9\u043c", + "\u0430\u0439\u044b\u043b_\u0447\u0430\u0440\u0431\u0430", + "\u0431\u0430\u0436\u044b\u043a\u0430\u043d\u0430", + "\u0442\u0430\u043c\u043e\u0436\u043d\u044f", + "\u0433\u043e\u043c\u0438\u043d\u044c\u0434\u0430\u043d", + "\u0441\u0438\u043d\u0442\u043e\u0438\u0437\u043c", + "\u0432\u0438\u043d\u043d\u0438_\u043f\u0443\u0445", + "\u0441\u043e\u043e\u0434\u0430_\u0431\u043e\u0440\u0431\u043e\u0440\u0443", + "\u0436\u0430\u0440\u0430\u043d\u0434\u044b\u043a_\u0443\u043a\u0443\u043a_\u0436\u0430\u043d\u0430_\u044d\u0440\u043a\u0438\u043d\u0434\u0438\u043a", + "\u043a\u0440\u0438\u0432\u043e\u0439_\u0440\u043e\u0433", + "\u0441\u0435\u043d\u0442_\u043b\u044e\u0441\u0438\u044f", + "\u0430\u0439\u044f_\u0441\u043e\u0444\u044c\u044f", + "\u0430\u043a\u0448", + "\u0430\u0439\u044b\u043b_\u0447\u0430\u0440\u0431\u0430\u0441\u044b" + ], + "DISEASE": [ + "\u0442\u043e\u043a\u0441\u043e\u043f\u043b\u0430\u0437\u043c\u043e\u0437", + "\u043f\u0440\u043e\u043a\u0442\u0438\u0442", + "\u043f\u043e\u043b\u0438\u043f\u0442\u0435\u0440", + "\u0431\u043e\u0433\u043e\u043a", + "\u0438\u043d\u0441\u0443\u043b\u044c\u0442", + "\u0441\u043a\u0430\u0440\u043b\u0430\u0442\u0438\u043d\u0430", + "\u043b\u0438\u0441\u0442\u0435\u0440\u0438\u043e\u0437", + "\u043f\u043e\u043b\u0438\u043e\u043c\u0438\u0435\u043b\u0438\u0442", + "\u0430\u043a\u0442\u0438\u043d\u043e\u043c\u0438\u043a\u043e\u0437", + "\u0430\u0437_\u043a\u0430\u043d\u0434\u0443\u0443\u043b\u0443\u043a", + "\u0430\u0433\u0440\u043e\u043d\u0443\u043b\u043e\u0446\u0438\u0442\u043e\u0437", + "\u0431\u0443\u0440\u0441\u0438\u0442" + ], + "JOB": [ + "\u0434\u043e\u0433\u0434\u0443\u0440", + "\u0442\u0438\u043b\u043c\u0435\u0447", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0441\u043e\u0440", + "mate", + "\u0430\u043a\u0430\u0434\u0435\u043c\u0438\u043a", + "\u0430\u0434\u043c\u0438\u043d\u0438\u0441\u0442\u0440\u0430\u0442\u043e\u0440", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442" + ], + "PRODUCT": [ + "\u0430\u0434\u0430\u043c_\u0443\u043a\u0443\u043a\u0442\u0430\u0440\u044b" + ], + "FOOD": [ + "\u0436\u0443\u043c\u0443\u0440\u0442\u043a\u0430", + "\u0441\u0430\u0433\u044b\u0437" + ], + "RACE": [ + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043b\u044b\u043a\u0442\u0430\u0440" + ], + "PLANT": [ + "\u0437\u0430\u0440\u0430\u04a3" + ], + "PERSON_PRONOUN": [ + "\u043c\u0435\u043d\u0438\u043d" + ], + "UNION": [ + "\u043f\u0440\u043e\u0444\u0441\u043e\u044e\u0437" + ], + "FAC": [ + "\u0431\u0430\u0448\u0442\u0430\u043b\u0433\u044b\u0447_\u043c\u0435\u043a\u0442\u0435\u043f", + "\u0430\u0442\u0430\u043a\u0430\u043c\u0430" + ], + "GENDER": [ + "\u043a\u0430\u0440\u0442" + ], + "LANGUAGE": [ + "\u0430\u0440\u0430\u0431" + ], + "GPE": [ + "\u0434\u0430\u0440_\u044d\u0441_\u0441\u0430\u043b\u0430\u043c_\u0448\u0430\u0430\u0440\u044b", + "\u043a\u044b\u0437\u044b\u043b_\u0434\u0435\u04a3\u0438\u0437", + "\u0436\u0430\u04a3\u044b_\u043e\u0441\u0443\u044f\u0442", + "\u0441\u0430\u043d_\u0442\u043e\u043c\u0435" + ], + "LOCATION": [ + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435" + ], + "LAW": [ + "\u0444\u0435\u0434\u0435\u0440\u0430\u043b\u0434\u044b\u043a_\u0447\u0430\u043b\u0433\u044b\u043d\u0434\u043e\u043e_\u043a\u044b\u0437\u043c\u0430\u0442\u044b" + ], + "RELIGION_MEMBER": [ + "\u043c\u043e\u0440\u043c\u043e\u043d", + "\u04e9\u0437_\u043a\u0438\u0448\u0438" + ], + "BIO_CHEM_ENTITY": [ + "\u043a\u0430\u043b\u044c\u0446\u0438\u0444\u0435\u0440\u043e\u043b" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u0431\u043e\u043b\u044c\u0448\u0435\u0432\u0438\u043a" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043d\u0435\u0431\u0438\u0440\u0435": "\u043c\u0435\u043c\u0438\u0440\u0435", + "\u044d\u043d\u0435": "\u044d\u043c\u0435\u043d", + "\u043a\u043e\u0440\u043e\u043b\u0435\u0432\u0430": "\u0446\u0430\u0440\u044c", + "\u043a\u0430\u0440\u044b\u043d\u0434\u0430\u0448": "\u0436\u043e\u043b\u0434\u043e\u0448", + "\u044d\u0436\u0435": "\u0436\u043e\u043b\u0434\u043e\u0448", + "\u04e9\u0433\u04e9\u0439_\u044d\u043d\u0435": "\u04e9\u0433\u04e9\u0439_\u0430\u0442\u0430", + "\u043e\u0444\u0438\u0446\u0438\u0430\u043d\u0442\u043a\u0430": "\u043e\u0444\u0438\u0446\u0438\u0430\u043d\u0442", + "\u0430\u044f\u043b": "\u044d\u0440", + "\u043a\u0430\u0442\u044b\u043d": "\u043a\u04af\u0439\u04e9\u04e9" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d" + ], + "she": [ + "\u0430\u044f\u043b", + "\u044d\u0436\u0435", + "\u0436\u0430\u043d\u0430", + "\u043a\u044b\u0437" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u0430\u043b\u0430\u0440" + ], + "it": [ + "\u0431\u0443\u043b", + "\u044d\u043d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/la.json b/data_tooling/pii_processing/ontology/data/la.json new file mode 100644 index 0000000..df5b1cb --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/la.json @@ -0,0 +1,1283 @@ +{ + "LANGUAGE": [ + "lingua_avestana", + "corsicanus", + "graecus", + "lithuanicus", + "romane", + "bohemicus", + "catalana", + "lusitanus", + "corsus", + "polonicus", + "batavicus", + "locutio", + "corsicus", + "ganda", + "graeca", + "hispanicus", + "lingua_africana", + "curdicus", + "cree", + "ido", + "tonga", + "arabicus", + "lingua_zamenhofiana" + ], + "RELIGION": [ + "albigensis", + "zen", + "shinto", + "presbyterianismus", + "islam", + "cathari", + "calvinismus", + "manichaeismus", + "wicca" + ], + "DISEASE": [ + "catalepsia", + "pertussis", + "arthritis", + "tego", + "polio", + "hordeolus", + "doleo", + "abrasio", + "anthrax", + "als", + "rabies", + "rumpo", + "vigilatio", + "gangraena", + "progeria", + "singultus", + "prodroma", + "porrigo", + "anger", + "debilitas", + "lordosis", + "contrapunctus", + "clavus", + "claustrophobia", + "beriberi", + "mycobaterium_tubercolisis", + "mania", + "dementia", + "lithiasis", + "cruciamen", + "struma", + "paraesthesia", + "sitis", + "graviditas", + "hydrocele", + "vellico", + "pancreatitis", + "rosacea", + "deliro", + "confringo", + "valgus", + "morsico", + "chorea", + "la_peste", + "melanoma_malignum", + "orchitis", + "appendicitis", + "alalia", + "sternuo", + "mordeo", + "gravida", + "vulnus", + "paralysis", + "fundator", + "aurajoki", + "chi", + "delirium", + "stridor", + "lichen", + "vigil", + "rubor", + "cruciatus", + "akinesia", + "serpedo", + "scarlatina", + "oestrus", + "ferrugo", + "alimentatio_prava", + "abasia", + "hernia", + "alexia", + "mulceo", + "pica", + "vernatio", + "sternuto", + "tormina", + "frangere", + "murmur", + "tabes", + "perturbatio", + "photophobia", + "rubella", + "cancer_testicularis", + "gasum", + "diphtheria", + "the_passion_of_the_christ", + "purpura", + "contagio", + "paraplegia", + "caecitas", + "conditor", + "vitreus", + "paralysis_cerebralis", + "aura", + "pestis_bubonica", + "conditio", + "poliomyelitis", + "materialismus", + "uraemia", + "felinosis", + "ebola_febris_haemorrhagica", + "furunculus", + "salmonella", + "verruca", + "viraemia", + "malaria", + "gravedo" + ], + "PUBLIC_FIGURE": [ + "robertus_browning", + "akira_kurosawa", + "robertus_robinson", + "christophorus_isherwood", + "valentina_tere\u0161kova", + "georgius_stephenson", + "carolus_dickens", + "carolus_goldoni", + "c", + "vladimirus_putin", + "arnaldus_brixiensis", + "ioannes_pavlov", + "thomas_hodgkin", + "archangelus_corelli", + "sergius_rachmaninov", + "maria_callas", + "carolus_ii", + "leopoldus_kronecker", + "paulus_tarsensis", + "paulus_picasso", + "alexander_manzoni", + "douglas_macarthur", + "catalina", + "maria_magdalena", + "anna_pavlova", + "winston_churchill", + "georgius", + "franciscus_franco", + "k", + "robertus_redford", + "victor_hugo", + "delius", + "maria_tussaud", + "zeno_citieus", + "milton_friedman", + "eduardus_teller", + "robertus_lowell", + "jefferson_davis", + "gualterus_scott", + "claudius_bernard", + "anna_hutchinsonia", + "franciscus_crick", + "edmundus_hillary", + "georgius_harrison", + "thornton_wilder", + "thomas_hobbesius", + "oliverius_hardy", + "praemia_academiae", + "edmundus_halley", + "eduardus_martyr", + "rebecca_west", + "stephanus_sondheim", + "antonius_hopkins", + "michael_jackson", + "anna_bradstreet", + "el_greco", + "samuel_beckett", + "david", + "chaim_weizmann", + "mariana_anderson", + "georgius_fox", + "i_m_pei", + "gustavus_hertz", + "georgius_simenon", + "petrus", + "petrus_corneille", + "alfredus_nobel", + "angelus_custos", + "georgius_sand", + "paulus_newman", + "eugenius_franciscus", + "thomas_paine", + "p", + "thomas_willis", + "samuel_johnson", + "jesus", + "e", + "robertus_southey", + "adolphus_eichmann", + "martinus_heidegger", + "alphonsus_capone", + "laurentius_onsager", + "oliverius_cromwellus", + "maria_curie", + "alexander_botticelli", + "albertus_einstein", + "helimutus_schmidt", + "leonellus_barrymore", + "abel_tasman", + "georgius_steller", + "arthurus_koestler", + "j", + "robertus", + "vincentius_bellini", + "leslie_howard", + "alexander_guinness", + "theodosius_i", + "hugo_grotius", + "sara_bernhardt", + "vincentius_van_gogh", + "georgius_cuvier", + "ferdinandus_morton", + "maria_shelley", + "michael_jagger", + "dorothea_lange", + "maximus_weber", + "catharina_hauarda", + "piracium", + "y", + "cubilai", + "caminarius", + "ioannes_barrymore", + "carolus_sandburg", + "samuel_barber", + "f", + "thomas_mann", + "henricus_schliemann", + "georgius_lucas", + "franciscus_poulenc", + "peter_pan", + "franciscus_hals", + "samuel_de_champlain", + "fridtjof_nansen", + "andreas_mantegna", + "philippus_brunelleschi", + "bernardus_bertolucci", + "robertus_burns", + "maximilianus_weber", + "antonia_morrison", + "rogerius_williams", + "editha_wharton", + "robertus_schumann", + "harrius", + "albertus_speer", + "auceps", + "fridericus_fellini", + "a", + "carolus_popper", + "hieronymus_savonarola", + "theodoricus_bonhoeffer", + "benedictus_mandelbrot", + "david_ricardo", + "robertus_morris", + "gustavus_mahler", + "charlie_parker", + "antonius_stradivarius", + "samuel_gompers", + "nellie_bly", + "octavius", + "patricius_white", + "morganis", + "titus", + "bertrandus_russell", + "paulus_verlaine", + "scott_joplin", + "samuel_houston", + "canberra", + "franciscus_capra", + "elias_canetti", + "paulus_dukas", + "henricus_bergson", + "robertus_hooke", + "henricus_james", + "graham_greene", + "arthurus_schopenhauer", + "edmundus_rostand", + "iosephus_aloisius_gay_lussac", + "arthurus", + "ernestus_guevara", + "robertus_hood", + "georgius_boole", + "christophorus_columbus", + "georgius_enescu", + "henricus_moore", + "michael_faraday", + "irving_berlin", + "beniaminus_franklinius", + "georgius_mason", + "archibaldus_macleish", + "baiulus", + "bernardus_baruch", + "rubens", + "henricus", + "gabriel_lippmann", + "benedictus_arnold", + "ted_williams", + "henricus_matisse", + "moses", + "michael_baryshnikov", + "ronaldus_norrish", + "stephanus_spielberg", + "alfredus_kastler", + "neander", + "laurentius_olivier", + "rupertus", + "henricus_ibsen", + "homo_heidelbergensis", + "thomas_middleton", + "catharina_mansfield", + "robertus_hope", + "stephanus_reich", + "samuel_adams", + "philippus_roth", + "paulus_casals", + "indira_gandhi", + "georgius_orwell", + "arnoldus_schoenberg", + "daniel_rutherford", + "catherina", + "maria_i", + "m", + "curtius_waldheim", + "allen_ginsberg", + "henricus_miller", + "antonius", + "phillis_wheatley", + "gregorius", + "paulus_mccartney", + "henricus_caruso", + "thomas", + "eduardus_albee", + "glenn_miller", + "robertus_boyle", + "gustavus", + "calvinus", + "adolphus_hitler", + "marcellus_malpighi", + "margarita_mitchell", + "martinus_buber", + "otto_hahn", + "anna_arendt", + "albertus_giacometti", + "elisabetha_taylor", + "hector_berlioz", + "ludovicus_carroll", + "rudolphus_bultmann", + "o", + "u", + "stephanus_martin", + "i", + "edwardus", + "paulus_tillich", + "constantinus_stanislavskij", + "jacobus", + "mel_gibson", + "le_corbusier", + "ludovicus_wittgenstein", + "king_lear", + "dorothea_lessing", + "eduardus_buchner", + "ingrid_bergman", + "ronaldus_reagan", + "petrus_sellers", + "anna_bolena", + "alfredus", + "paulus_veronensis", + "antoninus", + "ioannes_ruskin", + "leonardus_bernstein", + "eduardus_merckx", + "ioannes_davis", + "balduinus", + "maria_pickford", + "carius_grant", + "cordell_hull", + "rosa_parks", + "x", + "carolus_jung", + "leo_trotski", + "carolus", + "randall_jarrell", + "nicolaus_poussin", + "arthurus_miller", + "cingischam", + "andreas_wajda", + "philippinus_lippi", + "alexander_dumas", + "franciscus_galton", + "rudolphus_steiner", + "g", + "king_john", + "thomas_dekker", + "l_m_montgomery", + "laurentius_sterne", + "paulus_revere", + "r", + "thomas_hardy", + "hilarius_belloc", + "robertus_dylan", + "thomas_carlyle", + "allen_tate", + "henricus_clay", + "carolus_laughton", + "d", + "castro", + "flavius_iosephus", + "daniel_bernoullius", + "laurentius", + "petrus_boulez", + "carolus_montesquieu", + "emma_goldman", + "putin", + "georgius_wallace", + "henricus_rousseau", + "heinricus", + "coleman_hawkins", + "philippus_collins", + "marcus_aurelius", + "mahatma_gandhi", + "moyses", + "marcus_rothko", + "carolus_baudelaire", + "franciscus_werfel", + "alicia_walker", + "edmundus", + "vladimirus_lenin", + "ernestus_hemingway", + "carolus_barth", + "leonardus", + "jackson_pollock", + "constantinus", + "david_crockett", + "bernardus_malamud", + "brixia", + "adamus_smith", + "charlie_chaplin", + "paulus_hindemith", + "thomas_malory", + "lea", + "demetrius_mendeleev", + "piscis_austrinus", + "ricardus_wagner", + "carolus_darwinius", + "robertus_fischer", + "thomas_merton", + "franciscus_beaumont", + "ottomanus_i", + "nicolaus_tinbergen", + "maximianus", + "robinson_jeffers", + "fullo", + "miles_davis", + "arthurus_rex", + "catharina_aragonensis", + "catharina_hepburn", + "ioannes_florius", + "willa_cather", + "quintinus_tarantino", + "augustus_strindberg", + "stanley_kubrick", + "sara_siddons", + "edwinus_hubble", + "mauritius_chevalier", + "andreas_sacharov", + "homo", + "andreas_jackson", + "richardus_strauss", + "alienora", + "david_hilbert", + "lisa_meitner", + "rex_harrison", + "s", + "antonius_blair", + "woodrow_wilson", + "michael_kalinin", + "americus_vespucius", + "robertus_koch", + "marcus_antonius", + "terentius_pratchett", + "matthaeus_arnold", + "saladinus", + "sanctus_georgius", + "marcellus_proust", + "aquila", + "theodorus_mommsen", + "franciscus_sinatra", + "nelson_mandela", + "andreas_palladius", + "helena_keller", + "haroldus_nicolson", + "samuel_huntington", + "arnoldus", + "ella_fitzgerald", + "fats_waller", + "robertus_scott", + "georgius_gagarin", + "henricus_purcell", + "ludovicus_ii", + "macarius_iii", + "henricus_houdini", + "bradley", + "stephanus_king", + "marianna_moore", + "herbertus_marcuse", + "e_e_cummings", + "leopoldus_stokowski", + "pontius_pilatus", + "norbertus_wiener", + "franciscus_bacon", + "fridericus_sanger", + "kahlil_gibran", + "albertus_schweitzer", + "henricus_cavendish", + "patricius_henry", + "promus", + "l", + "andreas_carnegie", + "thomas_edison", + "elizabeth", + "chiang_kai_shek", + "georgius_gershwin", + "henricus_fermi", + "henricus_himmler", + "t" + ], + "JOB": [ + "collector", + "creator", + "duces", + "obstetrix", + "mercator", + "tonstrix", + "fundator", + "sartor", + "publicus", + "diamesolabeta", + "lotor", + "dermatologista", + "armiger", + "capraria", + "catechista", + "translator", + "histrio", + "hydrogista", + "glutinator", + "hydrologistus", + "curator", + "tabellarius", + "subulcus", + "aerarius", + "the_police", + "gestor", + "essedarius", + "processor", + "repertor", + "pastorius", + "pictrix", + "promus", + "panchrestarius", + "dulciarius", + "independens", + "episcopa", + "heraldus", + "curatrix", + "vestitor", + "sanator", + "everro", + "cursarius", + "endocrinologistus", + "crustularius", + "tonsor", + "inventor", + "saltatrix", + "ancillula", + "exercitor", + "mulceo", + "panifex", + "kamikaze", + "ballivus", + "sculptor", + "hierarcha", + "the_guardian", + "percussor", + "cancellarius", + "gurus", + "endocrinologista", + "minister", + "coquo", + "causidicus", + "macer", + "cinerarius", + "pastor", + "caminarius", + "lapicida", + "diplomate", + "marinus", + "struo", + "laryngologa", + "dermatologistus", + "coquus", + "treveris", + "pincerna", + "ancilla", + "carruca", + "interpres", + "the_economist", + "temporarius", + "porter", + "caprarius", + "episcopus", + "ornatrix", + "chemicus", + "demarchus", + "coqua", + "plumbarius", + "miles", + "usher", + "sanatrix", + "lacer", + "lagemannus", + "tabularius", + "proconsul", + "clava_ferrea", + "venatrix", + "laryngologus", + "conditor", + "presbyter", + "abbreviator", + "sub", + "the_independent", + "figulus", + "agaga", + "induo", + "publicanus", + "fullo" + ], + "DATE": [ + "perendie", + "dies_cinerum", + "dies_victoriae", + "dies_intercalarius", + "the_day_after_tomorrow", + "plenilunium", + "vigiliae_nocturnae", + "dies_consociationis_nationum", + "dies_cenae_domini", + "serius_ocius", + "dies_memoriae_primi_belli_mundani", + "semihora", + "dies_passionis_domini", + "twelfth_night", + "the_day_after" + ], + "ORG": [ + "shinto", + "ignis_olympicus", + "me_vocor", + "dolorosa", + "wicca", + "napoca", + "mediterranea_occidentalia", + "pronepos", + "nasa", + "the_comedy_of_errors", + "the_who", + "dominium", + "res_publica_cypri_septentrionalis", + "vivat", + "basilius_magnus", + "dominus_ioannes", + "copiae", + "lancastria", + "sc", + "in_domo", + "aetas_aurea", + "luna_prima", + "ivano_frankivscum", + "cultura_occidentalis", + "exercitus_civitatum_foederatarum", + "ec", + "flumen_flavum", + "violentia_domestica", + "carolus_sagan", + "insula_sanctae_helenae", + "media_socialia", + "ai", + "res_publica_serbica", + "factio_socialistica", + "factio_popularis_hispanica", + "nicolaus_myrensis", + "et_al", + "the_big_four", + "factio_liberalis", + "imperia_centralia", + "gubernatio", + "res_publica_vimariana", + "cathari", + "paulatim", + "res_publica_democratica_germanica", + "neanthopolis", + "de_novo", + "ursa_maior", + "denuo", + "agnio", + "the_full_monty", + "sancta_lucia", + "americanologia", + "archiva_nationalia", + "argentaria_centralis", + "rectio", + "res_militaris", + "res_publica_capitis_viridis", + "mythologia_romana", + "administratio", + "luscus", + "martyres", + "urbs_sancti_thomae", + "the_grapes_of_wrath", + "quis", + "ursa_major", + "ecclesia_catholica_romana", + "factio_whig", + "diribitorium", + "nato", + "neoplantae", + "anno_domini", + "unio_europaea", + "te_amo", + "ad_hoc", + "gummi_manducabile", + "factio_conservativa", + "ius_canonicum", + "domi", + "schola", + "in_situ", + "franciscopolis", + "sa", + "taoismus", + "factio_politica", + "assumptio_beatae_mariae_virginis", + "winnie_ille_pu", + "democratia_socialis", + "claudiopolis", + "cervulus", + "praediator", + "eu", + "dei_genitrix", + "vasconia", + "domus_alba", + "latomismus", + "factio_operaria_socialistarum_nationalium_germanica", + "mater_dolorosa" + ], + "PLANT": [ + "lilium_martagon", + "diospyros_virginiana", + "mastiche", + "melissa", + "the_joshua_tree", + "lappa", + "laureola", + "solanaceae", + "anthriscus_cerefolium", + "laurus_nobilis", + "amanita", + "sequoiadendron", + "arabidopsis_thaliana", + "bertholletia_excelsa", + "helianthus_annuus", + "arundo", + "achillea", + "magnolia_grandiflora", + "convolvulus", + "matthiola_incana", + "papaver", + "lapathus", + "cerasum", + "clusia", + "reseda", + "prunus_armeniaca", + "liquidambar", + "urtica", + "lychnis", + "castanearius", + "luteus", + "amanita_muscaria", + "dracocephalum", + "citrus_tangerina", + "sinapi", + "ulmus_americana", + "hippocrepis_comosa", + "saccharum", + "lentiscus", + "trifolium_repens", + "solanum", + "acer_pseudoplatanus", + "arbor_natalicia", + "cornus_florida", + "cerasus", + "cyperus_papyrus", + "saccharomyces_cerevisiae", + "ballote", + "camphora", + "sancta_maria", + "caprifolium", + "aralia_stipulata", + "colocasia_esculenta", + "piper_betle", + "planta_carnivora", + "oxalis", + "belladonna", + "viola_odorata", + "chrysanthemum", + "rubus_ardens", + "castanea", + "magnolia", + "batus", + "rosa_damascena", + "tritoma" + ], + "SOC_ECO_CLASS": [ + "optimas", + "labor", + "ingenuitas", + "fraternitas", + "paucus", + "samuraeus", + "cramum", + "muliebris_status" + ], + "ANIMAL": [ + "mammalis", + "palumbes", + "buteo", + "the_raven", + "sapo", + "cattus", + "feles", + "sitta_europaea", + "billy_elliot", + "canis_minor", + "carduelis", + "pisces", + "ardeo", + "cornix", + "pompilus", + "communis", + "chaus", + "homo_sapiens", + "dolichovespa", + "passer", + "porphirio", + "crabro", + "accipiter", + "ursulus", + "platanista", + "bombyx", + "catta", + "herpes_zoster", + "arthropoda", + "honos", + "campagnol", + "profelis", + "mane", + "salvelinus_fontinalis", + "ferre" + ], + "FOOD": [ + "citrus_aurantiifolia", + "promulsis", + "tyropatina", + "daucus_carota", + "prandium", + "mixtella", + "vigna_unguiculata", + "capsicum", + "embamma", + "farina", + "lucumium", + "sodium_chloride", + "tragemata", + "coffeum", + "chili", + "transfugio", + "chile", + "deserta", + "limonada", + "gummi_manducabile", + "gustatio", + "lacticinium", + "caseus_castrensis" + ], + "QUANTITY": [ + "mille_passuum", + "undetriginta", + "numerus_atomicus", + "libera", + "g", + "dollarium", + "quingenti", + "metrum_cubicum", + "systema_internationale", + "andreas_celsius", + "numerus_rationalis" + ], + "PRODUCT": [ + "the_hunger_games", + "abite", + "televisio_digitalis", + "in_memoriam", + "mons_sanctae_helenae", + "canticum_canticorum", + "the_star_spangled_banner", + "nova_seelandia", + "vi_fi", + "la_ciociara", + "the_lord_of_the_rings", + "canticum_solomonis", + "navis_velifera", + "saxonia_anhaltium", + "la_dolce_vita", + "deutsche_welle", + "spiritus_sanctus", + "dei_gratia", + "de_facto", + "ioannes_baptista", + "hornanum_caput" + ], + "GPE": [ + "gentes_maritimae", + "aurifodina", + "dominicopolis", + "dar_es_salaam", + "imperium_germanicum", + "pandanus_tectorius", + "auraria", + "dies_sancti_georgii", + "novum_testamentum", + "aedes_sanctae_sophiae", + "aquae_sextiae", + "sanctus_nicolaus", + "mare_aegaeum", + "america_centralis", + "iura_humana", + "nicolaus_myrensis", + "sancti_laurentii_fluvius", + "beata_maria_virgo_perdolens", + "vinh_long", + "urbs_sancti_ludovici", + "mare_rubrum", + "dolorosa", + "non_non" + ], + "RELIGION_MEMBER": [ + "christianus", + "baptista", + "trappista", + "baptisma", + "protestans", + "procer" + ], + "PERSON": [ + "insula_sancti_vincentii", + "don_delillo", + "e_e_cummings", + "seleucus_i_nicator" + ], + "GENDER": [ + "guidus", + "puera", + "babae", + "male", + "guido", + "transgenerismus" + ], + "RACE": [ + "latino", + "africanus", + "africus", + "francus", + "escimaeus", + "autochthon", + "americani", + "nigricolores", + "albicolores", + "latina" + ], + "FAC": [ + "der_zauberberg", + "compostella", + "sancta_lucia", + "arnoldus_schoenberg", + "educatio_primaria", + "porta_brandenburgensis", + "trigintatres", + "ludus_litterarius", + "teloneum", + "titus_livius", + "gradatim", + "petrus_i", + "ecclesia_catholica", + "diribitorium" + ], + "LOCATION": [ + "insula_sancti_martini", + "australia_occidentalis", + "electrificina", + "trifolium_repens", + "res_adversae", + "novus_orbis", + "collegium_sancti_ioannis", + "non_forsit", + "campus_physicus", + "iordanis", + "non_obstat", + "insulae_tristanenses", + "plantago_major", + "dies_sancti_martini", + "pridem", + "mons_oliveti", + "australia_australis", + "concilium_nationale_atropatenicum", + "res_mala", + "statio_meteorologica", + "pantopolium", + "arena", + "turricula_ardozensis", + "urbs_trifluvianensis", + "aemilianus_zapata", + "ottomanus_i", + "fortuna_mala", + "the_rolling_stones", + "statio_ferriviaria", + "propero", + "via_romana", + "lacus_superior", + "res_publica_capitis_viridis", + "classis_aeria", + "lithgoana", + "trifolium_dubium", + "pater_natalis", + "falklandia" + ], + "PERSON_PRONOUN": [ + "i", + "dein", + "huic", + "me", + "vosmet", + "my", + "nobis", + "meus", + "illius", + "us" + ], + "BIO_CHEM_ENTITY": [ + "acidum_butyricum" + ], + "POLITICAL_PARTY": [ + "labor", + "kuomintang", + "factio_laboris", + "girundia", + "factio_socialis_democratica", + "factio_republicana", + "factio_democratica" + ], + "LAW": [ + "libertas_religionis", + "ius_romanum", + "ne_bis_in_idem" + ], + "EVENT": [ + "expergisci", + "chorea_macchab\u00e6orum" + ], + "UNION": [ + "sodalitas_internationalis_telecommunicationum", + "collegium_opificum" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbatissa": "abba", + "negotiatrix": "negotians", + "filia": "filius", + "dalila": "incantator", + "femella": "male", + "femina": "coniunx", + "feminal": "male", + "femineus": "male", + "puella": "guidus", + "babae": "guidus", + "adolescens": "facio", + "puera": "guidus", + "neptis": "nepos", + "eius": "eorum", + "huius": "horum", + "heroine": "heros", + "illius": "illorum", + "sibi": "sese", + "sese": "sibi", + "matrix": "parens", + "maximus": "patro", + "soror": "frater", + "monacha": "monachus", + "denuntiatrix": "denuntiator", + "sacerdos": "flamen", + "sacerdotessa": "imam", + "filia_regis": "regulus", + "haec": "ille", + "naja": "frater", + "venefica": "fascinatorius", + "fascinatoria": "veneficus", + "fascinatrix": "fascinator", + "fascinans": "veneficus", + "privigna": "privignus", + "noverca": "vitricus", + "vidua": "viduus", + "balo": "viduus", + "marita": "maritus", + "coniunx": "maritus", + "sponsa": "maritus", + "mulier": "maritus", + "nupta": "maritus", + "uxor": "maritus", + "striga": "fascinatorius", + "wicca": "veneficus", + "pythonissa": "fascinatorius", + "masca": "fascinans", + "malefica": "fascinatorius", + "adulescens": "puella", + "catulaster": "babae" + }, + "other_gender_swap": { + "illas": "haec", + "illos": "haec", + "has": "huius", + "haec": "eae", + "illorum": "eius", + "earum": "illius", + "horum": "eius", + "illarum": "eius", + "lia": "eorum", + "eorum": "huius", + "ii": "haec", + "illae": "haec", + "eae": "haec", + "illi": "illas", + "ille": "ii", + "huic": "haec", + "isti": "illas", + "eius": "eorum", + "illius": "earum", + "huius": "illarum" + }, + "en_pronoun2gender": { + "they": [ + "transgenerismus", + "homosexualis" + ], + "he": [ + "guidus", + "masculus", + "male", + "catulaster", + "adulescens", + "facio", + "bullo", + "guido" + ], + "she": [ + "missa", + "dominula", + "desum", + "puera", + "mulier", + "adolescens", + "femina", + "femineus", + "domestica", + "babae", + "feminal", + "femella", + "puella" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "illi", + "sese", + "illius", + "lia", + "eius", + "isti", + "ille", + "sibi", + "huic" + ], + "she": [ + "huius", + "sese", + "eius", + "illius", + "haec", + "sibi" + ], + "they": [ + "eorum", + "illarum", + "illi", + "lia", + "illos", + "earum", + "illorum", + "haec", + "illae", + "illas", + "ii", + "eae", + "has", + "horum" + ], + "it": [ + "per_se", + "sese", + "eius", + "suae", + "esses", + "dies", + "alea", + "sibi", + "tento" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lad.json b/data_tooling/pii_processing/ontology/data/lad.json new file mode 100644 index 0000000..5e16ee1 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lad.json @@ -0,0 +1,60 @@ +{ + "PLANT": [ + "asetunal", + "safan\u00f3rya" + ], + "RACE": [ + "djudio" + ], + "PUBLIC_FIGURE": [ + "moshe", + "i", + "putin" + ], + "PERSON_PRONOUN": [ + "i", + "mozotros" + ], + "FOOD": [ + "farina", + "chile", + "guevo", + "desyerto" + ], + "RELIGION": [ + "djudaismo_reformista" + ], + "RELIGION_MEMBER": [ + "ermano" + ], + "ORG": [ + "biznyeto" + ], + "LOCATION": [ + "giulan", + "mar_preta" + ], + "DISEASE": [ + "shasheo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "mujer" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lb.json b/data_tooling/pii_processing/ontology/data/lb.json new file mode 100644 index 0000000..f820d67 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lb.json @@ -0,0 +1,700 @@ +{ + "LANGUAGE": [ + "japanesch", + "portugisesch", + "sindhi", + "aymara", + "frans\u00e9isch", + "arabesch", + "hindi", + "esperanto", + "speech", + "ido", + "schwedesch", + "tonga" + ], + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "john_knox", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "maria_callas", + "henrik_ibsen", + "peter_lorre", + "john_herschel", + "jan_van_eyck", + "richard_burton", + "douglas_macarthur", + "winston_churchill", + "paul_mccartney", + "terry_pratchett", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "milton_friedman", + "schiaparelli", + "george_stephenson", + "john_glenn", + "george_orwell", + "richard_wagner", + "marie_curie", + "michael_jackson", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "david", + "galileo_galilei", + "jane_goodall", + "robert_koch", + "joseph_goebbels", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "anne_boleyn", + "josef_stalin", + "trausch", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "willem_einthoven", + "giuseppe_verdi", + "hoffnung", + "konrad_adenauer", + "frank_sinatra", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "hugo_grotius", + "mahalia_jackson", + "john_ford", + "gertrude_stein", + "sarah_bernhardt", + "t_s_eliot", + "dorothea_lange", + "zwee", + "charles_de_gaulle", + "paul_von_hindenburg", + "henry_moore", + "charles_lindbergh", + "f", + "ludwig_wittgenstein", + "thomas_mann", + "dante_alighieri", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "paul_verlaine", + "james_dean", + "oscar_wilde", + "heinrich_schliemann", + "laurence_olivier", + "francis_bacon", + "pete_seeger", + "a", + "james_brown", + "charles_baudelaire", + "charlie_parker", + "immanuel_kant", + "igor_strawinsky", + "alexandre_yersin", + "albert_schweitzer", + "saint_martin", + "johannes_kepler", + "max_planck", + "scott_joplin", + "canberra", + "elias_canetti", + "edward_jenner", + "oliver_hardy", + "cole_porter", + "jean_luc_godard", + "montesquieu", + "arthur_rubinstein", + "bertrand_russell", + "michael_faraday", + "rudolf_diesel", + "walt_disney", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "moses", + "gustav_mahler", + "robert_redford", + "ian_fleming", + "marcel_proust", + "elizabeth_taylor", + "thomas_chippendale", + "indira_gandhi", + "george_gershwin", + "alberto_giacometti", + "hellege_christophorus", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "marcel_marceau", + "guillaume_apollinaire", + "antoine_watteau", + "boris_karloff", + "pierre_corneille", + "hans_christian_andersen", + "cary_grant", + "glenn_miller", + "pablo_picasso", + "natalie_wood", + "kurt_weill", + "lester_young", + "christiaan_huygens", + "hector_berlioz", + "adam_smith", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "al_capone", + "robert_schumann", + "le_corbusier", + "john_locke", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "frank_stella", + "h_g_wells", + "adolf_hitler", + "joseph_haydn", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "rosa_parks", + "anne_hathaway", + "g", + "arthur_schopenhauer", + "james_cagney", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "jean_monnet", + "thomas_gainsborough", + "giuseppe_garibaldi", + "alexandre_dumas", + "bobby_fischer", + "johannes_gutenberg", + "wilhelm_herschel", + "amerigo_vespucci", + "girolamo_savonarola", + "emma_goldman", + "john_barrymore", + "putin", + "jean_de_la_fontaine", + "george_sand", + "peter_sellers", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "jules_verne", + "paul_newman", + "jackson_pollock", + "john_lennon", + "gandhi", + "charlie_chaplin", + "piscis_austrinus", + "hannah_arendt", + "antonio_stradivari", + "staatschef", + "miles_davis", + "bozen", + "stanley_kubrick", + "john_huston", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "david_hilbert", + "oliver_cromwell", + "lionel_hampton", + "passivf\u00ebmmen", + "zwirkinnek", + "frank_capra", + "william_wordsworth", + "woodrow_wilson", + "jean_auguste_ingres", + "don_quixote", + "ernest_hemingway", + "aquila", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "hans_bethe", + "roald_amundsen", + "sherwood_anderson", + "charles_dickens", + "ella_fitzgerald", + "fats_waller", + "jacques_offenbach", + "george_stevens", + "federico_fellini", + "willy_brandt", + "francisco_franco", + "bernardo_bertolucci", + "christoph_kolumbus", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "georges_cuvier", + "william_harvey", + "walter_gropius", + "albert_einstein", + "raymond_chandler" + ], + "ANIMAL": [ + "hoen", + "fallek", + "mierschw\u00e9ngchen", + "seideschwanz", + "adeliepinguin", + "mamend\u00e9ieren", + "mamend\u00e9ier", + "tureil", + "runn", + "blannschl\u00e9cher", + "kaweechelcher", + "arthropoden", + "canis_minor", + "pisces", + "mouk", + "gromees", + "harespel", + "kinnekspinguin", + "weidemees", + "glidderf\u00e9isser", + "kabesp\u00e4ipel", + "goldmouk", + "routhirsch", + "keeserpinguin", + "hauskaz", + "hong", + "donald_duck", + "fleeschm\u00e9cken", + "spatz", + "piwitsch", + "kaweechelchen", + "polarfuuss", + "blomees", + "spuervull", + "ouschterhues", + "polarbier", + "schl\u00e9ifer", + "karausch", + "haushong" + ], + "RELIGION": [ + "shint\u014d", + "schintoismus", + "islam", + "vishnuismus", + "daoismus" + ], + "JOB": [ + "mercator", + "the_nanny", + "glasbl\u00e9iser", + "hand", + "blockfl\u00fctt", + "don", + "buergermeeschter", + "spullmaschinn", + "the_musketeer", + "nekrophag", + "schr\u00e4iner", + "land", + "musekerin", + "museker", + "schauspiller", + "vers\u00e9cherungsmathematiker", + "ingenieurin", + "m\u00ebllechmann", + "pompjee", + "zwangsrekrut\u00e9ierten", + "sculptor", + "tirang", + "ingenieur", + "president", + "pompjee\u00ebn", + "collier", + "schr\u00ebftsteller", + "kinnek", + "doc", + "sch\u00e9ifer", + "brutschen", + "wiewer" + ], + "GPE": [ + "kleeschen", + "hellege_christophorus", + "dar_es_salaam", + "valentinsdag", + "s\u00e3o_tom\u00e9", + "zockerhutt", + "la_rochelle", + "helleg_b\u00e4erbel", + "la_gomera", + "s\u00fcdamerika" + ], + "LOCATION": [ + "zentralbank", + "westaustralien", + "friddensgeriicht", + "kap_verde", + "nordmier", + "la_roche_en_ardenne", + "friddensriichterin", + "wiederstatioun", + "land", + "huang_he", + "saint_vincent", + "s\u00fcdaustralien", + "joseph_louis_gay_lussac", + "geriicht", + "botanesche_gaart", + "fleegeheem", + "al_dschasira", + "kap_hoorn", + "saint_lucia", + "friddensriichter", + "sri_lanka", + "seniorenheem", + "the_rolling_stones", + "m\u00ebllechstrooss", + "al_ain", + "santa_claus" + ], + "DATE": [ + "liichtvitesse", + "ouschtersonndeg", + "vollmound", + "neimound", + "radialvitesse", + "allers\u00e9ilen", + "l\u00e9iffraw\u00ebschdag", + "schaltjoer", + "gregorianesche_kalenner", + "nationalfeierdag", + "karfreideg", + "moundphas", + "allerhellegen", + "karsamschdeg", + "solarkonstant", + "allers\u00e9ilendag", + "allerhellgen" + ], + "ORG": [ + "krichsmarine", + "san_jos\u00e9", + "jan_mayen", + "zentralbank", + "nasa", + "huang_he", + "generalst\u00e4nn", + "hirschkou", + "tallekeschung", + "m\u00ebttelschoul", + "san_francisco", + "kn\u00e4tsch", + "stammbam", + "no_an_no", + "kapetinger", + "dot", + "saint_vincent", + "cap_vert", + "saint_helena", + "privatschoul", + "jesuiten", + "kn\u00e4tschgummi", + "vereenegt_staate_vun_amerika", + "weltgesondheetsorganisatioun", + "talleken", + "kathoulesch_kierch", + "kleeschen", + "den_d\u00e9cken_an_den_d\u00ebnnen", + "schintoismus", + "winnie_the_pooh", + "reen", + "rout_mier", + "arm\u00e9i", + "po", + "mount_carmel", + "ferdinand_magellan", + "vishnuismus", + "schoul", + "ursa_major", + "saint_barth\u00e9lemy", + "froenzeechen", + "los_angeles", + "al_dschasira", + "st\u00e4rekoup", + "radiogalaxis", + "andromedagalaxis", + "doc", + "grondschoul", + "al_ain", + "m\u00e4rei", + "house_of_lords", + "s\u00e3o_tom\u00e9", + "entw\u00e9cklungsland", + "shint\u014d" + ], + "PRODUCT": [ + "justin_bieber", + "segelsch\u00ebff", + "s\u00e3o_tom\u00e9_a_pr\u00edncipe", + "stiefesdag", + "hellege_geescht", + "beliichten", + "saint_vincent", + "naturl\u00e9ier", + "diskett", + "the_star_spangled_banner", + "mierschw\u00e9ngchen", + "don_quixote", + "moien", + "seegelsch\u00ebff", + "sachsen_anhalt", + "the_lord_of_the_rings", + "la_dolce_vita", + "himmelskierper", + "museksinstrument", + "ferdinand_magellan", + "neis\u00e9iland", + "nordrhein_westfalen", + "chr\u00ebschtbeemchen" + ], + "POLITICAL_PARTY": [ + "conservative_party", + "labour_party", + "republican_party", + "politesch_partei", + "parti_socialiste", + "democratic_party" + ], + "PLANT": [ + "gef\u00e4ssplanzen", + "moschter", + "melissa", + "sonneblumm", + "wanterlann", + "tulpebam", + "mille_feuille", + "muert", + "spirebam", + "feierblumm", + "abr\u00ebllsblumm", + "ambaraskr\u00e9imer", + "biergahorn", + "routeech", + "meer\u00e9ischen", + "maasselter", + "kierwel", + "brennnessel", + "kiischt", + "sauerampel", + "kam\u00e9ileblumm", + "routbuch", + "praum", + "hobich", + "gaardeboun", + "austerechampignon", + "klett", + "stilleech", + "promm", + "frans\u00e9ische_p\u00e4llem" + ], + "FOOD": [ + "cayennepeffer", + "olivenueleg", + "schockelaskaffi", + "pascht\u00e9it", + "uebstjus", + "fritten", + "lorberblat", + "pinot_noir", + "schlagsahn", + "spigelee", + "chile", + "zockerwatt", + "dessert", + "drauwejus" + ], + "PERSON": [ + "zweeandr\u00ebsseg", + "h_g_wells", + "saint_vincent" + ], + "DISEASE": [ + "nesselsucht", + "schued", + "gielzecht", + "klont", + "schw\u00e9ngsgripp", + "welt", + "schlofen", + "riselen", + "demenz", + "pautsch", + "weesch\u00ebsser", + "k\u00e4scht", + "computermaus", + "schubber", + "pescht", + "frenzy", + "moschwier", + "fugue", + "houschten", + "waasserpouken", + "opreegung", + "stralung", + "pull", + "longenentz\u00fcndung", + "aura", + "waarzel", + "recken", + "riedelen", + "h\u00e9ichtenangscht", + "the_hives", + "gr\u00ebnner", + "roserei", + "schwangerschaft", + "duuscht" + ], + "FAC": [ + "grondschoul", + "p\u00e9iter_de_groussen", + "prim\u00e4rschoul", + "no_an_no", + "saint_lucia", + "m\u00e4rei", + "dr\u00e9chemauer" + ], + "RELIGION_MEMBER": [ + "brudder" + ], + "PERSON_PRONOUN": [ + "i", + "our", + "noss", + "hien", + "senger" + ], + "BIO_CHEM_ENTITY": [ + "almoudesch", + "m\u00ebllechsaier" + ], + "QUANTITY": [ + "primzuel", + "kalorie", + "dollar", + "quadratmeter", + "aachtanzwanzeg", + "g", + "parkauer", + "pond", + "pond_sterling", + "anders_celsius" + ], + "TITLE": [ + "sir" + ], + "EVENT": [ + "sing_sing" + ], + "UNION": [ + "weltpostver\u00e4in", + "gewerkschaft" + ], + "MEDICAL_THERAPY": [ + "bluttdrock" + ], + "GENDER": [ + "transgender", + "gal" + ], + "LAW": [ + "chanc\u00ebgl\u00e4ichheet" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "verfeelen": "sir", + "joffer": "sir", + "mamm": "dax", + "pr\u00edncipe": "pr\u00ebnz", + "prinzessin": "prince", + "kinnigin": "kinnek", + "hunn": "ell", + "schw\u00ebster": "brudder", + "gutt": "meedchen" + }, + "other_gender_swap": { + "iddi": "hunn", + "hien": "iddi", + "ell": "iddi", + "hunn": "iddi" + }, + "en_pronoun2gender": { + "they": [ + "transgender" + ], + "he": [ + "little_boy", + "mees", + "gutt" + ], + "she": [ + "gal", + "joffer", + "hunn", + "jupe", + "verfeelen", + "meedchen" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "s\u00e4i", + "seine", + "senger", + "hien", + "ell" + ], + "she": [ + "hunn" + ], + "they": [ + "iddi" + ], + "it": [ + "d\u00ebs" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lexicon_by_prefix.json.gz b/data_tooling/pii_processing/ontology/data/lexicon_by_prefix.json.gz new file mode 100644 index 0000000..c76a562 Binary files /dev/null and b/data_tooling/pii_processing/ontology/data/lexicon_by_prefix.json.gz differ diff --git a/data_tooling/pii_processing/ontology/data/li.json b/data_tooling/pii_processing/ontology/data/li.json new file mode 100644 index 0000000..55bd7e4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/li.json @@ -0,0 +1,69 @@ +{ + "DATE": [ + "namesdaag", + "vaderdaag", + "trinitatis" + ], + "PUBLIC_FIGURE": [ + "maria_magdalena", + "petrus", + "e", + "titus" + ], + "LANGUAGE": [ + "lingalisj", + "gallesisj", + "nachoeroe", + "ido", + "quechua", + "tonga" + ], + "RELIGION": [ + "calvinisme" + ], + "JOB": [ + "hand" + ], + "QUANTITY": [ + "leechjaor" + ], + "PLANT": [ + "craemsjnitje" + ], + "ORG": [ + "l\u00f3chh\u00e8\u00e8r" + ], + "GPE": [ + "zwarsb\u00f3sj" + ], + "LOCATION": [ + "sri_lanka" + ], + "ANIMAL": [ + "gelidpoetege" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "bomma" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "denne" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lij.json b/data_tooling/pii_processing/ontology/data/lij.json new file mode 100644 index 0000000..943ec66 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lij.json @@ -0,0 +1,43 @@ +{ + "JOB": [ + "main\u00e2", + "past\u00f4", + "acat\u00f2u" + ], + "ORG": [ + "un" + ], + "PUBLIC_FIGURE": [ + "n" + ], + "RELIGION": [ + "scintoiximo" + ], + "LOCATION": [ + "sri_lanka" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "m\u00e0sccio" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "qu\u00e9sto" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/liv.json b/data_tooling/pii_processing/ontology/data/liv.json new file mode 100644 index 0000000..1558623 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/liv.json @@ -0,0 +1,31 @@ +{ + "LOCATION": [ + "tien\u016b" + ], + "DISEASE": [ + "magg\u00f5" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "le\u0161knai": "atr\u0101ita", + "atr\u0101itanai": "atr\u0101ita" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "neit\u0161ki" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lkt.json b/data_tooling/pii_processing/ontology/data/lkt.json new file mode 100644 index 0000000..68135af --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lkt.json @@ -0,0 +1,49 @@ +{ + "PERSON_PRONOUN": [ + "he" + ], + "LOCATION": [ + "phil\u00e1mayayapi", + "phil\u00e1mayaye" + ], + "PLANT": [ + "cansapa" + ], + "DISEASE": [ + "mi", + "le" + ], + "ORG": [ + "mi" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": { + "he": "iyepi" + }, + "en_pronoun2gender": { + "she": [ + "w\u00ed\u014bya\u014b" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he" + ], + "they": [ + "iyepi", + "epi" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lld.json b/data_tooling/pii_processing/ontology/data/lld.json new file mode 100644 index 0000000..20cfbf4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lld.json @@ -0,0 +1,72 @@ +{ + "ANIMAL": [ + "ghiro", + "castour", + "gialina", + "passer", + "stambech", + "lustrel", + "falcon", + "capriol", + "schirata", + "valtoi", + "belora" + ], + "ORG": [ + "doi", + "aa", + "l\u00ebur", + "scola" + ], + "DISEASE": [ + "pontes", + "mania", + "ronia", + "parpaiola" + ], + "JOB": [ + "saud\u00e9", + "laurant" + ], + "PUBLIC_FIGURE": [ + "laur\u00ebnz", + "n", + "bulsan", + "l" + ], + "DATE": [ + "vedleza" + ], + "LANGUAGE": [ + "spanuel", + "franz\u00ebus" + ], + "PRODUCT": [ + "porcel_de_mar" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u00ebila", + "femena" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "chest" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lmo.json b/data_tooling/pii_processing/ontology/data/lmo.json new file mode 100644 index 0000000..e572a24 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lmo.json @@ -0,0 +1,195 @@ +{ + "PUBLIC_FIGURE": [ + "akira_kurosawa", + "che_guevara", + "abelard", + "mary_shelley", + "giorgiu", + "terry_pratchett", + "isaac_newton", + "joseph_smith", + "saint_louis", + "marie_curie", + "michael_jackson", + "galileo_galilei", + "john_donne", + "vincent_van_gogh", + "robert_burns", + "henri_matisse", + "louis_pasteur", + "john_ford", + "sarah_bernhardt", + "f", + "nicol\u00e0us_cop\u00e8rnich", + "charles_baudelaire", + "johannes_kepler", + "max_planck", + "canberra", + "niels_bohr", + "tom\u00e0s", + "michael_faraday", + "marco_polo", + "allen_ginsberg", + "gottfried_leibniz", + "pablo_picasso", + "karl_marx", + "i", + "nikola_tesla", + "le_corbusier", + "john_locke", + "adolf_hitler", + "rosa_parks", + "g", + "crist\u00f2foro_col\u00f3mbo", + "johann_gutenberg", + "giusep_verdi", + "mahatma_gandhi", + "charlie_chaplin", + "d_h_lawrence", + "ronald_reagan", + "lorenz", + "nelson_mandela", + "roald_amundsen", + "don_quijote_de_la_mancha", + "federico_fellini", + "bulsan", + "francisco_franco", + "johnny_cash", + "michelangelo_merisi", + "albert_einstein", + "thomas_edison" + ], + "PRODUCT": [ + "pozz", + "el_scior_di_anei", + "sas\u00f2nia_anhalt" + ], + "PLANT": [ + "lilium_martagon", + "viola_arvensis", + "viola_reichenbachiana", + "helleborus_niger", + "solanaceae", + "viola_cornuta", + "cyclamen_purpurascens", + "bidens_tripartita", + "ranunculus_ficaria", + "prunus_armeniaca", + "stellaria_media", + "helianthus_tuberosus", + "verbena_officinalis", + "gymnadenia_conopsea", + "sorbus_aucuparia", + "saxifraga_stellaris", + "fagus_sylvatica", + "saccharomyces_cerevisiae", + "campanula_trachelium", + "taraxacum_officinale", + "stellaria_holostea", + "cardamine_pratensis", + "viola_odorata" + ], + "ANIMAL": [ + "bissa", + "donald_duck", + "pirol", + "primula_vulgaris" + ], + "FOOD": [ + "desert", + "juglans_regia" + ], + "DISEASE": [ + "presb\u00edzzia", + "corn" + ], + "GPE": [ + "dar_es_salaam", + "san_lureenz", + "sint_maarten", + "mar_russ", + "mar_egee", + "s\u00e3o_tom\u00e9", + "san_peder", + "n\u00f6v_testament" + ], + "PERSON_PRONOUN": [ + "i" + ], + "ORG": [ + "san_francisco", + "sant_elena", + "can_tho", + "chiang_mai", + "gatt", + "cap_verd", + "los_angeles", + "stat_\u00fcn\u00ec_d_america", + "al_ain", + "mar_russ", + "hirundo_rustica", + "s\u00e3o_tom\u00e9" + ], + "RACE": [ + "latin" + ], + "LOCATION": [ + "sint_maarten", + "mar_negher", + "sri_lanka", + "al_ain" + ], + "RELIGION": [ + "jainism", + "islam" + ], + "DATE": [ + "in_time" + ], + "JOB": [ + "paisan", + "barb\u00e9", + "man", + "trevir" + ], + "QUANTITY": [ + "g" + ], + "FAC": [ + "santa_l\u00fczia" + ], + "POLITICAL_PARTY": [ + "partito_democratico" + ], + "GENDER": [ + "man" + ], + "LANGUAGE": [ + "tonga" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "femna": "man" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "man" + ], + "she": [ + "femna" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ln.json b/data_tooling/pii_processing/ontology/data/ln.json new file mode 100644 index 0000000..9e901db --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ln.json @@ -0,0 +1,59 @@ +{ + "FOOD": [ + "like\u00ed" + ], + "RELIGION_MEMBER": [ + "mozilmani" + ], + "PLANT": [ + "many\u0254\u0301k\u0254" + ], + "LANGUAGE": [ + "ling\u00e1la", + "falans\u00e9", + "tonga" + ], + "JOB": [ + "mokomi" + ], + "LOCATION": [ + "sri_lanka" + ], + "EVENT": [ + "kolamuka" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "y\u011b": "elu" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "m\u00e1i", + "bambola", + "mwasi", + "bimba" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "elu", + "y\u011b" + ], + "she": [ + "elu", + "y\u011b" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lo.json b/data_tooling/pii_processing/ontology/data/lo.json new file mode 100644 index 0000000..30b1a68 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lo.json @@ -0,0 +1,105 @@ +{ + "LOCATION": [ + "\u0eab\u0ea1\u0eb2\u0e81\u0ea1\u0eb1\u0e87\u0e81\u0ead\u0e99", + "\u0e97\u0eb0\u0ec0\u0ea5\u0e94\u0ecd\u0eb2", + "\u0e8a\u0eb2\u0e99\u0e95\u0eb2_\u0e84\u0ea5\u0ead\u0e94\u0eaa", + "\u0e99\u0ec9\u0ecd\u0eb2\u0ec1\u0ea3\u0ec8", + "\u0e81\u0ead\u0e87\u0e97\u0eb1\u0e9a\u0ead\u0eb2\u0e81\u0eb2\u0e94", + "\u0eaa\u0eb0\u0eab\u0eb0\u0ea5\u0eb1\u0e94\u0ead\u0eb0\u0ec0\u0ea1\u0ea5\u0eb4\u0e81\u0eb2" + ], + "PLANT": [ + "\u0eab\u0ea1\u0eb2\u0e81\u0eab\u0ea1\u0eb1\u0ec9\u0e99", + "\u0eab\u0ea1\u0eb2\u0e81\u0ec0\u0e8a\u0eb5\u0ea3\u0eb4", + "\u0eab\u0ea1\u0eb2\u0e81\u0e82\u0ebd\u0e9a" + ], + "ORG": [ + "\u0eaa\u0eb8\u0ea5\u0eb0\u0e81\u0eb0\u0eaa\u0eb0\u0e96\u0eb2\u0e99", + "\u0eab\u0ea1\u0eb2\u0e81\u0e9d\u0ea3\u0eb1\u0ec8\u0e87", + "\u0e9e\u0eb1\u0e81_\u0e81\u0eb2\u0e99_\u0ec0\u0ea1\u0eb7\u0ead\u0e87", + "\u0e81\u0ecd\u0eb2\u0ea1\u0eb0\u0e9a\u0eb2\u0e99", + "\u0e81\u0eb2\u0e99\u0e97\u0ecd\u0eb2", + "\u0ec4\u0e9b_\u0eaa\u0eb0_\u0e99\u0eb5", + "\u0e81\u0eb0\u0eaa\u0eb4\u0e81\u0ecd\u0eb2", + "\u0e94\u0ec8\u0eb2\u0e99", + "\u0eab\u0ea1\u0eb2\u0e81\u0e9d\u0eb0\u0eab\u0ea5\u0eb1\u0ec8\u0e87", + "\u0e97\u0ecd\u0eb2\u0e99\u0ebd\u0ea1" + ], + "PUBLIC_FIGURE": [ + "\u0e84\u0ea7\u0eb2\u0ea1\u0eab\u0ea7\u0eb1\u0e87" + ], + "POLITICAL_PARTY": [ + "\u0e81\u0eb2\u0e99\u0e97\u0ecd\u0eb2", + "\u0e9e\u0ea7\u0e81", + "\u0e9e\u0eb1\u0e81" + ], + "GPE": [ + "\u0ead\u0eb2\u0ec0\u0ea1\u0ea5\u0eb4\u0e81\u0eb2\u0ec3\u0e95\u0ec9" + ], + "PERSON": [ + "\u0eaa\u0eb2\u0ea1\u0eaa\u0eb4\u0e9a\u0eaa\u0ead\u0e87" + ], + "UNION": [ + "\u0e81\u0ecd\u0eb2\u0ea1\u0eb0\u0e9a\u0eb2\u0e99" + ], + "FAC": [ + "\u0eab\u0ec9\u0ead\u0e87\u0e81\u0eb2\u0e99\u0ec4\u0e9b\u0eaa\u0eb0\u0e99\u0eb5" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0eab\u0ea5\u0eb2\u0e99\u0eaa\u0eb2\u0ea7": "\u0eab\u0ea5\u0eb2\u0e99\u0e8a\u0eb2\u0e8d", + "\u0ec1\u0ea1\u0ec8": "\u0e9e\u0ecd\u0ec8", + "\u0ec0\u0e88\u0ebb\u0ec9\u0eb2\u0e8d\u0eb4\u0e87": "\u0ec0\u0e88\u0ebb\u0ec9\u0eb2\u0e8a\u0eb2\u0e8d", + "\u0ea1\u0eb0\u0ec0\u0eab\u0eaa\u0eb5": "\u0ea5\u0eb2\u0e8a\u0eb2", + "\u0e81\u0eb0\u0eaa\u0eb1\u0e94\u0e95\u0eb5": "\u0ea5\u0eb2\u0e8a\u0eb2", + "\u0ea3\u0eb2\u0e8a\u0eb4\u0e99\u0eb5": "\u0ea5\u0eb2\u0e8a\u0eb2", + "\u0e99\u0ec9\u0ead\u0e87\u0eaa\u0eb2\u0ea7": "\u0e99\u0ec9\u0ead\u0e87\u0e8a\u0eb2\u0e8d", + "\u0ec0\u0ead\u0eb7\u0ec9\u0ead\u0e8d": "\u0ead\u0ec9\u0eb2\u0e8d", + "\u0eaa\u0eb2\u0ea7\u0ec0\u0eaa\u0eb5\u0e9a": "\u0ec0\u0e94\u0eb1\u0e81\u0ec0\u0eaa\u0eb5\u0e9a", + "\u0ec0\u0ea1\u0e8d": "\u0e9c\u0ebb\u0ea7", + "\u0e9e\u0eb1\u0e99\u0ea5\u0eb0\u0e8d\u0eb2": "\u0e9c\u0ebb\u0ea7", + "\u0ec0\u0e94\u0eb1\u0e81\u0e9c\u0eb9\u0ec9\u0e8a\u0eb2\u0e8d": "\u0ec0\u0e94\u0eb1\u0e81\u0e8d\u0eb4\u0e87", + "\u0e97\u0eb2\u0ea5\u0ebb\u0e81": "\u0ec0\u0e94\u0eb1\u0e81\u0e8d\u0eb4\u0e87" + }, + "other_gender_swap": { + "\u0e9e\u0ea7\u0e81\u0ec0\u0e82\u0ebb\u0eb2": "\u0ec1\u0ea1\u0ec8", + "\u0ec1\u0ea1\u0ec8": "\u0e9e\u0ea7\u0e81\u0ec0\u0e82\u0ebb\u0eb2" + }, + "en_pronoun2gender": { + "they": [ + "\u0e81\u0eb0\u0ec0\u0e97\u0eb5\u0e8d", + "\u0eae\u0eb1\u0e81\u0eae\u0ec8\u0ea7\u0ea1\u0ec0\u0e9e\u0e94" + ], + "he": [ + "\u0ec0\u0e94\u0eb1\u0e81\u0e9c\u0eb9\u0ec9\u0e8a\u0eb2\u0e8d", + "\u0e97\u0eb2\u0ea5\u0ebb\u0e81" + ], + "she": [ + "\u0ec0\u0ead\u0eb7\u0ec9\u0ead\u0e8d", + "\u0e9c\u0eb9\u0ec9\u0e8d\u0eb4\u0e87", + "\u0ec0\u0e94\u0eb1\u0e81\u0e8d\u0eb4\u0e87" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "\u0ec1\u0ea1\u0ec8" + ], + "they": [ + "\u0e9e\u0ea7\u0e81\u0ec0\u0e82\u0ebb\u0eb2" + ], + "it": [ + "\u0ea1\u0eb1\u0e99", + "\u0e99\u0eb5\u0ec9" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lt.json b/data_tooling/pii_processing/ontology/data/lt.json new file mode 100644 index 0000000..a3a55e2 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lt.json @@ -0,0 +1,1417 @@ +{ + "JOB": [ + "registratorius", + "virti", + "leksikografas", + "valdytojas", + "kepejas", + "guru", + "sausainis", + "piemuo", + "treneris", + "regentas", + "mokslininkas", + "rabinas", + "mokytojas", + "kulkosvaidininkas", + "brokeris", + "dragunas", + "artojas", + "destytojas", + "pareig\u016bnas", + "pa\u0161tininkas", + "kirpejas", + "karininkas", + "ma\u0161inistas", + "autorius", + "savanoris", + "tauke", + "vedejas", + "pastorius", + "destytoja", + "regente", + "liokajus", + "para", + "jureive", + "jureivis", + "virejas", + "kiemsargis", + "pestininkas", + "laskaras", + "puskarininkis", + "insultas", + "dailide", + "gaisrininkas", + "kokas", + "pareigunas", + "verslininkas", + "kamikadz\u0117", + "pirklys", + "gaisrininke", + "vairuotojas", + "puolejas", + "baristeris", + "the_guardian", + "ra\u010dius", + "indaplov\u0117", + "darbininkas", + "antra", + "korepetitorius", + "malunininkas", + "muitininkas", + "mokslininke", + "jole", + "vaistininke", + "barzdaskutys", + "diplomate", + "slave", + "pagirios", + "the_economist", + "lakuotojas", + "vilniaus_pilait\u0117s_gimnazija", + "barista", + "darbininke", + "man", + "buhalteris", + "pulkininkas", + "nepriklausomas", + "antras", + "vergas", + "usher", + "solisitorius", + "stal\u010dius", + "karys", + "vaistininkas", + "leitenantas", + "heroldas", + "karalius", + "meras", + "vertejas", + "indaplove", + "stalius", + "kareivis", + "drag\u016bnai", + "pamokslininkas" + ], + "RELIGION_MEMBER": [ + "kataliki\u0161kas", + "krik\u0161\u010dione", + "kataliki\u0161ka", + "mormonas", + "guru", + "brolis", + "krik\u0161\u010dionis", + "judejas", + "pranci\u0161konai" + ], + "RELIGION": [ + "katarai", + "daoizmas", + "presbiterionizmas", + "presbiterionai", + "wicca" + ], + "LOCATION": [ + "la_plata", + "archeologin\u0117_vieta", + "sent_klero_e\u017eeras", + "halongas", + "hongha", + "labanaktis", + "druskoe\u017eeris", + "marija_magdaliete", + "al_d\u017eazira", + "bow_wow", + "horno_ragas", + "piet_mondrian", + "sent_vinsentas", + "jungtini\u0173_valstij\u0173_sausumos_paj\u0117gos", + "\u0161v_elenos_sala", + "folklando", + "juoda_diena", + "dan_ler\u0117", + "fizinis", + "preivengas", + "i\u0161deginta_\u017eem\u0117", + "ramusis_vandenynas", + "siemreabas", + "jordanas", + "konservatorija", + "na_ir_kas", + "saksonija_anhaltas", + "huangh\u0117", + "\u010dingming", + "\u0161v_elenos_kalnas", + "teismas", + "kryvyj_rihas", + "botanikos_sodas", + "auk\u0161tutinis_e\u017eeras", + "ainas", + "jungtines_valstijos", + "the_rolling_stones", + "cordon_bleu", + "kal\u0117d\u0173_senelis", + "il_de_fransas", + "labanakt", + "del_viso_pikto" + ], + "DISEASE": [ + "sars", + "silpnaprotyste", + "sulau\u017eyti", + "progerija", + "listerioz\u0117", + "susirgimas", + "haimoritas", + "skausmas", + "piktvot\u0117", + "kraujavimas", + "toliaregyste", + "kacheksija", + "ciklotimija", + "kaitinti", + "raupsai", + "ginekomastija", + "sultys", + "nemiga", + "vaisingumas", + "kinofobija", + "kenk\u0117jas", + "pasiutlig\u0117", + "the_bends", + "toliaregyst\u0117", + "struma", + "silpnaprotyst\u0117", + "viduriavimas", + "trumparegyste", + "pageidavimas", + "skaudeti", + "kontuzija", + "maras", + "ka\u0161tainis", + "para", + "mieloma", + "wale", + "sergantis", + "stablige", + "katarakta", + "dilg\u0117lin\u0117", + "maliarija", + "stablig\u0117", + "namin\u0117s_pel\u0117s", + "salmonelioz\u0117", + "raupai", + "talasemija", + "gimp", + "sociofobija", + "koseti", + "pelenas", + "smart", + "prakaitin\u0117", + "kankinimas", + "kretinizmas", + "pica", + "rachitas", + "per\u0161alimas", + "kerp\u0117s", + "badas", + "materializmas", + "skorbutas", + "nutukimas", + "augimas", + "proktitas", + "sopeti", + "pragula", + "kosulys", + "brucelioz\u0117", + "priklausomyb\u0117", + "pleiskana", + "ebolos_hemoragin\u0117_kar\u0161tin\u0117", + "aura", + "rudys", + "sting", + "randas", + "stenokardija", + "trauma", + "kuru", + "kempinlige", + "the_hives", + "adneksitas", + "katalepsija", + "skraidan\u010dios_musel\u0117s", + "trumparegyst\u0117", + "nevaisingumas", + "marazmas", + "poliomielitas" + ], + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "martin_buber", + "valentina_tere\u0161kova", + "heinrich_hertz", + "plinijus_vyresnysis", + "leonard_bernstein", + "konstantinas", + "che_guevara", + "georges_simenon", + "c", + "ivanas_pavlovas", + "fritjofas_nansenas", + "galil\u0117jus", + "john_barth", + "henrik_ibsen", + "mary_shelley", + "david_livingstone", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "douglas_macarthur", + "don_kichotas", + "winston_churchill", + "paul_mccartney", + "abelis_tasmanas", + "karetaitiniai", + "stephen_king", + "sergejus_rachmaninovas", + "victor_hugo", + "edwin_hubble", + "henrikas", + "milton_friedman", + "george_stephenson", + "john_davis", + "george_harrison", + "brigados_generolas", + "george_orwell", + "richard_wagner", + "williams", + "thornton_wilder", + "marie_curie", + "francis_galton", + "michael_jackson", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "marija_magdaliete", + "chaim_weizmann", + "joseph_goebbels", + "john_steinbeck", + "bethovenas", + "edmund_hillary", + "vincent_van_gogh", + "malunininkas", + "robert_burns", + "kalvis", + "emiliano_zapata", + "willem_einthoven", + "allen_iverson", + "walter_lippmann", + "karl_jaspers", + "konrad_adenauer", + "norbert_wiener", + "gottlieb_daimler", + "frank_sinatra", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "hugo_grotius", + "mahalia_jackson", + "ben_shahn", + "sarah_bernhardt", + "akira_kurosava", + "luigi_pirandello", + "hank_williams", + "robinas_hudas", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "holden", + "sent_luisas", + "charles_lindbergh", + "vincenzo_bellini", + "antonijus_vivaldis", + "f", + "john_jay", + "ludwig_wittgenstein", + "did\u017eioji_miegapel\u0117", + "thomas_mann", + "te\u010der", + "john_irving", + "samuel_de_champlain", + "kristupas_kolumbas", + "giacomo_puccini", + "herbert_marcuse", + "marie_tussaud", + "joseph_priestley", + "andrea_mantegna", + "joseph_pulitzer", + "james_naismith", + "oscar_wilde", + "philip_roth", + "heinrich_schliemann", + "bethov\u0117ns", + "francis_bacon", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "david_ricardo", + "petras", + "immanuel_kant", + "charles_de_montesquieu", + "albert_schweitzer", + "john_harvard", + "johannes_kepler", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "william_byrd", + "carl_lewis", + "amerigas_vespu\u010dis", + "pipinas_trumpasis", + "elias_canetti", + "edward_jenner", + "oscar_robertson", + "saladinas", + "frans_hals", + "stalinas", + "william_herschel", + "niels_bohr", + "kurtumas", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "aristarchas", + "steve_reich", + "lee", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "phil_collins", + "ian_fleming", + "richard_feynman", + "theodore_dreiser", + "theodor_mommsen", + "marcel_proust", + "\u0161v_jurgis", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "robertas", + "grigalius", + "william_golding", + "john_milton", + "albert_speer", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "alfred_nobel", + "\u0161ventasis_jurgis", + "allen_ginsberg", + "henri_bergson", + "gottfried_leibniz", + "hans_christian_andersen", + "thomas", + "chlodvigas", + "glenn_miller", + "osmanas_i", + "georgijus_gamovas", + "pablo_picasso", + "vasilijus_kandinskis", + "christiaan_huygens", + "hector_berlioz", + "edvardas", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "antonijus_stradivarijus", + "o", + "adam_smith", + "william_james", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "robert_indiana", + "oskaras", + "john_wesley", + "sandro_botticelli", + "nikola_tesla", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "dant\u0117", + "nikola_pusenas", + "laurynas", + "ingrid_bergman", + "jean_piaget", + "henri_rousseau", + "kotryna", + "walt_whitman", + "colin_powell", + "ludwig_boltzmann", + "richard_wright", + "edvard_grieg", + "robert_boyle", + "1", + "chubilajus", + "rosa_parks", + "tomas", + "michailas_kalininas", + "tomas_moras", + "arnold_sch\u00f6nberg", + "anne_hathaway", + "titas", + "povis", + "bill_russell", + "g", + "albert_michelson", + "\u0161v_martyno_sala", + "arthur_schopenhauer", + "martin_heidegger", + "\u0161v_patrikas", + "r", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "d_w_griffith", + "thomas_gainsborough", + "giuseppe_garibaldi", + "alexandre_dumas", + "johann_gutenberg", + "al_kapon\u0117", + "tamara_karsavina", + "d", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "raudonkepuraite", + "john_constable", + "markas_polas", + "joseph_campbell", + "robert_hooke", + "karl_popper", + "joseph_conrad", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "charlie_chaplin", + "al_jolson", + "apa\u0161talas_petras", + "miles_davis", + "george_marshall", + "stanley_kubrick", + "robertas_braunas", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "david_hilbert", + "siamo_dvyniai", + "oliver_cromwell", + "martin_luther_king", + "gerardas_merkatorius", + "woodrow_wilson", + "michailas_bakuninas", + "jim_henson", + "ernest_hemingway", + "arthur_miller", + "karolis", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "mohandas_gandhi", + "j_p_morgan", + "roald_amundsen", + "sherwood_anderson", + "charles_dickens", + "marija_stiuart", + "ella_fitzgerald", + "jacques_offenbach", + "marija_magdaliet\u0117", + "federico_fellini", + "jok\u016bbo_lai\u0161kas", + "jean_antoine_watteau", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "bernardo_bertolucci", + "jan_steen", + "nikita_chru\u0161\u010diovas", + "powell", + "philibert_delorme", + "hans_arp", + "andrew_carnegie", + "franz_schubert", + "\u0161ventasis_kristoforas", + "alfred_kastler", + "georges_cuvier", + "william_harvey", + "walter_scott", + "ivanas_turgenevas", + "maksimianas", + "bethuovens", + "jonathan_swift", + "albert_einstein", + "thomas_edison", + "antanas", + "raymond_chandler", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "PRODUCT": [ + "stara_planina", + "popierinis_l\u0117ktuv\u0117lis", + "justin_bieber", + "trys_valstyb\u0117s", + "krik\u0161tykla", + "san_choakinas", + "juru_kiaulyte", + "natiurmortas", + "sen_pjeras_ir_mikelonas", + "logaritmin\u0117_liniuot\u0117", + "diskelis", + "teve_musu", + "vargonai", + "glaudes" + ], + "PLANT": [ + "menininkas", + "maumedis", + "amerikin\u0117_fitolaka", + "ragan\u0117", + "kiauliauoge", + "magnolija", + "the_joshua_tree", + "girtuokle", + "varnale\u0161a", + "aronas", + "chrizantema", + "mastika", + "mahonija", + "monarda", + "malpigija", + "kopustas", + "altas", + "batatas", + "paprastasis_\u010diobrelis", + "kamparas", + "\u0161ventoji_marija", + "anona", + "sakura", + "artistas", + "juodalksnis", + "blind\u0117", + "stambiauog\u0117_spanguol\u0117", + "pelynas", + "europinis_o\u017eek\u0161nis", + "tikrinis_baravykas", + "krauja\u017eole", + "karklavijas", + "vaismedis", + "rafija", + "kiauliauog\u0117", + "pakalnute", + "drebul\u0117", + "europinis_p\u016bkenis", + "sausmedis", + "europinis_k\u0117nis", + "paragvajinis_bugienis", + "saul\u0117gr\u0105\u017ea", + "kal\u0117d\u0173_eglut\u0117", + "amerikinis_bukas", + "kakava", + "blackberry", + "valisnerija", + "melisa", + "klevas", + "juodgr\u016bd\u0117", + "krauja\u017eol\u0117", + "gaisrena", + "putoklis", + "induo\u010diai", + "spanguol\u0117", + "gleiv\u016bnai", + "baltalksnis", + "burokelis", + "magnolij\u016bnai", + "ka\u0161tainis", + "garsty\u010dios", + "\u0161unvy\u0161ne", + "balinis_asi\u016bklis", + "bobausis", + "saulegra\u017ea", + "karklas", + "neu\u017emir\u0161tuole", + "pelevirk\u0161tis" + ], + "LANGUAGE": [ + "lenku", + "ispanu", + "jidi\u0161", + "rusas", + "dani\u0161kai", + "lenki\u0161kas", + "graikas", + "kirtis", + "arabu", + "pali", + "hindi", + "kalvis", + "persu", + "esperanto", + "arabi\u0161kas", + "anglu", + "danakilu", + "malajaliu", + "graike", + "ido", + "angli\u0161kas", + "kanadu", + "tonga" + ], + "FAC": [ + "geros_kelione", + "rotu\u0161e", + "sent_lusija", + "mik\u0117_p\u016bkuotukas", + "arnold_sch\u00f6nberg", + "atakama", + "muitine", + "aik\u0161te", + "t_limfocitai", + "juozapas_i\u0161_nazareto", + "devintin\u0117s", + "prekybos_centras", + "pa\u0161to_skyrius", + "tangutai", + "triumfo_arka", + "petras_i" + ], + "ANIMAL": [ + "menk\u0117", + "pelesakalis", + "blakut\u0117s", + "kiriniai", + "strazdiniai", + "amerikinis_omaras", + "storkulniniai", + "laibapir\u0161tiniai", + "volunge", + "narioutakuoj\u0113", + "gagos", + "volunginiai", + "raudondumbliai", + "burundukai", + "neporakanopiai", + "juodasis_v\u0117\u017elys", + "maldininkai", + "audine", + "kranklys", + "markata_husaras", + "artemijos", + "laibapir\u0161tis", + "trumpasparniai", + "katinas", + "ridl\u0117ja", + "barsukas", + "miegapele", + "antilopiniai_starai", + "sprak\u0161iai", + "kund\u016bzas", + "garniniai", + "garnys", + "miegapeliniai", + "paprastoji_raudonuodeg\u0117", + "gelsvadumbliai", + "borderkolis", + "briedis", + "danielius", + "stulgys", + "pauk\u0161tvanagis", + "grinda", + "vanagas", + "tarakonas", + "dilg\u0117linukas", + "tarakonai", + "staug\u016bnai", + "grifai", + "rudadumbliai", + "vanagai", + "liepsnel\u0117", + "asilas", + "dygliatriu\u0161iniai", + "porakanopiai", + "ragys", + "tauk\u017euv\u0117", + "strazdas", + "holoturijos", + "burnakojai", + "kiaune", + "kurtinys", + "sprag\u0117s", + "paprastasis_tenrekas", + "bombo\u017eygiai", + "liutukas", + "kiras", + "karetaitiniai", + "peleda", + "ciegorius", + "tabako_mozaikos_virusas", + "\u017ealtys", + "pekaris", + "laivasnapis", + "grifas", + "j\u016br\u0173_kiaulyt\u0117", + "musinukiniai", + "peledike", + "amerikinis_lamantinas", + "dagilis", + "avocet\u0117", + "trapusis_gluodenas", + "varn\u0117nas", + "sabalas", + "paprastasis_kirstukas", + "alse", + "skydamariniai", + "alksninukas", + "grie\u017el\u0117", + "maldininkas", + "\u010diurliniai", + "askarid\u0117s", + "kalviukai", + "jerub\u0117", + "nariuotakojai", + "taist\u0117", + "stumbras", + "\u017eagata", + "varl\u0117s", + "karetait\u0117", + "slanka", + "patar\u0161ka", + "bitininkiniai", + "mevas", + "vedarelis", + "kiaun\u0117s", + "namine_peleda", + "strazdas_giesmininkas" + ], + "ORG": [ + "baltieji_rumai", + "lavinimas", + "lomondas", + "savivalda", + "wicca", + "andromedos_galaktika", + "akademija", + "ii_vatikano_susirinkimas", + "klaustukas", + "\u0161elmenin\u0117_kreg\u017ed\u0117", + "guomindanas", + "airijos_darbinink\u0173_partija", + "aa", + "nasa", + "arda", + "karmelio_kalnas", + "the_who", + "huangh\u0117", + "sofijos_soboras", + "kantas", + "romos_kataliku_ba\u017eny\u010dia", + "pradine_mokykla", + "kataliku_ba\u017eny\u010dia", + "va", + "profesine_sajunga", + "konservatorija", + "vokietijos_nacionalsocialistin\u0117_darbinink\u0173_partija", + "gao", + "mike_pukuotukas", + "islamo_tauta", + "europolas", + "al_d\u017eazira", + "bolivudas", + "profsajunga", + "kariuomen\u0117", + "trua_rivjeras", + "nanakas", + "the_football_league", + "dominija", + "holdingas", + "senbernaras", + "dia", + "koled\u017eas", + "khonkenas", + "azerbaid\u017eano_socialdemokrat\u0173_partija", + "nyderland\u0173_darbo_partija", + "i_nik\u0117jos_susirinkimas", + "rotu\u0161e", + "jaunatis", + "centrinis_bankas", + "namie", + "vai\u0161navizmas", + "fabianizmas", + "beniliuksas", + "komunist\u0173_partija", + "proanukis", + "provaikaitis", + "romos_katalik\u0173_ba\u017eny\u010dia", + "grand\u0117", + "jungtin\u0117s_amerikos_valstijos", + "kapetingai", + "leidykla", + "\u0161v_barbora", + "pranc\u016bzijos_socialist\u0173_partija", + "aukso_am\u017eius", + "portugalijos_socialist\u0173_partija", + "ivano_frankivskas", + "karines_oro_pajegos", + "modernas", + "auklejimas", + "\u0161intoizmas", + "tarptautin\u0117_telekomunikacij\u0173_s\u0105junga", + "po", + "\u0161ventoji_barbora", + "mossad", + "kariuomene", + "\u0161into\u0117zmos", + "andoros_socialdemokrat\u0173_partija", + "sturmabteilung", + "armija", + "primor\u0117s_kra\u0161tas", + "nato", + "aleksandras_makedonietis", + "baltieji_r\u016bmai", + "by_the_way", + "profesin\u0117_s\u0105junga", + "pradin\u0117_mokykla", + "gestapas", + "civilin\u0117_teis\u0117", + "baskija", + "mano_vardas", + "talionas", + "ii_nik\u0117jos_susirinkimas", + "muok\u012bkla", + "surathanis", + "didieji_gri\u017eulo_ratai", + "didieji_gr\u012f\u017eulo_ratai", + "streptococcus_pyogenes", + "maltos_darbinink\u0173_partija", + "\u017ealiasis_ky\u0161ulys", + "segregacija", + "nacionalinis_susirinkimas", + "ainas", + "komercija", + "san_siro_stadionas", + "nakhonrat\u010dasima", + "karin\u0117s_oro_paj\u0117gos" + ], + "RACE": [ + "turke", + "valai", + "turkai", + "indenu", + "turkas", + "airiai", + "olandai", + "afrikietis", + "afrikie\u010diu", + "afrikieti\u0161kas", + "japonai" + ], + "GPE": [ + "sint_martenas", + "raudonojo_kry\u017eiaus", + "raudonoji_j\u016bra", + "\u017emogaus_teises", + "\u0161ventoji_dvasia", + "vokietijos_imperija", + "\u010diangrajus", + "dar_es_salamas", + "sent_luisas", + "\u0161v_mikalojus", + "al_andalusija", + "\u0161ventasis_mikalojus", + "tai_\u0161anas", + "manilos_metropolija", + "naujasis_testamentas", + "\u0161v_lauryno_up\u0117", + "kampongtjamas", + "\u017emogaus_teis\u0117s", + "raudonoji_jura", + "la_gomera", + "jurgin\u0117s", + "san_tom\u0117" + ], + "DATE": [ + "gimstamumas", + "\u017eolin\u0117", + "viduram\u017eiai", + "ledynmetis", + "radialinis_greitis", + "porytdiena", + "didysis_penktadienis", + "ed_al_fitr", + "jaunatis" + ], + "UNION": [ + "profsajunga", + "student\u0173_atstovyb\u0117" + ], + "QUANTITY": [ + "\u0161viesmetis", + "kudra", + "jungo_modulis", + "pranc\u016bzijos_frankas", + "doleris", + "g", + "jordanijos_dinaras", + "modulis", + "tonas", + "danijos_krona", + "kalorija", + "svaras", + "anders_celsius" + ], + "BIO_CHEM_ENTITY": [ + "adenozindifosfatas", + "tirozinkinaz\u0117", + "dietileteris", + "polivinilchloridas", + "edward_thatch" + ], + "FOOD": [ + "limunada", + "pranc\u016bzi\u0161kas_skrebutis", + "portveinas", + "ledai", + "liespienis", + "lukumas", + "desertas", + "kramtomoji_guma", + "limonadas", + "pietus", + "vaisi\u0173_salotos" + ], + "PERSON": [ + "al_gore", + "tai_\u0161anas", + "brazilinis_kau\u010diukmedis", + "rudolf_hess", + "herbert_george_wells" + ], + "GENDER": [ + "mergina", + "moteri\u0161kas", + "mergaite", + "berniukas", + "moteris", + "man", + "gal", + "senukas" + ], + "SOC_ECO_CLASS": [ + "grietin\u0117l\u0117", + "samurajus", + "proletariatas", + "\u017eemes_ukis", + "juodoji_rinka", + "\u017eem\u0117s_\u016bkis", + "nedaug" + ], + "POLITICAL_PARTY": [ + "demokrat\u0173_respublikon\u0173_partija", + "liberal\u0173_partija", + "australijos_darbinink\u0173_partija", + "liaudies_partija", + "leiborist\u0173_partija", + "konservatori\u0173_partija", + "guomindanas", + "rumunijos_socialdemokrat\u0173_partija", + "politin\u0117_partija", + "jav_demokrat\u0173_partija", + "estijos_socialdemokrat\u0173_partija", + "norvegijos_darbo_partija", + "demokrat\u0173_partija", + "socialdemokrat\u0173_partija", + "politine_partija", + "jav_respublikon\u0173_partija", + "jav_vig\u0173_partija" + ], + "PERSON_PRONOUN": [ + "i", + "savas", + "kasykla" + ], + "POLITICAL_PARTY_MEMBER": [ + "bendra\u017eygis", + "bendra\u017eyge" + ], + "LAW": [ + "karo_pad\u0117tis", + "auk\u0161\u010diausiasis_teismas", + "federalinis_tyrim\u0173_biuras", + "karo_padetis", + "rom\u0117n\u0173_teis\u0117", + "civiline_teise" + ], + "TITLE": [ + "ponas" + ], + "MEDICAL_THERAPY": [ + "kraujosp\u016bdis" + ], + "EVENT": [ + "superliga" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+, \\D+", + false, + [] + ] + ], + "FIRST_NAME": [ + "liepa", + "raminta", + "rugil\u0117", + "benas", + "ieva", + "arminas", + "markas", + "milda", + "erikas", + "tautvydas", + "orestas", + "giedrius", + "radvil\u0117", + "rokas", + "robertas", + "arnas", + "vanesa", + "paulina", + "andrius", + "rasa", + "paulius", + "\u017eivil\u0117", + "tadas", + "sigita", + "kipras", + "gerda", + "greta", + "kristina", + "leila", + "simona", + "gintar\u0117", + "jor\u016bn\u0117", + "nedas", + "ugn\u0117", + "martynas", + "milana", + "aur\u0117ja", + "adomas", + "ryt\u0117", + "olivija", + "egidijus", + "darija", + "eidvil\u0117", + "edvinas", + "sandra", + "simas", + "nojus", + "nerijus", + "deividas", + "justina", + "lukas", + "diana", + "titas", + "simonas", + "ernestas", + "matas", + "izabel\u0117", + "dominykas", + "goda", + "vytautas", + "edita", + "neringa", + "edgaras", + "armandas", + "reda", + "gyt\u0117", + "aronas", + "ingrida", + "\u0161ar\u016bnas", + "ri\u010dardas", + "laura", + "enrika", + "donatas", + "arnoldas", + "agn\u0117", + "karina", + "aurimas", + "perla", + "justinas", + "ar\u016bnas", + "jok\u016bbas", + "l\u0117ja", + "ign\u0117", + "julius", + "jovita", + "danielius", + "v\u0117j\u016bn\u0117", + "aistis", + "linas", + "mant\u0117", + "monika", + "r\u016bta", + "gediminas", + "dovil\u0117", + "arvydas", + "mantas", + "emilis", + "marius", + "\u0105\u017euolas", + "eleonora", + "arijus", + "kajus", + "algirdas", + "aivaras", + "rojus", + "rolandas", + "evelina", + "vaida", + "kotryna", + "evaldas", + "joris", + "romualdas", + "adrija", + "ana", + "dainius", + "augustas", + "jurgita", + "au\u0161ra", + "amelija", + "vaidas", + "gabrielius", + "rytis", + "antanas", + "smilt\u0117", + "\u017eemyna", + "jolanta", + "erika", + "vilt\u0117", + "kristupas", + "dovydas", + "rita", + "aurelija", + "viktorija", + "iveta", + "ineta", + "ema", + "brigita", + "gytis", + "med\u0117ja", + "elena", + "kornelija", + "vakris", + "vyt\u0117", + "indr\u0117", + "vakar\u0117", + "edvardas", + "tajus", + "dominyka", + "eimantas", + "vigilija", + "irma", + "leticija", + "laurynas", + "petras", + "saulius", + "aleksandras", + "ram\u016bnas", + "giedr\u0117", + "povilas", + "juozas", + "gustas", + "ariana", + "audrius", + "au\u0161rin\u0117", + "egl\u0117", + "tomas", + "k\u0119stutis", + "\u017eygimantas", + "ramun\u0117", + "vasar\u0117", + "domas", + "pijus", + "naglis", + "darius", + "justas", + "irmantas", + "jonas", + "vilius", + "vitalija", + "karolina", + "faustas", + "meda", + "domantas", + "sonata", + "ligita", + "rimant\u0117", + "ariel\u0117", + "karolis", + "svetlana", + "migl\u0117", + "laurita", + "marija", + "mindaugas", + "ignas", + "art\u016bras", + "rusn\u0117" + ], + "LAST_NAME": [ + "gronskis", + "pocius", + "gailys", + "jankauskas", + "naru\u0161is", + "ambrasas", + "\u017eukauskas", + "grinius", + "kaupas", + "sakalauskas", + "gai\u010di\u016bnas", + "kavaliauskas", + "povilonis", + "naujokas", + "petrauskas", + "kalvaitis", + "galdikas", + "gagys", + "paulauskas", + "po\u0161ka", + "nagys", + "kazlauskas", + "akelis", + "ki\u0161ka", + "gai\u017eauskas", + "kalv\u0117nas", + "ginzburgas", + "urbonas", + "stankevi\u010dius", + "gintalas", + "kairys", + "kalvelis", + "vsiliauskas", + "gailius", + "butkus", + "naus\u0117da" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "baroniene": "baronas", + "dukra": "zoon", + "dukte": "sunus", + "hercogiene": "hercogas", + "imperatore": "imperatorius", + "moteri\u0161kas": "vyri\u0161kas", + "gal": "gvidas", + "mergina": "gvidas", + "mergaite": "gvidas", + "anuke": "anukas", + "dukraite": "vaikaitis", + "didvyre": "didvyris", + "cik": "ponas", + "panele": "ponas", + "motina": "tevas", + "ponia": "ponas", + "freiras": "vienuolis", + "princese": "princas", + "karaliene": "indra", + "kvinsas": "karaliu_knyga", + "jei": "jis", + "sesuo": "brolis", + "na\u0161le": "na\u0161lys", + "\u017emona": "sutuoktinis", + "duona": "man", + "moteris": "vyras", + "berniukas": "mergaite", + "darbininkas": "darbininke" + }, + "other_gender_swap": { + "juos": "jei", + "jie": "jei", + "jis": "juos", + "jei": "juos" + }, + "en_pronoun2gender": { + "they": [ + "homoseksuali", + "homoseksualus" + ], + "he": [ + "gvidas", + "vyru", + "ma\u017eylis", + "man", + "vyras", + "berniukas", + "d\u017eentelmenas", + "vyri\u0161kas" + ], + "she": [ + "moteri\u0161kas", + "duona", + "moteris", + "mergaite", + "mergina", + "panele", + "cik", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "jis", + "savas" + ], + "she": [ + "jei" + ], + "they": [ + "jei", + "jie", + "juos" + ], + "it": [ + "esti", + "\u0161ita", + "\u0161is", + "jis", + "\u0161itas", + "\u0161i" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ltg.json b/data_tooling/pii_processing/ontology/data/ltg.json new file mode 100644 index 0000000..0a3b6b2 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ltg.json @@ -0,0 +1,127 @@ +{ + "ANIMAL": [ + "vysta", + "luoseica", + "krauklis", + "rubyns", + "lapsine", + "vuorna", + "kaiva", + "brusaks", + "strods", + "vardive" + ], + "JOB": [ + "zinineica", + "vaduojs", + "kara\u013cs", + "zinin\u012bks", + "sorgs", + "viergs", + "kiene\u0146\u0161", + "linejals", + "slave", + "glausteit", + "glaudeit" + ], + "PERSON_PRONOUN": [ + "i" + ], + "FOOD": [ + "reiti\u0161kys" + ], + "PUBLIC_FIGURE": [ + "kryums", + "a", + "i", + "ontons", + "antoneis" + ], + "SOC_ECO_CLASS": [ + "drupeit", + "krai\u0161kys", + "kriejums" + ], + "DISEASE": [ + "navasals", + "plauki", + "ciertums", + "klikss", + "suope", + "tveikst", + "naveseleiba", + "kuos\u0113t", + "vaideiba", + "syltums" + ], + "ORG": [ + "ai", + "prounuks", + "reit" + ], + "PLANT": [ + "tresneica", + "veituls", + "bese\u0146\u0161", + "bryukline" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "unuce": "unuks", + "\u0161ei": "jis", + "jei": "\u0161ys", + "muosa": "bruo\u013cs" + }, + "other_gender_swap": { + "jei": "j\u012b", + "\u0161\u012b": "jei", + "juos": "\u0161ei", + "\u0161uos": "\u0161ei", + "j\u012b": "\u0161ei", + "\u0161ys": "\u0161\u012b", + "jis": "juos", + "\u0161ei": "juos" + }, + "en_pronoun2gender": { + "she": [ + "sakne", + "m\u0101rga", + "meitine", + "s\u012bv\u012bte" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0161ys", + "jis" + ], + "she": [ + "jei", + "\u0161ei" + ], + "they": [ + "\u0161\u012b", + "\u0161uos", + "j\u012b", + "juos", + "jei" + ], + "it": [ + "\u0161\u012b", + "itys", + "jis", + "itei" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lv.json b/data_tooling/pii_processing/ontology/data/lv.json new file mode 100644 index 0000000..097f971 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lv.json @@ -0,0 +1,1188 @@ +{ + "LOCATION": [ + "al_jazeera", + "zieme\u013cj\u016bra", + "austrummidlenda", + "laman\u0161s", + "civilin\u017eenierija", + "hornas_rags", + "univers\u0101lveikals", + "saksija_anhalte", + "lielie_greizie_rati", + "dienvidsala", + "lielpils\u0113ta", + "steitenailenda", + "dienvidaustr\u0101lija", + "marija_magdal\u0113na", + "krivojroga", + "tanas_ezers", + "ildefransa", + "arlabunakti", + "p\u012bts_mondri\u0101ns", + "bot\u0101niskais_d\u0101rzs", + "senthelensa_kalns", + "senmart\u0113na", + "lielais_l\u0101cis", + "meteostacija", + "isikuls", + "huanhe", + "zieme\u013csala", + "portoprensa", + "jord\u0101na", + "the_rolling_stones", + "centr\u0101l\u0101_banka", + "aug\u0161ezers" + ], + "ANIMAL": [ + "borderkollijs", + "glodene", + "medusbites", + "riekstrozis", + "sermu\u013ci", + "zobenvalis", + "bissa", + "klij\u0101ns", + "dambriedis", + "daudzk\u0101jis", + "j\u016bras_c\u016bci\u0146a", + "vanags", + "sudrabkaija", + "gonokoks", + "paved\u0113js", + "pacepl\u012btis", + "zieme\u013cp\u016bce", + "platkn\u0101bis", + "dumbrc\u0101lis", + "medus\u0101psis", + "imperatorpingv\u012bns", + "sarkanr\u012bkl\u012bte", + "murk\u0161\u0137i", + "sabulis", + "krupis", + "manta", + "ebolas_v\u012brusslim\u012bba", + "krauklis", + "mikipele", + "brie\u017evabole", + "kurts", + "briedis", + "dzied\u0101t\u0101jstrazds", + "grinda", + "sprogk\u0101ji", + "zalktis", + "staltbriedis", + "nep\u0101rnad\u017ei", + "basets", + "piek\u016bni", + "slaidpirkstainis", + "garkaklis", + "tarak\u0101ns", + "taimi\u0146\u0161", + "antilopv\u0101veres", + "cekuld\u016bkuris", + "sprak\u0161\u0137i", + "susuris", + "pundurn\u012blzirgs", + "dievl\u016bdz\u0113ji", + "kaiva", + "rubenis", + "sv\u012bru_dzimta", + "baltv\u0113deris", + "kuprvalis", + "citronhaizivs", + "zvirbulis", + "manuls", + "vienplau\u0161zivjveid\u012bg\u0101s", + "garstilbis", + "caunas", + "baltvalis", + "parastais_zalktis", + "\u017eagata", + "mandar\u012bnp\u012ble", + "lapsene", + "slokas", + "dienvidlidv\u0101vere", + "varde", + "posmk\u0101ji" + ], + "DISEASE": [ + "sars", + "drudzis", + "slims", + "skarlat\u012bna", + "vaisl\u012bba", + "paral\u012bze", + "kristus_cie\u0161anas", + "klepot", + "poliomiel\u012bts", + "kont\u016bzija", + "stingumkrampji", + "kasta\u0146as", + "krampji", + "vaisl\u012bgums", + "the_bends", + "sliktums", + "kait\u0113jums", + "mokas", + "mal\u0101rija", + "n\u0101trene", + "klepus", + "katarakta", + "leikocit\u016brija", + "riests", + "caureja", + "materi\u0101lisms", + "neizdo\u0161an\u0101s", + "gimp", + "atkar\u012bba", + "pica", + "\u016bdensgalva", + "sensation", + "prog\u0113rija", + "leik\u0113mija", + "sal\u016bzt", + "anest\u0113zija", + "pinnes", + "sasirdzis", + "migl\u0101js", + "galvass\u0101pes", + "neveiksme", + "sting", + "radi\u0101cija", + "masalas", + "saind\u0113\u0161an\u0101s", + "bakas", + "blaugzna", + "mazasin\u012bba", + "noma", + "parat\u012bfs", + "datorpele", + "pievienot", + "slim\u012bba" + ], + "PUBLIC_FIGURE": [ + "ronalds_reigans", + "t_e_lorenss", + "salad\u012bns", + "bertolts_brehts", + "c", + "edmonds_halejs", + "henriks_ibsens", + "ella_ficd\u017eeralda", + "lielvez\u012brs", + "gustavs", + "frederiks_sengers", + "anna_pavlova", + "leonards_bernsteins", + "anna_boleina", + "antons_brukners", + "williams", + "indira_gandija", + "elizabete", + "fransisko_pisarro", + "\u010de_gevara", + "alfr\u0113ds", + "osmans_i", + "e", + "ivans_pavlovs", + "henrijs_kisind\u017eers", + "indri\u0137is", + "sandro_boti\u010delli", + "gregors", + "pauels", + "leonards_eilers", + "akira_kurosava", + "donalds_bartelms", + "y", + "mihails_bari\u0161\u0146ikovs", + "lekorbizj\u0113", + "nelsons_mandela", + "pauls_tillihs", + "karavad\u017eo", + "f", + "alberts_ein\u0161teins", + "gregors_mendelis", + "valent\u012bna_tere\u0161kova", + "marija_antuanete", + "gustavs_m\u0101lers", + "alberts_seibins", + "amerigo_vespu\u010di", + "a", + "leonards", + "fransiss_pulenks", + "glenns_millers", + "henrijs_millers", + "roberts_adams", + "arnolds", + "lorenss_olivj\u0113", + "johanness_keplers", + "emiljano_sapata", + "kristofors_kolumbs", + "o_henrijs", + "marks_tvens", + "katr\u012bna", + "emilija_dikinsone", + "dalailama", + "marija_kallasa", + "d_h_lorenss", + "lilija", + "gerhards_merkators", + "arturs_salivens", + "sentluisa", + "ingr\u012bda_bergmane", + "franss_halss", + "one", + "i", + "harijs", + "nikola_tesla", + "sentlorensa", + "perijs", + "bernardo_bertolu\u010di", + "alberts_\u0161veicers", + "konstant\u012bns", + "fritjofs_nansens", + "andrejs_saharovs", + "sv\u0113tais_p\u0113teris", + "e_t_a_hofmanis", + "1", + "anna_hetaveja", + "g", + "antons", + "r", + "als_kapone", + "sarkangalv\u012bte", + "mart\u012bns_heidegers", + "roberts", + "pacepl\u012b\u0161u_dzimta", + "lauris", + "divas", + "bei_juimins", + "bernhards_r\u012bmanis", + "sidnijs_polaks", + "putins", + "brasls", + "un_t\u0101_t\u0101l\u0101k", + "andrea_palladio", + "vasilijs_kandinskis", + "marko_polo", + "hubilajs", + "matrozis", + "hercs", + "strauss", + "kolete", + "te\u010dere", + "van_gogs", + "karls_nilsens", + "homo", + "olivers_kromvels", + "elizabete_teilore", + "li_d\u017eendao", + "henrijs", + "roberts_hainlains", + "antonio_stradiv\u0101ri", + "monteskj\u0113", + "el_greko", + "hru\u0161\u010dovs", + "p\u0113teris_i", + "lielais_susuris", + "mart\u012bns_b\u016bbers", + "arnolds_p\u0101lmers", + "felipe_ii", + "titam", + "jozefs_\u0161umpeters", + "henrijs_hadsons", + "t" + ], + "PLANT": [ + "baltais_\u0101mulis", + "pela\u0161\u0137is", + "bebruk\u0101rkli\u0146\u0161", + "floridas_purvciprese", + "rubija", + "the_joshua_tree", + "burk\u0101ns", + "\u016bdensaugs", + "gugatnis", + "alts", + "kadi\u0137oga", + "maijpu\u0137\u012bte", + "galvi\u0146k\u0101posti", + "saulespu\u0137e", + "parast\u0101_k\u013cava", + "melnalksnis", + "manioka", + "priede", + "parast\u0101_liepa", + "kalme", + "melnsakne", + "\u016bdensce\u013cmal\u012bte", + "kazene", + "ziedk\u0101posts", + "kampars", + "kakaokoks", + "malp\u012bgiju", + "lapegles", + "gobas", + "kardamons", + "ezerrieksts", + "dadzis", + "date\u013cpalma", + "saulgrieze", + "baltalksnis", + "mazpuren\u012bte", + "neaizmirstule", + "parastais_devi\u0146v\u012brusp\u0113ks", + "priedes", + "beladonna", + "aprikozes" + ], + "ORG": [ + "karasp\u0113ks", + "slepenpolicija", + "krivojroga", + "bolivuda", + "anglik\u0101\u0146u_bazn\u012bca", + "dienvidpols", + "sv\u0113t\u0101_sofija", + "vinnijs_p\u016bks", + "gaisa_sp\u0113ki", + "serde", + "nasa", + "novisada", + "aug\u0161ezers", + "fle\u0161mobs", + "br\u012bvm\u016brniec\u012bba", + "schutzstaffel", + "the_who", + "un", + "radiogalaktika", + "angkorvata", + "gomi\u0146dan", + "akad\u0113mija", + "dot", + "kareivji", + "centr\u0101leiropa", + "milit\u0101rs", + "sv\u0113t\u0101s_hel\u0113nas_sala", + "kato\u013cu_bazn\u012bca", + "komandekonomika", + "zieme\u013ckipra", + "ugunsdz\u0113s\u0113ji", + "sabiedriskais_transports", + "v\u0101cijas_imp\u0113rija", + "asv_demokr\u0101tisk\u0101_partija", + "tvinp\u012bka", + "huanhe", + "sastr\u0113gums", + "pasta_noda\u013ca", + "vudsu_ezers", + "gestapo", + "pils\u0113tvalsts", + "santome", + "mormons", + "jauns_m\u0113ness", + "mana_trak\u0101_\u0123imene", + "ko\u0161\u013c\u0101jam\u0101_gumija", + "andromedas_galaktika", + "turkl\u0101t", + "sentl\u016bsija", + "al_jazeera", + "po", + "mossad", + "domn\u012bca", + "liel\u0101_porta", + "asv_armija", + "sturmabteilung", + "armija", + "benilukss", + "savienot\u0101s_valstis", + "kaboverde", + "nato", + "feder\u0101lais_izmekl\u0113\u0161anas_birojs", + "mazmazd\u0113ls", + "sv\u0113tais_j\u0101zeps", + "by_the_way", + "pamatskola", + "romie\u0161u_ties\u012bbas", + "eiropola", + "sanfrancisko", + "baltais_nams", + "romas_kato\u013cu_bazn\u012bca", + "vald\u012bba", + "str\u0101dnieku_\u0161\u0137ira", + "eu", + "asv_republik\u0101nisk\u0101_partija", + "r\u0101tsnams", + "ivanofrankivska", + "komercija", + "lauksaimniec\u012bba", + "rietummidlenda", + "papildus" + ], + "PRODUCT": [ + "lielbrit\u0101nija", + "no_dieva_\u017e\u0113last\u012bbas", + "strupce\u013c\u0161", + "al_jazeera", + "ziemassv\u0113tku_vec\u012btis", + "sv\u0113ta_marija", + "krist\u0101mtrauks", + "jaunz\u0113lande", + "j\u016brasc\u016bci\u0146a", + "kuka_salas", + "burinieks", + "labr\u012bt", + "pitk\u0113rna", + "\u016bdensdzirnavas", + "piedodiet", + "ziemassv\u0113tku_egle", + "malduguns", + "mario_andreti" + ], + "JOB": [ + "skolot\u0101js", + "kartogr\u0101fs", + "priek\u0161s\u0113d\u0113t\u0101js", + "lieltirgot\u0101js", + "kurjers", + "kolekcion\u0101rs", + "brokeris", + "pulkvedis", + "lakijs", + "vergs", + "maiznieks", + "lauksaimnieks", + "karalis", + "ties\u012bbsargs", + "rab\u012bns", + "the_police", + "karot\u0101js", + "pavadonis", + "sludin\u0101t\u0101js", + "neatkar\u012bgs", + "japijs", + "karav\u012brs", + "regente", + "kaligr\u0101fe", + "stiklinieks", + "krevele", + "insults", + "kaligr\u0101fs", + "jurists", + "skolot\u0101ja", + "line\u0101ls", + "z\u012bd\u012bt\u0101ja", + "leitnants", + "the_guardian", + "verdzene", + "visp\u0101r\u0113js", + "slauc\u0113ja", + "kolekcion\u0101re", + "tirgot\u0101js", + "rati", + "plak\u0101ts", + "glaud\u012bt", + "kartogr\u0101fe", + "mait\u0113d\u0101ji", + "pulkve\u017eleitnants", + "ratnieks", + "aktieris", + "usher", + "messenger", + "sargs", + "autors", + "pastnieks", + "drag\u016bns", + "dejot\u0101js", + "pastniece", + "kareivis", + "dejot\u0101ja", + "kariete" + ], + "GPE": [ + "veiksmi", + "jaun\u0101_der\u012bba", + "cilv\u0113kties\u012bbas", + "sentlorensa", + "jaunsp\u0101nija", + "centr\u0101lamerika", + "sentluisa", + "grankan\u0101rija", + "sv\u0113tais_nikolajs", + "sintm\u0101rtena", + "sv\u0113tais_juris", + "sarkan\u0101_j\u016bra", + "santodomingo", + "dienvidamerika", + "sarkan\u0101_krusta", + "santome", + "sv\u0113tais_gars", + "andalusa", + "sv\u0113t\u0101_sofija", + "fran\u0161kont\u0113", + "sv\u0113tais_jur\u0123is" + ], + "LANGUAGE": [ + "katalonis", + "islandie\u0161u", + "ebrejisks", + "katal\u0101niete", + "kazahiete", + "kongo", + "somisks", + "anglisks", + "beng\u0101\u013cu", + "persie\u0161u", + "krievs", + "pali", + "horv\u0101tisks", + "grie\u0137iete", + "baltkrievu", + "kazahs", + "taizemie\u0161u", + "grie\u0137is", + "komie\u0161u", + "hindi", + "baltkrievisks", + "esperanto", + "katal\u0101nis", + "fricis", + "katalonietis", + "kataloniete", + "svahili", + "krieviete", + "portug\u0101lisks", + "taizemisks", + "polisks", + "ido", + "horv\u0101tu", + "fran\u010du_valoda", + "portug\u0101\u013cu", + "malaj\u0101lama", + "tonga" + ], + "RELIGION_MEMBER": [ + "kristietis", + "ebrejs", + "mormons", + "ebrejiete", + "jehovas_liecinieks", + "apustulis" + ], + "FOOD": [ + "sarkanv\u012bns", + "baltmaize", + "portv\u012bns", + "asinsdesa", + "sausais_piens", + "baltv\u012bns", + "sald\u0113jums", + "brokastis", + "smaganas", + "kafija", + "karstv\u012bns", + "ol\u012bve\u013c\u013ca" + ], + "BIO_CHEM_ENTITY": [ + "laur\u012bnsk\u0101be", + "itakonsk\u0101be", + "c_reakt\u012bvais_olbaltums", + "salicilsk\u0101be", + "piensk\u0101be", + "fenileti\u0137sk\u0101be", + "dietil\u0113teris", + "cervonsk\u0101be", + "enantsk\u0101be", + "kapronsk\u0101be", + "d_vitam\u012bns", + "glioksilsk\u0101be", + "citronsk\u0101be", + "kapr\u012bnsk\u0101be" + ], + "SOC_ECO_CLASS": [ + "lauksaimniec\u012bba", + "proletari\u0101ts", + "samuraji", + "melnais_tirgus", + "samurajs" + ], + "RACE": [ + "ebreju", + "afrik\u0101nis", + "afrik\u0101\u0146u", + "fran\u010di", + "franc\u016bzis", + "ang\u013ci", + "jap\u0101\u0146i", + "amerik\u0101\u0146i", + "franc\u016bziete" + ], + "TITLE": [ + "sers" + ], + "QUANTITY": [ + "transcendents_skaitlis", + "junga_modulis", + "anderss_celsijs", + "tonis", + "g", + "masas_skaitlis", + "pirmskaitlis" + ], + "POLITICAL_PARTY": [ + "politiska_partija", + "nsdap", + "leiboristu_partija", + "soci\u0101ldemokr\u0101tisk\u0101_partija", + "politisk\u0101_partija", + "gomi\u0146dan", + "konservat\u012bv\u0101_partija" + ], + "PERSON_PRONOUN": [ + "i" + ], + "FAC": [ + "pamatskola", + "atomelektrostacija", + "baseins", + "nolans_raiens", + "hantimansijska", + "\u010detri_gadalaiki", + "pansion\u0101ts", + "policijas_iecirknis", + "peldbaseins", + "ju\u017enosaha\u013cinska", + "arnolds_\u0161\u0113nbergs", + "s\u0101kumskola", + "sentl\u016bsija" + ], + "RELIGION": [ + "daoisms", + "prezbiteri\u0101nisms", + "maniheisms", + "sintoisms" + ], + "EVENT": [ + "pamosties", + "atmosties" + ], + "ANAT": [ + "miokards", + "aug\u0161delms" + ], + "DATE": [ + "viduslaiki", + "liel\u0101_piektdiena" + ], + "UNION": [ + "arodbiedr\u012bba" + ], + "GENDER": [ + "vecene", + "puisis", + "sieviete" + ], + "PERSON": [ + "es_ar\u012b", + "c_vitam\u012bns" + ], + "LAW": [ + "civilties\u012bbas", + "krimin\u0101lties\u012bbas" + ], + "MEDICAL_THERAPY": [ + "asinsspiediens" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+, \\D+", + false, + [] + ] + ], + "FIRST_NAME": [ + "voldem\u0101rs", + "ieva", + "aivars", + "j\u0101nis", + "erna", + "margrieta", + "nikolajs", + "milda", + "k\u0101rlis", + "mikels", + "vineta", + "vilnis", + "aija", + "j\u016blijs", + "evija", + "ivo", + "laimonis", + "olga", + "m\u0101ris", + "am\u0101lija", + "indri\u0137is", + "indra", + "ziedonis", + "dainis", + "dzintars", + "andre\u0161s", + "inga", + "berta", + "elita", + "gunita", + "l\u012bna", + "j\u0113kabs", + "l\u012bga", + "jannis", + "art\u016brs", + "hanss", + "ermanis", + "andrejs", + "arnis", + "ot\u012blija", + "solvita", + "made", + "sapa", + "augusts", + "kaspars", + "lizete", + "vija", + "vilma", + "sandis", + "em\u012blija", + "ilze", + "mirdza", + "normunds", + "alise", + "j\u016ble", + "sandra", + "maija", + "zenta", + "vita", + "toms", + "\u0101dams", + "aiga", + "oto", + "annija", + "aigars", + "anna", + "arturs", + "sarm\u012bte", + "elizabete", + "osvalds", + "ir\u0113na", + "ain\u0101rs", + "\u017eanis", + "mi\u0137elis", + "janis", + "gun\u0101rs", + "doroteja", + "leont\u012bne", + "eva", + "kri\u0161j\u0101nis", + "sintija", + "katr\u012bna", + "m\u0101r\u012bte", + "kri\u0161s", + "valda", + "henriks", + "laura", + "jana", + "anita", + "ma\u017ea", + "p\u0113teris", + "rasma", + "rud\u012bte", + "al\u012bda", + "anete", + "ilga", + "arnolds", + "veneranda", + "biruta", + "karina", + "agnese", + "ansis", + "elvis", + "arv\u012bds", + "aleksandrs", + "ruta", + "d\u0101rta", + "alv\u012bne", + "igors", + "mihels", + "pauls", + "zigr\u012bda", + "visvaldis", + "kristaps", + "valdis", + "lilija", + "\u0101dolfs", + "alfr\u0113ds", + "lauris", + "elm\u0101rs", + "roberts", + "brencis", + "leons", + "lav\u012bze", + "krista", + "andris", + "monika", + "valija", + "zelma", + "viesturs", + "linda", + "\u0123ederts", + "silvija", + "ina", + "vilis", + "b\u0113rends", + "ilona", + "reg\u012bna", + "karl\u012bna", + "eda", + "modris", + "dzidra", + "baba", + "samanta", + "di\u0101na", + "alberts", + "j\u0101zeps", + "daniels", + "viktors", + "liene", + "grieta", + "nat\u0101lija", + "mareks", + "rolands", + "daiga", + "ivars", + "evita", + "agris", + "\u0101rija", + "gr\u0113ta", + "raimonds", + "ri\u010dards", + "anto\u0146ina", + "zane", + "tr\u012bne", + "niks", + "j\u016blija", + "rita", + "antra", + "tenis", + "iveta", + "\u0113rika", + "ineta", + "uldis", + "santa", + "skaidr\u012bte", + "margareta", + "konradus", + "guntis", + "\u0123irts", + "bro\u0146islava", + "edgars", + "marta", + "sta\u0146islavs", + "lilita", + "raivis", + "edv\u012bns", + "vladislavs", + "tekla", + "jezups", + "teodors", + "rute", + "\u0113valds", + "egils", + "lidija", + "minna", + "\u0113riks", + "l\u012bza", + "laila", + "elv\u012bra", + "emma", + "m\u0101rti\u0146\u0161", + "austra", + "jakobs", + "katar\u012bna", + "irma", + "l\u016bcija", + "b\u0113rtulis", + "genovefa", + "macs", + "gunta", + "inguna", + "janina", + "vi\u013cums", + "elza", + "aina", + "veronika", + "valent\u012bna", + "mat\u012bss", + "reinis", + "hermanis", + "mare", + "edmunds", + "juris", + "o\u013c\u0123erts", + "ingr\u012bda", + "aldis", + "el\u012bna", + "gaida", + "inese", + "ernests", + "madara", + "ed\u012bte", + "vera", + "l\u012bba", + "alma", + "guntars", + "ausma", + "dzintra", + "dace", + "antons", + "gatis", + "kristers", + "em\u012bls", + "ilm\u0101rs", + "harijs", + "kristi\u0101na", + "fricis", + "paula", + "velta", + "j\u0113kaubs", + "armands", + "sanita", + "r\u016bdolfs", + "m\u0101ra", + "oskars", + "j\u016bla", + "ligita", + "d\u0101vis", + "johans", + "daina", + "baiba", + "paul\u012bna", + "imants", + "in\u0101ra", + "inta", + "rihards", + "marija", + "hel\u0113na", + "artis", + "krists", + "eduards" + ], + "LAST_NAME": [ + "liepa", + "auni\u0146\u0161", + "zelti\u0146\u0161", + "zvirbulis", + "z\u0101l\u012btis", + "balodis", + "kr\u0113sli\u0146\u0161", + "luksti\u0146\u0161", + "b\u0113rzi\u0146\u0161", + "ka\u0146eps", + "\u0101bele", + "vanags", + "balti\u0146\u0161", + "\u0101bols", + "spro\u0123is", + "zari\u0146\u0161", + "lapsa", + "kr\u016bze", + "avoti\u0146\u0161", + "saul\u012btis", + "krasti\u0146\u0161", + "rieksti\u0146\u0161", + "strazdi\u0146\u0161", + "egl\u012btis", + "kal\u0113js", + "roz\u012btis", + "pried\u012btis", + "lagzdi\u0146\u0161", + "krievs", + "polis", + "caune", + "k\u0101rkli\u0146\u0161", + "turi\u0146\u0161", + "kr\u016bmi\u0146\u0161", + "vilci\u0146\u0161", + "ziemelis", + "zirnis", + "puri\u0146\u0161", + "sili\u0146\u0161", + "purmals", + "zvaigzne", + "briedis", + "priede", + "jaunzems", + "v\u012btols", + "rubenis", + "alksnis", + "v\u012btoli\u0146\u0161", + "celmi\u0146\u0161", + "liepi\u0146\u0161", + "rudz\u012btis", + "l\u012bcis", + "skuja", + "c\u012brulis", + "v\u012bksna", + "dzenis", + "vilks", + "roze", + "za\u0137is", + "\u0101boli\u0146\u0161", + "krievi\u0146\u0161", + "p\u0113rkons", + "aps\u012btis", + "birznieks", + "d\u016bmi\u0146\u0161", + "paegle", + "kundzi\u0146\u0161", + "apinis", + "bite", + "skuji\u0146\u0161", + "l\u016bsis", + "celms", + "k\u013cavi\u0146\u0161", + "kauli\u0146\u0161", + "l\u0101cis", + "kalni\u0146\u0161", + "podnieks", + "auzi\u0146\u0161" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "baronese": "barons", + "br\u012bvkundze": "br\u012bvkungs", + "hija": "d\u0113ls", + "meita": "d\u0113ls", + "hercogiene": "hercogs", + "\u0137eizariene": "\u0137eizars", + "imperatore": "\u0137eizars", + "sievie\u0161u_dzimtes": "v\u012brie\u0161u", + "telpa": "gvido", + "meitene": "gvido", + "sku\u0137is": "gvido", + "mei\u010da": "gvido", + "sku\u0137e": "gvido", + "d\u0113lameita": "d\u0113lad\u0113ls", + "mazmeita": "mazd\u0113ls", + "vi\u0146as": "vi\u0146u", + "varone": "varonis", + "vi\u0146\u0113jais": "vi\u0146u", + "vi\u0146\u0113js": "vi\u0146u", + "cik": "sers", + "netr\u0101p\u012bt": "sers", + "jaunkundze": "sers", + "sakne": "sers", + "m\u0101te": "t\u0113tis", + "m\u016b\u0137ene": "m\u016bks", + "priesteriene": "priesteris", + "princese": "prinss", + "karaliene": "indra", + "kv\u012bnsa": "pirm\u0101_\u0137\u0113ni\u0146u", + "vi\u0146a": "vi\u0146\u0161", + "hona": "vi\u0146\u0161", + "m\u0101sa": "br\u0101lis", + "pameita": "aud\u017eu_d\u0113ls", + "pam\u0101te": "pat\u0113vs", + "viesm\u012ble": "viesm\u012blis", + "oficiante": "viesm\u012ble", + "atraitne": "atraitnis", + "dz\u012bvesbiedre": "v\u012brs", + "sieva": "dz\u012bvesbiedrs", + "dz\u012bvesbiedrene": "pats", + "ragana": "zintnieks", + "sieviete": "v\u012brietis", + "puisis": "sku\u0137is", + "z\u0113ns": "meitene", + "puika": "mei\u010da" + }, + "other_gender_swap": { + "one": "hona", + "k\u0101": "vi\u0146as", + "vi\u0146u": "vi\u0146\u0113js", + "vi\u0146\u0113js": "vi\u0146u", + "vi\u0146as": "vi\u0146\u0113js", + "\u0161\u012b": "vi\u0146a", + "vi\u0146i": "hona", + "oms": "hona", + "vi\u0146\u0161": "one", + "vi\u0146a": "oms", + "hona": "vi\u0146as", + "vi\u0146\u0113jais": "vi\u0146u" + }, + "en_pronoun2gender": { + "they": [ + "homoseksu\u0101ls" + ], + "he": [ + "z\u0113ns", + "v\u012brietis", + "gvido", + "v\u012brie\u0161u_dzimuma", + "v\u012brie\u0161u", + "puisis", + "mazais_z\u0113ns", + "runcis", + "puika" + ], + "she": [ + "meitene", + "netr\u0101p\u012bt", + "mei\u010da", + "sku\u0137e", + "sieviete", + "sievie\u0161u_dzimtes", + "telpa", + "sakne", + "sku\u0137is", + "cik", + "jaunkundze" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "vi\u0146a", + "vi\u0146\u0161" + ], + "she": [ + "vi\u0146\u0113js", + "hona", + "vi\u0146a", + "vi\u0146\u0113jais", + "vi\u0146as" + ], + "they": [ + "one", + "k\u0101", + "\u0161\u012b", + "vi\u0146\u0113js", + "oms", + "vi\u0146i", + "vi\u0146u", + "vi\u0146as" + ], + "it": [ + "\u0161\u012b", + "\u0161is", + "\u0161\u0101s", + "\u0161\u012bs", + "\u0161ie" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/lzz.json b/data_tooling/pii_processing/ontology/data/lzz.json new file mode 100644 index 0000000..bc038b4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/lzz.json @@ -0,0 +1,24 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u10d3\u10d8\u10d3\u10d0": "\u10db\u10e3\u10db\u10e3\u10da\u10d8" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u10d1\u10d8\u10ed\u10d8" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mdf.json b/data_tooling/pii_processing/ontology/data/mdf.json new file mode 100644 index 0000000..3722a25 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mdf.json @@ -0,0 +1,29 @@ +{ + "ANIMAL": [ + "\u043a\u043e\u0440\u043e\u0436" + ], + "PLANT": [ + "\u043a\u0430\u043b\u044c" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u0432\u0430": "\u0430\u043b\u044f", + "\u0442\u044f\u0434\u044f": "\u0430\u043b\u044f", + "\u0430\u043a\u0430": "\u043f\u044f\u043b\u044c\u043d\u0435", + "\u0441\u0430\u0437\u043e\u0440": "\u043f\u044f\u043b\u044c\u043d\u0435" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mg.json b/data_tooling/pii_processing/ontology/data/mg.json new file mode 100644 index 0000000..748aec7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mg.json @@ -0,0 +1,498 @@ +{ + "PUBLIC_FIGURE": [ + "henry_cavendish", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "maria_tallchief", + "john_knox", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "ben_hogan", + "leonard_bernstein", + "che_guevara", + "augustin_fresnel", + "henrik_ibsen", + "mary_shelley", + "peter_lorre", + "david_livingstone", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "john_jacob_astor", + "winston_churchill", + "johannes_diderik_van_der_waals", + "ivan_pavlov", + "dmitri_shostakovich", + "paul_mccartney", + "stephen_king", + "francis_crick", + "isaac_newton", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "edward_gibbon", + "george_stephenson", + "john_glenn", + "george_orwell", + "richard_wagner", + "pancho_villa", + "marie_curie", + "mary_martin", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "edward_weston", + "el_greco", + "samuel_beckett", + "david", + "galileo_galilei", + "jane_goodall", + "john_donne", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "edmund_hillary", + "vincent_van_gogh", + "valentina_terechkova", + "thomas_paine", + "mary_pickford", + "karl_barth", + "yuri_gagarin", + "willem_einthoven", + "allen_iverson", + "giuseppe_verdi", + "karl_jaspers", + "konrad_adenauer", + "mark_rothko", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "leslie_howard", + "theodosius_i", + "hugo_grotius", + "john_ford", + "saladin", + "sarah_bernhardt", + "luigi_pirandello", + "t_s_eliot", + "hank_williams", + "charles_de_gaulle", + "charles_lindbergh", + "joseph_stalin", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "giacomo_puccini", + "louis_braille", + "james_dean", + "roger_bannister", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "james_naismith", + "oscar_wilde", + "j_d_salinger", + "richard_trevithick", + "willard_gibbs", + "glenn_curtiss", + "laurence_olivier", + "peter_carl_goldmark", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "david_ricardo", + "immanuel_kant", + "james_franck", + "le_caravage", + "giulio_natta", + "johannes_kepler", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "carl_lewis", + "canberra", + "bramante", + "edward_jenner", + "oscar_robertson", + "cole_porter", + "jean_luc_godard", + "lars_onsager", + "margaret_mitchell", + "igor_stravinsky", + "mikhail_baryshnikov", + "montesquieu", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "constantin_stanislavski", + "gabriel_lippmann", + "ted_williams", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "robert_redford", + "jack_dempsey", + "richard_feynman", + "wolfgang_pauli", + "theodor_mommsen", + "marcel_proust", + "thomas_more", + "elizabeth_taylor", + "william_golding", + "john_milton", + "ethel_merman", + "indira_gandhi", + "george_gershwin", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "henri_bergson", + "pierre_corneille", + "hans_christian_andersen", + "peter_cooper", + "cary_grant", + "glenn_miller", + "pablo_picasso", + "marian_anderson", + "osman_i", + "otto_hahn", + "christian_huygens", + "hector_berlioz", + "claudio_monteverdi", + "adam_smith", + "william_james", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "john_wesley", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "le_corbusier", + "john_locke", + "joseph_marie_jacquard", + "henry_james", + "perry", + "helen_keller", + "ingrid_bergman", + "jean_piaget", + "william_congreve", + "henri_rousseau", + "paul_v\u00e9ron\u00e8se", + "h_g_wells", + "walt_whitman", + "william_wyler", + "ludwig_boltzmann", + "benjamin_thompson", + "adolf_hitler", + "fritz_haber", + "peter_behrens", + "joseph_haydn", + "george_boole", + "edvard_grieg", + "robert_boyle", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "ernest_walton", + "jim_thorpe", + "andre\u00ef_sakharov", + "don_budge", + "bill_russell", + "nicolas_copernic", + "g", + "arthur_schopenhauer", + "james_cagney", + "henri_pitot", + "martin_heidegger", + "hans_eysenck", + "arnold_schoenberg", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "st_louis_missouri", + "d_w_griffith", + "robert_fulton", + "giuseppe_garibaldi", + "alexandre_dumas", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "thomas_malthus", + "william_faulkner", + "amerigo_vespucci", + "girolamo_savonarola", + "emma_goldman", + "robert_hooke", + "o_henry", + "karl_popper", + "peter_sellers", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "jules_verne", + "paul_newman", + "fyodor_dostoyevsky", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "william_of_ockham", + "christophe_colomb", + "hugo_junkers", + "alice_walker", + "miles_davis", + "george_marshall", + "stanley_kubrick", + "john_huston", + "peter_the_great", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "david_hilbert", + "oliver_cromwell", + "vladimir_poutine", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "woodrow_wilson", + "richard_rodgers", + "georges_de_lydda", + "john_dryden", + "ernest_hemingway", + "george_westinghouse", + "arthur_miller", + "nelson_mandela", + "al_gore", + "hans_bethe", + "hans_geiger", + "j_p_morgan", + "richard_leakey", + "alfred_korzybski", + "charles_dickens", + "jacques_offenbach", + "george_stevens", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "alfred_kastler", + "mick_jagger", + "william_harvey", + "walter_scott", + "vladimir_lenin", + "kahlil_gibran", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "robert_joffrey", + "thomas_edison", + "chiang_kai_shek", + "raymond_chandler", + "wilhelm_ostwald" + ], + "PLANT": [ + "pesombazaha", + "salady", + "tanamasoandro", + "ravintsara", + "iraka", + "karaoty", + "mamankona", + "karoty" + ], + "FAC": [ + "fiangonana_katolika", + "arnold_schoenberg", + "peter_the_great", + "titus_livius", + "eglizy_katolika_apostolika_romana", + "empira_otomana" + ], + "PRODUCT": [ + "justin_bieber", + "fyodor_dostoyevsky", + "empira_romana", + "ferdinand_magellan", + "testamenta_vaovao", + "mario_andretti" + ], + "FOOD": [ + "tanimaty" + ], + "POLITICAL_PARTY": [ + "antoko_politika" + ], + "PERSON": [ + "al_gore", + "h_g_wells", + "william_playfair", + "edward_osborne_wilson", + "igor_sikorsky", + "seleucus_i_nicator" + ], + "ANIMAL": [ + "vorondolo", + "sabakaka", + "kalabe", + "crow", + "goaika", + "bibindandy", + "vintsy", + "sahona", + "vorombozaka" + ], + "DISEASE": [ + "angatra", + "solavady", + "korontana", + "fitohanana", + "angadrano" + ], + "PERSON_PRONOUN": [ + "i" + ], + "SOC_ECO_CLASS": [ + "fiarahamonina", + "tsena_maizina" + ], + "ORG": [ + "san_francisco", + "masina_lucie", + "eglizy_katolika", + "tafika", + "fanabeazana", + "aleksandra_lehibe", + "fitsaboana", + "rabindranath_tagore", + "gestapo", + "ferdinand_magellan", + "los_angeles", + "sa", + "antoko_politika", + "s\u00e3o_tom\u00e9" + ], + "RACE": [ + "botsatsaka" + ], + "LOCATION": [ + "piet_mondrian", + "ranomasina_mainty", + "sri_lanka", + "the_rolling_stones", + "etazonia", + "christophe_colomb", + "louis_joseph_gay_lussac" + ], + "JOB": [ + "le_docteur", + "dokotera", + "usher" + ], + "RELIGION_MEMBER": [ + "miozolmana", + "anadahy" + ], + "DATE": [ + "afakampitso" + ], + "GPE": [ + "s\u00e3o_tom\u00e9", + "kianja", + "dar_es_salam", + "nicolas_de_myre", + "ranomasina_mena" + ], + "TITLE": [ + "ramatoa" + ], + "QUANTITY": [ + "g" + ], + "LANGUAGE": [ + "soedoa", + "cree", + "malagasy" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "reny": "voa", + "anabavy": "anadahy", + "andefimandry": "ibaban_tsaiky", + "tokantrano": "lahy" + }, + "other_gender_swap": { + "\u3078": "ony" + }, + "en_pronoun2gender": { + "she": [ + "barera" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u3078" + ], + "they": [ + "ony" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mi.json b/data_tooling/pii_processing/ontology/data/mi.json new file mode 100644 index 0000000..831c915 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mi.json @@ -0,0 +1,453 @@ +{ + "DISEASE": [ + "waikura", + "kiritona", + "mamae", + "ki", + "haramonera", + "hikahikanga", + "momonatanga", + "tahumaero", + "mahaki", + "kaikoiwi", + "warowaro", + "haurakiraki", + "hakoko", + "kawekawenga", + "paipairuaki", + "marupo", + "k\u014drangaranga", + "tokopuhake", + "mania", + "tauhekenga", + "kutiwera", + "urut\u0101", + "wairere", + "turiwaitaitai", + "haurehu", + "korera", + "kikikiki", + "kaitoroh\u012btanga", + "kaikaru", + "huaketo", + "kautona", + "kukunetanga", + "para", + "tongako", + "takewhenua", + "kinawhea", + "kaurapa", + "kunawhea", + "raraku", + "maiao", + "hinamokimoki", + "raur\u0113kau", + "pohopiri", + "kaihanu", + "pukoko", + "kuiki", + "rewharewha", + "mamamama", + "koute", + "rarapi", + "pohongawh\u0101", + "poutukitanga", + "tarutaruhea", + "moe_takarerewa", + "m\u0101ngiongio", + "parerori", + "koeketanga", + "kiritoi", + "mumutu", + "rapirapi", + "takereh\u0101ia", + "koroputaputa", + "whaturama", + "kotiuru", + "kautoroh\u012btanga", + "matahuatanga", + "kauanu", + "huang\u014d", + "mate_moana", + "wharatanga", + "h\u014dripiripi", + "paraiti", + "moremore", + "kaik\u014diwi", + "katirehe", + "karawaka", + "korokiwa", + "hokomirimiri", + "whitinga", + "kaimatatanga", + "pukuwhenewhene", + "ronanga", + "taukini", + "korou", + "kuru", + "mariao", + "papahewa", + "maiorohea", + "takoki", + "ngaupuku", + "taratarawai", + "kaiwhakat\u016b", + "kokohu", + "korohiko" + ], + "PLANT": [ + "whangewhange", + "pine", + "natahama", + "raupeti", + "hengahenga", + "aonan\u012b", + "manarini", + "wirou", + "puatororaro", + "parakipere", + "erema", + "aute", + "rewarewa", + "horopito", + "manitareki", + "karepar\u0101oa", + "paina", + "ringatoi", + "remuroa", + "taraonga", + "hangehange", + "horera", + "hakeka" + ], + "ORG": [ + "whakangaio", + "mautohetanga", + "p\u014dhutuhutu", + "oni", + "ai", + "kini_ekuatoria", + "taka_puoro", + "ko_taku_ingoa", + "karap\u012bpiti", + "wai_m\u0101ori", + "te_mea_ai", + "te_k\u016brae_matomato", + "haukaiwahine", + "ko_ahau", + "pia_ngaungau", + "tauhokohoko" + ], + "JOB": [ + "minita", + "pirihimana", + "te_rua", + "t\u0101maramara", + "papaunguungu", + "ahorangi", + "poumatua", + "wh\u0101rangi", + "t\u016bmataiti", + "t\u0101kuta", + "kuruwhengi", + "para", + "hokomirimiri", + "whakatoke", + "amapaea", + "moremore", + "kaing\u0101rahu", + "kaiomaoma", + "takahoa", + "kaupoai", + "mate", + "kaumoana", + "mea_whakatangi", + "pirikitia", + "karere", + "poutoko", + "kauhoe", + "perehitini", + "matawh\u0101nui", + "manukura", + "kurutangi", + "kiripaepae", + "haihana", + "menetia", + "takawaenga" + ], + "FOOD": [ + "wai_r\u0113mana", + "kohia", + "tinipia", + "akakaik\u016b", + "kanokawhe", + "hamapaka", + "purini_huar\u0101kau", + "purini", + "parakuihi" + ], + "LOCATION": [ + "te_moana_nui_a_kiwa", + "te_k\u016brae_matomato", + "te_waipounamu", + "tapepetanga", + "tautoru", + "e_pai_ana", + "hana_k\u014dk\u014d", + "te_ika_a_m\u0101ui", + "me_kore", + "te_mang\u014droa", + "tau\u0101_rangi", + "te_hononga_o_amerika", + "te_ikaroa", + "meri_makarini", + "te_taki_o_autahi" + ], + "PUBLIC_FIGURE": [ + "kauranga", + "taituha", + "kiripeta", + "kerekori", + "a", + "k\u0101napera", + "one", + "i", + "kataraina", + "riria", + "meri_makarini" + ], + "SOC_ECO_CLASS": [ + "tokoitiiti", + "tokoiti", + "whakarangatiratanga", + "wahinetanga", + "porihanga", + "te_aitanga_a_tiki", + "k\u014dtahitahi" + ], + "PRODUCT": [ + "piharoa", + "kawenata_hou", + "mea_whakatangitangi" + ], + "GENDER": [ + "titupu", + "taitama", + "kouwha", + "purengi", + "taitam\u0101hine" + ], + "ANIMAL": [ + "kewa", + "takahikare", + "kutupapa", + "kokoroihe", + "paikea", + "kahuku", + "heroni", + "maroro", + "peketua", + "p\u0101titotito", + "hinamoki", + "karoro", + "pepeketua", + "whakahao", + "kirera", + "makipai", + "mane", + "k\u014dkako" + ], + "DATE": [ + "koroheketanga", + "te_ihu_o_hineraumati", + "te_ihu_o_hinetakurua", + "tauinew\u0101" + ], + "GPE": [ + "te_tai_rei" + ], + "PERSON_PRONOUN": [ + "i", + "me", + "keringa", + "koutou" + ], + "LANGUAGE": [ + "ingarihi", + "p\u0101niora", + "kariki", + "komi" + ], + "POLITICAL_PARTY": [ + "mautohetanga", + "\u0101tetenga", + "r\u014dp\u016b_t\u014drangap\u016b" + ], + "QUANTITY": [ + "kotiri", + "matirua", + "tone", + "heringi", + "ahutoru" + ], + "PERSON": [ + "te_rangi" + ], + "RELIGION_MEMBER": [ + "perehipitiriana", + "mihinare", + "porotehana" + ], + "FAC": [ + "mataihi", + "wharehokohoko", + "terenga" + ], + "LAW": [ + "k\u014dti_mana_nui" + ], + "ANAT": [ + "kikopuku" + ], + "RACE": [ + "mangumangu" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "tutahe": "tiuka", + "tamahine": "purengi", + "uwha": "t\u0101ne", + "kouwha": "t\u0101ne", + "wahine": "t\u0101ne", + "uha": "t\u0101ne", + "k\u014dhine": "purengi", + "hine": "purengi", + "taitam\u0101hine": "purengi", + "k\u014dtiro": "purengi", + "k\u014dhaia": "purengi", + "t\u014dna": "k\u0101na", + "\u0101na": "t\u0101na", + "k\u0101na": "\u014dna", + "t\u0101na": "\u0101na", + "\u014dna": "k\u0101na", + "pirinihi": "piriniha", + "kuini": "kingi", + "tuahine": "taina", + "teina": "tung\u0101ne", + "marokore": "t\u0101ne_takakau", + "takakau": "t\u0101ne_takakau", + "maro_kau": "takakau", + "wahine_kiritapu": "t\u0101ne_takakau", + "wahine_takakau": "takakau", + "wahine_taumaro": "t\u0101ne_takakau", + "tam\u0101hine_k\u0113": "tamat\u0101ne_whakaangi", + "hine_whakaangi": "tama_whakaangi", + "tam\u0101hine_whakaangi": "tamat\u0101ne_whakaangi", + "whaea_k\u0113": "m\u0101tua_k\u0113", + "whaea_whakaangi": "m\u0101tua_k\u0113", + "takahore": "pouaru", + "pouaru": "takahore", + "hoa_rangatira": "hoa_t\u0101ne", + "hoa_wahine": "hoa_t\u0101ne", + "tamaiti_t\u0101ne": "taitam\u0101hine", + "taitama": "k\u014dhine" + }, + "other_gender_swap": { + "one": "hona", + "r\u0101ua": "hona", + "r\u0101tau": "\u014dna", + "r\u0101tou": "hona", + "t\u014d_r\u0101ua": "t\u0101na", + "\u0101_r\u0101ua": "\u0101na", + "\u014d_r\u0101ua": "t\u0101na", + "\u0101_r\u0101tau": "\u014dna", + "\u014d_r\u0101tau": "k\u0101na", + "t\u0101_r\u0101tau": "k\u0101na", + "t\u014d_r\u0101tau": "k\u0101na", + "t\u0101_r\u0101ua": "t\u0101na", + "wao": "hona", + "hona": "one", + "t\u014dna": "t\u014d_r\u0101ua", + "\u0101na": "\u0101_r\u0101ua", + "k\u0101na": "\u014d_r\u0101tau", + "t\u0101na": "t\u0101_r\u0101tau", + "\u014dna": "\u0101_r\u0101tau" + }, + "en_pronoun2gender": { + "he": [ + "t\u0101hake", + "titupu", + "tamaiti_t\u0101ne", + "t\u0101ne", + "purengi", + "taitama", + "korok\u0113" + ], + "she": [ + "kahurangi", + "wahine", + "uha", + "kouwha", + "k\u014dtiro", + "hauare", + "hine", + "taitam\u0101hine", + "tamahine", + "tuakana", + "k\u014dhine", + "hihipa", + "k\u014dhaia", + "uwha", + "tohipa", + "tuahine" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u014dna", + "t\u014dna", + "k\u0101na", + "\u0101na", + "t\u0101na" + ], + "she": [ + "hona", + "\u014dna", + "t\u014dna", + "k\u0101na", + "\u0101na", + "t\u0101na" + ], + "they": [ + "one", + "t\u014d_r\u0101ua", + "\u0101_r\u0101ua", + "\u0101_r\u0101tau", + "wao", + "\u014d_r\u0101tau", + "t\u0101_r\u0101ua", + "t\u014d_r\u0101tau", + "r\u0101tau", + "\u014d_r\u0101ua", + "r\u0101tou", + "r\u0101ua", + "t\u0101_r\u0101tau" + ], + "it": [ + "k\u0101na", + "t\u0113nei", + "\u0113nei" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mk.json b/data_tooling/pii_processing/ontology/data/mk.json new file mode 100644 index 0000000..1d98523 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mk.json @@ -0,0 +1,399 @@ +{ + "PUBLIC_FIGURE": [ + "\u043b\u0438_\u0445\u0430\u0440\u0432\u0438_\u043e\u0441\u0432\u0430\u043b\u0434", + "c", + "\u0430\u043d\u0430_\u0431\u043e\u043b\u0435\u0458\u043d", + "\u0436\u043e\u0437\u0435\u0444_\u0433\u0435\u0458_\u043b\u0438\u0441\u0430\u043a", + "\u043a\u043e\u0441\u0442\u0430\u0434\u0438\u043d", + "y", + "f", + "\u0441\u0430\u043b\u0430\u0434\u0438\u043d", + "\u0438_\u0442\u0430\u043a\u0430_\u043d\u0430\u0442\u0430\u043c\u0443", + "\u0430\u043d\u0430_\u043f\u0430\u0432\u043b\u043e\u0432\u0430", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d", + "\u043c\u0430\u0440\u0438\u0458\u0430_\u043c\u0430\u0433\u0434\u0430\u043b\u0435\u043d\u0430", + "i", + "\u0441\u0432\u0435\u0442\u0438_\u043d\u0438\u043a\u043e\u043b\u0435", + "1", + "\u0434\u0432\u0430", + "\u043a\u0440\u0438\u0441\u0442\u043e\u0444\u0435\u0440_\u043a\u043e\u043b\u0443\u043c\u0431\u043e", + "g", + "r", + "\u043c\u0435\u043b\u043d\u0438\u0447\u0430\u0440", + "\u0430\u0440\u043d\u043e\u043b\u0434_\u0448\u0435\u043d\u0431\u0435\u0440\u0433", + "\u0441\u043e\u043b_\u0431\u0435\u043b\u043e\u0443", + "c_a", + "\u0431\u0440\u0438\u0433\u0430\u0434\u0435\u043d_\u0433\u0435\u043d\u0435\u0440\u0430\u043b", + "\u0430\u043b_\u043a\u0430\u043f\u043e\u043d\u0435", + "\u0441\u043c\u0438\u0442", + "\u043e\u0441\u043c\u0430\u043d_i", + "t" + ], + "SOC_ECO_CLASS": [ + "\u043f\u043e\u043b\u0458\u043e\u0434\u0435\u043b\u0441\u0442\u0432\u043e", + "\u0437\u0435\u043c\u0458\u043e\u0434\u0435\u043b\u0441\u0442\u0432\u043e", + "\u043e\u043f\u0448\u0442\u0435\u0441\u0442\u0432\u043e", + "\u0441\u0440\u0435\u0434\u043d\u043e\u043a\u043b\u0430\u0441\u0435\u043d", + "\u0431\u043b\u0430\u0433\u043e\u0440\u043e\u0434\u043d\u0438\u0448\u0442\u0432\u043e", + "\u0432\u0438\u0441\u043e\u043a\u0430_\u043a\u043b\u0430\u0441\u0430" + ], + "GPE": [ + "\u0434\u0430\u0440_\u0435\u0441_\u0441\u0430\u043b\u0430\u043c", + "\u043d\u043e\u0432_\u0437\u0430\u0432\u0435\u0442", + "\u0446\u0440\u0432\u0435\u043d_\u043a\u0440\u0441\u0442", + "\u0441\u0432\u0435\u0442\u0438_\u0433\u0435\u043e\u0440\u0433\u0438", + "\u0442\u0430\u0458\u0448\u0430\u043d", + "\u0441\u0432\u0435\u0442\u0430_\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u0447\u043e\u0432\u0435\u043a\u043e\u0432\u0438_\u043f\u0440\u0430\u0432\u0430", + "\u0441\u0432\u0435\u0442_\u0434\u0443\u0445", + "\u0430\u043b\u0442\u0448\u0442\u0430\u0442", + "\u0441\u0435\u043d\u0442_\u043b\u0443\u0438\u0441", + "\u0430\u043f\u043e\u0441\u0442\u043e\u043b_\u043f\u0435\u0442\u0430\u0440", + "\u0441\u0432\u0435\u0442\u0438_\u0433\u043e\u0440\u0433\u0438", + "\u0441\u043e_\u0441\u0440\u0435\u043a\u0430" + ], + "ORG": [ + "\u0430\u043b\u043a\u043e\u0445\u043e\u043b\u0438\u0447\u0430\u0440\u0438", + "\u0433\u0435\u0440\u043c\u0430\u043d\u0441\u043a\u043e_\u0446\u0430\u0440\u0441\u0442\u0432\u043e", + "\u043c\u0430\u0441\u043b\u0438\u043d\u043e\u0432\u0430_\u0433\u043e\u0440\u0430", + "\u0437\u0435\u043c\u0458\u043e\u0434\u0435\u043b\u0441\u0442\u0432\u043e", + "\u0440\u0438\u043c\u0441\u043a\u0430_\u043c\u0438\u0442\u043e\u043b\u043e\u0433\u0438\u0458\u0430", + "\u043c\u043b\u0430\u0434\u0430_\u043c\u0435\u0441\u0435\u0447\u0438\u043d\u0430", + "the_who", + "\u0448\u0438\u043d\u0442\u043e\u0438\u0437\u0430\u043c", + "\u0446\u0440\u0432\u0435\u043d\u043e_\u043c\u043e\u0440\u0435", + "\u0440\u0438\u043c\u0441\u043a\u043e_\u0433\u0440\u0430\u0453\u0430\u043d\u0441\u043a\u043e_\u043f\u0440\u0430\u0432\u043e", + "\u0446\u0435\u043d\u0442\u0440\u0430\u043b\u043d\u0430_\u0431\u0430\u043d\u043a\u0430", + "\u043d\u0430\u0440\u043e\u0434\u043d\u043e_\u0441\u043e\u0431\u0440\u0430\u043d\u0438\u0435_\u043d\u0430_\u0431\u0443\u0433\u0430\u0440\u0438\u0458\u0430", + "\u043f\u043e\u043b\u0458\u043e\u0434\u0435\u043b\u0441\u0442\u0432\u043e", + "\u0442\u0430\u043e\u0438\u0437\u0430\u043c", + "\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u0458\u0430", + "\u0448\u0442\u0443\u0440\u043c\u0430\u0431\u0442\u0430\u0458\u043b\u0443\u043d\u0433", + "\u0441\u0440\u0435\u0434\u043d\u043e\u043a\u043b\u0430\u0441\u0435\u043d", + "\u0440\u0438\u043c\u043e\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u043a\u0430_\u0446\u0440\u043a\u0432\u0430", + "\u043f\u043e\u043b\u0438\u0442\u0438\u0447\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u0458\u0430", + "\u0442\u0440\u043d\u043e\u0440\u0443\u0448\u043a\u0430", + "\u043a\u0430\u043b\u0430\u0443\u0437", + "\u043d\u043e\u0432\u043e\u0433\u043e\u0434\u0438\u0448\u043d\u0430_\u043d\u043e\u045c", + "\u0431\u0435\u043b\u0430\u0442\u0430_\u043a\u0443\u045c\u0430", + "\u0438_\u0434\u0440", + "\u0433\u0440\u0430\u0434\u0441\u043a\u0438_\u0434\u043e\u043c", + "\u0448\u0443\u043c\u0441\u043a\u043e_\u0435\u0437\u0435\u0440\u043e", + "\u0431\u0435\u043b\u0430\u0442\u0430_\u043a\u0443\u043a\u0430", + "\u0440\u0430\u0431\u043e\u0442\u043d\u0438\u0447\u043a\u0430_\u043a\u043b\u0430\u0441\u0430", + "\u0441\u0440\u0435\u0434\u043d\u0430_\u043a\u043b\u0430\u0441\u0430", + "\u0430\u043b_\u045f\u0435\u0437\u0438\u0440\u0430", + "\u0437\u0435\u043b\u0435\u043d_\u0440\u0442", + "\u043f\u0440\u0435\u0432\u043e\u0437", + "\u043f\u0430\u0440\u0442\u0438\u0458\u0430", + "\u043f\u0440\u043e\u0441\u0432\u0435\u0442\u0438\u0442\u0435\u043b\u0441\u0442\u0432\u043e", + "\u0432\u0440\u0445\u043e\u0432\u0435\u043d_\u0441\u0443\u0434", + "\u0441\u043a\u043b\u0435\u043a", + "\u0447\u0438\u043d\u0433", + "\u043e\u0441\u043d\u043e\u0432\u043d\u043e_\u0443\u0447\u0438\u043b\u0438\u0448\u0442\u0435", + "\u0446\u0440\u043a\u0432\u0430_\u0441\u0432\u0435\u0442\u0430_\u0441\u043e\u0444\u0438\u0458\u0430", + "\u0443\u043f\u0440\u0430\u0432\u0430", + "\u0444\u0435\u0434\u0435\u0440\u0430\u043b\u043d\u043e_\u0438\u0441\u0442\u0440\u0430\u0436\u043d\u043e_\u0431\u0438\u0440\u043e", + "\u0434\u0430_\u0436\u0438\u0432\u0435\u0435", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u0441\u043a\u0430_\u0430\u0440\u043c\u0438\u0458\u0430", + "\u0441\u0430\u043e_\u0442\u043e\u043c\u0435", + "\u0442\u0440\u0433\u043e\u0432\u0441\u043a\u0438_\u0446\u0435\u043d\u0442\u0430\u0440", + "\u0438\u0441\u0443\u0441\u043e\u0432\u0446\u0438", + "\u0458\u0435\u0445\u043e\u0432\u0438\u043d\u0438_\u0441\u0432\u0435\u0434\u043e\u0446\u0438", + "\u043f\u0440\u0435\u0432\u043b\u0430\u0441\u0442", + "\u0441\u043e\u0435\u0434\u0438\u043d\u0435\u0442\u0438_\u0434\u0440\u0436\u0430\u0432\u0438", + "\u0433\u0440\u0430\u0434\u0441\u043a\u0430_\u043a\u0443\u043a\u0430", + "streptococcus_pyogenes", + "\u0437\u0435\u043b\u0435\u043d\u043e\u2019\u0440\u0442\u0441\u043a\u0438_\u043e\u0441\u0442\u0440\u043e\u0432\u0438" + ], + "JOB": [ + "\u0434\u0438\u0437\u0430\u0458\u043d\u0435\u0440", + "\u043c\u043b\u0435\u043a\u0430\u0440\u043a\u0430", + "\u043d\u0430\u0441\u0430\u043f\u0443\u043d\u0443\u0432\u0430", + "\u043a\u0430\u043b\u0430\u0458\u045f\u0438\u0458\u0430", + "the_police", + "\u0437\u0430\u0431\u043e\u043b\u0435\u043a\u0430\u0440", + "\u0436\u0438\u0432\u043e\u0442\u043e\u0434\u0430\u0432\u0430\u0447", + "\u043d\u0435\u0432\u0440\u043e\u043b\u043e\u0433", + "\u0442\u0435\u0440\u0430\u043f\u0435\u0432\u0442", + "\u043f\u0440\u043e\u0444\u0435\u0441\u043e\u0440", + "golman", + "\u043c\u043e\u0437\u043e\u0447\u0435\u043d_\u0443\u0434\u0430\u0440", + "\u043f\u0440\u043e\u0444\u0435\u0441\u043e\u0440\u043a\u0430", + "\u0430\u043a\u0430\u0434\u0435\u043c\u0438\u043a", + "\u0444\u043e\u0442\u043e\u0433\u0440\u0430\u0444", + "\u043c\u043b\u0435\u043a\u0430\u0440", + "\u0433\u0430\u0441\u0442\u0430\u0440\u0431\u0430\u0458\u0442\u0435\u0440", + "\u043e\u045f\u0430\u0447\u0430\u0440", + "\u0441\u0442\u0440\u0443\u0433\u0430\u0440", + "the_hangover", + "\u0434\u0432\u043e\u0440\u0458\u0430\u043d\u0438\u043d", + "\u0441\u0442\u043e\u043c\u0430\u0442\u043e\u043b\u043e\u0433", + "\u0434\u0435\u0441\u0435\u0442\u0430\u0440", + "\u0430\u0434\u043c\u0438\u043d\u0438\u0441\u0442\u0440\u0430\u0442\u043e\u0440", + "\u0441\u0442\u0430\u0440\u043e\u0441\u0432\u0430\u0442", + "\u0434\u043e\u043c\u0430\u0440" + ], + "FAC": [ + "\u0432\u0438\u0441\u043e\u043a\u0430_\u043f\u043e\u0440\u0442\u0430", + "\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u043a\u0430_\u0446\u0440\u043a\u0432\u0430", + "\u0431\u0435\u0441\u0441\u0435\u0440\u0438\u0444\u0435\u043d", + "\u043f\u0435\u0442\u0430\u0440_\u0432\u0435\u043b\u0438\u043a\u0438", + "\u0441\u043b\u0430\u0432\u043e\u043b\u0430\u043a", + "\u0441\u0432\u0435\u0442\u0430_\u043b\u0443\u0446\u0438\u0458\u0430", + "\u043e\u0441\u043c\u043e\u043b\u0435\u0442\u043a\u0430", + "\u0430\u0442\u0430\u043a\u0430\u043c\u0430" + ], + "PLANT": [ + "\u043a\u0430\u043c\u0438\u043b\u0438\u0446\u0430", + "\u043a\u0430\u043d\u0442\u0430\u0440\u0438\u043e\u043d", + "\u0441\u0432\u0435\u0442\u0430_\u043c\u0430\u0440\u0438\u0458\u0430", + "\u0442\u0430\u043d\u0442\u0443\u0440", + "\u043a\u0440\u0430\u0441\u043d\u0438\u0446\u0430", + "\u0433\u0435\u0440\u0435\u0432\u0438\u0437", + "\u043a\u043e\u043f\u0440\u0438\u0432\u0430", + "\u0441\u043c\u043e\u043a\u0432\u0430", + "\u043f\u0440\u043e\u043a\u0435\u0459" + ], + "DISEASE": [ + "\u043b\u0438\u0441\u0442\u0435\u0440\u0438\u043e\u0437\u0430", + "\u0441\u043e_\u0441\u043b\u0430\u0431\u0438_\u0436\u0438\u0432\u0446\u0438", + "the_suffering", + "\u043f\u043e\u0434\u0438\u0433\u0430\u045a\u0435", + "\u043a\u043e\u043b\u0435\u0440\u0430", + "\u0433\u043b\u0430\u0432\u043e\u0431\u043e\u043b\u043a\u0430", + "\u043a\u043e\u0441\u0442\u0435\u043d\u043b\u0438\u0432\u0430", + "\u0442\u0430\u0445\u0438\u043a\u0430\u0440\u0434\u0438\u0458\u0430", + "\u043f\u043e\u043b\u0438\u0446\u0438\u0442\u0435\u043c\u0438\u0458\u0430", + "\u043d\u0430\u0441\u0442\u0438\u043d\u043a\u0430", + "\u0433\u043b\u0443\u0448\u0435\u0446", + "\u0430\u043d\u0442\u0440\u0430\u043a\u0441", + "\u043e\u0441\u043d\u043e\u0432\u0430\u0447", + "\u0438\u0437\u0433\u043e\u0440\u0435\u043d\u0438\u0446\u0430", + "\u0435\u0431\u043e\u043b\u0430", + "\u043c\u0430\u043b\u0430\u0440\u0438\u0458\u0430", + "\u0432\u043e\u0441\u043f\u0430\u043b\u0435\u043d\u0438\u0435" + ], + "LANGUAGE": [ + "\u0433\u0435\u0440\u043c\u0430\u043d\u0435\u0446", + "\u0430\u043d\u0433\u043b\u0438\u0441\u043a\u0438", + "\u0433\u0435\u0440\u043c\u0430\u043d\u043a\u0430", + "\u043a\u0438\u043d\u0435\u0441\u043a\u0438", + "\u043f\u043e\u0440\u0442\u0443\u0433\u0430\u043b\u0441\u043a\u0438" + ], + "ANIMAL": [ + "\u043d\u0435\u0432\u0435\u0441\u0442\u0443\u043b\u043a\u0430", + "\u0431\u0430\u0441\u0442\u0443\u043d", + "\u0446\u0440\u0432\u0435\u043d\u043e\u0433\u0443\u0448\u043a\u0430", + "\u0441\u0430\u043c\u0443\u0440", + "\u043a\u043e\u043d\u043e\u043f\u043b\u0430\u0440\u0447\u0435", + "\u0437\u0430\u043c\u043e\u0440\u0435\u0446", + "\u0442\u0443\u0442\u0443\u043d\u0441\u043a\u0438_\u043c\u043e\u0437\u0430\u0438\u0447\u0435\u043d_\u0432\u0438\u0440\u0443\u0441", + "\u0441\u0442\u0440\u0430\u0447\u043a\u0430", + "\u0441\u043b\u0430\u0432\u0435\u0458\u0447\u0435", + "\u043a\u0430\u043c\u0435\u045a\u0430\u0440\u0447\u0435", + "\u043a\u043e\u0437\u043e\u0440\u043e\u0433", + "\u043c\u043e\u0434\u0440\u043e\u0432\u0440\u0430\u043d\u0430", + "\u0431\u0435\u043b\u043e\u0443\u0448\u043a\u0430", + "\u0445\u0435\u0440\u043f\u0435\u0441_\u0441\u0438\u043c\u043f\u043b\u0435\u043a\u0441_\u0432\u0438\u0440\u0443\u0441", + "\u043a\u0430\u0440\u043e\u043b\u0438\u043d\u043a\u0430", + "\u0433\u043b\u0430\u0432\u0435\u043d_\u043d\u0430\u0440\u0435\u0434\u043d\u0438\u043a", + "\u043d\u0435\u043f\u0430\u0440\u043d\u043e\u043a\u043e\u043f\u0438\u0442\u043d\u0438", + "\u0458\u0443\u0436\u043d\u043e_\u0441\u0432\u0438\u045a\u043e\u043e\u043f\u0430\u0448\u0435\u0441\u0442\u043e_\u043c\u0430\u043a\u0430\u043a\u0438", + "\u0441\u0435\u043b\u0441\u043a\u0430_\u043b\u0430\u0441\u0442\u043e\u0432\u0438\u0447\u043a\u0430", + "\u043c\u043e\u0440\u0441\u043a\u043e_\u043f\u0440\u0430\u0441\u0435" + ], + "LOCATION": [ + "\u0445\u043e\u0430\u043d\u0433\u0445\u043e", + "\u0434\u043e\u0431\u0440\u043e\u0432\u0435\u0447\u0435\u0440", + "\u043f\u0430\u043d\u0434\u0438\u0448\u043f\u0430\u043d", + "\u0437\u0435\u043b\u0435\u043d\u043e\u2019\u0440\u0442\u0441\u043a\u0430_\u0440\u0435\u043f\u0443\u0431\u043b\u0438\u043a\u0430", + "\u0430\u043c\u0435\u0440\u0438\u0433\u043e_\u0432\u0435\u0441\u043f\u0443\u0447\u0438", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0438\u0458\u0430_\u0430\u043d\u0445\u0430\u043b\u0442", + "\u0437\u0430\u0441\u043f\u0430\u043d\u0430\u0442\u0430_\u0443\u0431\u0430\u0432\u0438\u0446\u0430", + "\u0434\u0435\u0434\u043e_\u043c\u0440\u0430\u0437", + "\u0431\u0435\u0437_\u043f\u0440\u043e\u0431\u043b\u0435\u043c", + "\u0441\u043f\u0430\u0441\u043e\u0432\u0434\u0435\u043d", + "\u0431\u043b\u0430\u0433\u043e\u0434\u0430\u0440\u0430\u043c", + "\u0433\u043e\u043b\u0435\u043c\u0430_\u043c\u0435\u0447\u043a\u0430", + "\u0430\u043b_\u045f\u0435\u0437\u0438\u0440\u0430", + "\u0433\u043e\u0440\u043d\u043e_\u0435\u0437\u0435\u0440\u043e", + "\u043f\u043e\u0440\u0442\u043e\u0440\u0438\u043a\u043e" + ], + "QUANTITY": [ + "\u0430\u043d\u0434\u0435\u0440\u0441_\u0446\u0435\u043b\u0437\u0438\u0443\u0441", + "g" + ], + "PERSON_PRONOUN": [ + "i", + "\u0432\u0430\u043c" + ], + "POLITICAL_PARTY": [ + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u0441\u043e\u0446\u0438\u0458\u0430\u043b\u0438\u0441\u0442\u0438\u0447\u043a\u0430_\u0433\u0435\u0440\u043c\u0430\u043d\u0441\u043a\u0430_\u0440\u0430\u0431\u043e\u0442\u043d\u0438\u0447\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u0458\u0430", + "\u0440\u0435\u043f\u0443\u0431\u043b\u0438\u043a\u0430\u043d\u0441\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u0458\u0430" + ], + "PRODUCT": [ + "\u043f\u043e_\u0431\u043e\u0436\u0458\u0430_\u043c\u0438\u043b\u043e\u0441\u0442", + "\u0432\u0440\u0435\u043c\u0435\u043f\u043b\u043e\u0432", + "\u0434\u0438\u0441\u043a\u0435\u0442\u0430", + "\u043f\u043e_\u043c\u0438\u043b\u043e\u0441\u0442_\u0431\u043e\u0436\u0458\u0430", + "\u0437\u0435\u043b\u0435\u043d\u043e\u2019\u0440\u0442\u0441\u043a\u0438", + "\u043d\u043e\u0432\u043e\u0433\u043e\u0434\u0438\u0448\u043d\u0430_\u0435\u043b\u043a\u0430", + "\u0441\u0432\u0435\u0442\u0430_\u043c\u0430\u0440\u0438\u0458\u0430", + "\u0447\u0435\u0442\u0438\u0440\u0438_\u0433\u043e\u0434\u0438\u0448\u043d\u0438_\u0432\u0440\u0435\u043c\u0438\u045a\u0430" + ], + "EVENT": [ + "\u0431\u0443\u0434\u0438" + ], + "DATE": [ + "\u0441\u0440\u0435\u0434\u043d\u043e\u0432\u0435\u043a\u043e\u0432\u0438\u0435" + ], + "FOOD": [ + "\u043f\u0430\u0432\u043b\u0430\u043a\u0430", + "\u043a\u0440\u0432\u0430\u0432\u0438\u0446\u0430", + "\u043e\u0432\u043e\u0448\u043d\u0430_\u0441\u0430\u043b\u0430\u0442\u0430" + ], + "RELIGION_MEMBER": [ + "\u0438\u0441\u0443\u0441\u043e\u0432\u0435\u0446", + "\u043c\u043e\u0440\u043c\u043e\u043d" + ], + "RELIGION": [ + "\u043a\u0430\u0442\u0430\u0440\u0441\u0442\u0432\u043e" + ], + "RACE": [ + "\u0432\u0435\u043b\u0448\u0430\u043d\u0438", + "\u0430\u0444\u0440\u0438\u043a\u0430\u043d\u0441\u043a\u0438", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u0446\u0438" + ], + "BIO_CHEM_ENTITY": [ + "\u043f\u043e\u043b\u0438\u0432\u0438\u043d\u0438\u043b\u0445\u043b\u043e\u0440\u0438\u0434" + ], + "PERSON": [ + "\u0441\u0432\u0435\u0442\u0438_\u0432\u0438\u043d\u0446\u0435\u043d\u0442" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043e\u043f\u0430\u0442\u0438\u0446\u0430": "\u043e\u043f\u0430\u0442", + "\u0438\u0433\u0443\u043c\u0435\u043d\u0438\u0458\u0430": "\u043e\u043f\u0430\u0442", + "\u0431\u0430\u0440\u043e\u043d\u0435\u0441\u0430": "\u0431\u0430\u0440\u043e\u043d", + "\u0431\u0430\u0440\u043e\u043d\u0438\u0446\u0430": "\u0431\u0430\u0440\u043e\u043d", + "\u043f\u043e\u0440\u0442\u0438\u0440\u043a\u0430": "\u043f\u043e\u0440\u0442\u0438\u0440", + "\u043d\u0435\u0432\u0435\u0441\u0442\u0430": "\u043a\u043e\u045a\u0443\u0448\u0430\u0440", + "\u043a\u0440\u0430\u0432\u0430\u0440\u043a\u0430": "\u0433\u043e\u0432\u0435\u0434\u0430\u0440", + "\u0433\u043e\u0432\u0435\u0434\u0430\u0440\u043a\u0430": "\u043a\u0430\u0443\u0431\u043e\u0458", + "\u043a\u0435\u0440\u043a\u0430": "\u0441\u0438\u043d", + "\u0432\u043e\u0458\u0432\u043e\u0442\u043a\u0430": "\u0432\u043e\u0458\u0432\u043e\u0434\u0430", + "\u0438\u043c\u043f\u0435\u0440\u0430\u0442\u043e\u0440\u043a\u0430": "\u0438\u043c\u043f\u0435\u0440\u0430\u0442\u043e\u0440", + "\u0446\u0430\u0440\u0438\u0446\u0430": "\u043a\u0430\u043d", + "\u0436\u0435\u043d\u0441\u043a\u0438": "\u043c\u0430\u0448\u043a\u0438", + "\u0434\u0435\u0432\u043e\u0458\u043a\u0430": "\u0434\u0435\u0447\u043a\u043e", + "\u043c\u043e\u043c\u0430": "\u0448\u043a\u043e\u0442", + "\u0433\u0443\u0432\u0435\u0440\u043d\u0430\u043d\u0442\u0430": "\u0433\u0443\u0431\u0435\u0440\u043d\u0430\u0442\u043e\u0440", + "\u0432\u043d\u0443\u043a\u0430": "\u0432\u043d\u0443\u043a", + "\u0432\u043d\u0443\u0447\u043a\u0430": "\u0432\u043d\u0443\u043a", + "\u043d\u0435\u0458\u0437\u0438\u043d": "\u043d\u0438\u0432\u0435\u043d", + "\u0445\u0435\u0440\u043e\u0438\u043d\u0430": "\u0458\u0443\u043d\u0430\u043a", + "\u0433\u0430\u0437\u0434\u0430\u0440\u0438\u0446\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440", + "\u043b\u0435\u0434\u0438": "\u0441\u0442\u043e\u043f\u0430\u043d", + "\u0441\u0442\u043e\u043f\u0430\u043d\u043a\u0430": "\u0441\u0442\u043e\u043f\u0430\u043d", + "\u043c\u0430\u0441\u0435\u0440\u043a\u0430": "\u043c\u0430\u0441\u0435\u0440", + "\u0433\u043e\u0441\u043f\u043e\u0433\u0438\u0446\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d", + "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440\u043a\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440", + "\u043c\u0430\u0458\u043a\u0430": "\u0442\u0430\u0442\u043a\u043e", + "\u043d\u0430\u043d\u0430": "\u0442\u0430\u0442\u043a\u043e", + "\u0433_\u0433\u0430": "\u0433_\u0434\u0438\u043d", + "\u0433\u043e\u0441\u043f\u043e\u0433\u0430": "\u043f\u0430\u043d", + "\u043a\u0430\u043b\u0443\u0433\u0435\u0440\u043a\u0430": "\u043c\u043e\u043d\u0430\u0445", + "\u043f\u043e\u043b\u0438\u0446\u0430\u0458\u043a\u0430": "\u043c\u0438\u043b\u0438\u0446\u0430\u0435\u0446", + "\u043c\u0438\u043b\u0438\u0446\u0430\u0458\u043a\u0430": "\u043f\u043e\u043b\u0438\u0446\u0430\u0435\u0446", + "\u0441\u0432\u0435\u0448\u0442\u0435\u043d\u0438\u0447\u043a\u0430": "\u043f\u043e\u043f", + "\u043f\u0440\u0438\u043d\u0446\u0435\u0437\u0430": "\u0432\u043b\u0430\u0434\u0435\u0442\u0435\u043b\u043e\u0442", + "\u043a\u0440\u0430\u043b\u0438\u0446\u0430": "\u043a\u0430\u043d", + "\u0442\u0430\u0430": "\u0442\u043e\u0458", + "\u0441\u0435\u0441\u0442\u0440\u0430": "\u0431\u0440\u0430\u0442", + "\u0441\u0442\u0430\u0440\u0430_\u043c\u043e\u043c\u0430": "\u0435\u0440\u0433\u0435\u043d", + "\u043f\u043e\u043c\u0430\u0458\u043a\u0430": "\u043e\u0447\u0443\u0432", + "\u043c\u0430\u043a\u0435\u0430": "\u043f\u043e\u0442\u0430\u0442\u043a\u043e", + "\u043a\u043e\u043d\u043e\u0431\u0430\u0440\u043a\u0430": "\u043a\u043e\u043d\u043e\u0431\u0430\u0440", + "\u043a\u0435\u043b\u043d\u0435\u0440\u043a\u0430": "\u043a\u043e\u043d\u043e\u0431\u0430\u0440", + "\u0432\u0434\u043e\u0432\u0438\u0446\u0430": "\u0432\u0434\u043e\u0432\u0435\u0446", + "\u0441\u043e\u043f\u0440\u0443\u0433\u0430": "\u0441\u043e\u043f\u0440\u0443\u0433", + "\u043d\u0438": "\u0441\u043e\u043f\u0440\u0443\u0433", + "\u0434\u0440\u0443\u0436\u0438\u043d\u0430": "\u0441\u043e\u043f\u0440\u0443\u0433", + "\u0436\u0435\u043d\u0430": "\u043c\u0430\u0436", + "\u0432\u0435\u0448\u0442\u0435\u0440\u043a\u0430": "\u043c\u0430\u0433\u0438\u043e\u043d\u0438\u0447\u0430\u0440", + "\u043c\u043e\u043c\u0447\u0435": "\u0434\u0435\u0432\u043e\u0458\u043a\u0430" + }, + "other_gender_swap": { + "\u043d\u0438\u0432\u0435\u043d": "\u043d\u0435\u0458\u0437\u0438\u043d", + "\u0442\u0438\u0435": "\u0442\u0430\u0430", + "\u0442\u043e\u0458": "\u0442\u0438\u0435", + "\u0441\u0432\u043e\u0458": "\u043d\u0438\u0432\u0435\u043d", + "\u043d\u0435\u0433\u043e\u0432": "\u043d\u0438\u0432\u0435\u043d", + "\u0442\u0430\u0430": "\u0442\u0438\u0435", + "\u043d\u0435\u0458\u0437\u0438\u043d": "\u043d\u0438\u0432\u0435\u043d" + }, + "en_pronoun2gender": { + "he": [ + "\u043c\u043e\u043c\u0447\u0435", + "\u0434\u0435\u0447\u043a\u043e", + "\u043c\u0430\u0448\u043a\u0438", + "\u0431\u043b\u0430\u0433\u043e\u0440\u043e\u0434\u043d\u0438\u043a", + "\u0448\u043a\u043e\u0442", + "\u043a\u0435\u043d\u0442", + "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d" + ], + "she": [ + "\u0436\u0435\u043d\u0441\u043a\u0438", + "\u0434\u0435\u0432\u043e\u0458\u043a\u0430", + "\u0433\u0430\u0437\u0434\u0430\u0440\u0438\u0446\u0430", + "\u043c\u043e\u043c\u0430", + "\u0436\u0435\u043d\u0430", + "\u043c\u043e\u043c\u0438\u043d\u0441\u043a\u043e", + "\u0441\u0442\u043e\u043f\u0430\u043d\u043a\u0430", + "\u043b\u0435\u0434\u0438", + "\u0433\u043e\u0441\u043f\u043e\u0433\u0438\u0446\u0430" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0442\u043e\u0458", + "\u043c\u0443", + "long_form", + "\u0441\u0432\u043e\u0458", + "\u043d\u0435\u0433\u043e\u0432", + "\u0435\u043c\u0443" + ], + "she": [ + "\u043d\u0435\u0458\u0437\u0438\u043d", + "\u0442\u0430\u0430" + ], + "they": [ + "\u0442\u0438\u0435", + "\u043d\u0438\u0432\u0435\u043d" + ], + "it": [ + "\u043e\u0432\u0438\u0435", + "\u043e\u0432\u0430", + "\u043d\u0435\u0433\u043e\u0432", + "\u0448\u0442\u043e", + "\u0442\u043e\u0430", + "\u043e\u0432\u0430\u0430", + "\u0438\u043d", + "\u0442\u043e\u0442", + "\u0434\u0435\u043a\u0430", + "\u043e\u0432\u043e\u0458" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ml.json b/data_tooling/pii_processing/ontology/data/ml.json new file mode 100644 index 0000000..93ea531 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ml.json @@ -0,0 +1,194 @@ +{ + "PLANT": [ + "\u0d35\u0d46\u0d33\u0d4d\u0d33\u0d35\u0d3e\u0d31\u0d4d\u0d31\u0d3f\u0d7d", + "\u0d15\u0d3e\u0d28\u0d4d\u0d24\u0d3e\u0d30\u0d3f\u0d2e\u0d41\u0d33\u0d15\u0d4d", + "\u0d30\u0d15\u0d4d\u0d24\u0d28\u0d46\u0d32\u0d4d\u0d32\u0d3f", + "\u0d38\u0d42\u0d30\u0d4d\u0d2f\u0d15\u0d3e\u0d28\u0d4d\u0d24\u0d3f", + "\u0d15\u0d30\u0d3f\u0d19\u0d4d\u0d15\u0d23\u0d4d\u0d23\u0d3f", + "\u0d2a\u0d1a\u0d4d\u0d1a\u0d15\u0d4d\u0d15\u0d30\u0d4d\u200d\u0d2a\u0d4d\u0d2a\u0d42\u0d30\u0d02", + "\u0d31\u0d2c\u0d4d\u0d2c\u0d7c_\u0d2e\u0d30\u0d02", + "\u0d15\u0d30\u0d4d\u200d\u0d2a\u0d4d\u0d2a\u0d42\u0d30\u0d02", + "\u0d06\u0d15\u0d3e\u0d36\u0d2e\u0d41\u0d32\u0d4d\u0d32", + "\u0d1f\u0d4d\u0d30\u0d15\u0d4d\u0d15\u0d3f\u0d2f\u0d4b\u0d2b\u0d48\u0d31\u0d4d\u0d31\u0d4d", + "\u0d0e\u0d30\u0d41\u0d2e\u0d15\u0d4d\u0d15\u0d33\u0d4d\u0d33\u0d3f" + ], + "DISEASE": [ + "\u0d05\u0d38\u0d4d\u0d2a\u0d7c\u0d1c\u0d3f\u0d32\u0d4d\u0d32\u0d4b\u0d38\u0d3f\u0d38\u0d4d", + "\u0d1a\u0d46\u0d19\u0d4d\u0d15\u0d23\u0d4d\u0d23\u0d4d", + "\u0d35\u0d46\u0d33\u0d4d\u0d33\u0d46\u0d34\u0d41\u0d24\u0d4d\u0d24\u0d4d", + "\u0d2e\u0d38\u0d4d\u0d24\u0d3f\u0d37\u0d4d\u0d15\u0d3e\u0d18\u0d3e\u0d24\u0d02", + "\u0d35\u0d3f\u0d32\u0d4d\u0d32\u0d7b\u0d1a\u0d41\u0d2e", + "\u0d28\u0d4d\u0d2f\u0d42\u0d31\u0d4b\u0d2c\u0d4d\u0d32\u0d3e\u0d38\u0d4d\u0d31\u0d4d\u0d31\u0d4b\u0d2e", + "\u0d05\u0d2a\u0d4d\u0d2a\u0d46\u0d7b\u0d21\u0d3f\u0d38\u0d48\u0d31\u0d4d\u0d31\u0d3f\u0d38\u0d4d", + "\u0d0e\u0d2c\u0d4b\u0d33" + ], + "ANIMAL": [ + "\u0d2e\u0d1e\u0d4d\u0d1e\u0d35\u0d30\u0d2f\u0d7b", + "\u0d24\u0d4b\u0d1f\u0d4d\u0d1f\u0d3f\u0d15\u0d4d\u0d15\u0d34\u0d41\u0d15\u0d7b", + "\u0d2a\u0d4d\u0d30\u0d3e\u0d15\u0d4d\u0d15\u0d3e\u0d1f", + "\u0d36\u0d30\u0d2a\u0d4d\u0d2a\u0d15\u0d4d\u0d37\u0d3f", + "\u0d15\u0d30\u0d3f\u0d19\u0d4d\u0d15\u0d34\u0d41\u0d15\u0d7b", + "\u0d15\u0d3e\u0d1f\u0d4d\u0d1f\u0d41\u0d2a\u0d28\u0d4d\u0d28\u0d3f", + "\u0d24\u0d3f\u0d30\u0d41\u0d24" + ], + "JOB": [ + "\u0d35\u0d3e\u0d38\u0d4d\u0d24\u0d41\u0d36\u0d3f\u0d7d\u0d2a\u0d3f", + "\u0d15\u0d43\u0d37\u0d3f\u0d15\u0d4d\u0d15\u0d3e\u0d30\u0d28\u0d4d\u200d" + ], + "DATE": [ + "\u0d05\u0d28\u0d4d\u0d24\u0d3e\u0d30\u0d3e\u0d37\u0d4d\u0d1f\u0d4d\u0d30\u0d38\u0d2e\u0d2f\u0d15\u0d4d\u0d30\u0d2e\u0d02", + "\u0d06\u0d7c\u0d24\u0d4d\u0d24\u0d35\u0d1a\u0d15\u0d4d\u0d30\u0d02" + ], + "ORG": [ + "\u0d35\u0d2f\u0d7d\u0d15\u0d4d\u0d15\u0d4b\u0d24\u0d3f_\u0d15\u0d24\u0d4d\u0d30\u0d3f\u0d15", + "\u0d05\u0d7d_\u0d10\u0d7b", + "\u0d05\u0d2e\u0d47\u0d30\u0d3f\u0d15\u0d4d\u0d15\u0d7b_\u0d38\u0d47\u0d28", + "\u0d26\u0d15\u0d4d\u0d37\u0d3f\u0d23\u0d27\u0d4d\u0d30\u0d41\u0d35\u0d02", + "\u0d05\u0d32\u0d4d_\u0d1c\u0d38\u0d40\u0d31", + "\u0d24\u0d3f\u0d30\u0d41\u0d15\u0d4d\u0d15\u0d41\u0d1f\u0d41\u0d02\u0d2c\u0d02", + "\u0d35\u0d4d\u0d2f\u0d3e\u0d15\u0d41\u0d32\u0d2e\u0d3e\u0d24\u0d3e\u0d35\u0d4d", + "\u0d15\u0d41\u0d2e\u0d3f\u0d02\u0d17\u0d4d\u0d24\u0d3e\u0d19\u0d4d", + "\u0d24\u0d3e\u0d35\u0d4b\u0d2f\u0d3f\u0d38\u0d02", + "\u0d2a\u0d1f\u0d4d\u0d1f\u0d3e\u0d33\u0d02", + "\u0d21\u0d46\u0d2e\u0d4b\u0d15\u0d4d\u0d30\u0d3e\u0d31\u0d4d\u0d31\u0d3f\u0d15\u0d4d_\u0d2a\u0d3e\u0d7c\u0d1f\u0d4d\u0d1f\u0d3f", + "\u0d31\u0d3f\u0d2a\u0d4d\u0d2a\u0d2c\u0d4d\u0d32\u0d3f\u0d15\u0d4d\u0d15\u0d7b_\u0d2a\u0d3e\u0d7c\u0d1f\u0d4d\u0d1f\u0d3f", + "\u0d2e\u0d3e\u0d7e", + "\u0d35\u0d3f\u0d36\u0d41\u0d26\u0d4d\u0d27_\u0d2f\u0d57\u0d38\u0d47\u0d2a\u0d4d\u0d2a\u0d4d", + "\u0d38\u0d41\u0d2a\u0d4d\u0d2a\u0d40\u0d30\u0d3f\u0d2f\u0d7c_\u0d24\u0d1f\u0d3e\u0d15\u0d02", + "\u0d1a\u0d4d\u0d2f\u0d42\u0d2f\u0d3f\u0d19\u0d4d_\u0d17\u0d02", + "\u0d39\u0d4d\u0d35\u0d3e\u0d02\u0d17\u0d4d_\u0d39\u0d46_\u0d28\u0d26\u0d3f", + "\u0d37\u0d3f\u0d28\u0d4d\u0d31\u0d4a", + "\u0d38\u0d48\u0d28\u0d4d\u0d31\u0d4d_\u0d39\u0d46\u0d32\u0d47\u0d28", + "\u0d2b\u0d46\u0d21\u0d31\u0d7d_\u0d2c\u0d4d\u0d2f\u0d42\u0d31\u0d4b_\u0d13\u0d2b\u0d4d_\u0d07\u0d7b\u0d35\u0d46\u0d38\u0d4d\u0d31\u0d4d\u0d31\u0d3f\u0d17\u0d47\u0d37\u0d7b", + "\u0d35\u0d48\u0d31\u0d4d\u0d31\u0d4d\u200c\u0d39\u0d57\u0d38\u0d4d\u200c", + "\u0d38\u0d38\u0d4d\u0d2f\u0d4b\u0d26\u0d4d\u0d2f\u0d3e\u0d28\u0d02", + "\u0d38\u0d46\u0d2f\u0d4d\u0d28\u0d4d\u0d31\u0d4d_\u0d32\u0d42\u0d38\u0d3f\u0d2f", + "\u0d24\u0d4a\u0d34\u0d3f\u0d32\u0d3e\u0d33\u0d3f_\u0d38\u0d02\u0d18\u0d1f\u0d28", + "\u0d05\u0d2e\u0d3e\u0d35\u0d3e\u0d38\u0d3f", + "\u0d15\u0d24\u0d4d\u0d24\u0d4b\u0d32\u0d3f\u0d15\u0d4d\u0d15\u0d3e\u0d38\u0d2d" + ], + "MEDICAL_THERAPY": [ + "\u0d30\u0d15\u0d4d\u0d24\u0d38\u0d2e\u0d4d\u0d2e\u0d7c\u0d26\u0d4d\u0d26\u0d02" + ], + "PRODUCT": [ + "\u0d15\u0d3e\u0d1f\u0d4d\u0d1f\u0d41\u0d17\u0d4b\u0d24\u0d2e\u0d4d\u0d2a\u0d4d", + "\u0d2a\u0d4d\u0d30\u0d2d\u0d3e\u0d24\u0d35\u0d28\u0d4d\u0d26\u0d28\u0d02", + "\u0d2e\u0d28\u0d41\u0d37\u0d4d\u0d2f\u0d3e\u0d35\u0d15\u0d3e\u0d36\u0d02", + "\u0d17\u0d3f\u0d28\u0d3f\u0d2a\u0d4d\u0d2a\u0d28\u0d4d\u0d28\u0d3f", + "\u0d24\u0d3f\u0d30\u0d41\u0d15\u0d4d\u0d15\u0d3e\u0d38" + ], + "GPE": [ + "\u0d2a\u0d41\u0d24\u0d3f\u0d2f_\u0d28\u0d3f\u0d2f\u0d2e\u0d02", + "\u0d24\u0d3e\u0d2f\u0d4d_\u0d2a\u0d7c\u0d35\u0d4d\u0d35\u0d24\u0d02", + "\u0d1a\u0d46\u0d19\u0d4d\u0d15\u0d1f\u0d7d", + "\u0d2a\u0d24\u0d4d\u0d30\u0d4b\u0d38\u0d4d_\u0d36\u0d4d\u0d32\u0d40\u0d39\u0d3e", + "\u0d38\u0d3e\u0d35\u0d4b_\u0d1f\u0d4b\u0d02", + "\u0d39\u0d17\u0d3f\u0d2f_\u0d38\u0d4b\u0d2b\u0d3f\u0d2f", + "\u0d35\u0d3f\u0d36\u0d41\u0d26\u0d4d\u0d27_\u0d17\u0d40\u0d35\u0d7c\u0d17\u0d40\u0d38\u0d4d", + "\u0d2a\u0d30\u0d3f\u0d36\u0d41\u0d26\u0d4d\u0d27\u0d3e\u0d24\u0d4d\u0d2e\u0d3e\u0d35\u0d4d" + ], + "LOCATION": [ + "\u0d2e\u0d26\u0d4d\u0d27\u0d4d\u0d2f\u0d2a\u0d42\u0d7c\u0d35\u0d47\u0d37\u0d4d\u0d2f", + "\u0d38\u0d2a\u0d4d\u0d24\u0d7c\u0d37\u0d3f\u0d2e\u0d23\u0d4d\u0d21\u0d32\u0d02", + "\u0d15\u0d47\u0d2a\u0d4d\u0d2a\u0d4d_\u0d35\u0d47\u0d7c\u0d21\u0d4d", + "\u0d2e\u0d1e\u0d4d\u0d1e\u0d15\u0d4d\u0d15\u0d1f\u0d7d", + "\u0d15\u0d4d\u0d30\u0d3f\u0d38\u0d4d\u0d31\u0d4d\u0d31\u0d2b\u0d7c_\u0d15\u0d4a\u0d33\u0d02\u0d2c\u0d38\u0d4d", + "\u0d35\u0d4d\u0d2f\u0d4b\u0d2e\u0d38\u0d47\u0d28", + "\u0d2e\u0d17\u0d4d\u0d26\u0d32\u0d28\u0d2e\u0d31\u0d3f\u0d2f\u0d02", + "\u0d38\u0d46\u0d28\u0d4d\u0d31\u0d4d_\u0d39\u0d46\u0d32\u0d7b\u0d38\u0d4d_\u0d2a\u0d7c\u0d35\u0d4d\u0d35\u0d24\u0d02", + "\u0d38\u0d3e\u0d28\u0d4d\u0d31\u0d3e\u0d15\u0d4d\u0d32\u0d4b\u0d38\u0d4d", + "\u0d0e\u0d2e\u0d3f\u0d32\u0d3f\u0d2f\u0d3e\u0d28\u0d4a_\u0d38\u0d2a\u0d3e\u0d24\u0d4d\u0d24", + "\u0d1a\u0d46\u0d31\u0d41\u0d1a\u0d3f\u0d19\u0d4d\u0d19\u0d02", + "\u0d2a\u0d1f\u0d4d\u0d1f\u0d23\u0d02" + ], + "SOC_ECO_CLASS": [ + "\u0d15\u0d43\u0d37\u0d3f", + "\u0d15\u0d30\u0d3f\u0d1e\u0d4d\u0d1a\u0d28\u0d4d\u0d24" + ], + "LANGUAGE": [ + "\u0d39\u0d3f\u0d28\u0d4d\u0d26\u0d3f" + ], + "FOOD": [ + "\u0d12\u0d32\u0d3f\u0d35\u0d46\u0d23\u0d4d\u0d23" + ], + "PUBLIC_FIGURE": [ + "\u0d2e\u0d41\u0d38\u0d4d\u0d38\u0d4b\u0d33\u0d3f\u0d28\u0d3f", + "1", + "\u0d24\u0d3e\u0d1a\u0d4d\u0d1a\u0d7c", + "\u0d24\u0d46\u0d15\u0d4d\u0d15\u0d7b_\u0d2a\u0d28\u0d4d\u0d28\u0d3f\u0d35\u0d3e\u0d32\u0d7b_\u0d15\u0d41\u0d30\u0d19\u0d4d\u0d19\u0d4d" + ], + "QUANTITY": [ + "\u0d35\u0d3e\u0d38\u0d4d\u0d24\u0d35\u0d3f\u0d15\u0d38\u0d02\u0d16\u0d4d\u0d2f" + ], + "FAC": [ + "\u0d15\u0d24\u0d4d\u0d24\u0d4b\u0d32\u0d3f\u0d15\u0d4d\u0d15\u0d3e_\u0d38\u0d2d", + "\u0d2a\u0d4b\u0d38\u0d4d\u0d31\u0d4d\u0d31\u0d4d_\u0d13\u0d2b\u0d40\u0d38\u0d4d", + "\u0d31\u0d4b\u0d2e\u0d7b_\u0d15\u0d24\u0d4d\u0d24\u0d4b\u0d32\u0d3f\u0d15\u0d4d\u0d15\u0d3e_\u0d38\u0d2d", + "\u0d24\u0d3e\u0d2a\u0d3e\u0d32\u0d3e\u0d2a\u0d4d\u0d2a\u0d40\u0d38\u0d4d", + "\u0d31\u0d37\u0d4d\u0d2f\u0d2f\u0d3f\u0d32\u0d46_\u0d2a\u0d40\u0d31\u0d4d\u0d31\u0d7c_\u0d12\u0d28\u0d4d\u0d28\u0d3e\u0d2e\u0d7b" + ], + "POLITICAL_PARTY": [ + "\u0d28\u0d3e\u0d38\u0d3f_\u0d2a\u0d3e\u0d7c\u0d1f\u0d4d\u0d1f\u0d3f", + "\u0d30\u0d3e\u0d37\u0d4d\u0d1f\u0d4d\u0d30\u0d40\u0d2f_\u0d2a\u0d3e\u0d7c\u0d1f\u0d4d\u0d1f\u0d3f" + ], + "RELIGION": [ + "\u0d35\u0d3f\u0d15\u0d4d\u0d15" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0d24\u0d33\u0d4d\u0d33": "\u0d05\u0d1a\u0d4d\u0d1b\u0d28\u0d4d\u200d", + "\u0d2e\u0d3e\u0d24\u0d3e\u0d35\u0d4d": "\u0d2a\u0d3f\u0d24\u0d3e\u0d35\u0d4d", + "\u0d05\u0d2e\u0d4d\u0d2e": "\u0d05\u0d1a\u0d4d\u0d1b\u0d28\u0d4d\u200d", + "\u0d30\u0d3e\u0d1c\u0d15\u0d41\u0d2e\u0d3e\u0d30\u0d3f": "\u0d2a\u0d4d\u0d30\u0d3f\u0d7b\u0d38\u0d4d_\u0d31\u0d4b\u0d1c\u0d47\u0d34\u0d4d\u0d38\u0d4d_\u0d28\u0d46\u0d7d\u0d38\u0d7b", + "\u0d30\u0d3e\u0d1c\u0d4d\u0d1e\u0d3f": "\u0d30\u0d3e\u0d1c\u0d3e\u0d35\u0d4d", + "\u0d31\u0d3e\u0d23\u0d3f": "\u0d30\u0d3e\u0d1c\u0d3e\u0d35\u0d4d", + "\u0d38\u0d39\u0d4b\u0d26\u0d30\u0d3f": "\u0d1a\u0d47\u0d1f\u0d4d\u0d1f\u0d28\u0d4d\u200d", + "\u0d1a\u0d47\u0d1a\u0d4d\u0d1a\u0d3f": "\u0d38\u0d39\u0d4b\u0d26\u0d30\u0d28\u0d4d\u200d", + "\u0d2a\u0d24\u0d4d\u0d28\u0d3f": "\u0d2d\u0d30\u0d4d\u200d\u0d24\u0d4d\u0d24\u0d3e\u0d35\u0d4d", + "\u0d2d\u0d3e\u0d30\u0d4d\u0d2f": "\u0d2d\u0d7c\u0d24\u0d4d\u0d24\u0d3e\u0d35\u0d4d", + "\u0d35\u0d28\u0d3f\u0d24": "\u0d2a\u0d41\u0d30\u0d41\u0d37\u0d7b", + "\u0d2a\u0d46\u0d23\u0d4d\u0d23\u0d4d": "\u0d2a\u0d41\u0d30\u0d41\u0d37\u0d7b", + "\u0d38\u0d4d\u0d24\u0d4d\u0d30\u0d40": "\u0d2a\u0d41\u0d30\u0d41\u0d37\u0d7b", + "\u0d2e\u0d39\u0d3f\u0d33": "\u0d2a\u0d41\u0d30\u0d41\u0d37\u0d7b", + "\u0d06\u0d23\u0d4d\u200d\u0d15\u0d41\u0d1f\u0d4d\u0d1f\u0d3f": "\u0d2a\u0d46\u0d23\u0d4d\u200d\u0d15\u0d41\u0d1f\u0d4d\u0d1f\u0d3f" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "\u0d05\u0d2a\u0d30\u0d32\u0d3f\u0d02\u0d17\u0d7c" + ], + "he": [ + "\u0d32\u0d3f\u0d31\u0d4d\u0d31\u0d3f\u0d7d_\u0d2c\u0d4b\u0d2f\u0d4d", + "\u0d06\u0d23\u0d4d\u200d\u0d15\u0d41\u0d1f\u0d4d\u0d1f\u0d3f", + "\u0d2a\u0d41\u0d30\u0d41\u0d37\u0d7b" + ], + "she": [ + "\u0d35\u0d28\u0d3f\u0d24", + "\u0d2a\u0d46\u0d23\u0d4d\u0d23\u0d4d", + "\u0d38\u0d4d\u0d24\u0d4d\u0d30\u0d40", + "\u0d38\u0d39\u0d4b\u0d26\u0d30\u0d3f", + "\u0d2e\u0d39\u0d3f\u0d33", + "\u0d2a\u0d46\u0d23\u0d4d\u200d\u0d15\u0d41\u0d1f\u0d4d\u0d1f\u0d3f" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0d05\u0d35\u0d28\u0d4d\u200d", + "\u0d05\u0d26\u0d4d\u0d26\u0d47\u0d39\u0d02" + ], + "it": [ + "\u0d07\u0d24\u0d4d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mn.json b/data_tooling/pii_processing/ontology/data/mn.json new file mode 100644 index 0000000..918d0b0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mn.json @@ -0,0 +1,174 @@ +{ + "PUBLIC_FIGURE": [ + "c", + "ii_\u044d\u043b\u0438\u0437\u0430\u0431\u0435\u0442", + "i_\u043f\u0451\u0442\u0440", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u0435\u0440_\u043a\u043e\u043b\u0443\u043c\u0431", + "\u043b\u0438_\u0445\u0430\u0440\u0432\u0438_\u043e\u0441\u0432\u0430\u043b\u044c\u0434", + "ii_\u0435\u043a\u0430\u0442\u0435\u0440\u0438\u043d\u0430", + "\u0445\u043e\u0451\u0440", + "\u0441\u0430\u043b\u0430\u0434\u0438\u043d", + "\u0430\u043b_\u0433\u043e\u0440", + "i_\u0445\u0430\u0439\u043b\u0435_\u0441\u0435\u043b\u0430\u0441\u0441\u0438\u0435" + ], + "ANIMAL": [ + "\u0431\u0430\u043c\u0431\u0430\u0440\u0448", + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u0431\u0430\u043c\u0431\u0430\u0440\u0443\u0443\u0448", + "\u0441\u0443\u0443\u0441\u0430\u0440", + "\u0443\u0441\u0430\u043d_\u0433\u0430\u0445\u0430\u0439" + ], + "PLANT": [ + "\u0446\u0430\u0446\u0430\u0440\u0433\u0438\u043d", + "\u0431\u0430\u0433\u0430", + "\u0437\u0443\u0440\u0430\u0430\u0447", + "\u0448\u0438\u043d\u044d_\u0436\u0438\u043b\u0438\u0439\u043d_\u0441\u04af\u043b\u0434_\u043c\u043e\u0434" + ], + "FAC": [ + "i_\u043f\u0451\u0442\u0440", + "\u0445\u0443\u0434\u0430\u043b\u0434\u0430\u0430\u043d\u044b_\u0442\u04e9\u0432", + "\u0448\u0443\u0443\u0430\u043d\u0433\u0438\u0439\u043d_\u0441\u0430\u043b\u0431\u0430\u0440" + ], + "ORG": [ + "\u043a\u0430\u043d\u0442\u0445\u043e", + "\u043c\u0430\u043d\u0434\u0442\u0443\u0433\u0430\u0439", + "\u043a\u0430\u0442\u043e\u043b\u0438\u043a_\u0441\u04af\u043c", + "\u0433\u043e\u043c\u0438\u043d\u0434\u0430\u043d", + "\u0438\u0445_\u043c\u043e\u0433\u043e\u043b_\u0443\u043b\u0441", + "\u0430\u0445_\u0434\u04af\u04af_\u043c\u0430\u0440\u043a\u0441_\u043d\u0430\u0440", + "\u043d\u043e\u0439\u0440\u0441\u043e\u0436_\u0431\u0443\u0439_\u0433\u04af\u043d\u0436", + "\u0448\u0438\u043d\u0442\u043e", + "\u04af\u0439\u043b\u0434\u0432\u044d\u0440\u0447\u043d\u0438\u0439_\u044d\u0432\u043b\u044d\u043b", + "\u0448\u0430\u0440_\u043c\u04e9\u0440\u04e9\u043d", + "\u043a\u0440\u0438\u0432\u043e\u0439_\u0440\u043e\u0433", + "\u0443\u043b\u0430\u0430\u043d_\u0437\u0430\u0433\u0430\u043b\u043c\u0430\u0439", + "\u0443\u043b\u0430\u0430\u043d_\u0442\u044d\u043d\u0433\u0438\u0441" + ], + "RELIGION_MEMBER": [ + "\u0430\u0445_\u0434\u04af\u04af", + "\u043c\u043e\u0440\u043c\u043e\u043d" + ], + "JOB": [ + "\u0442\u0430\u0439\u043b\u0431\u0430\u0440\u043b\u0430\u0433\u0447", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0441\u043e\u0440" + ], + "LOCATION": [ + "\u0438\u0445_\u043d\u0443\u0443\u0440\u0443\u0443\u0434", + "\u0441\u0430\u043a\u0441\u043e\u043d_\u0430\u043d\u0445\u0430\u043b\u044c\u0442", + "\u04e9\u043c\u043d\u04e9\u0434_\u0441\u043e\u043b\u043e\u043d\u0433\u043e\u0441\u044b\u043d_\u043f\u0430\u0440\u043b\u0430\u043c\u0435\u043d\u0442", + "\u0445\u0430\u0442\u0430\u043d_\u0433\u043e\u043b" + ], + "POLITICAL_PARTY": [ + "\u0445\u04e9\u0434\u04e9\u043b\u043c\u04e9\u0440", + "\u0433\u043e\u043c\u0438\u043d\u0434\u0430\u0430\u043d_\u043d\u0430\u043c", + "\u0443\u043b\u0441_\u0442\u04e9\u0440\u0438\u0439\u043d_\u043d\u0430\u043c" + ], + "SOC_ECO_CLASS": [ + "\u0445\u0430\u0440_\u0437\u0430\u0445", + "\u0445\u04e9\u0434\u04e9\u04e9_\u0430\u0436_\u0430\u0445\u0443\u0439" + ], + "QUANTITY": [ + "\u0446\u04e9\u04e9\u0440\u04e9\u043c" + ], + "PRODUCT": [ + "\u0430\u0440\u0438\u0443\u043d_\u0441\u04af\u043d\u0441", + "\u0448\u0438\u043d\u044d_\u0433\u044d\u0440\u044d\u044d", + "\u04e9\u0432\u043b\u0438\u0439\u043d_\u04e9\u0432\u0433\u04e9\u043d", + "\u0445\u04af\u043d\u0438\u0439_\u044d\u0440\u0445", + "\u0438\u0445_\u0431\u0440\u0438\u0442\u0430\u043d\u0438" + ], + "DISEASE": [ + "\u0442\u0430\u0440\u0433\u0430\u043b\u0430\u043b\u0442", + "\u0445\u0430\u0433\u0430\u0440\u0430\u0445" + ], + "FOOD": [ + "\u0431\u043e\u0445\u044c" + ], + "DATE": [ + "1_\u0441\u0430\u0440\u044b\u043d_1" + ], + "LANGUAGE": [ + "german", + "\u0430\u0440\u0430\u0431" + ], + "GPE": [ + "\u0441\u043e\u0444\u0438\u0439\u043d_\u0446\u043e\u0433\u0447\u0438\u043d_\u0434\u0443\u0433\u0430\u043d" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u0431\u043e\u043b\u044c\u0448\u0435\u0432\u0438\u043a" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0433\u0430\u043b": "\u043e\u043b\u0441_\u0442\u0430\u0442\u043b\u0430\u0433\u0430", + "\u044f\u0441": "\u043e\u043b\u0441_\u0442\u0430\u0442\u043b\u0430\u0433\u0430", + "\u043e\u0445\u0438\u043d": "\u043e\u043b\u0441_\u0442\u0430\u0442\u043b\u0430\u0433\u0430", + "\u0437\u044d\u044d_\u043e\u0445\u0438\u043d": "\u0430\u0447_\u0445\u04af\u04af", + "\u0430\u0447_\u043e\u0445\u0438\u043d": "\u0437\u044d\u044d_\u0445\u04af\u04af", + "\u043d\u0430\u043d\u0430": "\u0430\u0430\u0432", + "\u044d\u0445": "\u044d\u0446\u044d\u0433", + "\u044d\u044d\u0436": "\u044d\u0446\u044d\u0433", + "\u0433\u0443\u0430\u0439": "\u043d\u043e\u0451\u043d", + "\u0445\u0430\u0442\u0430\u0433\u0442\u0430\u0439": "\u043d\u043e\u0451\u043d", + "\u0433\u044d\u043b\u044d\u043d\u043c\u0430\u0430": "\u043c\u0430\u043d\u0430\u0445", + "\u0433\u04af\u043d\u0436": "\u043d\u043e\u0451\u043d", + "\u0445\u0430\u0442\u0430\u043d": "\u0445\u0430\u0430\u043d", + "\u044d\u0433\u0447": "german", + "\u043e\u0445\u0438\u043d_\u0434\u04af\u04af": "\u0430\u0445_\u0434\u04af\u04af", + "\u0445\u043e\u0439\u0434_\u044d\u0445": "\u0445\u043e\u0439\u0434_\u044d\u0446\u044d\u0433", + "\u044d\u0445\u043d\u044d\u0440": "\u044d\u0440\u044d\u0433\u0442\u044d\u0439_\u0445\u04af\u043d", + "\u0433\u044d\u0440\u0433\u0438\u0439": "\u043d\u04e9\u0445\u04e9\u0440", + "\u044d\u043c\u044d\u0433\u0442\u044d\u0439": "\u044d\u0440\u044d\u0433\u0442\u044d\u0439_\u0445\u04af\u043d", + "\u044d\u043c\u044d\u0433\u0442\u044d\u0439_\u0445\u04af\u043d": "\u044d\u0440\u044d\u0433\u0442\u044d\u0439_\u0445\u04af\u043d", + "\u0445\u04af\u04af": "\u043e\u0445\u0438\u043d" + }, + "other_gender_swap": { + "\u0442\u044d\u0434_\u043d\u0430\u0440": "\u0442\u044d\u0440", + "\u0442\u044d\u0440": "\u0442\u044d\u0434_\u043d\u0430\u0440" + }, + "en_pronoun2gender": { + "he": [ + "\u0445\u04af\u04af", + "\u044d\u0440\u044d\u0433\u0442\u044d\u0439_\u0445\u04af\u043d", + "\u0438\u0440", + "\u043e\u043b\u0441_\u0442\u0430\u0442\u043b\u0430\u0433\u0430" + ], + "she": [ + "\u044d\u043c\u044d\u0433\u0442\u044d\u0439", + "\u044d\u043c\u044d\u0433\u0442\u044d\u0439_\u0445\u04af\u043d", + "\u044d\u0433\u0447", + "\u043e\u0445\u0438\u043d", + "\u0433\u0430\u043b", + "\u044f\u0441", + "\u044d\u0445\u043d\u044d\u0440" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0442\u044d\u0440" + ], + "she": [ + "\u0442\u044d\u0440" + ], + "they": [ + "\u0442\u044d\u0434_\u043d\u0430\u0440" + ], + "it": [ + "\u0443\u0443\u043d", + "\u044d\u043d\u044d", + "\u0442\u0430", + "\u0442\u0443\u0443\u043d", + "\u0442\u044d\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mr.json b/data_tooling/pii_processing/ontology/data/mr.json new file mode 100644 index 0000000..bff7584 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mr.json @@ -0,0 +1,163 @@ +{ + "PERSON": [ + "\u092e\u094b\u0928\u093e\u0932\u093f\u0938\u093e" + ], + "ANIMAL": [ + "\u0917\u093e\u0902\u0927\u0940\u0932\u092e\u093e\u0936\u0940", + "\u0936\u094d\u0935\u0947\u0924\u092c\u0932\u093e\u0915", + "\u0907\u092c\u094b\u0932\u093e_\u0935\u093f\u0937\u093e\u0923\u0942_\u0930\u094b\u0917" + ], + "JOB": [ + "\u0935\u094d\u092f\u093e\u092a\u093e\u0930\u0940", + "\u092c\u094d\u0930\u093f\u0917\u0947\u0921\u093f\u092f\u0930", + "\u0936\u093f\u0915\u094d\u0937\u0915", + "\u092d\u094c\u0924\u093f\u0915\u0936\u093e\u0938\u094d\u0924\u094d\u0930\u091c\u094d\u091e", + "\u0930\u093e\u091c\u094d\u092f\u092a\u093e\u0932" + ], + "LOCATION": [ + "\u092a\u0942\u0930\u094d\u0935_\u091a\u0940\u0928_\u0938\u092e\u0941\u0926\u094d\u0930", + "\u092a\u0939\u093f\u0932\u093e_\u0913\u0938\u094d\u092e\u093e\u0928", + "\u092a\u0942\u0930\u094d\u0935_\u092e\u093f\u0921\u0932\u0902\u0921\u094d\u0938", + "\u0938\u093e\u0902\u0924\u093e_\u0915\u094d\u0932\u0949\u091c", + "\u0915\u0947\u092a_\u0935\u094d\u0939\u0930\u094d\u0926\u0947", + "\u0936\u094d\u0930\u0940\u0932\u0902\u0915\u093e", + "\u092e\u0927\u094d\u092f\u092a\u0942\u0930\u094d\u0935", + "\u0915\u0947\u092a_\u0939\u0949\u0930\u094d\u0928", + "\u092e\u0902\u0917\u094b\u092a\u093e\u0930\u094d\u0915" + ], + "PUBLIC_FIGURE": [ + "\u092e\u0902\u0917\u094b\u092a\u093e\u0930\u094d\u0915", + "f", + "\u092a\u0940\u091f\u0930_\u0926_\u0917\u094d\u0930\u0947\u091f", + "\u0938\u093e\u0930\u093e_\u092c\u0930\u094d\u0928\u0939\u093e\u0930\u094d\u091f", + "i", + "\u0916\u094d\u0930\u093f\u0938\u094d\u0924\u094b\u092b\u0930_\u0915\u094b\u0932\u0902\u092c\u0938", + "\u0930\u093e\u0937\u094d\u091f\u094d\u0930\u092a\u094d\u0930\u092e\u0941\u0916", + "g", + "r", + "\u0905\u092e\u0947\u0930\u093f\u0917\u094b_\u0935\u0947\u0938\u094d\u092a\u0941\u091a\u0940", + "\u0938\u0947\u0902\u091f_\u0932\u0949\u0930\u0947\u0928\u094d\u0938_\u0928\u0926\u0940", + "\u0905\u0901\u0921\u0930\u094d\u0938_\u0938\u0947\u0932\u094d\u0938\u093f\u092f\u0938", + "\u0938\u094d\u0924\u094d\u0930\u0940\u0932\u093f\u0902\u0917", + "\u0925\u0945\u091a\u0930", + "t" + ], + "PERSON_PRONOUN": [ + "i" + ], + "PRODUCT": [ + "\u092a\u0939\u093f\u0932\u0947_\u092e\u0939\u093e\u092f\u0941\u0926\u094d\u0927", + "\u091c\u093e\u0915\u094d\u0938\u0928_\u0906\u0928\u0939\u093e\u0932\u094d\u091f", + "\u092e\u093e\u0928\u0935\u0940_\u0939\u0915\u094d\u0915", + "\u092a\u0939\u093f\u0932\u0947_\u0935\u093f\u0936\u094d\u0935_\u092f\u0941\u0926\u094d\u0927", + "\u0928\u0935\u093e_\u0915\u0930\u093e\u0930", + "\u0938\u0945\u0915\u094d\u0938\u0928\u0940_\u0906\u0928\u094d\u0939\u093e\u0932\u094d\u091f" + ], + "MEDICAL_THERAPY": [ + "\u0930\u0915\u094d\u0924\u0926\u093e\u092c" + ], + "ORG": [ + "\u0938\u0947\u0902\u091f_\u0932\u0941\u0938\u093f\u092f\u093e", + "\u0938\u093e\u0913_\u091f\u094b\u092e\u0947", + "\u092a\u0942\u0930\u094d\u0935_\u091c\u0930\u094d\u092e\u0928\u0940", + "\u0938\u092e\u093e\u091c\u0935\u093e\u0926\u0940_\u092a\u0915\u094d\u0937", + "\u0930\u093e\u091c\u0915\u0940\u092f_\u092a\u0915\u094d\u0937", + "\u092a\u094d\u0930\u093e\u0925\u092e\u093f\u0915_\u0936\u093e\u0933\u093e", + "\u0938\u0941\u092a\u093f\u0930\u093f\u092f\u0930_\u0938\u0930\u094b\u0935\u0930", + "\u0928\u093e\u091d\u0940_\u092a\u0915\u094d\u0937", + "\u0905\u0932\u094d_\u091c\u091c\u0940\u0930\u093e", + "\u0938\u0947\u0902\u091f_\u0939\u0947\u0932\u0947\u0928\u093e", + "\u0939\u094d\u0935\u093e\u0902\u0917_\u0939\u094b_\u0928\u0926\u0940", + "\u0930\u093f\u092a\u092c\u094d\u0932\u093f\u0915\u0928_\u092a\u0915\u094d\u0937", + "\u0924\u093e\u0913_\u092e\u0924", + "\u092b\u0947\u0921\u0930\u0932_\u092c\u094d\u092f\u0942\u0930\u094b_\u0911\u092b_\u0907\u0928\u094d\u0935\u094d\u0939\u0947\u0938\u094d\u091f\u093f\u0917\u0947\u0936\u0928" + ], + "DISEASE": [ + "\u092e\u0926\u094d\u092f\u092a\u093e\u0936", + "\u092a\u094d\u0930\u094b\u091c\u0947\u0930\u093f\u092f\u093e", + "\u0938\u0902\u0927\u093f\u0935\u093e\u0924" + ], + "EVENT": [ + "\u092a\u0939\u093f\u0932\u0947_\u0906\u0916\u093e\u0924\u0940_\u092f\u0941\u0926\u094d\u0927" + ], + "RELIGION": [ + "\u092e\u0949\u0930\u094d\u092e\u0928\u093f\u091d\u092e", + "\u0936\u093f\u0902\u0924\u094b_\u0927\u0930\u094d\u092e", + "\u0935\u0948\u0937\u094d\u0923\u0935_\u092a\u0902\u0925" + ], + "FAC": [ + "\u0915\u0945\u0925\u0932\u093f\u0915_\u091a\u0930\u094d\u091a", + "\u0930\u094b\u092e\u0928_\u0915\u0945\u0925\u0932\u093f\u0915_\u091a\u0930\u094d\u091a" + ], + "QUANTITY": [ + "g" + ], + "GPE": [ + "\u0936\u094d\u0935\u093e\u0930\u094d\u0924\u094d\u0938\u0935\u093e\u0932\u094d\u0921", + "\u0938\u0947\u0902\u091f_\u0932\u0941\u0908\u0938", + "\u091c\u0930\u094d\u092e\u0928_\u0938\u093e\u092e\u094d\u0930\u093e\u091c\u094d\u092f", + "\u0938\u0947\u0902\u091f_\u092a\u0940\u091f\u0930", + "\u0932\u093e\u0932_\u0938\u092e\u0941\u0926\u094d\u0930", + "\u0935\u094d\u0939\u093e\u0907\u091f_\u0939\u093e\u0909\u0938", + "\u0939\u093e\u0917\u093f\u092f\u093e_\u0938\u094b\u092b\u093f\u092f\u093e" + ], + "POLITICAL_PARTY": [ + "\u0921\u0947\u092e\u094b\u0915\u094d\u0930\u0945\u091f\u093f\u0915_\u092a\u0915\u094d\u0937", + "\u0939\u0941\u091c\u0942\u0930_\u092a\u0915\u094d\u0937", + "\u092e\u091c\u0942\u0930_\u092a\u0915\u094d\u0937", + "\u0915\u092e\u094d\u092f\u0941\u0928\u093f\u0938\u094d\u091f_\u092a\u0915\u094d\u0937" + ], + "LANGUAGE": [ + "\u092a\u094b\u0932\u093f\u0936", + "\u0938\u094d\u0935\u093e\u0939\u093f\u0932\u0940" + ], + "RACE": [ + "\u0907\u0902\u0921\u093f\u092f\u0928_\u090f\u0905\u0930\u0932\u093e\u0907\u0928\u094d\u0938" + ], + "GENDER": [ + "\u092e\u0941\u0932\u094d\u0917\u0940" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u092c\u0945\u0930\u0928\u0947\u0938": "\u092c\u0945\u0930\u0928", + "\u0921\u091a\u0947\u0938": "\u0921\u094d\u092f\u0942\u0915", + "\u0928\u093e\u092f\u093f\u0915\u093e": "\u0935\u0940\u0930", + "\u092e\u093e\u0924\u093e": "\u092a\u093f\u0924\u093e", + "\u0906\u0908": "\u092a\u093f\u0924\u093e", + "\u0930\u093e\u091c\u0915\u0941\u092e\u093e\u0930\u0940": "\u092a\u094d\u0930\u093f\u0928\u094d\u0938", + "\u0930\u093e\u0923\u0940": "\u0930\u093e\u091c\u093e", + "\u092c\u0939\u0940\u0923": "\u092d\u093e\u090a", + "\u0928\u0935\u0930\u0940": "\u092a\u0924\u0940", + "\u092a\u0924\u094d\u0928\u0940": "\u092a\u0924\u0940", + "\u092c\u093e\u0907\u0915\u094b": "\u092a\u0941\u0930\u0941\u0937", + "\u0938\u094d\u0924\u094d\u0930\u0940": "\u092a\u0941\u0930\u0941\u0937" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "\u092a\u0930\u0932\u0948\u0902\u0917\u093f\u0915" + ], + "he": [ + "\u0932\u093f\u091f\u0932_\u092c\u0949\u092f", + "\u092a\u0941\u0930\u0941\u0937" + ], + "she": [ + "\u092e\u0941\u0932\u094d\u0917\u0940", + "\u092c\u093e\u0907\u0915\u094b", + "\u0938\u094d\u0924\u094d\u0930\u0940", + "\u0932\u0939\u093e\u0928_\u092e\u0941\u0932\u0917\u0940" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ms.json b/data_tooling/pii_processing/ontology/data/ms.json new file mode 100644 index 0000000..270fa99 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ms.json @@ -0,0 +1,5335 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "la_tour", + "henry_cavendish", + "matthew_arnold", + "harding", + "maria_montesorri", + "lambert", + "burbage", + "forester", + "lev_ivanov", + "st_david", + "goldmark", + "freemason", + "guggenheim", + "styron", + "mccormick", + "streisand", + "benjamin_franklin", + "maitland", + "martin_buber", + "john_bartlett", + "e_b_white", + "longfellow", + "gropius", + "karl_gjellerup", + "marsyal", + "sullivan", + "akira_kurosawa", + "frances_wright", + "mayer", + "niccolo_paganini", + "yastrzemski", + "carnegie", + "walter_whitman", + "maria_tallchief", + "curtis", + "noah_webster", + "jean_genet", + "von_rundstedt", + "tradescant", + "dinesen", + "john_knox", + "heinrich_hertz", + "kesey", + "mauriac", + "waldheim", + "jean_laffite", + "roger_williams", + "lovelace", + "henry_i", + "livingstone", + "le_duc_tho", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "ekman", + "huntington", + "wren", + "rudolf_steiner", + "klinefelter", + "thomas_wolfe", + "eccles", + "cuvier", + "david_rittenhouse", + "ernesto_guevara", + "thomas_bayes", + "tindale", + "gjellerup", + "ben_hogan", + "joliot", + "ziegfeld", + "johann_bernoulli", + "max_bruch", + "mays", + "winckelmann", + "leonard_bernstein", + "c_k_ogden", + "sibelius", + "weill", + "thomas_decker", + "van_allen", + "alistair_cooke", + "che_guevara", + "roget", + "malevich", + "ederle", + "kline", + "georges_simenon", + "sir_john_frederick_william_herschel", + "james_barrie", + "c", + "botticelli", + "david_grun", + "mccauley", + "van_beethoven", + "salinger", + "karl_scheele", + "alan_seeger", + "gillespie", + "medawar", + "shostakovich", + "i_a_richards", + "wickliffe", + "john_endecott", + "thomas_hodgkin", + "wright", + "dos_passos", + "si_kerudung_merah", + "belloc", + "fleming", + "andrews", + "john_barth", + "edward_albee", + "bruegel", + "dorothy_parker", + "lipchitz", + "armstrong", + "zhukov", + "bonney", + "francis_ferdinand", + "maria_callas", + "victor_herbert", + "de_sica", + "william_walton", + "leary", + "henrik_ibsen", + "rushdie", + "abelard", + "winslow", + "prospero_lambertini", + "morgan", + "antonio_ghislieri", + "rabelais", + "emerson", + "hendrix", + "frobisher", + "laffer", + "yardbird_parker", + "william_gladstone", + "charles_liston", + "stoppard", + "de_valera", + "hughes", + "mary_shelley", + "franz_werfel", + "quine", + "marcello_malpighi", + "peter_lorre", + "pelayan_pesawat", + "karl_baedeker", + "william_tindale", + "asa_yoelson", + "mergenthaler", + "cellini", + "beckett", + "watteau", + "david_livingstone", + "eduard_buchner", + "david_smith", + "pierre_terrail", + "michelson", + "bruckner", + "john_herschel", + "henry_villard", + "gauss", + "johannes_van_der_waals", + "andrzej_wajda", + "meyerhof", + "jan_van_eyck", + "hoffman", + "peter_seamus_o\u2019toole", + "rossini", + "carl_rogers", + "macgregor", + "bernhardt", + "cortez", + "george_balanchine", + "a_e_burnside", + "bethe", + "georg_wilhelm_steller", + "richard_burton", + "gerbert", + "douglas_macarthur", + "hawkins", + "james_michener", + "mary_wollstonecraft", + "brunelleschi", + "j_edgar_hoover", + "herschel", + "curtiss", + "maria_magdalena", + "thomas_reid", + "dukas", + "john_jacob_astor", + "otto_frisch", + "anna_pavlova", + "winston_churchill", + "allen_stewart_konigsberg", + "johannes_diderik_van_der_waals", + "waite", + "giambattista_marini", + "mendelssohn", + "robert_macgregor", + "gustavus_v", + "b", + "maillol", + "conrad_aiken", + "emile_gaboriau", + "karl_landsteiner", + "josephus", + "monnet", + "ivan_pavlov", + "didrikson", + "dmitri_shostakovich", + "paul_mccartney", + "ibu_bapa_moyang", + "snead", + "sinclair", + "ulanova", + "richard_smalley", + "yamani", + "waugh", + "andrew_marvell", + "vermeer", + "k", + "trevino", + "clausewitz", + "francois_rabelais", + "macdowell", + "woodward", + "stephen_king", + "francis_crick", + "roebling", + "peter_o\u2019toole", + "john_trumbull", + "sherry", + "van_gogh", + "joseph_greenberg", + "de_sade", + "chirico", + "miles_standish", + "de_gaulle", + "isaac_newton", + "sherman", + "richard_upjohn", + "michener", + "m_j_schleiden", + "woolf", + "alfred_eisenstaedt", + "depardieu", + "victor_hugo", + "delius", + "joseph_smith", + "bartholdi", + "edwin_hubble", + "senefelder", + "saint_bridget", + "colette", + "malebranche", + "milton_friedman", + "al_hasan_ibn_al_haytham", + "inge", + "john_rock", + "amy_lowell", + "benton", + "edward_gibbon", + "schoolcraft", + "schiaparelli", + "mary_stuart", + "van_de_velde", + "james_usher", + "pincus", + "j_c_maxwell", + "jefferson_davis", + "arafat", + "bertillon", + "saint_louis", + "holbein", + "cass_gilbert", + "giosue_carducci", + "george_stephenson", + "watson", + "osborne", + "john_glenn", + "beauvoir", + "john_webster", + "wykeham", + "john_davis", + "yaakub", + "lorenz_okenfuss", + "george_burns", + "jarrell", + "bakunin", + "bartlett", + "george_harrison", + "stowe", + "erwin_schrodinger", + "peter_minuit", + "galois", + "mark_clark", + "sandor_kellner", + "sebastian_vizcaino", + "amundsen", + "george_orwell", + "ellison", + "morrison", + "woolworth", + "georg_meissner", + "aleksandr_pavlovich", + "arthur_koestler", + "hernan_cortes", + "richard_wagner", + "joseph_john_thomson", + "williams", + "stanislavsky", + "syeri", + "thornton_wilder", + "e_l_doctorow", + "der_fuhrer", + "pancho_villa", + "diaz", + "monet", + "aleksandr_borodin", + "don_kihote", + "j_j_hill", + "johns", + "john_hemminge", + "leopold_stokowski", + "higginson", + "jonson", + "rebecca_west", + "stockton", + "mary_magdalen", + "marie_curie", + "malthus", + "simenon", + "francis_galton", + "jussieu", + "john_rowlands", + "mccarthy", + "tandy", + "mary_martin", + "gordimer", + "arnold_schonberg", + "constantine", + "michael_jackson", + "george_iv", + "nicolson", + "louis_jolliet", + "carl_sandburg", + "pugin", + "alexander_i", + "taylor", + "stephenson", + "thomas_hobbes", + "goldman", + "sir_william_chambers", + "faberge", + "seleucus", + "joseph_lister", + "derain", + "the_admirable_crichton", + "edward_weston", + "meissner", + "el_greco", + "macleod", + "philip_ii_of_spain", + "waller", + "samuel_beckett", + "seaman", + "maximian", + "jacques_costeau", + "clinton", + "connolly", + "david", + "russell", + "galileo_galilei", + "skeat", + "van_eyck", + "czerny", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "lardner", + "lorenzo_de\u2019medici", + "andrea_guarneri", + "tempat_kurungan_binatang_yang_ditahan", + "robert_koch", + "wajda", + "van_vleck", + "burbank", + "i_m_pei", + "marshall", + "todd", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "asimov", + "epstein", + "erich_mendelsohn", + "utrillo", + "a_e_w_mason", + "catherine", + "northrop", + "petrus", + "mantegna", + "donald_glaser", + "barth", + "strickland", + "demille", + "langmuir", + "mendeleyev", + "c_northcote_parkinson", + "edmund_hillary", + "munchausen", + "brigid", + "binet", + "trevithick", + "galvani", + "corbett", + "vincent_van_gogh", + "richard_hooker", + "strasberg", + "william_hazlitt", + "gustavus_iii", + "prince_eugene_of_savoy", + "pickford", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "anne_boleyn", + "josef_stalin", + "john_ruskin", + "franz_lehar", + "granville_barker", + "louis_le_begue", + "robert_burns", + "john_henry", + "hans_albrecht_bethe", + "carl_anderson", + "nathaniel_bailey", + "behrens", + "steinbeck", + "visconti", + "bunche", + "john_galbraith", + "hess", + "thomas_paine", + "bari", + "ustinov", + "murrow", + "elizabeth_seaman", + "sully", + "liliuokalani", + "gielgud", + "francis_beaumont", + "hans_jurgen_eysenck", + "alhacen", + "i_f_stone", + "marini", + "justinian", + "karl_wernicke", + "bergman", + "wilkins", + "steven_weinberg", + "the_great_compromiser", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "boulez", + "lavoisier", + "elisabet", + "cristobal_colon", + "karl_barth", + "dowland", + "yuri_gagarin", + "millais", + "calvino", + "willem_einthoven", + "johann_winckelmann", + "rockwell", + "cather", + "sikorsky", + "phil_anderson", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "jesus", + "giovanni_battista_montini", + "allen_iverson", + "nimitz", + "wesley", + "smith", + "marie_antoinette", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "galsworthy", + "walter_lippmann", + "edward_appleton", + "breuer", + "e", + "scheele", + "lafitte", + "karl_jaspers", + "korzybski", + "emily_bronte", + "beethoven", + "helmholtz", + "ferber", + "hideki_yukawa", + "connors", + "konrad_adenauer", + "st_george", + "grigori_potemkin", + "mencken", + "bessel", + "howe", + "vanderbilt", + "c_vann_woodward", + "donatus", + "john_l_lewis", + "bush", + "marianne_moore", + "norbert_wiener", + "st_vitus", + "john_masefield", + "horatio_nelson", + "mark_rothko", + "shepard", + "brueghel", + "maurice_chevalier", + "gottlieb_daimler", + "fourier", + "francoise_athenais_de_rochechouart", + "saint_ignatius", + "schlesinger", + "finnbogadottir", + "scriabin", + "mayakovski", + "frank_sinatra", + "isherwood", + "bowditch", + "fallopio", + "arendt", + "abel_tasman", + "katharine_hepburn", + "noguchi", + "guthrie", + "henri_becquerel", + "henri_matisse", + "alfonso_borgia", + "pahlevi", + "bertram_brockhouse", + "ginsberg", + "louis_pasteur", + "van_de_graaff", + "ponselle", + "hoffmann", + "gaboriau", + "berra", + "sherrington", + "richard_strauss", + "stephen_decatur", + "herculius", + "galbraith", + "leslie_howard", + "jean_baptiste_racine", + "mehemet_ali", + "pekilang", + "theodosius_i", + "joseph_oliver", + "hugo_grotius", + "pushkin", + "maginot", + "kissinger", + "mahalia_jackson", + "william_franklin_graham", + "kendrew", + "ben_shahn", + "mohorovicic", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "charles_ringling", + "katherine_mansfield", + "gertrude_stein", + "fallopius", + "van_der_waals", + "j_b_s_haldane", + "saladin", + "kettering", + "sarah_bernhardt", + "george_beadle", + "dostoevski", + "krasner", + "e_h_harriman", + "v", + "hayes", + "philip_marlowe", + "greene", + "gretzky", + "luigi_pirandello", + "peter_tchaikovsky", + "t_s_eliot", + "shapley", + "e_g_marshall", + "watts", + "madame_tussaud", + "karol_wojtyla", + "mallarme", + "marc_blitzstein", + "hank_williams", + "hazlitt", + "weston", + "benchley", + "mandelshtam", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "st_christopher", + "william_menninger", + "strachey", + "chaplin", + "charles_de_gaulle", + "paul_von_hindenburg", + "da_gamma", + "florio", + "y", + "henry_moore", + "perutz", + "schumann", + "holden", + "mary_mallon", + "lytton", + "ralph_bunche", + "rudolf_bultmann", + "dempsey", + "douglass", + "charles_lindbergh", + "fremont", + "clive", + "grappelli", + "jespersen", + "villon", + "emile_herzog", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "joseph_stalin", + "schrodinger", + "hammarskjold", + "al_haytham", + "f", + "john_jay", + "tobey", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "bunyan", + "thomas_mann", + "paton", + "hathaway", + "kendall", + "bin_laden", + "william_ockham", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "hoyle", + "wernicke", + "cunningham", + "charles", + "vesalius", + "margot_fonteyn", + "nathaniel_currier", + "david_hubel", + "peter_pan", + "james_tobin", + "john_irving", + "panofsky", + "simon_peter", + "samuel_de_champlain", + "shirer", + "paxton", + "chekhov", + "e_h_weber", + "giacomo_puccini", + "edward_fitzgerald", + "eyck", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "wyatt", + "paul_verlaine", + "cowper", + "q", + "tappan", + "robert_johnson", + "kropotkin", + "mark_hopkins", + "traubel", + "ibu_peri", + "balfour", + "james_dean", + "robert", + "richard_lovelace", + "jacob_harmensen", + "scorsese", + "leuwenhoek", + "mason", + "marie_tussaud", + "burnett", + "roger_bannister", + "john_cash", + "theodor_schwann", + "max_beerbohm", + "tasman", + "greeley", + "alessandro_manzoni", + "joseph_priestley", + "hermann_snellen", + "robert_oppenheimer", + "hal", + "louis_joliet", + "nicolas_poussin", + "andrea_mantegna", + "qadhafi", + "adolf_windaus", + "francois_mansart", + "hayek", + "clemenceau", + "joseph_pulitzer", + "ring_lardner", + "sperry", + "george_huntington", + "charles_schulz", + "irving", + "barany", + "caruso", + "jim_corbett", + "mommsen", + "james_naismith", + "marlowe", + "malpighi", + "oscar_wilde", + "socinus", + "billie_the_kid", + "montgolfier", + "mobius", + "antoine_domino", + "philip_roth", + "maintenon", + "burroughs", + "j_d_salinger", + "ochoa", + "henry", + "lawrence", + "roy_wilkins", + "franklin", + "andre_weil", + "burung_ren", + "sorensen", + "humperdinck", + "richard_trevithick", + "lowry", + "william_bradford", + "johan_august_strindberg", + "heinrich_schliemann", + "montespan", + "liston", + "kean", + "lendl", + "bartholomeu_diaz", + "john_davys", + "carlyle", + "eli_whitney", + "nell_gwynn", + "jackson", + "glenn_curtiss", + "telemann", + "paola_caliari", + "saint_crispin", + "clark", + "pizarro", + "morley", + "merckx", + "bradstreet", + "romberg", + "a_e", + "corelli", + "jan_van_der_meer", + "chambers", + "mary_magdalene", + "john_witherspoon", + "william_falkner", + "laurence_olivier", + "victor_hess", + "hussein", + "jeffers", + "evans", + "cocteau", + "e_a_von_willebrand", + "pierre_larousse", + "norris", + "christiaan_eijkman", + "yakub", + "adolf_eichmann", + "sverdrup", + "kaiser_wilhelm", + "heyward", + "paganini", + "marilyn_horne", + "boole", + "ibsen", + "lorca", + "nell_gwynne", + "marvell", + "stan_musial", + "rimbaud", + "francis_bacon", + "compton", + "pete_seeger", + "konstantin_stanislavski", + "richard_m_nixon", + "walter_hess", + "john_wycliffe", + "gaskell", + "marc_rothko", + "husayn", + "joseph_heller", + "lessing", + "a", + "boone", + "francois_jacob", + "heyerdahl", + "peary", + "gustavus_i", + "gershwin", + "rossetti", + "morris", + "peter_carl_goldmark", + "apollinaire", + "hassam", + "trotsky", + "montagu", + "peter_brian_medawar", + "norman_rockwell", + "boris_spassky", + "khadafy", + "francois_duvalier", + "james_brown", + "william_hogarth", + "kachaturian", + "modigliani", + "charles_baudelaire", + "luigi_cherubini", + "sir_william_rowan_hamilton", + "francis_joseph", + "deere", + "david_ricardo", + "barkley", + "john_mitchell", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "immanuel_kant", + "jacques_bernoulli", + "goodall", + "kinsey", + "himmler", + "beaverbrook", + "james_franck", + "william_crookes", + "antonius_stradivarius", + "james_meredith", + "samuel_gompers", + "nellie_bly", + "brancusi", + "john_haldane", + "weber", + "lewis", + "warburg", + "fulton", + "parsons", + "alexandre_yersin", + "francois_mitterrand", + "n", + "richardson", + "michel_montaigne", + "tunney", + "stephen_leacock", + "hope", + "albert_schweitzer", + "miller", + "flavius_theodosius", + "chagall", + "john_mccormick", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "hardy", + "erik_weisz", + "musset", + "guarnieri", + "dewey", + "canetti", + "saint_martin", + "titus", + "johannes_kepler", + "anatoli_karpov", + "sergei_rachmaninov", + "metchnikov", + "william_s_burroughs", + "david_hartley", + "st_peter_the_apostle", + "max_planck", + "dostoyevsky", + "william_blake", + "t_e_lawrence", + "rundstedt", + "julio_iglesias", + "john_bardeen", + "rodin", + "arthur", + "hutchins", + "middleton", + "sarah_vaughan", + "nietzsche", + "dubya", + "john_wilkes", + "francois_mauriac", + "davis", + "konstantin_stanislavsky", + "thoreau", + "william_byrd", + "william_henry", + "christopher_fry", + "godard", + "scott_joplin", + "latrobe", + "samuel_houston", + "supermex", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "hinault", + "gardner", + "president_wilson", + "vuillard", + "thackeray", + "renjer", + "cesar_franck", + "samuel_rosenstock", + "canberra", + "stephane_mallarme", + "cooke", + "carry_nation", + "bramante", + "goethals", + "knox", + "stephanie_hwang", + "elias_canetti", + "norrish", + "von_braun", + "robert_lowell", + "alfonse_bertillon", + "johann_strauss", + "bohme", + "eisenstein", + "edward_jenner", + "hutton", + "john_mercer", + "oscar_robertson", + "marquand", + "huston", + "oliver_hardy", + "kenyata", + "moore", + "johan_kepler", + "husserl", + "groves", + "cole_porter", + "samuel_wilder", + "benjamin_west", + "jean_luc_godard", + "stokowski", + "graham_greene", + "baryshnikov", + "frans_hals", + "edward", + "maximilian_weber", + "lysenko", + "stroheim", + "whistler", + "la_fontaine", + "lars_onsager", + "willard", + "jewison", + "cardinal_bellarmine", + "margaret_mitchell", + "goldoni", + "konoye", + "leadbelly", + "bunuel", + "igor_stravinsky", + "duse", + "j_b_rhine", + "stuart_davis", + "olmsted", + "gary_weinstein", + "mary_mccauley", + "lola_montez", + "tucker", + "john_wain", + "jan_swammerdam", + "bellini", + "mary_mccarthy", + "jimenez", + "wilkes", + "tully", + "david_riesman", + "laughton", + "doctorow", + "john_walker", + "dvorak", + "virchow", + "flavius_josephus", + "william_herschel", + "wheatley", + "joseph_black", + "marcus_whitman", + "mikhail_baryshnikov", + "du_barry", + "montesquieu", + "oakley", + "william_john_clifton_haley_jr", + "marcus_aurelius_valerius_maximianus", + "franz_joseph", + "peirce", + "arthur_rubinstein", + "calvin", + "cherubini", + "arthur_compton", + "koussevitzky", + "lindbergh", + "robbins", + "maria_antonia", + "niels_bohr", + "sergei_rachmaninoff", + "kenneth_grahame", + "naismith", + "larousse", + "hickock", + "sheridan", + "bardeen", + "henry_fielding", + "bertrand_russell", + "fragonard", + "jakob_hermandszoon", + "katherine_anne_porter", + "madame_curie", + "hawkyns", + "michael_faraday", + "john_d_rockefeller", + "malamud", + "j_craig_ventner", + "arthur_schlesinger", + "burt", + "anthony_burgess", + "anthony", + "cummings", + "jan_tinbergen", + "swanson", + "peter_mark_roget", + "robert_venturi", + "johnny_appleseed", + "schumpeter", + "schliemann", + "gregory", + "ben_gurion", + "kreisler", + "maurois", + "sir_francis_galton", + "ellen_price_wood", + "ralegh", + "irving_berlin", + "wavell", + "marstan", + "otho_of_lagery", + "gauguin", + "malory", + "bernard_baruch", + "rudolf_diesel", + "hans_holbein", + "sungai_st_lawrence", + "walt_disney", + "meredith", + "ben_jonson", + "peter", + "lippi", + "la_spezia", + "czar_peter_i", + "robert_benchley", + "dowding", + "oates", + "albee", + "florey", + "h_l_mencken", + "lully", + "munchhausen", + "vesey", + "aleksandr_prokhorov", + "harungan", + "rubens", + "ondaatje", + "percy", + "joseph_schumpeter", + "beveridge", + "max_muller", + "gabriel_lippmann", + "steve_reich", + "groucho", + "adenauer", + "lee", + "derrida", + "lamarck", + "benny_goodman", + "ted_williams", + "karl_menninger", + "william_beaumont", + "froebel", + "friedrich_engels", + "huldreich_zwingli", + "haley", + "pavlov", + "steichen", + "jane_austen", + "anthony_vandyke", + "charles_laughton", + "parker", + "eichmann", + "magritte", + "gibson", + "moses", + "ventner", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "nevelson", + "alice_paul", + "erving", + "robert_redford", + "robert_barany", + "monod", + "jean_giraudoux", + "fuller", + "jack_dempsey", + "brindisi", + "ian_fleming", + "swedenborg", + "richard_feynman", + "harrod", + "menninger", + "willebrand", + "kandinski", + "wolfgang_pauli", + "wycherley", + "ellington", + "landowska", + "j_tuzo_wilson", + "ruskin", + "wollaston", + "lipmann", + "dodgson", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "schoenberg", + "marcel_proust", + "klimt", + "jessica_mitford", + "thomas_more", + "jesse_louis_jackson", + "homo_heidelbergensis", + "milhaud", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "meyerbeer", + "lunt", + "anne_sullivan", + "walesa", + "feodor_dostoevski", + "paul_robeson", + "arnold", + "benedict", + "anton_chekov", + "shute", + "thomas_middleton", + "metchnikoff", + "lugosi", + "gladstone", + "nell_gywn", + "john_dowland", + "sumner", + "le_carre", + "van_dyck", + "sarnoff", + "zaharias", + "millay", + "daniel_jones", + "hellman", + "benjamin_jonson", + "william_golding", + "robert_motherwell", + "a_e_housman", + "william_caxton", + "john_milton", + "c_h_best", + "karl_wilhelm_scheele", + "the_virgin", + "rudolf_serkin", + "couperin", + "siqueiros", + "peter_stuyvesant", + "rattigan", + "henri_louis_bergson", + "ethel_merman", + "the_nazarene", + "szilard", + "rittenhouse", + "riesman", + "frank_baum", + "hotspur", + "samuel_adams", + "albert_speer", + "james_baldwin", + "frederick_william", + "lindsay", + "john_copley", + "john_vanbrugh", + "gracie", + "cavell", + "leacock", + "indira_gandhi", + "daumier", + "whitman", + "millikan", + "davys", + "william_mitchell", + "albers", + "bertolucci", + "jane_seymour", + "peter_goldmark", + "peter_minnewit", + "klopstock", + "rehnquist", + "george_gershwin", + "toynbee", + "schopenhauer", + "alberto_giacometti", + "laney", + "wallace", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "o\u2019keeffe", + "eisenstaedt", + "tenniel", + "daniel_rutherford", + "ashe", + "marco_polo", + "koestler", + "john_fletcher", + "heidegger", + "georgi_zhukov", + "caravaggio", + "matthias_schleiden", + "beria", + "charlie_watts", + "albert_gore_jr", + "moussorgsky", + "spenser", + "m", + "charlotte_corday", + "penjual_kaca", + "jamison", + "hargreaves", + "marcel_marceau", + "gilmer", + "oort", + "allen_ginsberg", + "fred_zinnemann", + "ringling", + "hammerstein", + "coleridge", + "daniel_bernoulli", + "kelly", + "guillaume_apollinaire", + "william_strickland", + "gibbs", + "john_marquand", + "l_s_lowry", + "brandt", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "st_brigid", + "speke", + "craigie", + "bergson", + "antonius", + "jean_bernoulli", + "edward_macdowell", + "josef_hoffmann", + "hammett", + "prokhorov", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "phillis_wheatley", + "tussaud", + "oppenheimer", + "mohammed_reza_pahlavi", + "condorcet", + "patrick_white", + "hans_zinsser", + "saul_steinberg", + "boehm", + "si_kecil_pemakai_tudung_merah", + "greenberg", + "bartholomew_roberts", + "eileen_farrell", + "catherine_howard", + "daniel_morgan", + "hans_christian_andersen", + "peter_cooper", + "reich", + "schwann", + "william_morris", + "anton_van_leeuwenhoek", + "william_dawes", + "cary_grant", + "hideyo_noguchi", + "thomas", + "isaac_watts", + "saint_lawrence", + "harmsworth", + "ford", + "pieter_zeeman", + "arnold_gesell", + "scripps", + "herrick", + "glenn_miller", + "thomas_straussler", + "navratilova", + "sir_thomas_gresham", + "goring", + "karl_von_clausewitz", + "gustavus", + "musial", + "c_w_post", + "fitzgerald", + "wegener", + "pablo_picasso", + "newman", + "horne", + "mansart", + "john_philip_marquand", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "tagore", + "raffles", + "james_bernoulli", + "kennelly", + "alan_hodgkin", + "malinowski", + "anderson", + "thomas_moore", + "sergei_vasilievich_rachmaninov", + "robeson", + "louis_ix", + "osman_i", + "kurt_weill", + "kieslowski", + "otto_hahn", + "kelayang", + "webster", + "nast", + "welty", + "christian_huygens", + "otto_meyerhof", + "john_marshall", + "mamet", + "christiaan_huygens", + "duvalier", + "hector_berlioz", + "smalley", + "lucille_ball", + "paul_simon", + "mussorgsky", + "claudio_monteverdi", + "benjamin_jowett", + "rubinstein", + "nabokov", + "robert_scott", + "stravinsky", + "john_galsworthy", + "knut_pedersen", + "robert_robinson", + "scott", + "ziegler", + "pieter_breughel", + "karloff", + "khachaturian", + "dickinson", + "bronte", + "spielberg", + "gombrowicz", + "o", + "goodman", + "king_james", + "mccartney", + "wallenstein", + "adam_smith", + "william_james", + "diaghilev", + "kristoforus_kolumbus", + "lipscomb", + "taney", + "vizcaino", + "jean_harlow", + "henry_miller", + "sayers", + "mcguffey", + "karl_marx", + "einthoven", + "paul_bunyan", + "rickover", + "friedrich_nietzsche", + "zsigmondy", + "i", + "strindberg", + "robert_indiana", + "william_burroughs", + "noyes", + "peter_alexander_ustinov", + "jimmy_durante", + "howard", + "john_wesley", + "march_king", + "de_l\u2019_orme", + "hasek", + "dorothy_sayers", + "berlage", + "tallis", + "e_o_wilson", + "melanchthon", + "goldwyn", + "sandro_botticelli", + "endecott", + "parrish", + "von_willebrand", + "carson_mccullers", + "frank_stockton", + "bloch", + "huss", + "seiji_ozawa", + "nazimova", + "ehrenberg", + "proust", + "nikola_tesla", + "de_mille", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "malraux", + "carlo_goldoni", + "trumbo", + "kaufman", + "shankar", + "william_patterson", + "boleyn", + "ninigi", + "leo_delibes", + "john_locke", + "tharp", + "alexis_carrel", + "le_notre", + "du_maurier", + "j_e_johnston", + "mitchum", + "a_noam_chomsky", + "symonds", + "king_lear", + "serkin", + "joseph_marie_jacquard", + "antonin_dvorak", + "henry_james", + "stephen_sondheim", + "henson", + "st_martin", + "richards", + "crawford", + "oscar_hammerstein", + "steinway", + "lorenz_hart", + "marie_grosholtz", + "robert_bartlett", + "stewart", + "horney", + "jakobson", + "bierce", + "hevesy", + "perry", + "helen_keller", + "grotius", + "paul_dukas", + "e_t_s_walton", + "ingrid_bergman", + "nama_jenis_anggur_putih", + "saint_david", + "siddons", + "tillich", + "douwes_dekker", + "pengarah_urusan", + "george_ii", + "crosby", + "denmark_vesey", + "hindemith", + "hodgkin", + "leonard_bloomfield", + "congreve", + "jane_jacobs", + "thurber", + "lulli", + "kosciusko", + "verlaine", + "kerensky", + "trevelyan", + "jean_piaget", + "meany", + "soutine", + "sondheim", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "massine", + "mondrian", + "the_adventures_of_sherlock_holmes", + "darrow", + "shakspere", + "jolliet", + "montgomery_ward", + "reichstein", + "de_kooning", + "baudelaire", + "dua_sukatan", + "angelo_correr", + "st_denis", + "rogers", + "carducci", + "frank_norris", + "francois_couperin", + "konoe", + "pieter_brueghel", + "peter_ilich_tchaikovsky", + "behring", + "francois_de_la_rochefoucauld", + "frank_stella", + "durrell", + "paige", + "stilwell", + "robert_southey", + "valentina_tereshkova", + "eddington", + "h_g_wells", + "walt_whitman", + "hernando_cortes", + "william_wyler", + "warren", + "john_osborne", + "colin_powell", + "moliere", + "ludwig_boltzmann", + "antoninus", + "tereshkova", + "beerbohm", + "carl_nielsen", + "sir_winston_churchill", + "ciardi", + "karl_gauss", + "chopin", + "weizmann", + "vasarely", + "smollett", + "merton", + "hearst", + "pauling", + "rankin", + "bunsen", + "vaux", + "carl_jung", + "israel_strassberg", + "richard_neville", + "leopold_kronecker", + "goering", + "masefield", + "francis_richard_stockton", + "simpson", + "richard_wright", + "heyse", + "benjamin_thompson", + "st_benedict", + "kandinsky", + "adolf_hitler", + "maria_mitchell", + "gunung_sherman", + "prokofiev", + "danau_tana", + "fritz_haber", + "dekker", + "archibald_macleish", + "fowler", + "richard_starkey", + "peter_behrens", + "john_tradescant", + "nathan_bailey", + "jaspers", + "alfred_stieglitz", + "gabriele_fallopius", + "redford", + "joseph_haydn", + "tempat_kurungan_binatang_yg_ditahan", + "stephen_spender", + "garfield", + "mendelsohn", + "jones", + "bailey", + "george_boole", + "solvay", + "fyodor_dostoevsky", + "mahan", + "paul_revere", + "philipp_schwarzerd", + "sontag", + "ruth_fulton", + "helen_wills", + "kruger", + "daniel_boone", + "buffalo_bill", + "william_fulbright", + "edvard_grieg", + "radhakrishnan", + "gorgas", + "robert_boyle", + "korchnoi", + "rickenbaker", + "arthur_laffer", + "edith_cavell", + "mitchell", + "alan_paton", + "zinsser", + "deliverer", + "eliot", + "hopkinson", + "verwoerd", + "ralph_richardson", + "paderewski", + "lenard", + "1", + "schubert", + "karsavina", + "alberti", + "krzysztof_kieslowski", + "cordell_hull", + "a_a_michelson", + "blixen", + "james_wilson", + "rosa_parks", + "tchaikovsky", + "norman_jewison", + "marceau", + "tarkovsky", + "crichton", + "riley", + "samuel_goldwyn", + "steller", + "mccullers", + "x", + "elizabeth_seton", + "ernest_walton", + "vladimir_putin", + "pegawai_kehutanan", + "jacob", + "orbison", + "crockett", + "giuseppe_mazzini", + "gromyko", + "carolus", + "runyon", + "jim_thorpe", + "woodhull", + "karl_augustus_menninger", + "hertz", + "bradbury", + "randall_jarrell", + "old_bullion", + "verrazzano", + "richler", + "swammerdam", + "manson", + "sekhet", + "laurence_sterne", + "markov", + "hutchinson", + "jacqueline_cochran", + "george_fox", + "john_lackland", + "graves", + "peter_paul_mauser", + "ben_hecht", + "christopher_isherwood", + "bloomfield", + "fritz_kreisler", + "john_heming", + "copley", + "henry_bolingbroke", + "anne_hathaway", + "david_garrick", + "don_budge", + "meade", + "ozawa", + "bill_russell", + "margaret_court", + "emile_zola", + "berlioz", + "evers", + "owen", + "thomson", + "henry_le_chatelier", + "baldwin", + "gallaudet", + "a_conan_doyle", + "bomber_harris", + "jeannette_rankin", + "clarence_darrow", + "marya_sklodowska", + "alben_william_barkley", + "dawes", + "sean_o\u2019casey", + "agassiz", + "mallon", + "charles_lamb", + "g", + "sills", + "william_of_wykeham", + "labrouste", + "albert_michelson", + "dulles", + "cattell", + "king_john", + "nansen", + "charles_coulomb", + "vespucci", + "de_niro", + "savonarola", + "brady", + "john_chapman", + "anthony_comstock", + "ellsworth", + "lemaitre", + "jansen", + "arthur_schopenhauer", + "sam_goldwyn", + "thomas_dekker", + "el_caudillo", + "custer", + "harriman", + "james_cagney", + "john_keble", + "johns_hopkins", + "l_m_montgomery", + "henri_pitot", + "wanda_landowska", + "edward_pusey", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "shockley", + "christopher_columbus", + "gaius_flaminius", + "aiken", + "tyson", + "muller", + "arnold_schoenberg", + "r", + "george_lucas", + "andrew_jackson", + "tindal", + "peter_abelard", + "edith_wharton", + "louis_armstrong", + "spallanzani", + "ortega", + "cornell", + "barnum", + "balanchine", + "st_mark", + "pieter_bruegel", + "loeb", + "dubyuh", + "antony_tudor", + "saint_christopher", + "steven_spielberg", + "sir_john_cockcroft", + "sydenham", + "bultmann", + "comstock", + "st_louis_missouri", + "jean_monnet", + "leonard", + "sellers", + "georgiana_barrymore", + "d_w_griffith", + "robert_fulton", + "goudy", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "stefan_wyszynski", + "franz_ferdinand", + "giuseppe_garibaldi", + "wister", + "philip_warren_anderson", + "karlfeldt", + "hemminge", + "blitzstein", + "fra_filippo_lippi", + "alexandre_dumas", + "pirandello", + "philipp_melanchthon", + "robert_brown", + "doolittle", + "bethune", + "markoff", + "thomas_carlyle", + "wiesenthal", + "johann_gutenberg", + "roberts", + "shah_pahlavi", + "bragg", + "gagarin", + "allen_tate", + "algren", + "donald_barthelme", + "andre_maurois", + "alphonse_capone", + "william_tyndale", + "tamara_karsavina", + "ibert", + "bobby_fischer", + "crookes", + "din_land", + "menotti", + "johannes_gutenberg", + "svedberg", + "thornton", + "kaunda", + "barrymore", + "d", + "hooke", + "breughel", + "james_bowie", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "dreiser", + "castro", + "beadle", + "william_faulkner", + "wordsworth", + "cockcroft", + "plath", + "johannes_eckhart", + "edward_white", + "edouard_manet", + "titus_flavius_vespasianus", + "simon_de_montfort", + "amerigo_vespucci", + "selznick", + "rachmaninov", + "wilmut", + "arthur_holmes", + "montessori", + "laurentius", + "anouilh", + "pierre_boulez", + "hans_adolf_krebs", + "grahame", + "mcmaster", + "chekov", + "don_kisot", + "bolzano_bozen", + "hollerith", + "le_chatelier", + "girolamo_savonarola", + "salk", + "smitty_stevens", + "housman", + "emma_goldman", + "robert_gray", + "blake", + "haywood", + "anna_kournikova", + "francis_poulenc", + "james_ussher", + "wolfe", + "john_barrymore", + "john_constable", + "rachel_louise_carson", + "c_d_gibson", + "huggins", + "james_mill", + "john_ciardi", + "albino_luciano", + "putin", + "landsteiner", + "gary_kasparov", + "matthew_flinders", + "hanks", + "thomas_crawford", + "chomsky", + "robert_herrick", + "joseph_campbell", + "charles_a_lindbergh", + "st_peter", + "grainger", + "zeppo", + "molnar", + "john_m_browning", + "swift", + "klaproth", + "jean_de_la_fontaine", + "robert_hooke", + "davy", + "lovell", + "o_henry", + "hoffa", + "harriet_wilson", + "kekule", + "karl_popper", + "benjamin_kubelsky", + "alfred", + "von_sternberg", + "coleman_hawkins", + "kronecker", + "frye", + "untermeyer", + "mary_harris", + "john_calvin", + "george_sand", + "sousa", + "peter_sellers", + "homo_rhodesiensis", + "steffens", + "charles_fourier", + "john_mcgraw", + "henry_clay", + "toscanini", + "giraudoux", + "marcus_aurelius", + "cousteau", + "bolingbroke", + "e_w_morley", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "de_spinoza", + "keble", + "kenneth_roberts", + "balenciaga", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "saint_peter", + "cromwell", + "pembuat_atap_jerami", + "masters", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "trollope", + "galton", + "john_marstan", + "menuhin", + "robert_morris", + "kastler", + "carroll", + "hopkins", + "antonio_pignatelli", + "zimbalist", + "eugene_ionesco", + "matisse", + "woody_herman", + "boell", + "charlotte_bronte", + "heaviside", + "gehrig", + "fyodor_dostoyevsky", + "alexander_wilson", + "john_roebling", + "josef_albers", + "jackson_pollock", + "spinoza", + "laffite", + "david_crockett", + "welles", + "dayan", + "steinem", + "kasparov", + "john_lennon", + "seton", + "andrea_palladio", + "cornelis_jansen", + "golding", + "john_speke", + "buchner", + "wilson", + "fontanne", + "gandhi", + "heinlein", + "cheever", + "poulenc", + "motherwell", + "bob_woodward", + "dedap", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "humboldt", + "mcpherson", + "edward_morley", + "barthelme", + "j_m_barrie", + "lippmann", + "hitchings", + "robert_woodward", + "schonberg", + "pavarotti", + "thomas_malory", + "tilden", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "jinnah", + "caldwell", + "ibu_bapa_datuk_nenek", + "john_mill", + "langtry", + "william_of_ockham", + "teasdale", + "hugo_junkers", + "zinnemann", + "j_r_firth", + "burnham", + "maurice_barrymore", + "haldane", + "piscis_austrinus", + "norman_thomas", + "lillian_hellman", + "brescia", + "brecht", + "peter_carl_faberge", + "carter", + "john_macleod", + "vasco_da_gamma", + "satie", + "tallchief", + "thomas_merton", + "benedetto_odescalchi", + "sennett", + "pyotr_i_dari_rusia", + "massenet", + "villard", + "riemann", + "shahn", + "jenny_wren", + "stopes", + "pyotr_tchaikovsky", + "rothko", + "asa_gray", + "donkin", + "bonhoeffer", + "spillane", + "hannah_arendt", + "antonio_stradivari", + "wanamaker", + "c_s_forester", + "philip_anderson", + "kuhn", + "cushing", + "maximianus", + "robinson_jeffers", + "farrell", + "antony", + "eckhart", + "arungan", + "alice_walker", + "priestley", + "andrei_sakharov", + "karl_czerny", + "casals", + "sir_james_murray", + "strauss", + "macleish", + "miles_davis", + "edmund_cartwright", + "koopmans", + "rupert", + "mubarak", + "octavian", + "sir_william_walton", + "wollstonecraft", + "pusey", + "bruce", + "butterfield", + "james_parkinson", + "heyrovsky", + "brummell", + "a_e_kennelly", + "wilhelm_tell", + "j_m_synge", + "william_augustus", + "qaddafi", + "george_marshall", + "onsager", + "cochran", + "eijkman", + "cagney", + "tuchman", + "gesell", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "ethelred", + "bozen", + "stanley_kubrick", + "mohammed_ali", + "gustavus_adolphus", + "cornelius_jansenius", + "leontief", + "john_deere", + "andre_markoff", + "champollion", + "cronyn", + "keaton", + "john_huston", + "robert_merton", + "peter_the_great", + "palayan_gereja", + "carothers", + "ivanov", + "jean_baptiste_joseph_fourier", + "debs", + "william_gilbert", + "rene_magritte", + "tukang_pemotong_kaca", + "kosciuszko", + "mcgraw", + "le_gallienne", + "astaire", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "leigh", + "homo", + "frederick_douglass", + "tebaldi", + "von_bismarck", + "symons", + "moynihan", + "la_rochefoucauld", + "david_hilbert", + "skinner", + "wilhelm_reich", + "duchamp", + "boehme", + "william_thornton", + "roman_jakobson", + "oliver_cromwell", + "nicolas_de_malebranche", + "vinogradoff", + "henry_beauclerc", + "beaumont", + "lionel_hampton", + "newcomb", + "martin_luther_king", + "bukharin", + "purcell", + "james_hargreaves", + "prince_charles", + "hermann_goering", + "st_james", + "goncourt", + "delbruck", + "lorenz", + "raymond_lully", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "william_clark", + "s_smith_stevens", + "woodrow_wilson", + "thomas_jackson", + "delibes", + "william_wycherley", + "walton", + "margaret_sanger", + "proudhon", + "heming", + "bankhead", + "southey", + "edgar_varese", + "gustav_hertz", + "americus_vespucius", + "yevgeni_yevtushenko", + "acheson", + "george_mason", + "daud", + "el_cid", + "andrei_voznesenski", + "quincy", + "borges", + "mosander", + "marcus_antonius", + "mazzini", + "schulz", + "otto_i", + "dostoevsky", + "alonso", + "sapir", + "torricelli", + "frank_cooper", + "de_quincey", + "t_h_white", + "sargent", + "agrippina", + "st_louis", + "richard_rodgers", + "karpov", + "don_quixote", + "george", + "soufflot", + "kleist", + "gogh", + "leeuwenhoek", + "anne_sexton", + "holmes", + "thomas_bradley", + "hogarth", + "o\u2019connor", + "kroto", + "john_dryden", + "jim_henson", + "friedrich_max_muller", + "kuznets", + "mercouri", + "furnivall", + "saarinen", + "b\u00e9la_lugosi", + "ernest_hemingway", + "burns", + "fiedler", + "voznesenski", + "john_eccles", + "lech_walesa", + "von_neumann", + "george_westinghouse", + "simon_petrus", + "constantin_brancusi", + "richard_haldane", + "tourette", + "thomas_higginson", + "aquila", + "truffaut", + "brockhouse", + "jacques_charles", + "eero_saarinen", + "pauli", + "arthur_miller", + "henry_russell", + "john_cheever", + "friedrich_wilhelm_bessel", + "cristoforo_colombo", + "gracie_allen", + "john_bernoulli", + "st_edward_the_confessor", + "billy_sunday", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "jacobs", + "farragut", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "michinomiya_hirohito", + "nicklaus", + "gaius_octavianus", + "mandelbrot", + "cesare_borgia", + "woodbury", + "j_p_morgan", + "whittier", + "hampton", + "christopher_carson", + "loewi", + "wheatstone", + "swinburne", + "kerouac", + "kierkegaard", + "kutuzov", + "roald_amundsen", + "starkey", + "mossbauer", + "stephane_grappelli", + "sherwood_anderson", + "andersen", + "richard_leakey", + "alfred_korzybski", + "ledbetter", + "charles_dickens", + "verrazano", + "pershing", + "jean_chauvin", + "fairbanks", + "kirchhoff", + "delorme", + "maugham", + "e_o_lawrence", + "bellarmino", + "samuel_huntington", + "de_saussure", + "gesner", + "st_ignatius", + "ella_fitzgerald", + "fats_waller", + "alfred_krupp", + "jakob_bernoulli", + "philip_augustus", + "thomas_sydenham", + "bernoulli", + "jack_robinson", + "tatum", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "anne_bronte", + "schweitzer", + "joseph_paxton", + "manzoni", + "seles", + "silverstein", + "louis_untermeyer", + "william_curtis", + "francisco_villa", + "macaulay", + "john_uhler", + "callas", + "tombaugh", + "lozier", + "bose", + "william_chambers", + "gilbert", + "ironsides", + "minnewit", + "leakey", + "fellini", + "bronislaw_malinowski", + "van_doren", + "von_mauser", + "tawney", + "hans_conrad_julius_reiter", + "george_stevens", + "federico_fellini", + "woolley", + "karl_linne", + "bessie_smith", + "bradley", + "bentham", + "jean_antoine_watteau", + "patrick_henry", + "carnot", + "honegger", + "willy_brandt", + "vestris", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "friedan", + "shelley", + "katherine_cornell", + "jackie_robinson", + "thomas_the_doubting_apostle", + "montfort", + "bernardo_bertolucci", + "don_luchino_visconti_conte_di_modrone", + "stevenson", + "king_oliver", + "corday", + "charles_augustus_lindbergh", + "jan_steen", + "lichtenstein", + "frank_harris", + "e_e_cummings", + "john_ross", + "ali_baba", + "cassius_longinus", + "powell", + "philibert_delorme", + "guevara", + "peabody", + "stevens", + "andrew_mellon", + "kristoforus", + "hans_arp", + "browne", + "andrew_carnegie", + "alcott", + "pontius_pilatus", + "weismann", + "halevy", + "franz_schubert", + "william_butterfield", + "edward_d_white", + "howells", + "johnny_cash", + "vidal", + "joseph_mccarthy", + "wyler", + "alfred_kastler", + "penyelenggaraannya", + "marduk", + "mick_jagger", + "warhol", + "otto_loewi", + "steinman", + "robinson", + "tom_bradley", + "don_marquis", + "charles_peirce", + "mandelstam", + "georges_cuvier", + "peter_seeger", + "ethelred_i", + "sessions", + "saint_peter_the_apostle", + "hemingway", + "william_harvey", + "husain", + "walter_scott", + "wyat", + "h_j_eysenck", + "parkinson", + "francois_villon", + "charcot", + "august_von_wassermann", + "peter_medawar", + "paul_cezanne", + "jenner", + "werfel", + "stuyvesant", + "vladimir_lenin", + "sam_houston", + "pemilik_kilang_pengisar", + "fugard", + "dimaggio", + "robert_peary", + "rodgers", + "littre", + "zangwill", + "bartok", + "wilder", + "henry_steinway", + "kahlil_gibran", + "steiner", + "peter_i", + "daguerre", + "robert_browning", + "comenius", + "charles_kettering", + "mellon", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "franck", + "peter_i_dari_rusia", + "goebbels", + "iglesias", + "walter_gropius", + "albert_einstein", + "henry_sweet", + "donizetti", + "robert_joffrey", + "william_shakspere", + "aletta_jacobs", + "stubbs", + "thomas_edison", + "elizabeth", + "rasputin", + "chiang_kai_shek", + "benjamin_harris", + "beecher", + "claude_bernard", + "ailey", + "raymond_chandler", + "charles_dodgson", + "henry_purcell", + "francis_hopkinson", + "trumbull", + "windaus", + "de_la_mare", + "ostwald", + "flannery_o\u2019connor", + "john_wickliffe", + "nixon", + "t", + "tukang_gerobak", + "griffith", + "jean_francois_champollion", + "gainsborough", + "le_douanier_rousseau", + "thatcher", + "lemmon", + "cervantes", + "gonne", + "marley", + "witherspoon", + "wilhelm_ostwald" + ], + "ORG": [ + "laut_kulzum", + "the_states", + "dominion", + "ida", + "parti_demokrat", + "shinto", + "partai_demokratik", + "gerakan_oxford", + "proyek_manhattan", + "rumah_putih", + "pendidikan_rendah", + "pembelajaran", + "perikatan_utara", + "gironde", + "disesuaikan", + "paul_cezanne", + "jan_mayen", + "bukit_zaitun", + "balatentara", + "shift_kerja", + "aku_cinta_padamu", + "kemal_ataturk", + "malaikat_pelindung", + "nasa", + "the_street", + "kebudayaan_barat", + "saint_nicholas", + "duane", + "hinayana", + "batalyon", + "the_national_archives", + "isi", + "bollywood", + "kuartal_pertama", + "handalan", + "st_christopher", + "europol", + "schutzstaffel", + "pernikahan_sejenis", + "the_who", + "abu_ali_al_husain_ibn_abdallah_ibn_sina", + "pihak_pembangkang", + "haganah", + "empat_besar", + "partai_komunis", + "turut_serta", + "san_francisco", + "a_chorus_line", + "layang_layang_asia", + "tidak_sekali", + "taoisme", + "st_mary_magdalene", + "juga_sebaliknya", + "nara", + "pengasuhan", + "va", + "saint_george", + "pasifik_utara", + "sc", + "luar_biasa_hebatnya", + "kantor_pos", + "gao", + "united_states", + "dot", + "bertaburan_di", + "nanak", + "mahayana", + "golongan_borjuis", + "kongregasional", + "saint_vincent", + "angkatan_tentera", + "freemasonry", + "ec", + "hari_saint_joseph", + "palang_merah", + "john_tuzo_wilson", + "can_tho", + "saint_helena", + "don_juan", + "saus_pedas", + "waktu_sekolah", + "bunda_kedukaan", + "oni", + "the_new_school", + "partai_sosialis", + "aku_menyayangimu", + "ai", + "ibukota_new_mexico", + "kelas_pertengahan", + "majelis_nasional_republik_polandia", + "republik_cape_verde", + "aku_mengasihimu", + "the_football_league", + "chiang_mai", + "saint_andrew_the_apostle", + "bumi_hangus", + "akademi", + "sao_paulo", + "dia", + "the_big_four", + "aku_sayang_akan_engkau", + "persatuan_planet", + "sungai_yangtze", + "tak_piawai", + "gatt", + "galaksi_spiral", + "danau_st_clair", + "pengajian_islam", + "mulai_dari_tibet_ke_laut_cina", + "partai_sosial_demokrat", + "galeri_seni", + "le_mans", + "bulan_baru", + "pulang_modal", + "christian_science", + "nama_saya", + "caf\u00e9_au_lait", + "nama_saya_ialah", + "tahun_masihi", + "aku_sayang_kamu", + "rabindranath_tagore", + "pegawai_negeri", + "gestapo", + "gerakan_politik", + "shah_alam", + "chiang_chung_cheng", + "winnie_the_pooh", + "kantor_pabean", + "partai_republik", + "yesuit", + "putri_tidur", + "bunda_dari_tujuh_kedukaan", + "st_nicholas", + "heinrich_theodor_boell", + "sao_tome", + "who_are_you", + "dibuat_sesuai_pesanan", + "i_ching", + "saint_joseph", + "al_jazeera", + "rumah_sakit_jiwa", + "perhimpunan_kebangsaan_republik_korea", + "angkatan_darat", + "prasekolah", + "europe", + "addis_ababa", + "dag_hjalmar_agne_carl_hammarskjold", + "kota_kara", + "parti_buruh_norway", + "mossad", + "hare_krishna", + "ferdinand_magellan", + "bom_mobil", + "berasas", + "parti_republikan", + "kekaisaran_jerman", + "gula_gula_getah", + "pihak_berkuasa_palestin", + "hollywood", + "kurt_godel", + "daulat", + "saint_barth\u00e9lemy", + "sturmabteilung", + "cita_rasa_anggur", + "los_angeles", + "nato", + "burung_perkakak_eurasia", + "baltimore_orioles", + "puteri_beradu", + "agen_periklanan", + "majelis_nasional_perancis", + "malam_tahun_baru", + "city_hall", + "mi", + "by_the_way", + "uni_telekomunikasi_internasional", + "sungai_kuning", + "marinir", + "in_situ", + "sa", + "doc", + "di_era_kristen", + "ketenteraan", + "john_the_baptist", + "sekolah_dasar", + "marching_band", + "permen_karet", + "berkuli", + "al_ain", + "kaidah", + "biro_investigasi_federal", + "aquinas", + "kesatuan_telekomunikasi_antarabangsa", + "empayar_jerman", + "tentera_darat_amerika_syarikat", + "demokrasi_langsung", + "bunda_dari_kedukaan", + "streptococcus_pyogenes", + "pada_mulanya", + "organisasi_siswa_intra_sekolah", + "kopi_susu", + "perserikatan_bangsa_bangsa", + "sungai_huang_he", + "konsili_konstanz", + "bunda_dari_tujuh_kesedihan", + "merenjong", + "parti_buruh_australia", + "biro_penyiasatan_persekutuan", + "keluarga_kudus", + "partai_buruh_australia", + "isn", + "house_of_lords", + "st_lucia", + "mueang_chiang_rai", + "nikolas_dari_myra", + "yellow_river", + "angkatan_bersenjata", + "bekerja_bertungkus_lumus", + "undang_undang_sivil", + "s\u00e3o_tom\u00e9", + "van_gogh" + ], + "DISEASE": [ + "gamang", + "koreng", + "penjangkitan", + "hydrocephalus", + "dayungan", + "paratipoid", + "sars", + "keadaan_sedang_hamil", + "biasanya_ditandai_oleh_ritme_jantung_abnormal", + "kurang_sihat", + "bukan_kolera_tetapi_mirip", + "sampar", + "lipidaemia", + "mongolianisme", + "chorioretinitis", + "tinitus", + "jelatang", + "filovirus", + "tidak_kompatibel", + "kastanye", + "mimisan", + "gelegata", + "dan_panas", + "poliuria", + "aeroembolisme", + "penyakit_kuning", + "misofobia", + "mampu_menghasilkan_keturunan", + "bergores", + "rubela", + "traumatofobia", + "keadaan_abnormal_kehamilan", + "giantisme", + "menggandeng", + "penyibuk", + "ki", + "polio", + "aniseikonia", + "tabes_dorsalis", + "benggol", + "beberapa_penyakit_virus_pada_tanaman", + "kataphasia", + "kementahan", + "membuat_orang_kebingungan", + "periarteristis_nodosa", + "kalazion", + "dimulai_dari_pucuk", + "bunion", + "kepatahan", + "okronosis", + "flavivirus", + "kalus", + "galaktosele", + "demam_kambuhan", + "polidipsia", + "bisa_ditularkan_oleh_i_ricinus", + "kolik_usus", + "formikasi", + "kaki_melengkung", + "masa_mengawan", + "terjadi_saat_perjalanan_kendaraan_gerak", + "berderak", + "pendiri", + "keadaan_sukar", + "kelahapan", + "klinosephalisme", + "echimosis", + "rasa_tegang", + "arthralgia", + "rage", + "bagian_keuntungan", + "berkereta", + "astasia", + "analgesia", + "anestrus", + "sipilis", + "chill", + "tinggi_rendah", + "salmonela", + "epileptikus_status", + "als", + "tanatofobia", + "kinofobia", + "pengirfakan", + "denggi", + "habituasi", + "mencalar", + "rabies", + "pengeringan", + "bruccelosis", + "mastitis", + "paramyxoviridae", + "fotofobia", + "mencelakai", + "bersin", + "semakin_panas", + "kopok", + "keadaan_patologis", + "biasanya_berukuran_besar", + "skarlatina", + "kondrosarkoma", + "aktinomikosis", + "bodong", + "laringopharingitis", + "karena_parasit_penyerang_akar", + "teraniaya", + "dakriosistitis", + "molor", + "brusellosis", + "rembet", + "hsv_1", + "polidaktili", + "rasa_jengkel", + "pukul_deras", + "memekar", + "kelembekan", + "sub_normal", + "hemangioma_stroberi", + "daktilomegali", + "dan_kulit_melepuh", + "fatan", + "eburnasi", + "siderosis", + "herpes_simpleks", + "tidak_sihat", + "koriza", + "festinasi", + "diestrum", + "kebaharuan", + "aphasia_lancar", + "progeria", + "beberapa_gangguan_kulit", + "pemacu", + "mengigit", + "aquaphobia", + "suatu_serangan_histeria", + "tongos", + "mencekuk", + "keadaan_mental_ditandai_perasaan_pesimis_tidak_cukup", + "virus_herpes_zoster", + "hordeolum", + "kostokondritis", + "sore", + "biasanya_akibat_aborsi_spontan", + "furunkel", + "listeriosis", + "picit", + "jumlah_berlebih_natirum_dalam_darah", + "bobok", + "kerentaan", + "gangguan_personaliti", + "lallasi", + "kutil", + "distomatosis", + "poliarteritis", + "agak_sakit", + "personaliti_terbelah", + "brachydactyly", + "xerodermia", + "termasuk_suaranya_sendiri", + "kesiapsiagaan", + "croup", + "gangren", + "lordosis", + "logagrafia", + "tak_ada_bukti_klinis", + "kondrodistrofi", + "lepidofobia", + "herniasi", + "gondong", + "labirinthitis", + "handikap", + "penyongsangan", + "arthropati", + "striktur", + "julingan", + "claustrophobia", + "rasa_tidak_sihat", + "bintil", + "demam", + "mazopati", + "paramiksovirus", + "papiledema", + "mirip_gigitan_dingin_tetapi_tanpa_pembekuan", + "lembutnya", + "krisis_ekonomi", + "insectofobia", + "anestesi", + "menggosongkan", + "presbiopia", + "rasa_lemah", + "beriberi", + "seminoma", + "barah", + "demam_spirillum", + "mononeuropati_multipel", + "merasionalisasikan", + "mania", + "terkilir", + "kolestasis", + "the_bends", + "keluarbiasaan", + "katalepsi", + "labirintitis", + "lithiasis", + "stroke", + "polisipsia", + "keilosis", + "umum_pada_multipel_sklerosis", + "masa_kehamilan", + "picornavirus", + "shigelosis", + "struma", + "pengkaratan", + "phytophthora_infestans", + "sembap", + "terdiri_dari_spongioblast", + "phalangitis", + "korditis", + "bermayang", + "agammaglobulinemia", + "perleche", + "poliomielitis", + "pempigus", + "shape", + "apit", + "pengeluaran_nanah", + "satanofobia", + "lipidemia", + "demensia", + "keiloskisis", + "eksitasi", + "livedo", + "ms", + "si_gagal", + "keadaan_yang_menua", + "bengkang_bengkok", + "dan_sesaat", + "otorrhea", + "graviditas", + "fantods", + "pertusis", + "sengsai", + "askites", + "mengakibatkan_kepincangan", + "cupang", + "esensi", + "fruktosuria", + "pelebur", + "pharingitis", + "gondok", + "difabel", + "kudap", + "distropi_pseudohipertropik", + "kulampair", + "terjadi_pada_tulang_belakang", + "kegoncangan", + "sengatan", + "keadaan_tidak_dapat_tidur", + "lambdasisme", + "terasa_pedih", + "penyiksaan", + "seperti_pada_lidah", + "biasanya_menyerang_anak_anak_dan_orang_dewasa", + "pelecetan", + "sentak", + "sesitas", + "liliti", + "bisa_jadi_gejala_infeksi_keracunan_makanan_colitis_tumor", + "desikasi", + "rasa_berang", + "lalu_hati", + "klaustrofobia", + "albuminuria", + "si_bongkok", + "robohnya", + "analbuminemia", + "keadaan_sihat", + "kaki_ceruk", + "deuteranopia", + "pelagra", + "getilan", + "keadaan_tidak_dapat_bertindak", + "cacar", + "pengamputasian", + "umum_pada_anak_anak", + "piemia", + "rincian", + "para", + "abras", + "superinfeksi", + "presbiopi", + "ketaksekataan", + "pirofobia", + "granulositopenia", + "koreng_oriental", + "akaropobia", + "ada_scid", + "tibi", + "hay_fever", + "chorea", + "umum_pada_wanita_muda", + "polisithemia", + "anthraks_pneumonia", + "kolangitis", + "papiloma", + "melipatkan", + "elastosis", + "menjadi_makmur", + "juga_berkedutnya_muka_dan_anggota_badan", + "deraan", + "tetapi_jika_tidak_normal", + "radikulitis", + "lipaemia", + "menjadi_rosak", + "sipu", + "pendarahan", + "keadaan_menjadi_berdarah", + "siriasis", + "melecetkan", + "masa_kehamilan_ekstrauterine", + "ada_beberapa_bukaan_untuk_keluarnya_nanah", + "alalia", + "biasanya_diperoleh", + "penghibernatan", + "mieloma", + "astraphobia", + "talasemia", + "balanopostitis", + "arefleksia", + "abrasi", + "berlangsung_beberapa_jam_hari", + "kakogenesis", + "sodoku", + "beri_beri", + "cva", + "tiroiditis", + "lumbago", + "steatosistoma", + "bisa_jinak_ganas", + "kafeinisme", + "gravida", + "deviasi", + "preeklampsia", + "kolik_timbal", + "sianosis", + "klinosephali", + "koronari", + "bisa_disebabkan_oleh_salmonella_enteritidis", + "dan_sakit_kepala", + "transposisi", + "lebih_gula", + "menggeragau", + "kebiasan", + "psikoneurosis", + "tracheitis", + "kausalgia", + "crick", + "terdiri_dari_melanosit", + "raja_singa", + "demam_serebrospinal", + "pariti", + "gangguan_penglihatan", + "biasanya_terjadi_pada_tahun_ketiga_kehidupan", + "amastia", + "memberikan_perincian", + "strangulasi", + "umum_pada_pria_tua", + "skotoma", + "polineuritis", + "totikolis", + "tarsitis", + "distropi", + "solidifikasi", + "panensephalitis", + "tertoreh", + "muskularitas", + "karsinoma", + "katarak", + "posthitis", + "pasteurelosis", + "karsinokarsoma", + "anasarka", + "pelecok", + "geret", + "menggoreskan", + "geronyot", + "faringitis", + "hamartoma", + "chi", + "graphospasme", + "seloid", + "rachitis", + "delirium", + "ditambahkan", + "virus_mosaik_tembakau", + "balanitis", + "kaki_pincang", + "karotenemia", + "keterangsangan", + "melepuh", + "terutama_saat_turbulensi", + "skeleredema", + "rektosele", + "qi", + "gammopati", + "pembocoran", + "kankroid", + "parut", + "konstipasi", + "flutter", + "dilatasi", + "keadaan_sedang_subur", + "kayap", + "virus_miksima", + "teratu", + "granuloma", + "glikosuria", + "krisis_politik", + "dan_tak_bisa_kencing_sesuai_kehendak", + "lagophtalmos", + "biasanya_terkait_dengan_knock_knee", + "akolia", + "metamorphopsia", + "mola_hidatidosa", + "rakitis", + "erisipelas", + "akinesia", + "eritema_nodosum", + "scarlatina", + "tidak_hadam", + "hadangan", + "bisa_kronis_bila_berlanjut", + "malaise", + "renjat", + "stenosis_pilorik", + "terutama_pada_wajah", + "virus_tmv", + "kelemumur", + "spina_bifida", + "silikosis", + "beguk", + "periodontitis_kronis", + "kepengapan", + "flaviviridae", + "kolitis", + "segala_kelemahan_otot", + "memedihkan", + "distimia", + "rasa_loya", + "galaktosemia", + "kala_azar", + "quadrantanopia", + "gimp", + "kebalaran", + "sartan", + "philistinisme", + "estrus", + "kolik_pelukis", + "keadaan_mual_ringan", + "suatu_kondisi_ganas", + "air_merah", + "frenzy", + "keadaan_yg_menua", + "hernia", + "herpes", + "kerewelan", + "funikulitis", + "menguntum", + "bruselosis", + "protosele", + "kaki_panjang", + "penyakit_metabolik", + "viloma", + "hidatid", + "mongolisme", + "cerana", + "penyahhidratan", + "mirip_demam_texas", + "lipemia", + "vitalisasi", + "smart", + "amelia", + "keadaan_terangsang", + "bukan_di_janin", + "kaki_cakar", + "kurang_gisi", + "marasmus", + "umum_di_tropik_dan_timur_jauh", + "beri_seksaan", + "kraurosis", + "penyakit_karat", + "buta_bulan", + "rematik", + "akustikofobia", + "pimosis", + "plasenta_abruptio", + "paralitik_abasia", + "ed", + "lalu_ke_vesikle_dan_pecah_keluarkan_racun", + "lokoisme", + "pencekik", + "kostiasis", + "dan_kerak_kering", + "pica", + "kartilaginifikasi", + "tracheobronchitis", + "stenosis", + "mielofibrosis", + "anemi_mediterania", + "sternutasi", + "menanah", + "schizoprenia_katatonik", + "kepandiran", + "alveolitis", + "dedar", + "bertwist", + "salmonelosis", + "pitiriasis", + "mendorongsupaya", + "simphisis", + "selioma", + "rasa_gayat", + "cahayakan", + "paresis", + "seliuh", + "gangren_dingin", + "acorea", + "paralisis", + "lelasan", + "disthimia", + "tidak_bertidur", + "kemandulan", + "kederiaan", + "biasanya_karena", + "multipleks_disostosis", + "sesuatu_yang_dihasrati", + "tumbesaran", + "tak_terkait_kehilangan_pendengaran", + "perdarahan", + "choriomeningitis", + "talipes", + "gastritis_kronis", + "ketakdayaan", + "menjadi_merah_muka", + "servikitis", + "gravidasi", + "kepeningan", + "masa_kehamilan_ektopik", + "sumbatan", + "fluorosis", + "parametritis", + "automysophobia", + "keadaan_pingsan", + "barah_mulut", + "terpotong", + "selap", + "cosmida", + "rubella", + "tidak_ada_refleks", + "epidermolysis_bullosa", + "tetralogi_fallot", + "pansinusitis", + "kesumpekan", + "pain", + "melecur", + "kolesistitis", + "gargoylisme", + "ortochorea", + "keadaan_mabuk", + "goiter", + "coret", + "virus_ebola", + "diestrus", + "moluskum", + "bunyaviridae", + "metasiesis", + "akinesis", + "kurang_berhasil", + "menjadi_usang", + "merembesi", + "getah_kayu", + "setengah_gila", + "hal_menggerakkan_jantung", + "atau_fonem_r_diucapkan_sebagai_l", + "heterotaksi", + "the_passion_of_the_christ", + "purpura", + "thirotoksikosis", + "polyarteristis_nodosa", + "kurang_kasih_sayang", + "rasa_pedih", + "kretinisme", + "aerodontalgia", + "schizoid", + "kambuh", + "hermaphrodisme", + "vasovesiculitis", + "inversi", + "odinofagia", + "suatu_kemalangan", + "klinodaktili", + "fonofobia", + "thalasemia", + "furunkulosis", + "nimpolepsi", + "laringitis", + "keadaan_terjaga", + "kolik_saluran_pencernaan", + "laminitis", + "blastositoma", + "autoimunitas", + "rasa_mual", + "parasitemia", + "paraplegia", + "keadaan_tidak_cergas", + "bisa_gatal", + "semua_yang_merusak", + "kaki_gajah", + "anestrum", + "kemudikan", + "keterujaan", + "stigmata", + "mengcopy", + "pakiderma", + "appendikitis", + "kontusi", + "kelemahlunglaian", + "parestesi", + "mengapakan", + "menjangkar", + "anastesia", + "sawan", + "mengantup", + "pirosis", + "umum_pada_remaja", + "herpangia", + "jangkitan", + "virus_west_nile", + "melecup", + "plasmasitoma", + "valvulitis", + "mielitis", + "sangkak", + "pollinosis", + "peracunan", + "kedongkolan", + "laparosele", + "smut", + "odontalgia", + "leper", + "lisinemia", + "pembengkakan", + "togaviridae", + "orthopnea", + "schistosomiasis", + "tachikardia", + "kerlingan", + "androphobia", + "telah_putus", + "mastopati", + "bisa_jadi_tanda_lahir", + "umum_pada_orang_tua", + "dissinergia", + "aerombolisme", + "terlalu_banyak_makan_karbohidrat_kurang_protein", + "mi", + "pirai", + "biasanya_karena_alergi", + "seperti_pada_aterosklerosis", + "pembengkokan", + "rasa_sakit", + "polipus", + "biasanya_gejala_sakit_saluran_kencing", + "seperti_raspberi", + "suatu_pemborokan", + "alastrim", + "klorosis", + "terutama_disebabkan_kondisi_syaraf", + "virus_tanaman", + "biasa_pada_payudara", + "mengalami_keruntuhan", + "kondroma", + "ketaknormalan", + "mememarkan", + "suatu_bentuk_tuberkolosis", + "aura", + "pencetusan", + "suatu_gejala_dari_keadaan_alergi", + "roset", + "garukan", + "brachydactylia", + "tan", + "selularitas", + "lipidosis", + "sting", + "blastoma", + "bertambah_sengit", + "mencurah", + "morphea", + "oksisephali", + "seperti_tulang", + "laserasi", + "biasanya_terkait_anemi", + "aminoasiduria", + "ophidisme", + "mono_framework", + "beberapa_penyakit_cemara", + "berbara", + "plumbisme", + "protanopia", + "emmetropia", + "peliosis", + "break", + "karsinoid", + "ginekomastia", + "anthraks", + "kegemasan", + "pansitopenia", + "kejulingan", + "umum_pada_bayi", + "merupakan_ciri_saat_melahirkan", + "kaki_dan_muka", + "naik_merah", + "virus_wtv", + "allamah", + "trauma", + "kernikterus", + "keadaan_sakit", + "chancroid", + "buah_berangan", + "dan_jaringan_konektif", + "tirosinemia", + "bradikardia", + "uraemia", + "dimulai_dari_wajah", + "gondongan", + "kuru", + "kistitis", + "kepialu", + "ketandusan", + "hal_tanpa_gairah", + "bukan_karena_penyakit", + "hawar", + "bermotokar", + "kiloderma", + "fotoretinitis", + "sekuela", + "sitomegalovirus", + "proktitis", + "sitopenia", + "selaran_matahari", + "semakin_hangat", + "ketakcernaan", + "pandangan_monokromatik", + "hangitkan", + "keempukan", + "ekstrasistol", + "noma", + "materialisme", + "boleh_tidur_dalam", + "hemeralopia", + "pokok_berangan", + "kastanya", + "essiesis", + "astrafobia", + "torpiditas", + "chorea_huntington", + "cucuran", + "eksim", + "burut", + "jerawat", + "polisomi", + "ulser", + "roseola_infantilis", + "tetikus", + "flare", + "petekia", + "polimiositis", + "demineralisasi", + "kanser", + "distensi", + "berotot", + "virus_junin", + "hermaphroditisme", + "demielinasi", + "bunyavirus", + "sedang_dalam_bentuk_atau_dalam_kondisi", + "anthraks_inhalasi", + "gangguan_saraf", + "ahli_pengasas", + "distrofi", + "taksekataan", + "parvovirus", + "salmonella", + "dekstrokardia", + "jaundis", + "kalsifikasi", + "krup", + "indisposisi", + "rasa_kebas", + "tritanopia", + "virus_variola", + "normotermia", + "rubuh", + "pemumiaan", + "naik_motor", + "kolik_timah_hitam", + "distropi_muskular", + "sesuatu_yang_sentimental", + "pencekikan", + "albuminura", + "tak_bisa_bergerak_sendiri_dan_bereaksi_atas_rangsangan", + "kalositi", + "esotropia", + "eventrasi", + "katarak_kortikal", + "maloklusi", + "bagian_dari_sesuatu", + "rosasea", + "penyakit_cushing", + "sangat_bingung", + "atau_saluran_pencernaan", + "seperti_pada_kencing_manis", + "suatu_tumor_abdominal", + "melukakan_perasaan", + "taphephobia", + "paritas", + "malaria", + "lalu_gagal_ginjal", + "tarantisme", + "palsi", + "gout", + "kongesi", + "mastoiditis", + "pada_anak_anak", + "biasanya_diperoleh_ketika_berenang", + "bungkuk" + ], + "RELIGION": [ + "albigensis", + "zen", + "donatisme", + "shinto", + "manichaeisme", + "calvinisme", + "hinayana", + "katarisme", + "islam", + "namun_bukan_buddha_dan_gaib", + "salafiyah", + "christian_science", + "ismailiyah", + "maniisme", + "wedanta", + "syinto", + "agama_buddha_theravada_punah_di_india", + "kresnaisme", + "ditandai_dengan_pemujaan_roh_nenek_moyang_dan_roh_ala", + "kesufian" + ], + "LOCATION": [ + "al_jazeera", + "terimakasih", + "s_train", + "da_gamma", + "ruang_pandang", + "st_eustatius", + "danau_edward", + "vespucci", + "la_plata_buenos_aires", + "park", + "hari_colombus", + "sungai_yangtze", + "makasih", + "corpus_christi", + "u.s", + "cara_pamungkas", + "bimasakti", + "ke_pusat_bandar", + "hari_santo_martin", + "al_haram_al_sharif", + "sinterklas", + "kota_terdalam", + "cepatlah", + "juarez", + "piet_mondrian", + "selat_melaka", + "santa_fe", + "sint_maarten", + "angkatan_darat_amerika_serikat", + "centennial_state", + "waktu_bersenang_senang", + "cape_verde", + "marie_grosholtz", + "trois_rivi\u00e8res", + "allahu_akbar", + "sleeping_beauty", + "samudra_hindia", + "saint_patrick", + "the_states", + "saint_george", + "mary_magdalene", + "land", + "saint_vincent", + "hemisfera_barat", + "blue_mountains", + "joseph_louis_gay_lussac", + "tussaud", + "terusan_utara", + "holy_land", + "hari_tahun_baru", + "gay_lussac", + "mulai_dari_tibet_ke_laut_cina", + "mondrian", + "selat_inggeris", + "bank_sentral", + "tanjung_horn", + "saint_christopher", + "bank_pusat", + "saint_nicholas", + "tempat_percutian", + "medan_gaya", + "cape_of_good_hope", + "usa", + "the_city", + "hari_sebelum_krismas", + "saint_lucia", + "malam_natal", + "saint_peter", + "hat_yai", + "arena", + "kriss_kringle", + "danau_superior", + "sri_lanka", + "hari_tahun_baharu", + "al_haram_asy_syarif", + "villa_lobos", + "southern_cross", + "gunung_karmel", + "tahun_baru", + "the_rolling_stones", + "cordon_bleu", + "gunung_carmel", + "saint_lawrence", + "medan_pertarungan", + "tanah_lapang", + "downtown", + "virgin_mary", + "court", + "kerajaan_tentera", + "ditandai_oleh_hematuria", + "tentera_udara", + "rumah_sakit_gila", + "the_holy_see", + "angkatan_udara", + "heitor_villa_lobos", + "selat_inggris", + "hari_santo_martinus", + "tanjung_verde", + "al_ain", + "santa_claus", + "bandar_baru", + "apostle_paul", + "tasik_superior", + "hari_columbus", + "st_patrick", + "iron_cross", + "never_never" + ], + "FOOD": [ + "beligo", + "pastri", + "ati_angsa", + "cara_membuat_kuih_dan_pastri", + "agar_agar_sari_anggur", + "mousse", + "saus_kranberi", + "pai_epal", + "es_krim_neapolitan", + "kundur", + "desert", + "sugarloaf_mountain", + "ati_ayam", + "rutbir", + "gabah", + "stimbot", + "dan_sandung_lamur", + "es_teh", + "kaki_anak_domba", + "sarapan_ringan", + "capsicum", + "kaki_kalkun", + "sarapan", + "lemonad", + "has_dalam", + "rebung", + "gulali", + "air_kelapa", + "saus", + "kaki_kodok", + "teh_ais", + "farina", + "tulang_t", + "mie_telur", + "es_krim_pisang", + "bersarapan", + "es_kopi", + "rasanya_sedikit_pahit", + "bir_dari_munich", + "chili", + "sengkel", + "chile", + "croasang", + "danablu", + "saus_cranberi", + "teh_herbal", + "daun_salam", + "menyarap", + "teh_manis", + "sukade", + "capcai", + "es_susu", + "ati_anak_sapi", + "sancan", + "angsu", + "es_krim", + "has_luar", + "kon_aiskrim", + "masih_kuat", + "kari_kambing", + "teh_hitam" + ], + "PLANT": [ + "hibiscus_syriacus", + "kacang_parang", + "melissa", + "baru_cina", + "jelatang", + "komak", + "srikaya", + "the_joshua_tree", + "helianthus", + "kubis", + "kacang_botor", + "vanili", + "solanaceae", + "bengkuang", + "chamomile", + "tengguli", + "kapasan", + "arabidopsis_thaliana", + "cendana", + "artist", + "kayu_berangan", + "jeringau", + "beri_hitam", + "gentiana_lutea", + "kenanga", + "sakura", + "plum", + "candida_albicans", + "luluabourg", + "mustard", + "calophyllum_inophyllum", + "kranberi", + "salayar", + "sitomembran", + "sirih_gading", + "karot", + "allamanda_cathartica", + "zaitun", + "amanita_muscaria", + "silybum", + "leunca", + "trengguli", + "talas_belitung", + "kamperfuli", + "kananga", + "prem", + "jejarum", + "pokokpopi", + "nogales", + "pinang", + "phytophthora_infestans", + "gilas", + "rumbia", + "flamboyan", + "seruni", + "blackberry", + "beberapa_penyakit_cemara", + "rambusa", + "ki_hujan", + "terulak", + "dewadaru", + "kuda_perang", + "blumkol", + "bunga_bungan", + "arum", + "saccharomyces_cerevisiae", + "boletus_edulis", + "juwawut", + "buluh_minyak", + "dudaim", + "marum", + "sawi", + "tanacetum_parthenium", + "cervil", + "kedaung", + "manuskrip_papirus", + "mentha_longifolia", + "nasturtium", + "klematis", + "yew", + "enokitake", + "pering", + "pandan_duri", + "cinnamomum_cassia", + "netel", + "tusam", + "gembolo", + "buah_berangan", + "sengkuang", + "euphorbia_milii", + "ranti", + "magnolia", + "palem", + "dadap", + "racun_tanaman_merambat", + "pokok_getah", + "pulai", + "pancar", + "bunga_forget_me_not" + ], + "DATE": [ + "cukup_umur", + "waktu_nostalgia", + "tidak_lama_lagi", + "hari_kemenangan_eropa", + "masa_keemasan", + "hari_suci_kristen", + "setengah_abad", + "hari_kemerdekaan_texas", + "masa_menstruasi", + "tahun_komariah", + "hari_pemilihan", + "waktu_standard_alaska", + "masa_hukuman", + "waktu_kerja_program", + "hari_libur_bank", + "hari_sial", + "tahun_sipil", + "saat_lompat", + "hari_victoria", + "kalendar_komariah", + "waktu_kosmik", + "setiap_saat", + "hari_hallowmass", + "hari_bendera_argentina", + "pertengahan_januari", + "hari_raya_semua_orang_kudus", + "masa_wakil_presiden", + "waktu_setempat", + "hari_raya_puasa", + "era_kristian", + "hari_pelantikan", + "tahun_akademik", + "waktu_universal_terkoordinasi", + "periode_orbit", + "bulan_biru", + "waktu_musik_duple", + "tahun_kabisat", + "waktu_residens", + "hari_besar", + "hari_pertandingan_atletik", + "hari_peringatan_veteran", + "hari_ayah", + "hari_persemakmuran", + "minggu_natal", + "anak_bulan", + "hari_siderial", + "hari_raya_haji", + "hari_angkatan_bersenjata", + "hari_rogasi", + "waktu_universal", + "terpenting", + "hari_perserikatan_bangsa_bangsa", + "waktu_musik_triple", + "masa_prima", + "hari_pernikahan", + "the_day_after_tomorrow", + "apabila_sudah", + "waktu_standard_atlantik", + "hari_angkatan_tentera", + "lewat_batas", + "hari_kanada", + "hari_kebangsaan", + "hari_bastile", + "tahun_masihi", + "waktu_transmisi", + "waktu_terakhir", + "dengan_tidak_lama", + "in_time", + "hari_h", + "hari_memorial", + "hari_peringatan", + "waktu_sibuk", + "hari_orang_suci", + "hari_libur_keagamaan", + "hari_pan_amerika", + "hari_bendera", + "hari_groundhog", + "awal_waktu", + "hari_dominion", + "waktu_pertanyaan", + "hari_ibu", + "hari_santo_patrick", + "hari_april_fool", + "waktu_tempuh_perjalanan", + "tahun_matahari", + "hari_suci_yahudi", + "bulan_anomali", + "hari_dalam_seminggu", + "hari_militer", + "konstanta_matahari", + "tahun_platonik", + "waktu_standard_timur", + "waktu_sarapan", + "tahun_anomali", + "renaisans_italia", + "lama_betul", + "hari_kemenangan", + "waktu_paruh", + "pada_mulanya", + "tahun_kosong", + "hari_pengakuan", + "masa_noenatal", + "setengah_jam", + "waktu_standard_hawaii", + "waktu_habis", + "new_moon", + "hari_presiden", + "waktu_kedatangan", + "perkelahan", + "hari_raya_aidilfitri", + "hari_pidato", + "hari_perjanjian", + "de_nachtwacht", + "sekilat", + "bulan_baru", + "masa_pensiun", + "hari_kabisat", + "waktu_prima", + "waktu_reaksi", + "satu_kali", + "masa_perdana", + "hari_pasar", + "hari_st_patrick", + "waktu_siderial", + "waktu_bumi", + "hari_veteran", + "hari_dingin", + "lebaran", + "revolusi_perindustrian", + "waktu_semesta_berkoordinat", + "d_day", + "hari_kemerdekaan", + "zaman_kejayaan", + "waktu_greenwich", + "hari_para_orang_kudus", + "waktu_standard_bering", + "hari_panas", + "zaman_keemasan", + "tahun_lompat", + "hari_saint_agnes", + "sepanjang_waktu", + "hari_perjuangan", + "hari_raya_aidiladha", + "waktu_sideris", + "waktu_standar", + "suatu_masa_dulu", + "lusa", + "waktu_keberangkatan", + "hari_gereja", + "hari_kelahiran_lincoln", + "tahun_utama", + "pertama_sekali", + "waktu_min_greenwich", + "waktu_standard_pasifik", + "waktu_menonton_tv", + "hari_boxing", + "waktu_tutup", + "tahun_fiskal", + "waktu_perdana", + "corpus_christi", + "rata_rata_pernafasan", + "bulan_purnama", + "waktu_standard_pusat", + "waktu_tempuh", + "masa_sulit", + "kerajaan_baru", + "hari_menanam_pohon", + "masa_masa_sulit", + "hari_pengakuan_dosa", + "hari_guy_fawkes", + "di_era_kristen", + "hari_bapa", + "hari_bastille", + "hari_kue_pancake", + "bulan_penuh", + "tahun_siderial" + ], + "ANIMAL": [ + "bekerja_dengan_rajin", + "probiotik", + "nasar", + "cat", + "butang_kepalalat", + "kera_bekantan", + "the_raven", + "bulik", + "berang_berang", + "tebuan", + "kongkang", + "cangak", + "heron", + "berdekut", + "bis_australia", + "lemmus_lemmus", + "bullfinch", + "genus_sperilium", + "kunduz", + "si_pemalas_darat", + "menjadi_merah", + "canis_minor", + "gagak", + "badger", + "pisces", + "mammal", + "falkon", + "berkukur", + "berkik", + "belangkas", + "swift", + "mamalia", + "lactobacillus_acidophilus", + "seguni", + "virus_herpes_simpleks", + "berkek", + "ibu_suri", + "virus_epstein_barr", + "virus_varicella_zoster", + "surai", + "xuan_wu", + "artiodaktil", + "virus_parainfluensa", + "wiesel", + "baqa", + "kerawai", + "raven", + "betok", + "mentibang", + "virus_kentang", + "mink", + "menjangan", + "torani", + "artropod", + "penyakit_bakteri_akut_pada_kuda", + "penyengat", + "malacopterigian", + "hound", + "teh_hijau", + "kerbau", + "sesorok", + "virus_machupo", + "berkuku", + "arthoropoda", + "bumblebee", + "mengkira", + "stieglitz", + "sistem_syaraf", + "variola_minor", + "pungguk", + "ketitir", + "banteng", + "manusia_peking", + "feret", + "wren", + "virus_marburg", + "kelomang", + "donald_duck", + "kupang", + "perkici_pelangi", + "moose", + "conraua_goliath", + "virus_varisela_zoster", + "millipede", + "virus_lassa", + "herpes_zoster", + "mempengaruhi_kulit", + "beaver", + "kodok", + "kelayang", + "burung_sualo_api", + "muntah_hitam", + "mentok", + "kowak", + "bertelapuk", + "camar", + "virus_binatang", + "kokok", + "mendekut", + "genus_stafilococus", + "penyakit_virus_ebola", + "bejar", + "belitung", + "bengkatak", + "kaki_seribu", + "yorkshire_terrier", + "kuntul", + "raja_udang", + "selar_bentong", + "gonggok", + "tabuhan", + "vole", + "berkokok", + "grouse", + "kondor", + "katak", + "ikan_dari_mississippi", + "mentadak", + "artropoda", + "eider", + "capiz", + "kondoz" + ], + "QUANTITY": [ + "dua_puluh_sembilan", + "keadaan_oksidasi", + "rupee", + "dua_puluh_enam", + "dua_puluh_dua", + "kaki_persegi", + "dua_puluh_satu", + "dua_puluh_pitu", + "sterling", + "won_korea_selatan", + "keadaan_pengoksidaan", + "dua_puluh_delapan", + "konstanta_kesetimbangan", + "dua_puluh_lapan", + "tiga_hukum_robot", + "tiga_kerajaan", + "pelataran_parkir", + "jumlah_sperma", + "dua_puluh_empat", + "sejumlah_tertentu", + "dua_puluh_telu", + "satu_likur", + "shilling", + "dalam_jumlah_tertentu", + "satu_perempat", + "tempat_kurungan_binatang_yang_ditahan", + "satu_persejuta", + "dinar", + "tiga_likur", + "krona", + "setengah_dozen", + "satu_persembilan", + "won_korea_utara", + "ton", + "dua_puluh_tujuh", + "tempat_kereta_berhenti", + "selikur", + "sepertujuh", + "sepertiga", + "riyal", + "tahun_cahaya", + "zaman_tiga_negara", + "satu_pertiga", + "mark_jerman", + "satuan_pengukuran", + "lima_likur", + "memodulasikan", + "g", + "jumlah_yang_pasti", + "yang_kelima", + "dua_puluh_lima", + "elektronvolt", + "rial", + "dua_puluh_tiga", + "rupee_india", + "panjang_tubuh", + "krone", + "jumlah_yang_diperkirakan", + "jumlah_kepala", + "pound", + "ke_seratus", + "keti", + "tempat_kurungan_binatang_yg_ditahan", + "dua_likur", + "lima_ratus", + "satu_perseratus", + "satu_pertujuh", + "franc_swiss", + "empat_likur", + "perenam", + "anders_celsius", + "tempat_kurungan_binatang", + "tiga_hukum_robotik", + "ezra_loomis_pound", + "jumlah_relatif" + ], + "JOB": [ + "mahaguru", + "pelakon", + "pereka", + "cegahan", + "penjahit", + "guru", + "pelebur", + "mercator", + "sukarelawan", + "ibu_tumah_tangga", + "the_nanny", + "mandur", + "shearer", + "sentinel", + "komandan", + "biskop", + "forester", + "penjaring", + "pengkonduksi", + "pengaturcara", + "pemeran", + "speaker", + "penganalisa", + "berhadir", + "saintis", + "sersan", + "pengepak", + "sutradara", + "pustakawan", + "serikandi", + "kelautan", + "ke_dua", + "miller", + "manajer", + "penganyam", + "kolonis", + "wirausahawan", + "tandil", + "residen", + "bersukarela", + "pengusaha", + "tukang_tembikar", + "peniaga", + "adang", + "seorang_pembuat_peta", + "berkawal", + "koordinator", + "kecelakaan_cerebrovascular", + "lascar", + "cooper", + "sipir", + "pendiri", + "sexton", + "renjer", + "mistar", + "masinis", + "berada_dalam_comberan", + "obstetrisian", + "koperal", + "don", + "king", + "fomen", + "peternak", + "dirahsiakan", + "mahout", + "penulis", + "menakhlikkan", + "carver", + "the_police", + "penghibur", + "intern", + "dimasak", + "seorang_penulis_kaligrafi", + "skinner", + "pemelihara", + "pretor", + "bentara", + "petahana", + "tauke", + "paramedis", + "narapati", + "lister", + "pengendali", + "wasit", + "penghilang", + "pentafsir", + "peservis", + "panglima", + "distributor", + "seorang_gadis_pengawas", + "pelobi", + "kanselir", + "barbir", + "grip", + "para", + "pengajar", + "menggadaikan", + "mendada", + "fuller", + "sensei", + "thatcher", + "pengutus", + "currier", + "cook", + "couturier", + "kastroli", + "mastermind", + "coret", + "kerahan", + "land", + "hakim", + "bertanak", + "penaip", + "tempat_membawa_barang", + "kuartermaster", + "vigilante", + "pekilang", + "demang", + "anemer", + "penguasa", + "sahaya", + "sambungkan", + "butler", + "pensyarah", + "pentadbir", + "sekon", + "paralegal", + "pengambin", + "teritorial", + "pitman", + "kurator", + "qadi", + "penguji", + "si_piutang", + "brigadier", + "pengurus", + "rekan", + "novelis", + "kamikaze", + "wheeler", + "seseorang_yang_mengedit", + "penari", + "bendahari", + "menjeramah", + "the_advocate", + "adiperagawan", + "bidak", + "penskor", + "laksamana", + "merinyu", + "amberal", + "page", + "tukang_batu", + "volenter", + "korporal", + "seorang_pembuat_perahu", + "mayor", + "mejar", + "sculptor", + "perabu", + "pengilustrasi", + "letnan", + "meteorologis", + "kuak", + "pegawai_polis", + "pelaksana", + "pengilang", + "apopleksi", + "peninju", + "menginternir", + "syerif", + "master", + "the_guardian", + "kataloger", + "pengagih", + "stroke", + "tukang_labu", + "industrialis", + "seorang_spesialis_anestesi", + "memperhubungkan", + "cengkut", + "kartunis", + "penterjemah", + "penasehat", + "akuntan", + "mandarin", + "reguler", + "pengatur", + "wataniah", + "pramugara", + "walikota", + "herder", + "pengasuh", + "mason", + "kerani", + "fowler", + "hussar", + "pengalir", + "stoker", + "seorang_pembuat_kue", + "pengusung", + "dayungan", + "mengelui", + "merentungkan", + "loyar", + "jaksa", + "besteler", + "rabi", + "mencontohkan", + "desainer", + "komander", + "sitter", + "pengucap", + "pengoperasi", + "pastor", + "berada_dalam_kubangan", + "uskop", + "bermusim", + "kolonel", + "pengawas_hutan", + "guner", + "dosen", + "regulator", + "menggembala", + "brigedier", + "cartwright", + "marsyal", + "tukang_langsir", + "canselor", + "ibu_susu", + "eksekutif", + "paramedik", + "kopral", + "seorang_pembuat_roti", + "gaucho", + "beadle", + "ibu_susuan", + "pengemban", + "jelata", + "perajurit", + "pengecat", + "menggadai", + "penunjuk_perasaan", + "penganalisis", + "malim", + "the_economist", + "seaman", + "seniwati", + "broker", + "mendalangi", + "the_broker_si_broker", + "wetter", + "carter", + "porter", + "seorang_kritikus_lukisan", + "periwayat", + "merekayasa", + "tukang_gerobak", + "pengkhutbah", + "setiausaha", + "barista", + "gauco", + "pengedit", + "gabenor", + "penakik", + "bergadai", + "warrior", + "barber", + "pemalsu_wang", + "pesawah", + "perakam", + "pelancung", + "the_hangover", + "peraih", + "penala", + "menghulurkan_tangan", + "doc", + "bermasak", + "saudagar", + "the_boxer", + "tidak_lazim", + "yang_menghasilkan", + "pengemudi", + "petinju", + "the_machinist", + "pengandam", + "usher", + "messenger", + "setiausaha_agung", + "pramusiwi", + "serdadu", + "sudah_tahu", + "mangkubumi", + "hulubalang", + "pengail", + "pengerusi", + "pelanggar_mogok", + "cakupan", + "pedagang", + "pendaftar", + "marbut", + "pengisih", + "the_interpreter", + "rabai", + "salatin", + "akauntan", + "blaster", + "pengulin", + "pramugari", + "ajudan_jenderal", + "muhami", + "pengelola", + "bidan", + "partikelir", + "pengedar", + "marshall", + "penggergaji", + "pemogok", + "sub", + "the_independent", + "turner", + "menyabun", + "berganding", + "esquire", + "pengukir", + "pendandan", + "sungai_para", + "asisten", + "jumpelang", + "pengutip", + "memperkaitkan", + "kardiolog", + "brigedier_jeneral", + "pengeluar", + "bintara", + "angin_ahmar" + ], + "RELIGION_MEMBER": [ + "penggoncang", + "anabaptist", + "guru", + "augustine", + "the_hindu", + "kakanda", + "moor", + "mandean", + "dunker", + "fransiskan", + "brother", + "seorang_misionaris_kristen", + "mormon", + "shivaist", + "mengufurkan", + "kanda", + "orang_protestan", + "the_apostle", + "mullah", + "puritan", + "sunni", + "parsi", + "wahabi", + "jihadis", + "adinda", + "christian_scientist", + "shaktis", + "kangmas", + "akang" + ], + "LANGUAGE": [ + "dari_jauh", + "bengali", + "bahasa_avestan", + "bahasa_tatar", + "bahasa_lithuania", + "bahasa_macedonia", + "kashmiri", + "kongo", + "bahasa_burma", + "smith", + "akan", + "greek", + "guranani", + "bahasa_sardinia", + "bahasa_romania", + "bahasa_albania", + "ganda", + "gilap", + "bahasa_makedonia", + "wicara", + "biri_biri_betina_dewasa", + "french", + "ibrani", + "malayalam", + "keinggrisan", + "sinhala", + "hindi", + "belandawi", + "assamese", + "herero", + "bahasa_rumania", + "divehi", + "wallon", + "walloon", + "benggali", + "esperanto", + "rumawi", + "biri_biri_betina", + "katalan", + "bahasa_malayalam", + "lao", + "bahasa_amhar", + "speech", + "ido", + "kazakh", + "tonga", + "kannada" + ], + "FAC": [ + "arnold_schoenberg", + "saint_james_the_apostle", + "schoenberg", + "tanjung_harapan", + "balai_polis", + "sekolah_rendah", + "tiga_puluh_tiga", + "schonberg", + "peter_i", + "fernand_leger", + "plaza", + "saint_joseph", + "peter_the_great", + "hari_saint_joseph", + "memperluaskan", + "peti_tiang", + "max_muller", + "peter_i_dari_rusia", + "gereja_katolik_roma", + "saint_lucia", + "st_james", + "empat_musim", + "arnold_schonberg", + "sekolah_kedokteran", + "titus_livius", + "duane", + "saint_peter", + "uncit", + "st_james_the_apostle", + "gereja_roman_katolik", + "besar_besarkan" + ], + "SOC_ECO_CLASS": [ + "menggisi", + "center", + "samurai", + "kutip", + "seorang_pilihan", + "berkuli", + "pasaran_gelap", + "pasar_gelap", + "golongan_bangsawan", + "proletariat", + "bekerja_bertungkus_lumus", + "meruntih", + "jati", + "kearistokrasian", + "sosialit", + "perburuhan", + "seludupan", + "keningratan", + "sedikit_saja" + ], + "GPE": [ + "medan_bandar", + "hak_asasi_manusia", + "hari_st_george", + "gunung_kerinci", + "selamat_pulang", + "st_christopher", + "st_peter", + "serai_wangi", + "bunda_kesedihan", + "st_vitus", + "matius", + "st_jude", + "kotte", + "dar_es_salaam", + "taman_industri", + "gedung_putih", + "sint_maarten", + "santo_peter", + "st_matthew", + "bunda_dari_kesedihan", + "balai_balai", + "air_panas", + "hak_asasi", + "hagia_sophia", + "saint_peter", + "parakletos", + "saint_andrew", + "simon_peter", + "s\u00e3o_tom\u00e9", + "santo_george", + "gran_canaria", + "saint_george", + "aya_sophia", + "simon_petrus", + "holy_land", + "santo_nicholas", + "gunung_tai", + "laut_merah", + "al_andalus", + "sugarloaf_mountain", + "vinh_long", + "la_gomera", + "hari_valentine", + "st_louis", + "hari_kasih_sayang", + "kristoforus", + "st_john_the_baptist" + ], + "PRODUCT": [ + "the_hunger_games", + "justin_bieber", + "new_zealand", + "fyodor_dostoyevsky", + "selandia_baru", + "ruhul_qudus", + "al_jazeera", + "john_lackland", + "diego_garcia", + "pokok_krismas", + "malam_keduabelas", + "hari_santo_stefanus", + "cape_horn", + "twelfth_night_or_what_you_will", + "membuat_hubungan_pendek", + "tanjung_horn", + "s_train", + "julius_caesar", + "saint_vincent", + "st_george\u2019s", + "the_star_spangled_banner", + "mary_magdalene", + "don_quixote", + "sachsen_anhalt", + "sirkuit", + "die_hard", + "city_hall", + "konstantin_stanislavsky", + "the_lord_of_the_rings", + "parakletos", + "tiga_kerajaan", + "father_christmas", + "la_dolce_vita", + "berlalu_bersama_angin", + "deutsche_welle", + "gong", + "st_mary_magdalene", + "membuat_sirkuit_pendek", + "north_rhine_westphalia", + "saint_nicholas", + "ferdinand_magellan", + "roh_kudus", + "mario_andretti", + "sungai_san_joaquin", + "pelengkung_kemenangan", + "san_sebastian", + "s\u00e3o_tom\u00e9_dan_pr\u00edncipe", + "pohon_natal", + "the_hitchhiker's_guide_to_the_galaxy", + "bohongan", + "hari_boxing", + "empat_musim", + "ibukota_grenada", + "nordrhein_westfalen", + "deux_fr\u00e8res", + "peringatan_pernikahan_perak", + "saint_peter", + "waktu_terakhir", + "novo_mesto" + ], + "UNION": [ + "itu", + "organisasi_profesional" + ], + "PERSON": [ + "blessed_virgin", + "prince_albert", + "julius_caesar", + "ha_ha", + "paul_the_apostle", + "st_dominic", + "al_gore", + "seleucus", + "h_g_wells", + "albert_francis_charles_augustus_emmanuel", + "saint_vincent", + "st_mary_magdalene", + "i_ching", + "e_o_wilson", + "st_ambrose", + "igor_ivanovich_sikorsky", + "saint_ambrose", + "margaret_munnerlyn_mitchell", + "e_e_cummings", + "edward_osborne_wilson", + "roger_eliot_fry", + "philip_ii_of_macedon", + "walther_richard_rudolf_hess", + "saul_of_tarsus", + "willard_frank_libby", + "george_v", + "al_amin", + "igor_sikorsky", + "seleucus_i_nicator", + "edward_franklin_albeen", + "carl_david_anderson", + "gaius_julius_caesar", + "zeno_of_citium", + "maxwell_anderson", + "boletus_edulis", + "dominikus", + "yo_yo", + "rudolf_hess", + "tiga_puluh_dua", + "dr_watson", + "apostle_of_the_gentiles", + "herbert_george_wells", + "timur_tenggara" + ], + "POLITICAL_PARTY_MEMBER": [ + "menshevik", + "populis", + "sungai_republican" + ], + "RACE": [ + "dari_lahir", + "indian_airlines", + "french", + "abiaz", + "asmaradanta", + "latin", + "anak_kelahiran", + "warga_afrika", + "pasifik_selatan", + "bumiputera", + "white", + "bangsa_jepang", + "sungai_putih", + "ganih", + "negro", + "kazakh", + "keputihan" + ], + "GENDER": [ + "si_genit", + "matron", + "si_manis", + "dame", + "pak_tua", + "male", + "mas_isle", + "transgender", + "ibu_tua" + ], + "POLITICAL_PARTY": [ + "gironde", + "partidul_social_democrat", + "partai_konservatif", + "partai_sosialis", + "partai_whig", + "kuomintang", + "partai_buruh", + "partai_demokratik_sosial", + "partai_demokratik_republik", + "daftar_partai_demokrat", + "partai_nasional", + "pasukan_lawan", + "parti_buruh_jerman_sosialis_nasional", + "pihak_pembangkang", + "parti_buruh", + "parti_kebangsaan", + "parti_demokrat", + "nationalsozialistische_deutsche_arbeiterpartei", + "parti_konservatif" + ], + "BIO_CHEM_ENTITY": [ + "c_reactive_protein", + "edward_thatch" + ], + "PERSON_PRONOUN": [ + "i", + "he", + "daku", + "kepunyaanku", + "him", + "berengkau", + "melombong", + "kelian", + "me", + "milikku", + "kalian", + "engkau", + "beliau", + "us" + ], + "TITLE": [ + "encik", + "sir", + "mr", + "ms" + ], + "LAW": [ + "hukum_romawi", + "hukum_sipil", + "mahkamah_agung", + "hukum_internasional", + "bukan_upacara", + "undang_undang_antarabangsa", + "mahkamah_persekutuan" + ], + "EVENT": [ + "grand_prix" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "pelakon": "petugas", + "aktris": "pelakon", + "seniwati": "pelakon", + "mak_su": "tetak", + "bibik": "bapa_saudara", + "mak_cu": "paman", + "bonda": "ayr", + "mak_ngah": "pakcik", + "mak_bongsu": "pakcik", + "bibi": "paman", + "mak_long": "tetak", + "mak_usu": "paman", + "mak_saudara": "bapa_saudara", + "ibu_saudara": "pak_cu", + "mak_cik": "bap", + "mak_busu": "mamang", + "makcik": "pak_cik", + "mempelai_perempuan": "pengantin_lelaki", + "pengantin_perempuan": "mempelai_lelaki", + "pengantin": "pengantin_lelaki", + "bride": "pengantin_lelaki", + "pengusaha_wanita": "usahawan", + "ahli_perniagaan": "usahawan", + "poussin": "bung", + "anak_ayam": "bung", + "anak_burung": "bung", + "putri": "pangeran", + "bayi_perempuan": "anak_lelaki", + "anak_perempuan": "putera", + "amoi": "anak_laki_laki", + "panik": "anak_laki_laki", + "kanak_kanak_perempuan": "putera", + "puteri": "prince", + "anak_gadis": "putera", + "filia": "anak_lelaki", + "budak_perempuan": "anak_lelaki", + "female_off_spring": "anak_laki_laki", + "istri_adipati": "duke", + "duchess": "adipati", + "maharani": "kaisar", + "maharatu": "khakan", + "femme_fatale": "tukang_sihir", + "pemikat": "tukang_sihir", + "perempuan_sihir": "penyihir", + "penggoda": "tukang_sihir", + "wanita_penggoda": "tukang_sihir", + "ahli_sihir_perempuan": "tukang_sihir", + "kike": "laki_laki", + "\u0628\u062a\u064a\u0646\u0627": "male", + "feminin": "\u062c\u0646\u062a\u0646", + "\u06a4\u0631\u0645\u06a4\u0648\u0627\u0646": "pria", + "betina": "male", + "mak_we": "bujang", + "genta": "pak_we", + "cucu_perempuan": "biadi", + "srikandi": "perwira", + "heroin": "hero", + "wirawati": "hero", + "tuan_rumah": "pengurus_rumah_penginapan", + "kak": "komrad", + "kajang_kaca": "marquis", + "isteri_marquis": "marquis", + "cik": "sir", + "terbebas": "encik", + "luncas": "sir", + "miss_a": "sir", + "tertinggal": "sir", + "merindui": "encik", + "berkurangan": "cikgu", + "merindukan": "sir", + "tidak_ada": "encik", + "terasa_kehilangan": "sir", + "perempuan_yang_berkuasa": "ketua_pasukan", + "perempuan_yg_berkuasa": "master", + "wanita_simpanan": "komodor", + "perempuan_simpanan": "komodor", + "cik_puan": "memperoleh_kecekapan", + "bermanja": "bapak", + "ummi": "bapa_suci", + "emak": "bapa_suci", + "ibunda": "isa", + "\u0645\u0627\u0633": "bapa_suci", + "bh": "tn", + "nyonya": "mr", + "ms": "tn", + "anak_saudara_perempuan": "anak_buah", + "kemanakan": "anak_saudara_lelaki", + "biarawati": "monk", + "sista": "monk", + "rahib_perempuan": "monako", + "paderi_wanita": "pendeta", + "permaisuri": "kening", + "raja_permaisuri_agung": "datu", + "kuins": "reyes", + "queens": "reyes", + "koya": "he", + "kakak_atau_adik_perempuan": "abang_ngah", + "saur": "ikhwan", + "saudari": "brother", + "rahib_wanita": "adik_seibu_sebapa", + "adik_perempuan": "adik_laki_laki", + "kakak": "kakanda", + "kakak_perempuan": "akang", + "suster": "kangmas", + "tukang_sihir_perempuan": "ahli_hikmat", + "wanita_bujang": "bujangan", + "anak_dara_tua": "orang_bujang", + "jurucakap_wanita": "jurucakap", + "ibu_tiri": "bapa_tiri", + "emak_tiri": "ayah_tiri", + "terna": "pramugara", + "pramugari": "pengelola", + "istri": "laki_laki", + "bini": "matan", + "isteri": "matan", + "penyihir": "tukang_sihir", + "pawang_perempuan": "tukang_sihir", + "hex": "penyihir", + "penyihir_wanita": "penyihir", + "norn": "penyihir", + "orang_perempuan": "buah", + "orang_rumah": "jongos", + "yuno": "genta", + "budak_lelaki": "genta", + "guri": "genta", + "anak_laki_laki": "genta", + "polonaise": "memperhalusi", + "kehalusan_kerja": "polonaise", + "keadaban": "polonaise", + "mengilap": "polonaise", + "mempoles": "polonaise", + "menghalusi": "polonaise", + "kultur": "polonaise", + "menyinar": "polonaise", + "gilap": "polonaise", + "bahasa_poland": "polonaise", + "kerlap": "polonaise", + "memoles": "polonaise", + "memalis": "polonaise", + "penggilap": "polonaise", + "vernis": "polonaise", + "memolesi": "polonaise", + "kilatkan": "polonaise", + "memperindah": "polonaise", + "keanggunan": "polonaise", + "bahasa_polandia": "polonaise", + "memperhaluskan": "polonaise", + "kecanggihan": "polonaise", + "melampas": "polonaise", + "mengupam": "polonaise", + "memperhalusi": "polonaise", + "mencanai": "polonaise", + "memperhalus": "polonaise", + "menyemir": "polonaise", + "peradaban": "polonaise", + "wanita_berkulit_putih": "manusia_berkulit_putih", + "manusia_berkulit_putih": "wanita_berkulit_putih", + "pria_berkulit_putih": "wanita_berkulit_putih", + "pucat": "wanita_berkulit_putih", + "ras_kulit_putih": "wanita_berkulit_putih", + "warna_putih": "wanita_berkulit_putih" + }, + "other_gender_swap": { + "jali": "koya", + "ellas": "koya", + "beliau": "ellas", + "he": "jali", + "koya": "ellas", + "ilu": "jali", + "baginda": "jali", + "him": "jeju", + "sini": "deras", + "nya": "deras", + "lia": "deras" + }, + "en_pronoun2gender": { + "they": [ + "homoseks", + "biseksual", + "dwiseksual", + "dwiseks", + "homoseksual", + "dwijantina", + "biseks", + "transgender", + "queer" + ], + "he": [ + "yuno", + "menyebabkan_pecah_pecah", + "maskulin", + "tuan_tuan", + "budak_lelaki", + "anak_laki_laki", + "pria", + "sesama", + "isle_of_man", + "guri", + "pulau_man", + "laki_laki", + "manik", + "jongos", + "orang_lelaki", + "mas_isle", + "buah", + "human", + "bujang", + "suami", + "meretakkan", + "little_boy", + "pecah_pecah", + "male", + "\u062c\u0646\u062a\u0646", + "cik_abang", + "bung", + "jantan", + "pak_we", + "\u0644\u0644\u0627\u06a9\u064a" + ], + "she": [ + "\u0628\u062a\u064a\u0646\u0627", + "kakak", + "tertinggal", + "amoi", + "orang_gaji", + "betina", + "mak_we", + "gadis_dara", + "kike", + "cik", + "kak", + "poussin", + "budak_perempuan", + "orang_perempuan", + "luncas", + "terasa_kehilangan", + "anak_perempuan", + "merindui", + "merindukan", + "anak_gadis", + "si_manis", + "berkurangan", + "feminin", + "anak_patung", + "tidak_ada", + "lesbian", + "terbebas", + "pembantu_rumah", + "penduduk_lesbos", + "orang_rumah", + "istri", + "\u06a4\u0631\u0645\u06a4\u0648\u0627\u0646", + "genta", + "miss_a", + "gadis_remaja", + "dame", + "mak_cik", + "si_genit" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "ilu", + "he", + "nya", + "sini", + "lia", + "beliau", + "baginda", + "koya", + "him" + ], + "she": [ + "koya" + ], + "they": [ + "jim", + "ellas", + "jeju", + "lia", + "jali", + "deras", + "uk" + ], + "it": [ + "bt", + "stu", + "ky", + "\u0627\u064a\u0646", + "bahawa", + "it", + "bahwa", + "\u0628\u0647\u0627\u0648\u0627", + "yang_itu" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mt.json b/data_tooling/pii_processing/ontology/data/mt.json new file mode 100644 index 0000000..1bc67a0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mt.json @@ -0,0 +1,239 @@ +{ + "ORG": [ + "l_ewropa_\u010bentrali", + "kummer\u010b", + "il_\u0121nus_maqg\u0127uda", + "warakollox", + "l_ikla_t_tajba", + "kokka", + "ba\u0127ar_l_a\u0127mar", + "disa", + "addis_ababa", + "san_nikola", + "id_dar_il_bajda", + "kape_verde", + "is_sbej\u0127a_rieqda", + "il_pratika_tag\u0127mlek_perfett" + ], + "ANIMAL": [ + "sparvier", + "farawni", + "bijver", + "gamiema", + "kakarachka", + "kokro\u010b", + "kakarachi", + "ballottra", + "barba\u0121ann", + "avultun", + "russett", + "falkun", + "fellus", + "wirdiena" + ], + "LOCATION": [ + "l_ewwel_tas_sena", + "santa_klaws", + "wardija", + "il_lejla_t_tajba", + "il_lejl_it_tajjeb", + "park", + "is_sieg\u0127a_u_\u0127mistax_il_minuta", + "is_sieg\u0127a_u_kwart", + "m_hemmx_g\u0127alxiex", + "lejliet_l_ewwel_tas_sena", + "usa", + "l_istati_uniti_ta_l_amerika", + "sri_lanka", + "is_sbej\u0127a_rieqda", + "bonasira", + "is_sena_t_tajba", + "l_istati_uniti", + "il_\u0121urnata_t_tajba" + ], + "PRODUCT": [ + "missierna", + "new_zealand", + "it_testment_il_\u0121did", + "il_milied_it_tajjeb", + "drittijiet_umani", + "l_g\u0127odwa_t_tajba", + "si\u0121ra_tal_milied", + "it_tieni_gwerra_dinjija", + "l_g\u0127anja_tal_g\u0127anjiet", + "fenek_ta_l_indi" + ], + "DISEASE": [ + "passjoni", + "qaras", + "malarja", + "raqad", + "marid", + "marda", + "appendicite", + "kundizzjoni", + "kallu", + "irqad", + "vajrus", + "gass", + "le" + ], + "FOOD": [ + "luminata", + "brejkfast", + "kolazzjon", + "ros\u00e9" + ], + "LANGUAGE": [ + "g\u0127arbija", + "griega", + "griegi", + "ingli\u017c", + "korniku", + "belarussu", + "fran\u010bi\u017c", + "portugi\u017c", + "ungeri\u017c", + "katalan", + "dani\u017c", + "anglu", + "l_afrikan", + "belarussa", + "ido", + "persjan", + "ingli\u017ca" + ], + "JOB": [ + "it_tieni", + "kelliem", + "temp", + "barbiera", + "meni\u0121er", + "arlu\u0121\u0121ar", + "merkantiera", + "bankiera", + "sekonda", + "furnar", + "president", + "furnara", + "mastrudaxxa", + "merkantier", + "kelliema", + "kurunell", + "barbier", + "qabla", + "interpretu", + "bankier", + "klienta" + ], + "PUBLIC_FIGURE": [ + "bari", + "dwardu", + "nardu", + "u", + "pietru", + "x", + "anard", + "katarina", + "katerina", + "putin", + "karmenu", + "anton", + "karlu", + "leonardu" + ], + "PLANT": [ + "artist", + "cirasa", + "g\u0127anbaqar", + "favetta", + "kabo\u010b\u010ba", + "karrota" + ], + "GPE": [ + "spirtu_santu", + "salib_l_a\u0127mar", + "ru\u0127_il_qodos", + "san_\u0121or\u0121", + "it_testment_il_\u0121did" + ], + "FAC": [ + "knisja_kattolika", + "il_vja\u0121\u0121_it_tajjeb" + ], + "DATE": [ + "l_ewwel_ta_april", + "wara_kristu", + "l_erbg\u0127a_ta_l_irmied", + "il_\u0121ifa" + ], + "RELIGION_MEMBER": [ + "kristjana", + "kristjan" + ], + "QUANTITY": [ + "sterlina", + "kalorija" + ], + "SOC_ECO_CLASS": [ + "agrikoltura" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "tag\u0127ha": "tag\u0127hom", + "sinjura": "sinjur", + "o\u0127t": "frar", + "tifel": "tfajla" + }, + "other_gender_swap": { + "sitt": "tag\u0127ha", + "tag\u0127hom": "tag\u0127ha", + "ilu": "huma", + "tag\u0127ha": "tag\u0127hom" + }, + "en_pronoun2gender": { + "they": [ + "bisesswali", + "omosesswali" + ], + "he": [ + "tifel", + "bniedem" + ], + "she": [ + "sinjorina", + "sinjura", + "tfajla" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "tieg\u0127u", + "tag\u0127hom", + "ilu" + ], + "she": [ + "sitt", + "tag\u0127ha" + ], + "they": [ + "sitt", + "tag\u0127hom", + "huma" + ], + "it": [ + "dawn" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mul.json b/data_tooling/pii_processing/ontology/data/mul.json new file mode 100644 index 0000000..eeb63ed --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mul.json @@ -0,0 +1,329 @@ +{ + "PLANT": [ + "acer_negundo", + "glaucium_flavum", + "entoloma_sinuatum", + "pyracantha", + "anthericum_liliago", + "verbascum_thapsus", + "parnassia", + "liriodendron_tulipifera", + "cladonia_rangiferina", + "viola_arvensis", + "castanopsis_chrysophylla", + "claviceps_purpurea", + "tragopogon_pratensis", + "aleuria_aurantia", + "aralia_elata", + "langermannia_gigantea", + "helianthus", + "polygala_senega", + "solanaceae", + "erica_tetralix", + "carpobrotus_edulis", + "quercus_kelloggii", + "eryngium_maritimum", + "kennedia_prostrata", + "anthyllis_vulneraria", + "laurus_nobilis", + "fraxinus_americana", + "arabidopsis_thaliana", + "caesalpinia_gilliesii", + "cassia_acutifolia", + "sorbus_torminalis", + "colutea_arborescens", + "prosopis_glandulosa", + "coprinus_comatus", + "sinapis", + "pennisetum_glaucum", + "salix_triandra", + "melicoccus_bijugatus", + "atriplex_hortensis", + "solanum_pseudocapsicum", + "acer_campestre", + "leontopodium_alpinum", + "papaver_somniferum", + "convolvulus", + "mercurialis_perennis", + "quercus_velutina", + "taxus_baccata", + "dicentra_spectabilis", + "euphorbia_esula", + "senna_alata", + "asperula", + "prunus_cerasus", + "citrus_decumana", + "acacia_dealbata", + "astraeus_hygrometricus", + "larix_occidentalis", + "agrostemma_githago", + "pseudolarix_amabilis", + "taxus_cuspidata", + "salix_viminalis", + "calvatia_gigantea", + "juniperus_virginiana", + "nemophila", + "eucalyptus_globulus", + "platanus_occidentalis", + "polygala_vulgaris", + "tracheobionta", + "citrus_aurantium", + "annona_cherimola", + "piper_longum", + "entoloma_lividum", + "liquidambar", + "lychnis", + "maclura_pomifera", + "salix_fragilis", + "amanita_muscaria", + "pterocarpus_indicus", + "corylus_americana", + "cassia_alata", + "asplenium_trichomanes", + "nicotiana_tabacum", + "cineraria_maritima", + "ulmus_americana", + "stellaria_media", + "leucanthemum_vulgare", + "solanum_nigrum", + "campanula_rapunculus", + "aralia_spinosa", + "clematis", + "parthenium_argentatum", + "lepista_nuda", + "saccharum", + "muscicapa_striata", + "acer_platanoides", + "rubus_idaeus", + "quercus_macrocarpa", + "euphorbia_cyparissias", + "centaurea_cyanus", + "santolina_chamaecyparissus", + "urtica_dioica", + "agaricus_campestris", + "gymnadenia_conopsea", + "chrysolepis_chrysophylla", + "solanum", + "echinocactus_grusonii", + "corymbia_citriodora", + "corypha_umbraculifera", + "sorbus_aucuparia", + "senecio_cineraria", + "polygonum_orientale", + "tulipa_suaveolens", + "raphanus_raphanistrum", + "fagus_sylvatica", + "crataegus_laevigata", + "sinapis_arvensis", + "acer_circinatum", + "scleroderma_aurantium", + "cyperus_papyrus", + "boletus_edulis", + "poinciana_gilliesii", + "lysimachia_vulgaris", + "erica_cinerea", + "dracaena_draco", + "campanula_glomerata", + "dalbergia_latifolia", + "gaultheria_procumbens", + "pleurotus_ostreatus", + "syzygium_jambos", + "tanacetum_parthenium", + "senna_alexandrina", + "drimys_winteri", + "lathyrus_sylvestris", + "marasmius_oreades", + "carlina_vulgaris", + "sophora_japonica", + "elaeis_guineensis", + "coix_lacryma_jobi", + "galium_verum", + "populus_nigra", + "strelitzia_reginae", + "larix_laricina", + "cardamine_pratensis", + "piper_betle", + "allium_fistulosum", + "lychnis_coronaria", + "conyza_canadensis", + "amaranthus_hypochondriacus", + "diplotaxis_erucoides", + "annona_reticulata", + "paris_quadrifolia", + "phytolacca_americana", + "nicotiana_rustica", + "lathyrus_sativus", + "anthriscus_sylvestris", + "campanula_pyramidalis", + "smilax_aspera", + "allium_ampeloprasum", + "viola_odorata", + "toxicodendron_radicans", + "arctostaphylos_uva_ursi", + "hieracium_aurantiacum", + "agrimonia", + "myrica_gale", + "vallisneria", + "rosa_banksiae", + "castanea", + "sambucus_ebulus", + "calystegia_sepium", + "muscari_neglectum", + "magnolia", + "conium_maculatum", + "oenanthe_crocata" + ], + "ORG": [ + "pholas_dactylus", + "ang", + "sa", + "caesalpinia_coriaria", + "eu", + "hirundo_rustica" + ], + "ANIMAL": [ + "nereocystis", + "apodemus", + "homo_sapiens_sapiens", + "sus_salvanius", + "lagopus_mutus", + "lemmus_lemmus", + "sitta_europaea", + "quercus_rotundifolia", + "carduelis", + "mantodea", + "himantoglossum_robertianum", + "lactobacillus_acidophilus", + "fratercula_arctica", + "martes_martes", + "homo_sapiens", + "passer", + "e_coli", + "platanista", + "salmo_salar", + "altica", + "martes_foina", + "lavandula_vera", + "capreolus_capreolus", + "branta_bernicla", + "arthropoda", + "oniscidea", + "scilla_maritima", + "alle_alle", + "lavatera_arborea", + "zeus_faber", + "petrorhagia_prolifera", + "centroscymnus_crepidater" + ], + "PUBLIC_FIGURE": [ + "c", + "p", + "e", + "j", + "somateria_spectabilis", + "v", + "f", + "robert", + "cassia_alata", + "z", + "n", + "macaca_nemestrina", + "m", + "o", + "u", + "i", + "1", + "g", + "r", + "d", + "homo", + "s", + "l", + "t" + ], + "LANGUAGE": [ + "marshalli" + ], + "FOOD": [ + "daucus_carota", + "capsicum", + "juglans_regia" + ], + "LOCATION": [ + "dryocopus_martius", + "eryngium_maritimum", + "pterocarpus_indicus", + "prunus_avium" + ], + "PERSON_PRONOUN": [ + "i", + "he" + ], + "QUANTITY": [ + "a_u", + "g", + "gasterosteus_aculeatus" + ], + "DISEASE": [ + "ms", + "spigelia", + "rhus_radicans", + "tan", + "toxicodendron_radicans" + ], + "PRODUCT": [ + "cistus_creticus", + "teucrium_polium", + "silene_italica", + "elaeagnus_angustifolia" + ], + "TITLE": [ + "ms" + ], + "PERSON": [ + "n_m", + "boletus_edulis" + ], + "GPE": [ + "hibiscus_rosa_sinensis" + ], + "BIO_CHEM_ENTITY": [ + "abeta" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u2640": "\u2642" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u2642" + ], + "she": [ + "\u2640" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "ell", + "he" + ], + "it": [ + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/mwl.json b/data_tooling/pii_processing/ontology/data/mwl.json new file mode 100644 index 0000000..1e010ec --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/mwl.json @@ -0,0 +1,63 @@ +{ + "ANIMAL": [ + "queruja" + ], + "PERSON_PRONOUN": [ + "i" + ], + "ORG": [ + "un" + ], + "PUBLIC_FIGURE": [ + "sperar", + "i", + "speran\u00e7a", + "l" + ], + "SOC_ECO_CLASS": [ + "sociadade" + ], + "FOOD": [ + "farina" + ], + "RELIGION_MEMBER": [ + "armano" + ], + "DISEASE": [ + "almorragie", + "drumir", + "deseio" + ], + "LOCATION": [ + "mar_negro" + ], + "GENDER": [ + "mulhier" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "armana": "armano" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "mulhier" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "isto" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/my.json b/data_tooling/pii_processing/ontology/data/my.json new file mode 100644 index 0000000..7522dde --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/my.json @@ -0,0 +1,218 @@ +{ + "ANIMAL": [ + "\u1019\u102f\u1014\u103a\u1010\u102d\u102f\u1004\u103a\u1038\u1005\u1004\u103a\u101a\u1031\u102c\u103a", + "\u1005\u1005\u103a\u1010\u101c\u102d\u102f\u1004\u103a\u1038\u1004\u103e\u1000\u103a", + "\u1011\u1014\u103a\u1038\u1005\u1031\u1037\u1019\u103e\u102f\u1010\u103a\u1004\u103e\u1000\u103a", + "\u1002\u1031\u102b\u103a\u101b\u102e\u1038\u101c\u102c\u1038\u1019\u103b\u1031\u102c\u1000\u103a\u101d\u1036", + "\u1015\u1014\u103a\u1038\u101b\u1031\u102c\u1004\u103a\u1005\u1010\u102c\u101c\u1004\u103a\u1006\u1000\u103a\u101b\u1000\u103a", + "\u1021\u1019\u1031\u101b\u102d\u1000\u1014\u103a\u101d\u1014\u103a\u1015\u102d\u102f", + "\u1001\u103b\u1005\u103a\u1015\u1019\u1014\u1037\u103a\u101b\u103e\u1009\u1037\u103a", + "\u1021\u102d\u1014\u1039\u1012\u102d\u101a\u1000\u103c\u1036\u1037", + "\u1001\u1031\u102b\u1004\u103a\u1038\u1015\u103c\u1031\u102c\u1004\u103a\u101d\u1014\u103a\u101c\u1030\u1004\u103e\u1000\u103a", + "\u1010\u1031\u102c\u1004\u103a\u1006\u102d\u1010\u103a" + ], + "FAC": [ + "\u1005\u102d\u1014\u1037\u103a\u101c\u1030\u1005\u102e\u101a\u102c\u1014\u102d\u102f\u1004\u103a\u1004\u1036", + "\u1019\u101f\u102c\u1015\u102e\u1010\u102c", + "\u1005\u102d\u1014\u1037\u103a\u101c\u1030\u1005\u102e\u101a\u102c" + ], + "FOOD": [ + "\u101b\u1031\u1001\u1032\u1019\u102f\u1014\u1037\u103a", + "\u1004\u102b\u1038\u1015\u102d\u101b\u100a\u103a", + "\u1000\u102d\u102f\u1000\u102c\u1000\u102d\u102f\u101c\u102c" + ], + "PLANT": [ + "\u101b\u103e\u102c\u1038\u1005\u1031\u102c\u1004\u103a\u1038\u101c\u1000\u103a\u1015\u1010\u103a\u1015\u1004\u103a", + "\u1015\u1014\u103a\u1038\u1001\u103b\u102e\u1006\u101b\u102c", + "\u1015\u1004\u103a\u101c\u1031\u102c\u1004\u103a\u1038", + "\u1004\u101b\u102f\u1010\u103a\u1000\u1031\u102c\u1004\u103a\u1038\u1015\u1004\u103a", + "\u1000\u103b\u103d\u1032\u1001\u1031\u102b\u1004\u103a\u1038\u101e\u102e\u1038\u1015\u1004\u103a" + ], + "PUBLIC_FIGURE": [ + "c", + "\u101e\u1000\u103a\u1001\u103b\u102c", + "\u1005\u102d\u1014\u1037\u103a\u1015\u102e\u1010\u102c", + "\u1000\u102d\u102f\u101a\u1037\u103a\u1000\u102d\u102f\u101a\u103a\u1000\u102d\u102f\u101e\u1010\u103a\u101e\u1031", + "\u1005\u102d\u1014\u1037\u103a\u1015\u1031\u102b\u101c\u103a", + "\u1002\u103b\u102e", + "\u1019\u102d\u102f\u1038\u1007\u1000\u103a", + "\u1000\u103d\u1010\u103a\u101d\u1031\u102b\u101c\u103a\u101f\u102d\u102f\u1004\u103a\u1038" + ], + "PERSON": [ + "\u1000\u103c\u1000\u103a\u1015\u1031\u102b\u1004\u103a\u1005\u1031\u1038\u1015\u1004\u103a" + ], + "JOB": [ + "\u1000\u1031\u102c\u1004\u103a\u1005\u1005\u103a\u101d\u1014\u103a", + "\u1000\u103b\u103d\u1014\u103a", + "\u101d\u1019\u103a\u1038\u1006\u103d\u1032", + "\u101e\u102d\u102f\u1038\u1011\u102d\u1014\u103a\u1038", + "\u1015\u1014\u103a\u1038\u1000\u1014\u103a\u1006\u1031\u1038\u1005\u1000\u103a", + "\u1000\u1031\u102c\u103a\u1015\u102e", + "\u101c\u1031\u1016\u103c\u1010\u103a\u1001\u103c\u1004\u103a\u1038" + ], + "DATE": [ + "\u101c\u103d\u1010\u103a\u101c\u1015\u103a\u101b\u1031\u1038\u1014\u1031\u1037", + "\u1005\u102d\u1014\u1037\u103a\u1015\u1010\u103a\u1011\u101b\u1005\u103a\u1014\u1031\u1037", + "\u1000\u1019\u1039\u1018\u102c\u1037\u1000\u102f\u101c\u101e\u1019\u1002\u1039\u1002\u1014\u1031\u1037", + "\u1019\u102d\u102f\u1038\u101b\u102c\u101e\u102e" + ], + "ORG": [ + "\u1010\u1031\u102c\u1004\u103a\u101d\u1004\u103a\u101b\u102d\u102f\u1038\u1005\u103d\u1014\u103a\u1038", + "\u1021\u1000\u103a\u1016\u103a\u1021\u1031\u1021\u102d\u102f", + "\u1019\u1030\u101c\u1010\u1014\u103a\u1038", + "\u1001\u103b\u1030\u1038\u1021\u1004\u103a\u1038\u1002\u1019\u103a\u1038", + "\u101e\u1019\u1004\u103a\u1019", + "\u1021\u102c\u101b\u1015\u103a\u1021\u1016\u103d\u1032\u1037\u1001\u103b\u102f\u1015\u103a", + "\u1021\u101b\u103e\u1031\u1037\u1010\u1031\u102c\u1004\u103a\u1021\u102c\u101b\u103e\u1014\u102d\u102f\u1004\u103a\u1004\u1036\u1019\u103b\u102c\u1038\u1021\u101e\u1004\u103a\u1038", + "\u1021\u102d\u1019\u103a\u1016\u103c\u1030\u1010\u1031\u102c\u103a", + "\u1005\u102c\u1010\u102d\u102f\u1000\u103a", + "\u1000\u102d\u1010\u103a\u1017\u102c\u1012\u102e\u1014\u102d\u102f\u1004\u103a\u1004\u1036", + "\u1021\u1000\u103a\u1016\u103a_\u1018\u102e\u1021\u102d\u102f\u1004\u103a", + "\u1021\u1000\u1031\u102c\u1000\u103a\u1006\u102d\u1015\u103a", + "\u1000\u102d\u1010\u103a\u1017\u102c\u1012\u102e", + "\u101c\u1031\u1010\u1015\u103a", + "\u1015\u1014\u103a\u1038\u101b\u1014\u103a", + "\u1015\u1004\u103a\u101c\u101a\u103a\u1014\u102e", + "\u1015\u102b\u1010\u102e", + "\u1000\u103b\u1031\u102c\u1004\u103a\u1038" + ], + "GPE": [ + "\u1013\u1019\u1039\u1019\u101e\u1005\u103a\u1000\u103b\u1019\u103a\u1038", + "\u1021\u102d\u102f\u1004\u103a\u1017\u101b\u102e\u1000\u102d\u102f\u1037\u1005\u103a\u1014\u102d\u102f\u1004\u103a\u1004\u1036", + "\u101f\u102c\u1002\u102e\u101a\u102c_\u1006\u102d\u102f\u1016\u102e\u101a\u102c", + "\u1010\u1031\u102c\u1004\u103a\u1021\u1019\u1031\u101b\u102d\u1000", + "\u1021\u102d\u102f\u1004\u103a\u1017\u101b\u102e\u1000\u102d\u102f\u1037\u1005\u103a", + "\u1005\u102d\u1014\u1037\u103a\u1015\u102e\u1010\u102c", + "\u101c\u1030\u1037\u1021\u1001\u103d\u1004\u1037\u103a\u1021\u101b\u1031\u1038" + ], + "DISEASE": [ + "\u1004\u103e\u1000\u103a\u1016\u103b\u102c\u1038\u101b\u1031\u102c\u1002\u102b", + "\u1001\u1031\u102b\u1004\u103a\u1038\u1000\u102d\u102f\u1000\u103a\u1001\u103c\u1004\u103a\u1038", + "\u1001\u103d\u1031\u1038\u101b\u1030\u1038\u1015\u103c\u1014\u103a\u101b\u1031\u102c\u1002\u102b", + "\u1021\u102e\u1017\u102d\u102f\u101c\u102c_\u1017\u102d\u102f\u1004\u103a\u1038\u101b\u1015\u103a\u1005\u103a" + ], + "LOCATION": [ + "\u1015\u1004\u103a\u101c\u101a\u103a\u1014\u1000\u103a", + "\u1021\u1019\u1031\u101b\u102e\u1002\u102d\u102f_\u1017\u1000\u103a_\u1005_\u1015\u102f\u1001\u103b\u102e", + "\u1014\u101a\u1030\u1038\u1019\u1000\u1039\u1000\u1006\u102e\u1000\u102d\u102f\u1015\u103c\u100a\u103a\u1014\u101a\u103a", + "\u1011\u1031\u102c\u1004\u1037\u103a\u1019\u103e\u1014\u103a", + "\u1019\u103c\u102e\u1038\u100a\u103e\u1031\u102c\u1004\u1037\u103a\u1004\u103e\u1000\u103a\u1000\u103b\u102c\u1038", + "\u1019\u1014\u103a\u1002\u102d\u102f_\u1015\u1010\u103a\u1001\u103a", + "\u1004\u103e\u1000\u103a\u101e\u102d\u102f\u1000\u103a", + "\u1010\u101b\u102c\u1038\u101b\u102f\u1036\u1038\u1019\u103b\u102c\u1038", + "\u1000\u102d\u102f\u101c\u1036\u1018\u1010\u103a_\u1001\u101b\u1005\u1039\u1005\u1010\u102d\u102f\u1016\u102c", + "\u1019\u103d\u1014\u103a\u1012\u101b\u102e\u101a\u103d\u1014\u103a", + "\u1000\u1031\u102c\u103a\u101c\u102d\u102f\u101b\u102c\u1012\u102d\u102f\u1015\u103c\u100a\u103a\u1014\u101a\u103a", + "\u1021\u1032\u101c\u103a_\u1002\u103b\u102c\u1007\u102e\u1038\u101a\u102c\u1038", + "\u1019\u103c\u1005\u103a\u101d\u102b\u1019\u103c\u1005\u103a" + ], + "POLITICAL_PARTY": [ + "\u1000\u103d\u1014\u103a\u1019\u1004\u103a\u1010\u1014\u103a\u1015\u102b\u1010\u102e", + "\u1000\u103d\u1014\u103a\u1006\u102c\u1017\u1031\u1038\u1010\u1005\u103a\u1015\u102b\u1010\u102e", + "\u1014\u102d\u102f\u1004\u103a\u1004\u1036\u101b\u1031\u1038\u1015\u102b\u1010\u102e" + ], + "PRODUCT": [ + "\u1002\u101b\u102d\u1010\u103a\u1017\u103c\u102d\u1010\u102d\u1014\u103a", + "\u1002\u103b\u102c\u1019\u1014\u103a\u1021\u101e\u1036", + "\u1000\u1031\u102c\u1004\u103a\u1038\u101e\u1031\u102c\u1014\u1036\u1014\u1000\u103a\u1001\u1004\u103a\u1038", + "\u1013\u1019\u1039\u1019\u101e\u1005\u103a\u1000\u103b\u1019\u103a\u1038", + "\u1006\u1014\u103a\u1010\u102c\u1000\u101c\u1031\u102c\u1037\u1005\u103a", + "\u101e\u1004\u103a\u1039\u1001\u103b\u102c\u101c\u103b\u103e\u1031\u102c\u1010\u1036", + "\u101d\u1019\u103a\u1038\u1014\u100a\u103a\u1038\u1015\u102b\u1010\u101a\u103a\u104b", + "\u1015\u1030\u1038", + "\u101c\u1030\u1037\u1021\u1001\u103d\u1004\u1037\u103a\u1021\u101b\u1031\u1038" + ], + "UNION": [ + "\u1021\u102d\u102f\u1004\u103a\u1010\u102e\u101a\u1030", + "\u1000\u1019\u1039\u1018\u102c\u1037\u1005\u102c\u1015\u102d\u102f\u1037\u101c\u102f\u1015\u103a\u1004\u1014\u103a\u1038\u101e\u1019\u1002\u1039\u1002" + ], + "LAW": [ + "\u101c\u103d\u1010\u103a\u101c\u1015\u103a\u1005\u103d\u102c\u101f\u1031\u102c\u1015\u103c\u1031\u102c\u1001\u103d\u1004\u1037\u103a" + ], + "RELIGION_MEMBER": [ + "\u101f\u102d\u1014\u1039\u1012\u1030", + "\u1001\u101b\u1005\u103a\u101a\u102c\u1014\u103a" + ], + "BIO_CHEM_ENTITY": [ + "\u1021\u1001\u103b\u102d\u102f\u1019\u103e\u102f\u1014\u1037\u103a" + ], + "QUANTITY": [ + "\u1021\u102d\u1014\u1039\u1012\u102d\u101a\u101b\u1030\u1015\u102e\u1038\u1004\u103d\u1031", + "\u1021\u1019\u1031\u101b\u102d\u1000\u1014\u103a\u1012\u1031\u102b\u103a\u101c\u102c" + ], + "SOC_ECO_CLASS": [ + "\u1005\u102d\u102f\u1000\u103a\u1015\u103b\u102d\u102f\u1038\u101b\u1031\u1038", + "\u1019\u103c\u1031\u1021\u1031\u102c\u1000\u103a_\u1005\u102e\u1038\u1015\u103d\u102c\u1038\u101b\u1031\u1038" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u1019\u103c\u1031\u1038\u1019": "\u1019\u103c\u1031\u1038", + "\u1021\u1019\u102d": "\u1016\u1001\u1004\u103a", + "\u1021\u1019\u1031": "\u1021\u1016", + "\u1019\u102d\u1001\u1004\u103a": "\u1021\u1016\u1031", + "\u1021\u1019\u100a\u103a": "\u1016\u1001\u1004\u103a", + "\u1019\u1004\u103a\u1038\u101e\u1019\u102e\u1038": "\u1019\u1004\u103a\u1038\u101e\u102c\u1038", + "\u1018\u102f\u101b\u1004\u103a\u1019": "\u1019\u1004\u103a\u1038", + "\u1019\u102d\u1016\u102f\u101b\u102c\u1038": "\u1018\u102f\u101b\u1004\u103a", + "\u101e\u1030\u1019": "\u101e\u1030", + "\u1021\u1019": "\u1019\u1031\u102c\u1004\u103a", + "\u100a\u102e\u1019": "\u1019\u1031\u102c\u1004\u103a", + "\u1019\u102f\u1006\u102d\u102f\u1038\u1019": "\u1019\u102f\u1006\u102d\u102f\u1038\u1016\u102d\u102f", + "\u1019\u101a\u102c\u1038": "\u1001\u1004\u103a\u1015\u103d\u1014\u103a\u1038", + "\u1007\u1014\u102e\u1038": "\u101c\u1004\u103a", + "\u1000\u101c\u1031\u1038": "\u1019\u102d\u1014\u103a\u1038\u1000\u101c\u1031\u1038", + "\u101e\u1030\u1004\u101a\u103a": "\u1019\u102d\u1014\u103a\u1038\u1000\u101c\u1031\u1038", + "\u1001\u103b\u102c\u1010\u102d\u1010\u103a": "\u101e\u1030\u1004\u101a\u103a\u1019" + }, + "other_gender_swap": { + "\u101e\u1030\u1019\u103b\u102c\u1038": "\u101e\u1030\u1019", + "\u101e\u1030\u1010\u102d\u102f\u1037": "\u101e\u1030\u1019", + "\u101e\u1030": "\u101e\u1030\u1019\u103b\u102c\u1038", + "\u101e\u1030\u1019": "\u101e\u1030\u1010\u102d\u102f\u1037" + }, + "en_pronoun2gender": { + "he": [ + "\u1000\u101c\u1031\u1038", + "\u1001\u103b\u102c\u1010\u102d\u1010\u103a", + "\u101e\u1030\u1004\u101a\u103a" + ], + "she": [ + "\u1000\u1031\u102c\u1004\u103a\u1019\u101c\u1031\u1038", + "\u1021\u1019", + "\u101e\u1030\u1004\u101a\u103a\u1019", + "\u1019\u102d\u1014\u103a\u1038\u1000\u101c\u1031\u1038", + "\u1021\u1019\u103b\u102d\u102f\u1038\u101e\u1019\u102e\u1038", + "\u1019\u102d\u1014\u103a\u1038\u1019" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u101e\u1030", + "\u101e\u1030\u1037" + ], + "she": [ + "\u101e\u1030", + "\u101e\u1030\u1019" + ], + "they": [ + "\u101e\u1030\u1010\u102d\u102f\u1037", + "\u101e\u1030\u1019\u103b\u102c\u1038" + ], + "it": [ + "\u101e\u1030", + "\u101f\u1031\u102c\u1012\u102e", + "\u1021\u1014\u103e\u102e" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/myv.json b/data_tooling/pii_processing/ontology/data/myv.json new file mode 100644 index 0000000..5cc9484 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/myv.json @@ -0,0 +1,63 @@ +{ + "ANIMAL": [ + "\u043f\u0438\u0441\u0430\u0439", + "\u0431\u0430\u043a\u0430", + "\u0432\u0435\u0434\u044c_\u0432\u0430\u0442\u0440\u0430\u043a\u0448", + "\u0442\u044e\u0436\u0430\u0432\u0435\u0440\u044c\u0433\u0438\u0437", + "\u0441\u0430\u0440\u0430\u0437" + ], + "LOCATION": [ + "\u043f\u0435\u043b\u044c\u043a\u0438\u043d\u0435" + ], + "ORG": [ + "\u043f\u0440\u0430\u0432\u0438\u0442\u0435\u043b\u044c\u0441\u0442\u0432\u043e" + ], + "JOB": [ + "\u0443\u0448\u043c\u043e\u0432\u0430\u0440\u0434\u043e", + "\u0442\u0443\u0440\u043e\u0441\u0442\u043e\u0440" + ], + "PLANT": [ + "\u043a\u0430\u043b\u044c" + ], + "DATE": [ + "\u0441\u043e\u0432\u043e" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u0432\u0430": "\u0442\u0435\u0442\u044f", + "\u044d\u043d\u0435": "\u0442\u0435\u0442\u044f", + "\u0441\u044c\u043a\u0430\u043c\u043e\u043d\u0430\u0432\u0430": "\u0441\u044c\u043a\u0430\u043c\u043e\u043d\u0430\u0442\u044f", + "\u0441\u0430\u0437\u043e\u0440": "\u044d\u043d\u0435", + "\u043f\u0430\u0442\u044f": "\u044f\u043b\u0430\u043a\u0441", + "\u0442\u043e\u043b": "\u0434\u043e\u0432\u0430\u043b\u044f", + "\u0434\u043e\u0432\u0430": "\u0434\u043e\u0432\u0430\u043b\u044f", + "\u043d\u0438": "\u043c\u0438\u0440\u0434\u0435" + }, + "other_gender_swap": { + "\u0442\u043e\u0439": "\u0441\u044b\u043d\u044c" + }, + "en_pronoun2gender": { + "he": [ + "\u0446\u0451\u0440\u044b\u043d\u0435" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0442\u043e\u0439" + ], + "they": [ + "\u0441\u044b\u043d\u044c" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nah.json b/data_tooling/pii_processing/ontology/data/nah.json new file mode 100644 index 0000000..721ba36 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nah.json @@ -0,0 +1,237 @@ +{ + "PUBLIC_FIGURE": [ + "akira_kurosawa", + "ernesto_guevara", + "jesucristo", + "paul_mccartney", + "isaac_newton", + "victor_hugo", + "watson", + "george_harrison", + "george_orwell", + "richard_wagner", + "pancho_villa", + "marie_curie", + "michael_jackson", + "galileo_galilei", + "joseph_goebbels", + "vincent_van_gogh", + "emiliano_zapata", + "charles_chaplin", + "konrad_adenauer", + "frank_sinatra", + "paul_von_hindenburg", + "y", + "f", + "thomas_mann", + "dante_alighieri", + "pete_seeger", + "immanuel_kant", + "max_planck", + "julio_iglesias", + "jean_luc_godard", + "c\u012btlaltecpatl", + "michael_faraday", + "walt_disney", + "theodor_mommsen", + "marco_polo", + "pablo_picasso", + "karl_marx", + "i", + "le_corbusier", + "william_wyler", + "adolf_hitler", + "garfield", + "el_ingenioso_hidalgo_don_quixote_de_la_mancha", + "vladimir_putin", + "g", + "r", + "johannes_gutenberg", + "peter_o'toole", + "jim_morrison", + "john_lennon", + "stanley_kubrick", + "camberra", + "ronald_reagan", + "helmut_schmidt", + "ernest_hemingway", + "cristoforo_colombo", + "nelson_mandela", + "heinrich_himmler", + "roald_amundsen", + "charles_dickens", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "johnny_cash", + "jonathan_swift", + "albert_einstein", + "t" + ], + "LANGUAGE": [ + "inditlaht\u014dlli", + "esperantotlaht\u014dlli", + "arabiatlaht\u014dlli", + "francitlaht\u014dlli", + "lao", + "tonga" + ], + "JOB": [ + "amatlahcuilo", + "the_police", + "maitl", + "calmanani", + "coyotl", + "tepancalcatl" + ], + "RELIGION": [ + "shint\u014d", + "islam" + ], + "ANIMAL": [ + "xalcanauhtli", + "atapalcatl", + "huilotl", + "quetzalpapalotl", + "quecholli", + "tlacuachin", + "chiquimolin", + "tamazolin", + "tzopilocuauhtli", + "quimichpatlani", + "cuacuauhxolotl", + "huehxolotl", + "quimichtechal\u014dtl", + "cacalotl", + "cuauhtohtli", + "pandatl\u0101cam\u0101yeh", + "cuanacatl", + "michpatl\u0101ni", + "caxtilt\u014dt\u014dtl", + "ahuitzotl", + "cuatochtli", + "tlacaxolotl", + "michcoztli", + "mazatl", + "chichtli", + "chechelotl", + "cuetlachtli", + "chicuahtli", + "molotl", + "chimalayotl", + "cuetl\u0101chtl\u0101cam\u0101yeh", + "palachtli" + ], + "PLANT": [ + "maz\u0101xococuahuitl", + "ciruelacuahuitl", + "piciyetl", + "quillechuca", + "ocotzocuahuitl", + "cacahuatetl", + "teconxinachtli", + "peracuahuitl", + "chicalotl", + "hicoxcuahuitl", + "sempoalxuchi\u0331tl", + "chictzapocuahuitl", + "chilacayohtli", + "quin\u0101mehtlatzcan" + ], + "ORG": [ + "movimiento_pooh", + "c\u012btlaloc\u0113l\u014dtl", + "alemantlaht\u014dlli", + "tlacetililli_tlahtohcayotl_ixachitlan", + "santa_luc\u00eda", + "nimitztlazohtla", + "shint\u014d" + ], + "DISEASE": [ + "quimichin", + "mayantli", + "ahuiyapopotl", + "cuatenextli", + "chahuiztli", + "cocoliztli" + ], + "PRODUCT": [ + "momomalacatl", + "tlatzotzonalli", + "julius_caesar", + "cuatochtli", + "saxonia_anhalt", + "s\u00e3o_tom\u00e9_\u012bhu\u0101n_pr\u00edncipe", + "the_hound_of_the_baskervilles" + ], + "PERSON": [ + "julius_caesar" + ], + "RELIGION_MEMBER": [ + "mahomatlacatl" + ], + "FOOD": [ + "cacahuatl", + "totoltetl", + "chile" + ], + "PERSON_PRONOUN": [ + "i", + "he" + ], + "DATE": [ + "the_day_after_tomorrow" + ], + "SOC_ECO_CLASS": [ + "samurai", + "m\u012bllahcay\u014dtl" + ], + "GPE": [ + "tlanomihu\u0113y\u0101t\u0113nco", + "sim\u00f3n_pedro" + ], + "LOCATION": [ + "cabo_xoxoctic", + "the_rolling_stones" + ], + "QUANTITY": [ + "g" + ], + "FAC": [ + "santa_luc\u00eda" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "nantli": "tahtli", + "cihuatlahto\u0101ni": "tlahto\u0101ni", + "cihuatl": "oquichtli" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "oquichtli" + ], + "she": [ + "cihuatl" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he" + ], + "they": [ + "aca" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nan.json b/data_tooling/pii_processing/ontology/data/nan.json new file mode 100644 index 0000000..f6497f5 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nan.json @@ -0,0 +1,97 @@ +{ + "GPE": [ + "\u7d05\u6d77", + "\u4eba\u6743", + "\u7ea2\u6d77" + ], + "ORG": [ + "jan_mayen", + "\u5929\u4e3b\u6559\u6703" + ], + "FOOD": [ + "\u6a61\u5976\u7cd6", + "chile" + ], + "PLANT": [ + "a_s\u00e1_g\u00e1_o\u0358h" + ], + "PRODUCT": [ + "don_quixote", + "\u4eba\u6b0a" + ], + "FAC": [ + "\u90f5\u4fbf\u5c40", + "\u5929\u4e3b\u6559\u4f1a", + "\u90ae\u4fbf\u5c40" + ], + "LOCATION": [ + "\u7a7a\u519b", + "sri_lanka" + ], + "PUBLIC_FIGURE": [ + "don_quixote", + "ta_bi\u030dt" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u65b0\u5a18": "\u65b0\u90ce", + "\u65b0\u5987": "\u65b0\u90ce", + "\u65b0\u5a66": "\u65b0\u90ce", + "\u5a18\u4eb2": "\u5a18\u7236", + "\u6bcd\u4eb2": "\u8001\u7238", + "\u5a18\u89aa": "\u7236\u89aa", + "\u7236\u6bcd": "\u7236\u4eb2", + "\u963f\u59c6": "\u963f\u7238", + "\u963f\u6bcd": "\u7236\u89aa", + "\u5976": "\u8001\u7238", + "\u6bcd\u89aa": "\u5a18\u7238", + "\u963f\u59ca": "\u5144\u54e5", + "\u5c0f\u59b9": "\u54e5\u54e5", + "\u5927\u59ca": "\u5c0f\u5f1f", + "\u59ca\u59b9": "\u54e5\u54e5", + "\u67d0\u56dd": "ang1", + "\u5bb6\u5f8c": "dai6_lou6", + "\u67e5\u67d0\u4eba": "dai6_lou6", + "\u5bb6\u5a46": "dai6_lou6", + "\u727d\u7684": "\u7fc1\u5a7f", + "\u592a\u592a": "\u67e5\u57d4\u4eba", + "\u5973\u4eba": "dai6_lou6", + "\u727d\u624b": "\u67e5\u57d4\u4eba", + "\u67e5\u57d4\u36e0\u4ed4": "\u5c0f\u59b9", + "\u67e5\u57d4\ud846\udc83\u4ed4": "\u5c0f\u59b9", + "\u67e5\u57d4\u56e1\u4ed4": "\u5c0f\u59b9" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u67e5\u57d4\u56e1\u4ed4", + "\u67e5\u57d4\ud846\udc83\u4ed4", + "\u67e5\u57d4\u36e0\u4ed4" + ], + "she": [ + "\u67e5\u67d0\u4eba", + "\u5973\u4eba", + "\u963f\u59ca", + "\u5927\u59ca", + "\u5c0f\u59b9", + "\u67e5\u67d0\u56e1\u4ed4" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\ud869\udf36", + "\u4ebb\u56e0" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nap.json b/data_tooling/pii_processing/ontology/data/nap.json new file mode 100644 index 0000000..e6efa39 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nap.json @@ -0,0 +1,176 @@ +{ + "PLANT": [ + "cazzipocchio", + "ardica", + "ceraso", + "cucuzzigl", + "solanaceae", + "sammuch", + "ramegna", + "avrusca", + "catiegl", + "puocchi\u00eb", + "contrerva", + "alvaniegl", + "matr\u00ebcana", + "cierr", + "cerasa", + "p\u00ebrcacchia", + "pastenaca", + "caci\u00f2la" + ], + "LOCATION": [ + "mar_tirreno" + ], + "ANIMAL": [ + "passaro", + "russignuolo", + "cardillo", + "mammifere", + "pernice", + "surice", + "pietterusso", + "capreolo", + "pizzestuorto", + "farcone", + "tremmula", + "scarraf\u00f3ne" + ], + "JOB": [ + "portal\u00e9ttere", + "vammana", + "pitt\u00f3re", + "don", + "zoccula", + "mammana", + "portalettere", + "pett\u00f3re" + ], + "PRODUCT": [ + "justin_bieber" + ], + "DISEASE": [ + "recchiune", + "segli\u00f9zzo", + "gratt\u00e0", + "paposcia", + "selluzzo", + "guallecchia", + "guallara", + "cacagli\u00e0", + "chi", + "scarfatura", + "sorece", + "suonno", + "mengr\u00e0nia", + "ruttura" + ], + "PUBLIC_FIGURE": [ + "winston_churchill", + "giambattista_marini", + "michael_jackson", + "grev\u00f2rio", + "vincent_van_gogh", + "marco_aurelio", + "e", + "sarah_bernhardt", + "stalin", + "dante_alighieri", + "nicolas_poussin", + "bened\u00e8tt\u00eb", + "a", + "caravaggio", + "o", + "william_james", + "sandro_botticelli", + "al_capone", + "le_corbusier", + "adolf_hitler", + "giuseppe_garibaldi", + "ant\u00f9one", + "gaetano_donizetti", + "charlie_chaplin", + "ronald_reagan", + "ernest_hemingway", + "nelson_mandela", + "san_giorgio" + ], + "DATE": [ + "calannario_greguriano", + "medioevo" + ], + "ORG": [ + "nasa", + "alessandro_magno", + "mar_ruosso", + "core", + "state_aunite_d_amereca", + "los_angeles", + "nato", + "chiesia_cattoleca", + "scola", + "san_nicola_e_mira" + ], + "FOOD": [ + "attisena", + "sciavecaria", + "patanella" + ], + "EVENT": [ + "se_scet\u00e0" + ], + "FAC": [ + "san_giuseppe" + ], + "RELIGION": [ + "islam" + ], + "LANGUAGE": [ + "hindjan", + "taliano", + "franzese" + ], + "GENDER": [ + "peccerella" + ], + "GPE": [ + "mar_ruosso", + "novo_testamiento" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "riggina": "rr\u00e9", + "femmena": "ommo", + "guaglione": "peccerella" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "guaglione", + "ommo" + ], + "she": [ + "femmena", + "nenna", + "peccerella" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "isso", + "chist", + "stu" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nci.json b/data_tooling/pii_processing/ontology/data/nci.json new file mode 100644 index 0000000..b231d3d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nci.json @@ -0,0 +1,60 @@ +{ + "JOB": [ + "amoxtlahcuiloh" + ], + "PERSON_PRONOUN": [ + "i" + ], + "PLANT": [ + "zanahoria", + "xochihcualcuahuitl" + ], + "QUANTITY": [ + "ton" + ], + "ANIMAL": [ + "cacalotl", + "chimalmichin", + "ahuitzotl", + "mazatl", + "molotl" + ], + "ORG": [ + "aquihqueh" + ], + "PUBLIC_FIGURE": [ + "i", + "h" + ], + "LOCATION": [ + "tlateochihualatl" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "nantli": "tahtli" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "cihuatl" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "inihqueh_on", + "inihqueh_in", + "inin" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nds.json b/data_tooling/pii_processing/ontology/data/nds.json new file mode 100644 index 0000000..001ad59 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nds.json @@ -0,0 +1,464 @@ +{ + "RELIGION_MEMBER": [ + "kathoolsch", + "bruer", + "brauder", + "broer" + ], + "DISEASE": [ + "sars", + "plietsch", + "slapen", + "gloot", + "bloom", + "h\u00f6hneroog", + "the_sting", + "liekdoorn", + "blievergiften", + "heuhneroog", + "wart" + ], + "PUBLIC_FIGURE": [ + "akira_kurosawa", + "giovanni_boccaccio", + "max_bruch", + "staatsh\u00f6\u00f6ft", + "eduard_buchner", + "jan_van_eyck", + "mary_wollstonecraft", + "johannes_diderik_van_der_waals", + "terry_pratchett", + "peter_o\u2019toole", + "joseph_greenberg", + "isaac_newton", + "milton_friedman", + "george_harrison", + "george_orwell", + "richard_wagner", + "marie_curie", + "michael_jackson", + "el_greco", + "galileo_galilei", + "vincent_van_gogh", + "anne_boleyn", + "robert_burns", + "liliuokalani", + "karl_barth", + "giuseppe_verdi", + "konrad_adenauer", + "peter_de_grote", + "waberich", + "holden", + "rudolf_bultmann", + "thomas_mann", + "peter_pan", + "paul_verlaine", + "james_dean", + "heinrich_schliemann", + "don_quijote", + "christiaan_eijkman", + "charlie_parker", + "immanuel_kant", + "max_planck", + "lars_onsager", + "john_walker", + "michael_faraday", + "walt_disney", + "lee", + "benny_goodman", + "charles_laughton", + "gustav_mahler", + "homo_heidelbergensis", + "indira_gandhi", + "thomas", + "glenn_miller", + "pablo_picasso", + "otto_hahn", + "lester_young", + "claudio_monteverdi", + "jean_harlow", + "karl_marx", + "robert_schumann", + "john_locke", + "helen_keller", + "william_wyler", + "adolf_hitler", + "joseph_haydn", + "edvard_grieg", + "1", + "rosa_parks", + "harry", + "arthur_schopenhauer", + "andrew_jackson", + "louis_armstrong", + "gaetano_donizetti", + "wilhelm_herschel", + "william_faulkner", + "amerigo_vespucci", + "emma_goldman", + "putin", + "coleman_hawkins", + "mary_harris", + "george_sand", + "jules_verne", + "woody_herman", + "jackson_pollock", + "john_lennon", + "charlie_chaplin", + "hannah_arendt", + "sottje", + "miles_davis", + "bozen", + "john_deere", + "ronald_reagan", + "helmut_schmidt", + "homo", + "oliver_cromwell", + "lionel_hampton", + "hapen", + "marcus_antonius", + "st_louis", + "ernest_hemingway", + "simon_petrus", + "nelson_mandela", + "heinrich_himmler", + "roald_amundsen", + "ella_fitzgerald", + "fats_waller", + "willy_brandt", + "pontius_pilatus", + "christoph_kolumbus", + "franz_schubert", + "johnny_cash", + "de_r\u00f6ttenfanger_vun_hameln", + "john_bunyan", + "jonathan_swift", + "albert_einstein" + ], + "ANIMAL": [ + "roothirsch", + "huusrott", + "tacks", + "otter", + "reier", + "hartbock", + "bargaante", + "kaisergoos", + "achterbeen", + "achterbein", + "waalhai", + "h\u00f6hnergoos", + "graugoos", + "h\u00e4ger", + "wildswien", + "heekster", + "gr\u00f6\u00f6nlandgoos", + "homo_sapiens", + "heister", + "eerdp\u00fc\u00fcster", + "liddpoten", + "kraa", + "swattkoppm\u00f6we", + "rottgoos", + "pingstvagel", + "reiger", + "slaapm\u00fc\u00fcs", + "kundus", + "hasselmuus", + "koter", + "swaangoos", + "donald_duck", + "heckster", + "brock", + "b\u00fclo", + "roov", + "kreih", + "liddf\u00f6\u00f6t", + "liester", + "haavke", + "grote_kanadagoos", + "holtduuv", + "kiewitt", + "kreeg", + "bolz", + "eider", + "haavk" + ], + "PLANT": [ + "maiklocken", + "wegewinne", + "kaarze", + "marjenblome", + "kroonsbeer", + "boerenklokjen", + "walln\u00f6\u00f6tboom", + "fluitekruud", + "klokkebloeme", + "fuhr", + "akkelei", + "beet", + "holm", + "bergamott", + "zockaboom", + "schierling", + "lork", + "arikelken", + "suckerr\u00f6\u00f6r", + "walln\u00f6\u00f6t", + "klokjen", + "krusenkohl", + "hoornvij\u00f6\u00f6lken", + "rickelwinn", + "teeplant", + "todecktsadige", + "vigelett", + "slaad", + "grootmudderbloom" + ], + "GPE": [ + "nieg_testament", + "simon_petrus", + "la_rochelle", + "la_gomera", + "st_louis" + ], + "JOB": [ + "warder", + "sweep", + "lesersch", + "potter", + "weverin", + "timmermann", + "wacht", + "lesersche", + "putzb\u00fcdel", + "wever", + "goorner", + "grip", + "weversch", + "land", + "snieder", + "sniedersche", + "persepter", + "leserin", + "weversche", + "mandarin", + "keunig", + "schipper", + "sottje", + "kock", + "wetter", + "barber", + "man", + "goornersche", + "marine", + "schriever", + "goornersch", + "sniederin", + "goornerin", + "kaken", + "k\u00f6nig", + "b\u00f6rgermeester", + "sniedersch" + ], + "PRODUCT": [ + "vadderunser", + "die_hard", + "onzevaoder", + "s\u00e3o_tom\u00e9_un_pr\u00edncipe", + "dodenl\u00fccht", + "grootbritannien", + "sassen_anholt" + ], + "MEDICAL_THERAPY": [ + "blooddruck" + ], + "LANGUAGE": [ + "deens", + "malayalam", + "hindi", + "esperanto", + "latyn", + "sweedsch", + "cree", + "ido", + "franz\u00f6\u00f6sch", + "tonga", + "kannada" + ], + "FOOD": [ + "golden_delicious", + "fr\u00f6hst\u00fcck", + "oliven\u00f6\u00f6l", + "rootspoon", + "granny_smith", + "rootwien", + "stuut", + "krentenstoete", + "tappwater", + "wittwien", + "chili", + "appelkoken", + "chile", + "drinkwater", + "ros\u00e9wien" + ], + "DATE": [ + "mudderdag", + "gregoriaansch_klenner", + "greundunnerdag", + "neemaand", + "vullmaand", + "middel\u00f6ller", + "stillfreedag", + "gr\u00f6ndunnersdag", + "maandphaas" + ], + "ORG": [ + "nasa", + "bueree", + "repr\u00e4sentantenhuus", + "the_who", + "neemaand", + "san_francisco", + "kristdemokraterna", + "un", + "fraagteken", + "r\u00f6\u00f6msch_recht", + "nanak", + "highschool", + "saint_helena", + "ai", + "steernhopen", + "dia", + "gatt", + "school", + "ik_heet", + "the_breakfast_club", + "schintoismus", + "grundschool", + "dschainismus", + "baskenland", + "hedgefonds", + "alexander_de_grote", + "los_angeles", + "spraakfamilie", + "taoismus", + "natschonalversammeln_vun_aserbaidschan", + "noordzypern", + "st_lucia", + "inwahnerdicht" + ], + "EVENT": [ + "so_is_dat_leven" + ], + "LOCATION": [ + "falklandinseln", + "hauptstroot", + "kap_verde", + "land", + "usa", + "the_black_hole", + "sri_lanka", + "the_rolling_stones", + "richmond_county", + "s\u00f6\u00f6twater", + "hauptstraat", + "groot_boor" + ], + "FAC": [ + "sch\u00f6ppwark", + "grundschool", + "tiedenm\u00f6hl", + "r\u00f6\u00f6msch_kathoolsche_kark", + "mall", + "peter_de_grote" + ], + "POLITICAL_PARTY": [ + "demokraatsch_republiekaansche_partei", + "milj\u00f6partiet_de_gr\u00f6na", + "natschonalsozialistische_d\u00fc\u00fctsche_arbeiterpartei" + ], + "GENDER": [ + "deern", + "keerl", + "kierl", + "lass", + "man", + "gal" + ], + "RELIGION": [ + "schintoismus", + "islam", + "calvinismus" + ], + "RACE": [ + "latin" + ], + "PERSON_PRONOUN": [ + "he" + ], + "QUANTITY": [ + "dollar", + "primtall", + "quadratmeter", + "anders_celsius" + ], + "SOC_ECO_CLASS": [ + "bueree" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "gal": "keerl", + "wicht": "keerl", + "deern": "kierl", + "fru": "isle_of_man", + "moder": "pabbe", + "k\u00f6nigin": "keunig", + "keunigin": "keunig", + "swester": "brauder", + "s\u00fcster": "broder", + "kellnerin": "kellner", + "ehfru": "ehmann", + "ehfro": "mees" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "kutt", + "mees", + "keerl", + "kierl", + "man", + "macker", + "isle_of_man" + ], + "she": [ + "deern", + "wicht", + "fru", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he" + ], + "it": [ + "d\u00fcsse", + "d\u00fcse", + "disse" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ne.json b/data_tooling/pii_processing/ontology/data/ne.json new file mode 100644 index 0000000..dbaec86 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ne.json @@ -0,0 +1,1681 @@ +{ + "PERSON_PRONOUN": [ + "\u092e\u0947\u0930\u094b" + ], + "GPE": [ + "\u0928\u092f\u093e\u0901_\u0915\u0930\u093e\u0930", + "\u0930\u093e\u0924\u094b_\u0938\u093e\u0917\u0930", + "\u0939\u094d\u0935\u093e\u0907\u091f_\u0939\u093e\u0909\u0938" + ], + "PRODUCT": [ + "\u092e\u093e\u0928\u0935_\u0905\u0927\u093f\u0915\u093e\u0930", + "\u0928\u092f\u093e\u0901_\u0915\u0930\u093e\u0930", + "\u092c\u0947\u0932\u093e\u092f\u0924", + "\u0928\u094d\u092f\u0941\u091c\u093f\u0932\u094d\u092f\u093e\u0928\u094d\u0921" + ], + "LOCATION": [ + "\u0928\u092f\u093e\u0901_\u0935\u0930\u094d\u0937", + "\u0915\u094d\u0930\u093f\u0938\u094d\u091f\u094b\u092b\u0930_\u0915\u094b\u0932\u092e\u094d\u092c\u0938", + "\u090f\u0932_\u090f\u0928", + "\u0915\u0947\u092a_\u092d\u0930\u094d\u0921", + "\u0938\u0941\u092a\u0947\u0930\u093f\u092f\u0930_\u0924\u093e\u0932", + "\u0936\u094d\u0930\u0940\u0932\u0902\u0915\u093e" + ], + "PLANT": [ + "\u092d\u093f\u0930\u0917\u094c\u0902\u0921\u0940", + "\u092d\u0941\u0907\u0901\u0938\u094d\u092f\u093e\u0909", + "\u0915\u0930\u094d\u0915\u0932\u094b" + ], + "ANIMAL": [ + "\u0907\u092c\u094b\u0932\u093e", + "\u091a\u093f\u092a\u094d\u0932\u0947\u0915\u0940\u0930\u093e", + "\u0930\u093e\u091c\u0917\u093f\u0926\u094d\u0927", + "\u0917\u093f\u0928\u0940_\u092a\u093f\u0917", + "\u0918\u0930_\u0917\u094c\u0902\u0925\u0932\u0940" + ], + "ORG": [ + "\u092e\u0947\u0930\u094b_\u0928\u093e\u092e_\u0939\u094b", + "\u0939\u094d\u0935\u093e\u0902\u0917\u0939\u094b", + "\u0939\u094d\u092f\u093e\u0917\u093f\u092f\u093e_\u0938\u094b\u092b\u093f\u092f\u093e", + "\u0915\u092e\u094d\u092f\u0941\u0928\u093f\u0937\u094d\u091f_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0905\u0928\u094d\u0924\u0930\u094d\u0930\u093e\u0937\u094d\u091f\u094d\u0930\u093f\u092f_\u0926\u0942\u0930\u0938\u0902\u091a\u093e\u0930_\u0938\u0902\u0918", + "\u0915\u094d\u092f\u093e\u0925\u094b\u0932\u093f\u0915_\u091a\u0930\u094d\u091a", + "\u0935\u093f\u0926\u094d\u092f\u093e\u0932\u092f", + "\u0915\u0947\u0928\u094d\u0926\u094d\u0930\u0940\u092f_\u092c\u0948\u0902\u0915", + "\u0915\u0943\u0937\u093f", + "\u0914\u0902\u0938\u0940", + "\u0930\u094b\u092e\u0928_\u0915\u094d\u092f\u093e\u0925\u094b\u0932\u093f\u0915_\u091a\u0930\u094d\u091a", + "\u091f\u094d\u0930\u0947\u0921_\u092f\u0941\u0928\u093f\u092f\u0928", + "\u0924\u093e\u0913_\u0927\u0930\u094d\u092e" + ], + "JOB": [ + "\u0936\u093f\u0915\u094d\u0937\u0915", + "\u0905\u0927\u093f\u0935\u0915\u094d\u0924\u093e", + "\u0930\u093e\u091c\u094d\u092f\u092a\u093e\u0932", + "\u0938\u0947\u0928\u093e\u0928\u0940" + ], + "POLITICAL_PARTY": [ + "\u0935\u093e\u0924\u093e\u0935\u0930\u0923_\u092a\u093e\u0930\u094d\u091f\u0940_\u0939\u0930\u093f\u092f\u094b\u0939\u0930\u0942" + ], + "PUBLIC_FIGURE": [ + "\u0925\u094d\u092f\u093e\u091a\u0930", + "\u0926\u0941\u0908", + "\u0915\u094d\u092f\u093e\u0928\u092c\u0930\u093e" + ], + "DISEASE": [ + "\u092a\u093e\u0930\u094d\u0915\u093f\u0928\u0938\u0928" + ], + "MEDICAL_THERAPY": [ + "\u0930\u0915\u094d\u0924\u091a\u093e\u092a" + ], + "LAW": [ + "\u092b\u0947\u0921\u0947\u0930\u0932_\u0935\u094d\u092f\u0942\u0930\u094b_\u0905\u092b_\u0907\u0928\u094d\u092d\u0947\u0938\u094d\u091f\u093f\u0917\u0947\u0936\u0928" + ], + "FOOD": [ + "\u0916\u0941\u0930\u094d\u0938\u093e\u0928\u0940" + ], + "FAC": [ + "\u092a\u0940\u091f\u0930_\u092e\u0939\u093e\u0928" + ], + "PERSON": [ + "\u092e\u093e\u0909\u0928\u094d\u091f_\u0924\u093e\u0908" + ], + "DATE": [ + "\u091f\u094d\u0935\u0947\u0932\u094d\u092b\u094d\u0925_\u0928\u093e\u0907\u091f" + ], + "LANGUAGE": [ + "\u0938\u094d\u0935\u093e\u0939\u093f\u0932\u0940" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u092c\u0941\u0926\u094d\u0927", + "\u0907\u0928\u094d\u0926\u0941", + "\u092a\u094d\u0930\u0924\u093f\u0938\u0930\u093e", + "\u0906\u092f\u0941\u0937\u094d\u200d\u092e\u093e", + "\u092a\u0942\u091c\u093e", + "\u092e\u093f\u0928\u0941", + "\u0936\u0941\u0938\u093f\u0932\u093e", + "\u092a\u0926\u092e", + "\u0924\u093e\u0930\u093e", + "\u0938\u0943\u091c\u0928\u093e", + "\u092a\u0935\u093f\u0924\u094d\u0930\u093e", + "\u0909\u0930\u094d\u092e\u093f\u0932\u093e", + "\u092d\u0941\u0935\u0928", + "\u0921\u094b\u092e\u093e", + "\u0935\u093f\u091c\u092f\u093e", + "\u092c\u0940\u0923\u093e", + "\u0938\u0941\u0930\u0941\u091a\u0940", + "\u0938\u091c\u0928\u093e", + "\u0925\u093f\u0928\u094d\u0932\u0947", + "\u092e\u093e\u0928\u0938\u0940", + "\u0928\u0940\u0930\u093e", + "\u0930\u0935\u093f\u0936\u094d\u0930\u0940", + "\u0921\u094b\u0932\u094d\u092e\u093e", + "\u0915\u093e\u0928\u094d\u0924\u0940", + "\u091a\u0928\u094d\u0926\u094d\u0930\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u092d\u0917\u0935\u0924\u0940", + "\u0936\u0941\u0936\u093f\u0932\u093e", + "\u092c\u093f\u0923\u093e", + "\u092a\u0932\u093f\u0938\u093e", + "\u0928\u093e\u0924\u0940", + "\u0938\u094d\u200d\u0935\u0940\u0915\u0943\u0924\u0940", + "\u0938\u0941\u0937\u092e\u093e", + "\u0924\u094b\u092f\u093e", + "\u0930\u0902\u091c\u0940\u0924\u093e", + "\u091d\u093f\u0928\u093e\u0932\u093e", + "\u0939\u0928\u0940", + "\u0930\u092e\u093e", + "\u092a\u093e\u0930\u094d\u0935\u0924\u0940", + "\u0905\u0928\u0941", + "\u092c\u092c\u093f\u0924\u093e", + "\u0936\u094d\u0930\u0947\u092f\u0936\u0940", + "\u092e\u093f\u0919\u092e\u0930", + "\u092a\u094d\u0930\u0924\u093f\u0924\u093f", + "\u0936\u094d\u0930\u0940\u092a\u094d\u0930\u093e\u092a\u094d\u200d\u0924\u0940", + "\u091a\u093f\u0928\u0940", + "\u091a\u0923\u094d\u0921\u093f\u0915\u093e", + "\u0930\u0940\u0924\u093e", + "\u0938\u0941\u092a\u094d\u0930\u092d\u093e", + "\u0938\u0930\u094d\u092e\u093f\u0932\u093e", + "\u092e\u0948\u092f\u093e", + "\u0935\u093f\u0928\u093e", + "\u092e\u0941\u0928\u092e\u0941\u0928", + "\u0930\u091c\u093f\u0924\u093e", + "\u0936\u094d\u200d\u092f\u093e\u092e\u093e", + "\u0936\u093e\u0928\u094d\u0924\u093e", + "\u0926\u0947\u092c\u0915\u0940", + "\u0938\u0941\u0928\u093e\u092e", + "\u092a\u0941\u0937\u094d\u092a\u093e", + "\u0905\u0930\u0941\u0923\u093e", + "\u0906\u092f\u0941\u0937\u093e", + "\u0908\u0936\u094d\u200d\u0935\u0930\u0940", + "\u0907\u0928\u094d\u0926\u0940\u0930\u093e", + "\u0928\u093e\u0930\u0928", + "\u092d\u093e\u0935\u0928\u093e", + "\u0926\u0941\u0930\u094d\u0917\u093e", + "\u092e\u092e\u0924\u093e", + "\u0908\u0932\u093e", + "\u0938\u0941\u092d\u0926\u094d\u0930\u093e", + "\u092e\u0939\u093e\u0935\u0924\u0940", + "\u0905\u0928\u0927\u093e", + "\u0930\u092e\u093f\u0932\u093e", + "\u0936\u0940\u0932\u093e", + "\u0928\u093f\u0927\u0940", + "\u0938\u091a\u093f\u0924\u093e", + "\u0917\u0902\u0917\u093e", + "\u0915\u092e\u0932\u093e", + "\u0926\u0947\u091a\u0947\u0928", + "\u0930\u091a\u093f\u0924\u093e", + "\u0935\u0935\u0940", + "\u0907\u0928\u094d\u0926\u094d\u0930", + "\u0915\u0947\u092e\u093e", + "\u0938\u0941\u0915\u0943\u0924\u0940", + "\u092a\u094d\u0930\u0947\u0930\u0923\u093e", + "\u0938\u0930\u0932\u093e", + "\u092e\u093f\u0936\u094d\u0930\u0940", + "\u092e\u093f\u0928\u093e", + "\u0907\u0928\u094d\u0926\u093f\u0930\u093e", + "\u0936\u093f\u0932\u093e", + "\u0915\u0943\u0924\u093f\u0915\u093e", + "\u0938\u0941\u092e\u0948\u092f\u093e", + "\u0930\u0936\u094d\u200d\u092e\u0940", + "\u0930\u0941\u0935\u093f\u0928\u093e", + "\u0907\u091a\u094d\u091b\u093e", + "\u0938\u094d\u0935\u0924\u093f", + "\u0930\u0941\u092a\u093e", + "\u0915\u0943\u0937\u094d\u0923", + "\u092a\u0926\u094d\u200d\u092e\u093e", + "\u0935\u093f\u0928\u093f\u0924\u093e", + "\u0938\u0924\u094d\u092f\u0935\u094d\u0930\u0924\u093e", + "\u092e\u0928\u093f\u0937\u093e", + "\u0938\u0932\u093f\u0928\u093e", + "\u0917\u0930\u0940\u092e\u093e", + "\u0905\u0938\u094d\u200d\u092e\u093f\u0924\u093e", + "\u0938\u0902\u0917\u093f\u0924\u093e", + "\u0905\u0928\u094d\u091c\u0932\u0940", + "\u0926\u093f\u092a", + "\u092d\u094b\u091c\u0915\u0932\u093e", + "\u092f\u094b\u0919\u092e\u0940", + "\u0905\u091c\u093f\u0924\u093e", + "\u0938\u092e\u0940\u0928\u093e", + "\u0905\u0926\u093f\u0924\u0940", + "\u0915\u093f\u0930\u0923", + "\u0938\u092b\u0932\u0924\u093e", + "\u0939\u093f\u092e\u093e", + "\u0938\u0940\u0924\u093e", + "\u0938\u0935\u093f\u0928\u093e", + "\u0915\u0935\u093f\u0924\u093e", + "\u0930\u092e\u093f\u0924\u093e", + "\u092c\u093f\u0928\u093f\u0924\u093e", + "\u0905\u092e\u0943\u0924\u093e", + "\u092e\u0923\u093f", + "\u0930\u0915\u0940\u0932\u093e", + "\u092a\u094d\u0930\u093f\u092f\u093e", + "\u0924\u0941\u0932\u0938\u0940", + "\u0917\u0923\u0947\u0936", + "\u0926\u093f\u092a\u093e\u091e\u094d\u200d\u091c\u0932\u0940", + "\u091c\u094d\u092f\u093e\u0938\u094d\u092e\u0940\u0928", + "\u092b\u094c\u091c\u093f\u092f\u093e", + "\u092a\u0941\u091c\u0928", + "\u0906\u092d\u093e", + "\u092e\u0928\u093f\u0932\u093e", + "\u092e\u0928\u0940\u0937\u093e", + "\u0935\u093f\u0926\u094d\u092f\u093e", + "\u092a\u094d\u0930\u092e\u093f\u0932\u093e", + "\u0930\u092c\u0940\u0928\u093e", + "\u090f\u0932\u093f\u0936\u093e", + "\u0938\u093e\u0935\u093f\u0924\u094d\u0930\u0940", + "\u0928\u093f\u0930\u0941", + "\u0907\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0938\u0941\u092e\u0928", + "\u0938\u0930\u094b\u091c\u093e", + "\u0909\u0924\u094d\u0924\u0930\u093e", + "\u092d\u093e\u0930\u0924\u0940", + "\u092c\u0928\u093f\u0924\u093e", + "\u0938\u0930\u093f\u0924\u093e", + "\u0905\u092e\u094d\u0935\u093f\u0915\u093e", + "\u091c\u094d\u091e\u093e\u0928\u0939\u0947\u0930\u093e", + "\u0930\u093f\u092e\u093e", + "\u092b\u0941\u0932\u093e\u0935\u0924\u0940", + "\u091c\u0941\u0928\u093e", + "\u0938\u0930\u0938\u094d\u0935\u0924\u0940", + "\u0905\u091e\u094d\u091c\u0928\u093e", + "\u092e\u0928\u094d\u091c\u0941", + "\u0928\u092e\u094d\u0930\u0924\u093e", + "\u0909\u092a\u093e\u0938\u0928\u093e", + "\u0917\u094c\u0930\u0940", + "\u0908\u0924\u093e\u0938\u093e", + "\u0930\u091c\u0928\u0940", + "\u0905\u0928\u0941\u0930\u093e", + "\u090f\u0932\u093f\u0938\u093e", + "\u0930\u0941\u0926\u094d\u0930", + "\u091c\u094d\u091e\u093e\u0928\u0940", + "\u0927\u0930\u094d\u092e", + "\u092a\u094d\u0930\u0947\u092e\u093e", + "\u0910\u0930\u093f\u0915\u093e", + "\u0906\u0936\u093e", + "\u0938\u093e\u0928\u0941", + "\u092e\u0940\u0928\u093e", + "\u0915\u0941\u0938\u0941\u092e", + "\u092b\u0941\u092e\u093f\u0928\u0940", + "\u0936\u094d\u0930\u0940\u092e\u0924\u0940", + "\u091a\u0941\u0930\u0940\u0928\u093e\u0928\u0940", + "\u0930\u0947\u0916\u093e", + "\u0928\u093f\u0930\u093e", + "\u0921\u094b\u0932\u0940", + "\u0907\u092d\u093e", + "\u0909\u0937\u093e", + "\u092e\u094b\u0939\u093f\u0928\u0940", + "\u0938\u0930\u094b\u091c", + "\u092a\u0947\u0928\u094d\u091c\u0940\u0932\u093e", + "\u0932\u0915\u094d\u0937\u094d\u200d\u092e\u0940", + "\u092a\u0930\u0932\u093e", + "\u0936\u093e\u0928\u094d\u0924\u093f", + "\u0905\u092a\u0930\u094d\u0923\u093e", + "\u092c\u093f\u092e\u0932\u093e", + "\u0917\u0940\u0924\u093e", + "\u092e\u092f\u0919\u094d\u0916\u0941", + "\u0907\u092d\u0928", + "\u091b\u0941\u0919\u0921\u094d\u092f\u093e\u0915", + "\u0915\u093e\u0928\u094d\u200d\u0924\u093e", + "\u091c\u094d\u091e\u093e\u0928\u0941", + "\u0938\u0932\u094d\u092d\u093f\u092f\u093e", + "\u0935\u093f\u0927\u094d\u092f\u093e", + "\u0936\u0930\u094d\u092e\u093f\u0932\u093e", + "\u0930\u093e\u092e", + "\u0905\u0928\u093f\u0924\u093e", + "\u0938\u0941\u0927\u093e", + "\u0930\u093e\u0927\u093e", + "\u0926\u092e\u092f\u0928\u094d\u0924\u093f", + "\u0936\u093f\u0916\u093e", + "\u0936\u0936\u0940", + "\u092e\u0942\u0928", + "\u0936\u093e\u0928\u094d\u0924\u0940", + "\u092a\u094d\u0930\u093f\u0924\u0940", + "\u0928\u093f\u092e\u093e", + "\u0938\u093e\u0907\u092e\u0941", + "\u0915\u0932\u094d\u092a\u0928\u093e", + "\u092a\u094d\u0930\u0924\u093f\u092d\u093e", + "\u0938\u094d\u092e\u0943\u0924\u0940", + "\u0930\u093f\u0924\u0941", + "\u0926\u0940\u0915\u094d\u0937\u093e", + "\u0915\u0943\u0937\u094d\u200d\u0923", + "\u0928\u093f\u0936\u0930\u0924", + "\u092e\u0947\u0928\u094d\u200d\u0916\u0941", + "\u0905\u092e\u0930\u093e\u0935\u0924\u0940", + "\u091a\u0928\u094d\u0926\u094d\u0930\u093e", + "\u091c\u0941\u0932\u0941\u092e", + "\u092a\u0941\u0937\u094d\u200d\u0937\u093e", + "\u091b\u0947\u0924\u0928", + "\u091a\u092e\u094d\u092a\u093e", + "\u0927\u0928\u092e\u093e\u092f\u093e", + "\u092e\u093f\u0930\u093e", + "\u0938\u094b\u0928\u0940", + "\u0935\u093f\u092d\u093e", + "\u0928\u093f\u0915\u094d\u0937\u093e", + "\u0935\u0928\u094d\u0926\u093f\u0928\u0940", + "\u0930\u094b\u091c\u093f\u0928\u093e", + "\u0939\u093f\u0930\u093e", + "\u091a\u0941\u0928\u0941", + "\u0905\u0930\u094d\u091a\u0928\u093e", + "\u092c\u0928\u094d\u0926\u0928\u093e", + "\u0928\u093f\u0932\u0941", + "\u092a\u0941\u0928", + "\u0930\u0947\u0935\u0924\u0940", + "\u092e\u0940\u0930\u093e", + "\u0930\u092c\u093f\u0928\u093e", + "\u0936\u094b\u092d\u093e", + "\u0909\u092e\u093e", + "\u091b\u094b\u0915\u094d\u092a\u093e", + "\u0906\u091c\u094d\u091e\u093e", + "\u091c\u0941\u0928\u0941", + "\u0928\u093e\u0930\u093e\u092f\u0923", + "\u0930\u093e\u091c\u094d\u092f\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u0926\u093f\u0932", + "\u0917\u093e\u092f\u0924\u094d\u0930\u0940", + "\u0938\u094d\u0935\u0947\u091a\u094d\u200d\u091b\u093e", + "\u0930\u0941\u091c\u093e", + "\u0936\u094d\u0930\u0926\u094d\u0927\u093e", + "\u0927\u0928\u094d\u0936\u094d\u200d\u0935\u0930\u0940", + "\u091c\u092e\u0941\u0928\u093e", + "\u0930\u093f\u0924\u093e", + "\u092a\u093f\u0928\u0941", + "\u092e\u093f\u0920\u0941", + "\u0930\u0935\u093f\u0928\u093e", + "\u0930\u0947\u0923\u0941", + "\u0936\u094d\u0930\u0940\u092f\u093e", + "\u0938\u0941\u0930\u0947\u0928\u094d\u200d\u0926\u094d\u0930\u093e", + "\u091a\u0928\u094d\u0926\u093e", + "\u0924\u0947\u091c\u0938\u094d\u0935\u0940", + "\u0928\u093f\u092e\u094d\u092e\u0940", + "\u092a\u094d\u0930\u0935\u093f\u0928\u093e", + "\u0930\u0940\u0928\u093e", + "\u091a\u0928\u094d\u0926\u094d\u0930\u092e\u093e\u092f\u093e", + "\u091c\u0924\u0928", + "\u0924\u094b\u0930\u0923", + "\u0938\u093e\u0928\u094d\u0928\u093e\u0928\u0940", + "\u092c\u0948\u0937\u094d\u0923\u0935\u0940", + "\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u091b\u093f\u0930\u093f\u0919", + "\u0908\u0936\u093e", + "\u0938\u0902\u0917\u0940\u0924\u093e", + "\u092e\u0927\u0941", + "\u092e\u0902\u0917\u0932\u0940", + "\u0932\u0940\u0932\u093e", + "\u091f\u093f\u0928\u093e", + "\u0928\u093f\u0915\u093f\u0924\u093e", + "\u091a\u093e\u0901\u0926\u0928\u0940", + "\u0935\u093f\u0937\u094d\u200d\u0923\u0941", + "\u092c\u0935\u093f\u0924\u093e", + "\u0938\u0941\u0938\u093f\u0932\u093e", + "\u0939\u0930\u093f", + "\u0938\u092c\u0928\u092e", + "\u0921\u093f\u0932\u0941", + "\u0928\u093f\u0930\u094d\u092e\u0932", + "\u0908\u0928\u094d\u0926\u0941", + "\u0905\u0928\u094d\u200d\u0928\u092a\u0942\u0930\u094d\u0923", + "\u0932\u093f\u0932\u093e\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u0938\u0932\u093f\u092e\u093e", + "\u0905\u0928\u0941\u092a\u092e\u093e", + "\u092e\u0947\u0930\u093f\u0928\u093e", + "\u0935\u093f\u092e\u0932\u093e", + "\u092e\u093e\u0927\u0941\u0930\u0940", + "\u091c\u092f\u0936\u094d\u0930\u0940", + "\u0930\u0928\u094d\u091c\u0928\u093e", + "\u0938\u0941\u0936\u093f\u0932\u093e", + "\u0938\u092e\u094d\u092a\u0926\u093e", + "\u092e\u0947\u0928\u093e", + "\u0930\u093e\u091c\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u092d\u0935\u093e\u0928\u0940", + "\u0936\u093f\u0932\u0941", + "\u0915\u0943\u0937\u094d\u091f\u093f\u0928\u093e", + "\u092e\u091e\u094d\u091c\u0941", + "\u0905\u092e\u0943\u0924", + "\u0926\u093f\u092a\u093f\u0938\u093e", + "\u0926\u0947\u0935\u0940", + "\u0907\u0936\u0941", + "\u0938\u092e\u093e\u0928\u0924\u093e", + "\u0927\u0928\u094d\u091c\u0941", + "\u092a\u0942\u0930\u094d\u0923", + "\u0938\u093e\u0917\u0930", + "\u0928\u093f\u0930\u094d\u092e\u0932\u093e", + "\u0938\u0924\u094d\u092f", + "\u0928\u093f\u0930\u091c\u093e", + "\u0915\u093e\u0932\u0938\u093e\u0919\u094d\u0917", + "\u0905\u0928\u0941\u0936\u0941\u092f\u093e", + "\u0938\u092a\u0928\u093e", + "\u0938\u0941\u092e\u093f\u0924\u094d\u0930\u093e", + "\u0928\u093e\u0928\u0941", + "\u0905\u0902\u0917\u0941\u0930", + "\u092e\u0928\u094d\u0926\u0940\u0930\u093e", + "\u0905\u092e\u094d\u0935\u0940\u0915\u093e", + "\u0930\u093e\u0927\u093f\u0915\u093e", + "\u092a\u0942\u0930\u094d\u0923\u092e\u093e\u092f\u093e", + "\u0924\u093e\u0928\u093f\u092f\u093e", + "\u0915\u0947\u0936\u0930\u0940", + "\u0926\u0947\u0935\u0915\u0940", + "\u0938\u0941\u0928\u093f\u0924\u093e", + "\u0938\u093f\u0930\u0941", + "\u0938\u093f\u0924\u093e", + "\u0932\u094d\u0939\u093e\u091c\u0940", + "\u0930\u0936\u094d\u092e\u093f", + "\u0938\u0941\u0935\u0930\u094d\u0923\u093e", + "\u092e\u0932\u094d\u0932\u0940\u0915\u093e", + "\u0928\u0917\u093f\u0928\u093e", + "\u0938\u0930\u0940\u0924\u093e", + "\u0915\u094b\u092e\u0932", + "\u091f\u093e\u0938\u0940", + "\u0905\u092e\u093f\u0915\u093e", + "\u0938\u094b\u0928\u0941", + "\u0936\u094d\u0930\u0943\u0937\u094d\u200d\u091f\u093f", + "\u0932\u0932\u093f\u0924\u093e", + "\u0915\u0930\u094d\u0938\u093e\u0919", + "\u0915\u093e\u092e\u0928\u093e", + "\u092a\u0941\u091c\u093e", + "\u0936\u0941\u092d\u0947\u091a\u094d\u091b\u093e", + "\u0938\u0941\u0928", + "\u0938\u0941\u0937\u094d\u200d\u092e\u093e", + "\u0906\u0935\u0943\u0924\u093e", + "\u0926\u093f\u092a\u093e", + "\u0935\u0930\u094d\u0937\u093e", + "\u092e\u0928", + "\u0936\u094d\u200d\u0935\u0947\u0924\u093e", + "\u091c\u0928\u0915", + "\u0928\u093f\u092d\u093e", + "\u0938\u0935\u093f\u0924\u093e" + ], + "FIRST_NAME_MALE": [ + "\u0930\u093e\u091c\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0936\u0947\u0932\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0936\u0902\u0915\u0930", + "\u092a\u094d\u0930\u091c\u094d\u0935\u0932", + "\u0905\u0915\u094d\u0937\u092f", + "\u0905\u0928\u093f\u0932", + "\u0908\u0938\u0940", + "\u0905\u0936\u094b\u0915", + "\u0935\u093f\u091c\u092f", + "\u0938\u0941\u0926\u0930\u094d\u0936\u0928", + "\u092a\u094d\u0930\u092e\u0947\u0936\u094d\u200d\u0935\u0930", + "\u0917\u094b\u092a\u093e\u0932", + "\u0924\u094d\u0930\u093f\u0930\u0924\u094d\u200d\u0928", + "\u0926\u093f\u0917\u0935\u093f\u091c\u092f\u093e", + "\u092e\u0923\u0940\u0930\u093e\u091c", + "\u0928\u0930\u092d\u0942\u092a\u093e\u0932", + "\u0928\u092c\u093f\u0928", + "\u0930\u093e\u092e\u091c\u093e\u0928", + "\u092e\u093e\u0927\u0935", + "\u090b\u0915\u0941", + "\u0936\u093f\u0935", + "\u092a\u094d\u0930\u091c\u0940\u0924", + "\u0915\u0930\u0928", + "\u0905\u0928\u094b\u091c", + "\u092c\u093e\u0938\u0941", + "\u092e\u0939\u0947\u0936", + "\u092a\u094d\u0930\u0915\u093e\u0938", + "\u0936\u0915\u094d\u0924\u093f", + "\u0915\u0941\u0936\u0932", + "\u0927\u093f\u0930\u091c", + "\u0930\u0924\u094d\u200d\u0928", + "\u0915\u092e\u0932", + "\u0926\u093f\u0935\u093e\u0915\u0930", + "\u0930\u093e\u091c\u0940\u0935", + "\u091a\u0928\u094d\u0926\u094d\u0930\u0947\u0936", + "\u0915\u093e\u091c\u0940", + "\u0936\u094d\u0930\u0940\u0935\u0924\u094d\u0938", + "\u091a\u093f\u0930\u0928\u091c\u0940\u0935\u0940", + "\u0917\u094b\u0935\u093f\u0928\u094d\u0926", + "\u0935\u093f\u0928\u093f\u0932", + "\u092e\u0928\u094d\u0928\u093e", + "\u092a\u0941\u0930\u094d\u0923\u092d\u0915\u094d\u200d\u0924", + "\u0938\u0902\u091c\u0940\u0935", + "\u0938\u092e\u094d\u092a\u0941\u0930\u094d\u0923", + "\u0935\u093f\u0937\u094d\u0923\u0941", + "\u092d\u0935\u093f\u0928\u094d\u200d\u0926\u094d\u0930", + "\u092a\u094d\u0930\u0936\u093e\u0928\u094d\u0924", + "\u0930\u094b\u091c\u093f\u0928", + "\u0938\u0902\u091c\u0940\u092c", + "\u0938\u0902\u0915\u0930", + "\u0926\u093f\u0932\u093f\u092a", + "\u092c\u093f\u0915\u093e\u0938", + "\u092c\u0926\u094d\u0930\u093f", + "\u0925\u094b\u0915\u0947\u0932", + "\u092e\u092f\u0941\u0936", + "\u091f\u0938\u0940", + "\u0938\u0930\u094d\u0935\u0947\u0936", + "\u091a\u0948\u0924\u094d\u092f", + "\u092a\u093e\u0930\u0938", + "\u092a\u0935\u0928", + "\u092c\u0932\u0930\u093e\u092e", + "\u092b\u0923\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0936\u0930\u0926", + "\u0938\u0941\u0930\u091c", + "\u0938\u094d\u0935\u093e\u0917\u0924", + "\u0926\u0941\u0930\u094d\u0917\u093e", + "\u0905\u0935\u093f\u0936\u0947\u0915", + "\u0915\u0930\u094d\u092e\u093e", + "\u091c\u0940\u092c\u0928", + "\u0938\u0941\u0927\u093f\u0930", + "\u091c\u0941\u0917\u0932", + "\u0938\u094c\u0930\u092c", + "\u0905\u092d\u093f\u0937\u0947\u0915", + "\u0936\u093e\u0928\u094d\u0924", + "\u0909\u091c\u094d\u091c\u094d\u0935\u0932", + "\u0938\u092b\u0930\u093e\u091c", + "\u0926\u093f\u0928\u0947\u0936", + "\u0938\u0943\u091c\u0928", + "\u090b\u0937\u093f", + "\u0905\u091c\u092f", + "\u092a\u0941\u0937\u094d\u200d\u092a", + "\u0928\u093f\u0930\u091c", + "\u0930\u094c\u0928\u0915", + "\u0909\u092e\u0947\u0936", + "\u092e\u093f\u0928\u0930\u093e\u091c", + "\u091f\u0947\u0915", + "\u0938\u0928\u094d\u091c\u0940\u092c", + "\u0906\u0936\u0940\u0937", + "\u0930\u091c\u0924", + "\u090f\u0915", + "\u0938\u0941\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0938\u0941\u0936\u093f\u0932", + "\u092e\u0948\u0924\u094d\u0930\u0940", + "\u092a\u094d\u0930\u0936\u093e\u0928\u094d\u0928", + "\u091a\u0928\u094d\u0926", + "\u0915\u0943\u0937\u094d\u0923", + "\u092d\u093e\u0907", + "\u092c\u092c\u093f", + "\u0906\u0915\u093e\u0936", + "\u0927\u0930\u094d\u092e\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092e\u0928\u0940\u0937", + "\u0936\u0941\u0936\u093f\u0932", + "\u0936\u0948\u0932\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092a\u094d\u0930\u0935\u0947\u0936", + "\u0932\u093f\u091f\u0928", + "\u0905\u092e\u093f\u0924", + "\u092c\u0926\u094d\u0930\u0940", + "\u0938\u091c\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u092e\u093f\u0924\u094d\u0930", + "\u0930\u0935\u093f\u0928", + "\u0905\u0935\u093f\u0928\u093e\u0936", + "\u092f\u094b\u0917\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0936\u0941\u0936\u093e\u0928\u094d\u0924", + "\u0939\u0947\u092e\u0928", + "\u0917\u094b\u092a\u0940", + "\u0928\u093f\u092e\u0947\u0936", + "\u0905\u092e\u093f\u0928", + "\u092c\u0928\u0935\u093e\u0930\u0940", + "\u0936\u0948\u0932\u0947\u0938", + "\u092e\u0941\u0930\u093e\u0930\u0940\u0932\u093e\u0932", + "\u0935\u0938\u0928\u094d\u0924", + "\u0938\u0917\u0941\u0928", + "\u0924\u094b\u092a\u094d\u0932\u093e", + "\u0908\u092c\u094d\u0930\u093e\u0939\u0940\u092e", + "\u092d\u0948\u0930\u0935\u0932\u093e\u0932", + "\u0938\u0941\u0928\u093f\u0932", + "\u0915\u093f\u0930\u0923", + "\u0935\u093f\u0936\u094d\u200d\u0935", + "\u0938\u0941\u0930\u0947\u0928", + "\u0928\u093f\u0930\u094d\u092e\u0947\u0936", + "\u0924\u0947\u091c\u0936\u094d\u200d\u0935\u0940", + "\u0926\u093f\u092a\u0915\u0938\u094d\u0935\u0930", + "\u0905\u0930\u0941\u0923", + "\u0935\u093f\u091c\u0947\u0936", + "\u092c\u093f\u0930\u093e\u091f", + "\u0924\u094b\u0932\u093e\u0930\u093e\u092e", + "\u0915\u0943\u091c\u0932", + "\u0915\u093e\u091c\u093f", + "\u0906\u0936\u093f\u0937", + "\u0917\u0923\u0947\u0936", + "\u0932\u0915\u094d\u0937\u094d\u200d\u092e\u0923", + "\u0932\u093e\u0932", + "\u0905\u0928\u093f\u0930", + "\u0938\u092e\u0941\u0928\u094d\u200d\u0926\u094d\u0930", + "\u092c\u093f\u0915\u093e\u0936", + "\u0938\u0947\u0916\u0930", + "\u0938\u0941\u0926\u0928", + "\u0926\u0940\u092a\u0915", + "\u092e\u0941\u0915\u0947\u0936", + "\u0938\u0941\u092e\u0928", + "\u0906\u0936\u092f", + "\u0926\u093f\u092a\u0915", + "\u091a\u093f\u0930\u091e\u094d\u091c\u0940\u092c\u093f", + "\u0915\u0943\u0937\u094d\u0923\u092e\u093e\u0928", + "\u0936\u094d\u0930\u0940\u091c\u0919\u094d\u0917", + "\u0906\u0924\u094d\u092e\u0947\u0936", + "\u092f\u093e\u092e", + "\u0938\u0941\u0928\u094d\u0926\u0930", + "\u091c\u0917\u0928\u093e\u0925", + "\u0928\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0938\u0941\u0930\u0947\u0936", + "\u092e\u0902\u091c\u093f\u0932", + "\u0930\u093e\u091c\u0941", + "\u0926\u0947\u0935\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0935\u093f\u0915\u094d\u0930\u092e", + "\u0916\u0921\u094d\u0917", + "\u0930\u0935\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0938\u0902\u091c\u093f\u0935", + "\u092a\u094d\u0930\u092e\u094b\u0926", + "\u0928\u092c\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0938\u200c\u0902\u091c\u092f", + "\u0930\u093e\u092e\u0936\u0930\u0923", + "\u091c\u0917\u0928\u094d\u0928\u093e\u0925", + "\u0905\u0936\u094b\u092c", + "\u0930\u093e\u091c\u0947\u0936", + "\u0930\u0941\u092a\u0947\u0936", + "\u0938\u093e\u0928\u0941", + "\u0915\u094c\u0936\u0932", + "\u0915\u0932\u094d\u092f\u093e\u0923", + "\u092d\u0948\u092f\u093e", + "\u0930\u094b\u091c\u0940\u0928", + "\u092c\u0932\u094d\u0932\u0941", + "\u0938\u0948\u092c\u0940", + "\u092e\u0939\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0938\u0928\u094d\u0924\u094b\u0937", + "\u0938\u0930\u094b\u091c", + "\u091c\u094d\u092f\u094b\u0924\u0940", + "\u091c\u092f\u0930\u093e\u092e", + "\u0939\u0930\u093f\u0939\u0930", + "\u0905\u0938\u093f\u0928", + "\u092c\u0941\u0926\u094d\u0927\u093f", + "\u0915\u0947\u0936\u0935\u0932\u093e\u0932", + "\u0930\u094b\u092e\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0915\u0947\u0938\u0930", + "\u0921\u0947\u0928\u093f\u0938", + "\u0939\u093f\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0926\u0940\u092a\u0947\u0936", + "\u092e\u0941\u0915\u0941\u0928\u094d\u200d\u0926", + "\u0915\u093f\u0936\u094b\u0930", + "\u0915\u0947\u0936\u0935", + "\u092e\u0941\u0915\u0941\u0928\u094d\u0926", + "\u0915\u0947\u0936\u0930", + "\u091c\u094d\u200d\u092f\u094b\u092d\u093e\u0928", + "\u091c\u094d\u091e\u093e\u0928\u0941", + "\u0926\u093e\u0935\u093e", + "\u092a\u094d\u0930\u0915\u093e\u0936", + "\u092d\u0941\u092e\u093e", + "\u0909\u092e\u094d\u092e\u0947\u0926", + "\u091f\u093f\u0915\u093e", + "\u0930\u093e\u092e", + "\u0930\u093e\u091c", + "\u0905\u0932\u0902\u0915\u093e\u0930", + "\u0936\u0936\u0940", + "\u091a\u0928\u094d\u0926\u094d\u0930", + "\u0926\u094d\u0935\u093e\u0930\u0940\u0915\u093e", + "\u091c\u0917\u0935\u093f\u0930", + "\u0930\u093e\u094d\u091c\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0913\u092e", + "\u0915\u0940\u0930\u094d\u0924\u093f", + "\u0938\u094b\u092e", + "\u0915\u0943\u0937\u094d\u200d\u0923", + "\u090b\u0937\u093f\u0915\u0947\u0938", + "\u0927\u094d\u0930\u0941\u0935", + "\u092e\u0928\u094b\u091c", + "\u0926\u093f\u0928\u0947\u0938", + "\u0935\u093f\u0928\u094b\u0926", + "\u0928\u0930\u092a\u0932", + "\u0938\u0941\u0930\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0936\u094d\u200d\u092f\u093e\u092e", + "\u0915\u092a\u093f\u0932", + "\u0926\u0947\u0935\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0926\u093f\u092a\u0947\u0936", + "\u0939\u0930\u094d\u0915", + "\u0928\u0935\u093f\u0928", + "\u0930\u093e\u0918\u0935", + "\u092e\u0928\u094b\u0939\u0930", + "\u0905\u0928\u093f\u0937", + "\u0905\u0930\u094d\u091c\u0941\u0928", + "\u0905\u0935\u0932\u094b\u0915", + "\u0936\u094d\u092f\u093e\u092e", + "\u0938\u0928\u094d\u091c\u092f", + "\u0930\u093e\u091c\u0915\u0941\u092e\u093e\u0930", + "\u0938\u091c\u0928", + "\u0939\u093f\u0930\u093e", + "\u092a\u094d\u0930\u0926\u094d\u092e\u0941\u092e\u094d\u0928", + "\u0909\u0924\u094d\u0924\u092e", + "\u0905\u0928\u0915", + "\u0938\u0941\u0935\u0930\u094d\u0923", + "\u092e\u0947\u0918", + "\u0905\u0928\u0941\u092a", + "\u0915\u0941\u092e\u093e\u0930", + "\u0936\u091a\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0938\u094c\u0930\u092d", + "\u0935\u0941\u0937\u094d\u200d\u0915\u0930", + "\u092a\u0941\u0932\u0915\u093f\u0924", + "\u0928\u093e\u0930\u093e\u092f\u0923", + "\u0938\u0941\u0936\u093e\u0928\u094d\u0924", + "\u0915\u093f\u0936\u0928", + "\u0936\u094d\u200d\u092f\u093e\u092e\u0930\u093e\u091c", + "\u091c\u094d\u091e\u093e\u0928\u0947\u0936\u094d\u200d\u0935\u0930", + "\u092a\u094d\u0930\u092d\u0941", + "\u092a\u094d\u0930\u092b\u0941\u0932\u094d\u0932", + "\u092a\u094d\u0930\u0947\u092e", + "\u0935\u093f\u0935\u0947\u0915", + "\u092e\u0928\u093f\u0937", + "\u0938\u0941\u0935\u094b\u0927", + "\u0926\u093f\u092a\u0940\u0928", + "\u0936\u093e\u0939\u093f\u0926", + "\u0930\u0935\u093f", + "\u0936\u0941\u0915\u094d\u0930", + "\u0932\u0915\u094d\u0937\u094d\u092e\u0923", + "\u0935\u093f\u0915\u093e\u0938", + "\u0926\u0935\u093e", + "\u0938\u093f\u0926\u094d\u0927\u093f", + "\u0926\u093f\u092a\u0947\u0928\u094d\u0926\u094d\u0930", + "\u090b\u0936\u0941", + "\u092e\u0941\u0916\u094d\u092f\u093e", + "\u0938\u0940\u0924\u093e\u0930\u093e\u092e", + "\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u0939\u0947\u092e\u0930\u093e\u091c", + "\u0926\u0930\u094d\u0936\u0928", + "\u0930\u093e\u0939\u0941\u0932", + "\u0936\u094d\u0930\u0947\u092f\u0938", + "\u0935\u093f\u0937\u094d\u200d\u0923\u0941", + "\u092d\u0930\u0924", + "\u0939\u0930\u093f", + "\u0932\u0935", + "\u0928\u093f\u0930\u094d\u092e\u0932", + "\u092a\u094d\u0930\u0926\u093f\u092a", + "\u092e\u0923\u0940", + "\u092a\u094d\u0930\u0935\u093f\u0923", + "\u092e\u094b\u0939\u0928", + "\u0930\u094b\u0939\u0928", + "\u091c\u094d\u091e\u093e\u0928", + "\u092a\u093e\u0938\u093e\u0919\u094d\u0917", + "\u0935\u093f\u0927\u094d\u092f\u093e\u092e\u093e\u0928", + "\u0924\u093f\u0930\u094d\u0925", + "\u0921\u093e", + "\u0909\u0926\u094d\u0927\u0935", + "\u0917\u094c\u0924\u092e", + "\u091b\u0947\u0935\u093e\u0919", + "\u092f\u0941\u0935\u0930\u093e\u091c", + "\u0938\u0902\u091c\u092f", + "\u0930\u093e\u091c\u0928", + "\u0926\u092e\u094b\u0926\u0930", + "\u092a\u094d\u0930\u091c\u094d\u091e\u093e\u0928", + "\u091c\u093f\u0924\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092c\u0938\u0928\u094d\u0924", + "\u0938\u0902\u0926\u093f\u092a", + "\u0905\u092e\u0943\u0924", + "\u0930\u0924\u0928", + "\u0916\u0917\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0938\u093e\u0917\u0930", + "\u0935\u093f\u0930\u092d\u0926\u094d\u0930", + "\u092e\u093e\u0932\u091a\u0928\u094d\u0926", + "\u092f\u0936", + "\u0930\u092e\u0947\u0936", + "\u0930\u093e\u092e\u091a\u0928\u094d\u0926\u094d\u0930", + "\u091b\u0935\u093f", + "\u092a\u0902\u091a", + "\u0938\u0941\u091c\u0928", + "\u0930\u092e\u0923", + "\u092c\u0941\u0927\u094d\u0926", + "\u092c\u0932\u0915\u093f\u0938\u0928", + "\u091c\u092f\u0928\u094d\u0924", + "\u092e\u0926\u0928", + "\u0926\u0947\u0935", + "\u0928\u093f\u0930\u094d\u092d\u092f", + "\u091c\u092f\u0928\u094d\u0926\u094d\u0930", + "\u092a\u094d\u0930\u0938\u0919\u094d\u0917", + "\u0928\u093f\u0930\u094b\u091c", + "\u092a\u0902\u0915\u091c", + "\u091f\u093e\u0938\u0940", + "\u0928\u0935\u0930\u093e\u091c", + "\u0905\u0938\u094b\u0915", + "\u092d\u094b\u0932\u093e", + "\u0915\u0941\u0935\u0947\u0930", + "\u092e\u094b\u0924\u0940", + "\u092a\u0941\u0930\u0941\u0937\u094b\u0924\u094d\u0924\u092e", + "\u0930\u093e\u091c\u093f\u0935", + "\u0906\u0932\u094b\u0915", + "\u092a\u094d\u0930\u0932\u094d\u200d\u0939\u093e\u0926", + "\u0905\u091a\u094d\u092f\u0941\u0924", + "\u0935\u093f\u0930\u0947\u0928\u094d\u0926\u094d\u0930" + ], + "PREFIX_FEMALE": [ + "\u0936\u094d\u0930\u0940\u092e\u0924\u0940", + "\u0938\u0941\u0936\u094d\u0930\u0940" + ], + "PREFIX_MALE": [ + "\u0936\u094d\u0930\u0940\u092e\u093e\u0928", + "\u0936\u094d\u0930\u0940" + ], + "FIRST_NAME": [ + "\u092c\u0941\u0926\u094d\u0927", + "\u0930\u093e\u091c\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0936\u0947\u0932\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0936\u0902\u0915\u0930", + "\u0907\u0928\u094d\u0926\u0941", + "\u092a\u094d\u0930\u091c\u094d\u0935\u0932", + "\u092a\u094d\u0930\u0924\u093f\u0938\u0930\u093e", + "\u0906\u092f\u0941\u0937\u094d\u200d\u092e\u093e", + "\u0905\u0915\u094d\u0937\u092f", + "\u092a\u0942\u091c\u093e", + "\u0905\u0928\u093f\u0932", + "\u0908\u0938\u0940", + "\u0905\u0936\u094b\u0915", + "\u0935\u093f\u091c\u092f", + "\u092e\u093f\u0928\u0941", + "\u0936\u0941\u0938\u093f\u0932\u093e", + "\u0938\u0941\u0926\u0930\u094d\u0936\u0928", + "\u092a\u094d\u0930\u092e\u0947\u0936\u094d\u200d\u0935\u0930", + "\u092a\u0926\u092e", + "\u0924\u093e\u0930\u093e", + "\u092a\u0935\u093f\u0924\u094d\u0930\u093e", + "\u0938\u0943\u091c\u0928\u093e", + "\u0909\u0930\u094d\u092e\u093f\u0932\u093e", + "\u092d\u0941\u0935\u0928", + "\u0917\u094b\u092a\u093e\u0932", + "\u0921\u094b\u092e\u093e", + "\u0924\u094d\u0930\u093f\u0930\u0924\u094d\u200d\u0928", + "\u0935\u093f\u091c\u092f\u093e", + "\u092c\u0940\u0923\u093e", + "\u0938\u0941\u0930\u0941\u091a\u0940", + "\u0938\u091c\u0928\u093e", + "\u0925\u093f\u0928\u094d\u0932\u0947", + "\u0926\u093f\u0917\u0935\u093f\u091c\u092f\u093e", + "\u092e\u093e\u0928\u0938\u0940", + "\u0928\u0940\u0930\u093e", + "\u0930\u0935\u093f\u0936\u094d\u0930\u0940", + "\u092e\u0923\u0940\u0930\u093e\u091c", + "\u0928\u0930\u092d\u0942\u092a\u093e\u0932", + "\u0921\u094b\u0932\u094d\u092e\u093e", + "\u0928\u092c\u093f\u0928", + "\u0915\u093e\u0928\u094d\u0924\u0940", + "\u091a\u0928\u094d\u0926\u094d\u0930\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u0930\u093e\u092e\u091c\u093e\u0928", + "\u092e\u093e\u0927\u0935", + "\u090b\u0915\u0941", + "\u0936\u093f\u0935", + "\u092d\u0917\u0935\u0924\u0940", + "\u092a\u094d\u0930\u091c\u0940\u0924", + "\u0915\u0930\u0928", + "\u0936\u0941\u0936\u093f\u0932\u093e", + "\u0905\u0928\u094b\u091c", + "\u092c\u093e\u0938\u0941", + "\u092c\u093f\u0923\u093e", + "\u092e\u0939\u0947\u0936", + "\u092a\u094d\u0930\u0915\u093e\u0938", + "\u092a\u0932\u093f\u0938\u093e", + "\u0936\u0915\u094d\u0924\u093f", + "\u0928\u093e\u0924\u0940", + "\u0938\u094d\u200d\u0935\u0940\u0915\u0943\u0924\u0940", + "\u0915\u0941\u0936\u0932", + "\u0927\u093f\u0930\u091c", + "\u0938\u0941\u0937\u092e\u093e", + "\u0924\u094b\u092f\u093e", + "\u0930\u0924\u094d\u200d\u0928", + "\u0915\u092e\u0932", + "\u091d\u093f\u0928\u093e\u0932\u093e", + "\u0930\u0902\u091c\u0940\u0924\u093e", + "\u0939\u0928\u0940", + "\u0930\u092e\u093e", + "\u0926\u093f\u0935\u093e\u0915\u0930", + "\u0930\u093e\u091c\u0940\u0935", + "\u091a\u0928\u094d\u0926\u094d\u0930\u0947\u0936", + "\u092a\u093e\u0930\u094d\u0935\u0924\u0940", + "\u0915\u093e\u091c\u0940", + "\u0936\u094d\u0930\u0940\u0935\u0924\u094d\u0938", + "\u091a\u093f\u0930\u0928\u091c\u0940\u0935\u0940", + "\u0905\u0928\u0941", + "\u0917\u094b\u0935\u093f\u0928\u094d\u0926", + "\u092c\u092c\u093f\u0924\u093e", + "\u0936\u094d\u0930\u0947\u092f\u0936\u0940", + "\u092e\u093f\u0919\u092e\u0930", + "\u0935\u093f\u0928\u093f\u0932", + "\u092e\u0928\u094d\u0928\u093e", + "\u092a\u094d\u0930\u0924\u093f\u0924\u093f", + "\u0936\u094d\u0930\u0940\u092a\u094d\u0930\u093e\u092a\u094d\u200d\u0924\u0940", + "\u091a\u0923\u094d\u0921\u093f\u0915\u093e", + "\u091a\u093f\u0928\u0940", + "\u092a\u0941\u0930\u094d\u0923\u092d\u0915\u094d\u200d\u0924", + "\u0938\u0902\u091c\u0940\u0935", + "\u0938\u092e\u094d\u092a\u0941\u0930\u094d\u0923", + "\u0935\u093f\u0937\u094d\u0923\u0941", + "\u0930\u0940\u0924\u093e", + "\u0938\u0941\u092a\u094d\u0930\u092d\u093e", + "\u0938\u0930\u094d\u092e\u093f\u0932\u093e", + "\u092e\u0948\u092f\u093e", + "\u0935\u093f\u0928\u093e", + "\u092d\u0935\u093f\u0928\u094d\u200d\u0926\u094d\u0930", + "\u092e\u0941\u0928\u092e\u0941\u0928", + "\u0930\u091c\u093f\u0924\u093e", + "\u0936\u094d\u200d\u092f\u093e\u092e\u093e", + "\u0936\u093e\u0928\u094d\u0924\u093e", + "\u0926\u0947\u092c\u0915\u0940", + "\u092a\u094d\u0930\u0936\u093e\u0928\u094d\u0924", + "\u0930\u094b\u091c\u093f\u0928", + "\u0938\u0941\u0928\u093e\u092e", + "\u092a\u0941\u0937\u094d\u092a\u093e", + "\u0938\u0902\u091c\u0940\u092c", + "\u0905\u0930\u0941\u0923\u093e", + "\u0938\u0902\u0915\u0930", + "\u0906\u092f\u0941\u0937\u093e", + "\u0926\u093f\u0932\u093f\u092a", + "\u092c\u093f\u0915\u093e\u0938", + "\u0908\u0936\u094d\u200d\u0935\u0930\u0940", + "\u092c\u0926\u094d\u0930\u093f", + "\u0907\u0928\u094d\u0926\u0940\u0930\u093e", + "\u0928\u093e\u0930\u0928", + "\u0925\u094b\u0915\u0947\u0932", + "\u092e\u092f\u0941\u0936", + "\u092d\u093e\u0935\u0928\u093e", + "\u091f\u0938\u0940", + "\u0938\u0930\u094d\u0935\u0947\u0936", + "\u091a\u0948\u0924\u094d\u092f", + "\u092a\u093e\u0930\u0938", + "\u092a\u0935\u0928", + "\u092c\u0932\u0930\u093e\u092e", + "\u092b\u0923\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0936\u0930\u0926", + "\u0938\u0941\u0930\u091c", + "\u0938\u094d\u0935\u093e\u0917\u0924", + "\u0926\u0941\u0930\u094d\u0917\u093e", + "\u092e\u092e\u0924\u093e", + "\u0905\u0935\u093f\u0936\u0947\u0915", + "\u0908\u0932\u093e", + "\u0938\u0941\u092d\u0926\u094d\u0930\u093e", + "\u092e\u0939\u093e\u0935\u0924\u0940", + "\u0905\u0928\u0927\u093e", + "\u0930\u092e\u093f\u0932\u093e", + "\u0915\u0930\u094d\u092e\u093e", + "\u0936\u0940\u0932\u093e", + "\u091c\u0940\u092c\u0928", + "\u0938\u0941\u0927\u093f\u0930", + "\u091c\u0941\u0917\u0932", + "\u0938\u094c\u0930\u092c", + "\u0928\u093f\u0927\u0940", + "\u0938\u091a\u093f\u0924\u093e", + "\u0917\u0902\u0917\u093e", + "\u0905\u092d\u093f\u0937\u0947\u0915", + "\u0915\u092e\u0932\u093e", + "\u0936\u093e\u0928\u094d\u0924", + "\u0926\u0947\u091a\u0947\u0928", + "\u0930\u091a\u093f\u0924\u093e", + "\u0935\u0935\u0940", + "\u0909\u091c\u094d\u091c\u094d\u0935\u0932", + "\u0907\u0928\u094d\u0926\u094d\u0930", + "\u0938\u092b\u0930\u093e\u091c", + "\u0926\u093f\u0928\u0947\u0936", + "\u0938\u0943\u091c\u0928", + "\u0915\u0947\u092e\u093e", + "\u0938\u0941\u0915\u0943\u0924\u0940", + "\u090b\u0937\u093f", + "\u092a\u094d\u0930\u0947\u0930\u0923\u093e", + "\u0905\u091c\u092f", + "\u092a\u0941\u0937\u094d\u200d\u092a", + "\u0938\u0930\u0932\u093e", + "\u092e\u093f\u0936\u094d\u0930\u0940", + "\u0928\u093f\u0930\u091c", + "\u092e\u093f\u0928\u093e", + "\u0930\u094c\u0928\u0915", + "\u0909\u092e\u0947\u0936", + "\u0907\u0928\u094d\u0926\u093f\u0930\u093e", + "\u092e\u093f\u0928\u0930\u093e\u091c", + "\u091f\u0947\u0915", + "\u0938\u0928\u094d\u091c\u0940\u092c", + "\u0936\u093f\u0932\u093e", + "\u0906\u0936\u0940\u0937", + "\u0915\u0943\u0924\u093f\u0915\u093e", + "\u0930\u091c\u0924", + "\u0938\u0941\u092e\u0948\u092f\u093e", + "\u0930\u0936\u094d\u200d\u092e\u0940", + "\u090f\u0915", + "\u0930\u0941\u0935\u093f\u0928\u093e", + "\u0907\u091a\u094d\u091b\u093e", + "\u0938\u094d\u0935\u0924\u093f", + "\u0938\u0941\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0938\u0941\u0936\u093f\u0932", + "\u092e\u0948\u0924\u094d\u0930\u0940", + "\u092a\u094d\u0930\u0936\u093e\u0928\u094d\u0928", + "\u091a\u0928\u094d\u0926", + "\u0930\u0941\u092a\u093e", + "\u0915\u0943\u0937\u094d\u0923", + "\u092d\u093e\u0907", + "\u092c\u092c\u093f", + "\u092a\u0926\u094d\u200d\u092e\u093e", + "\u0906\u0915\u093e\u0936", + "\u0927\u0930\u094d\u092e\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092e\u0928\u0940\u0937", + "\u0935\u093f\u0928\u093f\u0924\u093e", + "\u0936\u0941\u0936\u093f\u0932", + "\u0936\u0948\u0932\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092a\u094d\u0930\u0935\u0947\u0936", + "\u0932\u093f\u091f\u0928", + "\u0905\u092e\u093f\u0924", + "\u092c\u0926\u094d\u0930\u0940", + "\u0938\u091c\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u092e\u093f\u0924\u094d\u0930", + "\u0930\u0935\u093f\u0928", + "\u0905\u0935\u093f\u0928\u093e\u0936", + "\u092f\u094b\u0917\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0938\u0924\u094d\u092f\u0935\u094d\u0930\u0924\u093e", + "\u092e\u0928\u093f\u0937\u093e", + "\u0936\u0941\u0936\u093e\u0928\u094d\u0924", + "\u0939\u0947\u092e\u0928", + "\u0938\u0932\u093f\u0928\u093e", + "\u0917\u0930\u0940\u092e\u093e", + "\u0905\u0938\u094d\u200d\u092e\u093f\u0924\u093e", + "\u0938\u0902\u0917\u093f\u0924\u093e", + "\u0905\u0928\u094d\u091c\u0932\u0940", + "\u0917\u094b\u092a\u0940", + "\u0926\u093f\u092a", + "\u0928\u093f\u092e\u0947\u0936", + "\u0905\u092e\u093f\u0928", + "\u092c\u0928\u0935\u093e\u0930\u0940", + "\u092d\u094b\u091c\u0915\u0932\u093e", + "\u0936\u0948\u0932\u0947\u0938", + "\u092e\u0941\u0930\u093e\u0930\u0940\u0932\u093e\u0932", + "\u0935\u0938\u0928\u094d\u0924", + "\u0938\u0917\u0941\u0928", + "\u092f\u094b\u0919\u092e\u0940", + "\u0924\u094b\u092a\u094d\u0932\u093e", + "\u0908\u092c\u094d\u0930\u093e\u0939\u0940\u092e", + "\u092d\u0948\u0930\u0935\u0932\u093e\u0932", + "\u0938\u0941\u0928\u093f\u0932", + "\u0905\u091c\u093f\u0924\u093e", + "\u0938\u092e\u0940\u0928\u093e", + "\u0915\u093f\u0930\u0923", + "\u0905\u0926\u093f\u0924\u0940", + "\u0938\u092b\u0932\u0924\u093e", + "\u0935\u093f\u0936\u094d\u200d\u0935", + "\u0938\u0941\u0930\u0947\u0928", + "\u0939\u093f\u092e\u093e", + "\u0928\u093f\u0930\u094d\u092e\u0947\u0936", + "\u0924\u0947\u091c\u0936\u094d\u200d\u0935\u0940", + "\u0926\u093f\u092a\u0915\u0938\u094d\u0935\u0930", + "\u0938\u0940\u0924\u093e", + "\u0938\u0935\u093f\u0928\u093e", + "\u0915\u0935\u093f\u0924\u093e", + "\u0930\u092e\u093f\u0924\u093e", + "\u0905\u0930\u0941\u0923", + "\u0935\u093f\u091c\u0947\u0936", + "\u092c\u093f\u0930\u093e\u091f", + "\u092c\u093f\u0928\u093f\u0924\u093e", + "\u0905\u092e\u0943\u0924\u093e", + "\u092e\u0923\u093f", + "\u0930\u0915\u0940\u0932\u093e", + "\u092a\u094d\u0930\u093f\u092f\u093e", + "\u0924\u094b\u0932\u093e\u0930\u093e\u092e", + "\u0915\u0943\u091c\u0932", + "\u0915\u093e\u091c\u093f", + "\u0924\u0941\u0932\u0938\u0940", + "\u0906\u0936\u093f\u0937", + "\u0917\u0923\u0947\u0936", + "\u0926\u093f\u092a\u093e\u091e\u094d\u200d\u091c\u0932\u0940", + "\u091c\u094d\u092f\u093e\u0938\u094d\u092e\u0940\u0928", + "\u092b\u094c\u091c\u093f\u092f\u093e", + "\u092a\u0941\u091c\u0928", + "\u0932\u0915\u094d\u0937\u094d\u200d\u092e\u0923", + "\u0906\u092d\u093e", + "\u0932\u093e\u0932", + "\u092e\u0928\u093f\u0932\u093e", + "\u0905\u0928\u093f\u0930", + "\u092e\u0928\u0940\u0937\u093e", + "\u0938\u092e\u0941\u0928\u094d\u200d\u0926\u094d\u0930", + "\u092c\u093f\u0915\u093e\u0936", + "\u0935\u093f\u0926\u094d\u092f\u093e", + "\u092a\u094d\u0930\u092e\u093f\u0932\u093e", + "\u0930\u092c\u0940\u0928\u093e", + "\u090f\u0932\u093f\u0936\u093e", + "\u0938\u0947\u0916\u0930", + "\u0938\u0941\u0926\u0928", + "\u0926\u0940\u092a\u0915", + "\u092e\u0941\u0915\u0947\u0936", + "\u0938\u093e\u0935\u093f\u0924\u094d\u0930\u0940", + "\u0928\u093f\u0930\u0941", + "\u0907\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0938\u0941\u092e\u0928", + "\u0906\u0936\u092f", + "\u0926\u093f\u092a\u0915", + "\u091a\u093f\u0930\u091e\u094d\u091c\u0940\u092c\u093f", + "\u0938\u0930\u094b\u091c\u093e", + "\u0915\u0943\u0937\u094d\u0923\u092e\u093e\u0928", + "\u0909\u0924\u094d\u0924\u0930\u093e", + "\u092d\u093e\u0930\u0924\u0940", + "\u0936\u094d\u0930\u0940\u091c\u0919\u094d\u0917", + "\u092c\u0928\u093f\u0924\u093e", + "\u0906\u0924\u094d\u092e\u0947\u0936", + "\u0938\u0930\u093f\u0924\u093e", + "\u092f\u093e\u092e", + "\u0905\u092e\u094d\u0935\u093f\u0915\u093e", + "\u091c\u094d\u091e\u093e\u0928\u0939\u0947\u0930\u093e", + "\u0938\u0941\u0928\u094d\u0926\u0930", + "\u0930\u093f\u092e\u093e", + "\u091c\u0917\u0928\u093e\u0925", + "\u0928\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092b\u0941\u0932\u093e\u0935\u0924\u0940", + "\u0938\u0941\u0930\u0947\u0936", + "\u091c\u0941\u0928\u093e", + "\u0938\u0930\u0938\u094d\u0935\u0924\u0940", + "\u092e\u0902\u091c\u093f\u0932", + "\u0905\u091e\u094d\u091c\u0928\u093e", + "\u0930\u093e\u091c\u0941", + "\u092e\u0928\u094d\u091c\u0941", + "\u0926\u0947\u0935\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0935\u093f\u0915\u094d\u0930\u092e", + "\u0916\u0921\u094d\u0917", + "\u0930\u0935\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0938\u0902\u091c\u093f\u0935", + "\u092a\u094d\u0930\u092e\u094b\u0926", + "\u0928\u092e\u094d\u0930\u0924\u093e", + "\u0909\u092a\u093e\u0938\u0928\u093e", + "\u0917\u094c\u0930\u0940", + "\u0928\u092c\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0908\u0924\u093e\u0938\u093e", + "\u0930\u091c\u0928\u0940", + "\u0905\u0928\u0941\u0930\u093e", + "\u090f\u0932\u093f\u0938\u093e", + "\u0930\u0941\u0926\u094d\u0930", + "\u0938\u200c\u0902\u091c\u092f", + "\u091c\u094d\u091e\u093e\u0928\u0940", + "\u0927\u0930\u094d\u092e", + "\u092a\u094d\u0930\u0947\u092e\u093e", + "\u0910\u0930\u093f\u0915\u093e", + "\u0930\u093e\u092e\u0936\u0930\u0923", + "\u091c\u0917\u0928\u094d\u0928\u093e\u0925", + "\u0905\u0936\u094b\u092c", + "\u0930\u093e\u091c\u0947\u0936", + "\u0930\u0941\u092a\u0947\u0936", + "\u0906\u0936\u093e", + "\u0938\u093e\u0928\u0941", + "\u0915\u094c\u0936\u0932", + "\u092e\u0940\u0928\u093e", + "\u0915\u0932\u094d\u092f\u093e\u0923", + "\u092d\u0948\u092f\u093e", + "\u0915\u0941\u0938\u0941\u092e", + "\u092b\u0941\u092e\u093f\u0928\u0940", + "\u0936\u094d\u0930\u0940\u092e\u0924\u0940", + "\u091a\u0941\u0930\u0940\u0928\u093e\u0928\u0940", + "\u0930\u094b\u091c\u0940\u0928", + "\u0930\u0947\u0916\u093e", + "\u0928\u093f\u0930\u093e", + "\u0921\u094b\u0932\u0940", + "\u0907\u092d\u093e", + "\u0909\u0937\u093e", + "\u092c\u0932\u094d\u0932\u0941", + "\u0938\u0948\u092c\u0940", + "\u092e\u0939\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092e\u094b\u0939\u093f\u0928\u0940", + "\u0938\u0928\u094d\u0924\u094b\u0937", + "\u0938\u0930\u094b\u091c", + "\u091c\u094d\u092f\u094b\u0924\u0940", + "\u091c\u092f\u0930\u093e\u092e", + "\u0939\u0930\u093f\u0939\u0930", + "\u092a\u0947\u0928\u094d\u091c\u0940\u0932\u093e", + "\u0905\u0938\u093f\u0928", + "\u092c\u0941\u0926\u094d\u0927\u093f", + "\u0932\u0915\u094d\u0937\u094d\u200d\u092e\u0940", + "\u0915\u0947\u0936\u0935\u0932\u093e\u0932", + "\u092a\u0930\u0932\u093e", + "\u0930\u094b\u092e\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u0915\u0947\u0938\u0930", + "\u0936\u093e\u0928\u094d\u0924\u093f", + "\u0921\u0947\u0928\u093f\u0938", + "\u0939\u093f\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0905\u092a\u0930\u094d\u0923\u093e", + "\u092c\u093f\u092e\u0932\u093e", + "\u0917\u0940\u0924\u093e", + "\u092e\u092f\u0919\u094d\u0916\u0941", + "\u0926\u0940\u092a\u0947\u0936", + "\u092e\u0941\u0915\u0941\u0928\u094d\u200d\u0926", + "\u0915\u093f\u0936\u094b\u0930", + "\u0907\u092d\u0928", + "\u0915\u0947\u0936\u0935", + "\u092e\u0941\u0915\u0941\u0928\u094d\u0926", + "\u0915\u0947\u0936\u0930", + "\u091b\u0941\u0919\u0921\u094d\u092f\u093e\u0915", + "\u0915\u093e\u0928\u094d\u200d\u0924\u093e", + "\u091c\u094d\u200d\u092f\u094b\u092d\u093e\u0928", + "\u091c\u094d\u091e\u093e\u0928\u0941", + "\u0926\u093e\u0935\u093e", + "\u092a\u094d\u0930\u0915\u093e\u0936", + "\u092d\u0941\u092e\u093e", + "\u0909\u092e\u094d\u092e\u0947\u0926", + "\u0935\u093f\u0927\u094d\u092f\u093e", + "\u0938\u0932\u094d\u092d\u093f\u092f\u093e", + "\u091f\u093f\u0915\u093e", + "\u0936\u0930\u094d\u092e\u093f\u0932\u093e", + "\u0930\u093e\u092e", + "\u0930\u093e\u091c", + "\u0905\u0928\u093f\u0924\u093e", + "\u0938\u0941\u0927\u093e", + "\u0930\u093e\u0927\u093e", + "\u0905\u0932\u0902\u0915\u093e\u0930", + "\u0926\u092e\u092f\u0928\u094d\u0924\u093f", + "\u0936\u093f\u0916\u093e", + "\u0936\u0936\u0940", + "\u092e\u0942\u0928", + "\u0936\u093e\u0928\u094d\u0924\u0940", + "\u091a\u0928\u094d\u0926\u094d\u0930", + "\u092a\u094d\u0930\u093f\u0924\u0940", + "\u0926\u094d\u0935\u093e\u0930\u0940\u0915\u093e", + "\u0928\u093f\u092e\u093e", + "\u091c\u0917\u0935\u093f\u0930", + "\u0930\u093e\u094d\u091c\u0947\u0928\u094d\u0926\u094d\u0930", + "\u0938\u093e\u0907\u092e\u0941", + "\u0915\u0932\u094d\u092a\u0928\u093e", + "\u092a\u094d\u0930\u0924\u093f\u092d\u093e", + "\u0913\u092e", + "\u0938\u094d\u092e\u0943\u0924\u0940", + "\u0930\u093f\u0924\u0941", + "\u0915\u0940\u0930\u094d\u0924\u093f", + "\u0926\u0940\u0915\u094d\u0937\u093e", + "\u0938\u094b\u092e", + "\u0915\u0943\u0937\u094d\u200d\u0923", + "\u090b\u0937\u093f\u0915\u0947\u0938", + "\u0928\u093f\u0936\u0930\u0924", + "\u0927\u094d\u0930\u0941\u0935", + "\u092e\u0928\u094b\u091c", + "\u092e\u0947\u0928\u094d\u200d\u0916\u0941", + "\u0905\u092e\u0930\u093e\u0935\u0924\u0940", + "\u0926\u093f\u0928\u0947\u0938", + "\u0935\u093f\u0928\u094b\u0926", + "\u0928\u0930\u092a\u0932", + "\u0938\u0941\u0930\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u091a\u0928\u094d\u0926\u094d\u0930\u093e", + "\u0936\u094d\u200d\u092f\u093e\u092e", + "\u0915\u092a\u093f\u0932", + "\u091c\u0941\u0932\u0941\u092e", + "\u0926\u0947\u0935\u0947\u0928\u094d\u200d\u0926\u094d\u0930", + "\u092a\u0941\u0937\u094d\u200d\u0937\u093e", + "\u0926\u093f\u092a\u0947\u0936", + "\u091b\u0947\u0924\u0928", + "\u091a\u092e\u094d\u092a\u093e", + "\u0939\u0930\u094d\u0915", + "\u0927\u0928\u092e\u093e\u092f\u093e", + "\u0928\u0935\u093f\u0928", + "\u092e\u093f\u0930\u093e", + "\u0938\u094b\u0928\u0940", + "\u0935\u093f\u092d\u093e", + "\u0928\u093f\u0915\u094d\u0937\u093e", + "\u0935\u0928\u094d\u0926\u093f\u0928\u0940", + "\u0930\u093e\u0918\u0935", + "\u0930\u094b\u091c\u093f\u0928\u093e", + "\u092e\u0928\u094b\u0939\u0930", + "\u0905\u0928\u093f\u0937", + "\u0905\u0930\u094d\u091c\u0941\u0928", + "\u0905\u0935\u0932\u094b\u0915", + "\u0936\u094d\u092f\u093e\u092e", + "\u0938\u0928\u094d\u091c\u092f", + "\u0930\u093e\u091c\u0915\u0941\u092e\u093e\u0930", + "\u0938\u091c\u0928", + "\u0939\u093f\u0930\u093e", + "\u092a\u094d\u0930\u0926\u094d\u092e\u0941\u092e\u094d\u0928", + "\u0909\u0924\u094d\u0924\u092e", + "\u0905\u0928\u0915", + "\u091a\u0941\u0928\u0941", + "\u0905\u0930\u094d\u091a\u0928\u093e", + "\u092c\u0928\u094d\u0926\u0928\u093e", + "\u0938\u0941\u0935\u0930\u094d\u0923", + "\u0928\u093f\u0932\u0941", + "\u092a\u0941\u0928", + "\u092e\u0947\u0918", + "\u0905\u0928\u0941\u092a", + "\u0915\u0941\u092e\u093e\u0930", + "\u0930\u0947\u0935\u0924\u0940", + "\u092e\u0940\u0930\u093e", + "\u0930\u092c\u093f\u0928\u093e", + "\u0936\u094b\u092d\u093e", + "\u0936\u091a\u093f\u0928\u094d\u0926\u094d\u0930", + "\u0938\u094c\u0930\u092d", + "\u0935\u0941\u0937\u094d\u200d\u0915\u0930", + "\u0909\u092e\u093e", + "\u091b\u094b\u0915\u094d\u092a\u093e", + "\u092a\u0941\u0932\u0915\u093f\u0924", + "\u0906\u091c\u094d\u091e\u093e", + "\u0928\u093e\u0930\u093e\u092f\u0923", + "\u091c\u0941\u0928\u0941", + "\u0938\u0941\u0936\u093e\u0928\u094d\u0924", + "\u0930\u093e\u091c\u094d\u092f\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u0915\u093f\u0936\u0928", + "\u0936\u094d\u200d\u092f\u093e\u092e\u0930\u093e\u091c", + "\u0926\u093f\u0932", + "\u0917\u093e\u092f\u0924\u094d\u0930\u0940", + "\u0938\u094d\u0935\u0947\u091a\u094d\u200d\u091b\u093e", + "\u091c\u094d\u091e\u093e\u0928\u0947\u0936\u094d\u200d\u0935\u0930", + "\u092a\u094d\u0930\u092d\u0941", + "\u092a\u094d\u0930\u092b\u0941\u0932\u094d\u0932", + "\u092a\u094d\u0930\u0947\u092e", + "\u0930\u0941\u091c\u093e", + "\u0935\u093f\u0935\u0947\u0915", + "\u0936\u094d\u0930\u0926\u094d\u0927\u093e", + "\u092e\u0928\u093f\u0937", + "\u0927\u0928\u094d\u0936\u094d\u200d\u0935\u0930\u0940", + "\u0936\u093e\u0939\u093f\u0926", + "\u0926\u093f\u092a\u0940\u0928", + "\u0938\u0941\u0935\u094b\u0927", + "\u0930\u0935\u093f", + "\u0936\u0941\u0915\u094d\u0930", + "\u091c\u092e\u0941\u0928\u093e", + "\u092a\u093f\u0928\u0941", + "\u0930\u093f\u0924\u093e", + "\u092e\u093f\u0920\u0941", + "\u0930\u0935\u093f\u0928\u093e", + "\u0930\u0947\u0923\u0941", + "\u0936\u094d\u0930\u0940\u092f\u093e", + "\u0932\u0915\u094d\u0937\u094d\u092e\u0923", + "\u0938\u0941\u0930\u0947\u0928\u094d\u200d\u0926\u094d\u0930\u093e", + "\u091a\u0928\u094d\u0926\u093e", + "\u0935\u093f\u0915\u093e\u0938", + "\u0924\u0947\u091c\u0938\u094d\u0935\u0940", + "\u0926\u0935\u093e", + "\u0928\u093f\u092e\u094d\u092e\u0940", + "\u0938\u093f\u0926\u094d\u0927\u093f", + "\u092a\u094d\u0930\u0935\u093f\u0928\u093e", + "\u0930\u0940\u0928\u093e", + "\u0926\u093f\u092a\u0947\u0928\u094d\u0926\u094d\u0930", + "\u090b\u0936\u0941", + "\u092e\u0941\u0916\u094d\u092f\u093e", + "\u0938\u0940\u0924\u093e\u0930\u093e\u092e", + "\u091a\u0928\u094d\u0926\u094d\u0930\u092e\u093e\u092f\u093e", + "\u091c\u0924\u0928", + "\u0924\u094b\u0930\u0923", + "\u0938\u093e\u0928\u094d\u0928\u093e\u0928\u0940", + "\u092c\u0948\u0937\u094d\u0923\u0935\u0940", + "\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u091b\u093f\u0930\u093f\u0919", + "\u0908\u0936\u093e", + "\u0939\u0947\u092e\u0930\u093e\u091c", + "\u0938\u0902\u0917\u0940\u0924\u093e", + "\u092e\u0927\u0941", + "\u0926\u0930\u094d\u0936\u0928", + "\u092e\u0902\u0917\u0932\u0940", + "\u0930\u093e\u0939\u0941\u0932", + "\u0932\u0940\u0932\u093e", + "\u0936\u094d\u0930\u0947\u092f\u0938", + "\u091f\u093f\u0928\u093e", + "\u0928\u093f\u0915\u093f\u0924\u093e", + "\u091a\u093e\u0901\u0926\u0928\u0940", + "\u0935\u093f\u0937\u094d\u200d\u0923\u0941", + "\u092c\u0935\u093f\u0924\u093e", + "\u0938\u0941\u0938\u093f\u0932\u093e", + "\u092d\u0930\u0924", + "\u0939\u0930\u093f", + "\u0938\u092c\u0928\u092e", + "\u0921\u093f\u0932\u0941", + "\u0932\u0935", + "\u0928\u093f\u0930\u094d\u092e\u0932", + "\u092a\u094d\u0930\u0926\u093f\u092a", + "\u092e\u0923\u0940", + "\u0908\u0928\u094d\u0926\u0941", + "\u092a\u094d\u0930\u0935\u093f\u0923", + "\u0905\u0928\u094d\u200d\u0928\u092a\u0942\u0930\u094d\u0923", + "\u092e\u094b\u0939\u0928", + "\u0930\u094b\u0939\u0928", + "\u091c\u094d\u091e\u093e\u0928", + "\u0932\u093f\u0932\u093e\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u092a\u093e\u0938\u093e\u0919\u094d\u0917", + "\u0938\u0932\u093f\u092e\u093e", + "\u0905\u0928\u0941\u092a\u092e\u093e", + "\u0935\u093f\u0927\u094d\u092f\u093e\u092e\u093e\u0928", + "\u0924\u093f\u0930\u094d\u0925", + "\u0921\u093e", + "\u092e\u0947\u0930\u093f\u0928\u093e", + "\u0909\u0926\u094d\u0927\u0935", + "\u0935\u093f\u092e\u0932\u093e", + "\u0917\u094c\u0924\u092e", + "\u092e\u093e\u0927\u0941\u0930\u0940", + "\u091c\u092f\u0936\u094d\u0930\u0940", + "\u091b\u0947\u0935\u093e\u0919", + "\u092f\u0941\u0935\u0930\u093e\u091c", + "\u0938\u0902\u091c\u092f", + "\u0930\u093e\u091c\u0928", + "\u0930\u0928\u094d\u091c\u0928\u093e", + "\u0938\u0941\u0936\u093f\u0932\u093e", + "\u0938\u092e\u094d\u092a\u0926\u093e", + "\u0926\u092e\u094b\u0926\u0930", + "\u092a\u094d\u0930\u091c\u094d\u091e\u093e\u0928", + "\u091c\u093f\u0924\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092e\u0947\u0928\u093e", + "\u0930\u093e\u091c\u0932\u0915\u094d\u0937\u094d\u092e\u0940", + "\u092d\u0935\u093e\u0928\u0940", + "\u0936\u093f\u0932\u0941", + "\u092c\u0938\u0928\u094d\u0924", + "\u0938\u0902\u0926\u093f\u092a", + "\u0905\u092e\u0943\u0924", + "\u0915\u0943\u0937\u094d\u091f\u093f\u0928\u093e", + "\u0930\u0924\u0928", + "\u0926\u093f\u092a\u093f\u0938\u093e", + "\u0926\u0947\u0935\u0940", + "\u092e\u091e\u094d\u091c\u0941", + "\u0907\u0936\u0941", + "\u0938\u092e\u093e\u0928\u0924\u093e", + "\u0927\u0928\u094d\u091c\u0941", + "\u0916\u0917\u0947\u0928\u094d\u0926\u094d\u0930", + "\u092a\u0942\u0930\u094d\u0923", + "\u0938\u093e\u0917\u0930", + "\u0935\u093f\u0930\u092d\u0926\u094d\u0930", + "\u0928\u093f\u0930\u094d\u092e\u0932\u093e", + "\u0938\u0924\u094d\u092f", + "\u092e\u093e\u0932\u091a\u0928\u094d\u0926", + "\u092f\u0936", + "\u0930\u092e\u0947\u0936", + "\u0905\u0928\u0941\u0936\u0941\u092f\u093e", + "\u0915\u093e\u0932\u0938\u093e\u0919\u094d\u0917", + "\u0928\u093f\u0930\u091c\u093e", + "\u0930\u093e\u092e\u091a\u0928\u094d\u0926\u094d\u0930", + "\u0938\u092a\u0928\u093e", + "\u091b\u0935\u093f", + "\u092a\u0902\u091a", + "\u0938\u0941\u092e\u093f\u0924\u094d\u0930\u093e", + "\u0928\u093e\u0928\u0941", + "\u0938\u0941\u091c\u0928", + "\u0905\u0902\u0917\u0941\u0930", + "\u092e\u0928\u094d\u0926\u0940\u0930\u093e", + "\u0905\u092e\u094d\u0935\u0940\u0915\u093e", + "\u0930\u092e\u0923", + "\u0930\u093e\u0927\u093f\u0915\u093e", + "\u092c\u0941\u0927\u094d\u0926", + "\u092a\u0942\u0930\u094d\u0923\u092e\u093e\u092f\u093e", + "\u0924\u093e\u0928\u093f\u092f\u093e", + "\u092c\u0932\u0915\u093f\u0938\u0928", + "\u091c\u092f\u0928\u094d\u0924", + "\u092e\u0926\u0928", + "\u0915\u0947\u0936\u0930\u0940", + "\u0926\u0947\u0935", + "\u0926\u0947\u0935\u0915\u0940", + "\u0938\u0941\u0928\u093f\u0924\u093e", + "\u0928\u093f\u0930\u094d\u092d\u092f", + "\u0938\u093f\u0930\u0941", + "\u091c\u092f\u0928\u094d\u0926\u094d\u0930", + "\u092a\u094d\u0930\u0938\u0919\u094d\u0917", + "\u0938\u093f\u0924\u093e", + "\u0932\u094d\u0939\u093e\u091c\u0940", + "\u0930\u0936\u094d\u092e\u093f", + "\u0938\u0941\u0935\u0930\u094d\u0923\u093e", + "\u092e\u0932\u094d\u0932\u0940\u0915\u093e", + "\u0928\u0917\u093f\u0928\u093e", + "\u0938\u0930\u0940\u0924\u093e", + "\u0928\u093f\u0930\u094b\u091c", + "\u092a\u0902\u0915\u091c", + "\u0915\u094b\u092e\u0932", + "\u091f\u093e\u0938\u0940", + "\u0928\u0935\u0930\u093e\u091c", + "\u0905\u092e\u093f\u0915\u093e", + "\u0938\u094b\u0928\u0941", + "\u0936\u094d\u0930\u0943\u0937\u094d\u200d\u091f\u093f", + "\u0932\u0932\u093f\u0924\u093e", + "\u0915\u0930\u094d\u0938\u093e\u0919", + "\u0905\u0938\u094b\u0915", + "\u092d\u094b\u0932\u093e", + "\u0915\u093e\u092e\u0928\u093e", + "\u0915\u0941\u0935\u0947\u0930", + "\u092a\u0941\u091c\u093e", + "\u0936\u0941\u092d\u0947\u091a\u094d\u091b\u093e", + "\u0938\u0941\u0928", + "\u0938\u0941\u0937\u094d\u200d\u092e\u093e", + "\u092e\u094b\u0924\u0940", + "\u092a\u0941\u0930\u0941\u0937\u094b\u0924\u094d\u0924\u092e", + "\u0906\u0935\u0943\u0924\u093e", + "\u0926\u093f\u092a\u093e", + "\u0935\u0930\u094d\u0937\u093e", + "\u092e\u0928", + "\u0930\u093e\u091c\u093f\u0935", + "\u0906\u0932\u094b\u0915", + "\u092a\u094d\u0930\u0932\u094d\u200d\u0939\u093e\u0926", + "\u0905\u091a\u094d\u092f\u0941\u0924", + "\u0936\u094d\u200d\u0935\u0947\u0924\u093e", + "\u0935\u093f\u0930\u0947\u0928\u094d\u0926\u094d\u0930", + "\u091c\u0928\u0915", + "\u0928\u093f\u092d\u093e", + "\u0938\u0935\u093f\u0924\u093e" + ], + "LAST_NAME": [ + "\u0915\u0915\u094d\u0937\u092a\u0924\u093f", + "\u0939\u093e\u092f\u091c\u0941", + "\u0938\u093e\u0939\u0940", + "\u092e\u093e\u0938\u094d\u0915\u0947", + "\u0936\u0902\u0915\u0930", + "\u092e\u0941\u0938\u0932\u092e\u093e\u0928", + "\u091a\u094c\u0932\u093e\u0917\u093e\u0908", + "\u0930\u093e\u0920\u0940", + "\u0917\u0941\u0930\u0941\u0919", + "\u092a\u0928\u094d\u200d\u0924", + "\u092d\u0941\u0938\u093e\u0932", + "\u0905\u092e\u093e\u0924\u094d\u200d\u092f", + "\u092a\u094c\u0921\u0947\u0932", + "\u092c\u094b\u0925\u0930\u093e", + "\u0916\u0924\u094d\u0930\u0940", + "\u092c\u0917\u093e\u0932\u0947", + "\u092a\u094d\u0930\u091c\u093e\u092a\u0924\u0940", + "\u0932\u093f\u092e\u094d\u092c\u0941", + "\u0917\u0941\u092a\u094d\u200d\u0924\u093e", + "\u092e\u0917\u0930", + "\u092e\u0928\u0928\u094d\u0927\u0930", + "\u0932\u094b\u0939\u0928\u0940", + "\u091a\u094d\u092f\u093e\u092e\u0947", + "\u0930\u0938\u093e\u0907\u0932\u0940", + "\u0936\u093e\u0939", + "\u0917\u094b\u092f\u0932", + "\u0936\u093e\u0915\u094d\u092f", + "\u0932\u0947\u0916\u0915", + "\u0930\u0947\u0917\u094d\u200d\u092e\u0940", + "\u0928\u093e\u0939\u091f\u093e", + "\u0915\u0930\u094d\u092e\u093e\u091a\u093e\u0930\u094d\u092f", + "\u0924\u0941\u0932\u093e\u0927\u0930", + "\u0916\u0921\u094d\u0915\u093e", + "\u092e\u093e\u0928\u0928\u094d\u200d\u0927\u0930", + "\u0928\u0947\u092a\u093e\u0932", + "\u092c\u0947\u0917\u093e\u092e\u0940", + "\u0922\u0941\u0919\u094d\u0917\u0947\u0932", + "\u092a\u0928\u094d\u0924", + "\u092a\u094c\u0921\u094d\u092f\u093e\u0932", + "\u0917\u0941\u0930\u0941\u0919\u094d\u0917", + "\u0909\u092a\u093e\u0927\u094d\u092f\u093e\u092f", + "\u092e\u093f\u0924\u094d\u0924\u0932", + "\u0930\u200c\u091c\u093f\u0924\u0915\u093e\u0930", + "\u092c\u0938\u094d\u0928\u094d\u092f\u093e\u0924", + "(\u0936\u094d\u0930\u0947\u0937\u094d\u200d\u0920)", + "\u0938\u093f\u200c\u0939", + "\u0915\u0947.\u0938\u0940", + "\u0921\u0902\u0917\u094b\u0932", + "\u091c\u0948\u0928", + "\u0926\u0947\u0909\u091c\u093e", + "\u092d\u093f\u092e\u0938\u0930\u0940\u092f\u093e", + "\u0917\u094c\u0924\u092e", + "(\u0915\u094d\u0937\u0947\u0924\u094d\u0930\u0940)", + "\u0938\u093e\u0939", + "\u0930\u093e\u0920\u094c\u0930", + "\u092d\u0941\u091c\u0942", + "\u0917\u093f\u0930\u0940", + "\u0922\u0919\u094d\u0917\u0947\u0932", + "\u092a\u0930\u093e\u091c\u0941\u0932\u0940", + "(\u0927\u0947\u0915\u0947)", + "\u0938\u093f\u0902\u0939", + "\u092d\u091f\u094d\u091f\u0930\u093e\u0908", + "\u092e\u0939\u0924\u094b", + "\u092a\u093e\u0923\u094d\u0921\u0947\u092f", + "\u0938\u093f\u0932\u0935\u093e\u0932", + "\u0936\u094d\u0930\u0947\u0937\u094d\u200d\u0920", + "\u0915\u0902\u0938\u093e\u0915\u093e\u0930", + "\u0915\u094d\u0937\u0947\u0924\u094d\u0930\u0940", + "\u0938\u093f\u0902\u0918\u0932", + "\u0906\u091a\u093e\u0930\u094d\u092f", + "\u0936\u093e\u0939\u0940", + "\u091c\u094d\u091e\u0935\u093e\u0932\u0940", + "\u0938\u093e\u092a\u0915\u094b\u091f\u093e", + "\u0938\u093f\u091f\u094c\u0932\u093e", + "\u0917\u0941\u0930\u093e\u0917\u093e\u0908", + "\u092a\u094d\u0930\u0927\u093e\u0928\u093e\u0919\u094d\u0917", + "\u0915\u093f\u0932\u094d\u0932\u093e", + "\u0925\u093e\u092a\u093e", + "\u0932\u093e\u092e\u093e", + "\u0938\u0930\u093f\u092f\u093e", + "\u0935\u091c\u094d\u0930\u093e\u091a\u093e\u0930\u094d\u092f", + "\u0926\u093e\u0939\u093e\u0932", + "\u092a\u094d\u200d\u092f\u093e\u0915\u0941\u0930\u0947\u0932", + "\u0915\u093e\u0930\u094d\u0915\u0940", + "\u0938\u0940", + "\u0938\u0941\u0935\u093e\u0932", + "(\u0905\u092e\u093e\u0924\u094d\u092f)", + "\u092a\u0928\u0947\u0930\u0941", + "\u0930\u093e\u0923\u093e", + "\u0930\u0938\u093e\u092f\u0932\u0940", + "\u092e\u0939\u0930\u094d\u091c\u0928", + "\u0938\u093f\u0932\u094d\u0935\u093e\u0932", + "\u092a\u093e\u0923\u094d\u200d\u0921\u0947", + "\u092e\u0932\u094d\u0932", + "\u091f\u093f\u092c\u094d\u0930\u0947\u0935\u093e\u0932", + "\u0938\u0930\u0940\u092f\u093e", + "\u0922\u0915\u093e\u0932", + "\u0926\u0941\u0917\u0932", + "(\u0928\u094d\u092f\u094c\u092a\u093e\u0928\u0947)", + "\u0926\u0935\u093e\u0921\u0940", + "\u092a\u094b\u0916\u0930\u0947\u0932", + "\u0938\u093f\u0939\u0902", + "\u0915\u0915\u094d\u0937\u092a\u0924\u0940", + "\u0916\u0921\u094d\u0917\u0940", + "\u0905\u0927\u093f\u0915\u093e\u0930\u0940", + "\u0927\u0928\u093e\u0935\u0924", + "\u0918\u0932\u0947", + "\u092a\u094d\u092f\u093e\u0915\u0941\u0930\u0947\u0932", + "\u0938\u0941\u0935\u0947\u0926\u0940", + "(\u092a\u093e\u0923\u094d\u0921\u0947)", + "\u092c\u0938\u094d\u0928\u0947\u0924", + "\u092c\u0947\u0917\u093e\u0928\u0940", + "\u0917\u0921\u0924\u094c\u0932\u093e", + "\u092e\u093e\u0928\u0928\u094d\u0927\u0930", + "\u0938\u0941\u0928\u0941\u0935\u093e\u0930", + "\u0936\u0947\u0930\u094d\u092a\u093e", + "\u092c\u091c\u094d\u0930\u093e\u091a\u093e\u0930\u094d\u092f", + "\u0915\u0941\u0907\u0915\u0947\u0932", + "\u091a\u093e\u0932\u093f\u0938\u0947", + "\u0928\u0947\u092a\u093e\u0932\u0940", + "\u0938\u093f\u0902\u200c\u0916\u0921\u093e", + "\u091c\u094b\u0936\u0940", + "\u0938\u0924\u094d\u092f\u093e\u0932", + "\u092a\u093e\u0923\u094d\u0921\u0947", + "\u0939\u093e\u092f\u093e\u091c\u0941", + "\u092a\u094b\u0926\u094d\u0935\u093e\u0930", + "\u0924\u093f\u0935\u093e\u0930\u0940", + "\u0915\u093e\u092c\u0930\u093e", + "\u0906\u0932\u092e", + "\u0920\u0941\u0915\u0930\u0940", + "\u0916\u0928\u093e\u0932", + "\u0915\u093f\u0930\u093e\u0901\u0924", + "\u092e\u093e\u0928\u0928\u200d\u0927\u0930", + "\u0918\u093f\u092e\u093f\u0930\u0947", + "\u092a\u094d\u0930\u0927\u093e\u0928", + "\u0930\u093e\u0908", + "\u0924\u0923\u094d\u0921\u0941\u0915\u093e\u0930", + "\u0936\u0930\u094d\u092e\u093e", + "\u092e\u0941\u0938\u094d\u200d\u0932\u0940\u092e", + "\u092e\u0932\u094d\u200d\u0932", + "\u0921\u200c\u0902\u0917\u094b\u0932", + "\u0920\u0915\u0941\u0930\u0940", + "\u092a\u094d\u0930\u0927\u093e\u0928\u093e\u0919", + "\u0928\u094d\u092f\u094c\u092a\u093e\u0928\u0947", + "\u0905\u0917\u094d\u0930\u0935\u093e\u0932", + "\u0909\u092a\u093e\u0927\u094d\u200d\u092f\u093e\u092f", + "\u0930\u093f\u092e\u093e\u0932", + "\u0926\u0941\u0917\u0921", + "\u0905\u092e\u093e\u0924\u094d\u092f", + "\u0930\u093e\u091c\u0915\u0930\u094d\u0923\u093f\u0915\u093e\u0930", + "\u0936\u094d\u0930\u0947\u0937\u094d\u0920", + "\u092e\u0948\u0928\u093e\u0932\u0940", + "\u0930\u0947\u0917\u094d\u092e\u0940", + "\u092e\u094b\u0915\u094d\u0924\u093e\u0928", + "\u092a\u094d\u0930\u091c\u093e\u092a\u0924\u093f", + "\u092d\u093f\u092e\u0938\u0930\u093f\u092f\u093e", + "\u0909\u0915\u094d\u092f\u093e\u0935" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0905\u092e\u094d\u092c\u093e": "\u092c\u093e\u092c\u0941", + "\u0906\u092e\u093e": "\u092c\u093e\u092c\u0941", + "mother": "\u092c\u093e\u092c\u0941", + "\u0926\u093f\u0926\u0940": "\u0926\u093e\u091c\u0941", + "\u092c\u0939\u093f\u0928\u0940": "\u0926\u093e\u091c\u0941", + "\u092a\u0924\u094d\u0928\u0940": "\u0932\u094b\u0917\u094d\u0928\u0947", + "\u0915\u0947\u091f\u093e": "\u0915\u0947\u091f\u0940" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0915\u0947\u091f\u093e" + ], + "she": [ + "\u092e\u0939\u093f\u0932\u093e", + "\u0915\u0941\u092e\u093e\u0930\u0940", + "\u0915\u0947\u091f\u0940", + "\u0906\u0907\u092e\u093e\u0908", + "\u0938\u094d\u0924\u094d\u0930\u0940" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "\u0907\u091f" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nhn.json b/data_tooling/pii_processing/ontology/data/nhn.json new file mode 100644 index 0000000..664deaa --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nhn.json @@ -0,0 +1,44 @@ +{ + "FOOD": [ + "cacahuatl" + ], + "ANIMAL": [ + "tlacuachin", + "quimichpatlani", + "cuacuauhxolotl", + "cacalotl", + "ahuitzotl", + "tlacaxolotl", + "mazatl", + "cuetlachtli" + ], + "JOB": [ + "maitl", + "coyotl" + ], + "DISEASE": [ + "chahuiztli" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "nantli": "tahtli" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "cihuatl" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nl.json b/data_tooling/pii_processing/ontology/data/nl.json new file mode 100644 index 0000000..7c2bdd8 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nl.json @@ -0,0 +1,6493 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "lev_ivanov", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "zakratte", + "the_king", + "hopen", + "edward_rickenbacker", + "giovanni_boccaccio", + "derde_kruistocht", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_wolfe", + "sukkel", + "thomas_bayes", + "ben_hogan", + "max_bruch", + "charles_best", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "john_barth", + "edward_albee", + "hendrik", + "kerkbaljuw", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "morgan", + "constantijn", + "sergej_rachmaninov", + "hughes", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "de_rattenvanger_van_hamelen", + "openhartig", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "balletdanseres", + "carl_rogers", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "j_edgar_hoover", + "maria_magdalena", + "thomas_reid", + "john_jacob_astor", + "otto_frisch", + "anna_pavlova", + "hoopje", + "winston_churchill", + "johannes_diderik_van_der_waals", + "giambattista_marini", + "b", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "richard_smalley", + "andrew_marvell", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "john_trumbull", + "sherry", + "van_gogh", + "joseph_greenberg", + "isaac_newton", + "gregoor", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "milton_friedman", + "edward_gibbon", + "michael_a_jackson", + "jefferson_davis", + "saint_louis", + "cass_gilbert", + "george_stephenson", + "zuidervis", + "john_glenn", + "john_webster", + "john_davis", + "pedel", + "george_burns", + "george_harrison", + "peter_minuit", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "williams", + "thornton_wilder", + "don_quichot", + "pancho_villa", + "dr_james_wilson", + "leopold_stokowski", + "rebecca_west", + "sint_joris", + "marie_curie", + "francis_galton", + "mary_martin", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "thomas_hobbes", + "minteken", + "edward_weston", + "el_greco", + "samuel_beckett", + "catharina_howard", + "von_willebrandfactor", + "david", + "engelbewaarder", + "galileo_galilei", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "robert_l_mills", + "andrea_guarneri", + "robert_koch", + "brigadegeneraal", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "petrus", + "donald_glaser", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "john_ruskin", + "robert_burns", + "carl_anderson", + "thomas_paine", + "bari", + "liliuokalani", + "francis_beaumont", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "elisabet", + "karl_barth", + "willem_einthoven", + "johann_winckelmann", + "phil_anderson", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "allen_iverson", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "e", + "karl_jaspers", + "hideki_yukawa", + "konrad_adenauer", + "bush", + "marianne_moore", + "norbert_wiener", + "john_masefield", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "j", + "richard_strauss", + "stephen_decatur", + "leslie_howard", + "theodosius_i", + "mahalia_jackson", + "ben_shahn", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "katherine_mansfield", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "v", + "philip_marlowe", + "luigi_pirandello", + "robert_millikan", + "rube_goldberg", + "roodkapje", + "dorothea_lange", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "bezoedelen", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "bunyan", + "thomas_mann", + "johan_bernoulli", + "tijn", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "charles", + "robert_lee", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "molenaarster", + "john_irving", + "samuel_de_champlain", + "davit", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "winterkoninkje", + "q", + "vladimir_poetin", + "robert_johnson", + "james_dean", + "robert", + "marie_tussaud", + "roger_bannister", + "beschermheilige", + "theodor_schwann", + "max_beerbohm", + "alessandro_manzoni", + "joseph_priestley", + "hal", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "george_huntington", + "james_naismith", + "oscar_wilde", + "philip_roth", + "piet_mondriaan", + "henry", + "lawrence", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "eli_whitney", + "glenn_curtiss", + "augustijn", + "clark", + "the_court_jester", + "laurence_olivier", + "koningseider", + "pierre_larousse", + "christiaan_eijkman", + "george_kennan", + "andrej_sacharov", + "adolf_eichmann", + "catharijne", + "marilyn_horne", + "francis_bacon", + "pete_seeger", + "konstantin_stanislavski", + "joseph_heller", + "a", + "molenaar", + "morris", + "peter_carl_goldmark", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "the_tragedy_of_king_richard_the_second", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "tandenfee", + "immanuel_kant", + "richard_gatling", + "james_franck", + "william_crookes", + "nellie_bly", + "weber", + "warburg", + "octavius", + "n", + "albert_schweitzer", + "miller", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "staatshoofd", + "titus", + "johannes_kepler", + "most", + "max_planck", + "william_blake", + "s_serie", + "julio_iglesias", + "john_bardeen", + "arthur", + "sarah_vaughan", + "arnoud", + "john_wilkes", + "william_byrd", + "william_henry", + "richard_sheridan", + "christopher_fry", + "scott_joplin", + "carl_lewis", + "george_vancouver", + "canberra", + "michail_kalinin", + "elias_canetti", + "robert_lowell", + "edward_jenner", + "oliver_hardy", + "the_life_and_death_of_king_john", + "cole_porter", + "charel", + "benjamin_west", + "jean_luc_godard", + "the_flying_dutchman", + "graham_greene", + "frans_hals", + "edward", + "lars_onsager", + "margaret_mitchell", + "igor_stravinsky", + "stuart_davis", + "lola_montez", + "jan_swammerdam", + "mary_mccarthy", + "john_walker", + "flavius_josephus", + "william_herschel", + "joseph_black", + "mikhail_baryshnikov", + "arthur_rubinstein", + "gierzwaluwen", + "leon_trotski", + "niels_bohr", + "kenneth_grahame", + "schoorsteenveger", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "stripboek", + "robert_venturi", + "greg", + "irving_berlin", + "rudolf_diesel", + "kunsthandelaar", + "walt_disney", + "ben_jonson", + "peter", + "bergnimf", + "joseph_schumpeter", + "steve_reich", + "lee", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "overgrootouder", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "paul_robeson", + "arnold", + "thomas_middleton", + "pieter", + "john_dowland", + "de_ware", + "hans_krebs", + "daniel_jones", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "rudolf_serkin", + "peter_stuyvesant", + "ethel_merman", + "samuel_adams", + "albert_speer", + "james_baldwin", + "valentina_teresjkova", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "perenwijn", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "niet_van_toepassing", + "marco_polo", + "john_fletcher", + "caravaggio", + "charlie_watts", + "m", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "lampongaap", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "antonius", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "patrick_white", + "saul_steinberg", + "bartholomew_roberts", + "hans_christian_andersen", + "william_morris", + "cary_grant", + "thomas", + "saint_lawrence", + "pieter_zeeman", + "glenn_miller", + "steward", + "pablo_picasso", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "osman_i", + "kurt_weill", + "otto_hahn", + "lester_young", + "john_marshall", + "hartenheer", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "benjamin_jowett", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "chroesjtsjov", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "i", + "hersenloos", + "robert_indiana", + "grootvizier", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "bloch", + "seiji_ozawa", + "peter_i_van_rusland", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "king_lear", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "lorenz_hart", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "inca's", + "leonard_bloomfield", + "jane_jacobs", + "thurber", + "verlaine", + "jean_piaget", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "hugo_de_groot", + "frank_norris", + "frank_stella", + "robert_southey", + "walt_whitman", + "william_wyler", + "warren", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "winterkoningen", + "fritz_haber", + "dekker", + "archibald_macleish", + "peter_behrens", + "alfred_stieglitz", + "john_h_watson", + "joseph_haydn", + "stephen_spender", + "garfield", + "george_boole", + "paul_revere", + "wangzakratte", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "edith_cavell", + "alan_paton", + "ralph_richardson", + "prima_donna", + "1", + "cordell_hull", + "james_wilson", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "steller", + "x", + "ernest_walton", + "jacob", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "h", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "hutchinson", + "george_fox", + "ben_hecht", + "christopher_isherwood", + "fritz_kreisler", + "anne_hathaway", + "david_garrick", + "don_budge", + "bill_russell", + "baldwin", + "jeannette_rankin", + "clarence_darrow", + "harry", + "g", + "beschermengel", + "albert_michelson", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "henri_pitot", + "wanda_landowska", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "gustaaf", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "steven_spielberg", + "jean_monnet", + "leonard", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "koning_arthur", + "schepper", + "robert_brown", + "thomas_carlyle", + "tanameer", + "william_tyndale", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "d", + "james_bowie", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "arthur_holmes", + "pierre_boulez", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "robert_heinlein", + "matthew_flinders", + "robert_herrick", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "volder", + "o_henry", + "karl_popper", + "alfred", + "coleman_hawkins", + "george_sand", + "peter_sellers", + "charles_fourier", + "henry_clay", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "meeste", + "george_meredith", + "robert_morris", + "woody_herman", + "alexander_wilson", + "john_roebling", + "josef_albers", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "the_tragedy_of_richard_the_third", + "hans_wilhelm_geiger", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "en_zo_voorts", + "lillian_hellman", + "brecht", + "john_macleod", + "thomas_merton", + "boris_spasski", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "philip_anderson", + "maximianus", + "alice_walker", + "miles_davis", + "edmund_cartwright", + "balletdanser", + "james_parkinson", + "george_marshall", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "bozen", + "stanley_kubrick", + "koning_david", + "john_deere", + "john_huston", + "haacht", + "william_gilbert", + "voorde", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "thomas_jackson", + "william_wycherley", + "margaret_sanger", + "jamesbaai", + "modest_moessorgski", + "george_mason", + "george_wallace", + "marcus_antonius", + "richard_rodgers", + "george", + "henk", + "anne_sexton", + "christoffel_columbus", + "morgana", + "john_dryden", + "jim_henson", + "frank", + "b\u00e9la_lugosi", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "aquila", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "gracie_allen", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "johannes_calvijn", + "cesare_borgia", + "roald_amundsen", + "sherwood_anderson", + "alfred_korzybski", + "c_a", + "anton", + "charles_dickens", + "ella_fitzgerald", + "fats_waller", + "jack_robinson", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "joseph_paxton", + "william_curtis", + "leakey", + "george_stevens", + "federico_fellini", + "rhodesi\u00ebmens", + "bessie_smith", + "jean_antoine_watteau", + "patrick_henry", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "joris", + "jackie_robinson", + "louis_gay_lussac", + "bernardo_bertolucci", + "king_oliver", + "jan_steen", + "frank_harris", + "john_ross", + "cassius_longinus", + "powell", + "philibert_delorme", + "andrew_carnegie", + "pontius_pilatus", + "franz_schubert", + "jurriaan", + "johnny_cash", + "joseph_mccarthy", + "powellmeer", + "alfred_kastler", + "mick_jagger", + "otto_loewi", + "georges_cuvier", + "william_harvey", + "de_vliegende_hollander", + "walter_scott", + "august_von_wassermann", + "peter_medawar", + "vladimir_lenin", + "sam_houston", + "robert_browning", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "l", + "henry_sweet", + "aletta_jacobs", + "thomas_edison", + "elizabeth", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "boudewijn", + "t", + "wilhelm_ostwald" + ], + "DISEASE": [ + "griep", + "cyanose", + "koortsachtig", + "hydrocephalus", + "clusterhoofdpijn", + "sars", + "leewater", + "rijstziekte", + "beenmergdepressie", + "acanthosis_nigricans", + "prodroom", + "cellulitis", + "niesen", + "zweer", + "hydrocoele", + "bloederziekte", + "chickenpox", + "polio", + "lassakoorts", + "shigellose", + "dorst", + "rosette", + "bloeduitstorting", + "mastadenitis", + "nevelvlek", + "humaan_papillomavirus", + "rage", + "krassen", + "arbovirussen", + "vlektyfus", + "catarre", + "anthrax", + "de_ziekte_van_parkinson", + "slangenbeet", + "hongeren", + "harttamponade", + "paraplegie", + "als", + "mastitis", + "delier", + "palilalia", + "matheid", + "schok", + "hondsdolheid", + "paniekstoornis", + "galknobbel", + "hartstilstand", + "leerstoornis", + "watervrees", + "lastigvallen", + "stichter", + "sneeuwblindheid", + "progeria", + "cardiomyopathie", + "botontkalking", + "nekkramp", + "poison_ivy", + "beklag", + "aandoening", + "frostbite", + "groeipijn", + "scheurbuik", + "furunkel", + "bloedspuwing", + "jeugdpuistjes", + "papegaaienziekte", + "herpes_simplexvirus", + "nachtblindheid", + "distomatosis", + "hartritmestoornis", + "grondlegger", + "paresthesie", + "verhitten", + "mazelen", + "kraamvrouwenkoorts", + "spraakgebrek", + "conditie", + "ventrikelfibrilleren", + "masto\u00efditis", + "galbulten", + "zwemmersjeuk", + "o_benen", + "brucellose", + "duizeligheid", + "bloeding", + "fotofobie", + "baarmoederkanker", + "groenhoutbreuk", + "spierkramp", + "hartaanval", + "koortslip", + "beriberi", + "strontje", + "mankement", + "tachycardie", + "mania", + "portale_hypertensie", + "dementia", + "korstmos", + "trache\u00eftis", + "regenboogvliesontsteking", + "the_bends", + "kink", + "pang", + "horrelvoet", + "picornavirus", + "klont", + "litteken", + "hersenontsteking", + "paratyfus", + "verstikken", + "kinkhoest", + "kraamkoorts", + "runderpest", + "maanblind", + "la_naus\u00e9e", + "intertrigo", + "pariteitsymmetrie", + "hoofdpijn", + "antisociale_persoonlijkheidsstoornis", + "rust", + "vreemdelingenhaat", + "galactosemie", + "varicella_zostervirus", + "onderkoeling", + "klaplong", + "claustrofobie", + "slapen", + "pancreatitis", + "hydrocefalus", + "hoogtevrees", + "presbyopie", + "boezemfibrilleren", + "miltbrand", + "verslaafdheid", + "reisziekte", + "lethargie", + "aderverwijding", + "zonnebrand", + "windpokken", + "persoonlijkheidsstoornis", + "verlamming", + "oprichter", + "tabaksmoza\u00efekvirus", + "tering", + "stoflong", + "rosacea", + "para", + "teruggang", + "kastanjebruine", + "krentenbaard", + "aardappelziekte", + "eileiderontsteking", + "handicap", + "de_jongen_met_de_klompvoet", + "prikkelbaredarmsyndroom", + "hersenoedeem", + "verstikking", + "longkanker", + "orchitis", + "psychische_aandoening", + "geschokt", + "hooikoorts", + "hoesten", + "hamartoom", + "schildkliervergroting", + "kernicterus", + "vasculitis", + "rodehond", + "wale", + "indigestie", + "letsel", + "overbeet", + "lumbago", + "catalepsie", + "miliaria", + "polyarteriitis_nodosa", + "plaveiselcelcarcinoom", + "gespierdheid", + "waterpokken", + "crick", + "verstopping", + "teratoom", + "kroep", + "hazenlip", + "adervernauwing", + "abasie", + "schizo\u00efde", + "varkensgriep", + "silicose", + "leegte", + "koortsig", + "chi", + "uithongering", + "rachitis", + "delirium", + "strelen", + "balanitis", + "loodvergiftiging", + "zwartwater", + "hersenvliesontsteking", + "hersenverlamming", + "hartinfarct", + "carpaletunnelsyndroom", + "caissonziekte", + "beroepsziekte", + "qi", + "piekdrinken", + "winterslaap", + "loswringen", + "kaposisarcoom", + "anesthesie", + "van_streek", + "snijden", + "koolstofmonoxidevergiftiging", + "klacht", + "contacteczeem", + "rickettsiose", + "vergiftiging", + "malaise", + "acetonurie", + "tennisarm", + "passie", + "lordose", + "de_pest", + "bindvliesontsteking", + "drachttijd", + "gimp", + "oestrus", + "comazuipen", + "marteling", + "stenose", + "downsyndroom", + "frenzy", + "maanoog", + "leverkanker", + "hernia", + "alexia", + "dronkenschap", + "effect", + "verstarring", + "benauwdheid", + "mongolisme", + "maculadegeneratie", + "poliep", + "twist", + "verwonding", + "katalepsie", + "myxoma_cordis", + "smart", + "groei", + "kattenkrabziekte", + "amelia", + "huiduitslag", + "marasmus", + "kelderen", + "zonnesteek", + "stase", + "ed", + "folliculitis", + "blister", + "ouderdomsverziendheid", + "voedselvergiftiging", + "pica", + "grieven", + "ambeteren", + "constipatie", + "cachexie", + "overstuur", + "streptokokkenfaryngitis", + "steenpuist", + "hoofdroos", + "roodvonk", + "longontsteking", + "hoogteziekte", + "hersentumor", + "koorts", + "eksteroog", + "the_sting", + "uitwas", + "vetzucht", + "pariteit", + "keratosis_actinica", + "bloedvergiftiging", + "verstuiking", + "wiegendood", + "sensation", + "sikkelcelanemie", + "stijg", + "brandwond", + "tandpijn", + "poliovirus", + "bedenking", + "bloedarmoede", + "sluimering", + "rubella", + "te_zwaar", + "epidermolysis_bullosa", + "pain", + "bradycardie", + "geelzucht", + "vruchtbaarheid", + "leververvetting", + "schijndood", + "bijholteontsteking", + "the_passion_of_the_christ", + "cyclothymie", + "zweetziekte", + "verziendheid", + "chillen", + "ondervoeding", + "scotoom", + "verkoudheid", + "vogelchlamydiose", + "tenniselleboog", + "coryza", + "klompvoet", + "straling", + "hoest", + "ill", + "chalazion", + "hartfalen", + "hinkend", + "builenpest", + "ischemische_hartklachten", + "waanstoornis", + "huidkanker", + "glasvochttroebeling", + "stigmata", + "strimon", + "stressfractuur", + "scheelzien", + "rughernia", + "chronischevermoeidheidssyndroom", + "lambdacisme", + "golfsyndroom", + "paradontose", + "stuiptrekking", + "wijnpokken", + "kleurenblindheid", + "pellagra", + "gordelroos", + "danswoede", + "catarrhe", + "minamataziekte", + "schistosomiasis", + "oorsuizen", + "kwikvergiftiging", + "mi", + "suikerziekte", + "pellekes", + "aansnijden", + "verhoging", + "middenoorontsteking", + "aura", + "nekstijfheid", + "lijkstijfheid", + "ijzergebreksanemie", + "arousal", + "warmte", + "sting", + "zonneslag", + "wart", + "verstuiken", + "zweepslag", + "afschuring", + "bruinen", + "canofobie", + "the_bleeding", + "vaccinatie", + "gynaecomastie", + "thalassemie", + "break", + "rustelozebenensyndroom", + "conditio", + "cerebrovasculair_accident", + "waterwrat", + "sleep", + "koppijn", + "poliomyelitis", + "palilalie", + "verslaving", + "trauma", + "waterzaknier", + "waterzucht", + "vergassen", + "lichen_planus", + "kuru", + "nevenwerking", + "schurft", + "steriliteit", + "pinkeye", + "materniteit", + "gevoelloosheid", + "temporalekwabepilepsie", + "ventrikelseptumdefect", + "miltvuur", + "draagtijd", + "schuurziekte", + "trachoom", + "noma", + "tandvleesontsteking", + "bloedneus", + "the_hives", + "materialisme", + "west_nijlvirus", + "zwart_water", + "voorhuidsvernauwing", + "dengue", + "vuurpijl", + "postpoliosyndroom", + "cataract", + "torment", + "jicht", + "granuloom", + "klierkoorts", + "overstrekken", + "kiespijn", + "le", + "borstkanker", + "harm", + "proctitis", + "vaccinering", + "leverontsteking", + "albuminurie", + "roest", + "salmonella", + "blauwtongvirus", + "blaasje", + "bipolaire_stoornis", + "spatader", + "boulimie", + "dollekoeienziekte", + "gestatie", + "beroerte", + "de_stad_der_blinden", + "lymeziekte", + "neveneffect", + "stralingsziekte", + "malaria", + "tarantisme", + "gangreen" + ], + "DATE": [ + "vaderdag", + "laatpaleolithicum", + "d_dag", + "middeleeuwen", + "the_wedding_night", + "vastenavond", + "geboortecijfer", + "ziekteverlof", + "paaszondag", + "huwelijksdag", + "mensenheugenis", + "offerfeest", + "tweede_kerstdag", + "kerstdag", + "the_day_after_tomorrow", + "trouwdag", + "schijngestalten", + "levavi", + "bruiloftsdag", + "schrikkeljaar", + "koudegolf", + "elfde_uur", + "nazomer", + "onvoltooid_toekomstige_tijd", + "in_time", + "trinitatis", + "werktijd", + "walpurgisnacht", + "palmzondag", + "overmorgen", + "standaardtijd", + "menstruatiecyclus", + "maria_tenhemelopneming", + "naamdag", + "nieuwe_maan", + "houdbaarheid", + "de_nachtwacht", + "op_termijn", + "het_moment_van_de_waarheid", + "ruimtevaarttijdperk", + "middenpaleolithicum", + "gregoriaanse_kalender", + "zonneconstante", + "sterftecijfer", + "manuur", + "in_het_jaar_des_heren", + "eeuwwisseling", + "op_den_duur", + "regentijd", + "bejaarde", + "sabbatsjaar", + "zomerwende", + "arbeidsongeschiktheid", + "lichtsnelheid", + "allerheiligen", + "halveringstijd", + "opraken", + "tijdschaal", + "twelfth_night", + "spitsuur", + "suikerfeest", + "na_christus", + "allerzielen", + "the_day_after" + ], + "JOB": [ + "bouwvakster", + "assistant", + "brievenbesteller", + "engeltjesmaker", + "planner", + "scheepsjongen", + "jachtopziener", + "tandwieltand", + "mistress", + "rijksdienst", + "guru", + "leermeester", + "amanuensis", + "schoonmaakster", + "mercator", + "therapeut", + "loodgieter", + "voorzitster", + "de_deal", + "lakei", + "the_nanny", + "schepen", + "makelaar", + "dierenarts", + "kapster", + "werktuigbouwkundige", + "assistent", + "tuinlieden", + "speaker", + "heler", + "brigadegeneraal", + "kinderjuffrouw", + "grafdelver", + "kopersmid", + "potter", + "kelderen", + "make", + "deelpachter", + "miller", + "herderinnetje", + "ploeger", + "uitvinder", + "academielid", + "glazenmaker", + "wacht", + "the_dentist", + "wagenmenner", + "voetknecht", + "bestuursvoorzitter", + "doelwachter", + "herderin", + "kerkbaljuw", + "schaapherder", + "slotenmaker", + "lascar", + "ballonvaarder", + "boekhoudster", + "hand", + "kleermaakster", + "purser", + "inkorter", + "luthier", + "remover", + "striptekenaar", + "spelleidster", + "vrouwenarts", + "klokkenmaker", + "stamhoofd", + "vlaggendrager", + "engeltjesmaakster", + "spreker", + "gevolmachtigde", + "schoonheidsspecialiste", + "sexton", + "dragonder", + "dressoir", + "curator", + "magistraat", + "jageres", + "pakker", + "kruier", + "verspreider", + "molenaarster", + "registrator", + "internist", + "temp", + "don", + "meteoroloog", + "speler", + "sergeant", + "scheikundige", + "broodbakmachine", + "tandarts", + "huisbaas", + "stakingsbreker", + "oprichter", + "glasvochttroebeling", + "glaszetter", + "wever", + "coyote", + "huishoudster", + "melkmeid", + "ploegman", + "machinist", + "timmerman", + "melkmeisje", + "the_police", + "intern", + "voetman", + "winder", + "componist", + "koster", + "vertaalster", + "wetenschapper", + "carrier", + "kerkmeesteres", + "marien", + "sommelier", + "kassier", + "caissi\u00e8re", + "foelie", + "loopjongen", + "processor", + "lerares", + "a_majeur", + "doge", + "huisarts", + "gentleman", + "minder", + "trimmer", + "bladzijde", + "bekant", + "the_musketeer", + "bestuurder", + "studiebegeleider", + "dessinateur", + "gaffer", + "wiegewacht", + "schapenhoedster", + "wetenschapster", + "slavin", + "grip", + "para", + "conductor", + "deelbouwer", + "leder", + "kapper", + "bakster", + "sensei", + "arrowsmith", + "bestuurslid", + "bodyguard", + "conci\u00ebrge", + "romanschrijver", + "spotter", + "arbeidskracht", + "mastermind", + "curatrix", + "tapper", + "cardioloog", + "volder", + "inkoopster", + "trainer", + "land", + "kleermaker", + "schrijfster", + "tailor", + "gerontoloog", + "vigilante", + "pottenbakster", + "meesteres", + "systeemanaliste", + "poetsvrouw", + "broodwinner", + "gemeenteraadslid", + "klopper", + "goeroe", + "spreekster", + "wethouder", + "striptekenares", + "pottenbakker", + "dagloner", + "butler", + "a_groot", + "doelwachtster", + "boodschapper", + "wielmaker", + "grenadier", + "bagger", + "valsmunter", + "koning", + "hovenier", + "kunstschilder", + "zandhaas", + "printer", + "boerin", + "cutter", + "kanselier", + "brigadier", + "patholoog", + "tollenaar", + "leader", + "zuurdesem", + "scheepsbouwer", + "territoriaal", + "werktuigkundige", + "schildknaap", + "kamikaze", + "driver", + "boekhouder", + "algemeen", + "the_advocate", + "timmervrouw", + "grondlegger", + "zeilster", + "blokfluit", + "performer", + "page", + "premiejager", + "metselaar", + "interne", + "staatssecretaris", + "baker", + "umpire", + "haarkapper", + "dermatoloog", + "aaseter", + "tuinman", + "freelancer", + "meren", + "tingieter", + "ingenieur", + "bouwvakker", + "heleres", + "opperhoofd", + "master", + "the_guardian", + "der_vorleser", + "diender", + "president", + "broodmachine", + "opperman", + "tuinier", + "houthakker", + "minister", + "raadsman", + "voorzitter", + "agrari\u00ebr", + "culi", + "schrijver", + "herder", + "koekje", + "de_astronoom", + "groom", + "strijdknots", + "entertainer", + "melkboer", + "korporaal", + "griffier", + "mate", + "stoker", + "strelen", + "hoofdopzichter", + "schoonheidsspecialist", + "gastarbeider", + "sterrenkundige", + "stamper", + "l_horloger_de_saint_paul", + "horlogemaakster", + "sandwichman", + "galvaniseur", + "molenaar", + "hanger", + "bader", + "timmeraar", + "plaatsaanwijzer", + "designer", + "kerkvoogd", + "samenvatter", + "stichter", + "pastor", + "hooiwagen", + "middenstander", + "raadgever", + "rapporteur", + "sheriff", + "kolonel", + "interneren", + "stewardess", + "luchtverkeersleider", + "vertaler", + "regulator", + "kostendeskundige", + "hoefsmid", + "toneelspeelster", + "afschrift", + "koopman", + "arbeider", + "vervalser", + "beheerder", + "liedjesschrijver", + "dikkopjes", + "scheidsrechter", + "gaucho", + "waker", + "schipper", + "hostess", + "het_melkmeisje", + "station_wetter", + "veldofficier", + "schoorsteenveger", + "meetlat", + "koets", + "zoogmoeder", + "paringsgezel", + "gevangenbewaarder", + "buttler", + "cartograaf", + "schuif", + "veehouder", + "heraut", + "basters", + "wondkorst", + "zakenman", + "the_economist", + "voetsoldaat", + "collier", + "doelman", + "infanteriste", + "manager", + "zeiler", + "regisseur", + "barbier", + "broker", + "wetter", + "koelie", + "horlogemaker", + "infanterist", + "inkoper", + "catechist", + "vaandrig", + "ma\u00e7on", + "stuurman", + "barista", + "koerier", + "maritiem", + "kogge", + "songwriter", + "koopvrouw", + "the_hangover", + "bakker", + "leidinggevende", + "man", + "chemicus", + "doc", + "collecteur", + "regent", + "trainster", + "gouverneur", + "klokkenmaakster", + "hoogleraar", + "borstvoeden", + "marine", + "jachtmeester", + "tandtechnicus", + "ergotherapeut", + "verwerker", + "bootsman", + "smokkelaar", + "the_pallbearer", + "vaandeldrager", + "tacker", + "counselor", + "aardkundige", + "bisschop", + "meier", + "werker", + "the_machinist", + "handelaar", + "usher", + "gardist", + "kinderoppas", + "messenger", + "dienstplichtige", + "chauffeur", + "stuwadoor", + "zakenvrouw", + "burgemeester", + "au_pair", + "verzorger", + "krijger", + "sentry", + "vliegenier", + "roesje", + "tijdelijk", + "bombardier", + "bezetter", + "bureaucraat", + "vrijwilligster", + "trier", + "steenhouwer", + "the_interpreter", + "stalmeester", + "opsteller", + "belastinginner", + "hoveling", + "kerkmeester", + "thesaurier", + "natuurkundige", + "valkenier", + "schoonmaker", + "spelleider", + "the_negotiator", + "zwartwerker", + "croupier", + "jutter", + "steward", + "catecheet", + "vertolker", + "laryngoloog", + "presbyter", + "extern", + "the_deer_hunter", + "opperbevelhebber", + "brandweerman", + "leerkracht", + "dingen", + "volmatroos", + "doula", + "koempel", + "stenograaf", + "beeldhouwer", + "systeemanalist", + "sub", + "schildwacht", + "veldmaarschalk", + "romancier", + "settler", + "buitenwipper", + "bordenwasser", + "the_independent", + "turner", + "bishop", + "exploitant", + "wijnkelner", + "wagenmaker", + "pedel", + "kindermeisje", + "zeepsop", + "cookie", + "neurochirurg", + "sculpteur", + "verloskundige", + "bankier", + "esquire", + "topper", + "jachtopzichter", + "beroerte", + "wachter", + "luitenant", + "afgezant", + "preses", + "staljongen", + "allergoloog", + "bouwmeester", + "kruidenierster", + "winkelier" + ], + "PLANT": [ + "denneboom", + "vlasbekje", + "sareptamosterd", + "hibiscus_syriacus", + "koningskaars", + "egelboterbloem", + "tuinmelde", + "groenknolorchis", + "hibiscus_mutabilis", + "kruidvlier", + "pijlriet", + "parapluutjesmos", + "kalbas", + "tuinwolfsmelk", + "uitvoergewas", + "mahonia", + "braamstruik", + "veldzuring", + "bergamot", + "spijklavendel", + "peper", + "pine", + "boksdoorn", + "reigersbek", + "aardaker", + "parnassia", + "doornappel", + "ingerolde_palmvaren", + "rozenkransje", + "kroot", + "hokjespeul", + "hartgespan", + "akkerzenegroen", + "melissa", + "aardappelziekte", + "theeplant", + "japanse_parasolden", + "muskaatpompoen", + "zwartsteel", + "steranijs", + "spruitjes", + "groot_hoefblad", + "schubappel", + "liguster", + "esdoorn", + "the_joshua_tree", + "mariadistel", + "fijnspar", + "mottenkruid", + "akkerviooltje", + "fruitboom", + "kamperfoelie", + "helianthus", + "mahonie", + "auricularia_auricula", + "pterocarpus_santalinus", + "rosa_chinensis", + "mastiek", + "marsilea_quadrifolia", + "pampasgras", + "boswederik", + "westerse_plataan", + "quercus_kelloggii", + "vanilla_planifolia", + "aardveil", + "vuurdoorn", + "grasklokje", + "veenbes", + "atlasceder", + "hoenderbeet", + "schietwilg", + "cyclamen_purpurascens", + "kruipertje", + "custardappel", + "mannaes", + "herfstschroeforchis", + "laurus_nobilis", + "dubbelloof", + "kronkelwilg", + "geitenhoefwinde", + "dauwbraam", + "draaiden", + "curuba", + "eulalia_japonica", + "parelgierst", + "kropaar", + "hoornviooltje", + "maanbloem", + "fladderiep", + "grote_kattenstaart", + "spruiten", + "waterlobelia", + "magnolia_grandiflora", + "herderstasje", + "wondklaver", + "moerasden", + "vrouwenkruid", + "wildemanskruid", + "aronskelk", + "papaver_alpinum", + "mastaka", + "abelmos", + "grote_brandnetel", + "sinapis", + "allium_tuberosum", + "vergeet_mij_niet", + "penningkruid", + "passiflora_ligularis", + "hondsroos", + "cercidiphyllum_japonicum", + "alsemambrosia", + "exportgewas", + "paradijsvogelbloem", + "moerascipres", + "blaasvaren", + "gatenplant", + "voorjaarskluifzwam", + "goudbes", + "herfsttijloos", + "vaatbundel", + "boswilg", + "lenteroos", + "nogal", + "lavendelhei", + "drakenwortel", + "vogelmuur", + "vaatplanten", + "matthiola_incana", + "paardenhoefklaver", + "echte_kamille", + "stinkende_ballote", + "actinidia_chinensis", + "parasolden", + "koekoeksbloem", + "sakura", + "kikkerbeet", + "papaver", + "schaafstro", + "wilde_kamperfoelie", + "mannetjesereprijs", + "moerasvaren", + "waterhyacint", + "candida_albicans", + "witte_klaverzuring", + "moerashyacint", + "zaailing", + "oliepalm", + "herik", + "bedektzadigen", + "calophyllum_inophyllum", + "goudenregen", + "wonderboom", + "rosa_multiflora", + "seto", + "laurierkers", + "prachtklokje", + "heelkruid", + "klaproos", + "rietgras", + "lansvaren", + "koraalmalve", + "zomerfijnstraal", + "vroegeling", + "dikkemanskruid", + "slangenwortel", + "klaverzuring", + "herfstadonis", + "capsicum_baccatum", + "steenbreekvaren", + "dianthus_caryophyllus", + "dadelboom", + "tompoes", + "vliegenzwam", + "pijpkraag", + "biefstukzwam", + "libanonceder", + "amaniet", + "melindjoe", + "waterplant", + "schapenzuring", + "hydrangea_hortensia", + "robertskruid", + "pijnappelklier", + "reuzenzilverspar", + "taxus_cuspidata", + "gerw", + "athyrium_distentifolium", + "montereyden", + "prachtframboos", + "mosterd", + "schorrenzoutgras", + "passiflora_incarnata", + "festuca_ovina", + "piramidezenegroen", + "moeraseik", + "bonte_paardenstaart", + "beet", + "moerasstruisgras", + "tuinboon", + "citrus_aurantium", + "handelsgewas", + "hopklaver", + "reseda", + "postelein", + "avondkoekoeksbloem", + "bijenkruid", + "holm", + "mosterdplant", + "kunstenares", + "fluitenkruid", + "melganzenvoet", + "prunus_armeniaca", + "douglasspar", + "kleefkruid", + "balsemzilverspar", + "kustmammoetboom", + "akkerklokje", + "liquidambar", + "torenkruid", + "heidezenegroen", + "tuinbingelkruid", + "valse_salie", + "zonnebloem", + "trosvlier", + "treurwilg", + "glanshaver", + "tuinhibiscus", + "paardenkastanje", + "pterocarpus_indicus", + "moeraslathyrus", + "altviool", + "honingboom", + "zeekool", + "acer_japonicum", + "spruitkool", + "pinksterbloem", + "belladonnalelie", + "tonkaboon", + "heidewikke", + "pomerans", + "nicotiana_tabacum", + "klein_kruiskruid", + "kerstboom", + "bergnachtorchis", + "veenpluis", + "laurierwilg", + "stokroos", + "sopropo", + "woestijnroos", + "meiklokje", + "terpentijnboom", + "winterlinde", + "pruikenboom", + "akkerwinde", + "amandelwolfsmelk", + "pitchpine", + "knolsteenbreek", + "kraakwilg", + "reuzenviool", + "cystopteris_montana", + "zoetzak", + "wolfskers", + "karpatenklokje", + "arengpalm", + "gele_plomp", + "clematis", + "cranberry", + "mastiekboom", + "parthenium_argentatum", + "kompassla", + "cipreswolfsmelk", + "palmvarens", + "weidekringzwam", + "torkruid", + "nachtschade", + "bosorchis", + "zomprus", + "prunus_domestica", + "sleedoorn", + "lork", + "stekelpapaver", + "greppelrus", + "molensteenkraag", + "paranoot", + "amandelwilg", + "beemdooievaarsbek", + "brassica_pekinensis", + "paradijsvogels", + "pronkboon", + "pijnboom", + "waternoot", + "brassica_chinensis", + "koolzaadolie", + "zeepkruid", + "heermoes", + "deodarceder", + "muskuskaasjeskruid", + "centaurea_cyanus", + "zilverkruid", + "hondspeterselie", + "paascactus", + "trifolium_repens", + "steeneik", + "voorjaarslathyrus", + "blackberry", + "zeeraket", + "speenkruid", + "veldhondstong", + "kattendoorn", + "lariks", + "strandpopulier", + "veldereprijs", + "zomerviolier", + "rode_klaver", + "winterjasmijn", + "aardpeer", + "echinocactus_grusonii", + "moerasandoorn", + "pruim", + "zomereik", + "medinilla_magnifica", + "zandraket", + "hertsmunt", + "blaassilene", + "sikkelklaver", + "vliegenorchis", + "ridderzuring", + "aristolochia_macrophylla", + "witte_paardenkastanje", + "doodsbeenderenboom", + "zwarte_moerbei", + "rozenpelargonium", + "savooienkool", + "kievitsbloem", + "bloemes", + "wilg", + "kerspruim", + "spinnenorchis", + "kardemom", + "reuzenlevensboom", + "gewone_steenraket", + "moseik", + "bloemkool", + "boslathyrus", + "wolfspoot", + "kroontjeskruid", + "parasolwaaierpalm", + "siertabak", + "beekpunge", + "vederesdoorn", + "schaduwgras", + "kardinaalswinde", + "waterlelie", + "wratziekte", + "knopherik", + "saccharomyces_cerevisiae", + "lievevrouwebedstro", + "saccharum_officinarum", + "vrouwenschoentje", + "wrangwortel", + "bijvoet", + "marmeladestruik", + "buckeye", + "cassave", + "vogelwikke", + "zeealsem", + "taraxacum_officinale", + "geelhout", + "bosanemoon", + "katwilg", + "bosrank", + "borstelkrans", + "blauwspar", + "akkerereprijs", + "marum", + "pas_op", + "steenbraam", + "witte_moerbei", + "veldbeemdgras", + "bosaardbei", + "zevenboom", + "beta_vulgaris", + "huttentut", + "sneeuwhaas", + "reukerwt", + "venusvliegenvanger", + "kersenboom", + "inkarnaatklaver", + "tayer", + "senna_alexandrina", + "spoorbloem", + "peet", + "zadelzwam", + "graslathyrus", + "wortelsysteem", + "bolletjesvaren", + "handjesgras", + "kleine_zandkool", + "bishopden", + "sparappel", + "kunstenaar", + "mansoor", + "slaapbol", + "tuinanjer", + "zwartmoeskervel", + "klokjesgentiaan", + "wegdistel", + "pronkerwt", + "coix_lacryma_jobi", + "malrove", + "akkermunt", + "hemelboom", + "jakobsladder", + "kruipbraam", + "verfbrem", + "witte_waterlelie", + "pijnboomhout", + "watervliegenval", + "speerdistel", + "yuka", + "witte_klaver", + "brandnetel", + "colocasia_esculenta", + "knolboterbloem", + "edelweiss", + "kalmoes", + "hypericum_maculatum", + "sint_janskruid", + "reuzenbovist", + "koraalwortel", + "allium_fistulosum", + "kemphaan", + "akkerdistel", + "mannetjesvaren", + "tuinkamperfoelie", + "koninginnekruid", + "arrhenatherum", + "braziliaanse_rubberboom", + "chrysanthemum_morifolium", + "lubbenkraag", + "bijenorchis", + "belladonna", + "moederkoorn", + "pteridium_aquilinum", + "gelderse_roos", + "netel", + "muurpeper", + "kruidwilg", + "mannetjesorchis", + "frederiksbloem", + "viola_odorata", + "zeepnotenboom", + "keizerskroon", + "reuzenbamboe", + "zandzegge", + "brazielboom", + "veldsalie", + "chrysanthemum", + "sint_maria", + "pijpbloem", + "kurkeik", + "vallisneria", + "venijnboom", + "mari\u00ebtteklokje", + "pinushout", + "castanea", + "scharlei", + "zeelathyrus", + "voortplantingssysteem", + "zilverlinde", + "brem", + "kapokboom", + "steenanjer", + "watermunt", + "bataat", + "natalpruim", + "alpenden", + "bokkenorchis", + "magnolia", + "kafferkoren", + "koningsvaren", + "hoornbloem", + "winterakoniet", + "dadelpalm", + "nephrolepis_exaltata", + "puntkroos", + "cherimoya", + "phellodendron_amurense", + "bosbingelkruid", + "berendruif", + "cacaoboon", + "abeel", + "beenbreek", + "haagwinde", + "bosandoorn", + "springkomkommer", + "heelblaadjes", + "seringen", + "reuzenpompoen", + "kruldistel", + "bolderik", + "vossenbes", + "kaneelappel", + "grijskruid", + "waterviolier", + "slangenden", + "camellia_japonica", + "slangenkruid", + "palmboom", + "slaplant", + "veldlathyrus" + ], + "ANIMAL": [ + "riviergronde", + "jachthond", + "zwemblaas", + "warana", + "kroongalziekte", + "acherontia", + "tongschar", + "ivoormeeuw", + "neusaap", + "hoorntje", + "sonomachipmunk", + "hoen", + "steenloper", + "houtsnip", + "vliegenvangers", + "rashond", + "chelonioidea", + "antilopegrondeekhoorns", + "marters", + "zwaangans", + "bordercollie", + "katvogel", + "witlippekari", + "dikhoornschaap", + "heremietkreeften", + "negenbandgordeldier", + "beringaalscholver", + "sperwer", + "buteo", + "bijeneters", + "riemvis", + "grondscharrelaars", + "nashvillezanger", + "schreeuwuil", + "the_raven", + "manenrob", + "lastdier", + "kniptorren", + "lachmeeuw", + "witkruingors", + "klauwkikker", + "waterhond", + "driestreepboa", + "vuursalamander", + "lachuil", + "brilpingu\u00efn", + "torenvalk", + "schaatsenrijder", + "veenmol", + "winterkoning", + "lederschildpad", + "lavendelastrild", + "bakerhaaien", + "poolwolf", + "porseleinhoen", + "hexagrammos_otakii", + "epstein_barrvirus", + "katoensnuitkever", + "zwartkuif_mierklauwier", + "alligatorschildpad", + "bruinvissen", + "teugelastrild", + "maskarenenpapegaai", + "slaapmuizen", + "spitssnuitsnavelhaai", + "schol", + "koningsstern", + "lierhert", + "groefkopadders", + "bastaardarend", + "eendenmossel", + "treurduif", + "steltstrandloper", + "heremietkreeft", + "zwaardwalvis", + "vogelhond", + "welpje", + "otter", + "winterkoninkje", + "black_widow", + "witkopzeearend", + "kortbekzeekoet", + "bakerhaai", + "marlijn", + "hazelhoen", + "elandantilope", + "bandsteltkluut", + "groenstaarttowie", + "goudfazant", + "ringmus", + "koereiger", + "grootoorkitvos", + "monniksgier", + "schapenteek", + "meeuw", + "arabier", + "stormmeeuw", + "brandgans", + "visdief", + "bandstaartduif", + "chinookzalm", + "pantserponen", + "schildluis", + "groenrugastrild", + "huzaaraap", + "snoek", + "billy_elliot", + "pijlstaart", + "vorkstaartmeeuw", + "schaapskopbrasem", + "wangzakeekhoorn", + "appelbloedluis", + "goudmakreel", + "poolhaas", + "grondeekhoorns", + "palmtortel", + "bosmuizen", + "wangzakeekhoorns", + "rubberboa", + "kunduz", + "ransuil", + "werkhond", + "haakbek", + "andescondor", + "zwaluwstaartwouw", + "mestkever", + "graanmot", + "zandwallaby", + "zwartrugfluitvogel", + "zanglijster", + "manta", + "meeltor", + "wandelstok", + "lemmingen", + "berglemming", + "zwartstaarthaas", + "sidderaal", + "parelhoen", + "carolina_winterkoning", + "wolfspinnen", + "krombekstrandloper", + "wielewaal", + "gierzwaluw", + "nachtbraker", + "tennesseezanger", + "carduelis", + "stellerzeeleeuw", + "uilen", + "muskuseend", + "kleine_buideleekhoorn", + "pisces", + "bronforel", + "korhoen", + "beerbaviaan", + "kroeskarper", + "strandwolf", + "achterbeen", + "sterns", + "rosse_franjepoot", + "gewone_vampier", + "bruinvis", + "riviergrondel", + "langpootmuggen", + "fazantspoorkoekoek", + "amerikaanse_marter", + "rivierdolfijnen", + "moeraskat", + "windhond", + "chipmunk", + "breedneusapen", + "huiscavia", + "boskoe", + "manenwolf", + "bevers", + "renvogel", + "steenuil", + "lactobacillus_acidophilus", + "grondluiaards", + "berenwelp", + "masaigiraffe", + "anioema", + "bankivahoen", + "bergnyala", + "ringstaartmaki", + "watermoccasinslang", + "teder", + "barbarieeend", + "regenboogforel", + "eikenpage", + "soepschildpad", + "bloedkoraal", + "tripang", + "havik", + "waterdwerghert", + "zeeleeuw", + "roomtipje", + "schemerhaai", + "stekelstaarthoen", + "poelepetaat", + "boomklever", + "hamerhaaien", + "stellerzeekoe", + "sabelmarter", + "diamondback", + "baardspecht", + "savannearend", + "politiehond", + "amerikaanse_nerts", + "zeehonden", + "zwartpunthaai", + "micropterus", + "zijdevlinderrups", + "trompetzwaan", + "zwartvoetpingu\u00efn", + "ekster", + "rietzanger", + "amerikaanse_rotswinterkoning", + "knobbelzwaan", + "kolenbranderschildpad", + "stermol", + "napoleonnetje", + "grienden", + "steppezebra", + "kruisbek", + "kriebelmuggen", + "raven", + "plakker", + "homo_sapiens", + "hertogsvis", + "steenarend", + "loopkevers", + "hoornaar", + "la_ardilla_roja", + "postduif", + "tortelduif", + "arkansaskoningstiran", + "kleinste_strandloper", + "tabaksmoza\u00efekvirus", + "beekforel", + "pissebed", + "witkinstormvogel", + "horsmakreel", + "grielen", + "withandgibbon", + "kievit", + "sultanshoen", + "sierschildpad", + "passer", + "forelbaars", + "katoenrat", + "blaaswier", + "hekstaartleguaan", + "bartrams_ruiter", + "gerbillus_jamesi", + "the_crow", + "wolfsspin", + "kerrieboom", + "prairiehonden", + "chinese_vuurbuiksalamander", + "zeelamprei", + "fluitzwaan", + "ruitpython", + "hamerhaai", + "brilparulazanger", + "reigers", + "donkey", + "doornhaai", + "bijtschildpad", + "veldtrechterspin", + "berghoen", + "sijs", + "koehaaien", + "bosuil", + "manenschaap", + "stormvogeltje", + "citruswolluis", + "karetschildpad", + "sporenkievit", + "boomeekhoorns", + "witborstboomklever", + "andesflamingo", + "langstaartwezel", + "kippenvlees", + "zonnevis", + "landpissebedden", + "waterpieper", + "baltimoretroepiaal", + "lossen", + "witkeelgors", + "elft", + "kikkers", + "zandkat", + "ijseend", + "keizergans", + "mossel", + "galapagosreuzenschildpad", + "reiger", + "appelvlieg", + "guanovleermuis", + "accipiter", + "dambordvlieg", + "dodaars", + "pestvogel", + "poolvos", + "de_meeuw", + "huismuis", + "varkensbeest", + "veldgors", + "amerikaanse_boslijster", + "marter", + "helmparelhoen", + "nevelpanter", + "karbouw", + "strontkever", + "vierteenlandschildpad", + "falcon", + "zwartkapastrild", + "kortsnuitbeer", + "fruitmot", + "steenmarter", + "gestreepte_strandloper", + "cacaomot", + "everzwijn", + "secretarisvogel", + "werkbij", + "fluiter", + "zijdevlinder", + "kraaghoen", + "koter", + "hoenderachtig", + "kleintandzaagvis", + "waterkonijn", + "stierhaai", + "watersnip", + "goudwolf", + "bijenkoningin", + "walvishaai", + "zwartvoetalbatros", + "banteng", + "chumzalm", + "koningsmakreel", + "waterhoen", + "troepialen", + "kettingsnoek", + "hazelmuis", + "piesen", + "gierzwaluwen", + "stralenschildpad", + "witbuikzandhoen", + "brulapen", + "hoendergans", + "pinctada_margaritifera", + "zeegans", + "dassen", + "rijstvogel", + "winterkoningen", + "leeuwenwelp", + "kanoet", + "zanggors", + "duikeenden", + "borstvin", + "shamalijster", + "pauwkalkoen", + "donald_duck", + "thomsongazelle", + "eskimowulp", + "salmo_salar", + "koningsgier", + "pantserkrokodil", + "prairiehoen", + "zeggewinterkoning", + "ortolaan", + "oeverzwaluw", + "buidelduivel", + "zilvermeeuw", + "iller", + "zandloopkevers", + "rietwolf", + "boomkwartel", + "houtduif", + "moose", + "dambordvliegen", + "boommarter", + "schijnaardbei", + "musgors", + "buikvin", + "knorrepos", + "langstaartschubdier", + "steppehoen", + "wisent", + "zeenegenoog", + "prairiehond", + "zomertortel", + "glanskop", + "rankpootkreeften", + "evenhoevigen", + "kortschildkevers", + "steenpatrijs", + "bunzing", + "diamantrugschildpad", + "buizerd", + "botervis", + "baleinwalvissen", + "sterschildpad", + "huiszwaluw", + "douglaseekhoorn", + "goudsijs", + "mestkevers", + "robijnkeelkolibrie", + "zadelrob", + "ictiobus_niger", + "bananenvlieg", + "waterral", + "megascops", + "goudvink", + "zwartsnavelkoekoek", + "klapmuts", + "sable", + "geleedpotigen", + "coloradokever", + "zilvertaling", + "panterschildpad", + "beloega", + "zilverdas", + "texasschildpad", + "halsbandpekari", + "savanneolifant", + "floridakonijn", + "rijstklander", + "laplanduil", + "schuitbekreiger", + "herpes_zoster", + "monnikszanger", + "gordelmol", + "mensenhaai", + "trompetkraanvogel", + "arthropoda", + "berenjong", + "kaswittevlieg", + "schildluizen", + "miljoenpoten", + "amerikaanse_klapekster", + "spinduizendpoot", + "balkansperwer", + "rotgans", + "steltkluut", + "bosmuis", + "melkslang", + "zwartvoetbunzing", + "grote_weerschijnvlinder", + "dooierzak", + "nachtpauwoog", + "tienponder", + "bergkwartel", + "elfenstern", + "podde", + "kanaalmeerval", + "rugstreeppad", + "hertachtigen", + "kruisboomkikker", + "strandgaper", + "goudstofdaggekko", + "borneogoudkat", + "bossneeuwhoen", + "kaalkopooievaar", + "roekoe", + "huismus", + "braamsluiper", + "przewalskipaard", + "bruinwieren", + "kamratten", + "spintmijten", + "goudhamster", + "granaatastrild", + "kafferbuffel", + "witkopmeeuw", + "nonastrild", + "varkensdas", + "lampongaap", + "schoorsteengierzwaluw", + "congopauw", + "witliphert", + "klein_koolwitje", + "kerkuil", + "kropgazelle", + "botswanatrap", + "mantis", + "rouwmantel", + "duifzeekoet", + "ni_uil", + "poelsnip", + "koningscobra", + "verpleegsterhaai", + "vrouwenloper", + "geleidehond", + "sint_jacobsvlinder", + "citroenhaai", + "klokschildpad", + "driehoeksmossel", + "muskusschildpad", + "berggorilla", + "pimpelmees", + "gramper", + "zandvlo", + "graspieper", + "kleerluis", + "bosspitsmuis", + "grindewal", + "paashaas", + "mandarijneend", + "amerikaanse_watersnip", + "raaf", + "korenslang", + "bergzebra", + "baleinwalvis", + "kleine_marters", + "barramundi", + "waterbuffel", + "lemming", + "hoofdluis", + "moerasgors", + "monarchvlinder", + "sterrog", + "kermodebeer", + "amazonemier", + "eidereend", + "hoornaars", + "keizerspingu\u00efn", + "miljoenpoot", + "koeren", + "boomhoppen", + "bandijsvogel", + "millers_waterspitsmuis", + "kardinaaltetra", + "wezel", + "ruwenzoriduiker", + "langharig", + "leeuwenwelpje", + "wijfjeskat", + "tadelrob", + "prairiehaas", + "heidehoen", + "spoelworm", + "heremietlijster", + "javamens", + "baardrob", + "trapvechtkwartel", + "gorilla_gorilla", + "kerkuilen", + "griend", + "edelhert", + "kreeg", + "louisianatangare", + "halsbandparkiet", + "rietkat", + "houtbij", + "slingerapen", + "sporenschildpad", + "merel", + "langstaartstekelvarken", + "scharrelaar", + "wilgengors", + "otters", + "koningspingu\u00efn", + "cederpestvogel", + "guinees_biggetje", + "bergeend", + "ringslang", + "vingerdier", + "microbes", + "goudjakhals", + "waakhond", + "grote_parelmoervlinder", + "lippenbeer", + "zwarthalsooievaar", + "zijderups", + "bultrug", + "eider", + "damagazelle", + "bosolifant", + "pollak", + "zandbankhaai", + "meeuwen", + "boomzwaluw", + "arvicola", + "carolinaparkiet", + "geleedpotige", + "komodovaraan", + "berner_sennenhond" + ], + "LOCATION": [ + "al_jazeera", + "de_wolden", + "falklandeilanden", + "chathameilanden", + "bejaardentehuis", + "westkust", + "speelplein", + "bedrijventerrein", + "maar_natuurlijk", + "sint_margriete", + "sint_eustatius", + "so_what", + "rodelampjesbuurt", + "muziekschool", + "bosmarmot", + "speeltuin", + "vsa", + "speelterrein", + "zoet_water", + "park", + "het_bildt", + "non_plus_ultra", + "het_voor", + "dark_horse", + "bow_wow", + "united_states_army", + "s_hertogenbosch", + "s_tog", + "sint_helena", + "tennisbaan", + "la_roche_en_ardenne", + "trifolium_repens", + "entre_deux", + "qingmingfestival", + "de_haan", + "sint_maarten", + "op_de_koop_toe", + "op_straat", + "het_kanaal", + "de_ori\u00ebnt", + "de_oost", + "de_jaren", + "tennisveld", + "saksen_anhalt", + "trois_rivi\u00e8res", + "sint_truiden", + "biscuitgebak", + "tempelberg", + "in_de_wolken", + "drakenvrucht", + "land", + "de_pinte", + "een_steek_laten_vallen", + "saint_vincent", + "niets_te_danken", + "geen_dank", + "ringweg", + "blue_mountains", + "verschroeide_aarde", + "het_eiland", + "er_zijn", + "bruine_lijster", + "de_veer", + "sint_stevens_woluwe", + "in_het_midden", + "kanaaleilanden", + "nieuw_engeland", + "olijfberg", + "lake_of_the_woods", + "on_the_road", + "beluik", + "the_black_hole", + "nationale_vergadering", + "saint_lucia", + "vogelnestje", + "de_panne", + "krachtcentrale", + "de_eilanden", + "kerstman", + "hat_yai", + "arena", + "sri_lanka", + "twee_zusjes", + "de_vrede", + "de_bilt", + "sint_kruis", + "edwardmeer", + "kerstavond", + "energiecentrale", + "hongaars_parlement", + "three_amigos", + "de_kersentuin", + "t_kofschip", + "sint_pieter", + "the_rolling_stones", + "psychiatrisch_ziekenhuis", + "al_anz", + "tanameer", + "cordon_bleu", + "saint_lawrence", + "michiganmeer", + "kryvy_rih", + "de_marne", + "nieuwe_wereld", + "oudjaar", + "schone_slaapster", + "heitor_villa_lobos", + "het_einde", + "psychiatrische_instelling", + "de_amazone", + "telefooncentrale", + "jordaan", + "al_ain", + "om_en_bij", + "pterocarpus_indicus", + "sint_niklaas", + "hoofdstraat", + "sint_anthonis", + "het_spoor", + "hoerenbuurt" + ], + "ORG": [ + "dominion", + "marechaussee", + "nieuwer_amstel", + "zondagsschool", + "mogolrijk", + "politiestaat", + "het_goede", + "vele_handen_maken_licht_werk", + "gele_rivier", + "wentelteefje", + "doortje", + "burgerrechten", + "kauwgom", + "wicca", + "welvaartsstaat", + "zonnevlecht", + "an_education", + "jan_mayen", + "ambtenarij", + "s_gravenambacht", + "kunstgalerie", + "the_usual_suspects", + "sint_amands", + "sint_helena", + "eenheidsmatrix", + "brokstukken", + "aa", + "draaideur", + "the_comedy_of_errors", + "arda", + "gemeentehuis", + "bollywood", + "strijdkrachten", + "toerekeningsvatbaar", + "det_norske_arbeiderpartiet", + "schminken", + "trouwens", + "posterij", + "europol", + "schutzstaffel", + "kieskring", + "bakkie", + "sankt_andreasberg", + "upper_class", + "volksfront", + "the_who", + "staatskapitalisme", + "homohuwelijk", + "luchtmacht", + "don_juan_tenorio", + "non_plus_ultra", + "moedersleutel", + "het_nieuwe", + "sint_barbara", + "porte", + "college", + "saint_clairmeer", + "oudejaarsavond", + "rassensegregatie", + "san_francisco", + "kristdemokraterna", + "rijksdienst", + "vivat", + "kiescollege", + "un", + "a_chorus_line", + "war_machine", + "overheid", + "overigens", + "natriumsilicaat", + "volkenbond", + "den_helder", + "burgerlijk_recht", + "sterrenhoop", + "privaatonderwijs", + "peuterklas", + "op_heterdaad", + "hoge_porte", + "flashmob", + "strijdmacht", + "v\u0129nh_long", + "postkantoor", + "armee", + "nara", + "nieuwe_maan", + "normaalschool", + "kredietunie", + "va", + "vrijmetselarij", + "werkgroep", + "wie_bent_u", + "landbouw", + "verzorgingsstaat", + "magisch_vierkant", + "middenschool", + "andromedanevel", + "gao", + "stadhuis", + "van_alles_en_nog_wat", + "botanische_tuin", + "zedenbrigade", + "blaaskapel", + "dot", + "prohibition_party", + "sint_gillis_waas", + "the_family_man", + "weimarrepubliek", + "s_hertogenbosch", + "heilsleger", + "mahayana", + "niet_aanraken", + "markteconomie", + "onderzoeksinstituut", + "strijkkwartet", + "kerngezin", + "bloedbroeders", + "amerikanistiek", + "sint_genesius_rode", + "nicolaas_van_myra", + "wat_is_er_aan_de_hand", + "saint_vincent", + "han_dynastie", + "kostschool", + "rechtvaardigheid", + "metselen", + "vaishnavisme", + "the_faculty", + "don_juan", + "de_grote_vier", + "mijn_naam_is", + "the_new_school", + "ai", + "vers_water", + "front_progressiste_du_peuple_seychellois", + "in_het_jaar_des_heren", + "wie_ben_je", + "winkelcentrum", + "nog_steeds", + "noordwestelijke_doorvaart", + "chiang_mai", + "nu_dat_ik_eraan_denk", + "kunstgalerij", + "sint_lievens_houtem", + "kaapverdi\u00eb", + "harmonieorkest", + "dia", + "heersende_klasse", + "de_heer", + "gatt", + "staatsgreep", + "hoogoven", + "studentenvakbond", + "muziekindustrie", + "s_gravenhoek", + "de_druiven_der_gramschap", + "germanistiek", + "ab_initio", + "raadhuis", + "hooggerechtshof", + "parasport", + "albertmeer", + "doodseskader", + "le_mans", + "lobbygroep", + "bijvullen", + "christian_science", + "behoudswet", + "parochiekerk", + "donjuan", + "ouder_amstel", + "verdediging", + "bondsraad", + "quakers", + "school", + "morgenster", + "verenigingskerk", + "ik_heet", + "middenklasse", + "schaduwkabinet", + "the_breakfast_club", + "vsa", + "hogerhuis", + "sint_agatha_berchem", + "andersom", + "zeemacht", + "rabindranath_tagore", + "the_marx_brothers", + "gestapo", + "ik_hou_van_jou", + "gerechtigheid", + "zeshonderd", + "westkapelle_binnen", + "sint_agatha", + "sint_pieters_leeuw", + "ronselaarsbende", + "turnzaal", + "stadstaat", + "the_full_monty", + "zwarte_markt", + "na_christus", + "aangepast", + "maria_tenhemelopneming", + "centrale_bank", + "commercie", + "vraagteken", + "troetelbeertjes", + "nieuw_ginneken", + "effectenbeurs", + "eenogig", + "duitse_keizerrijk", + "muziekschool", + "rentabiliteitsdrempel", + "kattenoog", + "personeelszaken", + "scholengemeenschap", + "who_are_you", + "de_vuursche", + "babyboom", + "man_overboord", + "chiang_rai", + "stronnictwo_narodowe", + "al_jazeera", + "koppakking", + "wederom", + "de_maatschappij", + "vakbond", + "ham_sur_heure_nalinnes", + "gouden_eeuw", + "disa", + "ambachtsschool", + "ontwikkelingsland", + "assembl\u00e9e_nationale", + "europe", + "wie_ben_jij", + "dimokratik\u00f3_k\u00f3mma", + "po", + "mossad", + "derde_partij", + "weermacht", + "rode_zee", + "nautilus_pompilius", + "toerekenbaar", + "baskenland", + "as_majeur", + "reisbureau", + "basisschool", + "gehandicaptensport", + "hedgefonds", + "hollywood", + "alexander_de_grote", + "karmelgebergte", + "ja\u00efnisme", + "sint_oedenrode", + "tactiek_van_de_verschroeide_aarde", + "militaire_academie", + "klein_duimpje", + "saint_barth\u00e9lemy", + "sturmabteilung", + "romeins_recht", + "who", + "nationaalsocialistische_duitse_arbeiderspartij", + "vrijgezellenfeest", + "los_angeles", + "nato", + "spaarbank", + "baltimore_orioles", + "brandweer", + "anno_domini", + "groepszaak", + "jozef_van_nazareth", + "ad_hoc", + "krijgsmacht", + "koffie_verkeerd", + "city_hall", + "bevolkingsdichtheid", + "mi", + "kunstmuseum", + "ik_hou_van_je", + "by_the_way", + "rooms_katholieke_kerk", + "en_anderen", + "burgermaatschappij", + "internationale_telecommunicatie_unie", + "persbureau", + "in_situ", + "wisselkantoor", + "katholieke_kerk", + "hortus_botanicus", + "sint_martens_latem", + "zuidpool", + "manhattanproject", + "middle_class", + "doc", + "olijfberg", + "marinier", + "volkenrecht", + "manschappen", + "al_ain", + "basisonderwijs", + "niet_lineair_systeem", + "groepsvordering", + "hagana", + "dominicanen", + "van_tijd_tot_tijd", + "commerce", + "streptococcus_pyogenes", + "heilige_familie", + "j\u00e9_van_h\u00e9t", + "eu", + "opstopping", + "lagerhuis", + "reclamebureau", + "slaapfeestje", + "uitverkorene", + "rode_kruis", + "blauwogig", + "langemark_poelkapelle", + "doornroosje", + "al_lang", + "the_silence_of_the_lambs", + "groene_partij", + "bovenmeer", + "soennisme", + "bloomsburygroep", + "house_of_lords", + "duitse_rijk", + "planwirtschaft", + "nieuwe_wegen", + "dierenrechten", + "troepen", + "door_mensenhanden_gemaakt", + "internationaal_gerechtshof", + "witte_huis", + "konserwatiewe_party", + "tao\u00efsme", + "van_gogh", + "hanze", + "bomauto" + ], + "PRODUCT": [ + "de_liefdesbrief", + "installatieautomaat", + "noorderlicht", + "het_spijt_me", + "justin_bieber", + "goeiemorgen", + "stilleven", + "cookeilanden", + "koffiekan", + "raderstoomboot", + "jachtbommenwerper", + "rekenliniaal", + "s_tog", + "keizersnede", + "goedemorgen", + "take_off", + "al_jazeera", + "signaalverwerking", + "schoppenvrouw", + "zeilschip", + "een_poppenhuis", + "o_ring", + "diego_garcia", + "koffiepot", + "drie_koninkrijken", + "tweebenig", + "tuttifrutti", + "mensenrechten", + "levenswerk", + "sportwagen", + "booglamp", + "militair_luchtvaartuig", + "de_goddelijke_komedie", + "muziekdoos", + "achterafstraatje", + "julius_caesar", + "saint_vincent", + "zwembroek", + "the_music_box", + "the_star_spangled_banner", + "hemellichaam", + "het_transgalactisch_liftershandboek", + "poppenhuis", + "monte_cristo", + "pantserwagen", + "de_hongerspelen", + "bij_de_gratie_gods", + "eens_christens_reize_naar_de_eeuwigheid", + "die_hard", + "te_voorschijn_komen", + "kogellager", + "city_hall", + "hardgekookt", + "ik_bied_mijn_excuses_aan", + "la_ciociara", + "after_burner", + "achterafstraat", + "ga_weg", + "vergeet_mij_niet", + "waterput", + "leidstar", + "op_het_nippertje", + "ijsklontje", + "kortsluiting", + "zonnebank", + "liefdesbrief", + "vergeet_me_niet", + "la_dolce_vita", + "deutsche_welle", + "voerbak", + "all_right", + "gong", + "etensbak", + "the_scarlet_letter", + "rechten_van_de_mens", + "de_vier_jaargetijden", + "kaap_hoorn", + "in_de_ban_van_de_ring", + "speeldoos", + "driedimensionaal", + "de_gelaarsde_kat", + "mario_andretti", + "theebus", + "hooglied", + "de_tijdmachine", + "triomfboog", + "sint_maria", + "het_noorderlicht", + "kerstman", + "heilige_geest", + "the_hitchhiker's_guide_to_the_galaxy", + "beluik", + "de_facto", + "la_modification", + "huiscavia", + "door_activa_gedekt", + "raderboot", + "strijdbijl", + "op_onderpand_van_activa", + "pijporgel", + "de_hongerspelentrilogie", + "de_hond_van_de_baskervilles", + "halfpijp", + "kerstboom", + "raderschip", + "novo_mesto" + ], + "BIO_CHEM_ENTITY": [ + "c_reactief_prote\u00efne", + "siliciumdioxide", + "mononatriumglutamaat", + "siliciumnitride", + "strontiumchloride", + "guanosinedifosfaat", + "antimoonkaliumtartraat", + "magnesiumchloride", + "melkzuur", + "coniferylalcohol", + "capronzuur", + "polyvinylchloride", + "adenosinedifosfaat", + "di_ethylether", + "cesiumjodide", + "magnesiumperoxide", + "citroenzuur", + "salmiakzout", + "diethylether", + "beendermeel", + "fenylazijnzuur", + "wolfraamzuur", + "magnesiumcitraat", + "boterzuur", + "kaliumjodide", + "zenuwgroeifactor", + "telluurzuur", + "laurinezuur", + "salicylzuur", + "polymelkzuur", + "zinkchloride" + ], + "QUANTITY": [ + "parkeerterrein", + "vierkantswortel", + "si_stelsel", + "franse_frank", + "zeemijl", + "vijfhonderd", + "calorie", + "driedimensionaal", + "schilling", + "twee\u00ebntwintig", + "drie\u00ebnnegentig", + "ton", + "zesentwintig", + "dollar", + "vierentwintig", + "riyal", + "rangtelwoord", + "drie_koninkrijken", + "toontaal", + "g", + "drie\u00ebntwintig", + "negenentwintig", + "the_real_world", + "elektronvolt", + "zevenentwintig", + "vijver", + "rial", + "achtentwintig", + "parkeerbon", + "parkeergarage", + "windrichting", + "een_voor_een", + "priemgetal", + "verdichtingspunt", + "parkeermeter", + "pond", + "vijfentwintig", + "pond_sterling", + "een_tegelijk", + "kettingbreuk", + "cypriotisch_pond", + "lichtjaar", + "parkeerplaats", + "anders_celsius" + ], + "FOOD": [ + "appelsap", + "bruiloftstaart", + "suikerwater", + "druivensap", + "tartaarsaus", + "leidingwater", + "nagerecht", + "mousse", + "chocoladereep", + "chocolademelk", + "smeltkaas", + "golden_delicious", + "borrelhapjes", + "sinaasappelsap", + "chocoladetaart", + "soesje", + "woestijn", + "waspompoen", + "cayennepeper", + "daucus_carota", + "bubbelwijn", + "kleinbekbaars", + "oploskoffie", + "christmas_pudding", + "melkchocolade", + "paneermeel", + "kropbrood", + "suikerspin", + "petitfour", + "vijgcactus", + "slagroom", + "hollandaisesaus", + "roggebrood", + "wijnazijn", + "verjaarstaart", + "granny_smith", + "capsicum", + "zachtgekookt", + "appelflap", + "wentelteefje", + "frisdrank", + "kandij", + "lendebiefstuk", + "zuurstok", + "sterrenkers", + "volkorenbrood", + "pasteitje", + "bittergarnituur", + "kauwgom", + "verjaardagstaart", + "waldorfsalade", + "saus", + "h\u00fcttenk\u00e4se", + "zonnebloemolie", + "esdoornsiroop", + "kikkerbilletjes", + "cornedbeef", + "tarwebloem", + "melkpoeder", + "chilipeper", + "ahornsiroop", + "visstick", + "schuimwijn", + "pinot_noir", + "rawit", + "appeltaart", + "friet", + "bruidstaart", + "frieten", + "cacaoboter", + "spuitwater", + "schildpadsoep", + "fastfood", + "wittebrood", + "koemelk", + "ganzenlever", + "paasei", + "palmolie", + "t_bone", + "plantenolie", + "rodekool", + "ossenstaartsoep", + "chili", + "huttenkaas", + "lunch", + "kruidenthee", + "vruchtensalade", + "kattenvoer", + "antipasto", + "middageten", + "olijfolie", + "pudding", + "pindakaas", + "gelukskoekje", + "citroensap", + "dessert", + "tuttifrutti", + "stoofappel", + "cassonade", + "kraantjeswater", + "eendenlever", + "roomijs", + "aardappelsalade", + "tafelzout", + "pompernikkel", + "drinkwater", + "gemberbier", + "bitterkers", + "aardappelchips", + "lippenbalsem", + "snoepreep", + "ros\u00e9wijn", + "bladerdeeg", + "pot_au_feu", + "tussendoortje", + "priklimonade", + "bechamelsaus", + "caesarsalade", + "klappermelk", + "veenbessap", + "pompoentaart", + "kippensoep", + "ijskoffie", + "theeblad", + "cacaopoeder", + "strijkroom" + ], + "LANGUAGE": [ + "assamees", + "waals", + "shona", + "ooi", + "galicisch", + "maleisich", + "deens", + "klemtoon", + "venda", + "marshallees", + "poetsmiddel", + "bambara", + "griek", + "kongo", + "grieks", + "akan", + "peipusmeer", + "assami", + "roemeense", + "corsicaans", + "sindhi", + "aksent", + "griekse", + "pools", + "hongaarse", + "chinees", + "pali", + "gasser", + "iers", + "aymara", + "manx", + "welsh", + "noorse", + "malayalam", + "proven\u00e7aals", + "roemeens", + "catalaan", + "japannees", + "zweeds", + "hindi", + "samoaan", + "divehi", + "georgisch", + "chinese", + "keltisch", + "esperanto", + "duitser", + "tongval", + "shangaan", + "koerdisch", + "soendanezen", + "portugees", + "lingala", + "francoproven\u00e7aals", + "wolof", + "cree", + "catalaanse", + "portugese", + "maleis", + "hongaars", + "speech", + "tagalog", + "japanse", + "ido", + "quechua", + "tonga", + "kannada" + ], + "RACE": [ + "ierse", + "blanken", + "islander", + "indian_airlines", + "turk", + "eilandbewoner", + "zwarten", + "turkse", + "vietnamese", + "fran\u00e7aise", + "the_mexican", + "engelsen", + "fransman", + "chinese", + "nederlanders", + "japanners", + "polynesisch", + "eilander", + "fransen", + "joodse" + ], + "LAW": [ + "publiekrecht", + "civiel_recht", + "handelspapier", + "huiszoekingsbevel", + "hooggerechtshof", + "persvrijheid", + "kiessysteem", + "krijgswet", + "burgerlijk_recht", + "groepsvordering", + "groepszaak", + "godsdienstvrijheid", + "volkenrecht", + "ne_bis_in_idem", + "strafrecht", + "doodvonnis", + "bestuursrecht", + "advocatenkantoor", + "federal_bureau_of_investigation", + "handelsrecht" + ], + "RELIGION_MEMBER": [ + "anabaptist", + "guru", + "the_hindu", + "katholiek", + "protestant", + "moor", + "jezu\u00efet", + "baptistisch", + "benedictijn", + "athe\u00efst", + "goddeloze", + "broeder", + "athe\u00efste", + "mormon", + "baptist", + "franciscanen", + "trappist", + "zendeling", + "satanist", + "parsi", + "mon", + "broer", + "godloochenaar", + "boeddhistisch", + "benedictijner" + ], + "ANAT": [ + "opperarm", + "bovenarm", + "hartspierweefsel" + ], + "GPE": [ + "sint_agatha_rode", + "sint_ulriks_kapelle", + "witgoud", + "sint_kruis_winkel", + "sint_amandsberg", + "saint_domingue", + "sint_blasius_boekel", + "sint_laureins", + "lo_reninge", + "sint_baafs_vijve", + "dar_es_salaam", + "sint_martens_bodegem", + "industriegebied", + "sint_joris", + "valentijnsdag", + "sint_goriks_oudenhove", + "s_gravenvoeren", + "olympisch_dorp", + "werkverschaffing", + "sint_maarten", + "bergpas", + "veel_geluk", + "sint_margriete_houtem", + "sint_barbara", + "sint_eloois_winkel", + "sint_michielsgestel", + "sint_pieters_voeren", + "novum_testamentum", + "suikerbroodberg", + "sint_lambrechts_herk", + "hagia_sophia", + "heilige_geest", + "sint_maria_lierde", + "sint_lenaarts", + "sint_pieters_rode", + "nieuwe_testament", + "onze_lieve_vrouw_van_zeven_wee\u00ebn", + "gran_canaria", + "duizendeilanden", + "sint_maria_latem", + "sint_gillis_bij_dendermonde", + "suikerbrood", + "somme_leuze", + "oud_valkenburg", + "sint_kornelis_horebeke", + "sint_martens_lierde", + "sint_martens_voeren", + "sint_pieters_kapelle", + "rode_kruis", + "sint_antelinks", + "sint_laureins_berchem", + "al_andalus", + "sint_denijs_boekel", + "sint_joris_winge", + "la_rochelle", + "sint_maria_oudenhove", + "sint_maria_horebeke", + "onze_lieve_vrouw", + "taishan", + "charlottenburg_wilmersdorf", + "barbara_van_nicomedi\u00eb", + "la_gomera", + "sint_eloois_vijve", + "sint_jan_in_eremo", + "sao_tom\u00e9", + "onze_lieve_vrouw_van_smarten", + "mensenrechten", + "sint_lievens_esse", + "tr\u00e0_vinh" + ], + "FAC": [ + "kerncentrale", + "volksfront", + "concertgebouw", + "westmuur", + "bovenkruier", + "drukkerij", + "het_laatste_avondmaal", + "sacramentsdag", + "drie\u00ebndertig", + "the_trap_door", + "de_vier_jaargetijden", + "mauritius_papeda", + "raadhuis", + "peter_i_van_rusland", + "arnold_sch\u00f6nberg", + "politiebureau", + "handelspost", + "handelsplaats", + "plaza", + "het_laatste_oordeel", + "universiteitsstad", + "sublieme_porte", + "kunstacademie", + "lagere_school", + "basisschool", + "t_cel", + "concertzaal", + "drinkenfontein", + "kunstgalerie", + "flatgebouw", + "saint_lucia", + "papiermolen", + "triomfboog", + "winnie_de_poeh", + "sint_denijs_westrem", + "winkelcentrum", + "schreefloos", + "sint_jozefkerk", + "gemaal", + "winkelgalerij", + "verhevene_porte", + "posterij", + "titus_livius", + "klaagmuur", + "kunstgalerij", + "gemeentehuis", + "gradatim", + "getijdenmolen", + "hangbrug", + "treinstation", + "de_toverberg", + "verheven_porte", + "friedrichshain_kreuzberg" + ], + "POLITICAL_PARTY": [ + "partij", + "conservative_party", + "labour_party", + "partij_van_de_arbeid", + "agrarische_partij", + "politieke_partij", + "kommunistiska_partiet", + "liberal_party", + "liberale_partij", + "nationale_partij_van_zuid_afrika", + "democratische_partij", + "whig_party", + "partido_popular", + "democratisch_republikeinse_partij", + "malta_labour_party", + "det_norske_arbeiderpartiet", + "irish_labour_party", + "partido_socialista", + "progressieve_partij", + "kwomintang", + "parti_socialiste", + "republikeinse_partij", + "communistische_partij", + "milj\u00f6partiet_de_gr\u00f6na", + "sociaaldemocratische_partij", + "australian_labor_party", + "conservatieve_partij", + "socialistische_partij", + "parti_populaire" + ], + "GENDER": [ + "jonge", + "mademoiselle", + "meidje", + "gentleman", + "grietje", + "deern", + "het_zwakke_geslacht", + "men", + "vrijster", + "jongedame", + "dame", + "boy", + "van_de_verkeerde_kant", + "guido", + "het_schone_geslacht", + "masculien", + "tribade", + "transgender", + "vrouwelijk", + "matrone", + "man", + "gal", + "lady", + "transgenderisme" + ], + "PERSON": [ + "zelfcontrole", + "door_middel_van", + "julius_caesar", + "al_gore", + "saint_vincent", + "boek_der_veranderingen", + "er_niet_bij", + "la_grange", + "don_delillo", + "aan_de_hand_van", + "ik_ook", + "edward_osborne_wilson", + "gewoon_eekhoorntjesbrood", + "de_witt", + "t_bone", + "al_de", + "george_v", + "al_amin", + "igor_sikorsky", + "van_de", + "peter_dawson", + "franciscus_van_assisi", + "seleucus_i_nicator", + "zonnevis", + "maxwell_anderson", + "rudolf_hess", + "herbert_george_wells" + ], + "SOC_ECO_CLASS": [ + "landbouw", + "samenleving", + "bon_ton", + "landadel", + "center", + "broederschap", + "kastenstelsel", + "middenklasse", + "proletariaat", + "burgerklasse", + "volksplaats", + "misdaadwereld", + "maatschappij", + "weinig", + "waki", + "samoerai", + "bourgeoisie" + ], + "RELIGION": [ + "zen", + "salafisme", + "donatisme", + "presbyterianisme", + "calvinisme", + "wahabisme", + "katharen", + "maniche\u00efsme", + "methodisme", + "islam", + "christian_science", + "wicca" + ], + "PERSON_PRONOUN": [ + "mijzelf", + "vosse", + "het_hare", + "de_jouwe", + "groeve", + "het_jouwe", + "tutoyeren", + "mezelf", + "i", + "de_hare", + "thee", + "he", + "uw", + "jijen", + "our", + "her", + "die_van_ons", + "de_onze", + "het_onze", + "we", + "me", + "mijne", + "van_jou" + ], + "EVENT": [ + "wereldtentoonstelling", + "fleur_de_lys", + "zo_is_het_leven", + "filmfestival", + "golfoorlog", + "sing_sing", + "polsstokhoogspringen", + "arcadespel", + "dodendans", + "grote_prijs" + ], + "POLITICAL_PARTY_MEMBER": [ + "makker", + "communiste", + "communist", + "communistisch" + ], + "UNION": [ + "studentenvakbond", + "wereldpostunie" + ], + "TITLE": [ + "meneer" + ], + "MEDICAL_THERAPY": [ + "bloeddruk" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "lara", + "noortje", + "fabi\u00ebnne", + "silke", + "mila", + "karlijn", + "sara", + "yara", + "danique", + "lindsey", + "hannah", + "no\u00eblle", + "jenna", + "renske", + "suus", + "amy", + "emily", + "cornelia", + "janne", + "jolijn", + "maryam", + "meike", + "lizzy", + "jade", + "stella", + "pippa", + "dana", + "isa", + "elise", + "ashley", + "olivia", + "yinthe", + "tessa", + "linde", + "vaj\u00e8n", + "jasmijn", + "ilse", + "jo\u00eblle", + "chlo\u00eb", + "lois", + "lola", + "tirza", + "sofie", + "maria", + "lynn", + "ise", + "myrthe", + "yasmine", + "esm\u00e9e", + "fenne", + "quinty", + "sophie", + "nisa", + "naomi", + "catharina", + "jet", + "rosalie", + "janna", + "lauren", + "yfke", + "imke", + "zoey", + "ize", + "sanne", + "eliza", + "kaylee", + "f\u00e9line", + "feline", + "puck", + "anna", + "helena", + "maartje", + "elisa", + "annemijn", + "saar", + "jennifer", + "maaike", + "madelief", + "anne", + "lizz", + "victoria", + "amber", + "maud", + "floortje", + "tess", + "eva", + "merle", + "lisa", + "fiene", + "mette", + "laura", + "evi", + "kim", + "femke", + "jill", + "esmee", + "lily", + "aaliyah", + "frederique", + "liz", + "ivy", + "evie", + "veerle", + "kiki", + "suze", + "julie", + "lieve", + "selena", + "jaylinn", + "liv", + "pien", + "zo\u00eb", + "senna", + "hanna", + "rosa", + "lana", + "juul", + "kyra", + "lena", + "demi", + "kayleigh", + "noor", + "charlotte", + "merel", + "annabel", + "nora", + "yasmin", + "lo\u00efs", + "bo", + "mara", + "ella", + "jinthe", + "fien", + "eline", + "esther", + "fleur", + "isabel", + "britt", + "lot", + "valerie", + "elize", + "daphne", + "fatima", + "milou", + "sophia", + "amina", + "puk", + "dewi", + "amelia", + "aim\u00e9e", + "sterre", + "nikki", + "selina", + "carlijn", + "maya", + "angelina", + "esila", + "romy", + "leah", + "josephine", + "nina", + "michelle", + "julia", + "sarah", + "johanna", + "elisabeth", + "joy", + "jente", + "cato", + "lucy", + "chlo\u00e9", + "floor", + "bente", + "isis", + "lisanne", + "isabelle", + "lieke", + "nynke", + "robin", + "maja", + "elena", + "roos", + "dina", + "fenna", + "zara", + "liza", + "melissa", + "mirte", + "jolie", + "marit", + "isabella", + "jayda", + "emma", + "bibi", + "amira", + "iris", + "ceylin", + "livia", + "lotte", + "alyssa", + "elin", + "faye", + "nadine", + "indy", + "mirthe", + "mare", + "lize", + "azra", + "benthe", + "ninthe", + "evelien", + "norah", + "vera", + "adriana", + "tara", + "sienna", + "aylin", + "nienke", + "phileine", + "hailey", + "luna", + "louise", + "am\u00e9lie", + "loes", + "sam", + "zeynep", + "evy", + "anouk", + "fay", + "kate", + "pleun", + "inaya", + "sylvie", + "nadia", + "sofia", + "elizabeth", + "mia", + "juliette", + "alicia", + "guusje", + "ecrin", + "noa", + "linn", + "elif", + "nova", + "aya", + "fem", + "lise", + "kyara", + "lina", + "megan" + ], + "FIRST_NAME_MALE": [ + "vigo", + "floris", + "wesley", + "jacob", + "justin", + "rens", + "jo\u00ebl", + "luca", + "maxim", + "bas", + "bart", + "emir", + "colin", + "seth", + "jim", + "keano", + "maarten", + "rafael", + "kyan", + "felix", + "benjamin", + "mats", + "wessel", + "jesper", + "nick", + "imran", + "jonathan", + "mick", + "noah", + "leon", + "niels", + "jens", + "lucas", + "merijn", + "rick", + "marinus", + "ties", + "lex", + "damian", + "giel", + "levi", + "raf", + "jort", + "pim", + "bryan", + "pepijn", + "daniel", + "tijmen", + "koen", + "maurits", + "sjoerd", + "fedde", + "stef", + "olivier", + "johannes", + "stan", + "wouter", + "tobias", + "alexander", + "abel", + "jayson", + "bradley", + "rik", + "oscar", + "sil", + "brent", + "tygo", + "mason", + "hidde", + "casper", + "thijs", + "lukas", + "stijn", + "ian", + "fabian", + "alex", + "kick", + "max", + "jason", + "roan", + "florian", + "hugo", + "nathan", + "jesse", + "luke", + "loek", + "boaz", + "vincent", + "melle", + "sep", + "jules", + "beau", + "zakaria", + "thom", + "quinn", + "julian", + "tijn", + "joshua", + "sebastiaan", + "lorenzo", + "james", + "aron", + "duuk", + "jelle", + "muhammed", + "jordy", + "elias", + "yusuf", + "ruben", + "sven", + "julius", + "senna", + "sem", + "mathijs", + "lars", + "ryan", + "naud", + "mark", + "jack", + "noud", + "joey", + "thijmen", + "jorn", + "ayoub", + "jan", + "berend", + "tyler", + "mike", + "twan", + "ibrahim", + "dirk", + "jip", + "matthias", + "jake", + "mads", + "ali", + "youssef", + "joris", + "kevin", + "tijs", + "sten", + "kyano", + "tim", + "dani", + "lenn", + "finn", + "yassin", + "gerrit", + "berat", + "hamza", + "owen", + "rayan", + "joost", + "sepp", + "joep", + "quinten", + "philip", + "senn", + "arie", + "dion", + "wout", + "luuk", + "mustafa", + "aiden", + "dani\u00ebl", + "sami", + "matthijs", + "jurre", + "jayden", + "luka", + "adam", + "cas", + "robin", + "guus", + "simon", + "tristan", + "vince", + "cornelis", + "riley", + "bram", + "tycho", + "samuel", + "micha", + "bilal", + "niek", + "mees", + "giovanni", + "siem", + "david", + "valentijn", + "liam", + "thijn", + "mohammed", + "mohamed", + "boris", + "arthur", + "laurens", + "jay", + "milan", + "jelte", + "stefan", + "jamie", + "teun", + "ravi", + "jasper", + "xavi", + "thomas", + "dex", + "hendrik", + "aaron", + "amin", + "dean", + "kay", + "daan", + "pieter", + "sander", + "ivan", + "brian", + "olaf", + "jonas", + "morris", + "dylan", + "bastiaan", + "nout", + "rowan", + "gijs", + "sam", + "kai", + "luc", + "milo", + "mart", + "ayden", + "chris", + "dave", + "collin", + "dylano", + "mehmet", + "tom", + "marijn", + "victor", + "michael", + "job", + "willem", + "jari", + "timo", + "amir", + "ben", + "faas", + "mika", + "kian", + "bjorn" + ], + "FIRST_NAME": [ + "floris", + "justin", + "rens", + "fabi\u00ebnne", + "silke", + "maxim", + "bas", + "luca", + "mila", + "bart", + "hannah", + "renske", + "benjamin", + "cornelia", + "jolijn", + "dana", + "niels", + "vaj\u00e8n", + "jasmijn", + "maria", + "lynn", + "esm\u00e9e", + "maurits", + "fedde", + "catharina", + "wouter", + "tobias", + "janna", + "abel", + "brent", + "mason", + "helena", + "anne", + "florian", + "nathan", + "eva", + "luke", + "merle", + "vincent", + "evi", + "beau", + "zakaria", + "esmee", + "aaliyah", + "sebastiaan", + "lorenzo", + "james", + "veerle", + "kiki", + "muhammed", + "suze", + "selena", + "senna", + "sem", + "mathijs", + "charlotte", + "yasmin", + "mara", + "jinthe", + "jan", + "britt", + "fleur", + "esther", + "tyler", + "lot", + "valerie", + "elize", + "ibrahim", + "milou", + "mads", + "yassin", + "owen", + "selina", + "carlijn", + "hamza", + "josephine", + "sepp", + "nina", + "michelle", + "julia", + "arie", + "wout", + "cato", + "dani\u00ebl", + "sami", + "chlo\u00e9", + "bente", + "adam", + "guus", + "simon", + "roos", + "tristan", + "zara", + "liza", + "jolie", + "mees", + "giovanni", + "ceylin", + "mohammed", + "lotte", + "laurens", + "milan", + "stefan", + "azra", + "lize", + "jasper", + "teun", + "norah", + "sander", + "pieter", + "olaf", + "luna", + "gijs", + "sam", + "rowan", + "kai", + "zeynep", + "dave", + "pleun", + "evy", + "inaya", + "mia", + "juliette", + "alicia", + "elizabeth", + "dylano", + "tom", + "linn", + "elif", + "mika", + "bjorn", + "lara", + "jo\u00ebl", + "seth", + "no\u00eblle", + "maarten", + "jenna", + "kyan", + "mats", + "jonathan", + "stella", + "mick", + "noah", + "merijn", + "marinus", + "tessa", + "levi", + "jort", + "lola", + "bryan", + "pepijn", + "daniel", + "tirza", + "myrthe", + "yasmine", + "fenne", + "stef", + "sophie", + "rosalie", + "lauren", + "bradley", + "oscar", + "ize", + "sil", + "sanne", + "casper", + "fabian", + "elisa", + "maartje", + "alex", + "maaike", + "jennifer", + "madelief", + "victoria", + "amber", + "tess", + "jesse", + "loek", + "lisa", + "mette", + "laura", + "jules", + "jill", + "julian", + "lily", + "joshua", + "frederique", + "aron", + "duuk", + "jordy", + "julie", + "julius", + "lana", + "naud", + "mark", + "noud", + "merel", + "demi", + "noor", + "jorn", + "annabel", + "bo", + "ayoub", + "ella", + "berend", + "twan", + "jip", + "daphne", + "ali", + "sophia", + "amina", + "sten", + "nikki", + "dani", + "lenn", + "finn", + "gerrit", + "berat", + "elisabeth", + "senn", + "mustafa", + "luka", + "isabelle", + "elena", + "dina", + "fenna", + "cornelis", + "tycho", + "jayda", + "niek", + "liam", + "alyssa", + "mirthe", + "ninthe", + "thomas", + "ravi", + "vera", + "adriana", + "sienna", + "dex", + "brian", + "hailey", + "am\u00e9lie", + "luc", + "milo", + "mart", + "fay", + "chris", + "collin", + "nadia", + "sofia", + "mehmet", + "michael", + "ecrin", + "noa", + "job", + "willem", + "ben", + "rik", + "fem", + "lise", + "megan", + "jacob", + "karlijn", + "sara", + "colin", + "keano", + "suus", + "felix", + "amy", + "janne", + "wessel", + "jesper", + "lizzy", + "jade", + "pippa", + "lucas", + "ashley", + "olivia", + "damian", + "yinthe", + "giel", + "ilse", + "jo\u00eblle", + "pim", + "ise", + "koen", + "sjoerd", + "johannes", + "nisa", + "jet", + "alexander", + "yfke", + "imke", + "zoey", + "thijs", + "stijn", + "ian", + "f\u00e9line", + "puck", + "anna", + "annemijn", + "kick", + "jason", + "lizz", + "roan", + "floortje", + "hugo", + "boaz", + "melle", + "sep", + "thom", + "tijn", + "liz", + "ivy", + "yusuf", + "sven", + "lieve", + "zo\u00eb", + "hanna", + "rosa", + "juul", + "lars", + "kyra", + "ryan", + "jack", + "joey", + "kayleigh", + "lo\u00efs", + "fien", + "mike", + "matthias", + "jake", + "joris", + "tijs", + "puk", + "kyano", + "amelia", + "tim", + "rayan", + "maya", + "joep", + "sarah", + "johanna", + "philip", + "joy", + "jente", + "luuk", + "lucy", + "aiden", + "matthijs", + "floor", + "jurre", + "isis", + "jayden", + "lieke", + "vince", + "riley", + "mirte", + "micha", + "emma", + "david", + "iris", + "boris", + "arthur", + "jay", + "faye", + "nadine", + "indy", + "jelte", + "mare", + "benthe", + "xavi", + "tara", + "nienke", + "aaron", + "kay", + "amin", + "phileine", + "ivan", + "jonas", + "morris", + "nout", + "sylvie", + "victor", + "guusje", + "nova", + "jari", + "aya", + "amir", + "lukas", + "kyara", + "lina", + "kian", + "vigo", + "wesley", + "noortje", + "yara", + "lindsey", + "emir", + "danique", + "jim", + "rafael", + "emily", + "nick", + "imran", + "meike", + "maryam", + "jens", + "isa", + "leon", + "elise", + "rick", + "ties", + "lex", + "linde", + "raf", + "chlo\u00eb", + "lois", + "sofie", + "tijmen", + "quinty", + "olivier", + "naomi", + "stan", + "jayson", + "tygo", + "eliza", + "hidde", + "kaylee", + "feline", + "saar", + "max", + "maud", + "fiene", + "kim", + "femke", + "quinn", + "evie", + "jelle", + "elias", + "ruben", + "jaylinn", + "liv", + "pien", + "lena", + "thijmen", + "nora", + "eline", + "isabel", + "dirk", + "fatima", + "youssef", + "kevin", + "dewi", + "aim\u00e9e", + "sterre", + "angelina", + "esila", + "romy", + "leah", + "joost", + "quinten", + "dion", + "lisanne", + "cas", + "nynke", + "robin", + "maja", + "bram", + "melissa", + "marit", + "samuel", + "bilal", + "isabella", + "siem", + "bibi", + "amira", + "valentijn", + "thijn", + "livia", + "mohamed", + "elin", + "jamie", + "evelien", + "aylin", + "hendrik", + "dean", + "daan", + "dylan", + "louise", + "bastiaan", + "loes", + "ayden", + "kate", + "anouk", + "marijn", + "timo", + "faas" + ], + "LAST_NAME": [ + "phillipsen", + "bouthoorn", + "van_haspengouw", + "le_marec", + "pons", + "robbrechts_bruijne", + "westerburg", + "boddaugh", + "peronne", + "oversteeg", + "hulskes", + "spruyt", + "de_grote", + "van_berkum", + "van_es", + "de_mol", + "nijman", + "boer", + "van_gorp", + "de_jode_vastraedsd", + "osterhoudt", + "beekman", + "bertho", + "zeldenrust", + "van_dommelen", + "jansen", + "brugman", + "schulten", + "noordijk", + "werdes", + "de_jager", + "aelftrud_van_wessex", + "geertsen", + "de_marduras", + "van_haeften", + "fran\u00e7oise", + "recers", + "de_grunt", + "heinrichs", + "persijn", + "verkade", + "wigman", + "de_bont", + "van_de_klashorst", + "van_de_weterink", + "schelvis", + "lether", + "van_der_pouw", + "van_northeim", + "louws", + "haengreve", + "hendrikse", + "van_den_henst", + "kisman", + "van_luyssel", + "jorlink", + "chrodtrud", + "van_de_darnau", + "pieters", + "winters", + "arens", + "ariens_ansems", + "van_der_heijden", + "van_der_meulen", + "jochems", + "van_oirschot", + "van_saksen", + "coret", + "verhoeven", + "spruit", + "roose", + "van_der_laar", + "groenestein", + "simons", + "schiffer", + "ridder", + "bud", + "heijman", + "appelman", + "uphus", + "lage", + "hakker", + "lutterveld", + "hoogers", + "stichter", + "van_bernicia", + "van_den_heuvel", + "west_franci\u00eb,_van", + "wipstrik", + "van_wassenaar", + "hagendoorn", + "buijs", + "wilcken", + "de_korte", + "goedhart", + "kramer", + "van_den_bosch", + "wolfsdr", + "le_matelot", + "de_keijser", + "claassen", + "janssens", + "de_la_fleche", + "alpaidis", + "recer", + "velderman", + "krabbe", + "spanhaak", + "janse", + "van_den_nieuwenhuijsen", + "van_brunswijk", + "stinis", + "van_de_water", + "wendt", + "aarts", + "kunen", + "bleijenberg", + "van_nimwegen", + "van_luin", + "lips", + "estey", + "van_beek", + "hoppenbrouwer", + "gerrits", + "brandon", + "doesburg", + "scheffers", + "schenkel", + "stuivenberg", + "smeets", + "manne", + "westermann", + "hoedemakers", + "van_der_veen", + "van_der_laarse", + "van_kuijc_van_malsen", + "verda", + "loreal", + "jacobi", + "oosterhout", + "backer", + "de_bruin", + "kwaadland", + "gepa_van_bourgondi\u00eb", + "jeggij", + "van_breukelveen", + "lambers", + "van_der_leek", + "willems", + "wilson", + "friehus", + "van_clootwijck", + "horrocks", + "hexspoor", + "borman", + "de_backer", + "rackham", + "van_emmelen", + "kleibrink", + "pierson", + "blees", + "moensendijk", + "pratt", + "van_den_nuwenhijsen", + "van_der_strigt", + "van_dijk", + "woudenberg", + "van_doorn", + "aertsz", + "gnodde", + "prinsen", + "van_schevinghuizen", + "zijlemans", + "brands", + "greij", + "wunderink", + "broeders", + "feltzer", + "brievingh", + "de_koning", + "ketel", + "van_den_corput", + "willemsen", + "cosman", + "van_'t_riet", + "dirven", + "van_der_flaas", + "frankhuizen", + "mallien", + "elberts", + "van_der_lede", + "giselmeyer", + "claesdr", + "van_vliet", + "scuylenborchs", + "westerbeek", + "serra", + "beijring", + "hoes", + "hoekstra", + "van_nes", + "scardino", + "cornelisz", + "van_den_brink", + "roodesteijn", + "puig", + "lagerweij", + "van_wickerode", + "smith", + "molen", + "kremer", + "van_voorst", + "uittenbosch", + "waardeloo", + "van_buuren", + "schotte", + "rippey", + "de_beer", + "matthews", + "jansse", + "reimes", + "van_den_nyeuwenhuysen", + "van_'t_houteveen", + "de_strigter", + "mens", + "vaessen", + "van_boulogne", + "mathol", + "van_der_wal", + "steenbakkers", + "spaan", + "heymans", + "rubben", + "zevenboom", + "breugelensis", + "rotteveel", + "van_breugel", + "bosman", + "sam", + "stoffel", + "van_'t_erve", + "dircken", + "vrancken", + "lathrope", + "van_rijnsbergen", + "van_de_biezenbos", + "van_de_berg", + "bres\u00e9", + "driessen", + "van_de_noordmark", + "kosten", + "van_ommeren", + "bezemer", + "rietveld", + "vignon", + "haack", + "van_der_laan", + "kleybrink", + "lansink", + "van_den_velden", + "van_eck", + "ruijs", + "van_susa", + "van_metz", + "van_maaren", + "rouwenhorst", + "huijben", + "kriens", + "brisee", + "vi", + "blokland", + "jorrisen", + "tammerijn", + "karels", + "arts", + "geerling", + "korsman", + "overdijk", + "veenstra", + "lamore", + "van_wallaert", + "helmerhorst", + "van_der_linden", + "draaisma", + "room", + "van_rooij", + "hulshouts", + "joosten", + "jurrijens", + "ansems", + "fechant", + "van_geffen", + "ooms", + "van_drenthe", + "van_hoevel_en_van_zwindrecht", + "schrant", + "jerusalem", + "weijland", + "van_den_nuwenhuysen", + "becht", + "lafleur", + "hanegraaff", + "van_den_wittenboer", + "de_haas", + "adriaansen", + "keltenie", + "butselaar", + "van_beeck_beeckmans", + "van_stralen", + "loep", + "van_westfalen", + "der_kijnder", + "ouwel", + "weyland", + "stamrood", + "van_grinsven", + "roosenboom", + "cadefau", + "van_brenen", + "welf", + "totwiller", + "rousselet", + "salet", + "aeije", + "mulders", + "sprong", + "visser", + "weylant", + "eijkelboom", + "van_der_veiver", + "schatteleijn", + "van_noort", + "carnotte", + "b\u00f6kenkamp", + "van_kusen", + "van_der_avoirt", + "walter", + "van_de_elzas", + "de_lange", + "van_oudewater", + "adelaar", + "lind", + "kok", + "van_laarhoven", + "van_asten", + "van_evelingen", + "van_poppel", + "eckhardt", + "van_ginneke", + "van_den_oever", + "le_briel", + "jonker", + "van_der_maath", + "knoers", + "schilt", + "van_gastel", + "miner", + "van_mil", + "van_ginkel", + "bierstraten", + "van_der_horst", + "risma", + "hellevoort", + "boudewijns", + "van_der_maes", + "koret", + "moenen", + "engels", + "oosterhek", + "van_limburg", + "kleijse", + "kerkhof", + "lorreijn", + "saxo", + "weijters", + "van_leuven", + "wouters", + "martens", + "heribert_van_laon", + "van_herstal", + "dachgelder", + "pauwels", + "van_maasgouw", + "briere", + "wolffel", + "erhout", + "ulrich", + "zeemans", + "kortman", + "jonkman", + "van_wijk", + "van_opper_lotharingen", + "timmerman", + "uit_de_willigen", + "van_der_heyden", + "le_gulcher", + "zwart", + "fortuyn", + "van_zwaben", + "sitters", + "de_reede", + "van_dooren", + "van_salmen", + "goderts", + "otto", + "koeman", + "olykan", + "jacobs", + "rijcken", + "marchal", + "kof", + "bolkesteijn", + "oda", + "de_kale", + "boetet", + "van_spreeuwel", + "van_praagh", + "hoelen", + "van_enschot", + "verbeek", + "kloppert", + "vervoort", + "van_duyvenvoorde", + "olthof", + "van_este", + "van_dam", + "muller", + "ariens", + "chevresson", + "van_bruchem", + "kuiper", + "van_rijthoven", + "schroeff", + "korstman", + "beourgeois", + "wolzak", + "poncelet", + "den_haag", + "verschuere", + "kronenberg", + "huijbrechts", + "boeser", + "de_haan", + "jaceps", + "meyer", + "neuteboom", + "melet", + "van_jumi\u00e8ge", + "belpere", + "flink", + "overeem", + "laffray", + "frerichs", + "govarts", + "elsemulder", + "van_laon", + "remmers", + "huijzing", + "mol", + "winnrich", + "barents", + "schellekens", + "van_der_steen", + "fran\u00e7ois", + "van_de_kooij", + "van_dagsburg", + "kas", + "heijmans", + "tamsma", + "van_den_eerenbeemt", + "le_luc", + "geneart", + "evers", + "kuipers", + "van_daal", + "groote", + "molenaar", + "de_boer", + "van_ochten", + "kamper", + "weeldenburg", + "fredriks", + "knuf", + "postma", + "bourgondi\u00eb,_van", + "thomas", + "passchiers", + "van_de_biesenbos", + "maas", + "bruijne_van_der_veen", + "pieters_van_der_maes", + "the_elder", + "van_der_velden", + "van_der_smeede", + "van_der_klein", + "coolen", + "van_alenburg", + "van_leeuwen", + "peterse", + "roukes", + "langevoort", + "ehlert", + "stook", + "van_de_pavert", + "michiels", + "dijkstra", + "ellis", + "van_schweinfurt", + "van_luxemburg", + "van_dalem", + "leguit", + "de_graaf", + "holthuis", + "jansdr", + "rijn", + "verwoert", + "mathieu", + "van_dokkum", + "hondeveld", + "van_rheineck", + "brizee", + "van_der_pol", + "le_guellec", + "vegt", + "de_hoog", + "eerden", + "hulst", + "gerritse", + "broeshart", + "van_klaarwater", + "de_pauw", + "hehl", + "die_pelser", + "coreth_von_und_zu_coredo_und_starkenberg", + "van_ooste", + "eelman", + "stettyn", + "de_ruiter", + "van_santen", + "vergeer", + "chotzen", + "bakker", + "verheij", + "van_der_loo", + "van_der_velde", + "haring", + "van_engelen", + "heijmen", + "jones", + "boogaerts", + "sas", + "arnold", + "van_cuijck", + "romijn", + "lucas", + "billung", + "mansveld", + "veltman", + "van_bentheim", + "van_vermandois", + "goyaerts_van_waderle", + "sire", + "dubois", + "wagenvoort", + "van_den_assem", + "van_oosten", + "ramaker", + "koning", + "van_der_ploeg", + "van_beeck", + "zijlmans", + "bloemendaal", + "van_holland", + "van_waas", + "scherms", + "weerdenburg", + "kirpenstein", + "verhagen", + "amalrada", + "glasses", + "verhaar", + "heyne", + "van_den_bergh", + "guit", + "soos", + "hofman", + "de_hoogh", + "demmendaal", + "de_wit", + "everde", + "van_noordeloos", + "van_luinenburg", + "kalman", + "den_teuling", + "strik", + "van_der_hoeven", + "wever", + "mudden", + "rijks", + "van_bovene", + "ter_waarbeek", + "van_landen", + "brouwer", + "van_rossum", + "le_grand", + "van_roijen", + "dachgelt", + "arent", + "van_bergen", + "thout", + "sterkman", + "aschman", + "elbertse", + "van_der_kaay", + "wolfswinkel", + "dijkman", + "bruynzeels", + "de_roos", + "van_gelder", + "koster", + "kolster", + "van_der_zijl", + "bresse", + "vertoor", + "riem", + "van_goerle", + "van_haspengouw_hesbaye", + "broeckx", + "lemmens", + "peters", + "stange", + "potters", + "doorhof", + "van_parijs", + "uphaus", + "lieshout", + "ghoerle", + "henric_van_den_nuwenhuse", + "de_kok", + "die_witte", + "bruggeman", + "van_arkel", + "ferran", + "van_de_brink", + "booden", + "van_der_ven", + "broekhoven", + "jekel", + "den_buytelaar", + "de_keijzer", + "segerszoen", + "van_geest", + "schouten", + "kort", + "teunissen", + "stoffelsz", + "van_allemani\u00eb", + "bellemans", + "van_oostendorp", + "van_duivenvoorde", + "texier", + "heerkens", + "de_jonge", + "nollee", + "kathagen", + "wensen", + "bouwhuisen", + "van_'t_wel", + "mater", + "genefaas", + "kamp", + "galenzone", + "klerks", + "schakelaar", + "verheuvel", + "meeres", + "mahieu", + "jans", + "bosch", + "emmen", + "dekker", + "luboch", + "van_tours", + "huls", + "van_der_noot", + "klomp_jan", + "van_tuijl", + "rehorst", + "van_haarlem", + "van_nederlotharingen", + "aalts", + "kruns", + "speijer", + "woutersz", + "van_arnsberg", + "vos", + "perck", + "courtier", + "van_boven", + "bastiaense", + "de_bock", + "van_der_brink", + "voortman", + "van_gils", + "schokman", + "marchand", + "le_floch", + "de_gruson", + "van_suinvorde", + "volcke", + "linschoten", + "geerts", + "versluijs", + "van_wessex", + "gruijl", + "van_baalen", + "van_der_spaendonck", + "grondel", + "mathurin", + "van_hostaden", + "furda", + "berends", + "merckx", + "van_straaten", + "pison", + "bijlsma", + "van_den_brand", + "godfrey_van_alemanni\u00eb", + "levesque", + "van_de_leemput", + "van_velzen", + "claesner", + "hollander", + "vink", + "van_dillen", + "rutten", + "david", + "lonen", + "van_de_greef", + "suijker", + "boers", + "lelijveld", + "heerschop", + "cammel", + "goudriaan", + "mosley", + "de_swart", + "ketting", + "zuidweg", + "wildschut", + "peeters", + "feenstra", + "keijzer", + "de_werd", + "van_den_hoek", + "van_mispelen", + "hak", + "nieuwstraten", + "van_den_broek", + "simonis", + "shupe", + "de_plantard", + "vierdag", + "veenendaal", + "diesbergen", + "van_beaumont", + "van_den_nuwenhuijzen", + "wijland", + "van_de_eerenbeemt", + "doyle", + "bave", + "fremie", + "geldens", + "van_de_coterlet", + "tirie", + "kolen", + "luster", + "mijsberg", + "vallenduuk", + "van_de_ven", + "d'_heripon", + "van_breukeleveen", + "van_velthoven", + "wilmont", + "doornhem", + "molegraaf", + "groenendaal", + "wouters_van_eijndhoven", + "de_nijs", + "huberts", + "groen", + "miltenburg", + "hekker", + "van_hemert", + "van_hagen", + "van_de_veen", + "heere", + "huijs", + "tielemans", + "van_der_klijn", + "de_gratie", + "labado", + "rouwhorst", + "muijs", + "van_duvenvoirde", + "vastenhouw", + "slaetsdochter", + "van_wel", + "palman", + "van_ooyen", + "schenk", + "tuithof", + "prins", + "roessink", + "galijn", + "elsenaar", + "leene", + "de_bruyn", + "sanders", + "vertooren", + "vermeulen", + "freshour", + "van_den_eijssel", + "willems_van_lier", + "sestig", + "cant", + "wright", + "van_kasteelen", + "haneberg", + "le_gallen", + "van_lucel", + "thatcher", + "schuylenborch", + "takkelenburg", + "van_der_kint", + "de_vrome", + "wolters", + "kallen", + "spiker", + "van_het_heerenveen", + "van_soest", + "huurdeman", + "van_hamaland", + "van_den_velde", + "adriaensdr", + "scheer", + "moet", + "unruoch_hunerik", + "reijers", + "bartels", + "van_de_velde", + "zwijsen", + "strijker", + "meijer", + "haselaar", + "van_veen", + "blonk", + "dachgeldt", + "de_smit", + "van_gent", + "van_gemert", + "tillmanno", + "blom", + "de_gruijl", + "gellemeyer", + "van_der_stael", + "van_riet", + "schwartsbach", + "verharen", + "van_der_sande", + "van_venrooy", + "van_salm", + "keijser", + "k\u00f6ster", + "meis", + "brandt", + "klein", + "van_grondelle", + "van_de_plas", + "scharroo", + "van_der_heiden", + "van_der_pluijm", + "van_berkel", + "van_orleans", + "michielsen", + "wutke", + "lankle", + "van_munster", + "mangel", + "huisman", + "sarneel", + "verbruggen", + "cornelisse", + "bastiaanse", + "everts", + "schuurmans", + "van_de_wiel", + "die_bont", + "steenbeek", + "middelkoop", + "van_der_mast", + "de_groot", + "de_heer", + "'s_gravensande", + "hendriks", + "honing", + "van_der_plas", + "coenen", + "janssen", + "vial", + "van_engeland", + "smit", + "van_spreuwel", + "zuijdveld", + "kuilenburg", + "ligtvoet", + "bernaards", + "hendricks", + "hemma_van_allemani\u00eb", + "perrono", + "van_nus", + "van_verdun", + "de_vos", + "bos", + "van_der_stael_de_jonge", + "perkins", + "terry", + "van_de_wal", + "berendse", + "opmans", + "neuzerling", + "van_henegouwen", + "van_der_spaendonc", + "walsteijn", + "de_gruijter", + "van_laar", + "tins", + "gervais", + "van_formbach", + "verbeeck", + "van_der_sloot", + "steinmeiern", + "garret", + "bekbergen", + "van_bunschoten", + "beernink", + "uphuis", + "van_bragt", + "van_de_pol", + "dries", + "fiere", + "vandenbergh", + "smits", + "wooning", + "van_den_pol", + "van_mare", + "houdijk", + "latier", + "h\u00f6ning", + "van_hulten", + "lambregt", + "blaak", + "de_bruijn", + "oemencs", + "kuit", + "hermans", + "van_heusden", + "schipper", + "post", + "van_vlaanderen", + "lensen", + "van_voorhout", + "oennen", + "bouhuizen", + "gemen", + "van_beieren", + "spreeuw", + "jacquot", + "kuijpers", + "blewanus", + "broek", + "mansvelt", + "aarden", + "van_kempen", + "coret_coredo", + "van_embden", + "pastoors", + "hazenveld", + "de_vroege", + "ponci", + "van_der_meer", + "huel", + "mercks", + "oostveen", + "ouwerkerk", + "waltrade_walderade", + "mulder", + "meeusen", + "nek", + "van_der_berg", + "van_liendert", + "niermann", + "ernst", + "zaal", + "duivenvoorden", + "konings", + "van_loon", + "hoeks", + "van_bovenen", + "verboom", + "cornelissen", + "van_amstel", + "rademaker", + "pasman", + "adryaens", + "van_geenen", + "van_kuijc", + "lommert", + "de_vries", + "slingerland", + "van_ham", + "lijn", + "dorsman", + "scholten", + "momberg", + "massa", + "schagen", + "marceron", + "drysdale", + "spies", + "de_man", + "maaswinkel", + "nihoe", + "charon", + "werl_arnsberg,_van", + "lamotte", + "corstiaens", + "van_de_velden", + "oude_heer", + "merkx", + "dirksen", + "gerritsen", + "van_der_schuijt", + "rijntjes", + "dennenberg", + "bronder", + "slagmolen", + "timmermans", + "adriaense", + "brumleve", + "van_mook", + "de_jong", + "verschut", + "van_dongen", + "van_den_berg", + "schrik", + "spier", + "nedermeijer", + "van_olst", + "van_egisheim", + "van_wijland", + "martel", + "rek", + "luitgardis_van_neustri\u00eb", + "de_roo", + "otte", + "van_ghoerle", + "symons", + "de_gruil", + "jdotte", + "paillet", + "de_leeuw" + ], + "OTHER_PRONOUN": [ + "it", + "them", + "these" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "priorin": "abb\u00e9", + "abdis": "abb\u00e9", + "actrice": "ator", + "ator": "acteur", + "toneelspeelster": "ator", + "baronesse": "baron", + "barones": "baron", + "bruut": "groom", + "bruid": "groom", + "zakenvrouw": "zakenman", + "working_girl": "zakenman", + "voorzitster": "voorzitter", + "kuiken": "gaur", + "pui": "dandy", + "bint": "zoon", + "dochter": "zoon", + "hertogin": "hertog", + "keizerin": "imperator", + "vrouwelijk": "masculien", + "gal": "kerel", + "griet": "gozer", + "meidje": "guido", + "goof": "gozer", + "meid": "kerel", + "grietje": "kerel", + "faam": "guido", + "wicht": "gozer", + "deern": "kerel", + "kleindochter": "kleinzoon", + "her": "tij", + "heldin": "heros", + "het_hare": "de_hunne", + "de_hare": "de_hunne", + "hostess": "representant", + "lady": "lord", + "kak": "frater", + "hospita": "huisbaas", + "h\u00fastr\u00fain": "huisbaas", + "masseuse": "masseur", + "missen": "meneer", + "mademoiselle": "meneer", + "juffrouw": "meneer", + "mejuffrouw": "meneer", + "bomma": "meneer", + "ma\u00eetresse": "master", + "meesteres": "master", + "minnares": "master", + "mistress": "professional", + "mevrouw": "master", + "moeder": "pater", + "mam": "pater", + "matrix": "pair", + "bh": "dhr", + "mw": "dhr", + "mevr": "dhr", + "zuster": "broer", + "moniale": "monnik", + "priesteres": "priester", + "prinses": "prins", + "danaus_gilippus": "indra", + "koningin": "key", + "hetman": "indra", + "queens": "koningen", + "zij": "he", + "zus": "broeder", + "sour": "broer", + "tovenares": "sorcerer", + "ongehuwde_vrouw": "baccalaureus", + "oude_vrijster": "bachelor", + "woordvoerster": "woordvoerder", + "stiefdochter": "stiefzoon", + "stiefmoeder": "stiefvader", + "stewardess": "steward", + "serveerster": "serveuse", + "weduwe": "weduwnaar", + "echtgenote": "echtgenoot", + "vrouw": "bemannen", + "hex": "magi\u00ebr", + "tovenaar": "magi\u00ebr", + "wicca": "tovenaar", + "heks": "tovenaar", + "norn": "tovenaar", + "hondstong": "tovenaar", + "arnoglossus_scapha": "tovenaar", + "boy": "meid", + "jonge": "grietje", + "knaap": "wicht", + "jongen": "wicht", + "journaliste": "dagboekschrijver", + "dagboekschrijver": "journaliste", + "journalist": "journaliste" + }, + "other_gender_swap": { + "them": "her", + "jeju": "her", + "leur": "her", + "leen": "her", + "leus": "her", + "uk": "her", + "het_hunne": "de_hare", + "de_hunne": "het_hare", + "epi": "zij", + "iel": "zij", + "hij": "zij", + "he": "zij", + "jal": "iel", + "tij": "de_hunne", + "seine": "het_hunne", + "zij": "epi", + "her": "leus", + "het_hare": "het_hunne", + "de_hare": "de_hunne" + }, + "en_pronoun2gender": { + "they": [ + "van_de_verkeerde_kant", + "biseksueel", + "transgenderisme", + "transgender", + "homoseksueel" + ], + "he": [ + "jongen", + "kerel", + "mees", + "gaur", + "gentleman", + "bemannen", + "dandy", + "gozer", + "man", + "groom", + "gentiluomo", + "boy", + "knaap", + "little_boy", + "jonge", + "knul", + "masculien", + "guido" + ], + "she": [ + "lesbienne", + "matrone", + "kak", + "jongedame", + "vrouw", + "het_zwakke_geslacht", + "juffrouw", + "gal", + "missen", + "lesbisch", + "het_schone_geslacht", + "wicht", + "maagd", + "lady", + "bomma", + "deern", + "mademoiselle", + "vrijster", + "vrouwelijk", + "meid", + "goof", + "deem", + "faam", + "griet", + "mejuffrouw", + "tribade", + "meidje", + "grietje", + "madam", + "dame" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "hij", + "seine", + "tij", + "zichzelf", + "jal" + ], + "she": [ + "zij", + "de_hare", + "het_hare", + "her" + ], + "they": [ + "de_hunne", + "iel", + "jeju", + "zij", + "leen", + "het_hunne", + "leur", + "them", + "leus", + "uk", + "epi" + ], + "it": [ + "onen", + "deze", + "stas", + "these", + "per_se", + "tyto", + "it", + "dies", + "zichzelf", + "hij", + "ict" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nmn.json b/data_tooling/pii_processing/ontology/data/nmn.json new file mode 100644 index 0000000..8b4e790 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nmn.json @@ -0,0 +1,63 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u00e3_h\u02bb\u00e3": "\u00e8h", + "\u00e3_h": "\u00e8h", + "\u00e8h\u02bb\u00e8": "\u00e3_h\u02bb\u00e3", + "\u00e8h": "\u00e8h\u02bb\u00e8", + "t\u00e2a_q\u00e1e": "t\u00e2a_a\u0330a" + }, + "other_gender_swap": { + "\u00f9h": "\u00e3_h\u02bb\u00e3", + "\u00f9h\u02bb\u00f9": "\u00e3_h", + "\u00e3_h\u02bb\u00e3": "\u00f9h\u02bb\u00f9", + "\u00e3_h": "\u00f9h\u02bb\u00f9", + "\u00e8h\u02bb\u00e8": "\u00f9h\u02bb\u00f9", + "\u00e8h": "\u00f9h" + }, + "en_pronoun2gender": { + "she": [ + "t\u00e2a_q\u00e1e" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u00e3_h\u02bb\u00e3", + "\u00e8h", + "\u00e8h\u02bb\u00e8", + "\u00e3_h" + ], + "she": [ + "\u00e3_h\u02bb\u00e3", + "\u00e8h", + "\u00e8h\u02bb\u00e8", + "\u00e3_h" + ], + "they": [ + "\u00f9h\u02bb\u00f9", + "\u00f9h" + ], + "it": [ + "tvv\u02bbvv", + "\u02bbvv", + "\u00e8h", + "\u00e8h\u02bb\u00e8", + "tv\u02bbvv", + "\u00e3h\u02bb\u00e3", + "tv\u02bbv", + "\u00ech", + "\u00e3h" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/no.json b/data_tooling/pii_processing/ontology/data/no.json new file mode 100644 index 0000000..41a6870 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/no.json @@ -0,0 +1,4069 @@ +{ + "ORG": [ + "plan\u00f8konomi", + "h\u00f8yteknologisk", + "dominion", + "ida", + "kommunistparti", + "sukkerfri", + "den_kontinentale_kongress", + "tenketank", + "republikanergarden", + "den_r\u00f8de_arm\u00e9", + "jeg_heter", + "bataljon", + "besteven", + "auksjonshus", + "jakobinerlue", + "han_dynastiet", + "shint\u014disme", + "milit\u00e6rteneste", + "p\u00e5_fersk_gjerning", + "en_gang_til", + "raudekrossen", + "bestevenn", + "baskarland", + "hekkefond", + "fagorganisasjon", + "myndigheter", + "den_gule_flod", + "den_trojanske_hest", + "den_europeiske_sentralbank", + "wicca", + "masomn", + "an_education", + "statskupp", + "marknads\u00f8konomi", + "musikkbransjen", + "jan_mayen", + "brente_jords_taktikk", + "jesuittordenen", + "den_palestinske_frigjeringsorganisasjonen", + "den_gresk_ortodokse_kirke", + "kongressen", + "strykekvartett", + "det_tyske_keiserrike", + "flytrafikk", + "nordvestpassasjen", + "aa", + "nasa", + "h\u00f8yesterett", + "de_mistenkte", + "handelsskole", + "stjernehop", + "den_ortodokse_kirke", + "arda", + "the_new_school_for_social_research", + "the_national_archives", + "den_europeiske_union", + "myndigheiter", + "bollywood", + "ikke_noe_annet_enn", + "bevaringslovene", + "tredjeperson", + "den_tredje_verden", + "bilbombe", + "den_internasjonale_organisasjonen_for_sivil_luftfart", + "europol", + "schutzstaffel", + "det_britiske_austindiske_kompaniet", + "det_kvite_huset_i_washington_d.c", + "leverand\u00f8rkjede", + "the_who", + "blankv\u00e5pen", + "nym\u00e5ne", + "reklamebyr\u00e5", + "haganah", + "stenderforsamling", + "direktedemokrati", + "den_internasjonale_telekommunikasjonsunion", + "markeds\u00f8konomi", + "tredjemann", + "strangitter", + "college", + "det_kinesiske_kommunistiske_parti", + "handelsregning", + "forretningsbank", + "dei_sameinte_nasjonane", + "san_francisco", + "kristdemokraterna", + "tankesmie", + "nytt\u00e5rsaftan", + "nytt\u00e5rsaften", + "brannvern", + "a_chorus_line", + "den_arabiske_ligaen", + "\u00f8vresj\u00f8en", + "det_europeiske_fellesskap", + "det_sosialdemokratiske_parti", + "kollektivtransport", + "under_samme_tak", + "taoisme", + "vandrarheim", + "elle_melle", + "jeg_er_glad_i_deg", + "i_det_hele_tatt", + "fleinsopp", + "den_trojanske_hesten", + "i_blanke_messingen", + "romerretten", + "s\u00f8r\u00f8stlig", + "st_clairsj\u00f8en", + "ungdomsherberge", + "kjernefamilie", + "frankrikes_nasjonalforsamling", + "den_raude_h\u00e6ren", + "den_gylne_horde", + "frimureri", + "grunnskole", + "fariseisk", + "bystat", + "h\u00f8gsterett", + "de_forente_nasjoner", + "tornerose", + "sankt_nikolas", + "det_nordatlantiske_r\u00e5d", + "gao", + "opp_med_henda", + "den_spanske_inkvisisjonen", + "storband", + "styresmakter", + "prohibition_party", + "botanisk_hage", + "the_family_man", + "mahayana", + "den_internasjonale_domstolen", + "den_tyske_demokratiske_republikk", + "der_oppe", + "den_katolske_kirkja", + "kunstgalleri", + "det_konservative_partiet_i_storbritannia", + "besteveninne", + "uline\u00e6r", + "valkollegium", + "sentralmaktene", + "bestevenninne", + "det_demokratisk_republikanske_parti", + "ferskvatn", + "det_internasjonale_pengefondet", + "saint_vincent", + "manhattanprosjektet", + "den_anglikanske_kyrkja", + "n\u00e5_og_d\u00e5", + "can_tho", + "saint_helena", + "det_republikanske_partiet_i_usa", + "vaishnavisme", + "the_faculty", + "don_juan", + "den_arabiske_liga", + "serbias_parlament", + "den_frie_vilje", + "den_store_bj\u00f8rnen", + "oljeberget", + "ai", + "nattsvermeren", + "fremmedlegionen", + "dominikanarordenen", + "det_tysk_romerske_rike", + "baskerland", + "bibelselskap", + "tyggis", + "nikolas_av_myra", + "sankt_helena", + "the_football_league", + "chiang_mai", + "det_republikanske_parti", + "gullalderen", + "akademi", + "dia", + "andromedagalaksen", + "kostskole", + "selvrettferdig", + "den_forente_familie", + "mitt_navn_er", + "stordata", + "olympisk_landsby", + "weimarrepublikken", + "homoekteskap", + "baktanke", + "skallselskap", + "den_ortodokse_kyrkja", + "det_palestinske_omr\u00e5det", + "in_flagranti", + "det_internasjonale_finansieringsinstituttet", + "det_internasjonale_atomenergibyr\u00e5et", + "akse", + "den_internasjonale_bank_for_gjenoppbygging_og_utvikling", + "kollektivtrafikk", + "styrem\u00f8te", + "milit\u00e6rtjeneste", + "studentting", + "le_mans", + "estlands_sosialdemokratiske_parti", + "s\u00f8ndagsskule", + "christian_science", + "caf\u00e9_au_lait", + "det_britiske_ostindiske_kompani", + "vandrerhjem", + "flyv\u00e5pen", + "partit_socialdem\u00f2crata", + "gullalder", + "middelklasse", + "den_olympiske_ild", + "det_demokratiske_partiet_i_usa", + "det_konservative_parti", + "i_ny_og_ne", + "rabindranath_tagore", + "den_h\u00f8ge_porten", + "gestapo", + "overf\u00f8ring", + "postkontor", + "den_kongelige_marine", + "den_afrikanske_union", + "politistat", + "den_kalde_krigen", + "bevaringslov", + "svarteb\u00f8rs", + "verdshandelsorganisasjonen", + "straffelov", + "milit\u00e6r", + "litt_etter_kvart", + "stordomstid", + "den_afrikanske_unionen", + "huangelva", + "raudehavet", + "det_liberale_parti", + "raseadskillelse", + "den_romersk_katolske_kirke", + "enevelde", + "massemedier", + "overklasse", + "den_spanske_armada", + "milit\u00e6rpoliti", + "den_minoiske_sivilisasjonen", + "fruktsalat", + "who_are_you", + "babyboom", + "partido_del_trabajo", + "chiang_rai", + "overhodet", + "dyrerettigheter", + "al_jazeera", + "overhus", + "utenriksdepartementet", + "popkunst", + "kyrkja", + "den_internasjonale_sj\u00f8fartsorganisasjonen", + "hansaforbundet", + "europe", + "kvekarane", + "dimokratik\u00f3_k\u00f3mma", + "po", + "addis_ababa", + "golfk\u00f8lle", + "den_heilage_nikolas", + "p\u00f8_om_p\u00f8", + "fra_tid_til_annen", + "styremakter", + "den_internasjonale_arbeidsorganisasjonen", + "oldes\u00f8nn", + "mossad", + "verdensbanken", + "frelsesarmeen", + "i_det_heile_teke", + "ferdinand_magellan", + "ikkje_line\u00e6rt_system", + "den_milit\u00e6re_sjefsnemnd", + "up_to_date", + "sognekirke", + "s\u00f8ndagsskole", + "menneskeskapt", + "janitsjarkorps", + "det_britiske_samveldet", + "den_katolske_kyrkja", + "den_russisk_ortodokse_kirke", + "vekslingskontor", + "saint_barth\u00e9lemy", + "lake_superior", + "bl\u00e5veis", + "sturmabteilung", + "det_demokratiske_enhetspartiet", + "den_russisk_ortodokse_kirkja", + "den_katolske_kirke", + "posthus", + "dominikanerordenen", + "los_angeles", + "nato", + "det_britiske_arbeidarpartiet", + "den_anglikanske_kirke", + "politiskolen", + "sentralbank", + "karmelberget", + "andre_person", + "skogsj\u00f8en", + "den_nordatlantiske_traktats_organisasjon", + "andre_veien", + "forsvarsdepartementet", + "ad_hoc", + "normalskole", + "ole_brumm", + "det_tyske_keisard\u00f8met", + "by_the_way", + "milit\u00e6rvesen", + "det_demokratiske_parti", + "den_kontinentale_arm\u00e9", + "albertsj\u00f8en", + "toppakning", + "verdsbanken", + "in_situ", + "pensjonsfond", + "tre_s\u00f8stre", + "r\u00f8dehavet", + "doc", + "det_hvite_hus", + "syd\u00f8stlig", + "den_heilage_josef", + "brent_jords_taktikk", + "berlinmuren", + "reisebyr\u00e5", + "den_usa_amerikanske_h\u00e6ren", + "al_ain", + "underhus", + "tyggjegummi", + "den_palestinske_selvstyremyndigheten", + "den_greske_ortodokse_kirkja", + "komposthaug", + "litt_etter_hvert", + "heilage_nikolas", + "forresten", + "sorte_enke", + "samfunnsklasse", + "kongefamilie", + "den_europeiske_unionen", + "commerce", + "privatskole", + "den_europeiske_sentralbanken", + "det_tredje_riket", + "morselskap", + "valmannskollegium", + "sparebank", + "radiogalakse", + "psykiatrisk_sykehus", + "den_tyske_demokratiske_republikken", + "chang_jiang", + "den_nordatlantiske_traktat_organisasjonen", + "den_russisk_ortodokse_kyrkja", + "masovn", + "store_bj\u00f8rn", + "kapp_verde", + "arme_riddere", + "hautes_fagnes", + "tyggegummi", + "mecklenburg_vorpommern", + "framandlegionen", + "d\u00f8dsskvadron", + "jomfru_marias_opptagelse_i_himmelen", + "house_of_lords", + "statskapitalisme", + "det_tysk_romerske_riket", + "om_bord", + "germanistikk", + "s\u00e3o_tom\u00e9", + "tredjepart", + "hedgefond", + "hansaen", + "forsikringsselskap", + "forbundsr\u00e5det", + "vandrerheim" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "benjamin_franklin", + "martin_buber", + "e_b_white", + "akira_kurosawa", + "john_knox", + "heinrich_hertz", + "hopen", + "giovanni_boccaccio", + "ikke_anvendbar", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_wolfe", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "menneskevesen", + "max_bruch", + "leonard_bernstein", + "edvard_vedkjennaren", + "che_guevara", + "georges_simenon", + "c", + "augustin_fresnel", + "edward_albee", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "grasenkemann", + "william_gladstone", + "mary_shelley", + "franz_werfel", + "peter_lorre", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "lawliet", + "carl_rogers", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "j_edgar_hoover", + "maria_magdalena", + "john_jacob_astor", + "anna_pavlova", + "grasenkjemann", + "winston_churchill", + "gustav", + "johannes_diderik_van_der_waals", + "b", + "karl_landsteiner", + "ivan_pavlov", + "sparkonge", + "paul_mccartney", + "seilerfamilien", + "richard_smalley", + "andrew_marvell", + "terry_pratchett", + "stephen_king", + "francis_crick", + "john_trumbull", + "sherry", + "joseph_greenberg", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "von_willebrants_faktor", + "milton_friedman", + "magedansarinne", + "edward_gibbon", + "jefferson_davis", + "saint_louis", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "george_burns", + "george_harrison", + "peter_minuit", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "williams", + "storvesir", + "thornton_wilder", + "pancho_villa", + "leopold_stokowski", + "rebecca_west", + "marie_curie", + "administrerande_direkt\u00f8r", + "francis_galton", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "thomas_hobbes", + "edward_weston", + "el_greco", + "samuel_beckett", + "david", + "galileo_galilei", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "c_northcote_parkinson", + "edmund_hillary", + "bendik", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "anne_boleyn", + "josef_stalin", + "john_ruskin", + "robert_burns", + "thomas_paine", + "bari", + "liliuokalani", + "francis_beaumont", + "edvard", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "willem_einthoven", + "phil_anderson", + "samuel_johnson", + "den_s\u00f8rlige_fisken", + "jesus", + "allen_iverson", + "marie_antoinette", + "giuseppe_verdi", + "walter_lippmann", + "e", + "karl_jaspers", + "beethoven", + "hideki_yukawa", + "konrad_adenauer", + "rullere", + "antoni", + "norbert_wiener", + "det_fjerde_krosstoget", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "richard_strauss", + "leslie_howard", + "lavrans", + "aristarkhos", + "hugo_grotius", + "mahalia_jackson", + "john_ford", + "stephen_foster", + "jamesbukta", + "laurits", + "katherine_mansfield", + "sergej_rakhmaninov", + "gertrude_stein", + "j_b_s_haldane", + "saladin", + "lewisgun", + "sarah_bernhardt", + "philip_marlowe", + "luigi_pirandello", + "hank_williams", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "ilk", + "y", + "henry_moore", + "holden", + "peter_i_av_russland", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "robert_johnson", + "tanasj\u00f8en", + "james_dean", + "robert", + "marie_tussaud", + "roger_bannister", + "theodor_schwann", + "alessandro_manzoni", + "henrik", + "joseph_priestley", + "hal", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "george_huntington", + "james_naismith", + "oscar_wilde", + "philip_roth", + "henry", + "lawrence", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "glenn_curtiss", + "don_quijote", + "laurence_olivier", + "georg", + "christiaan_eijkman", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "joseph_heller", + "a", + "morris", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "charlie_parker", + "immanuel_kant", + "james_franck", + "william_crookes", + "nellie_bly", + "weber", + "albert_schweitzer", + "georg_steller", + "giulio_natta", + "saint_martin", + "titus", + "johannes_kepler", + "william_s_burroughs", + "most", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "det_tredje_korstog", + "arthur", + "sarah_vaughan", + "william_byrd", + "christopher_fry", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "elias_canetti", + "edward_jenner", + "oscar_robertson", + "oliver_hardy", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "konstantin", + "graham_greene", + "frans_hals", + "lars_onsager", + "margaret_mitchell", + "stuart_davis", + "lola_montez", + "jan_swammerdam", + "david_riesman", + "john_walker", + "magedanserinne", + "william_herschel", + "arthur_rubinstein", + "arthur_compton", + "niels_bohr", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "irving_berlin", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "peter", + "james_whistler", + "d\u00f8dsseileren", + "kristoffer_columbus", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "moses", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "den_heilage_j\u00f8rgen", + "robert_redford", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "m\u00f8llar", + "paul_robeson", + "arnold", + "pedro_rodr\u00edguez", + "thomas_middleton", + "john_dowland", + "den_s\u00f8rlege_fisken", + "william_golding", + "jesus_kristus", + "magedanser", + "william_caxton", + "john_milton", + "rudolf_serkin", + "ethel_merman", + "samuel_adams", + "albert_speer", + "stuert", + "james_baldwin", + "valentina_teresjkova", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "john_fletcher", + "menneskedyr", + "\u00f8rnen", + "caravaggio", + "charlie_watts", + "m", + "charlotte_corday", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "joseph_henry", + "henri_bergson", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "det_fjerde_korstog", + "phillis_wheatley", + "patrick_white", + "saul_steinberg", + "bartholomew_roberts", + "apostelen_paulus", + "daniel_morgan", + "william_morris", + "cary_grant", + "thomas", + "isaac_watts", + "pieter_zeeman", + "glenn_miller", + "\u00f8ya_st_martin", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "anderson", + "thomas_moore", + "osman_i", + "kurt_weill", + "otto_hahn", + "lester_young", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "folkedansar", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "folkedanser", + "john_galsworthy", + "robert_robinson", + "heilage_j\u00f8rgen", + "o", + "adam_smith", + "william_james", + "det_sjette_korstog", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "pedro", + "robert_indiana", + "jimmy_durante", + "john_wesley", + "statsoverhode", + "sandro_botticelli", + "carson_mccullers", + "nikola_tesla", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "menneskebarn", + "andrej_sakharov", + "christofer_columbus", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "anna_kurnikova", + "leonard_bloomfield", + "jean_piaget", + "william_congreve", + "henri_rousseau", + "paul_tillich", + "robert_southey", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "peter_behrens", + "alfred_stieglitz", + "joseph_haydn", + "stephen_spender", + "garfield", + "george_boole", + "daniel_boone", + "skogsrype", + "buffalo_bill", + "edvard_grieg", + "jacques", + "robert_boyle", + "edith_cavell", + "alan_paton", + "1", + "cordell_hull", + "rosa_parks", + "tomas", + "samuel_goldwyn", + "j\u00f8rgen", + "forh\u00e5pning", + "ernest_walton", + "vladimir_putin", + "jacob", + "giuseppe_mazzini", + "lafranz", + "jim_thorpe", + "hertz", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "jacqueline_cochran", + "george_fox", + "den_flyvende_hollender", + "ben_hecht", + "mikhail_barysjnikov", + "fritz_kreisler", + "anne_hathaway", + "katarina", + "david_garrick", + "don_budge", + "bill_russell", + "baldwin", + "den_flygende_hollender", + "jeannette_rankin", + "nyman", + "harry", + "g", + "antons", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "johns_hopkins", + "gregers", + "wanda_landowska", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "gjerdesmettfamilien", + "h.c_andersen", + "muller", + "r", + "george_lucas", + "andrew_jackson", + "peter_abelard", + "louis_armstrong", + "tannfe", + "steven_spielberg", + "jean_monnet", + "leonard", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "robert_brown", + "thomas_carlyle", + "johann_gutenberg", + "william_tyndale", + "tamara_karsavina", + "bobby_fischer", + "d", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "andre", + "amerigo_vespucci", + "pierre_boulez", + "hans_adolf_krebs", + "lars", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "putin", + "matthew_flinders", + "seglarar", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "hoffa", + "karl_popper", + "john_william_robinson", + "alfred", + "coleman_hawkins", + "george_sand", + "peter_sellers", + "charles_fourier", + "henry_clay", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "tsjajkovskij", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "tresleiv", + "jules_verne", + "paul_newman", + "george_meredith", + "michelangelos_david", + "woody_herman", + "jackson_pollock", + "administrerende_direkt\u00f8r", + "brigadegeneral", + "john_lennon", + "andrea_palladio", + "stanley_jevons", + "oldeforelder", + "gandhi", + "bob_woodward", + "charlie_chaplin", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "statssjef", + "norman_thomas", + "minustegn", + "hannah_arendt", + "antonio_stradivari", + "maximianus", + "alice_walker", + "miles_davis", + "hjerterkonge", + "james_parkinson", + "wilhelm_tell", + "george_marshall", + "jesse_jackson", + "willa_cather", + "stanley_kubrick", + "edvard_martyren", + "minusteikn", + "john_huston", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "william_wycherley", + "gustav_hertz", + "george_mason", + "george_wallace", + "daud", + "el_cid", + "marcus_antonius", + "agrippina", + "st_louis", + "richard_rodgers", + "anne_sexton", + "john_dryden", + "jim_henson", + "frank", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "magedansar", + "apostelen_peter", + "gressenkemann", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "gracie_allen", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "hans_bethe", + "hans_geiger", + "roald_amundsen", + "andersen", + "alfred_korzybski", + "mennesker", + "anton", + "charles_dickens", + "ella_fitzgerald", + "fats_waller", + "jack_robinson", + "alois_senefelder", + "george_enescu", + "jacques_offenbach", + "joseph_paxton", + "josefus", + "heidelbergmennesket", + "george_stevens", + "federico_fellini", + "statsoverhovud", + "bessie_smith", + "patrick_henry", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "king_oliver", + "jan_steen", + "frank_harris", + "philibert_delorme", + "andrew_carnegie", + "pontius_pilatus", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "dawid", + "mick_jagger", + "otto_loewi", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "vladimir_lenin", + "sam_houston", + "robert_peary", + "robert_browning", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "prakt\u00e6rfugl", + "walter_gropius", + "albert_einstein", + "thomas_edison", + "chiang_kai_shek", + "raymond_chandler", + "henry_purcell", + "pieter_stuyvesant", + "t", + "wilhelm_ostwald" + ], + "LOCATION": [ + "pensjonsfond", + "al_jazeera", + "linerle", + "p\u00e5ske\u00f8ya", + "flyv\u00e5pen", + "den_vestlige_halvkule", + "rappringvinge", + "markedskors", + "tempelh\u00f8yden", + "den_vesle_bj\u00f8rnen", + "kirseb\u00e6rhagen", + "mortensmesse", + "den_store_bj\u00f8rnen", + "tredjemann", + "\u00f8vresj\u00f8en", + "park", + "biscayabukta", + "aserbajdsjans_nasjonalforsamling", + "selvagens\u00f8yene", + "kanal\u00f8yene", + "drabantby", + "tungtvatn", + "mj\u00f8lkevegen", + "kanal\u00f8yane", + "bow_wow", + "united_states_army", + "mentalsykehus", + "s_tog", + "edvardsj\u00f8en", + "piet_mondrian", + "ha_long", + "nasjonalforsamling", + "krigsskole", + "sint_maarten", + "nord\u00f8ya", + "ungarns_parlament", + "chang_jiang", + "tredjeperson", + "atlanterhavet", + "fredsdommer", + "dei_amerikanske_sambandsstatane", + "om_bord", + "kryvyj_rih", + "bulgarias_parlament", + "to_br\u00f8dre", + "engsmyger", + "austkinahavet", + "allahu_akbar", + "patrick_av_irland", + "den_lille_l\u00f8ve", + "gulehavet", + "chatham\u00f8yane", + "de_store_sj\u00f8er", + "tornerose", + "skogsj\u00f8en", + "ringvei", + "kraftstasjon", + "land", + "\u00e5ker", + "selvagens\u00f8yane", + "qingmingfesten", + "saint_vincent", + "hoff", + "skogmurmeldyr", + "blue_mountains", + "biscayabukten", + "falklands\u00f8yane", + "kvit\u00f8ya", + "chatham\u00f8yene", + "saltsj\u00f8", + "joseph_louis_gay_lussac", + "luftforsvar", + "michigansj\u00f8en", + "saltvann", + "tredjepart", + "krigsskule", + "frankrikes_nasjonalforsamling", + "svartspett", + "tungtvann", + "ingen_\u00e5rsak", + "indiahavet", + "mentalsjukehus", + "den_vestlege_halvkula", + "i_tilfelle", + "barriererev", + "tennisbane", + "heimebane", + "dei_store_sj\u00f8ane", + "on_the_road", + "usa", + "bare_hyggelig", + "kirseb\u00e6rsommerfugl", + "saint_lucia", + "keiserkanalen", + "oljeberget", + "martinsdag", + "tungvatn", + "nordsj\u00f8en", + "jordanelva", + "det_indiske_hav", + "tanasj\u00f8en", + "hat_yai", + "sukkerbr\u00f8d", + "det_indiske_havet", + "arena", + "sri_lanka", + "blindveg", + "st_clairsj\u00f8en", + "den_usa_amerikanske_h\u00e6ren", + "den_gule_flod", + "den_engelske_kanal", + "s\u00f8r_koreas_nasjonalforsamling", + "fredsdomar", + "fredsdommar", + "keisarkanalen", + "blindvei", + "the_rolling_stones", + "varemagasin", + "blindgate", + "de_forente_stater", + "julenissen", + "kraftverk", + "saltvatn", + "psykiatrisk_sjukehus", + "huangelva", + "byggeteknikk", + "i_tilfelle_av", + "den_vesle_l\u00f8va", + "tyrrenhavet", + "for_godt_m\u00e5ls_skyld", + "per_p\u00e5l_og_askeladden", + "falklands\u00f8yene", + "ikke_noe_problem", + "telefonsentral", + "heitor_villa_lobos", + "den_engelske_kanalen", + "den_r\u00f8de_elv", + "hvit\u00f8ya", + "qingming", + "al_ain", + "svartehavet", + "stillehavet", + "den_hellige_stol", + "tempelh\u00f8gda", + "osman_i_av_det_osmanske_riket" + ], + "POLITICAL_PARTY": [ + "det_demokratiske_enhetspartiet", + "det_konservative_partiet_i_storbritannia", + "det_republikanske_parti", + "det_liberale_parti", + "partidul_social_democrat", + "partidul_conservator", + "nasjonalistpartiet", + "labour_party", + "partij_van_de_arbeid", + "f\u00f3lkaflokkurin", + "politisk_parti", + "det_konservative_parti", + "united_kingdom_independence_party", + "nsdap", + "det_demokratiske_parti", + "opposisjon", + "det_republikanske_partiet_i_usa", + "kommunistiska_partiet", + "kuomintang", + "det_demokratiske_partiet_i_usa", + "det_britiske_arbeidarpartiet", + "kommunistparti", + "det_sosialdemokratiske_parti", + "whig_party", + "sosialistpartiet_i_nederland", + "partido_popular", + "det_demokratisk_republikanske_parti", + "partido_socialista", + "anti_masonic_party", + "parti_socialiste", + "milj\u00f6partiet_de_gr\u00f6na", + "partito_democratico", + "sosialistpartiet", + "folkets_parti", + "arbeidarpartiet", + "javna\u00f0arflokkurin", + "australian_labor_party", + "nationalsozialistische_deutsche_arbeiterpartei", + "socialistische_partij", + "arbeiderpartiet" + ], + "PRODUCT": [ + "cook\u00f8yene", + "st_vincent", + "kaffekopp", + "forglemmegei", + "balkanfjella", + "badebukser", + "signalhandsaming", + "justin_bieber", + "tidsmaskinen", + "forgl\u00f8ymmegei", + "blindveg", + "new_zealand", + "kappverdisk", + "sportsbil", + "det_kommunistiske_manifest", + "s_tog", + "romerriket", + "s\u00e3o_tom\u00e9_og_pr\u00edncipe", + "morn", + "kaledonsk", + "cook\u00f8yane", + "karlsvognen", + "kaffekanne", + "blindvei", + "minneblom", + "al_jazeera", + "himmellekam", + "diego_garcia", + "heilaganden", + "den_amerikanske_borgerkrigen", + "i_ellevte_time", + "kaffikopp", + "helligtrekongersaften", + "f\u00f8rste_verdenskrig", + "nordljos", + "bli_voksen", + "automatsikring", + "johana", + "kulelager", + "den_heilage_maria", + "seilskip", + "pipeorgel", + "menneskerettigheter", + "sprettoppvindu", + "badebukse", + "allordbok", + "hjuldamper", + "av_guds_n\u00e5de", + "de_tre_rikers_tid", + "h\u00f8gsongen", + "blindgate", + "saint_vincent", + "diskett", + "h\u00f8ysangen", + "det_s\u00f8te_liv", + "det_nye_testamentet", + "milit\u00e6rfly", + "den_fyrste_verdskrigen", + "the_star_spangled_banner", + "storbritannia", + "andre_verdskrigen", + "stilleben", + "kaledonisk", + "effektbryter", + "musikkinstrument", + "som_om", + "bananb\u00e5t", + "menneskerettar", + "reknestav", + "de_vises_stein", + "den_hellige_\u00e5nd", + "sachsen_anhalt", + "to_br\u00f8dre", + "n\u00e5r_enden_er_god_er_allting_godt", + "dei_fire_\u00e5rstidene", + "ringdrotten", + "hockeyk\u00f8lle", + "kortslutning", + "hva_om", + "trekkopp", + "de_fire_\u00e5rstidene", + "boxing_day", + "sprettoppvindauge", + "et_dukkehjem", + "den_guddommelege_komedie", + "deutsche_welle", + "i_siste_\u00f8yeblikk", + "to_kvinner", + "gong", + "den_hellige_gral", + "mount_st_helens", + "ferdinand_magellan", + "regnestav", + "i_grevens_tid", + "hardkokt", + "det_kommunistiske_manifestet", + "mario_andretti", + "den_heilage_ande", + "keisarsnitt", + "panserbil", + "himmellegeme", + "dansegolv", + "keisersnitt", + "det_gylne_kompasset", + "seglskip", + "dei_tre_konged\u00f8ma_i_kina", + "romstasjon", + "johannes_d\u00f8peren", + "ringenes_herre", + "tredimensjonal", + "naturhistorie", + "andre_juledag", + "det_romerske_keiserriket", + "nordrhein_westfalen", + "isterning", + "det_nye_testamente", + "rosettasteinen", + "balkanfjellene", + "rosettastenen", + "gongong", + "andre_verdenskrig", + "i_siste_stund", + "novo_mesto", + "kapp_horn", + "nordlys", + "romarriket", + "den_guddommelige_komedie" + ], + "QUANTITY": [ + "austerriksk_schilling", + "primtal", + "rupee", + "beaufortskala", + "primfaktor", + "fransk_franc", + "desimaltal", + "planckkonstanten", + "metersystemet", + "under_fire_\u00f8yne", + "tone", + "parkeringshus", + "de_tre_rikers_tid", + "si_systemet", + "dollar", + "svingskive", + "ordinaltal", + "primtall", + "dei_tre_konged\u00f8ma_i_kina", + "ordenstal", + "titusen", + "dyreinternat", + "g", + "sveitserfranc", + "vektenhet", + "the_real_world", + "elektronvolt", + "tretti\u00e5rskrigen", + "hundretusen", + "beaufortskalaen", + "krone", + "einingssystem", + "parkeringsbot", + "tonespr\u00e5k", + "hongkongdollar", + "pond", + "ljos\u00e5r", + "kubikkmeter", + "ordenstall", + "smule", + "anders_celsius", + "desimaltall" + ], + "ANIMAL": [ + "steppefly", + "ringtrast", + "treleopard", + "tapetm\u00f8ll", + "styltel\u00f8per", + "amasonmaur", + "ferskvassdelfinfamilien", + "r\u00f8d_skogsmaur", + "vannrikse", + "acherontia", + "spekkhoggar", + "raudmus", + "terner", + "skogm\u00e5r", + "baktriakamel", + "villgeit", + "havl\u00earskjelpadde", + "stillits", + "polarsymjesnipe", + "hettem\u00e5se", + "bastardskilpadde", + "diamantskilpadde", + "moskusoks", + "lundtrupial", + "storfugl", + "storskrik\u00f8rn", + "eremittkreps", + "kermodebj\u00f8rn", + "przewalskihest", + "hettem\u00e5ke", + "sandloppe", + "tangsprell", + "hjelmfiskand", + "klovdyr", + "amerikansk_grevling", + "brugde", + "bergand", + "sambarhjort", + "varslar", + "sabinem\u00e5ke", + "arbeidsbie", + "siland", + "pirolfamilien", + "sandjegere", + "spissneshorn", + "skrukketroll", + "californiasj\u00f8l\u00f8ve", + "trielar", + "flygefisker", + "australstyltel\u00f8par", + "rustspettmeis", + "vinterjunko", + "saltvannskrokodille", + "havengler", + "reveekorn", + "grindhvaler", + "dachs", + "vandredue", + "rottesnok", + "franklinm\u00e5ke", + "hawaiimunkesel", + "tykkhornsau", + "kanadar\u00f8ye", + "kakaom\u00f8ll", + "seikval", + "andeskondor", + "jakthund", + "steinvendar", + "vestaper", + "ringtrost", + "sobel", + "hornugle", + "vandrealbatross", + "suppeskilpadde", + "billy_elliot", + "steppeh\u00f8ne", + "gullfasan", + "bananflue", + "baykatt", + "kongekobra", + "stjertand", + "kunduz", + "grindhval", + "styltel\u00f8par", + "araberhest", + "grevling", + "konge\u00f8rn", + "kj\u00f8ttfluer", + "dompap", + "sebramusling", + "jungelkatt", + "hunnkatt", + "masaisjiraff", + "horngjeterfugl", + "hjortebiller", + "selfamilien", + "jakthunder", + "jordlopper", + "spurvehauk", + "arabarhest", + "storstankelbein", + "kvalhai", + "splitterne", + "stokkmaur", + "irissommerfugl", + "tusselus", + "stellersj\u00f8l\u00f8ve", + "kanadag\u00e5s", + "trollflaggermus", + "maskarenepapeg\u00f8ye", + "havl\u00e6rskilpadde", + "klappmyss", + "kjempeblekksprut", + "sibirspurv", + "rubinstrupekolibri", + "stormsvaler", + "storjo", + "vestnilfeber", + "vannpiplerke", + "saigaantilope", + "enghauk", + "gullsjakal", + "kvitkinng\u00e5s", + "brillepingvin", + "den_vesle_hunden", + "askepottastrild", + "stumpneshorn", + "kornsnok", + "gumpkjertel", + "tynnhornsau", + "hodelus", + "gribb", + "savanneastrild", + "ravn", + "klumpfisk", + "steinvender", + "granatastrild", + "kvithakepetrell", + "den_lille_hund", + "pelsm\u00f8ll", + "gullskilpadde", + "latterugle", + "s\u00f8rkjempepetrell", + "rankef\u00f8ttinger", + "klatremus", + "raudaugevireo", + "herodiashegre", + "kongekondor", + "taggmakrell", + "eskimospove", + "rosenboa", + "amerikar\u00f8rdrum", + "mongolkaie", + "kirkeugle", + "kjempepetrellar", + "alligatorskilpadde", + "skorsteinsseiler", + "javaneshorn", + "spettmeis", + "ildsalamander", + "marimjellerutevinge", + "appelsinflue", + "ringg\u00e5s", + "grindkval", + "vasspiplerke", + "bardekval", + "flyvefisk", + "kongeterne", + "politihund", + "kvithalesymjesnipe", + "polarlomvi", + "malayfiskeugle", + "kongepingvin", + "bietere", + "bardehvaler", + "bekker\u00f8ye", + "nordpadde", + "austmarkmus", + "d\u00f8dsorm", + "stankelbein", + "kvithovudhav\u00f8rn", + "mink", + "r\u00f8dkardinal", + "gulstillits", + "stortrappe", + "hortulan", + "troster", + "kongeboa", + "dronningmor", + "moskusskilpadde", + "latterm\u00e5se", + "passer", + "mandarinand", + "kyllingkj\u00f8tt", + "amerikansk_hummar", + "vannb\u00f8ffel", + "villsvin", + "davidshjort", + "vannrotte", + "cairnterrier", + "sporvehauk", + "munkegribb", + "lappugle", + "makrellterne", + "stormsvale", + "kongemakrell", + "bl\u00e5kval", + "amerikamanat", + "aglajaperlemorvinge", + "sitronhai", + "styltesnipe", + "mankeulv", + "visent", + "langbeint", + "nordkrattvaktel", + "adeliepingvin", + "plystresnipe", + "albusnegl", + "ringdue", + "hundse", + "ringnebbdykker", + "andesflamingo", + "gummiboa", + "islandsand", + "krattastrild", + "langh\u00e5ret", + "geithams", + "karminspinner", + "vassrikse", + "langbeina", + "stivhaleand", + "finnkval", + "accipiter", + "havedderkopper", + "markr\u00e5kar", + "skogsm\u00e5r", + "kaffebiller", + "stillehavsmakrell", + "sebrafink", + "skogspurv", + "eikestjertvinge", + "granmeis", + "steinbukk", + "konglebit", + "flygefisk", + "amerikakrikkand", + "skogh\u00f8ns", + "sj\u00f8rose", + "skjeand", + "brunhyene", + "storkobbe", + "latterm\u00e5ke", + "villhest", + "kronhjort", + "sandkryper", + "vassrotte", + "vandrefalk", + "asiagullkatt", + "elvedelfiner", + "skaberakktapir", + "kr\u00e5kebolle", + "polarsnipe", + "rosenflamingo", + "lerkefalk", + "raudstjert", + "kvefs", + "spermhval", + "hammarhai", + "sultanh\u00f8ne", + "leirtrost", + "kalkunkondor", + "l\u00f8veunge", + "halsb\u00e5ndparakitt", + "kyrkjeugle", + "buorm", + "pattedyr", + "eplevikler", + "skogsh\u00f8ns", + "monarksommerfugl", + "leppebj\u00f8rn", + "grankorsnebb", + "punaflamingo", + "smellere", + "langbent", + "hornulke", + "karuss", + "vadefugl", + "donald_duck", + "slettevandrar", + "kamrotter", + "gribbar", + "brunalger", + "str\u00f8mpeb\u00e5ndssnok", + "hjortedyr", + "tundrasnipe", + "iller", + "vassb\u00f8ffel", + "kardinaltetra", + "gulbrynkjernebiter", + "gr\u00e5hval", + "polarhare", + "grankrossnebb", + "neslesommerfugl", + "berner_sennenhund", + "\u00e5kerrikse", + "hjort", + "krattspissmus", + "sangspurv", + "trastefamilien", + "brunrotte", + "teppepyton", + "kjempeblekkspruter", + "rosenst\u00e6r", + "biedronning", + "komodovaran", + "murerbier", + "lundugle", + "garvor", + "kaskelott", + "r\u00f8dgumpastrild", + "megascops", + "amerikahubro", + "maisild", + "hussmett", + "\u00e5tselgribb", + "kortvinger", + "taffeland", + "marabustork", + "alkekonge", + "gulskuldermaursmett", + "gulbeinsnipe", + "alveterne", + "saltvasskrokodille", + "afrikagullkatt", + "karett", + "sabinem\u00e5se", + "leprabasill", + "heipiplerke", + "brudeand", + "panserneshorn", + "gjerdesmett", + "gallvepser", + "bietarfamilien", + "gulstrupehonningeter", + "stormsvalefamilien", + "haimalle", + "marsvin", + "bj\u00f8rnung", + "kvithai", + "shetlandsponni", + "stripehyene", + "kjempemaursluker", + "gull", + "frosk", + "ringhalelemur", + "r\u00f8dmus", + "helligibis", + "havlire", + "hasselmus", + "husarape", + "fluesnapperfamilien", + "steppesebra", + "polarsv\u00f8mmesnipe", + "huskatt", + "moskusand", + "st_petersfisk", + "bengaltiger", + "songsvane", + "gulflankedelfin", + "stillehavstorsk", + "gouldamadin", + "kloskate", + "sandsvale", + "gjerdesmettfamilien", + "nettpyton", + "varicella_zoster_virus", + "enkeltbekkasin", + "r\u00f8dfotand", + "sildekonge", + "seilerfamilien", + "mankesau", + "vandretrost", + "bevere", + "vindm\u00f8llepalme", + "sanktpetersfisk", + "jordrotte", + "springpadder", + "r\u00f8dvingetrupial", + "heilo", + "kvitkval", + "laksand", + "sovemus", + "papirb\u00e5t", + "barramundi", + "l\u00f8pebiller", + "hovdyr", + "sangsvane", + "coloradobille", + "toppdukkar", + "munkelus", + "r\u00f8dalger", + "p\u00e5skehare", + "havelle", + "vorte\u00f8gle", + "vannmokkasin", + "raudspette", + "tussalus", + "spermkval", + "buttsnutefrosk", + "elefantskilpadde", + "gultoppkakadu", + "raudstrupe", + "hoggorm", + "dobbeltbekkasin", + "ringnebbdukkar", + "l\u00e5vesvale", + "kondor", + "zairegorilla", + "beltestyltel\u00f8par", + "wilsonstormsvale", + "skogmus", + "hamarhai", + "javarisfugl", + "gullklippehane", + "spekkhogger", + "brunbj\u00f8rn", + "amerikablesand", + "polarulv", + "fritte", + "peristediidae", + "falker", + "tornirisk", + "gulfinnetun", + "eider", + "sandkatt", + "toppdykker", + "palmedue", + "gullbryntrupial", + "gr\u00e5astrild", + "vannhund", + "skogfl\u00e5tt", + "kappingvin", + "teiste", + "klauvdyr" + ], + "DISEASE": [ + "hydrocephalus", + "pasjon", + "sars", + "samanbrot", + "dvergvekst", + "personlighetsforstyrrelse", + "bieffekt", + "overvektig", + "cellulitis", + "vendehalsar", + "klaustrofobi", + "tredagersfeber", + "i_den_retning", + "flekktyfus", + "bukhinnebetennelse", + "vestnilfeber", + "rage", + "skj\u00f8rbuk", + "neseblod", + "funksjonshemning", + "als", + "feila", + "reveskabb", + "rabies", + "mellomm\u00e5ltid", + "hovudverk", + "kverke", + "grunnleggjar", + "basalgangliene", + "stikket", + "mandelbetennelse", + "svartedauden", + "magekatarr", + "stamma", + "solbrenthet", + "rakitt", + "plantesykdom", + "svangerskapsforgiftning", + "katarr", + "tretthetsbrudd", + "progeria", + "stivkrampe", + "hordeolum", + "tannverk", + "presbyopi", + "herpes_simplexvirus", + "kaldsvette", + "gangren", + "anger", + "utstr\u00e5ling", + "knokkelbrot", + "kastanjeslekten", + "skrivekrampe", + "handikap", + "brucellose", + "raudne", + "i_retning_av", + "vannkopper", + "brystkreft", + "anestesi", + "beriberi", + "branns\u00e5r", + "mania", + "dementia", + "the_bends", + "uten_musikk\u00f8re", + "struma", + "paratyfus", + "ill_i_austerrike", + "hodepine", + "bunt", + "koldbrann", + "hussopp", + "poliomyelitt", + "brennkopper", + "rust", + "stjernet\u00e5ke", + "vasskoppar", + "testikkelkreft", + "sovesyke", + "benvevskreft", + "kaldbrann", + "panikklidelse", + "rosacea", + "vannblemme", + "verkebyll", + "hunger", + "anden\u00f8d", + "kj\u00f8retur", + "forstoppelse", + "brekke", + "lassafeber", + "mollusker", + "ulven", + "forstyrrelse", + "aura_\u00e5", + "gr\u00f8derikdom", + "ventrikkelflimmer", + "bistikk", + "sukkersyke", + "epidermiolysis_bullosa", + "harehjerte", + "leddgikt", + "andenaud", + "fremmedfrykt", + "vannbrokk", + "delirium", + "plevritt", + "almesjuke", + "betennelse", + "qi", + "kvise", + "kullosforgiftning", + "rakitis", + "ford\u00f8yelsesproblemer", + "sv\u00f8mmekl\u00f8e", + "lidenskap", + "f\u00f8resetnad", + "raseri", + "kolecystitt", + "gimp", + "rosett", + "fruktbarhet", + "stenose", + "mers", + "skarlagensfeber", + "frenzy", + "herpes", + "sammenbrudd", + "fargeblind", + "en_beretning_om_blindhet", + "brannskade", + "smart", + "amelia", + "marasmus", + "tannpine", + "datamus", + "hundegalskap", + "brunst", + "ed", + "pica", + "gj\u00f8rmehull", + "appendisitt", + "ford\u00f8yelsesbesv\u00e6r", + "helvetesild", + "liding", + "sugemerke", + "skarlaksfeber", + "beinbrudd", + "sensation", + "jernmangelanemi", + "forstuelse", + "potetpest", + "pain", + "ventrikkelseptumdefekt", + "spiseforstyrrelse", + "nettopp", + "pincheffekt", + "funksjonshemming", + "lammelse", + "the_passion_of_the_christ", + "ill_i_frankrike", + "karsinom", + "lesping", + "hermafrodittisme", + "schizoid", + "krepsen", + "naseblod", + "ill", + "chalazion", + "denguefeber", + "bradykardi", + "svangerskap", + "grunnlegger", + "\u00f8rebetennelse", + "stigmata", + "sinnsbevegelse", + "gulsott", + "underern\u00e6ring", + "pellagra", + "feilern\u00e6ring", + "tallblindhet", + "tunnelsyn", + "dykkarsjuke", + "friskhet", + "flue", + "sting", + "netthinneavl\u00f8sning", + "skrumplever", + "kategori:enterovirus", + "paritet", + "vendehalser", + "nys", + "sukkersjuke", + "forstopping", + "kuru", + "burn", + "krybbed\u00f8d", + "sovesjuke", + "fruktbarheit", + "elveblest", + "morgenkvalme", + "saltmangel", + "clusterhodepine", + "noma", + "the_hives", + "materialisme", + "dengue", + "preeklampsi", + "miltbrann", + "sigdcelleanemi", + "gass", + "le", + "papeg\u00f8yesyke", + "sensasjon", + "skyttergravsfeber", + "salmonella", + "kortvoksthet", + "hundebitt", + "nasebl\u00f8ding", + "grunnleggar", + "mili\u00e6rtuberkulose", + "graviditet", + "mages\u00e5r", + "bamblesyke", + "kakesi", + "malaria", + "reisesyke", + "fargeblindhet", + "drektighet", + "karfunkel" + ], + "POLITICAL_PARTY_MEMBER": [ + "kamerat", + "kommunistisk", + "kommunist" + ], + "PLANT": [ + "vivendel", + "markmalurt", + "h\u00f8stberberis", + "hjortetr\u00f8st", + "filtkrossved", + "strandflatbelg", + "strandsmelle", + "dunbj\u00f8rk", + "pine", + "sankt_maria", + "nonsblom", + "balsamgran", + "tytteb\u00e6r", + "paran\u00f8tt", + "rundbelg", + "meldr\u00f8ye", + "korallrot", + "svarterteknapp", + "kongsbregne", + "dragehodeslekta", + "himalaiaseder", + "markjordb\u00e6r", + "plomme", + "svartor", + "buksbom", + "melissa", + "prestekrage", + "klengjemaure", + "hvitpil", + "karplanter", + "prikkperikum", + "villeple", + "jordr\u00f8yk", + "strandmalurt", + "v\u00e5rerteknapp", + "vaid", + "salig", + "the_joshua_tree", + "philadelphus_coronarius", + "vierslekta", + "kakaob\u00f8nne", + "bratsj", + "terpentintre", + "hjertensfryd", + "platanl\u00f8nn", + "kornvalmue", + "teieb\u00e6r", + "legepestrot", + "tiriltunge", + "dekkfr\u00f8plantar", + "fjellarve", + "konglekjertelen", + "toppklokke", + "gr\u00f8nnburkne", + "solb\u00e6rbusk", + "furu", + "taggbregne", + "judaspengar", + "buskfuru", + "sennep", + "hengeving", + "paradisfugl", + "r\u00f8dsildre", + "balsampoppel", + "s\u00f8lvpoppel", + "morell", + "istervier", + "hvitkl\u00f8ver", + "arizonasypress", + "fagerklokke", + "monarda", + "artist", + "svartpoppel", + "barbadoslykt", + "fjellflokk", + "vierslekten", + "konglekjertel", + "kirseb\u00e6r", + "bredflangre", + "steineik", + "m\u00f8llesteinskrage", + "bladsalat", + "forglemmegei", + "laurb\u00e6rhegg", + "vaccinium_corymbosum", + "olivengr\u00f8nn", + "rutelilje", + "vegtistel", + "firtann", + "myrtelg", + "kurvpil", + "tempeltre", + "edelrogn", + "korstorn", + "sommereik", + "coloradoedelgran", + "dronningstarr", + "fjelledelgran", + "karsporeplante", + "parkhagtorn", + "venusfluefanger", + "candida_albicans", + "kjerringrokk", + "fjellhemlokk", + "svartvaln\u00f8tt", + "edelkastanje", + "ugrasklokke", + "sommerhyll", + "fjellburkne", + "forgl\u00f8ymmegei", + "strandnellik", + "pipelauk", + "melb\u00e6r", + "korallbusk", + "hvitmorb\u00e6r", + "larix_occidentalis", + "kardemomme", + "soleihov", + "sverdlilje", + "vasspest", + "beiskambrosia", + "andemat", + "reinrose", + "spissl\u00f8nn", + "ringblom", + "viere", + "kassiakanel", + "spolebusk", + "kvassd\u00e5", + "stortrollurt", + "kirseb\u00e6rplomme", + "vannlilje", + "jordskokk", + "mastikstre", + "gummifiken", + "blankburkne", + "kirseb\u00e6rslekten", + "brudespore", + "vasskrans", + "tangerin", + "rundskolm", + "smalkjempe", + "erteblomst", + "sevenbom", + "vrangalm", + "blodrips", + "islandslav", + "pengeurt", + "skarntyde", + "barlind", + "lychnis", + "bergamott", + "blomk\u00e5l", + "virginiaeiner", + "ormehode", + "sm\u00f8rvaln\u00f8tt", + "haustberberis", + "juletre", + "geittelg", + "krossved", + "pomerans", + "jonsokkoll", + "oliven", + "stankstorkenebb", + "sibirvalmue", + "kinak\u00e5l", + "flittiglise", + "australnesletre", + "strandvindel", + "montereyfuru", + "marsfiol", + "johannesurt", + "storrobinia", + "hagen\u00f8kleblom", + "rogn", + "leddved", + "svartfuru", + "sisselrot", + "furuslekta", + "sm\u00e5syre", + "vannplante", + "kaprifol", + "malurt", + "gullfuru", + "gyldenlakk", + "stjernesildre", + "almeslekta", + "ananaskirseb\u00e6r", + "keiserkrone", + "vasslilje", + "falkbregne", + "solsikke", + "tviskjeggveronika", + "negerhirse", + "hageb\u00f8nne", + "vierslekt", + "konglepalmer", + "steinnype", + "blackberry", + "pipekrage", + "belladonnaurt", + "hvitveis", + "amerikanesletre", + "gulflatbelg", + "sukkerr\u00f8yr", + "enghumleblom", + "koyamaki", + "legeveronika", + "vassarve", + "ruff", + "balderbr\u00e5", + "den_heilage_maria", + "traneb\u00e6r", + "morb\u00e6rfiken", + "setermjelt", + "kornblom", + "fuglevikke", + "tundravier", + "krike", + "tobakksplante", + "minneblom", + "bukketorn", + "gjerdevikke", + "engelmanngran", + "bermudaeiner", + "drosophyllum_lusitanicum", + "duskull", + "hengebj\u00f8rk", + "gr\u00e5selje", + "strandtorn", + "einstape", + "ulme", + "kattefot", + "vassplante", + "oliventre", + "skjoldberar", + "legesteinkl\u00f8ver", + "betlehemsstjerna", + "snauveronika", + "gyllenlakk", + "tebusk", + "engstorkenebb", + "filtkongslys", + "bekkeblom", + "engsmelle", + "cookfuru", + "halsekrus", + "beta_vulgaris", + "lawsonsypress", + "blomsterplanter", + "mastik", + "betlehemsstjernen", + "gulltorn", + "fredlaus", + "engsyre", + "furuslekten", + "pasjonsfrukt", + "stornesle", + "meldestokk", + "tytteb\u00e6rlyng", + "naverl\u00f8nn", + "tarmvriasal", + "sitronmelisse", + "gudetre", + "hjortesumak", + "hagesalat", + "leddvedslekta", + "klokkes\u00f8te", + "bostonbregne", + "mannaask", + "lyssiv", + "brennesle", + "pipekrave", + "rosetysbast", + "moskuskattost", + "r\u00f8dhyll", + "engkarse", + "trelyng", + "solb\u00e6rplante", + "lundstjerneblom", + "klematis", + "ligusterslekta", + "agathis_australis", + "libanonseder", + "hodek\u00e5l", + "jordveps", + "edelweiss", + "kl\u00f8versyre", + "kratthumleblom", + "paradisfuglar", + "brasiltre", + "froskebitt", + "plantedel", + "strandreddik", + "engsoleie", + "dunkjempe", + "torskemunn", + "floridaanis", + "virakfuru", + "brushane", + "ormetelg", + "belladonna", + "valurt", + "smilax_aspera", + "kanadagullris", + "sukkerr\u00f8r", + "europalerk", + "blokkeb\u00e6r", + "liljekonvall", + "stjerneanis", + "atlasseder", + "nattfiol", + "potetkreft", + "vallisneria", + "lundfiol", + "storalm", + "alder", + "magnoliaslekten", + "kj\u00f8rvel", + "bergflette", + "solblom", + "dauvnesle", + "oreslekten", + "brennesler", + "svartgran", + "t\u00f8rr\u00e5te", + "storborre", + "skjellgran", + "dicksonia_antarctica", + "rosenk\u00e5l", + "magnolia", + "s\u00f8lvlind", + "veitistel", + "svartolder", + "parykkbusk", + "sommareik", + "laurb\u00e6rtysbast", + "palmetre", + "musekl\u00f8ver", + "hengjebj\u00f8rk", + "frukttre", + "lintorskemunn", + "paradisfugler", + "matblekksopp", + "solanum_quitoense" + ], + "FOOD": [ + "skillingsbolle", + "blodp\u00f8lse", + "mousse", + "kanelbolle", + "egger\u00f8re", + "laurb\u00e6rblad", + "fiskepinne", + "fullkornbr\u00f8d", + "soyamelk", + "r\u00f8dk\u00e5l", + "karbonadesm\u00f8rbr\u00f8d", + "tartarsaus", + "kanelsnurr", + "bechamel", + "christmas_pudding", + "hvitvin", + "helmelk", + "l\u00f8nnesirup", + "blodpudding", + "h\u00f8nseegg", + "hurtigmat", + "kandissukker", + "\u00f8rken", + "chilipepper", + "kveitemj\u00f8l", + "hytteost", + "bambusskudd", + "bordsalt", + "heilmj\u00f8lk", + "pepperkakemann", + "saus", + "melkepulver", + "g\u00e5selever", + "appelsinskall", + "sveitserost", + "graskarpai", + "sn\u00f8ggmat", + "kajennepepar", + "pinot_noir", + "helmj\u00f8lk", + "mellomm\u00e5l", + "chilipepar", + "r\u00f8dgl\u00f8dende", + "ertesuppe", + "konditorfarge", + "matbit", + "pepper", + "sterkvin", + "hvitl\u00f8ksbr\u00f8d", + "bursdagskake", + "buljongterning", + "p\u00e5skeegg", + "appelsinskal", + "chili", + "speilegg", + "kvitvin", + "sylteagurk", + "olivenolje", + "sukkerspinn", + "peparkakemann", + "chile", + "antipasto", + "soyasaus", + "rullekake", + "kremfl\u00f8te", + "pudding", + "ros\u00e9vin", + "dessert", + "iskaffe", + "potetsalat", + "rosevin", + "raudvin", + "karbonadedeig", + "melkesjokolade", + "str\u00f8kavring", + "yorkshirepudding", + "kvitl\u00f8ksbr\u00f8d", + "mj\u00f8lkesjokolade", + "ostesaus", + "kvitlauksbr\u00f8d", + "holland\u00e9s", + "cayennepepper", + "ingef\u00e6r\u00f8l", + "gresskarpai", + "butterdeig", + "iskaffi", + "palmeolje", + "appelsinjuice", + "kumelk", + "waldorfsalat", + "heilmelk", + "kakaopulver", + "blautkokt", + "soyaolje" + ], + "JOB": [ + "brigader", + "kvalfangar", + "fengselsbetjent", + "den_ut\u00f8vande_makta", + "treskj\u00e6rer", + "grosserar", + "konditor", + "sjukepleiar", + "guru", + "g\u00e5rdbruker", + "kastar", + "cand.psych", + "grunnlegger", + "distribut\u00f8r", + "lakei", + "seter", + "biskop", + "seiler", + "tannlege", + "assistent", + "gatefeier", + "l\u00e6kjar", + "renholder", + "hjortejegeren", + "tanntekniker", + "budeie", + "mikrobiolog", + "handverkar", + "brannkonstabel", + "melkepiken", + "herold", + "naturviter", + "rennestein", + "trener", + "kjeleflikker", + "kirurg", + "foredragsholder", + "lascar", + "sakristan", + "hand", + "feltmarskalk", + "ergoterapeut", + "gjestearbeidar", + "borgermester", + "treningsfly", + "vitskapskvinne", + "bestyrer", + "don", + "planter", + "toksikolog", + "cand.jur", + "kansler", + "dermatolog", + "grunnleggjar", + "fyrb\u00f8ter", + "the_police", + "intern", + "lederskikkelse", + "pretor", + "pr\u00e6rieulv", + "formann", + "kasserar", + "grunnleggar", + "gentleman", + "romanforfattar", + "kabinpersonale", + "krigar", + "ingeni\u00f8r", + "hjerneslag", + "fremmedarbeider", + "territorial", + "glasbl\u00e5sar", + "forretningsmann", + "blomsterpike", + "regelmessig", + "taler\u00f8r", + "formynder", + "leder", + "borgarmeister", + "kondukt\u00f8r", + "bartskj\u00e6r", + "eigedomsmeklar", + "brigadegeneral", + "hvalfanger", + "spotter", + "mastermind", + "kirkeverge", + "tapper", + "hoffdame", + "skodespelar", + "snikkar", + "flaggberar", + "klokkar", + "billedhuggeren", + "finansdirekt\u00f8r", + "testflyver", + "svenn", + "land", + "stallmester", + "eiendomsmekler", + "boss", + "vinkelner", + "universitetslektor", + "kjemiker", + "grenadier", + "underoffiser", + "glassbl\u00e5ser", + "veverske", + "sersjant", + "slagtilfelle", + "printer", + "kurator", + "assisterende", + "reinholder", + "verje", + "slavinne", + "premierl\u00f8ytnant", + "reinhaldar", + "kamikaze", + "\u00f8yenlege", + "performer", + "streikebrytar", + "strippar", + "korporal", + "baker", + "borgermesterinne", + "kolonialhandler", + "forretningsfolk", + "treskjerar", + "endokrinolog", + "tusenkunstner", + "glasmeister", + "sikkerheitsvakt", + "glassmester", + "the_guardian", + "m\u00f8llar", + "berebjelke", + "vinduspusser", + "vesir", + "president", + "laupar", + "gruppel\u00e6rer", + "minister", + "mandarin", + "setter", + "st\u00f8ttekontakt", + "oversetter", + "h\u00e5ndverker", + "leksikograf", + "sj\u00f8kaptein", + "vitenskapskvinne", + "gatefeiar", + "lensmann", + "oberstl\u00f8ytnant", + "blokkfl\u00f8yte", + "forretningsperson", + "mate", + "guide", + "terapeut", + "kaster", + "kunstm\u00e5lar", + "designer", + "kunstmaler", + "formyndar", + "mylnar", + "pastor", + "skolel\u00e6rer", + "grovf\u00f4r", + "barnevakt", + "altmogelegmann", + "sheriff", + "grafiker", + "regulator", + "stridsmann", + "arbeider", + "rullef\u00f8rer", + "resepsjonist", + "hjelpel\u00e6rer", + "skrankeadvokat", + "f\u00f8rsteamanuensis", + "flaggb\u00e6rer", + "vever", + "gardbrukar", + "gaucho", + "viseadmiral", + "bosetter", + "mottaker", + "gardbruker", + "orkesterleder", + "slave", + "framandarbeidar", + "ha_tilsyn_med", + "the_economist", + "\u00f8verstkommanderende", + "spelar", + "kasserer", + "wetter", + "pantsette", + "brannslokningsapparat", + "sysselmann", + "flislegger", + "foredragshaldar", + "infanterist", + "stripper", + "grafikar", + "barista", + "annenfiolin", + "hjelpar", + "f\u00f8redragshaldar", + "patolog", + "barber", + "the_hangover", + "man", + "konge", + "stripperske", + "doc", + "regent", + "kjemikar", + "sekondl\u00f8ytnant", + "marine", + "sj\u00f8mann", + "mellombels", + "cand.med", + "grosserer", + "the_boxer", + "hjelper", + "sykepleier", + "neurolog", + "usher", + "messenger", + "statssekret\u00e6r", + "arbeidar", + "kolonialhandlar", + "alt_mulig_mann", + "au_pair", + "vernehjelm", + "fris\u00f8r", + "fallskjermsoldat", + "familiefors\u00f8rger", + "havnearbeider", + "trier", + "harepus", + "bakrus", + "andrefiolin", + "allmenn", + "selvstendig", + "kassadame", + "altmuligmann", + "vekter", + "jordmor", + "veileder", + "barnepike", + "romanforfatter", + "nevrolog", + "handelsmann", + "the_independent", + "nevrokirurg", + "turner", + "bishop", + "sikkerhetsvakt", + "gjestearbeider", + "statsr\u00e5d", + "streikebryter", + "bankier", + "brannmann", + "springar", + "samfunns\u00f8konom", + "kardiolog", + "fengselsdirekt\u00f8r", + "gartnar", + "preceptor" + ], + "FAC": [ + "hengjebru", + "den_heilage_josef", + "vindtunnel", + "pumpestasjon", + "hengebru", + "universitetsby", + "konsertsal", + "den_engelske_kirkja", + "kjernekraftverk", + "atomkraftverk", + "det_osmanske_riket", + "den_siste_nattverden", + "georgskross", + "underhus", + "der_zauberberg", + "skytebane", + "georgskors", + "t_celle", + "hengebro", + "politistasjon", + "den_engelske_kirke", + "ole_brumm", + "klagemuren", + "den_romersk_katolske_kirke", + "skisted", + "steinmur", + "triumfbue", + "arnold_sch\u00f6nberg", + "kruttm\u00f8lle", + "dei_fire_\u00e5rstidene", + "kaffirlime", + "josef_jesu_fosterfar", + "den_katolske_kirke", + "fisketank", + "forelesningssal", + "politikammer", + "vindtunell", + "de_fire_\u00e5rstidene", + "vestmuren", + "den_katolske_kyrkja", + "tollbod", + "svingbru", + "trolldomsfjellet", + "peter_i_av_russland", + "nattverden", + "saint_lucia", + "kunstakademi", + "guardian_angels", + "papirfabrikk", + "den_ubesmittede_unnfangelse", + "svingbro", + "vaktarrest", + "posthus", + "titus_livius", + "h\u00f8yporten", + "den_h\u00f8ge_porten", + "steingjerde", + "steingard", + "den_engelske_kyrkja", + "grunnskole", + "det_osmanske_rike", + "postkontor", + "marinebase", + "den_katolske_kirkja", + "steinvegg", + "friedrichshain_kreuzberg" + ], + "DATE": [ + "middelalder", + "valgdag", + "overmorgon", + "gullalderen", + "langfredag", + "den_industrielle_revolusjon", + "palmes\u00f8ndag", + "feitetirsdag", + "treenighetss\u00f8ndag", + "mellomalderen", + "allehelgensdag", + "feitetysdag", + "halvtime", + "minnedagen", + "fridag", + "v\u00e5r_tidsregning", + "stengetid", + "f\u00f8r_eller_siden", + "romalderen", + "nattskift", + "the_day_after_tomorrow", + "den_industrielle_revolusjonen", + "gullalder", + "minuttvolum", + "sensommer", + "h\u00f8stjevnd\u00f8gn", + "istid", + "f\u00f8r_eller_seinare", + "in_time", + "menstruasjonssyklus", + "den_stille_veka", + "skj\u00e6rtorsdag", + "mellomalder", + "parabolsk_hastighet", + "overmorgen", + "sykefrav\u00e6r", + "farsdag", + "solkonstanten", + "sommersolverv", + "i_tide", + "halveringstid", + "den_gregorianske_kalenderen", + "arbeidstid", + "nattevakten", + "den_julianske_kalenderen", + "palmesundag", + "f\u00f8r_eller_seinere", + "m\u00e5nefase", + "nasjonaldag", + "spedbarnsd\u00f8delighet", + "sykepenger", + "helligtrekongersaften", + "sumarsolkverv", + "regntid", + "haustjamnd\u00f8gn", + "vintersolverv", + "stordomstid", + "holdbarhetstid", + "harlemrenessansen", + "stengjetid", + "millenniumdomen", + "i_verdensklasse", + "bryllupsdag", + "askeonsdag", + "sommarsolkverv", + "fullm\u00e5ne", + "lyshastighet", + "radialhastighet", + "vintersolkverv", + "der_borte", + "mortalitet", + "haustjamnd\u00f8ger", + "nattvakt", + "kalender\u00e5r", + "gregoriansk_kalender", + "normaltid", + "feittysdag", + "treeiningssundag", + "hvitetirsdag", + "helgemesse", + "fritid", + "feittirsdag", + "hundre\u00e5rsskifte", + "rushtid", + "den_stille_uke", + "morsdag", + "grautatirsdag", + "middelalderen", + "d\u00f8dsrate" + ], + "LANGUAGE": [ + "walisisk", + "portugisisk", + "polsk", + "persisk", + "rumensk", + "nordsamisk", + "venda", + "vallonsk", + "kongo", + "akan", + "forfine", + "norsk", + "marshallesisk", + "russar", + "kasakhstaner", + "malayisk", + "aksent", + "finlandsk", + "hviterussisk", + "madagasser", + "pali", + "tysker", + "gasser", + "manx", + "madagassar", + "malayalam", + "samoanar", + "betoning", + "russer", + "hindi", + "spansk", + "kviterussisk", + "esperanto", + "grusisk", + "roman\u00e9s", + "kasakhstanar", + "lingala", + "islandsk", + "georgisk", + "lao", + "langveisfra", + "ido", + "gassar", + "japansk", + "quechua", + "akansk", + "tonga", + "kannada" + ], + "RACE": [ + "turke", + "j\u00f8disk", + "nordkorean", + "indian_airlines", + "engelskmenn", + "latinamerikanar", + "latin", + "japanar", + "filippinsk", + "latinamerikaner", + "nederlendere", + "afrikansk", + "franskmenn", + "polynesisk", + "franskmann", + "negro", + "nordkoreaner", + "nordkoreanar" + ], + "GENDER": [ + "vaskehjelp", + "stovejente", + "mine_damer_og_herrer", + "gentleman", + "hunkj\u00f8nn", + "fruentimmer", + "men", + "dame", + "stuejente", + "male", + "mannsperson", + "hunnlig", + "holeg", + "hunlig", + "svarteper", + "lass", + "transkj\u00f8nnet", + "man", + "det_smukke_kj\u00f8nn", + "transgen", + "gal", + "hushjelp", + "hankj\u00f8nnsvesen", + "hannkj\u00f8nn" + ], + "RELIGION_MEMBER": [ + "guru", + "the_hindu", + "protestant", + "christin", + "kristne", + "fransiskanarordenen", + "pinsevenn", + "mormon", + "muhammedaner", + "parsarar", + "fransiskanerordenen" + ], + "GPE": [ + "menneskerettar", + "gamleby", + "det_tyske_keisard\u00f8met", + "gullgruve", + "det_nye_testamentet", + "saint_domingue", + "xihu", + "kotte", + "dar_es_salaam", + "valentinsdag", + "j\u00f8rgensdagen", + "mellom_amerika", + "sint_maarten", + "menneskerett", + "det_hellige_land", + "st_lawrence_elva", + "den_heilage_j\u00f8rgen", + "det_nye_testamente", + "sankt_j\u00f8rgen", + "det_heilage_landet", + "den_heilage_nikolas", + "valentinsdagen", + "sankt_georg", + "industriomr\u00e5de", + "s\u00e3o_tom\u00e9", + "j\u00f8rgensdag", + "hagia_sofia", + "raudekrossen", + "det_kvite_huset_i_washington_d.c", + "det_tyske_keiserrike", + "gran_canaria", + "langb\u00f8lgje", + "taishanfjellet", + "tyske_rike", + "sankta_barbara", + "den_heilage_ande", + "heilaganden", + "menneskerettighet", + "det_hvite_hus", + "raudehavet", + "st_kristoffer", + "al_andalus", + "langbylgje", + "fjellpass", + "la_rochelle", + "r\u00f8dehavet", + "nytt_testament", + "den_hellige_\u00e5nd", + "r\u00f8de_kors", + "charlottenburg_wilmersdorf", + "vinh_long", + "fjellovergang", + "la_gomera", + "menneskerettigheter", + "st_louis" + ], + "BIO_CHEM_ENTITY": [ + "laurinsyre", + "silisiumdioksid", + "sinkklorid", + "kaliumjodid", + "beinmel", + "polyvinylklorid", + "c_reaktivt_protein", + "melkesyre", + "feittsyre", + "feittsyrer", + "druekjerneolje", + "sitronsyre", + "peparmynteolje", + "salisylsyre", + "salmiakk", + "peppermynteolje", + "d_vitamin", + "mj\u00f8lkesyre", + "fettsyre" + ], + "RELIGION": [ + "zen", + "salafisme", + "presbyterianisme", + "den_evangelisk_lutherske_kyrkja", + "islam", + "den_evangelisk_lutherske_kirke", + "christian_science", + "shint\u014disme", + "donatister", + "manikeisme", + "wicca" + ], + "EVENT": [ + "stavsprang", + "golfkrigen", + "d\u00f8dsdans", + "filmfestival", + "verdensutstilling", + "gulfkrigen", + "sing_sing", + "forvarsel", + "s\u00e5nn_er_livet", + "opp_med_haken" + ], + "LAW": [ + "d\u00f8dsdom", + "pressefrihet", + "forsamlingsfrihet", + "h\u00f8yesterett", + "advokatfirma", + "religionsfrihet", + "valgordning", + "rettsstat", + "statsforfatning", + "rettssp\u00f8rsm\u00e5l", + "trykkefridom", + "strafferett", + "rettergangsstraff", + "den_amerikanske_grunnloven", + "storjury", + "romerretten", + "straffelov", + "trykkefrihet", + "federal_bureau_of_investigation", + "religionsfridom", + "h\u00f8gsterett" + ], + "UNION": [ + "den_internasjonale_telekommunikasjonsunion", + "fagorganisasjon", + "verdspostforeininga", + "international_telecommunication_union", + "studentting", + "verdenspostforeningen" + ], + "PERSON": [ + "al_gore", + "saint_vincent", + "st_vincent", + "william_playfair", + "don_delillo", + "ekte_gummitre", + "george_v", + "igor_sikorsky", + "distr\u00e9", + "carl_david_anderson", + "st_petersfisk", + "c_vitamin", + "ko_ko", + "maxwell_anderson", + "rudolf_hess", + "dr_watson" + ], + "MEDICAL_THERAPY": [ + "blodtrykk" + ], + "PERSON_PRONOUN": [ + "i", + "mine", + "our", + "dykk", + "her", + "hennes", + "meg_selv", + "me", + "ditt" + ], + "SOC_ECO_CLASS": [ + "brorskap", + "samurai", + "overklasse", + "caste", + "underverden", + "arbeiderklasse", + "arbeidarklasse", + "proletariat", + "middelklasse", + "svarteb\u00f8rs" + ], + "ANAT": [ + "hjartemuskel" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+-\\D+ \\D+|\\D+-\\D+ \\D+|\\D+-\\D+ \\D+|\\D+-\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "astrid", + "solveig", + "sara", + "kari", + "camilla", + "tone", + "ann", + "hanne", + "janne", + "thea", + "karin", + "marie", + "elise", + "kjersti", + "grete", + "cecilie", + "sofie", + "maria", + "kirsten", + "kristin", + "siv", + "aud", + "helene", + "ingrid", + "anna", + "maren", + "tove", + "anne", + "ingeborg", + "eva", + "emilie", + "silje", + "unni", + "mette", + "lene", + "anita", + "torill", + "line", + "anette", + "grethe", + "julie", + "inger", + "heidi", + "liv", + "hanna", + "ruth", + "bj\u00f8rg", + "ragnhild", + "hilde", + "may", + "linda", + "andrea", + "nora", + "reidun", + "britt", + "trine", + "ida", + "cathrine", + "malin", + "jenny", + "vilde", + "nina", + "martine", + "elisabeth", + "wenche", + "sigrid", + "rita", + "kristine", + "bente", + "siri", + "hege", + "mona", + "eli", + "irene", + "turid", + "sissel", + "\u00e5se", + "marit", + "jorunn", + "ellen", + "laila", + "gunn", + "emma", + "gerd", + "marianne", + "elin", + "mari", + "berit", + "tonje", + "karoline", + "stine", + "karen", + "synn\u00f8ve", + "marte", + "linn", + "randi", + "else", + "lise", + "monica", + "gro" + ], + "FIRST_NAME_MALE": [ + "h\u00e5vard", + "kenneth", + "roger", + "arild", + "fredrik", + "vidar", + "p\u00e5l", + "joakim", + "jens", + "kjell", + "thor", + "anders", + "h\u00e5kon", + "daniel", + "\u00f8ystein", + "tore", + "kristoffer", + "johannes", + "tobias", + "alexander", + "roar", + "alf", + "torbj\u00f8rn", + "tor", + "terje", + "magnus", + "kristian", + "einar", + "ivar", + "ola", + "trond", + "knut", + "steinar", + "andreas", + "john", + "kim", + "hans", + "asbj\u00f8rn", + "sigurd", + "helge", + "dag", + "emil", + "j\u00f8rgen", + "eivind", + "lars", + "marius", + "geir", + "jan", + "christian", + "arne", + "sindre", + "\u00f8yvind", + "leif", + "roy", + "jon", + "stig", + "nils", + "finn", + "markus", + "sondre", + "johan", + "per", + "martin", + "ole", + "tommy", + "bj\u00f8rn", + "olav", + "morten", + "henrik", + "stian", + "eirik", + "harald", + "rolf", + "sebastian", + "mathias", + "gunnar", + "adrian", + "odd", + "k\u00e5re", + "svein", + "frode", + "egil", + "robert", + "thomas", + "petter", + "vegard", + "erik", + "sander", + "simen", + "frank", + "rune", + "stein", + "erling", + "jonas", + "sverre", + "espen", + "tom", + "kjetil", + "magne", + "karl" + ], + "FIRST_NAME": [ + "h\u00e5vard", + "kenneth", + "roger", + "astrid", + "solveig", + "arild", + "fredrik", + "sara", + "vidar", + "kari", + "camilla", + "p\u00e5l", + "tone", + "ann", + "hanne", + "joakim", + "janne", + "thea", + "karin", + "marie", + "jens", + "elise", + "kjell", + "kjersti", + "grete", + "thor", + "anders", + "h\u00e5kon", + "daniel", + "cecilie", + "\u00f8ystein", + "tore", + "sofie", + "maria", + "kirsten", + "kristoffer", + "johannes", + "kristin", + "tobias", + "alexander", + "roar", + "siv", + "tor", + "alf", + "torbj\u00f8rn", + "aud", + "helene", + "terje", + "magnus", + "kristian", + "ingrid", + "einar", + "anna", + "ivar", + "maren", + "ola", + "tove", + "trond", + "knut", + "anne", + "steinar", + "andreas", + "ingeborg", + "eva", + "john", + "emilie", + "silje", + "unni", + "mette", + "kim", + "lene", + "hans", + "anita", + "torill", + "line", + "asbj\u00f8rn", + "sigurd", + "helge", + "dag", + "emil", + "grethe", + "anette", + "j\u00f8rgen", + "julie", + "inger", + "heidi", + "eivind", + "liv", + "hanna", + "ruth", + "bj\u00f8rg", + "lars", + "ragnhild", + "hilde", + "may", + "linda", + "andrea", + "marius", + "nora", + "reidun", + "geir", + "jan", + "monica", + "britt", + "christian", + "arne", + "sindre", + "\u00f8yvind", + "trine", + "leif", + "ida", + "roy", + "cathrine", + "malin", + "jon", + "stig", + "nils", + "finn", + "markus", + "jenny", + "sondre", + "vilde", + "nina", + "johan", + "per", + "martin", + "martine", + "elisabeth", + "wenche", + "ole", + "tommy", + "bj\u00f8rn", + "olav", + "sigrid", + "morten", + "henrik", + "rita", + "kristine", + "bente", + "siri", + "stian", + "eirik", + "hege", + "mona", + "harald", + "rolf", + "eli", + "irene", + "turid", + "sissel", + "\u00e5se", + "sebastian", + "marit", + "jorunn", + "mathias", + "ellen", + "laila", + "gunn", + "emma", + "adrian", + "gerd", + "gunnar", + "marianne", + "odd", + "elin", + "k\u00e5re", + "mari", + "svein", + "frode", + "berit", + "egil", + "robert", + "thomas", + "karoline", + "petter", + "vegard", + "erik", + "sander", + "simen", + "frank", + "rune", + "stein", + "stine", + "karen", + "erling", + "sverre", + "synn\u00f8ve", + "jonas", + "espen", + "marte", + "tom", + "kjetil", + "linn", + "randi", + "magne", + "else", + "lise", + "tonje", + "gro", + "karl" + ], + "LAST_NAME": [ + "hanssen", + "berg", + "nyg\u00e5rd", + "ellingsen", + "kristensen", + "berge", + "christensen", + "johansen", + "eriksen", + "str\u00f8m", + "birkeland", + "simonsen", + "knudsen", + "karlsen", + "s\u00f8rensen", + "haug", + "helland", + "danielsen", + "henriksen", + "isaksen", + "thomassen", + "sivertsen", + "svendsen", + "jakobsen", + "lie", + "hagen", + "brekke", + "solberg", + "myklebust", + "gundersen", + "mikkelsen", + "ruud", + "eide", + "engen", + "jensen", + "paulsen", + "haugland", + "lund", + "bakke", + "s\u00e6ther", + "dahl", + "aune", + "thorsen", + "johannessen", + "n\u00e6ss", + "sandvik", + "holm", + "andreassen", + "andresen", + "jenssen", + "solheim", + "myhre", + "larsen", + "lunde", + "fredriksen", + "nielsen", + "j\u00f8rgensen", + "ali", + "nilsen", + "berntsen", + "knutsen", + "strand", + "amundsen", + "vik", + "moe", + "halvorsen", + "antonsen", + "moen", + "arnesen", + "kristoffersen", + "aas", + "olsen", + "eliassen", + "bakken", + "evensen", + "b\u00f8e", + "aasen", + "martinsen", + "andersen", + "gulbrandsen", + "hauge", + "iversen", + "edvardsen", + "rasmussen", + "mathisen", + "pettersen", + "madsen", + "abrahamsen", + "lien", + "\u00f8deg\u00e5rd", + "tangen", + "tveit", + "ahmed", + "hansen", + "r\u00f8nning", + "nguyen", + "jacobsen", + "haugen", + "kristiansen", + "pedersen", + "johnsen" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbedisse": "abbed", + "baronesse": "baron", + "working_girl": "forretningsmann", + "fugleunge": "dandy", + "datter": "son", + "filla": "son", + "dotter": "son", + "hertuginne": "duk", + "keisarinne": "keiser", + "keiserinne": "keiser", + "hunlig": "hannkj\u00f8nn", + "hunn": "ille", + "holeg": "male", + "hunnlig": "hankj\u00f8nnsvesen", + "kvinneleg": "hankj\u00f8nnsvesen", + "kvinnelig": "male", + "feminin": "hankj\u00f8nnsvesen", + "s\u00f8nnedatter": "dotterbarn", + "datterdatter": "dotterson", + "bestemor": "farfar", + "farmor": "morfar", + "mormor": "bestefar", + "hennes": "seine", + "her": "seine", + "henne": "seine", + "heroin": "heltinne", + "fru": "human", + "hokj\u00f8nn": "man", + "fruentimmer": "minske", + "kvinne": "isle_of_man", + "kvinnemenneske": "man", + "hunkj\u00f8nn": "man", + "lass": "ladd", + "frue": "husbond", + "elsker": "mester", + "moder": "fatter", + "mutter": "fader", + "niese": "nev\u00f8", + "nun": "klosterbror", + "politikvinne": "politibetjent", + "prestinne": "prest", + "pr\u00edncipe": "fyrsten", + "prinsesse": "prins", + "majestet": "kung", + "dronning": "konge", + "hetman": "konge", + "queen": "konge", + "regine": "f\u00f8rste_kongebok", + "queens": "f\u00f8rste_kongebok", + "stores\u00f8ster": "blod", + "syster": "bror", + "naja": "blod", + "s\u00f8ster": "blod", + "lilles\u00f8ster": "broder", + "stedotter": "steson", + "stedatter": "stes\u00f8nn", + "stemor": "stefar", + "enkje": "enkjemann", + "enke": "enkjemann", + "hustru": "husbond", + "viv": "husbond", + "ektehustru": "husbond", + "hex": "magiker", + "wicca": "magiker", + "heks": "magiker", + "norn": "trollmann", + "sm\u00f8rflyndre": "trollmann", + "ten\u00e5ringsgutt": "jenta", + "fant": "jente", + "gutt": "jente" + }, + "other_gender_swap": { + "elles": "hunn", + "deres": "her", + "deira": "henne", + "dems": "her", + "lia": "her", + "hann": "elles", + "ille": "elles", + "hunn": "elles", + "hennes": "dems", + "her": "dems", + "henne": "deres" + }, + "en_pronoun2gender": { + "they": [ + "transkj\u00f8nnet", + "homoseksuell", + "transgen", + "transperson" + ], + "he": [ + "mannsperson", + "dandy", + "minske", + "hovud", + "maskulin", + "mannlig", + "isle_of_man", + "individ", + "human", + "ladd", + "hankj\u00f8nnsvesen", + "gentleman", + "man", + "hannkj\u00f8nn", + "gutt", + "little_boy", + "male", + "gaur", + "ten\u00e5ringsgutt", + "hann", + "fant" + ], + "she": [ + "stuejente", + "hunnlig", + "kvinnemenneske", + "hushjelp", + "lesbisk", + "kvinne", + "vaskehjelp", + "fru", + "savne", + "eininga_gal", + "fr\u00f8ken", + "gal", + "sm\u00e5jente", + "jente", + "jenta", + "kvinnelig", + "feminin", + "sakne", + "hunlig", + "hunkj\u00f8nn", + "hokj\u00f8nn", + "det_smukke_kj\u00f8nn", + "stuepike", + "lesbe", + "holeg", + "fruentimmer", + "hunn", + "stovejente", + "dame", + "kvinneleg" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "hann", + "seine", + "ille", + "lia" + ], + "she": [ + "henne", + "hunn", + "hennes", + "her" + ], + "they": [ + "elles", + "dems", + "lia", + "deira", + "deres" + ], + "it": [ + "tyto", + "disse", + "dess", + "dette", + "dets", + "it", + "denne", + "dass", + "tann" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nog.json b/data_tooling/pii_processing/ontology/data/nog.json new file mode 100644 index 0000000..cfa8d46 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nog.json @@ -0,0 +1,56 @@ +{ + "RELIGION_MEMBER": [ + "\u043c\u043e\u043b\u043b\u0430" + ], + "ANIMAL": [ + "\u0431\u0430\u043a\u0430", + "\u043a\u0430\u0432\u044b\u0441" + ], + "PERSON_PRONOUN": [ + "\u043e\u043b" + ], + "GENDER": [ + "\u043a\u0430\u0440\u0442" + ], + "LOCATION": [ + "\u0435\u0442\u0435\u0433\u0435\u043d" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u0432\u0430": "\u044d\u043c\u0435\u043d" + }, + "other_gender_swap": { + "\u0443\u043b\u0430\u0440": "\u043e\u043b", + "\u043e\u043b\u0430\u0440": "\u043e\u043b", + "\u043e\u043b": "\u0443\u043b\u0430\u0440" + }, + "en_pronoun2gender": { + "she": [ + "\u044f\u0441", + "\u043a\u044b\u0441" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ], + "they": [ + "\u0443\u043b\u0430\u0440", + "\u043e\u043b\u0430\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/non.json b/data_tooling/pii_processing/ontology/data/non.json new file mode 100644 index 0000000..4d56af2 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/non.json @@ -0,0 +1,61 @@ +{ + "ANIMAL": [ + "brant", + "ketta", + "korpr" + ], + "PLANT": [ + "reynir" + ], + "DATE": [ + "palmasunnudagr", + "palmadr\u00f3ttinsdagr" + ], + "LOCATION": [ + "svartahaf", + "innbyr\u00f0is" + ], + "DISEASE": [ + "hungr" + ], + "LANGUAGE": [ + "finnskr" + ], + "PUBLIC_FIGURE": [ + "pedr", + "lafranz" + ], + "JOB": [ + "kongr" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "dr\u00f3ttning": "kongr", + "systir": "br\u00f3\u00f0ir" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "hann" + ], + "she": [ + "kvinna" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "hann" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nov.json b/data_tooling/pii_processing/ontology/data/nov.json new file mode 100644 index 0000000..765a20e --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nov.json @@ -0,0 +1,95 @@ +{ + "LANGUAGE": [ + "katalana", + "venda", + "spani", + "katalane", + "katalano", + "fransum", + "esperanto" + ], + "DISEASE": [ + "pasione", + "mause", + "le" + ], + "ORG": [ + "fema", + "porte", + "un", + "po" + ], + "JOB": [ + "amindi", + "sub" + ], + "GENDER": [ + "puera", + "men" + ], + "PUBLIC_FIGURE": [ + "e", + "o", + "putin" + ], + "RELIGION_MEMBER": [ + "fratro" + ], + "QUANTITY": [ + "kalorie", + "sinksent" + ], + "DATE": [ + "mihore" + ], + "PERSON_PRONOUN": [ + "me" + ], + "ANIMAL": [ + "herone" + ], + "LOCATION": [ + "sri_lanka" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abata": "abato", + "nun": "monako", + "fratra": "fratro", + "yuno": "puera", + "puero": "yuna" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "yuno", + "puero" + ], + "she": [ + "yuna", + "femal", + "fema", + "puera" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "de_la" + ], + "it": [ + "lum", + "disi" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nrf.json b/data_tooling/pii_processing/ontology/data/nrf.json new file mode 100644 index 0000000..fbf76bd --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nrf.json @@ -0,0 +1,240 @@ +{ + "PLANT": [ + "reunellyi", + "grand_suthelle", + "coquelicot", + "lianne", + "ch\u00e8rfi", + "preunelle", + "preune", + "betterave", + "moutarde", + "tchoeuryi", + "bantchie", + "caboche", + "fossa\u00ef", + "tourn\u00e9sol", + "meuthe_en_c'm\u00een", + "tch\u00e8rpentchi\u00e9the", + "tchoeur", + "magnolia" + ], + "ANIMAL": [ + "martre", + "cat", + "alicracq", + "cahouain", + "maoue", + "con_d'rotchi", + "mille_pids", + "duc", + "caqu'ter", + "gra\u00efve", + "brotchet", + "mataud", + "cardrinnette", + "pourpais" + ], + "DISEASE": [ + "addiction", + "rage", + "stchinnancie", + "bliesse\u00fbthe", + "m\u00e9lie", + "turb\u00e9", + "conseunmtion", + "boursoufliuthe", + "courte_haleine", + "traler", + "constip\u00e2tion", + "plieur\u00easie", + "chancre", + "roui", + "crache", + "pain", + "meurdri", + "pliainte", + "roussi", + "br\u00fbleuse", + "bouaissonn'nie", + "coqueluche" + ], + "LANGUAGE": [ + "gudgiarati", + "angliais", + "souahili", + "bastchais", + "angllais", + "tonga" + ], + "LAW": [ + "parchonn'nie_civile", + "protchul\u00e2tion" + ], + "JOB": [ + "volontaithe", + "seurgien", + "tchilieux", + "soudard", + "corpotha", + "acateux", + "coutchi", + "bantchi", + "tch\u00e9thtchi", + "chent'nyi", + "annonceux", + "barbyi", + "gardgienne", + "tchu\u00eesinnyi", + "boulandgi", + "fonctionnaithe", + "seller", + "ramonneux", + "monnyi", + "travailleux", + "faithe", + "g\u00e9rant", + "diplomate", + "fanmilyi", + "fraudeux", + "maitr\u00easse", + "laver\u00easse", + "coronel", + "arpenteux", + "nettisseux", + "canonnyi", + "portchi", + "charron", + "douannyi", + "d'sabil'r\u00easse", + "monniteu", + "halaeux", + "lanminneux" + ], + "PUBLIC_FIGURE": [ + "piteur", + "monnyi", + "charles", + "thonmas", + "t\u00e9l\u00e9c'mande", + "ramonneux", + "suicider", + "ra\u00eet\u00e9", + "l" + ], + "FOOD": [ + "mousse", + "desert", + "denchive", + "chile" + ], + "RELIGION_MEMBER": [ + "wesleyen", + "chap'lain", + "nazar\u00e9tchien" + ], + "ORG": [ + "porte", + "v\u00e8rt_cap", + "transport\u00e2tion", + "longue_pi\u00e8rre", + "machon'nie", + "rouoge_m\u00e9", + "marinne", + "\u00eatats_unnis", + "bataillon", + "gouv\u00e8rn\u00e9ment", + "pays_bastchais" + ], + "DATE": [ + "toussaint" + ], + "PRODUCT": [ + "drouaits_d'l'houmme", + "papa_nou\u00e9", + "couochon_d'la_dginn\u00e9e", + "tchu_d'sa", + "distchette", + "arbre_d'nou\u00e9", + "vailyi" + ], + "SOC_ECO_CLASS": [ + "agritchulteure", + "agritchultuthe", + "soci\u00eat\u00e9" + ], + "GENDER": [ + "hardelle", + "matronne" + ], + "LOCATION": [ + "australie_m\u00e9ridionale", + "ieau_douoche", + "australie_occidentale", + "sri_lanka" + ], + "POLITICAL_PARTY_MEMBER": [ + "canmathade", + "commeuniste" + ], + "PERSON": [ + "jean_dor\u00e9" + ], + "FAC": [ + "sainte_lucie" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abb\u00easse": "abb\u00e9", + "b\u00e2ronne": "b\u00e2ron", + "duch\u00easse": "duc", + "hardelle": "bouonhoumme", + "p'tite_fil'ye": "p'tit_fis", + "maitr\u00easse": "sp\u00e9cialiste", + "pr\u00eenc\u00easse": "pr\u00eence", + "soeu": "broder", + "faume": "bouonhoumme", + "bou\u00f4nnefemme": "bouonhoumme" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "homosexuel", + "bisexuel" + ], + "he": [ + "coll\u00e8gue", + "bouonhoumme" + ], + "she": [ + "f\u00e2me", + "homosexuel", + "faume", + "bike", + "mantchi", + "lesbien", + "foume", + "hardelle", + "fenme" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "seine" + ], + "it": [ + "dette" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/nv.json b/data_tooling/pii_processing/ontology/data/nv.json new file mode 100644 index 0000000..d50a5b0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/nv.json @@ -0,0 +1,179 @@ +{ + "ANIMAL": [ + "t\u00f3_w\u00f3naan\u00edd\u0119\u0301\u0119\u0301\u02bc_l\u00f3k\u02bcaatah_noo\u0142nahii", + "choozhghalii", + "b\u00edlaneezii", + "nahashch\u02bcid\u00ed", + "naaldeehii", + "binii\u02bc\u0142igaii", + "ch\u0105\u0105nei\u0142maasii", + "na\u02bcashj\u00e9\u02bciitsoh", + "b\u012f\u012fh", + "t\u00e1shchozhii\u0142ch\u00ed\u00ed\u02bc", + "deeteel", + "jeesh\u00f3\u00f3\u02bc", + "shashtsoh", + "ch\u02bca\u0142", + "\u0142\u00e9\u02bc\u00e9tsoh_beeni\u02bc\u00edhoniitaah\u00edg\u00ed\u00ed", + "godit\u00e1n\u00ed", + "tsintasd\u00eds\u00ed", + "na\u02bcashj\u00e9\u02bcii_di\u0142hi\u0142\u00ed", + "ch\u02bciltaat\u02bcagii" + ], + "PRODUCT": [ + "n\u00ed\u0142ch\u02bci_diyinii", + "k\u00e9shmish_hastiin", + "nahoogaii", + "s\u00e3o_tom\u00e9_d\u00f3\u00f3_pr\u00edncipe" + ], + "TITLE": [ + "hastiin" + ], + "JOB": [ + "azee\u02bc\u00ed\u00ed\u0142\u02bc\u00edn\u00ed", + "don", + "naabaahii", + "yool\u00e9\u00e9\u0142", + "naa\u02bcnil", + "agha\u02bcdiit\u02bcaahii", + "naat\u02bc\u00e1anii", + "yishb\u00e9\u00e9zh", + "binant\u02bca\u02bc\u00ed", + "nanit\u02bc\u00e1ii", + "naalt\u00e9" + ], + "ORG": [ + "w.b.a", + "kin\u00e1h\u00e1lgaa\u00ed", + "naaltsoos_nehegeeh\u00e9gi", + "na\u02bcat\u0142\u02bco\u02bc", + "oolj\u00e9\u00e9\u02bc_nit\u02bc\u0105\u0301\u0105\u0301_n\u00e1daa\u0142", + "yinishy\u00e9", + "na\u02bcashj\u00e9\u02bcii_bij\u00e9\u00ed_dah_\u0142ich\u00edi\u02bcii", + "naaltsoos_ndahageeh\u00edgi", + "t\u00f3nteel_bib\u0105\u0105h_doot\u0142\u02bcizh\u00ed", + "n\u00e1hook\u01ebs_bik\u0105\u02bcii" + ], + "FOOD": [ + "jeeh", + "ch\u02bcag", + "azeed\u00edch\u02bc\u00ed\u00ed\u02bc", + "neeshch\u02bc\u00ed\u00ed\u0142gai" + ], + "PUBLIC_FIGURE": [ + "j\u00e1d\u00eddl\u01eb\u0301\u02bcii", + "t\u02bc\u00e1\u00e1\u0142\u00e1\u02bc\u00ed", + "doodaatsaahii" + ], + "RACE": [ + "zhinii" + ], + "PERSON_PRONOUN": [ + "his", + "danih\u00ed", + "ha\u02bcag\u00e9\u00e9d" + ], + "DISEASE": [ + "dinilgai", + "na\u02bcats\u02bc\u01eb\u01ebs\u00ed", + "diniih", + "tahoniig\u00e1\u00e1h", + "ch\u00e1ch\u02bcosh" + ], + "LOCATION": [ + "yoot\u00f3", + "n\u00e1hook\u01ebs_bik\u0105\u02bcii", + "daoohs\u012f\u012fh", + "wba", + "boot\u02bcobw\u0105\u0301\u0105\u0301s", + "n\u00e1h\u00e1\u00e1h_bit\u0142\u02bc\u00e9\u00e9\u02bc" + ], + "FAC": [ + "w\u00e1\u00e1shindoon_bighan", + "naaltsoos_b\u00e1hooghan" + ], + "QUANTITY": [ + "hast\u0105\u0301\u0105\u0301y\u00e1\u00e1l" + ], + "GENDER": [ + "ashkii", + "shidine\u02bc\u00e9" + ], + "PLANT": [ + "k\u02bc\u00edsh\u00edshj\u012f\u0301\u012f\u0301zh", + "ch\u02bc\u00f3y\u00e1\u00e1zh_naashch\u02bc\u0105\u0105\u02bc\u00edg\u00ed\u00ed", + "s\u0119\u0119sch\u02bcil", + "nahooy\u00e9\u00ed", + "azeed\u00edch\u02bc\u00ed\u00ed\u0142b\u00e1h\u00ed", + "\u0142\u012f\u0301\u012f\u0301\u0142tsoii" + ], + "GPE": [ + "\u0142ich\u00ed\u00ed\u02bc_a\u0142n\u00e1\u02bc\u00e1sdzoh" + ], + "DATE": [ + "oolj\u00e9\u00e9\u02bc_chaha\u0142hee\u0142_n\u00e1dz\u00e1\u00e1" + ], + "RELIGION_MEMBER": [ + "atsil\u00ed" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "t\u02bc\u00e1\u00e1_h\u00f3": "t\u02bc\u00e1\u00e1_b\u00ed", + "t\u02bc\u00e1\u00e1_b\u00ed": "t\u02bc\u00e1\u00e1_h\u00f3", + "adeezh\u00ed": "atsil\u00ed", + "h\u00e1d\u00ed": "atsil\u00ed", + "hatsi\u02bc_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed": "haye\u02bc_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed", + "hatsi\u02bc_j\u00ed\u0142\u02bc\u00edn\u00ed": "haye\u02bc_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed", + "hach\u02bc\u00e9\u02bc\u00e9_j\u00ed\u0142\u02bc\u00edn\u00ed": "haye\u02bc_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed", + "hach\u02bc\u00e9\u02bc\u00e9_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed": "haye\u02bc_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed", + "ham\u00e1_j\u00ed\u0142\u02bc\u00edn\u00ed": "hazh\u00e9\u02bc\u00e9_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed", + "ham\u00e1_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed": "hazh\u00e9\u02bc\u00e9_\u00e1j\u00ed\u0142\u02bc\u00edn\u00ed", + "hwe\u02bcesdz\u00e1\u00e1n": "hahastiin", + "asdz\u00e1\u00e1n": "din\u00e9", + "ayol": "din\u00e9", + "asdz\u0105\u0301\u0105\u0301": "din\u00e9", + "ashkii": "at\u02bc\u00e9\u00e9d" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "ashkii", + "din\u00e9", + "din\u00e9\u00e9h" + ], + "she": [ + "at\u02bc\u00e9\u00e9d", + "ayol", + "asdz\u00e1\u00e1n", + "asdz\u0105\u0301\u0105\u0301", + "ch\u02bcik\u0119\u0301\u0119\u0301h" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "t\u02bc\u00e1\u00e1_b\u00ed", + "t\u02bc\u00e1\u00e1_h\u00f3", + "his" + ], + "she": [ + "t\u02bc\u00e1\u00e1_h\u00f3", + "t\u02bc\u00e1\u00e1_b\u00ed" + ], + "it": [ + "d\u00ed\u00ed", + "\u00e9\u00ed", + "t\u02bc\u00e1\u00e1_b\u00ed" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/oc.json b/data_tooling/pii_processing/ontology/data/oc.json new file mode 100644 index 0000000..2c741a8 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/oc.json @@ -0,0 +1,861 @@ +{ + "LOCATION": [ + "assemblada_nacionala", + "al_jazeera", + "plantago_lanceolata", + "mar_tirr\u00e8na", + "mar_del_n\u00f2rd", + "jardin_botanic", + "piet_mondrian", + "mar_n\u00eara", + "sint_maarten", + "an_n\u00f2u", + "mar_negra", + "gara_ferrovi\u00e0ria", + "aiga_do\u00e7a", + "pic_negre", + "austr\u00e0lia_occidentala", + "sus_la_rota", + "plantago_major", + "mont_carm\u00e8l", + "mar_de_china_orientala", + "las_salas", + "arena", + "sri_lanka", + "bernat_pescaire", + "the_rolling_stones", + "mar_jauna", + "bonser", + "sax\u00f2nia_anhalt", + "osman_i\u00e8r", + "heitor_villa_lobos", + "sit_arqueologic" + ], + "PUBLIC_FIGURE": [ + "vlad\u00edmir_nab\u00f2kov", + "benjamin_franklin", + "akira_kurosawa", + "jean_genet", + "john_knox", + "giovanni_boccaccio", + "che_guevara", + "georges_simenon", + "c", + "augustin_fresnel", + "dorothy_parker", + "maria_callas", + "henrik_ibsen", + "nicolau_copernic", + "marcello_malpighi", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "richard_burton", + "maria_magdalena", + "winston_churchill", + "johannes_diderik_van_der_waals", + "karl_landsteiner", + "sorditge", + "ivan_pavlov", + "paul_mccartney", + "terry_pratchett", + "sant_lauren\u00e7", + "stephen_king", + "francis_crick", + "sant_martin", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "milton_friedman", + "saint_louis", + "john_glenn", + "george_harrison", + "george_orwell", + "richard_wagner", + "marie_curie", + "michael_jackson", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "galileo_galilei", + "chaim_weizmann", + "robert_koch", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "anne_boleyn", + "robert_burns", + "bari", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "willem_einthoven", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "e", + "karl_jaspers", + "hideki_yukawa", + "konrad_adenauer", + "maurice_chevalier", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "mahalia_jackson", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "trotski", + "luigi_pirandello", + "t_s_eliot", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "charles_lindbergh", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "arnau", + "peter_pan", + "james_tobin", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "paul_verlaine", + "james_dean", + "alessandro_manzoni", + "andrea_mantegna", + "jim_corbett", + "oscar_wilde", + "philip_roth", + "laurence_olivier", + "christiaan_eijkman", + "francis_bacon", + "pete_seeger", + "a", + "peter_brian_medawar", + "james_brown", + "charles_baudelaire", + "luigi_cherubini", + "charlie_parker", + "immanuel_kant", + "james_franck", + "james_meredith", + "warburg", + "giulio_natta", + "titus", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "john_bardeen", + "sarah_vaughan", + "william_byrd", + "scott_joplin", + "george_vancouver", + "canberra", + "bramante", + "elias_canetti", + "edward_jenner", + "oscar_robertson", + "cole_porter", + "graham_greene", + "tawantinsuyu", + "lars_onsager", + "margaret_mitchell", + "vlad\u00edmir_p\u00f3tin", + "william_herschel", + "montesquieu", + "niels_bohr", + "tom\u00e0s", + "bertrand_russell", + "michael_faraday", + "sergei_rakhmaninov", + "anthony_burgess", + "jan_tinbergen", + "rudolf_diesel", + "walt_disney", + "joseph_schumpeter", + "gabriel_lippmann", + "launart", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "robert_redford", + "breissa", + "ian_fleming", + "richard_feynman", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "homo_heidelbergensis", + "elizabeth_taylor", + "john_dowland", + "daniel_jones", + "william_golding", + "p\u00e8ire_i_de_russia", + "indira_gandhi", + "george_gershwin", + "alfred_nobel", + "marco_polo", + "caravaggio", + "charlotte_corday", + "allen_ginsberg", + "henri_bergson", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "patrick_white", + "daniel_morgan", + "hans_christian_andersen", + "cary_grant", + "pieter_zeeman", + "arnold_gesell", + "glenn_miller", + "pablo_picasso", + "natalie_wood", + "kurt_weill", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "robert_robinson", + "adam_smith", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "helen_keller", + "ingrid_bergman", + "paul_tillich", + "valentina_tereshkova", + "walt_whitman", + "ludwig_boltzmann", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "joseph_haydn", + "george_boole", + "edvard_grieg", + "mikha\u00efl_gorbachov", + "cordell_hull", + "tomas", + "giuseppe_mazzini", + "jacqueline_cochran", + "fritz_kreisler", + "anne_hathaway", + "g", + "arthur_schopenhauer", + "martin_heidegger", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "sant_p\u00e8ir", + "robert_fulton", + "alexandre_dumas", + "bobby_fischer", + "johannes_gutenberg", + "thomas_malthus", + "william_faulkner", + "amerigo_vespucci", + "hans_adolf_krebs", + "girolamo_savonarola", + "putin", + "jean_de_la_fontaine", + "robert_hooke", + "karl_popper", + "nikita_khrushchov", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "charlie_chaplin", + "d_h_lawrence", + "j_m_barrie", + "asa_gray", + "antonio_stradivari", + "miles_davis", + "george_marshall", + "don_quich\u00f2te", + "bozen", + "stanley_kubrick", + "rudolph_bultmann", + "liunard", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "homo", + "david_hilbert", + "wilhelm_reich", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "woodrow_wilson", + "gustav_hertz", + "lo_capaironet_roge", + "borges", + "crist\u00f2l_colomb", + "jim_henson", + "ernest_hemingway", + "aquila", + "arthur_miller", + "nelson_mandela", + "al_gore", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "george_enescu", + "jacques_offenbach", + "federico_fellini", + "bessie_smith", + "willy_brandt", + "francisco_franco", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "sant_j\u00f2rdi", + "mick_jagger", + "otto_loewi", + "georges_cuvier", + "john_bunyan", + "jonathan_swift", + "albert_einstein", + "l", + "chiang_kai_shek", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "DISEASE": [ + "escarraunhadura", + "abrasion", + "chuc", + "raum\u00e0s", + "ernia", + "mordedura", + "escorgadura", + "malauti\u00e1", + "liqu\u00e8n", + "ratuga", + "esternut", + "sarrampiu", + "pecol", + "esternudar", + "prodr\u00f2me", + "cremadura", + "mossegar", + "letz", + "rovilh", + "poliomieliti", + "rodam", + "ivernacion", + "gimp", + "paludisme", + "carral", + "espasme", + "pedoncul", + "virus_ebola", + "addiccion", + "accident_vascular_cerebral", + "fureta", + "rube\u00f2la", + "pellagra", + "virus_d_epstein_barr", + "sting", + "diab\u00e8ta_sacarina", + "senepiu", + "rodal", + "materialisme", + "dengue", + "castanha", + "salmonella" + ], + "POLITICAL_PARTY": [ + "gironda", + "partit_comunista", + "partit_popular", + "partit_socialista" + ], + "PLANT": [ + "assale\u00e7", + "poncidara", + "magn\u00f2lia", + "actinidia_sinensis", + "pastenaga", + "melissa", + "castanhi\u00e8r", + "vedissa", + "solanaceae", + "tartifla", + "ortiga", + "escapula", + "caprifu\u00e8lh", + "campion", + "mille_feuille", + "peri\u00e8r", + "leucaena_leucocephala", + "amaron", + "mauv\u00eds", + "virasolelh", + "papaver_somniferum", + "manioc", + "valerianella_locusta", + "falabreguier", + "plantago_lanceolata", + "manh\u00f2lia", + "lill\u00e0", + "tracheobionta", + "abelhana", + "urtica", + "amanita_muscaria", + "past\u00e8l", + "vidable", + "sorbin", + "tartifle", + "cabrifu\u00e8lh", + "milafu\u00e8lhas", + "serbi\u00e8r", + "indig\u00f2t", + "lauri\u00e8r", + "solanum", + "asperbi\u00e8r", + "albricoti\u00e8r", + "fagus_sylvatica", + "carrobi\u00e8r", + "sabina", + "boletus_edulis", + "phytolacca_dioica", + "albar", + "pernamboc", + "aubi\u00e8ca", + "laituga", + "groselhi\u00e8r", + "plat\u00e8la", + "carr\u00f2ta", + "lachuga", + "nogui\u00e8r", + "castanha", + "castanea", + "sambucus_ebulus", + "corniol" + ], + "ANIMAL": [ + "apodemus", + "cat", + "moisset", + "randal", + "sapo", + "granh\u00f2ta", + "pintarda", + "esquir\u00f2l", + "blaveta", + "manhan", + "most\u00e8la", + "manta", + "missara", + "condar", + "lebreta", + "singlar", + "cabir\u00f2l", + "cabr\u00f2l", + "polida", + "dugan\u00e8l", + "cobai", + "ferret", + "duc", + "granolha", + "cr\u00f2s_manhon", + "greule", + "pollamb\u00e8rt", + "homo_sapiens", + "lebri\u00e8r", + "ramonaire", + "brotonica", + "pic_verd", + "rami\u00e8r", + "accipiter", + "falcon", + "vernh\u00f2la", + "duganel\u00e0s", + "donald_duck", + "voltor", + "milapatas", + "nadu\u00e8lh", + "ammospermophilus", + "sable", + "capreolus_capreolus", + "arthropoda", + "boquetin", + "peisses", + "zeus_faber", + "tortora", + "\u00f2me_de_cr\u00f2smanhon", + "eider", + "arvicola" + ], + "ORG": [ + "luna_nov\u00e8la", + "san_jos\u00e9", + "jan_mayen", + "sublima_p\u00f2rta", + "justesa", + "the_who", + "san_francisco", + "un", + "m_ap\u00e8li", + "va", + "francma\u00e7oneria", + "edat_d_aur", + "gironda", + "ai", + "me_soni", + "drech_civil", + "cr\u00f2smanhon", + "cap_verd", + "autoritat_palestiniana", + "emp\u00e8ri_alemand", + "granda_orsa", + "rabindranath_tagore", + "gestapo", + "partit_republican", + "partit_democrata", + "partit_politic", + "me_dison", + "monarquia_constitucionala", + "ostal_blanc", + "the_young_turks", + "fluvi_jaune", + "al_jazeera", + "los_rasins_de_la_col\u00e8ra", + "ja\u00efnisme", + "lac_superior", + "mar_roja", + "los_angeles", + "bascoat", + "mont_dels_olius", + "alemand", + "estats_units_d_america", + "gl\u00e8isa_catolica", + "cardin", + "t\u00e8rra_cremada", + "elementari", + "s\u00e3o_tom\u00e9", + "tao\u00efsme" + ], + "SOC_ECO_CLASS": [ + "samorai" + ], + "JOB": [ + "tetar", + "jardini\u00e8r", + "vaqui\u00e8r", + "potter", + "quimista", + "curator", + "lachi\u00e8r", + "don", + "facultatiu", + "lauraire", + "the_police", + "compositor", + "char", + "mastermind", + "urinar", + "inventor", + "coron\u00e8u", + "garri", + "academician", + "escobar", + "laurador", + "fantassin", + "crompaire", + "legeire", + "avesque", + "the_guardian", + "oelhi\u00e8r", + "sentin\u00e8la", + "president", + "mandarin", + "cabri\u00e8r", + "mate", + "pastor", + "gaucho", + "legeira", + "rabin", + "pastre", + "associat", + "barbier", + "wetter", + "vaisseladoira", + "ma\u00e7on", + "tunar", + "messatgi\u00e8r", + "colleccionaire", + "man", + "regent", + "messenger", + "proconsul", + "bombardier", + "cartonista", + "crompaira", + "lampista", + "the_independent", + "solicitor", + "cookie", + "dessenhaire", + "autor", + "cortesan" + ], + "PRODUCT": [ + "justin_bieber", + "las_quate_sasons", + "al_jazeera", + "cobai", + "analisi_matematica", + "la_modificacion", + "cortcircuit", + "the_star_spangled_banner", + "lagremas_de_j\u00f2b", + "arbre_de_nadal", + "cap_h\u00f2rn", + "la_dolce_vita", + "arc_de_trionf", + "lo_canh\u00e0s_dels_baskervilles", + "dreches_de_l_\u00f2me", + "sent_esperit", + "lo_senhor_dels_an\u00e8ls", + "novo_mesto" + ], + "LANGUAGE": [ + "catalan", + "t\u00f2nga", + "bambara", + "catalana", + "pali", + "malayalam", + "basc", + "tailand\u00e9s", + "esperanto", + "lingala", + "cree", + "ido" + ], + "RELIGION": [ + "zen", + "donatisme", + "manique\u00efsme", + "calvinisme", + "islam", + "catarisme" + ], + "PERSON": [ + "al_gore", + "igor_sikorsky", + "carl_david_anderson", + "boletus_edulis" + ], + "QUANTITY": [ + "franc_franc\u00e9s", + "ton", + "g", + "rial", + "peri\u00f2de_dei_tres_reiaumes", + "anders_celsius" + ], + "FAC": [ + "pauc_a_pauc", + "elementari", + "gl\u00e8isa_catolica_romana", + "la_montanha_magica", + "santa_l\u00facia", + "las_quate_sasons", + "compost\u00e8la" + ], + "GPE": [ + "dar_es_salaam", + "champanha_ardena", + "sint_maarten", + "mar_eg\u00e8a", + "hagia_sophia", + "s\u00e3o_tom\u00e9", + "sant_lauren\u00e7", + "al_andal\u00fas", + "grand_can\u00e0ria", + "sri_jayawardenepura", + "vinh_long", + "la_gomera", + "sant_esperit", + "mar_roja" + ], + "FOOD": [ + "niva", + "sauce", + "farina", + "tapera", + "goma_de_mastolhar", + "chile", + "dess\u00e8rt", + "pudding", + "pastissari\u00e1", + "limonada", + "pastra", + "pot_au_feu", + "juglans_regia" + ], + "PERSON_PRONOUN": [ + "i", + "seuna", + "nosautres", + "her", + "el_meu" + ], + "RACE": [ + "latin", + "african", + "american" + ], + "DATE": [ + "toussaint", + "the_night_watch", + "vielhesa" + ], + "RELIGION_MEMBER": [ + "josieu", + "vaishnava", + "mon", + "crestian" + ], + "GENDER": [ + "joventa", + "filheta", + "donz\u00e8la", + "man", + "gal" + ], + "LAW": [ + "drech_roman", + "federal_bureau_of_investigation" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abadessa": "abba", + "feminin": "masculin", + "her": "seuna", + "matrix": "pap\u00e0", + "neboda": "nebot", + "monja": "monge", + "monaca": "monge", + "moja": "monge", + "infanta": "prens", + "princessa": "regulus", + "r\u00e8n": "indra", + "s\u00f2r": "fraire", + "s\u00f2rre": "fraire", + "abla": "fraire", + "veusa": "veuse", + "esposa": "marit", + "femena": "\u00f2me", + "duna": "cristian", + "femna": "\u00f2me", + "d\u00f2na": "man", + "fem\u00e8la": "\u00f2me", + "frut": "gojata", + "metgessa": "fisician", + "facultatiu": "metgessa", + "doctor": "metgessa", + "m\u00e8tge": "metgessa", + "fisician": "metgessa" + }, + "other_gender_swap": { + "\u3078": "epi" + }, + "en_pronoun2gender": { + "he": [ + "masculin", + "frut", + "\u00f2me", + "man" + ], + "she": [ + "femna", + "gojata", + "donz\u00e8la", + "filheta", + "femena", + "fem\u00e8la", + "feminin", + "abla", + "drolleta", + "dr\u00f2lla", + "domais\u00e8la", + "d\u00f2na", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u3078", + "seuna" + ], + "she": [ + "seuna", + "her" + ], + "they": [ + "epi" + ], + "it": [ + "aquest", + "lum" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/oge.json b/data_tooling/pii_processing/ontology/data/oge.json new file mode 100644 index 0000000..ed46e0b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/oge.json @@ -0,0 +1,24 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u10e5\u10d0\u10da\u10d8", + "\u10d3\u10d8\u10d0\u10ea\u10d8", + "\u10d3\u10d4\u10d3\u10d0\u10d9\u10d0\u10ea\u10d8" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/oj.json b/data_tooling/pii_processing/ontology/data/oj.json new file mode 100644 index 0000000..7bc7c81 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/oj.json @@ -0,0 +1,92 @@ +{ + "RELIGION_MEMBER": [ + "nisayenh" + ], + "DATE": [ + "bekaa" + ], + "ANIMAL": [ + "bizhiw", + "moonz", + "agongos", + "namegos", + "jachakanoo", + "omakakii", + "gayaashk", + "namegoshens", + "ajidamoo" + ], + "JOB": [ + "ogimaa", + "ganoodiye", + "gaashpinajiged" + ], + "QUANTITY": [ + "naanwaak", + "midaasosagoons" + ], + "PLANT": [ + "aninaatig", + "askiibwaan", + "mitigomizh", + "moosewijiibik" + ], + "ORG": [ + "ingodwaaswaak", + "giigidoowininiwag", + "indizhinikaaz", + "anishinaabeg_gichigami" + ], + "PUBLIC_FIGURE": [ + "o" + ], + "PERSON": [ + "ge_niin" + ], + "PERSON_PRONOUN": [ + "niinawind" + ], + "LOCATION": [ + "debizi", + "chi_miigwech" + ], + "FOOD": [ + "miskwaaboo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "nishiime": "nisayenh", + "nimisenh": "nisayenh" + }, + "other_gender_swap": { + "wiinawaa": "wiin", + "wiin": "wiinawaa" + }, + "en_pronoun2gender": { + "she": [ + "ikwe" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "wiin" + ], + "she": [ + "wiin" + ], + "they": [ + "wiinawaa" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/or.json b/data_tooling/pii_processing/ontology/data/or.json new file mode 100644 index 0000000..949f4e5 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/or.json @@ -0,0 +1,1904 @@ +{ + "ORG": [ + "\u0b15\u0b43\u0b37\u0b3f", + "\u0b36\u0b3f\u0b15\u0b4d\u0b37\u0b3e" + ], + "GPE": [ + "\u0b2e\u0b3e\u0b28\u0b2c\u0b3f\u0b15_\u0b05\u0b27\u0b3f\u0b15\u0b3e\u0b30" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u0b2c\u0b3f\u0b28\u0b4b\u0b26\u0b3f\u0b28\u0b40", + "\u0b36\u0b3f\u0b2c\u0b3e\u0b28\u0b40", + "\u0b05\u0b28\u0b41\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b32\u0b47\u0b16\u0b3e", + "\u0b17\u0b3e\u0b30\u0b4d\u0b17\u0b40", + "\u0b30\u0b3f\u0b28\u0b3e", + "\u0b38\u0b4d\u0b28\u0b3f\u0b17\u0b4d\u0b27\u0b3e", + "\u0b2f\u0b36\u0b4b\u0b26\u0b3e", + "\u0b2e\u0b3f\u0b28\u0b24\u0b3f", + "\u0b1c\u0b5f\u0b28\u0b4d\u0b24\u0b40", + "\u0b36\u0b41\u0b2d\u0b36\u0b4d\u0b30\u0b40", + "\u0b1b\u0b2c\u0b3f", + "\u0b2a\u0b4d\u0b30\u0b2e\u0b3f\u0b33\u0b3e", + "\u0b24\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b3e", + "\u0b2a\u0b3e\u0b30\u0b4d\u0b2c\u0b24\u0b40", + "\u0b2a\u0b41\u0b2a\u0b41\u0b32", + "\u0b2d\u0b17\u0b2c\u0b24\u0b40", + "\u0b2e\u0b19\u0b4d\u0b17\u0b33\u0b3e", + "\u0b38\u0b40\u0b2e\u0b3e\u0b30\u0b3e\u0b23\u0b40", + "\u0b05\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b38\u0b41\u0b1a\u0b3f\u0b24\u0b4d\u0b30\u0b3e", + "\u0b36\u0b4d\u0b30\u0b40\u0b2e\u0b24\u0b40", + "\u0b15\u0b41\u0b38\u0b41\u0b2e", + "\u0b15\u0b41\u0b2e\u0b41\u0b26", + "\u0b30\u0b3e\u0b15\u0b4d\u0b37\u0b40", + "\u0b32\u0b3f\u0b2a\u0b3f\u0b15\u0b3e", + "\u0b05\u0b30\u0b4d\u0b1a\u0b4d\u0b1a\u0b3f\u0b24\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b2e\u0b4d\u0b2c\u0b26\u0b3e", + "\u0b30\u0b4b\u0b37\u0b28\u0b40", + "\u0b2c\u0b40\u0b23\u0b3e", + "\u0b30\u0b4b\u0b38\u0b28\u0b3e\u0b30\u0b3e", + "\u0b2d\u0b3e\u0b38\u0b4d\u0b71\u0b24\u0b40", + "\u0b15\u0b28\u0b15\u0b32\u0b24\u0b3e", + "\u0b30\u0b41\u0b28\u0b41", + "\u0b2e\u0b47\u0b18\u0b28\u0b3e", + "\u0b26\u0b40\u0b2a\u0b3e", + "\u0b2c\u0b3e\u0b38\u0b28\u0b4d\u0b24\u0b3f", + "\u0b24\u0b43\u0b2a\u0b4d\u0b24\u0b3f", + "\u0b09\u0b37\u0b38\u0b40", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40", + "\u0b2e\u0b3f\u0b28\u0b3e\u0b15\u0b4d\u0b37\u0b40", + "\u0b15\u0b4b\u0b0f\u0b32", + "\u0b28\u0b48\u0b28\u0b3e", + "\u0b2e\u0b23\u0b3f\u0b2e\u0b3e\u0b33\u0b3e", + "\u0b2e\u0b28\u0b4d\u0b26\u0b3e\u0b15\u0b3f\u0b28\u0b40", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b2e\u0b39\u0b3e\u0b36\u0b4d\u0b71\u0b47\u0b24\u0b3e", + "\u0b38\u0b4d\u0b71\u0b3e\u0b17\u0b24\u0b3f\u0b15\u0b3e", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b4d\u0b38\u0b4d\u0b28\u0b3e", + "\u0b07\u0b30\u0b3e\u0b28\u0b3f", + "\u0b32\u0b3f\u0b2a\u0b3f", + "\u0b36\u0b4d\u0b30\u0b40\u0b2e\u0b24\u0b3f", + "\u0b38\u0b3e\u0b2c\u0b3f\u0b24\u0b4d\u0b30\u0b40", + "\u0b2c\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b3e\u0b33\u0b40", + "\u0b17\u0b3e\u0b5f\u0b24\u0b4d\u0b30\u0b40\u0b2c\u0b3e\u0b33\u0b3e", + "\u0b28\u0b2e\u0b4d\u0b30\u0b24\u0b3e", + "\u0b15\u0b32\u0b4d\u0b5f\u0b3e\u0b23\u0b40", + "\u0b36\u0b47\u0b2b\u0b3e\u0b33\u0b40", + "\u0b1d\u0b30\u0b23\u0b3e", + "\u0b2a\u0b41\u0b37\u0b4d\u0b2a\u0b3e", + "\u0b2a\u0b3f\u0b19\u0b4d\u0b15\u0b3f", + "\u0b38\u0b41\u0b28\u0b28\u0b4d\u0b26\u0b3e", + "\u0b1c\u0b3f\u0b28\u0b3e", + "\u0b38\u0b4c\u0b26\u0b3e\u0b2e\u0b3f\u0b28\u0b40", + "\u0b05\u0b28\u0b3f\u0b36\u0b3e", + "\u0b17\u0b40\u0b24\u0b3e", + "\u0b2c\u0b28\u0b1c\u0b3e", + "\u0b30\u0b4b\u0b1c\u0b3e", + "\u0b05\u0b1c\u0b5f\u0b28\u0b4d\u0b24\u0b40", + "\u0b28\u0b3f\u0b15\u0b3f\u0b24\u0b3e", + "\u0b28\u0b3f\u0b2c\u0b47\u0b26\u0b3f\u0b24\u0b3e", + "\u0b28\u0b3f\u0b30\u0b4d\u0b2e\u0b33\u0b3e", + "\u0b38\u0b02\u0b18\u0b2e\u0b3f\u0b24\u0b4d\u0b30\u0b3e", + "\u0b09\u0b37\u0b3e", + "\u0b17\u0b4d\u0b32\u0b4b\u0b30\u0b3f\u0b06", + "\u0b17\u0b41\u0b28\u0b4d_\u0b17\u0b41\u0b28\u0b4d", + "\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b38\u0b38\u0b4d\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b32\u0b47\u0b38\u0b4d\u0b32\u0b3f", + "\u0b38\u0b41\u0b1c\u0b3e\u0b24\u0b3e", + "\u0b07\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b3e\u0b23\u0b40", + "\u0b30\u0b40\u0b24\u0b3e\u0b30\u0b3e\u0b23\u0b40", + "\u0b32\u0b3f\u0b2a\u0b4d\u0b38\u0b3e", + "\u0b36\u0b40\u0b24\u0b32", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b2e\u0b3e", + "\u0b28\u0b33\u0b3f\u0b28\u0b40", + "\u0b38\u0b41\u0b30\u0b2e\u0b3e", + "\u0b2c\u0b3f\u0b26\u0b41\u0b38\u0b4d\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b2e\u0b1e\u0b4d\u0b1c\u0b41\u0b33\u0b3e", + "\u0b28\u0b28\u0b4d\u0b26\u0b3f\u0b28\u0b40", + "\u0b30\u0b41\u0b15\u0b4d\u0b2e\u0b23\u0b40", + "\u0b28\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b3f\u0b28\u0b40", + "\u0b2d\u0b42\u0b2e\u0b3f\u0b15\u0b3e", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b30\u0b1c\u0b28\u0b40", + "\u0b15\u0b2e\u0b33\u0b3e", + "\u0b05\u0b28\u0b40\u0b24\u0b3e", + "\u0b2d\u0b3e\u0b28\u0b41\u0b2e\u0b24\u0b40", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b19\u0b4d\u0b15\u0b3e", + "\u0b07\u0b28\u0b4d\u0b26\u0b41\u0b30\u0b3e\u0b23\u0b40", + "\u0b15\u0b3e\u0b1c\u0b32", + "\u0b2e\u0b47\u0b18\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b24\u0b3f\u0b1c\u0b4d\u0b1e\u0b3e", + "\u0b38\u0b30\u0b38\u0b4d\u0b71\u0b24\u0b40", + "\u0b05\u0b38\u0b40\u0b2e\u0b3e", + "\u0b30\u0b3e\u0b1c\u0b36\u0b4d\u0b30\u0b40", + "\u0b28\u0b3f\u0b39\u0b3e\u0b30\u0b3f\u0b15\u0b3e", + "\u0b2b\u0b41\u0b32\u0b2e\u0b23\u0b3f", + "\u0b2e\u0b1e\u0b4d\u0b1c\u0b41\u0b32\u0b24\u0b3e", + "\u0b30\u0b3e\u0b32\u0b3f", + "\u0b32\u0b40\u0b33\u0b3e", + "\u0b30\u0b3e\u0b38\u0b2e\u0b1e\u0b4d\u0b1c\u0b30\u0b40", + "\u0b30\u0b3e\u0b38\u0b47\u0b36\u0b4d\u0b71\u0b30\u0b40", + "\u0b38\u0b41\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b38\u0b28\u0b4d\u0b2e\u0b3f\u0b30\u0b3e", + "\u0b30\u0b1a\u0b28\u0b3e", + "\u0b24\u0b2e\u0b28\u0b4d\u0b28\u0b3e", + "\u0b2c\u0b3f\u0b37\u0b4d\u0b23\u0b41\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b30\u0b1e\u0b4d\u0b1c\u0b3f\u0b24\u0b3e", + "\u0b05\u0b2e\u0b3f\u0b5f\u0b2c\u0b3e\u0b33\u0b3e", + "\u0b28\u0b3e\u0b1c\u0b3f\u0b06", + "\u0b2c\u0b48\u0b36\u0b3e\u0b33\u0b40", + "\u0b38\u0b4b\u0b28\u0b3f\u0b15\u0b3e", + "\u0b30\u0b3e\u0b27\u0b3e\u0b30\u0b3e\u0b23\u0b40", + "\u0b30\u0b40\u0b24\u0b3e", + "\u0b38\u0b41\u0b2e\u0b28\u0b40", + "\u0b06\u0b1e\u0b4d\u0b1a\u0b32", + "\u0b17\u0b4c\u0b30\u0b40", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40", + "\u0b26\u0b47\u0b2c\u0b40", + "\u0b07\u0b28\u0b4d\u0b26\u0b41", + "\u0b06\u0b28\u0b3f\u0b37\u0b3e", + "\u0b05\u0b1e\u0b4d\u0b1c\u0b33\u0b3f", + "\u0b38\u0b4c\u0b2e\u0b4d\u0b5f\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b47\u0b2e\u0b32\u0b24\u0b3e", + "\u0b2c\u0b3f\u0b30\u0b1c\u0b3e", + "\u0b30\u0b24\u0b4d\u0b28\u0b2a\u0b4d\u0b30\u0b2d\u0b3e", + "\u0b06\u0b2e\u0b47\u0b32\u0b3f", + "\u0b32\u0b24\u0b3f\u0b15\u0b3e", + "\u0b15\u0b2c\u0b3f\u0b24\u0b3e", + "\u0b24\u0b4d\u0b30\u0b3f\u0b2a\u0b41\u0b30\u0b3e", + "\u0b26\u0b47\u0b2c\u0b2f\u0b3e\u0b28\u0b40", + "\u0b05\u0b2a\u0b30\u0b3e\u0b1c\u0b3f\u0b24\u0b3e", + "\u0b0f\u0b32\u0b3f\u0b28\u0b3e", + "\u0b2e\u0b3e\u0b2e\u0b3f\u0b28\u0b3e", + "\u0b2c\u0b3e\u0b38\u0b28\u0b4d\u0b24\u0b40", + "\u0b38\u0b4b\u0b2b\u0b3f\u0b06", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b30\u0b4d\u0b2e\u0b5f\u0b40", + "\u0b1f\u0b41\u0b15\u0b41\u0b28\u0b3f", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b3f\u0b28\u0b40", + "\u0b38\u0b3f\u0b2a\u0b4d\u0b30\u0b3e", + "\u0b28\u0b28\u0b4d\u0b26\u0b3f\u0b24\u0b3e", + "\u0b38\u0b1e\u0b4d\u0b1a\u0b3f\u0b24\u0b3e", + "\u0b05\u0b28\u0b41\u0b2d\u0b3e", + "\u0b2c\u0b30\u0b4d\u0b37\u0b3e", + "\u0b05\u0b30\u0b4d\u0b2a\u0b3f\u0b24\u0b3e", + "\u0b2e\u0b3e\u0b27\u0b41\u0b30\u0b40", + "\u0b2a\u0b41\u0b28\u0b2e", + "\u0b38\u0b4d\u0b28\u0b47\u0b39\u0b3e\u0b19\u0b4d\u0b17\u0b3f\u0b28\u0b40", + "\u0b05\u0b28\u0b41", + "\u0b2d\u0b2c\u0b3e\u0b28\u0b40", + "\u0b2c\u0b2c\u0b4d\u0b32\u0b3f", + "\u0b28\u0b40\u0b24\u0b41", + "\u0b1d\u0b3f\u0b32\u0b3f\u0b15\u0b4d", + "\u0b2c\u0b28\u0b4d\u0b26\u0b3f\u0b24\u0b3e", + "\u0b30\u0b36\u0b4d\u0b2e\u0b40\u0b30\u0b47\u0b16\u0b3e", + "\u0b26\u0b40\u0b2a\u0b4d\u0b24\u0b3f\u0b30\u0b47\u0b16\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b15\u0b43\u0b24\u0b3f", + "\u0b38\u0b4d\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b2e\u0b2e\u0b24\u0b3e", + "\u0b07\u0b32\u0b3e", + "\u0b36\u0b48\u0b30\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b40" + ], + "FIRST_NAME_MALE": [ + "\u0b2f\u0b26\u0b41\u0b2e\u0b23\u0b40", + "\u0b28\u0b3f\u0b24\u0b3e\u0b07", + "\u0b26\u0b40\u0b2a\u0b4d\u0b24\u0b3f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b36\u0b4d\u0b30\u0b40\u0b27\u0b30", + "\u0b38\u0b41\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b38\u0b2e\u0b32", + "\u0b15\u0b41\u0b28\u0b3e", + "\u0b28\u0b30\u0b47\u0b28", + "\u0b2c\u0b3f\u0b28\u0b4b\u0b26", + "\u0b28\u0b2c\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f", + "\u0b15\u0b3e\u0b30\u0b4d\u0b24\u0b4d\u0b24\u0b3f\u0b15\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b30\u0b2c\u0b40\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b05\u0b24\u0b28\u0b41", + "\u0b36\u0b48\u0b33\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b1a\u0b3f\u0b24\u0b30\u0b02\u0b1c\u0b28", + "\u0b13\u0b2e\u0b2a\u0b4d\u0b30\u0b15\u0b3e\u0b36", + "\u0b2c\u0b3f\u0b2d\u0b41\u0b26\u0b24\u0b4d\u0b24", + "\u0b17\u0b19\u0b4d\u0b17\u0b3e\u0b27\u0b30", + "\u0b28\u0b30\u0b38\u0b3f\u0b02\u0b39", + "\u0b2c\u0b47\u0b26", + "\u0b09\u0b2e\u0b3e\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b17\u0b4b\u0b2a\u0b3e\u0b33", + "\u0b24\u0b3e\u0b30\u0b3e\u0b2a\u0b4d\u0b30\u0b38\u0b3e\u0b26", + "\u0b05\u0b28\u0b4d\u0b24\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b3e\u0b2e\u0b40", + "\u0b28\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2e\u0b41\u0b28\u0b4d\u0b28\u0b3e", + "\u0b26\u0b41\u0b03\u0b36\u0b3e\u0b38\u0b28", + "\u0b2e\u0b4b\u0b39\u0b28", + "\u0b2c\u0b41\u0b26\u0b4d\u0b27\u0b3e\u0b26\u0b3f\u0b24\u0b4d\u0b5f", + "\u0b1a\u0b3f\u0b30\u0b02\u0b1c\u0b40\u0b2c", + "\u0b2c\u0b4d\u0b5f\u0b4b\u0b2e\u0b15\u0b47\u0b36", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b2e\u0b23\u0b3f", + "\u0b2c\u0b3e\u0b19\u0b4d\u0b15", + "\u0b2c\u0b40\u0b30", + "\u0b05\u0b30\u0b4d\u0b1c\u0b41\u0b28", + "\u0b2c\u0b47\u0b26\u0b2c\u0b4d\u0b5f\u0b3e\u0b38", + "\u0b38\u0b3e\u0b27\u0b41", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b06\u0b38\u0b2b", + "\u0b26\u0b47\u0b2c\u0b41", + "\u0b1b\u0b24\u0b3f\u0b36", + "\u0b2a\u0b3e\u0b1f\u0b4d\u0b1f", + "\u0b2a\u0b4d\u0b30\u0b26\u0b3f\u0b2a\u0b4d\u0b24", + "\u0b30\u0b23\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b07\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b2e\u0b23\u0b3f", + "\u0b2d\u0b17\u0b40\u0b30\u0b25", + "\u0b2d\u0b3e\u0b17\u0b2c\u0b24", + "\u0b2c\u0b3f\u0b15\u0b33\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b26\u0b3f\u0b17\u0b2e\u0b4d\u0b2c\u0b30", + "\u0b2c\u0b4b\u0b28\u0b3e\u0b1c", + "\u0b05\u0b2e\u0b4d\u0b33\u0b3e\u0b28", + "\u0b05\u0b28\u0b40\u0b32", + "\u0b38\u0b40\u0b24\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b2d\u0b3e\u0b17\u0b40\u0b30\u0b25\u0b3f", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b3e\u0b07\u0b2e\u0b4b\u0b39\u0b28", + "\u0b2c\u0b3f\u0b1c\u0b41", + "\u0b24\u0b2a\u0b28", + "\u0b28\u0b3e\u0b09\u0b30\u0b40", + "\u0b05\u0b28\u0b3f\u0b30\u0b41\u0b26\u0b4d\u0b27", + "\u0b15\u0b3e\u0b33\u0b3f\u0b06", + "\u0b15\u0b3e\u0b39\u0b4d\u0b28\u0b41", + "\u0b06\u0b36\u0b4d\u0b30\u0b3f\u0b24", + "\u0b2c\u0b02\u0b36\u0b40\u0b27\u0b30", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b3e\u0b15\u0b30", + "\u0b2a\u0b4d\u0b30\u0b26\u0b40\u0b2a\u0b4d\u0b24", + "\u0b05\u0b28\u0b3e\u0b26\u0b3f", + "\u0b1c\u0b4d\u0b1e\u0b3e\u0b28", + "\u0b05\u0b19\u0b4d\u0b17\u0b26", + "\u0b38\u0b41\u0b26\u0b3e\u0b2e", + "\u0b15\u0b3e\u0b19\u0b4d\u0b17\u0b4b\u0b07", + "\u0b30\u0b4b\u0b39\u0b3f\u0b24", + "\u0b38\u0b41\u0b2c\u0b30\u0b4d\u0b23\u0b4d\u0b23", + "\u0b15\u0b2a\u0b3f\u0b33", + "\u0b16\u0b3e\u0b30\u0b2c\u0b47\u0b33", + "\u0b05\u0b15\u0b4d\u0b37\u0b5f", + "\u0b2c\u0b28\u0b2e\u0b3e\u0b33\u0b40", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b1a\u0b30\u0b23", + "\u0b2e\u0b39\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b38\u0b3e\u0b30\u0b26\u0b3e", + "\u0b30\u0b1e\u0b4d\u0b1c\u0b40\u0b2c", + "\u0b39\u0b30", + "\u0b38\u0b24\u0b4d\u0b5f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b28\u0b40\u0b33\u0b3e\u0b26\u0b4d\u0b30\u0b3f", + "\u0b2a\u0b4d\u0b30\u0b47\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b1c\u0b28\u0b40", + "\u0b2f\u0b26\u0b41\u0b2e\u0b23\u0b3f", + "\u0b2c\u0b41\u0b27\u0b28", + "\u0b38\u0b1e\u0b4d\u0b1c\u0b5f", + "\u0b30\u0b1c\u0b28\u0b40\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b27\u0b43\u0b2c", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b28\u0b3e\u0b2d", + "\u0b1c\u0b40\u0b2c\u0b28", + "\u0b38\u0b41\u0b30", + "\u0b05\u0b2e\u0b3f\u0b28\u0b42\u0b32", + "\u0b1a\u0b3f\u0b28\u0b4d\u0b24\u0b3e\u0b2e\u0b23\u0b3f", + "\u0b38\u0b41\u0b2c\u0b3e\u0b36", + "\u0b39\u0b3f\u0b2e\u0b3e\u0b02\u0b36\u0b41", + "\u0b2c\u0b33\u0b2d\u0b26\u0b4d\u0b30", + "\u0b26\u0b3f\u0b28\u0b47\u0b36", + "\u0b2c\u0b3f\u0b15\u0b4d\u0b30\u0b2e", + "\u0b1c\u0b17\u0b28\u0b4d\u0b28\u0b3e\u0b25", + "\u0b38\u0b3e\u0b32\u0b16\u0b3e\u0b28", + "\u0b30\u0b2e\u0b47\u0b36", + "\u0b2c\u0b3f\u0b2e\u0b33", + "\u0b2a\u0b1e\u0b4d\u0b1a\u0b3e\u0b28\u0b28", + "\u0b2c\u0b3f\u0b27\u0b41\u0b2d\u0b42\u0b37\u0b23", + "\u0b05\u0b30\u0b2c\u0b3f\u0b28\u0b4d\u0b26", + "\u0b2d\u0b2c\u0b3e\u0b28\u0b40\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b2e\u0b28\u0b4d\u0b2e\u0b25", + "\u0b2c\u0b3e\u0b33\u0b15\u0b4d\u0b30\u0b3f\u0b37\u0b4d\u0b23", + "\u0b15\u0b3e\u0b19\u0b4d\u0b17\u0b3e\u0b33\u0b3f", + "\u0b15\u0b3e\u0b39\u0b4d\u0b28\u0b41\u0b30\u0b3e\u0b2e", + "\u0b2a\u0b4d\u0b30\u0b1c\u0b4d\u0b1e\u0b3e\u0b28", + "\u0b07\u0b36\u0b4d\u0b71\u0b30", + "\u0b38\u0b3e\u0b32\u0b41\u0b1c\u0b3e", + "\u0b2e\u0b41\u0b30\u0b32\u0b40", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b41", + "\u0b26\u0b40\u0b2a\u0b15", + "\u0b2c\u0b3f\u0b2d\u0b42\u0b24\u0b3f\u0b2d\u0b42\u0b37\u0b23", + "\u0b05\u0b28\u0b28\u0b4d\u0b24", + "\u0b26\u0b3e\u0b36\u0b30\u0b25\u0b40", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b30\u0b2c\u0b3f", + "\u0b28\u0b47\u0b24\u0b4d\u0b30\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b3e\u0b38", + "\u0b2c\u0b33\u0b30\u0b3e\u0b2e", + "\u0b1c\u0b28\u0b3e\u0b30\u0b4d\u0b26\u0b28", + "\u0b38\u0b09\u0b30\u0b3e", + "\u0b2d\u0b42\u0b1c\u0b2c\u0b33", + "\u0b1c\u0b17\u0b24\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b2a\u0b30\u0b4d\u0b36\u0b41\u0b30\u0b3e\u0b2e", + "\u0b17\u0b26\u0b3e\u0b27\u0b30", + "\u0b1c\u0b5f\u0b40\u0b30\u0b3e\u0b2e", + "\u0b36\u0b41\u0b15\u0b26\u0b47\u0b2c", + "\u0b38\u0b15\u0b3f\u0b32\u0b3e", + "\u0b09\u0b24\u0b4d\u0b15\u0b33", + "\u0b2e\u0b39\u0b40\u0b27\u0b30", + "\u0b2c\u0b48\u0b37\u0b4d\u0b23\u0b2c", + "\u0b28\u0b3f\u0b2a\u0b28\u0b4d", + "\u0b24\u0b41\u0b37\u0b3e\u0b30\u0b15\u0b3e\u0b28\u0b4d\u0b24\u0b3f", + "\u0b36\u0b24\u0b4d\u0b30\u0b41\u0b18\u0b4d\u0b28", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b2c\u0b3e\u0b38\u0b40", + "\u0b30\u0b3e\u0b16\u0b3e\u0b32", + "\u0b15\u0b4d\u0b37\u0b47\u0b24\u0b4d\u0b30", + "\u0b1a\u0b48\u0b24\u0b28\u0b4d\u0b5f", + "\u0b2b\u0b15\u0b40\u0b30", + "\u0b2f\u0b41\u0b27\u0b3f\u0b37\u0b4d\u0b20\u0b3f\u0b30", + "\u0b2a\u0b4d\u0b30\u0b26\u0b4d\u0b5f\u0b41\u0b2e\u0b4d\u0b28", + "\u0b2c\u0b3f\u0b2a\u0b4d\u0b33\u0b2c", + "\u0b17\u0b23\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b2c\u0b3e\u0b2c\u0b41\u0b36\u0b3e\u0b28\u0b4d", + "\u0b18\u0b3e\u0b38\u0b3f\u0b30\u0b3e\u0b2e", + "\u0b38\u0b3e\u0b32\u0b2c\u0b47\u0b17", + "\u0b2a\u0b4d\u0b30\u0b2c\u0b40\u0b23", + "\u0b26\u0b41\u0b30\u0b4d\u0b32\u0b2d", + "\u0b2c\u0b3e\u0b38\u0b41\u0b26\u0b47\u0b2c", + "\u0b28\u0b40\u0b33\u0b2e\u0b23\u0b40", + "\u0b2e\u0b28\u0b4b\u0b1c", + "\u0b2c\u0b3f\u0b1c\u0b5f", + "\u0b36\u0b3e\u0b30\u0b26\u0b3e", + "\u0b2e\u0b3e\u0b27\u0b2c", + "\u0b36\u0b4d\u0b30\u0b40\u0b24\u0b2e", + "\u0b38\u0b41\u0b36\u0b3e\u0b28\u0b4d\u0b24", + "\u0b30\u0b3e\u0b2e\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b06\u0b28\u0b28\u0b4d\u0b26", + "\u0b2a\u0b2a\u0b41", + "\u0b39\u0b30\u0b3f\u0b39\u0b30", + "\u0b30\u0b3e\u0b1c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b38\u0b41\u0b2c\u0b3e\u0b37", + "\u0b06\u0b15\u0b41\u0b33\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b41\u0b26\u0b4d\u0b30", + "\u0b32\u0b4b\u0b15\u0b28\u0b3e\u0b25", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2a\u0b4d\u0b30\u0b40\u0b24\u0b3f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b1d\u0b3f\u0b28\u0b4d\u0b28", + "\u0b15\u0b30\u0b41\u0b23\u0b3e\u0b15\u0b30", + "\u0b36\u0b36\u0b3f\u0b2d\u0b42\u0b37\u0b23", + "\u0b15\u0b4d\u0b37\u0b40\u0b30\u0b4b\u0b26", + "\u0b05\u0b30\u0b41\u0b23", + "\u0b09\u0b24\u0b4d\u0b38\u0b2c", + "\u0b26\u0b3f\u0b2c\u0b3e\u0b15\u0b30\u0b28\u0b3e\u0b25", + "\u0b30\u0b3e\u0b1c", + "\u0b28\u0b40\u0b30\u0b26", + "\u0b2e\u0b26\u0b28", + "\u0b38\u0b41\u0b27\u0b3e\u0b15\u0b30", + "\u0b17\u0b4c\u0b24\u0b2e", + "\u0b05\u0b36\u0b4b\u0b15", + "\u0b30\u0b38\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2a\u0b3f\u0b23\u0b4d\u0b1f\u0b41", + "\u0b17\u0b4b\u0b2c\u0b3f\u0b28\u0b4d\u0b26", + "\u0b2c\u0b4d\u0b30\u0b1c", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e", + "\u0b05\u0b2e\u0b30\u0b28\u0b3e\u0b25", + "\u0b17\u0b3f\u0b30\u0b3f\u0b1c\u0b3e", + "\u0b2d\u0b3e\u0b2c\u0b17\u0b4d\u0b30\u0b3e\u0b39\u0b40", + "\u0b38\u0b41\u0b2c\u0b4d\u0b30\u0b24", + "\u0b38\u0b41\u0b2e\u0b28", + "\u0b30\u0b2c\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b15\u0b3e\u0b33\u0b41\u0b16\u0b23\u0b4d\u0b21\u0b3e\u0b5f\u0b24", + "\u0b2c\u0b26\u0b4d\u0b30\u0b3f", + "\u0b17\u0b48\u0b3e\u0b24\u0b2e", + "\u0b18\u0b28\u0b36\u0b4d\u0b5f\u0b3e\u0b2e", + "\u0b2c\u0b3e\u0b07\u0b15\u0b4b\u0b33\u0b3f", + "\u0b36\u0b3f\u0b36\u0b3f\u0b30", + "\u0b2a\u0b43\u0b25\u0b4d\u0b71\u0b40\u0b30\u0b3e\u0b1c", + "\u0b2d\u0b4b\u0b15\u0b3e\u0b32\u0b3f", + "\u0b30\u0b3e\u0b27\u0b41", + "\u0b2e\u0b19\u0b4d\u0b17\u0b33", + "\u0b05\u0b28\u0b3e\u0b26\u0b40", + "\u0b2e\u0b43\u0b23\u0b3e\u0b33", + "\u0b17\u0b4b\u0b2a\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b27\u0b40\u0b30", + "\u0b24\u0b2a\u0b41", + "\u0b2a\u0b41\u0b23\u0b4d\u0b5f\u0b2a\u0b4d\u0b30\u0b2d\u0b3e", + "\u0b2d\u0b3e\u0b38\u0b4d\u0b15\u0b30", + "\u0b15\u0b33\u0b4d\u0b2a\u0b24\u0b30\u0b41", + "\u0b2e\u0b28\u0b2e\u0b4b\u0b39\u0b28", + "\u0b2d\u0b42\u0b2a\u0b3f\u0b28\u0b4d\u0b26\u0b30", + "\u0b09\u0b2e\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b39\u0b30\u0b2e\u0b4b\u0b39\u0b28", + "\u0b28\u0b30\u0b38\u0b3f\u0b02", + "\u0b39\u0b3e\u0b21\u0b3c\u0b3f", + "\u0b2c\u0b3f\u0b2d\u0b41\u0b24\u0b3f", + "\u0b38\u0b24\u0b4d\u0b5f\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b2e\u0b39\u0b47\u0b36", + "\u0b2d\u0b3e\u0b26\u0b2c", + "\u0b17\u0b23\u0b47\u0b36\u0b30\u0b3e\u0b2e", + "\u0b2c\u0b28\u0b2c\u0b3e\u0b38\u0b40", + "\u0b2e\u0b42\u0b30\u0b32\u0b40\u0b27\u0b30", + "\u0b05\u0b30\u0b15\u0b4d\u0b37\u0b3f\u0b24", + "\u0b27\u0b3e\u0b2e\u0b30\u0b3e\u0b1c", + "\u0b39\u0b3e\u0b21\u0b3c\u0b3f\u0b2c\u0b28\u0b4d\u0b27\u0b41", + "\u0b05\u0b1c\u0b3f\u0b24", + "\u0b38\u0b3f\u0b26\u0b4d\u0b27\u0b3e\u0b30\u0b4d\u0b25", + "\u0b2c\u0b40\u0b30\u0b47\u0b28", + "\u0b2e\u0b4b\u0b1a\u0b3f\u0b30\u0b3e\u0b2e", + "\u0b1c\u0b5f\u0b28\u0b4d\u0b24", + "\u0b15\u0b33\u0b3f\u0b19\u0b4d\u0b17", + "\u0b17\u0b41\u0b30\u0b41\u0b1a\u0b30\u0b23", + "\u0b15\u0b41\u0b33\u0b2e\u0b23\u0b3f", + "\u0b2e\u0b41\u0b15\u0b41\u0b28\u0b4d\u0b26", + "\u0b2f\u0b4b\u0b17\u0b47\u0b36", + "\u0b24\u0b4d\u0b30\u0b3f\u0b28\u0b3e\u0b25", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b36\u0b47\u0b16\u0b30", + "\u0b15\u0b3f\u0b30\u0b23", + "\u0b38\u0b42\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b2e\u0b23\u0b3f", + "\u0b2a\u0b4d\u0b30\u0b2b\u0b47\u0b38\u0b30", + "\u0b28\u0b3f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b38\u0b26\u0b3e\u0b36\u0b3f\u0b2c", + "\u0b05\u0b30\u0b4d\u0b15", + "\u0b38\u0b30\u0b4b\u0b1c\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b2e\u0b40\u0b28\u0b15\u0b47\u0b24\u0b28", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b1c\u0b3f\u0b24", + "\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b05\u0b2d\u0b3f\u0b2e\u0b28\u0b4d\u0b5f\u0b41", + "\u0b32\u0b3f\u0b19\u0b4d\u0b17\u0b30\u0b3e\u0b1c", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2c\u0b4d\u0b30\u0b24", + "\u0b36\u0b3f\u0b2c\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b38\u0b1e\u0b4d\u0b1c\u0b3f\u0b2c", + "\u0b27\u0b28\u0b1e\u0b4d\u0b1c\u0b5f", + "\u0b38\u0b2e\u0b4d\u0b2a\u0b26", + "\u0b30\u0b25", + "\u0b39\u0b47\u0b2e\u0b28\u0b4d\u0b24", + "\u0b2f\u0b41\u0b17\u0b33", + "\u0b38\u0b30\u0b4b\u0b1c", + "\u0b28\u0b1f\u0b30\u0b3e\u0b1c", + "\u0b09\u0b2a\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b30\u0b02\u0b1c\u0b28", + "\u0b2c\u0b3f\u0b2a\u0b3f\u0b28", + "\u0b30\u0b18\u0b41\u0b28\u0b28\u0b4d\u0b26\u0b28", + "\u0b36\u0b07\u0b2c", + "\u0b15\u0b41\u0b23\u0b3e\u0b33", + "\u0b30\u0b3e\u0b2e", + "\u0b17\u0b41\u0b30\u0b41", + "\u0b38\u0b2e\u0b40\u0b30", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40\u0b27\u0b30", + "\u0b2d\u0b40\u0b2e", + "\u0b2c\u0b3f\u0b30\u0b47\u0b28\u0b4d", + "\u0b28\u0b2c\u0b40\u0b28", + "\u0b1a\u0b3f\u0b24\u0b4d\u0b24\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e\u0b18\u0b28", + "\u0b30\u0b18\u0b41\u0b30\u0b3e\u0b2e", + "\u0b09\u0b24\u0b4d\u0b24\u0b2e", + "\u0b39\u0b30\u0b3f\u0b1a\u0b30\u0b23", + "\u0b38\u0b4d\u0b71\u0b30\u0b3e\u0b1c", + "\u0b05\u0b2d\u0b5f", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b2e\u0b3e\u0b32\u0b3e", + "\u0b38\u0b41\u0b2c\u0b3e\u0b38", + "\u0b30\u0b3e\u0b1c\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b17\u0b41\u0b30\u0b41\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b15\u0b3e\u0b33\u0b28\u0b4d\u0b26\u0b40", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2d\u0b3e\u0b2e\u0b3e", + "\u0b2e\u0b47\u0b39\u0b2e\u0b41\u0b26", + "\u0b2c\u0b40\u0b30\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b38\u0b41\u0b27\u0b3e\u0b02\u0b36\u0b41", + "\u0b28\u0b17\u0b47\u0b28", + "\u0b05\u0b28\u0b3f\u0b32", + "\u0b09\u0b2a\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b2c\u0b4d\u0b30\u0b39\u0b4d\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2c\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b15\u0b47\u0b36\u0b2c", + "\u0b15\u0b48\u0b33\u0b3e\u0b36", + "\u0b30\u0b18\u0b41\u0b28\u0b3e\u0b25", + "\u0b38\u0b1a\u0b4d\u0b1a\u0b3f", + "\u0b30\u0b3e\u0b1c\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b28\u0b2c", + "\u0b15\u0b41\u0b2e\u0b41\u0b26", + "\u0b2c\u0b40\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b28\u0b3f\u0b1c\u0b3e\u0b2e", + "\u0b15\u0b3f\u0b36\u0b4b\u0b30\u0b40\u0b2e\u0b23\u0b3f", + "\u0b2c\u0b3f\u0b30\u0b47\u0b28", + "\u0b06\u0b30\u0b24\u0b3f", + "\u0b05\u0b38\u0b40\u0b24", + "\u0b2a\u0b4d\u0b30\u0b3e\u0b23", + "\u0b2a\u0b30\u0b2e\u0b3e", + "\u0b38\u0b41\u0b15\u0b41\u0b2e\u0b3e\u0b30", + "\u0b28\u0b17\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b28\u0b2c\u0b18\u0b28", + "\u0b18\u0b23\u0b4d\u0b1f\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b26\u0b47\u0b2c\u0b40\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b09\u0b27\u0b3e\u0b30", + "\u0b2a\u0b2c\u0b3f\u0b24\u0b4d\u0b30", + "\u0b2a\u0b30\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b32\u0b33\u0b3f\u0b24\u0b47\u0b28\u0b4d\u0b26\u0b41", + "\u0b38\u0b41\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b32\u0b3e\u0b32", + "\u0b30\u0b3f\u0b37\u0b2d", + "\u0b30\u0b4b\u0b39\u0b3f\u0b26\u0b3e\u0b38", + "\u0b2d\u0b3e\u0b17\u0b3f\u0b30\u0b25\u0b40", + "\u0b1c\u0b5f\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b05\u0b1a\u0b4d\u0b5f\u0b41\u0b24\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b15\u0b3f\u0b36\u0b4b\u0b30\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f", + "\u0b2c\u0b3f\u0b27\u0b41", + "\u0b38\u0b3e\u0b2e\u0b41\u0b0f\u0b32", + "\u0b2c\u0b3e\u0b2c\u0b41", + "\u0b2e\u0b3f\u0b24\u0b4d\u0b30\u0b2d\u0b3e\u0b28\u0b41", + "\u0b38\u0b41\u0b2c\u0b4b\u0b27", + "\u0b2c\u0b47\u0b23\u0b41\u0b27\u0b30", + "\u0b38\u0b2e\u0b4d\u0b2c\u0b3f\u0b24", + "\u0b38\u0b1e\u0b4d\u0b1c\u0b40\u0b2c", + "\u0b38\u0b4d\u0b71\u0b30\u0b42\u0b2a", + "\u0b38\u0b41\u0b28\u0b40\u0b32", + "\u0b36\u0b4d\u0b30\u0b40\u0b26\u0b47\u0b2c", + "\u0b28\u0b43\u0b38\u0b3f\u0b02\u0b39", + "\u0b15\u0b2e\u0b33\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b36\u0b3f\u0b2c\u0b2c\u0b4d\u0b30\u0b24", + "\u0b39\u0b30\u0b47\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b15\u0b41\u0b1e\u0b4d\u0b1c\u0b2c\u0b3f\u0b39\u0b3e\u0b30\u0b40", + "\u0b39\u0b4b\u0b2e\u0b38\u0b3f\u0b02\u0b39", + "\u0b1c\u0b17\u0b2c\u0b28\u0b4d\u0b27\u0b41", + "\u0b15\u0b43\u0b37\u0b4d\u0b23\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b05\u0b28\u0b41\u0b2d\u0b2c", + "\u0b24\u0b28\u0b4d\u0b2e\u0b5f", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b2a\u0b4d\u0b30\u0b15\u0b3e\u0b36", + "\u0b2c\u0b48\u0b30\u0b3e\u0b17\u0b40", + "\u0b26\u0b47\u0b2c\u0b47\u0b36", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2d\u0b42\u0b37\u0b23", + "\u0b15\u0b39\u0b4d\u0b28\u0b47\u0b07", + "\u0b36\u0b36\u0b3f\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b28\u0b3f\u0b24\u0b4d\u0b5f\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2c\u0b3e\u0b33\u0b17\u0b4b\u0b2a\u0b3e\u0b33", + "\u0b1c\u0b3f\u0b24\u0b41", + "\u0b36\u0b4d\u0b30\u0b40\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b36\u0b36\u0b3f", + "\u0b2e\u0b39\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2a\u0b20\u0b3e\u0b23\u0b3f", + "\u0b38\u0b41\u0b15\u0b41\u0b21\u0b3e", + "\u0b2e\u0b43\u0b24\u0b4d\u0b5f\u0b41\u0b1e\u0b4d\u0b1c\u0b5f", + "\u0b28\u0b40\u0b33\u0b3e\u0b2e\u0b4d\u0b2c\u0b30", + "\u0b26\u0b47\u0b2c\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2a\u0b4d\u0b30\u0b3f\u0b5f", + "\u0b30\u0b4b\u0b2e\u0b3e\u0b1e\u0b4d\u0b1a", + "\u0b2f\u0b3e\u0b26\u0b2c", + "\u0b2c\u0b28\u0b2e\u0b3e\u0b33\u0b3f", + "\u0b2e\u0b3e\u0b5f\u0b3e\u0b27\u0b30", + "\u0b30\u0b3e\u0b1c\u0b47\u0b36\u0b4d\u0b71\u0b30\u0b40", + "\u0b2c\u0b43\u0b28\u0b4d\u0b26\u0b3e\u0b2c\u0b28", + "\u0b05\u0b16\u0b3f\u0b33", + "\u0b38\u0b3e\u0b39\u0b47\u0b2c", + "\u0b2d\u0b1c\u0b2e\u0b28", + "\u0b06\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b28", + "\u0b05\u0b2d\u0b3f\u0b28\u0b4d\u0b28", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e\u0b33\u0b47\u0b28\u0b4d\u0b26\u0b41", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b26\u0b47\u0b2c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2e\u0b27\u0b41\u0b38\u0b42\u0b26\u0b28", + "\u0b24\u0b3e\u0b28\u0b38\u0b47\u0b28", + "\u0b2e\u0b19\u0b4d\u0b17\u0b30\u0b3e\u0b1c", + "\u0b32\u0b33\u0b3f\u0b24", + "\u0b28\u0b40\u0b33\u0b2e\u0b3e\u0b27\u0b2c", + "\u0b13\u0b2e\u0b4d", + "\u0b27\u0b30\u0b4d\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b32\u0b3e\u0b32\u0b2c\u0b3f\u0b39\u0b3e\u0b30\u0b40", + "\u0b17\u0b4c\u0b30\u0b39\u0b30\u0b3f", + "\u0b06\u0b15\u0b3e\u0b36", + "\u0b2c\u0b3e\u0b33\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b30\u0b24\u0b4d\u0b28", + "\u0b26\u0b47\u0b2c\u0b26\u0b3e\u0b38", + "\u0b2e\u0b28\u0b4b\u0b39\u0b30", + "\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b2c\u0b47\u0b23\u0b40\u0b2e\u0b3e\u0b27\u0b2c", + "\u0b38\u0b28\u0b24", + "\u0b05\u0b2e\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b38\u0b3e\u0b17\u0b40\u0b30", + "\u0b1c\u0b17\u0b26\u0b3f\u0b36", + "\u0b05\u0b32\u0b47\u0b16", + "\u0b05\u0b02\u0b36\u0b41\u0b2e\u0b3e\u0b28", + "\u0b1c\u0b30\u0b4d\u0b1c", + "\u0b2a\u0b4d\u0b5f\u0b3e\u0b30\u0b40\u0b2e\u0b4b\u0b39\u0b28", + "\u0b17\u0b3f\u0b30\u0b3f\u0b36", + "\u0b26\u0b3e\u0b2e\u0b4b\u0b26\u0b30", + "\u0b2c\u0b2c\u0b3f", + "\u0b17\u0b4b\u0b15\u0b41\u0b33\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b27\u0b4d\u0b30\u0b41\u0b2c", + "\u0b38\u0b3f\u0b26\u0b4d\u0b27\u0b32\u0b3e\u0b32", + "\u0b26\u0b3f\u0b2c\u0b4d\u0b5f\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b1c\u0b32\u0b3e\u0b32", + "\u0b38\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b38\u0b28\u0b3e\u0b24\u0b28", + "\u0b26\u0b47\u0b2c\u0b30\u0b3e\u0b1c", + "\u0b30\u0b3e\u0b27\u0b3e\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b36\u0b3f\u0b2c\u0b3e\u0b1c\u0b40", + "\u0b30\u0b3e\u0b18\u0b2c", + "\u0b30\u0b3e\u0b1c\u0b41", + "\u0b38\u0b28\u0b4d\u0b24\u0b4b\u0b37", + "\u0b17\u0b4b\u0b2a\u0b40\u0b28\u0b3e\u0b25", + "\u0b2c\u0b3f\u0b2d\u0b41\u0b27\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2d\u0b41\u0b2c\u0b28\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b13\u0b21\u0b3c\u0b3f\u0b06", + "\u0b17\u0b4c\u0b30", + "\u0b2a\u0b4d\u0b30\u0b23\u0b2c", + "\u0b2a\u0b4d\u0b30\u0b39\u0b32\u0b4d\u0b32\u0b3e\u0b26", + "\u0b36\u0b3e\u0b28\u0b4d\u0b24\u0b28\u0b41", + "\u0b38\u0b41\u0b26\u0b30\u0b4d\u0b36\u0b28", + "\u0b26\u0b41\u0b03\u0b16\u0b40\u0b30\u0b3e\u0b2e", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b36\u0b4d\u0b30\u0b40\u0b30\u0b3e\u0b2e", + "\u0b2c\u0b40\u0b30\u0b2d\u0b26\u0b4d\u0b30", + "\u0b2d\u0b41\u0b2c\u0b28\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2e\u0b3e\u0b28\u0b38", + "\u0b2e\u0b3f\u0b32\u0b28", + "\u0b38\u0b3f\u0b26\u0b4d\u0b27\u0b3e\u0b28\u0b4d\u0b24", + "\u0b1c\u0b5f\u0b26\u0b47\u0b2c", + "\u0b16\u0b17\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b26\u0b41\u0b24\u0b3f\u0b05", + "\u0b30\u0b3e\u0b1c\u0b40\u0b2c", + "\u0b26\u0b48\u0b24\u0b3e\u0b30\u0b3f", + "\u0b06\u0b2a\u0b32\u0b38\u0b4d\u0b71\u0b3e\u0b2e\u0b40", + "\u0b2e\u0b39\u0b2e\u0b4d\u0b2e\u0b26", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b38\u0b47\u0b28", + "\u0b2e\u0b26\u0b28\u0b2e\u0b4b\u0b39\u0b28", + "\u0b06\u0b26\u0b3f\u0b24\u0b4d\u0b5f", + "\u0b2e\u0b41\u0b15\u0b47\u0b36", + "\u0b2a\u0b41\u0b2a\u0b3f\u0b28\u0b4d\u0b26\u0b30", + "\u0b26\u0b3f\u0b32\u0b40\u0b2a", + "\u0b38\u0b3e\u0b17\u0b30", + "\u0b15\u0b47\u0b26\u0b3e\u0b30\u0b28\u0b3e\u0b25", + "\u0b28\u0b2c\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b2a\u0b41\u0b30\u0b41\u0b37\u0b4b\u0b24\u0b4d\u0b24\u0b2e", + "\u0b30\u0b3e\u0b27\u0b3e\u0b2e\u0b4b\u0b39\u0b28", + "\u0b38\u0b30\u0b4b\u0b1c\u0b3f\u0b28\u0b40", + "\u0b06\u0b32\u0b4b\u0b15", + "\u0b32\u0b21\u0b3c\u0b41", + "\u0b36\u0b2e\u0b4d\u0b2d\u0b41\u0b28\u0b3e\u0b25", + "\u0b27\u0b30\u0b23\u0b40\u0b27\u0b30", + "\u0b2f\u0b4b\u0b17\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b26\u0b47\u0b2c\u0b47\u0b28", + "\u0b30\u0b3e\u0b07\u0b1a\u0b30\u0b23", + "\u0b38\u0b41\u0b30\u0b47\u0b36", + "\u0b1b\u0b4b\u0b1f\u0b30\u0b3e\u0b5f", + "\u0b17\u0b4b\u0b32\u0b15", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b32\u0b4b\u0b1a\u0b28", + "\u0b2e\u0b3e\u0b16\u0b28\u0b32\u0b3e\u0b32", + "\u0b2a\u0b4d\u0b30\u0b36\u0b3e\u0b28\u0b4d\u0b24", + "\u0b30\u0b2e\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b38\u0b41\u0b36\u0b40\u0b33", + "\u0b2e\u0b3e\u0b30\u0b4d\u0b15\u0b23\u0b4d\u0b21", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2c\u0b3e\u0b26\u0b40", + "\u0b15\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b36\u0b30\u0b26", + "\u0b15\u0b47\u0b26\u0b3e\u0b30", + "\u0b2c\u0b1f\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b2a\u0b40\u0b24\u0b3e\u0b2e\u0b4d\u0b2c\u0b30", + "\u0b05\u0b17\u0b38\u0b4d\u0b24\u0b3f", + "\u0b05\u0b36\u0b4d\u0b30\u0b41\u0b2e\u0b4b\u0b1a\u0b28", + "\u0b15\u0b3e\u0b36\u0b40\u0b28\u0b3e\u0b25", + "\u0b32\u0b3e\u0b32\u0b3e", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b23", + "\u0b2c\u0b38\u0b47\u0b28", + "\u0b26\u0b48\u0b24\u0b3e\u0b30\u0b40", + "\u0b05\u0b2d\u0b3f\u0b30\u0b3e\u0b2e", + "\u0b2a\u0b4d\u0b30\u0b2b\u0b41\u0b32", + "\u0b2a\u0b4d\u0b30\u0b2e\u0b4b\u0b26", + "\u0b2a\u0b4d\u0b30\u0b40\u0b24\u0b2e\u0b4d", + "\u0b1a\u0b28\u0b4d\u0b26\u0b28", + "\u0b2c\u0b3e\u0b07\u0b27\u0b30", + "\u0b2a\u0b30\u0b2e\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b38\u0b4c\u0b2d\u0b3f\u0b15", + "\u0b1c\u0b40\u0b2c\u0b28\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b32\u0b2e\u0b4d\u0b2c\u0b4b\u0b26\u0b30", + "\u0b36\u0b3f\u0b2c\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b26\u0b4b\u0b33\u0b17\u0b4b\u0b2c\u0b3f\u0b28\u0b4d\u0b26", + "\u0b2d\u0b3e\u0b07\u0b17\u0b3e", + "\u0b2c\u0b3f\u0b38\u0b4d\u0b2e\u0b5f", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b30\u0b3e\u0b2e\u0b30\u0b3e\u0b5f", + "\u0b2d\u0b2c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b38\u0b3f\u0b15\u0b28\u0b4d\u0b26\u0b30", + "\u0b2e\u0b28\u0b4b\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b05\u0b27\u0b3f\u0b30\u0b3e\u0b1c", + "\u0b27\u0b28\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b2a\u0b4d\u0b30\u0b2b\u0b41\u0b32\u0b4d\u0b32", + "\u0b26\u0b41\u0b37\u0b4d\u0b2e\u0b28\u0b4d\u0b24", + "\u0b28\u0b3f\u0b39\u0b3e\u0b30", + "\u0b2c\u0b26\u0b4d\u0b30\u0b3f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b28\u0b28\u0b4d\u0b26\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b38\u0b41\u0b1c\u0b3f\u0b24", + "\u0b38\u0b2e\u0b30\u0b47\u0b36", + "\u0b1c\u0b5f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b05\u0b2d\u0b3f\u0b37\u0b47\u0b15", + "\u0b2e\u0b3f\u0b39\u0b3f\u0b30", + "\u0b05\u0b2a\u0b42\u0b30\u0b4d\u0b2c", + "\u0b1c\u0b5f\u0b30\u0b3e\u0b2e", + "\u0b26\u0b40\u0b28\u0b2c\u0b28\u0b4d\u0b27\u0b41", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b2d\u0b42\u0b37\u0b23", + "\u0b38\u0b32\u0b3f\u0b32", + "\u0b27\u0b28\u0b41\u0b30\u0b4d\u0b1c\u0b5f", + "\u0b38\u0b26\u0b28", + "\u0b1a\u0b15\u0b4d\u0b30\u0b27\u0b30", + "\u0b2e\u0b3e\u0b27\u0b2c\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b39\u0b30\u0b3f\u0b2a\u0b4d\u0b30\u0b38\u0b3e\u0b26", + "\u0b38\u0b2e\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b30\u0b24\u0b4d\u0b28\u0b3e\u0b15\u0b30", + "\u0b38\u0b39\u0b30\u0b3e\u0b07", + "\u0b1c\u0b17\u0b26\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2d\u0b42\u0b2c\u0b28\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2c\u0b3f\u0b2d\u0b42\u0b24\u0b3f", + "\u0b38\u0b02\u0b17\u0b4d\u0b30\u0b3e\u0b2e", + "\u0b2a\u0b3f\u0b23\u0b4d\u0b21\u0b3e\u0b15\u0b40", + "\u0b24\u0b4d\u0b30\u0b3f\u0b32\u0b4b\u0b1a\u0b28", + "\u0b07\u0b30\u0b3e\u0b36\u0b3f\u0b37", + "\u0b05\u0b26\u0b4d\u0b71\u0b48\u0b24", + "\u0b1a\u0b15\u0b4d\u0b30\u0b2e\u0b23\u0b3f", + "\u0b26\u0b3f\u0b32\u0b4d\u0b32\u0b40\u0b2a", + "\u0b2c\u0b3f\u0b37\u0b4d\u0b23\u0b41\u0b2c\u0b4d\u0b30\u0b24", + "\u0b38\u0b4b\u0b2e\u0b47\u0b36", + "\u0b17\u0b4b\u0b2a\u0b3e\u0b33\u0b2c\u0b32\u0b4d\u0b32\u0b2d", + "\u0b36\u0b4d\u0b30\u0b40\u0b28\u0b3e\u0b25", + "\u0b38\u0b24\u0b4d\u0b5f\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2d\u0b3e\u0b28\u0b41\u0b1a\u0b30\u0b23", + "\u0b26\u0b47\u0b2c\u0b3e\u0b36\u0b3f\u0b37", + "\u0b36\u0b3e\u0b28\u0b4d\u0b24\u0b3f\u0b30\u0b3e\u0b1c", + "\u0b2a\u0b3e\u0b21\u0b41", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b28\u0b3e\u0b25", + "\u0b05\u0b30\u0b3f\u0b28\u0b4d\u0b26\u0b2e", + "\u0b30\u0b2c\u0b3f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b36\u0b30\u0b24", + "\u0b2a\u0b3e\u0b23\u0b41", + "\u0b2c\u0b3f\u0b37\u0b4d\u0b23\u0b41", + "\u0b15\u0b28\u0b15\u0b2c\u0b30\u0b4d\u0b26\u0b4d\u0b27\u0b28", + "\u0b2c\u0b47\u0b26\u0b3e\u0b19\u0b4d\u0b17\u0b26\u0b3e\u0b38", + "\u0b2a\u0b26", + "\u0b05\u0b2e\u0b30", + "\u0b05\u0b1c\u0b5f", + "\u0b38\u0b41\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b36\u0b4d\u0b30\u0b40", + "\u0b17\u0b3f\u0b30\u0b40\u0b36", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b30\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b38\u0b4c\u0b2e\u0b4d\u0b5f", + "\u0b15\u0b3e\u0b30\u0b4d\u0b24\u0b4d\u0b24\u0b3f\u0b15", + "\u0b30\u0b3e\u0b15\u0b47\u0b36", + "\u0b07\u0b24\u0b3f\u0b38", + "\u0b15\u0b48\u0b33\u0b3e\u0b38", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b3e\u0b24", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b28\u0b3e\u0b25", + "\u0b30\u0b3e\u0b27\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b36\u0b4b\u0b2d\u0b30\u0b3e\u0b2e", + "\u0b26\u0b47\u0b2c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b2c\u0b48\u0b26\u0b4d\u0b5f\u0b28\u0b3e\u0b25", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b1e\u0b4d\u0b1c\u0b3f\u0b24", + "\u0b30\u0b3f\u0b2a\u0b41\u0b28\u0b3e\u0b25", + "\u0b26\u0b41\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b4b\u0b27\u0b28", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b28", + "\u0b36\u0b47\u0b15", + "\u0b38\u0b42\u0b30\u0b4d\u0b2f\u0b4d\u0b5f", + "\u0b1a\u0b3f\u0b28\u0b4d\u0b2e\u0b5f", + "\u0b09\u0b2e\u0b3e\u0b2c\u0b32\u0b4d\u0b32\u0b2d", + "\u0b2e\u0b39\u0b3e\u0b26\u0b47\u0b2c", + "\u0b38\u0b41\u0b27\u0b40\u0b30", + "\u0b28\u0b5f\u0b28" + ], + "PREFIX_FEMALE": [ + "\u0b15\u0b41\u0b2e\u0b3e\u0b30\u0b40", + "\u0b38\u0b41\u0b36\u0b4d\u0b30\u0b40", + "\u0b36\u0b4d\u0b30\u0b40\u0b2e\u0b24\u0b40" + ], + "PREFIX_MALE": [ + "\u0b36\u0b4d\u0b30\u0b40", + "\u0b36\u0b4d\u0b30\u0b40\u0b2e\u0b3e\u0b28", + "\u0b36\u0b4d\u0b30\u0b40\u0b2f\u0b41\u0b15\u0b4d\u0b24" + ], + "FIRST_NAME": [ + "\u0b2f\u0b26\u0b41\u0b2e\u0b23\u0b40", + "\u0b28\u0b3f\u0b24\u0b3e\u0b07", + "\u0b26\u0b40\u0b2a\u0b4d\u0b24\u0b3f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b36\u0b4d\u0b30\u0b40\u0b27\u0b30", + "\u0b38\u0b41\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b17\u0b3e\u0b30\u0b4d\u0b17\u0b40", + "\u0b38\u0b2e\u0b32", + "\u0b15\u0b41\u0b28\u0b3e", + "\u0b28\u0b30\u0b47\u0b28", + "\u0b2c\u0b3f\u0b28\u0b4b\u0b26", + "\u0b38\u0b4d\u0b28\u0b3f\u0b17\u0b4d\u0b27\u0b3e", + "\u0b28\u0b2c\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f", + "\u0b15\u0b3e\u0b30\u0b4d\u0b24\u0b4d\u0b24\u0b3f\u0b15\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b30\u0b2c\u0b40\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b05\u0b24\u0b28\u0b41", + "\u0b36\u0b48\u0b33\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b26\u0b30\u0b4d\u0b36\u0b40", + "\u0b1a\u0b3f\u0b24\u0b30\u0b02\u0b1c\u0b28", + "\u0b13\u0b2e\u0b2a\u0b4d\u0b30\u0b15\u0b3e\u0b36", + "\u0b2c\u0b3f\u0b2d\u0b41\u0b26\u0b24\u0b4d\u0b24", + "\u0b17\u0b19\u0b4d\u0b17\u0b3e\u0b27\u0b30", + "\u0b28\u0b30\u0b38\u0b3f\u0b02\u0b39", + "\u0b2c\u0b47\u0b26", + "\u0b1b\u0b2c\u0b3f", + "\u0b38\u0b41\u0b1a\u0b3f\u0b24\u0b4d\u0b30\u0b3e", + "\u0b09\u0b2e\u0b3e\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b17\u0b4b\u0b2a\u0b3e\u0b33", + "\u0b24\u0b3e\u0b30\u0b3e\u0b2a\u0b4d\u0b30\u0b38\u0b3e\u0b26", + "\u0b05\u0b30\u0b4d\u0b1a\u0b4d\u0b1a\u0b3f\u0b24\u0b3e", + "\u0b05\u0b28\u0b4d\u0b24\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b3e\u0b2e\u0b40", + "\u0b28\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2e\u0b41\u0b28\u0b4d\u0b28\u0b3e", + "\u0b26\u0b41\u0b03\u0b36\u0b3e\u0b38\u0b28", + "\u0b2e\u0b4b\u0b39\u0b28", + "\u0b2c\u0b41\u0b26\u0b4d\u0b27\u0b3e\u0b26\u0b3f\u0b24\u0b4d\u0b5f", + "\u0b1a\u0b3f\u0b30\u0b02\u0b1c\u0b40\u0b2c", + "\u0b2c\u0b4d\u0b5f\u0b4b\u0b2e\u0b15\u0b47\u0b36", + "\u0b2e\u0b47\u0b18\u0b28\u0b3e", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b2e\u0b23\u0b3f", + "\u0b2c\u0b3e\u0b19\u0b4d\u0b15", + "\u0b2c\u0b40\u0b30", + "\u0b24\u0b43\u0b2a\u0b4d\u0b24\u0b3f", + "\u0b05\u0b30\u0b4d\u0b1c\u0b41\u0b28", + "\u0b15\u0b4b\u0b0f\u0b32", + "\u0b2c\u0b47\u0b26\u0b2c\u0b4d\u0b5f\u0b3e\u0b38", + "\u0b38\u0b3e\u0b27\u0b41", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b06\u0b38\u0b2b", + "\u0b26\u0b47\u0b2c\u0b41", + "\u0b1b\u0b24\u0b3f\u0b36", + "\u0b2a\u0b3e\u0b1f\u0b4d\u0b1f", + "\u0b36\u0b4d\u0b30\u0b40\u0b2e\u0b24\u0b3f", + "\u0b05\u0b36\u0b4d\u0b71\u0b3f\u0b28\u0b40", + "\u0b2a\u0b4d\u0b30\u0b26\u0b3f\u0b2a\u0b4d\u0b24", + "\u0b2c\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b3e\u0b33\u0b40", + "\u0b30\u0b23\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b07\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b2e\u0b23\u0b3f", + "\u0b2d\u0b17\u0b40\u0b30\u0b25", + "\u0b2d\u0b3e\u0b17\u0b2c\u0b24", + "\u0b36\u0b47\u0b2b\u0b3e\u0b33\u0b40", + "\u0b2c\u0b3f\u0b15\u0b33\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b26\u0b3f\u0b17\u0b2e\u0b4d\u0b2c\u0b30", + "\u0b2c\u0b4b\u0b28\u0b3e\u0b1c", + "\u0b2a\u0b3f\u0b19\u0b4d\u0b15\u0b3f", + "\u0b05\u0b2e\u0b4d\u0b33\u0b3e\u0b28", + "\u0b05\u0b28\u0b40\u0b32", + "\u0b38\u0b40\u0b24\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b2d\u0b3e\u0b17\u0b40\u0b30\u0b25\u0b3f", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b3e\u0b07\u0b2e\u0b4b\u0b39\u0b28", + "\u0b2c\u0b3f\u0b1c\u0b41", + "\u0b24\u0b2a\u0b28", + "\u0b28\u0b3e\u0b09\u0b30\u0b40", + "\u0b05\u0b28\u0b3f\u0b30\u0b41\u0b26\u0b4d\u0b27", + "\u0b15\u0b3e\u0b33\u0b3f\u0b06", + "\u0b30\u0b4b\u0b1c\u0b3e", + "\u0b38\u0b02\u0b18\u0b2e\u0b3f\u0b24\u0b4d\u0b30\u0b3e", + "\u0b15\u0b3e\u0b39\u0b4d\u0b28\u0b41", + "\u0b28\u0b3f\u0b2c\u0b47\u0b26\u0b3f\u0b24\u0b3e", + "\u0b06\u0b36\u0b4d\u0b30\u0b3f\u0b24", + "\u0b2c\u0b02\u0b36\u0b40\u0b27\u0b30", + "\u0b28\u0b3f\u0b30\u0b4d\u0b2e\u0b33\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b3e\u0b15\u0b30", + "\u0b2a\u0b4d\u0b30\u0b26\u0b40\u0b2a\u0b4d\u0b24", + "\u0b05\u0b28\u0b3e\u0b26\u0b3f", + "\u0b1c\u0b4d\u0b1e\u0b3e\u0b28", + "\u0b17\u0b4d\u0b32\u0b4b\u0b30\u0b3f\u0b06", + "\u0b05\u0b19\u0b4d\u0b17\u0b26", + "\u0b38\u0b41\u0b26\u0b3e\u0b2e", + "\u0b15\u0b3e\u0b19\u0b4d\u0b17\u0b4b\u0b07", + "\u0b38\u0b41\u0b1c\u0b3e\u0b24\u0b3e", + "\u0b15\u0b2c\u0b3f", + "\u0b30\u0b4b\u0b39\u0b3f\u0b24", + "\u0b30\u0b40\u0b24\u0b3e\u0b30\u0b3e\u0b23\u0b40", + "\u0b38\u0b41\u0b2c\u0b30\u0b4d\u0b23\u0b4d\u0b23", + "\u0b28\u0b33\u0b3f\u0b28\u0b40", + "\u0b15\u0b2a\u0b3f\u0b33", + "\u0b16\u0b3e\u0b30\u0b2c\u0b47\u0b33", + "\u0b05\u0b15\u0b4d\u0b37\u0b5f", + "\u0b2c\u0b3f\u0b26\u0b41\u0b38\u0b4d\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b2c\u0b28\u0b2e\u0b3e\u0b33\u0b40", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b1a\u0b30\u0b23", + "\u0b2e\u0b39\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b38\u0b3e\u0b30\u0b26\u0b3e", + "\u0b30\u0b1e\u0b4d\u0b1c\u0b40\u0b2c", + "\u0b39\u0b30", + "\u0b30\u0b41\u0b15\u0b4d\u0b2e\u0b23\u0b40", + "\u0b38\u0b24\u0b4d\u0b5f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b28\u0b40\u0b33\u0b3e\u0b26\u0b4d\u0b30\u0b3f", + "\u0b2a\u0b4d\u0b30\u0b47\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b1c\u0b28\u0b40", + "\u0b2f\u0b26\u0b41\u0b2e\u0b23\u0b3f", + "\u0b2c\u0b41\u0b27\u0b28", + "\u0b38\u0b1e\u0b4d\u0b1c\u0b5f", + "\u0b30\u0b1c\u0b28\u0b40\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b27\u0b43\u0b2c", + "\u0b2e\u0b47\u0b18\u0b3e", + "\u0b38\u0b30\u0b38\u0b4d\u0b71\u0b24\u0b40", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b28\u0b3e\u0b2d", + "\u0b1c\u0b40\u0b2c\u0b28", + "\u0b38\u0b41\u0b30", + "\u0b2e\u0b4c\u0b38\u0b26\u0b40", + "\u0b05\u0b2e\u0b3f\u0b28\u0b42\u0b32", + "\u0b1a\u0b3f\u0b28\u0b4d\u0b24\u0b3e\u0b2e\u0b23\u0b3f", + "\u0b30\u0b36\u0b4d\u0b2e\u0b3f", + "\u0b38\u0b41\u0b2c\u0b3e\u0b36", + "\u0b39\u0b3f\u0b2e\u0b3e\u0b02\u0b36\u0b41", + "\u0b2c\u0b33\u0b2d\u0b26\u0b4d\u0b30", + "\u0b32\u0b40\u0b33\u0b3e", + "\u0b26\u0b3f\u0b28\u0b47\u0b36", + "\u0b2c\u0b3f\u0b15\u0b4d\u0b30\u0b2e", + "\u0b1c\u0b17\u0b28\u0b4d\u0b28\u0b3e\u0b25", + "\u0b2c\u0b3f\u0b37\u0b4d\u0b23\u0b41\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b38\u0b41\u0b27\u0b3e\u0b02\u0b36\u0b41\u0b2e\u0b3e\u0b33\u0b3f\u0b28\u0b40", + "\u0b38\u0b3e\u0b32\u0b16\u0b3e\u0b28", + "\u0b30\u0b2e\u0b47\u0b36", + "\u0b2c\u0b3f\u0b2e\u0b33", + "\u0b2a\u0b1e\u0b4d\u0b1a\u0b3e\u0b28\u0b28", + "\u0b30\u0b40\u0b24\u0b3e", + "\u0b2c\u0b3f\u0b27\u0b41\u0b2d\u0b42\u0b37\u0b23", + "\u0b05\u0b30\u0b2c\u0b3f\u0b28\u0b4d\u0b26", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40", + "\u0b05\u0b1e\u0b4d\u0b1c\u0b33\u0b3f", + "\u0b2d\u0b2c\u0b3e\u0b28\u0b40\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b2e\u0b28\u0b4d\u0b2e\u0b25", + "\u0b2c\u0b3f\u0b30\u0b1c\u0b3e", + "\u0b2c\u0b3e\u0b33\u0b15\u0b4d\u0b30\u0b3f\u0b37\u0b4d\u0b23", + "\u0b15\u0b3e\u0b19\u0b4d\u0b17\u0b3e\u0b33\u0b3f", + "\u0b15\u0b3e\u0b39\u0b4d\u0b28\u0b41\u0b30\u0b3e\u0b2e", + "\u0b06\u0b2e\u0b47\u0b32\u0b3f", + "\u0b2a\u0b4d\u0b30\u0b1c\u0b4d\u0b1e\u0b3e\u0b28", + "\u0b07\u0b36\u0b4d\u0b71\u0b30", + "\u0b38\u0b3e\u0b32\u0b41\u0b1c\u0b3e", + "\u0b05\u0b2a\u0b30\u0b3e\u0b1c\u0b3f\u0b24\u0b3e", + "\u0b2e\u0b41\u0b30\u0b32\u0b40", + "\u0b2c\u0b3e\u0b38\u0b28\u0b4d\u0b24\u0b40", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b41", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b3f\u0b28\u0b40", + "\u0b26\u0b40\u0b2a\u0b15", + "\u0b38\u0b1e\u0b4d\u0b1a\u0b3f\u0b24\u0b3e", + "\u0b2c\u0b3f\u0b2d\u0b42\u0b24\u0b3f\u0b2d\u0b42\u0b37\u0b23", + "\u0b05\u0b28\u0b28\u0b4d\u0b24", + "\u0b05\u0b28\u0b41\u0b2d\u0b3e", + "\u0b2a\u0b41\u0b28\u0b2e", + "\u0b26\u0b3e\u0b36\u0b30\u0b25\u0b40", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b30\u0b2c\u0b3f", + "\u0b38\u0b4d\u0b28\u0b47\u0b39\u0b3e\u0b19\u0b4d\u0b17\u0b3f\u0b28\u0b40", + "\u0b28\u0b47\u0b24\u0b4d\u0b30\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b3e\u0b38", + "\u0b2c\u0b33\u0b30\u0b3e\u0b2e", + "\u0b2a\u0b4d\u0b30\u0b15\u0b43\u0b24\u0b3f", + "\u0b1c\u0b28\u0b3e\u0b30\u0b4d\u0b26\u0b28", + "\u0b38\u0b09\u0b30\u0b3e", + "\u0b2d\u0b42\u0b1c\u0b2c\u0b33", + "\u0b1c\u0b17\u0b24\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b2a\u0b30\u0b4d\u0b36\u0b41\u0b30\u0b3e\u0b2e", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b4d\u0b38\u0b4d\u0b28\u0b3e", + "\u0b17\u0b26\u0b3e\u0b27\u0b30", + "\u0b1c\u0b5f\u0b40\u0b30\u0b3e\u0b2e", + "\u0b36\u0b41\u0b15\u0b26\u0b47\u0b2c", + "\u0b05\u0b28\u0b41\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b38\u0b15\u0b3f\u0b32\u0b3e", + "\u0b09\u0b24\u0b4d\u0b15\u0b33", + "\u0b2e\u0b39\u0b40\u0b27\u0b30", + "\u0b2c\u0b48\u0b37\u0b4d\u0b23\u0b2c", + "\u0b2f\u0b36\u0b4b\u0b26\u0b3e", + "\u0b28\u0b3f\u0b2a\u0b28\u0b4d", + "\u0b24\u0b41\u0b37\u0b3e\u0b30\u0b15\u0b3e\u0b28\u0b4d\u0b24\u0b3f", + "\u0b2e\u0b3f\u0b28\u0b24\u0b3f", + "\u0b36\u0b24\u0b4d\u0b30\u0b41\u0b18\u0b4d\u0b28", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b2c\u0b3e\u0b38\u0b40", + "\u0b30\u0b3e\u0b16\u0b3e\u0b32", + "\u0b24\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b3e", + "\u0b15\u0b4d\u0b37\u0b47\u0b24\u0b4d\u0b30", + "\u0b2d\u0b17\u0b2c\u0b24\u0b40", + "\u0b1a\u0b48\u0b24\u0b28\u0b4d\u0b5f", + "\u0b2b\u0b15\u0b40\u0b30", + "\u0b2e\u0b19\u0b4d\u0b17\u0b33\u0b3e", + "\u0b38\u0b40\u0b2e\u0b3e\u0b30\u0b3e\u0b23\u0b40", + "\u0b2f\u0b41\u0b27\u0b3f\u0b37\u0b4d\u0b20\u0b3f\u0b30", + "\u0b2a\u0b4d\u0b30\u0b26\u0b4d\u0b5f\u0b41\u0b2e\u0b4d\u0b28", + "\u0b2c\u0b3f\u0b2a\u0b4d\u0b33\u0b2c", + "\u0b17\u0b23\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b2c\u0b3e\u0b2c\u0b41\u0b36\u0b3e\u0b28\u0b4d", + "\u0b32\u0b3f\u0b2a\u0b3f\u0b15\u0b3e", + "\u0b18\u0b3e\u0b38\u0b3f\u0b30\u0b3e\u0b2e", + "\u0b38\u0b3e\u0b32\u0b2c\u0b47\u0b17", + "\u0b2a\u0b4d\u0b30\u0b2c\u0b40\u0b23", + "\u0b26\u0b41\u0b30\u0b4d\u0b32\u0b2d", + "\u0b2c\u0b3e\u0b38\u0b41\u0b26\u0b47\u0b2c", + "\u0b28\u0b40\u0b33\u0b2e\u0b23\u0b40", + "\u0b2c\u0b40\u0b23\u0b3e", + "\u0b2e\u0b28\u0b4b\u0b1c", + "\u0b2c\u0b3f\u0b1c\u0b5f", + "\u0b36\u0b3e\u0b30\u0b26\u0b3e", + "\u0b2e\u0b3e\u0b27\u0b2c", + "\u0b36\u0b4d\u0b30\u0b40\u0b24\u0b2e", + "\u0b38\u0b41\u0b36\u0b3e\u0b28\u0b4d\u0b24", + "\u0b30\u0b3e\u0b2e\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b26\u0b40\u0b2a\u0b3e", + "\u0b06\u0b28\u0b28\u0b4d\u0b26", + "\u0b2a\u0b2a\u0b41", + "\u0b39\u0b30\u0b3f\u0b39\u0b30", + "\u0b30\u0b3e\u0b1c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2e\u0b23\u0b3f\u0b2e\u0b3e\u0b33\u0b3e", + "\u0b38\u0b41\u0b2c\u0b3e\u0b37", + "\u0b2e\u0b28\u0b4d\u0b26\u0b3e\u0b15\u0b3f\u0b28\u0b40", + "\u0b06\u0b15\u0b41\u0b33\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b41\u0b26\u0b4d\u0b30", + "\u0b07\u0b30\u0b3e\u0b28\u0b3f", + "\u0b32\u0b4b\u0b15\u0b28\u0b3e\u0b25", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2a\u0b4d\u0b30\u0b40\u0b24\u0b3f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b1d\u0b3f\u0b28\u0b4d\u0b28", + "\u0b15\u0b30\u0b41\u0b23\u0b3e\u0b15\u0b30", + "\u0b36\u0b36\u0b3f\u0b2d\u0b42\u0b37\u0b23", + "\u0b15\u0b4d\u0b37\u0b40\u0b30\u0b4b\u0b26", + "\u0b05\u0b30\u0b41\u0b23", + "\u0b09\u0b24\u0b4d\u0b38\u0b2c", + "\u0b26\u0b3f\u0b2c\u0b3e\u0b15\u0b30\u0b28\u0b3e\u0b25", + "\u0b30\u0b3e\u0b1c", + "\u0b1d\u0b30\u0b23\u0b3e", + "\u0b28\u0b40\u0b30\u0b26", + "\u0b2e\u0b26\u0b28", + "\u0b38\u0b41\u0b27\u0b3e\u0b15\u0b30", + "\u0b1c\u0b3f\u0b28\u0b3e", + "\u0b17\u0b4c\u0b24\u0b2e", + "\u0b05\u0b36\u0b4b\u0b15", + "\u0b30\u0b38\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2a\u0b3f\u0b23\u0b4d\u0b1f\u0b41", + "\u0b17\u0b4b\u0b2c\u0b3f\u0b28\u0b4d\u0b26", + "\u0b2c\u0b4d\u0b30\u0b1c", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e", + "\u0b05\u0b2e\u0b30\u0b28\u0b3e\u0b25", + "\u0b17\u0b3f\u0b30\u0b3f\u0b1c\u0b3e", + "\u0b2d\u0b3e\u0b2c\u0b17\u0b4d\u0b30\u0b3e\u0b39\u0b40", + "\u0b38\u0b41\u0b2c\u0b4d\u0b30\u0b24", + "\u0b38\u0b41\u0b2e\u0b28", + "\u0b30\u0b2c\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b15\u0b3e\u0b33\u0b41\u0b16\u0b23\u0b4d\u0b21\u0b3e\u0b5f\u0b24", + "\u0b2c\u0b26\u0b4d\u0b30\u0b3f", + "\u0b17\u0b48\u0b3e\u0b24\u0b2e", + "\u0b18\u0b28\u0b36\u0b4d\u0b5f\u0b3e\u0b2e", + "\u0b2c\u0b3e\u0b07\u0b15\u0b4b\u0b33\u0b3f", + "\u0b36\u0b3f\u0b36\u0b3f\u0b30", + "\u0b2a\u0b43\u0b25\u0b4d\u0b71\u0b40\u0b30\u0b3e\u0b1c", + "\u0b2d\u0b4b\u0b15\u0b3e\u0b32\u0b3f", + "\u0b30\u0b3e\u0b27\u0b41", + "\u0b2e\u0b19\u0b4d\u0b17\u0b33", + "\u0b05\u0b28\u0b3e\u0b26\u0b40", + "\u0b2e\u0b43\u0b23\u0b3e\u0b33", + "\u0b17\u0b4b\u0b2a\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b27\u0b40\u0b30", + "\u0b36\u0b40\u0b24\u0b32", + "\u0b24\u0b2a\u0b41", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b2e\u0b3e", + "\u0b2a\u0b41\u0b23\u0b4d\u0b5f\u0b2a\u0b4d\u0b30\u0b2d\u0b3e", + "\u0b2d\u0b3e\u0b38\u0b4d\u0b15\u0b30", + "\u0b15\u0b33\u0b4d\u0b2a\u0b24\u0b30\u0b41", + "\u0b2e\u0b28\u0b2e\u0b4b\u0b39\u0b28", + "\u0b2d\u0b42\u0b2a\u0b3f\u0b28\u0b4d\u0b26\u0b30", + "\u0b09\u0b2e\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b39\u0b30\u0b2e\u0b4b\u0b39\u0b28", + "\u0b28\u0b30\u0b38\u0b3f\u0b02", + "\u0b39\u0b3e\u0b21\u0b3c\u0b3f", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b3f\u0b28\u0b40", + "\u0b2c\u0b3f\u0b2d\u0b41\u0b24\u0b3f", + "\u0b38\u0b24\u0b4d\u0b5f\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b2e\u0b39\u0b47\u0b36", + "\u0b2d\u0b3e\u0b26\u0b2c", + "\u0b17\u0b23\u0b47\u0b36\u0b30\u0b3e\u0b2e", + "\u0b2c\u0b28\u0b2c\u0b3e\u0b38\u0b40", + "\u0b2e\u0b42\u0b30\u0b32\u0b40\u0b27\u0b30", + "\u0b05\u0b30\u0b15\u0b4d\u0b37\u0b3f\u0b24", + "\u0b27\u0b3e\u0b2e\u0b30\u0b3e\u0b1c", + "\u0b2a\u0b4d\u0b30\u0b24\u0b3f\u0b1c\u0b4d\u0b1e\u0b3e", + "\u0b39\u0b3e\u0b21\u0b3c\u0b3f\u0b2c\u0b28\u0b4d\u0b27\u0b41", + "\u0b05\u0b1c\u0b3f\u0b24", + "\u0b38\u0b3f\u0b26\u0b4d\u0b27\u0b3e\u0b30\u0b4d\u0b25", + "\u0b2c\u0b40\u0b30\u0b47\u0b28", + "\u0b30\u0b3e\u0b1c\u0b36\u0b4d\u0b30\u0b40", + "\u0b2e\u0b4b\u0b1a\u0b3f\u0b30\u0b3e\u0b2e", + "\u0b1c\u0b5f\u0b28\u0b4d\u0b24", + "\u0b2e\u0b1e\u0b4d\u0b1c\u0b41\u0b32\u0b24\u0b3e", + "\u0b15\u0b33\u0b3f\u0b19\u0b4d\u0b17", + "\u0b17\u0b41\u0b30\u0b41\u0b1a\u0b30\u0b23", + "\u0b30\u0b3e\u0b32\u0b3f", + "\u0b15\u0b41\u0b33\u0b2e\u0b23\u0b3f", + "\u0b2e\u0b41\u0b15\u0b41\u0b28\u0b4d\u0b26", + "\u0b2f\u0b4b\u0b17\u0b47\u0b36", + "\u0b38\u0b41\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b30\u0b1a\u0b28\u0b3e", + "\u0b30\u0b1e\u0b4d\u0b1c\u0b3f\u0b24\u0b3e", + "\u0b24\u0b4d\u0b30\u0b3f\u0b28\u0b3e\u0b25", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b36\u0b47\u0b16\u0b30", + "\u0b28\u0b3e\u0b1c\u0b3f\u0b06", + "\u0b2c\u0b48\u0b36\u0b3e\u0b33\u0b40", + "\u0b15\u0b3f\u0b30\u0b23", + "\u0b38\u0b42\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b2e\u0b23\u0b3f", + "\u0b38\u0b4b\u0b28\u0b3f\u0b15\u0b3e", + "\u0b30\u0b3e\u0b27\u0b3e\u0b30\u0b3e\u0b23\u0b40", + "\u0b2a\u0b4d\u0b30\u0b2b\u0b47\u0b38\u0b30", + "\u0b38\u0b41\u0b2e\u0b28\u0b40", + "\u0b28\u0b3f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b38\u0b26\u0b3e\u0b36\u0b3f\u0b2c", + "\u0b06\u0b1e\u0b4d\u0b1a\u0b32", + "\u0b17\u0b4c\u0b30\u0b40", + "\u0b05\u0b30\u0b4d\u0b15", + "\u0b38\u0b30\u0b4b\u0b1c\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b2e\u0b40\u0b28\u0b15\u0b47\u0b24\u0b28", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b1c\u0b3f\u0b24", + "\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b26\u0b47\u0b2c\u0b40", + "\u0b07\u0b28\u0b4d\u0b26\u0b41", + "\u0b05\u0b2d\u0b3f\u0b2e\u0b28\u0b4d\u0b5f\u0b41", + "\u0b32\u0b3f\u0b19\u0b4d\u0b17\u0b30\u0b3e\u0b1c", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2c\u0b4d\u0b30\u0b24", + "\u0b2a\u0b4d\u0b30\u0b47\u0b2e\u0b32\u0b24\u0b3e", + "\u0b36\u0b3f\u0b2c\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b38\u0b1e\u0b4d\u0b1c\u0b3f\u0b2c", + "\u0b27\u0b28\u0b1e\u0b4d\u0b1c\u0b5f", + "\u0b38\u0b2e\u0b4d\u0b2a\u0b26", + "\u0b30\u0b25", + "\u0b15\u0b2c\u0b3f\u0b24\u0b3e", + "\u0b24\u0b4d\u0b30\u0b3f\u0b2a\u0b41\u0b30\u0b3e", + "\u0b26\u0b47\u0b2c\u0b2f\u0b3e\u0b28\u0b40", + "\u0b39\u0b47\u0b2e\u0b28\u0b4d\u0b24", + "\u0b2f\u0b41\u0b17\u0b33", + "\u0b0f\u0b32\u0b3f\u0b28\u0b3e", + "\u0b2e\u0b3e\u0b2e\u0b3f\u0b28\u0b3e", + "\u0b38\u0b30\u0b4b\u0b1c", + "\u0b28\u0b1f\u0b30\u0b3e\u0b1c", + "\u0b09\u0b2a\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b30\u0b02\u0b1c\u0b28", + "\u0b2c\u0b3f\u0b2a\u0b3f\u0b28", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b30\u0b4d\u0b2e\u0b5f\u0b40", + "\u0b30\u0b18\u0b41\u0b28\u0b28\u0b4d\u0b26\u0b28", + "\u0b36\u0b07\u0b2c", + "\u0b15\u0b41\u0b23\u0b3e\u0b33", + "\u0b30\u0b3e\u0b2e", + "\u0b17\u0b41\u0b30\u0b41", + "\u0b38\u0b2e\u0b40\u0b30", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40\u0b27\u0b30", + "\u0b2d\u0b40\u0b2e", + "\u0b2c\u0b3f\u0b30\u0b47\u0b28\u0b4d", + "\u0b2d\u0b2c\u0b3e\u0b28\u0b40", + "\u0b28\u0b2c\u0b40\u0b28", + "\u0b1a\u0b3f\u0b24\u0b4d\u0b24\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e\u0b18\u0b28", + "\u0b30\u0b18\u0b41\u0b30\u0b3e\u0b2e", + "\u0b09\u0b24\u0b4d\u0b24\u0b2e", + "\u0b39\u0b30\u0b3f\u0b1a\u0b30\u0b23", + "\u0b38\u0b4d\u0b71\u0b30\u0b3e\u0b1c", + "\u0b28\u0b40\u0b24\u0b41", + "\u0b26\u0b40\u0b2a\u0b4d\u0b24\u0b3f\u0b30\u0b47\u0b16\u0b3e", + "\u0b05\u0b2d\u0b5f", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b2e\u0b3e\u0b32\u0b3e", + "\u0b38\u0b41\u0b2c\u0b3e\u0b38", + "\u0b30\u0b3e\u0b1c\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b17\u0b41\u0b30\u0b41\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b15\u0b3e\u0b33\u0b28\u0b4d\u0b26\u0b40", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2d\u0b3e\u0b2e\u0b3e", + "\u0b36\u0b48\u0b30\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b40", + "\u0b30\u0b24\u0b3f", + "\u0b2c\u0b3f\u0b28\u0b4b\u0b26\u0b3f\u0b28\u0b40", + "\u0b36\u0b3f\u0b2c\u0b3e\u0b28\u0b40", + "\u0b38\u0b4d\u0b28\u0b3f\u0b24\u0b3f", + "\u0b2e\u0b47\u0b39\u0b2e\u0b41\u0b26", + "\u0b2c\u0b40\u0b30\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b38\u0b41\u0b27\u0b3e\u0b02\u0b36\u0b41", + "\u0b28\u0b17\u0b47\u0b28", + "\u0b30\u0b3f\u0b28\u0b3e", + "\u0b05\u0b28\u0b3f\u0b32", + "\u0b09\u0b2a\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b2c\u0b4d\u0b30\u0b39\u0b4d\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2c\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b15\u0b47\u0b36\u0b2c", + "\u0b15\u0b48\u0b33\u0b3e\u0b36", + "\u0b36\u0b41\u0b2d\u0b36\u0b4d\u0b30\u0b40", + "\u0b2a\u0b4d\u0b30\u0b2e\u0b3f\u0b33\u0b3e", + "\u0b2a\u0b3e\u0b30\u0b4d\u0b2c\u0b24\u0b40", + "\u0b05\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b36\u0b4d\u0b30\u0b40\u0b2e\u0b24\u0b40", + "\u0b30\u0b18\u0b41\u0b28\u0b3e\u0b25", + "\u0b38\u0b1a\u0b4d\u0b1a\u0b3f", + "\u0b30\u0b3e\u0b1c\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b28\u0b2c", + "\u0b15\u0b41\u0b38\u0b41\u0b2e", + "\u0b15\u0b41\u0b2e\u0b41\u0b26", + "\u0b2c\u0b40\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b30\u0b3e\u0b15\u0b4d\u0b37\u0b40", + "\u0b28\u0b3f\u0b1c\u0b3e\u0b2e", + "\u0b15\u0b3f\u0b36\u0b4b\u0b30\u0b40\u0b2e\u0b23\u0b3f", + "\u0b30\u0b4b\u0b38\u0b28\u0b3e\u0b30\u0b3e", + "\u0b2c\u0b3f\u0b30\u0b47\u0b28", + "\u0b2d\u0b3e\u0b38\u0b4d\u0b71\u0b24\u0b40", + "\u0b06\u0b30\u0b24\u0b3f", + "\u0b05\u0b38\u0b40\u0b24", + "\u0b2a\u0b4d\u0b30\u0b3e\u0b23", + "\u0b15\u0b28\u0b15\u0b32\u0b24\u0b3e", + "\u0b2c\u0b3e\u0b38\u0b28\u0b4d\u0b24\u0b3f", + "\u0b2a\u0b30\u0b2e\u0b3e", + "\u0b38\u0b41\u0b15\u0b41\u0b2e\u0b3e\u0b30", + "\u0b28\u0b17\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b28\u0b2c\u0b18\u0b28", + "\u0b2e\u0b3f\u0b28\u0b3e\u0b15\u0b4d\u0b37\u0b40", + "\u0b18\u0b23\u0b4d\u0b1f\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b26\u0b47\u0b2c\u0b40\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b09\u0b27\u0b3e\u0b30", + "\u0b2a\u0b2c\u0b3f\u0b24\u0b4d\u0b30", + "\u0b2a\u0b30\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b32\u0b33\u0b3f\u0b24\u0b47\u0b28\u0b4d\u0b26\u0b41", + "\u0b2e\u0b39\u0b3e\u0b36\u0b4d\u0b71\u0b47\u0b24\u0b3e", + "\u0b38\u0b41\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b32\u0b3e\u0b32", + "\u0b30\u0b3f\u0b37\u0b2d", + "\u0b30\u0b4b\u0b39\u0b3f\u0b26\u0b3e\u0b38", + "\u0b2d\u0b3e\u0b17\u0b3f\u0b30\u0b25\u0b40", + "\u0b1c\u0b5f\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b05\u0b1a\u0b4d\u0b5f\u0b41\u0b24\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b15\u0b3f\u0b36\u0b4b\u0b30\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f", + "\u0b2c\u0b3f\u0b27\u0b41", + "\u0b38\u0b3e\u0b2e\u0b41\u0b0f\u0b32", + "\u0b2c\u0b3e\u0b2c\u0b41", + "\u0b2e\u0b3f\u0b24\u0b4d\u0b30\u0b2d\u0b3e\u0b28\u0b41", + "\u0b28\u0b2e\u0b4d\u0b30\u0b24\u0b3e", + "\u0b15\u0b32\u0b4d\u0b5f\u0b3e\u0b23\u0b40", + "\u0b38\u0b41\u0b2c\u0b4b\u0b27", + "\u0b2c\u0b47\u0b23\u0b41\u0b27\u0b30", + "\u0b38\u0b2e\u0b4d\u0b2c\u0b3f\u0b24", + "\u0b2a\u0b41\u0b37\u0b4d\u0b2a\u0b3e", + "\u0b38\u0b1e\u0b4d\u0b1c\u0b40\u0b2c", + "\u0b38\u0b4d\u0b71\u0b30\u0b42\u0b2a", + "\u0b38\u0b41\u0b28\u0b40\u0b32", + "\u0b38\u0b3f\u0b2e\u0b28\u0b4d", + "\u0b05\u0b28\u0b3f\u0b36\u0b3e", + "\u0b36\u0b4d\u0b30\u0b40\u0b26\u0b47\u0b2c", + "\u0b28\u0b43\u0b38\u0b3f\u0b02\u0b39", + "\u0b15\u0b2e\u0b33\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b36\u0b3f\u0b2c\u0b2c\u0b4d\u0b30\u0b24", + "\u0b39\u0b30\u0b47\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b15\u0b41\u0b1e\u0b4d\u0b1c\u0b2c\u0b3f\u0b39\u0b3e\u0b30\u0b40", + "\u0b39\u0b4b\u0b2e\u0b38\u0b3f\u0b02\u0b39", + "\u0b1c\u0b17\u0b2c\u0b28\u0b4d\u0b27\u0b41", + "\u0b05\u0b1c\u0b5f\u0b28\u0b4d\u0b24\u0b40", + "\u0b15\u0b43\u0b37\u0b4d\u0b23\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b05\u0b28\u0b41\u0b2d\u0b2c", + "\u0b24\u0b28\u0b4d\u0b2e\u0b5f", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b2a\u0b4d\u0b30\u0b15\u0b3e\u0b36", + "\u0b2c\u0b48\u0b30\u0b3e\u0b17\u0b40", + "\u0b26\u0b47\u0b2c\u0b47\u0b36", + "\u0b09\u0b37\u0b3e", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2d\u0b42\u0b37\u0b23", + "\u0b15\u0b39\u0b4d\u0b28\u0b47\u0b07", + "\u0b38\u0b38\u0b4d\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b36\u0b36\u0b3f\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b28\u0b3f\u0b24\u0b4d\u0b5f\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2c\u0b3e\u0b33\u0b17\u0b4b\u0b2a\u0b3e\u0b33", + "\u0b07\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b3e\u0b23\u0b40", + "\u0b32\u0b3f\u0b2a\u0b4d\u0b38\u0b3e", + "\u0b1c\u0b3f\u0b24\u0b41", + "\u0b36\u0b4d\u0b30\u0b40\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b36\u0b36\u0b3f", + "\u0b2e\u0b39\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2a\u0b20\u0b3e\u0b23\u0b3f", + "\u0b38\u0b41\u0b15\u0b41\u0b21\u0b3e", + "\u0b2e\u0b43\u0b24\u0b4d\u0b5f\u0b41\u0b1e\u0b4d\u0b1c\u0b5f", + "\u0b28\u0b28\u0b4d\u0b26\u0b3f\u0b28\u0b40", + "\u0b28\u0b40\u0b33\u0b3e\u0b2e\u0b4d\u0b2c\u0b30", + "\u0b26\u0b47\u0b2c\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b2a\u0b26\u0b4d\u0b2e", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2a\u0b4d\u0b30\u0b3f\u0b5f", + "\u0b30\u0b4b\u0b2e\u0b3e\u0b1e\u0b4d\u0b1a", + "\u0b2f\u0b3e\u0b26\u0b2c", + "\u0b15\u0b2e\u0b33\u0b3e", + "\u0b2c\u0b28\u0b2e\u0b3e\u0b33\u0b3f", + "\u0b2d\u0b3e\u0b28\u0b41\u0b2e\u0b24\u0b40", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b19\u0b4d\u0b15\u0b3e", + "\u0b2e\u0b3e\u0b5f\u0b3e\u0b27\u0b30", + "\u0b30\u0b3e\u0b1c\u0b47\u0b36\u0b4d\u0b71\u0b30\u0b40", + "\u0b07\u0b28\u0b4d\u0b26\u0b41\u0b30\u0b3e\u0b23\u0b40", + "\u0b2c\u0b43\u0b28\u0b4d\u0b26\u0b3e\u0b2c\u0b28", + "\u0b05\u0b16\u0b3f\u0b33", + "\u0b38\u0b3e\u0b39\u0b47\u0b2c", + "\u0b2d\u0b1c\u0b2e\u0b28", + "\u0b06\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b28", + "\u0b05\u0b2d\u0b3f\u0b28\u0b4d\u0b28", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e\u0b33\u0b47\u0b28\u0b4d\u0b26\u0b41", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b26\u0b41\u0b30\u0b4d\u0b17\u0b3e", + "\u0b26\u0b47\u0b2c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2e\u0b27\u0b41\u0b38\u0b42\u0b26\u0b28", + "\u0b24\u0b3e\u0b28\u0b38\u0b47\u0b28", + "\u0b30\u0b3e\u0b38\u0b2e\u0b1e\u0b4d\u0b1c\u0b30\u0b40", + "\u0b2e\u0b19\u0b4d\u0b17\u0b30\u0b3e\u0b1c", + "\u0b32\u0b33\u0b3f\u0b24", + "\u0b28\u0b40\u0b33\u0b2e\u0b3e\u0b27\u0b2c", + "\u0b38\u0b28\u0b4d\u0b2e\u0b3f\u0b30\u0b3e", + "\u0b13\u0b2e\u0b4d", + "\u0b27\u0b30\u0b4d\u0b2e\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b32\u0b3e\u0b32\u0b2c\u0b3f\u0b39\u0b3e\u0b30\u0b40", + "\u0b36\u0b3e\u0b28\u0b4d\u0b24\u0b3f", + "\u0b17\u0b4c\u0b30\u0b39\u0b30\u0b3f", + "\u0b06\u0b15\u0b3e\u0b36", + "\u0b2c\u0b3e\u0b33\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b30\u0b24\u0b4d\u0b28", + "\u0b38\u0b4c\u0b2e\u0b4d\u0b5f\u0b3e", + "\u0b26\u0b47\u0b2c\u0b26\u0b3e\u0b38", + "\u0b2e\u0b28\u0b4b\u0b39\u0b30", + "\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b2c\u0b47\u0b23\u0b40\u0b2e\u0b3e\u0b27\u0b2c", + "\u0b30\u0b24\u0b4d\u0b28\u0b2a\u0b4d\u0b30\u0b2d\u0b3e", + "\u0b38\u0b28\u0b24", + "\u0b05\u0b2e\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b38\u0b3e\u0b17\u0b40\u0b30", + "\u0b1c\u0b17\u0b26\u0b3f\u0b36", + "\u0b05\u0b32\u0b47\u0b16", + "\u0b05\u0b02\u0b36\u0b41\u0b2e\u0b3e\u0b28", + "\u0b1c\u0b30\u0b4d\u0b1c", + "\u0b2a\u0b4d\u0b5f\u0b3e\u0b30\u0b40\u0b2e\u0b4b\u0b39\u0b28", + "\u0b17\u0b3f\u0b30\u0b3f\u0b36", + "\u0b38\u0b4b\u0b2b\u0b3f\u0b06", + "\u0b26\u0b3e\u0b2e\u0b4b\u0b26\u0b30", + "\u0b2c\u0b2c\u0b3f", + "\u0b17\u0b4b\u0b15\u0b41\u0b33\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b38\u0b3f\u0b2a\u0b4d\u0b30\u0b3e", + "\u0b27\u0b4d\u0b30\u0b41\u0b2c", + "\u0b38\u0b3f\u0b26\u0b4d\u0b27\u0b32\u0b3e\u0b32", + "\u0b26\u0b3f\u0b2c\u0b4d\u0b5f\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b1c\u0b32\u0b3e\u0b32", + "\u0b38\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b05\u0b30\u0b4d\u0b2a\u0b3f\u0b24\u0b3e", + "\u0b2e\u0b3e\u0b27\u0b41\u0b30\u0b40", + "\u0b38\u0b28\u0b3e\u0b24\u0b28", + "\u0b26\u0b47\u0b2c\u0b30\u0b3e\u0b1c", + "\u0b30\u0b3e\u0b27\u0b3e\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b36\u0b3f\u0b2c\u0b3e\u0b1c\u0b40", + "\u0b30\u0b3e\u0b18\u0b2c", + "\u0b30\u0b3e\u0b1c\u0b41", + "\u0b38\u0b28\u0b4d\u0b24\u0b4b\u0b37", + "\u0b2c\u0b2c\u0b4d\u0b32\u0b3f", + "\u0b17\u0b4b\u0b2a\u0b40\u0b28\u0b3e\u0b25", + "\u0b1d\u0b3f\u0b32\u0b3f\u0b15\u0b4d", + "\u0b2c\u0b3f\u0b2d\u0b41\u0b27\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2d\u0b41\u0b2c\u0b28\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b13\u0b21\u0b3c\u0b3f\u0b06", + "\u0b17\u0b4c\u0b30", + "\u0b2a\u0b4d\u0b30\u0b23\u0b2c", + "\u0b2a\u0b4d\u0b30\u0b39\u0b32\u0b4d\u0b32\u0b3e\u0b26", + "\u0b2c\u0b28\u0b4d\u0b26\u0b3f\u0b24\u0b3e", + "\u0b30\u0b36\u0b4d\u0b2e\u0b40\u0b30\u0b47\u0b16\u0b3e", + "\u0b38\u0b4d\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b36\u0b3e\u0b28\u0b4d\u0b24\u0b28\u0b41", + "\u0b38\u0b41\u0b26\u0b30\u0b4d\u0b36\u0b28", + "\u0b26\u0b41\u0b03\u0b16\u0b40\u0b30\u0b3e\u0b2e", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b36\u0b4d\u0b30\u0b40\u0b30\u0b3e\u0b2e", + "\u0b2c\u0b40\u0b30\u0b2d\u0b26\u0b4d\u0b30", + "\u0b2d\u0b41\u0b2c\u0b28\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2e\u0b3e\u0b28\u0b38", + "\u0b2e\u0b3f\u0b32\u0b28", + "\u0b38\u0b3f\u0b26\u0b4d\u0b27\u0b3e\u0b28\u0b4d\u0b24", + "\u0b32\u0b47\u0b16\u0b3e", + "\u0b1c\u0b5f\u0b26\u0b47\u0b2c", + "\u0b16\u0b17\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b26\u0b41\u0b24\u0b3f\u0b05", + "\u0b30\u0b3e\u0b1c\u0b40\u0b2c", + "\u0b26\u0b48\u0b24\u0b3e\u0b30\u0b3f", + "\u0b06\u0b2a\u0b32\u0b38\u0b4d\u0b71\u0b3e\u0b2e\u0b40", + "\u0b2e\u0b39\u0b2e\u0b4d\u0b2e\u0b26", + "\u0b1a\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b38\u0b47\u0b28", + "\u0b2e\u0b26\u0b28\u0b2e\u0b4b\u0b39\u0b28", + "\u0b06\u0b26\u0b3f\u0b24\u0b4d\u0b5f", + "\u0b2e\u0b41\u0b15\u0b47\u0b36", + "\u0b1c\u0b5f\u0b28\u0b4d\u0b24\u0b40", + "\u0b2a\u0b41\u0b2a\u0b3f\u0b28\u0b4d\u0b26\u0b30", + "\u0b26\u0b3f\u0b32\u0b40\u0b2a", + "\u0b38\u0b3e\u0b17\u0b30", + "\u0b2a\u0b41\u0b2a\u0b41\u0b32", + "\u0b15\u0b47\u0b26\u0b3e\u0b30\u0b28\u0b3e\u0b25", + "\u0b28\u0b2c\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b2a\u0b41\u0b30\u0b41\u0b37\u0b4b\u0b24\u0b4d\u0b24\u0b2e", + "\u0b30\u0b3e\u0b27\u0b3e\u0b2e\u0b4b\u0b39\u0b28", + "\u0b38\u0b30\u0b4b\u0b1c\u0b3f\u0b28\u0b40", + "\u0b06\u0b32\u0b4b\u0b15", + "\u0b32\u0b21\u0b3c\u0b41", + "\u0b36\u0b2e\u0b4d\u0b2d\u0b41\u0b28\u0b3e\u0b25", + "\u0b27\u0b30\u0b23\u0b40\u0b27\u0b30", + "\u0b2f\u0b4b\u0b17\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b26\u0b47\u0b2c\u0b47\u0b28", + "\u0b30\u0b3e\u0b07\u0b1a\u0b30\u0b23", + "\u0b38\u0b41\u0b30\u0b47\u0b36", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b2e\u0b4d\u0b2c\u0b26\u0b3e", + "\u0b1b\u0b4b\u0b1f\u0b30\u0b3e\u0b5f", + "\u0b17\u0b4b\u0b32\u0b15", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b32\u0b4b\u0b1a\u0b28", + "\u0b2e\u0b3e\u0b16\u0b28\u0b32\u0b3e\u0b32", + "\u0b2a\u0b4d\u0b30\u0b36\u0b3e\u0b28\u0b4d\u0b24", + "\u0b30\u0b2e\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b38\u0b41\u0b36\u0b40\u0b33", + "\u0b30\u0b4b\u0b37\u0b28\u0b40", + "\u0b2e\u0b3e\u0b30\u0b4d\u0b15\u0b23\u0b4d\u0b21", + "\u0b38\u0b24\u0b4d\u0b5f\u0b2c\u0b3e\u0b26\u0b40", + "\u0b15\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b36\u0b30\u0b26", + "\u0b15\u0b47\u0b26\u0b3e\u0b30", + "\u0b2c\u0b1f\u0b15\u0b43\u0b37\u0b4d\u0b23", + "\u0b2a\u0b40\u0b24\u0b3e\u0b2e\u0b4d\u0b2c\u0b30", + "\u0b05\u0b17\u0b38\u0b4d\u0b24\u0b3f", + "\u0b30\u0b41\u0b28\u0b41", + "\u0b05\u0b36\u0b4d\u0b30\u0b41\u0b2e\u0b4b\u0b1a\u0b28", + "\u0b09\u0b37\u0b38\u0b40", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40", + "\u0b15\u0b3e\u0b36\u0b40\u0b28\u0b3e\u0b25", + "\u0b32\u0b3e\u0b32\u0b3e", + "\u0b28\u0b48\u0b28\u0b3e", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b23", + "\u0b2c\u0b38\u0b47\u0b28", + "\u0b26\u0b48\u0b24\u0b3e\u0b30\u0b40", + "\u0b05\u0b2d\u0b3f\u0b30\u0b3e\u0b2e", + "\u0b38\u0b4d\u0b71\u0b3e\u0b17\u0b24\u0b3f\u0b15\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b2b\u0b41\u0b32", + "\u0b2a\u0b4d\u0b30\u0b2e\u0b4b\u0b26", + "\u0b2a\u0b4d\u0b30\u0b40\u0b24\u0b2e\u0b4d", + "\u0b32\u0b3f\u0b2a\u0b3f", + "\u0b1a\u0b28\u0b4d\u0b26\u0b28", + "\u0b2c\u0b3e\u0b07\u0b27\u0b30", + "\u0b38\u0b3e\u0b2c\u0b3f\u0b24\u0b4d\u0b30\u0b40", + "\u0b2a\u0b30\u0b2e\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b38\u0b4c\u0b2d\u0b3f\u0b15", + "\u0b1c\u0b40\u0b2c\u0b28\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b32\u0b2e\u0b4d\u0b2c\u0b4b\u0b26\u0b30", + "\u0b17\u0b3e\u0b5f\u0b24\u0b4d\u0b30\u0b40\u0b2c\u0b3e\u0b33\u0b3e", + "\u0b36\u0b3f\u0b2c\u0b36\u0b19\u0b4d\u0b15\u0b30", + "\u0b26\u0b4b\u0b33\u0b17\u0b4b\u0b2c\u0b3f\u0b28\u0b4d\u0b26", + "\u0b38\u0b41\u0b28\u0b28\u0b4d\u0b26\u0b3e", + "\u0b2d\u0b3e\u0b07\u0b17\u0b3e", + "\u0b2c\u0b3f\u0b38\u0b4d\u0b2e\u0b5f", + "\u0b38\u0b4c\u0b26\u0b3e\u0b2e\u0b3f\u0b28\u0b40", + "\u0b36\u0b4d\u0b5f\u0b3e\u0b2e\u0b38\u0b41\u0b28\u0b4d\u0b26\u0b30", + "\u0b30\u0b3e\u0b2e\u0b30\u0b3e\u0b5f", + "\u0b2d\u0b2c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b38\u0b3f\u0b15\u0b28\u0b4d\u0b26\u0b30", + "\u0b17\u0b40\u0b24\u0b3e", + "\u0b2e\u0b28\u0b4b\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b2c\u0b28\u0b1c\u0b3e", + "\u0b05\u0b27\u0b3f\u0b30\u0b3e\u0b1c", + "\u0b28\u0b3f\u0b15\u0b3f\u0b24\u0b3e", + "\u0b27\u0b28\u0b47\u0b36\u0b4d\u0b71\u0b30", + "\u0b2a\u0b4d\u0b30\u0b2b\u0b41\u0b32\u0b4d\u0b32", + "\u0b26\u0b41\u0b37\u0b4d\u0b2e\u0b28\u0b4d\u0b24", + "\u0b28\u0b3f\u0b39\u0b3e\u0b30", + "\u0b2c\u0b26\u0b4d\u0b30\u0b3f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b17\u0b41\u0b28\u0b4d_\u0b17\u0b41\u0b28\u0b4d", + "\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b28\u0b28\u0b4d\u0b26\u0b15\u0b3f\u0b36\u0b4b\u0b30", + "\u0b32\u0b47\u0b38\u0b4d\u0b32\u0b3f", + "\u0b38\u0b41\u0b1c\u0b3f\u0b24", + "\u0b38\u0b2e\u0b30\u0b47\u0b36", + "\u0b1c\u0b5f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b38\u0b41\u0b30\u0b2e\u0b3e", + "\u0b05\u0b2d\u0b3f\u0b37\u0b47\u0b15", + "\u0b2e\u0b3f\u0b39\u0b3f\u0b30", + "\u0b05\u0b2a\u0b42\u0b30\u0b4d\u0b2c", + "\u0b1c\u0b5f\u0b30\u0b3e\u0b2e", + "\u0b26\u0b40\u0b28\u0b2c\u0b28\u0b4d\u0b27\u0b41", + "\u0b2e\u0b1e\u0b4d\u0b1c\u0b41\u0b33\u0b3e", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b2d\u0b42\u0b37\u0b23", + "\u0b38\u0b32\u0b3f\u0b32", + "\u0b28\u0b2e\u0b3f\u0b24\u0b3e", + "\u0b2d\u0b42\u0b2e\u0b3f\u0b15\u0b3e", + "\u0b32\u0b15\u0b4d\u0b37\u0b4d\u0b2e\u0b40\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b27\u0b28\u0b41\u0b30\u0b4d\u0b1c\u0b5f", + "\u0b38\u0b26\u0b28", + "\u0b1a\u0b15\u0b4d\u0b30\u0b27\u0b30", + "\u0b2e\u0b3e\u0b27\u0b2c\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2e\u0b15\u0b30", + "\u0b39\u0b30\u0b3f\u0b2a\u0b4d\u0b30\u0b38\u0b3e\u0b26", + "\u0b38\u0b2e\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b05\u0b28\u0b40\u0b24\u0b3e", + "\u0b30\u0b24\u0b4d\u0b28\u0b3e\u0b15\u0b30", + "\u0b15\u0b3e\u0b1c\u0b32", + "\u0b38\u0b39\u0b30\u0b3e\u0b07", + "\u0b1c\u0b17\u0b26\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2d\u0b42\u0b2c\u0b28\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2c\u0b3f\u0b2d\u0b42\u0b24\u0b3f", + "\u0b38\u0b02\u0b17\u0b4d\u0b30\u0b3e\u0b2e", + "\u0b05\u0b38\u0b40\u0b2e\u0b3e", + "\u0b2a\u0b3f\u0b23\u0b4d\u0b21\u0b3e\u0b15\u0b40", + "\u0b28\u0b3f\u0b39\u0b3e\u0b30\u0b3f\u0b15\u0b3e", + "\u0b2b\u0b41\u0b32\u0b2e\u0b23\u0b3f", + "\u0b24\u0b4d\u0b30\u0b3f\u0b32\u0b4b\u0b1a\u0b28", + "\u0b07\u0b30\u0b3e\u0b36\u0b3f\u0b37", + "\u0b30\u0b3e\u0b38\u0b47\u0b36\u0b4d\u0b71\u0b30\u0b40", + "\u0b05\u0b26\u0b4d\u0b71\u0b48\u0b24", + "\u0b24\u0b2e\u0b28\u0b4d\u0b28\u0b3e", + "\u0b1a\u0b15\u0b4d\u0b30\u0b2e\u0b23\u0b3f", + "\u0b05\u0b2e\u0b3f\u0b5f\u0b2c\u0b3e\u0b33\u0b3e", + "\u0b26\u0b3f\u0b32\u0b4d\u0b32\u0b40\u0b2a", + "\u0b2c\u0b3f\u0b37\u0b4d\u0b23\u0b41\u0b2c\u0b4d\u0b30\u0b24", + "\u0b38\u0b4b\u0b2e\u0b47\u0b36", + "\u0b17\u0b4b\u0b2a\u0b3e\u0b33\u0b2c\u0b32\u0b4d\u0b32\u0b2d", + "\u0b36\u0b4d\u0b30\u0b40\u0b28\u0b3e\u0b25", + "\u0b38\u0b24\u0b4d\u0b5f\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b2d\u0b3e\u0b28\u0b41\u0b1a\u0b30\u0b23", + "\u0b26\u0b47\u0b2c\u0b3e\u0b36\u0b3f\u0b37", + "\u0b06\u0b28\u0b3f\u0b37\u0b3e", + "\u0b36\u0b3e\u0b28\u0b4d\u0b24\u0b3f\u0b30\u0b3e\u0b1c", + "\u0b2a\u0b3e\u0b21\u0b41", + "\u0b32\u0b24\u0b3f\u0b15\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b28\u0b3e\u0b25", + "\u0b05\u0b30\u0b3f\u0b28\u0b4d\u0b26\u0b2e", + "\u0b30\u0b2c\u0b3f\u0b28\u0b3e\u0b30\u0b3e\u0b5f\u0b23", + "\u0b36\u0b30\u0b24", + "\u0b2a\u0b3e\u0b23\u0b41", + "\u0b2c\u0b3f\u0b37\u0b4d\u0b23\u0b41", + "\u0b15\u0b28\u0b15\u0b2c\u0b30\u0b4d\u0b26\u0b4d\u0b27\u0b28", + "\u0b2c\u0b47\u0b26\u0b3e\u0b19\u0b4d\u0b17\u0b26\u0b3e\u0b38", + "\u0b2a\u0b26", + "\u0b05\u0b2e\u0b30", + "\u0b05\u0b1c\u0b5f", + "\u0b38\u0b41\u0b30\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b2c\u0b3f\u0b1c\u0b5f\u0b36\u0b4d\u0b30\u0b40", + "\u0b17\u0b3f\u0b30\u0b40\u0b36", + "\u0b1f\u0b41\u0b15\u0b41\u0b28\u0b3f", + "\u0b1c\u0b4d\u0b5f\u0b4b\u0b24\u0b3f\u0b30\u0b3f\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b28\u0b28\u0b4d\u0b26\u0b3f\u0b24\u0b3e", + "\u0b38\u0b4c\u0b2e\u0b4d\u0b5f", + "\u0b15\u0b3e\u0b30\u0b4d\u0b24\u0b4d\u0b24\u0b3f\u0b15", + "\u0b30\u0b3e\u0b15\u0b47\u0b36", + "\u0b07\u0b24\u0b3f\u0b38", + "\u0b2c\u0b30\u0b4d\u0b37\u0b3e", + "\u0b15\u0b48\u0b33\u0b3e\u0b38", + "\u0b2a\u0b4d\u0b30\u0b2d\u0b3e\u0b24", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b28\u0b3e\u0b25", + "\u0b30\u0b3e\u0b27\u0b3e\u0b15\u0b3e\u0b28\u0b4d\u0b24", + "\u0b05\u0b28\u0b41", + "\u0b36\u0b4b\u0b2d\u0b30\u0b3e\u0b2e", + "\u0b26\u0b47\u0b2c\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30\u0b28\u0b3e\u0b25", + "\u0b2c\u0b48\u0b26\u0b4d\u0b5f\u0b28\u0b3e\u0b25", + "\u0b2a\u0b42\u0b30\u0b4d\u0b23\u0b4d\u0b23\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b30\u0b1e\u0b4d\u0b1c\u0b3f\u0b24", + "\u0b30\u0b3f\u0b2a\u0b41\u0b28\u0b3e\u0b25", + "\u0b26\u0b41\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b4b\u0b27\u0b28", + "\u0b2a\u0b26\u0b4d\u0b2e\u0b28", + "\u0b36\u0b47\u0b15", + "\u0b2e\u0b2e\u0b24\u0b3e", + "\u0b38\u0b42\u0b30\u0b4d\u0b2f\u0b4d\u0b5f", + "\u0b07\u0b32\u0b3e", + "\u0b1a\u0b3f\u0b28\u0b4d\u0b2e\u0b5f", + "\u0b09\u0b2e\u0b3e\u0b2c\u0b32\u0b4d\u0b32\u0b2d", + "\u0b2e\u0b39\u0b3e\u0b26\u0b47\u0b2c", + "\u0b38\u0b41\u0b27\u0b40\u0b30", + "\u0b28\u0b5f\u0b28" + ], + "LAST_NAME": [ + "\u0b15\u0b39\u0b01\u0b30", + "\u0b1f\u0b3f\u0b15\u0b3e\u0b5f\u0b24", + "\u0b2c\u0b3f\u0b36\u0b4d\u0b71\u0b3e\u0b33", + "\u0b2c\u0b30\u0b3e\u0b33", + "\u0b2a\u0b24\u0b3f", + "\u0b2e\u0b39\u0b3e\u0b28\u0b4d\u0b24\u0b3f", + "\u0b2a\u0b41\u0b1f\u0b40", + "\u0b38\u0b3e\u0b2e\u0b32", + "\u0b2c\u0b3f\u0b36\u0b4b\u0b5f\u0b40", + "\u0b2c\u0b30\u0b3f\u0b39\u0b3e", + "\u0b2e\u0b39\u0b3e\u0b30\u0b25\u0b40", + "\u0b38\u0b3e\u0b07", + "\u0b2c\u0b33\u0b3f\u0b06\u0b30\u0b38\u0b3f\u0b02\u0b39", + "\u0b2a\u0b4d\u0b30\u0b24\u0b3f\u0b39\u0b3e\u0b30\u0b40", + "\u0b2e\u0b3e\u0b30\u0b3e\u0b23\u0b4d\u0b21\u0b3f", + "\u0b1c\u0b3e\u0b28\u0b40", + "\u0b15\u0b3e\u0b28\u0b41\u0b28\u0b17\u0b4b", + "\u0b17\u0b3f\u0b30\u0b3f", + "\u0b2c\u0b38\u0b41", + "\u0b26\u0b41\u0b32\u0b3e\u0b33\u0b40", + "\u0b2c\u0b4d\u0b5f\u0b3e\u0b38", + "\u0b2a\u0b4b\u0b21\u0b3e\u0b32", + "\u0b39\u0b47\u0b2e\u0b4d\u0b2c\u0b4d\u0b30\u0b2e", + "\u0b17\u0b23\u0b2a\u0b24\u0b3f", + "\u0b2e\u0b47\u0b39\u0b47\u0b30", + "\u0b05\u0b2e\u0b3e\u0b24", + "\u0b16\u0b41\u0b23\u0b4d\u0b1f\u0b3f\u0b06", + "\u0b15\u0b30", + "\u0b2e\u0b41\u0b38\u0b40\u0b30", + "\u0b06\u0b26\u0b47\u0b28\u0b40", + "\u0b27\u0b21\u0b3c\u0b3e", + "\u0b2c\u0b47\u0b09\u0b30\u0b3e", + "\u0b25\u0b3e\u0b2a\u0b3e", + "\u0b2e\u0b32\u0b4d\u0b32\u0b3f\u0b15", + "\u0b38\u0b30\u0b4d\u0b26\u0b4d\u0b26\u0b3e\u0b30", + "\u0b06\u0b1a\u0b3e\u0b30\u0b4d\u0b2f\u0b4d\u0b5f", + "\u0b15\u0b3e\u0b21\u0b3e\u0b2e\u0b4d", + "\u0b1b\u0b4b\u0b1f\u0b30\u0b3e\u0b5f", + "\u0b39\u0b3e\u0b07\u0b2c\u0b4d\u0b30\u0b41", + "\u0b27\u0b21\u0b3e", + "\u0b05\u0b32\u0b40", + "\u0b1b\u0b24\u0b4d\u0b30\u0b3f\u0b06", + "\u0b39\u0b30\u0b3f\u0b1a\u0b28\u0b4d\u0b26\u0b28", + "\u0b38\u0b3e\u0b30\u0b15\u0b3e", + "\u0b2a\u0b32\u0b4d\u0b32\u0b3e\u0b07", + "\u0b38\u0b47\u0b28", + "\u0b2a\u0b3e\u0b33", + "\u0b07\u0b38\u0b32\u0b3e\u0b2e", + "\u0b1c\u0b17\u0b21\u0b3e\u0b32", + "\u0b1a\u0b4c\u0b27\u0b41\u0b30\u0b40", + "\u0b2a\u0b42\u0b1c\u0b3e\u0b30\u0b40", + "\u0b09\u0b32\u0b4d\u0b32\u0b3e\u0b15\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b3f\u0b5f\u0b26\u0b30\u0b4d\u0b36\u0b3f\u0b28\u0b40", + "\u0b30\u0b3e\u0b09\u0b24", + "\u0b2e\u0b30\u0b4d\u0b26\u0b4d\u0b26\u0b30\u0b3e\u0b1c", + "\u0b32\u0b3e\u0b15\u0b4d\u0b30\u0b3e", + "\u0b38\u0b4c\u0b30\u0b4d\u0b2f\u0b4d\u0b5f\u0b3e", + "\u0b1a\u0b15\u0b4d\u0b30\u0b2c\u0b30\u0b4d\u0b24\u0b4d\u0b24\u0b40", + "\u0b17\u0b23\u0b4d\u0b21", + "\u0b06\u0b28\u0b28\u0b4d\u0b26", + "\u0b17\u0b21\u0b3c\u0b28\u0b3e\u0b5f\u0b15", + "\u0b26\u0b4d\u0b71\u0b3f\u0b2c\u0b47\u0b26\u0b40", + "\u0b2c\u0b40\u0b30", + "\u0b2c\u0b4d\u0b30\u0b39\u0b4d\u0b2e\u0b3e", + "\u0b30\u0b3e\u0b13", + "\u0b1a\u0b3f\u0b30\u0b1e\u0b4d\u0b1c\u0b40\u0b2c\u0b3f", + "\u0b2c\u0b30\u0b4d\u0b2e\u0b3e", + "\u0b32\u0b47\u0b19\u0b4d\u0b15\u0b3e", + "\u0b2e\u0b39\u0b3e\u0b28\u0b28\u0b4d\u0b26", + "\u0b18\u0b4b\u0b37", + "\u0b28\u0b3e\u0b17", + "\u0b17\u0b1c\u0b2a\u0b24\u0b3f", + "\u0b2e\u0b41\u0b15\u0b4d\u0b15\u0b3f\u0b2e", + "\u0b06\u0b32\u0b3e\u0b2e", + "\u0b15\u0b3f\u0b36\u0b3e\u0b28", + "\u0b1b\u0b4b\u0b32\u0b3f\u0b06", + "\u0b24\u0b28\u0b4d\u0b24\u0b3f", + "\u0b2a\u0b30\u0b3f\u0b21\u0b3c\u0b3e", + "\u0b2e\u0b3f\u0b36\u0b4d\u0b30", + "\u0b30\u0b28\u0b4d\u0b27\u0b3e\u0b30\u0b40", + "\u0b38\u0b4b\u0b30\u0b47\u0b28\u0b4d", + "\u0b15\u0b41\u0b05\u0b01\u0b30", + "\u0b39\u0b07\u0b2c\u0b41\u0b30\u0b41", + "\u0b16\u0b1f\u0b41\u0b06", + "\u0b15\u0b41\u0b23\u0b4d\u0b21\u0b41", + "\u0b32\u0b3e\u0b32", + "\u0b38\u0b3f\u0b02\u0b39", + "\u0b30\u0b4b\u0b39\u0b3f\u0b26\u0b3e\u0b38", + "\u0b39\u0b3e\u0b01\u0b38\u0b26\u0b3e", + "\u0b2c\u0b3e\u0b17", + "\u0b2c\u0b3e\u0b28\u0b3e\u0b30\u0b4d\u0b1c\u0b40", + "\u0b2e\u0b3e\u0b28\u0b4d\u0b27\u0b3e\u0b24\u0b3e", + "\u0b28\u0b28\u0b4d\u0b26\u0b3f", + "\u0b2c\u0b3e\u0b2c\u0b41", + "\u0b2a\u0b32\u0b47\u0b07", + "\u0b38\u0b3f\u0b27\u0b41", + "\u0b37\u0b21\u0b3c\u0b19\u0b4d\u0b17\u0b40", + "\u0b1b\u0b41\u0b30\u0b3f\u0b06", + "\u0b38\u0b3e\u0b39\u0b41", + "\u0b05\u0b17\u0b4d\u0b30\u0b71\u0b3e\u0b32", + "\u0b2e\u0b3e\u0b28\u0b38\u0b3f\u0b02\u0b39", + "\u0b18\u0b21\u0b3c\u0b3e\u0b07", + "\u0b2c\u0b3f\u0b1c\u0b41\u0b33\u0b3f", + "\u0b2d\u0b4b\u0b07", + "\u0b15\u0b41\u0b2e\u0b3e\u0b30", + "\u0b2e\u0b41\u0b26\u0b3f", + "\u0b2e\u0b23\u0b4d\u0b21\u0b33", + "\u0b2c\u0b3e\u0b30\u0b4d\u0b32\u0b3e", + "\u0b2e\u0b41\u0b30\u0b4d\u0b2e\u0b41", + "\u0b30\u0b3e\u0b1c", + "\u0b2e\u0b3f\u0b1e\u0b4d\u0b1c\u0b4d", + "\u0b38\u0b4b\u0b30\u0b47\u0b28", + "\u0b26\u0b47\u0b07", + "\u0b2c\u0b21\u0b3c\u0b1c\u0b47\u0b28\u0b3e", + "\u0b39\u0b41\u0b38\u0b47\u0b28", + "\u0b26\u0b41\u0b30\u0b3f\u0b06", + "\u0b2e\u0b41\u0b26\u0b41\u0b32\u0b3f", + "\u0b2c\u0b33\u0b38\u0b3e\u0b2e\u0b28\u0b4d\u0b24", + "\u0b17\u0b4c\u0b24\u0b2e", + "\u0b2a\u0b23\u0b4d\u0b21\u0b3f\u0b24", + "\u0b2d\u0b1e\u0b4d\u0b1c\u0b26\u0b47\u0b13", + "\u0b17\u0b21\u0b28\u0b3e\u0b5f\u0b15", + "\u0b2e\u0b39\u0b3e\u0b15\u0b41\u0b21\u0b3c", + "\u0b32\u0b3e\u0b17\u0b41\u0b30\u0b40", + "\u0b2a\u0b3e\u0b07\u0b15\u0b30\u0b3e\u0b5f", + "\u0b18\u0b21\u0b3c\u0b47\u0b07", + "\u0b28\u0b3e\u0b5f\u0b15", + "\u0b30\u0b2e\u0b23\u0b40", + "\u0b38\u0b3e\u0b09\u0b23\u0b4d\u0b1f\u0b3e", + "\u0b16\u0b3e\u0b28", + "\u0b13\u0b30\u0b3e\u0b2e", + "\u0b24\u0b3f\u0b30\u0b3f\u0b5f\u0b3e", + "\u0b26\u0b3f\u0b06\u0b28", + "\u0b2c\u0b3f\u0b26\u0b4d\u0b5f\u0b3e\u0b27\u0b30", + "\u0b2a\u0b3e\u0b32", + "\u0b2e\u0b41\u0b23\u0b4d\u0b21\u0b3e", + "\u0b2e\u0b47\u0b39\u0b47\u0b1f\u0b3e", + "\u0b28\u0b3e\u0b0f\u0b15", + "\u0b2a\u0b30\u0b2c\u0b40\u0b28", + "\u0b2a\u0b30\u0b3f\u0b21\u0b3e", + "\u0b05\u0b24\u0b3e\u0b39\u0b3e\u0b30", + "\u0b2a\u0b4b\u0b26\u0b4d\u0b26\u0b3e\u0b30", + "\u0b24\u0b47\u0b1c", + "\u0b2a\u0b3e\u0b23\u0b3f\u0b17\u0b4d\u0b30\u0b3e\u0b39\u0b40", + "\u0b17\u0b30\u0b21\u0b3c\u0b3f\u0b06", + "\u0b2a\u0b2e", + "\u0b28\u0b3e\u0b17\u0b47\u0b36", + "\u0b38\u0b3f\u0b02", + "\u0b28\u0b28\u0b4d\u0b26", + "\u0b38\u0b3e\u0b2e\u0b28\u0b4d\u0b24", + "\u0b05\u0b17\u0b4d\u0b28\u0b3f\u0b2c\u0b47\u0b36", + "\u0b1f\u0b41\u0b21\u0b41", + "\u0b2c\u0b17\u0b30\u0b4d\u0b24\u0b4d\u0b24\u0b3f", + "\u0b30\u0b23\u0b38\u0b3f\u0b02\u0b39", + "\u0b2e\u0b39\u0b3e\u0b2a\u0b3e\u0b24\u0b4d\u0b30", + "\u0b24\u0b3f\u0b06\u0b21\u0b3c\u0b3f", + "\u0b2a\u0b4d\u0b30\u0b39\u0b30\u0b3e\u0b1c", + "\u0b1a\u0b2e\u0b4d\u0b2a\u0b24\u0b3f\u0b30\u0b3e\u0b5f", + "\u0b38\u0b47\u0b20\u0b40", + "\u0b30\u0b47\u0b21\u0b4d\u0b21\u0b3f", + "\u0b38\u0b30\u0b4d\u0b16\u0b47\u0b32", + "\u0b26\u0b3e\u0b38\u0b2c\u0b30\u0b4d\u0b2e\u0b3e", + "\u0b2c\u0b47\u0b39\u0b41\u0b30\u0b3e", + "\u0b2c\u0b4b\u0b37", + "\u0b39\u0b3f\u0b15\u0b4d\u0b15\u0b3e", + "\u0b15\u0b41\u0b32\u0b26\u0b40\u0b2a\u0b4d", + "\u0b24\u0b3f\u0b30\u0b4d\u0b15\u0b40", + "\u0b26\u0b24\u0b4d\u0b24", + "\u0b2c\u0b3e\u0b39\u0b41\u0b2c\u0b33\u0b47\u0b28\u0b4d\u0b26\u0b4d\u0b30", + "\u0b1a\u0b3e\u0b1f\u0b3e\u0b30\u0b4d\u0b1c\u0b3f", + "\u0b28\u0b3f\u0b06\u0b32", + "\u0b15\u0b41\u0b32\u0b47\u0b38\u0b3f\u0b15\u0b3e", + "\u0b2a\u0b1f\u0b4d\u0b1f\u0b28\u0b3e\u0b5f\u0b15", + "\u0b05\u0b39\u0b2e\u0b26", + "\u0b2c\u0b3e\u0b39\u0b3f\u0b28\u0b40\u0b2a\u0b24\u0b3f", + "\u0b26\u0b3e\u0b38\u0b28\u0b3e\u0b5f\u0b15", + "\u0b32\u0b4b\u0b15", + "\u0b39\u0b4b\u0b24\u0b3e", + "\u0b2e\u0b39\u0b3e\u0b30\u0b23\u0b3e", + "\u0b2e\u0b39\u0b3e\u0b32\u0b3f\u0b19\u0b4d\u0b17\u0b3e", + "\u0b2e\u0b32\u0b4d\u0b32", + "\u0b26\u0b33\u0b2c\u0b47\u0b39\u0b47\u0b30\u0b3e", + "\u0b39\u0b3f\u0b15\u0b4b\u0b15\u0b3e", + "\u0b2a\u0b3e\u0b22\u0b3c\u0b40", + "\u0b30\u0b3e\u0b5f\u0b1a\u0b4c\u0b27\u0b41\u0b30\u0b40", + "\u0b2e\u0b3e\u0b22\u0b3c\u0b47\u0b07", + "\u0b38\u0b3f\u0b2a\u0b4d\u0b15\u0b3e", + "\u0b2c\u0b48\u0b26\u0b4d\u0b5f", + "\u0b36\u0b4d\u0b30\u0b40\u0b1a\u0b28\u0b4d\u0b26\u0b28", + "\u0b22\u0b3e\u0b32\u0b3f", + "\u0b38\u0b47\u0b1f\u0b3f", + "\u0b16\u0b4b\u0b38\u0b32\u0b3e", + "\u0b1f\u0b47\u0b1f\u0b47", + "\u0b30\u0b3e\u0b5f", + "\u0b26\u0b40\u0b2a", + "\u0b1d\u0b4b\u0b21\u0b3c\u0b3f\u0b06", + "\u0b2a\u0b3e\u0b23\u0b3f", + "\u0b24\u0b30\u0b3e\u0b07", + "\u0b15\u0b3f\u0b28\u0b4d\u0b28\u0b3e\u0b17\u0b3f", + "\u0b2e\u0b19\u0b4d\u0b17\u0b30\u0b3e\u0b1c", + "\u0b1c\u0b17\u0b26\u0b47\u0b2c", + "\u0b0f\u0b15\u0b4d\u0b15\u0b3e", + "\u0b17\u0b30\u0b4d\u0b26\u0b4d\u0b26\u0b3e", + "\u0b38\u0b47\u0b20", + "\u0b15\u0b3f\u0b37\u0b3e\u0b28", + "\u0b38\u0b47\u0b28\u0b3e\u0b2a\u0b24\u0b3f", + "\u0b39\u0b28\u0b3f\u0b2b", + "\u0b27\u0b33", + "\u0b26\u0b3e\u0b38", + "\u0b38\u0b19\u0b4d\u0b17\u0b40\u0b24\u0b3e", + "\u0b24\u0b4d\u0b30\u0b3f\u0b2a\u0b3e\u0b20\u0b40", + "\u0b2a\u0b4d\u0b30\u0b27\u0b3e\u0b28\u0b40", + "\u0b26\u0b47\u0b13", + "\u0b05\u0b17\u0b30\u0b71\u0b3e\u0b32", + "\u0b30\u0b3e\u0b1c\u0b28\u0b4d", + "\u0b2a\u0b3e\u0b32\u0b3f\u0b24", + "\u0b30\u0b3e\u0b09\u0b24\u0b30\u0b3e\u0b5f", + "\u0b2c\u0b33\u0b2c\u0b28\u0b4d\u0b24\u0b30\u0b3e\u0b5f", + "\u0b1a\u0b4c\u0b30\u0b3e\u0b36\u0b3f\u0b06", + "\u0b26\u0b47\u0b2c\u0b3f", + "\u0b26\u0b47\u0b2c\u0b24\u0b3e", + "\u0b26\u0b47\u0b39\u0b41\u0b30\u0b40", + "\u0b36\u0b30\u0b4d\u0b2e\u0b3e", + "\u0b38\u0b3f\u0b39\u0b4d\u0b28\u0b3e", + "\u0b39\u0b3f\u0b2e\u0b3f\u0b30\u0b3f\u0b15\u0b3e", + "\u0b2a\u0b4d\u0b30\u0b27\u0b3e\u0b28", + "\u0b26\u0b47\u0b2c", + "\u0b17\u0b4b\u0b38\u0b4d\u0b71\u0b3e\u0b2e\u0b40", + "\u0b26\u0b47\u0b2c\u0b40", + "\u0b38\u0b4b\u0b21\u0b3c\u0b3f", + "\u0b2a\u0b3e\u0b19\u0b4d\u0b17\u0b40", + "\u0b2a\u0b41\u0b1c\u0b3e\u0b30\u0b40", + "\u0b38\u0b47\u0b20\u0b4d", + "\u0b2c\u0b33\u0b40\u0b5f\u0b3e\u0b30\u0b38\u0b3f\u0b02\u0b39", + "\u0b17\u0b21\u0b3c\u0b24\u0b3f\u0b06", + "\u0b2e\u0b41\u0b16\u0b3e\u0b30\u0b4d\u0b1c\u0b40", + "\u0b30\u0b25", + "\u0b2a\u0b43\u0b37\u0b4d\u0b1f\u0b3f", + "\u0b32\u0b3e\u0b20", + "\u0b2a\u0b1f\u0b41\u0b06", + "\u0b2d\u0b1f\u0b4d\u0b1f\u0b3e\u0b1a\u0b3e\u0b30\u0b4d\u0b2f\u0b4d\u0b5f", + "\u0b38\u0b3e\u0b32\u0b41\u0b1c\u0b3e", + "\u0b28\u0b3e\u0b25", + "\u0b2a\u0b30\u0b2e\u0b3e\u0b23\u0b3f\u0b15", + "\u0b2e\u0b4b\u0b15\u0b3f\u0b2e\u0b4d", + "\u0b38\u0b4d\u0b71\u0b3e\u0b07\u0b01", + "\u0b2d\u0b1e\u0b4d\u0b1c", + "\u0b15\u0b3e\u0b21\u0b4d\u0b30\u0b3e\u0b15\u0b3e", + "\u0b22\u0b3c\u0b4b\u0b32\u0b15\u0b3f\u0b06", + "\u0b2d\u0b42\u0b5f\u0b3e\u0b01", + "\u0b2a\u0b41\u0b30\u0b4b\u0b39\u0b3f\u0b24", + "\u0b2e\u0b3e\u0b1d\u0b40", + "\u0b30\u0b1e\u0b4d\u0b1c\u0b28", + "\u0b2e\u0b3f\u0b24\u0b4d\u0b30", + "\u0b38\u0b3f\u0b02\u0b39\u0b26\u0b47\u0b13", + "\u0b2e\u0b32\u0b3f\u0b15", + "\u0b28\u0b3e\u0b39\u0b3e\u0b15", + "\u0b1c\u0b47\u0b28\u0b3e", + "\u0b38\u0b4d\u0b2c\u0b3e\u0b07\u0b01", + "\u0b26\u0b3e\u0b36", + "\u0b30\u0b23\u0b3e", + "\u0b1c\u0b48\u0b28", + "\u0b21\u0b3e\u0b19\u0b4d\u0b17", + "\u0b17\u0b41\u0b30\u0b41", + "\u0b26\u0b4b\u0b30\u0b3e", + "\u0b2c\u0b38\u0b4d\u0b24\u0b3f\u0b06", + "\u0b30\u0b3e\u0b2e", + "\u0b13\u0b1d\u0b3e", + "\u0b17\u0b2e\u0b3e\u0b19\u0b4d\u0b17", + "\u0b2c\u0b38\u0b28\u0b4d\u0b24", + "\u0b38\u0b3f\u0b26\u0b41", + "\u0b2c\u0b33", + "\u0b36\u0b3e\u0b28\u0b4d\u0b24\u0b3e", + "\u0b2a\u0b30\u0b3f\u0b1c\u0b3e", + "\u0b2c\u0b47\u0b39\u0b47\u0b30\u0b3e", + "\u0b1a\u0b23\u0b4d\u0b21", + "\u0b2c\u0b3e\u0b30\u0b3f\u0b15", + "\u0b2e\u0b22\u0b3c\u0b47\u0b07", + "\u0b2e\u0b39\u0b28\u0b4d\u0b24", + "\u0b38\u0b3e\u0b2e\u0b28\u0b4d\u0b24\u0b30\u0b3e\u0b5f", + "\u0b15\u0b05\u0b01\u0b30", + "\u0b16\u0b3e\u0b01", + "\u0b17\u0b4c\u0b28\u0b4d\u0b24\u0b3f\u0b06", + "\u0b30\u0b3e\u0b09\u0b33", + "\u0b2e\u0b3e\u0b1d\u0b3f", + "\u0b26\u0b4d\u0b5f\u0b3e\u0b28\u0b38\u0b3e\u0b2e\u0b28\u0b4d\u0b24\u0b30\u0b3e\u0b5f", + "\u0b2a\u0b3e\u0b24\u0b4d\u0b30", + "\u0b26\u0b30\u0b3e\u0b07", + "\u0b2e\u0b3e\u0b22\u0b3c\u0b40", + "\u0b38\u0b3f\u0b02\u0b26\u0b47\u0b13", + "\u0b2c\u0b15\u0b3e", + "\u0b38\u0b41\u0b2c\u0b3e\u0b39\u0b41", + "\u0b2e\u0b3f\u0b30\u0b4d\u0b26\u0b4d\u0b27\u0b3e", + "\u0b26\u0b3f\u0b36\u0b3e\u0b30\u0b40", + "\u0b36\u0b24\u0b2a\u0b25\u0b40", + "\u0b2a\u0b23\u0b4d\u0b21\u0b3e", + "\u0b2e\u0b39\u0b3e\u0b33\u0b3f\u0b15", + "\u0b2e\u0b39\u0b38\u0b40\u0b28", + "\u0b26\u0b47" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0b28\u0b3e\u0b24\u0b41\u0b23\u0b40": "\u0b28\u0b3e\u0b24\u0b3f", + "\u0b2e\u0b3e": "\u0b2c\u0b3e\u0b2a\u0b3e", + "\u0b30\u0b3e\u0b23\u0b40": "\u0b30\u0b3e\u0b1c\u0b3e", + "\u0b2d\u0b09\u0b23\u0b40": "\u0b2d\u0b3e\u0b07", + "\u0b28\u0b3f\u0b38\u0b19\u0b4d\u0b17_\u0b27\u0b3e\u0b21\u0b3c\u0b3f": "\u0b2c\u0b3f\u0b2a\u0b24\u0b4d\u0b28\u0b40\u0b15", + "\u0b38\u0b4d\u0b24\u0b4d\u0b30\u0b40": "\u0b38\u0b4d\u0b71\u0b3e\u0b2e\u0b40" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "he": [ + "\u0b24\u0b3e\u0b30" + ], + "she": [ + "\u0b24\u0b3e\u0b30" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/orv.json b/data_tooling/pii_processing/ontology/data/orv.json new file mode 100644 index 0000000..1222e23 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/orv.json @@ -0,0 +1,50 @@ +{ + "PUBLIC_FIGURE": [ + "\u043c\u043e\u0440\ua657\u043d\u0438\u043d\u044a" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043e\u043d\u0430": "\u043e\u043d\u044a", + "\u0441\u0435\u0441\u0442\u0440\u0430": "\u0431\u0440\u0430\u0442\u044a", + "\u0436\u0435\u043d\u0430": "\u043c\u0443\u0436\u044c" + }, + "other_gender_swap": { + "\u043e\u043d\u0463": "\u043e\u043d\u0430", + "\u043e\u043d\u0438": "\u043e\u043d\u0430", + "\u043e\u043d\u044a": "\u043e\u043d\u0438", + "\u043e\u043d\u0430": "\u043e\u043d\u0438" + }, + "en_pronoun2gender": { + "she": [ + "\u0434\u0463\u0432\u0430", + "\u0436\u0435\u043d\u0430" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043d\u044a" + ], + "she": [ + "\u043e\u043d\u0430" + ], + "they": [ + "\u043e\u043d\u0463", + "\u043e\u043d\u0438" + ], + "it": [ + "\u043e\u043d\u043e", + "\u043e\u043d\u0430" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/os.json b/data_tooling/pii_processing/ontology/data/os.json new file mode 100644 index 0000000..817b212 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/os.json @@ -0,0 +1,40 @@ +{ + "LANGUAGE": [ + "\u0443\u044b\u0440\u044b\u0441\u0441\u0430\u0433" + ], + "PUBLIC_FIGURE": [ + "\u043a\u0443\u044b\u0440\u043e\u0439\u0433\u04d5\u0441" + ], + "PRODUCT": [ + "\u043c\u0430_\u0440\u043e\u0445_\u043a\u04d5\u043d" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0447\u044b\u0437\u0433": "\u0441\u0438\u043d", + "\u043d\u0430\u043d\u0430": "\u0444\u044b\u0434", + "\u043c\u0430\u0434\u04d5": "\u0444\u044b\u0434", + "\u043c\u0430\u0434": "\u0444\u044b\u0434", + "\u0431\u0438\u043d\u043e\u0439\u043d\u0430\u0433": "\u043c\u043e\u0439" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u043c\u0430\u0440\u0434" + ], + "she": [ + "\u0447\u044b\u0437\u0433" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/osp.json b/data_tooling/pii_processing/ontology/data/osp.json new file mode 100644 index 0000000..d7d1bce --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/osp.json @@ -0,0 +1,28 @@ +{ + "JOB": [ + "alfarero" + ], + "QUANTITY": [ + "migero" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "mugier" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/osx.json b/data_tooling/pii_processing/ontology/data/osx.json new file mode 100644 index 0000000..1076801 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/osx.json @@ -0,0 +1,56 @@ +{ + "POLITICAL_PARTY": [ + "ar\u0180ed", + "ar\u0180edi" + ], + "JOB": [ + "land", + "man" + ], + "ORG": [ + "arvedi", + "arved" + ], + "PLANT": [ + "holm" + ], + "LOCATION": [ + "land" + ], + "DISEASE": [ + "brinnan", + "bitan", + "brekan" + ], + "PUBLIC_FIGURE": [ + "ford" + ], + "GENDER": [ + "man" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "garwa": "wer" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "man" + ], + "she": [ + "femia" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ota.json b/data_tooling/pii_processing/ontology/data/ota.json new file mode 100644 index 0000000..f3d8ad0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ota.json @@ -0,0 +1,42 @@ +{ + "PRODUCT": [ + "\u067e\u062f\u0631_\u0646\u0648\u064a\u0644", + "\u0646\u0648\u064a\u0644_\u0628\u0627\u0628\u0627" + ], + "LOCATION": [ + "\u0646\u0648\u064a\u0644_\u067e\u062f\u0631" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0648\u0627\u0644\u062f\u0647": "\u067e\u062f\u0631", + "\u0642\u0631\u0627\u0644\u064a\u0686\u0647": "\u0642\u0631\u0627\u0644", + "\u0647\u0645\u0634\u06cc\u0631\u0647": "\u0628\u0631\u0627\u062f\u0631" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u0642\u0627\u062f\u064a\u0646", + "\u0639\u0648\u0631\u062a", + "\u0642\u06cc\u0632", + "\u0628\u0646\u062a", + "\u0632\u0646", + "\u062e\u0627\u062a\u0648\u0646" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u0627\u0648\u0644\u0627\u0631" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pa.json b/data_tooling/pii_processing/ontology/data/pa.json new file mode 100644 index 0000000..51e5095 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pa.json @@ -0,0 +1,111 @@ +{ + "ORG": [ + "\u0a38\u0a3f\u0a71\u0a16\u0a3f\u0a06", + "\u0a16\u0a47\u0a24\u0a40\u0a2c\u0a3e\u0a5c\u0a40", + "\u0a15\u0a47\u0a2a_\u0a35\u0a30\u0a26\u0a47", + "\u0a38\u0a47\u0a02\u0a1f_\u0a32\u0a42\u0a38\u0a40\u0a06", + "\u0a24\u0a3f\u0a70\u0a28_\u0a2d\u0a48\u0a23\u0a3e\u0a02", + "\u0a15\u0a48\u0a25\u0a4b\u0a32\u0a3f\u0a15_\u0a17\u0a3f\u0a30\u0a1c\u0a3e\u0a18\u0a30", + "\u0a39\u0a35\u0a3e\u0a02\u0a17_\u0a39\u0a4b", + "\u0a38\u0a3f\u0a06\u0a38\u0a40_\u0a26\u0a32", + "\u0a38\u0a3e\u0a13_\u0a24\u0a4b\u0a2e\u0a47", + "\u0a32\u0a3e\u0a32_\u0a38\u0a2e\u0a41\u0a70\u0a26\u0a30", + "\u0a35\u0a3e\u0a08\u0a1f_\u0a39\u0a3e\u0a0a\u0a38" + ], + "POLITICAL_PARTY": [ + "\u0a28\u0a3e\u0a1c\u0a3c\u0a40_\u0a2a\u0a3e\u0a30\u0a1f\u0a40", + "\u0a28\u0a48\u0a38\u0a3c\u0a28\u0a32_\u0a2a\u0a3e\u0a30\u0a1f\u0a40" + ], + "GPE": [ + "\u0a38\u0a47\u0a02\u0a1f_\u0a32\u0a3e\u0a30\u0a70\u0a38_\u0a26\u0a30\u0a3f\u0a06", + "\u0a06\u0a08\u0a06_\u0a38\u0a4b\u0a2b\u0a3c\u0a40\u0a06", + "\u0a2e\u0a28\u0a41\u0a71\u0a16\u0a40_\u0a39\u0a71\u0a15" + ], + "DISEASE": [ + "\u0a15\u0a41\u0a71\u0a15\u0a30\u0a47", + "\u0a38\u0a1f\u0a30\u0a4b\u0a15" + ], + "PERSON_PRONOUN": [ + "i" + ], + "JOB": [ + "\u0a25\u0a48\u0a1a\u0a30", + "\u0a2e\u0a28\u0a4b\u0a35\u0a3f\u0a17\u0a3f\u0a06\u0a28\u0a40" + ], + "PUBLIC_FIGURE": [ + "y", + "f", + "i", + "g", + "r", + "t" + ], + "LOCATION": [ + "\u0a38\u0a2a\u0a24\u0a30\u0a3f\u0a38\u0a3c\u0a40", + "\u0a10\u0a2e\u0a30\u0a40\u0a17\u0a4b_\u0a35\u0a47\u0a38\u0a2a\u0a41\u0a1a\u0a40", + "\u0a38\u0a48\u0a02\u0a1f\u0a3e_\u0a15\u0a32\u0a3e\u0a1c\u0a3c", + "\u0a05\u0a32_\u0a1c\u0a1c\u0a3c\u0a40\u0a30\u0a3e", + "\u0a15\u0a4d\u0a30\u0a3f\u0a38\u0a1f\u0a4b\u0a2b\u0a3c\u0a30_\u0a15\u0a4b\u0a32\u0a70\u0a2c\u0a38", + "\u0a38\u0a41\u0a2a\u0a40\u0a30\u0a40\u0a05\u0a30_\u0a1d\u0a40\u0a32" + ], + "PLANT": [ + "\u0a38\u0a3c\u0a3e\u0a39_\u0a2c\u0a32\u0a42\u0a24" + ], + "FAC": [ + "\u0a28\u0a3f\u0a32\u0a40_\u0a26_\u0a2a\u0a42", + "\u0a15\u0a48\u0a25\u0a4b\u0a32\u0a3f\u0a15_\u0a1a\u0a30\u0a1a", + "\u0a2a\u0a40\u0a1f\u0a30_\u0a2e\u0a39\u0a3e\u0a28" + ], + "DATE": [ + "\u0a1f\u0a35\u0a48\u0a32\u0a25_\u0a28\u0a3e\u0a08\u0a1f", + "\u0a28\u0a3f\u0a0a_\u0a2e\u0a42\u0a28" + ], + "QUANTITY": [ + "g" + ], + "RELIGION": [ + "\u0a24\u0a3e\u0a13\u0a35\u0a3e\u0a26" + ], + "ANIMAL": [ + "\u0a07\u0a2c\u0a4b\u0a32\u0a3e_\u0a35\u0a3f\u0a38\u0a3c\u0a3e\u0a23\u0a42_\u0a30\u0a4b\u0a17" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0a2e\u0a3e\u0a02": "\u0a2c\u0a3e\u0a2a", + "\u0a2e\u0a3e\u0a24\u0a3e": "\u0a2a\u0a3f\u0a24\u0a3e", + "\u0a30\u0a3e\u0a1c\u0a15\u0a41\u0a2e\u0a3e\u0a30\u0a40": "\u0a26_\u0a2a\u0a4d\u0a30\u0a3f\u0a70\u0a38", + "\u0a2d\u0a48\u0a23": "\u0a35\u0a40\u0a30", + "\u0a2a\u0a24\u0a28\u0a40": "\u0a2a\u0a24\u0a40", + "\u0a14\u0a30\u0a24": "\u0a2e\u0a30\u0a26", + "\u0a2e\u0a41\u0a70\u0a21\u0a3e": "\u0a15\u0a41\u0a5c\u0a40" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0a32\u0a3f\u0a1f\u0a32_\u0a2c\u0a41\u0a06\u0a0f", + "\u0a2e\u0a30\u0a26", + "\u0a2e\u0a28\u0a41\u0a71\u0a16", + "\u0a2e\u0a41\u0a70\u0a21\u0a3e" + ], + "she": [ + "\u0a15\u0a41\u0a5c\u0a40", + "\u0a14\u0a30\u0a24" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "\u0a0f\u0a38" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pap.json b/data_tooling/pii_processing/ontology/data/pap.json new file mode 100644 index 0000000..fc0954d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pap.json @@ -0,0 +1,128 @@ +{ + "DISEASE": [ + "kalor", + "ki", + "para", + "seif", + "straik", + "mi", + "malaria" + ], + "PLANT": [ + "peper", + "preimu" + ], + "PERSON_PRONOUN": [ + "hers", + "i" + ], + "JOB": [ + "obispu", + "para", + "kahero", + "master", + "partera", + "straik", + "rabino", + "ingeniero", + "man", + "barbero", + "hardinero", + "regular", + "autor" + ], + "RELIGION_MEMBER": [ + "budista" + ], + "SOC_ECO_CLASS": [ + "labor" + ], + "RACE": [ + "latino", + "latin", + "blanko", + "negro" + ], + "PUBLIC_FIGURE": [ + "spera", + "bari", + "hal", + "parker", + "o", + "i", + "lars", + "speransa" + ], + "LOCATION": [ + "park", + "usa", + "arena" + ], + "FOOD": [ + "aperitivo", + "desayuno" + ], + "GENDER": [ + "muher", + "man" + ], + "LANGUAGE": [ + "rumano" + ], + "POLITICAL_PARTY": [ + "labor" + ], + "ORG": [ + "testigunan_di_yehova", + "dia", + "mi", + "domi" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "heroina": "hero", + "eroina": "hero", + "abla": "bruder", + "bini": "esposo", + "esposa": "esposo", + "duna": "esposo", + "muh\u00e9": "man", + "muher": "man" + }, + "other_gender_swap": { + "ilu": "huma" + }, + "en_pronoun2gender": { + "he": [ + "man" + ], + "she": [ + "muher", + "se\u00f1ora", + "muh\u00e9", + "abla" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "ilu" + ], + "she": [ + "hers" + ], + "they": [ + "huma" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pcd.json b/data_tooling/pii_processing/ontology/data/pcd.json new file mode 100644 index 0000000..be6c591 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pcd.json @@ -0,0 +1,56 @@ +{ + "ANIMAL": [ + "cat", + "poulhe", + "chevreu", + "bitoreau", + "arner", + "baudet", + "ch\u00e9rfe", + "buhorioe" + ], + "LOCATION": [ + "marie_madlaingne" + ], + "JOB": [ + "char" + ], + "DISEASE": [ + "chi" + ], + "PUBLIC_FIGURE": [ + "m", + "marie_madlaingne", + "d", + "l" + ], + "PLANT": [ + "aute", + "cormi\u00e9" + ], + "RELIGION_MEMBER": [ + "mon" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "fanme", + "f\u00e9me", + "feume" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/peo.json b/data_tooling/pii_processing/ontology/data/peo.json new file mode 100644 index 0000000..501b8e4 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/peo.json @@ -0,0 +1,20 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\ud800\udfb6\ud800\udfa0\ud800\udfab\ud800\udfa0": "\ud800\udfb1\ud800\udfa1\ud800\udfab\ud800\udfa0" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pi.json b/data_tooling/pii_processing/ontology/data/pi.json new file mode 100644 index 0000000..6ae6637 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pi.json @@ -0,0 +1,34 @@ +{ + "ORG": [ + "kasikamma" + ], + "SOC_ECO_CLASS": [ + "kasikamma" + ], + "GPE": [ + "buddh\u0101bhiseka" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "amm\u0101": "\u091c\u0928\u0915\u094b", + "bhagin\u012b": "bh\u0101tar" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "ka\u00f1\u00f1\u0101" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pjt.json b/data_tooling/pii_processing/ontology/data/pjt.json new file mode 100644 index 0000000..6f57ced --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pjt.json @@ -0,0 +1,66 @@ +{ + "GENDER": [ + "kungka", + "minyma" + ], + "PERSON_PRONOUN": [ + "palunyanya", + "palanya", + "nyaranya" + ], + "PRODUCT": [ + "ma_pitja" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "palunya": "ngaanya", + "nyara": "palunyanya" + }, + "other_gender_swap": { + "palunya": "nyara", + "nyara": "palunya", + "palanya": "nyara", + "ngaanya": "nyara", + "palunyanya": "nyara", + "nyaranya": "palunya" + }, + "en_pronoun2gender": { + "she": [ + "kungka", + "minyma" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "nyara", + "palunya", + "palanya", + "ngaanya", + "palunyanya", + "nyaranya" + ], + "she": [ + "nyara", + "palunya" + ], + "they": [ + "nyara", + "palunya" + ], + "it": [ + "nyara", + "palunya" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pl.json b/data_tooling/pii_processing/ontology/data/pl.json new file mode 100644 index 0000000..5fa2d25 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pl.json @@ -0,0 +1,3107 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "lambert", + "don_kichot", + "benjamin_franklin", + "martin_buber", + "majmonides", + "lankijka", + "akira_kurosawa", + "maria_tallchief", + "n_d", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "edward_rickenbacker", + "roger_williams", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "ernesto_guevara", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "baletmistrz", + "charles_best", + "leonard_bernstein", + "georges_simenon", + "c", + "jeden", + "thomas_hodgkin", + "j\u00f3zef_flawiusz", + "edward_albee", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "abelard", + "morgan", + "saladyn", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "gauss", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "george_balanchine", + "richard_burton", + "douglas_macarthur", + "james_michener", + "mary_wollstonecraft", + "maria_magdalena", + "thomas_reid", + "john_jacob_astor", + "konstantin_stanis\u0142awski", + "otto_frisch", + "winston_churchill", + "johannes_diderik_van_der_waals", + "b", + "conrad_aiken", + "karl_landsteiner", + "paul_mccartney", + "george_thomson", + "czajkowski", + "richard_smalley", + "michai\u0142_barysznikow", + "andrew_marvell", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "lankijczyk", + "john_trumbull", + "sherry", + "joseph_greenberg", + "isaac_newton", + "alfred_eisenstaedt", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "amy_lowell", + "edward_gibbon", + "schiaparelli", + "jefferson_davis", + "saint_louis", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "pedel", + "george_burns", + "mocodawca", + "george_harrison", + "peter_minuit", + "george_orwell", + "ronald_norrish", + "georg_meissner", + "arthur_koestler", + "richard_wagner", + "williams", + "thornton_wilder", + "tomasz", + "pancho_villa", + "leopold_stokowski", + "rebecca_west", + "francis_galton", + "panczenlama", + "mary_martin", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "e_entertainment", + "thomas_hobbes", + "edward_weston", + "el_greco", + "samuel_beckett", + "anna_kurnikowa", + "ernest_bevin", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "robert_koch", + "puszkin", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "edmund_hillary", + "siergiej_rachmaninow", + "vincent_van_gogh", + "richard_hooker", + "w", + "william_hazlitt", + "martina_navr\u00e1tilov\u00e1", + "marie_stopes", + "has_been", + "john_ruskin", + "robert_burns", + "john_henry", + "carl_anderson", + "thomas_paine", + "bari", + "francis_beaumont", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "monteskiusz", + "willem_einthoven", + "phil_anderson", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "allen_iverson", + "anne_hutchinson", + "giuseppe_verdi", + "aleksandr_prochorow", + "walter_lippmann", + "e", + "karl_jaspers", + "beethoven", + "hideki_yukawa", + "konrad_adenauer", + "baletmistrzyni", + "antoni", + "marianne_moore", + "norbert_wiener", + "mark_rothko", + "maurice_chevalier", + "antoniusz", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "j", + "richard_strauss", + "stephen_decatur", + "leslie_howard", + "jean_baptiste_racine", + "mahalia_jackson", + "john_ford", + "alphonse_bertillon", + "katherine_mansfield", + "gertrude_stein", + "sarah_bernhardt", + "konstantyn", + "v", + "philip_marlowe", + "luigi_pirandello", + "marc_blitzstein", + "hank_williams", + "robert_millikan", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "thomas_mann", + "komiwoja\u017cer", + "william_ockham", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "scribes", + "maksymian", + "henryk", + "robert_johnson", + "james_dean", + "robert", + "mason", + "marie_tussaud", + "mezzosopran", + "roger_bannister", + "theodor_schwann", + "max_beerbohm", + "james_cattell", + "alessandro_manzoni", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "george_huntington", + "charles_schulz", + "jim_corbett", + "james_naismith", + "oscar_wilde", + "ba\u0142agu\u0142a", + "jane_marple", + "le\u015bnik", + "philip_roth", + "j_d_salinger", + "marszand", + "lawrence", + "kuria", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "eli_whitney", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "george_kennan", + "adolf_eichmann", + "majoretka", + "marilyn_horne", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "joseph_heller", + "a", + "laurenty", + "morris", + "m\u0142ynarska", + "norman_rockwell", + "nowak", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "richard_gatling", + "james_franck", + "william_crookes", + "samuel_gompers", + "nellie_bly", + "weber", + "warburg", + "alexandre_yersin", + "n", + "stephen_leacock", + "albert_schweitzer", + "georg_steller", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "johannes_kepler", + "william_s_burroughs", + "most", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "sarah_vaughan", + "john_wilkes", + "william_byrd", + "william_henry", + "christopher_fry", + "scott_joplin", + "carl_lewis", + "george_vancouver", + "canberra", + "elias_canetti", + "robert_lowell", + "edward_jenner", + "oscar_robertson", + "piotr_aposto\u0142", + "oliver_hardy", + "ko\u015bciuszko", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "karol_marks", + "graham_greene", + "frans_hals", + "edward", + "lars_onsager", + "margaret_mitchell", + "m\u0142ynarz", + "lola_montez", + "jan_swammerdam", + "mary_mccarthy", + "david_riesman", + "john_walker", + "lapunder", + "william_herschel", + "joseph_black", + "karmelita", + "arthur_compton", + "niels_bohr", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "andrzejewicz", + "irving_berlin", + "bernard_baruch", + "rudolf_diesel", + "bonkreta", + "walt_disney", + "ben_jonson", + "henr", + "popielica_szara", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "ted_williams", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "marcel_proust", + "jedna", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "paul_robeson", + "thomas_middleton", + "john_dowland", + "anton_czechow", + "daniel_jones", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "rudolf_serkin", + "peter_stuyvesant", + "ethel_merman", + "u_otwarte", + "agent_ubezpieczeniowy", + "frank_baum", + "samuel_adams", + "albert_speer", + "james_baldwin", + "piotr_i_wielki", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "lilija", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "john_fletcher", + "caravaggio", + "charlie_watts", + "m", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "joseph_henry", + "henri_bergson", + "anna_paw\u0142owa", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "pierre_corneille", + "niedowiarek", + "patrick_white", + "saul_steinberg", + "bartholomew_roberts", + "hans_christian_andersen", + "peter_cooper", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "igor_strawinski", + "thomas", + "pieter_zeeman", + "glenn_miller", + "steward", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "galileusz", + "osman_i", + "kurt_weill", + "otto_hahn", + "lester_young", + "otto_meyerhof", + "michai\u0142_kalinin", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "robert_scott", + "john_galsworthy", + "robert_robinson", + "aleksja", + "o", + "one", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "henry_miller", + "od_zera", + "paul_bunyan", + "friedrich_nietzsche", + "i", + "jimmy_durante", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "genera\u0142_brygady", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "katullus", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "leonard_bloomfield", + "jean_piaget", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "william_sherman", + "frank_norris", + "don_quichote", + "frank_stella", + "robert_southey", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "chopin", + "i_tak_dalej", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "skala\u0107", + "archibald_macleish", + "peter_behrens", + "alfred_stieglitz", + "henry_richardson", + "joseph_haydn", + "stephen_spender", + "garfield", + "tamara_karsawina", + "george_boole", + "hans_reiter", + "paul_revere", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "alan_paton", + "ralph_richardson", + "1", + "cordell_hull", + "james_wilson", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "zenon_izauryjczyk", + "x", + "ernest_walton", + "giuseppe_mazzini", + "jim_thorpe", + "h", + "randall_jarrell", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "ben_hecht", + "christopher_isherwood", + "fritz_kreisler", + "anne_hathaway", + "david_garrick", + "don_budge", + "bill_russell", + "baldwin", + "jeannette_rankin", + "clarence_darrow", + "charles_lamb", + "g", + "albert_michelson", + "charles_coulomb", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "johns_hopkins", + "henri_pitot", + "wanda_landowska", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "helen_jackson", + "laurencjusz", + "steven_spielberg", + "jean_monnet", + "leonard", + "robert_fulton", + "\u015bwi\u0119ty_jerzy", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "robert_brown", + "wilhelm_weber", + "thomas_carlyle", + "allen_tate", + "donald_barthelme", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "d", + "james_bowie", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "piotr", + "robert_gray", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "putin", + "matthew_flinders", + "robert_herrick", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "hoffa", + "karl_popper", + "alfred", + "coleman_hawkins", + "mary_harris", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "henry_clay", + "husajn", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "robert_mills", + "george_meredith", + "robert_morris", + "woody_herman", + "juliusz_cezar", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "katarzyna", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "robert_woodward", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "john_mill", + "od_nowa", + "hugo_junkers", + "lillian_hellman", + "brescia", + "john_macleod", + "wawrzyniec", + "thomas_merton", + "boris_spasski", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "marek_antoniusz", + "robinson_jeffers", + "alice_walker", + "dalajlama", + "miles_davis", + "edmund_cartwright", + "james_parkinson", + "wilhelm_tell", + "george_marshall", + "jesse_jackson", + "willa_cather", + "mezzosopranistka", + "stanley_kubrick", + "john_huston", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "ubezpieczeniowiec", + "jenny_lind", + "homo", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "grzegorz", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "rzeka_\u015bwi\u0119tego_wawrzy\u0144ca", + "s", + "william_clark", + "woodrow_wilson", + "thomas_jackson", + "william_wycherley", + "margaret_sanger", + "george_wallace", + "agrippina", + "richard_rodgers", + "george", + "anne_sexton", + "strawi\u0144ski", + "john_dryden", + "jim_henson", + "frank", + "b\u00e9la_lugosi", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "andriej_sacharow", + "aquila", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "gracie_allen", + "billy_sunday", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "cesare_borgia", + "strzy\u017cyki", + "donkiszot", + "gaus", + "roald_amundsen", + "sherwood_anderson", + "richard_leakey", + "alfred_korzybski", + "c_a", + "charles_dickens", + "samuel_huntington", + "ella_fitzgerald", + "fats_waller", + "thomas_sydenham", + "jack_robinson", + "alois_senefelder", + "taszilama", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "joseph_paxton", + "william_chambers", + "gilbert", + "george_stevens", + "federico_fellini", + "the_one", + "m\u0142ynarski", + "bessie_smith", + "don_kiszot", + "jean_antoine_watteau", + "patrick_henry", + "willy_brandt", + "ochmistrz", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "jan_steen", + "tercjan", + "john_ross", + "ali_baba", + "antonin", + "strzy\u017cyk", + "powell", + "philibert_delorme", + "hans_arp", + "andrew_carnegie", + "franz_schubert", + "william_butterfield", + "johnny_cash", + "alfred_kastler", + "kopy\u015b\u0107", + "dawid", + "mick_jagger", + "otto_loewi", + "georges_cuvier", + "william_harvey", + "walter_scott", + "parkinson", + "peter_medawar", + "sam_houston", + "benedykt", + "robert_browning", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "lydia_lili\u02bbuokalani", + "walter_gropius", + "albert_einstein", + "l", + "robert_joffrey", + "fritz_lipmann", + "aletta_jacobs", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "ormuzd", + "flannery_o\u2019connor", + "t", + "wilhelm_ostwald" + ], + "ORG": [ + "szko\u0142a", + "ida", + "shinto", + "armia_czerwona", + "wisznuizm", + "szintoizm", + "nieliniowo\u015b\u0107", + "rada_federalna", + "choroba_francuska", + "san_jos\u00e9", + "dominikanie", + "hydroksyetan", + "wicca", + "mormonizm", + "psychiatryk", + "aktualny", + "marynarka", + "jan_mayen", + "as_dur", + "policja_stanowa", + "szyityzm", + "wieczorem", + "aa", + "pompka", + "nasa", + "niebieskooki", + "arda", + "huang_he", + "bollywood", + "ang", + "garkuchnia", + "wysoka_cz\u0119stotliwo\u015b\u0107", + "murarstwo", + "europol", + "schutzstaffel", + "the_who", + "podstaw\u00f3wka", + "dominium", + "rada_gminy", + "the_planetary_society", + "college", + "wariatkowo", + "san_francisco", + "na_odwr\u00f3t", + "irlandzki_korpus_lotniczy", + "\u015br\u00f3dmie\u015bcie", + "zagranica", + "germanistyka", + "nowobogacz", + "v\u0129nh_long", + "wioska_olimpijska", + "prawo_cywilne", + "nara", + "aleksander_wielki", + "partia_socjaldemokratyczna", + "va", + "retinopatia_barwnikowa", + "dzieci\u0105teczko", + "zabawkarstwo", + "rozs\u0105dek", + "islamistyka", + "spierdala\u0107", + "m\u0142odoturcy", + "wyspa_\u015bwi\u0119tej_heleny", + "i_in", + "sc", + "kszta\u0142cenie", + "niebieskooka", + "politechnika", + "ko\u015bci\u00f3\u0142_anglika\u0144ski", + "baskonia", + "gao", + "szyntoizm", + "prohibition_party", + "franciszkanie", + "s_hertogenbosch", + "nanak", + "partia_pracy", + "z\u0142oty_wiek", + "bogarodzicielka", + "shintoizm", + "legislatywa", + "saint_vincent", + "zesp\u00f3\u0142_baletowy", + "augustianie", + "john_tuzo_wilson", + "armia", + "don_juan", + "oni", + "the_new_school", + "rada_ministr\u00f3w", + "ai", + "podejrzani", + "s_f", + "ds", + "fundusz_emerytalny", + "the_football_league", + "chiang_mai", + "yorkowie", + "dia", + "druga_osoba", + "radiogalaktyka", + "fabianie", + "po_trochu", + "partia_socjalistyczna", + "a_r\u00f3b_jak_chcesz", + "ab_initio", + "le_mans", + "barbara_z_nikomedii", + "samorz\u0105d", + "partia_komunistyczna", + "caf\u00e9_au_lait", + "prawo_rzymskie", + "prawnuk", + "ko\u015bci\u00f3\u0142_katolicki", + "marynarka_wojenna", + "rada_miasta", + "rabindranath_tagore", + "taoizm", + "gestapo", + "zwariowa\u0107", + "skarbiec", + "s\u0105d_najwy\u017cszy", + "n\u00f3w", + "pac", + "sprawiedliwo\u015b\u0107", + "o\u015bwiata", + "lancasterowie", + "drobnomieszcza\u0144stwo", + "masoneria", + "matka_bo\u017ca_siedmiobolesna", + "ma\u0142opolska", + "baon", + "who_are_you", + "og\u00f3lniak", + "partia_konserwatywna", + "partido_del_trabajo", + "partia_zielonych", + "chiang_rai", + "stronnictwo_narodowe", + "hippisi", + "europe", + "po", + "the_opposition", + "krisznowiec", + "fabryka_marze\u0144", + "\u015bwi\u0119ta_rodzina", + "rada_p\u00f3\u0142nocnoatlantycka", + "partia_polityczna", + "izba_ni\u017csza", + "posprz\u0105ta\u0107", + "hollywood", + "rasa_pan\u00f3w", + "s\u0142odka_woda", + "al_ajn", + "socjaldemokratyczna_partia_andory", + "minoryci", + "saint_barth\u00e9lemy", + "sturmabteilung", + "las_bawarski", + "pretorianie", + "los_angeles", + "nato", + "mass_media", + "baltimore_orioles", + "zgromadzenie_narodowe_republiki_serbskiej", + "anno_domini", + "rada_miejska", + "ad_hoc", + "zesp\u00f3\u0142_rockowy", + "braminizm", + "city_hall", + "almand", + "polucja", + "by_the_way", + "alla_polacca", + "skautka", + "in_situ", + "miko\u0142aj_z_miry", + "polibuda", + "sa", + "\u015bwiadkowie_jehowy", + "murarka", + "urz\u0105d_pocztowy", + "si\u0142y_powietrzne", + "bia\u0142y_dom", + "partia_republika\u0144ska", + "szinto", + "matka_boska_bolesna", + "krysznowiec", + "al_d\u017cazira", + "stowarzyszenie_chrze\u015bcija\u0144skiej_nauki", + "hagana", + "mi\u0119dzynarodowa_unia_telekomunikacyjna", + "kolegium", + "republika_zielonego_przyl\u0105dka", + "cesarstwo_niemieckie", + "commerce", + "streptococcus_pyogenes", + "eu", + "na_nowo", + "zgromadzenie_narodowe_korei_po\u0142udniowej", + "kapetyngowie", + "ratusz", + "kadry", + "tak_w_og\u00f3le", + "czerwony_krzy\u017c", + "woda_s\u0142odka", + "wilki_morskie", + "sprz\u0105ta\u0107", + "zgromadzenie_narodowe_republiki_serbii", + "wojska_lotnicze", + "park_przemys\u0142owy", + "mosad", + "s\u00e3o_tom\u00e9", + "hipisi", + "lowelas", + "akademia_wojskowa", + "shint\u014d", + "drobnomieszczanin", + "\u015bwi\u0119te_cesarstwo_rzymskie", + "stany", + "skarbnica" + ], + "JOB": [ + "fagas", + "laufer", + "lutownik", + "protokolant", + "licencjodawca", + "marsza\u0142ek", + "baka\u0142arz", + "leksykograf", + "mincarz", + "developer", + "guru", + "sweep", + "terakociarz", + "psor", + "fundator", + "gastarbajter", + "baga\u017cowy", + "seter", + "balsamista", + "pomagier", + "stangret", + "rejestrator", + "arcypasterz", + "businessman", + "\u015bluzowy", + "faktotum", + "kapral", + "czeladnik", + "speaker", + "elektromonter", + "szczuro\u0142ap", + "hydrolog", + "niedorajda", + "magazynier", + "skarbnik", + "osadnik", + "mikrobiolog", + "make", + "piekarz", + "golarz", + "drogista", + "piastunka", + "pokojowa", + "herold", + "endokrynolog", + "trener", + "stra\u017cak", + "nawijarka", + "japiszon", + "translator", + "handlowiec", + "sokolnik", + "angiolog", + "autorka", + "renowator", + "kochanica", + "wolontariusz", + "pastuszka", + "alkad", + "mincerz", + "koronowana_g\u0142owa", + "kosarz", + "tkacz", + "suwerenny", + "sexton", + "trybik", + "podczaszy", + "biuralista", + "\u015bwiniopas", + "don", + "king", + "stra\u017cniczka_wi\u0119zienna", + "ludwisarz", + "karabinier", + "golkiper", + "dermatolog", + "doradca", + "the_police", + "stolarz", + "gestor", + "terapeuta", + "biskup", + "pil\u015bniarz", + "pretor", + "feldmarsza\u0142ek", + "sommelier", + "weterynarka", + "amunicyjny", + "niepodleg\u0142y", + "gentleman", + "praczka", + "fabrykant", + "budowlany", + "midynetka", + "szkoleniowiec", + "weterynarz", + "hematolog", + "kr\u00f3liczek", + "pakarz", + "ochotnik", + "kamienicznik", + "kaczkarz", + "kornak", + "burmistrz", + "porucznik", + "estetyk", + "drugi_pilot", + "ramiarz", + "para", + "router", + "tapicer", + "stra\u017cnik", + "tkaczka", + "romansopisarz", + "lokaj", + "grotnik", + "sensei", + "arrowsmith", + "bodyguard", + "krawcowa", + "prowost", + "torowiec", + "dziejopisarz", + "mastermind", + "syndyk", + "sidlarz", + "listonosz", + "deweloper", + "land", + "introligator", + "gonciarz", + "boss", + "stenografka", + "odlewca", + "baloniarz", + "stenograf", + "stewardesa", + "furman", + "artylerzysta", + "interpretator", + "muszkieter", + "grenadier", + "inwentaryzator", + "kawalerzysta", + "portowiec", + "prowincja\u0142", + "zarz\u0105dca", + "wierzyciel", + "sternik", + "husarz", + "nabijacz", + "odlewacz", + "kurator", + "comber", + "dystrybutorka", + "harpunnik", + "independent", + "leader", + "kamikaze", + "warzy\u0107", + "driver", + "the_advocate", + "osiedleniec", + "wiarus", + "goniec", + "farbiarz", + "pasterka", + "farbiarka", + "kirasjer", + "niezale\u017cny", + "kafelkarz", + "liternik", + "kanclerz", + "belfer", + "baker", + "sklepowy", + "terapeutka", + "dziejopis", + "freelancer", + "krupierka", + "krowiarz", + "celnik", + "hierarcha", + "glazurnik", + "homiletyk", + "przyw\u00f3dca", + "komandos", + "brid\u017cysta", + "radca", + "kardiochirurg", + "the_guardian", + "budziciel", + "mydli\u0107", + "szkutnik", + "nagabywacz", + "niania", + "toksykolog", + "numerowy", + "kaligrafista", + "planista", + "akwanauta", + "minister", + "trewir", + "kamieniarz", + "kaznodzieja", + "stelmach", + "stomatolog", + "hydrograf", + "radny", + "sklepikarz", + "galernik", + "kamerdyner", + "piechociarz", + "mason", + "niezawis\u0142y", + "herbatnik", + "mate", + "stoker", + "koziarka", + "ustawodawca", + "marynarz", + "egzekutywa", + "nieudacznica", + "bednarz", + "interpreter", + "kaemista", + "smarowacz", + "korepetycje", + "fornal", + "smarownik", + "rockman", + "\u015bwiniarz", + "piekarka", + "pastor", + "hostessa", + "dyrektor", + "gerontolog", + "bryd\u017cysta", + "energetyk", + "kolekcjoner", + "gosposia", + "regulator", + "gaziarz", + "managerka", + "piecz\u0119tarz", + "wielorybnik", + "handlarz", + "odga\u0142\u0119ziacz", + "fellach", + "bosman", + "zakrystian", + "woluntariusz", + "gaucho", + "koordynator", + "pikolak", + "logistyk", + "stewardessa", + "internista", + "gajowy", + "\u017co\u0142nierz", + "bezpieczniak", + "rabin", + "fabrykantka", + "plantator", + "pokoj\u00f3wka", + "tokarz", + "koniuch", + "sortownik", + "the_economist", + "bramkarz", + "manager", + "lutowacz", + "broker", + "wetter", + "porter", + "dobrowolny", + "rakarz", + "szczur", + "immunolog", + "barista", + "sortowacz", + "sorter", + "tropiciel", + "kurier", + "kierownik", + "kronikarz", + "giermek", + "podkuwacz", + "dw\u00f3rka", + "ubezpieczeniowiec", + "zakrystianka", + "garderobiany", + "chemik", + "a_dur", + "regent", + "stajenny", + "koniuszy", + "wo\u017any", + "fitoterapeuta", + "businesswoman", + "the_boxer", + "neurolog", + "malarka", + "sier\u017cant", + "usher", + "messenger", + "stronica", + "panuj\u0105cy", + "dysponent", + "menad\u017cerka", + "protok\u00f3lant", + "kartograf", + "krupier", + "au_pair", + "bryd\u017cowiec", + "kamerzysta", + "barkarz", + "zielarz", + "poganiacz", + "bombardier", + "klinicysta", + "laryngolog", + "egzaminator", + "tercjan", + "ginekolog", + "ploter", + "dostarczyciel", + "drogerzysta", + "kwatermistrz", + "dostawca", + "\u0142apiduch", + "regentka", + "tracz", + "steward", + "dziennikarz", + "cyrulik", + "kupiec", + "topiarz", + "kartownik", + "murarz", + "robotnik", + "konduktorka", + "sterownik", + "statystyk", + "the_independent", + "bishop", + "herbowiec", + "padlino\u017cercy", + "rozsadnik", + "pedel", + "mroczek", + "metresa", + "cookie", + "neurochirurg", + "komandor", + "bankier", + "garbarz", + "sortownica", + "esquire", + "gospodyni", + "folusznik", + "higienista", + "cukiernik", + "kombatant", + "garncarz", + "autor", + "miedziownik", + "drapaczka", + "golibroda", + "kardiolog", + "towarzyszka", + "reumatolog", + "przedstawiciel_ubezpieczeniowy", + "kamikadze", + "lansjer", + "mened\u017cerka", + "preceptor", + "udar_m\u00f3zgu" + ], + "DISEASE": [ + "hurt", + "sars", + "rozedma", + "niedowidzenie", + "nerwiak_zarodkowy", + "gruczolak", + "nienormalno\u015b\u0107", + "acanthosis_nigricans", + "nietrze\u017awo\u015b\u0107", + "szajba", + "zaka\u017cenie", + "poliuria", + "cellulitis", + "zachorowanie", + "bezg\u0142os", + "tego", + "polio", + "szcz\u0119ko\u015bcisk", + "hydrocefalia", + "heinemedina", + "trzepota\u0107", + "wiroid", + "przetoka", + "galaktozemia", + "rage", + "szczep", + "betafibryloza", + "wariactwo", + "chill", + "als", + "androfobia", + "galeofobia", + "niedoczynno\u015b\u0107", + "marsko\u015b\u0107", + "bezp\u0142odno\u015b\u0107", + "clubbing", + "pernoitar", + "podgrza\u0107", + "rakowiak", + "galas\u00f3wka", + "krosta", + "brzemienno\u015b\u0107", + "progeria", + "przepuklina_przeponowa", + "gor\u0105czka_krwotoczna_ebola", + "sleeping", + "polidaktylia", + "frostbite", + "g\u0142askanie", + "marazm", + "stulejka", + "muskularo\u015b\u0107", + "geofagia", + "skarga", + "lamblioza", + "niekompetencja", + "suchoty", + "akinezja", + "pora\u017cenie", + "parestezja", + "stenoza", + "bezsenno\u015b\u0107", + "kar\u0142owato\u015b\u0107", + "bradykardia", + "niedomoga", + "cukrzyca", + "arbowirusy", + "gall", + "mania", + "niemiarowo\u015b\u0107", + "felinofobia", + "the_bends", + "niedow\u0142ad", + "przekrwienie", + "grad\u00f3wka", + "liszaj", + "wielkog\u0142owie", + "struma", + "paratyfus", + "ms", + "spodziectwo", + "bunt", + "radiacja", + "wiremia", + "przyz\u0119bica", + "halluks", + "sen_zimowy", + "the_suffering", + "salmonelloza", + "rust", + "zastrza\u0142", + "proteinuria", + "gestoza", + "konwulsja", + "gatofobia", + "paradontoza", + "zanik", + "niewydolno\u015b\u0107", + "pochp", + "klaustrofobia", + "albuminuria", + "paludyzm", + "promienica", + "ziarniniak", + "malinka", + "pelagra", + "rozwolnienie", + "para", + "char\u0142actwo", + "kurzajka", + "pokrzywka", + "handicap", + "puchlina", + "krwawi\u0105czka", + "paradentoza", + "starczowzroczno\u015b\u0107", + "parzysto\u015b\u0107", + "talasemia", + "niesystematyczno\u015b\u0107", + "beri_beri", + "wale", + "schorzenie", + "jagodzica", + "wielomocz", + "kretynizm", + "anewryzm", + "katarakta", + "zachorowa\u0107", + "presbyopia", + "demineralizacja", + "m\u0119ty_cia\u0142a_szklistego", + "wirus_epsteina_barr", + "przegrzanie", + "krzemica", + "fundator", + "szale\u0144stwo", + "niestrawny", + "hamartoma", + "moj\u017ceszowy", + "aurajoki", + "tryper", + "delirium", + "niedokrwienie", + "materializm", + "listerioza", + "lordoza", + "choroba_kawasakiego", + "qi", + "torbiel", + "promieniowanie", + "wytrzeszcz", + "nosacizna", + "siatk\u00f3wczak", + "kropidlakowica", + "denga", + "czerwonka", + "choroba_morska", + "tachykardia", + "ropomocz", + "gimp", + "abazja", + "schistosomatoza", + "pype\u0107", + "kr\u00f3tkowzroczno\u015b\u0107", + "ksi\u0119gosusz", + "prezbyopia", + "brachydaktylia", + "twist", + "smart", + "amelia", + "przepuklina", + "ed", + "blister", + "pica", + "potencja", + "kamica", + "chloroza", + "poparzenie", + "acetonemia", + "trachoma", + "nowotw\u00f3r", + "sensation", + "pancytopenia", + "szczypa\u0107", + "naczyniak", + "habituacja", + "awitaminoza", + "zamartwica", + "wegetacja", + "krzywda", + "pain", + "niedyspozycja", + "malinica", + "ropie\u0144", + "jaglica", + "silikoza", + "polisomia", + "niedocukrzenie", + "purpura", + "niedodma", + "krowianka", + "powik\u0142anie", + "katalepsja", + "ill", + "paraplegia", + "an_qi", + "bielactwo", + "gruczolakorak", + "wylinka", + "podekscytowanie", + "padaczka", + "rozdra\u017cnienie", + "bezdech", + "jaskra", + "dolegliwo\u015b\u0107", + "kr\u0119gozmyk", + "wirus_ospy_wietrznej_i_p\u00f3\u0142pa\u015bca", + "nadpobudliwo\u015b\u0107", + "nieuda\u0142ota", + "posocznica", + "astygmatyzm", + "oponiak", + "mocznica", + "kostniakomi\u0119sak", + "reifikacja", + "aura", + "zdenerwowanie", + "bruceloza", + "sting", + "wart", + "za\u0142o\u017cyciel", + "plamisto\u015b\u0107", + "czerniak", + "the_bleeding", + "demencja", + "ginekomastia", + "niestrawno\u015b\u0107", + "g\u0142aska\u0107", + "trauma", + "niedokrwisto\u015b\u0107", + "zawa\u0142", + "nienasycono\u015b\u0107", + "kuru", + "burn", + "twardzina", + "szczepienie", + "rumie\u0144", + "szpat", + "zaro\u015bni\u0119cie", + "niedo\u017cywienie", + "podgrzewa\u0107", + "parali\u017c", + "noma", + "polidypsja", + "hydrofobia", + "the_hives", + "zapicie", + "przerost", + "choroba", + "liszajec", + "nieurodzajno\u015b\u0107", + "borelioza", + "biegunka", + "chlewnia", + "spanie", + "le", + "truj\u0105cy_bluszcz", + "zimno", + "kolaps", + "salmonella", + "sensacja", + "krup", + "abrazja", + "rozstr\u00f3j", + "pieczenie", + "niedomaganie", + "alessia_aquilani", + "malaria", + "\u015bwi\u0105d_p\u0142ywak\u00f3w" + ], + "PLANT": [ + "ziarnop\u0142on", + "jarz\u0119bina", + "fio\u0142ek", + "ambrowiec", + "mahonia", + "musztarda", + "kasztan", + "pine", + "adenium_arabskie", + "klepak", + "gutaperkowiec", + "drzewko", + "cyprys_arizo\u0144ski", + "the_joshua_tree", + "sanda\u0142owiec", + "sosna", + "arenga_pierzasta", + "przetacznik_polny", + "czarnuszka", + "kosodrzewina", + "jedlica", + "amanita", + "tarnina", + "ostrogowiec", + "sokora", + "gorczyca", + "laurowi\u015bnia_wschodnia", + "hydrofity", + "kassawa", + "leucaena_leucocephala", + "macoszka", + "modrzew", + "niezapominajka", + "bertolecja", + "sakura", + "mastyks", + "przetacznik_macierzankowy", + "ligustr", + "candida_albicans", + "sit_chudy", + "szczawik", + "bergamota", + "piestrzenica", + "wierzba", + "pszczelnik", + "aleuryt", + "czeremcha", + "anginka", + "s\u0142onecznik", + "marchewka", + "konopianka", + "sit_cz\u0142onowaty", + "kroplan", + "holm", + "paklon", + "kunsztmistrz", + "muchomor_cesarski", + "brzoza_brodawkowata", + "pokrzyk", + "dziewi\u0119\u0107si\u0142", + "zaraza_ziemniaka", + "witwa", + "kasztanowiec", + "welingtonia", + "pinang", + "\u0142zawnica_ogrodowa", + "kalafior", + "blackberry", + "magnolia_frasera", + "malpigia_granatolistna", + "echinocactus_grusonii", + "chryzantema", + "arabika", + "sit_rozpierzch\u0142y", + "pokrzywa", + "aldrowanda_p\u0119cherzykowata", + "r\u00f3\u017ca_damasce\u0144ska", + "s\u0142onecznik_zwyczajny", + "rezeda", + "tungowiec", + "melisa", + "balsamka_og\u00f3rkowata", + "sabina", + "saccharomyces_cerevisiae", + "buckeye", + "konwalia", + "rojownik", + "modrzewnica", + "obrazki", + "marathi", + "senna_alexandrina", + "ponik\u0142o_s\u0142odkie", + "mucho\u0142\u00f3wka", + "klonina", + "jawor", + "anginowiec", + "sierotki", + "mirabela", + "korona_cierniowa", + "szyszynka", + "batat", + "pinus_muricata", + "belladonna", + "kleparka", + "alt\u00f3wka", + "kluzja", + "bratek", + "sit_dwudzielny", + "szczaw_zwyczajny", + "czere\u015bnia", + "macierzanka_piaskowa", + "lipa_srebrzysta", + "schinus_peruwia\u0144ski", + "magnolia", + "magnolia_parasolowata", + "tatarak", + "hewea" + ], + "SOC_ECO_CLASS": [ + "drobnomieszcza\u0144stwo", + "ch\u0142opstwo", + "czarny_rynek", + "mieszcza\u0144stwo", + "ma\u0142o", + "klasa_\u015brednia", + "lumpenproletariat", + "rolnictwo", + "braterstwo", + "socjeta", + "samuraj", + "proletariat", + "klasa_robotnicza", + "drobnomieszczanin" + ], + "LOCATION": [ + "la_plata", + "maryja_panna", + "columbus_day", + "falklandy", + "park", + "bow_wow", + "saksonia_anhalt", + "united_states_army", + "s_hertogenbosch", + "s_tog", + "kirkut", + "dobranoc", + "piet_mondrian", + "krzysztof_kolumb", + "la_manche", + "tomcio_paluch", + "sint_maarten", + "warzywnik", + "dziedziniec", + "qingmingjie", + "szpital_psychiatryczny", + "trois_rivi\u00e8res", + "uczelnia_muzyczna", + "na_ulicy", + "land", + "huang_he", + "rozarium", + "saint_vincent", + "szybka_kolej_miejska", + "godzinnik", + "osoba_trzecia", + "murawa", + "do_siego_roku", + "g\u00f3ra_karmel", + "dyspozytornia", + "na_wszelki_wypadek", + "al_d\u017cazira", + "psychiatryk", + "jezioro_g\u00f3rne", + "alpinarium", + "\u015br\u00f3dmie\u015bcie", + "na_wypadek_gdyby", + "usa", + "st_albans", + "\u015bpi\u0105ca_kr\u00f3lewna", + "w_f", + "rzeka_\u017c\u00f3\u0142ta", + "saint_lucia", + "malwiny", + "i_co_z_tego", + "hat_yai", + "arena", + "sri_lanka", + "taktyka_spalonej_ziemi", + "joseph_gay_lussac", + "\u015bwi\u0119ty_patryk", + "the_rolling_stones", + "jezioro_le\u015bne", + "stany", + "ogr\u00f3d_botaniczny", + "za_kulisami", + "g\u00f3ra_oliwna", + "krzywy_r\u00f3g", + "heitor_villa_lobos", + "portoryko", + "czeskie_budziejowice", + "dwaj_bracia", + "stany_zjednoczone", + "al_ajn" + ], + "ANIMAL": [ + "ostrop\u0142etwiec", + "labraks", + "lemingi", + "szczuroskocznik_jedwabisty", + "sosn\u00f3wka", + "rybitwy", + "polatucha", + "popielica", + "kot_pustynny", + "bia\u0142ucha", + "buteo", + "fiszbinowce", + "homarzec", + "czarnowron", + "dropiatka", + "paszczak_australijski", + "karaczany", + "rybitwa", + "suse\u0142", + "puchacz", + "karczownik", + "sinantrop", + "czerwce", + "g\u0142owom\u0142ot", + "pustyniogwan", + "wilgowate", + "likaon", + "leniwcowate", + "billy_elliot", + "kot_perski", + "wirus_mozaiki_tytoniu", + "kunduz", + "pigmejka", + "kaszalot", + "krogulec", + "palczakowate", + "dog_niemiecki", + "karaluch", + "sze\u015bcioszparowate", + "carduelis", + "tawroszowate", + "ogniczek", + "buffalo_czarny", + "wydrzyk_wielki", + "puszczyk", + "rdzawiec", + "zimorodkowate", + "lactobacillus_acidophilus", + "zielonooki", + "pogo\u0144cowate", + "kikutnice", + "vibe", + "brunatnice", + "wilga", + "jarz\u0105bek", + "micropterus", + "stonoga", + "piotrosz", + "bass_wielkog\u0119bowy", + "zimorodek", + "parzystokopytne", + "jerzykowate", + "raven", + "homo_sapiens", + "czarny_\u017c\u00f3\u0142w", + "makakowate", + "baribal", + "nieparzystokopytne", + "potrzos", + "samog\u0142\u00f3w", + "pieg\u017ca", + "kapturnik", + "kot_abisy\u0144ski", + "amadyniec", + "winniczek", + "popielicowate", + "trzyszczowate", + "galas\u00f3wkowate", + "accipiter", + "grzechotnikowate", + "grzywacz", + "kot_b\u0142otny", + "archeany", + "kokiet", + "sierpodudki", + "assapan", + "soko\u0142y", + "polnik", + "stonkowate", + "\u015bwiergotek", + "archebakterie", + "jask\u00f3\u0142ka_dym\u00f3wka", + "goryl", + "nied\u017awied\u017a_himalajski", + "miodny", + "eubakterie", + "s\u0142owik\u00f3wka", + "ziemnokraski", + "nied\u017awied\u017a_kr\u00f3tkopyski", + "karolinka", + "iller", + "siwerniak", + "daniel_mezopotamski", + "humbak", + "nied\u017awiadek", + "przepi\u00f3r_kalifornijski", + "grzywa", + "cietrzew", + "ammospermophilus", + "borowiak_kanadyjski", + "megascops", + "archeowce", + "g\u0142owom\u0142ot_pospolity", + "\u015bcierwnik", + "ostrobok_pospolity", + "grindwal", + "nawa\u0142niki", + "nieszporek", + "kara\u015b", + "jelonkowate", + "pustu\u0142ka", + "pirol", + "\u015blepowron", + "kacyki", + "zeberka", + "kapodzi\u00f3b", + "ptaszorowate", + "kopytny", + "\u0142odzik", + "biegaczowate", + "archeobakterie", + "przepi\u00f3r_wirginijski", + "szczupak_pospolity", + "kusakowate", + "fokowate", + "kumak", + "koryfena", + "paszczak", + "kot_syjamski", + "burunduk", + "kropiatka", + "mucho\u0142\u00f3wkowate", + "preriowiec", + "barramundi", + "yorkshire_terrier", + "eagle", + "babiarz", + "rakojad", + "nosacz", + "krasnorosty", + "mendoweszka", + "manaty", + "polatuchy", + "szczygie\u0142", + "koziu\u0142kowate", + "szczuroskoczek", + "sierpiec", + "wirus_opryszczki_pospolitej", + "turkawka", + "miodo\u017cer", + "majkong", + "peristediidae", + "eider", + "paszkot", + "jask\u00f3lak", + "nocek", + "szersze\u0144", + "arvicola" + ], + "RELIGION_MEMBER": [ + "katolicki", + "chrze\u015bcijanka", + "prezbiteria\u0144ski", + "kongregacjonalista", + "guru", + "minoryta", + "the_hindu", + "augustianin", + "protestantka", + "protestant", + "sunnita", + "unita", + "satanistka", + "parsowie", + "panikarz", + "anabaptysta", + "prezbiterianin", + "benedyktyn", + "krysznowiec", + "metodystka", + "nazarejczyk", + "cysters", + "jezuita", + "karmelita", + "mormon", + "nowochrzczeniec", + "baptystyczny", + "bezwyznaniowiec", + "shaker", + "benedyktynka", + "metodysta", + "saracen", + "oran\u017cysta", + "kartuz", + "wikkanin", + "anabaptystka", + "rzymskokatolicki", + "starokatolik", + "mahometanka", + "kwakier", + "franciszkanin", + "grekokatolik", + "niekonformista", + "krisznowiec", + "starokatolicki", + "mahometanin", + "nazareta\u0144ski", + "augustyn", + "zielono\u015bwi\u0105tkowiec", + "baptysta", + "purytanin" + ], + "LANGUAGE": [ + "francuszczyzna", + "greczynka", + "rundi", + "venda", + "kowacz", + "kongo", + "katalonka", + "nawaho", + "perski", + "akan", + "citonga", + "arabszczyzna", + "francuski", + "tybeta\u0144ski", + "angielszczyzna", + "polski", + "sindhi", + "kazach", + "niemczyzna", + "pali", + "eskimoski", + "manx", + "polszczyzna", + "galicyjski", + "hindi", + "prowansalski", + "keczua", + "malajski", + "guarani", + "turecki", + "kornwalijski", + "chitonga", + "wietnamski", + "german", + "sango", + "walijski", + "tajlandzki", + "niemiec", + "esperanto", + "islandzki", + "bia\u0142oruski", + "katalo\u0144czyk", + "chorwacki", + "kazaszka", + "komi", + "hausa", + "nowogrecki", + "jawajka", + "portugalczyk", + "litewski", + "tagalog", + "niemka", + "ido", + "irlandzki", + "marathi", + "angielski", + "portugalski", + "tonga", + "kannada", + "malajalam" + ], + "POLITICAL_PARTY_MEMBER": [ + "labourzysta", + "mienszewik", + "laburzysta", + "federalista" + ], + "RELIGION": [ + "shint\u014d", + "zen", + "trynitarianizm", + "shinto", + "kalwinizm", + "lamaizm", + "katarzy", + "salafizm", + "wisznuizm", + "szyntoizm", + "sintoizm", + "islam", + "manicheizm", + "donatyzm", + "prezbiterianizm", + "braminizm", + "wedanta", + "rastafarianizm", + "shintoizm", + "wicca", + "kataryzm", + "mitraizm" + ], + "PRODUCT": [ + "radiomagnetofon", + "justin_bieber", + "s_tog", + "imperium_rzymskie", + "martwa_natura", + "diego_garcia", + "tutti_frutti", + "druga_wojna_\u015bwiatowa", + "epoka_trzech_kr\u00f3lestw", + "braciszek", + "liniowiec", + "baptysterium", + "z_bo\u017cej_\u0142aski", + "saint_vincent", + "\u015bwi\u0119ta_maria", + "tr\u00f3jwymiarowy", + "radioodtwarzacz", + "the_music_box", + "pancerka", + "jan_baptysta", + "i_wojna_\u015bwiatowa", + "monte_cristo", + "city_hall", + "mahjongg", + "boxing_day", + "kawia_domowa", + "cztery_pory_roku", + "nowokaledo\u0144ski", + "deutsche_welle", + "gong", + "mount_st_helens", + "niezapominajka", + "\u015bwinka_morska", + "nowy_testament", + "drugi_dzie\u0144_\u015bwi\u0105t", + "kot_w_butach", + "lusterko", + "bezpiecznik", + "bananowiec", + "mario_andretti", + "san_sebastian", + "m_ger\u00e4t", + "bila_rozgrywaj\u0105ca", + "ii_wojna_\u015bwiatowa", + "has_been", + "bila_zagrywaj\u0105ca", + "dorasta\u0107", + "derka", + "dzieci_triady", + "novo_mesto" + ], + "FOOD": [ + "rogal", + "sok_pomidorowy", + "golden_delicious", + "kran\u00f3wka", + "rachat\u0142ukum", + "christmas_pudding", + "guma_do_\u017cucia", + "sok_cytrynowy", + "granny_smith", + "limoniada", + "sa\u0142atka_owocowa", + "bakalie", + "kaszanka", + "sok_pomara\u0144czowy", + "pinot_noir", + "chilli", + "sok_jab\u0142kowy", + "tatarka", + "przegryzka", + "batonik", + "placek", + "szarlotka", + "sok_marchewkowy", + "beszamel", + "chili", + "chipsy", + "lunch", + "chile", + "razowiec", + "sok_\u017curawinowy", + "landrynka", + "pudding", + "lemoniada", + "przek\u0105ska", + "landryna", + "tutti_frutti", + "schab", + "deser", + "racuch", + "pulpet", + "nabia\u0142", + "przystawka", + "krem\u00f3wka", + "grzaniec", + "przegryzek" + ], + "PERSON": [ + "samokontrola", + "ha_ha", + "al_gore", + "ja_te\u017c", + "saint_vincent", + "gioconda", + "don_delillo", + "edward_osborne_wilson", + "tai_shan", + "de_witt", + "stek_na_ko\u015bci", + "george_v", + "al_amin", + "in_memory", + "peter_dawson", + "carl_david_anderson", + "jo_jo", + "yo_yo", + "za_pomoc\u0105", + "rudolf_hess", + "samoocena", + "herbert_george_wells", + "cha_cha" + ], + "QUANTITY": [ + "tr\u00f3jwymiarowy", + "baks", + "sterling", + "frank_belgijski", + "frank_gwinejski", + "stopotona", + "dolec", + "gramoatom", + "dinar", + "won_p\u00f3\u0142nocnokorea\u0144ski", + "ton", + "jednodolar\u00f3wka", + "ciernik", + "frank_szwajcarski", + "dollar", + "kaloria", + "marka_niemiecka", + "parkometr", + "gram_si\u0142a", + "g", + "frank_francuski", + "the_real_world", + "elektronowolt", + "rial", + "trzy_siostry", + "teralitr", + "pond", + "won_po\u0142udniowokorea\u0144ski", + "woltamper", + "woltoamper", + "mikrolitr", + "anders_celsius", + "nz" + ], + "GENDER": [ + "transgenderyzm", + "gentleman", + "men", + "male", + "boys", + "samica", + "dziewa", + "salowa", + "transgen", + "samiec", + "dziewcz\u0119", + "gal", + "gwido" + ], + "GPE": [ + "cesarstwo_niemieckie", + "saint_domingue", + "dar_es_salaam", + "walentynki", + "sint_maarten", + "tai_shan", + "\u015bwi\u0119ty_krzysztof", + "hagia_sophia", + "s\u00e3o_tom\u00e9", + "\u015bwi\u0119ta_barbara", + "hagia_sofia", + "gran_canaria", + "stare_miasto", + "duch_\u015bwi\u0119ty", + "al_andalus", + "region_nadmorski", + "la_rochelle", + "morze_czerwone", + "la_gomera", + "piotr_aposto\u0142", + "dolno\u015bl\u0105ski", + "tr\u00e0_vinh", + "prawa_cz\u0142owieka" + ], + "RACE": [ + "indian_airlines", + "walijczycy", + "polinezyjski", + "japo\u0144czycy", + "francuz", + "white", + "francuzka", + "anglicy", + "francuzi", + "turek", + "amerykanie", + "holendrzy" + ], + "BIO_CHEM_ENTITY": [ + "staro\u015bwiecki", + "chlorek_magnezu", + "mleczan", + "karbamoilofosforan", + "monoaminooksydaza", + "polilaktyd" + ], + "PERSON_PRONOUN": [ + "panie", + "i", + "he", + "our", + "we", + "siebie", + "me", + "my", + "sobie", + "kopalnia" + ], + "DATE": [ + "zaduszki", + "bezrybie", + "popielec", + "wiecz\u00f3r_trzech_kr\u00f3li", + "o_czasie", + "kaniku\u0142a", + "ksi\u0119\u017cyc_w_nowiu", + "nocka", + "lorenc", + "sommersolverv", + "m_c", + "dwudziestopi\u0119ciolecie", + "cykl_miesi\u0105czkowy", + "antrakt", + "nazajutrz", + "osobogodzina", + "wniebowzi\u0119cie_naj\u015bwi\u0119tszej_maryi_panny", + "drugi_dzie\u0144_\u015bwi\u0105t", + "prima_aprilis" + ], + "POLITICAL_PARTY": [ + "the_opposition", + "partia_demokratyczno_republika\u0144ska", + "farerska_partia_ludowa", + "kuomintang", + "australijska_partia_pracy", + "partia_narodowa", + "ameryka\u0144ska_partia_wig\u00f3w", + "farerska_partia_socjaldemokratyczna", + "narodowosocjalistyczna_niemiecka_partia_robotnik\u00f3w", + "partia_demokratyczna", + "bia\u0142oruska_partia_agrarna", + "partia_ludowa", + "partia_liberalna" + ], + "LAW": [ + "stan_wojenny", + "praworz\u0105dno\u015b\u0107", + "ne_bis_in_idem", + "najwy\u017cszy_s\u0105d", + "federal_bureau_of_investigation", + "prawnicy" + ], + "FAC": [ + "czarodziejska_g\u00f3ra", + "papeda", + "ciastkarnia", + "most_wisz\u0105cy", + "arnold_sch\u00f6nberg", + "atakama", + "san_sebasti\u00e1n", + "papiernia", + "urz\u0105d_celny", + "podstaw\u00f3wka", + "gornoa\u0142tajsk", + "kamienica", + "saint_lucia", + "j\u00f3zef_z_nazaretu", + "komenda", + "wysoka_porta", + "szko\u0142a_podstawowa", + "xixia", + "wieczorem", + "komisariat_policji", + "kubu\u015b_puchatek" + ], + "UNION": [ + "mi\u0119dzynarodowy_zwi\u0105zek_telekomunikacyjny", + "samorz\u0105d_studencki" + ], + "EVENT": [ + "i_wojna_w_zatoce_perskiej", + "sing_sing", + "fleur_de_lis" + ], + "TITLE": [ + "ms" + ], + "ANAT": [ + "napinacz" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "roksana", + "liwia", + "dorota", + "gaja", + "ada", + "bianka", + "marianna", + "ida", + "sara", + "janina", + "anna_maria", + "dagmara", + "sonia", + "olga", + "kaja", + "kalina", + "angelika", + "rozalia", + "anita", + "inga", + "blanka", + "natasza", + "marika", + "malwina", + "julita", + "karina", + "r\u00f3\u017ca", + "lidia", + "sylwia", + "el\u017cbieta", + "marcelina", + "anastazja", + "apolonia", + "justyna", + "aniela", + "agnieszka", + "kornelia", + "aurelia", + "ewa", + "nicole", + "monika", + "urszula", + "klara", + "julianna", + "krystyna", + "ewelina", + "sandra", + "melania", + "kamila", + "adrianna", + "tola", + "nela", + "eliza" + ], + "FIRST_NAME_MALE": [ + "micha\u0142", + "igor", + "artur", + "antoni", + "mieszko", + "rafa\u0142", + "aleks", + "oliwier", + "fryderyk", + "aleksander", + "grzegorz", + "leon", + "damian", + "kacper", + "daniel", + "andrzej", + "mi\u0142osz", + "borys", + "dariusz", + "hubert", + "kazimierz", + "eryk", + "marcel", + "fabian", + "alex", + "b\u0142a\u017cej", + "maksymilian", + "natan", + "maciej", + "gabriel", + "ryszard", + "jacek", + "tymon", + "julian", + "ernest", + "dominik", + "emil", + "j\u00f3zef", + "nataniel", + "iwo", + "mateusz", + "ksawery", + "krystian", + "kamil", + "szymon", + "pawe\u0142", + "olgierd", + "jan", + "kornel", + "cezary", + "ignacy", + "cyprian", + "karol", + "arkadiusz", + "\u0142ukasz", + "tobiasz", + "piotr", + "konrad", + "nikodem", + "konstanty", + "wojciech", + "patryk", + "oskar", + "maurycy", + "tymoteusz", + "tadeusz", + "jeremi", + "kajetan", + "bartek", + "marek", + "adam", + "gustaw", + "franciszek", + "sebastian", + "wiktor", + "rados\u0142aw", + "adrian", + "maks", + "filip", + "witold", + "mariusz", + "krzysztof", + "norbert", + "stefan", + "robert", + "stanis\u0142aw", + "jerzy", + "juliusz", + "j\u0119drzej", + "marcin", + "miko\u0142aj", + "dawid", + "olaf", + "tomasz", + "albert", + "alan", + "bruno", + "przemys\u0142aw", + "leonard", + "jakub" + ], + "PREFIX_FEMALE": [ + "pani" + ], + "PREFIX_MALE": [ + "pan" + ], + "FIRST_NAME": [ + "micha\u0142", + "igor", + "liwia", + "artur", + "dorota", + "antoni", + "mieszko", + "rafa\u0142", + "aleks", + "sara", + "sonia", + "olga", + "oliwier", + "fryderyk", + "angelika", + "aleksander", + "inga", + "marika", + "grzegorz", + "leon", + "damian", + "kacper", + "daniel", + "andrzej", + "mi\u0142osz", + "borys", + "kornelia", + "dariusz", + "hubert", + "nicole", + "klara", + "julianna", + "kazimierz", + "sandra", + "melania", + "eryk", + "nela", + "eliza", + "marcel", + "fabian", + "alex", + "b\u0142a\u017cej", + "maksymilian", + "bianka", + "natan", + "maciej", + "gabriel", + "ryszard", + "jacek", + "tymon", + "anita", + "rozalia", + "julian", + "ernest", + "natasza", + "dominik", + "emil", + "j\u00f3zef", + "karina", + "julita", + "r\u00f3\u017ca", + "apolonia", + "nataniel", + "iwo", + "aniela", + "mateusz", + "ksawery", + "krystian", + "aurelia", + "kamil", + "ewa", + "szymon", + "monika", + "urszula", + "pawe\u0142", + "ewelina", + "adrianna", + "olgierd", + "jan", + "kornel", + "gaja", + "cezary", + "ida", + "anna_maria", + "ignacy", + "cyprian", + "karol", + "arkadiusz", + "\u0142ukasz", + "tobiasz", + "piotr", + "konrad", + "nikodem", + "konstanty", + "wojciech", + "patryk", + "oskar", + "maurycy", + "malwina", + "tymoteusz", + "tadeusz", + "lidia", + "el\u017cbieta", + "anastazja", + "agnieszka", + "jeremi", + "kajetan", + "bartek", + "marek", + "adam", + "gustaw", + "franciszek", + "sebastian", + "wiktor", + "blanka", + "roksana", + "rados\u0142aw", + "adrian", + "maks", + "ada", + "marianna", + "filip", + "witold", + "janina", + "dagmara", + "mariusz", + "krzysztof", + "norbert", + "stefan", + "kaja", + "kalina", + "robert", + "stanis\u0142aw", + "jerzy", + "juliusz", + "j\u0119drzej", + "marcin", + "miko\u0142aj", + "sylwia", + "dawid", + "olaf", + "tomasz", + "justyna", + "albert", + "alan", + "bruno", + "krystyna", + "kamila", + "przemys\u0142aw", + "marcelina", + "tola", + "leonard", + "jakub" + ], + "LAST_NAME": [ + "doe" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "opatka": "abas", + "przeorysza": "abas", + "ksieni": "abas", + "ciotka": "wujcio", + "ciocia": "stryj", + "pi\u0119kno\u015b\u0107": "dandys", + "narzeczona": "narzeczony", + "niewiasta": "nowo\u017ceniec", + "panna_m\u0142oda": "pan_m\u0142ody", + "bizneswomen": "cz\u0142owiek_interesu", + "biznesmenka": "przedsi\u0119biorca", + "kobieta_interesu": "cz\u0142owiek_interes\u00f3w", + "businesswoman": "cz\u0142owiek_interesu", + "bizneswoman": "businessman", + "piskl\u0119": "gaur", + "kowbojka": "gaucho", + "dziewczynka": "son", + "c\u00f3ra": "zoon", + "filia": "ch\u0142opak", + "c\u00f3rka": "zoon", + "ksi\u0119\u017cna": "ksi\u0105\u017c\u0119", + "cesarzowa": "imperator", + "imperatorowa": "husarz_w\u0142adca", + "samica": "cz\u0142owiek_p\u0142ci_m\u0119skiej", + "cz\u0142owiek_p\u0142ci_\u017ce\u0144skiej": "male", + "\u017ce\u0144ski": "m\u0119ski", + "oblubienica": "oblubieniec", + "gal": "ch\u0142op", + "dziewcz\u0119": "facio", + "dziewa": "go\u015b\u0107", + "guwernerka": "gubernator", + "guwernantka": "regulator", + "wnuczka": "wnuczek", + "nine": "dziadek", + "jej": "sw\u00f3j", + "heroina": "rycerzyk", + "bohaterka": "p\u00f3\u0142b\u00f3g", + "heroska": "bohaterka", + "ober\u017cystka": "karczmarz", + "pani_domu": "intruz", + "gospodyni": "amfitrion", + "markiza": "margrabia", + "masa\u017cystka": "masa\u017cysta", + "chybi\u0107": "ja\u015bniepan", + "nie_trafi\u0107": "ja\u015bniepan", + "spud\u0142owa\u0107": "ja\u015bniepan", + "metresa": "w\u0142adca", + "flama": "komodor", + "kochanica": "w\u0142adca", + "mi\u0142o\u015bnica": "komodor", + "mam": "rodziciel", + "matrix": "rodziciel", + "ma\u0107": "ojciec", + "bh": "mgr", + "mw": "mgr", + "ms": "mgr", + "siostra": "towarzysz", + "mniszka": "mnich", + "moja": "mnich", + "zakonnica": "zakon_mniszy", + "siostra_zakonna": "zakon_mniszy", + "nun": "monako", + "policjantka": "policjant", + "kap\u0142anka": "kap\u0142an", + "princessa": "regulus", + "ksi\u0119\u017cniczka": "regulus", + "kr\u00f3lowa_matka": "damka", + "kr\u00f3l\u00f3wka": "king", + "drag_queen": "king", + "kr\u00f3lowa": "king", + "hetman": "indra", + "queens": "ksi\u0119ga_kr\u00f3lewska", + "stara_panna": "kawaler", + "rzeczniczka": "rzecznik_prasowy", + "pasierbica": "pasierb", + "macocha": "ojczym", + "stewardessa": "steward", + "stewardesa": "steward", + "hostessa": "ochmistrz", + "kelnerka": "garson", + "wdowa": "wdowiec", + "\u017cona": "bierka", + "bean": "m\u0119\u017cczyzna", + "\u015blubna": "m\u0105\u017c", + "ma\u0142\u017conka": "\u015blubny", + "bia\u0142ka": "osoba", + "kobieta": "m\u0119\u017cczyzna", + "kobita": "osoba", + "stara": "istota_ludzka", + "garson": "dziewa", + "fant": "dziewa", + "ch\u0142opak": "dziewa" + }, + "other_gender_swap": { + "one": "jej", + "has": "jej", + "lia": "jej", + "he": "one", + "jej": "lia" + }, + "en_pronoun2gender": { + "they": [ + "biseksualny", + "transgen", + "homoseksualny", + "biseksualista", + "homoseksualista", + "transgenderyzm", + "gej" + ], + "he": [ + "go\u015b\u0107", + "m\u0119ski", + "facio", + "d\u017centelmen", + "garson", + "m\u0119\u017cczyzna", + "bierka", + "istota_ludzka", + "ch\u0142op", + "gentleman", + "ch\u0142opak", + "osoba", + "ch\u0142opczyk", + "little_boy", + "cz\u0142owiek_p\u0142ci_m\u0119skiej", + "samiec", + "male", + "go\u015bciu", + "gwido", + "gaur", + "fant" + ], + "she": [ + "lesbijka", + "homoseksualistka", + "spud\u0142owa\u0107", + "\u017cona", + "p\u0142e\u0107_pi\u0119kna", + "\u017ce\u0144ski", + "cz\u0142owiek_p\u0142ci_\u017ce\u0144skiej", + "lesbijska", + "s\u0142aba_p\u0142e\u0107", + "chybi\u0107", + "samica", + "lesbijski", + "bean", + "stara", + "dziewcz\u0119", + "gal", + "kobita", + "kobieta", + "bimba", + "panienka", + "dziewa", + "bia\u0142ka", + "dziewczynka", + "nie_trafi\u0107" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "lia", + "sw\u00f3j", + "jego" + ], + "she": [ + "jej" + ], + "they": [ + "one", + "lia", + "jej", + "has", + "epi" + ], + "it": [ + "si\u0119", + "\u017ce", + "taj", + "i\u017c" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pms.json b/data_tooling/pii_processing/ontology/data/pms.json new file mode 100644 index 0000000..86c443a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pms.json @@ -0,0 +1,408 @@ +{ + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "heinrich_hertz", + "giovanni_boccaccio", + "thomas_bayes", + "johann_bernoulli", + "georges_simenon", + "maria_callas", + "pero_i_\u00ebd_russia", + "john_herschel", + "douglas_macarthur", + "winston_churchill", + "johannes_diderik_van_der_waals", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "colette", + "edward_gibbon", + "saint_louis", + "george_orwell", + "richard_wagner", + "marie_curie", + "francis_galton", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "galileo_galilei", + "edmund_hillary", + "vincent_van_gogh", + "john_ruskin", + "costantin", + "giuseppe_verdi", + "karl_jaspers", + "konrad_adenauer", + "norbert_wiener", + "mark_rothko", + "maurice_chevalier", + "frank_sinatra", + "henri_matisse", + "louis_pasteur", + "somateria_spectabilis", + "saladin", + "sarah_bernhardt", + "luigi_pirandello", + "charles_de_gaulle", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "samuel_de_champlain", + "giacomo_puccini", + "herbert_marcuse", + "paul_verlaine", + "james_dean", + "alessandro_manzoni", + "nicolas_poussin", + "andrea_mantegna", + "oscar_wilde", + "george_kennan", + "francis_bacon", + "james_brown", + "charles_baudelaire", + "immanuel_kant", + "james_franck", + "william_crookes", + "johannes_kepler", + "william_s_burroughs", + "scott_joplin", + "canberra", + "robert_lowell", + "san_martin", + "gabriel_lippman", + "graham_greene", + "william_herschel", + "montesquieu", + "niels_bohr", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "jan_tinbergen", + "walt_disney", + "crist\u00f2fo_colomb", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "phil_collins", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "marcel_proust", + "paul_hindemith", + "john_dowland", + "william_golding", + "peter_stuyvesant", + "alfred_nobel", + "nicolaus_cop\u00e8rnich", + "caravaggio", + "daniel_bernoulli", + "joseph_henry", + "henri_bergson", + "josef_hoffmann", + "gottfried_leibniz", + "pierre_corneille", + "hans_christian_andersen", + "pieter_zeeman", + "pablo_picasso", + "l_ron_hubbard", + "kurt_weill", + "christiaan_huygens", + "hector_berlioz", + "adam_smith", + "william_james", + "karl_marx", + "friedrich_nietzsche", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "henry_james", + "helen_keller", + "ingrid_bergman", + "jean_piaget", + "ludwig_boltzmann", + "leopold_kronecker", + "benjamin_thompson", + "adolf_hitler", + "alfred_stieglitz", + "joseph_haydn", + "george_boole", + "robert_boyle", + "christopher_isherwood", + "fritz_kreisler", + "martin_heidegger", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "steven_spielberg", + "thomas_hardy", + "giuseppe_garibaldi", + "alexandre_dumas", + "robert_brown", + "johannes_gutenberg", + "giambattista_marino", + "amerigo_vespucci", + "jean_de_la_fontaine", + "robert_hooke", + "karl_popper", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "peter_paul_rubens", + "mahatma_gandhi", + "jules_verne", + "charlie_chaplin", + "miles_davis", + "stanley_kubrick", + "william_gilbert", + "james_watt", + "ronald_reagan", + "david_hilbert", + "oliver_cromwell", + "martin_luther_king", + "gustav_hertz", + "ernest_hemingway", + "nelson_mandela", + "heinrich_himmler", + "roald_amundsen", + "sherwood_anderson", + "charles_dickens", + "jacques_offenbach", + "federico_fellini", + "andrew_carnegie", + "franz_schubert", + "simon_pero", + "georges_cuvier", + "walter_scott", + "robert_browning", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "thomas_edison", + "claude_bernard", + "wilhelm_ostwald" + ], + "PLANT": [ + "lilium_martagon", + "verbascum_thapsus", + "veronica_beccabunga", + "liriodendron_tulipifera", + "claviceps_purpurea", + "sarcoscypha_coccinea", + "philadelphus_coronarius", + "langermannia_gigantea", + "anthriscus_cerefolium", + "cyclamen_purpurascens", + "arctostaphylos_alpinus", + "abies_grandis", + "laurus_nobilis", + "sorbus_torminalis", + "magnolia_grandiflora", + "coprinus_comatus", + "prunus_laurocerasus", + "salix_triandra", + "acer_campestre", + "gentiana_lutea", + "taxus_baccata", + "valerianella_locusta", + "silene_dioica", + "diplotaxis_tenuifolia", + "ranunculus_ficaria", + "veronica_officinalis", + "prunus_cerasus", + "acacia_dealbata", + "agrimonia_eupatoria", + "plantago_lanceolata", + "salix_viminalis", + "juniperus_virginiana", + "eucalyptus_globulus", + "citrus_aurantium", + "barbarea_vulgaris", + "cortinarius_violaceus", + "prunus_armeniaca", + "salix_fragilis", + "amanita_muscaria", + "sanguin", + "stellaria_media", + "helianthus_tuberosus", + "lepista_nuda", + "prunus_domestica", + "tricholoma_aurantium", + "muscicapa_striata", + "acer_platanoides", + "erica_carnea", + "salvia_pratensis", + "urtica_dioica", + "agaricus_campestris", + "platanus_hispanica", + "sorbus_aucuparia", + "acer_pseudoplatanus", + "polyporus_squamosus", + "fagus_sylvatica", + "salix_pentandra", + "crataegus_laevigata", + "acacia_melanoxylon", + "boletus_edulis", + "citrus_deliciosa", + "taraxacum_officinale", + "cerastium_alpinum", + "pleurotus_ostreatus", + "pseudotsuga_menziesii", + "heracleum_sphondylium", + "lathyrus_sylvestris", + "marasmius_oreades", + "sophora_japonica", + "gentiana_acaulis", + "galium_verum", + "populus_nigra", + "alnus_glutinosa", + "cypripedium_calceolus", + "viola_odorata", + "ulmus_hollandica", + "plantago_media", + "ranunculus_acris" + ], + "LOCATION": [ + "plantago_lanceolata", + "trifolium_pratense", + "dryocopus_martius", + "mar_n\u00e8ir", + "stat_un\u00ec_d_am\u00e9rica", + "piet_mondrian", + "sint_maarten", + "sass\u00f2nia_anhalt", + "pieris_rapae", + "plantago_media", + "mar_d\u00ebl_n\u00f2rd", + "alnus_glutinosa", + "nymphalis_polychloros", + "sri_lanka", + "the_rolling_stones", + "pieris_brassicae", + "prunus_avium" + ], + "ORG": [ + "santa_luss\u00eca", + "the_who", + "san_francisco", + "ca_bianca", + "ai", + "cap_verd", + "rabindranath_tagore", + "part\u00ec_pol\u00ectich", + "nic\u00f2la_\u00ebd_myra", + "los_angeles", + "nato", + "cesa_cat\u00f2lica", + "taoism", + "hirundo_rustica", + "s\u00e3o_tom\u00e9", + "cicles" + ], + "PRODUCT": [ + "justin_bieber" + ], + "RELIGION": [ + "zen", + "confucianism", + "jainism", + "islam" + ], + "LANGUAGE": [ + "t\u00f2nga", + "frans\u00e8is", + "oland\u00e8is", + "ido" + ], + "DISEASE": [ + "vair\u00f2le", + "mania", + "colera", + "materialism", + "radiassion", + "rossaso" + ], + "ANIMAL": [ + "lagopus_mutus", + "sitta_europaea", + "pieris_brassicae", + "giari", + "singial", + "banteng", + "branta_bernicla", + "alle_alle", + "primula_vulgaris" + ], + "GPE": [ + "dar_es_salaam", + "ca_bianca", + "sint_maarten", + "franca_cont\u00e0", + "drit_\u00ebd_l_\u00f2m", + "s\u00e3o_tom\u00e9", + "simon_pero", + "neuv_testament" + ], + "JOB": [ + "temp", + "the_police", + "the_guardian" + ], + "FOOD": [ + "cicles", + "pinot_noir", + "bagna", + "sonchus_oleraceus", + "juglans_regia" + ], + "GENDER": [ + "men" + ], + "POLITICAL_PARTY": [ + "part\u00ec_nasista" + ], + "FAC": [ + "pero_i_\u00ebd_russia" + ], + "PERSON": [ + "boletus_edulis" + ], + "RELIGION_MEMBER": [ + "mon" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "fumna", + "fomna" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "chila" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ppl.json b/data_tooling/pii_processing/ontology/data/ppl.json new file mode 100644 index 0000000..63b219d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ppl.json @@ -0,0 +1,81 @@ +{ + "ANIMAL": [ + "mistun", + "masat", + "mututzin" + ], + "GENDER": [ + "siwat" + ], + "PERSON_PRONOUN": [ + "i", + "tehemet", + "tejemet", + "nech", + "metzin", + "tech" + ], + "GPE": [ + "shiktal" + ], + "PUBLIC_FIGURE": [ + "a", + "i" + ], + "DISEASE": [ + "cucua", + "kukua" + ], + "ORG": [ + "nimetztasujta" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "yaja": "yaha", + "yaha": "yaja" + }, + "other_gender_swap": { + "yejemet": "yaha", + "yehemet": "yaja", + "yaja": "yehemet", + "yaha": "yehemet" + }, + "en_pronoun2gender": { + "she": [ + "cihuat", + "kak", + "siwat" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "yaja", + "yaha", + "neki" + ], + "she": [ + "yaja", + "yaha" + ], + "they": [ + "yehemet", + "yejemet" + ], + "it": [ + "yaja", + "esti", + "yaha" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/prg.json b/data_tooling/pii_processing/ontology/data/prg.json new file mode 100644 index 0000000..03da293 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/prg.json @@ -0,0 +1,36 @@ +{ + "ANIMAL": [ + "zambrus", + "gabawo", + "wissambris" + ], + "PUBLIC_FIGURE": [ + "nadruw\u012bsn\u0101" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "swestro": "br\u0101ti" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "w\u012brs" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "stas" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pro.json b/data_tooling/pii_processing/ontology/data/pro.json new file mode 100644 index 0000000..60765ec --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pro.json @@ -0,0 +1,55 @@ +{ + "JOB": [ + "creator", + "messatger", + "coadjutor", + "pastor", + "bisbe" + ], + "DISEASE": [ + "cremadura", + "corn" + ], + "ANIMAL": [ + "duc", + "cavec" + ], + "LANGUAGE": [ + "engles" + ], + "PUBLIC_FIGURE": [ + "speran\u00e7a" + ], + "RELIGION_MEMBER": [ + "frayre" + ], + "GPE": [ + "novel_testament" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "domna": "human" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "human" + ], + "she": [ + "donzella", + "domna" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ps.json b/data_tooling/pii_processing/ontology/data/ps.json new file mode 100644 index 0000000..83e64bb --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ps.json @@ -0,0 +1,81 @@ +{ + "POLITICAL_PARTY": [ + "\u06ab\u0648\u0646\u062f" + ], + "PRODUCT": [ + "\u0628\u0631\u064a\u062a\u0627\u0646\u064a\u0627", + "\u0648\u06ab\u0693\u0646\u064a\u0632_\u062d\u0642\u0648\u0642" + ], + "ORG": [ + "\u069a\u0648\u0648\u0646\u0681\u06cc", + "\u0698\u0627\u0648\u0644\u0647", + "\u067e\u0648\u0633\u062a\u0647_\u062e\u0627\u0646\u0647", + "\u0633\u0648\u062f\u0627\u06ab\u0631\u064a" + ], + "DISEASE": [ + "\u0646\u0627\u0631\u0648\u063a\u064a" + ], + "SOC_ECO_CLASS": [ + "\u06a9\u0631\u0646\u0647" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0627\u062a\u0644\u0647": "\u0627\u062a\u0644", + "\u0645\u0644\u0648\u06a9\u0647": "\u067e\u0627\u062f\u0634\u0627", + "\u0647\u063a\u0647": "\u062f\u06cc", + "\u062f\u0627": "\u062f\u06cc", + "\u062e\u0648\u0631": "\u0648\u0631\u0648\u0631", + "\u069a\u0681\u0647": "\u0633\u0693\u06cc", + "\u0648\u0631\u062a\u064a\u0646\u0647": "\u0645\u06d0\u0693\u0647", + "\u0632\u0648\u062c\u0647": "\u062e\u0627\u0648\u0646\u062f", + "\u0648\u0648\u0693\u06a9\u06cc": "\u0648\u0648\u0693\u0643\u06cd", + "\u06a9\u0648\u0631": "\u0648\u0648\u0693\u0643\u06cd", + "\u0647\u0644\u06a9": "\u0646\u062c\u0644\u06cd" + }, + "other_gender_swap": { + "\u062f\u0648\u06cc": "\u0647\u063a\u0647", + "\u0647\u063a\u0648\u06cc": "\u0647\u063a\u0647", + "\u062f\u06cc": "\u0647\u063a\u0648\u06cc", + "\u0647\u063a\u0647": "\u0647\u063a\u0648\u06cc", + "\u062f\u0627": "\u0647\u063a\u0648\u06cc" + }, + "en_pronoun2gender": { + "he": [ + "\u0646\u0631", + "\u0647\u0644\u06a9", + "\u06a9\u0648\u0631", + "\u0648\u0648\u0693\u06a9\u06cc", + "\u0645\u0693\u0647" + ], + "she": [ + "\u0648\u0648\u0693\u0643\u06cd", + "\u0646\u062c\u0644\u06cd", + "\u069a\u0681\u0647" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0647\u063a\u0647", + "\u062f\u06cc" + ], + "she": [ + "\u0647\u063a\u0647", + "\u062f\u0627" + ], + "they": [ + "\u0647\u063a\u0648\u06cc", + "\u062f\u0648\u06cc" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/pt.json b/data_tooling/pii_processing/ontology/data/pt.json new file mode 100644 index 0000000..d918374 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/pt.json @@ -0,0 +1,4481 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "niccolo_paganini", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "roger_williams", + "anne_bront\u00eb", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "huntington", + "rudolf_steiner", + "thomas_wolfe", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "james_doolittle", + "leonard_bernstein", + "sibelius", + "julio_verne", + "che_guevara", + "georges_simenon", + "c", + "i_a_richards", + "ren\u00e9_descartes", + "thomas_hodgkin", + "fleming", + "john_barth", + "edward_albee", + "dorothy_parker", + "zhukov", + "maria_callas", + "william_walton", + "henrik_ibsen", + "roald_am\u00fandsen", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "maria_antonieta", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "gauss", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "george_balanchine", + "richard_burton", + "mais_completo", + "andrija_mohorovi\u010di\u0107", + "c\u00e9sar_franck", + "douglas_macarthur", + "mary_wollstonecraft", + "thomas_reid", + "john_jacob_astor", + "anna_pavlova", + "winston_churchill", + "johannes_diderik_van_der_waals", + "mendelssohn", + "b", + "s\u00e3o_crist\u00f3v\u00e3o", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "dmitri_shostakovich", + "paul_mccartney", + "alfredo", + "richard_smalley", + "andrew_marvell", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "max_m\u00fcller", + "john_trumbull", + "topete", + "van_gogh", + "joseph_greenberg", + "isaac_newton", + "alfred_eisenstaedt", + "victor_hugo", + "colette", + "milton_friedman", + "amy_lowell", + "edward_gibbon", + "mezzosoprano", + "schiaparelli", + "jefferson_davis", + "arafat", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "george_burns", + "george_harrison", + "erwin_schrodinger", + "peter_minuit", + "h\u00e9ming", + "george_orwell", + "ronald_norrish", + "maximiano", + "arthur_koestler", + "hernan_cortes", + "richard_wagner", + "williams", + "thornton_wilder", + "pancho_villa", + "bed\u0159ich_smetana", + "leopold_stokowski", + "o_piedoso", + "rebecca_west", + "marie_curie", + "antomio", + "francis_galton", + "mary_martin", + "arnold_schonberg", + "richard_roberts", + "michael_jackson", + "louis_jolliet", + "carl_sandburg", + "elisabete", + "thomas_hobbes", + "charles_gounod", + "edward_weston", + "imperadores_romanos", + "el_greco", + "roberto", + "samuel_beckett", + "david", + "jane_goodall", + "der_fliegende_holl\u00e4nder", + "john_donne", + "chaim_weizmann", + "robert_l_mills", + "andrea_guarneri", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "ant\u00f3nio", + "erich_mendelsohn", + "ali_bab\u00e1", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "w", + "william_hazlitt", + "martina_navr\u00e1tilov\u00e1", + "josef_stalin", + "john_ruskin", + "franz_lehar", + "robert_burns", + "carl_anderson", + "marduque", + "thomas_paine", + "bari", + "liliuokalani", + "francis_beaumont", + "greg\u00f3rio", + "steven_weinberg", + "p", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "tom\u00e1s", + "karl_barth", + "willem_einthoven", + "constantino", + "phil_anderson", + "thomas_willis", + "duarte", + "bernard_malamud", + "samuel_johnson", + "jesus", + "allen_iverson", + "anne_hutchinson", + "louise_nevelson", + "giuseppe_verdi", + "walter_lippmann", + "e", + "karl_jaspers", + "franz_leh\u00e1r", + "emily_bronte", + "beethoven", + "hideki_yukawa", + "konrad_adenauer", + "john_l_lewis", + "bush", + "marianne_moore", + "norbert_wiener", + "agripina", + "john_masefield", + "horatio_nelson", + "mark_rothko", + "fran\u00e7ois_couperin", + "n\u00e3o_aplic\u00e1vel", + "maurice_chevalier", + "gottlieb_daimler", + "catarina", + "o_cid", + "frank_sinatra", + "fran\u00e7ois_rabelais", + "fran\u00e7ois_duvalier", + "abel_tasman", + "katharine_hepburn", + "o_m\u00e1rtir", + "henri_matisse", + "louis_pasteur", + "berra", + "j", + "richard_strauss", + "stephen_decatur", + "leslie_howard", + "pushkin", + "mahalia_jackson", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "katherine_mansfield", + "gertrude_stein", + "j_b_s_haldane", + "sarah_bernhardt", + "george_beadle", + "crist\u00f3v\u00e3o_colombo", + "v", + "zezinho", + "philip_marlowe", + "luigi_pirandello", + "t_s_eliot", + "e_g_marshall", + "hank_williams", + "igor_stravinski", + "rube_goldberg", + "dorothea_lange", + "s\u00e3o_patr\u00edcio", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "nikolai_gogol", + "henry_moore", + "holden", + "mary_mallon", + "andr\u00e9_maurois", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "thomas_mann", + "b\u00e9la_bart\u00f3k", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "telecomando", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "robert_johnson", + "niccol\u00f2_paganini", + "james_dean", + "robert", + "bronis\u0142aw_malinowski", + "o_velho", + "carl_von_clausewitz", + "theodor_schwann", + "max_beerbohm", + "leon_tr\u00f3tski", + "alessandro_manzoni", + "joseph_priestley", + "pedro_abelardo", + "hal", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "george_huntington", + "jim_corbett", + "james_naismith", + "oscar_wilde", + "gilberto", + "philip_roth", + "j_d_salinger", + "henry", + "lawrence", + "jules_massenet", + "mohammed_omar", + "richard_trevithick", + "heinrich_schliemann", + "eli_whitney", + "madrigueira", + "jackson", + "the_court_jester", + "a_e", + "\u00e9douard_manet", + "serguei_prokofiev", + "johannes_peter_m\u00fcller", + "laurence_olivier", + "cesar_b\u00f3rgia", + "pierre_larousse", + "christiaan_eijkman", + "gustavo", + "adolf_eichmann", + "marilyn_horne", + "tribunais", + "xerez", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "joseph_heller", + "a", + "o_jovem", + "morris", + "peter_carl_goldmark", + "saladino", + "peter_brian_medawar", + "norman_rockwell", + "boris_spassky", + "sem_medo", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "z", + "immanuel_kant", + "peter_carl_faberg\u00e9", + "james_franck", + "william_crookes", + "charles_de_montesquieu", + "james_meredith", + "samuel_gompers", + "aime\u00e9_mcpherson", + "nellie_bly", + "weber", + "lewis", + "warburg", + "alexandre_yersin", + "n", + "stephen_leacock", + "albert_schweitzer", + "georg_steller", + "jo\u00e3o_calvino", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "cristov\u00e3o_colombo", + "justiniano", + "johannes_kepler", + "william_s_burroughs", + "david_hartley", + "max_planck", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "john_bardeen", + "arthur", + "sarah_vaughan", + "john_wilkes", + "william_byrd", + "william_henry", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "cesar_franck", + "canberra", + "elias_canetti", + "jean_fran\u00e7ois_champollion", + "robert_lowell", + "johann_strauss", + "edward_jenner", + "limpador_de_chamin\u00e9s", + "oscar_robertson", + "moises", + "oliver_hardy", + "san_martin", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "graham_greene", + "frans_hals", + "edward", + "lars_onsager", + "willard", + "margaret_mitchell", + "leadbelly", + "lola_montez", + "jan_swammerdam", + "mary_mccarthy", + "busseta", + "john_walker", + "dvorak", + "al_hazen", + "william_herschel", + "joseph_black", + "marcus_whitman", + "mikhail_baryshnikov", + "francis_rous", + "montesquieu", + "arthur_rubinstein", + "leon_trotski", + "niels_bohr", + "sergei_rachmaninoff", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "johnny_appleseed", + "o_flautista_de_hamelin", + "e_por_a\u00ed_fora", + "irving_berlin", + "fundamentado", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "peter", + "la_spezia", + "tom\u00e9", + "prima_dona", + "constantin_stanislavski", + "robert_benchley", + "b\u00e9la_bartok", + "ter_esperan\u00e7a", + "joseph_schumpeter", + "max_muller", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "ted_williams", + "friedrich_engels", + "valdivino", + "monges", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "giosu\u00e8_carducci", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "brindisi", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "padroeiro", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "s\u00e3o_jorge", + "jessica_mitford", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "ilha_de_s\u00e3o_martinho", + "anne_sullivan", + "paul_robeson", + "arnold", + "thomas_middleton", + "john_dowland", + "hans_krebs", + "dag_hammarskj\u00f6ld", + "moli\u00e9re", + "galileu_galilei", + "daniel_jones", + "william_golding", + "robert_motherwell", + "william_caxton", + "john_milton", + "rudolf_serkin", + "peter_stuyvesant", + "ethel_merman", + "samuel_adams", + "albert_speer", + "james_baldwin", + "john_vanbrugh", + "s\u00e3o_pedro", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "macaca_nemestrina", + "john_fletcher", + "caravaggio", + "charlie_watts", + "m", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "leonide_massine", + "joseph_henry", + "henri_bergson", + "jos\u00e9_ortega_y_gasset", + "edward_macdowell", + "josef_hoffmann", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "heinrich_b\u00f6ll", + "patrick_white", + "saul_steinberg", + "aura_masda", + "bartholomew_roberts", + "daniel_morgan", + "hans_christian_andersen", + "peter_cooper", + "reich", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "thomas", + "isaac_watts", + "ford", + "pieter_zeeman", + "glenn_miller", + "composi\u00e7\u00f5es_de_arnold_schoenberg", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "alan_hodgkin", + "thomas_moore", + "osman_i", + "kurt_weill", + "kieslowski", + "otto_hahn", + "lester_young", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "hermann_g\u00f6ring", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "fran\u00e7ois_mansart", + "o_soberbo", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "joseph_joffre", + "imperador_romano", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "albrecht_d\u00fcrer", + "i", + "pedro", + "marco_ant\u00f4nio", + "davi", + "jimmy_durante", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "ren\u00e9_magritte", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "jim_bowie", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "nicolau_maquiavel", + "carlo_goldoni", + "leo_delibes", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "carreteiro", + "antonin_dvorak", + "henry_james", + "stephen_sondheim", + "louren\u00e7o", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "e_assim_por_diante", + "leonard_bloomfield", + "jane_jacobs", + "jean_piaget", + "william_congreve", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "o_escolhido", + "frank_stella", + "robert_southey", + "valentina_tereshkova", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "moliere", + "ludwig_boltzmann", + "carl_nielsen", + "joana_seymour", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "archibald_macleish", + "peter_behrens", + "herman_snellen", + "alfred_stieglitz", + "joseph_haydn", + "s\u00e3o_david", + "stephen_spender", + "garfield", + "mais_cheio", + "jones", + "patr\u00edcio_da_irlanda", + "george_boole", + "paul_revere", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "edith_cavell", + "benedito", + "ralph_richardson", + "1", + "krzysztof_kieslowski", + "cordell_hull", + "james_wilson", + "rosa_parks", + "tchaikovsky", + "norman_jewison", + "samuel_goldwyn", + "x", + "ernest_walton", + "vladimir_putin", + "jacob", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "h", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "fran\u00e7ois_mitterrand", + "george_fox", + "fran\u00e7ois_de_la_rochefoucauld", + "christopher_isherwood", + "anne_hathaway", + "david_garrick", + "don_budge", + "bill_russell", + "margaret_court", + "emile_zola", + "baldwin", + "clarence_darrow", + "alben_william_barkley", + "charles_lamb", + "harry", + "g", + "fausto_socino", + "king_john", + "de_niro", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "johns_hopkins", + "henri_pitot", + "wanda_landowska", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "fran\u00e7ois_mauriac", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "fran\u00e7ois_jacob", + "steven_spielberg", + "l\u00e9onide_massine", + "jean_monnet", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "stefan_wyszynski", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "karel_\u010dapek", + "philipp_melanchthon", + "robert_brown", + "abelardo", + "thomas_carlyle", + "donald_barthelme", + "william_tyndale", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "d", + "sem_c\u00e9rebro", + "thomas_malthus", + "giambattista_marino", + "gaetano_donizetti", + "castro", + "william_faulkner", + "s\u00e3o_cirilo", + "edouard_manet", + "arthur_holmes", + "pierre_boulez", + "girolamo_savonarola", + "nikolai_bukharin", + "emma_goldman", + "anna_kournikova", + "eug\u00e8ne_delacroix", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "e_entertainment_television", + "putin", + "matthew_flinders", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "hoffa", + "karl_popper", + "coleman_hawkins", + "nikita_khrushchov", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "henry_clay", + "antoni_van_leeuwenhoek", + "peter_o'toole", + "joseph_conrad", + "g\u00fcnter_grass", + "do_zero", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "paul_newman", + "robert_mills", + "george_meredith", + "robert_morris", + "woody_herman", + "alexander_wilson", + "josef_albers", + "jackson_pollock", + "tirinhas", + "john_lennon", + "andrea_palladio", + "gandhi", + "bob_woodward", + "e_assim_vai", + "charlie_chaplin", + "lillian_russell", + "d_h_lawrence", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "hugo_junkers", + "j_r_firth", + "piscis_austrinus", + "lillian_hellman", + "brescia", + "henrique", + "john_macleod", + "thomas_merton", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "c_s_forester", + "robinson_jeffers", + "limpa_chamin\u00e9s", + "alice_walker", + "andrei_sakharov", + "strauss", + "miles_davis", + "andr\u00e9_weil", + "george_marshall", + "jesse_jackson", + "willa_cather", + "stanley_kubrick", + "camberra", + "john_deere", + "john_huston", + "william_gilbert", + "rene_magritte", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "tebaldi", + "seleuco", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "james_hargreaves", + "paul_c\u00e9zanne", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "margaret_sanger", + "george_wallace", + "el_cid", + "t_h_white", + "agrippina", + "st_louis", + "richard_rodgers", + "george", + "aimee_mcpherson", + "anne_sexton", + "morgana", + "john_dryden", + "jim_henson", + "frank", + "b\u00e9la_lugosi", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "constantin_brancusi", + "aquila", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "gracie_allen", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "o_pequeno_lord", + "hans_bethe", + "hans_geiger", + "fernand_l\u00e9ger", + "roald_amundsen", + "stephane_grappelli", + "sherwood_anderson", + "alfred_korzybski", + "c_a", + "charles_dickens", + "do_in\u00edcio", + "sean_o'casey", + "o_zelote", + "ella_fitzgerald", + "fats_waller", + "thomas_sydenham", + "jack_robinson", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "joseph_paxton", + "william_curtis", + "william_chambers", + "george_stevens", + "federico_fellini", + "the_one", + "bessie_smith", + "patrick_henry", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "s\u00e3o_cristov\u00e3o", + "niccol\u00f3_paganini", + "jackie_robinson", + "bernardo_bertolucci", + "jan_steen", + "aeromo\u00e7o", + "bacharelado", + "e_e_cummings", + "john_ross", + "powell", + "hans_arp", + "andrew_carnegie", + "franz_schubert", + "chafariz", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "estaline", + "mick_jagger", + "otto_loewi", + "don_marquis", + "georges_cuvier", + "william_harvey", + "constantin_br\u00e2ncu\u015fi", + "walter_scott", + "paul_cezanne", + "arnaldo", + "serguei_prok\u00f3fiev", + "sam_houston", + "robert_peary", + "robert_browning", + "s\u00e3o_louren\u00e7o", + "comenius", + "a_escolhida", + "alessandro_farnese", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "l", + "cl\u00e1udio_monteverdi", + "corretor_de_seguros", + "thomas_edison", + "elizabeth", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "fran\u00e7ois_villon", + "t", + "wilhelm_ostwald" + ], + "DISEASE": [ + "ceratite", + "desmineraliza\u00e7\u00e3o", + "catalepsia", + "paragem_card\u00edaca", + "pertussis", + "sangramento", + "secagem", + "tropesia", + "condroma", + "fundidor", + "peste_bub\u00f3nica", + "equimose", + "filovirus", + "estase", + "invernada", + "pisadura", + "anelar", + "parada_cardiorrespirat\u00f3ria", + "cravagem", + "concuss\u00e3o", + "faringite", + "anciloglossia", + "misofobia", + "ki", + "tabes_dorsalis", + "parvov\u00edrus", + "scarro", + "flavivirus", + "rubeola", + "polidipsia", + "polidactilia", + "pseudo_hermafroditismo", + "sobremordida", + "amigdalite", + "sociofobia", + "grafiose", + "salmonelose", + "mordedura", + "rage", + "espondilolistese", + "analgesia", + "chill", + "caleira", + "als", + "tanatofobia", + "androfobia", + "galeofobia", + "almorroida", + "fotofobia", + "enrubescimento", + "almorreima", + "quel\u00f3ide", + "cortamento", + "contundir", + "queimadura", + "maladia", + "pernoitar", + "acantose_nigricans", + "raspado", + "sobrepeso", + "fluorose", + "escotoma", + "parvo", + "espondilite", + "aquilia", + "turgidez", + "catufobia", + "pocilgas", + "com_excesso_de_peso", + "progeria", + "calosidade", + "laringite", + "frostbite", + "analgia", + "ginecomastia", + "pervers\u00e3o", + "afacia", + "mouse", + "semicerrar", + "triquinose", + "aminoacid\u00faria", + "anestesia\u00e7\u00e3o", + "maciez", + "anemia_megalobl\u00e1stica", + "pancreatite", + "geofagia", + "despersonaliza\u00e7\u00e3o", + "lambdacismo", + "pirose", + "mielite", + "aceton\u00faria", + "pontada", + "papiledema", + "autoimunidade", + "presbiopia", + "dolorimento", + "polihidr\u00e2mnio", + "brucelose", + "borracheira", + "espinhal", + "seminoma", + "mania", + "the_bends", + "arenavirus", + "trombose_coronariana", + "poliarterite", + "habitua\u00e7\u00e3o", + "picornavirus", + "escr\u00f3fulas", + "hernia\u00e7\u00e3o", + "lacera\u00e7\u00e3o", + "phytophthora_infestans", + "hansen\u00edase", + "cardite", + "coriza", + "condicionar", + "queima\u00e7\u00e3o", + "gengivite", + "aquafobia", + "distrofia", + "the_suffering", + "intertrigo", + "prog\u00e9ria", + "rust", + "raspagem", + "avc", + "colestase", + "gatofobia", + "paramyxovirus", + "pancreatitis", + "paralisia", + "sofrendo", + "teratoma", + "alveolite", + "cardiomegalia", + "febre_tif\u00f3ide", + "mastodinia", + "parada_card\u00edaca", + "analbuminemia", + "frenesi", + "tremular", + "tenesmo", + "epiderm\u00f3lise_bolhosa", + "pelagra", + "catarro", + "polenose", + "para", + "esquistossomose", + "handicap", + "papiloma", + "mosca_volante", + "tarantismo", + "ginofobia", + "alalia", + "estenose", + "rio_par\u00e1", + "traumatismo", + "wale", + "ruborizar", + "verruga_plantar", + "coron\u00e1rio", + "gravida", + "stitch", + "herpes_simplex_virus", + "distens\u00e3o", + "afundir", + "galactosemia", + "torpor", + "inani\u00e7\u00e3o", + "morrinha", + "amastia", + "moscas_volantes", + "estarrecer", + "tutia", + "indisposi\u00e7\u00e3o", + "silicose", + "chicotada", + "hamartoma", + "chi", + "gesta\u00e7\u00e3o", + "berib\u00e9ri", + "delirium", + "estrabismo", + "queloide", + "poli\u00faria", + "mijada", + "escarlatina", + "qi", + "embriaguez", + "erisipela", + "granuloma", + "ferrugem", + "problem\u00e3o", + "cardiopatia_cong\u00eanita", + "transtorno", + "rickettsiose", + "v\u00edrus_varicela_zoster", + "bradicardia", + "spina_bifida", + "lordose", + "tremida", + "flaviviridae", + "listeriose", + "carb\u00fanculo", + "claustrofobia", + "distimia", + "quadrantanopia", + "gimp", + "desidrata\u00e7\u00e3o", + "radia\u00e7\u00e3o", + "sarm", + "abasia", + "frenzy", + "hernia", + "alexia", + "herpes", + "arbov\u00edrus", + "poliomielite", + "toxemia", + "esquitosom\u00edase", + "arranh\u00e3o", + "proctite", + "poliov\u00edrus", + "menorragia", + "agamaglobulinemia", + "lama\u00e7al", + "smart", + "quinh\u00e3o", + "amelia", + "suba", + "escr\u00f3fula", + "cardiomiopatia", + "ed", + "estado_gasoso", + "cinetose", + "dentalgia", + "ceratocone", + "pachorra", + "sigmatismo", + "pica", + "bebedeira", + "abraquia", + "rodeira", + "surdos", + "tracoma", + "puxada", + "gravidez", + "acetonemia", + "transposi\u00e7\u00e3o", + "escorbuto", + "the_sting", + "galactocele", + "mastoidite", + "sarampo", + "tireoidite", + "sensation", + "oftalmia", + "tontura", + "ralado", + "laringotraqueobronquite", + "peste_bovina", + "dartro", + "parestesia", + "acidose_respirat\u00f3ria", + "cardiopatia", + "solu\u00e7ar", + "sin\u00e9quia", + "paludismo", + "machudar", + "abrasamento", + "a_peste", + "pain", + "cervicite", + "fissura_labial", + "fatiar", + "cobr\u00e3o", + "cont\u00e1gio", + "bunyaviridae", + "dist\u00farbio_bipolar", + "anemia_apl\u00e1stica", + "desmieliniza\u00e7\u00e3o", + "a_paix\u00e3o_de_cristo", + "radia\u00e7\u00f5es", + "espirro", + "que_est\u00e1_acima_do_peso_normal", + "talassemia", + "enchaqueca", + "pert\u00fassis", + "catapora", + "ter_fome", + "corcunda", + "coisav\u00e3", + "sequela", + "albumin\u00faria", + "solu\u00e7o", + "assistolia", + "latejar", + "baguncar", + "garrotilho", + "doen\u00e7a_por_v\u00edrus_\u00e9bola", + "vasculite", + "fonofobia", + "taquicardia", + "paraplegia", + "an_qi", + "beliscar", + "v\u00edrus_de_marburg", + "claudica\u00e7\u00e3o", + "poliglobulia", + "esteatorr\u00e9ia", + "ter\u00e7ol", + "escara", + "cafun\u00e9", + "congest\u00e3o", + "queratite", + "aeroembolismo", + "enxaqueca", + "mi", + "tosse", + "alastrim", + "aura", + "escoliose", + "sting", + "otorr\u00e9ia", + "arenav\u00edrus", + "estomatite", + "resseca\u00e7\u00e3o", + "hera_venenosa", + "arritmia", + "gripe_porcina", + "labirintite", + "policitemia", + "the_bleeding", + "fundador", + "salmonelas", + "polimiosite", + "condrossarcoma", + "virus_de_marburg", + "peste_bubonica", + "pancitopenia", + "alfav\u00edrus", + "ebulir", + "chamuscada", + "ravia", + "distrofia_muscular", + "esteatorreia", + "trauma", + "xerodermia_pigmentosa", + "tirosinemia", + "aminoaciduria", + "contus\u00e3o", + "peste_bub\u00f4nica", + "kuru", + "burn", + "claudica\u00e7\u00e3o_intermitente", + "espinal", + "mononucleose_infecciosa", + "ros\u00e9ola", + "tireotoxicose", + "noma", + "hord\u00e9olo", + "ancilose", + "the_hives", + "hemeralopia", + "a_n\u00e1usea", + "mastite", + "arreflexia", + "polineurite", + "dengue", + "anasarca", + "aniseiconia", + "filistinismo", + "castanha", + "cicie", + "mormo", + "colecistite", + "spina_b\u00edfida", + "chup\u00e3o", + "coqueluche", + "fratura", + "fatia", + "escald\u00e3o", + "parvovirus", + "salmonella", + "hifema", + "verruga", + "radian\u00e7a", + "paresia", + "malignidade", + "indigest\u00e3o", + "flaviv\u00edrus", + "passamento", + "urdume", + "talass\u00e9mia", + "cianose", + "malaria", + "engasgo", + "furunculose", + "microrganismos_patog\u00e9nicos" + ], + "PLANT": [ + "acer_negundo", + "brachychiton_populneus", + "glaucium_flavum", + "senecio_vulgaris", + "clematite", + "cherim\u00f3ia", + "lilium_martagon", + "hevea", + "pyracantha", + "acer_rubrum", + "mahonia", + "pine", + "verbascum_thapsus", + "corticeira", + "parnassia", + "acetosa", + "pinho", + "lilium_philadelphicum", + "lilium_longiflorum", + "sorghum_halepense", + "caiota", + "veronica_beccabunga", + "bardana", + "liriodendron_tulipifera", + "melissa", + "impatiens_walleriana", + "geranium_molle", + "dioscorea_bulbifera", + "hoya_carnosa", + "mamona", + "sapindus", + "scutellaria_galericulata", + "aquil\u00e9gia", + "teixo", + "the_joshua_tree", + "sarcoscypha_coccinea", + "philadelphus_coronarius", + "aralia_elata", + "pitanga", + "bromus_tectorum", + "acetosela", + "helianthus", + "edelvais", + "dendezeiro", + "lathyrus_latifolius", + "scorzonera_hispanica", + "marsilea_quadrifolia", + "cucurbita_moschata", + "tramazeira", + "solanaceae", + "flor_leopardo", + "vanilla_planifolia", + "juncus_articulatus", + "eryngium_maritimum", + "schefflera_actinophylla", + "salix_babylonica", + "lari\u00e7o", + "margarida_amarela", + "anthyllis_vulneraria", + "lathyrus_odoratus", + "selaginella_lepidophylla", + "ortiga", + "confrei", + "amanita", + "sequoiadendron", + "aristol\u00f3quia", + "esporeira", + "morugem", + "arabidopsis_thaliana", + "santa_maria", + "bertholletia_excelsa", + "cerefolho", + "epipremnum_aureum", + "arundo", + "monarda", + "sorbus_torminalis", + "marroio", + "cris\u00e2ntemo", + "camapu", + "achillea", + "podocarpus_elongatus", + "pelargonium_odoratissimum", + "bidens_tripartita", + "sinapis", + "prunus_laurocerasus", + "allium_tuberosum", + "mafumeira", + "sic\u00f3moro", + "passiflora_ligularis", + "salix_triandra", + "melicoccus_bijugatus", + "lilium_michiganense", + "teucrium_scorodonia", + "acer_campestre", + "dioneia", + "esteva", + "bletilla_striata", + "sanguina", + "mimosa_pudica", + "cons\u00f3lida", + "convolvulus", + "madressilva", + "carex_pseudocyperus", + "n\u00e3o_me_esque\u00e7as", + "gentiana_lutea", + "mercurialis_perennis", + "matthiola_incana", + "anona", + "arctostaphylos_alpina", + "cortadeira", + "acacia_pycnantha", + "actinidia_chinensis", + "taxus_baccata", + "saxifraga_granulata", + "sakura", + "valerianella_locusta", + "papaver", + "nymphaea_alba", + "silene_dioica", + "dicentra_spectabilis", + "larice", + "delf\u00ednio", + "euphorbia_esula", + "diplotaxis_tenuifolia", + "candida_albicans", + "pulicaria_dysenterica", + "ranunculus_ficaria", + "amaryllis_belladonna", + "veronica_officinalis", + "asperula", + "calophyllum_inophyllum", + "rosa_multiflora", + "koel\u00e9ria", + "anthemis_arvensis", + "microstrobos_niphophilus", + "acer_macrophyllum", + "acacia_dealbata", + "capsicum_baccatum", + "agrimonia_eupatoria", + "pimenta_negra", + "plantago_lanceolata", + "plantas_parasitas", + "bergamota", + "ononis_spinosa", + "xanthosoma_sagittifolium", + "acer_palmatum", + "thlaspi_arvense", + "girassol", + "agrostemma_githago", + "hypericum_androsaemum", + "taxus_cuspidata", + "salix_viminalis", + "juniperus_virginiana", + "hera_venenosa", + "tangerina", + "castanheiro", + "eriophorum_angustifolium", + "leonotis_nepetifolia", + "veronica_serpyllifolia", + "sabugueirinho", + "eucalyptus_globulus", + "passiflora_incarnata", + "clusia", + "polygala_vulgaris", + "pomares", + "veronica_peregrina", + "scutellaria_lateriflora", + "antirrino", + "ceref\u00f3lio", + "dividivi", + "laranjeira_da_terra", + "pelargonium_peltatum", + "xer\u00f3fito", + "reseda", + "barbarea_vulgaris", + "platanus_orientalis", + "gossypium_hirsutum", + "urtica", + "potamogeton_crispus", + "lychnis", + "cherimoia", + "salix_fragilis", + "amanita_muscaria", + "leonurus_cardiaca", + "silybum", + "spergula_arvensis", + "asplenium_trichomanes", + "acer_japonicum", + "arrhenatherum_elatius", + "conocarpus_erectus", + "dracocephalum", + "populus_balsamifera", + "armeria_maritima", + "myosotis_sylvatica", + "kananga", + "aquil\u00e9ia", + "primula_acaulis", + "helianto", + "carex_arenaria", + "acanthus_mollis", + "pseudofruto", + "as_de_mim", + "magn\u00f3lia", + "leucanthemum_vulgare", + "n\u00e3o_te_esquece", + "campanula_rapunculus", + "diplotaxis_muralis", + "mostardeira", + "sciadopitys_verticillata", + "pseudofrutos", + "geranium_robertianum", + "clematis", + "helianthus_tuberosus", + "hedysarum_coronarium", + "kniph\u00f3fia", + "balhico", + "tupinambor", + "saccharum", + "verbena_officinalis", + "prunus_domestica", + "arm\u00e9ria", + "phytophthora_infestans", + "bilimbi", + "aquileia", + "prosopis_juliflora", + "acer_platanoides", + "viburnum_prunifolium", + "amieiro", + "gossypium_barbadense", + "planta_carn\u00edvora", + "nogueira", + "centaurea_cyanus", + "delonix_regia", + "urtica_dioica", + "agaricus_campestris", + "gymnadenia_conopsea", + "trifolium_repens", + "platanus_hispanica", + "blackberry", + "olaia", + "cortaderia_selloana", + "solanum", + "ballota_nigra", + "arequeira", + "sisymbrium_officinale", + "marati", + "tremo\u00e7o_branco", + "angelica_archangelica", + "beladona", + "campsis_radicans", + "cirsium_vulgare", + "planta_lenhosa", + "conv\u00f3lvulo", + "echinocactus_grusonii", + "lilium_canadense", + "bergamoteira", + "brachychiton_acerifolius", + "sorveira", + "sorbus_aucuparia", + "taboca", + "lari\u00e7o_europeu", + "acer_pseudoplatanus", + "campanulastrum", + "lotus_corniculatus", + "oxicoco", + "cerejeira", + "polyporus_squamosus", + "raphanus_raphanistrum", + "cytisus_multiflorus", + "amaranthus_caudatus", + "urtiga", + "silene_latifolia", + "saxifraga_stellaris", + "anagallis_tenella", + "scleranthus_annuus", + "dormideira", + "salgueiro", + "papoula", + "pinheirobrasileiro", + "drosophyllum_lusitanicum", + "crataegus_laevigata", + "sinapis_arvensis", + "traque\u00f3fitos", + "acer_circinatum", + "arum", + "silene_uniflora", + "repolho", + "dracunculus_vulgaris", + "acacia_melanoxylon", + "cyperus_papyrus", + "agrostis_canina", + "saccharomyces_cerevisiae", + "boletus_edulis", + "buckeye", + "ranunculus_bulbosus", + "tetragonia_tetragonoides", + "taraxacum_officinale", + "arenaria_serpyllifolia", + "papoila", + "lysimachia_vulgaris", + "dracaena_draco", + "amargoseira", + "trichomanes_speciosum", + "hypochaeris_radicata", + "a\u00e7oro", + "amarena", + "carrasca", + "ligustro", + "cypripedium_fasciculatum", + "pseudotsuga_menziesii", + "tangerineira", + "tanacetum_parthenium", + "lithospermum_officinale", + "heracleum_sphondylium", + "lepidothamnus_laxifolius", + "verbasco", + "lathyrus_sylvestris", + "viola_tricolor", + "viburnum_opulus", + "ervilhaca", + "amoreira", + "samanea_saman", + "calla", + "erythronium_montanum", + "azeitona", + "prunus_serrulata", + "galium_verum", + "acronicta_aceris", + "hiperic\u00e3o", + "aralia_stipulata", + "cycas_circinalis", + "populus_nigra", + "mentha_longifolia", + "ranunculus_repens", + "leucena", + "stellaria_holostea", + "strelitzia_reginae", + "tupinambo", + "tamareira", + "inga_edulis", + "edelweiss", + "spiranthes_spiralis", + "cicad\u00f3fita", + "enokitake", + "cardamine_pratensis", + "hypericum_calycinum", + "piper_betle", + "conyza_canadensis", + "amaranthus_hypochondriacus", + "cypripedium_montanum", + "erodium_texanum", + "arctium_minus", + "arrhenatherum", + "annona_reticulata", + "pinus_muricata", + "mios\u00f3tis", + "phytolacca_americana", + "nicotiana_rustica", + "reseda_odorata", + "lathyrus_sativus", + "oxalis", + "veronica_arvensis", + "anthriscus_sylvestris", + "belladonna", + "pteridium_aquilinum", + "panicum_capillare", + "convolvul\u00e1cea", + "smilax_aspera", + "salvia_sclarea", + "aristolochia_clematitis", + "catharanthus_roseus", + "ageratum_houstonianum", + "pinheirinho", + "hidr\u00f3fita", + "lansium", + "cypripedium_calceolus", + "viola_odorata", + "poa_nemoralis", + "olivo", + "amaranthus_albus", + "falcatifolium_falciforme", + "chrysanthemum", + "liquid\u00e2mbar", + "agrimonia", + "myrica_gale", + "vallisneria", + "holcus_mollis", + "castanha", + "acer_glabrum", + "seringueira", + "macaxeira", + "plasmalema", + "castanea", + "batatadoce", + "physalis_peruviana", + "sambucus_ebulus", + "cinco_chagas", + "calystegia_sepium", + "dicksonia_antarctica", + "mostarda", + "taquara", + "ranunculus_aquatilis", + "bromus_secalinus", + "pinus_palustris", + "conium_maculatum", + "ranunculus_acris", + "cypripedium_reginae", + "abronia_villosa", + "sobreiro", + "engos", + "pinus_echinata", + "camellia_japonica", + "tritoma", + "podocarpus_nivalis", + "milef\u00f3lio" + ], + "BIO_CHEM_ENTITY": [ + "defasado", + "obsessivo", + "betacarbolina", + "antim\u00fclleriano", + "alfafetoprote\u00edna" + ], + "ORG": [ + "ida", + "lei_de_conserva\u00e7\u00e3o", + "filarm\u00f3nica", + "mar_vermelho", + "lei_de_tali\u00e3o", + "classe_trabalhadora", + "zanolho", + "estado_de_bem_estar_social", + "hospital_psiqui\u00e1trico", + "direito_romano", + "s\u00e3o_jos\u00e9", + "ansea", + "era_dourada", + "san_jos\u00e9", + "drug_enforcement_administration", + "cientologia", + "aos_poucos", + "wicca", + "an_education", + "paul_cezanne", + "monte_das_oliveiras", + "sete_horas", + "jan_mayen", + "depois_de_cristo", + "congregacionalismo", + "nossa_senhora_da_soledade", + "bom_proveito", + "the_usual_suspects", + "midlands_ocidentais", + "nossa_senhora_das_sete_dores", + "em_flagrante", + "ursinho_pooh", + "grande_pr\u00eamio", + "a_pr\u00e1tica_faz_a_perfei\u00e7\u00e3o", + "hospitais_psiqui\u00e1tricos", + "aa", + "nasa", + "the_comedy_of_errors", + "a_uni\u00e3o_faz_a_for\u00e7a", + "pastilha_el\u00e1stica", + "in_vivo", + "esta_noite", + "s\u00e3o_sebasti\u00e3o", + "huang_he", + "bollywood", + "v\u00e9spera_do_ano_novo", + "de_pouco_em_pouco", + "estadosunidosdaam\u00e9rica", + "de_primeira", + "grundschule", + "europol", + "schutzstaffel", + "estado_do_bem_estar_social", + "noite_de_s\u00e3o_silvestre", + "assun\u00e7\u00e3o_de_maria", + "nossa_senhora_do_calv\u00e1rio", + "the_who", + "haganah", + "por_que_n\u00e3o", + "to_the_core", + "porte", + "lago_saint_clair", + "em_companhia_de", + "hoje_\u00e0_noite", + "j\u00e1_agora", + "san_francisco", + "tach\u00e3o", + "nossa_senhora_das_ang\u00fastias", + "a_chorus_line", + "dixiecrat", + "pedraria", + "por_sinal", + "hoje_\u00e0_tarde", + "guizeira", + "vai_tomar_no_cu", + "nara", + "a_bela_adormecida", + "afinal", + "escola", + "em_casa", + "sistema_de_reserva_federal_dos_estados_unidos", + "de_m\u00e3o_\u00fanica", + "partido_trabalhista_noruegu\u00eas", + "escolarizar", + "na\u00e7\u00f5es_unidas", + "dar_valor", + "gao", + "o_gato_preto", + "khalsa", + "s\u00e3o_bernardo", + "partido_democrata", + "the_family_man", + "s_hertogenbosch", + "core", + "maquilar", + "frente_popular", + "quem_\u00e9s_tu", + "maria_joana", + "estado_de_bem_estar", + "se_parece", + "de_olhos_azuis", + "john_tuzo_wilson", + "gironda", + "can_tho", + "manic\u00f4mio", + "the_faculty", + "don_juan", + "oni", + "the_new_school", + "ai", + "nossa_senhora_das_l\u00e1grimas", + "bom_apetite", + "stosstruppen", + "rudeltaktik", + "chiang_mai", + "manic\u00f3mio", + "escolas", + "et_al", + "casa_branca", + "dia", + "estado_maior_conjunto_dos_estados_unidos", + "nossa_senhora_das_dores", + "the_big_four", + "taoismo", + "yang_ts\u00e9", + "de_\u00faltima_tecnologia", + "german\u00edstica", + "com_a_boca_na_botija", + "a_igreja_de_jesus_cristo_dos_santos_dos_\u00faltimos_dias", + "radiogal\u00e1xia", + "direito_da_roma_antiga", + "chuinga", + "the_breakfast_club", + "shabak", + "castela_e_le\u00e3o", + "rabindranath_tagore", + "estado_da_arte", + "vai_em_frente", + "gestapo", + "santo_andr\u00e9", + "de_novo", + "chama_ol\u00edmpica", + "dar\u00e0luz", + "funcion\u00e1rio_p\u00fablico", + "hagan\u00e1", + "thinktank", + "santa_helena", + "ursa_maior", + "nossa_senhora_da_piedade", + "a\u00e7\u00e3o_popular", + "laurel_hardy", + "petrol\u00edfera", + "justeza", + "partido_verde", + "com_a_m\u00e3o_na_massa", + "partido_liberal", + "alvenaria", + "marinha", + "li_fi", + "e_outros", + "maquis", + "al_jazira", + "assembleia_nacional_da_hungria", + "isl\u00e3o_sunita", + "estadosunidos", + "lua_nova", + "who_are_you", + "i_ching", + "nesta_noitinha", + "chiang_rai", + "alta_fidelidade", + "filarm\u00f4nica", + "disa", + "s\u00e3o_paulo", + "mercado_negro", + "altos_fagnes", + "mossad", + "v\u00e9spera_de_ano_novo", + "at\u00e9_a_data", + "dividivi", + "lago_superior", + "assembleia_nacional_do_azerbaij\u00e3o", + "nossa_senhora_do_pranto", + "escolinha", + "rio_amarelo", + "francoma\u00e7onaria", + "superpoder", + "de_vez_em_quando", + "hollywood", + "ursa_major", + "kurt_godel", + "uni\u00e3o_internacional_de_telecomunica\u00e7\u00f5es", + "c\u00f3digo_penal", + "polegarzinho", + "ilha_de_s\u00e3o_tom\u00e9", + "sturmabteilung", + "jo\u00e3o_baptista", + "assembleia_nacional_da_s\u00e9rvia", + "bancos", + "los_angeles", + "nato", + "de_quando_em_quando", + "florestas_h\u00famidas", + "baltimore_orioles", + "petroleira", + "conselhos_profissionais", + "estado_fantoche", + "assembleia_nacional_da_coreia_do_sul", + "te_amo", + "ad_hoc", + "qual_\u00e9_o_problema", + "viuva_negra", + "de_ponta", + "uma_vez_mais", + "\u00e1gua_doce", + "hosp\u00edcio", + "mi", + "quem_\u00e9_voc\u00ea", + "by_the_way", + "de_in\u00edcio", + "in_situ", + "gr\u00eamio", + "b\u00e1rbara_de_nicom\u00e9dia", + "s\u00e3o_nicolau", + "doc", + "de_tempo_a_tempo", + "limitada", + "marching_band", + "al_ain", + "partido_trabalhista_australiano", + "ace", + "terceiros", + "cidadelivre", + "american\u00edstica", + "direito_internacional", + "maquiar", + "as_tr\u00eas_irm\u00e3s", + "s\u00e3o_jo\u00e3o_batista", + "os_democratas_crist\u00e3os", + "corpo_a\u00e9reo_irland\u00eas", + "assembleia_nacional_francesa", + "densidade_demogr\u00e1fica", + "streptococcus_pyogenes", + "eu", + "bom_senso", + "em_comum", + "andorinha_de_bando", + "zonas_industriais", + "bolsadevalores", + "vila_ol\u00edmpica", + "chang_jiang", + "ex\u00e9rcito_dos_estados_unidos_da_am\u00e9rica", + "as_vinhas_da_ira", + "anos_dourados", + "hirundo_rustica", + "haredi", + "terra_queimada", + "assembleia_nacional_da_bulg\u00e1ria", + "movimento_internacional_da_cruz_vermelha_e_do_crescente_vermelho", + "fundo_de_pens\u00e3o", + "zona_industrial", + "in_vitro", + "corte_suprema", + "caolho", + "iansequi\u00e3o", + "engarrafamentos", + "sin\u00e9drio", + "ou_tudo_ou_nada", + "coletivamente", + "hinaiana", + "s\u00e3o_tom\u00e9", + "partido_republicano", + "van_gogh", + "s\u00e3o_francisco", + "com_a_boca_na_butija" + ], + "POLITICAL_PARTY": [ + "gironda", + "partido_conservador", + "partido_nacional", + "dixiecrat", + "partido_democrata_republicano", + "partido_comunista", + "labor", + "kuomintang", + "partido_da_proibi\u00e7\u00e3o", + "partido_do_trabalho", + "partido_trabalhista", + "partido_nacional_socialista_dos_trabalhadores_alem\u00e3es", + "partido_popular", + "partido_democr\u00e1tico", + "partido_social_democrata_do_azerbaij\u00e3o", + "partido_socialista", + "partido_da_direita", + "partido_progressista" + ], + "RELIGION_MEMBER": [ + "mandeu", + "guru", + "agostinho", + "the_hindu", + "budista", + "pentecostal", + "wahhabi", + "batistas", + "sarraceno", + "cristiano", + "presbiteriano", + "siques", + "mormon", + "sarracenos", + "shaker", + "baptista", + "vaishnava", + "franciscanos", + "sunita", + "the_apostle", + "franciscano", + "indostani", + "pentecostais", + "trapista", + "metodista", + "beneditinos", + "beneditino", + "crist\u00e3", + "crist\u00e3os", + "sique", + "budistas", + "parses" + ], + "RACE": [ + "filipino", + "afrancesado", + "latino", + "ingleses", + "paquistan\u00eas", + "brancos", + "africano", + "polin\u00e9sio", + "sul_coreano", + "polin\u00e9sico", + "\u00e1rabes", + "sul_coreana", + "neerlandeses", + "francesa", + "latinoamericano", + "da_\u00e1frica", + "franceses", + "esquimos", + "insulano", + "galeses", + "norte_coreana", + "a_mexicana", + "negro", + "sul_americano", + "da_\u00edndia" + ], + "JOB": [ + "primeiroministro", + "cortador", + "empenhar", + "teaser", + "alienista", + "brigadeiro", + "cano\u00edsta", + "endocrin\u00f2leg", + "developer", + "guru", + "param\u00e9dico", + "latoeiro", + "microbi\u00f3logo", + "proct\u00f3loga", + "encenador", + "torneiro", + "arruela", + "the_nanny", + "bombeiros", + "presidenta", + "violeiro", + "baleeiro", + "casaeditora", + "cule", + "mensageiro", + "chargista", + "encanador", + "hematologista", + "interpretador", + "treinadores", + "cart\u00f3grafo", + "general_manager", + "couraceiro", + "ranger", + "agrimensor", + "capataz", + "abreviador", + "cardiologista", + "potter", + "mais_alerta", + "laringologista", + "dermatologista", + "em_ordem", + "make", + "esteticista", + "condest\u00e1vel", + "microbiologistas", + "vereadora", + "servidor_p\u00fablico", + "carpinteira", + "engenheiro", + "cientista", + "a_leiteira", + "feitor", + "lascar", + "agenda_electr\u00f3nica", + "cooper", + "luthier", + "the_lifeguard", + "remover", + "registrar", + "autora", + "camicase", + "neurologista", + "estivador", + "amputador", + "curtidor", + "senescal", + "fundador", + "enfermeira", + "foguista", + "don", + "agropecuarista", + "king", + "metralhador", + "incumbente", + "timoneiros", + "cartun", + "granadeiro", + "caporal", + "descascador", + "fornecedora", + "industrialista", + "parteiro", + "the_police", + "meteorologista", + "pastora", + "gestor", + "terapeuta", + "compositor", + "pretor", + "sommelier", + "fornalheiro", + "tafeiro", + "doge", + "gentleman", + "palestrante", + "cartunistas", + "picheleiro", + "palafreneiro", + "regente", + "suboficial", + "territorial", + "burgomestre", + "pol\u00edcias", + "catalogador", + "assalariar", + "goleiro", + "pasteleiro", + "para", + "router", + "cardi\u00f3loga", + "cavalariano", + "grevista", + "porta_estandarte", + "trac\u00e7\u00e3o", + "conductor", + "coveiro", + "o_leitor", + "lenhador", + "sensei", + "arrowsmith", + "autarca", + "costureira", + "mastermind", + "balconista", + "parteira", + "mercador", + "proct\u00f3logo", + "hussardo", + "carcereiro", + "trimpot", + "urinar", + "rehoboth_basters", + "vigilante", + "funileiro", + "coadjutor", + "pregador", + "rotineiro", + "veisalgia", + "gerente", + "caus\u00eddico", + "governante", + "ginecologista", + "inventor", + "catequista", + "lanceiro", + "leiteiro", + "cavador", + "intendente", + "pedreiro", + "padeiro", + "letreiro", + "coelhinho", + "portador", + "promotora", + "rabinos", + "carpinteiro", + "alvenel", + "ginec\u00f3logo", + "the_principal", + "kamikaze", + "driver", + "arador", + "alfandeg\u00e1rio", + "quiropr\u00e1tico", + "caixeiro", + "ferradora", + "the_advocate", + "pajem", + "novelista", + "marceneiro", + "enfermeiros", + "frisador", + "governador", + "sculptor", + "visagista", + "freelancer", + "proc\u00f4nsul", + "punter", + "ama_de_leite", + "cadi", + "salva_vidas", + "zelador", + "encolhimento", + "mais_completo", + "cabeleireiros", + "jardineiro", + "curadores", + "the_guardian", + "alveitar", + "justiceiro", + "falante", + "param\u00e9dica", + "vaqueira", + "bodum", + "microbi\u00f3loga", + "lauda", + "torneador", + "estacional", + "pagem", + "associado", + "biscoitos", + "neur\u00f3logo", + "the_physician", + "esbirro", + "falcoeiro", + "magist\u00e9rio", + "tesoureiro", + "ama_seca", + "comediante", + "prefeita", + "hidrologista", + "mate", + "ebanista", + "tripulante", + "cardi\u00f3logo", + "hidr\u00f3logo", + "l_horloger_de_saint_paul", + "porta_bandeira", + "marechal", + "serrador", + "chimarrao", + "rabi", + "couteiro", + "designer", + "pastorear", + "aquanauta", + "the_babysitter", + "limpador", + "cabreira", + "pastor", + "mosqueteiro", + "barrister", + "juntador", + "historinha", + "the_sitter", + "bombeiro", + "alferes", + "inventora", + "leitora", + "subtenente", + "interveniente", + "neurocirurgi\u00e3o", + "obstetra", + "agricultores", + "player", + "tenente", + "corporal", + "escavador", + "a_int\u00e9rprete", + "botic\u00e1rio", + "resumidor", + "rabino", + "carteiro", + "gerenciador", + "coronel", + "engenheira", + "tanoeiro", + "a_mensageira", + "hemat\u00f3logo", + "forragens", + "meirinho", + "romancista", + "angiologista", + "the_economist", + "familiar", + "paramedico", + "broker", + "engenheiro_civil", + "wetter", + "governanta", + "hospedeira", + "vereador", + "stripper", + "mijar", + "barista", + "carreteiro", + "vidraceiro", + "tunar", + "the_batman", + "roteador", + "warrior", + "latoaria", + "merceeira", + "cabeleireira", + "quiropraxista", + "the_hangover", + "principal", + "portaria", + "chimarr\u00e3o", + "merceeiro", + "the_pilot", + "sargento", + "contra_almirante", + "retalhista", + "doc", + "cartunista", + "tratadista", + "armeiro", + "enfermeiro", + "fazendeiro", + "cartaz", + "boiadeiro", + "aborteiro", + "primeiro_tenente", + "escan\u00e7\u00e3o", + "fundidor", + "empilhadora", + "mais_cheio", + "the_machinist", + "usher", + "messenger", + "timoneiro", + "cientistas", + "au_pair", + "proconsul", + "lavrador", + "trier", + "o_negociador", + "de_forma_marcial", + "cameraman", + "carroceiro", + "carcereira", + "amanuense", + "cabeleireiro", + "plotter", + "designers", + "aupair", + "cornaca", + "formador", + "colonato", + "fabricante", + "castuveira", + "the_deer_hunter", + "cors\u00e1rios", + "marceneira", + "concierge", + "doula", + "atriz", + "cabreiro", + "estat\u00edsticos", + "antologista", + "the_floorwalker", + "rastreador", + "sub", + "the_dresser", + "the_landlord", + "the_independent", + "mandarete", + "xastre", + "coolie", + "varejista", + "guerreira", + "presidentes", + "cookie", + "cineasta", + "esquire", + "obreiro", + "lojista", + "comodoro", + "regular", + "autor", + "esten\u00f3grafo", + "vaqueiro", + "encadernador", + "ferrador", + "sazonal", + "bab\u00e1", + "preceptor" + ], + "ANIMAL": [ + "digit\u00edgrado", + "acherontia", + "apodemus", + "cervos", + "centop\u00e9ia", + "montes_flinders", + "buteo", + "poraqu\u00ea", + "the_raven", + "cachalote", + "galomont\u00eas", + "sapo", + "desempenadeira", + "v\u00edrus_do_mosaico_do_tabaco", + "arroaz", + "galinhola", + "perissod\u00e1ctilos", + "a_gaivota", + "baratas", + "estrige", + "artiod\u00e1tilos", + "lemingue", + "tamandua\u00ed", + "peto_verde", + "aie_aie", + "galin\u00e1ceo", + "veados", + "holot\u00faria", + "arrulho", + "billy_elliot", + "cerasta", + "konduz", + "pigargo", + "estapagado", + "albatroz_errante", + "lacraia", + "canis_minor", + "castanheta_das_rochas", + "manta", + "casa_alugada", + "sitta_carolinensis", + "calafate", + "carduelis", + "pletodont\u00eddeos", + "pisces", + "colubr\u00eddeos", + "artiod\u00e1ctilo", + "jumento", + "art\u00eamia", + "elande", + "furao", + "sternidae", + "caititu", + "anuro", + "lactobacillus_acidophilus", + "javardo", + "mulherengo", + "guaraxaim", + "mant\u00eddeo", + "artiod\u00e1ctilos", + "curru\u00edra", + "pieris_brassicae", + "brachypteraciidae", + "cariacu", + "oriolo", + "pintasilgo", + "vibe", + "dros\u00f3fila", + "pintassilgo", + "tetra_cardeal", + "micropterus", + "supermouse", + "faina", + "vacaloura", + "galgo", + "guaco", + "sombria", + "artiod\u00e1tilo", + "tour\u00e3o", + "homo_sapiens", + "dynastinae", + "esquilos", + "ceraste", + "lakeland_terrier", + "tartaranh\u00e3o", + "passer", + "cerv\u00eddeos", + "tatuzinho", + "condor", + "the_crow", + "v\u00edrus_do_oeste_do_nilo", + "hound", + "crisomel\u00eddeo", + "artropode", + "cro_magnon", + "esperm\u00f3filo", + "bruchinae", + "misticetos", + "accipiter", + "murganho", + "abelha_mestra", + "baleia_branca", + "cacha\u00e7o", + "cant\u00e1rida", + "mexilh\u00e3o", + "flamingo_andino", + "paquinha", + "dipl\u00f3pode", + "toninha", + "arapap\u00e1", + "jerboa", + "sanicula_europaea", + "lebr\u00e9u", + "iller", + "peneireiro", + "perc\u00eddeo", + "moose", + "pulg\u00f5es", + "conraua_goliath", + "wisent", + "galolira", + "savacu", + "galin\u00e1ceos", + "serpent\u00e1rio", + "carango", + "mabeco", + "gamar", + "araguato", + "ammospermophilus", + "megascops", + "sable", + "le\u00e3ozinho", + "herpes_zoster", + "marta_europeia", + "irishterrie", + "pardal", + "arganaz", + "oniscidea", + "percebe", + "mariposa_cigana", + "baratinha", + "cobaia", + "barr\u00e3o", + "lychnis_flos_cuculi", + "v\u00edboracornuda", + "blata", + "narceja", + "lince", + "gerbo", + "auroque", + "tarrafa", + "petinha", + "pedionomidae", + "carri\u00e7a", + "mane", + "whippet", + "lavatera_arborea", + "caminheiro", + "salvelinus_fontinalis", + "ravena", + "juruviara", + "epstein_barr", + "yorkshire_terrier", + "mil\u00edpede", + "tamarutaca", + "muscicap\u00eddeos", + "abecoinha", + "gorilla_gorilla", + "andorinha_das_chamin\u00e9s", + "hydrophiidae", + "artr\u00f3podes", + "sargento_mor", + "pedunculata", + "cabeleira", + "andorinha_comum", + "arvicola", + "tetraz", + "sabi\u00e1", + "pigarreada" + ], + "LOCATION": [ + "roseiral", + "plantago_lanceolata", + "mar_tirreno", + "por_baixo_dos_panos", + "estados_unidos", + "mar_da_china_oriental", + "the_good_night", + "por_nada", + "trifolium_pratense", + "sint_eustatius", + "\u00e0_beira_de", + "rapanui", + "n\u00e3o_h\u00e1_de_qu\u00ea", + "anjos_da_guarda", + "no_caso_de", + "uma_e_quinze", + "eryngium_maritimum", + "n\u00e3o_tem_de_qu\u00ea", + "corpus_christi", + "bow_wow", + "s_hertogenbosch", + "pai_natal", + "piet_mondrian", + "intramuros", + "la_roche_en_ardenne", + "trifolium_repens", + "beco_sem_sa\u00edda", + "doi_moi", + "consoada", + "de_nada", + "cabo_horn", + "disponha", + "chang_jiang", + "al_jazira", + "man_o_war", + "s\u00e3o_bernardo_do_campo", + "trois_rivi\u00e8res", + "allahu_akbar", + "e.u.a", + "assembleia_nacional_da_pol\u00f3nia", + "huang_he", + "pieris_rapae", + "mar_do_norte", + "plantago_major", + "central_el\u00e9ctrica", + "col\u00fambia", + "estados_unidos_da_am\u00e9rica", + "eventualmente", + "o_dia_todo", + "bois_le_duc", + "vial\u00e1ctea", + "polegarzinho", + "on_the_road", + "papai_noel", + "the_black_hole", + "estado_unidenses", + "nos_bastidores", + "rio_azul", + "mar_negro", + "ochlodes_sylvanus", + "mar_amarelo", + "manic\u00f4mio", + "por_precau\u00e7\u00e3o", + "hat_yai", + "arena", + "metr\u00f3poles", + "nymphalis_polychloros", + "sankt_martin", + "sri_lanka", + "dia_de_colombo", + "pascoense", + "in_the_park", + "s\u00e3o_vicente", + "villa_lobos", + "pequeno_polegar", + "nas_ruas", + "three_amigos", + "bancos_centrais", + "scutellaria_galericulata", + "the_rolling_stones", + "cordon_bleu", + "monte_carmelo", + "s\u00e3o_patr\u00edcio", + "am\u00e9rico_vespucio", + "golfodeb\u00f3tnia", + "zica", + "por_detr\u00e1s_dos_bastidores", + "kryvyi_rih", + "o_jardim_das_cerejeiras", + "bela_adormecida", + "lago_tana", + "s\u00e3o_jo\u00e3o_de_meriti", + "cidades", + "pieris_brassicae", + "am\u00e9rico_vesp\u00facio", + "ex\u00e9rcito_dos_estados_unidos", + "heitor_villa_lobos", + "louis_joseph_gay_lussac", + "h\u00e1_muito_tempo_atr\u00e1s", + "manic\u00f3mio", + "al_ain", + "passagem_de_ano", + "trifolium_dubium", + "lago_dos_bosques", + "banco_central", + "a_bela_adormecida", + "peto_preto", + "delonix_regia", + "o_prazer_\u00e9_todo_meu", + "prunus_avium" + ], + "RELIGION": [ + "os_santos_dos_\u00faltimos_dias", + "zen", + "ismaelismo", + "maniqueismo", + "vedanta", + "presbiterianismo", + "manique\u00edsmo", + "catarismo", + "tao\u00edsmo", + "darshana", + "hinaiana", + "calvinismo", + "xintoismo", + "trinitarianismo", + "xinto\u00edsmo", + "ci\u00eancia_crist\u00e3", + "salafismo", + "wahabismo", + "anglocatolicismo", + "wicca" + ], + "PRODUCT": [ + "st_vincent", + "o_c\u00e3o_dos_baskervilles", + "the_hunger_games", + "justin_bieber", + "o_senhor_dos_an\u00e9is", + "as_quatro_esta\u00e7\u00f5es", + "em_mem\u00f3ria", + "the_time_machine", + "pela_gra\u00e7a_de_deus", + "as_pistas_de_blue", + "esp\u00edrito_santo", + "arco_triunfal", + "gongo", + "prensa_hidr\u00e1ulica", + "diego_garcia", + "pre\u00e1_da_\u00edndia", + "polichinelo", + "o_peregrino", + "as_de_mim", + "pinheirinho", + "multiplataforma", + "julius_caesar", + "por_um_fio", + "s\u00e3o_pedro_e_miquelon", + "the_star_spangled_banner", + "the_end_of_the_world", + "jo\u00e3o_galafoice", + "the_kid_brother", + "fim_do_mundo", + "mau_mau", + "novazel\u00e2ndia", + "die_hard", + "n\u00e3o_te_esquece", + "sax\u00f4nia_anhalt", + "montanhas_russas", + "after_burner", + "esta\u00e7\u00e3o_espacial", + "boxing_day", + "palavrascruzadas", + "o_gato_de_botas", + "deutsche_welle", + "autometralhadora", + "the_scarlet_letter", + "rio_san_joaquin", + "como_queira", + "mario_andretti", + "autom\u00f3vel_desportivo", + "n\u00e3o_me_esque\u00e7as", + "nova_zel\u00e2ndia", + "pinheiro_de_natal", + "st_george's", + "muito_barulho_por_nada", + "entre_dois_extremos", + "the_hitchhiker's_guide_to_the_galaxy", + "mios\u00f3tis", + "santa_catarina", + "de_facto", + "reino_unido", + "porquinho_da_\u00edndia", + "cal\u00e7\u00e3odebanho", + "cobaia", + "terra_m\u00e9dia", + "rolim\u00e3", + "antia\u00e9reo", + "a_doce_vida", + "novo_mesto", + "\u00e1rvore_de_natal", + "s\u00e3o_paulo" + ], + "DATE": [ + "dia_onom\u00e1stico", + "o_momento_da_verdade", + "sem_delonga", + "dia_mundial_da_\u00e1rvore", + "dog_days", + "dia_das_na\u00e7\u00f5es_unidas", + "era_comum", + "dia_da_independ\u00eancia_dos_estados_unidos", + "dia_de_todos_os_santos", + "happy_hour", + "ao_princ\u00edpio", + "dia_de_natal", + "a_ronda_noturna", + "horas_de_trabalho", + "in_time", + "dia_dos_fi\u00e9is_defuntos", + "veranico", + "walpurgisnacht", + "era_espacial", + "dia_da_independ\u00eancia", + "de_in\u00edcio", + "depois_de_cristo", + "era_do_gelo", + "era_glacial", + "dia_de_s\u00e3o_patr\u00edcio", + "dia_da_vit\u00f3ria", + "o_dia_depois_de_amanh\u00e3", + "plenil\u00fanio", + "dia_santo", + "dia_de_finados", + "the_golden_years", + "calend\u00e1rio_lunissolar", + "dia_das_m\u00e3es", + "dia_depois_de_amanh\u00e3", + "depois_de_amanh\u00e3", + "renascen\u00e7a_italiana", + "semivida", + "dia_de_f\u00e9rias", + "antes_de_tudo", + "dia_seguinte", + "dia_da_marmota", + "corpus_christi", + "noite_de_reis", + "era_dourada", + "dia_dos_pais", + "dia_da_mentira", + "twelfth_night", + "dia_do_canad\u00e1", + "em_primeiro_lugar", + "the_day_after" + ], + "FOOD": [ + "magustoit", + "kartoffelsalat", + "olla_podrida", + "mousse", + "lima_comum", + "morcela", + "fritada", + "bechamel", + "antepasto", + "desertos", + "kinako", + "almo\u00e7o", + "chicla", + "vigna_unguiculata", + "salada_de_frutas", + "chantili", + "capsicum", + "sandu\u00edche_submarino", + "rocambole", + "massa_folhada", + "aperitivo", + "white_russian", + "pinh\u00e3o", + "latic\u00ednio", + "catchup", + "pinot_noir", + "tinto", + "almo\u00e7ar", + "tapera", + "uvas", + "frisante", + "fraldinha", + "gengibirra", + "chuinga", + "comidinha", + "t_bone", + "alta_cozinha", + "chili", + "macrobi\u00f3tica", + "volov\u00e3", + "chile", + "caldeirada", + "latic\u00ednios", + "dessert", + "alta_gastronomia", + "pastilha_el\u00e1stica", + "limonada", + "maria_sangrenta", + "quent\u00e3o", + "ros\u00e9", + "birib\u00e1", + "sobremesas", + "sonchus_oleraceus", + "harvey_wallbanger", + "pot_au_feu", + "chiclete", + "lactic\u00ednio", + "sorvetes" + ], + "PERSON_PRONOUN": [ + "o_teu", + "a_si_pr\u00f3pria_mesma", + "i", + "as_senhoras", + "a_dela", + "he", + "minhas", + "minha", + "nosso", + "a_gente", + "de_algu\u00e9m", + "os_senhores", + "me", + "a_sua", + "o_seu", + "voc\u00eas", + "convosco", + "lhe", + "meus", + "consigo", + "o_dela", + "o_nosso" + ], + "SOC_ECO_CLASS": [ + "samurais", + "classe_oper\u00e1ria", + "fraternidade", + "labor", + "center", + "alguns", + "nobreza", + "samurai", + "caste", + "rossio", + "campesinato", + "proletariado", + "castas", + "classe_dominante", + "lumpemproletariado", + "classe_m\u00e9dia", + "classe_media", + "pariato", + "burguesia", + "de_elite", + "academia", + "alta_sociedade" + ], + "LANGUAGE": [ + "panjabi", + "vascon\u00e7o", + "shona", + "tchuvache", + "hisp\u00e2nico", + "tchetcheno", + "taitiano", + "portugu\u00eas", + "bengali", + "herer\u00f3", + "sindi", + "catal\u00e3o", + "rundi", + "caxemirense", + "requinte", + "venda", + "interlingue", + "canar\u00eas", + "tonicidade", + "lusit\u00e2nico", + "romena", + "bambara", + "coreanas", + "akan", + "bachquir", + "cazaque", + "georgiano", + "malaiala", + "sindhi", + "herer\u00f3s", + "coreana", + "samoana", + "mal\u00e1sio", + "pali", + "navajo", + "russa", + "sundan\u00eas", + "isl\u00e2ndes", + "r\u00e9tico", + "manx", + "portuguesas", + "refinamento", + "o_haitiano", + "portugueses", + "checheno", + "polimento", + "hindi", + "t\u00e2mil", + "tcheca", + "hereros", + "guarani", + "zhuang", + "herero", + "assam\u00eas", + "sango", + "laociano", + "divehi", + "esperanto", + "latino_americana", + "noruego", + "coreano", + "sotaque", + "lingala", + "hausa", + "lingua_h\u00fangara", + "portuguesa", + "marshall\u00eas", + "wolof", + "cree", + "lao", + "kikuyu", + "canar\u00e1", + "madagascarense", + "feroico", + "ido", + "faro\u00eas", + "tailandesa", + "checo", + "tcheco", + "tonga", + "tagalo" + ], + "QUANTITY": [ + "n\u00e3o_em_nada", + "polegada_c\u00fabica", + "volt_amp\u00e8re", + "quinhentos", + "estado_de_oxida\u00e7\u00e3o", + "franco_guineense", + "voltampere", + "tonelada", + "som_puro", + "quinze_para", + "arcossegundo", + "n\u00e3o_em_absoluto", + "dinar", + "won_sul_coreano", + "carrocinha", + "won_norte_coreano", + "tr\u00eas_reinos", + "g", + "rial", + "datilografia", + "face_a_face", + "parc\u00f4metro", + "caloria", + "pound", + "gasterosteus_aculeatus", + "um_a_um", + "esterlina", + "as_tr\u00eas_irm\u00e3s", + "c\u00e9lsio", + "octanagem", + "franco_franc\u00eas", + "volt_ampere", + "anders_celsius" + ], + "GENDER": [ + "piquiticu", + "miss", + "rapazote", + "garotinha", + "transg\u00e9nero", + "gentleman", + "petitinho", + "menininha", + "catatau", + "puatdabucets", + "boy", + "guido", + "cavalheiro", + "bissexual", + "rapazinho", + "petiz", + "bissexuado", + "transg\u00eanero", + "mocinho", + "fedelho", + "gal", + "cafetina", + "lady", + "garotinho", + "mulheril" + ], + "GPE": [ + "dia_de_s\u00e3o_jorge", + "centro_hist\u00f3rico", + "la_pampa", + "nossa_senhora_da_piedade", + "nossa_senhora_do_calv\u00e1rio", + "saint_domingue", + "nossa_senhora_da_soledade", + "kotte", + "dar_es_salaam", + "mar_vermelho", + "s\u00e3o_cristov\u00e3o", + "rio_grande_do_sul", + "espirito_santo", + "nossa_senhora", + "s\u00e3o_louren\u00e7o", + "s\u00e3o_nicolau", + "dia_de_s\u00e3o_valentim", + "novo_testamento", + "s\u00e3o_crist\u00f3v\u00e3o", + "bas\u00edlica_de_santa_sofia", + "grande_manila", + "s\u00e3o_tom\u00e9", + "vila_ol\u00edmpica", + "hagia_sofia", + "nossa_senhora_das_l\u00e1grimas", + "nossa_senhora_das_dores", + "s\u00e3o_jorge", + "santo_andr\u00e9", + "ponta_delgada", + "nossa_senhora_do_pranto", + "franco_condado", + "nossa_senhora_das_ang\u00fastias", + "s\u00e3o_pedro", + "s\u00e3o_jo\u00e3o_batista", + "al_andalus", + "s\u00e3o_martinho", + "cruz_vermelha", + "la_rochelle", + "s\u00e3o_judas_tadeu", + "nossa_senhora_das_sete_dores", + "hibiscus_rosa_sinensis", + "vinh_long", + "la_gomera", + "dia_dos_namorados", + "st_louis", + "nicolau_de_mira", + "santa_sofia", + "parque_industrial" + ], + "TITLE": [ + "mister", + "sir" + ], + "LAW": [ + "desacato", + "estatuo", + "tabeli\u00e3o", + "estado_de_direito", + "direito_romano", + "civil_law", + "supremo_tribunal", + "direito_administrativo", + "lei_marcial", + "derivativos", + "sistema_eleitoral", + "direito_civil", + "federal_bureau_of_investigation", + "direito_romano_germ\u00e2nico", + "suprema_corte_dos_estados_unidos_da_am\u00e9rica" + ], + "FAC": [ + "bebedouro", + "max_m\u00fcller", + "esta_noite", + "cabodaboaesperan\u00e7a", + "arcos_triunfais", + "de_sobreaviso", + "the_last_supper", + "arnold_sch\u00f6nberg", + "s\u00e3o_jos\u00e9_dos_campos", + "grundschule", + "frente_popular", + "max_muller", + "esta_tarde", + "santa_l\u00facia", + "petropavlovsk", + "cavalari\u00e7a", + "esta\u00e7\u00e3o_de_correios", + "pedro_i_da_r\u00fassia", + "aos_poucos", + "a_montanha_m\u00e1gica", + "as_quatro_esta\u00e7\u00f5es", + "estabelecimentos_de_ensino", + "arnold_schonberg", + "c\u00e2mara_baixa", + "combava", + "a_\u00faltima_ceia", + "sem_serifa", + "11_de_setembro", + "faculdade_de_medicina", + "de_pouquinho_em_pouquinho", + "faxinar", + "escola_prim\u00e1ria" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "tartaruga_negra", + "em_que_todos_saem_ganhando", + "h_g_wells", + "monte_tai", + "gioconda", + "woland", + "peixe_de_s\u00e3o_pedro", + "st_vincent", + "i_ching", + "s\u00e3o_jo\u00e3o_evangelista", + "don_delillo", + "este_sueste", + "e_e_cummings", + "s\u00e3o_vicente", + "edward_osborne_wilson", + "desde_ent\u00e3o", + "em_que_todos_ganham", + "de_witt", + "peixe_galo", + "ilha_de_s\u00e3o_vicente", + "t_bone", + "al_amin", + "igor_sikorsky", + "in_memory", + "\u00e9s_sueste", + "carl_david_anderson", + "este_sudeste", + "maxwell_anderson", + "boletus_edulis", + "rudolf_hess", + "s\u00e3o_jo\u00e3o_cris\u00f3stomo", + "dr_watson", + "auto_controle", + "eu_tamb\u00e9m", + "herbert_george_wells" + ], + "UNION": [ + "industrial_workers_of_the_world", + "gr\u00eamio_estudantil", + "uni\u00e3o_de_telecomunica\u00e7\u00e3o_internacional" + ], + "EVENT": [ + "grande_pr\u00e9mio", + "flor_de_lis" + ], + "POLITICAL_PARTY_MEMBER": [ + "da_rep\u00fablica", + "comunistas", + "comunista", + "federalista" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ], + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+-\\D+|\\D+-\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "brenda", + "lara", + "ana_l\u00edvia", + "j\u00falia", + "m\u00e9lanie", + "\u00e9rica", + "evelyn", + "nat\u00e1lia", + "yara", + "sara", + "giovanna", + "isabelly", + "stephany", + "mirella", + "vit\u00f3ria", + "kelly", + "rebeca", + "mariane", + "stella", + "larissa", + "milena", + "flor", + "alexandra", + "olivia", + "valentina", + "alana", + "l\u00edvia", + "vict\u00f3ria", + "maria_julia", + "maria", + "al\u00edcia", + "sabrina", + "daniela", + "sophie", + "nicole", + "j\u00e9ssica", + "helo\u00edsa", + "emanuelly", + "diana", + "isadora", + "\u00e2ngela", + "helena", + "lav\u00ednia", + "bruna", + "elisa", + "maria_vit\u00f3ria", + "raquel", + "ana_vit\u00f3ria", + "eloah", + "maria_luiza", + "eva", + "\u00edris", + "constan\u00e7a", + "benedita", + "d\u00e9bora", + "laura", + "ana_j\u00falia", + "carlota", + "manuela", + "anita", + "beatriz", + "emanuella", + "ana_clara", + "leonor", + "caetana", + "lu\u00edsa", + "ana_sophia", + "fabiana", + "carolina", + "alexia", + "tatiana", + "mait\u00ea", + "iara", + "l\u00facia", + "cec\u00edlia", + "marina", + "gabrielly", + "carminho", + "la\u00eds", + "filipa", + "am\u00e9lia", + "petra", + "in\u00eas", + "maria_fernanda", + "marcela", + "catarina", + "yasmin", + "mariana", + "isabela", + "mara", + "andreia", + "esther", + "isabel", + "maria_clara", + "maria_alice", + "luciana", + "ana_carolina", + "fernanda", + "camila", + "ana_luiza", + "sophia", + "bianca", + "maria_eduarda", + "juliana", + "ana_julia", + "erica", + "gabriela", + "luiza", + "ana", + "nina", + "nair", + "julia", + "sarah", + "matilde", + "margarida", + "agatha", + "teresa", + "caroline", + "emilly", + "lia", + "erika", + "rita", + "kamilly", + "isis", + "ema", + "marta", + "amanda", + "ana_beatriz", + "let\u00edcia", + "melissa", + "isabella", + "naiara", + "violeta", + "emma", + "em\u00edlia", + "n\u00faria", + "alice", + "lorena", + "pietra", + "francisca", + "patr\u00edcia", + "ana_laura", + "soraia", + "salom\u00e9", + "clarice", + "mafalda", + "maria_cec\u00edlia", + "ariana", + "vera", + "adriana", + "maysa", + "pilar", + "renata", + "joana", + "luana", + "luna", + "miriam", + "madalena", + "n\u00e1dia", + "b\u00e1rbara", + "mia", + "sofia", + "rafaela", + "maria_sophia", + "irina", + "clara", + "kyara", + "eduarda" + ], + "FIRST_NAME_MALE": [ + "emanuel", + "igor", + "artur", + "duarte", + "luca", + "jo\u00e3o_pedro", + "jo\u00e3o_guilherme", + "anthony", + "k\u00e9vim", + "ivo", + "rafael", + "danilo", + "benjamin", + "francisco", + "pedro_henrique", + "breno", + "erick", + "luigi", + "gustavo_henrique", + "noah", + "lucas", + "levi", + "ismael", + "guilherme", + "m\u00e1rcio", + "renan", + "ben\u00edcio", + "bryan", + "daniel", + "nicolas", + "vitor", + "luiz_ot\u00e1vio", + "gaspar", + "jo\u00e3o_lucas", + "s\u00e9rgio", + "filipe", + "calebe", + "\u00e2ngelo", + "isaac", + "augusto", + "miguel", + "valentim", + "ian", + "jo\u00e3o_miguel", + "c\u00e9sar", + "vitor_hugo", + "edgar", + "enrico", + "thiago", + "marcelo", + "nathan", + "hugo", + "cau\u00e3", + "gabriel", + "pedro", + "caio", + "carlos", + "micael", + "ant\u00f3nio", + "diogo", + "lorenzo", + "manuel", + "denis", + "lucca", + "pedro_lucas", + "paulo", + "v\u00edtor", + "luiz_felipe", + "enzo_gabriel", + "jo\u00e3o_gabriel", + "jorge", + "salvador", + "jo\u00e3o_vitor", + "ryan", + "renato", + "gil", + "ot\u00e1vio", + "joel", + "vasco", + "theo", + "pedro_miguel", + "gon\u00e7alo", + "lisandro", + "mateus", + "wilson", + "gustavo", + "martim", + "louren\u00e7o", + "lu\u00eds", + "kaique", + "kevin", + "william", + "marcos_vinicius", + "alexandre", + "pietro", + "davi", + "afonso", + "leonardo", + "marcos", + "heitor", + "eduardo", + "enzo", + "matias", + "marco", + "luiz_fernando", + "sandro", + "cau\u00ea", + "raul", + "r\u00faben", + "sim\u00e3o", + "murilo", + "sebasti\u00e3o", + "lucas_gabriel", + "vinicius", + "andr\u00e9", + "vicente", + "bernardo", + "cl\u00e1udio", + "mauro", + "matheus", + "frederico", + "ricardo", + "m\u00e1rio", + "samuel", + "nelson", + "henrique", + "juan", + "jos\u00e9", + "nuno", + "davi_lucca", + "carlos_eduardo", + "luiz_miguel", + "jaime", + "david", + "davi_luiz", + "luiz_gustavo", + "thales", + "arthur", + "tom\u00e1s", + "rodrigo", + "dinis", + "jo\u00e3o", + "yago", + "thomas", + "xavier", + "jo\u00e3o_felipe", + "ant\u00f4nio", + "vitor_gabriel", + "felipe", + "ivan", + "luiz_henrique", + "f\u00e1bio", + "cristiano", + "brian", + "\u00e1lvaro", + "diego", + "davi_lucas", + "benjamim", + "yuri", + "tiago", + "leandro", + "bruno", + "noa", + "fernando", + "santiago", + "tom\u00e9", + "rui", + "joaquim" + ], + "PREFIX_FEMALE": [ + "sra", + "srta", + "dra" + ], + "PREFIX_MALE": [ + "dr", + "sr" + ], + "FIRST_NAME": [ + "emanuel", + "j\u00falia", + "luca", + "nat\u00e1lia", + "k\u00e9vim", + "ivo", + "vit\u00f3ria", + "benjamin", + "breno", + "milena", + "flor", + "gustavo_henrique", + "valentina", + "ismael", + "nicolas", + "vitor", + "maria", + "luiz_ot\u00e1vio", + "helena", + "lav\u00ednia", + "maria_vit\u00f3ria", + "eloah", + "maria_luiza", + "nathan", + "eva", + "constan\u00e7a", + "caio", + "d\u00e9bora", + "leonor", + "caetana", + "lorenzo", + "ana_sophia", + "alexia", + "pedro_lucas", + "luiz_felipe", + "v\u00edtor", + "marina", + "la\u00eds", + "am\u00e9lia", + "petra", + "renato", + "gil", + "theo", + "catarina", + "yasmin", + "isabela", + "gon\u00e7alo", + "mara", + "esther", + "wilson", + "luciana", + "gustavo", + "martim", + "camila", + "juliana", + "erica", + "luiza", + "ana", + "afonso", + "nina", + "julia", + "matias", + "agatha", + "raul", + "cau\u00ea", + "caroline", + "erika", + "vicente", + "matheus", + "let\u00edcia", + "henrique", + "nelson", + "jos\u00e9", + "n\u00faria", + "alice", + "pietra", + "patr\u00edcia", + "dinis", + "jo\u00e3o", + "yago", + "jo\u00e3o_felipe", + "vitor_gabriel", + "pilar", + "luna", + "diego", + "yuri", + "mia", + "rui", + "lara", + "jo\u00e3o_guilherme", + "giovanna", + "isabelly", + "francisco", + "rebeca", + "stella", + "alexandra", + "noah", + "levi", + "guilherme", + "alana", + "m\u00e1rcio", + "bryan", + "daniel", + "vict\u00f3ria", + "maria_julia", + "al\u00edcia", + "gaspar", + "jo\u00e3o_lucas", + "daniela", + "sophie", + "calebe", + "augusto", + "miguel", + "valentim", + "emanuelly", + "isadora", + "elisa", + "ana_vit\u00f3ria", + "cau\u00e3", + "pedro", + "benedita", + "laura", + "ana_j\u00falia", + "micael", + "lucca", + "cec\u00edlia", + "gabrielly", + "mariana", + "lisandro", + "fernanda", + "louren\u00e7o", + "lu\u00eds", + "sophia", + "gabriela", + "marcos_vinicius", + "pietro", + "leonardo", + "marco", + "margarida", + "sim\u00e3o", + "murilo", + "rita", + "marta", + "cl\u00e1udio", + "mauro", + "carlos_eduardo", + "violeta", + "jaime", + "davi_luiz", + "luiz_gustavo", + "lorena", + "francisca", + "ana_laura", + "tom\u00e1s", + "soraia", + "rodrigo", + "salom\u00e9", + "ariana", + "thomas", + "xavier", + "vera", + "adriana", + "maysa", + "f\u00e1bio", + "brian", + "tiago", + "leandro", + "sofia", + "noa", + "eduarda", + "ana_l\u00edvia", + "igor", + "\u00e9rica", + "evelyn", + "sara", + "anthony", + "mirella", + "kelly", + "mariane", + "luigi", + "lucas", + "olivia", + "l\u00edvia", + "sabrina", + "\u00e2ngelo", + "isaac", + "j\u00e9ssica", + "helo\u00edsa", + "ian", + "jo\u00e3o_miguel", + "bruna", + "edgar", + "hugo", + "\u00edris", + "carlota", + "ant\u00f3nio", + "diogo", + "denis", + "carolina", + "mait\u00ea", + "tatiana", + "paulo", + "l\u00facia", + "enzo_gabriel", + "jo\u00e3o_gabriel", + "filipa", + "jo\u00e3o_vitor", + "ryan", + "in\u00eas", + "ot\u00e1vio", + "joel", + "vasco", + "mateus", + "ana_carolina", + "kaique", + "bianca", + "ana_julia", + "nair", + "sarah", + "enzo", + "luiz_fernando", + "sandro", + "r\u00faben", + "emilly", + "lia", + "lucas_gabriel", + "isis", + "ema", + "vinicius", + "ana_beatriz", + "naiara", + "nuno", + "emma", + "david", + "thales", + "arthur", + "clarice", + "felipe", + "ivan", + "luiz_henrique", + "luana", + "joana", + "davi_lucas", + "b\u00e1rbara", + "rafaela", + "maria_sophia", + "fernando", + "santiago", + "tom\u00e9", + "kyara", + "joaquim", + "brenda", + "artur", + "duarte", + "m\u00e9lanie", + "jo\u00e3o_pedro", + "yara", + "stephany", + "rafael", + "danilo", + "pedro_henrique", + "erick", + "larissa", + "ben\u00edcio", + "renan", + "s\u00e9rgio", + "nicole", + "filipe", + "diana", + "\u00e2ngela", + "c\u00e9sar", + "vitor_hugo", + "enrico", + "raquel", + "thiago", + "marcelo", + "gabriel", + "carlos", + "manuela", + "anita", + "beatriz", + "emanuella", + "ana_clara", + "lu\u00edsa", + "manuel", + "fabiana", + "iara", + "salvador", + "jorge", + "carminho", + "maria_fernanda", + "pedro_miguel", + "marcela", + "andreia", + "isabel", + "maria_clara", + "maria_alice", + "ana_luiza", + "kevin", + "maria_eduarda", + "william", + "alexandre", + "davi", + "marcos", + "heitor", + "eduardo", + "matilde", + "teresa", + "sebasti\u00e3o", + "kamilly", + "andr\u00e9", + "bernardo", + "amanda", + "frederico", + "melissa", + "ricardo", + "m\u00e1rio", + "samuel", + "juan", + "isabella", + "davi_lucca", + "luiz_miguel", + "em\u00edlia", + "mafalda", + "maria_cec\u00edlia", + "ant\u00f4nio", + "renata", + "cristiano", + "\u00e1lvaro", + "miriam", + "madalena", + "n\u00e1dia", + "benjamim", + "bruno", + "irina", + "clara" + ], + "LAST_NAME": [ + "machado", + "duarte", + "rodrigues", + "neto", + "barbosa", + "dias", + "gomes", + "andrade", + "martins", + "ara\u00fajo", + "da_rosa", + "faria", + "arag\u00e3o", + "tavares", + "ramos", + "miranda", + "campos", + "peixoto", + "nogueira", + "almeida", + "cunha", + "gaspar", + "macedo", + "cardoso", + "maia", + "porto", + "assun\u00e7\u00e3o", + "cavalcanti", + "garcia", + "teixeira", + "morais", + "matos", + "guerreiro", + "leite", + "mota", + "pereira", + "anjos", + "novaes", + "da_cunha", + "batista", + "oliveira", + "jesus", + "branco", + "figueiredo", + "nunes", + "abreu", + "esteves", + "amaral", + "lima", + "mendes", + "moraes", + "santos", + "das_neves", + "silva", + "fernandes", + "foga\u00e7a", + "da_luz", + "da_mota", + "vaz", + "da_concei\u00e7\u00e3o", + "magalh\u00e3es", + "coelho", + "louren\u00e7o", + "moura", + "da_rocha", + "borges", + "carvalho", + "reis", + "costa", + "brito", + "pinho", + "matias", + "sim\u00f5es", + "henriques", + "antunes", + "leal", + "monteiro", + "sousa", + "souza", + "da_costa", + "caldeira", + "sales", + "vicente", + "valente", + "amorim", + "da_cruz", + "rocha", + "gon\u00e7alves", + "farias", + "pacheco", + "pinto", + "correia", + "melo", + "da_mata", + "moreira", + "lopes", + "rezende", + "vieira", + "torres", + "cruz", + "s\u00e1", + "viana", + "castro", + "soares", + "alves", + "pinheiro", + "costela", + "ferreira", + "da_paz", + "domingues", + "fonseca", + "freitas", + "silveira", + "paiva", + "marques", + "loureiro", + "baptista", + "carneiro", + "azevedo", + "barros", + "pires", + "neves", + "nascimento", + "ribeiro" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbadessa": "abba", + "abadessa": "arquimandrita", + "actriz": "int\u00e9rprete", + "atriz": "ator", + "ator": "actriz", + "aviadora": "aviador", + "baronesa": "magnata", + "rec\u00e9m_casada": "estribeiro", + "noiva": "cuidar_se", + "mulher_de_neg\u00f3cios": "empres\u00e1rio", + "working_girl": "homem_de_neg\u00f3cios", + "vaqueira": "cowboy", + "duquesa": "duque", + "imperadora": "kaiser", + "imperatriz": "kaiser", + "fem\u00edneo": "m\u00e1sculo", + "feminal": "masculina", + "femeal": "m\u00e1sculo", + "f\u00eamea": "masculina", + "feminino": "masculino", + "feminil": "masculino", + "mulheril": "m\u00e1sculo", + "f\u00eameo": "m\u00e1sculo", + "gal": "guido", + "governanta": "governadora", + "jeje": "lia", + "heroina": "her\u00f3i", + "hero\u00edna": "heroina", + "a_sua": "deles", + "o_dela": "deles", + "o_seu": "deles", + "a_dela": "deles", + "a_si_pr\u00f3pria_mesma": "a_si_mesmo", + "anfitri\u00e3o": "celebrar", + "anfitrioa": "the_host", + "anfitri\u00e3": "hoste", + "lady": "lorde", + "marquise": "marqu\u00eas", + "marquesa": "marqu\u00eas", + "massageadora": "massageador", + "errar_o_golpe": "sir", + "miss": "sir", + "faltar": "sir", + "sentir_saudade": "sir", + "falhar": "sir", + "senhorita": "sir", + "necessitar": "sir", + "miss_a": "sir", + "ter_car\u00eancia_de": "sir", + "mancar": "sir", + "sentir_falta": "sir", + "missa": "sir", + "sentir_saudades": "sir", + "n\u00e3o_ter": "sir", + "evadir_se": "sir", + "ter_falta_de": "sir", + "carecer": "sir", + "flama": "patr\u00e3o", + "chefa": "m\u00e1ster", + "directoria": "patr\u00e3o", + "m\u00e3e": "genitor", + "progenitora": "genitor", + "matrix": "painho", + "sra": "\u03ba", + "sobrinha": "sobrinho", + "monja": "monachus", + "religiosa": "monachus", + "freiras": "frade", + "soror": "monge", + "freira": "monachus", + "nun": "religioso", + "sacerdotisa": "abade", + "pr\u00edncipe": "prince", + "princesa": "regulus", + "infanta": "regulus", + "princessa": "prince", + "esta\u00e7\u00e3o_queen": "esta\u00e7\u00e3o_king", + "rainha": "key", + "hetman": "indra", + "feiticeira": "wizard", + "solteirona": "celibat\u00e1rio", + "solteira": "solteir\u00e3o", + "enteada": "enteado", + "andada": "enteado", + "sogra": "padrasto", + "madrasta": "padrasto", + "aeromo\u00e7a": "gestor", + "hospedeira": "tafeiro", + "camareira": "empregado_de_mesa", + "gar\u00e7om": "gar\u00e7onete", + "gar\u00e7onete": "empregado_de_mesa", + "viuvez": "vi\u00favo", + "enviuvar": "vi\u00favo", + "vi\u00fava": "vi\u00favo", + "marido": "c\u00f4njuge", + "esposa": "marido", + "duna": "esposo", + "bojo": "esposo", + "hex": "magician", + "striga": "wizard", + "bruxa": "wizard", + "wicca": "wizard", + "feto": "tripular" + }, + "other_gender_swap": { + "eles": "jeje", + "lhes": "jeje", + "seus": "jeje", + "lia": "deles", + "deles": "o_seu", + "he": "elas", + "elli": "elas", + "lhe": "eles", + "jeje": "seus", + "a_sua": "deles", + "o_dela": "deles", + "o_seu": "deles", + "a_dela": "deles" + }, + "en_pronoun2gender": { + "they": [ + "transexual", + "homossexual", + "transg\u00e9nero", + "bissexual", + "transg\u00eanero", + "bissexuado" + ], + "he": [ + "mo\u00e7o", + "rapazinho", + "masculino", + "rachar", + "boy", + "petiz", + "fedelho", + "guri", + "guido", + "fidalgo", + "cavalheiro", + "masculina", + "gentleman", + "ilha_de_man", + "petitinho", + "rapazote", + "catatau", + "m\u00e1sculo", + "tripular", + "gentil_homem", + "little_boy", + "piquiticu", + "garotinho", + "baixinho", + "marido", + "rachadura", + "mancebo", + "mocinho" + ], + "she": [ + "f\u00eamea", + "falhar", + "femeal", + "miss", + "faltar", + "sentir_saudade", + "fem\u00edneo", + "arrumadeira", + "ter_falta_de", + "lesbianismo", + "n\u00e3o_ter", + "brasa", + "puatdabucets", + "missa", + "evadir_se", + "f\u00eameo", + "empregada", + "lesbica", + "feto", + "empregada_dom\u00e9stica", + "carecer", + "sexo_fr\u00e1gil", + "sentir_falta", + "feminal", + "srta", + "gal", + "sentir_saudades", + "feminino", + "ter_car\u00eancia_de", + "garotinha", + "menininha", + "mulheril", + "criada", + "feminil", + "lady", + "cafetina", + "l\u00e9sbica", + "senhorita", + "camareira", + "miss_a", + "mancar", + "necessitar", + "errar_o_golpe", + "criada_de_quarto" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "lia", + "lhe", + "elli", + "a_si_mesmo" + ], + "she": [ + "a_si_pr\u00f3pria_mesma", + "o_dela", + "a_sua", + "o_seu", + "a_dela", + "jeje" + ], + "they": [ + "eles", + "lhes", + "lia", + "oms", + "seus", + "deles", + "elas", + "epi" + ], + "it": [ + "diese", + "aquele", + "ova", + "isto", + "essa", + "per_se", + "tyto", + "estes", + "disse", + "quisto", + "it", + "esses", + "a_si_mesmo", + "esta", + "isso", + "tento", + "ico", + "aqueles" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/qu.json b/data_tooling/pii_processing/ontology/data/qu.json new file mode 100644 index 0000000..08a3614 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/qu.json @@ -0,0 +1,437 @@ +{ + "PLANT": [ + "purutu", + "insina", + "una_llunku", + "chaqullu", + "tutuma", + "santa_mariya", + "chaparru", + "chipika", + "chamiku", + "sanurya", + "awaymantu", + "saramuyu", + "sanawrya", + "yarawisqu", + "chirimuya", + "hawas", + "sawintu", + "sayri", + "kapiqantu", + "walusa", + "tarku", + "siwuk", + "saqarara", + "lumu", + "rimulacha", + "piliyuyu", + "kharwinchu", + "chanqu", + "pinu", + "k_uyu", + "mustasa", + "k_awchu_sach_a", + "pilliyuyu", + "k_aspicha_ruwli", + "yuka", + "wayaw", + "k_ita_p_akincha", + "kapuli", + "kiwicha", + "hanachiwa", + "sirwila", + "kampachu", + "alkachu", + "kukuna", + "k_ita_waranqaysu" + ], + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "heinrich_hertz", + "giovanni_boccaccio", + "ernesto_guevara", + "maria_callas", + "iskay", + "eduard_buchner", + "winston_churchill", + "ivan_pavlov", + "isaac_newton", + "victor_hugo", + "mary_stuart", + "george_harrison", + "george_orwell", + "richard_wagner", + "pancho_villa", + "marie_curie", + "michael_jackson", + "el_greco", + "galileo_galilei", + "robert_koch", + "edmund_hillary", + "vincent_van_gogh", + "emiliano_zapata", + "cristobal_colon", + "yuri_gagarin", + "samuel_johnson", + "jesus", + "marie_antoinette", + "giuseppe_verdi", + "karl_jaspers", + "konrad_adenauer", + "frank_sinatra", + "katharine_hepburn", + "henri_becquerel", + "louis_pasteur", + "john_ford", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "f", + "thomas_mann", + "dante_alighieri", + "giacomo_puccini", + "louis_braille", + "nicolas_poussin", + "oscar_wilde", + "don_quijote", + "laurence_olivier", + "francis_bacon", + "pete_seeger", + "immanuel_kant", + "johannes_kepler", + "max_planck", + "julio_iglesias", + "john_bardeen", + "carl_lewis", + "canberra", + "edward_jenner", + "tawantinsuyu", + "montesquieu", + "arthur_rubinstein", + "niels_bohr", + "bertrand_russell", + "rudolf_diesel", + "walt_disney", + "friedrich_engels", + "ian_fleming", + "wolfgang_pauli", + "marcel_proust", + "thomas_more", + "elizabeth_taylor", + "indira_gandhi", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "caravaggio", + "cary_grant", + "pieter_zeeman", + "pablo_picasso", + "paul_simon", + "adam_smith", + "karl_marx", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "nikola_tesla", + "charles_barkley", + "robert_schumann", + "le_corbusier", + "helen_keller", + "ingrid_bergman", + "jean_piaget", + "william_wyler", + "adolf_hitler", + "fritz_haber", + "joseph_haydn", + "garfield", + "edvard_grieg", + "robert_boyle", + "vladimir_putin", + "g", + "martin_heidegger", + "r", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "giuseppe_garibaldi", + "alexandre_dumas", + "bobby_fischer", + "johannes_gutenberg", + "william_faulkner", + "amerigo_vespucci", + "putin", + "jean_de_la_fontaine", + "peter_o'toole", + "peter_paul_rubens", + "jules_verne", + "paul_newman", + "iskai", + "mikhail_gorbachov", + "john_lennon", + "charlie_chaplin", + "hannah_arendt", + "miles_davis", + "stanley_kubrick", + "john_huston", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "martin_luther_king", + "frank_capra", + "woodrow_wilson", + "gustav_hertz", + "st_louis", + "ernest_hemingway", + "jacques_charles", + "nelson_mandela", + "mohandas_gandhi", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "jacques_offenbach", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "bernardo_bertolucci", + "anna_pawlowa", + "franz_schubert", + "johnny_cash", + "mick_jagger", + "georges_cuvier", + "albert_einstein", + "chiang_kai_shek", + "t", + "wilhelm_ostwald" + ], + "DISEASE": [ + "chincha_kasta\u00f1a", + "k_iri", + "chhulli", + "nanay", + "wiksayay", + "garaca", + "para", + "khachuy", + "kanii", + "amaychura", + "chi", + "muchhi", + "illanchay", + "hilli", + "t_ukuch_uqu", + "miraywa", + "qarati", + "papa_lancha", + "chukchu", + "wirakaray", + "kallu", + "uma_nanay", + "punkillikuy", + "qharqayuy", + "evola_virusmanta_unquyqa", + "t_iyu_unquy", + "kuru", + "kaniy", + "jilli", + "krup", + "suphullu" + ], + "ORG": [ + "barbara_nikomidyamanta", + "hananqucha", + "san_francisco", + "wayrachina", + "palistina_kamachikuy", + "munayki", + "hatun_yachaq_tantari", + "allpa_llamk_ay", + "los_angeles", + "santa_lusiya_wat_a", + "killa_wa\u00f1uy" + ], + "PRODUCT": [ + "justin_bieber", + "yayayku", + "gowi", + "waqachina", + "sachsen_anhalt", + "kuymi", + "ch_uya_ispiritu", + "nordrhein_westfalen", + "romeowan_juliet", + "musuq_rimanakuy", + "wasi_quwi", + "kututu" + ], + "ANIMAL": [ + "kuyucha", + "sillwichaki", + "antharu", + "chinkirma", + "waqar", + "ruysi\u00f1ur", + "kuntur", + "bisunti", + "k_ayra", + "chururu", + "iskaynintinchaki", + "linsi", + "wiskul", + "wankana", + "achuqalla", + "kututu", + "wiruchu", + "gurila", + "kuchipillan", + "uma_usa", + "ampatu", + "huku", + "lachiwa", + "k_illichu", + "kutimpu", + "murira_pillpintu", + "manqu", + "unchuchukuy", + "ullasku", + "alsi", + "illawi", + "pallaysu", + "tiwtinku" + ], + "JOB": [ + "hampiqhatuq", + "takichaq", + "pichaq", + "para", + "chayachiy", + "awqapuri", + "kuyuti", + "chapaq", + "kuraka", + "t_aqsaq", + "umalliq", + "kamachiq", + "willaq", + "hampikamayuq", + "qillqaq", + "pichay" + ], + "GPE": [ + "dar_es_salaam", + "barbara_nikomidyamanta", + "runa_hay\u00f1i", + "aya_sophiya", + "st_louis", + "simun_pidru" + ], + "PERSON_PRONOUN": [ + "i", + "nogakuna" + ], + "BIO_CHEM_ENTITY": [ + "ullaya" + ], + "GENDER": [ + "chakwas", + "macu", + "warmi", + "taski" + ], + "FAC": [ + "huch_uy_yachay_wasi", + "atakama", + "kathuliku_inlisya", + "respecto_pooh" + ], + "LOCATION": [ + "urnu_\u00f1awch_i", + "agradiseyki", + "1_\u00f1iqin_qhulla_puquy_killapi", + "hananqucha", + "usa", + "q_illu_mayu", + "hanpuy", + "sri_lanka", + "q_umir_kawu", + "the_rolling_stones", + "louis_joseph_gay_lussac" + ], + "RELIGION": [ + "islam" + ], + "QUANTITY": [ + "si_tupuy", + "g", + "takay" + ], + "FOOD": [ + "runtu", + "lunqanus", + "chili", + "utsu" + ], + "DATE": [ + "k_ikuy", + "killapura" + ], + "PERSON": [ + "kimsa_chunka_iskayniyuq", + "k_awchu_sach_a" + ], + "SOC_ECO_CLASS": [ + "waki" + ], + "LANGUAGE": [ + "malayalam_simi", + "ido" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u00f1ust_a": "awki", + "quya": "qhapaq", + "\u00f1a\u00f1a": "wawqi", + "hatun": "qhari", + "warmi": "qhari" + }, + "other_gender_swap": { + "paykuna": "chila", + "chila": "paykuna" + }, + "en_pronoun2gender": { + "he": [ + "qhari" + ], + "she": [ + "warmi", + "taski", + "hatun" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "chila" + ], + "they": [ + "paykuna", + "suya" + ], + "it": [ + "kuwa", + "disi", + "kaykuna" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/rap.json b/data_tooling/pii_processing/ontology/data/rap.json new file mode 100644 index 0000000..22886bf --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/rap.json @@ -0,0 +1,43 @@ +{ + "DISEASE": [ + "ki" + ], + "PERSON_PRONOUN": [ + "i", + "korua" + ], + "JOB": [ + "mate" + ], + "PUBLIC_FIGURE": [ + "o", + "i" + ], + "GENDER": [ + "vahine" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "vahine" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "raua" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/rm.json b/data_tooling/pii_processing/ontology/data/rm.json new file mode 100644 index 0000000..ab1def0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/rm.json @@ -0,0 +1,221 @@ +{ + "JOB": [ + "translatura", + "mariner", + "litinent", + "schuldo", + "sriptura", + "translatur", + "leder", + "schuldau", + "cuschinier", + "schuld\u00e0", + "marangun", + "ratun", + "tenent", + "cuschinar", + "barbier", + "barber", + "giugadur", + "lainari", + "giovader", + "turner" + ], + "PLANT": [ + "paloja", + "chastagner", + "rischmelna", + "artist", + "ischi", + "carotta", + "plum", + "papaver", + "baguos", + "tscharescha", + "prem", + "rischcotschna", + "cardifiol", + "primbla", + "paloga", + "cavazza", + "tschariescha", + "tscherescha", + "br\u00fcmbla", + "tschirescha", + "riebla" + ], + "ANIMAL": [ + "castur", + "tschierv", + "pignouler", + "sprer", + "merlotscha", + "passer", + "merl", + "mustaila", + "tschess", + "tschuetta", + "fiergna", + "pulschain", + "pirol", + "chavriel", + "stambutg", + "durmigliet" + ], + "DISEASE": [ + "sanglut", + "caleira", + "singlut", + "gumma", + "starn\u00fcder", + "dular", + "calira", + "furuncel", + "dolair", + "furuncul", + "singluot", + "ed", + "crappagls", + "stirnidar", + "furunchel", + "sangluot", + "bignun", + "biergna", + "starn\u00fcdar", + "chalur", + "mi", + "sturnidar", + "aura", + "dulair", + "dolur", + "mieur", + "starnidar" + ], + "LANGUAGE": [ + "germanais", + "grecca", + "polac", + "germanaisa" + ], + "FOOD": [ + "desert", + "limunada", + "farina", + "ensolver", + "dasiert", + "chile", + "desiert" + ], + "QUANTITY": [ + "franc_svizzer" + ], + "PUBLIC_FIGURE": [ + "spraunza", + "speronza", + "jesus", + "e", + "sperar", + "sperer", + "bulsaun", + "peider", + "putin", + "gesu" + ], + "GENDER": [ + "mastgel", + "mascal", + "buob", + "mas_cel", + "mascel", + "mes_cel" + ], + "SOC_ECO_CLASS": [ + "sozietad", + "societed", + "societad" + ], + "RACE": [ + "latin", + "american" + ], + "POLITICAL_PARTY_MEMBER": [ + "camarad" + ], + "LOCATION": [ + "buna_saira", + "buna_notg" + ], + "PERSON_PRONOUN": [ + "our", + "her", + "noss" + ], + "ORG": [ + "armeda", + "furmaziun", + "baselgia_catolica_romana", + "disa", + "mi", + "baselgia_catolica", + "scola" + ], + "PRODUCT": [ + "portg_da_mar" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "femella": "mascel", + "ra\u00efna": "retg", + "rigegna": "retg", + "sour": "camerata", + "duonna": "human", + "femna": "human" + }, + "other_gender_swap": { + "ellas": "sun", + "sun": "ellas" + }, + "en_pronoun2gender": { + "he": [ + "mastgel", + "mascal", + "mas_cel", + "buob", + "giuven", + "mascel", + "mes_cel", + "human" + ], + "she": [ + "femna", + "duonna", + "femella" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "sun", + "her" + ], + "they": [ + "ellas" + ], + "it": [ + "chista", + "ova", + "quest", + "questa" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ro.json b/data_tooling/pii_processing/ontology/data/ro.json new file mode 100644 index 0000000..709679c --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ro.json @@ -0,0 +1,3290 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "jean_genet", + "john_knox", + "heinrich_hertz", + "roger_williams", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_bayes", + "johann_bernoulli", + "max_bruch", + "charles_best", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "john_barth", + "edward_albee", + "maria_callas", + "henrik_ibsen", + "vasili_kandinski", + "william_gladstone", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "cei_mai_mul\u021bi", + "j_edgar_hoover", + "maria_magdalena", + "winston_churchill", + "nicolaus_copernic", + "johannes_diderik_van_der_waals", + "andrei_saharov", + "giambattista_marini", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "richard_smalley", + "andrew_marvell", + "terry_pratchett", + "general_de_brigad\u0103", + "stephen_king", + "francis_crick", + "ecaterina", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "milton_friedman", + "edward_gibbon", + "jefferson_davis", + "saint_louis", + "george_stephenson", + "john_glenn", + "george_burns", + "george_harrison", + "george_orwell", + "ronald_norrish", + "arthur_koestler", + "richard_wagner", + "williams", + "thornton_wilder", + "pancho_villa", + "rebecca_west", + "marie_curie", + "francis_galton", + "michael_jackson", + "spera", + "e_entertainment", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "maximian", + "david", + "galileo_galilei", + "jane_goodall", + "john_donne", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "serghei_rahmaninov", + "william_hazlitt", + "anne_boleyn", + "john_ruskin", + "robert_burns", + "hans_albrecht_bethe", + "thomas_paine", + "bari", + "liliuokalani", + "francis_beaumont", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "willem_einthoven", + "thomas_willis", + "samuel_johnson", + "giuseppe_verdi", + "walter_lippmann", + "e", + "karl_jaspers", + "hideki_yukawa", + "konrad_adenauer", + "marianne_moore", + "norbert_wiener", + "john_masefield", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "lauren\u021biu", + "abel_tasman", + "katharine_hepburn", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "stephen_decatur", + "leslie_howard", + "hugo_grotius", + "mahalia_jackson", + "john_ford", + "stephen_foster", + "katherine_mansfield", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "feodor_dostoievski", + "moise", + "luigi_pirandello", + "igor_stravinski", + "elisabeta", + "andreescu", + "dorothea_lange", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "holden", + "charles_lindbergh", + "vincenzo_bellini", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "william_ockham", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "robert_johnson", + "james_dean", + "robert", + "mason", + "marie_tussaud", + "theodor_schwann", + "alessandro_manzoni", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "james_naismith", + "oscar_wilde", + "philip_roth", + "j_d_salinger", + "richard_trevithick", + "heinrich_schliemann", + "don_quijote", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "adolf_eichmann", + "vulturul", + "octaviu", + "francis_bacon", + "pete_seeger", + "konstantin_stanislavski", + "joseph_heller", + "a", + "morris", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "mary_leakey", + "immanuel_kant", + "licen\u021biat", + "james_franck", + "william_crookes", + "nellie_bly", + "warburg", + "stephen_leacock", + "albert_schweitzer", + "john_harvard", + "johann_friedrich_herbart", + "giulio_natta", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "john_bardeen", + "sarah_vaughan", + "john_wilkes", + "william_byrd", + "william_henry", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "sf\u00e2ntul_cristofor", + "elias_canetti", + "edward_jenner", + "oliver_hardy", + "jean_luc_godard", + "graham_greene", + "frans_hals", + "medic", + "sinucide", + "lars_onsager", + "margaret_mitchell", + "sf\u00e2ntul_gheorghe", + "cristofor_columb", + "william_herschel", + "joseph_black", + "arthur_rubinstein", + "niels_bohr", + "marc_antoniu", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "charles_de_secondat_baron_de_montesquieu", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "simon_petru", + "h_l_mencken", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "lee", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "phil_collins", + "robert_redford", + "jean_giraudoux", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "homo_heidelbergensis", + "petru", + "paul_hindemith", + "elizabeth_taylor", + "benedict", + "john_dowland", + "william_golding", + "william_caxton", + "john_milton", + "ethel_merman", + "samuel_adams", + "albert_speer", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "john_fletcher", + "caravaggio", + "charlie_watts", + "petur", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "str\u0103bunici", + "boris_karloff", + "pierre_corneille", + "patrick_white", + "saul_steinberg", + "catherine_howard", + "hans_christian_andersen", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "pieter_zeeman", + "petre", + "steward", + "pablo_picasso", + "jack_spintec\u0103torul", + "natalie_wood", + "l_ron_hubbard", + "valentina_tere\u0219kova", + "thomas_moore", + "osman_i", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "co\u0219ar", + "i", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "bacalaureat", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "anna_kurnikova", + "tuomas", + "antoniu", + "jean_piaget", + "william_congreve", + "frank_norris", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "leopold_kronecker", + "richard_wright", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "archibald_macleish", + "peter_behrens", + "joseph_haydn", + "garfield", + "george_boole", + "paul_revere", + "edvard_grieg", + "robert_boyle", + "edith_cavell", + "alan_paton", + "1", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "ernest_walton", + "vladimir_putin", + "giuseppe_mazzini", + "hertz", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "ben_hecht", + "anne_hathaway", + "clarence_darrow", + "charles_lamb", + "g", + "charles_coulomb", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "martin_heidegger", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "jean_monnet", + "leonard", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "robert_brown", + "thomas_carlyle", + "donald_barthelme", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "lacul_tana", + "james_bowie", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "titus_flavius_vespasianus", + "amerigo_vespucci", + "girolamo_savonarola", + "emma_goldman", + "robert_gray", + "john_constable", + "putin", + "matthew_flinders", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "thomas_mallory", + "george_sand", + "peter_sellers", + "charles_fourier", + "peter_o'toole", + "joseph_conrad", + "peter_paul_rubens", + "mahatma_gandhi", + "fluviu_sf\u00e2ntul_lauren\u021biu", + "jim_morrison", + "jules_verne", + "paul_newman", + "george_meredith", + "petru_i_al_rusiei", + "josef_albers", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "gandhi", + "charlie_chaplin", + "d_h_lawrence", + "j_m_barrie", + "dou\u0103", + "lea", + "elizabeth_gaskell", + "john_mill", + "brescia", + "boris_spasski", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "alice_walker", + "miles_davis", + "octavian", + "wilhelm_tell", + "eduard_martirul", + "hornar", + "george_marshall", + "willa_cather", + "stanley_kubrick", + "glen_miller", + "john_huston", + "william_gilbert", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "homo", + "frederick_douglass", + "speran\u021b\u0103", + "david_hilbert", + "wilhelm_reich", + "oliver_cromwell", + "martin_luther_king", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "william_clark", + "woodrow_wilson", + "george", + "john_dryden", + "jim_henson", + "b\u00e9la_lugosi", + "ernest_hemingway", + "john_eccles", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "hans_geiger", + "cesare_borgia", + "j_p_morgan", + "roald_amundsen", + "sherwood_anderson", + "richard_leakey", + "c_a", + "charles_dickens", + "samuel_huntington", + "costin", + "ella_fitzgerald", + "thomas_sydenham", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "george_stevens", + "federico_fellini", + "foarte_mult", + "patrick_henry", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "bernardo_bertolucci", + "e_e_cummings", + "john_ross", + "iulius_cezar", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "alfred_kastler", + "telecomand\u0103", + "mick_jagger", + "otto_loewi", + "charles_peirce", + "georges_cuvier", + "william_harvey", + "walter_scott", + "august_von_wassermann", + "sam_houston", + "robert_peary", + "robert_browning", + "comenius", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "RELIGION_MEMBER": [ + "jihadiste", + "guru", + "mormon", + "baptist", + "metodist\u0103", + "jidanc\u0103", + "baptist\u0103", + "metodist", + "catolic", + "budist" + ], + "JOB": [ + "brigadier\u0103", + "creator", + "gastroenterolog\u0103", + "dietetician", + "portdrapel", + "supraveghetor", + "cornac", + "guru", + "temporar", + "osteopat", + "cresc\u0103toare", + "osta\u0219", + "mare\u0219al", + "businessman", + "compozitor", + "patolog\u0103", + "magaziner", + "somelier", + "agrimensor", + "estetician\u0103", + "supraveghetoare", + "chimist", + "antreprenor", + "caligraf", + "salahor", + "muncitoare", + "imunolog", + "translator", + "montator", + "angiolog", + "port\u0103ri\u021b\u0103", + "pietrar", + "santinel\u0103", + "ergoterapeut", + "dietetician\u0103", + "fr\u00e2nghier", + "angiolog\u0103", + "antreprenoare", + "hidrolog", + "depozitar", + "curator", + "portuar", + "registrator", + "internist", + "temp", + "infirmier", + "grafician", + "caporal", + "maiori", + "valet", + "dermatolog", + "str\u0103jer", + "the_police", + "intern", + "autoare", + "reumatolog\u0103", + "docher", + "pretor", + "camerist\u0103", + "stenograf\u0103", + "interpret\u0103", + "doge", + "samsar", + "asistent", + "hematolog", + "sculptorul", + "ginecolog\u0103", + "sertar", + "excavator", + "prim\u0103ri\u021b\u0103", + "mor\u0103ri\u021b\u0103", + "obstetrician\u0103", + "chelar", + "cardiolog", + "brancardier", + "gropar", + "lupt\u0103toare", + "ini\u021biator", + "casier\u0103", + "metres\u0103", + "menajer\u0103", + "bodyguard", + "microbiologist", + "zidar", + "om_de_serviciu", + "paramedic", + "croitor", + "ebenist", + "vestitor", + "trainer", + "estetician", + "caraul\u0103", + "stenograf", + "obstetrician", + "tapi\u021ber", + "\u0219oimar", + "oberchelner", + "grenadier", + "bancher", + "strungar", + "mor\u0103reas\u0103", + "caligraf\u0103", + "teritorial", + "academician", + "lacheu", + "ginecolog", + "strung\u0103ri\u021b\u0103", + "negustor", + "dermatolog\u0103", + "meteorologist", + "brigadier", + "pielar", + "salariat", + "independent", + "kamikaze", + "magazioner\u0103", + "sergent", + "mahmureal\u0103", + "hematolog\u0103", + "subofi\u021ber", + "sculptor", + "conduc\u0103tor", + "cancelar\u0103", + "herbolog\u0103", + "the_guardian", + "hidrolog\u0103", + "gastroenterolog", + "locotenent", + "canoist", + "cititor", + "ferestar", + "corectoare", + "camerist", + "fursec", + "straj\u0103", + "minister", + "stegar", + "mandarin", + "stomatolog", + "sticlar", + "mason", + "paramedic\u0103", + "mate", + "sculptori\u021b\u0103", + "corsar", + "grafician\u0103", + "magazioner", + "mulg\u0103toare", + "cititoare", + "terapeut", + "dogar", + "designer", + "antrenor", + "ebenist\u0103", + "pastor", + "semnalizator", + "marangoz", + "chimist\u0103", + "neurolog\u0103", + "pictori\u021b\u0103", + "savant\u0103", + "careta\u0219", + "colec\u021bionar", + "culeg\u0103tor", + "prim\u0103reas\u0103", + "mesager", + "regulator", + "p\u0103s\u0103rar", + "curtean", + "om_de_afaceri", + "hornar", + "proctolog\u0103", + "paracliser", + "internist\u0103", + "regizor", + "stucator", + "corporal", + "p\u0103durar", + "birocrat", + "om_de_\u0219tiin\u021b\u0103", + "statistician\u0103", + "arpentor", + "stewardes\u0103", + "translatoare", + "rabin", + "endocrinolog\u0103", + "cazangiu", + "romancier\u0103", + "intendent", + "endocrinolog", + "destitui", + "the_economist", + "manager", + "familiar", + "comerciant", + "broker", + "wetter", + "infanterist", + "stripper", + "barista", + "colonel", + "tunar", + "patolog", + "plumbar", + "herbolog", + "cartograf\u0103", + "principal", + "temnicer", + "doc", + "regent", + "vindec\u0103toare", + "mitralior", + "statistician", + "neurolog", + "canoist\u0103", + "cardiolog\u0103", + "b\u0103rbier", + "c\u0103prar", + "fondator", + "usher", + "messenger", + "ministru", + "catihet", + "boiangiu", + "proconsul", + "sublocotenent", + "bombardier", + "doilea", + "feldmare\u0219al", + "episcop", + "cartograf", + "cameraman", + "comandant", + "revizoare", + "casieri\u021b\u0103", + "corector", + "steward", + "magaziner\u0103", + "extern", + "tinichigiu", + "chairman", + "brutar", + "marinar_brevetat", + "sub", + "romancier", + "comodor", + "the_independent", + "academician\u0103", + "cookie", + "imunolog\u0103", + "neurochirurg", + "proctolog", + "esquire", + "alienist", + "autor", + "picolo", + "vindec\u0103tor", + "reumatolog", + "acordor", + "preceptor" + ], + "LAW": [ + "drept_comercial", + "sistem_electoral", + "drept_maritim", + "drept_roman", + "drept_civil", + "biroul_federal_de_investiga\u021bii", + "drept_jurispruden\u021bial", + "drept_administrativ" + ], + "LOCATION": [ + "al_jazeera", + "unu_\u0219i_un_sfert", + "de_\u00eencredere", + "lacul_superior", + "inginerie_civil\u0103", + "insulele_malvine", + "corpus_christi", + "prim\u0103rie", + "sf\u00e2ntul_patriciu", + "bow_wow", + "piet_mondrian", + "adunarea_na\u021bional\u0103", + "sint_maarten", + "noaptea_de_anul_nou", + "frumoasa_adormit\u0103", + "man_o_war", + "noua_anglie", + "banc\u0103_central\u0103", + "insula_sf\u00e2ntul_martin", + "blue_mountains", + "pieris_rapae", + "insula_sf\u00e2nta_elena", + "joseph_louis_gay_lussac", + "adunarea_na\u021bional\u0103_a_azerbaidjanului", + "a_treia_persoan\u0103", + "noaptea_de_revelion", + "avia\u021bie_militar\u0103", + "sit_arheologic", + "un_an_nou_fericit", + "nenoroc", + "de_trei_partide", + "tom_dege\u021bel", + "frumoasa_din_p\u0103dure_adormit\u0103", + "saint_lucia", + "aren\u0103", + "sri_lanka", + "tripartinic", + "ajunul_anului_nou", + "lacul_saint_clair", + "de_ap\u0103_dulce", + "the_rolling_stones", + "r\u00e2ul_san_joaquin", + "spital_de_boli_mintale", + "cordon_bleu", + "capul_verde", + "doi_fra\u021bi", + "heitor_villa_lobos", + "frumoasa_din_p\u0103durea_adormit\u0103", + "al_ain", + "cartier_de_afaceri", + "ursa_mare", + "spital_psihiatric" + ], + "ORG": [ + "dominion", + "sinedriu", + "str\u0103nepot", + "doi", + "din_c\u00e2nd_\u00een_c\u00e2nd", + "radiogalaxie", + "wicca", + "al_treilea_conciliu_de_la_constantinopol", + "jan_mayen", + "la_curent", + "de_o_sut\u0103_de_procente", + "camera_inferioar\u0103", + "ins", + "la_persoana_a_doua", + "nasa", + "cu_m\u00e2na_\u00een_sac", + "furnal", + "partidul_republican", + "bollywood", + "juste\u021be", + "europol", + "schutzstaffel", + "sankt_andreasberg", + "the_who", + "mai_mic_dec\u00e2t", + "partide_politice", + "luceaf\u0103r", + "tactica_p\u0103m\u00e2ntului_p\u00e2rjolit", + "al_nou\u0103lea_cer", + "tripartinic", + "infanteria_marin\u0103", + "cu_un_singur_ochi", + "partidul_verde", + "san_francisco", + "un", + "de_prima_clas\u0103", + "\u00een_realitate", + "sf\u00e2ntul_ioan_botez\u0103torul", + "for\u021b\u0103_aerian\u0103", + "cerboaic\u0103", + "pu\u021bin_c\u00e2te_pu\u021bin", + "v\u0129nh_long", + "flotare", + "nara", + "va", + "la_zi", + "a_treia_persoan\u0103", + "revelion", + "ospiciu", + "an_tan_te", + "ambuteiaj", + "prea_mul\u021bi", + "gao", + "mahayana", + "toast_fran\u021buzesc", + "drepturile_animalelor", + "gr\u0103din\u0103_botanic\u0103", + "dreptate", + "armata_continental\u0103", + "actualizat", + "muntele_carmel", + "trei_surori", + "marin\u0103_militar\u0103", + "ai", + "clasa_muncitoare", + "marea_ro\u0219ie", + "the_football_league", + "chiang_mai", + "f\u0103r\u0103_vam\u0103", + "liga_na\u021biunilor", + "dia", + "justi\u021bie", + "centru_comercial", + "al_doilea_conciliu_de_la_constantinopol", + "le_mans", + "du_te_naibii", + "centru_de_ora\u0219", + "partidul_muncitoresc_norvegian", + "muntele_m\u0103slinilor", + "rabindranath_tagore", + "gestapo", + "\u00eempotrivire", + "domina\u021bie", + "republica_capului_verde", + "scoal\u0103_de_medicin\u0103", + "hasidism", + "marina_regal\u0103", + "armata_statelor_unite_ale_americii", + "spital_de_psihiatrie", + "saintlucian", + "te_iubesc", + "casa_alb\u0103", + "who_are_you", + "al_jazeera", + "de_trei_partide", + "cei_patru_mari", + "opozi\u021bie", + "lun\u0103_nou\u0103", + "imperiul_german", + "kr\u00eev\u00eei_rih", + "iosif_din_nazaret", + "camera_comunelor", + "camera_superioar\u0103", + "ap\u0103_dulce", + "partidul_whig_sua", + "oficiu_po\u0219tal", + "chior", + "saint_barth\u00e9lemy", + "te_ador", + "sturmabteilung", + "centru_istoric", + "los_angeles", + "nato", + "mass_media", + "ad_hoc", + "partidul_socialist_din_olanda", + "mai_mare_dec\u00e2t", + "la_persoana_a_treia", + "randunea", + "in_situ", + "sa", + "adunarea_na\u021bional\u0103_a_fran\u021bei", + "doc", + "partid_politic", + "germanistic\u0103", + "fluviul_galben", + "al_ain", + "marin\u0103", + "taoism", + "al_doilea_conciliu_de_la_niceea", + "drept_canonic", + "francmasonerie", + "adunarea_na\u021bional\u0103_a_bulgariei", + "guvern", + "clas\u0103_de_mijloc", + "partidul_democrat", + "sf\u00e2nta_elena", + "eu", + "prea_multe", + "parvenit", + "drept_roman", + "mecklenburg_vorpommern", + "epoca_de_aur", + "cruce_ro\u0219ie", + "oaste", + "biserica_romano_catolic\u0103", + "mosad", + "s\u00e3o_tom\u00e9", + "sindicat_comercial" + ], + "DISEASE": [ + "rubeol\u0103", + "sars", + "pelagr\u0103", + "veghe", + "iradiere", + "paralizie", + "cafeniu", + "boala_kawasaki", + "rahitism", + "anestezie", + "sensibil", + "cecidie", + "pseudo_hermafrodism", + "caracter_complet", + "frenezie", + "rage", + "traum\u0103", + "se_chior\u00ee", + "strabism", + "hernie", + "radia\u021bie", + "progeria", + "frostbite", + "cangren\u0103", + "fondator", + "cecitate_cromatic\u0103", + "deger\u0103tur\u0103", + "virusul_west_nile", + "the_bends", + "constipa\u021bie", + "ferbinte", + "phytophthora_infestans", + "virusul_herpes_simplex", + "amigdalit\u0103", + "lucire", + "reclama\u021bie", + "tandre\u021be", + "claustrofobie", + "plenitudine", + "distimie", + "colecistit\u0103", + "materialism", + "furuncul", + "holer\u0103", + "abraziune", + "indigestie", + "catalepsie", + "deshidratare", + "rupere", + "deranjare", + "aprindere", + "lichen", + "poliomielit\u0103", + "corn", + "grea\u021b\u0103", + "poten\u021b\u0103", + "pl\u00e2ngere", + "rugin\u0103", + "deplin\u0103tate", + "silicoz\u0103", + "gimp", + "mers", + "b\u0103t\u0103tur\u0103", + "crud", + "smart", + "pirofobie", + "ed", + "graviditate", + "pica", + "bradicardie", + "tuse", + "murmur", + "moliciune", + "arbovirus", + "scleroz\u0103_multipl\u0103", + "satar", + "scarlatin\u0103", + "accident_vascular_cerebral", + "ill", + "arsur\u0103", + "scald", + "coronarian", + "\u00eentemeietor", + "bruceloz\u0103", + "cataract\u0103", + "devian\u021b\u0103", + "aura", + "sting", + "jigodie", + "boala_viral\u0103_ebola", + "rabie", + "the_bleeding", + "prezbitism", + "neregularitate", + "the_hives", + "malarie", + "le", + "salmonella" + ], + "PRODUCT": [ + "pe_aripile_v\u00e2ntului", + "justin_bieber", + "primul_r\u0103zboi_mondial", + "velier", + "fundac", + "ca_\u0219i_c\u00e2nd", + "al_jazeera", + "cobai", + "mult_zgomot_pentru_nimic", + "autoblindat", + "cornier", + "prin_harul_lui_dumnezeu", + "the_star_spangled_banner", + "da_jos", + "\u00eemi_pare_r\u0103u", + "cezarian\u0103", + "doi_fra\u021bi", + "antiaerian", + "o_cas\u0103_de_p\u0103pu\u0219i", + "fund\u0103tur\u0103", + "sf\u00e2nta_maria", + "saxonia_anhalt", + "dischet\u0103", + "al_doilea_r\u0103zboi_mondial", + "la_dolce_vita", + "deutsche_welle", + "spiritul_sf\u00e2nt", + "gong", + "totul_e_bine_c\u00e2nd_se_termin\u0103_cu_bine", + "mario_andretti", + "noua_zeeland\u0103", + "mo\u0219_cr\u0103ciun", + "capul_horn", + "nu_m\u0103_uita", + "astru", + "cristelni\u021b\u0103", + "baptisteriu", + "nordrhein_westfalen", + "cornier\u0103", + "a_dou\u0103sprezecea_noapte", + "s\u00e3o_tom\u00e9_\u0219i_pr\u00edncipe", + "cum_vre\u021bi_dumneavoastr\u0103", + "novo_mesto", + "pleac\u0103" + ], + "LANGUAGE": [ + "georgian\u0103", + "greac\u0103", + "catalan", + "danez\u0103", + "marshallez\u0103", + "coreean", + "fran\u021buze\u0219te", + "kazah\u0103", + "valon\u0103", + "portughez", + "hindus\u0103", + "bielorus", + "intona\u021bie", + "maghiar", + "ganda", + "basc\u0103", + "manx", + "basc", + "neam\u021b", + "arabic", + "georgian", + "persan\u0103", + "vorbire", + "galician", + "chinezesc", + "germanc\u0103", + "german", + "divehi", + "esperanto", + "unguresc", + "grecoaic\u0103", + "cecen", + "english", + "catalan\u0103", + "wolof", + "lao", + "ido", + "saintlucian", + "rusoaic\u0103", + "samoan", + "tonga", + "corsican" + ], + "PERSON_PRONOUN": [ + "m\u0103", + "s\u0103u", + "\u00eemi", + "i", + "he", + "mine", + "our", + "t\u0103u", + "noastre", + "t\u0103i", + "noastr\u0103" + ], + "PLANT": [ + "lobod\u0103", + "lilium_martagon", + "clematit\u0103", + "hevea", + "m\u0103tr\u0103gun\u0103", + "castan", + "pine", + "albumeal\u0103", + "frag\u0103", + "liriodendron_tulipifera", + "melissa", + "the_joshua_tree", + "lipicioas\u0103", + "salcie", + "helianthus", + "edelvais", + "solanaceae", + "indru\u0219aim", + "brusture", + "ungura\u0219", + "scapul\u0103", + "amanita", + "sequoiadendron", + "sulfin\u0103", + "coconar", + "monarda", + "artist", + "campion", + "achillea", + "magnolia_grandiflora", + "conopid\u0103", + "obligean\u0103", + "argin\u021bica", + "caprifoi", + "curmal", + "mimosa_pudica", + "manioc", + "beladon\u0103", + "voronic", + "taxus_baccata", + "sakura", + "papaver", + "larice", + "sorb", + "chica_voinicului", + "tangerin\u0103", + "corcodu\u0219", + "salix_viminalis", + "platanus_occidentalis", + "cimbri\u0219or", + "anin", + "hidrofit", + "carot\u0103", + "selenicereus_grandiflorus", + "annona_cherimola", + "acri\u0219", + "renglot", + "cormobionta", + "amanita_muscaria", + "leonurus_cardiaca", + "asplenium_trichomanes", + "nicotiana_alata", + "dracocephalum", + "nicotiana_tabacum", + "myosotis_sylvatica", + "pitchpine", + "clematis", + "poligal\u0103", + "phytophthora_infestans", + "nu_m\u0103_uita", + "pom_de_cr\u0103ciun", + "blackberry", + "solanum", + "sisymbrium_officinale", + "hasma\u021buchi", + "silnic", + "spat\u0103", + "ai_grij\u0103", + "miozotis", + "topora\u0219", + "artist\u0103", + "cyperus_papyrus", + "volbur\u0103", + "magnolie", + "vinari\u021b\u0103", + "fasole", + "bobornic", + "pseudotsuga_menziesii", + "plesnitoare", + "cirea\u0219\u0103", + "cruciuli\u021b\u0103", + "pelin", + "margaret\u0103", + "lingurea", + "panselu\u021b\u0103", + "l\u0103ptuc\u0103", + "meri\u0219or", + "batat", + "roini\u021b\u0103", + "annona_reticulata", + "rafie", + "sabin\u0103", + "scoru\u0219", + "belladonna", + "punguli\u021b\u0103", + "neghin\u0103", + "popilnic", + "oliv", + "spilcu\u021b\u0103", + "pansea", + "ataca", + "magnolia", + "cire\u0219", + "conium_maculatum", + "goldan", + "salc\u00e2m", + "tapo\u0219nic" + ], + "ANIMAL": [ + "acherontia", + "strigiform\u0103", + "abisinian\u0103", + "ursule\u021b", + "perisodactile", + "artiodactile", + "cantarid\u0103", + "langustin\u0103", + "platirinieni", + "torpediniforme", + "blatodee", + "tern", + "bursuc", + "bactrian\u0103", + "manta", + "coropi\u0219ni\u021b\u0103", + "albin\u0103rel", + "artiodactil", + "sternidae", + "marsuin", + "virus_epstein_barr", + "cobai", + "linxul", + "mistre\u021b", + "viespe", + "miriapod", + "codalb", + "baribal", + "artropod", + "bradipodide", + "condor", + "marmotini", + "acel", + "artropode", + "filomel\u0103", + "porcu\u0219or", + "crisomelide", + "kundus", + "orbe\u021b", + "banteng", + "histricide", + "mantodee", + "albili\u021b\u0103", + "jerboa", + "donald_duck", + "iller", + "c\u00e2ine_de_v\u00e2n\u0103toare", + "sirenian", + "grangur", + "diplopode", + "strig\u0103", + "randunea", + "pesc\u0103ru\u0219ul", + "jubart\u0103", + "pichire", + "pirol", + "mierl\u0103", + "cucuvea", + "pisic\u0103", + "libarc\u0103", + "vindereu", + "mugurar", + "gorilla_gorilla", + "viespar", + "dumbr\u0103veanc\u0103", + "sticlete", + "eider", + "cabarga", + "pesc\u0103ru\u0219" + ], + "QUANTITY": [ + "c.m.m.d.c", + "calorie", + "livr\u0103", + "dinar", + "ton", + "tridimensional\u0103", + "sistem_metric", + "franc_elve\u021bian", + "libera", + "cel_mai_mare_divizor_comun", + "g", + "o_sut\u0103_de_mii", + "won_sud_coreean", + "perioada_celor_trei_regate", + "won_nord_coreean", + "marc\u0103_german\u0103", + "an_lumin\u0103", + "cele_trei_legi_ale_roboticii", + "trei_surori", + "dinar_iordanian", + "franc_francez", + "anders_celsius" + ], + "GPE": [ + "noua_spanie", + "mult_noroc", + "simon_petru", + "dar_es_salaam", + "sint_maarten", + "tai_shan", + "catedrala_sf\u00e2nta_sofia_din_constantinopol", + "s\u00e3o_tom\u00e9", + "nicolae_de_mira", + "sf\u00e2ntul_nicolae", + "gran_canaria", + "sf\u00e2nta_barbara", + "sf\u00e2ntul_gheorghe", + "noul_testament", + "al_andalus", + "la_rochelle", + "parc_industrial", + "hibiscus_rosa_sinensis", + "drepturile_omului", + "la_gomera", + "trec\u0103toare" + ], + "TITLE": [ + "mister" + ], + "RELIGION": [ + "habad", + "zen", + "maniheism", + "puritanism", + "adventism", + "confucianism", + "jainism", + "catarism", + "\u0219intoism", + "calvinism", + "islam", + "hinduism", + "sikhism", + "presbiterianism", + "wicca", + "anabaptism", + "trinitarianism", + "donatism" + ], + "PERSON": [ + "din_clipa_\u00een_care", + "prin\u021bul_albert", + "al_gore", + "h_g_wells", + "dulgher_mare", + "din_acea_clip\u0103", + "gioconda", + "de_atunci_\u00eencoace", + "din_acel_moment", + "e_e_cummings", + "t_ball", + "tai_shan", + "din_momentul_\u00een_care", + "igor_sikorsky", + "chiar_de_la", + "seleucus_i_nicator", + "chiar_de_c\u00e2nd", + "carl_david_anderson", + "maxwell_anderson", + "rudolf_hess", + "chiar_de_atunci", + "de_atunci_c\u00e2nd", + "de_atunci" + ], + "FAC": [ + "pod_suspendat", + "arnold_sch\u00f6nberg", + "centru_de_cump\u0103r\u0103turi", + "\u0219coal\u0103_primar\u0103", + "sf\u00e2nta_lucia", + "biserica_catolic\u0103", + "biseric\u0103_catolic\u0103", + "piscin\u0103", + "saint_lucia", + "poarta_otoman\u0103", + "bonifacius", + "\u0219coal\u0103_elementar\u0103", + "titus_livius", + "winnie_de_plu\u0219", + "imperiul_otoman", + "arc_de_triumf" + ], + "FOOD": [ + "desert", + "limonad\u0103", + "om_de_turt\u0103_dulce", + "capsicum", + "gum\u0103_de_mestecat", + "pinot_noir", + "coconari", + "gelato", + "r\u0103coritoare", + "patiserie", + "chile", + "scrob", + "ou_de_pa\u0219ti", + "coconar\u0103", + "ou_fiert", + "bok_choy" + ], + "SOC_ECO_CLASS": [ + "clasa_superioar\u0103", + "fraternitate", + "samurai", + "clas\u0103_mijlocie", + "proletariat", + "pia\u021b\u0103_neagr\u0103", + "agricultur\u0103", + "burghezie", + "clasa_muncitoare", + "cast\u0103", + "noble\u021be", + "clas\u0103_medie" + ], + "DATE": [ + "an_bisectil", + "adormirea_maicii_domnului", + "zi_na\u021bional\u0103", + "an_solar", + "era_comun\u0103", + "an_bisect", + "era_spa\u021bial\u0103", + "poim\u00e2ine", + "an_fiscal", + "mortalitate", + "an_universitar", + "an_tropic", + "canicul\u0103", + "\u00een_timp", + "a_patra_dimensiune", + "a_dou\u0103sprezecea_noapte", + "corpus_christi", + "unde_vei_fi_poim\u00e2ine", + "an_de_studiu" + ], + "RACE": [ + "francezi", + "latin", + "amerindian", + "eschimo\u0219i", + "fran\u021bu\u0219c\u0103", + "englezi", + "african", + "francez", + "american", + "fran\u021buzoaic\u0103", + "japonezi", + "galezi" + ], + "POLITICAL_PARTY_MEMBER": [ + "comunist", + "camarad" + ], + "POLITICAL_PARTY": [ + "partidul_social_democrat", + "partidul_conservator", + "partij_van_de_arbeid", + "nsdap", + "partidul_laburist", + "kuomintang", + "partidul_democrat", + "partidul_socialist_japonez", + "partidul_popular", + "partid", + "partid_conservator", + "partidul_socialist", + "partid_comunist", + "partidul_democrat_republican" + ], + "EVENT": [ + "asta_i_via\u021ba", + "sing_sing", + "fleur_de_lis" + ], + "GENDER": [ + "dame", + "boy", + "mascul", + "transgender", + "transgen", + "gal" + ], + "UNION": [ + "nea", + "senatul_studen\u021besc" + ], + "BIO_CHEM_ENTITY": [ + "adenozindifosfat", + "tirozinchinaz\u0103" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "cleopatra", + "adelaida", + "rafila", + "zoe", + "hortensia", + "antonia", + "cornelia", + "pompilia", + "tudosia", + "milena", + "dana", + "ecaterina", + "alida", + "valentina", + "iosefina", + "speran\u021ba", + "antoaneta", + "constan\u021ba", + "maria", + "lavinia", + "gra\u021biana", + "doina", + "denisa", + "jeana", + "melania", + "liana", + "gianina", + "leti\u021bia", + "aida", + "cosmina", + "norica", + "eva", + "aurora", + "silvana", + "jasmina", + "filofteia", + "codrina", + "olimpia", + "dumitrana", + "virginia", + "elvira", + "andra", + "corina", + "dariana", + "marina", + "semenica", + "ioana", + "dida", + "isabela", + "mina", + "mara", + "blanduzia", + "ivona", + "melina", + "luciana", + "roxelana", + "andrada", + "erica", + "luiza", + "anca", + "ana", + "julia", + "teona", + "l\u0103cr\u0103mioara", + "aureliana", + "fabia", + "nata\u0219a", + "minodora", + "anghelina", + "clarisa", + "leana", + "octaviana", + "stela", + "heracleea", + "saveta", + "catrinel", + "fiona", + "camelia", + "alice", + "ada", + "daria", + "anu\u021ba", + "rodica", + "rada", + "floare", + "flavia", + "janeta", + "alexandrina", + "ramona", + "zamfira", + "paula", + "consuela", + "patricia", + "cerasela", + "sanda", + "zenovia", + "br\u00e2ndu\u0219a", + "iasmina", + "astrid", + "anastasia", + "m\u0103d\u0103lina", + "tiberia", + "nicoleta", + "lili", + "carina", + "ica", + "sonia", + "olga", + "henrieta", + "albertina", + "arina", + "vanesa", + "rebeca", + "eusebia", + "alexandra", + "aristi\u021ba", + "iridenta", + "romina", + "simona", + "francesca", + "daniela", + "venera", + "evanghelina", + "suzana", + "victoria", + "stanca", + "ludmila", + "alis", + "noemi", + "voichi\u021ba", + "laura", + "marga", + "jana", + "casandra", + "cristina", + "dimitrina", + "augustina", + "geta", + "ligia", + "ancu\u021ba", + "amalia", + "mariana", + "ilona", + "aura", + "octavia", + "gabriela", + "estera", + "tania", + "florina", + "marinela", + "maricica", + "smaranda", + "viviana", + "nidia", + "matilda", + "lidia", + "marta", + "elena", + "dina", + "marilena", + "delia", + "violeta", + "anda", + "mioara", + "simina", + "magdalena", + "zenobia", + "lorena", + "ruxanda", + "janina", + "catrina", + "steliana", + "ariana", + "agata", + "vera", + "adriana", + "gherghina", + "antonela", + "viorica", + "lucia", + "lelia", + "ionelia", + "atena", + "nadia", + "sofia", + "aneta", + "narcisa", + "oana", + "dumitra", + "monica", + "domnica", + "vicen\u021bia", + "larisa", + "aglaia", + "draga", + "aurica", + "miruna", + "axenia", + "s\u00e2nziana", + "petronela", + "olivia", + "sorina", + "ariadna", + "roza", + "doriana", + "sabrina", + "eufrosina", + "iolanda", + "constantina", + "elodia", + "tinca", + "georgia", + "floarea", + "gina", + "dalia", + "elisaveta", + "tincu\u021ba", + "sabina", + "geanina", + "betina", + "\u0219tefania", + "codru\u021ba", + "andreea", + "stelu\u021ba", + "anemona", + "ionela", + "carla", + "cezara", + "carolina", + "tatiana", + "teea", + "petru\u021ba", + "angela", + "eugenia", + "adelina", + "daiana", + "\u0219tefana", + "carmen", + "ina", + "ioanina", + "eleonora", + "evelina", + "caterina", + "carmina", + "bianca", + "amelia", + "demetra", + "silvia", + "romani\u021ba", + "julieta", + "zina", + "liliana", + "coralia", + "lia", + "ludovica", + "pamela", + "zaharia", + "viorela", + "lucre\u021bia", + "severina", + "didina", + "natalia", + "mona", + "tamara", + "niculina", + "clementina", + "veta", + "iris", + "ruxandra", + "mirona", + "lumini\u021ba", + "alma", + "ani\u0219oara", + "emilia", + "luana", + "ileana", + "lauren\u021bia", + "paraschiva", + "salomea", + "dorli", + "vl\u0103delina", + "savina", + "giorgiana", + "monalisa", + "floriana", + "bogdana", + "frusina", + "mihaela", + "leontina", + "paulina", + "florentina", + "crina", + "felicia", + "iuliana", + "lioara", + "gra\u021biela", + "teodora", + "m\u0103rioara", + "tudora", + "leopoldina", + "malvina", + "sorana", + "dafina", + "maia", + "eliza", + "lorelei", + "diana", + "celia", + "veronica", + "daciana", + "alina", + "silviana", + "timea", + "robertina", + "manuela", + "varvara", + "florica", + "rozalia", + "elisabeta", + "fabiana", + "adela", + "aurelia", + "ortansa", + "roberta", + "safta", + "marcela", + "emanuela", + "nora", + "dorina", + "raluca", + "georgiana", + "stana", + "vasilica", + "profira", + "izabela", + "floren\u021ba", + "claudia", + "cipriana", + "agripina", + "ozana", + "crengu\u021ba", + "casiana", + "anamaria", + "anaida", + "ilinca", + "adina", + "mirabela", + "margareta", + "m\u0103riuca", + "iulia", + "catinca", + "iustina", + "amanda", + "xenia", + "dochia", + "teodosia", + "marioara", + "paulica", + "flora", + "livia", + "despina", + "valeria", + "alberta", + "roxana", + "m\u0103lina", + "anica", + "dora", + "cecilia", + "artemisa", + "renata", + "c\u0103t\u0103lina", + "gen\u021biana", + "loredana", + "ofelia", + "sidonia", + "tudori\u021ba", + "georgeta", + "mirela", + "rica", + "svetlana", + "eliana", + "eftimia", + "beatrice", + "anabela", + "irina", + "zaraza", + "clara", + "otilia", + "marcheta" + ], + "FIRST_NAME_MALE": [ + "emanuel", + "manole", + "ovidiu", + "basarab", + "francisc", + "gregorian", + "valter", + "adelin", + "stelian", + "luca", + "maxim", + "flaviu", + "theodor", + "corneliu", + "ilarion", + "costin", + "relu", + "anghel", + "c\u0103lin", + "silvian", + "rafael", + "felix", + "vasile", + "jenel", + "aleodor", + "gicu", + "ieremia", + "iulian", + "gelu", + "eusta\u021biu", + "ion", + "cristobal", + "codin", + "andrian", + "nicu\u021b\u0103", + "decebal", + "valeriu", + "georgian", + "iosif", + "florin", + "damian", + "ludovic", + "alexe", + "viorel", + "\u0219erban", + "cezar", + "agnos", + "nicolae", + "petru\u021b", + "daniel", + "claudiu", + "florea", + "lucian", + "codru\u021b", + "iurie", + "remus", + "eugen", + "lasc\u0103r", + "crin", + "stan", + "constantin", + "bogdan", + "marian", + "grigore", + "pompiliu", + "eftimie", + "mitic\u0103", + "silviu", + "timotei", + "ionu\u021b", + "marin", + "stancu", + "visarion", + "vlaicu", + "narcis", + "marcel", + "fabian", + "lorin", + "alex", + "mihail", + "corvin", + "dinu", + "benone", + "edgar", + "maximilian", + "drago\u0219", + "sava", + "codrin", + "leordean", + "florian", + "gheorghe", + "pavel", + "tiberiu", + "gic\u0103", + "alin", + "giorgian", + "ciprian", + "r\u0103zvan", + "bebe", + "ianis", + "cosmin", + "gabriel", + "horea", + "octav", + "nichifor", + "mugurel", + "vasilic\u0103", + "ernest", + "george", + "ghi\u021b\u0103", + "jean", + "oliviu", + "emil", + "titus", + "adonis", + "denis", + "valentin", + "ducu", + "simion", + "casian", + "sabin", + "anton", + "eremia", + "aristide", + "nelu", + "arsenie", + "vincen\u021biu", + "caius", + "nicu\u0219or", + "fiodor", + "petri\u0219or", + "cristofor", + "leontin", + "bernard", + "bucur", + "ionic\u0103", + "augustin", + "inocen\u021biu", + "emilian", + "matei", + "cazimir", + "amedeu", + "marius", + "nechifor", + "nicu", + "jan", + "vlad", + "aurelian", + "cornel", + "m\u0103d\u0103lin", + "pamfil", + "sinic\u0103", + "panagachie", + "antonie", + "mitru\u021b", + "amza", + "camil", + "dorin", + "paul", + "romulus", + "costel", + "mihai", + "iacob", + "voicu", + "laurian", + "zeno", + "antoniu", + "barbu", + "petre", + "miron", + "achim", + "florentin", + "octaviu", + "iuliu", + "ilarie", + "martin", + "nicodim", + "cedrin", + "lucen\u021biu", + "dorinel", + "antim", + "teofil", + "laz\u0103r", + "iustinian", + "raul", + "gheorghi\u021b\u0103", + "aurel", + "anatolie", + "cristea", + "petru", + "lic\u0103", + "iustin", + "p\u0103tru", + "petric\u0103", + "beniamin", + "eric", + "r\u0103ducu", + "sorin", + "adam", + "traian", + "dorel", + "norman", + "alexandru", + "avram", + "toma", + "octavian", + "gra\u021bian", + "severin", + "b\u0103nel", + "olimpian", + "frederic", + "veniamin", + "sebastian", + "hora\u021biu", + "irinel", + "teodor", + "eduard", + "auric\u0103", + "mircea", + "ghenadie", + "eusebiu", + "marcu", + "axinte", + "dorian", + "adrian", + "david", + "georgel", + "liviu", + "vicen\u021biu", + "angel", + "mugur", + "filip", + "costache", + "ilie", + "cantemir", + "\u0219tefan", + "iancu", + "dacian", + "alistar", + "dumitru", + "c\u0103t\u0103lin", + "norbert", + "niculi\u021b\u0103", + "nicoar\u0103", + "rare\u0219", + "sever", + "robert", + "romeo", + "dan", + "adi", + "ionel", + "emanuil", + "sandu", + "ivan", + "tudor", + "nicolaie", + "dominic", + "darius", + "panait", + "horia", + "sergiu", + "andrei", + "br\u0103du\u021b", + "mihnea", + "haralambie", + "edmond", + "ladislau", + "lauren\u021biu", + "zamfir", + "ioan", + "haralamb", + "simi", + "albert", + "arian", + "carol", + "victor", + "radu", + "ple\u0219u", + "doru", + "cristian", + "nae", + "todor", + "teohari", + "gabi", + "vladimir", + "bartolomeu", + "emanoil", + "leonard", + "lucre\u021biu", + "olimpiu" + ], + "FIRST_NAME": [ + "emanuel", + "cleopatra", + "adelaida", + "luca", + "maxim", + "rafila", + "zoe", + "hortensia", + "antonia", + "cornelia", + "iulian", + "ieremia", + "andrian", + "pompilia", + "tudosia", + "milena", + "dana", + "georgian", + "ecaterina", + "iosif", + "florin", + "alida", + "valentina", + "iosefina", + "speran\u021ba", + "agnos", + "antoaneta", + "constan\u021ba", + "petru\u021b", + "maria", + "lucian", + "lavinia", + "codru\u021b", + "lasc\u0103r", + "eugen", + "doina", + "gra\u021biana", + "denisa", + "marian", + "eftimie", + "jeana", + "melania", + "silviu", + "timotei", + "liana", + "visarion", + "gianina", + "mihail", + "leti\u021bia", + "aida", + "cosmina", + "norica", + "florian", + "eva", + "giorgian", + "ciprian", + "aurora", + "silvana", + "jasmina", + "filofteia", + "octav", + "olimpia", + "codrina", + "dumitrana", + "jean", + "virginia", + "titus", + "elvira", + "andra", + "corina", + "dariana", + "marina", + "eremia", + "aristide", + "semenica", + "nelu", + "vincen\u021biu", + "fiodor", + "leontin", + "petri\u0219or", + "bernard", + "bucur", + "inocen\u021biu", + "ioana", + "matei", + "marius", + "dida", + "isabela", + "mina", + "nechifor", + "blanduzia", + "mara", + "jan", + "aurelian", + "ivona", + "melina", + "luciana", + "panagachie", + "roxelana", + "antoniu", + "iacob", + "andrada", + "erica", + "luiza", + "anca", + "ana", + "achim", + "florentin", + "octaviu", + "julia", + "teona", + "lucen\u021biu", + "l\u0103cr\u0103mioara", + "antim", + "raul", + "iustinian", + "iustin", + "aureliana", + "fabia", + "beniamin", + "nata\u0219a", + "adam", + "minodora", + "anghelina", + "severin", + "clarisa", + "leana", + "octaviana", + "stela", + "hora\u021biu", + "heracleea", + "saveta", + "teodor", + "auric\u0103", + "catrinel", + "fiona", + "vicen\u021biu", + "camelia", + "alice", + "ada", + "daria", + "ilie", + "costache", + "anu\u021ba", + "rodica", + "iancu", + "rada", + "c\u0103t\u0103lin", + "floare", + "rare\u0219", + "sever", + "flavia", + "janeta", + "adi", + "ionel", + "alexandrina", + "ramona", + "zamfira", + "paula", + "consuela", + "patricia", + "mihnea", + "cerasela", + "sanda", + "ioan", + "zenovia", + "arian", + "nae", + "gabi", + "bartolomeu", + "lucre\u021biu", + "br\u00e2ndu\u0219a", + "manole", + "iasmina", + "adelin", + "anastasia", + "m\u0103d\u0103lina", + "astrid", + "tiberia", + "nicoleta", + "lili", + "carina", + "ica", + "sonia", + "olga", + "henrieta", + "albertina", + "aleodor", + "arina", + "vanesa", + "eusta\u021biu", + "rebeca", + "ion", + "gelu", + "eusebia", + "decebal", + "alexandra", + "ludovic", + "aristi\u021ba", + "\u0219erban", + "alexe", + "iridenta", + "romina", + "simona", + "francesca", + "daniel", + "daniela", + "iurie", + "crin", + "bogdan", + "mitic\u0103", + "ionu\u021b", + "venera", + "stancu", + "marcel", + "fabian", + "narcis", + "alex", + "evanghelina", + "corvin", + "gheorghe", + "suzana", + "victoria", + "codrin", + "stanca", + "ludmila", + "alis", + "cosmin", + "noemi", + "ianis", + "voichi\u021ba", + "laura", + "marga", + "jana", + "casandra", + "cristina", + "vasilic\u0103", + "george", + "dimitrina", + "oliviu", + "augustina", + "geta", + "ducu", + "sabin", + "ligia", + "arsenie", + "ancu\u021ba", + "ionic\u0103", + "augustin", + "amalia", + "emilian", + "mariana", + "ilona", + "mitru\u021b", + "antonie", + "aura", + "camil", + "romulus", + "costel", + "octavia", + "laurian", + "gabriela", + "zeno", + "estera", + "tania", + "florina", + "marinela", + "maricica", + "smaranda", + "dorinel", + "viviana", + "nidia", + "matilda", + "lidia", + "lic\u0103", + "r\u0103ducu", + "marta", + "elena", + "alexandru", + "dina", + "marilena", + "olimpian", + "veniamin", + "sebastian", + "eduard", + "mircea", + "delia", + "violeta", + "axinte", + "dorian", + "anda", + "mioara", + "simina", + "magdalena", + "zenobia", + "angel", + "filip", + "lorena", + "ruxanda", + "janina", + "cantemir", + "catrina", + "dacian", + "norbert", + "steliana", + "ariana", + "agata", + "vera", + "adriana", + "gherghina", + "nicolaie", + "antonela", + "viorica", + "darius", + "lucia", + "sergiu", + "lelia", + "ionelia", + "atena", + "nadia", + "sofia", + "aneta", + "narcisa", + "vladimir", + "oana", + "dumitra", + "monica", + "domnica", + "ovidiu", + "vicen\u021bia", + "gregorian", + "francisc", + "valter", + "larisa", + "stelian", + "corneliu", + "ilarion", + "c\u0103lin", + "aglaia", + "felix", + "gicu", + "draga", + "aurica", + "codin", + "miruna", + "axenia", + "s\u00e2nziana", + "nicu\u021b\u0103", + "petronela", + "olivia", + "damian", + "sorina", + "viorel", + "cezar", + "ariadna", + "nicolae", + "roza", + "doriana", + "sabrina", + "eufrosina", + "constantin", + "pompiliu", + "iolanda", + "constantina", + "elodia", + "tinca", + "georgia", + "floarea", + "gina", + "vlaicu", + "dalia", + "elisaveta", + "lorin", + "tincu\u021ba", + "sabina", + "benone", + "edgar", + "geanina", + "sava", + "betina", + "\u0219tefania", + "pavel", + "gic\u0103", + "alin", + "r\u0103zvan", + "bebe", + "codru\u021ba", + "andreea", + "stelu\u021ba", + "anemona", + "ionela", + "ghi\u021b\u0103", + "emil", + "carla", + "cezara", + "denis", + "carolina", + "valentin", + "tatiana", + "simion", + "casian", + "teea", + "petru\u021ba", + "cristofor", + "angela", + "eugenia", + "adelina", + "daiana", + "\u0219tefana", + "carmen", + "ina", + "ioanina", + "eleonora", + "m\u0103d\u0103lin", + "evelina", + "caterina", + "carmina", + "dorin", + "paul", + "bianca", + "amelia", + "demetra", + "silvia", + "barbu", + "romani\u021ba", + "julieta", + "zina", + "liliana", + "coralia", + "teofil", + "gheorghi\u021b\u0103", + "aurel", + "lia", + "cristea", + "petru", + "ludovica", + "pamela", + "p\u0103tru", + "zaharia", + "eric", + "viorela", + "sorin", + "lucre\u021bia", + "severina", + "traian", + "didina", + "dorel", + "natalia", + "norman", + "mona", + "octavian", + "gra\u021bian", + "b\u0103nel", + "tamara", + "frederic", + "niculina", + "ghenadie", + "adrian", + "liviu", + "clementina", + "david", + "veta", + "iris", + "ruxandra", + "mirona", + "alistar", + "lumini\u021ba", + "niculi\u021b\u0103", + "sandu", + "alma", + "ani\u0219oara", + "ivan", + "dominic", + "horia", + "luana", + "emilia", + "panait", + "ladislau", + "ileana", + "haralambie", + "zamfir", + "lauren\u021bia", + "paraschiva", + "haralamb", + "salomea", + "simi", + "victor", + "dorli", + "ple\u0219u", + "vl\u0103delina", + "todor", + "savina", + "leonard", + "olimpiu", + "giorgiana", + "monalisa", + "basarab", + "flaviu", + "theodor", + "floriana", + "costin", + "relu", + "anghel", + "silvian", + "bogdana", + "frusina", + "mihaela", + "rafael", + "vasile", + "jenel", + "cristobal", + "leontina", + "paulina", + "florentina", + "crina", + "valeriu", + "felicia", + "iuliana", + "lioara", + "gra\u021biela", + "claudiu", + "teodora", + "florea", + "remus", + "stan", + "m\u0103rioara", + "tudora", + "leopoldina", + "grigore", + "malvina", + "sorana", + "dafina", + "maia", + "eliza", + "marin", + "lorelei", + "diana", + "dinu", + "mugur", + "maximilian", + "celia", + "drago\u0219", + "leordean", + "veronica", + "daciana", + "gabriel", + "alina", + "silviana", + "timea", + "horea", + "robertina", + "nichifor", + "manuela", + "varvara", + "florica", + "rozalia", + "mugurel", + "ernest", + "elisabeta", + "fabiana", + "adonis", + "adela", + "anton", + "caius", + "aurelia", + "nicu\u0219or", + "ortansa", + "roberta", + "safta", + "cazimir", + "amedeu", + "emanuela", + "marcela", + "nora", + "dorina", + "raluca", + "georgiana", + "nicu", + "vlad", + "cornel", + "stana", + "pamfil", + "sinic\u0103", + "profira", + "amza", + "vasilica", + "izabela", + "floren\u021ba", + "voicu", + "mihai", + "claudia", + "cipriana", + "agripina", + "petre", + "miron", + "ozana", + "iuliu", + "ilarie", + "martin", + "nicodim", + "cedrin", + "crengu\u021ba", + "casiana", + "anamaria", + "anaida", + "tiberiu", + "laz\u0103r", + "ilinca", + "anatolie", + "petric\u0103", + "adina", + "mirabela", + "margareta", + "m\u0103riuca", + "iulia", + "catinca", + "iustina", + "amanda", + "xenia", + "avram", + "toma", + "dochia", + "teodosia", + "irinel", + "marioara", + "eusebiu", + "marcu", + "paulica", + "georgel", + "flora", + "livia", + "despina", + "valeria", + "alberta", + "\u0219tefan", + "roxana", + "dumitru", + "m\u0103lina", + "nicoar\u0103", + "anica", + "dora", + "robert", + "cecilia", + "romeo", + "dan", + "artemisa", + "emanuil", + "tudor", + "renata", + "c\u0103t\u0103lina", + "gen\u021biana", + "loredana", + "ofelia", + "sidonia", + "tudori\u021ba", + "georgeta", + "andrei", + "br\u0103du\u021b", + "mirela", + "edmond", + "lauren\u021biu", + "rica", + "svetlana", + "eliana", + "albert", + "eftimia", + "carol", + "beatrice", + "radu", + "doru", + "cristian", + "irina", + "zaraza", + "clara", + "teohari", + "anabela", + "otilia", + "marcheta", + "emanoil" + ], + "LAST_NAME": [ + "stancu", + "marin", + "dobre", + "manole", + "ioni\u021b\u0103", + "popescu", + "diaconescu", + "albu", + "dinu", + "stoica", + "preda", + "pu\u0219ca\u0219u", + "georgescu", + "dima", + "neme\u0219", + "barbu", + "dochioiu", + "ni\u021b\u0103", + "ababei", + "popa", + "tudor", + "ardelean", + "cristea", + "pop", + "ionescu", + "mocanu", + "diaconu", + "voinea", + "gheorghiu", + "mazilescu", + "oprea", + "tabacu", + "florea", + "nistor", + "suciu", + "tomescu", + "stan", + "aanei", + "toma", + "eftimie", + "ene", + "st\u0103nescu", + "dumitrescu" + ], + "OTHER_PRONOUN": [ + "them" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "fat\u0103_de_serviciu": "grum", + "nevast\u0103": "so\u021b", + "mireas\u0103": "gr\u0103jdar", + "femeie_de_afaceri": "afacerist", + "afacerist\u0103": "businessman", + "pre\u0219edint\u0103": "pre\u0219edinte", + "pui": "gaur", + "v\u0103c\u0103reas\u0103": "v\u0103car", + "v\u0103c\u0103ri\u021b\u0103": "cowboy", + "\u00eemp\u0103r\u0103teas\u0103": "saturnia_pavonia", + "femeiesc": "masculin", + "muieresc": "mascul", + "feminin": "masculin", + "guvernant": "guvernator_al_unui_stat_al_statelor_unite_ale_americii", + "guvernant\u0103": "guvernator", + "nepoat\u0103": "nepot", + "de_la": "lia", + "s\u0103u": "al_lor", + "eroin\u0103": "erou", + "s\u0103i": "ale_lor", + "masez\u0103": "maseur", + "metres\u0103": "profesionist", + "matrix": "tat\u0103", + "mam\u0103": "tat\u0103", + "maic\u0103": "monachus", + "c\u0103lug\u0103ri\u021b\u0103": "c\u0103lug\u0103r", + "nun": "frate", + "poli\u021bist\u0103": "poli\u021bist", + "femeie_poli\u021bist": "poli\u021bist", + "preoteas\u0103": "pre", + "prin\u021bes\u0103": "prince", + "regin\u0103": "indra", + "homosexual": "indra", + "dumneaei": "dumnealui", + "sun": "he", + "surori": "german", + "sor\u0103": "frate", + "naja": "german", + "mam\u0103_vitreg\u0103": "tat\u0103_vitreg", + "ma\u0219ter\u0103": "tat\u0103_vitreg", + "osp\u0103tar\u0103": "steward", + "stewardes\u0103": "steward", + "garson": "fat\u0103", + "chelneri\u021b\u0103": "chelner", + "osp\u0103t\u0103ri\u021b\u0103": "garson", + "v\u0103duv\u0103": "v\u0103duv", + "muiere": "b\u0103rbat", + "so\u021bie": "so\u021b", + "vr\u0103jitor": "magician", + "striga": "magician", + "wicca": "vr\u0103jitor", + "vr\u0103jitoare": "vr\u0103jitor", + "doamn\u0103": "individ", + "femeie": "individ", + "boy": "copil\u0103", + "fiu": "copil\u0103", + "b\u0103iat": "fat\u0103" + }, + "other_gender_swap": { + "them": "de_la", + "\u00eei": "iad", + "iad": "dumneaei", + "s\u0103i": "ale_lor", + "lia": "ale_lor", + "ai_lor": "s\u0103i", + "a_lor": "s\u0103u", + "al_lor": "s\u0103u", + "ale_lor": "s\u0103u", + "dumnealor": "sun", + "olar": "sun", + "jale": "dumneaei", + "he": "jale", + "dumnealui": "dumnealor", + "s\u0103u": "ai_lor", + "dumneaei": "olar", + "sun": "olar", + "de_la": "s\u0103i" + }, + "en_pronoun2gender": { + "they": [ + "transgender", + "transgen", + "homosexual" + ], + "he": [ + "b\u0103iat", + "mascul", + "b\u0103rbat", + "masculin", + "gaur", + "fiu", + "little_boy", + "boy", + "garson", + "individ" + ], + "she": [ + "fat\u0103", + "femeiesc", + "domni\u0219oara", + "feminin", + "doamn\u0103", + "lesbian", + "feti\u021b\u0103", + "muieresc", + "fecioar\u0103", + "muiere", + "copil\u0103", + "madam", + "dame", + "femeie", + "sexul_frumos", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "s\u0103u", + "lia", + "s\u0103i", + "\u00eei", + "dumnealui" + ], + "she": [ + "de_la", + "s\u0103u", + "dumneaei", + "s\u0103i", + "sun" + ], + "they": [ + "ale_lor", + "al_lor", + "lia", + "ai_lor", + "s\u0103i", + "them", + "\u00eei", + "dumnealor", + "iad", + "jale", + "a_lor", + "olar" + ], + "it": [ + "\u0103ia", + "c\u0103", + "aceast\u0103", + "astea", + "acest", + "\u0103\u0219tia", + "tyto", + "acele", + "aceste", + "ace\u0219ti", + "chist", + "acei", + "ora\u0219ul_b\u00e2ntuit", + "alea", + "\u0103sta" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/roa-opt.json b/data_tooling/pii_processing/ontology/data/roa-opt.json new file mode 100644 index 0000000..33058eb --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/roa-opt.json @@ -0,0 +1,40 @@ +{ + "GENDER": [ + "moller" + ], + "JOB": [ + "marinneiro", + "celorgi\u00e3o" + ], + "PUBLIC_FIGURE": [ + "muller" + ], + "RELIGION_MEMBER": [ + "crisch\u00e3o" + ], + "RACE": [ + "negro" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abadessa": "abade" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "moller" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/rom.json b/data_tooling/pii_processing/ontology/data/rom.json new file mode 100644 index 0000000..a697861 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/rom.json @@ -0,0 +1,91 @@ +{ + "RELIGION_MEMBER": [ + "phral" + ], + "JOB": [ + "raji", + "duramaj\u030c\u00eds", + "durama\u017e\u00eds", + "ratun" + ], + "ANIMAL": [ + "cauro", + "balo_koro", + "kainiori", + "chayka", + "kakarachka", + "bali_kori", + "kakarachi", + "korung", + "fiergna", + "boriori", + "falkono", + "cherbo", + "chavriel", + "worla", + "kaini", + "kaperiwara" + ], + "PUBLIC_FIGURE": [ + "bari" + ], + "TITLE": [ + "sir" + ], + "LANGUAGE": [ + "anglojka" + ], + "RELIGION": [ + "islam" + ], + "LOCATION": [ + "parikerav" + ], + "PERSON_PRONOUN": [ + "her", + "tumaro" + ], + "GENDER": [ + "zhulyi", + "raklyi" + ], + "OTHER_PRONOUN": [ + "them" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "mom": "dad", + "pheny": "phral" + }, + "other_gender_swap": { + "them": "her" + }, + "en_pronoun2gender": { + "she": [ + "romnyi", + "gazhi", + "raklyi", + "shej", + "zhulyi" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "her" + ], + "they": [ + "them" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ru.json b/data_tooling/pii_processing/ontology/data/ru.json new file mode 100644 index 0000000..bbe7bec --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ru.json @@ -0,0 +1,2730 @@ +{ + "EVENT": [ + "\u043a\u0438\u043d\u043e\u0444\u0435\u0441\u0442\u0438\u0432\u0430\u043b\u044c", + "\u0433\u0440\u0430\u043d_\u043f\u0440\u0438", + "\u0444\u043b\u0451\u0440_\u0434\u0435_\u043b\u0438\u0441" + ], + "PUBLIC_FIGURE": [ + "\u0438_\u0442_\u0434", + "sibelius", + "c", + "gauss", + "\u043a\u0430\u0440\u0442\u0435\u0440", + "k", + "\u0432\u043e\u0442_\u0441\u0442\u043e\u043b\u044c\u043a\u043e", + "\u0433\u0435\u043e\u0440\u0433\u0438\u0439_\u043f\u043e\u0431\u0435\u0434\u043e\u043d\u043e\u0441\u0435\u0446", + "\u0431\u043e\u043b\u044c\u0446\u0430\u043d\u043e", + "\u0438_\u0442\u043e\u043c\u0443_\u043f\u043e\u0434\u043e\u0431\u043d\u043e\u0435", + "\u0441\u0435\u043d_\u0434\u0435\u043d\u0438", + "catherine", + "\u043a\u0430\u0441\u0442\u0440\u043e", + "\u043a\u0440\u0430\u043f\u0438\u0432\u043d\u0438\u043a\u043e\u0432\u044b\u0435", + "\u0432\u043e_\u0438\u0432\u043b\u0438\u043d", + "e", + "\u043f\u0451\u0442\u0440_i", + "\u0433\u043e\u043c\u043e", + "j", + "\u043c\u0430\u0440\u0438\u044f_\u043c\u0430\u0433\u0434\u0430\u043b\u0438\u043d\u0430", + "\u044d", + "y", + "holden", + "f", + "\u043e_\u0433\u0435\u043d\u0440\u0438", + "\u0441\u0442\u0430\u0440\u0448\u0438\u043d\u0430", + "q", + "\u043b\u0438_\u0442\u0440\u044e\u0433\u0432\u0435", + "\u043a\u0438_\u0444\u0440\u044d\u043d\u0441\u0438\u0441_\u0441\u043a\u043e\u0442\u0442", + "hal", + "\u043f\u0435\u0440\u0435\u043f\u0440\u0430\u0432\u0430", + "\u043b\u0435\u0441\u043d\u0438\u0447\u0438\u0439", + "a_e", + "\u043a\u0430\u0440\u0430\u0432\u0430\u0434\u0436\u043e", + "\u0438_\u0442\u0430\u043a_\u0434\u0430\u043b\u0435\u0435", + "\u0441\u0430\u043b\u0430\u0434\u0438\u043d", + "\u0442\u044d\u0442\u0447\u0435\u0440", + "a", + "z", + "a_one", + "arthur", + "\u0441\u0442\u0430\u0440\u0448\u0438\u0439_\u0441\u0435\u0440\u0436\u0430\u043d\u0442", + "\u0441\u0432\u044f\u0442\u043e\u0439_\u043f\u0430\u0442\u0440\u0438\u043a", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d", + "\u0447\u0435\u0440\u0435\u0434\u043e\u0432\u0430\u0442\u044c\u0441\u044f", + "\u0443\u043f\u0440\u0430\u0432\u043b\u044f\u044e\u0449\u0438\u0439_\u0434\u0438\u0440\u0435\u043a\u0442\u043e\u0440", + "\u043c\u043e\u0440\u043e\u0437\u043e\u0443\u0441\u0442\u043e\u0439\u0447\u0438\u0432\u044b\u0439", + "m", + "\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u0438\u0439", + "thomas", + "\u043b\u0438_\u0440\u043e\u0431\u0435\u0440\u0442_\u044d\u0434\u0432\u0430\u0440\u0434", + "\u043a\u043e\u043b\u0443\u043c\u0431_\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u043d\u0430_\u043e\u0434\u043d\u043e\u043c_\u0443\u0440\u043e\u0432\u043d\u0435", + "o", + "i", + "\u0441\u0442\u0440\u0438\u0436\u0438\u043d\u044b\u0435", + "\u0434\u0436\u0435\u0439\u043a\u043e\u0431", + "\u043f\u043e\u0441\u0442\u0432\u043e\u0441\u044c\u043c\u0438\u0434\u0435\u0441\u044f\u0442\u043d\u0438\u043a", + "\u0441\u0432\u0438\u043d\u043e\u0445\u0432\u043e\u0441\u0442\u044b\u0439_\u043c\u0430\u043a\u0430\u043a", + "\u0431\u0435\u043d\u0435\u0434\u0438\u043a\u0442", + "1", + "\u0434\u0432\u0430", + "x", + "\u0447\u0430\u043f\u043b\u0438\u043d", + "hutchinson", + "\u043d\u0430\u0440\u0430\u0432\u043d\u0435", + "g", + "\u044d_\u0433_\u043c\u0430\u0440\u0448\u0430\u043b\u043b", + "r", + "d", + "\u043b\u0438_\u0447\u0436\u044d\u043d\u0434\u0430\u043e", + "\u0441_\u0447\u0438\u0441\u0442\u043e\u0433\u043e_\u043b\u0438\u0441\u0442\u0430", + "\u0436", + "\u0440\u0435\u043a\u0430_\u0441\u0432\u044f\u0442\u043e\u0433\u043e_\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u0438\u044f", + "\u0433\u0430\u043d\u0434\u0438", + "\u0441\u0435\u043d_\u043c\u0430\u0440\u0442\u0435\u043d", + "\u043f\u043e_\u044d\u0434\u0433\u0430\u0440_\u0430\u043b\u043b\u0430\u043d", + "\u0430\u043f\u043e\u0441\u0442\u043e\u043b_\u043f\u0451\u0442\u0440", + "\u043b\u0438_\u0441\u043f\u0430\u0439\u043a", + "\u043a\u043e\u043b\u0435\u0442\u0442", + "\u0437\u0430\u043a\u0430\u043b\u0451\u043d\u043d\u044b\u0439", + "s", + "\u0432_\u0441\u043e\u0432\u0435\u0440\u0448\u0435\u043d\u0441\u0442\u0432\u0435", + "\u043a\u0430\u043b\u044c\u0432\u0438\u043d", + "\u043b\u0438_\u0431\u0440\u044e\u0441", + "\u043d\u0435\u0439_\u043c\u0438\u0448\u0435\u043b\u044c", + "\u0441\u043c\u0438\u0442", + "\u043e\u0441\u043c\u0430\u043d_i", + "\u0441\u043b\u0430\u0434\u043a\u043e\u0440\u0435\u0447\u0438\u0432\u044b\u0439", + "\u0441\u0430\u043f\u0430\u0442\u0430_\u044d\u043c\u0438\u043b\u0438\u0430\u043d\u043e", + "l", + "t", + "\u043f\u0430\u0440\u043a_\u043c\u0443\u043d\u0433\u043e" + ], + "LOCATION": [ + "\u043b\u0435\u0441\u043d\u043e\u0435", + "\u043c\u0438\u043d\u0435\u0440\u0430\u043b\u043a\u0430", + "\u0432\u044b\u0436\u0436\u0435\u043d\u043d\u0430\u044f_\u0437\u0435\u043c\u043b\u044f", + "\u043c\u0435\u0442\u0435\u043e\u0441\u0442\u0430\u043d\u0446\u0438\u044f", + "\u0441\u043f\u044f\u0449\u0430\u044f_\u043a\u0440\u0430\u0441\u0430\u0432\u0438\u0446\u0430", + "\u044d\u043b\u0435\u043a\u0442\u0440\u043e\u0441\u0442\u0430\u043d\u0446\u0438\u044f", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u044c\u043d\u043e\u0435_\u0441\u043e\u0431\u0440\u0430\u043d\u0438\u0435_\u0432\u0435\u043d\u0433\u0440\u0438\u0438", + "\u043c\u044b\u0441_\u0433\u043e\u0440\u043d", + "\u043f\u0430\u0441\u0445\u0430\u043b\u044c\u0441\u043a\u0438\u0439", + "bow_wow", + "\u043d\u0430_\u0443\u043b\u0438\u0446\u0435", + "s_tog", + "\u043e\u0441\u0442\u0440\u043e\u0432_\u0441\u0432\u044f\u0442\u043e\u0439_\u0435\u043b\u0435\u043d\u044b", + "\u0435\u043b\u0435\u043e\u043d\u0441\u043a\u0430\u044f_\u0433\u043e\u0440\u0430", + "\u043e\u0442\u043f\u0430\u0434", + "\u043f\u0440\u0435\u0441\u043d\u043e\u0432\u043e\u0434\u043d\u044b\u0439", + "\u0441\u0435\u043d_\u043c\u0430\u0440\u0442\u0435\u043d", + "\u043d\u0430_\u0432\u0441\u044f\u043a\u0438\u0439_\u043f\u043e\u0436\u0430\u0440\u043d\u044b\u0439", + "above_all", + "\u043d\u0430_\u0441\u043b\u0443\u0447\u0430\u0439", + "\u0437\u0430_\u043a\u0430\u0434\u0440\u043e\u043c", + "\u0432_\u043f\u0430\u0440\u043a\u0435", + "\u043d\u0443_\u0438_\u0447\u0442\u043e", + "\u0433\u0435\u0439_\u043b\u044e\u0441\u0441\u0430\u043a_\u0436\u043e\u0437\u0435\u0444_\u043b\u0443\u0438", + "\u0437\u0430_\u043a\u0443\u043b\u0438\u0441\u0430\u043c\u0438", + "\u043d\u0443_\u0438", + "\u0432\u0438\u043b\u0430_\u043b\u043e\u0431\u043e\u0441_\u044d\u0439\u0442\u043e\u0440", + "\u0432_\u0441\u043b\u0443\u0447\u0430\u0435", + "\u043d\u0435_\u0441\u0442\u043e\u0438\u0442_\u0431\u043b\u0430\u0433\u043e\u0434\u0430\u0440\u043d\u043e\u0441\u0442\u0438", + "\u043f\u0440\u0435\u0441\u043d\u0430\u044f_\u0432\u043e\u0434\u0430", + "\u0441\u0432\u044f\u0442\u0430\u044f_\u0435\u043b\u0435\u043d\u0430", + "\u0446\u0435\u043d\u0442\u0440_\u0433\u043e\u0440\u043e\u0434\u0430", + "\u0431\u0435\u043b\u044c\u0432\u0430\u0440\u043e\u0448", + "\u043f\u0441\u0438\u0445\u0443\u0448\u043a\u0430", + "\u043f\u0441\u0438\u0445\u0438\u0430\u0442\u0440\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u0431\u043e\u043b\u044c\u043d\u0438\u0446\u0430", + "\u0441\u0438\u0442\u0438_\u0445\u043e\u043b\u043b", + "\u0441_\u043d\u043e\u0432\u044b\u043c_\u0433\u043e\u0434\u043e\u043c", + "\u043d\u043e\u0432\u044b\u0439_\u0441\u0432\u0435\u0442", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0438\u044f_\u0430\u043d\u0445\u0430\u043b\u044c\u0442", + "\u0431\u0435\u0437_\u043f\u0440\u043e\u0431\u043b\u0435\u043c", + "\u043d\u0430_\u0432\u0441\u044f\u043a\u0438\u0439_\u0441\u043b\u0443\u0447\u0430\u0439", + "\u0442\u0430\u043a\u0442\u0438\u043a\u0430_\u0432\u044b\u0436\u0436\u0435\u043d\u043d\u043e\u0439_\u0437\u0435\u043c\u043b\u0438", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u043d\u0435\u0442_\u043f\u0440\u043e\u0431\u043b\u0435\u043c", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0430\u044f_\u0441\u043a\u0443\u043f\u0449\u0438\u043d\u0430_\u0441\u0435\u0440\u0431\u0438\u0438", + "\u043c\u043e\u043d\u0434\u0440\u0438\u0430\u043d_\u043f\u0438\u0442", + "\u0434\u0432\u0430_\u0431\u0440\u0430\u0442\u0430", + "\u043d\u0443_\u0438_\u0447\u0442\u043e_\u0438\u0437_\u0442\u043e\u0433\u043e", + "\u0432\u043e\u0435\u043d\u043d\u043e_\u0432\u043e\u0437\u0434\u0443\u0448\u043d\u044b\u0435_\u0441\u0438\u043b\u044b", + "the_rolling_stones", + "\u043d\u0430\u0440\u043e\u0434\u043d\u043e\u0435_\u0441\u043e\u0431\u0440\u0430\u043d\u0438\u0435_\u0431\u043e\u043b\u0433\u0430\u0440\u0438\u0438", + "\u043c\u043d\u043e\u0433\u043e\u0446\u0432\u0435\u0442\u043d\u0438\u0446\u0430", + "\u044d\u043b\u044c_\u0430\u0439\u043d", + "\u0432_\u043f\u0435\u0440\u0432\u044b\u0439_\u043e\u0447\u0435\u0440\u0435\u0434\u044c", + "\u043d\u0430_\u0437\u0434\u043e\u0440\u043e\u0432\u044c\u0435", + "\u0432\u0435\u0441\u043f\u0443\u0447\u0447\u0438_\u0430\u043c\u0435\u0440\u0438\u0433\u043e", + "\u043a\u0430\u0440\u043c\u0435\u043b\u044c", + "\u043a\u043e\u043b\u044c\u0446\u0435\u0432\u0430\u044f", + "\u043d\u0430_\u0432\u0441\u044f\u043a\u0438\u0439_\u043f\u043e\u0436\u0430\u0440\u043d\u044b\u0439_\u0441\u043b\u0443\u0447\u0430\u0439", + "\u043c\u0430\u043b\u044c\u0432\u0438\u043d\u044b", + "\u0441\u043f\u043e\u0440\u0442\u043f\u043b\u043e\u0449\u0430\u0434\u043a\u0430" + ], + "ANIMAL": [ + "\u0447\u0430\u0439\u043a\u043e\u0432\u044b\u0435", + "\u0441\u043e\u0431\u043e\u043b\u044c", + "\u0431\u0435\u0440\u0435\u0433\u043e\u0432\u0443\u0448\u043a\u0430", + "chelonioidea", + "\u043c\u0430\u043d\u0434\u0430\u0440\u0438\u043d\u043a\u0430", + "sapo", + "\u0442\u0440\u0430\u0443\u0440\u043d\u0438\u0446\u0430", + "\u0442\u0435\u043b\u0435\u0434\u0443", + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u043c\u0430\u043d\u0434\u0430\u0432\u043e\u0448\u043a\u0430", + "\u0433\u043e\u0440\u0431\u0430\u0447", + "\u0432\u0438\u0440\u0443\u0441_\u0442\u0430\u0431\u0430\u0447\u043d\u043e\u0439_\u043c\u043e\u0437\u0430\u0438\u043a\u0438", + "\u0441\u0443\u0445\u043e\u043d\u043e\u0441", + "sea_slug", + "lactobacillus_acidophilus", + "\u0430\u0440\u0442\u0435\u043c\u0438\u0438", + "vibe", + "\u0432\u0438\u0440\u0443\u0441_\u044d\u043f\u0448\u0442\u0435\u0439\u043d\u0430_\u0431\u0430\u0440\u0440", + "\u043f\u043e\u043b\u0443\u043d\u043e\u0447\u043d\u0438\u043a", + "\u0431\u0435\u0433\u0443\u043d\u043e\u043a", + "\u0441\u0442\u0430\u0440\u0448\u0438\u043d\u0430", + "\u0431\u0430\u0440\u0440\u0430\u043c\u0443\u043d\u0434\u0438", + "\u043e\u0431\u044b\u043a\u043d\u043e\u0432\u0435\u043d\u043d\u044b\u0439_\u0441\u043e\u043b\u043d\u0435\u0447\u043d\u0438\u043a", + "\u043a\u0440\u0430\u0441\u043d\u043e\u0437\u043e\u0431\u0438\u043a", + "\u0447\u0451\u0440\u043d\u044b\u0439_\u0431\u0443\u0444\u0444\u0430\u043b\u043e", + "\u0440\u0443\u0447\u0435\u0439\u043d\u0438\u043a", + "\u0447\u0451\u0440\u043d\u0430\u044f_\u0447\u0435\u0440\u0435\u043f\u0430\u0445\u0430", + "\u043d\u0435\u043f\u0430\u0440\u043d\u043e\u043a\u043e\u043f\u044b\u0442\u043d\u044b\u0435", + "\u0441\u0442\u0440\u0438\u0436\u0438\u043d\u044b\u0435", + "\u0436\u0435\u043b\u0442\u043e\u0431\u0440\u044e\u0445\u0438\u0439", + "\u0433\u043b\u0443\u0445\u0430\u0440\u044c", + "\u0434\u0435\u0440\u0435\u0432\u0435\u043d\u0441\u043a\u0430\u044f_\u043b\u0430\u0441\u0442\u043e\u0447\u043a\u0430", + "\u043a\u0432\u0430\u043a\u0432\u0430", + "\u0441\u043a\u0432\u0430\u0442\u0438\u043d\u0430", + "\u0442\u0438\u0433\u0440\u0451\u043d\u043e\u043a", + "\u0431\u0430\u043a\u0442\u0440\u0438\u0430\u043d", + "\u0441\u043e\u043a\u043e\u043b\u044b", + "sivuch", + "megascops", + "\u0441\u043e\u043d\u044f_\u043f\u043e\u043b\u0447\u043e\u043a", + "\u0433\u0435\u043c\u043e\u0440\u0440\u0430\u0433\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043b\u0438\u0445\u043e\u0440\u0430\u0434\u043a\u0430_\u044d\u0431\u043e\u043b\u0430", + "\u043c\u0443\u0445\u043e\u043b\u043e\u0432\u043a\u043e\u0432\u044b\u0435", + "\u043a\u0430\u043c\u043f\u043e\u043d\u043e\u0442\u0443\u0441", + "\u0441\u043e\u043b\u043d\u0435\u0447\u043d\u0438\u043a", + "\u043a\u0430\u0437\u0430\u043d\u043e\u0432\u0430", + "\u0431\u0430\u0440\u0442\u0440\u0430\u043c\u0438\u044f", + "\u043a\u043e\u0440\u0438\u0444\u0435\u043d\u0430", + "\u043f\u0435\u0440\u0435\u043f\u0435\u043b\u044f\u0442\u043d\u0438\u043a", + "\u043b\u0435\u0441\u043d\u0430\u044f_\u0437\u0435\u043c\u043b\u0435\u0440\u043e\u0439\u043a\u0430", + "\u043c\u043e\u0440\u044f\u043d\u043a\u0430", + "\u043f\u043e\u043b\u0447\u043e\u043a", + "eagle", + "\u044d\u0431\u043e\u043b\u0430\u0432\u0438\u0440\u0443\u0441", + "\u043a\u0430\u0441\u0430\u0442\u043a\u0430", + "\u043a\u0443\u0440\u0438\u043d\u044b\u0439", + "\u0430\u0439_\u0430\u0439", + "\u0442\u043e\u043f\u043e\u0440\u043e\u043a", + "\u0432\u0438\u0440\u0443\u0441_\u0437\u0430\u043f\u0430\u0434\u043d\u043e\u0433\u043e_\u043d\u0438\u043b\u0430" + ], + "ORG": [ + "\u0442\u0440\u0438_\u0441\u0435\u0441\u0442\u0440\u044b", + "\u043f\u0435\u0440\u0435\u043f\u043b\u044e\u043d\u0443\u0442\u044c", + "\u0441\u0432\u044f\u0442\u0430\u044f_\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u043d\u0435_\u043d\u0430\u0434\u043e_\u043b\u044f_\u043b\u044f", + "\u043f\u043e\u0436\u0430\u0440\u043d\u044b\u0435", + "\u043c\u0435\u0436\u0434\u0443\u043d\u0430\u0440\u043e\u0434\u043d\u044b\u0439_\u0441\u043e\u044e\u0437_\u0442\u0435\u043b\u0435\u043a\u043e\u043c\u043c\u0443\u043d\u0438\u043a\u0430\u0446\u0438\u0439", + "\u0431\u0435\u0437_\u043f\u0440\u0438\u0431\u0430\u043c\u0431\u0430\u0441\u043e\u0432", + "\u0441\u043e\u043b\u0434\u0430\u0442\u043d\u044f", + "\u043a\u043e\u043b\u043b\u0435\u043a\u0442\u0438\u0432\u043d\u044b\u0439_\u0438\u0441\u043a", + "\u043a\u0430\u043d\u0442\u0445\u043e", + "\u0431\u0435\u0441\u043f\u043e\u0448\u043b\u0438\u043d\u043d\u044b\u0439", + "\u043c\u043e\u0434\u0435\u0440\u043d", + "\u0438\u043d\u0442\u0435\u0440\u043f\u043e\u043b", + "\u0432\u043e\u0437\u043d\u0435\u0441\u0435\u043d\u0438\u0435_\u0434\u0435\u0432\u044b_\u043c\u0430\u0440\u0438\u0438", + "\u043d\u0430\u0447\u0430\u043b\u044c\u043d\u0430\u044f_\u0448\u043a\u043e\u043b\u0430", + "\u0447\u0442\u043e_\u0442\u0430\u043a\u043e\u0435", + "\u0444\u0440\u0430\u043d\u043a\u043c\u0430\u0441\u043e\u043d\u0441\u0442\u0432\u043e", + "\u043d\u0438\u043a\u043e\u0433\u0434\u0430_\u0432_\u0436\u0438\u0437\u043d\u0438", + "the_who", + "\u043f\u043e_\u043f\u043e\u0441\u043b\u0435\u0434\u043d\u0435\u043c\u0443_\u0441\u043b\u043e\u0432\u0443", + "\u043d\u043e\u0432\u0430\u044f_\u043b\u0443\u043d\u0430", + "\u0438\u043d\u0442\u0435\u0440\u043d\u0430\u0442", + "to_the_core", + "\u0430_\u043f\u043e\u0447\u0435\u043c\u0443", + "\u043c\u0430\u0441\u043b\u0438\u0447\u043d\u0430\u044f_\u0433\u043e\u0440\u0430", + "\u043f\u0435\u0440\u0432\u0430\u044f_\u0447\u0435\u0442\u0432\u0435\u0440\u0442\u044c", + "\u043f\u043e\u0434\u043e\u0433\u043d\u0430\u043d\u043d\u044b\u0439", + "\u0432\u043e\u0441\u043f\u0438\u0442\u0430\u043d\u0438\u0435", + "\u044e\u0436\u043d\u043e\u043e\u0441\u0435\u0442\u0438\u043d\u0435\u0446", + "san_francisco", + "\u0433\u043b\u0430\u0437\u0443\u043d\u044c\u044f", + "\u0434\u0430_\u0437\u0434\u0440\u0430\u0432\u0441\u0442\u0432\u0443\u044e\u0442", + "\u043c\u0435\u043d\u044f_\u0437\u043e\u0432\u0443\u0442", + "\u043f\u0440\u0430\u0432\u0438\u0442\u0435\u043b\u044c\u0441\u0442\u0432\u043e", + "\u043f\u043e\u043b\u0443\u0434\u0440\u0430\u0433\u043e\u0446\u0435\u043d\u043d\u044b\u0439", + "\u0443\u0433\u043e\u043b\u043e\u0432\u043d\u044b\u0439_\u043a\u043e\u0434\u0435\u043a\u0441", + "\u0431\u0435\u0437_\u0438\u0437\u043b\u0438\u0448\u0435\u0441\u0442\u0432", + "\u044e\u0436\u043d\u043e\u043e\u0441\u0435\u0442\u0438\u043d\u043a\u0430", + "\u043a\u0442\u043e_\u0432\u044b", + "\u043c\u0430\u043b\u044c\u0447\u0438\u043a_\u0441_\u043f\u0430\u043b\u044c\u0447\u0438\u043a", + "\u0431\u043e\u0440\u0442_\u043e_\u0431\u043e\u0440\u0442", + "\u0446\u0435\u043d\u0442\u0440\u0430\u043b\u044c\u043d\u044b\u0439_\u0431\u0430\u043d\u043a", + "\u0432\u0435\u0440\u0445\u043d\u0435\u0435_\u043e\u0437\u0435\u0440\u043e", + "\u0432\u0430\u0441\u0438\u043b\u0438\u0439_\u0432\u0435\u043b\u0438\u043a\u0438\u0439", + "\u0432\u0438\u043a\u043a\u0430", + "\u0437\u043e\u043b\u043e\u0442\u043e\u0439_\u0432\u0435\u043a", + "\u0445\u0443\u0430\u043d\u0445\u044d", + "\u043a\u0440\u0430\u0441\u043d\u043e\u0433\u0432\u0430\u0440\u0434\u0435\u0435\u0446", + "\u0431\u044b\u0442\u044c_\u0432\u0435\u0441\u044c_\u0432_\u043a\u043e\u0433\u043e_\u0442\u043e", + "\u043f\u0435\u0440\u0435\u043f\u0440\u0430\u0432\u043a\u0430", + "\u0432\u043e\u0435\u043d\u043d\u0430\u044f_\u0430\u043a\u0430\u0434\u0435\u043c\u0438\u044f", + "\u043c\u0430\u0433\u0430\u0442\u044d", + "\u043d\u0430\u0443\u0442\u0438\u043b\u0443\u0441_\u043f\u043e\u043c\u043f\u0438\u043b\u0438\u0443\u0441", + "\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043c\u0430\u043b\u044c\u0447\u0438\u0448\u043d\u0438\u043a", + "\u0445\u0440\u0438\u0441\u0442\u0438\u0430\u043d\u0441\u043a\u0430\u044f_\u043d\u0430\u0443\u043a\u0430", + "\u0432\u044b_\u043a\u0442\u043e", + "\u0442\u0430\u043c\u043e\u0436\u043d\u044f", + "\u043f\u0440\u0438\u0441\u0442\u0443\u043f\u0430\u0439\u0442\u0435", + "\u043f\u0430\u0440\u0442\u0438\u044f_\u0442\u0440\u0443\u0434\u0430", + "\u0441\u043e\u0446\u0438\u0430\u043b\u0438\u0441\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "dia", + "\u043a\u0430\u043a_\u0443\u0433\u043e\u0434\u043d\u043e", + "\u0432\u0432\u0441", + "\u0433\u043e\u043c\u0438\u043d\u044c\u0434\u0430\u043d", + "\u0430\u0440\u043c\u0438\u044f_\u0441\u0448\u0430", + "\u043f\u043e\u0441\u043b\u0435_\u0440\u043e\u0436\u0434\u0435\u0441\u0442\u0432\u0430_\u0445\u0440\u0438\u0441\u0442\u043e\u0432\u0430", + "\u0432_\u043a\u0430\u0432\u044b\u0447\u043a\u0430\u0445", + "\u0430\u043d\u0442\u0438\u043c\u0430\u0441\u043e\u043d\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0442\u044b_\u043a\u0442\u043e", + "\u0432\u0435\u0440\u0445\u043d\u0435\u0435", + "\u043d\u0438\u043a\u043e\u0433\u0434\u0430_\u043d\u0435", + "\u0431\u0435\u0437_\u0432\u0435\u0441\u0442\u0438_\u043f\u0440\u043e\u043f\u0430\u0432\u0448\u0438\u0439", + "\u0438\u0441\u043b\u0430\u043c\u043e\u0432\u0435\u0434\u0435\u043d\u0438\u0435", + "\u0438_\u0434\u0440", + "\u0444\u0435\u0440\u043c\u0435\u0440\u0441\u0442\u0432\u043e", + "\u0436\u0435\u0432\u0430\u0442\u0435\u043b\u044c\u043d\u0430\u044f_\u0440\u0435\u0437\u0438\u043d\u043a\u0430", + "\u0434\u0435\u043b\u043e\u0432\u0430\u044f_\u0447\u0430\u0441\u0442\u044c_\u0433\u043e\u0440\u043e\u0434\u0430", + "\u0432\u043f\u0440\u043e\u0447\u0435\u043c", + "\u0430\u043b\u044c_\u0434\u0436\u0430\u0437\u0438\u0440\u0430", + "\u0438_\u043f\u0440", + "\u0441\u043e\u0446\u0438\u0430\u043b_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f_\u044d\u0441\u0442\u043e\u043d\u0438\u0438", + "\u0440\u0430\u0434\u0438\u043e\u0433\u0430\u043b\u0430\u043a\u0442\u0438\u043a\u0430", + "\u043f\u0441\u0438\u0445\u0443\u0448\u043a\u0430", + "\u0441\u0438\u043d\u0442\u043e\u0438\u0437\u043c", + "\u043c\u0438\u043b\u043b\u0438_\u043c\u0435\u0434\u0436\u043b\u0438\u0441_\u0430\u0437\u0435\u0440\u0431\u0430\u0439\u0434\u0436\u0430\u043d\u0430", + "\u043f\u043e\u0447\u0442\u0430\u043c\u0442", + "\u044f_\u0442\u0435\u0431\u044f_\u043b\u044e\u0431\u043b\u044e", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u044c\u043d\u043e\u0435_\u0441\u043e\u0431\u0440\u0430\u043d\u0438\u0435_\u0444\u0440\u0430\u043d\u0446\u0438\u0438", + "\u0432\u0430\u0439\u0448\u043d\u0430\u0432\u0438\u0437\u043c", + "\u0441\u0438\u043d\u0442\u043e", + "\u043f\u043e\u043b\u0438\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043f\u0430\u0440\u0442\u0438", + "\u043f\u0440\u043e\u0442\u0438\u0432\u043e\u0434\u0435\u0439\u0441\u0442\u0432\u0438\u0435", + "\u043a\u0430\u043d\u0443\u043d_\u043d\u043e\u0432\u043e\u0433\u043e_\u0433\u043e\u0434\u0430", + "\u0433\u043b\u0430\u0432\u043f\u043e\u0447\u0442\u0430\u043c\u0442", + "\u043d\u0438\u043a\u043e\u0433\u0434\u0430_\u0431\u043e\u043b\u044c\u0448\u0435", + "\u0441\u0442\u043e\u043f\u0440\u043e\u0446\u0435\u043d\u0442\u043d\u044b\u0439", + "\u0432\u043e\u0437\u0434\u0443\u0448\u043d\u044b\u0439_\u043a\u043e\u0440\u043f\u0443\u0441_\u0438\u0440\u043b\u0430\u043d\u0434\u0438\u0438", + "\u043d\u0430_\u043c\u0435\u0441\u0442\u0435", + "\u043b\u0430\u043d\u043a\u0430\u0441\u0442\u0435\u0440\u044b", + "\u043a\u0440\u0430\u0441\u043d\u043e\u0435_\u043c\u043e\u0440\u0435", + "\u0434\u0430_\u0437\u0434\u0440\u0430\u0432\u0441\u0442\u0432\u0443\u0435\u0442", + "the_young_turks", + "\u043f\u0440\u043e\u0433\u0440\u0435\u0441\u0441\u0438\u0441\u0442\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f_\u0431\u0440\u0430\u0437\u0438\u043b\u0438\u0438", + "\u0430\u0440_\u0434\u0435\u043a\u043e", + "\u043b\u0435\u0441\u043d\u043e\u0435", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u044c\u043d\u0430\u044f_\u0430\u0441\u0441\u0430\u043c\u0431\u043b\u0435\u044f", + "\u0441\u0443\u0440\u0430\u0442\u0442\u0445\u0430\u043d\u0438", + "\u0441\u0435\u043d\u0442_\u043a\u043b\u044d\u0440", + "\u0431\u043e\u0442\u0430\u043d\u0438\u0447\u0435\u0441\u043a\u0438\u0439_\u0441\u0430\u0434", + "\u043e\u043b\u0438\u043c\u043f\u0438\u0439\u0441\u043a\u0430\u044f_\u0434\u0435\u0440\u0435\u0432\u043d\u044f", + "\u0437\u0430\u043f\u0435\u0440\u0435\u0442\u044c", + "\u043f\u043e\u0447\u0442\u043e\u0432\u043e\u0435_\u043e\u0442\u0434\u0435\u043b\u0435\u043d\u0438\u0435", + "\u0430\u0440_\u043d\u0443\u0432\u043e", + "\u0433\u043e\u043b\u043b\u0438\u0432\u0443\u0434", + "\u043a\u0430\u043a_\u0445\u043e\u0447\u0435\u0448\u044c", + "\u043c\u043e\u043b\u043b", + "\u043a\u0440\u043e\u043c\u0430\u043d\u044c\u043e\u043d\u0435\u0446", + "\u0433\u0440\u0443\u043f\u043f\u043e\u0432\u043e\u0439_\u0438\u0441\u043a", + "\u0441\u0440\u0435\u0434\u043d\u0438\u0439_\u043a\u043b\u0430\u0441\u0441", + "\u0432\u0438\u043d\u043d\u0438_\u043f\u0443\u0445", + "\u043b\u0435\u0439\u0431\u043e\u0440\u0438\u0441\u0442\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0438_\u043f\u0440\u043e\u0447\u0438\u0435", + "\u043f\u0435\u043d\u0441\u0438\u043e\u043d\u043d\u044b\u0439_\u0444\u043e\u043d\u0434", + "\u043e\u0441\u0442\u0440\u043e\u0432\u0430_\u0437\u0435\u043b\u0451\u043d\u043e\u0433\u043e_\u043c\u044b\u0441\u0430", + "\u0431\u0435\u043b\u043e\u0435_\u0437\u043e\u043b\u043e\u0442\u043e", + "\u043a\u0442\u043e_\u0442\u044b", + "\u043d\u0430\u0440\u043e\u0434\u043d\u044b\u0439_\u0444\u0440\u043e\u043d\u0442", + "\u0430\u0432\u0441\u0442\u0440\u0430\u043b\u0438\u0439\u0441\u043a\u0430\u044f_\u043b\u0435\u0439\u0431\u043e\u0440\u0438\u0441\u0442\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0432\u0438\u043d\u044c\u043b\u043e\u043d\u0433", + "\u043f\u0440\u043e\u043c\u044b\u0448\u043b\u0435\u043d\u043d\u044b\u0439_\u043f\u0430\u0440\u043a", + "\u0436\u0435\u0432\u0430\u0447\u043a\u0430", + "\u043a\u0440\u0438\u0432\u043e\u0439_\u0440\u043e\u0433", + "\u0430\u0433\u0440\u0438\u043a\u0443\u043b\u044c\u0442\u0443\u0440\u0430", + "\u0441\u0432\u044f\u0442\u043e\u0435_\u0441\u0435\u043c\u0435\u0439\u0441\u0442\u0432\u043e", + "by_the_way", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u044c\u043d\u043e\u0435_\u0441\u043e\u0431\u0440\u0430\u043d\u0438\u0435_\u043f\u043e\u043b\u044c\u0448\u0438", + "\u0442\u0440\u0443\u0430_\u0440\u0438\u0432\u044c\u0435\u0440", + "\u0431\u0435\u0437_\u0441\u0432\u0438\u0441\u0442\u0435\u043b\u043e\u043a_\u0438_\u043f\u0435\u0440\u0434\u0435\u043b\u043e\u043a", + "in_situ", + "\u0447\u0451\u0440\u043d\u044b\u0439_\u0440\u044b\u043d\u043e\u043a", + "\u0431\u0435\u0437_\u043d\u0430\u0432\u043e\u0440\u043e\u0442\u043e\u0432", + "\u0441\u0435\u043d\u0442_\u043b\u044e\u0441\u0438\u044f", + "doc", + "\u043b\u0435\u0439\u0431\u043e\u0440\u0438\u0441\u0442\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f_\u0432\u0435\u043b\u0438\u043a\u043e\u0431\u0440\u0438\u0442\u0430\u043d\u0438\u0438", + "\u0436\u0451\u043b\u0442\u0430\u044f_\u0440\u0435\u043a\u0430", + "\u043d\u0430\u0440\u0430\u0441\u0442\u0438\u0442\u044c", + "\u0442\u043e\u0440\u0433\u043e\u0432\u044b\u0439_\u0446\u0435\u043d\u0442\u0440", + "\u043a\u0440\u043e\u043c\u0430\u043d\u044c\u043e\u043d\u043a\u0430", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0441\u0438\u043e\u043d\u0430\u043b\u044c\u043d\u044b\u0439_\u0441\u043e\u044e\u0437", + "ace", + "\u0438_\u0434\u0440\u0443\u0433\u043e\u0435", + "\u0438_\u0434\u0440\u0443\u0433\u0438\u0435", + "\u043a\u0430\u043f\u0435\u0442\u0438\u043d\u0433\u0438", + "\u043f\u043e\u0441\u043b\u0435\u0434\u043e\u0432\u0430\u0442\u0435\u043b\u044c\u043d\u043e\u0441\u0442\u044c_\u0444\u0438\u0431\u043e\u043d\u0430\u0447\u0447\u0438", + "\u043c\u0435\u0434\u0443\u0447\u0438\u043b\u0438\u0449\u0435", + "\u0441\u0432\u0438\u0434\u0435\u0442\u0435\u043b\u0438_\u0438\u0435\u0433\u043e\u0432\u044b", + "streptococcus_pyogenes", + "\u043e\u043f\u043e\u043b\u043e\u0443\u043c\u0435\u0442\u044c", + "\u0444\u0440\u0443\u043a\u0442\u043e\u0432\u044b\u0439_\u0441\u0430\u043b\u0430\u0442", + "\u0441\u0430\u043d\u0442\u0430_\u0444\u0435", + "\u043a\u0440\u043e\u0432\u043d\u044b\u0435_\u0431\u0440\u0430\u0442\u044c\u044f", + "\u0443_\u043a\u043e\u0433\u043e_\u0441\u043d\u043e\u0440\u043e\u0432\u043a\u0430_\u0442\u043e\u0442_\u0440\u0430\u0431\u043e\u0442\u0430\u0435\u0442_\u043b\u043e\u0432\u043a\u043e", + "\u0434\u0438\u0437\u0430", + "\u043f\u0430\u0440\u043b\u0430\u043c\u0435\u043d\u0442_\u0440\u0435\u0441\u043f\u0443\u0431\u043b\u0438\u043a\u0438_\u043a\u043e\u0440\u0435\u044f", + "\u043a_\u043d\u0430\u0441\u0442\u043e\u044f\u0449\u0435\u043c\u0443_\u043c\u043e\u043c\u0435\u043d\u0442\u0443", + "\u0430_\u0447\u0442\u043e_\u0442\u0430\u043a", + "\u0431\u0430\u0442\u0430\u043b\u044c\u043e\u043d", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u0438\u0441\u0442\u0438\u043a\u0430", + "\u0432\u044b\u0441\u0448\u0438\u0439_\u043a\u043b\u0430\u0441\u0441", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0430\u044f_\u0441\u043a\u0443\u043f\u0449\u0438\u043d\u0430_\u0440\u0435\u0441\u043f\u0443\u0431\u043b\u0438\u043a\u0438_\u0441\u0435\u0440\u0431\u0441\u043a\u043e\u0439", + "\u0437\u0435\u043b\u0451\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f_\u0438\u0440\u043b\u0430\u043d\u0434\u0438\u0438", + "\u0440\u0430\u0431\u043e\u0447\u0438\u0439_\u043a\u043b\u0430\u0441\u0441", + "\u0441\u043e\u0435\u0434\u0438\u043d\u0451\u043d\u043d\u044b\u0435_\u0448\u0442\u0430\u0442\u044b" + ], + "PRODUCT": [ + "st_vincent", + "\u0432_\u043f\u043e\u0441\u043b\u0435\u0434\u043d\u044e\u044e_\u043c\u0438\u043d\u0443\u0442\u0443", + "deja_vu", + "\u0441\u0430\u043d_\u0445\u043e\u0430\u043a\u0438\u043d", + "\u043d\u0435_\u0436\u0438\u0437\u043d\u044c_\u0430_\u043c\u0430\u043b\u0438\u043d\u0430", + "s_tog", + "\u0442\u0430\u043d\u0446\u043f\u043e\u043b", + "\u0434\u0432\u0430_\u0431\u0440\u0430\u0442\u0430", + "\u0448\u0435\u0441\u0442\u0435\u0440\u0451\u043d\u043a\u0430", + "echinopsis_pachanoi", + "\u0434\u0432\u0435_\u0441\u0435\u0441\u0442\u0440\u044b", + "\u0441_\u0440\u043e\u0436\u0434\u0435\u0441\u0442\u0432\u043e\u043c", + "\u0441_\u0440\u043e\u0436\u0434\u0435\u0441\u0442\u0432\u043e\u043c_\u0445\u0440\u0438\u0441\u0442\u043e\u0432\u044b\u043c", + "\u043a\u0430\u043a_\u0432\u0430\u043c_\u0443\u0433\u043e\u0434\u043d\u043e", + "\u0447\u0442\u043e_\u043d\u043e\u0432\u043e\u0433\u043e", + "\u043d\u043e\u0432\u044b\u0439_\u0437\u0430\u0432\u0435\u0442", + "\u0437\u0430\u043a\u043e\u0443\u043b\u043e\u043a", + "\u043a\u0430\u043a_\u0431\u044b", + "monte_cristo", + "\u0438\u043e\u0432\u043b\u0435\u0432\u044b_\u0441\u043b\u0451\u0437\u044b", + "the_hitchhiker\u2019s_guide_to_the_galaxy", + "\u0434\u0435\u043d\u044c_\u043f\u043e\u0434\u0430\u0440\u043a\u043e\u0432", + "\u043c\u043e\u0440\u0441\u043a\u0430\u044f_\u0441\u0432\u0438\u043d\u043a\u0430", + "\u043f\u0440\u043e\u0442\u0438\u0432\u043e\u0432\u043e\u0437\u0434\u0443\u0448\u043d\u044b\u0439", + "\u0441_\u0431\u043e\u0436\u044c\u0435\u0439_\u043f\u043e\u043c\u043e\u0449\u044c\u044e", + "\u0441\u0435\u043d\u0442_\u0445\u0435\u043b\u0435\u043d\u0441", + "after_burner", + "\u0431\u0440\u043e\u043d\u0435\u0430\u0432\u0442\u043e\u043c\u043e\u0431\u0438\u043b\u044c", + "\u043d\u0435\u043f\u0440\u0435\u043c\u0435\u043d\u043d\u043e", + "\u0442\u0430\u043d\u0446\u043f\u043b\u043e\u0449\u0430\u0434\u043a\u0430", + "deutsche_welle", + "\u043a\u0430\u043a_\u0448\u0442\u044b\u043a", + "\u0434\u0438\u0441\u043a\u0435\u0442\u0430", + "\u0432_\u043f\u0430\u043c\u044f\u0442\u044c", + "\u043d\u0435\u0437\u0430\u0431\u0443\u0434\u043a\u0430", + "\u043c\u043d\u043e\u0433\u043e_\u0448\u0443\u043c\u0430_\u0438\u0437_\u043d\u0438\u0447\u0435\u0433\u043e", + "\u0441\u0435\u043d_\u043f\u044c\u0435\u0440_\u0438_\u043c\u0438\u043a\u0435\u043b\u043e\u043d", + "\u043d\u0430\u0433\u0440\u044f\u043d\u0443\u0442\u044c", + "\u043f\u043e\u0434\u0442\u044f\u043d\u0443\u0442\u044c\u0441\u044f" + ], + "LANGUAGE": [ + "\u043f\u043e\u0440\u0442\u0443\u0433\u0430\u043b\u044c\u0441\u043a\u0438\u0439", + "\u0432\u0430\u043b\u043b\u0438\u0439\u0441\u043a\u0438\u0439", + "\u0438\u0441\u043b\u0430\u043d\u0434\u0441\u043a\u0438\u0439", + "\u043a\u0430\u0442\u0430\u043b\u043e\u043d\u043a\u0430", + "\u0433\u0435\u0440\u043c\u0430\u043d\u0435\u0446", + "\u0447\u0443\u0432\u0430\u0448\u0441\u043a\u0438\u0439", + "\u0441\u0435\u0432\u0435\u0440\u043d\u043e\u0441\u0430\u0430\u043c\u0441\u043a\u0438\u0439", + "\u0430\u043d\u0433\u043b\u0438\u0439\u0441\u043a\u0438\u0439", + "\u0432\u0430\u043b\u043b\u043e\u043d\u0441\u043a\u0438\u0439", + "\u043a\u0430\u0437\u0430\u0448\u043a\u0430", + "\u043a\u043e\u0440\u0441\u0438\u043a\u0430\u043d\u0441\u043a\u0438\u0439", + "\u043a\u043e\u043c\u0438_\u044f\u0437\u044c\u0432\u0438\u043d\u0441\u043a\u0438\u0439", + "\u0442\u0443\u0440\u043a\u043c\u0435\u043d\u0441\u043a\u0438\u0439", + "\u044f\u043f\u043e\u043d\u0441\u043a\u0438\u0439", + "\u0441\u0430\u043c\u043e\u0430\u043d\u043a\u0430", + "\u0434\u0430\u0440_\u0440\u0435\u0447\u0438", + "\u043f\u043e\u0440\u0442\u0443\u0433\u0430\u043b\u0435\u0446", + "\u043b\u0438\u0442\u043e\u0432\u0441\u043a\u0438\u0439", + "\u044e\u0436\u043d\u043e\u0430\u043b\u0442\u0430\u0439\u0441\u043a\u0438\u0439", + "\u043a\u0430\u0442\u0430\u043b\u043e\u043d\u0435\u0446", + "\u0430\u0440\u0430\u0431", + "\u0438\u0440\u043b\u0430\u043d\u0434\u0441\u043a\u0438\u0439", + "\u043e\u0441\u0435\u0442\u0438\u043d\u0441\u043a\u0438\u0439", + "\u0441\u0430\u043c\u043e\u0430\u043d\u0435\u0446", + "\u0438\u0437\u0434\u0430\u043b\u0438", + "\u043c\u0430\u0440\u0448\u0430\u043b\u043b\u044c\u0441\u043a\u0438\u0439", + "\u0444\u0440\u0430\u043d\u0446\u0443\u0437\u0441\u043a\u0438\u0439", + "\u0431\u0435\u043b\u043e\u0440\u0443\u0441\u0441\u043a\u0438\u0439", + "\u0438\u0437\u0434\u0430\u043b\u0435\u043a\u0430" + ], + "JOB": [ + "\u0430\u0440\u0431\u043e\u0440\u0438\u0441\u0442", + "\u0434\u0440\u0430\u043f\u0438\u0440\u043e\u0432\u0449\u0438\u043a", + "\u043a\u043e\u0440\u0430\u0431\u0435\u043b", + "guru", + "\u0433\u0435\u0440\u043f\u0435\u0442\u043e\u043b\u043e\u0433", + "\u043f\u0430\u0440\u0438\u043a\u043c\u0430\u0445\u0435\u0440\u0448\u0430", + "\u0434\u0438\u0441\u0442\u0440\u0438\u0431\u044c\u044e\u0442\u043e\u0440", + "\u043a\u043b\u0430\u0434\u043e\u0432\u0449\u0438\u043a", + "make", + "\u043a\u043e\u043b\u043b\u0435\u043a\u0446\u0438\u043e\u043d\u0435\u0440", + "\u0433\u0430\u0440\u043f\u0443\u043d\u0451\u0440", + "\u043a\u043e\u043c\u0435\u043d\u0434\u0430\u043d\u0442", + "sexton", + "\u044d\u043d\u0434\u043e\u043a\u0440\u0438\u043d\u043e\u043b\u043e\u0433", + "\u0440\u0435\u043f\u0435\u0442\u0438\u0442\u043e\u0440", + "\u043a\u0440\u0430\u0441\u0438\u043b\u044c\u0449\u0438\u043a", + "the_police", + "the_sentinel", + "\u043e_\u043f\u044d\u0440", + "\u0441\u0442\u0440\u0430\u0436", + "\u0432\u0435\u043d\u0434\u043e\u0440", + "\u043a\u0430\u043f\u0440\u0430\u043b", + "\u043c\u0430\u0445\u0430\u0443\u0442", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0441\u043e\u0440", + "\u0448\u0435\u0441\u0442\u0438\u043f\u0435\u043d\u0441\u043e\u0432\u0438\u043a", + "\u0432\u0441\u0435_\u043b\u0433\u0443\u0442", + "\u043b\u0438\u0441\u0442\u0435\u0440", + "\u0431\u043b\u043e\u043a\u0444\u043b\u0435\u0439\u0442\u0430", + "grip", + "\u0434\u0435\u0440\u0435\u0432\u043e\u043e\u0431\u0434\u0435\u043b\u043e\u0447\u043d\u0438\u043a", + "\u0433\u0430\u0440\u043f\u0443\u043d\u0449\u0438\u043a", + "\u043a\u0440\u0430\u0441\u043d\u043e\u0434\u0435\u0440\u0435\u0432\u0449\u0438\u043a", + "\u0433\u0430\u0441\u0442\u0430\u0440\u0431\u0430\u0439\u0442\u0435\u0440", + "\u0430\u043d\u0435\u0441\u0442\u0435\u0437\u0438\u043e\u043b\u043e\u0433", + "\u043f\u043e\u0434\u0441\u043a\u0430\u0437\u0447\u0438\u043a", + "\u043e_\u043f\u0435\u0440", + "\u0441\u0442\u0440\u0430\u0436\u043d\u0438\u043a", + "\u043d\u0435\u0432\u0440\u043e\u043b\u043e\u0433", + "\u043f\u043e\u0434\u043f\u043e\u0440\u0443\u0447\u0438\u043a", + "\u043f\u043e\u0432\u0438\u0442\u0443\u0445\u0430", + "scientist", + "\u0442\u0435\u0440\u0430\u043f\u0435\u0432\u0442", + "the_advocate", + "\u043a\u0443\u0440\u0430\u0442\u043e\u0440", + "\u043c\u0435\u043b\u044c\u043d\u0438\u043a\u043e\u0432", + "\u0440\u0430\u0437\u0440\u0430\u0431\u043e\u0442\u0447\u0438\u0446\u0430", + "\u0441\u0442\u0435\u043d\u043e\u0433\u0440\u0430\u0444\u0438\u0441\u0442\u043a\u0430", + "\u043f\u043e\u043c\u043e\u0435\u0448\u043d\u0438\u043a", + "freelancer", + "\u043c\u0438\u043a\u0440\u043e\u0431\u0438\u043e\u043b\u043e\u0433", + "\u0436\u043e\u043b\u043d\u0451\u0440", + "\u043f\u043e\u0434\u043f\u043e\u043b\u043a\u043e\u0432\u043d\u0438\u043a", + "the_guardian", + "\u0441\u0435\u043b\u0435\u043a\u0446\u0438\u043e\u043d\u0435\u0440", + "\u043a\u043e\u0441\u0442\u044e\u043c\u0435\u0440", + "\u043c\u0430\u0441\u0442\u0435\u0440\u043e\u0432\u043e\u0439", + "\u043f\u0430\u0440\u0430\u043b\u0435\u0433\u0430\u043b", + "\u0433\u0440\u0443\u0437\u0447\u0438\u043a", + "\u0441\u0442\u0435\u043d\u043e\u0433\u0440\u0430\u0444", + "\u043a\u0430\u0440\u0430\u0443\u043b\u044c\u043d\u044b\u0439", + "\u0442\u0440\u0430\u0443\u043b\u0435\u0440", + "\u0432\u043e\u043b\u043e\u043d\u0442\u0451\u0440", + "\u0431\u044b\u0442\u044c_\u043f\u0440\u043e\u0432\u043e\u0434\u043d\u0438\u043a\u043e\u043c", + "mate", + "\u043a\u043e\u043d\u0432\u043e\u0438\u0440", + "\u043d\u0435\u0439\u0440\u043e\u0445\u0438\u0440\u0443\u0440\u0433", + "\u043b\u0438\u0442\u0435\u0439\u0449\u0438\u043a", + "\u043a\u043e\u043c\u0435\u0434\u0438\u0430\u043d\u0442", + "\u0442\u0430\u043c\u043e\u0436\u0435\u043d\u043d\u0438\u043a", + "\u0430\u043a\u0430\u0434\u0435\u043c\u0438\u043a", + "\u0440\u0430\u0437\u0440\u0430\u0431\u043e\u0442\u0447\u0438\u043a", + "\u0433\u0438\u0434\u0440\u043e\u043b\u043e\u0433", + "\u043a\u043e\u043d\u0434\u0438\u0442\u0435\u0440", + "\u0444\u043e\u0442\u043e\u0433\u0440\u0430\u0444", + "\u0432\u0435\u0440\u0445\u043e\u043b\u0430\u0437", + "the_economist", + "\u0442\u043e\u043b\u0441\u0442\u043e\u0433\u043e\u043b\u043e\u0432\u043a\u0438", + "\u043f\u043e\u0447\u0442\u0430\u043b\u044c\u043e\u043d\u0448\u0430", + "\u043a\u0430\u0442\u0435\u0445\u0438\u0437\u0430\u0442\u043e\u0440", + "\u0440\u0443\u043a\u043e\u0432\u043e\u0434\u0438\u0442\u0435\u043b\u044c", + "doc", + "\u043f\u043e\u0447\u0442\u0430\u043b\u044c\u043e\u043d", + "\u043f\u0430\u0440\u0430\u043c\u0435\u0434\u0438\u043a", + "the_boxer", + "\u043f\u0430\u0442\u043e\u043b\u043e\u0433", + "\u0441\u0442\u043e\u043c\u0430\u0442\u043e\u043b\u043e\u0433", + "\u043b\u0430\u0440\u0438\u043d\u0433\u043e\u043b\u043e\u0433", + "\u0433\u043e\u043c\u0435\u043e\u043f\u0430\u0442", + "\u0434\u0435\u0441\u0442\u0440\u0443\u043a\u0446\u0438\u044f_\u0441\u0442\u0435\u043a\u043b\u043e\u0432\u0438\u0434\u043d\u043e\u0433\u043e_\u0442\u0435\u043b\u0430", + "\u0438_\u0448\u0432\u0435\u0446_\u0438_\u0436\u043d\u0435\u0446_\u0438_\u043d\u0430_\u0434\u0443\u0434\u0435_\u0438\u0433\u0440\u0435\u0446", + "\u043f\u0443\u0448\u043a\u0430\u0440\u044c", + "\u0431\u0430\u0440\u0438\u0441\u0442\u0430", + "\u043f\u0430\u0434\u0430\u043b\u044c\u0449\u0438\u043a\u0438", + "\u0441\u043e\u043c\u0435\u043b\u044c\u0435", + "\u043c\u043e\u0440\u0435\u043f\u043b\u0430\u0432\u0430\u0442\u0435\u043b\u044c", + "\u0443\u0447\u0440\u0435\u0434\u0438\u0442\u0435\u043b\u044c\u043d\u0438\u0446\u0430", + "\u043a\u0430\u0432\u0430\u043b\u0435\u0440\u0438\u0441\u0442", + "\u0442\u0430\u0439\u043d\u044b\u0439_\u0441\u043e\u0432\u0435\u0442\u043d\u0438\u043a", + "\u043a\u043e\u0440\u0430\u0431\u043b\u0435\u0441\u0442\u0440\u043e\u0438\u0442\u0435\u043b\u044c", + "\u0434\u0435\u0440\u043c\u0430\u0442\u043e\u043b\u043e\u0433", + "\u044d\u043d\u0434\u043e\u0434\u043e\u043d\u0442\u0438\u0441\u0442", + "\u0430\u0440\u0442\u0438\u043b\u043b\u0435\u0440\u0438\u0441\u0442", + "\u043c\u0435\u043b\u044c\u043d\u0438\u043a\u043e\u0432\u0430", + "\u043c\u0435\u043b\u044c\u043d\u0438\u043a", + "\u0430\u0434\u043c\u0438\u043d\u0438\u0441\u0442\u0440\u0430\u0442\u043e\u0440", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442", + "\u0430\u0440\u0431\u043e\u0440\u0438\u0441\u0442\u043a\u0430", + "the_independent", + "bishop", + "\u043a\u0430\u043f\u0438\u0442\u0430\u043d", + "esquire", + "\u0443\u0447\u0440\u0435\u0434\u0438\u0442\u0435\u043b\u044c", + "\u043e\u043f\u0435\u043a\u0443\u043d" + ], + "DISEASE": [ + "\u0442\u0430\u043b\u0430\u0441\u0441\u0435\u043c\u0438\u044f", + "\u043a\u0430\u0440\u0434\u0438\u043e\u043c\u0438\u043e\u043f\u0430\u0442\u0438\u044f", + "\u0441\u0442\u043e\u043b\u0431\u043d\u044f\u043a", + "\u043f\u0440\u043e\u0442\u0435\u0447\u043a\u0430", + "rage", + "chill", + "\u043f\u043e\u043b\u0438\u0434\u0438\u043f\u0441\u0438\u044f", + "\u043f\u0440\u043e\u043b\u0435\u0436\u0435\u043d\u044c", + "\u0442\u043e\u043a\u0441\u043e\u043f\u043b\u0430\u0437\u043c\u043e\u0437", + "\u043e\u0441\u043d\u043e\u0432\u0430\u0442\u0435\u043b\u044c\u043d\u0438\u0446\u0430", + "\u043f\u0440\u043e\u043a\u0442\u0438\u0442", + "mouse", + "\u043a\u0438\u043d\u043e\u0444\u043e\u0431\u0438\u044f", + "\u0441\u0432\u0435\u0442\u043e\u0431\u043e\u044f\u0437\u043d\u044c", + "\u043c\u0430\u043d\u0438\u044f", + "\u0433\u043e\u043b\u043e\u0432\u043e\u043a\u0440\u0443\u0436\u0435\u043d\u0438\u0435", + "\u0441\u043b\u0435\u043f\u043e\u0442\u0430", + "\u043a\u043e\u043d\u0441\u0442\u0438\u043f\u0430\u0446\u0438\u044f", + "\u043c\u0438\u043b\u0438\u0430\u0440\u0438\u044f", + "the_bends", + "\u043f\u043e\u0434\u0441\u0442\u0430\u0432\u0430", + "shape", + "\u043f\u043e\u0436\u0435\u043b\u0430\u043d\u0438\u0435", + "\u043f\u0430\u0440\u0438\u0442\u0435\u0442", + "\u0433\u0438\u043d\u0435\u043a\u043e\u043c\u0430\u0441\u0442\u0438\u044f", + "\u043f\u043e\u043b\u0438\u0443\u0440\u0438\u044f", + "\u0441\u0442\u0440\u0435\u043f\u0442\u043e\u0434\u0435\u0440\u043c\u0438\u044f", + "the_suffering", + "rust", + "\u043c\u0435\u0442\u0435\u043e\u0440\u0438\u0437\u043c", + "\u0441\u043f\u043e\u0440\u044b\u043d\u044c\u044f", + "\u0433\u043e\u0440\u0431\u0430\u0442\u044b\u0439", + "\u043f\u0435\u0440\u0435\u043a\u0430\u0448\u0438\u0432\u0430\u043d\u0438\u0435", + "\u0440\u0430\u0441\u0441\u0442\u0440\u043e\u0439\u0441\u0442\u0432\u043e", + "\u0430\u043d\u0434\u0440\u043e\u0444\u043e\u0431\u0438\u044f", + "\u043f\u0440\u043e\u0433\u0435\u0440\u0438\u044f", + "\u0432\u043e\u0434\u043e\u0431\u043e\u044f\u0437\u043d\u044c", + "\u0441\u043e\u0446\u0438\u043e\u0444\u043e\u0431\u0438\u044f", + "\u043a\u0430\u0448\u0442\u0430\u043d\u043e\u0432\u044b\u0439", + "\u0431\u0435\u0440\u0435\u043c\u0435\u043d\u043d\u043e\u0441\u0442\u044c", + "\u043b\u0438\u0442\u0435\u0439\u0449\u0438\u043a", + "wale", + "\u043f\u043e\u043b\u0438\u043e\u0432\u0438\u0440\u0443\u0441", + "\u043f\u0440\u043e\u0433\u043e\u043b\u043e\u0434\u0430\u0442\u044c\u0441\u044f", + "\u0438\u043d\u0441\u0443\u043b\u044c\u0442", + "\u0438\u0437\u0432\u0435\u0440\u0436\u0435\u043d\u0438\u0435", + "\u043f\u0430\u043b\u0438\u0442\u044c", + "\u0438\u043c\u043c\u0443\u043d\u043e\u0434\u0435\u0444\u0438\u0446\u0438\u0442", + "\u043a\u043e\u043d\u0442\u0443\u0437\u0438\u044f", + "\u0434\u0430\u0432\u0438\u0442\u044c\u0441\u044f", + "\u0444\u0438\u043b\u0438\u0441\u0442\u0435\u0440\u0441\u0442\u0432\u043e", + "\u0431\u0435\u043b\u043e\u043a\u0440\u043e\u0432\u0438\u0435", + "gimp", + "\u0441\u043a\u0430\u0440\u043b\u0430\u0442\u0438\u043d\u0430", + "\u043b\u0438\u0441\u0442\u0435\u0440\u0438\u043e\u0437", + "\u0433\u0435\u0440\u043c\u0430\u0444\u0440\u043e\u0434\u0438\u0442\u0438\u0437\u043c", + "\u043d\u043e\u0432\u043e\u043e\u0431\u0440\u0430\u0437\u043e\u0432\u0430\u043d\u0438\u0435", + "\u0433\u043e\u0440\u0431", + "\u043f\u043e\u043b\u0438\u043e\u043c\u0438\u0435\u043b\u0438\u0442", + "smart", + "\u0430\u043a\u0442\u0438\u043d\u043e\u043c\u0438\u043a\u043e\u0437", + "ed", + "\u043f\u0435\u0440\u0435\u043a\u043e\u0441", + "\u043e\u0441\u043d\u043e\u0432\u0430\u0442\u0435\u043b\u044c", + "\u0441\u043a\u043e\u0442\u043e\u043c\u0430", + "\u0432\u0438\u0440\u0443\u0441_\u0432\u0435\u0442\u0440\u044f\u043d\u043e\u0439_\u043e\u0441\u043f\u044b", + "sensation", + "\u0432\u0438\u0440\u0443\u0441_\u043f\u0440\u043e\u0441\u0442\u043e\u0433\u043e_\u0433\u0435\u0440\u043f\u0435\u0441\u0430_\u043f\u0435\u0440\u0432\u043e\u0433\u043e_\u0442\u0438\u043f\u0430", + "pain", + "\u0440\u0430\u0434\u0438\u043a\u0443\u043b\u0438\u0442", + "\u043f\u0440\u0435\u043f\u044f\u0442\u0441\u0442\u0432\u043e\u0432\u0430\u043d\u0438\u0435", + "\u0432\u0438\u0440\u0443\u0441_\u044d\u0431\u043e\u043b\u0430", + "\u043f\u0430\u043f\u0438\u043b\u043b\u043e\u043c\u0430", + "\u0440\u0435\u0437\u0430\u043d\u044b\u0439", + "\u0433\u0430\u043b\u0430\u043a\u0442\u043e\u0437\u0435\u043c\u0438\u044f", + "\u043c\u0430\u0440\u0430\u0437\u043c", + "\u043f\u043e\u043b\u0438\u0434\u0430\u043a\u0442\u0438\u043b\u0438\u044f", + "\u043a\u043e\u0440\u043e\u0431\u0438\u0442\u044c", + "\u043f\u043b\u0430\u0432\u0438\u043b\u044c\u0449\u0438\u043a", + "\u043f\u043e\u0433\u043b\u0430\u0434\u0438\u0442\u044c", + "\u043d\u0435\u043f\u043e\u0440\u044f\u0434\u043e\u043a", + "aura", + "\u043f\u0443\u0441\u0442\u0443\u043b\u0430", + "the_bleeding", + "\u043f\u0440\u0435\u0441\u0431\u0438\u043e\u043f\u0438\u044f", + "\u0440\u043e\u0442\u0430\u0432\u0438\u0440\u0443\u0441", + "\u043d\u0430\u0440\u0435\u0437\u0430\u043d\u044b\u0439", + "\u043f\u043e\u0433\u043b\u0430\u0436\u0438\u0432\u0430\u043d\u0438\u0435", + "\u043f\u043e\u043a\u0440\u0430\u0441\u043d\u0435\u043d\u0438\u0435", + "\u0444\u0438\u0442\u043e\u0444\u0442\u043e\u0440\u043e\u0437", + "\u043f\u0430\u0440\u043a\u0438\u043d\u0441\u043e\u043d", + "the_hives", + "\u043f\u043e\u0447\u0435\u0441\u0443\u0445\u0430", + "\u043f\u043e\u043b\u0438\u043f", + "\u0431\u0443\u0440\u0441\u0438\u0442", + "\u0432\u043e\u0441\u043f\u0430\u043b\u0435\u043d\u0438\u0435" + ], + "LAW": [ + "non_bis_in_idem", + "\u0440\u0438\u043c\u0441\u043a\u043e\u0435_\u043f\u0440\u0430\u0432\u043e", + "\u0433\u0440\u0430\u0436\u0434\u0430\u043d\u0441\u043a\u043e\u0435_\u043f\u0440\u0430\u0432\u043e", + "\u043f\u0440\u0430\u0432\u043e\u043f\u0440\u0438\u043c\u0435\u043d\u0435\u043d\u0438\u0435", + "\u043d\u0435_\u0434\u0432\u0430\u0436\u0434\u044b_\u0437\u0430_\u043e\u0434\u043d\u043e_\u0438_\u0442\u043e_\u0436\u0435", + "\u0432\u0435\u0440\u0445\u043e\u0432\u043d\u044b\u0439_\u0441\u0443\u0434" + ], + "PLANT": [ + "\u0437\u0435\u043c\u043b\u0438\u0441\u0442\u044b\u0439", + "\u0433\u0443\u0430\u0439\u044f\u0432\u0430", + "\u043d\u0435\u0437\u0430\u0431\u0443\u0434\u043a\u0430", + "the_joshua_tree", + "\u043a\u0440\u0430\u043f\u0438\u0432\u0430", + "\u043a\u043e\u0437\u0435\u043b\u0435\u0446_\u0438\u0441\u043f\u0430\u043d\u0441\u043a\u0438\u0439", + "\u043b\u0438\u043c\u043e\u043d\u043d\u0438\u043a", + "\u043b\u0438\u0441\u0442\u0432\u0435\u043d\u043d\u0438\u0446\u0430", + "\u043b\u0430\u0432\u0440\u043e\u0432\u0438\u0448\u043d\u044f", + "candida_albicans", + "\u0430\u0440\u0438\u0441\u0442\u043e\u043b\u043e\u0445\u0438\u044f", + "\u0432\u0430\u043b\u043b\u0438\u0441\u043d\u0435\u0440\u0438\u044f", + "\u0441\u0432\u044f\u0442\u0430\u044f_\u043c\u0430\u0440\u0438\u044f", + "\u043a\u043e\u043a\u043e\u0440\u044b\u0448", + "\u043c\u043e\u043a\u0440\u0438\u0447\u043d\u0438\u043a", + "\u043d\u0438\u043c", + "\u043a\u043b\u044e\u043a\u0432\u0430", + "\u0431\u0435\u043b\u043b\u0430\u0434\u043e\u043d\u043d\u0430", + "\u0442\u0443\u0440\u0443\u0445\u0442\u0430\u043d", + "blackberry", + "\u0447\u0435\u0440\u0438\u043c\u043e\u0439\u044f", + "\u0433\u0435\u0432\u0435\u044f_\u0431\u0440\u0430\u0437\u0438\u043b\u044c\u0441\u043a\u0430\u044f", + "\u0447\u0435\u0440\u043d\u0443\u0448\u043a\u0430", + "saccharomyces_cerevisiae", + "\u0440\u0430\u0444\u0438\u044f", + "\u043f\u0435\u0442\u0441\u0430\u0439", + "\u043d\u043e\u0432\u043e\u0433\u043e\u0434\u043d\u044f\u044f_\u0451\u043b\u043a\u0430", + "\u043c\u0430\u043d\u0438\u043e\u0442", + "\u0432\u0430\u0441\u0438\u043b\u0451\u043a_\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u0441\u043a\u0438\u0439", + "\u0447\u0438\u0441\u0442\u044f\u043a", + "\u0440\u043e\u0436\u0434\u0435\u0441\u0442\u0432\u0435\u043d\u0441\u043a\u0430\u044f_\u0451\u043b\u043a\u0430", + "\u0431\u0430\u043a\u0430\u0439", + "\u0441\u043c\u043e\u043a\u0432\u0430", + "\u0440\u0430\u0441\u0442\u043e\u0440\u043e\u043f\u0448\u0430", + "\u044f\u0434\u043e\u0432\u0438\u0442\u044b\u0439_\u043f\u043b\u044e\u0449" + ], + "DATE": [ + "\u0432_\u043f\u0435\u0440\u0441\u043f\u0435\u043a\u0442\u0438\u0432\u0435", + "\u043f\u043e\u0441\u043b\u0435_\u0440\u043e\u0436\u0434\u0435\u0441\u0442\u0432\u0430_\u0445\u0440\u0438\u0441\u0442\u043e\u0432\u0430", + "dog_days", + "\u0441\u0440\u0435\u0434\u043d\u0435\u0432\u0435\u043a\u043e\u0432\u044c\u0435", + "\u043f\u043e\u0441\u043b\u0435\u0437\u0430\u0432\u0442\u0440\u0430", + "\u0442\u043e\u0442_\u0441\u0432\u0435\u0442", + "\u0434\u0432\u0435\u043d\u0430\u0434\u0446\u0430\u0442\u0430\u044f_\u043d\u043e\u0447\u044c", + "happy_hour", + "\u0432_\u044d\u0442\u0438_\u0434\u043d\u0438", + "\u043f\u043e\u043b\u0447\u0430\u0441\u0430", + "\u043d\u043e\u0432\u043e\u043b\u0443\u043d\u0438\u0435", + "\u0432_\u043f\u043e\u0441\u043b\u0435\u0434\u043d\u044e\u044e_\u043c\u0438\u043d\u0443\u0442\u0443", + "\u043d\u0430_\u0441\u043b\u0435\u0434\u0443\u044e\u0449\u0438\u0439_\u0434\u0435\u043d\u044c" + ], + "PERSON_PRONOUN": [ + "\u043c\u0435\u043d\u044f", + "i", + "\u0442\u0435\u0431\u044f", + "\u0432\u044b_\u0441\u0430\u043c\u0438", + "\u0432\u0430\u043c", + "\u0432\u044b" + ], + "RELIGION_MEMBER": [ + "guru", + "the_hindu", + "\u0431\u0435\u043d\u0435\u0434\u0438\u043a\u0442\u0438\u043d\u043a\u0430", + "\u043c\u0430\u0433\u043e\u043c\u0435\u0442\u0430\u043d\u0438\u043d", + "\u043f\u0440\u0435\u0441\u0432\u0438\u0442\u0435\u0440\u0438\u0430\u043d\u0441\u043a\u0438\u0439", + "\u0434\u043e\u043c\u0438\u043d\u0438\u043a\u0430\u043d\u043a\u0430", + "\u0430\u043d\u0433\u043b\u0438\u043a\u0430\u043d\u0441\u043a\u0438\u0439", + "\u0438\u0435\u0437\u0443\u0438\u0442", + "\u043c\u0435\u0442\u043e\u0434\u0438\u0441\u0442", + "\u043c\u0430\u0433\u043e\u043c\u0435\u0442\u0430\u043d\u043a\u0430", + "\u0434\u043e\u043c\u0438\u043d\u0438\u043a\u0430\u043d\u0435\u0446", + "\u0431\u0430\u043f\u0442\u0438\u0441\u0442\u0441\u043a\u0438\u0439", + "\u0444\u0440\u0430\u043d\u0446\u0438\u0441\u043a\u0430\u043d\u0446\u044b", + "\u0438\u0435\u0437\u0443\u0438\u0442\u043a\u0430", + "\u043c\u043e\u0440\u043c\u043e\u043d", + "\u0441\u0443\u043d\u043d\u0438\u0442\u0441\u043a\u0438\u0439", + "\u0440\u0438\u043c\u0441\u043a\u043e_\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u0435\u0441\u043a\u0438\u0439", + "\u0431\u0435\u043d\u0435\u0434\u0438\u043a\u0442\u0438\u043d\u0435\u0446" + ], + "FOOD": [ + "\u0432\u043e\u043b\u043e\u0432\u0430\u043d", + "\u0441\u043e\u0443\u0441_\u0447\u0438\u043b\u0438", + "\u043e\u0441\u0442\u0440\u044b\u0439_\u0441\u043e\u0443\u0441", + "\u0444\u0440\u0430\u043d\u0446\u0443\u0437\u0441\u043a\u0438\u0439_\u0442\u043e\u0441\u0442", + "\u0431\u0435\u043b\u043e\u0433\u0432\u0430\u0440\u0434\u0435\u0435\u0446", + "\u043c\u043e\u0440\u043e\u0436\u0435\u043d\u043e\u0435_\u0441_\u0444\u0440\u0443\u043a\u0442\u0430\u043c\u0438", + "\u0433\u0430\u0437\u0438\u0440\u043e\u0432\u043a\u0430", + "\u043f\u0435\u0440\u0435\u043a\u0443\u0441", + "\u0430\u043d\u0442\u0440\u0435", + "\u0447\u0438\u043b\u0438_\u0441\u043e\u0443\u0441", + "\u043c\u043d\u0438\u0445\u0438", + "\u0431\u0438\u0444\u0448\u0442\u0435\u043a\u0441_\u0441_\u043a\u043e\u0441\u0442\u043e\u0447\u043a\u043e\u0439", + "\u0441\u0442\u0435\u0439\u043a_\u043d\u0430_\u043a\u043e\u0441\u0442\u043e\u0447\u043a\u0435", + "\u0441\u0443\u0445\u043e\u0444\u0440\u0443\u043a\u0442" + ], + "FAC": [ + "\u0431\u0435\u0437_\u0437\u0430\u0441\u0435\u0447\u0435\u043a", + "\u0438\u043e\u0441\u0438\u0444_\u043e\u0431\u0440\u0443\u0447\u043d\u0438\u043a", + "\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u0446\u0435\u0440\u043a\u043e\u0432\u044c", + "\u043c\u0435\u0434\u0438\u0446\u0438\u043d\u0441\u043a\u0438\u0439_\u0432\u0443\u0437", + "\u043d\u0438\u0436\u043d\u044f\u044f_\u043f\u0430\u043b\u0430\u0442\u0430", + "t_\u043b\u0438\u043c\u0444\u043e\u0446\u0438\u0442\u044b", + "\u043f\u0435\u0442\u0440\u043e\u043f\u0430\u0432\u043b\u043e\u0432\u0441\u043a", + "\u0433\u043b\u0430\u0432\u043f\u043e\u0447\u0442\u0430\u043c\u0442", + "\u0441\u0435\u043c\u0438\u043b\u0435\u0442\u043a\u0430", + "\u0448\u0451\u043d\u0431\u0435\u0440\u0433_\u0430\u0440\u043d\u043e\u043b\u044c\u0434", + "\u043a\u0430\u0440\u0442\u0438\u043d\u043d\u0430\u044f_\u0433\u0430\u043b\u0435\u0440\u0435\u044f", + "\u043f\u0430\u043d\u0441\u0438\u043e\u043d\u0430\u0442", + "\u043c\u0435\u0434\u0438\u0446\u0438\u043d\u0441\u043a\u043e\u0435_\u0443\u0447\u0438\u043b\u0438\u0449\u0435", + "\u0430\u0442\u0430\u043a\u0430\u043c\u0430", + "\u0440\u0438\u043c\u0441\u043a\u043e_\u043a\u0430\u0442\u043e\u043b\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u0446\u0435\u0440\u043a\u043e\u0432\u044c" + ], + "POLITICAL_PARTY": [ + "\u043b\u0438\u0431\u0435\u0440\u0430\u043b\u044c\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043a\u043e\u043d\u0441\u0435\u0440\u0432\u0430\u0442\u0438\u0432\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b_\u0441\u043e\u0446\u0438\u0430\u043b\u0438\u0441\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043d\u0435\u043c\u0435\u0446\u043a\u0430\u044f_\u0440\u0430\u0431\u043e\u0447\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043d\u0430\u0446\u0438\u043e\u043d\u0430\u043b\u044c\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043f\u0440\u043e\u0442\u0438\u0432\u043e\u0434\u0435\u0439\u0441\u0442\u0432\u0438\u0435", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0440\u0435\u0441\u043f\u0443\u0431\u043b\u0438\u043a\u0430\u043d\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043b\u0438\u0431\u0435\u0440\u0430\u043b\u044c\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f_\u0432\u0435\u043b\u0438\u043a\u043e\u0431\u0440\u0438\u0442\u0430\u043d\u0438\u0438", + "\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u043e_\u0440\u0435\u0441\u043f\u0443\u0431\u043b\u0438\u043a\u0430\u043d\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0441\u043e\u0446\u0438\u0430\u043b_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043a\u043e\u043d\u0441\u0435\u0440\u0432\u0430\u0442\u0438\u0432\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f_\u0432\u0435\u043b\u0438\u043a\u043e\u0431\u0440\u0438\u0442\u0430\u043d\u0438\u0438", + "\u0431\u0435\u043b\u043e\u0440\u0443\u0441\u0441\u043a\u0430\u044f_\u0430\u0433\u0440\u0430\u0440\u043d\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u0441\u043e\u0446\u0438\u0430\u043b_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f_\u0430\u043d\u0434\u043e\u0440\u0440\u044b", + "\u043d\u043e\u0440\u0432\u0435\u0436\u0441\u043a\u0430\u044f_\u0440\u0430\u0431\u043e\u0447\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043a\u043e\u043c\u043c\u0443\u043d\u0438\u0441\u0442\u0438\u0447\u0435\u0441\u043a\u0430\u044f_\u043f\u0430\u0440\u0442\u0438\u044f", + "\u043f\u0430\u0440\u0442\u0438\u044f_\u0432\u0438\u0433\u043e\u0432" + ], + "SOC_ECO_CLASS": [ + "\u0430\u0433\u0440\u043e\u043a\u0443\u043b\u044c\u0442\u0443\u0440\u0430", + "\u0441\u043e\u0446\u0438\u0443\u043c", + "\u0434\u0435\u043c\u0438\u043c\u043e\u043d\u0434\u0435\u043d\u043a\u0438", + "\u043f\u043e\u043b\u0443\u0441\u0432\u0435\u0442", + "\u0444\u0435\u0440\u043c\u0435\u0440\u0441\u0442\u0432\u043e", + "\u043c\u0435\u043b\u043a\u0430\u044f_\u0431\u0443\u0440\u0436\u0443\u0430\u0437\u0438\u044f", + "\u0444\u0438\u043b\u0438\u0441\u0442\u0435\u0440\u0441\u0442\u0432\u043e", + "\u043f\u0440\u043e\u0441\u0442\u043e\u043b\u044e\u0434\u0438\u043d\u044b" + ], + "RACE": [ + "\u0444\u0438\u043b\u0438\u043f\u0438\u043d\u043e", + "\u0435\u0432\u0440\u043e\u043f\u0435\u0439\u0441\u043a\u0438\u0439", + "\u043b\u0430\u0442\u0438\u043d\u043e\u0441\u043a\u0430", + "\u0430\u0432\u0442\u043e\u0445\u0442\u043e\u043d", + "\u0432\u043e\u0441\u0442\u043e\u0447\u043d\u043e\u0430\u0437\u0438\u0430\u0442\u0441\u043a\u0438\u0439", + "\u043b\u0430\u0442\u0438\u043d\u043e\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u0435\u0446", + "\u0438\u0443\u0434\u0435\u0439\u0441\u043a\u0438\u0439", + "\u043b\u0430\u0442\u0438\u043d\u043e\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u043a\u0430", + "\u0430\u0444\u0440\u0438\u043a\u0430\u043d\u0441\u043a\u0438\u0439", + "\u043b\u0430\u0442\u0438\u043d\u043e\u0441" + ], + "GPE": [ + "\u0441\u0432\u044f\u0442\u043e\u0439_\u043d\u0438\u043a\u043e\u043b\u0430\u0439", + "\u0432\u0430\u0440\u0432\u0430\u0440\u0430_\u0438\u043b\u0438\u043e\u043f\u043e\u043b\u044c\u0441\u043a\u0430\u044f", + "\u0434\u0430\u0440_\u044d\u0441_\u0441\u0430\u043b\u0430\u043c", + "\u0433\u0435\u0440\u043c\u0430\u043d\u0441\u043a\u0430\u044f_\u0438\u043c\u043f\u0435\u0440\u0438\u044f", + "\u0441\u0432\u044f\u0442\u043e\u0439_\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u0441\u0432\u044f\u0442\u043e\u0439_\u0434\u0443\u0445", + "\u0441\u0432\u044f\u0442\u043e\u0439_\u0433\u0435\u043e\u0440\u0433\u0438\u0439", + "\u0431\u043e\u0433\u043e\u043c\u0430\u0442\u0435\u0440\u044c", + "\u043a\u0430\u043c\u043f\u043e\u043d\u0433\u0442\u044f\u043c", + "\u0447\u0438\u0430\u043d\u0433\u0440\u0430\u0439", + "\u0441\u0435\u043d\u0442_\u043b\u0443\u0438\u0441", + "\u0442\u0430\u0439\u0448\u0430\u043d\u044c", + "\u0441\u043e\u0431\u043e\u0440_\u0441\u0432\u044f\u0442\u043e\u0439_\u0441\u043e\u0444\u0438\u0438", + "\u043d\u0438\u043a\u043e\u043b\u0430\u0439_\u0447\u0443\u0434\u043e\u0442\u0432\u043e\u0440\u0435\u0446", + "\u0441\u0430\u043d_\u0442\u043e\u043c\u0435", + "\u043a\u0440\u0430\u0441\u043d\u044b\u0439_\u043a\u0440\u0435\u0441\u0442" + ], + "QUANTITY": [ + "\u043a\u0430\u043b\u043e\u0440\u0438\u044f", + "\u0442\u0440\u0438_\u0437\u0430\u043a\u043e\u043d\u0430_\u0440\u043e\u0431\u043e\u0442\u0435\u0445\u043d\u0438\u043a\u0438", + "\u0442\u0440\u0438_\u0441\u0435\u0441\u0442\u0440\u044b", + "\u0446\u0435\u043b\u044c\u0441\u0438\u0439_\u0430\u043d\u0434\u0435\u0440\u0441", + "\u0432\u0441\u0435\u043e\u0445\u0432\u0430\u0442\u044b\u0432\u0430\u044e\u0449\u0438\u0439", + "\u0430\u0432\u0442\u043e\u0441\u0442\u043e\u044f\u043d\u043a\u0430", + "g", + "\u0442\u0440\u0438_\u0430\u043c\u0438\u0433\u043e", + "\u0442\u0440\u0438_\u0447\u0435\u0442\u0432\u0435\u0440\u0442\u0438", + "\u0441\u0442\u0435\u0440\u043b\u0438\u043d\u0433", + "\u044d\u043f\u043e\u0445\u0430_\u0442\u0440\u043e\u0435\u0446\u0430\u0440\u0441\u0442\u0432\u0438\u044f", + "\u0442\u0440\u0451\u0445\u043c\u0435\u0440\u043d\u044b\u0439" + ], + "BIO_CHEM_ENTITY": [ + "\u043c\u043e\u043d\u043e\u0430\u043c\u0438\u043d\u043e\u043a\u0441\u0438\u0434\u0430\u0437\u0430", + "\u043f\u043e\u043b\u0438\u043b\u0430\u043a\u0442\u0438\u0434", + "c_\u0440\u0435\u0430\u043a\u0442\u0438\u0432\u043d\u044b\u0439_\u0431\u0435\u043b\u043e\u043a", + "\u043f\u043e\u043b\u0438\u0432\u0438\u043d\u0438\u043b\u0445\u043b\u043e\u0440\u0438\u0434", + "\u0430\u0434\u0435\u043d\u043e\u0437\u0438\u043d\u0434\u0438\u0444\u043e\u0441\u0444\u0430\u0442" + ], + "RELIGION": [ + "\u043a\u0430\u0442\u0430\u0440\u044b", + "\u0434\u0430\u043e\u0441\u0438\u0437\u043c" + ], + "PERSON": [ + "\u043d\u0438_\u043d\u0438", + "\u0441\u0435\u043d_\u0431\u0430\u0440\u0442\u0435\u043b\u0435\u043c\u0438", + "st_vincent", + "\u043f\u0440\u0438_\u043f\u043e\u043c\u043e\u0449\u0438", + "\u043a_\u0434\u0440\u0430\u043c\u0430", + "\u044f_\u0442\u043e\u0436\u0435", + "\u0438_\u0446\u0437\u0438\u043d", + "\u044f_\u0442\u0430\u043a\u0436\u0435", + "\u0431\u0440\u043e\u043d\u0435\u0442\u0440\u0430\u043d\u0441\u043f\u043e\u0440\u0442\u0451\u0440", + "\u0441\u0435\u043d\u0442_\u0432\u0438\u043d\u0441\u0435\u043d\u0442" + ], + "GENDER": [ + "\u043c\u0430\u0442\u0440\u043e\u043d\u0430", + "\u0431\u0438\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b\u0439" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u043a\u043e\u043c\u043c\u0443\u043d\u0438\u0441\u0442\u0438\u0447\u0435\u0441\u043a\u0438\u0439", + "\u0431\u043e\u043b\u044c\u0448\u0435\u0432\u0438\u043a" + ], + "UNION": [ + "\u043f\u0440\u043e\u0444\u0441\u043e\u044e\u0437", + "\u043c\u0435\u0436\u0434\u0443\u043d\u0430\u0440\u043e\u0434\u043d\u044b\u0439_\u0441\u043e\u044e\u0437_\u044d\u043b\u0435\u043a\u0442\u0440\u043e\u0441\u0432\u044f\u0437\u0438", + "\u0441\u0442\u0443\u0434\u0435\u043d\u0447\u0435\u0441\u043a\u043e\u0435_\u0441\u0430\u043c\u043e\u0443\u043f\u0440\u0430\u0432\u043b\u0435\u043d\u0438\u0435", + "\u0442\u0440\u0435\u0434_\u044e\u043d\u0438\u043e\u043d" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u0435\u0432\u0434\u043e\u043a\u0438\u044f", + "\u0437\u0438\u043d\u0430\u0438\u0434\u0430", + "\u0432\u0430\u0441\u0438\u043b\u0438\u0441\u0430", + "\u043f\u0440\u0430\u0441\u043a\u043e\u0432\u044c\u044f", + "\u0432\u0435\u0440\u043e\u043d\u0438\u043a\u0430", + "\u0442\u0430\u0442\u044c\u044f\u043d\u0430", + "\u0440\u0430\u0438\u0441\u0430", + "\u043a\u0438\u0440\u0430", + "\u043e\u043a\u0441\u0430\u043d\u0430", + "\u043b\u0430\u0440\u0438\u0441\u0430", + "\u044d\u043b\u0435\u043e\u043d\u043e\u0440\u0430", + "\u043b\u043e\u0440\u0430", + "\u0437\u043e\u044f", + "\u0435\u043a\u0430\u0442\u0435\u0440\u0438\u043d\u0430", + "\u043b\u0443\u043a\u0438\u044f", + "\u0444\u0430\u0438\u043d\u0430", + "\u043c\u0430\u0440\u0444\u0430", + "\u0433\u0430\u043b\u0438\u043d\u0430", + "\u0433\u043b\u0430\u0444\u0438\u0440\u0430", + "\u0430\u043d\u043d\u0430", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u0430", + "\u0442\u0430\u043c\u0430\u0440\u0430", + "\u0432\u0435\u0440\u0430", + "\u043d\u0430\u0442\u0430\u043b\u044c\u044f", + "\u0435\u0432\u0433\u0435\u043d\u0438\u044f", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d\u0430", + "\u043c\u0430\u0440\u0438\u043d\u0430", + "\u043f\u0435\u043b\u0430\u0433\u0435\u044f", + "\u043c\u0438\u043b\u0438\u0446\u0430", + "\u043d\u0430\u0434\u0435\u0436\u0434\u0430", + "\u0435\u043b\u0435\u043d\u0430", + "\u0444\u0451\u043a\u043b\u0430", + "\u0430\u043d\u0436\u0435\u043b\u0438\u043a\u0430", + "\u0444\u0435\u0432\u0440\u043e\u043d\u0438\u044f", + "\u0438\u0440\u0438\u043d\u0430", + "\u0430\u043d\u0433\u0435\u043b\u0438\u043d\u0430", + "\u0435\u0432\u043f\u0440\u0430\u043a\u0441\u0438\u044f", + "\u0438\u0440\u0430\u0438\u0434\u0430", + "\u0430\u043d\u0430\u0441\u0442\u0430\u0441\u0438\u044f", + "\u0432\u0438\u043a\u0442\u043e\u0440\u0438\u044f", + "\u043b\u0438\u0434\u0438\u044f", + "\u0434\u0430\u0440\u044c\u044f", + "\u043e\u043b\u0438\u043c\u043f\u0438\u0430\u0434\u0430", + "\u0430\u0433\u0430\u0444\u044c\u044f", + "\u0430\u043d\u0442\u043e\u043d\u0438\u043d\u0430", + "\u0430\u043d\u0436\u0435\u043b\u0430", + "\u043d\u0438\u043d\u0430", + "\u0430\u043b\u043b\u0430", + "\u0441\u0432\u0435\u0442\u043b\u0430\u043d\u0430", + "\u0438\u0432\u0430\u043d\u043d\u0430", + "\u043e\u043a\u0442\u044f\u0431\u0440\u0438\u043d\u0430", + "\u043b\u044e\u0434\u043c\u0438\u043b\u0430", + "\u0441\u0438\u043d\u043a\u043b\u0438\u0442\u0438\u043a\u0438\u044f", + "\u043d\u043e\u043d\u043d\u0430", + "\u0435\u0432\u0444\u0440\u043e\u0441\u0438\u043d\u0438\u044f", + "\u043f\u043e\u043b\u0438\u043d\u0430", + "\u0430\u043b\u0435\u0432\u0442\u0438\u043d\u0430", + "\u0442\u0430\u0438\u0441\u0438\u044f", + "\u043c\u0430\u0440\u0433\u0430\u0440\u0438\u0442\u0430", + "\u043a\u043b\u0430\u0432\u0434\u0438\u044f", + "\u044d\u043c\u0438\u043b\u0438\u044f", + "\u044e\u043b\u0438\u044f", + "\u0436\u0430\u043d\u043d\u0430", + "\u043c\u0430\u0439\u044f", + "\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u0441\u043e\u0444\u0438\u044f", + "\u043d\u0438\u043d\u0435\u043b\u044c", + "\u0440\u0435\u0433\u0438\u043d\u0430", + "\u043b\u044e\u0431\u043e\u0432\u044c", + "\u043e\u043b\u044c\u0433\u0430", + "\u0438\u044f", + "\u0430\u0433\u0430\u0442\u0430", + "\u0435\u043b\u0438\u0437\u0430\u0432\u0435\u0442\u0430", + "\u0443\u043b\u044c\u044f\u043d\u0430", + "\u0432\u0430\u043b\u0435\u0440\u0438\u044f", + "\u0430\u043b\u0438\u043d\u0430", + "\u043d\u0430\u0438\u043d\u0430", + "\u043a\u0441\u0435\u043d\u0438\u044f", + "\u043c\u0430\u0440\u0438\u044f", + "\u0430\u043a\u0443\u043b\u0438\u043d\u0430" + ], + "FIRST_NAME_MALE": [ + "\u0440\u0430\u0434\u043e\u0432\u0430\u043d", + "\u0442\u0438\u0442", + "\u0433\u0440\u0435\u043c\u0438\u0441\u043b\u0430\u0432", + "\u043e\u043b\u0438\u043c\u043f\u0438\u0439", + "\u0430\u043b\u0435\u043a\u0441\u0435\u0439", + "\u043a\u043b\u0430\u0432\u0434\u0438\u0439", + "\u0441\u0438\u043b\u044c\u0432\u0435\u0441\u0442\u0440", + "\u043c\u043e\u0434\u0435\u0441\u0442", + "\u0441\u0435\u043b\u0438\u0432\u0435\u0440\u0441\u0442", + "\u043b\u0430\u0437\u0430\u0440\u044c", + "\u043f\u0440\u043e\u0445\u043e\u0440", + "\u0432\u0430\u0440\u0444\u043e\u043b\u043e\u043c\u0435\u0439", + "\u043a\u0430\u0437\u0438\u043c\u0438\u0440", + "\u0432\u0430\u043b\u0435\u0440\u0438\u0439", + "\u0430\u043d\u0438\u043a\u0435\u0439", + "\u043b\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u043e\u0441\u0442\u0440\u043e\u043c\u0438\u0440", + "\u043c\u0430\u0440\u0442\u044c\u044f\u043d", + "\u0432\u043b\u0430\u0434\u043b\u0435\u043d", + "\u0430\u043d\u0438\u043a\u0438\u0442\u0430", + "\u0441\u0430\u043c\u0441\u043e\u043d", + "\u0431\u043e\u044f\u043d", + "\u0430\u0437\u0430\u0440\u0438\u0439", + "\u0442\u0432\u043e\u0440\u0438\u043c\u0438\u0440", + "\u0432\u043b\u0430\u0441", + "\u0430\u0440\u0442\u0435\u043c\u0438\u0439", + "\u0432\u0438\u0441\u0441\u0430\u0440\u0438\u043e\u043d", + "\u0434\u0435\u043d\u0438\u0441", + "\u0431\u043e\u0440\u0438\u0441", + "\u0438\u043b\u044c\u044f", + "\u0433\u043b\u0435\u0431", + "\u044e\u0432\u0435\u043d\u0430\u043b\u0438\u0439", + "\u0444\u043e\u043a\u0430", + "\u043c\u0430\u0440\u0442\u044b\u043d", + "\u0438\u043d\u043d\u043e\u043a\u0435\u043d\u0442\u0438\u0439", + "\u043d\u0430\u0443\u043c", + "\u043d\u0438\u0444\u043e\u043d\u0442", + "\u043f\u0430\u043d\u043a\u0440\u0430\u0442\u0438\u0439", + "\u0435\u0433\u043e\u0440", + "\u0444\u0435\u0434\u043e\u0440", + "\u043c\u0430\u0442\u0432\u0435\u0439", + "\u043e\u043b\u0435\u0433", + "\u0430\u0440\u0441\u0435\u043d\u0438\u0439", + "\u0438\u0441\u0438\u0434\u043e\u0440", + "\u043f\u0430\u0432\u0435\u043b", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0438\u0440", + "\u0438\u0440\u0430\u043a\u043b\u0438\u0439", + "\u043a\u0430\u043f\u0438\u0442\u043e\u043d", + "\u0441\u0442\u043e\u044f\u043d", + "\u043f\u0438\u043c\u0435\u043d", + "\u0438\u043e\u0441\u0438\u0444", + "\u0433\u0430\u043b\u0430\u043a\u0442\u0438\u043e\u043d", + "\u0438\u0433\u043e\u0440\u044c", + "\u0430\u043c\u0432\u0440\u043e\u0441\u0438\u0439", + "\u0434\u043e\u0431\u0440\u043e\u043c\u044b\u0441\u043b", + "\u043c\u0430\u043a\u0441\u0438\u043c\u0438\u043b\u044c\u044f\u043d", + "\u0441\u0430\u0432\u0432\u0430\u0442\u0438\u0439", + "\u043a\u043e\u043d\u0434\u0440\u0430\u0442", + "\u0435\u0444\u0440\u0435\u043c", + "\u0432\u044f\u0447\u0435\u0441\u043b\u0430\u0432", + "\u0430\u043d\u0430\u0442\u043e\u043b\u0438\u0439", + "\u044d\u043c\u0438\u043b\u044c", + "\u0432\u043b\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0431\u043e\u0440\u0438\u0441\u043b\u0430\u0432", + "\u0438\u0441\u0430\u0439", + "\u043c\u0438\u043b\u0438\u0439", + "\u0434\u0430\u043d\u0438\u043b\u0430", + "\u0435\u0444\u0438\u043c", + "\u0430\u0444\u0438\u043d\u043e\u0433\u0435\u043d", + "\u0438\u0433\u043d\u0430\u0442\u0438\u0439", + "\u0434\u0435\u043c\u044c\u044f\u043d", + "\u043e\u043d\u0443\u0444\u0440\u0438\u0439", + "\u0430\u0432\u0442\u043e\u043d\u043e\u043c", + "\u0430\u043d\u0438\u0441\u0438\u043c", + "\u0430\u043a\u0438\u043c", + "\u0435\u043c\u0435\u043b\u044c\u044f\u043d", + "\u043a\u0430\u0440\u043b", + "\u043c\u043e\u043a\u0435\u0439", + "\u0430\u0440\u043a\u0430\u0434\u0438\u0439", + "\u043a\u0443\u0437\u044c\u043c\u0430", + "\u0441\u0442\u0435\u043f\u0430\u043d", + "\u0444\u0438\u043b\u0438\u043f\u043f", + "\u043a\u0438\u043c", + "\u0435\u0432\u0441\u0442\u0438\u0433\u043d\u0435\u0439", + "\u0443\u043b\u044c\u044f\u043d", + "\u043a\u0438\u0440\u0438\u043b\u043b", + "\u0441\u0442\u0430\u043d\u0438\u043c\u0438\u0440", + "\u043a\u0430\u043b\u043b\u0438\u0441\u0442\u0440\u0430\u0442", + "\u0442\u0432\u0435\u0440\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0432\u0441\u0435\u0432\u043e\u043b\u043e\u0434", + "\u043b\u0435\u043e\u043d\u0442\u0438\u0439", + "\u0442\u0440\u043e\u0444\u0438\u043c", + "\u0430\u0434\u0430\u043c", + "\u0430\u0444\u0430\u043d\u0430\u0441\u0438\u0439", + "\u0432\u0435\u043d\u0435\u0434\u0438\u043a\u0442", + "\u0430\u0434\u0440\u0438\u0430\u043d", + "\u043f\u043e\u0442\u0430\u043f", + "\u043e\u0440\u0435\u0441\u0442", + "\u0432\u0430\u0441\u0438\u043b\u0438\u0439", + "\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u0438\u0439", + "\u043f\u043e\u043b\u0438\u043a\u0430\u0440\u043f", + "\u044d\u0440\u043d\u0435\u0441\u0442", + "\u043f\u0430\u0445\u043e\u043c", + "\u043d\u0438\u043a\u0430\u043d\u0434\u0440", + "\u043b\u0435\u0432", + "\u0430\u043d\u0434\u0440\u043e\u043d\u0438\u043a", + "\u0444\u0440\u043e\u043b", + "\u0435\u0440\u043c\u0438\u043b", + "\u0435\u0432\u043b\u0430\u043c\u043f\u0438\u0439", + "\u044f\u0440\u043e\u043f\u043e\u043b\u043a", + "\u0435\u0432\u0433\u0440\u0430\u0444", + "\u043a\u0438\u0440", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440", + "\u0432\u0435\u043b\u0438\u043c\u0438\u0440", + "\u0438\u0432\u0430\u043d", + "\u043f\u0430\u0440\u0430\u043c\u043e\u043d", + "\u043d\u0438\u043a\u0430\u043d\u043e\u0440", + "\u0444\u0435\u043b\u0438\u043a\u0441", + "\u0430\u0433\u0430\u043f", + "\u043f\u0435\u0442\u0440", + "\u0430\u0440\u0445\u0438\u043f", + "\u0440\u0443\u0441\u043b\u0430\u043d", + "\u0438\u0437\u043c\u0430\u0438\u043b", + "\u0444\u043e\u0442\u0438\u0439", + "\u0433\u0443\u0440\u0438\u0439", + "\u043f\u0440\u043e\u043a\u043e\u0444\u0438\u0439", + "\u0442\u0438\u0445\u043e\u043d", + "\u0434\u0435\u043c\u0435\u043d\u0442\u0438\u0439", + "\u043d\u0438\u043a\u043e\u0434\u0438\u043c", + "\u0444\u043b\u043e\u0440\u0435\u043d\u0442\u0438\u043d", + "\u0437\u0430\u0445\u0430\u0440", + "\u043c\u043e\u0438\u0441\u0435\u0439", + "\u0438\u043f\u0430\u0442", + "\u0431\u043e\u0433\u0434\u0430\u043d", + "\u0441\u0438\u0433\u0438\u0437\u043c\u0443\u043d\u0434", + "\u0435\u0432\u0433\u0435\u043d\u0438\u0439", + "\u0444\u0435\u0440\u0430\u043f\u043e\u043d\u0442", + "\u0431\u043e\u043b\u0435\u0441\u043b\u0430\u0432", + "\u044d\u0440\u0430\u0441\u0442", + "\u043d\u0438\u043a\u043e\u043b\u0430\u0439", + "\u043c\u0435\u0447\u0438\u0441\u043b\u0430\u0432", + "\u043f\u043e\u0440\u0444\u0438\u0440\u0438\u0439", + "\u043a\u0430\u0440\u043f", + "\u0432\u0438\u0442\u0430\u043b\u0438\u0439", + "\u0444\u043e\u043c\u0430", + "\u044e\u043b\u0438\u0430\u043d", + "\u0434\u043e\u0440\u043e\u0444\u0435\u0439", + "\u0435\u043b\u0438\u0441\u0435\u0439", + "\u043b\u0430\u0434\u0438\u043c\u0438\u0440", + "\u044f\u043a\u043e\u0432", + "\u0440\u0430\u0442\u0438\u0431\u043e\u0440", + "\u043a\u043e\u043d\u0434\u0440\u0430\u0442\u0438\u0439", + "\u0445\u0430\u0440\u043b\u0430\u043c\u043f\u0438\u0439", + "\u0430\u043d\u0442\u043e\u043d\u0438\u043d", + "\u043c\u0438\u0442\u043e\u0444\u0430\u043d", + "\u0444\u0435\u043e\u043a\u0442\u0438\u0441\u0442", + "\u0441\u0438\u043c\u043e\u043d", + "\u0433\u043e\u0440\u0434\u0435\u0439", + "\u0430\u0432\u0435\u0440\u043a\u0438\u0439", + "\u0442\u0438\u043c\u043e\u0444\u0435\u0439", + "\u043f\u0440\u043e\u0432", + "\u043f\u0430\u043d\u043a\u0440\u0430\u0442", + "\u0435\u0432\u0441\u0435\u0439", + "\u0434\u043e\u0431\u0440\u043e\u0441\u043b\u0430\u0432", + "\u043c\u0435\u0444\u043e\u0434\u0438\u0439", + "\u0437\u043e\u0441\u0438\u043c\u0430", + "\u044f\u043a\u0443\u0431", + "\u043a\u0443\u043f\u0440\u0438\u044f\u043d", + "\u0432\u0435\u043d\u0438\u0430\u043c\u0438\u043d", + "\u0444\u0438\u043b\u0430\u0440\u0435\u0442", + "\u0430\u0433\u0433\u0435\u0439", + "\u0440\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0430\u043f\u043e\u043b\u043b\u0438\u043d\u0430\u0440\u0438\u0439", + "\u043b\u0443\u043a\u044c\u044f\u043d", + "\u0432\u0430\u043b\u0435\u0440\u044c\u044f\u043d", + "\u044d\u0434\u0443\u0430\u0440\u0434", + "\u0432\u0438\u043a\u0442\u043e\u0440\u0438\u043d", + "\u0442\u0438\u043c\u0443\u0440", + "\u0432\u044b\u0448\u0435\u0441\u043b\u0430\u0432", + "\u0431\u0430\u0436\u0435\u043d", + "\u0440\u0430\u0434\u0438\u043c", + "\u043b\u0435\u043e\u043d\u0438\u0434", + "\u0440\u044e\u0440\u0438\u043a", + "\u0432\u0438\u043a\u0442\u043e\u0440", + "\u0430\u0440\u0435\u0444\u0438\u0439", + "\u0441\u0435\u0440\u0430\u0444\u0438\u043c", + "\u0432\u0441\u0435\u043c\u0438\u043b", + "\u0441\u0438\u0434\u043e\u0440", + "\u043f\u0430\u043d\u0444\u0438\u043b", + "\u0430\u0432\u043a\u0441\u0435\u043d\u0442\u0438\u0439", + "\u0440\u043e\u043c\u0430\u043d", + "\u0430\u043d\u0434\u0440\u043e\u043d", + "\u0432\u0430\u0446\u043b\u0430\u0432", + "\u0434\u043c\u0438\u0442\u0440\u0438\u0439", + "\u0441\u043e\u043b\u043e\u043c\u043e\u043d", + "\u043c\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u0440\u043e\u0434\u0438\u043e\u043d", + "\u0441\u0435\u0440\u0433\u0435\u0439", + "\u043c\u0438\u043b\u043e\u0432\u0430\u043d", + "\u043c\u0430\u043a\u0430\u0440", + "\u043a\u0430\u0441\u044c\u044f\u043d", + "\u0438\u0437\u044f\u0441\u043b\u0430\u0432", + "\u0433\u0435\u0440\u0430\u0441\u0438\u043c", + "\u043f\u0440\u043e\u043a\u043b", + "\u0434\u0435\u043c\u0438\u0434", + "\u0430\u043c\u043e\u0441", + "\u0438\u043f\u0430\u0442\u0438\u0439", + "\u0444\u0438\u043b\u0438\u043c\u043e\u043d", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u0435\u043f\u0438\u0444\u0430\u043d", + "\u0433\u0435\u0440\u043c\u0430\u043d", + "\u043d\u0438\u043a\u0438\u0444\u043e\u0440", + "\u0441\u0435\u0432\u0430\u0441\u0442\u044c\u044f\u043d", + "\u0432\u0430\u0440\u043b\u0430\u0430\u043c", + "\u043c\u0438\u0445\u0430\u0438\u043b", + "\u0430\u043f\u043e\u043b\u043b\u043e\u043d", + "\u0435\u0432\u0441\u0442\u0430\u0444\u0438\u0439", + "\u0433\u0440\u0438\u0433\u043e\u0440\u0438\u0439", + "\u0444\u0435\u0434\u043e\u0442", + "\u0432\u0430\u0434\u0438\u043c", + "\u0433\u0435\u043e\u0440\u0433\u0438\u0439", + "\u0430\u0441\u043a\u043e\u043b\u044c\u0434", + "\u0441\u0430\u043c\u0443\u0438\u043b", + "\u043b\u0435\u043e\u043d", + "\u043d\u0430\u0442\u0430\u043d", + "\u0433\u0435\u043d\u043d\u0430\u0434\u0438\u0439", + "\u0435\u043b\u0438\u0437\u0430\u0440", + "\u0430\u0440\u0442\u0435\u043c", + "\u0444\u0435\u043e\u0444\u0430\u043d", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d", + "\u0441\u0430\u0432\u0432\u0430", + "\u0441\u0442\u0430\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0438\u043b\u0430\u0440\u0438\u043e\u043d", + "\u0430\u0440\u0438\u0441\u0442\u0430\u0440\u0445", + "\u0442\u0440\u0438\u0444\u043e\u043d", + "\u0442\u0435\u0440\u0435\u043d\u0442\u0438\u0439", + "\u043b\u044e\u0431\u0438\u043c", + "\u043b\u0443\u043a\u0430", + "\u044f\u043d\u0443\u0430\u0440\u0438\u0439", + "\u0441\u0432\u044f\u0442\u043e\u043f\u043e\u043b\u043a", + "\u0435\u0440\u043e\u0444\u0435\u0439", + "\u0443\u0441\u0442\u0438\u043d", + "\u0435\u0440\u043c\u043e\u043b\u0430\u0439", + "\u043b\u044e\u0431\u043e\u043c\u0438\u0440", + "\u043b\u043e\u043d\u0433\u0438\u043d", + "\u0441\u043e\u0444\u043e\u043d", + "\u0435\u0432\u0434\u043e\u043a\u0438\u043c", + "\u043c\u0430\u0440\u043a", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u043c\u0430\u0440\u0438\u0430\u043d", + "\u0435\u0440\u0435\u043c\u0435\u0439", + "\u0431\u0440\u043e\u043d\u0438\u0441\u043b\u0430\u0432", + "\u044e\u0440\u0438\u0439", + "\u0441\u0435\u043c\u0435\u043d", + "\u043b\u0443\u0447\u0435\u0437\u0430\u0440", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d", + "\u0441\u0430\u0432\u0435\u043b\u0438\u0439", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d", + "\u043b\u0430\u0432\u0440", + "\u0430\u043d\u0442\u0438\u043f", + "\u0430\u0433\u0430\u0444\u043e\u043d", + "\u0441\u043e\u0444\u0440\u043e\u043d", + "\u0433\u0430\u0432\u0440\u0438\u043b\u0430", + "\u043d\u0438\u043a\u043e\u043d", + "\u0440\u0430\u0442\u043c\u0438\u0440", + "\u043c\u0438\u043d\u0430", + "\u043f\u0430\u043d\u0442\u0435\u043b\u0435\u0439\u043c\u043e\u043d", + "\u043d\u0430\u0440\u043a\u0438\u0441", + "\u044e\u043b\u0438\u0439", + "\u043d\u0430\u0437\u0430\u0440", + "\u0430\u043d\u0434\u0440\u0435\u0439", + "\u0433\u043e\u0441\u0442\u043e\u043c\u044b\u0441\u043b", + "\u0441\u0432\u044f\u0442\u043e\u0441\u043b\u0430\u0432", + "\u043a\u043e\u043d\u043e\u043d", + "\u0438\u0437\u043e\u0442", + "\u0432\u0438\u043a\u0435\u043d\u0442\u0438\u0439", + "\u0430\u0432\u0433\u0443\u0441\u0442", + "\u043c\u0438\u0440", + "\u043c\u0430\u043a\u0441\u0438\u043c", + "\u043c\u0438\u043b\u0435\u043d", + "\u0441\u043e\u043a\u0440\u0430\u0442", + "\u043c\u0438\u0440\u043e\u0441\u043b\u0430\u0432", + "\u0444\u0435\u0434\u043e\u0441\u0438\u0439", + "\u043e\u0441\u0438\u043f", + "\u043a\u043e\u0440\u043d\u0438\u043b", + "\u044d\u0440\u043d\u0441\u0442", + "\u044f\u0440\u043e\u0441\u043b\u0430\u0432", + "\u0437\u0438\u043d\u043e\u0432\u0438\u0439", + "\u0430\u0432\u0434\u0435\u0439", + "\u0444\u043e\u0440\u0442\u0443\u043d\u0430\u0442", + "\u0430\u0432\u0435\u0440\u044c\u044f\u043d", + "\u0431\u0443\u0434\u0438\u043c\u0438\u0440", + "\u043c\u0438\u0445\u0435\u0439", + "\u043c\u0438\u043b\u0430\u043d", + "\u0433\u0435\u0434\u0435\u043e\u043d", + "\u043d\u0438\u043a\u0438\u0442\u0430", + "\u043a\u043b\u0438\u043c\u0435\u043d\u0442", + "\u043f\u043b\u0430\u0442\u043e\u043d", + "\u043f\u0430\u0440\u0444\u0435\u043d", + "\u0441\u0438\u043b\u0430\u043d\u0442\u0438\u0439", + "\u043b\u044e\u0431\u043e\u0441\u043c\u044b\u0441\u043b", + "\u0441\u043f\u0438\u0440\u0438\u0434\u043e\u043d", + "\u0444\u0438\u0440\u0441", + "\u0434\u0430\u0432\u044b\u0434", + "\u043d\u0435\u0441\u0442\u043e\u0440", + "\u043e\u0441\u0442\u0430\u043f", + "\u0432\u0441\u0435\u0441\u043b\u0430\u0432", + "\u044d\u043c\u043c\u0430\u043d\u0443\u0438\u043b", + "\u0447\u0435\u0441\u043b\u0430\u0432", + "\u044f\u043d", + "\u043c\u0438\u0440\u043e\u043d", + "\u0430\u043d\u0430\u043d\u0438\u0439", + "\u0440\u0443\u0431\u0435\u043d", + "\u0441\u0432\u0435\u0442\u043e\u0437\u0430\u0440", + "\u0442\u0430\u0440\u0430\u0441", + "\u0441\u0435\u043b\u0438\u0432\u0430\u043d", + "\u0444\u0430\u0434\u0435\u0439", + "\u0441\u0438\u043b\u0430", + "\u0432\u043b\u0430\u0434\u0438\u043b\u0435\u043d", + "\u0441\u043f\u0430\u0440\u0442\u0430\u043a", + "\u0438\u043f\u043f\u043e\u043b\u0438\u0442" + ], + "LAST_NAMES_FEMALE": [ + "\u041a\u0443\u043b\u0430\u043a\u043e\u0432\u0430", + "\u0421\u0443\u0432\u043e\u0440\u043e\u0432\u0430", + "\u0415\u0432\u0434\u043e\u043a\u0438\u043c\u043e\u0432\u0430", + "\u0410\u0433\u0430\u0444\u043e\u043d\u043e\u0432\u0430", + "\u0421\u0442\u0435\u043f\u0430\u043d\u043e\u0432\u0430", + "\u041c\u043e\u0440\u043e\u0437\u043e\u0432\u0430", + "\u0421\u043e\u043b\u043e\u0432\u044c\u0435\u0432\u0430", + "\u0416\u0434\u0430\u043d\u043e\u0432\u0430", + "\u041c\u043e\u0438\u0441\u0435\u0435\u0432\u0430", + "\u0414\u0430\u0432\u044b\u0434\u043e\u0432\u0430", + "\u0417\u0430\u0439\u0446\u0435\u0432\u0430", + "\u041a\u0443\u0437\u043d\u0435\u0446\u043e\u0432\u0430", + "\u0420\u043e\u0434\u0438\u043e\u043d\u043e\u0432\u0430", + "\u041a\u043e\u0432\u0430\u043b\u0435\u0432\u0430", + "\u0421\u043e\u0431\u043e\u043b\u0435\u0432\u0430", + "\u0422\u0430\u0440\u0430\u0441\u043e\u0432\u0430", + "\u0421\u0430\u0432\u0435\u043b\u044c\u0435\u0432\u0430", + "\u0410\u0431\u0440\u0430\u043c\u043e\u0432\u0430", + "\u0421\u044b\u0441\u043e\u0435\u0432\u0430", + "\u0418\u0433\u043d\u0430\u0442\u044c\u0435\u0432\u0430", + "\u0412\u043b\u0430\u0441\u043e\u0432\u0430", + "\u0421\u0438\u0434\u043e\u0440\u043e\u0432\u0430", + "\u041e\u0440\u0435\u0445\u043e\u0432\u0430", + "\u0411\u0430\u0440\u0430\u043d\u043e\u0432\u0430", + "\u0413\u0443\u0441\u0435\u0432\u0430", + "\u0427\u0435\u0440\u043d\u043e\u0432\u0430", + "\u0411\u0440\u0430\u0433\u0438\u043d\u0430", + "\u0424\u0430\u0434\u0435\u0435\u0432\u0430", + "\u041a\u043e\u0440\u043d\u0438\u043b\u043e\u0432\u0430", + "\u041d\u0438\u043a\u0438\u0444\u043e\u0440\u043e\u0432\u0430", + "\u041a\u0438\u0441\u0435\u043b\u0435\u0432\u0430", + "\u0424\u0438\u043b\u0438\u043f\u043f\u043e\u0432\u0430", + "\u041d\u043e\u0441\u043a\u043e\u0432\u0430", + "\u041a\u0440\u044e\u043a\u043e\u0432\u0430", + "\u0421\u0435\u043c\u0435\u043d\u043e\u0432\u0430", + "\u041a\u0443\u043b\u0430\u0433\u0438\u043d\u0430", + "\u0411\u0438\u0440\u044e\u043a\u043e\u0432\u0430", + "\u0412\u0435\u0441\u0435\u043b\u043e\u0432\u0430", + "\u0411\u0435\u043b\u044f\u043a\u043e\u0432\u0430", + "\u041a\u0440\u0430\u0441\u0438\u043b\u044c\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0414\u0430\u043d\u0438\u043b\u043e\u0432\u0430", + "\u0410\u043b\u0435\u043a\u0441\u0435\u0435\u0432\u0430", + "\u0413\u0443\u043b\u044f\u0435\u0432\u0430", + "\u0421\u043c\u0438\u0440\u043d\u043e\u0432\u0430", + "\u0413\u0443\u0440\u044c\u0435\u0432\u0430", + "\u041c\u0443\u0440\u0430\u0432\u044c\u0435\u0432\u0430", + "\u041f\u0435\u0442\u0440\u043e\u0432\u0430", + "\u0415\u0433\u043e\u0440\u043e\u0432\u0430", + "\u0414\u043e\u0440\u043e\u0444\u0435\u0435\u0432\u0430", + "\u041a\u0438\u0440\u0438\u043b\u043b\u043e\u0432\u0430", + "\u0411\u043b\u043e\u0445\u0438\u043d\u0430", + "\u0422\u0443\u0440\u043e\u0432\u0430", + "\u041c\u0430\u0440\u0442\u044b\u043d\u043e\u0432\u0430", + "\u041a\u0443\u0437\u044c\u043c\u0438\u043d\u0430", + "\u041a\u043d\u044f\u0437\u0435\u0432\u0430", + "\u041a\u043e\u043b\u043e\u0431\u043e\u0432\u0430", + "\u0413\u043e\u0440\u0434\u0435\u0435\u0432\u0430", + "\u041a\u043e\u043b\u0435\u0441\u043d\u0438\u043a\u043e\u0432\u0430", + "\u041c\u043e\u043b\u0447\u0430\u043d\u043e\u0432\u0430", + "\u0411\u0443\u0440\u043e\u0432\u0430", + "\u0415\u0440\u0448\u043e\u0432\u0430", + "\u0411\u0435\u0441\u043f\u0430\u043b\u043e\u0432\u0430", + "\u041a\u043e\u043f\u044b\u043b\u043e\u0432\u0430", + "\u0410\u043a\u0441\u0435\u043d\u043e\u0432\u0430", + "\u041a\u0443\u0434\u0440\u044f\u0448\u043e\u0432\u0430", + "\u041a\u0430\u0431\u0430\u043d\u043e\u0432\u0430", + "\u0413\u043e\u0440\u0448\u043a\u043e\u0432\u0430", + "\u0410\u0432\u0434\u0435\u0435\u0432\u0430", + "\u0421\u0430\u043c\u043e\u0439\u043b\u043e\u0432\u0430", + "\u0422\u0435\u0440\u0435\u043d\u0442\u044c\u0435\u0432\u0430", + "\u0421\u0430\u0432\u0438\u043d\u0430", + "\u0413\u0440\u043e\u043c\u043e\u0432\u0430", + "\u0413\u0430\u0432\u0440\u0438\u043b\u043e\u0432\u0430", + "\u0417\u0438\u043c\u0438\u043d\u0430", + "\u042e\u0434\u0438\u043d\u0430", + "\u0413\u0440\u0438\u0433\u043e\u0440\u044c\u0435\u0432\u0430", + "\u0414\u0435\u043c\u0435\u043d\u0442\u044c\u0435\u0432\u0430", + "\u0413\u043e\u0440\u0431\u0443\u043d\u043e\u0432\u0430", + "\u041f\u0435\u0441\u0442\u043e\u0432\u0430", + "\u0416\u0443\u0440\u0430\u0432\u043b\u0435\u0432\u0430", + "\u0418\u0433\u043d\u0430\u0442\u043e\u0432\u0430", + "\u0420\u044b\u0431\u0430\u043a\u043e\u0432\u0430", + "\u0413\u0435\u0440\u0430\u0441\u0438\u043c\u043e\u0432\u0430", + "\u0414\u043c\u0438\u0442\u0440\u0438\u0435\u0432\u0430", + "\u0426\u0432\u0435\u0442\u043a\u043e\u0432\u0430", + "\u041a\u0430\u0440\u043f\u043e\u0432\u0430", + "\u041d\u0438\u043a\u043e\u043b\u0430\u0435\u0432\u0430", + "\u0422\u0438\u0442\u043e\u0432\u0430", + "\u041c\u0430\u043a\u0441\u0438\u043c\u043e\u0432\u0430", + "\u0411\u0435\u043b\u044f\u0435\u0432\u0430", + "\u041a\u043e\u0437\u043b\u043e\u0432\u0430", + "\u041c\u0430\u0440\u043a\u043e\u0432\u0430", + "\u0410\u043d\u0434\u0440\u0435\u0435\u0432\u0430", + "\u0428\u0438\u0440\u044f\u0435\u0432\u0430", + "\u0415\u0444\u0438\u043c\u043e\u0432\u0430", + "\u0424\u0438\u043b\u0430\u0442\u043e\u0432\u0430", + "\u0411\u043e\u0433\u0434\u0430\u043d\u043e\u0432\u0430", + "\u042f\u043a\u0443\u0448\u0435\u0432\u0430", + "\u0415\u0440\u043c\u0430\u043a\u043e\u0432\u0430", + "\u041d\u0438\u043a\u043e\u043d\u043e\u0432\u0430", + "\u0421\u0430\u0437\u043e\u043d\u043e\u0432\u0430", + "\u0413\u043e\u043b\u0443\u0431\u0435\u0432\u0430", + "\u041e\u0432\u0447\u0438\u043d\u043d\u0438\u043a\u043e\u0432\u0430", + "\u041c\u0435\u0434\u0432\u0435\u0434\u0435\u0432\u0430", + "\u0414\u043e\u0440\u043e\u043d\u0438\u043d\u0430", + "\u0428\u0430\u0440\u0430\u043f\u043e\u0432\u0430", + "\u041f\u043e\u043b\u044f\u043a\u043e\u0432\u0430", + "\u041c\u0438\u0440\u043e\u043d\u043e\u0432\u0430", + "\u041a\u043e\u043d\u0434\u0440\u0430\u0442\u044c\u0435\u0432\u0430", + "\u041a\u043e\u0442\u043e\u0432\u0430", + "\u041b\u0435\u0431\u0435\u0434\u0435\u0432\u0430", + "\u041c\u0430\u043c\u043e\u043d\u0442\u043e\u0432\u0430", + "\u0421\u0438\u043b\u0438\u043d\u0430", + "\u0428\u0438\u043b\u043e\u0432\u0430", + "\u0412\u043e\u043b\u043a\u043e\u0432\u0430", + "\u0410\u0444\u0430\u043d\u0430\u0441\u044c\u0435\u0432\u0430", + "\u0414\u044c\u044f\u0447\u043a\u043e\u0432\u0430", + "\u0418\u0441\u0430\u043a\u043e\u0432\u0430", + "\u0422\u0438\u043c\u043e\u0444\u0435\u0435\u0432\u0430", + "\u0424\u043e\u043a\u0438\u043d\u0430", + "\u0411\u044b\u043a\u043e\u0432\u0430", + "\u041a\u0443\u0434\u0440\u044f\u0432\u0446\u0435\u0432\u0430", + "\u041c\u0438\u0445\u0430\u0439\u043b\u043e\u0432\u0430", + "\u0415\u0444\u0440\u0435\u043c\u043e\u0432\u0430", + "\u0421\u0443\u0431\u0431\u043e\u0442\u0438\u043d\u0430", + "\u0411\u043b\u0438\u043d\u043e\u0432\u0430", + "\u0421\u0442\u0440\u0435\u043b\u043a\u043e\u0432\u0430", + "\u0422\u0440\u043e\u0444\u0438\u043c\u043e\u0432\u0430", + "\u041c\u0438\u0448\u0438\u043d\u0430", + "\u041d\u043e\u0432\u0438\u043a\u043e\u0432\u0430", + "\u041c\u0435\u0440\u043a\u0443\u0448\u0435\u0432\u0430", + "\u0418\u0441\u0430\u0435\u0432\u0430", + "\u041a\u043e\u043c\u0430\u0440\u043e\u0432\u0430", + "\u0421\u043e\u043a\u043e\u043b\u043e\u0432\u0430", + "\u0412\u043e\u0440\u043e\u043d\u0446\u043e\u0432\u0430", + "\u041a\u0430\u043b\u0430\u0448\u043d\u0438\u043a\u043e\u0432\u0430", + "\u041f\u0430\u043d\u043e\u0432\u0430", + "\u041b\u043e\u0433\u0438\u043d\u043e\u0432\u0430", + "\u041c\u044f\u0441\u043d\u0438\u043a\u043e\u0432\u0430", + "\u041a\u0430\u043f\u0443\u0441\u0442\u0438\u043d\u0430", + "\u041f\u0430\u043d\u0444\u0438\u043b\u043e\u0432\u0430", + "\u041c\u0438\u0445\u0435\u0435\u0432\u0430", + "\u041f\u043e\u043d\u043e\u043c\u0430\u0440\u0435\u0432\u0430", + "\u0422\u0440\u0435\u0442\u044c\u044f\u043a\u043e\u0432\u0430", + "\u041f\u0430\u0445\u043e\u043c\u043e\u0432\u0430", + "\u0412\u043b\u0430\u0434\u0438\u043c\u0438\u0440\u043e\u0432\u0430", + "\u0411\u043e\u0431\u044b\u043b\u0435\u0432\u0430", + "\u041b\u0430\u0437\u0430\u0440\u0435\u0432\u0430", + "\u041d\u0435\u0441\u0442\u0435\u0440\u043e\u0432\u0430", + "\u041a\u0443\u043b\u0438\u043a\u043e\u0432\u0430", + "\u041d\u0435\u043a\u0440\u0430\u0441\u043e\u0432\u0430", + "\u041f\u0440\u043e\u0445\u043e\u0440\u043e\u0432\u0430", + "\u0425\u043e\u0445\u043b\u043e\u0432\u0430", + "\u041a\u0430\u0437\u0430\u043a\u043e\u0432\u0430", + "\u041c\u0435\u043b\u044c\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0410\u0440\u0445\u0438\u043f\u043e\u0432\u0430", + "\u041c\u0430\u0441\u043b\u043e\u0432\u0430", + "\u041d\u0430\u0443\u043c\u043e\u0432\u0430", + "\u0425\u0430\u0440\u0438\u0442\u043e\u043d\u043e\u0432\u0430", + "\u0417\u0443\u0435\u0432\u0430", + "\u0421\u0443\u0445\u0430\u043d\u043e\u0432\u0430", + "\u041a\u043e\u043d\u043e\u043d\u043e\u0432\u0430", + "\u0424\u0440\u043e\u043b\u043e\u0432\u0430", + "\u0422\u0435\u0442\u0435\u0440\u0438\u043d\u0430", + "\u0422\u0438\u0445\u043e\u043d\u043e\u0432\u0430", + "\u041c\u0430\u0442\u0432\u0435\u0435\u0432\u0430", + "\u0412\u043e\u0440\u043e\u0431\u044c\u0435\u0432\u0430", + "\u041a\u0440\u044b\u043b\u043e\u0432\u0430", + "\u0423\u0432\u0430\u0440\u043e\u0432\u0430", + "\u0411\u043e\u0440\u0438\u0441\u043e\u0432\u0430", + "\u0428\u0435\u0441\u0442\u0430\u043a\u043e\u0432\u0430", + "\u0424\u0435\u0434\u043e\u0441\u0435\u0435\u0432\u0430", + "\u0411\u0435\u043b\u043e\u0443\u0441\u043e\u0432\u0430", + "\u0421\u0435\u043b\u0438\u0432\u0435\u0440\u0441\u0442\u043e\u0432\u0430", + "\u0424\u043e\u043c\u0438\u0447\u0435\u0432\u0430", + "\u0411\u0435\u043b\u043e\u0432\u0430", + "\u0420\u0443\u0441\u0430\u043a\u043e\u0432\u0430", + "\u0413\u0430\u043b\u043a\u0438\u043d\u0430", + "\u0412\u0438\u043d\u043e\u0433\u0440\u0430\u0434\u043e\u0432\u0430", + "\u041b\u0438\u0445\u0430\u0447\u0435\u0432\u0430", + "\u041a\u0430\u043b\u0438\u043d\u0438\u043d\u0430", + "\u0417\u0430\u0445\u0430\u0440\u043e\u0432\u0430", + "\u041b\u0430\u0440\u0438\u043e\u043d\u043e\u0432\u0430", + "\u041c\u0430\u043a\u0430\u0440\u043e\u0432\u0430", + "\u041d\u0438\u043a\u0438\u0442\u0438\u043d\u0430", + "\u0423\u0441\u0442\u0438\u043d\u043e\u0432\u0430", + "\u0421\u0430\u043c\u0441\u043e\u043d\u043e\u0432\u0430", + "\u041b\u043e\u0431\u0430\u043d\u043e\u0432\u0430", + "\u041e\u0441\u0438\u043f\u043e\u0432\u0430", + "\u0416\u0443\u043a\u043e\u0432\u0430", + "\u0429\u0435\u0440\u0431\u0430\u043a\u043e\u0432\u0430", + "\u0414\u0440\u043e\u0437\u0434\u043e\u0432\u0430", + "\u041e\u0440\u043b\u043e\u0432\u0430", + "\u041d\u0430\u0437\u0430\u0440\u043e\u0432\u0430", + "\u0421\u0430\u0444\u043e\u043d\u043e\u0432\u0430", + "\u041f\u043e\u0442\u0430\u043f\u043e\u0432\u0430", + "\u0424\u0435\u0434\u043e\u0440\u043e\u0432\u0430", + "\u041a\u043e\u0440\u043e\u043b\u0435\u0432\u0430", + "\u041e\u0434\u0438\u043d\u0446\u043e\u0432\u0430", + "\u0412\u0438\u0448\u043d\u044f\u043a\u043e\u0432\u0430", + "\u041a\u043e\u0448\u0435\u043b\u0435\u0432\u0430", + "\u0418\u043b\u044c\u0438\u043d\u0430", + "\u0420\u043e\u0436\u043a\u043e\u0432\u0430", + "\u041b\u044b\u0442\u043a\u0438\u043d\u0430", + "\u0429\u0443\u043a\u0438\u043d\u0430", + "\u0421\u0435\u0440\u0433\u0435\u0435\u0432\u0430", + "\u0414\u0435\u043d\u0438\u0441\u043e\u0432\u0430", + "\u0412\u0430\u0441\u0438\u043b\u044c\u0435\u0432\u0430", + "\u041a\u043e\u043d\u043e\u0432\u0430\u043b\u043e\u0432\u0430", + "\u0421\u0438\u043c\u043e\u043d\u043e\u0432\u0430", + "\u0428\u0430\u0440\u043e\u0432\u0430", + "\u0428\u0430\u0448\u043a\u043e\u0432\u0430", + "\u041a\u043e\u043c\u0438\u0441\u0441\u0430\u0440\u043e\u0432\u0430", + "\u0415\u043b\u0438\u0441\u0435\u0435\u0432\u0430", + "\u0411\u0435\u043b\u043e\u0437\u0435\u0440\u043e\u0432\u0430", + "\u0428\u0443\u0431\u0438\u043d\u0430", + "\u041a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d\u043e\u0432\u0430", + "\u0420\u043e\u043c\u0430\u043d\u043e\u0432\u0430", + "\u0412\u043e\u0440\u043e\u043d\u043e\u0432\u0430", + "\u041f\u0430\u0432\u043b\u043e\u0432\u0430", + "\u0413\u043e\u0440\u0431\u0430\u0447\u0435\u0432\u0430", + "\u0415\u0432\u0441\u0435\u0435\u0432\u0430", + "\u0424\u043e\u043c\u0438\u043d\u0430", + "\u041d\u043e\u0441\u043e\u0432\u0430", + "\u042f\u043a\u043e\u0432\u043b\u0435\u0432\u0430", + "\u0415\u043c\u0435\u043b\u044c\u044f\u043d\u043e\u0432\u0430", + "\u041f\u043e\u043f\u043e\u0432\u0430", + "\u0410\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u043e\u0432\u0430", + "\u0417\u044b\u043a\u043e\u0432\u0430", + "\u0411\u043e\u043b\u044c\u0448\u0430\u043a\u043e\u0432\u0430", + "\u041b\u0430\u0432\u0440\u0435\u043d\u0442\u044c\u0435\u0432\u0430", + "\u0413\u0440\u0438\u0448\u0438\u043d\u0430", + "\u041b\u0443\u043a\u0438\u043d\u0430", + "\u0410\u0440\u0442\u0435\u043c\u044c\u0435\u0432\u0430", + "\u0410\u043d\u0442\u043e\u043d\u043e\u0432\u0430", + "\u041a\u043e\u0441\u0442\u0438\u043d\u0430", + "\u041b\u0430\u043f\u0438\u043d\u0430", + "\u0421\u0438\u0442\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0413\u0443\u0449\u0438\u043d\u0430", + "\u0410\u043d\u0438\u0441\u0438\u043c\u043e\u0432\u0430", + "\u0417\u0438\u043d\u043e\u0432\u044c\u0435\u0432\u0430", + "\u0418\u0432\u0430\u043d\u043e\u0432\u0430", + "\u0424\u0435\u0434\u043e\u0442\u043e\u0432\u0430", + "\u0421\u0435\u043b\u0435\u0437\u043d\u0435\u0432\u0430", + "\u0411\u043e\u0431\u0440\u043e\u0432\u0430", + "\u0421\u043e\u0440\u043e\u043a\u0438\u043d\u0430", + "\u041f\u0435\u0442\u0443\u0445\u043e\u0432\u0430", + "\u041c\u0443\u0445\u0438\u043d\u0430", + "\u0420\u043e\u0433\u043e\u0432\u0430", + "\u0420\u044f\u0431\u043e\u0432\u0430" + ], + "PREFIX_FEMALE": [ + "\u0442\u043e\u0432", + "\u0433_\u0436\u0430" + ], + "PREFIX_MALE": [ + "\u0442\u043e\u0432", + "\u0433_\u043d" + ], + "FIRST_NAME": [ + "\u0440\u0430\u0434\u043e\u0432\u0430\u043d", + "\u0437\u0438\u043d\u0430\u0438\u0434\u0430", + "\u0442\u0438\u0442", + "\u0433\u0440\u0435\u043c\u0438\u0441\u043b\u0430\u0432", + "\u0432\u0430\u0441\u0438\u043b\u0438\u0441\u0430", + "\u043e\u043b\u0438\u043c\u043f\u0438\u0439", + "\u0430\u043b\u0435\u043a\u0441\u0435\u0439", + "\u043a\u043b\u0430\u0432\u0434\u0438\u0439", + "\u0441\u0438\u043b\u044c\u0432\u0435\u0441\u0442\u0440", + "\u043c\u043e\u0434\u0435\u0441\u0442", + "\u0441\u0435\u043b\u0438\u0432\u0435\u0440\u0441\u0442", + "\u043b\u0430\u0437\u0430\u0440\u044c", + "\u043f\u0440\u043e\u0445\u043e\u0440", + "\u0432\u0430\u0440\u0444\u043e\u043b\u043e\u043c\u0435\u0439", + "\u043a\u0430\u0437\u0438\u043c\u0438\u0440", + "\u044d\u043b\u0435\u043e\u043d\u043e\u0440\u0430", + "\u0432\u0430\u043b\u0435\u0440\u0438\u0439", + "\u0430\u043d\u0438\u043a\u0435\u0439", + "\u043b\u043e\u0440\u0430", + "\u0437\u043e\u044f", + "\u043b\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u043e\u0441\u0442\u0440\u043e\u043c\u0438\u0440", + "\u043c\u0430\u0440\u0442\u044c\u044f\u043d", + "\u0432\u043b\u0430\u0434\u043b\u0435\u043d", + "\u0430\u043d\u0438\u043a\u0438\u0442\u0430", + "\u0441\u0430\u043c\u0441\u043e\u043d", + "\u0431\u043e\u044f\u043d", + "\u0430\u0437\u0430\u0440\u0438\u0439", + "\u0442\u0432\u043e\u0440\u0438\u043c\u0438\u0440", + "\u0433\u043b\u0430\u0444\u0438\u0440\u0430", + "\u0432\u043b\u0430\u0441", + "\u0430\u0440\u0442\u0435\u043c\u0438\u0439", + "\u0432\u0438\u0441\u0441\u0430\u0440\u0438\u043e\u043d", + "\u0442\u0430\u043c\u0430\u0440\u0430", + "\u0435\u0432\u0433\u0435\u043d\u0438\u044f", + "\u0434\u0435\u043d\u0438\u0441", + "\u0431\u043e\u0440\u0438\u0441", + "\u0438\u043b\u044c\u044f", + "\u0433\u043b\u0435\u0431", + "\u044e\u0432\u0435\u043d\u0430\u043b\u0438\u0439", + "\u0444\u043e\u043a\u0430", + "\u043c\u0430\u0440\u0442\u044b\u043d", + "\u0438\u043d\u043d\u043e\u043a\u0435\u043d\u0442\u0438\u0439", + "\u043d\u0430\u0443\u043c", + "\u043d\u0438\u0444\u043e\u043d\u0442", + "\u0430\u043d\u0436\u0435\u043b\u0438\u043a\u0430", + "\u043f\u0430\u043d\u043a\u0440\u0430\u0442\u0438\u0439", + "\u0435\u0433\u043e\u0440", + "\u0444\u0435\u0434\u043e\u0440", + "\u043c\u0430\u0442\u0432\u0435\u0439", + "\u043e\u043b\u0435\u0433", + "\u0430\u0440\u0441\u0435\u043d\u0438\u0439", + "\u0438\u0441\u0438\u0434\u043e\u0440", + "\u043f\u0430\u0432\u0435\u043b", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0438\u0440", + "\u0438\u0440\u0430\u0438\u0434\u0430", + "\u0438\u0440\u0430\u043a\u043b\u0438\u0439", + "\u043a\u0430\u043f\u0438\u0442\u043e\u043d", + "\u0441\u0442\u043e\u044f\u043d", + "\u043f\u0438\u043c\u0435\u043d", + "\u0438\u043e\u0441\u0438\u0444", + "\u0433\u0430\u043b\u0430\u043a\u0442\u0438\u043e\u043d", + "\u0438\u0433\u043e\u0440\u044c", + "\u0430\u043c\u0432\u0440\u043e\u0441\u0438\u0439", + "\u0434\u043e\u0431\u0440\u043e\u043c\u044b\u0441\u043b", + "\u043c\u0430\u043a\u0441\u0438\u043c\u0438\u043b\u044c\u044f\u043d", + "\u0441\u0430\u0432\u0432\u0430\u0442\u0438\u0439", + "\u043a\u043e\u043d\u0434\u0440\u0430\u0442", + "\u0435\u0444\u0440\u0435\u043c", + "\u0432\u044f\u0447\u0435\u0441\u043b\u0430\u0432", + "\u0430\u043d\u0430\u0442\u043e\u043b\u0438\u0439", + "\u044d\u043c\u0438\u043b\u044c", + "\u0432\u043b\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0431\u043e\u0440\u0438\u0441\u043b\u0430\u0432", + "\u0438\u0441\u0430\u0439", + "\u0430\u043b\u043b\u0430", + "\u0434\u0430\u043d\u0438\u043b\u0430", + "\u043c\u0438\u043b\u0438\u0439", + "\u0441\u0432\u0435\u0442\u043b\u0430\u043d\u0430", + "\u0435\u0444\u0438\u043c", + "\u0430\u0444\u0438\u043d\u043e\u0433\u0435\u043d", + "\u0438\u0433\u043d\u0430\u0442\u0438\u0439", + "\u043b\u044e\u0434\u043c\u0438\u043b\u0430", + "\u0441\u0438\u043d\u043a\u043b\u0438\u0442\u0438\u043a\u0438\u044f", + "\u0434\u0435\u043c\u044c\u044f\u043d", + "\u043d\u043e\u043d\u043d\u0430", + "\u043e\u043d\u0443\u0444\u0440\u0438\u0439", + "\u0430\u0432\u0442\u043e\u043d\u043e\u043c", + "\u0435\u0432\u0444\u0440\u043e\u0441\u0438\u043d\u0438\u044f", + "\u043a\u043b\u0430\u0432\u0434\u0438\u044f", + "\u0430\u043d\u0438\u0441\u0438\u043c", + "\u0430\u043a\u0438\u043c", + "\u043e\u043b\u044c\u0433\u0430", + "\u0435\u043c\u0435\u043b\u044c\u044f\u043d", + "\u043a\u0430\u0440\u043b", + "\u043c\u043e\u043a\u0435\u0439", + "\u0430\u0440\u043a\u0430\u0434\u0438\u0439", + "\u043a\u0443\u0437\u044c\u043c\u0430", + "\u0441\u0442\u0435\u043f\u0430\u043d", + "\u0444\u0438\u043b\u0438\u043f\u043f", + "\u0430\u043b\u0438\u043d\u0430", + "\u043a\u0438\u043c", + "\u043d\u0430\u0438\u043d\u0430", + "\u043a\u0441\u0435\u043d\u0438\u044f", + "\u0435\u0432\u0441\u0442\u0438\u0433\u043d\u0435\u0439", + "\u0443\u043b\u044c\u044f\u043d", + "\u043a\u0438\u0440\u0438\u043b\u043b", + "\u0430\u043a\u0443\u043b\u0438\u043d\u0430", + "\u0441\u0442\u0430\u043d\u0438\u043c\u0438\u0440", + "\u043a\u0430\u043b\u043b\u0438\u0441\u0442\u0440\u0430\u0442", + "\u0442\u0432\u0435\u0440\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0432\u0441\u0435\u0432\u043e\u043b\u043e\u0434", + "\u043f\u0440\u0430\u0441\u043a\u043e\u0432\u044c\u044f", + "\u0432\u0435\u0440\u043e\u043d\u0438\u043a\u0430", + "\u0442\u0430\u0442\u044c\u044f\u043d\u0430", + "\u043b\u0435\u043e\u043d\u0442\u0438\u0439", + "\u0442\u0440\u043e\u0444\u0438\u043c", + "\u043e\u043a\u0441\u0430\u043d\u0430", + "\u0430\u0434\u0430\u043c", + "\u0430\u0444\u0430\u043d\u0430\u0441\u0438\u0439", + "\u0432\u0435\u043d\u0435\u0434\u0438\u043a\u0442", + "\u0430\u0434\u0440\u0438\u0430\u043d", + "\u043f\u043e\u0442\u0430\u043f", + "\u043b\u0443\u043a\u0438\u044f", + "\u043e\u0440\u0435\u0441\u0442", + "\u0432\u0430\u0441\u0438\u043b\u0438\u0439", + "\u043c\u0430\u0440\u0444\u0430", + "\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u0438\u0439", + "\u043f\u043e\u043b\u0438\u043a\u0430\u0440\u043f", + "\u044d\u0440\u043d\u0435\u0441\u0442", + "\u043f\u0430\u0445\u043e\u043c", + "\u043d\u0438\u043a\u0430\u043d\u0434\u0440", + "\u043b\u0435\u0432", + "\u0432\u0435\u0440\u0430", + "\u043d\u0430\u0442\u0430\u043b\u044c\u044f", + "\u0430\u043d\u0434\u0440\u043e\u043d\u0438\u043a", + "\u0444\u0440\u043e\u043b", + "\u0435\u0440\u043c\u0438\u043b", + "\u0435\u0432\u043b\u0430\u043c\u043f\u0438\u0439", + "\u044f\u0440\u043e\u043f\u043e\u043b\u043a", + "\u0435\u0432\u0433\u0440\u0430\u0444", + "\u043d\u0430\u0434\u0435\u0436\u0434\u0430", + "\u043a\u0438\u0440", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440", + "\u0432\u0435\u043b\u0438\u043c\u0438\u0440", + "\u0444\u0451\u043a\u043b\u0430", + "\u0438\u0432\u0430\u043d", + "\u043f\u0430\u0440\u0430\u043c\u043e\u043d", + "\u043d\u0438\u043a\u0430\u043d\u043e\u0440", + "\u0444\u0435\u043b\u0438\u043a\u0441", + "\u0430\u0433\u0430\u043f", + "\u043f\u0435\u0442\u0440", + "\u0430\u0440\u0445\u0438\u043f", + "\u0438\u0437\u043c\u0430\u0438\u043b", + "\u0440\u0443\u0441\u043b\u0430\u043d", + "\u0444\u043e\u0442\u0438\u0439", + "\u0433\u0443\u0440\u0438\u0439", + "\u043f\u0440\u043e\u043a\u043e\u0444\u0438\u0439", + "\u0442\u0438\u0445\u043e\u043d", + "\u0434\u0435\u043c\u0435\u043d\u0442\u0438\u0439", + "\u043d\u0438\u043a\u043e\u0434\u0438\u043c", + "\u0444\u043b\u043e\u0440\u0435\u043d\u0442\u0438\u043d", + "\u043e\u043b\u0438\u043c\u043f\u0438\u0430\u0434\u0430", + "\u0437\u0430\u0445\u0430\u0440", + "\u0430\u043d\u0436\u0435\u043b\u0430", + "\u043c\u043e\u0438\u0441\u0435\u0439", + "\u0438\u043f\u0430\u0442", + "\u043d\u0438\u043d\u0430", + "\u0431\u043e\u0433\u0434\u0430\u043d", + "\u0441\u0438\u0433\u0438\u0437\u043c\u0443\u043d\u0434", + "\u0435\u0432\u0433\u0435\u043d\u0438\u0439", + "\u0444\u0435\u0440\u0430\u043f\u043e\u043d\u0442", + "\u0431\u043e\u043b\u0435\u0441\u043b\u0430\u0432", + "\u043e\u043a\u0442\u044f\u0431\u0440\u0438\u043d\u0430", + "\u044d\u0440\u0430\u0441\u0442", + "\u043f\u043e\u043b\u0438\u043d\u0430", + "\u043c\u0430\u0440\u0433\u0430\u0440\u0438\u0442\u0430", + "\u0442\u0430\u0438\u0441\u0438\u044f", + "\u043d\u0438\u043a\u043e\u043b\u0430\u0439", + "\u043c\u0435\u0447\u0438\u0441\u043b\u0430\u0432", + "\u043f\u043e\u0440\u0444\u0438\u0440\u0438\u0439", + "\u043a\u0430\u0440\u043f", + "\u0432\u0438\u0442\u0430\u043b\u0438\u0439", + "\u043d\u0438\u043d\u0435\u043b\u044c", + "\u0440\u0435\u0433\u0438\u043d\u0430", + "\u0444\u043e\u043c\u0430", + "\u044e\u043b\u0438\u0430\u043d", + "\u043b\u044e\u0431\u043e\u0432\u044c", + "\u0434\u043e\u0440\u043e\u0444\u0435\u0439", + "\u0438\u044f", + "\u0435\u043b\u0438\u0441\u0435\u0439", + "\u043b\u0430\u0434\u0438\u043c\u0438\u0440", + "\u0432\u0430\u043b\u0435\u0440\u0438\u044f", + "\u044f\u043a\u043e\u0432", + "\u0440\u0430\u0442\u0438\u0431\u043e\u0440", + "\u043a\u043e\u043d\u0434\u0440\u0430\u0442\u0438\u0439", + "\u0445\u0430\u0440\u043b\u0430\u043c\u043f\u0438\u0439", + "\u043c\u0430\u0440\u0438\u044f", + "\u0430\u043d\u0442\u043e\u043d\u0438\u043d", + "\u043c\u0438\u0442\u043e\u0444\u0430\u043d", + "\u0444\u0435\u043e\u043a\u0442\u0438\u0441\u0442", + "\u0441\u0438\u043c\u043e\u043d", + "\u0433\u043e\u0440\u0434\u0435\u0439", + "\u0430\u0432\u0435\u0440\u043a\u0438\u0439", + "\u0442\u0438\u043c\u043e\u0444\u0435\u0439", + "\u043f\u0440\u043e\u0432", + "\u0440\u0430\u0438\u0441\u0430", + "\u043a\u0438\u0440\u0430", + "\u043f\u0430\u043d\u043a\u0440\u0430\u0442", + "\u0435\u0432\u0441\u0435\u0439", + "\u0434\u043e\u0431\u0440\u043e\u0441\u043b\u0430\u0432", + "\u043c\u0435\u0444\u043e\u0434\u0438\u0439", + "\u0437\u043e\u0441\u0438\u043c\u0430", + "\u044f\u043a\u0443\u0431", + "\u043a\u0443\u043f\u0440\u0438\u044f\u043d", + "\u0432\u0435\u043d\u0438\u0430\u043c\u0438\u043d", + "\u0444\u0438\u043b\u0430\u0440\u0435\u0442", + "\u0430\u0433\u0433\u0435\u0439", + "\u0440\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0430\u043f\u043e\u043b\u043b\u0438\u043d\u0430\u0440\u0438\u0439", + "\u0435\u043a\u0430\u0442\u0435\u0440\u0438\u043d\u0430", + "\u043b\u0443\u043a\u044c\u044f\u043d", + "\u0432\u0430\u043b\u0435\u0440\u044c\u044f\u043d", + "\u044d\u0434\u0443\u0430\u0440\u0434", + "\u0433\u0430\u043b\u0438\u043d\u0430", + "\u0432\u0438\u043a\u0442\u043e\u0440\u0438\u043d", + "\u0442\u0438\u043c\u0443\u0440", + "\u0432\u044b\u0448\u0435\u0441\u043b\u0430\u0432", + "\u0431\u0430\u0436\u0435\u043d", + "\u0440\u0430\u0434\u0438\u043c", + "\u043b\u0435\u043e\u043d\u0438\u0434", + "\u0440\u044e\u0440\u0438\u043a", + "\u0432\u0438\u043a\u0442\u043e\u0440", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u0430", + "\u0430\u0440\u0435\u0444\u0438\u0439", + "\u0441\u0435\u0440\u0430\u0444\u0438\u043c", + "\u0432\u0441\u0435\u043c\u0438\u043b", + "\u0441\u0438\u0434\u043e\u0440", + "\u043f\u0430\u043d\u0444\u0438\u043b", + "\u0430\u0432\u043a\u0441\u0435\u043d\u0442\u0438\u0439", + "\u0440\u043e\u043c\u0430\u043d", + "\u0430\u043d\u0434\u0440\u043e\u043d", + "\u0432\u0430\u0446\u043b\u0430\u0432", + "\u0434\u043c\u0438\u0442\u0440\u0438\u0439", + "\u0441\u043e\u043b\u043e\u043c\u043e\u043d", + "\u043c\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d\u0430", + "\u043f\u0435\u043b\u0430\u0433\u0435\u044f", + "\u0440\u043e\u0434\u0438\u043e\u043d", + "\u0441\u0435\u0440\u0433\u0435\u0439", + "\u043c\u0438\u043b\u043e\u0432\u0430\u043d", + "\u0435\u043b\u0435\u043d\u0430", + "\u043c\u0430\u043a\u0430\u0440", + "\u043a\u0430\u0441\u044c\u044f\u043d", + "\u0444\u0435\u0432\u0440\u043e\u043d\u0438\u044f", + "\u0438\u0437\u044f\u0441\u043b\u0430\u0432", + "\u0433\u0435\u0440\u0430\u0441\u0438\u043c", + "\u0435\u0432\u043f\u0440\u0430\u043a\u0441\u0438\u044f", + "\u043f\u0440\u043e\u043a\u043b", + "\u0434\u0435\u043c\u0438\u0434", + "\u0430\u043c\u043e\u0441", + "\u0430\u043d\u0430\u0441\u0442\u0430\u0441\u0438\u044f", + "\u0438\u043f\u0430\u0442\u0438\u0439", + "\u0432\u0438\u043a\u0442\u043e\u0440\u0438\u044f", + "\u043b\u0438\u0434\u0438\u044f", + "\u0434\u0430\u0440\u044c\u044f", + "\u0444\u0438\u043b\u0438\u043c\u043e\u043d", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u0435\u043f\u0438\u0444\u0430\u043d", + "\u0433\u0435\u0440\u043c\u0430\u043d", + "\u0430\u0433\u0430\u0444\u044c\u044f", + "\u043d\u0438\u043a\u0438\u0444\u043e\u0440", + "\u0430\u043d\u0442\u043e\u043d\u0438\u043d\u0430", + "\u0441\u0435\u0432\u0430\u0441\u0442\u044c\u044f\u043d", + "\u0432\u0430\u0440\u043b\u0430\u0430\u043c", + "\u043c\u0438\u0445\u0430\u0438\u043b", + "\u0430\u043f\u043e\u043b\u043b\u043e\u043d", + "\u0435\u0432\u0441\u0442\u0430\u0444\u0438\u0439", + "\u0433\u0440\u0438\u0433\u043e\u0440\u0438\u0439", + "\u044d\u043c\u0438\u043b\u0438\u044f", + "\u0444\u0435\u0434\u043e\u0442", + "\u044e\u043b\u0438\u044f", + "\u0432\u0430\u0434\u0438\u043c", + "\u0436\u0430\u043d\u043d\u0430", + "\u0433\u0435\u043e\u0440\u0433\u0438\u0439", + "\u0430\u0441\u043a\u043e\u043b\u044c\u0434", + "\u0441\u0430\u043c\u0443\u0438\u043b", + "\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u043b\u0435\u043e\u043d", + "\u043d\u0430\u0442\u0430\u043d", + "\u0441\u043e\u0444\u0438\u044f", + "\u0433\u0435\u043d\u043d\u0430\u0434\u0438\u0439", + "\u0435\u043b\u0438\u0437\u0430\u0432\u0435\u0442\u0430", + "\u0435\u043b\u0438\u0437\u0430\u0440", + "\u0430\u0440\u0442\u0435\u043c", + "\u0443\u043b\u044c\u044f\u043d\u0430", + "\u0444\u0435\u043e\u0444\u0430\u043d", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d", + "\u0441\u0430\u0432\u0432\u0430", + "\u0441\u0442\u0430\u043d\u0438\u0441\u043b\u0430\u0432", + "\u0438\u043b\u0430\u0440\u0438\u043e\u043d", + "\u0430\u0440\u0438\u0441\u0442\u0430\u0440\u0445", + "\u0435\u0432\u0434\u043e\u043a\u0438\u044f", + "\u0442\u0440\u0438\u0444\u043e\u043d", + "\u0442\u0435\u0440\u0435\u043d\u0442\u0438\u0439", + "\u043b\u044e\u0431\u0438\u043c", + "\u043b\u0443\u043a\u0430", + "\u044f\u043d\u0443\u0430\u0440\u0438\u0439", + "\u0441\u0432\u044f\u0442\u043e\u043f\u043e\u043b\u043a", + "\u0435\u0440\u043e\u0444\u0435\u0439", + "\u0443\u0441\u0442\u0438\u043d", + "\u0435\u0440\u043c\u043e\u043b\u0430\u0439", + "\u043b\u044e\u0431\u043e\u043c\u0438\u0440", + "\u043b\u043e\u043d\u0433\u0438\u043d", + "\u0441\u043e\u0444\u043e\u043d", + "\u0435\u0432\u0434\u043e\u043a\u0438\u043c", + "\u043b\u0430\u0440\u0438\u0441\u0430", + "\u043c\u0430\u0440\u043a", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u043c\u0430\u0440\u0438\u0430\u043d", + "\u0435\u0440\u0435\u043c\u0435\u0439", + "\u0431\u0440\u043e\u043d\u0438\u0441\u043b\u0430\u0432", + "\u044e\u0440\u0438\u0439", + "\u0444\u0430\u0438\u043d\u0430", + "\u0441\u0435\u043c\u0435\u043d", + "\u043b\u0443\u0447\u0435\u0437\u0430\u0440", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d", + "\u0441\u0430\u0432\u0435\u043b\u0438\u0439", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d", + "\u043b\u0430\u0432\u0440", + "\u0430\u043d\u0442\u0438\u043f", + "\u0430\u043d\u043d\u0430", + "\u0430\u0433\u0430\u0444\u043e\u043d", + "\u0441\u043e\u0444\u0440\u043e\u043d", + "\u0433\u0430\u0432\u0440\u0438\u043b\u0430", + "\u043d\u0438\u043a\u043e\u043d", + "\u0440\u0430\u0442\u043c\u0438\u0440", + "\u043c\u0438\u043d\u0430", + "\u043f\u0430\u043d\u0442\u0435\u043b\u0435\u0439\u043c\u043e\u043d", + "\u043d\u0430\u0440\u043a\u0438\u0441", + "\u044e\u043b\u0438\u0439", + "\u043d\u0430\u0437\u0430\u0440", + "\u0430\u043d\u0434\u0440\u0435\u0439", + "\u043c\u0430\u0440\u0438\u043d\u0430", + "\u043c\u0438\u043b\u0438\u0446\u0430", + "\u0433\u043e\u0441\u0442\u043e\u043c\u044b\u0441\u043b", + "\u0441\u0432\u044f\u0442\u043e\u0441\u043b\u0430\u0432", + "\u043a\u043e\u043d\u043e\u043d", + "\u0438\u0437\u043e\u0442", + "\u0432\u0438\u043a\u0435\u043d\u0442\u0438\u0439", + "\u0430\u0432\u0433\u0443\u0441\u0442", + "\u043c\u0438\u0440", + "\u043c\u0430\u043a\u0441\u0438\u043c", + "\u043c\u0438\u043b\u0435\u043d", + "\u0438\u0440\u0438\u043d\u0430", + "\u0430\u043d\u0433\u0435\u043b\u0438\u043d\u0430", + "\u0441\u043e\u043a\u0440\u0430\u0442", + "\u043c\u0438\u0440\u043e\u0441\u043b\u0430\u0432", + "\u0444\u0435\u0434\u043e\u0441\u0438\u0439", + "\u043e\u0441\u0438\u043f", + "\u043a\u043e\u0440\u043d\u0438\u043b", + "\u044d\u0440\u043d\u0441\u0442", + "\u044f\u0440\u043e\u0441\u043b\u0430\u0432", + "\u0437\u0438\u043d\u043e\u0432\u0438\u0439", + "\u0430\u0432\u0434\u0435\u0439", + "\u0444\u043e\u0440\u0442\u0443\u043d\u0430\u0442", + "\u0430\u0432\u0435\u0440\u044c\u044f\u043d", + "\u0431\u0443\u0434\u0438\u043c\u0438\u0440", + "\u043c\u0438\u0445\u0435\u0439", + "\u043c\u0438\u043b\u0430\u043d", + "\u0433\u0435\u0434\u0435\u043e\u043d", + "\u043d\u0438\u043a\u0438\u0442\u0430", + "\u043a\u043b\u0438\u043c\u0435\u043d\u0442", + "\u0438\u0432\u0430\u043d\u043d\u0430", + "\u043f\u043b\u0430\u0442\u043e\u043d", + "\u043f\u0430\u0440\u0444\u0435\u043d", + "\u0441\u0438\u043b\u0430\u043d\u0442\u0438\u0439", + "\u043b\u044e\u0431\u043e\u0441\u043c\u044b\u0441\u043b", + "\u0441\u043f\u0438\u0440\u0438\u0434\u043e\u043d", + "\u0444\u0438\u0440\u0441", + "\u0430\u043b\u0435\u0432\u0442\u0438\u043d\u0430", + "\u0434\u0430\u0432\u044b\u0434", + "\u043d\u0435\u0441\u0442\u043e\u0440", + "\u043e\u0441\u0442\u0430\u043f", + "\u0432\u0441\u0435\u0441\u043b\u0430\u0432", + "\u044d\u043c\u043c\u0430\u043d\u0443\u0438\u043b", + "\u043c\u0430\u0439\u044f", + "\u0447\u0435\u0441\u043b\u0430\u0432", + "\u044f\u043d", + "\u0430\u0433\u0430\u0442\u0430", + "\u043c\u0438\u0440\u043e\u043d", + "\u0430\u043d\u0430\u043d\u0438\u0439", + "\u0440\u0443\u0431\u0435\u043d", + "\u0441\u0432\u0435\u0442\u043e\u0437\u0430\u0440", + "\u0442\u0430\u0440\u0430\u0441", + "\u0441\u0435\u043b\u0438\u0432\u0430\u043d", + "\u0444\u0430\u0434\u0435\u0439", + "\u0441\u0438\u043b\u0430", + "\u0432\u043b\u0430\u0434\u0438\u043b\u0435\u043d", + "\u0441\u043f\u0430\u0440\u0442\u0430\u043a", + "\u0438\u043f\u043f\u043e\u043b\u0438\u0442" + ], + "LAST_NAME": [ + "\u0430\u0440\u0445\u0438\u043f\u043e\u0432", + "\u043c\u0435\u0434\u0432\u0435\u0434\u0435\u0432", + "\u0447\u0435\u0440\u043d\u043e\u0432", + "\u043a\u043e\u043d\u043e\u043d\u043e\u0432", + "\u043e\u0440\u043b\u043e\u0432\u0430", + "\u043c\u0438\u0440\u043e\u043d\u043e\u0432", + "\u043a\u0443\u0434\u0440\u044f\u0432\u0446\u0435\u0432", + "\u0441\u0443\u0431\u0431\u043e\u0442\u0438\u043d", + "\u0431\u043e\u043b\u044c\u0448\u0430\u043a\u043e\u0432\u0430", + "\u0436\u0443\u0440\u0430\u0432\u043b\u0435\u0432", + "\u0448\u0435\u0441\u0442\u0430\u043a\u043e\u0432", + "\u043c\u043e\u0440\u043e\u0437\u043e\u0432", + "\u0434\u0440\u043e\u0437\u0434\u043e\u0432\u0430", + "\u043a\u043e\u0448\u0435\u043b\u0435\u0432\u0430", + "\u0430\u043d\u0442\u043e\u043d\u043e\u0432\u0430", + "\u0441\u0438\u0434\u043e\u0440\u043e\u0432", + "\u043c\u0430\u0441\u043b\u043e\u0432\u0430", + "\u043a\u0430\u043f\u0443\u0441\u0442\u0438\u043d\u0430", + "\u0434\u0435\u043d\u0438\u0441\u043e\u0432\u0430", + "\u0434\u0440\u043e\u0437\u0434\u043e\u0432", + "\u0434\u044c\u044f\u0447\u043a\u043e\u0432\u0430", + "\u0444\u043e\u043a\u0438\u043d", + "\u0441\u0442\u0435\u043f\u0430\u043d\u043e\u0432", + "\u0432\u043e\u0440\u043e\u043d\u0446\u043e\u0432", + "\u0441\u0442\u0435\u043f\u0430\u043d\u043e\u0432\u0430", + "\u0433\u043e\u0440\u0448\u043a\u043e\u0432\u0430", + "\u0431\u0440\u0430\u0433\u0438\u043d", + "\u0440\u044b\u0431\u0430\u043a\u043e\u0432\u0430", + "\u0444\u0438\u043b\u0430\u0442\u043e\u0432\u0430", + "\u0434\u0435\u043d\u0438\u0441\u043e\u0432", + "\u043a\u0438\u0440\u0438\u043b\u043b\u043e\u0432", + "\u043a\u043e\u0440\u043d\u0438\u043b\u043e\u0432", + "\u0433\u043e\u0440\u0431\u0443\u043d\u043e\u0432", + "\u044e\u0434\u0438\u043d", + "\u0441\u0438\u0442\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0444\u0438\u043b\u0430\u0442\u043e\u0432", + "\u043e\u0434\u0438\u043d\u0446\u043e\u0432", + "\u043a\u0430\u0440\u043f\u043e\u0432\u0430", + "\u0433\u0430\u0432\u0440\u0438\u043b\u043e\u0432\u0430", + "\u0431\u043e\u0431\u044b\u043b\u0435\u0432", + "\u043f\u043e\u043d\u043e\u043c\u0430\u0440\u0435\u0432\u0430", + "\u0437\u0438\u043d\u043e\u0432\u044c\u0435\u0432\u0430", + "\u0435\u043c\u0435\u043b\u044c\u044f\u043d\u043e\u0432", + "\u0442\u0443\u0440\u043e\u0432", + "\u0430\u0432\u0434\u0435\u0435\u0432", + "\u0431\u0435\u043b\u044f\u043a\u043e\u0432", + "\u043c\u0438\u0448\u0438\u043d\u0430", + "\u0438\u0433\u043d\u0430\u0442\u043e\u0432", + "\u043a\u043e\u043d\u043e\u0432\u0430\u043b\u043e\u0432", + "\u043c\u0430\u0442\u0432\u0435\u0435\u0432", + "\u043f\u0440\u043e\u0445\u043e\u0440\u043e\u0432", + "\u043a\u043e\u043b\u043e\u0431\u043e\u0432\u0430", + "\u043d\u043e\u0432\u0438\u043a\u043e\u0432", + "\u0444\u043e\u043a\u0438\u043d\u0430", + "\u043c\u0438\u0445\u0435\u0435\u0432\u0430", + "\u0431\u0438\u0440\u044e\u043a\u043e\u0432\u0430", + "\u0441\u0438\u0442\u043d\u0438\u043a\u043e\u0432", + "\u0435\u0432\u0441\u0435\u0435\u0432", + "\u0432\u0435\u0441\u0435\u043b\u043e\u0432\u0430", + "\u0442\u0438\u043c\u043e\u0444\u0435\u0435\u0432", + "\u0433\u0443\u043b\u044f\u0435\u0432", + "\u043c\u0435\u043b\u044c\u043d\u0438\u043a\u043e\u0432\u0430", + "\u043f\u0430\u043d\u043e\u0432\u0430", + "\u043b\u0435\u0431\u0435\u0434\u0435\u0432\u0430", + "\u043f\u043e\u043d\u043e\u043c\u0430\u0440\u0435\u0432", + "\u043c\u0435\u0440\u043a\u0443\u0448\u0435\u0432", + "\u0431\u0440\u0430\u0433\u0438\u043d\u0430", + "\u043a\u043e\u0440\u043e\u043b\u0435\u0432", + "\u043a\u043e\u043b\u0435\u0441\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0441\u043e\u0440\u043e\u043a\u0438\u043d", + "\u043a\u0443\u043b\u0430\u0433\u0438\u043d", + "\u0441\u043e\u0440\u043e\u043a\u0438\u043d\u0430", + "\u043c\u0443\u0440\u0430\u0432\u044c\u0435\u0432\u0430", + "\u0448\u0443\u0431\u0438\u043d", + "\u043c\u0438\u0445\u0430\u0439\u043b\u043e\u0432", + "\u043a\u0443\u043b\u0430\u043a\u043e\u0432", + "\u0444\u0435\u0434\u043e\u0440\u043e\u0432", + "\u0431\u043e\u043b\u044c\u0448\u0430\u043a\u043e\u0432", + "\u0441\u0438\u0434\u043e\u0440\u043e\u0432\u0430", + "\u043d\u043e\u0441\u043e\u0432\u0430", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d\u043e\u0432\u0430", + "\u0441\u0443\u0432\u043e\u0440\u043e\u0432\u0430", + "\u0442\u0430\u0440\u0430\u0441\u043e\u0432", + "\u043c\u0430\u043a\u0430\u0440\u043e\u0432", + "\u043b\u043e\u0431\u0430\u043d\u043e\u0432", + "\u0430\u0444\u0430\u043d\u0430\u0441\u044c\u0435\u0432", + "\u0431\u0435\u043b\u043e\u0437\u0435\u0440\u043e\u0432", + "\u043b\u044b\u0442\u043a\u0438\u043d", + "\u043c\u0430\u0442\u0432\u0435\u0435\u0432\u0430", + "\u0442\u0443\u0440\u043e\u0432\u0430", + "\u0441\u0430\u0437\u043e\u043d\u043e\u0432", + "\u043c\u0443\u0445\u0438\u043d", + "\u0432\u0438\u0448\u043d\u044f\u043a\u043e\u0432", + "\u0437\u0430\u0445\u0430\u0440\u043e\u0432", + "\u043d\u0438\u043a\u0438\u0442\u0438\u043d\u0430", + "\u0444\u0438\u043b\u0438\u043f\u043f\u043e\u0432\u0430", + "\u0448\u0435\u0441\u0442\u0430\u043a\u043e\u0432\u0430", + "\u043c\u0430\u0440\u043a\u043e\u0432", + "\u043d\u0430\u0437\u0430\u0440\u043e\u0432", + "\u0438\u0441\u0430\u0435\u0432", + "\u043d\u0430\u0437\u0430\u0440\u043e\u0432\u0430", + "\u0433\u043e\u0440\u0431\u0430\u0447\u0435\u0432", + "\u044f\u043a\u043e\u0432\u043b\u0435\u0432\u0430", + "\u043f\u0430\u0445\u043e\u043c\u043e\u0432", + "\u044e\u0434\u0438\u043d\u0430", + "\u043d\u0435\u0441\u0442\u0435\u0440\u043e\u0432", + "\u043c\u0430\u043a\u0441\u0438\u043c\u043e\u0432", + "\u043a\u0438\u0441\u0435\u043b\u0435\u0432\u0430", + "\u043a\u043e\u0432\u0430\u043b\u0435\u0432\u0430", + "\u0441\u043e\u0431\u043e\u043b\u0435\u0432", + "\u0430\u0431\u0440\u0430\u043c\u043e\u0432\u0430", + "\u0448\u0438\u0440\u044f\u0435\u0432\u0430", + "\u043c\u043e\u043b\u0447\u0430\u043d\u043e\u0432\u0430", + "\u0441\u0435\u043c\u0435\u043d\u043e\u0432\u0430", + "\u0448\u0430\u0440\u043e\u0432", + "\u0434\u0430\u0432\u044b\u0434\u043e\u0432\u0430", + "\u0436\u0443\u043a\u043e\u0432\u0430", + "\u0441\u0430\u0432\u0438\u043d\u0430", + "\u0437\u044b\u043a\u043e\u0432\u0430", + "\u0433\u043e\u0440\u0434\u0435\u0435\u0432\u0430", + "\u0433\u0443\u043b\u044f\u0435\u0432\u0430", + "\u043a\u043e\u0437\u043b\u043e\u0432\u0430", + "\u043d\u0435\u0441\u0442\u0435\u0440\u043e\u0432\u0430", + "\u0441\u043e\u043b\u043e\u0432\u044c\u0435\u0432\u0430", + "\u0433\u0443\u0440\u044c\u0435\u0432", + "\u043a\u0430\u043b\u0438\u043d\u0438\u043d\u0430", + "\u043d\u043e\u0441\u043a\u043e\u0432", + "\u0440\u0443\u0441\u0430\u043a\u043e\u0432", + "\u0437\u0438\u043c\u0438\u043d\u0430", + "\u0443\u0432\u0430\u0440\u043e\u0432", + "\u0436\u0443\u0440\u0430\u0432\u043b\u0435\u0432\u0430", + "\u0441\u0443\u0431\u0431\u043e\u0442\u0438\u043d\u0430", + "\u043d\u0438\u043a\u043e\u043d\u043e\u0432", + "\u043c\u0430\u043c\u043e\u043d\u0442\u043e\u0432\u0430", + "\u0434\u043e\u0440\u043e\u0444\u0435\u0435\u0432\u0430", + "\u043b\u0443\u043a\u0438\u043d\u0430", + "\u0432\u043b\u0430\u0441\u043e\u0432\u0430", + "\u043a\u0440\u044e\u043a\u043e\u0432\u0430", + "\u0433\u043e\u0440\u0448\u043a\u043e\u0432", + "\u0448\u0430\u0448\u043a\u043e\u0432\u0430", + "\u0441\u0430\u0444\u043e\u043d\u043e\u0432", + "\u0435\u0433\u043e\u0440\u043e\u0432", + "\u0441\u0443\u0445\u0430\u043d\u043e\u0432", + "\u0430\u0444\u0430\u043d\u0430\u0441\u044c\u0435\u0432\u0430", + "\u0431\u043e\u0431\u0440\u043e\u0432", + "\u043d\u0430\u0443\u043c\u043e\u0432\u0430", + "\u043b\u0430\u0440\u0438\u043e\u043d\u043e\u0432\u0430", + "\u0438\u0433\u043d\u0430\u0442\u044c\u0435\u0432", + "\u0432\u043e\u0440\u043e\u043d\u043e\u0432", + "\u0434\u043e\u0440\u043e\u0444\u0435\u0435\u0432", + "\u043b\u0430\u043f\u0438\u043d\u0430", + "\u043f\u043e\u043f\u043e\u0432", + "\u0435\u0444\u0440\u0435\u043c\u043e\u0432", + "\u0436\u0443\u043a\u043e\u0432", + "\u043e\u0441\u0438\u043f\u043e\u0432", + "\u0432\u0435\u0441\u0435\u043b\u043e\u0432", + "\u0444\u0435\u0434\u043e\u0440\u043e\u0432\u0430", + "\u0441\u0435\u043c\u0435\u043d\u043e\u0432", + "\u0438\u043b\u044c\u0438\u043d", + "\u0432\u043e\u043b\u043a\u043e\u0432", + "\u0438\u0432\u0430\u043d\u043e\u0432", + "\u043a\u0440\u044b\u043b\u043e\u0432\u0430", + "\u0442\u0438\u0442\u043e\u0432\u0430", + "\u043b\u043e\u0433\u0438\u043d\u043e\u0432", + "\u0430\u043b\u0435\u043a\u0441\u0435\u0435\u0432", + "\u0438\u043b\u044c\u0438\u043d\u0430", + "\u0434\u0435\u043c\u0435\u043d\u0442\u044c\u0435\u0432\u0430", + "\u0436\u0434\u0430\u043d\u043e\u0432\u0430", + "\u0431\u0435\u043b\u044f\u043a\u043e\u0432\u0430", + "\u043a\u043e\u0441\u0442\u0438\u043d\u0430", + "\u0434\u043c\u0438\u0442\u0440\u0438\u0435\u0432", + "\u043e\u0432\u0447\u0438\u043d\u043d\u0438\u043a\u043e\u0432", + "\u0433\u0440\u0438\u0433\u043e\u0440\u044c\u0435\u0432", + "\u0432\u043e\u0440\u043e\u043d\u043e\u0432\u0430", + "\u0435\u0440\u0448\u043e\u0432", + "\u0441\u0442\u0440\u0435\u043b\u043a\u043e\u0432\u0430", + "\u0434\u043e\u0440\u043e\u043d\u0438\u043d\u0430", + "\u043a\u043e\u0448\u0435\u043b\u0435\u0432", + "\u0435\u0440\u0448\u043e\u0432\u0430", + "\u043a\u043e\u0440\u043d\u0438\u043b\u043e\u0432\u0430", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0438\u0440\u043e\u0432\u0430", + "\u043a\u043e\u043b\u043e\u0431\u043e\u0432", + "\u0431\u0435\u0441\u043f\u0430\u043b\u043e\u0432\u0430", + "\u0431\u0435\u043b\u043e\u0437\u0435\u0440\u043e\u0432\u0430", + "\u0441\u043c\u0438\u0440\u043d\u043e\u0432\u0430", + "\u043a\u0430\u0431\u0430\u043d\u043e\u0432\u0430", + "\u0430\u043a\u0441\u0435\u043d\u043e\u0432", + "\u0431\u0435\u043b\u043e\u0432\u0430", + "\u0440\u043e\u0434\u0438\u043e\u043d\u043e\u0432", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u043e\u0432\u0430", + "\u0434\u044c\u044f\u0447\u043a\u043e\u0432", + "\u0444\u043e\u043c\u0438\u0447\u0435\u0432\u0430", + "\u0441\u043e\u043a\u043e\u043b\u043e\u0432\u0430", + "\u043a\u0430\u043b\u0438\u043d\u0438\u043d", + "\u0431\u0443\u0440\u043e\u0432\u0430", + "\u0438\u0441\u0430\u043a\u043e\u0432\u0430", + "\u043a\u043e\u0437\u043b\u043e\u0432", + "\u0433\u0440\u0438\u0433\u043e\u0440\u044c\u0435\u0432\u0430", + "\u0432\u043e\u043b\u043a\u043e\u0432\u0430", + "\u0435\u0432\u0434\u043e\u043a\u0438\u043c\u043e\u0432", + "\u043a\u0443\u043b\u0438\u043a\u043e\u0432", + "\u0432\u0430\u0441\u0438\u043b\u044c\u0435\u0432\u0430", + "\u0441\u043e\u0431\u043e\u043b\u0435\u0432\u0430", + "\u0448\u0430\u0448\u043a\u043e\u0432", + "\u043a\u0440\u0430\u0441\u0438\u043b\u044c\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d\u043e\u0432\u0430", + "\u043a\u0430\u043f\u0443\u0441\u0442\u0438\u043d", + "\u0430\u043d\u0434\u0440\u0435\u0435\u0432", + "\u043c\u0443\u0445\u0438\u043d\u0430", + "\u043f\u043e\u043b\u044f\u043a\u043e\u0432", + "\u0441\u0438\u043c\u043e\u043d\u043e\u0432", + "\u043c\u043e\u0438\u0441\u0435\u0435\u0432\u0430", + "\u043e\u0434\u0438\u043d\u0446\u043e\u0432\u0430", + "\u043c\u0435\u0440\u043a\u0443\u0448\u0435\u0432\u0430", + "\u043b\u0430\u0437\u0430\u0440\u0435\u0432", + "\u0433\u0430\u043b\u043a\u0438\u043d\u0430", + "\u043e\u0441\u0438\u043f\u043e\u0432\u0430", + "\u0444\u0438\u043b\u0438\u043f\u043f\u043e\u0432", + "\u0442\u0438\u0442\u043e\u0432", + "\u043d\u0438\u043a\u043e\u043b\u0430\u0435\u0432\u0430", + "\u043a\u0443\u0434\u0440\u044f\u0448\u043e\u0432", + "\u044f\u043a\u043e\u0432\u043b\u0435\u0432", + "\u0431\u043b\u0438\u043d\u043e\u0432", + "\u043a\u043e\u043c\u0430\u0440\u043e\u0432", + "\u0431\u0435\u0441\u043f\u0430\u043b\u043e\u0432", + "\u0441\u043c\u0438\u0440\u043d\u043e\u0432", + "\u043c\u0430\u0440\u043a\u043e\u0432\u0430", + "\u043a\u043e\u0442\u043e\u0432\u0430", + "\u043a\u043e\u043f\u044b\u043b\u043e\u0432", + "\u0434\u0430\u043d\u0438\u043b\u043e\u0432\u0430", + "\u043a\u043e\u043d\u043e\u0432\u0430\u043b\u043e\u0432\u0430", + "\u043c\u043e\u0440\u043e\u0437\u043e\u0432\u0430", + "\u043f\u0435\u0442\u0440\u043e\u0432\u0430", + "\u0441\u0435\u043b\u0438\u0432\u0435\u0440\u0441\u0442\u043e\u0432", + "\u043f\u0435\u0442\u0443\u0445\u043e\u0432", + "\u0433\u0440\u043e\u043c\u043e\u0432\u0430", + "\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u044c\u0435\u0432\u0430", + "\u0433\u043e\u0440\u0434\u0435\u0435\u0432", + "\u043c\u0438\u0440\u043e\u043d\u043e\u0432\u0430", + "\u043c\u0438\u0445\u0435\u0435\u0432", + "\u0440\u043e\u0436\u043a\u043e\u0432", + "\u043d\u0438\u043a\u0438\u0444\u043e\u0440\u043e\u0432\u0430", + "\u043a\u0430\u0437\u0430\u043a\u043e\u0432\u0430", + "\u0448\u0430\u0440\u0430\u043f\u043e\u0432\u0430", + "\u043c\u0435\u0434\u0432\u0435\u0434\u0435\u0432\u0430", + "\u0446\u0432\u0435\u0442\u043a\u043e\u0432", + "\u043b\u0438\u0445\u0430\u0447\u0435\u0432", + "\u043a\u043e\u0440\u043e\u043b\u0435\u0432\u0430", + "\u0442\u0435\u0442\u0435\u0440\u0438\u043d", + "\u043a\u0430\u0437\u0430\u043a\u043e\u0432", + "\u0432\u0438\u0448\u043d\u044f\u043a\u043e\u0432\u0430", + "\u0444\u043e\u043c\u0438\u043d", + "\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u044c\u0435\u0432", + "\u0431\u043b\u043e\u0445\u0438\u043d\u0430", + "\u0438\u0432\u0430\u043d\u043e\u0432\u0430", + "\u0440\u043e\u0436\u043a\u043e\u0432\u0430", + "\u0430\u0440\u0442\u0435\u043c\u044c\u0435\u0432", + "\u0430\u0431\u0440\u0430\u043c\u043e\u0432", + "\u0435\u043b\u0438\u0441\u0435\u0435\u0432\u0430", + "\u0441\u0435\u043b\u0435\u0437\u043d\u0435\u0432\u0430", + "\u0441\u0443\u0432\u043e\u0440\u043e\u0432", + "\u0441\u0442\u0440\u0435\u043b\u043a\u043e\u0432", + "\u0431\u0435\u043b\u043e\u0443\u0441\u043e\u0432", + "\u043c\u0430\u0440\u0442\u044b\u043d\u043e\u0432\u0430", + "\u0430\u043d\u0438\u0441\u0438\u043c\u043e\u0432", + "\u043c\u0438\u0445\u0430\u0439\u043b\u043e\u0432\u0430", + "\u0441\u0435\u043b\u0435\u0437\u043d\u0435\u0432", + "\u0430\u0440\u0442\u0435\u043c\u044c\u0435\u0432\u0430", + "\u043b\u0443\u043a\u0438\u043d", + "\u0431\u0435\u043b\u043e\u0432", + "\u0444\u0435\u0434\u043e\u0441\u0435\u0435\u0432\u0430", + "\u043d\u043e\u0441\u043a\u043e\u0432\u0430", + "\u043a\u0443\u0434\u0440\u044f\u0432\u0446\u0435\u0432\u0430", + "\u0434\u043e\u0440\u043e\u043d\u0438\u043d", + "\u043a\u043e\u0432\u0430\u043b\u0435\u0432", + "\u0440\u043e\u043c\u0430\u043d\u043e\u0432", + "\u0441\u0435\u043b\u0438\u0432\u0435\u0440\u0441\u0442\u043e\u0432\u0430", + "\u0447\u0435\u0440\u043d\u043e\u0432\u0430", + "\u0442\u0435\u0440\u0435\u043d\u0442\u044c\u0435\u0432\u0430", + "\u0440\u043e\u0433\u043e\u0432", + "\u043c\u0438\u0448\u0438\u043d", + "\u043b\u0430\u0437\u0430\u0440\u0435\u0432\u0430", + "\u0431\u043e\u0431\u044b\u043b\u0435\u0432\u0430", + "\u043a\u043e\u043c\u0438\u0441\u0441\u0430\u0440\u043e\u0432\u0430", + "\u0441\u0430\u043c\u0441\u043e\u043d\u043e\u0432", + "\u0435\u0432\u0434\u043e\u043a\u0438\u043c\u043e\u0432\u0430", + "\u0431\u043e\u0433\u0434\u0430\u043d\u043e\u0432", + "\u043a\u0430\u0431\u0430\u043d\u043e\u0432", + "\u0442\u0440\u0435\u0442\u044c\u044f\u043a\u043e\u0432\u0430", + "\u043c\u0430\u043a\u0441\u0438\u043c\u043e\u0432\u0430", + "\u0435\u0440\u043c\u0430\u043a\u043e\u0432\u0430", + "\u0441\u0430\u043c\u043e\u0439\u043b\u043e\u0432", + "\u043c\u044f\u0441\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0441\u0430\u043c\u043e\u0439\u043b\u043e\u0432\u0430", + "\u043c\u044f\u0441\u043d\u0438\u043a\u043e\u0432", + "\u0440\u044f\u0431\u043e\u0432", + "\u0434\u0435\u043c\u0435\u043d\u0442\u044c\u0435\u0432", + "\u043a\u0443\u043b\u0430\u043a\u043e\u0432\u0430", + "\u0433\u0435\u0440\u0430\u0441\u0438\u043c\u043e\u0432\u0430", + "\u043a\u043e\u043d\u043e\u043d\u043e\u0432\u0430", + "\u0433\u043e\u0440\u0431\u0430\u0447\u0435\u0432\u0430", + "\u0431\u0443\u0440\u043e\u0432", + "\u0432\u043e\u0440\u043e\u0431\u044c\u0435\u0432\u0430", + "\u0437\u044b\u043a\u043e\u0432", + "\u0441\u0438\u043b\u0438\u043d\u0430", + "\u043a\u0438\u0441\u0435\u043b\u0435\u0432", + "\u0437\u0438\u043c\u0438\u043d", + "\u0446\u0432\u0435\u0442\u043a\u043e\u0432\u0430", + "\u0433\u0443\u0440\u044c\u0435\u0432\u0430", + "\u0444\u0435\u0434\u043e\u0441\u0435\u0435\u0432", + "\u043b\u043e\u0431\u0430\u043d\u043e\u0432\u0430", + "\u0430\u0433\u0430\u0444\u043e\u043d\u043e\u0432", + "\u043a\u0430\u043b\u0430\u0448\u043d\u0438\u043a\u043e\u0432", + "\u0432\u0430\u0441\u0438\u043b\u044c\u0435\u0432", + "\u0431\u043e\u0433\u0434\u0430\u043d\u043e\u0432\u0430", + "\u043f\u0430\u043d\u0444\u0438\u043b\u043e\u0432", + "\u0441\u044b\u0441\u043e\u0435\u0432", + "\u043f\u043e\u043b\u044f\u043a\u043e\u0432\u0430", + "\u043c\u0430\u043a\u0430\u0440\u043e\u0432\u0430", + "\u043d\u0435\u043a\u0440\u0430\u0441\u043e\u0432\u0430", + "\u043a\u0443\u0437\u044c\u043c\u0438\u043d", + "\u0435\u043c\u0435\u043b\u044c\u044f\u043d\u043e\u0432\u0430", + "\u043a\u043e\u043d\u0434\u0440\u0430\u0442\u044c\u0435\u0432", + "\u0433\u043e\u0440\u0431\u0443\u043d\u043e\u0432\u0430", + "\u043a\u0438\u0440\u0438\u043b\u043b\u043e\u0432\u0430", + "\u043d\u0430\u0443\u043c\u043e\u0432", + "\u0430\u043b\u0435\u043a\u0441\u0435\u0435\u0432\u0430", + "\u0437\u0438\u043d\u043e\u0432\u044c\u0435\u0432", + "\u0441\u0430\u043c\u0441\u043e\u043d\u043e\u0432\u0430", + "\u043a\u043d\u044f\u0437\u0435\u0432\u0430", + "\u043b\u044b\u0442\u043a\u0438\u043d\u0430", + "\u043f\u0430\u043d\u043e\u0432", + "\u0449\u0443\u043a\u0438\u043d\u0430", + "\u0443\u0441\u0442\u0438\u043d\u043e\u0432\u0430", + "\u0448\u0438\u043b\u043e\u0432\u0430", + "\u043a\u043e\u0442\u043e\u0432", + "\u043f\u0435\u0441\u0442\u043e\u0432", + "\u0445\u043e\u0445\u043b\u043e\u0432\u0430", + "\u043c\u0443\u0440\u0430\u0432\u044c\u0435\u0432", + "\u043a\u0443\u0434\u0440\u044f\u0448\u043e\u0432\u0430", + "\u043e\u0440\u043b\u043e\u0432", + "\u0430\u043d\u0442\u043e\u043d\u043e\u0432", + "\u0431\u0435\u043b\u044f\u0435\u0432", + "\u043d\u043e\u0432\u0438\u043a\u043e\u0432\u0430", + "\u0432\u043b\u0430\u0434\u0438\u043c\u0438\u0440\u043e\u0432", + "\u0435\u0433\u043e\u0440\u043e\u0432\u0430", + "\u043f\u0430\u043d\u0444\u0438\u043b\u043e\u0432\u0430", + "\u043f\u0435\u0442\u0443\u0445\u043e\u0432\u0430", + "\u0432\u0438\u043d\u043e\u0433\u0440\u0430\u0434\u043e\u0432", + "\u0440\u044f\u0431\u043e\u0432\u0430", + "\u0431\u043b\u043e\u0445\u0438\u043d", + "\u0442\u0438\u043c\u043e\u0444\u0435\u0435\u0432\u0430", + "\u0441\u043e\u043a\u043e\u043b\u043e\u0432", + "\u0445\u043e\u0445\u043b\u043e\u0432", + "\u043a\u043e\u043b\u0435\u0441\u043d\u0438\u043a\u043e\u0432", + "\u0440\u043e\u0433\u043e\u0432\u0430", + "\u0438\u0433\u043d\u0430\u0442\u043e\u0432\u0430", + "\u0444\u0430\u0434\u0435\u0435\u0432\u0430", + "\u0435\u0444\u0440\u0435\u043c\u043e\u0432\u0430", + "\u0444\u0440\u043e\u043b\u043e\u0432", + "\u043e\u0440\u0435\u0445\u043e\u0432\u0430", + "\u0440\u043e\u0434\u0438\u043e\u043d\u043e\u0432\u0430", + "\u0445\u0430\u0440\u0438\u0442\u043e\u043d\u043e\u0432", + "\u0433\u043e\u043b\u0443\u0431\u0435\u0432", + "\u043c\u0430\u0441\u043b\u043e\u0432", + "\u0435\u0444\u0438\u043c\u043e\u0432", + "\u0442\u0430\u0440\u0430\u0441\u043e\u0432\u0430", + "\u0444\u043e\u043c\u0438\u0447\u0435\u0432", + "\u0431\u0430\u0440\u0430\u043d\u043e\u0432", + "\u0441\u043e\u043b\u043e\u0432\u044c\u0435\u0432", + "\u0431\u0430\u0440\u0430\u043d\u043e\u0432\u0430", + "\u044f\u043a\u0443\u0448\u0435\u0432", + "\u0449\u0435\u0440\u0431\u0430\u043a\u043e\u0432", + "\u0435\u0432\u0441\u0435\u0435\u0432\u0430", + "\u0441\u0435\u0440\u0433\u0435\u0435\u0432", + "\u0449\u0435\u0440\u0431\u0430\u043a\u043e\u0432\u0430", + "\u043a\u0443\u0437\u044c\u043c\u0438\u043d\u0430", + "\u043f\u0435\u0442\u0440\u043e\u0432", + "\u0430\u0440\u0445\u0438\u043f\u043e\u0432\u0430", + "\u0433\u0440\u0438\u0448\u0438\u043d\u0430", + "\u0438\u0433\u043d\u0430\u0442\u044c\u0435\u0432\u0430", + "\u0449\u0443\u043a\u0438\u043d", + "\u0431\u043b\u0438\u043d\u043e\u0432\u0430", + "\u043a\u0440\u0430\u0441\u0438\u043b\u044c\u043d\u0438\u043a\u043e\u0432", + "\u043a\u0443\u043b\u0438\u043a\u043e\u0432\u0430", + "\u0433\u0430\u0432\u0440\u0438\u043b\u043e\u0432", + "\u0441\u0438\u043b\u0438\u043d", + "\u0437\u0430\u0439\u0446\u0435\u0432\u0430", + "\u0440\u044b\u0431\u0430\u043a\u043e\u0432", + "\u043a\u0440\u044e\u043a\u043e\u0432", + "\u0441\u044b\u0441\u043e\u0435\u0432\u0430", + "\u043b\u0435\u0431\u0435\u0434\u0435\u0432", + "\u043c\u043e\u043b\u0447\u0430\u043d\u043e\u0432", + "\u0432\u043b\u0430\u0441\u043e\u0432", + "\u0433\u0443\u0441\u0435\u0432", + "\u0431\u043e\u0431\u0440\u043e\u0432\u0430", + "\u043a\u043e\u043f\u044b\u043b\u043e\u0432\u0430", + "\u0435\u0440\u043c\u0430\u043a\u043e\u0432", + "\u0433\u043e\u043b\u0443\u0431\u0435\u0432\u0430", + "\u0448\u0430\u0440\u0430\u043f\u043e\u0432", + "\u043f\u043e\u0442\u0430\u043f\u043e\u0432", + "\u0432\u043e\u0440\u043e\u043d\u0446\u043e\u0432\u0430", + "\u0442\u0438\u0445\u043e\u043d\u043e\u0432\u0430", + "\u0433\u0435\u0440\u0430\u0441\u0438\u043c\u043e\u0432", + "\u043d\u0438\u043a\u043e\u043b\u0430\u0435\u0432", + "\u0442\u0440\u043e\u0444\u0438\u043c\u043e\u0432\u0430", + "\u043a\u043e\u0441\u0442\u0438\u043d", + "\u043a\u0443\u0437\u043d\u0435\u0446\u043e\u0432\u0430", + "\u043a\u043e\u043d\u0441\u0442\u0430\u043d\u0442\u0438\u043d\u043e\u0432", + "\u0430\u043a\u0441\u0435\u043d\u043e\u0432\u0430", + "\u0444\u0430\u0434\u0435\u0435\u0432", + "\u0440\u043e\u043c\u0430\u043d\u043e\u0432\u0430", + "\u0441\u0430\u0437\u043e\u043d\u043e\u0432\u0430", + "\u0441\u0438\u043c\u043e\u043d\u043e\u0432\u0430", + "\u043a\u0440\u044b\u043b\u043e\u0432", + "\u0444\u0435\u0434\u043e\u0442\u043e\u0432\u0430", + "\u0443\u0432\u0430\u0440\u043e\u0432\u0430", + "\u0433\u0440\u0438\u0448\u0438\u043d", + "\u043c\u0430\u0440\u0442\u044b\u043d\u043e\u0432", + "\u0437\u0430\u0445\u0430\u0440\u043e\u0432\u0430", + "\u043b\u0438\u0445\u0430\u0447\u0435\u0432\u0430", + "\u0433\u0440\u043e\u043c\u043e\u0432", + "\u043a\u043d\u044f\u0437\u0435\u0432", + "\u0448\u0443\u0431\u0438\u043d\u0430", + "\u043a\u043e\u043c\u0430\u0440\u043e\u0432\u0430", + "\u043a\u043e\u043d\u0434\u0440\u0430\u0442\u044c\u0435\u0432\u0430", + "\u043f\u0440\u043e\u0445\u043e\u0440\u043e\u0432\u0430", + "\u043a\u0443\u0437\u043d\u0435\u0446\u043e\u0432", + "\u0442\u0435\u0442\u0435\u0440\u0438\u043d\u0430", + "\u0432\u0438\u043d\u043e\u0433\u0440\u0430\u0434\u043e\u0432\u0430", + "\u043f\u043e\u043f\u043e\u0432\u0430", + "\u043a\u0430\u043b\u0430\u0448\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0435\u043b\u0438\u0441\u0435\u0435\u0432", + "\u0448\u0430\u0440\u043e\u0432\u0430", + "\u0442\u0435\u0440\u0435\u043d\u0442\u044c\u0435\u0432", + "\u0431\u0438\u0440\u044e\u043a\u043e\u0432", + "\u043b\u0430\u043f\u0438\u043d", + "\u0434\u043c\u0438\u0442\u0440\u0438\u0435\u0432\u0430", + "\u0448\u0438\u043b\u043e\u0432", + "\u043a\u0443\u043b\u0430\u0433\u0438\u043d\u0430", + "\u043b\u043e\u0433\u0438\u043d\u043e\u0432\u0430", + "\u043e\u0440\u0435\u0445\u043e\u0432", + "\u043b\u0430\u0440\u0438\u043e\u043d\u043e\u0432", + "\u0434\u0430\u0432\u044b\u0434\u043e\u0432", + "\u043f\u0430\u0432\u043b\u043e\u0432\u0430", + "\u0444\u0435\u0434\u043e\u0442\u043e\u0432", + "\u0437\u0443\u0435\u0432", + "\u0441\u0430\u0444\u043e\u043d\u043e\u0432\u0430", + "\u043a\u0430\u0440\u043f\u043e\u0432", + "\u043f\u0430\u0445\u043e\u043c\u043e\u0432\u0430", + "\u0431\u043e\u0440\u0438\u0441\u043e\u0432\u0430", + "\u043d\u0438\u043a\u043e\u043d\u043e\u0432\u0430", + "\u0442\u0440\u043e\u0444\u0438\u043c\u043e\u0432", + "\u0430\u043d\u0438\u0441\u0438\u043c\u043e\u0432\u0430", + "\u043d\u0438\u043a\u0438\u0444\u043e\u0440\u043e\u0432", + "\u0431\u043e\u0440\u0438\u0441\u043e\u0432", + "\u043d\u043e\u0441\u043e\u0432", + "\u043f\u0430\u0432\u043b\u043e\u0432", + "\u043f\u043e\u0442\u0430\u043f\u043e\u0432\u0430", + "\u043d\u0438\u043a\u0438\u0442\u0438\u043d", + "\u0430\u0432\u0434\u0435\u0435\u0432\u0430", + "\u043c\u0435\u043b\u044c\u043d\u0438\u043a\u043e\u0432", + "\u0433\u0443\u0441\u0435\u0432\u0430", + "\u0434\u0430\u043d\u0438\u043b\u043e\u0432", + "\u0431\u044b\u043a\u043e\u0432", + "\u0442\u0438\u0445\u043e\u043d\u043e\u0432", + "\u0441\u0430\u0432\u0435\u043b\u044c\u0435\u0432", + "\u0431\u0435\u043b\u044f\u0435\u0432\u0430", + "\u0448\u0438\u0440\u044f\u0435\u0432", + "\u0433\u0443\u0449\u0438\u043d\u0430", + "\u0440\u0443\u0441\u0430\u043a\u043e\u0432\u0430", + "\u0438\u0441\u0430\u0435\u0432\u0430", + "\u0437\u0430\u0439\u0446\u0435\u0432", + "\u043c\u0430\u043c\u043e\u043d\u0442\u043e\u0432", + "\u0432\u043e\u0440\u043e\u0431\u044c\u0435\u0432", + "\u0437\u0443\u0435\u0432\u0430", + "\u0431\u0435\u043b\u043e\u0443\u0441\u043e\u0432\u0430", + "\u0435\u0444\u0438\u043c\u043e\u0432\u0430", + "\u0442\u0440\u0435\u0442\u044c\u044f\u043a\u043e\u0432", + "\u0444\u043e\u043c\u0438\u043d\u0430", + "\u043a\u043e\u043c\u0438\u0441\u0441\u0430\u0440\u043e\u0432", + "\u044f\u043a\u0443\u0448\u0435\u0432\u0430", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u043e\u0432", + "\u0433\u0443\u0449\u0438\u043d", + "\u0441\u0430\u0432\u0438\u043d", + "\u0444\u0440\u043e\u043b\u043e\u0432\u0430", + "\u043d\u0435\u043a\u0440\u0430\u0441\u043e\u0432", + "\u0436\u0434\u0430\u043d\u043e\u0432", + "\u0441\u0435\u0440\u0433\u0435\u0435\u0432\u0430", + "\u0430\u043d\u0434\u0440\u0435\u0435\u0432\u0430", + "\u043e\u0432\u0447\u0438\u043d\u043d\u0438\u043a\u043e\u0432\u0430", + "\u0433\u0430\u043b\u043a\u0438\u043d", + "\u0438\u0441\u0430\u043a\u043e\u0432", + "\u0430\u0433\u0430\u0444\u043e\u043d\u043e\u0432\u0430", + "\u0443\u0441\u0442\u0438\u043d\u043e\u0432", + "\u0441\u0443\u0445\u0430\u043d\u043e\u0432\u0430", + "\u0431\u044b\u043a\u043e\u0432\u0430", + "\u043c\u043e\u0438\u0441\u0435\u0435\u0432", + "\u0441\u0430\u0432\u0435\u043b\u044c\u0435\u0432\u0430", + "\u043f\u0435\u0441\u0442\u043e\u0432\u0430" + ], + "OTHER_PRONOUN": [ + "they" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043d\u0430\u0441\u0442\u043e\u044f\u0442\u0435\u043b\u044c\u043d\u0438\u0446\u0430": "\u043d\u0430\u0441\u0442\u043e\u044f\u0442\u0435\u043b\u044c", + "\u0430\u0431\u0431\u0430\u0442\u0438\u0441\u0430": "\u043d\u0430\u0441\u0442\u043e\u044f\u0442\u0435\u043b\u044c", + "\u0438\u0433\u0443\u043c\u0435\u043d\u044c\u044f": "\u043d\u0430\u0441\u0442\u043e\u044f\u0442\u0435\u043b\u044c", + "\u0431\u0430\u0440\u043e\u043d\u0435\u0441\u0441\u0430": "\u0431\u0430\u0440\u043e\u043d", + "\u043a\u0440\u0430\u0441\u043e\u0442\u043a\u0430": "\u0444\u0440\u0430\u043d\u0442", + "\u043a\u0440\u0430\u0441\u0430\u0432\u0438\u0446\u0430": "\u043a\u043e\u043d\u0442\u0435", + "\u043c\u043e\u043b\u043e\u0434\u0430\u044f": "\u043a\u043e\u043d\u044e\u0445", + "\u043d\u0435\u0432\u0435\u0441\u0442\u0430": "\u043a\u043e\u043d\u044e\u0445", + "\u043d\u043e\u0432\u043e\u0431\u0440\u0430\u0447\u043d\u0430\u044f": "\u043a\u043e\u043d\u044e\u0445", + "\u0431\u044d\u0440": "\u043a\u043e\u043d\u044e\u0445", + "\u0431\u0438\u0437\u043d\u0435\u0441\u043c\u0435\u043d\u0448\u0430": "\u043f\u0440\u0435\u0434\u043f\u0440\u0438\u043d\u0438\u043c\u0430\u0442\u0435\u043b\u044c", + "\u0431\u0438\u0437\u043d\u0435\u0441\u0432\u0443\u043c\u0435\u043d": "\u0431\u0438\u0437\u043d\u0435\u0441\u043c\u0435\u043d", + "\u0431\u0438\u0437\u043d\u0435\u0441\u043c\u0435\u043d\u043a\u0430": "\u0431\u0438\u0437\u043d\u0435\u0441\u043c\u0435\u043d", + "\u043a\u043e\u043c\u043c\u0435\u0440\u0441\u0430\u043d\u0442\u043a\u0430": "\u043f\u0440\u0435\u0434\u043f\u0440\u0438\u043d\u0438\u043c\u0430\u0442\u0435\u043b\u044c", + "\u043f\u0440\u0435\u0434\u043f\u0440\u0438\u043d\u0438\u043c\u0430\u0442\u0435\u043b\u044c\u043d\u0438\u0446\u0430": "\u0434\u0435\u043b\u043e\u0432\u043e\u0439_\u0447\u0435\u043b\u043e\u0432\u0435\u043a", + "\u0436\u0435\u043d\u0449\u0438\u043d\u0430_\u0431\u0438\u0437\u043d\u0435\u0441\u043c\u0435\u043d": "\u0434\u0435\u043b\u043e\u0432\u043e\u0439_\u0447\u0435\u043b\u043e\u0432\u0435\u043a", + "\u0434\u0435\u043b\u043e\u0432\u0430\u044f_\u0436\u0435\u043d\u0449\u0438\u043d\u0430": "\u043f\u0440\u0435\u0434\u043f\u0440\u0438\u043d\u0438\u043c\u0430\u0442\u0435\u043b\u044c", + "\u043f\u0442\u0435\u043d\u0435\u0446": "\u0447\u0443\u0432\u0430\u043a", + "\u0441\u043a\u043e\u0442\u043d\u0438\u0446\u0430": "\u043a\u043e\u0432\u0431\u043e\u0439", + "\u043f\u0430\u0441\u0442\u0443\u0448\u043a\u0430": "\u043a\u043e\u0432\u0431\u043e\u0439", + "\u0433\u0435\u0440\u0446\u043e\u0433\u0438\u043d\u044f": "\u0433\u0435\u0440\u0446\u043e\u0433", + "\u043a\u043d\u044f\u0433\u0438\u043d\u044f": "\u0433\u0435\u0440\u0446\u043e\u0433", + "\u0438\u043c\u043f\u0435\u0440\u0430\u0442\u0440\u0438\u0446\u0430": "\u0438\u043c\u043f\u0435\u0440\u0430\u0442\u043e\u0440", + "\u0446\u0430\u0440\u0438\u0446\u0430": "\u043a\u043e\u0440\u043e\u043b\u044c", + "\u0436\u0435\u043d\u0441\u043a\u0438\u0439": "\u043c\u0443\u0436\u0441\u043a\u043e\u0439", + "\u0433\u0430\u043b": "\u043c\u0430\u043b\u044c\u0447\u0438\u043a", + "\u0434\u0435\u0432\u043e\u0447\u043a\u0430": "\u043c\u0430\u043b\u044c\u0447\u0438\u043a", + "\u0434\u0435\u0432\u0447\u043e\u043d\u043a\u0430": "\u0433\u0430\u0439", + "\u0432\u043e\u0441\u043f\u0438\u0442\u0430\u0442\u0435\u043b\u044c\u043d\u0438\u0446\u0430": "\u0433\u0443\u0431\u0435\u0440\u043d\u0430\u0442\u043e\u0440", + "\u0433\u0443\u0432\u0435\u0440\u043d\u0430\u043d\u0442\u043a\u0430": "\u0433\u0443\u0431\u0435\u0440\u043d\u0430\u0442\u043e\u0440", + "\u0432\u043d\u0443\u0447\u043a\u0430": "\u0432\u043d\u0443\u0447\u043e\u043a", + "\u0434\u0438\u0440\u0435\u043a\u0442\u0440\u0438\u0441\u0430": "\u0434\u0438\u0440\u0435\u043a\u0442\u043e\u0440", + "\u0435\u0451": "\u044f\u0433\u043e", + "\u0433\u0435\u0440\u043e\u0438\u043d\u044f": "\u0433\u0435\u0440\u043e\u0439", + "\u043b\u0435\u0434\u0438": "\u0433\u043e\u0441\u043f\u043e\u0434\u044c", + "\u0434\u043e\u043c\u043e\u0432\u043b\u0430\u0434\u0435\u043b\u0438\u0446\u0430": "\u0430\u0440\u0435\u043d\u0434\u043e\u0434\u0430\u0442\u0435\u043b\u044c", + "\u0441\u043b\u0443\u0436\u0430\u043d\u043a\u0430": "\u0441\u043b\u0443\u0433\u0430", + "\u043f\u0440\u0438\u0441\u043b\u0443\u0433\u0430": "\u0441\u043b\u0443\u0433\u0430", + "\u0431\u0430\u0440\u044b\u0448\u043d\u044f": "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d", + "\u043c\u0438\u0441\u0441": "\u0441\u044d\u0440", + "\u043f\u0440\u043e\u043c\u0430\u0445\u043d\u0443\u0442\u044c\u0441\u044f": "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d", + "miss_a": "\u043f\u0430\u043d", + "\u043f\u0440\u043e\u043c\u0430\u0437\u0430\u0442\u044c": "\u043f\u0430\u043d", + "\u043d\u0435_\u043f\u043e\u043f\u0430\u0441\u0442\u044c": "\u043f\u0430\u043d", + "\u043c\u0430\u0434\u0435\u043c\u0443\u0430\u0437\u0435\u043b\u044c": "\u043f\u0430\u043d", + "\u0441\u043e\u0434\u0435\u0440\u0436\u0430\u043d\u043a\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d", + "\u043d\u0430\u043d\u0430": "\u0430\u0434\u0430", + "\u043c\u0430\u0442\u0443\u0448\u043a\u0430": "\u0430\u0434\u0430", + "\u043c\u0430\u0442\u044c": "\u0430\u0431", + "\u043c\u0430\u0439\u043a\u0430": "\u0442\u044f\u0442\u044f", + "\u043e\u043d\u0430": "\u0441\u043e", + "\u043c\u0430\u043c\u0430\u0448\u0430": "\u0442\u044b", + "\u043c\u0430\u0434\u0430\u043c": "\u043f\u0430\u043d", + "\u043c\u0438\u0441\u0441\u0438\u0441": "\u043f\u0430\u043d", + "\u0433_\u0436\u0430": "\u043f\u0430\u043d", + "\u043c\u043e\u043d\u0430\u0445\u0438\u043d\u044f": "\u043c\u043e\u043d\u0430\u0445", + "\u043c\u043e\u043d\u0430\u0448\u043a\u0430": "\u043c\u043e\u043d\u0430\u0445", + "\u043d\u0443\u043d": "\u043c\u043e\u043d\u0430\u0445", + "\u043f\u043e\u043b\u0438\u0446\u0435\u0439\u0441\u043a\u0430\u044f": "\u043f\u043e\u043b\u0438\u0446\u0435\u0439\u0441\u043a\u0438\u0439", + "\u0441\u043e\u0442\u0440\u0443\u0434\u043d\u0438\u0446\u0430_\u043f\u043e\u043b\u0438\u0446\u0438\u0438": "\u043f\u043e\u043b\u0438\u0441\u043c\u0435\u043d", + "\u0436\u0435\u043d\u0449\u0438\u043d\u0430_\u043f\u043e\u043b\u0438\u0446\u0435\u0439\u0441\u043a\u0438\u0439": "\u043f\u043e\u043b\u0438\u0446\u0435\u0439\u0441\u043a\u0438\u0439", + "\u0436\u0440\u0438\u0446\u0430": "\u0441\u0432\u044f\u0449\u0435\u043d\u043d\u0438\u043a", + "\u043f\u043e\u043f\u0430\u0434\u044c\u044f": "\u0441\u0432\u044f\u0449\u0435\u043d\u043d\u0438\u043a", + "\u043a\u043e\u0440\u043e\u043b\u0435\u0432\u043d\u0430": "\u0430\u043c\u0438\u0440", + "\u043f\u0440\u0438\u043d\u0446\u0435\u0441\u0441\u0430": "\u043f\u0440\u0438\u043d\u0446", + "\u0446\u0430\u0440\u0435\u0432\u043d\u0430": "\u0430\u043c\u0438\u0440", + "\u043a\u043e\u0440\u043e\u043b\u0435\u0432\u0430": "\u043a\u0430\u043d", + "\u043a\u0432\u0438\u043d\u0441": "\u043a\u043d\u0438\u0433\u0430_\u0446\u0430\u0440\u0435\u0439", + "\u043a\u0443\u0438\u043d\u0441": "\u043a\u043d\u0438\u0433\u0430_\u0446\u0430\u0440\u0435\u0439", + "\u0441\u043e": "\u0445\u044d", + "\u044f\u043d\u0430": "\u0445\u044d", + "\u0432\u043e\u043d\u0430": "\u0445\u044d", + "\u0441\u0435\u0441\u0442\u0440\u0430": "\u0431\u0440\u0430\u0442\u0435\u0446", + "\u0441\u0435\u0441\u0442\u0440\u0438\u0446\u0430": "\u0431\u0440\u0430\u0442\u0435\u0446", + "\u0445\u043e": "\u0431\u0440\u0430\u0442\u0435\u0446", + "\u0441\u0435\u0441\u0442\u0440\u0438\u0447\u043a\u0430": "\u0431\u0440\u0430\u0442\u0435\u0446", + "\u0447\u0430\u0440\u043e\u0434\u0435\u0439\u043a\u0430": "wizard", + "\u0441\u0442\u0430\u0440\u0430\u044f_\u0434\u0435\u0432\u0430": "\u0431\u0435\u043a\u0430\u0440", + "\u0432\u0435\u043a\u043e\u0432\u0443\u0445\u0430": "\u0431\u0435\u043a\u0430\u0440", + "\u043f\u0430\u0434\u0447\u0435\u0440\u0438\u0446\u0430": "\u043f\u0440\u0438\u0451\u043c\u043d\u044b\u0439_\u0441\u044b\u043d", + "\u043f\u0440\u0438\u0451\u043c\u043d\u0430\u044f_\u0434\u043e\u0447\u044c": "\u043f\u0440\u0438\u0451\u043c\u043d\u044b\u0439_\u0441\u044b\u043d", + "\u043c\u0430\u0447\u0435\u0445\u0430": "\u043e\u0442\u0447\u0438\u043c", + "\u043f\u0440\u0438\u0451\u043c\u043d\u0430\u044f_\u043c\u0430\u0442\u044c": "\u043f\u0440\u0438\u0451\u043c\u043d\u044b\u0439_\u043e\u0442\u0435\u0446", + "\u043e\u0444\u0438\u0446\u0438\u0430\u043d\u0442\u043a\u0430": "\u043e\u0444\u0438\u0446\u0438\u0430\u043d\u0442", + "\u043a\u0435\u043b\u044c\u043d\u0435\u0440\u0448\u0430": "\u043a\u0435\u043b\u044c\u043d\u0435\u0440", + "\u0432\u0434\u043e\u0432\u0438\u0446\u0430": "\u0432\u0434\u043e\u0432\u0435\u0446", + "\u0432\u0434\u043e\u0432\u0430": "\u0432\u0434\u043e\u0432\u0435\u0446", + "\u043d\u0438": "\u043c\u0443\u0436", + "\u0441\u0443\u043f\u0440\u0443\u0433\u0430": "\u0441\u0443\u043f\u0440\u0443\u0433", + "\u0436\u0435\u043d\u0430": "gv", + "\u0430\u043b\u043c\u0430\u0437": "wizard", + "\u0436\u0435\u043d\u0449\u0438\u043d\u0430": "\u043c\u0443\u0436\u0447\u0438\u043d\u0430", + "\u0436\u0435\u043d\u0449\u0438\u043d\u044b": "\u043c\u0435\u043d", + "\u043f\u0430\u0446\u0430\u043d": "\u0434\u0435\u0432\u043e\u0447\u043a\u0430", + "\u0445\u043b\u043e\u043f\u0435\u0446": "\u0434\u0435\u0432\u0447\u043e\u043d\u043a\u0430", + "\u043c\u0430\u043b\u044c\u0447\u0438\u043a": "\u0434\u0435\u0432\u043e\u0447\u043a\u0430", + "\u043f\u043e\u0434\u0440\u043e\u0441\u0442\u043e\u043a": "\u0434\u0435\u0432\u043e\u0447\u043a\u0430", + "\u0444\u0440\u0430\u043d\u0446\u0443\u0437\u0441\u043a\u0438\u0439_\u044f\u0437\u044b\u043a": "\u043c\u0430\u0434\u0430\u043c_\u043a\u043b\u043e\u0434", + "\u0444\u0440\u0430\u043d\u0446\u0443\u0437\u0441\u043a\u0438\u0439": "\u043c\u0430\u0434\u0430\u043c_\u043a\u043b\u043e\u0434" + }, + "other_gender_swap": { + "\u0438\u043c": "\u0435\u0451", + "\u043e\u043d\u0438": "\u0441\u043e", + "lia": "\u0435\u0451", + "they": "\u043e\u043d\u0430", + "\u0442\u0435": "\u0432\u043e\u043d\u0430", + "\u0441\u043e": "\u0442\u0435", + "\u0445\u044d": "\u043e\u043d\u0438", + "\u0435\u043c\u0443": "\u043e\u043d\u0438", + "\u043c\u0443": "\u0438\u043c", + "\u044f\u043d\u0430": "\u043e\u043d\u0438", + "\u043e\u043d\u0430": "they", + "\u0432\u043e\u043d\u0430": "they", + "\u0435\u0451": "\u0438\u043c" + }, + "en_pronoun2gender": { + "they": [ + "\u0442\u0440\u0430\u043d\u0441\u0433\u0435\u043d\u0434\u0435\u0440\u043d\u043e\u0441\u0442\u044c", + "\u0433\u043e\u043c\u043e\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b\u0439", + "\u0431\u0438\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b\u0439", + "\u0442\u0440\u0430\u043d\u0441\u0433\u0435\u043d\u0434\u0435\u0440\u043d\u044b\u0439", + "\u0442\u0440\u0430\u043d\u0441\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u044b\u0439" + ], + "he": [ + "\u043c\u0430\u043b\u044c\u0447\u043e\u043d\u043a\u0430", + "\u043f\u043e\u0434\u0440\u043e\u0441\u0442\u043e\u043a", + "\u0445\u043b\u043e\u043f\u0435\u0446", + "\u043f\u0430\u0446\u0430\u043d", + "gv", + "\u043c\u0443\u0436\u0447\u0438\u043d\u0430", + "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d", + "\u043c\u0430\u043b\u044c\u0447\u0438\u043a", + "\u043c\u0430\u043b\u044b\u0448", + "\u043c\u0443\u0436\u0441\u043a\u043e\u0439", + "\u043c\u043e\u043b\u043e\u0434\u043e\u0439_\u0447\u0435\u043b\u043e\u0432\u0435\u043a", + "\u043c\u0430\u043b\u044c\u0447\u0443\u0433\u0430\u043d", + "\u0448\u043a\u043e\u0442", + "\u0442\u0440\u0435\u0441\u043a\u0430\u0442\u044c\u0441\u044f", + "\u0434\u0436\u0435\u043d\u0442\u043b\u044c\u043c\u0435\u043d", + "\u043c\u0430\u043b\u044b\u0439", + "\u0447\u0443\u0432\u0430\u043a", + "\u043c\u0430\u043b\u044c\u0447\u0438\u0448\u043a\u0430", + "\u043a\u0435\u043d\u0442", + "\u0447\u0435\u043b\u044e\u0441\u0442\u044c", + "\u0433\u0430\u0439" + ], + "she": [ + "\u043d\u0435\u0436\u043d\u044b\u0439_\u043f\u043e\u043b", + "\u043c\u0438\u0441\u0441", + "\u043f\u0440\u043e\u043c\u0430\u0445\u043d\u0443\u0442\u044c\u0441\u044f", + "\u0436\u0435\u043d\u0441\u043a\u0438\u0439", + "\u0436\u0435\u043d\u0449\u0438\u043d\u0430", + "\u0434\u0435\u0439\u043c", + "\u0434\u0435\u0432\u0447\u043e\u043d\u043a\u0430", + "\u043c\u0430\u0434\u043c\u0443\u0430\u0437\u044d\u043b\u044c", + "\u0434\u0435\u0432\u043e\u0447\u043a\u0430", + "\u0434\u0430\u043c\u043e\u0447\u043a\u0430", + "\u043f\u0440\u0435\u043a\u0440\u0430\u0441\u043d\u044b\u0439_\u043f\u043e\u043b", + "\u0433\u0430\u043b", + "\u043b\u0435\u0434\u0438", + "\u043f\u0440\u043e\u043c\u0430\u0437\u0430\u0442\u044c", + "\u0431\u0430\u0440\u044b\u0448\u043d\u044f", + "\u043d\u0435_\u043f\u043e\u043f\u0430\u0441\u0442\u044c", + "\u043c\u0430\u0434\u0435\u043c\u0443\u0430\u0437\u0435\u043b\u044c", + "\u0436\u0435\u043d\u0430", + "miss_a", + "\u0441\u043b\u0430\u0431\u044b\u0439_\u043f\u043e\u043b", + "\u0434\u0435\u0432\u0447\u0443\u0448\u043a\u0430" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0441\u043e\u0431\u043e\u0439", + "\u043c\u0443", + "lia", + "\u044f\u0433\u043e", + "\u0435\u0433\u043e", + "\u0441\u043e", + "\u0445\u044d", + "\u0435\u043c\u0443" + ], + "she": [ + "\u044f\u043d\u0430", + "\u0435\u0451", + "\u0432\u043e\u043d\u0430", + "\u0441\u043e", + "\u043e\u043d\u0430" + ], + "they": [ + "\u043e\u043d\u0438", + "\u0438\u043c", + "lia", + "\u0442\u0435", + "they" + ], + "it": [ + "\u0432\u043e\u043d_\u0442\u043e", + "\u0442\u0430", + "\u044d\u0442\u0430", + "\u0441\u044f", + "\u0442\u043e", + "\u0438\u043d", + "\u044d\u043d", + "\u0434\u0435\u043a\u0430", + "bt", + "\u0432\u043e\u043d_\u0442\u0430", + "\u043e\u0432\u0430", + "\u0435\u0433\u043e", + "\u0432\u043e\u043d_\u0442\u043e\u0442", + "\u0447\u0435", + "\u0442\u043e\u0442", + "\u0433\u044d\u0442\u0430", + "\u0447\u0442\u043e", + "\u0435\u0451", + "\u043e\u043d\u043e", + "\u0441\u0430\u043c_\u0441\u0435\u0431\u044f", + "\u044d\u0442\u0438", + "\u043e\u043d\u0430", + "\u0430\u0439_\u0442\u0438", + "\u044f\u0433\u043e", + "\u044d\u0442\u043e\u0442", + "\u0441\u0435\u0439", + "\u0442\u0435" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/rue.json b/data_tooling/pii_processing/ontology/data/rue.json new file mode 100644 index 0000000..5a6a4ee --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/rue.json @@ -0,0 +1,69 @@ +{ + "JOB": [ + "\u0434\u0440\u0443\u0433\u044b\u0439", + "\u0456\u043d\u0436\u0456\u043d\u0456\u0440" + ], + "ORG": [ + "\u043f\u043e\u043b\u044c\u043d\u043e\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440\u0441\u0442\u0432\u043e", + "\u0436\u0432\u0430\u0447\u044b\u0439_\u0491\u0443\u043c\u0456\u0439" + ], + "SOC_ECO_CLASS": [ + "\u0447\u043e\u0440\u043d\u044b\u0439_\u0442\u043e\u0440\u0433", + "\u043f\u043e\u043b\u044c\u043d\u043e\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440\u0441\u0442\u0432\u043e" + ], + "ANIMAL": [ + "\u0445\u043e\u0445\u043e\u0442\u0432\u0430", + "\u043a\u0432\u0430\u043a\u0432\u0430" + ], + "PUBLIC_FIGURE": [ + "\u0434\u0432\u0430" + ], + "DATE": [ + "\u043c\u0435\u043d\u0438\u043d\u044b" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043e\u043d\u0430": "\u043d\u044f\u043d\u044c\u043e", + "\u0441\u0435\u0441\u0442\u0440\u0430": "\u0431\u0440\u0430\u0442", + "\u0436\u043e\u043d\u0430": "\u0447\u043e\u043b\u043e\u0432\u0456\u043a", + "\u0436\u0435\u043d\u0430": "\u0447\u043e\u043b\u043e\u0432\u0456\u043a" + }, + "other_gender_swap": { + "\u0432\u043d\u0438": "\u043e\u043d\u0430", + "\u043e\u043d\u0430": "\u0432\u043d\u0438" + }, + "en_pronoun2gender": { + "he": [ + "\u043c\u0430\u043b\u044b\u0439", + "\u0447\u043e\u043b\u043e\u0432\u0456\u043a" + ], + "she": [ + "\u0436\u0435\u043d\u0430", + "\u0436\u043e\u043d\u0430" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "\u043e\u043d\u0430" + ], + "they": [ + "\u0432\u043d\u0438" + ], + "it": [ + "\u0448\u0442\u043e", + "\u043e\u043d\u043e", + "\u043e\u043d\u0430" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/rup.json b/data_tooling/pii_processing/ontology/data/rup.json new file mode 100644 index 0000000..985548e --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/rup.json @@ -0,0 +1,176 @@ +{ + "JOB": [ + "murar", + "furn\u00e3gi", + "ciripar", + "avigljitor", + "andoilu", + "grupar", + "dugar", + "araci", + "purcar", + "barber", + "vigl\u00e3" + ], + "ORG": [ + "doi", + "c\u00e3prioar\u00e3", + "dichii", + "addis_ababa", + "sculie", + "sculii", + "lutseafir", + "oaste" + ], + "FOOD": [ + "pustilii", + "pundii" + ], + "PLANT": [ + "spal\u00e3", + "dhamaskin\u00e3", + "cireash\u00e3", + "brushtir", + "anin", + "saltse", + "frang\u00e3", + "saltsi", + "verdzu", + "damaschin\u00e3" + ], + "PUBLIC_FIGURE": [ + "e", + "bush", + "murar" + ], + "DISEASE": [ + "tushescu", + "shuplicat", + "pleag\u00e3", + "tushedzu", + "seate", + "urbari", + "crud", + "ed", + "urbeats\u00e3", + "aspargu", + "shoaric", + "nisomn", + "aran\u00e3", + "heavr\u00e3" + ], + "ANIMAL": [ + "njerl\u00e3", + "sturdzu", + "vivirits\u00e3", + "corbu", + "strudz", + "broatic", + "tserbu" + ], + "QUANTITY": [ + "balt\u00e3" + ], + "PERSON_PRONOUN": [ + "mine", + "her" + ], + "DATE": [ + "didindi", + "bit\u00e3rneats\u00e3", + "naparti" + ], + "GENDER": [ + "feat\u00e3" + ], + "LOCATION": [ + "haristo" + ], + "RELIGION_MEMBER": [ + "crishtin", + "crishtin\u00e3" + ], + "LANGUAGE": [ + "greac\u00e3" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "hilji": "son", + "hilje": "son", + "amir\u00e3roanji": "ampirat", + "v\u00e3siloanji": "b\u00e3sil\u00e3u", + "n\u00e3s\u00e3": "n\u00e3su", + "n\u00e3sa": "elu", + "elu": "n\u00e3s", + "sor\u00e3": "frate", + "nuearc\u00e3": "nuercu", + "nearc\u00e3": "nercu", + "vedu\u00e3": "veduv", + "veduv\u00e3": "veduv", + "\u00e3nveast\u00e3": "b\u00e3rbat", + "suts\u00e3lji": "b\u00e3rbat", + "duna": "b\u00e3rbat", + "nicuchir\u00e3": "b\u00e3rbat", + "frut": "feat\u00e3", + "hilj": "feat\u00e3" + }, + "other_gender_swap": { + "n\u00e3si": "n\u00e3sa", + "eali": "n\u00e3sa", + "n\u00e3se": "n\u00e3s\u00e3", + "elj": "n\u00e3sa", + "n\u00e3sh": "n\u00e3s\u00e3", + "n\u00e3s": "n\u00e3sh", + "n\u00e3su": "n\u00e3sh", + "elu": "eali", + "n\u00e3s\u00e3": "n\u00e3si", + "n\u00e3sa": "n\u00e3sh" + }, + "en_pronoun2gender": { + "he": [ + "hilj", + "frut" + ], + "she": [ + "muljari", + "feat\u00e3" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "n\u00e3su", + "elu", + "n\u00e3s" + ], + "she": [ + "elu", + "her", + "n\u00e3sa", + "n\u00e3s\u00e3", + "ljei" + ], + "they": [ + "n\u00e3sh", + "n\u00e3se", + "n\u00e3si", + "eali", + "elj" + ], + "it": [ + "disi", + "aestu", + "aistu" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/rw.json b/data_tooling/pii_processing/ontology/data/rw.json new file mode 100644 index 0000000..87d3e5f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/rw.json @@ -0,0 +1,50 @@ +{ + "JOB": [ + "guru", + "koga" + ], + "RELIGION_MEMBER": [ + "guru" + ], + "LANGUAGE": [ + "ikinyarwanda" + ], + "PRODUCT": [ + "gongo" + ], + "DISEASE": [ + "im_beba" + ], + "PERSON_PRONOUN": [ + "he" + ], + "ANIMAL": [ + "inkoko" + ], + "PLANT": [ + "ikaroti" + ], + "ORG": [ + "sa" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "he": [ + "he" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sa.json b/data_tooling/pii_processing/ontology/data/sa.json new file mode 100644 index 0000000..5f7d9c0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sa.json @@ -0,0 +1,98 @@ +{ + "ORG": [ + "\u0905\u092e\u0947\u0930\u093f\u0915\u093e\u0938\u0902\u092f\u0941\u0915\u094d\u0924\u0930\u093e\u091c\u094d\u092f\u092e\u094d", + "\u0915\u0943\u0937\u093f\u0915\u0930\u094d\u092e\u0928\u094d", + "\u0935\u0948\u0937\u094d\u0923\u0935\u092e\u094d", + "\u0938\u093e\u092e\u093e\u091c\u093f\u0915\u092e\u093e\u0927\u094d\u092f\u092e\u093e\u0928\u093f", + "\u0905\u0919\u094d\u0917\u0915\u094b\u0930\u0935\u093e\u091f\u092e\u094d", + "\u0935\u093f\u0926\u094d\u092f\u093e\u0932\u092f", + "\u0915\u0943\u0937\u093f\u0903", + "\u0938\u093f\u0928\u094d\u0927\u0941\u0938\u0902\u0938\u094d\u0915\u0943\u0924\u093f\u0903", + "\u0938\u0947\u0902\u091f_\u0932\u0942\u0938\u093f\u092f\u093e", + "\u0915\u0943\u0937\u093f", + "\u0928\u093e\u0924\u094d\u0938\u0940_\u092a\u093e\u0930\u094d\u091f\u0940", + "\u0915\u0947\u092a_\u0935\u0930\u094d\u0921\u0940" + ], + "FAC": [ + "\u0924\u094d\u0930\u092f\u0938\u094d\u0924\u094d\u0930\u093f\u0902\u0936\u0924\u094d", + "\u092a\u0940\u091f\u0930_\u092e\u0939\u093e\u0928" + ], + "LOCATION": [ + "\u0938\u093f\u0928\u094d\u0927\u0942\u0928\u0926\u0940", + "\u092a\u094d\u0930\u0936\u093e\u0928\u094d\u0924\u092e\u0939\u093e\u0938\u093e\u0917\u0930\u0903", + "\u0939\u093f\u0928\u094d\u0926\u0941\u092e\u0939\u093e\u0938\u093e\u0917\u0930\u0903", + "\u0936\u094d\u0930\u0940\u0932\u0919\u094d\u0915\u093e", + "\u0939\u0941\u0906\u0902\u0917_\u0939\u0947_\u0928\u0926\u0940" + ], + "PUBLIC_FIGURE": [ + "\u091c\u093e\u0928_\u0915\u0940\u091f\u094d\u0938", + "\u091c\u0947_\u092c\u093f_\u090f\u0938\u094d_\u0939\u093e\u0932\u094d\u0921\u0947\u0928\u094d" + ], + "PERSON": [ + "\u0926\u094d\u0935\u093e\u0924\u094d\u0930\u093f\u0902\u0936\u0924\u094d" + ], + "ANIMAL": [ + "\u091a\u093f\u0915\u094d\u0930\u094b\u0921\u0903", + "\u0915\u0943\u0937\u094d\u0923\u0928\u093f\u092e\u094d\u092c\u092a\u0924\u094d\u0930\u092e\u094d" + ], + "DISEASE": [ + "\u0938\u094d\u0935\u093e\u092a", + "\u092a\u094d\u0930\u0938\u094d\u0935\u092a\u093f\u0924\u093f" + ], + "QUANTITY": [ + "\u0938\u092a\u094d\u0924\u0935\u093f\u0902\u0936\u0924\u093f" + ], + "EVENT": [ + "\u0926\u0923\u094d\u0921\u0915\u0942\u0930\u094d\u0926\u0928\u092e\u094d" + ], + "PLANT": [ + "\u092a\u0941\u0924\u093f\u0939\u093e\u0938\u0938\u094d\u092f\u092e\u094d" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0905\u092e\u094d\u092c\u093e": "\u092a\u093f\u0924\u0930", + "\u092e\u093e\u0924\u093e": "\u092a\u093f\u0924\u0930", + "\u092e\u093e\u0924\u0930": "\u092a\u093f\u0924\u0930", + "\u0930\u093e\u091c\u094d\u091e\u0940": "\u092d\u0942\u092a\u0924\u093f", + "\u0938\u094d\u0935\u0938\u0930\u0903": "\u092d\u094d\u0930\u093e\u0924\u0943", + "\u092d\u0917\u093f\u0928\u0940": "\u092d\u094d\u0930\u093e\u0924\u0943", + "\u091c\u093e\u092f\u093e": "\u092a\u0924\u093f", + "\u0926\u092f\u093f\u0924\u093e": "\u092a\u0924\u093f", + "\u0935\u0932\u094d\u0932\u092d\u093e": "\u092a\u0924\u093f", + "\u092d\u093e\u0930\u094d\u092f\u093e": "\u092a\u0924\u093f", + "\u092a\u0924\u094d\u0928\u0940": "\u092a\u0924\u093f", + "\u0928\u093e\u0930\u0940": "\u092a\u0941\u0930\u0941\u0937", + "\u092e\u0939\u093f\u0932\u093e": "\u092a\u0941\u0930\u0941\u0937", + "\u0938\u094d\u0924\u094d\u0930\u0940": "\u092a\u0941\u0930\u0941\u0937" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "\u0938\u092e\u0932\u093f\u0919\u094d\u0917\u0915\u093e\u092e\u093f\u0928\u094d" + ], + "he": [ + "\u092a\u0941\u0930\u0941\u0937" + ], + "she": [ + "\u092e\u0939\u093f\u0932\u093e", + "\u0915\u0928\u094d\u092f\u093e\u0903", + "\u092c\u093e\u0932\u093e", + "\u0928\u093e\u0930\u0940", + "\u0915\u0928\u094d\u092f\u093e", + "\u0915\u0941\u092e\u093e\u090b", + "\u0938\u094d\u0924\u094d\u0930\u0940" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sah.json b/data_tooling/pii_processing/ontology/data/sah.json new file mode 100644 index 0000000..f5557ca --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sah.json @@ -0,0 +1,89 @@ +{ + "PUBLIC_FIGURE": [ + "c", + "\u043f\u043e_\u044d\u0434\u0433\u0430\u0440", + "holden", + "\u043a\u043e\u043b\u0443\u043c\u0431_\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u0431\u04af\u04e9\u0442\u04af\u0440_i", + "john_deere" + ], + "LOCATION": [ + "\u043a\u0438\u0438\u043d_\u0431\u0430\u0430\u043d", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430_\u0445\u043e\u043b\u0431\u043e\u04bb\u0443\u043a\u0442\u0430\u0430\u0445_\u0448\u0442\u0430\u0430\u0442\u0442\u0430\u0440\u0430" + ], + "ORG": [ + "\u043f\u0440\u0430\u0432\u0438\u0442\u0435\u043b\u044c\u0441\u0442\u0432\u043e", + "\u0441\u0435\u043d\u0442_\u043b\u0443\u0441\u0438\u044f", + "\u0445\u0443\u0430\u043d\u0445\u044d", + "\u043c\u0430\u0433\u0430\u0442\u044d", + "\u043a\u0440\u0438\u0432\u0438\u0439_\u0440\u0438\u0495", + "\u0430\u0433\u0440\u0438\u043a\u0443\u043b\u0442\u0443\u0443\u0440\u0430", + "\u0442\u0430\u043e\u0438\u0437\u043c", + "\u043a\u044b\u04bb\u044b\u043b_\u043a\u0438\u0440\u0438\u044d\u0441", + "\u043f\u043e\u043b\u0438\u0442\u0438\u043a\u0430_\u043f\u0430\u0440\u0442\u0438\u044f\u0442\u0430", + "\u0443\u043b\u0430\u0445\u0430\u043d_\u0430\u0440\u0430\u04a5\u0430\u0441" + ], + "JOB": [ + "\u0438\u043a\u043a\u0438\u0441" + ], + "PLANT": [ + "\u0441\u0438\u0442\u0438\u043c", + "\u04af\u0440\u04af\u04a5_\u0442\u044d\u043b\u043b\u044d\u0439", + "\u0431\u0430\u0440\u0430\u0430\u0445" + ], + "ANIMAL": [ + "\u044d\u0431\u043e\u043b\u0430_\u0432\u0438\u0440\u0443\u0441\u0442\u0430\u0430\u0445_\u044b\u0430\u0440\u044b\u044b\u0442\u0430", + "\u043a\u044b\u043b\u044b\u0441_\u0445\u0430\u0440\u0430\u04a5\u0430\u0447\u0447\u044b\u0442\u0430", + "\u043e\u0442_\u043a\u04af\u04e9\u0495\u044d_\u0447\u044b\u044b\u0447\u0430\u0430\u0445" + ], + "RACE": [ + "\u0430\u043c\u0435\u0440\u0438\u043a\u0430\u043d\u043d\u0430\u0440", + "\u0430\u0440\u0430\u0430\u0431\u0442\u0430\u0440" + ], + "DISEASE": [ + "\u043f\u043e\u043b\u0438\u043e\u043c\u0438\u0435\u043b\u0438\u0442" + ], + "FAC": [ + "\u043a\u0430\u0442\u043e\u043b\u0438\u043a_\u0442\u0430\u04a5\u0430\u0440\u0430_\u0434\u044c\u0438\u044d\u0442\u044d", + "\u044d\u0440\u0433\u0438\u044d\u043d_\u043a\u0438\u0438\u043d\u044d" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0438\u0439\u044d": "\u0430\u0495\u0430", + "\u0431\u0430\u043b\u044b\u0441": "\u0431\u044b\u0440\u0430\u0430\u0442", + "\u0430\u0495\u0430\u0441": "\u0438\u043d\u0438", + "\u043e\u0439\u043e\u0445": "\u044d\u0440", + "\u0434\u044c\u0430\u0445\u0442\u0430\u0440": "\u044d\u0440_\u043a\u0438\u04bb\u0438" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u044d\u0440_\u043a\u0438\u04bb\u0438" + ], + "she": [ + "\u0434\u044c\u0430\u0445\u0442\u0430\u0440", + "\u043a\u044b\u044b\u0441" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u043e\u043b\u043e\u0440" + ], + "it": [ + "\u0431\u0443\u043b", + "\u044d\u043d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sc.json b/data_tooling/pii_processing/ontology/data/sc.json new file mode 100644 index 0000000..2dbd09a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sc.json @@ -0,0 +1,202 @@ +{ + "DISEASE": [ + "trumentu", + "ammaladiai", + "medrona", + "callantura", + "rubinzu", + "sturridai", + "calori", + "maladi\u00e0re", + "arroinu", + "pica", + "addu", + "ruinu", + "gobbo", + "arroina", + "tizola", + "achichiadura", + "annanghere", + "runza", + "nesigare" + ], + "ANIMAL": [ + "crabiolu", + "schirrittu", + "bettu", + "caboni", + "bentruxu", + "ghesp\u00e0rju", + "venturzu", + "colbu", + "castoro", + "schirrimatta", + "crabriolu", + "colvu", + "tilibriu", + "giacu", + "linci", + "bucchemeli", + "malabiga", + "corbu", + "bentruxiu", + "tapp\u00e0iu", + "castorru", + "schirri", + "crabolu", + "curturzu", + "furittu", + "intulzu", + "boiamericanu", + "sulone", + "cirolitta", + "intruxu", + "iscoj\u00e0ttulu", + "gattu", + "caboniscu", + "gard\u00f9bbulu", + "corronca", + "istr\u00eca", + "porcrabu", + "card\u00f9bbulu", + "guntorzu", + "magliocchina", + "chervu", + "guntruxu", + "crebu", + "picchiaranzu", + "cherbu", + "lintze", + "isbirru", + "astoreddu", + "istambeccu", + "corrancra", + "meurra" + ], + "PUBLIC_FIGURE": [ + "sperai", + "pedru", + "e", + "citiri", + "o", + "gregoriu", + "predu" + ], + "TITLE": [ + "sannori", + "sennore" + ], + "JOB": [ + "cabraxu", + "datori", + "crabarzu", + "crab\u00e0giu", + "crabalzu", + "isclavu", + "cabr\u00e0rgiu", + "sciau", + "cardareri" + ], + "PLANT": [ + "frustinaca", + "saliche", + "saighi", + "fostinaja", + "sagili", + "sabixi", + "lattuca" + ], + "PERSON_PRONOUN": [ + "noltru", + "noso" + ], + "ORG": [ + "studai", + "ai", + "guvernu", + "cuverrinu", + "cabu_birde", + "i_ching", + "cuberru", + "isciola", + "scola" + ], + "LANGUAGE": [ + "atzentu" + ], + "FOOD": [ + "benz\u00eda", + "ghingh\u00eda" + ], + "LOCATION": [ + "campile", + "arena", + "campu" + ], + "PERSON": [ + "i_ching" + ], + "GENDER": [ + "male", + "mascu", + "mascru" + ], + "RELIGION": [ + "islam" + ], + "PRODUCT": [ + "c\u00e0via" + ], + "FAC": [ + "isparadorzu" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "sorre": "fr\u00e0de", + "umbu": "fr\u00e0de", + "sorri": "fr\u00e0de", + "mutzere": "madiru", + "mulleri": "madiru", + "mugere": "madiru", + "mullei": "madiru", + "muzere": "madiru" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "male", + "mascru", + "mascu", + "m\u00e0sciu", + "m\u00e0schiu" + ], + "she": [ + "d\u00f2na", + "perdere" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "sese" + ], + "she": [ + "sese" + ], + "it": [ + "issu", + "chistu", + "sese" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/scn.json b/data_tooling/pii_processing/ontology/data/scn.json new file mode 100644 index 0000000..d1dd0f2 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/scn.json @@ -0,0 +1,437 @@ +{ + "JOB": [ + "agriculturi", + "pinturi", + "carciareri", + "ruluggiaru", + "don", + "mandriotu", + "scinzatu", + "carabbineri", + "parrucchieri", + "casciuni", + "picuraru", + "lattaru", + "pasturi", + "the_guardian", + "funtaneri", + "mastru_muraturi", + "varveri", + "kamikazi", + "cartellu", + "travagghiaturi", + "spizziali", + "schiavu", + "capraru", + "maistru", + "maggiurdomu", + "libbraru" + ], + "DISEASE": [ + "culera", + "foddira", + "gumma", + "sigliuzzu", + "sigghiuzzu", + "pitinia", + "mouse", + "cacaredda", + "murr\u00f2iti", + "tubbirculosi", + "fami", + "poliomil\u00ecti", + "chiaia", + "firita", + "dogghia", + "stranutari", + "firtilitati", + "ruluri", + "chi", + "malancun\u00eca", + "firnic\u00eca", + "patulugg\u00eca", + "rach\u00ectidi", + "prinizza", + "pesti_bubb\u00f2nica", + "cummursioni", + "risibbella", + "vunciuni", + "affizzioni", + "muzzicari", + "dissintir\u00eca", + "canigghiola", + "andicappi", + "cravunchiu", + "caddu", + "firrun\u00eca", + "lebbra", + "ruttura", + "malaria" + ], + "LAW": [ + "drittu_rumanu" + ], + "GPE": [ + "mari_russu", + "dar_es_salaam", + "mari_eggeu", + "casa_janca", + "novu_tistamentu" + ], + "PUBLIC_FIGURE": [ + "johann_bernoulli", + "don_chisciotti", + "che_guevara", + "georges_simenon", + "maria_callas", + "mary_shelley", + "giuseppi_mazzini", + "john_herschel", + "andrzej_wajda", + "mary_wollstonecraft", + "winston_churchill", + "paul_mccartney", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "george_harrison", + "george_orwell", + "richard_wagner", + "marie_curie", + "gaetanu_donizzetti", + "michael_jackson", + "thomas_hobbes", + "edmund_hillary", + "vincent_van_gogh", + "luiggi_pirandellu", + "massimianu", + "mau_zitung", + "ciciruni", + "yuri_gagarin", + "e", + "catarina", + "frank_sinatra", + "rubertu", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "albertu_giacumetti", + "gertrude_stein", + "griguori", + "charles_de_gaulle", + "giuseppi_verdi", + "charles_lindbergh", + "f", + "ludwig_wittgenstein", + "samuel_de_champlain", + "spiranza", + "robert_johnson", + "andrea_mantegna", + "oscar_wilde", + "grigoriu", + "james_brown", + "charles_baudelaire", + "charlie_parker", + "immanuel_kant", + "carlu", + "giulio_natta", + "johannes_kepler", + "jacobbi", + "sarah_siddons", + "canberra", + "oliver_hardy", + "jean_luc_godard", + "william_herschel", + "bertrand_russell", + "michael_faraday", + "walt_disney", + "vicenzu_bellini", + "friedrich_engels", + "wolfgang_pauli", + "petru", + "galileu_galilei", + "george_gershwin", + "alfred_nobel", + "jesse_owens", + "marcel_marceau", + "daniel_bernoulli", + "gottfried_leibniz", + "christiaan_huygens", + "adam_smith", + "william_james", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "nikola_tesla", + "robert_schumann", + "le_corbusier", + "john_locke", + "ingrid_bergman", + "jean_piaget", + "arricu", + "valentina_tereshkova", + "titu", + "carl_jung", + "adolf_hitler", + "vladimir_putin", + "san_giorgiu", + "g", + "arthur_schopenhauer", + "r", + "andrew_jackson", + "louis_armstrong", + "alexandre_dumas", + "johann_gutenberg", + "giambattista_marino", + "san_petru_apostulu", + "putin", + "karl_popper", + "sandru_botticelli", + "peter_sellers", + "peter_paul_rubens", + "mahatma_gandhi", + "john_lennon", + "charlie_chaplin", + "brescia", + "miles_davis", + "saladinu", + "giuseppi_garibbaldi", + "stanley_kubrick", + "maria_antonietta", + "ronald_reagan", + "martin_luther_king", + "amerigu_vespucci", + "frank_capra", + "woodrow_wilson", + "danti_alighieri", + "ernest_hemingway", + "nelson_mandela", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "jacques_offenbach", + "giuseppi_stalin", + "francisco_franco", + "pietru_lu_granni", + "vladimir_lenin", + "albert_einstein", + "crist\u00f2furu_culommu", + "t" + ], + "ORG": [ + "shintuismu", + "nasa", + "cuvernu", + "illuminismu", + "astutari", + "andr\u00f2mida", + "cuviernu", + "sennu", + "gao", + "capu_virdi", + "guvernu", + "mari_russu", + "chiesa_catt\u00f2lica_rumana", + "muratura", + "partitu_dimucr\u00e0ticu", + "po", + "capitinci", + "nicu", + "tauismu", + "los_angeles", + "nato", + "stasira", + "sucialdimucrazz\u00eca", + "miruvinci", + "scola", + "isercitu_statunitenzi" + ], + "PRODUCT": [ + "justin_bieber", + "corpu_cilesti", + "santa_mar\u00eca", + "dritti_umani" + ], + "UNION": [ + "itu" + ], + "ANIMAL": [ + "virus_a_mos\u00e0icu_d\u00f4_tabbaccu", + "gurilla", + "craccarazza", + "carcarazza", + "sumeri", + "petturrussu", + "jaddina", + "linci", + "corbu", + "rinninuni", + "cervu", + "lebbru", + "gattu", + "sumaro", + "cigniali", + "donald_duck", + "card\u00f9bbulu", + "spriveri", + "arthropoda", + "furami", + "cacciaventu" + ], + "QUANTITY": [ + "dollaru", + "g" + ], + "POLITICAL_PARTY": [ + "partitu_cumunista", + "partitu_sucialista", + "partitu_virdi", + "partitu_ripubbricanu", + "partitu_pul\u00ecticu" + ], + "FOOD": [ + "sangunazzu", + "daucus_carota", + "cicompa", + "farina", + "pisciu\u00f2vu", + "jilatu", + "disertu", + "gingili", + "agghiacciamentu", + "juglans_regia", + "cincili" + ], + "PLANT": [ + "laurus_nobilis", + "helianthus_annuus", + "crisantemu", + "lurdica", + "furricu", + "furd\u00eccula", + "prunus_armeniaca", + "cirasa", + "ciaca", + "castagnu", + "nicotiana_tabacum", + "milucuccu", + "urtica_dioica", + "sipala", + "beta_vulgaris", + "pinnacchiu", + "sambucus_ebulus", + "pignu", + "lattuca" + ], + "RELIGION": [ + "salafismu", + "calvinismu", + "tauismu", + "islam", + "shintuismu" + ], + "PERSON_PRONOUN": [ + "i" + ], + "GENDER": [ + "picciriddu", + "carusa", + "carusu" + ], + "PERSON": [ + "gioconda", + "ascurbatu" + ], + "LANGUAGE": [ + "francupruvinzali", + "esperantu", + "arbanisi", + "purtughisi", + "tonga" + ], + "SOC_ECO_CLASS": [ + "sucitati" + ], + "RELIGION_MEMBER": [ + "mussurmanu", + "parsi" + ], + "FAC": [ + "stasira", + "san_giuseppi", + "santa_lucia" + ], + "LOCATION": [ + "sri_lanka", + "the_rolling_stones", + "visuviu", + "campu" + ], + "DATE": [ + "mediuevu" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "matri": "babbu", + "soru": "frati", + "riggina": "reghi", + "rigina": "reghi", + "idda": "iddu", + "v\u00ecduva": "v\u00ecduu", + "v\u00ecdua": "v\u00ecduvu", + "mugghieri": "maritu", + "f\u00ecmmina": "omu", + "picciriddu": "carusa", + "picciottu": "carusa", + "carusu": "carusa" + }, + "other_gender_swap": { + "idde": "idda", + "iddi": "idda", + "iddu": "idde", + "idda": "iddi" + }, + "en_pronoun2gender": { + "he": [ + "omu", + "m\u00e0sculu", + "picciriddu", + "carusu", + "picciottu" + ], + "she": [ + "carusa", + "f\u00ecmmina" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "iddu" + ], + "she": [ + "idda" + ], + "they": [ + "idde", + "iddi" + ], + "it": [ + "issu", + "chistu", + "chista", + "stu" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sco.json b/data_tooling/pii_processing/ontology/data/sco.json new file mode 100644 index 0000000..aca2c13 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sco.json @@ -0,0 +1,587 @@ +{ + "FOOD": [ + "skoosh", + "desert", + "chuggie", + "het_chocolate", + "disjune", + "capsicum", + "sodium_chloride", + "chile", + "green_tea", + "brakfast", + "dessert", + "coffee", + "omelette", + "juglans_regia" + ], + "SOC_ECO_CLASS": [ + "trade", + "agricultur", + "samurai", + "society", + "caste", + "cream" + ], + "PUBLIC_FIGURE": [ + "gregor", + "benjamin_franklin", + "akira_kurosawa", + "john_knox", + "che_guevara", + "c", + "henrik_ibsen", + "david_livingstone", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "richard_burton", + "mary_wollstonecraft", + "winston_churchill", + "johannes_diderik_van_der_waals", + "karl_landsteiner", + "josephus", + "paul_mccartney", + "terry_pratchett", + "isaac_newton", + "edward_gibbon", + "richard_wagner", + "williams", + "marie_curie", + "griogair", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "david", + "galileo_galilei", + "jane_goodall", + "chaim_weizmann", + "i_m_pei", + "joseph_goebbels", + "edmund_hillary", + "vincent_van_gogh", + "anne_boleyn", + "robert_burns", + "inca_empire", + "emiliano_zapata", + "yuri_gagarin", + "marie_antoinette", + "giuseppe_verdi", + "gottlieb_daimler", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "louis_pasteur", + "theodosius_i", + "saladin", + "sarah_bernhardt", + "charles_de_gaulle", + "ilk", + "y", + "holden", + "joseph_stalin", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "dante_alighieri", + "giacomo_puccini", + "fridtjof_nansen", + "benedict_arnold", + "nicolas_poussin", + "oscar_wilde", + "laurence_olivier", + "pete_seeger", + "a", + "jaucob", + "charles_baudelaire", + "immanuel_kant", + "titus", + "johannes_kepler", + "max_planck", + "william_blake", + "julio_iglesias", + "carl_lewis", + "canberra", + "edward_jenner", + "maist", + "william_herschel", + "montesquieu", + "niels_bohr", + "sergei_rachmaninoff", + "bertrand_russell", + "michael_faraday", + "jan_tinbergen", + "walt_disney", + "peter", + "friedrich_engels", + "moses", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodor_mommsen", + "elizabeth_taylor", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alfred_nobel", + "marco_polo", + "caravaggio", + "gottfried_leibniz", + "catherine_howard", + "hans_christian_andersen", + "cary_grant", + "pieter_zeeman", + "pablo_picasso", + "osman_i", + "christiaan_huygens", + "hector_berlioz", + "adam_smith", + "karl_marx", + "friedrich_nietzsche", + "i", + "pedro", + "e_o_wilson", + "sandro_botticelli", + "nikola_tesla", + "billy_graham", + "le_corbusier", + "john_locke", + "ingrid_bergman", + "valentina_tereshkova", + "ludwig_boltzmann", + "adolf_hitler", + "edvard_grieg", + "1", + "cordell_hull", + "vladimir_putin", + "jacob", + "giuseppe_mazzini", + "anne_hathaway", + "g", + "christopher_columbus", + "r", + "george_lucas", + "andrew_jackson", + "steven_spielberg", + "thomas_gainsborough", + "giuseppe_garibaldi", + "alexandre_dumas", + "robert_brown", + "thomas_carlyle", + "johann_gutenberg", + "amerigo_vespucci", + "anna_kournikova", + "putin", + "john_calvin", + "marcus_aurelius", + "peter_o'toole", + "peter_paul_rubens", + "saunt_george", + "fyodor_dostoyevsky", + "jackson_pollock", + "charlie_chaplin", + "piscis_austrinus", + "antonio_stradivari", + "peter_the_great", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "frederick_douglass", + "david_hilbert", + "frank_capra", + "woodrow_wilson", + "saunt_lawrence_river", + "st_louis", + "don_quixote", + "jim_henson", + "ernest_hemingway", + "aquila", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "roald_amundsen", + "anton", + "jacques_offenbach", + "francisco_pizarro", + "johnny_cash", + "georges_cuvier", + "walter_scott", + "vladimir_lenin", + "albert_einstein", + "thomas_edison", + "chiang_kai_shek", + "t", + "lily" + ], + "ORG": [ + "shinto", + "nasa", + "airforce", + "schutzstaffel", + "college", + "san_francisco", + "chuggie", + "han_dynasty", + "gao", + "saunt_helena", + "reid_sea", + "chiang_mai", + "consteetuency", + "saunt_lucia", + "eddication", + "yellae_river", + "gestapo", + "white_house", + "winnie_the_pooh", + "a_loue_ye", + "unitit_states", + "europe", + "po", + "quaiker", + "ferdinand_magellan", + "loch_superior", + "capetian_dynasty", + "sturmabteilung", + "ceevil_law", + "labour_pairty", + "los_angeles", + "nato", + "mass_media", + "schuil", + "al_ain", + "peter's_pleuch", + "taoism", + "catholic_kirk", + "roman_law", + "s\u00e3o_tom\u00e9" + ], + "ANIMAL": [ + "cat", + "houlet", + "otter", + "thomson's_gazelle", + "canis_minor", + "mussel", + "shilfie", + "pisces", + "mammal", + "mavis", + "giant_panda", + "ferret", + "capercailzie", + "ebola_virus_disease", + "cushat", + "tarmigan", + "sea_speeder", + "black_tortoise", + "arthropod", + "frog", + "lintie", + "the_corbie", + "groose", + "white_rhinoceros", + "hawk", + "merl", + "mandareen", + "corbie", + "bizzart", + "banteng", + "donald_duck", + "moose", + "black_rhinoceros", + "brock", + "chicken", + "tarrock", + "foumart", + "beaver", + "whitrat", + "sea_urchin", + "blackie", + "green_tea", + "bunnetie", + "dunter", + "fire_salamander" + ], + "QUANTITY": [ + "rupee", + "no_ava", + "poond", + "g" + ], + "PRODUCT": [ + "justin_bieber", + "new_zealand", + "fyodor_dostoyevsky", + "diego_garcia", + "saxony_anhalt", + "the_hunger_gemmes", + "julius_caesar", + "the_star_spangled_banner", + "human_richts", + "don_quixote", + "the_lord_o_the_rings", + "s\u00e3o_tom\u00e9_an_pr\u00edncipe", + "new_testament", + "ferdinand_magellan" + ], + "GENDER": [ + "chiel", + "lassie", + "lass" + ], + "RELIGION": [ + "zen", + "shinto", + "judaism", + "presbyterianism", + "buddhism", + "jainism", + "calvinism", + "islam", + "hinduism", + "sunni_islam", + "manichaeism", + "atheism", + "christianity" + ], + "LANGUAGE": [ + "inglis", + "laitin", + "french", + "malayalam", + "hindi", + "franco_proven\u00e7al", + "esperanto", + "speech", + "romansh", + "tonga", + "kannada" + ], + "PLANT": [ + "viola_arvensis", + "scrog", + "solanaceae", + "amanita", + "cherry", + "taxus_baccata", + "nymphaea_alba", + "athyrium_distentifolium", + "crummock", + "lychnis", + "amanita_muscaria", + "olive", + "leucanthemum_vulgare", + "dentylion", + "geranium_robertianum", + "clematis", + "agaricus_campestris", + "sourock", + "trifolium_repens", + "solanum", + "ploum", + "acer_pseudoplatanus", + "airtist", + "saccharomyces_cerevisiae", + "gowan", + "camphor", + "windlestrae", + "lathyrus_sylvestris", + "ranunculus_repens", + "alnus_glutinosa", + "chrysanthemum", + "cassava", + "magnolia", + "meenonette", + "cirsium_arvense" + ], + "JOB": [ + "speaker", + "potter", + "beeshop", + "king", + "chieftain", + "scientist", + "kamikaze", + "mayor", + "sculptor", + "muisicker", + "pastor", + "straik", + "the_economist", + "sangwriter", + "colonel", + "lieutenant", + "preses", + "washerwife" + ], + "DISEASE": [ + "anthrax", + "rabies", + "heat", + "energy", + "anger", + "radiation", + "scruif", + "brucellosis", + "buffits", + "blain", + "straik", + "haingles", + "sairness", + "sleep", + "skaith", + "burn", + "salmonella", + "gulsoch" + ], + "POLITICAL_PARTY": [ + "poleetical_pairty", + "nazi_pairty", + "republican_pairty", + "parti_socialiste", + "democratic_pairty", + "australie_labor_pairty" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "e_o_wilson", + "george_v", + "seleucus_i_nicator", + "rudolf_hess" + ], + "LOCATION": [ + "green_tea", + "trifolium_repens", + "cape_verde", + "white_house", + "ne_er's_day", + "iris_pseudacorus", + "munt_olympus", + "black_forest", + "unitit_states_airmy", + "alnus_glutinosa", + "coort", + "sleepin_beauty", + "field", + "sri_lanka", + "richt_angle", + "faither_yuil", + "santae_claus", + "kryvyi_rih", + "al_ain" + ], + "RACE": [ + "french", + "white", + "americans" + ], + "GPE": [ + "white_house", + "dar_es_salaam", + "central_americae", + "german_empire", + "hagia_sophia", + "auld_toun", + "s\u00e3o_tom\u00e9", + "federal_destrict", + "borassus_flabellifer", + "saunt_peter", + "hibiscus_rosa_sinensis", + "vinh_long", + "la_gomera", + "st_louis" + ], + "RELIGION_MEMBER": [ + "wahhabi", + "brither", + "sister" + ], + "PERSON_PRONOUN": [ + "i", + "thee", + "he", + "thoo", + "yersel" + ], + "FAC": [ + "peter_the_great", + "primary_schuil" + ], + "LAW": [ + "federal_bureau_o_investigation" + ], + "DATE": [ + "new_muin" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "lassie": "lad", + "lass": "lad", + "moder": "faither", + "sun": "he", + "sister": "brar", + "weedae_wife": "weedae_man", + "weedae": "weedae_man", + "wife": "husband", + "guidwife": "guidman", + "wumman": "human", + "laddie": "lassie", + "lad": "lassie" + }, + "other_gender_swap": { + "ony": "sun", + "thay": "sun", + "he": "ony", + "sun": "ony" + }, + "en_pronoun2gender": { + "he": [ + "chiel", + "gaur", + "lad", + "laddie", + "human" + ], + "she": [ + "lassie", + "wumman", + "deem" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "seine", + "himsel", + "he" + ], + "she": [ + "sun" + ], + "they": [ + "ony", + "thair", + "thay", + "thaim" + ], + "it": [ + "lum", + "need", + "thae", + "thir", + "thir_anes" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sd.json b/data_tooling/pii_processing/ontology/data/sd.json new file mode 100644 index 0000000..9c59d8f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sd.json @@ -0,0 +1,31 @@ +{ + "ORG": [ + "\u0639\u064a\u0633\u0648\u064a_\u0633\u0627\u0644" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0645\u0627\u062a\u0627": "\u067e\u064a\u0621", + "\u0631\u0627\u06bb\u064a": "\u0628\u0627\u062f\u0634\u0627\u06be", + "\u0680\u064a\u06bb": "\u0680\u0627\u0621", + "\u062f\u064a\u062f\u064a": "\u0680\u0627\u0621" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u0633\u062a", + "\u0632\u0627\u0644" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/se.json b/data_tooling/pii_processing/ontology/data/se.json new file mode 100644 index 0000000..71f889a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/se.json @@ -0,0 +1,111 @@ +{ + "ANIMAL": [ + "bealljeloa\u0111gu", + "goaskin", + "bulddogas", + "vuoktagoalsi", + "bodneluomi", + "leaibeloddi", + "loddejiev\u017ei", + "vuonccis", + "skire", + "bakku", + "vievssis", + "mearrag\u00e1iru", + "visenta", + "sallit", + "b\u00e1rbmof\u00e1lli", + "bealljeloatku", + "luostegoddi", + "gazza", + "skuolfi", + "bealgeloddi", + "garj\u00e1", + "kan\u00e1da\u010duonj\u00e1", + "mearragoaskin", + "\u00e1hpeliira", + "boaimm\u00e1\u0161", + "buss\u00e1skuolfi", + "niitocivkk\u00e1n" + ], + "DISEASE": [ + "s\u00e1hp\u00e1n", + "leasmed\u00e1vda", + "leasmi", + "nealgi", + "ruosta", + "giegabiig\u00e1" + ], + "JOB": [ + "don", + "maid", + "gonagas", + "ruobbi", + "boliisa", + "gaskaboddosa\u0161", + "seller", + "koahkka", + "filbmadahkki", + "jorgaleaddji" + ], + "PUBLIC_FIGURE": [ + "jesus", + "guokte", + "bealgeloddi", + "lulli", + "putin" + ], + "PLANT": [ + "savoig\u00e1lla", + "ruksesruohtas" + ], + "RELIGION_MEMBER": [ + "viellja", + "mon" + ], + "ORG": [ + "saint_helena", + "suorresp\u00e1lfu" + ], + "GENDER": [ + "maid", + "gal" + ], + "LOCATION": [ + "sri_lanka" + ], + "DATE": [ + "lusa" + ], + "LANGUAGE": [ + "norgala\u0161" + ], + "PRODUCT": [ + "bassi_vuoig\u014ba" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "nieida": "son", + "oabb\u00e1": "viellja" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "nisu", + "maid", + "gal" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ses.json b/data_tooling/pii_processing/ontology/data/ses.json new file mode 100644 index 0000000..4205621 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ses.json @@ -0,0 +1,58 @@ +{ + "RELIGION": [ + "zen" + ], + "PUBLIC_FIGURE": [ + "berra", + "a" + ], + "LOCATION": [ + "jiji" + ], + "JOB": [ + "minister" + ], + "DISEASE": [ + "gandu" + ], + "PLANT": [ + "bananku", + "yew" + ], + "PERSON_PRONOUN": [ + "gure" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "yaha": "iddu" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "woy" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "iddu", + "yaha" + ], + "she": [ + "yaha" + ], + "it": [ + "yaha" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sga.json b/data_tooling/pii_processing/ontology/data/sga.json new file mode 100644 index 0000000..c70d1ef --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sga.json @@ -0,0 +1,78 @@ +{ + "ANIMAL": [ + "drean", + "catt", + "brocc" + ], + "ORG": [ + "scol", + "cid" + ], + "DISEASE": [ + "gaethmairecht", + "gaethamlacht", + "brath", + "luch", + "ed", + "benn", + "moirtchenn" + ], + "PUBLIC_FIGURE": [ + "b", + "e", + "erlam", + "a", + "n", + "m", + "i", + "drean", + "s" + ], + "PERSON_PRONOUN": [ + "i", + "me", + "tech", + "us" + ], + "JOB": [ + "don", + "muccaid", + "cerd", + "guide", + "danaim" + ], + "SOC_ECO_CLASS": [ + "terc" + ], + "LANGUAGE": [ + "laiten" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "mathir": "athair" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "firend", + "firennach", + "menn" + ] + }, + "en_pronoun2pronoun": { + "it": [ + "issu" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sh.json b/data_tooling/pii_processing/ontology/data/sh.json new file mode 100644 index 0000000..b9bf508 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sh.json @@ -0,0 +1,2248 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "andrija\u0161evic", + "andrija\u0161evi\u0107", + "valentina_tere\u0161kova", + "benito_musolini", + "jean_genet", + "john_knox", + "roger_williams", + "\u0161esti_kri\u017earski_rat", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "marija_magdalena", + "thomas_wolfe", + "gluhonijem", + "johann_bernoulli", + "max_bruch", + "leonard_bernstein", + "che_guevara", + "oktavijus", + "robert_brus", + "georges_simenon", + "c", + "erik_karlfelt", + "thomas_hodgkin", + "bernhard_riman", + "john_barth", + "edward_albee", + "dorothy_parker", + "maria_callas", + "henrik_ibsen", + "johanes_brams", + "henri_miler", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "sveti_georgije", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "brigadni_general", + "andrzej_wajda", + "jan_van_eyck", + "george_balanchine", + "jakov", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "j_edgar_hoover", + "john_jacob_astor", + "winston_churchill", + "johannes_diderik_van_der_waals", + "anton_brukner", + "dvojka", + "b", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "le_korbizje", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "bili_d\u017ein_king", + "milton_friedman", + "amy_lowell", + "edward_gibbon", + "jefferson_davis", + "saint_louis", + "george_stephenson", + "john_glenn", + "george_burns", + "henri_kisind\u017eer", + "andreji\u0107", + "kristijan_hajgens", + "george_harrison", + "george_orwell", + "jozef_albers", + "georg_meissner", + "arthur_koestler", + "richard_wagner", + "indira_gandi", + "bil_klinton", + "e_l_doctorow", + "pancho_villa", + "neprimjenjivo", + "rebecca_west", + "marie_curie", + "federiko_felini", + "dante_aligijeri", + "michael_jackson", + "robert_wilson", + "thomas_hobbes", + "charles_louis_de_secondat_montesquieu", + "van_gog", + "el_greco", + "fransisko_pizaro", + "samuel_beckett", + "amelija_erhart", + "karl_bart", + "david", + "galileo_galilei", + "chaim_weizmann", + "robert_koch", + "volt_dizni", + "i_m_pei", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "bertrand_rasel", + "mahalija_d\u017eekson", + "donald_glaser", + "jure", + "edmund_hillary", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "anne_boleyn", + "\u010de_gevara", + "jezero_tana", + "john_ruskin", + "robert_burns", + "hans_albrecht_bethe", + "johan_bernuli", + "thomas_paine", + "bari", + "liliuokalani", + "antun", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "mik_d\u017eeger", + "willem_einthoven", + "thomas_willis", + "charles_chaplin", + "samuel_johnson", + "caric", + "allen_iverson", + "smith", + "louise_nevelson", + "benedikt_arnold", + "giuseppe_verdi", + "e", + "karl_jaspers", + "beethoven", + "hideki_yukawa", + "konrad_adenauer", + "norbert_wiener", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "frank_sinatra", + "leopold_kroneker", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "sem_hjuston", + "leslie_howard", + "hugo_grotius", + "mahalia_jackson", + "john_ford", + "alphonse_bertillon", + "katherine_mansfield", + "gertrude_stein", + "saladin", + "sergej_rahmanjinov", + "sarah_bernhardt", + "v", + "philip_marlowe", + "albert_sejbin", + "akira_kurosava", + "luigi_pirandello", + "t_s_eliot", + "e_g_marshall", + "hank_williams", + "igor_stravinski", + "robert_millikan", + "rube_goldberg", + "dorothea_lange", + "vasilij_kandinski", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "stre\u017e", + "henry_moore", + "sergej_ajzen\u0161tajn", + "lilijuokalani", + "ala_nazimova", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "jozef_hajdn", + "william_ockham", + "charles_goodyear", + "dante_alighieri", + "charles", + "margot_fonteyn", + "john_irving", + "\u017eozef_luj_ge_lisak", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "ana_pavlova", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "artur_\u0161openhauer", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "robert_johnson", + "james_dean", + "robert", + "max_beerbohm", + "alessandro_manzoni", + "gustav_maler", + "joseph_priestley", + "johan_vinkelman", + "petar_i_aleksejevi\u010d_romanov", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "james_naismith", + "oscar_wilde", + "philip_roth", + "j_d_salinger", + "richard_trevithick", + "heinrich_schliemann", + "eduard_buhner", + "eli_whitney", + "andric", + "don_quijote", + "amerigo_vespu\u010di", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "bili_vajlder", + "jan_sten", + "konstantin_stanislavski", + "john_wycliffe", + "joseph_heller", + "a", + "od\u017ea\u010dar", + "peter_carl_goldmark", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "charlie_parker", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "rajh", + "lewis", + "pauel", + "warburg", + "alexandre_yersin", + "albert_schweitzer", + "varja\u010da", + "johannes_kepler", + "william_s_burroughs", + "most", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "nietzsche", + "william_byrd", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "elias_canetti", + "mahatma_gandi", + "barbra_strajsend", + "edward_jenner", + "oscar_robertson", + "oliver_hardy", + "leonard_ojler", + "boris_spaski", + "johan_kepler", + "cole_porter", + "dva", + "bil_rasel", + "benjamin_west", + "jean_luc_godard", + "konstantin", + "graham_greene", + "frans_hals", + "margaret_mitchell", + "henri", + "lola_montez", + "david_riesman", + "ana_kurnjikova", + "william_herschel", + "joseph_black", + "montesquieu", + "arthur_rubinstein", + "niels_bohr", + "al_kapone", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "oscari", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "robert_venturi", + "irving_berlin", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "h_l_mencken", + "gabriel_lippmann", + "\u0161esti_krsta\u0161ki_rat", + "lee", + "al_gor", + "benny_goodman", + "friedrich_engels", + "nadati", + "jane_austen", + "charles_laughton", + "boldvin", + "karl_land\u0161tajner", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "robert_redford", + "vladimir_horovic", + "fritjof_nansen", + "roza_parks", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "majmonid", + "li_harvi_osvald", + "theodore_dreiser", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "paul_robeson", + "luis_salivan", + "garfild", + "daniel_jones", + "william_golding", + "robert_motherwell", + "john_milton", + "rudolf_serkin", + "brigadna_generalica", + "ethel_merman", + "milton_fridman", + "emilijano_zapata", + "samuel_adams", + "albert_speer", + "james_baldwin", + "karava\u0111o", + "tobelija", + "indira_gandhi", + "hru\u0161\u010dov", + "jane_seymour", + "betoven", + "george_gershwin", + "alberto_giacometti", + "alfred_nobel", + "jesse_owens", + "monteskje", + "maksimijan", + "antonije_hrapovicki", + "daniel_rutherford", + "kristofor_kolumbo", + "marco_polo", + "jo_ming_pej", + "caravaggio", + "charlie_watts", + "m", + "charlotte_corday", + "varburg", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "doris_lesing", + "guillaume_apollinaire", + "antoine_watteau", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "antonius", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "krin", + "ronald_regan", + "patrick_white", + "gluvonem", + "bartholomew_roberts", + "hans_christian_andersen", + "reich", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "saint_lawrence", + "pieter_zeeman", + "glenn_miller", + "danijel_bernuli", + "pablo_picasso", + "natalie_wood", + "alan_hodgkin", + "anderson", + "osman_i", + "kurt_weill", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "smit", + "john_galsworthy", + "robert_robinson", + "o", + "one", + "adam_smith", + "william_james", + "franc_list", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "ostajnica", + "robert_indiana", + "william_burroughs", + "jimmy_durante", + "ben_d\u017eonson", + "mihail_bari\u0161njikov", + "sto\u017eerni_narednik", + "karen_bliksen", + "e_o_wilson", + "sandro_botticelli", + "don_kihot", + "nikola_tesla", + "al_capone", + "charles_barkley", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "robert_piri", + "king_lear", + "henry_james", + "stephen_sondheim", + "lorenz_hart", + "katherine_howard", + "helen_keller", + "ingrid_bergman", + "androvi\u0107", + "jean_piaget", + "franz_kline", + "henri_rousseau", + "katul", + "paul_tillich", + "hilaire_belloc", + "bernardo_bertolu\u010di", + "antonije", + "frank_norris", + "frank_stella", + "h_g_wells", + "walt_whitman", + "william_wyler", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "ero_sarinen", + "marija_antoaneta", + "pit_mondrijan", + "richard_wright", + "adolf_hitler", + "mu\u0161kobanja", + "kris_evert", + "fritz_haber", + "peter_behrens", + "joseph_haydn", + "garfield", + "george_boole", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "edith_cavell", + "alan_paton", + "ralph_richardson", + "1", + "robert_bruce", + "henri_filding", + "james_wilson", + "rosa_parks", + "norman_jewison", + "samuel_goldwyn", + "david_rikardo", + "ernest_walton", + "vladimir_putin", + "giuseppe_mazzini", + "jim_thorpe", + "oliver_stoun", + "h", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "ben_hecht", + "toma\u0161", + "christopher_isherwood", + "anne_hathaway", + "katarina", + "don_budge", + "bill_russell", + "margaret_court", + "peter_berens", + "nikola_kopernik", + "anders_celzijus", + "clarence_darrow", + "robert_fischer", + "harry", + "g", + "sara_bernar", + "glenda_d\u017eekson", + "king_john", + "ralf_ri\u010dardson", + "anthony_comstock", + "rijeka_sv_lovrijenca", + "arthur_schopenhauer", + "karl_poper", + "james_cagney", + "sto\u017eerna_narednica", + "wanda_landowska", + "billy_mitchell", + "martin_heidegger", + "hans_eysenck", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "jozef_gebels", + "steven_spielberg", + "st_louis_missouri", + "jean_monnet", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "alexandre_dumas", + "en_hatavej", + "thomas_carlyle", + "johann_gutenberg", + "donald_barthelme", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "sveti_juraj", + "giambattista_marino", + "gaetano_donizetti", + "william_faulkner", + "staljin", + "amerigo_vespucci", + "don_bad\u017e", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "putin", + "matthew_flinders", + "mlinar", + "joseph_campbell", + "kristifor_kolumbo", + "jean_de_la_fontaine", + "robert_hooke", + "andrejic", + "o_henry", + "johan_gutenberg", + "karl_popper", + "hans_gajger", + "ela_ficd\u017eerald", + "mary_harris", + "edvard_teler", + "george_sand", + "peter_sellers", + "rudolf_bultman", + "homo_rhodesiensis", + "charles_fourier", + "peter_o'toole", + "joseph_conrad", + "\u0161a\u0161avac", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "george_meredith", + "henri_persel", + "josef_albers", + "jackson_pollock", + "arnold_\u0161enberg", + "john_lennon", + "andrea_palladio", + "ri\u010dard_barton", + "\u0161eri", + "bob_woodward", + "charlie_chaplin", + "d_h_lawrence", + "artur_miler", + "marko_polo", + "j_m_barrie", + "kenet_kaunda", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "arthur_chamberlain", + "john_mill", + "marija_kiri", + "leopold_stokovski", + "andi\u0107", + "thomas_merton", + "andrej_saharov", + "hannah_arendt", + "antonio_stradivari", + "c_s_forester", + "margo_fontejn", + "alice_walker", + "strauss", + "miles_davis", + "juraj", + "andrea_paladio", + "james_parkinson", + "wilhelm_tell", + "george_marshall", + "jesse_jackson", + "willa_cather", + "bozen", + "stanley_kubrick", + "androvic", + "john_deere", + "john_huston", + "karl_bedeker", + "william_gilbert", + "james_watt", + "zambak", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "salahudin", + "lorens_olivije", + "sen_loren", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "robert_d\u017eonson", + "woodrow_wilson", + "bil_gejts", + "george_wallace", + "francisco_pizzaro", + "ludvig_bolcman", + "sveti_\u0111or\u0111e", + "t_h_white", + "richard_rodgers", + "anne_sexton", + "john_dryden", + "b\u00e9la_lugosi", + "ernest_hemingway", + "george_westinghouse", + "marija_kalas", + "eero_saarinen", + "arthur_miller", + "gracie_allen", + "nelson_mandela", + "e_entertainment_tv", + "heinrich_himmler", + "al_gore", + "artur_lafer", + "hans_bethe", + "fransis_pulank", + "hans_geiger", + "ju\u017eni_svinjorepi_makaki", + "cesare_borgia", + "j_p_morgan", + "roald_amundsen", + "sherwood_anderson", + "julije_cezar", + "anton", + "charles_dickens", + "agripinila", + "i_tako_dalje", + "ella_fitzgerald", + "fats_waller", + "alois_senefelder", + "jacques_offenbach", + "joseph_paxton", + "el_greko", + "ekaterina", + "don_quijote_de_la_mancha", + "mango_park", + "george_stevens", + "federico_fellini", + "petar_veliki", + "jelisaveta", + "the_one", + "peter_minojt", + "bessie_smith", + "jean_antoine_watteau", + "patrick_henry", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "king_oliver", + "e_e_cummings", + "hans_arp", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "hidejo_noguchi", + "mick_jagger", + "otto_loewi", + "james_ross", + "fred_aster", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "sam_houston", + "robert_peary", + "robert_browning", + "comenius", + "henri_hadson", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "henry_sweet", + "karl_nilsen", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "LOCATION": [ + "al_jazeera", + "la_plata", + "dan_liri", + "silvestrovo", + "laman\u0161", + "park", + "il_de_frans", + "al_d\u017eazira", + "marija_magdalena", + "piet_mondrian", + "ha_long", + "djed_bo\u017ei\u0107njak", + "sveti_patrik", + "la_manche", + "sint_maarten", + "centralna_banka", + "kopnena_vojska_sjedinjenih_dr\u017eava", + "trois_rivi\u00e8res", + "dva_brata", + "visokogradnja", + "hat_jai", + "nort_betlford", + "sent_vinsent", + "huang_he", + "joseph_louis_gay_lussac", + "narodna_skup\u0161tina_republike_srbije", + "ratno_vazduhoplovstvo", + "bela_pliska", + "portoriko", + "nova_engleska", + "falklandi", + "narodna_skup\u0161tina_republike_srpske", + "1_1", + "du\u0161evna_bolnica", + "armija_sjedinjenih_dr\u017eava", + "vojno_zrakoplovstvo", + "slepa_ulica", + "saksonija_anhalt", + "narodna_skup\u0161tina_ma\u0111arske", + "nacionalna_skup\u0161tina_svetog_kristofora_i_nevisa", + "\u0161umsko_jezero", + "sent_kler", + "saska_anhalt", + "huanghe", + "almaaz", + "arena", + "maslinova_gora", + "in_the_park", + "joseph_gay_lussac", + "rt_horn", + "the_rolling_stones", + "gornje_jezero", + "u_parku", + "slijepa_ulica", + "zelenortska_republika", + "saint_lawrence", + "narodna_skup\u0161tina", + "martinje", + "igrali\u0161te", + "heitor_villa_lobos", + "al_ain", + "i_kunto_i_panto", + "maslinska_gora", + "hoanguo", + "vojna_akademija", + "nizozemske", + "prunus_avium" + ], + "ORG": [ + "dominion", + "narodna_skup\u0161tina_republike_srpske", + "botani\u010dka_ba\u0161ta", + "altajska_pokrajina", + "skorojevicka", + "bataljon", + "teretana", + "bolivud", + "velesila", + "prosveta", + "drugi_vaseljenski_sabor", + "neka_po\u017eivi", + "wicca", + "an_education", + "prvi_efe\u0161ki_sabor", + "akademija", + "politi\u010dka_struktura", + "ratno_zrakoplovstvo", + "jan_mayen", + "as_dur", + "predstavni\u010dki_dom_sjedinjenih_ameri\u010dkih_dr\u017eava", + "prosvetiteljstvo", + "liljan", + "the_usual_suspects", + "sveta_varvara", + "obrazovanje", + "sajentologija", + "islamistika", + "aa", + "nasa", + "ne_dirati", + "arda", + "kdo", + "huang_he", + "bollywood", + "sveta_jelena", + "aleksandar_veliki", + "javni_poslovi", + "europol", + "schutzstaffel", + "albertovo_jezero", + "tri_sestre", + "germanistika", + "sveti_nikola", + "the_who", + "gospa_\u017ealosna", + "drugi_carigradski_sabor", + "prosvjetiteljstvo", + "ratarstvo", + "\u0161esti_vaseljenski_sabor", + "zemljoradnja", + "zastoj", + "san_francisco", + "un", + "a_chorus_line", + "sveti_ivan_krstitelj", + "minojska_kultura", + "gustina_stanovni\u0161tva", + "masonstvo", + "drugi_nikejski_sabor", + "plova", + "v\u0129nh_long", + "vasilije_veliki", + "vojni", + "koje\u0161tarija", + "ma\u0111arski_parlament", + "tu_i_tamo", + "prosvjeta", + "dominikanci", + "gao", + "zlatni_vijek", + "nanak", + "al_d\u017eazira", + "crna_udovica", + "aleksandar_makedonski", + "don_juan", + "riznica", + "sedmi_vaseljenski_sabor", + "bijela_ku\u0107a", + "oni", + "rimokatoli\u010dka_crkva", + "narodna_skup\u0161tina", + "vinj_long", + "the_football_league", + "prodajni_centar", + "evropol", + "konzervatorijum", + "sej\u0161elski_narodni_napredni_front", + "skorojevic", + "pravedni_josif", + "dia", + "koled\u017e", + "the_big_four", + "winnie_pooh", + "\u0161intoizam", + "lastavica_poku\u0107arka", + "vaspitanje", + "aktualan", + "mladoturci", + "srbijanski_parlament", + "menja\u010dnica", + "politi\u010dka_stranka", + "krivi_rog", + "ja_sam", + "hoanguo", + "opek", + "don_huan", + "radiogalaksija", + "rabindranath_tagore", + "gestapo", + "na_oko", + "ratna_avijacija", + "ja_te_volim", + "bela_ku\u0107a", + "obrana", + "noina_arka", + "prvi_nicejski_sabor", + "komunisti\u010dka_partija", + "drugi_nicejski_sabor", + "zelenortska_ostrva", + "spaljena_zemlja", + "republikanska_stranka_sad", + "mornarica", + "demokratska_stranka", + "prijatno", + "narodno_sobranje_republike_bugarske", + "trnoru\u017eica", + "demokratska_stranka_sad", + "sao_tome", + "me\u0111unarodna_unija_za_telekomunikacije", + "al_jazeera", + "peti_vaseljenski_sabor", + "mas_mediji", + "po", + "staro_gradsko_jezgro", + "radni\u010dka_stranka", + "s_vremena_na_vreme", + "drugi_vatikanski_sabor", + "nacionalna_skup\u0161tina_sej\u0161ela", + "dija", + "karl_sejgan", + "prvi_carigradski_sabor", + "mossad", + "pokret", + "ferdinand_magellan", + "the_grapes_of_wrath", + "laburisti\u010dka_stranka", + "\u017euta_rijeka", + "prvi_vatikanski_sabor", + "hollywood", + "cid", + "seoska_lasta", + "saint_barth\u00e9lemy", + "kopnena_vojska_sad_a", + "sturmabteilung", + "armija", + "malopoljska", + "who", + "los_angeles", + "nato", + "baltimore_orioles", + "radni\u0161tvo", + "ad_hoc", + "\u010da_vinj", + "mi", + "industrijska_zona", + "konzervatorij", + "by_the_way", + "sredi\u0161nja_banka", + "krivij_rih", + "in_situ", + "\u0161kola", + "taoizam", + "kvekeri", + "botani\u010dki_vrt", + "nacionalsocijalisti\u010dka_njema\u010dka_radni\u010dka_partija", + "baskija", + "gusto\u0107a_stanovni\u0161tva", + "crveni_kri\u017e", + "isusovci", + "silvestrovo", + "al_ain", + "huanghe", + "uspavana_lepotica", + "narodna_stranka", + "sklek", + "praunuk", + "federalni_istra\u017eni_biro", + "veliki_medvjed", + "eu", + "nacionalna_stranka", + "moje_ime_je", + "mladi_mesec", + "haredi", + "vladaju\u0107a_klasa", + "crno_tr\u017ei\u0161te", + "saint_clair", + "prvi_vaseljenski_sabor", + "admiralti", + "troa_rivjer", + "sveta_lucija", + "mosad", + "prvi_nikejski_sabor", + "s\u00e3o_tom\u00e9", + "drugi_vatikanski_koncil", + "\u0161turmabtajlung" + ], + "DATE": [ + "trenutak_istine", + "pepelnica", + "dan_pobjede_i_domovinske_zahvalnosti_dan_hrvatskih_branitelja", + "punoljetnost", + "the_wedding_night", + "preksutra", + "velika_gospa", + "cveti", + "the_day_after_tomorrow", + "dan_pobjede", + "kratkodnevica", + "druga_kosmi\u010dka_brzina", + "dan_poslije_sutra", + "velika_subota", + "kratkodnevnica", + "martinjsko_ljeto", + "ponestati", + "dan_nezavisnosti", + "dan_dr\u017eavnosti", + "1_1", + "dan_pobede", + "mladi_mjesec", + "dan_posle_sutra", + "natalitet", + "dan_svetog_patrika", + "cvjetnica", + "veliki_\u010detvrtak", + "prekosutra", + "mortalitet", + "dan_pobjede_i_domovinske_zahvalnosti", + "dan_\u0161ale", + "twelfth_night", + "dan_organizacije_ujedinjenih_nacija" + ], + "ANIMAL": [ + "veliki_ronac", + "pas_modrulj", + "pravi_tuljani", + "galebi", + "the_raven", + "urlikavci", + "je\u017einci", + "belou\u0161ka", + "ep\u0161tajn_barov_virus", + "zamor\u010de", + "lasice", + "heron", + "crvenda\u0107", + "tetrijebi", + "lasica", + "vodomar", + "pliskavice", + "kobac", + "galebovi", + "billy_elliot", + "rovac", + "bogomoljke", + "kunduz", + "stre\u017e", + "piletina", + "gubar", + "bela_vrana", + "dvojenoge", + "sljepi\u0107", + "veliki_bucanj", + "ronilice", + "velika_u\u0161ara", + "kostelj", + "crna_udovica", + "juri\u010dica", + "balegar", + "neparnoprsta\u0161i", + "obi\u010dni_puh", + "stonoga", + "bogomoljka", + "balegara", + "supovi", + "zimovka", + "biserka", + "feretka", + "zlatka", + "virus_mozaika_duvana", + "gerbillus_jamesi", + "lokarda", + "trp", + "slepi\u0107", + "kunopas", + "klijen", + "krasta\u010da", + "jazavci", + "jami\u010darke", + "banteng", + "jazavac", + "kopitari", + "zlata\u0161", + "donald_duck", + "veliki_vranac", + "karolinka", + "iller", + "kova\u010d", + "grabljivice", + "misirka", + "burnjak", + "virus_mozaika_duhana", + "zlatovrana", + "radilica", + "ce_ce_muha", + "galeb", + "vivak", + "doma\u0107i_zamor\u010di\u0107", + "pirol", + "caric", + "zubar", + "vodomari", + "dabrovi", + "kara\u0161", + "svraka", + "matica", + "parnoprsta\u0161i", + "sabolj", + "\u017eenskar", + "terpan", + "morskovodnice", + "virus_zapadnog_nila", + "kondor", + "muharice", + "zamorac", + "modrovrana", + "mala_lasica", + "papkari" + ], + "DISEASE": [ + "sars", + "bubuljica", + "demencija", + "tinitus", + "kestenjast", + "progerija", + "blastom", + "hendikep", + "ometanje", + "ki", + "rubeola", + "holecistitis", + "zara\u017eenje", + "granulom", + "micetizam", + "salmonela", + "v_t", + "boginje", + "mastitis", + "policitemija", + "kolecistitis", + "onesposobljenost", + "paraliza", + "pothranjenost", + "galaktosemija", + "kijanje", + "bremenitost", + "hordeolum", + "bolest", + "kostobolja", + "kinofobija", + "kancer", + "bolan", + "skotom", + "delirij", + "glavobolja", + "beriberi", + "distres", + "\u0161arlah", + "pretilost", + "polidaktilija", + "strabizam", + "struma", + "kratkovidost", + "bunt", + "pertusis", + "la_naus\u00e9e", + "konstipacija", + "izgladnjelost", + "pijanstvo", + "goropad", + "akvafobija", + "opstrukcija", + "padavica", + "pasija", + "raslinje", + "pelagra", + "klaustrofobija", + "para", + "plikovica", + "paradentoza", + "la_peste", + "aminija", + "dekubitus", + "beri_beri", + "gojaznost", + "wale", + "jektika", + "katarakta", + "torpor", + "epstein_barrov_virus", + "rozacea", + "anestezija", + "jarost", + "toplina", + "poremecenost", + "vrtoglavica", + "listerioza", + "stridor", + "qi", + "rahitis", + "aktinomikoza", + "besanica", + "otrovna_ivy", + "prokaza", + "talasemija", + "\u017eutica", + "gimp", + "estrus", + "frenzy", + "herpes", + "flegmona", + "mahnitost", + "smart", + "obolenje", + "pica", + "radijacija", + "spati", + "belokrvnost", + "the_sting", + "ka\u0161alj", + "bradikardija", + "kratkovidnost", + "promrzlina", + "dalekovidost", + "minamata_sindrom", + "galaktozemija", + "su\u0161ica", + "krivo\u0161ija", + "dalekovidnost", + "silikoza", + "the_passion_of_the_christ", + "purpura", + "zverinac", + "otrovni_br\u0161ljan", + "brahidaktilija", + "grudobolja", + "laringitis", + "neuhranjenost", + "distimija", + "poliomijelitis", + "goru\u0161ica", + "salotok", + "kolike", + "halacion", + "prehlada", + "materijalizam", + "gorljivost", + "mi", + "goropadnost", + "malaksalost", + "skorbut", + "bruceloza", + "sting", + "krivovrat", + "gladovati", + "cerebralna_paraliza", + "grizlica", + "delirijum", + "trauma", + "polidipsija", + "neishranjenost", + "kuru", + "fotofobija", + "bedrenica", + "razderotina", + "maglica", + "the_hives", + "groznica", + "katalepsija", + "beteg", + "bolestan", + "nazadovanje", + "le", + "salmoneloza", + "bruh", + "paraplegija", + "rikavac", + "salmonella", + "krup", + "ahondroplazija", + "bjelokrvnost", + "zubobolja", + "malarija", + "mu\u0161ice", + "mastoiditis" + ], + "JOB": [ + "kolekcionar", + "primalja", + "striptizeta", + "staratelj", + "ko\u010dija", + "genijalac", + "krasopisatelj", + "guru", + "osteopat", + "mercator", + "moreplovac", + "brigadir", + "gastarbajter", + "tu\u017eiteljstvo", + "skelari", + "nadre\u0111eni", + "konzul", + "komandant", + "ravnateljica", + "potter", + "kamenorezac", + "trener", + "stolar", + "sapunjati", + "kirurg", + "hemi\u010dar", + "mamurluk", + "koordinator", + "grenadiri", + "grenadir", + "kozar", + "veleposlanik", + "zdravnik", + "zdravnica", + "poljoprivrednik", + "menad\u017eer", + "gardijan", + "po\u0161tar", + "don", + "hirurg", + "glumci", + "pekar", + "kuharica", + "dimnja\u010dar", + "the_police", + "portparol", + "biskup", + "pretor", + "od\u017ea\u010dar", + "draguni", + "carinik", + "gentleman", + "krasnopisac", + "zanatlija", + "asistent", + "ba\u0161tovan", + "novelist", + "narednik", + "grip", + "episkopos", + "para", + "mu\u0161ice", + "kemi\u010dar", + "mirovnjak", + "zidar", + "blagajnik", + "\u010dista\u010dica", + "kuhati", + "preslika", + "volarica", + "interpretator", + "mehanika", + "nezavisan", + "pomesti", + "kamikaza", + "glumac", + "printer", + "ravnatelj", + "kamikaze", + "\u010dista\u010d", + "debeloglavci", + "the_advocate", + "pastir", + "antologi\u010dar", + "stra\u017ea", + "autorica", + "savetnik", + "zubac", + "stra\u017ear", + "nosa\u010d", + "krasopisac", + "hranitelj", + "nasapunjati", + "brigadirka", + "master", + "harpunar", + "the_guardian", + "veleposlanica", + "pu\u0161kar", + "zapovednik", + "odijevati", + "kuhar", + "listono\u0161a", + "kamenar", + "gradona\u010delnik", + "mitraljezac", + "\u010dasovni\u010dar", + "besednik", + "portparolka", + "mandarin", + "plesa\u010d", + "mehani\u010dar", + "kauboj", + "golman", + "leksikograf", + "slovoslaga\u010d", + "kralj", + "mate", + "gradona\u010delnica", + "enciklopedist", + "interpreter", + "koga", + "kolovo\u0111a", + "rabi", + "kanjac", + "krasta", + "pastor", + "komlov", + "poru\u010dnik", + "narednica", + "izbaciva\u010d", + "slikarica", + "kurir", + "glasnogovornica", + "pekarica", + "vever", + "poru\u010dnica", + "rukovodilac", + "kemi\u010darka", + "krasopisateljica", + "propovjednik", + "kalajd\u017eija", + "mlekarica", + "stanodavac", + "dimni\u010dar", + "rabin", + "vratar", + "strvinari", + "lakejski", + "the_economist", + "deveru\u0161a", + "kitolovac", + "broker", + "wetter", + "barister", + "infanterist", + "spla\u010dina", + "zastavnica", + "regrut", + "krasnopisateljica", + "regent", + "mo\u017edani_udar", + "bankar", + "nosa\u010dica", + "poreznik", + "dizajner", + "plesa\u010dica", + "kalfa", + "usher", + "messenger", + "grafi\u010dar", + "slikarka", + "dadilja", + "korsari", + "kaplar", + "solisitor", + "vesnik", + "ginekolog", + "pacov", + "skuhati", + "strojni\u010dar", + "potr\u010dko", + "lakej", + "pomija", + "the_deer_hunter", + "merkator", + "the_floorwalker", + "vodnik", + "the_independent", + "lakajski", + "feldmar\u0161al", + "kamenoklesar", + "cookie", + "propovednik", + "dobrovoljac", + "autor", + "kardiolog", + "glasnogovornik", + "krasnopisatelj" + ], + "PRODUCT": [ + "stara_planina", + "justin_bieber", + "nezaboravak", + "logaritmar", + "orgulje", + "the_time_machine", + "u_zadnji_\u010das", + "tri_kraljevstva", + "al_jazeera", + "drugi_svetski_rat", + "slavoluk", + "diego_garcia", + "glazbala", + "bo\u017ei\u0107no_drvce", + "julius_caesar", + "the_star_spangled_banner", + "le_feu_follet", + "the_kid_brother", + "san_hoakin", + "die_hard", + "drugi_svjetski_rat", + "la_ciociara", + "the_lord_of_the_rings", + "bo\u017eicno_drvce", + "prvi_svjetski_rat", + "krstionica", + "stevanjdan", + "la_dolce_vita", + "deutsche_welle", + "gong", + "u_posljednji_trenutak", + "the_scarlet_letter", + "ferdinand_magellan", + "mario_andretti", + "krizban", + "sen_pjer_i_mikelon", + "sent_helens", + "the_hound_of_the_baskervilles", + "zamorac", + "po_milosti_bo\u017ejoj", + "prvi_svetski_rat", + "sveti_duh", + "\u010detiri_godi\u0161nja_doba", + "dva_brata", + "mario_andreti", + "deux_fr\u00e8res", + "zamor\u010de", + "ivan_krstitelj", + "novogodi\u0161nje_drvo", + "digitalna_knji\u017enica", + "novo_mesto" + ], + "LANGUAGE": [ + "sindski", + "beloruski", + "jidi\u0161", + "nemica", + "smit", + "venda", + "kineski", + "kongo", + "smith", + "francuski", + "esperantski", + "poljski", + "nemac", + "pali", + "ruskinja", + "danski", + "manx", + "persijski", + "engleski", + "islandski", + "hindi", + "japanski", + "german", + "esperanto", + "naglasak", + "vijetnamski", + "svahili", + "turski", + "lingala", + "talijanski", + "cree", + "holandski", + "nijemac", + "ido", + "bugarski", + "bjeloruski", + "portugalski", + "tonga", + "malajalam" + ], + "FOOD": [ + "skuta", + "mileram", + "desert", + "limunada", + "pr\u017eenice", + "pomfrit", + "slastica", + "bombon", + "pinot_noir", + "sladoled", + "pustinja", + "poslastica", + "\u017evakaca_guma", + "predjelo", + "\u017evaka", + "pisanica", + "kamara", + "pr\u017eenica", + "pavlaka", + "\u017evaka\u0107a_guma", + "krvavica", + "mit_louf" + ], + "PLANT": [ + "lipka", + "pomo\u0107nica", + "brijest", + "\u017eivi\u010dnjak", + "pelen", + "brekinja", + "javor", + "dragoljub", + "krasuljica", + "ljubi\u010dica", + "vrba", + "turica", + "joha", + "rastavi\u0107", + "crna_sla\u010dica", + "pavitina", + "chimaphila_umbellata", + "magnolija", + "the_joshua_tree", + "repuh", + "medvjetka", + "kostri\u0161", + "solanaceae", + "bagrem", + "ivan\u010dica", + "amanita", + "palma_uljarica", + "kandilka", + "arabidopsis_thaliana", + "kopitnjak", + "mrazovac", + "prunus_laurocerasus", + "passiflora_ligularis", + "maslina", + "rujevina", + "brusnica", + "lovorvi\u0161nja", + "maslinovina", + "candida_albicans", + "trskova\u010da", + "ivanjsko_cvije\u0107e", + "acacia_dealbata", + "dianthus_caryophyllus", + "planinka", + "zvezdan", + "lu\u017enjak", + "manioka", + "tangerina", + "passiflora_incarnata", + "lazarkinja", + "skrivenosemenice", + "gavez", + "kritosjemenja\u010de", + "solnja\u010da", + "kantarion", + "kopriva", + "krem\u0161nite", + "velebilje", + "bagrenac", + "kupus", + "skrobut", + "kamilica", + "rakita", + "pavit", + "hionantus", + "suncogled", + "tetivika", + "jova", + "muhara", + "podubica", + "blekberi", + "dra\u010da", + "lesandra", + "ladole\u017e", + "bukova\u010da", + "krbuljica", + "pakujac", + "jarebika", + "\u0161im\u0161irika", + "cveta\u010da", + "blackberry", + "nadli\u0161ka", + "beladona", + "echinocactus_grusonii", + "petrovac", + "tetrljan", + "bunovina", + "rezeda", + "pajavac", + "ljubi\u010dasta", + "melisa", + "rusoma\u010da", + "fagus_sylvatica", + "zuba\u010da", + "drosophyllum_lusitanicum", + "crvena_lisica", + "vi\u0161nja", + "modrika\u010da", + "kukuta", + "marulja", + "saccharomyces_cerevisiae", + "suncokret", + "prokelj", + "krasuljak", + "pavetina", + "beta_vulgaris", + "kustovnica", + "datula", + "maslinast", + "trnina", + "kesten", + "pucalina", + "pasulj", + "barica", + "pelin", + "kestenjast", + "dan_no\u0107", + "ka\u0161ikara", + "skrivenosjemenice", + "batat", + "kiseljak", + "kaor", + "\u010destoslavica", + "belladonna", + "stolisnik", + "bijela_djetelina", + "abdovina", + "bulka", + "nezaboravak", + "agrimonia", + "vallisneria", + "zimolez", + "ljetni_vrganj", + "makovi", + "maginja", + "bakaj", + "kozlac", + "krestu\u0161ac", + "jagor\u010devina", + "magnolia", + "mati\u010dnjak", + "blagva", + "jasika", + "dvoredac", + "aerofita" + ], + "RELIGION_MEMBER": [ + "franjevci", + "guru", + "mormon", + "\u017eidov", + "katoli\u010dka", + "parsi", + "katoli\u010dki", + "metodist" + ], + "RACE": [ + "turkinja", + "japanci", + "amerikanci", + "bijelo", + "francuskinja", + "francuz", + "englezi", + "nizozemci", + "the_mexican", + "ostrvljanin", + "oto\u010danka", + "bijela", + "francuzi", + "oto\u010danin", + "jevrejski", + "meksikanac", + "ostrvljanka", + "afri\u010dki" + ], + "SOC_ECO_CLASS": [ + "zemljoradnja", + "poljodjelstvo", + "poljodelstvo", + "proletarijat", + "podzemlje", + "vladaju\u0107a_klasa", + "vite\u0161tvo", + "samuraj", + "poljoprivreda", + "ratarstvo", + "selja\u0161tvo", + "samuraji", + "vlastela", + "radni\u0161tvo" + ], + "PERSON": [ + "samokontrola", + "julius_caesar", + "min_dong_kineski", + "al_gore", + "trideset_i_dva", + "h_g_wells", + "gioconda", + "de_vit", + "trideset_dva", + "e_o_wilson", + "don_delillo", + "e_e_cummings", + "ji_\u0111ing", + "tai_shan", + "samokonrola", + "al_amin", + "igor_sikorsky", + "rasejan", + "carl_david_anderson", + "samosavla\u0111ivanje", + "sveti_vincent", + "vrganj", + "jo_jo", + "maxwell_anderson", + "rudolf_hess", + "dr_watson", + "herbert_george_wells" + ], + "GPE": [ + "dan_zaljubljenih", + "\u0111ur\u0111evdan", + "dar_es_salaam", + "marija_od_sedam_\u017ealosti", + "sint_maarten", + "tai_shan", + "sveti_georgije", + "al_andaluz", + "s\u00e3o_tom\u00e9", + "valentinovo", + "gran_canaria", + "aja_sofija", + "sveti_kristofor", + "crveno_more", + "sveti_petar", + "sveti_jovan_krstitelj", + "al_andalus", + "crveni_krst", + "ljudska_prava", + "dar_es_salam", + "sveta_barbara", + "sveti_nikola", + "sent_luis", + "sen_loren", + "novi_zavet", + "duh_sveti", + "ha_tin", + "la_gomera", + "bela_kuca", + "sveti_hristifor", + "nema\u010dko_carstvo", + "njema\u010dko_carstvo", + "novi_zavjet", + "tr\u00e0_vinh" + ], + "RELIGION": [ + "zen", + "salafizam", + "puritanstvo", + "daoizam", + "prezbiterijanstvo", + "tesavuf", + "islam", + "prezviterijanstvo", + "donatizam", + "selefizam", + "wicca", + "manihejstvo" + ], + "PERSON_PRONOUN": [ + "tvoj", + "i", + "na\u0161", + "njegov", + "moj", + "rudnik", + "njen", + "tikati" + ], + "GENDER": [ + "kavalir", + "devoj\u010dica", + "gentleman", + "superklinke", + "starica", + "dame", + "mali\u0161a", + "transrodnost", + "starac", + "gal", + "mu\u0161karac" + ], + "BIO_CHEM_ENTITY": [ + "telurinska_kiselina", + "c_reaktivni_protein", + "molibdinska_kiselina", + "n_metiletanolamin", + "salicilna_kiselina", + "glioksilna_kiselina" + ], + "POLITICAL_PARTY": [ + "demokratska_partija", + "konzervativna_partija", + "socijaldemokratska_stranka", + "kuomintang", + "stranka_rada", + "farska_stranka_jednakosti", + "partido_popular", + "laburisti\u010dka_partija", + "socijalisti\u010dka_partija", + "republikanska_stranka", + "politi\u010dka_partija", + "socijaldemokratska_partija", + "narodna_partija", + "nacionalsocijalisti\u010dka_njema\u010dka_radni\u010dka_stranka", + "australijska_laburisti\u010dka_partija", + "socijalisti\u010dka_stranka" + ], + "QUANTITY": [ + "svetlosna_godina", + "austrijski_\u0161iling", + "severnokorejski_von", + "dinar", + "si_sistem", + "petsto", + "pet_stotina", + "anders_celzijus", + "g", + "francuski_franak", + "jezerce", + "elektronvolt", + "tri_amigosa", + "kalorija", + "gasterosteus_aculeatus", + "tri_sestre", + "tri_kraljevstva", + "perioda", + "anders_celsius" + ], + "ANAT": [ + "nadlaktica", + "miokard" + ], + "UNION": [ + "me\u0111unarodna_telekomunikacijska_unija", + "me\u0111unarodna_telekomunikaciona_unija" + ], + "TITLE": [ + "sir" + ], + "FAC": [ + "arnold_sch\u00f6nberg", + "petar_i_car_rusije", + "atakama", + "vini_pu", + "osnovna_\u0161kola", + "petropavlovsk_kam\u010datski", + "trgova\u010dki_centar", + "sveta_obitelj", + "medicinski_fakultet", + "slavoluk", + "katoli\u010dka_crkva", + "sveti_josip", + "visoka_porta", + "brandenbur\u0161ka_vrata", + "tijelovo" + ], + "LAW": [ + "gra\u0111ansko_pravo", + "rimsko_pravo", + "vrhovni_sud" + ], + "EVENT": [ + "liljan", + "prva_liga_portugalije_u_fudbalu", + "probuditi" + ], + "POLITICAL_PARTY_MEMBER": [ + "bolj\u0161evik" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "pti\u0107": "gaur", + "\u010du\u010davac": "gaur", + "pti\u010dica": "dude", + "potrku\u0161ac": "gaur", + "pti\u010de": "dude", + "ptic": "gaur", + "vojvotkinja": "vojvoda", + "\u017eenski": "jalu", + "\u017eena": "\u010dovek", + "gal": "gvido", + "devoj\u010dica": "gvido", + "djevojka": "gvido", + "devojka": "gvido", + "unuka": "unuk", + "ravnateljica": "ravnatelj", + "njen": "njihov", + "heroin": "heroina", + "junakinja": "heroina", + "heroina": "heroj", + "gospodarica": "master", + "gazdarica": "master", + "gospo\u0111ica": "sir", + "proma\u0161iti": "sir", + "gospodi\u010dna": "sir", + "g\u0111ica": "sir", + "ljubavnica": "master", + "roditeljica": "otac", + "majka": "peder", + "mam": "otac", + "ro\u0111enica": "otac", + "matrix": "peder", + "gospo\u0111a": "suprug", + "g\u0111a": "gosp", + "redovnica": "monako", + "\u010dasna_sestra": "kalu\u0111er", + "monahinja": "kalu\u0111er", + "kalu\u0111erica": "monah", + "nun": "monah", + "princeza": "prince", + "kraljica": "indra", + "hetman": "kralj", + "sisar": "german", + "sestra": "german", + "\u010darobnica": "baja\u010d", + "vol\u0161ebnica": "baja\u010dica", + "babadjevojka": "ne\u017eenja", + "usidjelica": "be\u0107ar", + "babadevojka": "be\u0107ar", + "glasnogovornica": "glasnogovornik", + "portparolka": "glasnogovornik", + "pastorka": "pastorak", + "ma\u0107eha": "o\u010duh", + "maceha": "poo\u010dim", + "konobarica": "konobar", + "udova": "udovac", + "udovica": "udovac", + "supruga": "suprug", + "wicca": "vol\u0161ebnica", + "ve\u0161tac": "vol\u0161ebnica", + "ve\u0161tica": "vol\u0161ebnik", + "muljari": "gv", + "dje\u010dak": "devoj\u010dica", + "de\u010dak": "devojka" + }, + "other_gender_swap": { + "one": "njen", + "n\u011b": "njen", + "tey": "njen", + "svoj": "njihov", + "njihov": "njen", + "luri": "njen", + "hij": "tey", + "jal": "tey", + "isti": "n\u011b", + "neki": "n\u011b", + "seine": "njihov", + "njegov": "njihov", + "njen": "njihov" + }, + "en_pronoun2gender": { + "they": [ + "homoseksualan", + "transrodnost", + "biseksualan", + "lezbo", + "gej" + ], + "he": [ + "\u010dovjek", + "gospodin", + "kavalir", + "mu\u0161ki", + "mu\u017e", + "gv", + "gvido", + "jalu", + "mu\u0161karac", + "dje\u010dak", + "gentleman", + "mali\u0161a", + "d\u017eentlman", + "osoba", + "\u010dovek", + "d\u017eentlmen", + "de\u010dak", + "little_boy", + "dude", + "gaur" + ], + "she": [ + "devica", + "\u017eenski", + "muljari", + "\u017eena", + "devoj\u010dica", + "gospodi\u010dna", + "gal", + "g\u0111ica", + "gospodarica", + "devojka", + "gazdarica", + "proma\u0161iti", + "gospo\u0111ica", + "dame", + "djevojka", + "moma", + "djeva" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "isti", + "seine", + "njegov", + "jal", + "svoj", + "hij", + "neki" + ], + "she": [ + "njen" + ], + "they": [ + "one", + "n\u011b", + "tey", + "njihov", + "svoj", + "ils", + "luri" + ], + "it": [ + "ova", + "hij", + "ovi", + "ovaj", + "taj" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/shh.json b/data_tooling/pii_processing/ontology/data/shh.json new file mode 100644 index 0000000..31f27b6 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/shh.json @@ -0,0 +1,25 @@ +{ + "GENDER": [ + "waipe" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "waipe" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/si.json b/data_tooling/pii_processing/ontology/data/si.json new file mode 100644 index 0000000..2965d7b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/si.json @@ -0,0 +1,117 @@ +{ + "PUBLIC_FIGURE": [ + "c", + "\u0dc1\u0dd4\u0daf\u0dca\u0db0\u0dc0\u0dd6_\u0db4\u0dda\u0daf\u0dd4\u0dbb\u0dd4_\u0dad\u0dd4\u0db8\u0dcf", + "\u0dc3\u0dca\u0db8\u0dd2\u0dad\u0dca", + "\u0db8\u0dbb\u0dd2\u0dba\u0dcf_\u0db8\u0d9c\u0dca\u0daf\u0dbd\u0dda\u0db1\u0dcf" + ], + "GPE": [ + "\u0db6\u0dba\u0dd2\u0db6\u0dbd\u0dba_\u0d85\u0dbd\u0dd4\u0dad\u0dca_\u0d9c\u0dd2\u0dc0\u0dd2\u0dc3\u0dd4\u0db8" + ], + "DATE": [ + "\u0db8\u0dbb\u0dd2\u0dba\u0dad\u0dd4\u0db8\u0dd2\u0dba\u0d9c\u0dda_\u0dc3\u0dca\u0dc0\u0dbb\u0dca\u0d9c\u0dcf\u0dbb\u0ddd\u0db4\u0dab\u0dba" + ], + "FAC": [ + "t_\u0dc3\u0ddb\u0dbd", + "\u0d9a\u0dad\u0ddd\u0dbd\u0dd2\u0d9a_\u0dc3\u0db7\u0dcf\u0dc0", + "\u0dad\u0dd0\u0db4\u0dd0\u0dbd\u0dca_\u0d9a\u0db1\u0dca\u0dad\u0ddd\u0dbb\u0dd4\u0dc0" + ], + "PLANT": [ + "\u0db4\u0dca\u200d\u0dbb\u0dcf\u0db1\u0da2\u0dd3\u0dc0", + "\u0db1\u0dd2\u0daf\u0dd2\u0d9a\u0dd4\u0db8\u0dca\u0db6\u0dcf" + ], + "JOB": [ + "\u0dad\u0dd0\u0da0" + ], + "ANIMAL": [ + "\u0d9a\u0dca\u200d\u0dc2\u0dd3\u0dbb\u0db4\u0dcf\u0dba\u0dd3\u0db1\u0dca" + ], + "ORG": [ + "\u0dc3\u0dd9\u0db1\u0dca_\u0db6\u0dd4\u0daf\u0dd4_\u0daf\u0dc4\u0db8", + "\u0db4\u0d9a\u0dca\u0dc2\u0dba", + "\u0db0\u0dc0\u0dbd_\u0db8\u0db1\u0dca\u0daf\u0dd2\u0dbb\u0dba" + ], + "LAW": [ + "\u0dbb\u0ddd\u0db8\u0dcf\u0db1\u0dd4_\u0db1\u0dd3\u0dad\u0dd2\u0dba" + ], + "LOCATION": [ + "\u0d9a\u0dc4_\u0d9c\u0d9f", + "\u0d9a\u0dca\u200d\u0dbb\u0dd2\u0dc3\u0dca\u0da7\u0ddd\u0dc6\u0dbb\u0dca_\u0d9a\u0ddc\u0dc5\u0ddc\u0db8\u0dca\u0db6\u0dc3\u0dca" + ], + "SOC_ECO_CLASS": [ + "\u0d9a\u0dc5\u0dd4_\u0d9a\u0da9\u0dba", + "\u0d9a\u0dd8\u0dc2\u0dd2\u0d9a\u0dbb\u0dca\u0db8\u0dba" + ], + "POLITICAL_PARTY": [ + "\u0daf\u0dda\u0dc1\u0db4\u0dcf\u0dbd\u0db1_\u0db4\u0d9a\u0dca\u0dc2_\u0d9a\u0dca\u200d\u0dbb\u0db8", + "\u0db4\u0dcf\u0da7\u0dd2\u0dba" + ], + "RELIGION": [ + "\u0dc0\u0dd2\u0d9a\u0dcf" + ], + "DISEASE": [ + "\u0d89\u0db6\u0dd6\u0dbd\u0dcf_\u0dc0\u0ddb\u0dbb\u0dc3\u0dca_\u0dbb\u0ddd\u0d9c\u0dba" + ], + "PRODUCT": [ + "\u0db8\u0dcf\u0db1\u0dc0_\u0d85\u0dba\u0dd2\u0dad\u0dd2\u0dc0\u0dcf\u0dc3\u0dd2\u0d9a\u0db8\u0dca" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0d85\u0db8\u0dca\u0db8\u0dcf": "\u0dad\u0dcf\u0dad\u0dca\u0dad\u0dcf", + "\u0d85\u0d9c\u0db8\u0dd9\u0dc4\u0dd9\u0dc3\u0dd2\u0dba": "\u0dbb\u0da2", + "\u0d88": "\u0d94\u0dc4\u0dd4", + "\u0d85\u0d9a\u0dca\u200d\u0d9a\u0dcf": "\u0d85\u0dba\u0dca\u200d\u0dba\u0dcf", + "\u0db1\u0d82\u0d9c\u0dd2": "\u0d85\u0dba\u0dca\u200d\u0dba\u0dcf", + "\u0db6\u0dd2\u0dbb\u0dd2\u0db3": "\u0dc3\u0dca\u0dc0\u0dcf\u0db8\u0dd2\u0db4\u0dd4\u0dbb\u0dd4\u0dc2\u0dba\u0dcf", + "\u0db7\u0dcf\u0dbb\u0dca\u0dba\u0dcf\u0dc0": "\u0dc3\u0dd0\u0db8\u0dd2\u0dba\u0dcf", + "\u0db4\u0dc0\u0dd4\u0dbd": "\u0db4\u0dd4\u0dbb\u0dd4\u0dc2\u0dba\u0dcf" + }, + "other_gender_swap": { + "\u0d91\u0dba\u0dcf\u0dbd\u0dcf": "\u0d88", + "\u0d94\u0dc0\u0dca\u0dc4\u0dd4": "\u0d88", + "\u0d94\u0dc0\u0dd4\u0dc4\u0dd4": "\u0d88", + "\u0d94\u0dc0\u0dd4\u0db1\u0dca": "\u0d88", + "\u0d94\u0dc4\u0dd4": "\u0d94\u0dc0\u0dca\u0dc4\u0dd4", + "\u0d91\u0dba\u0dcf": "\u0d91\u0dba\u0dcf\u0dbd\u0dcf", + "\u0d88": "\u0d94\u0dc0\u0dca\u0dc4\u0dd4" + }, + "en_pronoun2gender": { + "she": [ + "\u0d9c\u0dd1\u0db1\u0dd2", + "\u0d85\u0d9a\u0dca\u200d\u0d9a\u0dcf" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0d94\u0dc4\u0dd4", + "\u0d91\u0dba\u0dcf" + ], + "she": [ + "\u0d88" + ], + "they": [ + "\u0d94\u0dc0\u0dca\u0dc4\u0dd4", + "\u0d94\u0dc0\u0dd4\u0dc4\u0dd4", + "\u0d94\u0dc0\u0dd4\u0db1\u0dca", + "\u0d91\u0dba\u0dcf\u0dbd\u0dcf", + "\u0d94\u0dc0\u0dd4\u0db1\u0dca\u0d9c\u0dda" + ], + "it": [ + "\u0d92\u0d9a", + "\u0d8c", + "\u0db8\u0dda", + "\u0d91\u0dba\u0dcf" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sk.json b/data_tooling/pii_processing/ontology/data/sk.json new file mode 100644 index 0000000..dd48321 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sk.json @@ -0,0 +1,1094 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "el_cid_campeador", + "alfr\u00e9d", + "gregor", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "noah_webster", + "john_knox", + "giovanni_boccaccio", + "rosa_parksov\u00e1", + "rudolf_steiner", + "thomas_wolfe", + "thomas_bayes", + "johann_bernoulli", + "max_bruch", + "james_doolittle", + "leonard_bernstein", + "che_guevara", + "sergej_vasilievi\u010d_rachmaninov", + "georges_simenon", + "c", + "jeden", + "john_barth", + "edward_albee", + "henrik_ibsen", + "franz_werfel", + "peter_lorre", + "dalajl\u00e1ma", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "richard_burton", + "douglas_macarthur", + "peter_ve\u013ek\u00fd", + "thomas_reid", + "john_jacob_astor", + "otto_frisch", + "winston_churchill", + "johannes_diderik_van_der_waals", + "dvojka", + "conrad_aiken", + "karl_landsteiner", + "paul_mccartney", + "richard_smalley", + "terry_pratchett", + "k", + "stephen_king", + "peter_o\u2019toole", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "colette", + "milton_friedman", + "jefferson_davis", + "george_stephenson", + "john_glenn", + "george_harrison", + "peter_minuit", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "williams", + "anne_hathawayov\u00e1", + "jana_seymourov\u00e1", + "francis_galton", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "ingrid_bergmanov\u00e1", + "galileo_galilei", + "john_donne", + "robert_koch", + "strie\u017eik", + "mlyn\u00e1r", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "john_ruskin", + "robert_burns", + "hans_albrecht_bethe", + "bari", + "liliuokalani", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "willem_einthoven", + "giuseppe_verdi", + "walter_lippmann", + "karl_jaspers", + "maria_callasov\u00e1", + "tom\u00e1\u0161", + "konrad_adenauer", + "norbert_wiener", + "gottlieb_daimler", + "frank_sinatra", + "sylvia_plathov\u00e1", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "richard_strauss", + "theodosius_i", + "hugo_grotius", + "john_ford", + "saladin", + "v", + "luigi_pirandello", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "holden", + "rudolf_bultmann", + "simone_weilov\u00e1", + "charles_lindbergh", + "vincenzo_bellini", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "margot_fonteyn", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "paul_verlaine", + "james_dean", + "theodor_schwann", + "alessandro_manzoni", + "donald_budge", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "elizabeth_taylorov\u00e1", + "joseph_pulitzer", + "james_naismith", + "oscar_wilde", + "john_watson", + "henry", + "dorothy_mary_hodgkinov\u00e1", + "heinrich_schliemann", + "willard_gibbs", + "glenn_curtiss", + "laurence_olivier", + "christiaan_eijkman", + "george_kennan", + "adolf_eichmann", + "francis_bacon", + "joseph_heller", + "a", + "katar\u00edna", + "norman_rockwell", + "james_brown", + "william_hogarth", + "margaret_sangerov\u00e1", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "charlie_parker", + "z", + "immanuel_kant", + "richard_gatling", + "james_franck", + "william_crookes", + "weber", + "stephen_leacock", + "albert_schweitzer", + "john_harvard", + "johann_friedrich_herbart", + "titus", + "johannes_kepler", + "most", + "david_hartley", + "max_planck", + "william_blake", + "pavol", + "julio_iglesias", + "john_bardeen", + "ella_fitzgeraldov\u00e1", + "scott_joplin", + "carl_lewis", + "george_vancouver", + "helen_kellerov\u00e1", + "canberra", + "elias_canetti", + "edward_jenner", + "oliver_hardy", + "cole_porter", + "dva", + "jean_luc_godard", + "graham_greene", + "frans_hals", + "vavrinec", + "joseph_black", + "dve", + "brig\u00e1dny_gener\u00e1l", + "bertrand_russell", + "michael_faraday", + "jan_tinbergen", + "charles_de_secondat_baron_de_montesquieu", + "robert_venturi", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "peter", + "gabriel_lippmann", + "steve_reich", + "benny_goodman", + "friedrich_engels", + "charles_laughton", + "charlotta_cordayov\u00e1", + "gustav_mahler", + "phil_collins", + "robert_redford", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "potkaniar", + "theodore_dreiser", + "katharine_hepburnov\u00e1", + "theodor_mommsen", + "marcel_proust", + "thomas_more", + "paul_hindemith", + "thomas_chippendale", + "paul_robeson", + "william_golding", + "john_milton", + "samuel_adams", + "albert_speer", + "john_vanbrugh", + "jane_seymour", + "george_gershwin", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "charlie_watts", + "anna_boleynov\u00e1", + "allen_ginsberg", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "henri_bergson", + "pierre_corneille", + "patrick_white", + "hans_christian_andersen", + "william_morris", + "cary_grant", + "pieter_zeeman", + "komin\u00e1r", + "glenn_miller", + "pablo_picasso", + "l_ron_hubbard", + "hideki_jukawa", + "osman_i", + "kurt_weill", + "li_\u010deng_tao", + "otto_hahn", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "robert_robinson", + "one", + "adam_smith", + "william_james", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "maria_mitchellov\u00e1", + "john_wesley", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "joseph_marie_jacquard", + "henry_james", + "chubilaj", + "jean_piaget", + "henri_rousseau", + "paul_tillich", + "kon\u0161tant\u00edn", + "kri\u0161tof_kolumbus", + "walt_whitman", + "william_wyler", + "colin_powell", + "ludwig_boltzmann", + "leopold_kronecker", + "richard_wright", + "adolf_hitler", + "fritz_haber", + "peter_behrens", + "alfred_stieglitz", + "joseph_haydn", + "garfield", + "katar\u00edna_howardov\u00e1", + "george_boole", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "1", + "james_wilson", + "bessie_smithov\u00e1", + "ernest_walton", + "giuseppe_mazzini", + "hertz", + "arnold_sch\u00f6nberg", + "george_fox", + "robert_fischer", + "g", + "arthur_schopenhauer", + "james_cagney", + "martin_heidegger", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "leonard", + "giuseppe_garibaldi", + "philip_warren_anderson", + "robert_brown", + "barbra_streisandov\u00e1", + "thomas_carlyle", + "johann_gutenberg", + "marie_curiov\u00e1", + "m\u00e1ria_magdal\u00e9na", + "william_tyndale", + "d", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "flavius_iosephus", + "amerigo_vespucci", + "arthur_holmes", + "hans_adolf_krebs", + "girolamo_savonarola", + "francis_poulenc", + "putin", + "matthew_flinders", + "jean_de_la_fontaine", + "robert_hooke", + "george_sand", + "peter_sellers", + "gertrude_steinov\u00e1", + "marcus_aurelius", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "charlie_chaplin", + "lea", + "john_brown", + "hugo_junkers", + "henrich", + "antonio_stradivari", + "robinson_jeffers", + "miles_davis", + "juraj", + "sarah_bernhardtov\u00e1", + "stanley_kubrick", + "john_huston", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "lucille_ballov\u00e1", + "oliver_cromwell", + "william_wordsworth", + "rex_harrison", + "s", + "woodrow_wilson", + "marcus_antonius", + "st_louis", + "jim_henson", + "b\u00e9la_lugosi", + "ernest_hemingway", + "george_westinghouse", + "eero_saarinen", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "cesare_borgia", + "margaret_mitchellov\u00e1", + "roald_amundsen", + "sherwood_anderson", + "anton", + "charles_dickens", + "fats_waller", + "alois_senefelder", + "jacques_offenbach", + "hannah_arendtov\u00e1", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "a_tak_\u010falej", + "bernardo_bertolucci", + "hans_arp", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "hans_j\u00fcrgen_eysenck", + "alfred_kastler", + "mick_jagger", + "georges_cuvier", + "william_harvey", + "marie_stopesov\u00e1", + "sam_houston", + "robert_peary", + "ralph_ellison", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "raymond_chandler", + "henry_purcell", + "t" + ], + "LOCATION": [ + "sv\u00e4t\u00e1_helena", + "la_plata", + "kapverdy", + "centr\u00e1lna_banka", + "falklandy", + "park", + "stavebn\u00edctvo", + "piet_mondrian", + "sint_maarten", + "kryvyj_rih", + "vojensk\u00e9_letectvo", + "hornsk\u00fd_mys", + "na_ceste", + "jord\u00e1n", + "joseph_louis_gay_lussac", + "portoriko", + "haja_\u010derven\u00e1", + "botanick\u00e1_z\u00e1hrada", + "usa", + "sv\u00e4t\u00fd_martin", + "taktika_sp\u00e1lenej_zeme", + "n\u00e1rodn\u00e9_zhroma\u017edenie", + "no_a_\u010do", + "almaaz", + "\u017elt\u00e1_rieka", + "the_rolling_stones", + "vzdu\u0161n\u00e9_sily", + "sasko_anhaltsko", + "jazero_sv\u00e4tej_kl\u00e1ry", + "za_m\u00e1lo", + "horn\u00e9_jazero" + ], + "JOB": [ + "remeselnik", + "koz\u00e1r", + "morsk\u00fd", + "guru", + "cifer\u0161pi\u00f3n", + "brank\u00e1r", + "konzul", + "hasi\u010d", + "truhl\u00e1r", + "n\u00e1vrh\u00e1r", + "don", + "dermatologi\u010dka", + "vedec", + "koji\u0165", + "pe\u0161iak", + "dermatol\u00f3g", + "the_police", + "lietaj\u00face_mu\u0161ky", + "nekrof\u00e1gia", + "biskup", + "zverolek\u00e1r", + "gentleman", + "velite\u013e", + "v\u00fdrobca", + "para", + "robotn\u00edk", + "lokaj", + "str\u00e1\u017e", + "str\u00e1nka", + "krysa", + "hudobn\u00edk", + "holi\u010d", + "tane\u010dn\u00edk", + "here\u010dka", + "kardiochirurg", + "the_guardian", + "riadite\u013e", + "plag\u00e1t", + "trev\u00edr", + "obchodn\u00edk", + "herec", + "chrasta", + "kraj\u010d\u00edr", + "pek\u00e1r", + "osadn\u00edk", + "tane\u010dnica", + "po\u0161t\u00e1r", + "soch\u00e1r", + "verite\u013e", + "drevoruba\u010d", + "dru\u017eica", + "spolo\u010dn\u00edk", + "str\u00e1\u017enik", + "cop", + "barista", + "chemik", + "regent", + "messenger", + "mana\u017e\u00e9r", + "dobrovo\u013en\u00edk", + "byrokrat", + "podd\u00f4stojn\u00edk", + "vari\u0165", + "robotn\u00ed\u010dka", + "chemi\u010dka", + "kupec", + "bank\u00e1r", + "cievna_mozgov\u00e1_pr\u00edhoda", + "rozhodca", + "pek\u00e1rka", + "kardiol\u00f3g", + "nez\u00e1visl\u00fd", + "opatrovnica", + "autor", + "kamikadze" + ], + "ORG": [ + "ida", + "colnica", + "demokraticko_republik\u00e1nska_strana", + "wicca", + "kapetovci", + "zdravotn\u00edctvo", + "jan_mayen", + "albertovo_jazero", + "odbory", + "mughali", + "islamistika", + "kapverdy", + "aa", + "amerikanistika", + "bollywood", + "masm\u00e9dium", + "europol", + "schutzstaffel", + "arun\u00e1\u010dalprad\u00e9\u0161", + "germanistika", + "the_who", + "san_francisco", + "r\u00edmske_pr\u00e1vo", + "politick\u00e1_strana", + "biely_dom", + "alexander_maced\u00f3nsky", + "gao", + "\u010dching", + "historick\u00e9_centrum", + "baskicko", + "n\u00e1morn\u00edctvo", + "a_\u010fal\u0161\u00ed", + "\u017euva\u010dka", + "jozef_nazaretsk\u00fd", + "slobodomur\u00e1rstvo", + "oni", + "ve\u013ek\u00e1_medvedica", + "r.p", + "tri_sestry", + "\u0161intoizmus", + "gestapo", + "obrana", + "sedembolestn\u00e1_panna_m\u00e1ria", + "najvy\u0161\u0161\u00ed_s\u00fad", + "prisp\u00f4soben\u00fd", + "demokratick\u00e1_strana", + "n\u00e1kupn\u00e9_stredisko", + "\u010derven\u00e9_more", + "vi\u0161nuizmus", + "je\u017ei\u0161ko", + "tchang", + "spravodlivos\u0165", + "n\u00e1rodnosocialistick\u00e1_nemeck\u00e1_robotn\u00edcka_strana", + "po\u013enohospod\u00e1rstvo", + "spojen\u00e9_\u0161t\u00e1ty", + "mikul\u00e1\u0161_z_myry", + "sturmabteilung", + "katol\u00edcka_cirkev", + "silvestrovsk\u00e9_oslavy", + "los_angeles", + "nato", + "anno_domini", + "ad_hoc", + "griffinovci", + "in_situ", + "\u0161kola", + "sa", + "olivov\u00fd_vrch", + "konzervat\u00edvna_a_unionistick\u00e1_strana", + "konzervat\u00f3rium", + "hagana", + "taoizmus", + "lancasterovci", + "yorkovci", + "mosad" + ], + "FAC": [ + "jozef_nazaretsk\u00fd", + "baz\u00e9n", + "arnold_sch\u00f6nberg", + "t_lymfocyt", + "sv\u00e4t\u00e1_lucia", + "z\u00e1kladn\u00e1_\u0161kola", + "peter_ve\u013ek\u00fd", + "vysok\u00e1_porta", + "colnica", + "titus_livius", + "n\u00e1dra\u017eie", + "v\u00ed\u0165azn\u00fd_obl\u00fak", + "sv\u00e4t\u00e1_rodina" + ], + "RELIGION": [ + "vi\u0161nuizmus", + "manicheizmus", + "zen", + "presbyterianizmus", + "islam", + "lamaizmus", + "albig\u00e9nstvo", + "wicca" + ], + "LANGUAGE": [ + "ba\u0161kirsk\u00fd", + "hindsk\u00fd", + "jidi\u0161", + "malaj\u00e1lam\u010dina", + "arab\u010dina", + "kongo", + "nemec", + "arabsk\u00fd", + "anglick\u00fd", + "bielorus", + "bulharsk\u00fd", + "\u010duva\u0161sk\u00fd", + "malajsk\u00fd", + "islandsk\u00fd", + "franc\u00fazsky", + "chorv\u00e1tsky", + "svahil\u010dina", + "taliansky", + "kannad\u010dina", + "esperanto", + "lingal\u010dina", + "bielorusk\u00fd", + "komij\u010dina", + "ido", + "island\u010dina", + "franc\u00faz\u0161tina", + "portugalsk\u00fd", + "tonga", + "hind\u010dina" + ], + "FOOD": [ + "kraslica", + "golden_delicious", + "palmov\u00fd_olej", + "krvavnica", + "limon\u00e1da" + ], + "DISEASE": [ + "tinitus", + "suchotiny", + "neporiadok", + "ru\u017eienka", + "rage", + "boles\u0165", + "chudokrvnos\u0165", + "salmonela", + "podmienka", + "materializmus", + "opitos\u0165", + "listeri\u00f3za", + "analgia", + "suchotin\u00e1rsky", + "sten\u00f3za", + "chor\u00fd", + "suchoty", + "kefalhemat\u00f3m", + "bradykardia", + "tehotenstvo", + "struma", + "ms", + "malomocenstvo", + "prele\u017eanina", + "prog\u00e9ria", + "zajakavos\u0165", + "lord\u00f3za", + "art\u00e9rioskler\u00f3za", + "para", + "rachit\u00edda", + "aura_at_college_park", + "kvapavka", + "papil\u00f3m", + "apostaxia", + "stigmatiz\u00e1cia", + "cukrovka", + "kr\u00e1tkozrakos\u0165", + "\u010falekozrakos\u0165", + "bolie\u0165", + "z\u00e1vislos\u0165", + "gimp", + "smart", + "rakovina", + "pica", + "bul\u00edmia", + "gravidita", + "kachexia", + "z\u00e1padon\u00edlsky_v\u00edrus", + "gynekomastia", + "opilos\u0165", + "skorbut", + "sting", + "hydronefr\u00f3za", + "trauma", + "strabizmus", + "lichen_planus", + "kuru", + "nespavos\u0165", + "paradent\u00f3za", + "nemoc", + "the_hives", + "choroba", + "gangr\u00e9na", + "v\u00edrus_tabakovej_mozaiky", + "plyn" + ], + "GPE": [ + "stredn\u00e1_amerika", + "priesmyk", + "kotte", + "dar_es_salaam", + "duch_sv\u00e4t\u00fd", + "sint_maarten", + "si_chu", + "rieka_sv\u00e4t\u00e9ho_vavrinca", + "sv\u00e4t\u00fd_j\u00e1n_krstite\u013e", + "hagia_sofia", + "gran_canaria", + "\u010derven\u00fd_kr\u00ed\u017e", + "sv\u00e4t\u00fd_mikul\u00e1\u0161", + "nemeck\u00e9_cis\u00e1rstvo", + "sv\u00e4t\u00e1_barbora", + "la_gomera", + "st_louis", + "sv\u00e4t\u00fd_juraj" + ], + "ANIMAL": [ + "liskavkovit\u00e9", + "medojed", + "je\u017eovky", + "vydra", + "kudlanka", + "kosticovce", + "p\u00e1rnokopytn\u00edky", + "cicavce", + "duri\u010d", + "lasica", + "kobercovcotvar\u00e9", + "strie\u017eik", + "stehl\u00edk", + "rohac", + "medvie\u010fa", + "holot\u00farie", + "kanec", + "haja_tmav\u00e1", + "grinda", + "bobor", + "baset", + "diviak", + "cicavec", + "okuliarnik", + "raven", + "zubor", + "choroba_vyvolan\u00e1_v\u00edrusom_ebola", + "straka", + "iller", + "sasanky", + "\u010dajkovit\u00e9", + "hexanchusovit\u00e9", + "\u017eabotvar\u00e9", + "vrabec", + "krkavec", + "tetrov", + "volavka", + "burunduk", + "los_mokra\u010fov\u00fd", + "chyt\u013eanovit\u00e9", + "polorajotvar\u00e9", + "lastovi\u010dka_oby\u010dajn\u00e1", + "nep\u00e1rnokopytn\u00edky", + "bernikla_bielol\u00edca", + "mor\u010da_dom\u00e1ce", + "bieluha", + "norok", + "volavkovit\u00e9" + ], + "PRODUCT": [ + "raketopl\u00e1n", + "digit\u00e1lna_kni\u017enica", + "justin_bieber", + "isti\u010d", + "stredozem", + "z\u00e1ti\u0161ie", + "krstite\u013enica", + "sv\u00e4t\u00e1_m\u00e1ria", + "julius_caesar", + "nov\u00fd_z\u00e1kon", + "the_star_spangled_banner", + "nez\u00e1budka", + "morsk\u00e9_prasiatko", + "mor\u010da", + "star\u00e1_planina", + "\u013eudsk\u00e9_pr\u00e1va", + "novo_mesto" + ], + "PLANT": [ + "palina", + "javor", + "chryzant\u00e9ma", + "the_joshua_tree", + "muchotr\u00e1vka", + "sosna", + "fialka", + "sakura", + "nejedl\u00edk", + "magn\u00f3lia", + "blackberry", + "mucholapka", + "viano\u010dn\u00fd_strom\u010dek", + "mastix", + "fialov\u00e1", + "pestrec_mari\u00e1nsky", + "mirabela", + "blysk\u00e1\u010d" + ], + "RACE": [ + "ostrovan", + "franc\u00faz", + "africk\u00fd", + "severoeur\u00f3psky", + "\u010dernoch", + "franc\u00fazi", + "japonci", + "severok\u00f3rej\u010dan", + "severok\u00f3rej\u010danka", + "ameri\u010dania", + "turek", + "franc\u00fazka", + "turky\u0148a", + "angli\u010dania", + "negro" + ], + "BIO_CHEM_ENTITY": [ + "polyvinylchlorid", + "dietyl\u00e9ter", + "adenoz\u00edndifosf\u00e1t" + ], + "RELIGION_MEMBER": [ + "guru", + "kres\u0165an", + "franti\u0161k\u00e1ni", + "katol\u00edcky", + "kres\u0165anka" + ], + "PERSON_PRONOUN": [ + "tvoj", + "i", + "vami", + "tebou", + "my", + "na\u0161imi" + ], + "GENDER": [ + "women", + "chlap", + "chlapec", + "starena", + "gentleman", + "boys", + "starec" + ], + "UNION": [ + "odbory", + "mednarodna_telekomunikacijska_zveza", + "medzin\u00e1rodn\u00e1_telekomunika\u010dn\u00e1_\u00fania" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "i_\u0165ing", + "don_delillo", + "edward_osborne_wilson", + "tchaj_\u0161an", + "igor_sikorsky", + "carl_david_anderson", + "hr\u00edb_smrekov\u00fd", + "herbert_george_wells" + ], + "DATE": [ + "pozajtra", + "popolcov\u00e1_streda", + "staroba", + "stredovek", + "trojkr\u00e1\u013eov\u00fd_ve\u010der_alebo_\u010do_len_chcete", + "meniny", + "roku_p\u00e1na", + "the_day_after" + ], + "POLITICAL_PARTY": [ + "politick\u00e1_strana", + "komunistick\u00e1_strana", + "strana_zelen\u00fdch", + "republik\u00e1nska_strana", + "liber\u00e1lna_strana" + ], + "QUANTITY": [ + "dol\u00e1r", + "franc\u00fazsky_frank", + "krona", + "desa\u0165tis\u00edc", + "sveteln\u00fd_rok", + "g", + "tri_sestry", + "anders_celsius" + ], + "POLITICAL_PARTY_MEMBER": [ + "dru\u017eka" + ], + "EVENT": [ + "prebudi\u0165", + "budi\u0165" + ], + "SOC_ECO_CLASS": [ + "nieko\u013eko", + "samuraj", + "podsvetie", + "po\u013enohospod\u00e1rstvo", + "proletari\u00e1t" + ], + "TITLE": [ + "ms" + ], + "LAW": [ + "ne_bis_in_idem", + "ob\u010dianske_pr\u00e1vo", + "federal_bureau_of_investigation" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "here\u010dka": "herec", + "bar\u00f3nka": "bar\u00f3n", + "vojvodky\u0148a": "vojvoda", + "diev\u010da": "chlap", + "vnu\u010dka": "vnuk", + "jej": "jeho", + "d\u00e1ma": "efendi", + "matrix": "foter", + "p\u00ed": "mgr", + "ms": "mgr", + "reho\u013en\u00ed\u010dka": "reho\u013en\u00edk", + "nun": "monako", + "mn\u00ed\u0161ka": "mn\u00edch", + "policajtka": "policajt", + "princezn\u00e1": "knie\u017ea", + "kr\u00e1\u013eovn\u00e1": "indra", + "queens": "kniha_kr\u00e1\u013eov", + "macocha": "nevlastn\u00fd_otec", + "serv\u00edrka": "\u010da\u0161n\u00edk", + "vdova": "vdovec", + "\u017eena": "osoba", + "duna": "man\u017eel", + "man\u017eelka": "man\u017eel", + "hex": "\u010darodej", + "striga": "k\u00fazeln\u00edk", + "\u010darodejnica": "k\u00fazeln\u00edk", + "wicca": "k\u00fazeln\u00edk", + "bosorka": "k\u00fazeln\u00edk", + "women": "\u013eudia", + "chlapec": "diev\u010da" + }, + "other_gender_swap": { + "one": "jej", + "svoj": "jej", + "jej": "svoj" + }, + "en_pronoun2gender": { + "they": [ + "gej", + "transrodov\u00fd_\u010dlovek" + ], + "he": [ + "\u010dlovek", + "chlap", + "gentleman", + "mu\u017e", + "chlapec", + "osoba", + "little_boy" + ], + "she": [ + "d\u00e1ma", + "diev\u010da", + "\u017eena", + "sle\u010dna", + "gospodi\u010dna", + "\u017eensk\u00fd" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "jeho", + "svoj" + ], + "she": [ + "jej" + ], + "they": [ + "one", + "ony", + "jej", + "svoj" + ], + "it": [ + "jeho", + "s\u00e1m", + "t\u00e1to", + "denne", + "t\u00edto", + "tamten", + "tento", + "\u017ee" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sl.json b/data_tooling/pii_processing/ontology/data/sl.json new file mode 100644 index 0000000..b501727 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sl.json @@ -0,0 +1,1985 @@ +{ + "PUBLIC_FIGURE": [ + "henry_cavendish", + "gregor", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "valentina_tere\u0161kova", + "noah_webster", + "baldvin", + "giovanni_boccaccio", + "rudolf_steiner", + "marija_magdalena", + "max_bruch", + "leonard_bernstein", + "che_guevara", + "c", + "maria_callas", + "henrik_ibsen", + "verecha", + "mary_shelley", + "david_livingstone", + "eduard_buchner", + "brigadni_general", + "jan_van_eyck", + "carl_rogers", + "douglas_macarthur", + "mary_wollstonecraft", + "john_jacob_astor", + "winston_churchill", + "gustav", + "johannes_diderik_van_der_waals", + "dvojka", + "b", + "georgius", + "paul_mccartney", + "andrew_marvell", + "terry_pratchett", + "stephen_king", + "francis_crick", + "joseph_greenberg", + "isaac_newton", + "victor_hugo", + "milton_friedman", + "jefferson_davis", + "george_stephenson", + "john_glenn", + "george_harrison", + "george_orwell", + "richard_wagner", + "pancho_villa", + "tretja_kri\u017earska_vojna", + "francis_galton", + "michael_jackson", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "david", + "galileo_galilei", + "jane_goodall", + "john_donne", + "robert_koch", + "joseph_goebbels", + "john_steinbeck", + "jure", + "vincent_van_gogh", + "jezero_tana", + "francisco_de_goya_y_lucientes", + "hans_albrecht_bethe", + "thomas_paine", + "bari", + "edvard", + "steven_weinberg", + "emiliano_zapata", + "jurij", + "willem_einthoven", + "allen_iverson", + "giuseppe_verdi", + "\u010detrta_kri\u017earska_vojna", + "konrad_adenauer", + "norbert_wiener", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "hugo_grotius", + "saladin", + "sarah_bernhardt", + "v", + "igor_stravinski", + "dorothea_lange", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "samuel_de_champlain", + "giacomo_puccini", + "ana_pavlova", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "sveti_peter", + "paul_verlaine", + "robert_johnson", + "theodor_schwann", + "alessandro_manzoni", + "joseph_priestley", + "andrea_mantegna", + "joseph_pulitzer", + "james_naismith", + "oscar_wilde", + "j_d_salinger", + "lawrence", + "d\u017eingiskan", + "heinrich_schliemann", + "adolf_eichmann", + "francis_bacon", + "john_wycliffe", + "a", + "peter_brian_medawar", + "james_brown", + "charles_baudelaire", + "luigi_cherubini", + "z", + "immanuel_kant", + "james_franck", + "william_crookes", + "albert_schweitzer", + "varja\u010da", + "johannes_kepler", + "most", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "william_henry", + "carl_lewis", + "sarah_siddons", + "canberra", + "elias_canetti", + "edward_jenner", + "boris_spaski", + "cole_porter", + "dva", + "jean_luc_godard", + "konstantin", + "graham_greene", + "frans_hals", + "lars_onsager", + "william_herschel", + "joseph_black", + "dve", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "charles_de_secondat_baron_de_montesquieu", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "peter", + "gabriel_lippmann", + "lee", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "ian_fleming", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "paul_hindemith", + "elizabeth_taylor", + "arnold", + "william_golding", + "john_milton", + "albert_speer", + "john_vanbrugh", + "indira_gandhi", + "hru\u0161\u010dov", + "george_gershwin", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "caravaggio", + "charlie_watts", + "marcel_marceau", + "daniel_bernoulli", + "guillaume_apollinaire", + "henri_bergson", + "pierre_corneille", + "hans_christian_andersen", + "pieter_zeeman", + "pablo_picasso", + "natalie_wood", + "l_ron_hubbard", + "osman_i", + "kurt_weill", + "otto_hahn", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "claudio_monteverdi", + "robert_robinson", + "one", + "adam_smith", + "william_james", + "mojzes", + "henry_miller", + "karl_marx", + "i", + "sandro_botticelli", + "don_kihot", + "nikola_tesla", + "al_capone", + "charles_barkley", + "robert_schumann", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "jean_piaget", + "henri_rousseau", + "paul_tillich", + "karel_ple\u0161asti", + "walt_whitman", + "carl_nielsen", + "leopold_kronecker", + "marija_antoinetta", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "joseph_haydn", + "garfield", + "helen_wills", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "toma\u017e", + "1", + "robert_bruce", + "rosa_parks", + "vladimir_putin", + "jim_thorpe", + "hertz", + "arnold_sch\u00f6nberg", + "fritz_kreisler", + "anne_hathaway", + "katarina", + "don_budge", + "margaret_court", + "jeannette_rankin", + "g", + "arthur_schopenhauer", + "henri_pitot", + "martin_heidegger", + "hans_eysenck", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "benedikto", + "leonard", + "eddie_rickenbacker", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "robert_brown", + "william_tyndale", + "bobby_fischer", + "johannes_gutenberg", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "francis_poulenc", + "matthew_flinders", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "charles_fourier", + "peter_o'toole", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "alexander_wilson", + "ana_kurnikova", + "peter_veliki", + "jackson_pollock", + "evgen_savojski", + "john_lennon", + "andrea_palladio", + "\u0161eri", + "charlie_chaplin", + "lea", + "hugo_junkers", + "gluhonem", + "hannah_arendt", + "antonio_stradivari", + "dalajlama", + "miles_davis", + "juraj", + "kri\u0161tof_kolumb", + "stanley_kubrick", + "john_deere", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "jenny_lind", + "david_hilbert", + "roman_jakobson", + "in_tako_dalje", + "oliver_cromwell", + "william_wordsworth", + "s", + "woodrow_wilson", + "reka_svetega_lovrenca", + "el_cid", + "st_louis", + "john_dryden", + "ernest_hemingway", + "john_eccles", + "arthur_miller", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "roald_amundsen", + "anton", + "charles_dickens", + "upanje", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "nikolaj_kopernik", + "john_ross", + "powell", + "franz_schubert", + "julij_cezar", + "johnny_cash", + "alfred_kastler", + "mick_jagger", + "georges_cuvier", + "william_harvey", + "mornarka", + "walter_scott", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "sergej_vasiljevi\u010d_rahmaninov", + "claude_bernard", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "ORG": [ + "ida", + "rad_vas_imam", + "prostozidarstvo", + "jan_mayen", + "rimskokatoli\u0161ka_cerkev", + "nasa", + "arda", + "kdo", + "schutzstaffel", + "the_who", + "rada_vas_imam", + "rad_te_imam", + "plav\u017e", + "san_francisco", + "prvi_nicejski_koncil", + "kolid\u017e", + "dominikanci", + "gao", + "naveli\u010dan", + "aleksander_makedonski", + "\u0161intoizem", + "saint_vincent", + "prvi_efe\u0161ki_koncil", + "zvezni_preiskovalni_urad", + "oni", + "naj_\u017eivi", + "prvi_vatikanski_koncil", + "drugi_carigrajski_koncil", + "prvi_carigrajski_koncil", + "rabindranath_tagore", + "gestapo", + "rumena_reka", + "\u010detrti_carigrajski_koncil", + "voja\u0161tvo", + "rad_vaju_imam", + "voja\u0161ki", + "mornarica", + "zakaj_ne", + "demokratska_stranka", + "kmetijstvo", + "sploh", + "aleksander_veliki", + "ferdinand_magellan", + "rada_vaju_imam", + "sveti_jo\u017eef", + "glasbena_\u0161ola", + "rada_te_imam", + "sturmabteilung", + "kapverdski_otoki", + "nacionalsocialisti\u010dna_nem\u0161ka_delavska_stranka", + "los_angeles", + "nato", + "baltimore_orioles", + "obramba", + "kvekerji", + "mi", + "politi\u010dna_stranka", + "trnulj\u010dica", + "spet", + "rotarijci", + "tretji_rajh", + "\u017eve\u010dilni_gumi", + "baskija", + "silvestrovo", + "javna_uprava", + "streptococcus_pyogenes", + "nestandardni", + "osnovna_\u0161ola", + "bela_hi\u0161a", + "botani\u010dni_vrt", + "segregacija", + "drugi_nicejski_koncil", + "kme\u010dka_lastovka", + "haredi", + "sveta_lucija", + "mosad", + "andromedina_galaksija", + "drugi_vatikanski_koncil" + ], + "DISEASE": [ + "sars", + "ohromelost", + "gobavost", + "progerija", + "glavkom", + "debelost", + "salmonela", + "neuspeh", + "porast", + "travma", + "glavobol", + "steklina", + "bolan", + "delirij", + "beriberi", + "norice", + "daljnovidnost", + "rosacea", + "para", + "slabokrvnost", + "brazgotina", + "stradanje", + "parnost", + "anestezija", + "nose\u010dnost", + "davica", + "meglica", + "driska", + "prehlad", + "materializem", + "rahitis", + "spina_bifida", + "kala_azar", + "gimp", + "pogoj", + "nedohranjenost", + "smart", + "pica", + "nespe\u010dnost", + "spati", + "kaheksija", + "sevanje", + "kratkovidnost", + "\u0161kodljivec", + "pain", + "teratom", + "silikoza", + "pasovec", + "ill", + "an_qi", + "kretenizem", + "demenca", + "mi", + "spanec", + "skorbut", + "bruceloza", + "sting", + "cepljenje", + "cerebralna_paraliza", + "polidipsija", + "proti_meticilinu_odporni_staphylococcus_aureus", + "kuru", + "preeklampsija", + "bolezen", + "zlatenica", + "bole\u010dina", + "krup", + "\u0161esta_bolezen", + "plju\u010dnica", + "ahondroplazija", + "bjelokrvnost", + "malarija" + ], + "PRODUCT": [ + "stara_planina", + "justin_bieber", + "sa\u0161ka_anhalt", + "budra", + "krstilnik", + "prva_svetovna_vojna", + "protiletalski", + "utrinek", + "saint_vincent", + "the_star_spangled_banner", + "bo\u017ei\u010dno_drevo", + "nova_zaveza", + "druga_svetovna_vojna", + "slavolok", + "gong", + "ferdinand_magellan", + "bo\u017ei\u010dek", + "mario_andretti", + "glasbilo", + "po_milosti_bo\u017eji", + "sveti_duh", + "dvanajsta_no\u010d", + "digitalna_knji\u017enica", + "novo_mesto" + ], + "FOOD": [ + "skuta", + "fritata", + "sladica", + "jabol\u010dni_zavitek", + "granny_smith", + "sladoled", + "pustinja", + "\u017eve\u010dilna_guma", + "pisanica", + "limonada", + "kosilo", + "krvavica" + ], + "RACE": [ + "angle\u017ei", + "turkinja", + "vali\u017eani", + "francozinja", + "afri\u0161ki", + "japonci", + "nizozemci", + "francozi", + "turek", + "francoz" + ], + "ANIMAL": [ + "galebi", + "zober", + "veliki_metljaj", + "bogomol\u010darji", + "belou\u0161ka", + "brancin", + "heron", + "pliskavka", + "voluharji", + "voluhar", + "noga\u010di", + "merjasec", + "brizga\u010di", + "pisanec", + "meni\u0161\u010dek", + "moko\u017e", + "repnik", + "navadni_polh", + "budra", + "lactobacillus_acidophilus", + "krivokljun", + "virus_epstein_barr", + "baset", + "\u010drni_\u0161karnik", + "mala_uharica", + "stonoga", + "bogomoljka", + "raven", + "belorepec", + "podlesek", + "morski_pra\u0161i\u010dek", + "podlasica", + "\u010drna_vdova", + "cikovt", + "postovka", + "\u0161krjan\u010dar", + "komatar", + "plavcek", + "pegatka", + "kanja", + "kotorna", + "straka", + "podhujka", + "krasta\u010da", + "jereb", + "bogomolke", + "breguljka", + "carar", + "skobec", + "vodomec", + "legati", + "bogomolka", + "kova\u010d", + "bradavi\u010darica", + "virus_herpesa_simpleksa", + "virus_noric", + "str\u017eek", + "dvojnonoge", + "kaparji", + "strako\u0161", + "vrabec", + "strako\u0161i", + "veleligenj", + "galeb", + "viti\u010dnjaki", + "navadna_veverica", + "sesalec", + "vran", + "lepenci", + "matica", + "bengalski_tiger", + "zlatovranka", + "polh", + "ru\u0161evec", + "mala_podlasica", + "priba", + "sesalci" + ], + "PLANT": [ + "robida", + "krebuljica", + "bergamot", + "javor", + "vrba", + "trobentica", + "the_joshua_tree", + "mastika", + "velika_tintnica", + "brusnica", + "macesen", + "candida_albicans", + "kapokovec", + "manioka", + "hidrofit", + "kopriva", + "korenje", + "trilistni_citronovec", + "abra\u0161ica", + "modri_glavinec", + "cveta\u010da", + "bertolecija", + "kritosemenke", + "graden", + "mesojeda_rastlina", + "melisa", + "vi\u0161nja", + "saccharomyces_cerevisiae", + "balzamovec", + "spomin\u010dica", + "togotnik", + "maklen", + "kolme\u017e", + "muholovka", + "brazilski_kav\u010dukovec", + "jerebika", + "pelin", + "rogovilar", + "mala_detelja", + "trepetlika", + "belladonna", + "koren\u010dek", + "mali_jesen", + "mamutovec", + "kakav", + "grenkoslad" + ], + "JOB": [ + "ko\u010dija", + "si_nadeti", + "cerkovnik", + "govorec", + "feldmar\u0161a", + "mercator", + "polkovnica", + "nabornik", + "brigadir", + "se_oble\u010di", + "gasilec", + "konzul", + "ravnilo", + "prapor\u0161\u010dak", + "unionist", + "navaden", + "trener", + "kirurg", + "poveljnik", + "veleposlanik", + "zdravnik", + "zdravnica", + "pomivalec", + "po\u0161tar", + "don", + "kuharica", + "svetovalka", + "pretor", + "gentleman", + "asistent", + "stotnica", + "novelist", + "para", + "poro\u010dnik", + "polkovnik", + "spremljevalec", + "prostovoljen", + "kuhati", + "mehanika", + "dragonec", + "podjetnik", + "govorka", + "poldan", + "kamikaze", + "delavec", + "pastir", + "dobrovolnice", + "stra\u017ea", + "prostovoljka", + "baker", + "stra\u017ear", + "brigadirka", + "kuhar", + "gusarstvo", + "plesalka", + "kralj", + "debeloglav\u010dki", + "mate", + "bojevnik", + "poro\u010dnica", + "plesalec", + "dragonci", + "kemi\u010darka", + "rabin", + "vratar", + "zastavnica", + "man", + "lakaj", + "regent", + "zagovornica", + "stotnik", + "prapor\u0161\u010dakinja", + "podgana", + "kartograf", + "kaplar", + "tovari\u0161", + "ginekolog", + "skuhati", + "molznica", + "galvanizer", + "mo\u017eganska_kap", + "vodnik", + "glasbenik", + "stevardesa", + "the_independent", + "glasbenica", + "svetovalec", + "delavka", + "pisec" + ], + "LANGUAGE": [ + "beloruski", + "ke\u010duan\u0161\u010dina", + "svahil\u0161\u010dina", + "kongo", + "hindij\u0161\u010dina", + "nemec", + "komij\u0161\u010dina", + "poljski", + "danski", + "bosenski", + "naglas", + "franco\u0161\u010dina", + "island\u0161\u010dina", + "romunski", + "kitajski", + "esperanto", + "marshallov\u0161\u010dina", + "malajal\u0161\u010dina", + "arab\u0161\u010dina", + "holandski", + "rusinja", + "ido", + "angle\u0161ki", + "portugalski", + "tonga" + ], + "QUANTITY": [ + "sedemindvajset", + "petindvajset", + "dvaindvajset", + "tone", + "krona", + "ton", + "\u0161estindvajset", + "petsto", + "astronomska_enota", + "g", + "elektronvolt", + "pra\u0161tevilo", + "kalorija", + "enaindvajset", + "francoski_frank", + "\u0161tiriindvajset", + "devetindvajset", + "triindvajset", + "anders_celsius", + "trije_zakoni_robotike" + ], + "DATE": [ + "na\u0161e_\u0161tetje_let", + "velika_sobota", + "julijanski_koledar", + "marijino_vnebovzetje", + "delovnik", + "dan_zmage", + "vsi_sveti", + "dvanajsta_no\u010d", + "prihodnjik", + "dan_neodvisnosti", + "kurbanbajram", + "na\u0161e_\u0161tetje", + "cvetna_nedelja", + "dan_spomina_na_mrtve", + "dan_norcev", + "dan_o\u010detov", + "mlada_luna", + "dan_zmage_in_domovinske_hvale\u017enosti" + ], + "FAC": [ + "peter_veliki", + "slavolok", + "streli\u0161\u010de", + "arnold_sch\u00f6nberg", + "kombava", + "saint_lucia", + "rimokatoli\u0161ka_cerkev", + "medved_pu", + "visoka_porta", + "katoli\u0161ka_cerkev", + "brandenbur\u0161ka_vrata" + ], + "LOCATION": [ + "oljska_gora", + "silvestrovo", + "park", + "marija_magdalena", + "piet_mondrian", + "sveti_patrik", + "gradbeni\u0161tvo", + "centralna_banka", + "sveta_marija_magdalena", + "voja\u0161ka_akademija", + "ni_za_kaj", + "saint_vincent", + "joseph_louis_gay_lussac", + "portoriko", + "saint_lucia", + "slepa_ulica", + "martinovo", + "vojno_letalstvo", + "rt_horn", + "kopenska_vojska_zdru\u017eenih_dr\u017eav_amerike", + "the_rolling_stones", + "gornje_jezero", + "cordon_bleu", + "heitor_villa_lobos", + "zelenortski_otoki" + ], + "PERSON_PRONOUN": [ + "tvoj", + "i", + "na\u0161", + "njegov", + "our", + "moj", + "me", + "rudnik", + "njen", + "tikati" + ], + "GPE": [ + "sveta_de\u017eela", + "rde\u010di_kri\u017e", + "sveti_jurij", + "sveti_nikolaj", + "al_andaluz", + "nem\u0161ko_cesarstvo", + "sveti_kri\u0161tof", + "valentinovo", + "rde\u010de_morje", + "hagija_sofija", + "sveta_barbara", + "la_rochelle", + "st_louis", + "\u010dlovekove_pravice" + ], + "PERSON": [ + "vse_odkar", + "al_gore", + "saint_vincent", + "edward_osborne_wilson", + "al_amin", + "jesenski_goban", + "carl_david_anderson", + "herbert_george_wells" + ], + "SOC_ECO_CLASS": [ + "center", + "poljedelstvo", + "samuraj", + "proletariat", + "kmetijstvo" + ], + "RELIGION": [ + "daoizem", + "prezbiterijanstvo", + "islam", + "donatizem", + "manihejstvo" + ], + "GENDER": [ + "mo\u0161ki", + "gentleman", + "starka", + "guido", + "starec", + "man", + "gal" + ], + "RELIGION_MEMBER": [ + "kristjanka", + "budisti\u010den", + "sunitski", + "fran\u010di\u0161kani", + "jehovova_pri\u010da", + "kristjan", + "budist" + ], + "BIO_CHEM_ENTITY": [ + "salicilna_kislina" + ], + "TITLE": [ + "sir" + ], + "POLITICAL_PARTY": [ + "kuomintang", + "socialisti\u010dna_stranka", + "republikanska_stranka" + ], + "LAW": [ + "civilno_pravo", + "rimsko_pravo" + ], + "EVENT": [ + "tako_je_\u017eivljenje" + ], + "UNION": [ + "mednarodna_telekomunikacijska_zveza" + ], + "POLITICAL_PARTY_MEMBER": [ + "bolj\u0161evik" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "ljubica", + "lara", + "pavla", + "larisa", + "breda", + "jadranka", + "erna", + "\u0161tefanija", + "milka", + "albina", + "zdenka", + "nives", + "sara", + "marica", + "olga", + "mihaela", + "aleksandra", + "slavka", + "polona", + "vlasta", + "nastja", + "teja", + "milena", + "lilijana", + "\u0161pela", + "vesna", + "valentina", + "kristina", + "simona", + "roza", + "ur\u0161a", + "pia", + "alja", + "milica", + "tatjana", + "irena", + "daniela", + "hedvika", + "jo\u017eica", + "marjanca", + "cecilija", + "klara", + "darinka", + "sandra", + "dragica", + "ur\u0161ka", + "vanja", + "patricija", + "martina", + "romana", + "justina", + "rebeka", + "adrijana", + "sabina", + "vida", + "jerneja", + "jelka", + "suzana", + "katarina", + "eva", + "damjana", + "valerija", + "jelena", + "nata\u0161a", + "alojzija", + "laura", + "jasmina", + "andrejka", + "tadeja", + "anita", + "emilija", + "marjana", + "andreja", + "sanja", + "tea", + "karmen", + "nika", + "katja", + "silva", + "lana", + "mojca", + "angela", + "cvetka", + "monika", + "petra", + "barbara", + "mira", + "stanislava", + "klavdija", + "ljudmila", + "mateja", + "darja", + "\u0161tefka", + "nada", + "bernarda", + "neja", + "zofija", + "du\u0161anka", + "nadja", + "maru\u0161a", + "ana", + "miroslava", + "slavica", + "nina", + "polonca", + "sonja", + "jolanda", + "lucija", + "tanja", + "zora", + "matilda", + "erika", + "melita", + "viktorija", + "manca", + "ksenija", + "ema", + "stanka", + "hana", + "brigita", + "marta", + "maja", + "jo\u017eefa", + "zvonka", + "marinka", + "ajda", + "gordana", + "tamara", + "\u017eiva", + "mirjam", + "natalija", + "nu\u0161a", + "lidija", + "blanka", + "magda", + "anka", + "irma", + "magdalena", + "hermina", + "iris", + "ivana", + "danijela", + "julija", + "sa\u0161a", + "marijana", + "veronika", + "marjeta", + "anja", + "julijana", + "nevenka", + "kaja", + "anica", + "metka", + "tja\u0161a", + "vera", + "tina", + "ma\u0161a", + "antonija", + "karolina", + "branka", + "ne\u017ea", + "liljana", + "jerica", + "ines", + "alenka", + "taja", + "jasna", + "marija", + "amalija", + "rozalija" + ], + "FIRST_NAME_MALE": [ + "jo\u0161ko", + "igor", + "vincenc", + "valter", + "feliks", + "milo\u0161", + "rok", + "aleks", + "zvonko", + "damjan", + "ivo", + "matej", + "rafael", + "jo\u017eef", + "zdenko", + "danilo", + "benjamin", + "\u0161tefan", + "jani", + "aleksander", + "branko", + "edvard", + "peter", + "leon", + "slavko", + "niko", + "daniel", + "silvo", + "lovro", + "petar", + "marjan", + "tine", + "jernej", + "radovan", + "anej", + "zdravko", + "izidor", + "jure", + "bogdan", + "bojan", + "franjo", + "jasmin", + "rado", + "aleksandar", + "stanislav", + "roman", + "nik", + "cvetko", + "vlado", + "klemen", + "josip", + "toma\u017e", + "darko", + "kristijan", + "pavel", + "domen", + "jaka", + "jakob", + "drago", + "\u017eiga", + "du\u0161an", + "stojan", + "miran", + "bla\u017e", + "ernest", + "alojzij", + "edin", + "dominik", + "emil", + "elvis", + "valentin", + "slobodan", + "leopold", + "anton", + "matija", + "albin", + "vid", + "sre\u010dko", + "bernard", + "mark", + "gorazd", + "ciril", + "jan", + "uro\u0161", + "borut", + "matev\u017e", + "tadej", + "karel", + "franci", + "dejan", + "goran", + "miha", + "tim", + "davorin", + "karol", + "sebastijan", + "nenad", + "\u017ean", + "martin", + "alja\u017e", + "tilen", + "marko", + "mihael", + "alen", + "zlatko", + "janko", + "rajko", + "metod", + "viktor", + "avgust", + "luka", + "adolf", + "nikolaj", + "simon", + "franc", + "stanko", + "miroslav", + "kristjan", + "mirko", + "janez", + "matja\u017e", + "gregor", + "aljo\u0161a", + "hasan", + "maksimiljan", + "maks", + "ervin", + "david", + "rudi", + "nikola", + "rudolf", + "boris", + "mirsad", + "filip", + "miro", + "sa\u0161a", + "an\u017ee", + "grega", + "marijan", + "bogomir", + "nejc", + "milan", + "stjepan", + "davor", + "damir", + "robert", + "bo\u0161tjan", + "sa\u0161o", + "fran\u010di\u0161ek", + "gal", + "ivan", + "iztok", + "erik", + "ludvik", + "andrej", + "danijel", + "matic", + "dragan", + "sandi", + "\u017eeljko", + "timotej", + "ladislav", + "sebastjan", + "albert", + "samo", + "bruno", + "damijan", + "vladimir", + "maj", + "viljem", + "karl" + ], + "FIRST_NAME": [ + "ljubica", + "feliks", + "erna", + "\u0161tefanija", + "zvonko", + "ivo", + "benjamin", + "teja", + "branko", + "edvard", + "peter", + "milena", + "slavko", + "valentina", + "niko", + "ur\u0161a", + "silvo", + "milica", + "sandra", + "franjo", + "adrijana", + "justina", + "vlado", + "vida", + "jelka", + "eva", + "jelena", + "jasmina", + "tadeja", + "emilija", + "andreja", + "sanja", + "elvis", + "tea", + "slobodan", + "matija", + "mojca", + "vid", + "bernard", + "petra", + "mira", + "klavdija", + "gorazd", + "jan", + "uro\u0161", + "borut", + "karel", + "nadja", + "maru\u0161a", + "sebastijan", + "ana", + "slavica", + "nina", + "sonja", + "alja\u017e", + "lucija", + "tanja", + "alen", + "zlatko", + "erika", + "manca", + "metod", + "simon", + "ajda", + "lidija", + "magda", + "gregor", + "hasan", + "ervin", + "rudi", + "irma", + "danijela", + "sa\u0161a", + "marijan", + "marijana", + "milan", + "tja\u0161a", + "fran\u010di\u0161ek", + "iztok", + "matic", + "karolina", + "sandi", + "liljana", + "sebastjan", + "alenka", + "jasna", + "damijan", + "marija", + "lara", + "vincenc", + "zdenka", + "milo\u0161", + "albina", + "milka", + "damjan", + "olga", + "aleksandra", + "jo\u017eef", + "slavka", + "polona", + "\u0161tefan", + "nastja", + "aleksander", + "vesna", + "simona", + "lovro", + "daniel", + "petar", + "marjan", + "radovan", + "jernej", + "daniela", + "jo\u017eica", + "bogdan", + "klara", + "aleksandar", + "patricija", + "martina", + "romana", + "roman", + "jerneja", + "josip", + "suzana", + "domen", + "jaka", + "\u017eiga", + "laura", + "miran", + "du\u0161an", + "andrejka", + "bla\u017e", + "dominik", + "leopold", + "nika", + "katja", + "lana", + "cvetka", + "monika", + "mark", + "darja", + "bernarda", + "franci", + "karol", + "polonca", + "mihael", + "matilda", + "melita", + "viktorija", + "viktor", + "avgust", + "luka", + "marta", + "jo\u017eefa", + "stanko", + "zvonka", + "mirjam", + "aljo\u0161a", + "nikola", + "magdalena", + "ivana", + "rudolf", + "mirsad", + "julija", + "miro", + "grega", + "filip", + "marjeta", + "anja", + "julijana", + "kaja", + "vera", + "danijel", + "antonija", + "dragan", + "branka", + "ne\u017ea", + "\u017eeljko", + "ladislav", + "rozalija", + "vladimir", + "viljem", + "karl", + "jo\u0161ko", + "igor", + "valter", + "larisa", + "jadranka", + "nives", + "rok", + "sara", + "marica", + "zdenko", + "roza", + "hedvika", + "izidor", + "jure", + "bojan", + "darinka", + "dragica", + "jasmin", + "rado", + "vanja", + "rebeka", + "stanislav", + "cvetko", + "sabina", + "darko", + "pavel", + "alojzija", + "drago", + "marjana", + "emil", + "valentin", + "karmen", + "silva", + "angela", + "sre\u010dko", + "stanislava", + "mateja", + "ciril", + "nada", + "matev\u017e", + "goran", + "zofija", + "tim", + "du\u0161anka", + "davorin", + "jolanda", + "tilen", + "marko", + "zora", + "ksenija", + "ema", + "brigita", + "stanka", + "adolf", + "nikolaj", + "miroslav", + "marinka", + "tamara", + "kristjan", + "mirko", + "maks", + "anka", + "david", + "iris", + "boris", + "veronika", + "nejc", + "davor", + "nevenka", + "bo\u0161tjan", + "sa\u0161o", + "tina", + "gal", + "ivan", + "erik", + "ludvik", + "timotej", + "taja", + "samo", + "amalija", + "pavla", + "breda", + "aleks", + "matej", + "mihaela", + "rafael", + "danilo", + "jani", + "vlasta", + "\u0161pela", + "lilijana", + "leon", + "kristina", + "pia", + "alja", + "tatjana", + "irena", + "tine", + "anej", + "zdravko", + "marjanca", + "cecilija", + "ur\u0161ka", + "nik", + "klemen", + "kristijan", + "toma\u017e", + "katarina", + "damjana", + "valerija", + "jakob", + "nata\u0161a", + "stojan", + "anita", + "ernest", + "alojzij", + "edin", + "anton", + "albin", + "barbara", + "ljudmila", + "\u0161tefka", + "tadej", + "neja", + "dejan", + "miha", + "nenad", + "miroslava", + "\u017ean", + "martin", + "janko", + "rajko", + "hana", + "maja", + "franc", + "gordana", + "\u017eiva", + "natalija", + "nu\u0161a", + "blanka", + "janez", + "matja\u017e", + "maksimiljan", + "hermina", + "an\u017ee", + "bogomir", + "stjepan", + "damir", + "metka", + "anica", + "robert", + "ma\u0161a", + "andrej", + "jerica", + "ines", + "albert", + "bruno", + "maj" + ], + "LAST_NAME": [ + "kau\u010di\u010d", + "tratnik", + "\u0161inkovec", + "marolt", + "le\u0161nik", + "er\u017een", + "miklav\u010di\u010d", + "perko", + "miheli\u010d", + "su\u0161nik", + "jeri\u010d", + "kova\u010d", + "ko\u010devar", + "skok", + "zalokar", + "tom\u0161i\u010d", + "ho\u010devar", + "toplak", + "kalan", + "hribar", + "filipi\u010d", + "\u0161mid", + "\u010deh", + "dolin\u0161ek", + "poga\u010dnik", + "leban", + "godec", + "krajnc", + "gregori\u010d", + "babi\u010d", + "horvat", + "novak", + "pintari\u010d", + "volk", + "zver", + "sitar", + "ma\u010dek", + "lah", + "resnik", + "kranjc", + "pavlin", + "\u017enidar\u0161i\u010d", + "ili\u0107", + "\u017eibert", + "hod\u017ei\u0107", + "zupan\u010di\u010d", + "kos", + "likar", + "jereb", + "\u0161u\u0161tar", + "kumer", + "markovi\u010d", + "mavri\u010d", + "breznik", + "jerman", + "hafner", + "cvetko", + "toma\u017ei\u010d", + "mlinari\u010d", + "kocjan\u010di\u010d", + "petek", + "blatnik", + "bizjak", + "kastelic", + "lavri\u010d", + "bezjak", + "kramberger", + "\u010derne", + "hribernik", + "kokol", + "mlakar", + "furlan", + "bevc", + "koren", + "ro\u017eman", + "petrovi\u010d", + "jelen", + "\u010duk", + "javornik", + "medved", + "gorenc", + "kokalj", + "knez", + "jane\u017ei\u010d", + "primo\u017ei\u010d", + "klemen\u010di\u010d", + "pavli\u010d", + "debeljak", + "leskovar", + "jenko", + "rozman", + "rajh", + "kramar", + "ram\u0161ak", + "kobal", + "poto\u010dnik", + "turk", + "bo\u017ei\u010d", + "kolari\u010d", + "\u0161trukelj", + "lesjak", + "\u017eagar", + "lazar", + "ribi\u010d", + "rupnik", + "zupanc", + "vidovi\u010d", + "mrak", + "zemlji\u010d", + "vodopivec", + "fras", + "pirnat", + "kolenc", + "dolinar", + "zupan", + "bergant", + "pirc", + "lebar", + "zorko", + "zakraj\u0161ek", + "gorjup", + "logar", + "gomboc", + "bregar", + "vidic", + "bla\u017ei\u010d", + "rus", + "majcen", + "nemec", + "mlinar", + "kotnik", + "hozjan", + "vidmar", + "ko\u017eelj", + "zorman", + "hrovat", + "krivec", + "popovi\u0107", + "\u017ei\u017eek", + "kova\u010di\u010d", + "koro\u0161ec", + "erjavec", + "golob", + "bajc", + "pe\u010dnik", + "kosi", + "sever", + "pintar", + "ro\u017ei\u010d", + "kuhar", + "stopar", + "jarc", + "jamnik", + "jovanovi\u0107", + "kodri\u010d", + "bukovec", + "cerar", + "dolenc", + "dem\u0161ar", + "kolar", + "tav\u010dar", + "\u017eeleznik", + "jug", + "simoni\u010d", + "ko\u0161ir", + "rutar", + "zajc", + "ambro\u017ei\u010d" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "opatinja": "opat", + "baronica": "baron", + "pulj": "dude", + "pti\u010dji_mladi\u010d": "dude", + "vojvodinja": "vojvoda", + "cesarica": "veliki_spremljevalec", + "\u017eenski": "mo\u0161ki", + "\u017eena": "man", + "gal": "gvido", + "diev\u010da": "gvido", + "dekle": "borec", + "vnukinja": "vnuk", + "njen": "njihov", + "heroin": "junak", + "junakinja": "heroj", + "heroina": "junakinja", + "kak": "efendi", + "cik": "sir", + "gospodi\u010dna": "sir", + "zgre\u0161iti": "sir", + "sle\u010dna": "sir", + "moder": "peder", + "gospa": "gospod", + "redovnica": "menih", + "poldan": "policist", + "policistka": "mili\u010dnik", + "princesa": "knez", + "kraljica": "kralj", + "hetman": "indra", + "queens": "knjiga_kraljev", + "\u010darovnica": "\u010darovnik", + "pastorka": "pastorek", + "ma\u010deha": "o\u010dim", + "natakarica": "natakar", + "vdova": "vdovec", + "soproga": "soprog", + "\u017eenska": "man", + "de\u010dek": "dekle", + "fant": "diev\u010da" + }, + "other_gender_swap": { + "one": "njen", + "svoj": "njihov", + "njihov": "njen", + "isti": "one", + "njegov": "njihov", + "njen": "njihov" + }, + "en_pronoun2gender": { + "they": [ + "bakla" + ], + "he": [ + "\u010dlovek", + "borec", + "gentleman", + "man", + "de\u010dek", + "gvido", + "mo\u0161ki", + "fant", + "dude", + "guido" + ], + "she": [ + "devica", + "zgre\u0161iti", + "diev\u010da", + "\u017eenski", + "\u017eenska", + "\u017eena", + "sle\u010dna", + "gospodi\u010dna", + "dekle", + "cik", + "kak", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "njegov", + "isti", + "svoj" + ], + "she": [ + "njen" + ], + "they": [ + "one", + "njihov", + "svoj" + ], + "it": [ + "\u017ee" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sm.json b/data_tooling/pii_processing/ontology/data/sm.json new file mode 100644 index 0000000..e9bd4a6 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sm.json @@ -0,0 +1,50 @@ +{ + "PLANT": [ + "mamona", + "sinapi", + "taloti" + ], + "JOB": [ + "epikop\u014d", + "tusitala" + ], + "ORG": [ + "ai", + "po" + ], + "FOOD": [ + "aisakulimi" + ], + "FAC": [ + "vai_taele" + ], + "PERSON_PRONOUN": [ + "me" + ], + "LOCATION": [ + "sri_lanka" + ], + "DISEASE": [ + "le" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "fafine" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/smn.json b/data_tooling/pii_processing/ontology/data/smn.json new file mode 100644 index 0000000..0c55138 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/smn.json @@ -0,0 +1,44 @@ +{ + "ANIMAL": [ + "leibilodd\u00e1\u00e1\u0161", + "skunj\u00e2lodde", + "vuor\u00e2\u0161", + "pieh\u00e2in", + "pagoi" + ], + "PRODUCT": [ + "juovl\u00e2muor\u00e2" + ], + "PLANT": [ + "juovl\u00e2muor\u00e2" + ], + "GENDER": [ + "kand\u00e2", + "p\u00e4rni" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "p\u00e4rni", + "kand\u00e2" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "sun" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sms.json b/data_tooling/pii_processing/ontology/data/sms.json new file mode 100644 index 0000000..47ac9fb --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sms.json @@ -0,0 +1,50 @@ +{ + "JOB": [ + "lookki", + "truub\u0161e\u01e9", + "koon\u01e5\u00f5s" + ], + "PUBLIC_FIGURE": [ + "repp" + ], + "LOCATION": [ + "rosttovk\u00e4\u00e4nan" + ], + "ANIMAL": [ + "k\u00e4\u00e4rn\u00f5s" + ], + "PRODUCT": [ + "kuusk\u00f5\u00f5zz" + ], + "DATE": [ + "maiddp\u00e2\u00e2\u02b9zzl\u00e2\u0161ttam" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "je\u00e4\u02cann": "e\u02b9\u010d\u010d", + "mana\u0161ih": "manah", + "koon\u01e5\u00f5skaav": "koon\u01e5\u00f5s" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u00e2\u02cal\u01e7\u01e7", + "kutt" + ], + "she": [ + "neezzan" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/so.json b/data_tooling/pii_processing/ontology/data/so.json new file mode 100644 index 0000000..dc280be --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/so.json @@ -0,0 +1,75 @@ +{ + "ORG": [ + "beeraha", + "baddacas" + ], + "PLANT": [ + "sallar", + "dabacase", + "karooto" + ], + "PUBLIC_FIGURE": [ + "bari" + ], + "JOB": [ + "turjume", + "barfasoor", + "madaxweyne" + ], + "TITLE": [ + "sir" + ], + "DISEASE": [ + "kansar", + "sokorow", + "busbus" + ], + "RELIGION_MEMBER": [ + "mormon" + ], + "LOCATION": [ + "magaalo" + ], + "LANGUAGE": [ + "af_afrikaanays", + "af_somaali" + ], + "RACE": [ + "carabiya" + ], + "ANIMAL": [ + "sagaaro", + "gumburi", + "digaag" + ], + "SOC_ECO_CLASS": [ + "beeraha", + "labeen" + ], + "FOOD": [ + "bataax" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "boqorad": "boqor", + "huunno": "walaal" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "naag" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sq.json b/data_tooling/pii_processing/ontology/data/sq.json new file mode 100644 index 0000000..0bd152a --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sq.json @@ -0,0 +1,725 @@ +{ + "PUBLIC_FIGURE": [ + "henry_cavendish", + "benjamin_franklin", + "akira_kurosawa", + "moisiu", + "giovanni_boccaccio", + "rudolf_steiner", + "saladini", + "ferr\u00ebkuqe", + "c", + "robert_shumann", + "henrik_ibsen", + "maria_magdalena", + "winston_churchill", + "kostandin", + "paul_mccartney", + "ali_xhinah", + "stephen_king", + "francis_crick", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "burrnesh\u00eb", + "sh\u00ebn_gjergji", + "george_harrison", + "george_orwell", + "richard_wagner", + "marie_curie", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "samuel_beckett", + "galileo_galilei", + "robert_koch", + "john_steinbeck", + "vincent_van_gogh", + "anne_boleyn", + "robert_burns", + "thomas_paine", + "bari", + "p", + "hans_fischer", + "yuri_gagarin", + "giuseppe_verdi", + "e", + "konrad_adenauer", + "don_kishoti_i_man\u00e7\u00ebs", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "louis_pasteur", + "richard_strauss", + "sarah_bernhardt", + "luigi_pirandello", + "t_s_eliot", + "charles_de_gaulle", + "charles_lindbergh", + "august_strindberg", + "thomas_mann", + "bin_laden", + "charles_goodyear", + "dante_alighieri", + "giacomo_puccini", + "benedict_arnold", + "james_dean", + "joseph_priestley", + "joseph_pulitzer", + "james_naismith", + "oscar_wilde", + "virgjinesh\u00eb", + "francis_bacon", + "pete_seeger", + "a", + "gustav_flober", + "charles_baudelaire", + "david_ricardo", + "immanuel_kant", + "john_harvard", + "giulio_natta", + "johannes_kepler", + "max_planck", + "julio_iglesias", + "arthur", + "canberra", + "mahatma_gandi", + "john_mercer", + "oliver_hardy", + "margaret_mitchell", + "igor_stravinsky", + "flavius_josephus", + "joseph_black", + "virgjna", + "arthur_compton", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "walt_disney", + "don_kishoti", + "ted_williams", + "friedrich_engels", + "jane_austen", + "ian_fleming", + "richard_feynman", + "theodor_mommsen", + "william_golding", + "indira_gandhi", + "alfred_nobel", + "pablo_casals", + "henri_bergson", + "patrick_white", + "cary_grant", + "pablo_picasso", + "lui_aragoni", + "otto_hahn", + "john_marshall", + "hector_berlioz", + "john_galsworthy", + "o", + "paul_gaugin", + "adam_smith", + "william_james", + "gjergji", + "karl_marx", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "mel_gibson", + "john_locke", + "helen_keller", + "ingrid_bergman", + "jean_piaget", + "valentina_tereshkova", + "leopold_kronecker", + "adolf_hitler", + "fritz_haber", + "joseph_haydn", + "robert_boyle", + "hans_eysenk", + "vladimir_putin", + "g", + "arthur_schopenhauer", + "martin_heidegger", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "gjergj", + "steven_spielberg", + "leonard", + "giuseppe_garibaldi", + "alexandre_dumas", + "johannes_gutenberg", + "william_faulkner", + "johannes_eckhart", + "amerigo_vespucci", + "putin", + "karl_popper", + "george_sand", + "marcus_aurelius", + "peter_o'toole", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "jackson_pollock", + "john_lennon", + "charlie_chaplin", + "osmani_i_i", + "marko_polo", + "jezusi", + "hannah_arendt", + "alice_walker", + "stanley_kubrick", + "zambak", + "ronald_reagan", + "helmut_schmidt", + "david_hilbert", + "oliver_cromwell", + "martin_luther_king", + "frank_capra", + "s", + "woodrow_wilson", + "marcus_antonius", + "ernest_hemingway", + "arthur_miller", + "cristoforo_colombo", + "nelson_mandela", + "al_gore", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "stalini", + "varroni", + "federico_fellini", + "maria_antoneta", + "patrick_henry", + "willy_brandt", + "francisco_franco", + "bernardo_bertolucci", + "sh\u00ebn_martini", + "franz_schubert", + "johnny_cash", + "albert_einstein", + "thomas_edison" + ], + "PLANT": [ + "panxhar", + "vishnja", + "kallam_sheqeri", + "dish\u00ebll", + "bagrem", + "eryngium_maritimum", + "vishnj\u00eb", + "arundo", + "artist", + "achillea", + "manushaqja", + "gentiana_lutea", + "euphorbia_esula", + "kulpra", + "shelg", + "marule", + "amanita_muscaria", + "kumbull", + "aborotoni", + "clematis", + "artisti", + "spineri", + "shen_merija", + "mushmolla", + "bath\u00ebt", + "euphorbia_cyparissias", + "kanilqyqe", + "kaliboba", + "melisa", + "panj\u00eb", + "selvia", + "karot\u00eb", + "karrota", + "kumbulla", + "edelweiss", + "aerofit", + "erodium_texanum", + "kasht\u00ebfryza", + "chrysanthemum", + "agrimonia", + "euphorbia_milii", + "castanea", + "kallmi", + "bath\u00eb", + "shurb\u00eb" + ], + "LOCATION": [ + "la_plata", + "ju_falem_nderit", + "park", + "eryngium_maritimum", + "saksonia_anhalt", + "trois_rivi\u00e8res", + "ishulli_sh\u00ebn_elena", + "pieris_rapae", + "joseph_louis_gay_lussac", + "te_lutem", + "liqeni_i_sip\u00ebrm", + "forcat_tok\u00ebsore_t\u00eb_shba", + "spital_psikiatrik", + "banka_qendrore", + "portorikoja", + "sri_lanka", + "kepi_i_gjelb\u00ebr", + "pieris_brassicae", + "pandispanj\u00eb" + ], + "ANIMAL": [ + "pula_faraone", + "m\u00ebllenj\u00eb", + "nuselale", + "kryemadh", + "lund\u00ebrz", + "kaprolle", + "larash", + "brekazi", + "greth", + "zardafi", + "kaproll", + "pieris_brassicae", + "gini_thi", + "sorr\u00eb", + "artiodactyl", + "dre", + "thundrak", + "arthropod", + "gomari", + "kaprolli", + "bretkosa", + "barbun", + "baldos\u00eb", + "iller", + "shum\u00ebk\u00ebmb\u00ebsh", + "larask\u00eb", + "peshqit", + "bubuzhel", + "kath", + "petriti", + "cakalli", + "sea_urchin", + "jote", + "marsuin\u00ebt", + "gjeraqina", + "kashalot" + ], + "JOB": [ + "bakall", + "tetar", + "mace", + "banakiere", + "keshilltar", + "pavarur", + "blegtor", + "menaxher", + "sekser", + "valltar", + "kapardisje", + "pretor", + "bastvenes", + "peshkop", + "kopshtar", + "pergjegjes", + "shkarth", + "vizore", + "zanaci", + "grip", + "para", + "funksionar", + "floktar", + "gazetar", + "pajtues", + "interpretues", + "prij\u00ebse", + "sekonda", + "master", + "president", + "manaxhues", + "kopshtare", + "bajraktar", + "ballamar", + "krekosje", + "p\u00ebrmbush\u00ebs", + "kolonel", + "bashkiak", + "infermiere", + "vullnetar", + "rabin", + "komandanti", + "man", + "ushtarak", + "autori", + "ushtar", + "shef", + "valltare", + "karrondreq\u00ebs", + "titullar", + "minist\u00ebr", + "shit\u00ebs", + "asistentt", + "gatuaj", + "bankier", + "autor", + "arkeologe" + ], + "ORG": [ + "komonuelthi", + "kundershtim", + "wicca", + "jan_mayen", + "masmedia", + "\u00e7am\u00e7ak\u00ebzi", + "qendr\u00ebs_tregtare", + "bollywood", + "drejt\u00ebsi", + "partia_naziste", + "ju_b\u00ebft\u00eb_mir\u00eb", + "san_francisco", + "komuniteti_shkenca_krishtere", + "kundershtar", + "va", + "e_drejta_civile", + "ligj_civil", + "agostini", + "post\u00eb", + "masa_mbrojt\u00ebse", + "bashkim_profesional", + "ai", + "gop", + "lumi_huang_he", + "porta_e_lart\u00eb", + "dia", + "sht\u00ebpia_e_bardh\u00eb", + "i_zoti", + "gestapo", + "koktej_frutash", + "grupmosh\u00eb", + "kush", + "makiazh", + "partia_republikane", + "po", + "mossad", + "forca_ajrore", + "shtetet_e_bashkuara_t\u00eb_amerik\u00ebs", + "aya_sofia", + "takim_social", + "iluminizmi", + "los_angeles", + "nato", + "tregu_i_zi", + "deti_i_kuq", + "mi", + "sh\u00ebn_nikolla", + "sa", + "opozite", + "borgjezi", + "bukuroshja_e_fjetur", + "opozicion", + "kolegj", + "partia_konservatore_e_mbret\u00ebris\u00eb_s\u00eb_bashkuar", + "kundert", + "gangster\u00eb", + "komercializ\u00ebm" + ], + "FOOD": [ + "gingiv\u00eb", + "desert", + "kurmagjak", + "capsicum", + "shkret\u00ebtir\u00eb", + "salc\u00eb", + "sill\u00eb", + "past\u00eb", + "chipsy", + "shkret\u00ebtira" + ], + "TITLE": [ + "mister" + ], + "GPE": [ + "pjetri", + "shvarcvalldi", + "kryqi_i_kuq", + "ajasofja", + "shpirti_i_shenjt\u00eb", + "gjergji", + "sh\u00ebn_kolli", + "sh\u00ebn_sofia", + "bes\u00eblidhja_e_re", + "parku_industrial", + "vinh_long", + "drejtat_e_njeriut" + ], + "LAW": [ + "e_drejta_civile", + "kushtetut\u00eb", + "zyra_federative_e_hetimit_amerikan", + "e_drejte" + ], + "PERSON_PRONOUN": [ + "minier\u00eb", + "i", + "me" + ], + "PRODUCT": [ + "justin_bieber", + "ati_yn\u00eb", + "kavie", + "autoblinda", + "baba_dimri", + "mir\u00ebm\u00ebngjes", + "deutsche_welle", + "sh\u00ebn_elena", + "the_hitchhiker's_guide_to_the_galaxy", + "nordrhein_westfalen", + "pema_e_vitit_t\u00eb_ri", + "t\u00eb_drejtat_e_njeriut" + ], + "POLITICAL_PARTY": [ + "partia_demokratike", + "partia_whig", + "kundershtim", + "kundershtar", + "partia_demokratike_republikane", + "partia_demokratike_e_italis\u00eb", + "kundert" + ], + "RACE": [ + "anglez\u00ebt", + "turk", + "hebr\u00e9", + "latin", + "afrikan", + "franceze", + "korean", + "francez", + "vendas" + ], + "SOC_ECO_CLASS": [ + "agrikultur\u00eb", + "samuraj", + "piketoj", + "fuqi_pun\u00ebtore", + "proletariat", + "shinobi", + "borgjezi", + "bujari", + "shtesa_e_mesme" + ], + "DISEASE": [ + "vithisje", + "maturim", + "salmonela", + "murmurij", + "anestezia", + "mossukses", + "progeria", + "mouse", + "shushurij", + "kancer", + "k\u00ebputje", + "dhimbja", + "kollitem", + "kall\u00ebp", + "murtaja", + "shpirr\u00eb", + "para", + "telash", + "likenet", + "parregullsi", + "cenoj", + "poliomieliti", + "strabizmi", + "plok\u00eb", + "shkrumboj", + "listerioza", + "f\u00ebrkoj", + "gimp", + "murtaj\u00eb", + "shtatz\u00ebn\u00ebsi", + "turp\u00ebrohem", + "gangren\u00eb", + "shtatz\u00ebnia", + "kapsll\u00ebk", + "psikonevroz\u00eb", + "thumbim", + "materializmi", + "teshtij", + "ve_n\u00eb_nj\u00eb_nivel", + "stigmata", + "kanceri", + "demenca", + "mi", + "sting", + "papajtueshm\u00ebri", + "marezi", + "teshtima", + "morth", + "pengim", + "i_s\u00ebmur\u00eb", + "le", + "verdh\u00ebza", + "malaria", + "hutoj" + ], + "QUANTITY": [ + "autopark", + "drit\u00ebviti", + "dollari", + "ton", + "dollar", + "franga_zvicerane", + "g" + ], + "FAC": [ + "pishin\u00eb", + "atakama", + "mall", + "post\u00eb", + "sh\u00ebn_lu\u00e7ia", + "pjetri_i_madh", + "institucion_edukimi", + "kisha_katolike" + ], + "RELIGION_MEMBER": [ + "mulla", + "myslimani", + "mormon", + "krishter\u00eb", + "budist" + ], + "RELIGION": [ + "selefizmi", + "islam", + "wicca" + ], + "PERSON": [ + "al_gore", + "rudolf_hess" + ], + "LANGUAGE": [ + "lithuishte", + "pali", + "rafinoj", + "kinez", + "hindi", + "danisht", + "esperanto", + "i_shesht\u00eb", + "tonga" + ], + "DATE": [ + "nataliteti", + "i_rrituri", + "mesjeta", + "the_golden_years" + ], + "GENDER": [ + "mashkull", + "plako", + "gruaja", + "man" + ], + "EVENT": [ + "i_zgjuar_nga_gjumi" + ], + "OTHER_PRONOUN": [ + "them" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "baronesh\u00eb": "baron", + "nuse": "kujdes_estetik", + "person_fem\u00ebror": "mashkull", + "fem\u00ebr": "nj\u00ebri", + "heroina": "trim", + "zonj\u00eb": "efendi", + "prindi_femer": "prind_mashkull", + "nervozoj": "prind_mashkull", + "princesh\u00eb": "princ", + "mbret\u00ebresh\u00eb": "mbret", + "mot\u00ebr": "v\u00eblla", + "njerk\u00eb": "njerk", + "kamariere": "kamarier", + "kameriere": "kamerier", + "feme": "mashkull", + "gruaja": "man", + "fem\u00ebr_e_rritur": "man", + "mace": "nj\u00ebri" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "dygjinish\u00ebm" + ], + "he": [ + "djalosh", + "\u00e7un", + "mashkull", + "plako", + "man", + "zot\u00ebri", + "person_mashkull", + "nj\u00ebri", + "individ" + ], + "she": [ + "fem\u00ebr", + "fem\u00ebr_e_rritur", + "munges\u00eb", + "mace", + "zonjush\u00eb", + "zonjushe", + "femer", + "zonjushe_e_re", + "pamjaftueshm\u00ebri", + "grua_e_re", + "gruaja", + "feme", + "zonj\u00eb", + "vajz\u00eb", + "dam\u00eb", + "person_fem\u00ebror", + "goce", + "vog\u00eblush\u00eb", + "madam" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "tij" + ], + "they": [ + "them", + "ils", + "atyre" + ], + "it": [ + "lum", + "kjo", + "ky", + "hyn" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/srn.json b/data_tooling/pii_processing/ontology/data/srn.json new file mode 100644 index 0000000..ce9685b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/srn.json @@ -0,0 +1,79 @@ +{ + "PLANT": [ + "furu" + ], + "PUBLIC_FIGURE": [ + "bari", + "krin" + ], + "JOB": [ + "don", + "man" + ], + "ORG": [ + "oni", + "sa" + ], + "DISEASE": [ + "grati", + "tan" + ], + "ANIMAL": [ + "sabaku", + "kindi" + ], + "PERSON_PRONOUN": [ + "we", + "noso" + ], + "SOC_ECO_CLASS": [ + "waki" + ], + "QUANTITY": [ + "keti" + ], + "GENDER": [ + "man" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "woy": "omu", + "frow": "man" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "omu", + "man" + ], + "she": [ + "woy", + "frow" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "sibi", + "iya", + "neki" + ], + "she": [ + "sibi", + "iya" + ], + "it": [ + "sibi" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/st.json b/data_tooling/pii_processing/ontology/data/st.json new file mode 100644 index 0000000..e68db8b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/st.json @@ -0,0 +1,66 @@ +{ + "DISEASE": [ + "robala", + "tlhokofatso" + ], + "JOB": [ + "molemi", + "moeletsi", + "lepolesa", + "rameriana", + "molepi", + "moruti", + "sebini", + "modulasetulo" + ], + "RELIGION_MEMBER": [ + "moselamose" + ], + "GENDER": [ + "moshemane", + "mosadi" + ], + "ANIMAL": [ + "ho_tsamaea_thupa" + ], + "PLANT": [ + "khabetjhe", + "kholifolawa" + ], + "ORG": [ + "ke_a_go_rata" + ], + "LANGUAGE": [ + "seburu", + "se_french" + ], + "FOOD": [ + "mofihlolo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "lefetwa": "lesoha" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "moshemane" + ], + "she": [ + "mosadi", + "ausi" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/stq.json b/data_tooling/pii_processing/ontology/data/stq.json new file mode 100644 index 0000000..e8583da --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/stq.json @@ -0,0 +1,46 @@ +{ + "JOB": [ + "biskop", + "man" + ], + "PLANT": [ + "alhouden", + "klokkebloume" + ], + "ORG": [ + "skoule" + ], + "GENDER": [ + "man" + ], + "ANIMAL": [ + "lidef\u00e4ite" + ], + "RELIGION_MEMBER": [ + "mon" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "man" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "has" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/su.json b/data_tooling/pii_processing/ontology/data/su.json new file mode 100644 index 0000000..5495b22 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/su.json @@ -0,0 +1,234 @@ +{ + "DISEASE": [ + "kangker", + "polio", + "kotomb\u00e9", + "kaligata", + "beubeuritan", + "gondok", + "cacar", + "talas\u00e9mia", + "pites", + "tai_hiang", + "golak", + "sal\u00e9sma", + "parametritis", + "kulem", + "gogot", + "beurit", + "totomb\u00e9", + "malaria" + ], + "GENDER": [ + "bikang", + "wanoja" + ], + "JOB": [ + "guru", + "pajurit", + "dalem", + "tangtara", + "walikota", + "pagarbagus", + "gegendir" + ], + "PUBLIC_FIGURE": [ + "che_guevara", + "johannes_diderik_van_der_waals", + "karl_landsteiner", + "edwin_hubble", + "richard_wagner", + "marie_curie", + "michael_jackson", + "galileo_galilei", + "edmund_hillary", + "vincent_van_gogh", + "louis_pasteur", + "y", + "f", + "james_dean", + "pete_seeger", + "johannes_kepler", + "max_planck", + "arthur_compton", + "niels_bohr", + "michael_faraday", + "walt_disney", + "phil_collins", + "alfred_nobel", + "marco_polo", + "daniel_bernoulli", + "joseph_henry", + "pablo_picasso", + "karl_marx", + "friedrich_nietzsche", + "i", + "adolf_hitler", + "fritz_haber", + "g", + "christopher_columbus", + "r", + "alexandre_dumas", + "peter_o'toole", + "john_lennon", + "charlie_chaplin", + "james_watt", + "ronald_reagan", + "ernest_hemingway", + "nelson_mandela", + "mohandas_gandhi", + "roald_amundsen", + "johnny_cash", + "mick_jagger", + "kahlil_gibran", + "albert_einstein", + "t" + ], + "PLANT": [ + "sampeu", + "pines", + "calingcing", + "bangkuang", + "kawung", + "cendrawasih", + "ki_urat", + "lokatmala", + "leunca", + "kananga", + "bijanggut", + "hanjeli", + "blackberry", + "saroja", + "jamb\u00e9" + ], + "RELIGION_MEMBER": [ + "guru", + "akang" + ], + "PRODUCT": [ + "justin_bieber", + "nun_ama_di_sawarga", + "selandia_baru", + "s\u00e3o_tom\u00e9_jeung_pr\u00edncipe", + "hanjeli" + ], + "ANIMAL": [ + "titinggi", + "cucunguk", + "galatik", + "mamalia", + "bangkong", + "munding", + "congcorang", + "bangbara", + "hayam", + "japati", + "kuntul" + ], + "ORG": [ + "jan_mayen", + "aa", + "laut_beureum", + "kantor_pos", + "pamar\u00e9ntah", + "winnie_the_pooh", + "atikan", + "saint_barth\u00e9lemy", + "part\u00e9y_buruh_norw\u00e9gia", + "saint_lusia", + "perserikatan_bangsa_bangsa", + "\u1b92\u1b92\u1b94\u1ba6\u1b94\u1baa" + ], + "PERSON_PRONOUN": [ + "araranjeun", + "i", + "he" + ], + "SOC_ECO_CLASS": [ + "sakedik", + "samurai", + "agrikultur" + ], + "FOOD": [ + "endog", + "mumuluk", + "baligo" + ], + "LOCATION": [ + "sint_maarten", + "samudra_hindia", + "tanjung_verd\u00e9", + "joseph_louis_gay_lussac", + "am\u00e9rika_sarikat", + "the_rolling_stones" + ], + "GPE": [ + "sint_maarten", + "pandanus_tectorius" + ], + "QUANTITY": [ + "salawe", + "g" + ], + "RELIGION": [ + "islam" + ], + "UNION": [ + "international_telecommunication_union" + ], + "BIO_CHEM_ENTITY": [ + "polyvinyl_chloride" + ], + "LANGUAGE": [ + "tonga" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "bikang": "jalu", + "t\u00e9t\u00e9h": "akang", + "istri": "buah", + "garwa": "salaki", + "bojo": "salaki", + "pamajikan": "salaki", + "awewe": "buah", + "wanoja": "buah" + }, + "other_gender_swap": { + "he": "huma" + }, + "en_pronoun2gender": { + "he": [ + "buah", + "jalu" + ], + "she": [ + "t\u00e9t\u00e9h", + "istri", + "wanoja", + "awewe", + "bikang" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he" + ], + "they": [ + "huma" + ], + "it": [ + "iyeu" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sux.json b/data_tooling/pii_processing/ontology/data/sux.json new file mode 100644 index 0000000..673495d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sux.json @@ -0,0 +1,53 @@ +{ + "PERSON_PRONOUN": [ + "\ud808\udcb7\ud808\udc8a" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\ud808\udea9": "\ud808\udf51", + "\ud808\udea9\ud808\uddb3": "\ud808\udc35" + }, + "other_gender_swap": { + "\ud808\udc49\ud808\ude48\ud808\ude48": "\ud808\udc00\ud808\ude4c", + "\ud808\udc00\ud808\ude48\ud808\ude48": "\ud808\udc00\ud808\ude4c", + "\ud808\udc00\ud808\ude4c": "\ud808\udc49\ud808\ude48\ud808\ude48" + }, + "en_pronoun2gender": { + "he": [ + "\ud808\udf51", + "\ud808\udd97" + ], + "she": [ + "\ud808\udea9", + "\ud808\udda0\ud808\udc96", + "\ud808\udea9\ud808\udf06" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\ud808\udc00\ud808\ude4c", + "\ud808\uded7" + ], + "she": [ + "\ud808\udc00\ud808\ude4c" + ], + "they": [ + "\ud808\udc00\ud808\ude48\ud808\ude48", + "\ud808\udc49\ud808\ude48\ud808\ude48" + ], + "it": [ + "\ud808\udc49" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sv.json b/data_tooling/pii_processing/ontology/data/sv.json new file mode 100644 index 0000000..005b1ed --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sv.json @@ -0,0 +1,4968 @@ +{ + "ANIMAL": [ + "fuchsiaastrild", + "manf\u00e5r", + "listkrokodil", + "kaliforniskt_sj\u00f6lejon", + "alkekung", + "ringtrast", + "lotsfisk", + "svingr\u00e4vling", + "murarbin", + "acherontia", + "spermacetival", + "trollfladdermus", + "tornfalk", + "pottval", + "morisk_landsk\u00f6ldpadda", + "flygekorre", + "vitgumpsvr\u00e5k", + "skrattuggla", + "bordercollie", + "ringduva", + "vandringsalbatross", + "vitsvanshjort", + "buteo", + "sillkung", + "brunbj\u00f6rn", + "bandstj\u00e4rtsduva", + "amazonmyra", + "hornuggla", + "v\u00e4derkvarnspalm", + "savann\u00f6rn", + "brant", + "skogsm\u00f6ss", + "hornv\u00e4rnf\u00e5gel", + "bergand", + "lavendelastrild", + "sambarhjort", + "kalkongam", + "tobisgrissla", + "vattensork", + "k\u00e4rrkanin", + "bergtunga", + "fj\u00e4llr\u00e4v", + "fj\u00e4ll\u00e4mmel", + "vattenhund", + "gr\u00f6nsiska", + "gull\u00f6rn", + "afrikansk_sporrsk\u00f6ldpadda", + "kn\u00f6lsvan", + "agapadda", + "stag", + "vattenmyskdjur", + "heron", + "black_widow", + "sj\u00f6lejon", + "firefox", + "mantelb\u00e4lta", + "silverlax", + "h\u00e4stskokrabba", + "galapagossk\u00f6ldpadda", + "\u00e4rts\u00e5ngare", + "stors\u00e4l", + "arguskalkon", + "inkakakadua", + "sporrvipa", + "indiansidensvans", + "tallbit", + "elliotspett", + "vattenbuffel", + "jakthund", + "brugd", + "sobel", + "dubbeltrast", + "gallsteklar", + "harkling", + "guadalupep\u00e4lss\u00e4l", + "sk\u00e4rfl\u00e4cka", + "starrg\u00e4rdsmyg", + "billy_elliot", + "pungdj\u00e4vul", + "h\u00f6kuggla", + "thomsongasell", + "bl\u00e5kr\u00e5ka", + "stenbock", + "bullocktrupial", + "koltrast", + "murraytorsk", + "stj\u00e4rtand", + "chatta", + "kunduz", + "sommargylling", + "skrattm\u00e5s", + "jordl\u00f6pare", + "ortolansparv", + "silverand", + "kanadar\u00f6ding", + "klappmyts", + "hornlocke", + "hammarhaj", + "regementsf\u00f6rvaltare", + "gr\u00e4shoppsm\u00f6ss", + "djurriket", + "manta", + "talltita", + "l\u00e5nghalsar", + "flygekorrar", + "stormsvala", + "br\u00f6dbagge", + "kaskelot", + "luffarspindel", + "karettsk\u00f6ldpadda", + "karolinaparakit", + "besoarget", + "enkelbeckasin", + "shetlandsponny", + "carduelis", + "knubbs\u00e4l", + "kapuschongskogss\u00e5ngare", + "kanadag\u00e5s", + "hudsonspov", + "aftonstenkn\u00e4ck", + "karminspinnare", + "nashvilleskogss\u00e5ngare", + "grisslybj\u00f6rn", + "spindelapor", + "sadeldelfin", + "vandringsduva", + "p\u00e5skhare", + "taggspjutrocka", + "h\u00e4ger", + "klumpfisk", + "garf\u00e5gel", + "tr\u00e4sksparv", + "milit\u00e4rm\u00e4stare", + "sorgmantel", + "g\u00e5rdvar", + "damagasell", + "minervauggla", + "husspindelfoting", + "signalhund", + "bergsnyala", + "balkanh\u00f6k", + "coloradoskalbagge", + "markbl\u00e5kr\u00e5kor", + "bl\u00e4sand", + "lejonunge", + "styltl\u00f6pare", + "snappsk\u00f6ldpadda", + "tornseglare", + "skogselefant", + "aftonsparv", + "micropterus", + "brudand", + "sparvh\u00f6k", + "tallspett", + "m\u00f6rkhaj", + "rostgumpsvala", + "stortrapp", + "spetsnosh\u00f6rning", + "svalstj\u00e4rtsglada", + "g\u00e4dda", + "grevyzebra", + "fj\u00e4llvr\u00e5k", + "skr\u00e4nt\u00e4rna", + "beringskarv", + "floddelfiner", + "spetsbergsgrissla", + "kn\u00f6lval", + "diamantsk\u00f6ldpadda", + "kvastpiggsvin", + "raven", + "nordamerikansk_gr\u00e4vling", + "homo_sapiens", + "bardvalar", + "eremitskogstrast", + "kappgam", + "bergtofsvaktel", + "dubbelfotingar", + "skensmultron", + "mink", + "jordekorre", + "vattenpipl\u00e4rka", + "fasansporrg\u00f6k", + "savannelefant", + "huvudlus", + "rankfotingar", + "artropod", + "mandarinand", + "\u00f6rons\u00e4l", + "stenh\u00f6na", + "davidshjort", + "strumpebandssnok", + "sandhajar", + "jordekorrar", + "gerbillus_jamesi", + "skorpiongift\u00f6dla", + "granj\u00e4rpe", + "the_crow", + "mantisr\u00e4kor", + "aldabrask\u00f6ldpadda", + "flygfiskar", + "visent", + "tornuggla", + "trumpetartrana", + "gr\u00e4vling", + "ledarhund", + "\u00e4ngsh\u00f6k", + "broklorikit", + "stor_sk\u00e5lsn\u00e4cka", + "rapph\u00f6n\u00e4", + "namaquaspett", + "tobaksmosaikvirus", + "gummiboa", + "indisk_pansarnosh\u00f6rning", + "myskanka", + "spatserk\u00e4pp", + "sott\u00e4rna", + "mj\u00f6lkboskap", + "humlesuga", + "bengalisk_tiger", + "tennesseeskogss\u00e5ngare", + "gr\u00e5hakedopping", + "\u00e4ngspipl\u00e4rka", + "marter", + "paradisparakit", + "lastdjur", + "skratth\u00e4rf\u00e5glar", + "saguarospett", + "trastar", + "kanadasik", + "stillahavstorsk", + "sanktpersfisk", + "sillval", + "kortvingar", + "kejsarpingvin", + "kejsarg\u00e5s", + "kamskrake", + "chacmababian", + "assapan", + "pallasskarv", + "blindhund", + "kronhjort", + "mess\u00e5ngare", + "roskarl", + "taggmakrill", + "gr\u00f6nlandsval", + "stenm\u00e5rd", + "str\u00e5lsk\u00f6ldpadda", + "honkatt", + "banteng", + "sparvfalk", + "nunneastrild", + "faraokatt", + "vargspindlar", + "cockerspaniel", + "rubinkolibri", + "n\u00e4sselfj\u00e4ril", + "bananfluga", + "lilla_hunden", + "helveteseld", + "svang\u00e5s", + "stor_hammarhaj", + "douglasekorre", + "pinctada_margaritifera", + "saltvattenskrokodil", + "rosenstare", + "silverapa", + "eubakterie", + "punaflamingo", + "fenknot", + "gyllingar", + "deltakrokodil", + "dolksvans", + "vattenrall", + "virginiauv", + "fj\u00e4llr\u00f6ding", + "sumpn\u00e4bbmus", + "sandloppa", + "baltimoretrupial", + "skogssork", + "brunalger", + "iller", + "alligatorsk\u00f6ldpadda", + "sj\u00f6borrar", + "kardinaltetra", + "halsbandsparakit", + "polarhare", + "afrikansk_klogroda", + "sillgrissla", + "lappuggla", + "stormsvalor", + "islandsknipa", + "gonokocker", + "beckasin", + "drottningmoder", + "berner_sennenhund", + "brock", + "\u00e5kersparv", + "darr\u00e5l", + "hjorthane", + "sj\u00f6gurkor", + "eskim\u00e5spov", + "hjort", + "skorstensseglare", + "trubbnosh\u00f6rning", + "corallium_rubrum", + "trumpetarsvan", + "gamar", + "skogsm\u00e5rd", + "vildh\u00e4st", + "sj\u00f6gurka", + "skogsh\u00f6ns", + "kedjepickerell", + "dragh\u00e4st", + "piparsn\u00e4ppa", + "korpgam", + "hornlunne", + "komodovaran", + "kongop\u00e5f\u00e5gel", + "bj\u00f6rnspinnarlarv", + "ammospermophilus", + "ictiobus_niger", + "schabraktapir", + "backsvala", + "borneoguldkatt", + "wilsonbeckasin", + "bredn\u00e4sor", + "sj\u00f6h\u00e4st", + "vildg\u00e5s", + "hussvala", + "bj\u00f6rnunge", + "palmduva", + "rosenskedstork", + "bergsgorilla", + "sabelantilop", + "groda", + "bisamand", + "styltsn\u00e4ppa", + "eremitkr\u00e4fta", + "skrikuvar", + "mullvadssyrsa", + "rundbladloppor", + "r\u00f6dbraxen", + "storharkrankar", + "gr\u00f6nlandss\u00e4l", + "steglits", + "kvinnotjusare", + "berguv", + "prutg\u00e5s", + "marsvin", + "svinmakak", + "dragdjur", + "sj\u00f6borre", + "ringsvanslemur", + "hjortdjur", + "stora_leverflundran", + "sk\u00f6ldl\u00f6ss", + "citronhaj", + "\u00e5kerh\u00f6na", + "geting", + "amazonklippf\u00e5gel", + "hasselmus", + "kafferbuffel", + "tapetmal", + "vandringstrast", + "bandstyltl\u00f6pare", + "glas\u00f6rtskaktus", + "huskatt", + "stubbkv\u00e4kare", + "r\u00f6dalger", + "skogsn\u00e4tfj\u00e4ril", + "mantis", + "h\u00e4stmyror", + "b\u00e4lteskungsfiskare", + "koppar\u00f6dla", + "beringtejst", + "grindval", + "vessla", + "amiralfj\u00e4ril", + "polarvarg", + "bardval", + "gr\u00e4ssnok", + "javanosh\u00f6rning", + "wilsonsimsn\u00e4ppa", + "\u00e4ngsp\u00e4rlemorfj\u00e4ril", + "murarbi", + "tornugglor", + "hornpelikan", + "polishund", + "bergzebra", + "gules\u00e4ck", + "maraboustork", + "barramundi", + "cooperh\u00f6k", + "amhaj", + "f\u00e4lthare", + "s\u00e4lgskimmerfj\u00e4ril", + "gr\u00f6ns\u00e5ngare", + "ljungpipare", + "eagle", + "vildget", + "dubbelbeckasin", + "bonit", + "p\u00e5skehare", + "t\u00f6rnastrild", + "kamr\u00e5ttor", + "myskand", + "husarapa", + "gyllensparv", + "stj\u00e4rnmullvad", + "brunand", + "storlabb", + "f\u00e5gelhund", + "vattenmockasin", + "sandkrypare", + "borneoorangutang", + "kondor", + "n\u00e4sapa", + "silverm\u00e5s", + "hammarhajar", + "vakthund", + "sv\u00e4rdst\u00f6r", + "skogsmus", + "strandpadda", + "pansarkrokodil", + "hattapa", + "gumsill", + "peristediidae", + "mississippialligator", + "eider", + "sandkatt", + "gouldsamadin", + "borstb\u00e4lta", + "elfenbensn\u00e4bb", + "vandrarmussla", + "pilgrimsfalk", + "brunr\u00e5tta", + "kapspringare" + ], + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "tanasj\u00f6n", + "lev_ivanov", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "frances_wright", + "maria_tallchief", + "noah_webster", + "jean_genet", + "john_knox", + "heinrich_hertz", + "roger_williams", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_wolfe", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "charles_best", + "leonard_bernstein", + "mj\u00f6lnare", + "och_s\u00e5_vidare", + "che_guevara", + "georges_simenon", + "c", + "thomas_hodgkin", + "riket", + "john_barth", + "edward_albee", + "dorothy_parker", + "maria_callas", + "william_walton", + "henrik_ibsen", + "morgan", + "sergej_rachmaninov", + "mary_shelley", + "franz_werfel", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "linbana", + "david_livingstone", + "eduard_buchner", + "david_smith", + "john_herschel", + "henry_villard", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "george_balanchine", + "georg_wilhelm_steller", + "richard_burton", + "bergkolibri", + "douglas_macarthur", + "james_michener", + "mary_wollstonecraft", + "j_edgar_hoover", + "maria_magdalena", + "thomas_reid", + "john_jacob_astor", + "anna_pavlova", + "winston_churchill", + "gustav", + "johannes_diderik_van_der_waals", + "giambattista_marini", + "longinos", + "s\u00f6dra_fisken", + "b", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "tr\u00e4sked", + "richard_smalley", + "skogsvetare", + "andrew_marvell", + "terry_pratchett", + "k", + "stephen_king", + "francis_crick", + "john_trumbull", + "sherry", + "joseph_greenberg", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "dr\u00f6mprins", + "milton_friedman", + "inge", + "amy_lowell", + "edward_gibbon", + "jefferson_davis", + "saint_louis", + "cass_gilbert", + "george_stephenson", + "john_glenn", + "john_webster", + "john_davis", + "george_burns", + "george_harrison", + "peter_minuit", + "halmt\u00e4ckare", + "george_orwell", + "ronald_norrish", + "georg_meissner", + "arthur_koestler", + "richard_wagner", + "williams", + "storvesir", + "bengt", + "g\u00e4rdsmygar", + "thornton_wilder", + "pancho_villa", + "leopold_stokowski", + "michail_barysjnikov", + "marie_curie", + "francis_galton", + "mary_martin", + "michael_jackson", + "carl_sandburg", + "aristarchos", + "thomas_hobbes", + "charles_louis_de_secondat_montesquieu", + "f\u00f6redetting", + "el_greco", + "samuel_beckett", + "robert_a_millikan", + "david", + "galileo_galilei", + "ernest_bevin", + "lejonkula", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "andrea_guarneri", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "catherine", + "petrus", + "c_northcote_parkinson", + "edmund_hillary", + "vincent_van_gogh", + "richard_hooker", + "william_hazlitt", + "marie_stopes", + "anne_boleyn", + "josef_stalin", + "john_ruskin", + "robert_burns", + "john_henry", + "carl_anderson", + "skogsbrukare", + "thomas_paine", + "bari", + "1st_armoured_division", + "francis_beaumont", + "edvard", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "elisabet", + "karl_barth", + "willem_einthoven", + "thomas_willis", + "bernard_malamud", + "samuel_johnson", + "jesus", + "allen_iverson", + "marie_antoinette", + "lennart", + "giuseppe_verdi", + "walter_lippmann", + "e", + "karl_jaspers", + "beethoven", + "jamesbukten", + "hideki_yukawa", + "konrad_adenauer", + "antoni", + "john_l_lewis", + "bush", + "norbert_wiener", + "john_masefield", + "miguel_cervantes", + "mark_rothko", + "maurice_chevalier", + "gottlieb_daimler", + "jakobsbrevet", + "von_willebrands_faktor", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "ta_sitt_liv", + "richard_strauss", + "leslie_howard", + "theodosius_i", + "hugo_grotius", + "mahalia_jackson", + "ben_shahn", + "john_ford", + "stephen_foster", + "alphonse_bertillon", + "laurits", + "katherine_mansfield", + "gertrude_stein", + "saladin", + "sarah_bernhardt", + "philip_marlowe", + "luigi_pirandello", + "marc_blitzstein", + "hank_williams", + "rube_goldberg", + "dorothea_lange", + "james_thurber", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "henry_moore", + "\u00f6rnen", + "holden", + "mary_mallon", + "ralph_bunche", + "rudolf_bultmann", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "tobias_smollett", + "f", + "john_jay", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "william_ockham", + "alla_nazimova", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "john_irving", + "samuel_de_champlain", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "m\u00e4nniskor", + "paul_verlaine", + "q", + "robert_johnson", + "james_dean", + "robert", + "roger_bannister", + "theodor_schwann", + "max_beerbohm", + "alessandro_manzoni", + "henrik", + "donald_budge", + "joseph_priestley", + "hal", + "nicolas_poussin", + "andrea_mantegna", + "sotare", + "joseph_pulitzer", + "ring_lardner", + "george_huntington", + "jim_corbett", + "james_naismith", + "oscar_wilde", + "philip_roth", + "henry", + "lawrence", + "kuria", + "skogsm\u00e4stare", + "richard_trevithick", + "william_bradford", + "heinrich_schliemann", + "eli_whitney", + "milit\u00e4rm\u00e4stare", + "glenn_curtiss", + "don_quijote", + "tandfe", + "laurence_olivier", + "georg", + "pierre_larousse", + "christiaan_eijkman", + "andrej_sacharov", + "adolf_eichmann", + "marilyn_horne", + "francis_bacon", + "pete_seeger", + "walter_hess", + "john_wycliffe", + "joseph_heller", + "a", + "morris", + "norman_rockwell", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "g\u00f6ran", + "henri_labrouste", + "mary_leakey", + "hoppas", + "aleksandr_protjorov", + "charlie_parker", + "immanuel_kant", + "richard_gatling", + "brigadgeneral", + "james_franck", + "william_crookes", + "james_meredith", + "samuel_gompers", + "nellie_bly", + "weber", + "alexandre_yersin", + "octavius", + "stephen_leacock", + "albert_schweitzer", + "johann_friedrich_herbart", + "giulio_natta", + "saint_martin", + "titus", + "johannes_kepler", + "william_s_burroughs", + "david_hartley", + "max_planck", + "william_blake", + "julio_iglesias", + "john_bardeen", + "arthur", + "sarah_vaughan", + "john_wilkes", + "praktejder", + "william_byrd", + "christopher_fry", + "scott_joplin", + "carl_lewis", + "sarah_siddons", + "george_vancouver", + "canberra", + "michail_kalinin", + "elias_canetti", + "edward_jenner", + "john_mercer", + "oscar_robertson", + "oliver_hardy", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "konstantin", + "graham_greene", + "frans_hals", + "edward", + "lars_onsager", + "margaret_mitchell", + "stuart_davis", + "lola_montez", + "jan_swammerdam", + "mary_mccarthy", + "john_walker", + "william_herschel", + "joseph_black", + "arthur_rubinstein", + "arthur_compton", + "niels_bohr", + "kenneth_grahame", + "henry_fielding", + "bertrand_russell", + "katherine_anne_porter", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "greg", + "irving_berlin", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "peter", + "h_l_mencken", + "joseph_schumpeter", + "gabriel_lippmann", + "steve_reich", + "lee", + "benny_goodman", + "ted_williams", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "alice_paul", + "robert_redford", + "jean_giraudoux", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodore_dreiser", + "theodor_mommsen", + "marcel_proust", + "jessica_mitford", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "thomas_chippendale", + "anne_sullivan", + "paul_robeson", + "arnold", + "thomas_middleton", + "a_till_\u00f6", + "john_dowland", + "greger", + "hans_krebs", + "daniel_jones", + "william_golding", + "robert_motherwell", + "jesus_kristus", + "william_caxton", + "john_milton", + "peter_stuyvesant", + "ethel_merman", + "frank_baum", + "samuel_adams", + "albert_speer", + "james_baldwin", + "valentina_teresjkova", + "john_vanbrugh", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "stripp", + "marco_polo", + "john_fletcher", + "caravaggio", + "charlie_watts", + "john_northrop", + "m", + "charlotte_corday", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "brandt", + "pablo_casals", + "joseph_henry", + "henri_bergson", + "antonius", + "edward_macdowell", + "josef_hoffmann", + "sinnessvag", + "boris_karloff", + "pierre_corneille", + "phillis_wheatley", + "patrick_white", + "saul_steinberg", + "bartholomew_roberts", + "peter_cooper", + "william_morris", + "cary_grant", + "hideyo_noguchi", + "thomas", + "friedrich_hegel", + "isaac_watts", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "osman_i", + "kurt_weill", + "otto_hahn", + "lester_young", + "otto_meyerhof", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "svinmakak", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "benjamin_jowett", + "robert_scott", + "john_galsworthy", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "i", + "robert_indiana", + "jimmy_durante", + "john_wesley", + "sandro_botticelli", + "carson_mccullers", + "seiji_ozawa", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "statschef", + "carlo_goldoni", + "lankes", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "stephen_sondheim", + "r\u00f6dluvan", + "oscar_hammerstein", + "lorenz_hart", + "christofer_columbus", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "anna_kurnikova", + "leonard_bloomfield", + "jane_jacobs", + "jean_piaget", + "william_congreve", + "j\u00f6rgen", + "franz_kline", + "henri_rousseau", + "paul_tillich", + "hilaire_belloc", + "konsthandlare", + "gustaf", + "frank_norris", + "frank_stella", + "robert_southey", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "chopin", + "leopold_kronecker", + "richard_wright", + "benjamin_thompson", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "archibald_macleish", + "peter_behrens", + "alfred_stieglitz", + "joseph_haydn", + "stephen_spender", + "george_boole", + "hans_reiter", + "paul_revere", + "lewiskulspruta", + "inte_till\u00e4mpbar", + "daniel_boone", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "arthur_laffer", + "edith_cavell", + "alan_paton", + "ralph_richardson", + "1", + "cordell_hull", + "james_wilson", + "rosa_parks", + "tomas", + "norman_jewison", + "samuel_goldwyn", + "x", + "ernest_walton", + "vladimir_putin", + "giuseppe_mazzini", + "jim_thorpe", + "hertz", + "h", + "randall_jarrell", + "andersson", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "jacqueline_cochran", + "george_fox", + "ben_hecht", + "christopher_isherwood", + "fritz_kreisler", + "anne_hathaway", + "katarina", + "david_garrick", + "bill_russell", + "william_thackeray", + "baldwin", + "jeannette_rankin", + "nyman", + "charles_lamb", + "harry", + "g", + "anthony_comstock", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "john_keble", + "henri_pitot", + "wanda_landowska", + "martin_heidegger", + "hans_eysenck", + "marinera", + "h.c_andersen", + "muller", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "antony_tudor", + "steven_spielberg", + "jean_monnet", + "leonard", + "robert_fulton", + "thomas_hardy", + "eddie_rickenbacker", + "thomas_gainsborough", + "giuseppe_garibaldi", + "robert_brown", + "thomas_carlyle", + "donald_barthelme", + "william_tyndale", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "d", + "james_bowie", + "gaetano_donizetti", + "william_faulkner", + "johannes_eckhart", + "andre", + "amerigo_vespucci", + "arthur_holmes", + "pierre_boulez", + "lars", + "girolamo_savonarola", + "emma_goldman", + "robert_gray", + "francis_poulenc", + "james_ussher", + "john_barrymore", + "john_constable", + "james_mill", + "putin", + "matthew_flinders", + "robert_herrick", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "alfred", + "coleman_hawkins", + "george_sand", + "peter_sellers", + "charles_fourier", + "john_mcgraw", + "henry_clay", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "kenneth_roberts", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "george_meredith", + "robert_morris", + "woody_herman", + "philip_w_anderson", + "josef_albers", + "jackson_pollock", + "minustecken", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "lillian_russell", + "robert_woodward", + "thomas_malory", + "lea", + "john_brown", + "al_jolson", + "elizabeth_gaskell", + "john_mill", + "hugo_junkers", + "norman_thomas", + "lillian_hellman", + "john_macleod", + "thomas_merton", + "asa_gray", + "hannah_arendt", + "antonio_stradivari", + "reklamformgivare", + "maximianus", + "robinson_jeffers", + "alice_walker", + "miles_davis", + "edmund_cartwright", + "wilhelm_tell", + "harold_nicolson", + "jesse_jackson", + "willa_cather", + "stanley_kubrick", + "edvard_martyren", + "john_deere", + "john_huston", + "william_gilbert", + "james_watt", + "stats\u00f6verhuvud", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "jenny_lind", + "homo", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "lionel_hampton", + "martin_luther_king", + "james_hargreaves", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "s", + "william_clark", + "woodrow_wilson", + "william_wycherley", + "margaret_sanger", + "gustav_hertz", + "george_mason", + "george_wallace", + "el_cid", + "marcus_antonius", + "agrippina", + "richard_rodgers", + "don_quixote", + "anne_sexton", + "edvard_bek\u00e4nnaren", + "john_dryden", + "jim_henson", + "frank", + "ernest_hemingway", + "john_eccles", + "george_westinghouse", + "aquila", + "jacques_charles", + "eero_saarinen", + "arthur_miller", + "john_cheever", + "gracie_allen", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "john_rutledge", + "hans_bethe", + "hans_geiger", + "nicklaus", + "cesare_borgia", + "roald_amundsen", + "sherwood_anderson", + "richard_leakey", + "alfred_korzybski", + "seglare", + "anton", + "charles_dickens", + "k\u00f6rkarl", + "samuel_huntington", + "ella_fitzgerald", + "fats_waller", + "thomas_sydenham", + "jack_robinson", + "alois_senefelder", + "george_enescu", + "wallace_carothers", + "jacques_offenbach", + "joseph_paxton", + "josefus", + "william_curtis", + "william_chambers", + "den_flygande_holl\u00e4ndaren", + "george_stevens", + "federico_fellini", + "bessie_smith", + "patrick_henry", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "purpurblad", + "bernardo_bertolucci", + "king_oliver", + "jan_steen", + "frank_harris", + "john_ross", + "powell", + "philibert_delorme", + "andrew_carnegie", + "pontius_pilatus", + "gr\u00e4s\u00e4nkling", + "franz_schubert", + "regementsf\u00f6rvaltare", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "balettdansare", + "dawid", + "peter_den_store", + "mick_jagger", + "otto_loewi", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "vladimir_lenin", + "sam_houston", + "robert_browning", + "alessandro_farnese", + "ralph_ellison", + "john_bunyan", + "jonathan_swift", + "m\u00f6ller", + "gr\u00e4s\u00e4nkeman", + "ta_livet_av_sig", + "walter_gropius", + "albert_einstein", + "l", + "henry_sweet", + "fritz_lipmann", + "aletta_jacobs", + "thomas_edison", + "chiang_kai_shek", + "claude_bernard", + "raymond_chandler", + "henry_purcell", + "skorstensfejare", + "t", + "wilhelm_ostwald" + ], + "PLANT": [ + "s\u00e4venbom", + "kanadal\u00e4rk", + "cucurbita_ficifolia", + "acanthocereus_tetragonus", + "\u00e4delcypress", + "baldersbr\u00e5", + "kustgran", + "strandglim", + "trumpetlilja", + "acer_rubrum", + "mahonia", + "svartbr\u00e4ken", + "trift", + "pipkrage", + "leverbalsam", + "videsl\u00e4ktet", + "passionsfrukt", + "plommonsl\u00e4ktet", + "safsa", + "pine", + "balsamgran", + "judaspenningar", + "parnassia", + "sallat", + "korallrot", + "salvia_leucophylla", + "myrlilja", + "krikon", + "tulpantr\u00e4d", + "atlascedertr\u00e4d", + "lagerh\u00e4gg", + "febertr\u00e4d", + "servera", + "melissa", + "dioscorea_bulbifera", + "r\u00f6nnsumak", + "erythronium_albidum", + "bosyska", + "sapindus", + "cellv\u00e4gg", + "porslinsblomma", + "lundgamander", + "salig", + "potatiskr\u00e4fta", + "honungsfacelia", + "bergmynta", + "liguster", + "the_joshua_tree", + "r\u00e5dhusvin", + "paradisf\u00e5glar", + "kvastm\u00e5lla", + "gudatr\u00e4dssl\u00e4ktet", + "johannes\u00f6rt", + "hampflockel", + "nattskatta", + "kungs\u00e4ngslilja", + "lappa", + "pitanga", + "dv\u00e4rgvide", + "mariatistel", + "tomtskr\u00e4ppa", + "gullusern", + "gr\u00e5vide", + "rosenrips", + "sn\u00f6bollschampinjon", + "brysselk\u00e5l", + "ladanumcistros", + "tranb\u00e4r", + "blodkl\u00f6ver", + "madonnalilja", + "silverarv", + "rosenrobinia", + "kardborre", + "smalfr\u00e4ken", + "r\u00f6nn", + "frukttr\u00e4d", + "tr\u00e4dg\u00e5rdsnejlika", + "sparris\u00e4rt", + "mj\u00f6lon", + "purpurbr\u00e4cka", + "r\u00f6d_skogslilja", + "palmyrapalm", + "glansliguster", + "kambr\u00e4ken", + "quercus_kelloggii", + "k\u00e4llfr\u00e4nen", + "klematissl\u00e4ktet", + "amelanchier_bartramiana", + "stens\u00f6ta", + "sankta_maria", + "furu", + "profetsalvia", + "enoki", + "cyclamen_purpurascens", + "drottninglilja", + "kornvallmo", + "vaktelb\u00e4r", + "banksianatall", + "praktportlak", + "br\u00e4nn\u00e4ssla", + "sensitiva", + "backtrav", + "balsampoppel", + "guldgrenadill", + "morell", + "sandnarv", + "curuba", + "palasatr\u00e4d", + "kattfot", + "klibbal", + "h\u00e4ngpelargon", + "adenium_obesum", + "bergsyra", + "halmslidskivling", + "berggran", + "arundo", + "brokiris", + "kolvhirs", + "artist", + "svartpoppel", + "sommarfl\u00e4der", + "svart\u00f6ga", + "harsyra", + "pelargonium_odoratissimum", + "sprutgurka", + "j\u00e4rn\u00f6rt", + "drakmynta", + "notblomster", + "bergek", + "strandvallmo", + "ostronmussling", + "stenek", + "brunsk\u00e4ra", + "chionanthus_virginicus", + "glasbj\u00f6rk", + "papaver_alpinum", + "hydrangea_petiolaris", + "kors\u00f6rt", + "pachysandra_procumbens", + "silverpoppel", + "hornviol", + "glansbr\u00e4ken", + "svinm\u00e5lla", + "fingerborgsblomma", + "leucaena_leucocephala", + "lilium_michiganense", + "penningblad", + "tallkottk\u00f6rteln", + "svarttall", + "berberis_nervosa", + "bletilla_striata", + "bondb\u00f6na", + "krusb\u00e4rsaktinidia", + "cocustr\u00e4", + "fiskstj\u00e4rtsmagnolia", + "tuvvaktelb\u00e4r", + "virginiatobak", + "loblollytall", + "sandstarr", + "svartvinb\u00e4rsbuske", + "havss\u00e4lting", + "acacia_pycnantha", + "soda\u00f6rt", + "dv\u00e4rgfackelblomster", + "actinidia_chinensis", + "liberiakaffe", + "alpstormhatt", + "sakura", + "amerikansk_stj\u00e4rnanis", + "rosenv\u00e4ppling", + "periploca_graeca", + "engelmannsgran", + "kungsljus", + "rosling", + "nattljus", + "bj\u00f6rnloka", + "candida_albicans", + "gr\u00e5mynta", + "senna_alata", + "amaryllis_belladonna", + "lingonoxb\u00e4r", + "smalkaveldun", + "betlehemsstj\u00e4rnan", + "calophyllum_inophyllum", + "p\u00e4rlhirs", + "toppklocka", + "vallmosl\u00e4ktet", + "r\u00f6dlomme", + "taggsallat", + "lundviol", + "sockerannona", + "bj\u00f6rnb\u00e4r", + "asclepias_purpurascens", + "gullupin", + "besks\u00f6ta", + "stinksyska", + "peppar", + "larix_occidentalis", + "klockgentiana", + "svartk\u00e4mpar", + "sandvita", + "pappersmullb\u00e4rstr\u00e4d", + "almsl\u00e4ktet", + "andropogon_virginicus", + "backnejlika", + "munkh\u00e4ttesl\u00e4ktet", + "xanthosoma_sagittifolium", + "acer_palmatum", + "martorn", + "pilgrimsveronika", + "hypericum_androsaemum", + "bl\u00e5hallon", + "flugsvamp", + "blodamarant", + "fikonl\u00f6v", + "strandklo", + "j\u00e4ttekn\u00f6lkalla", + "prakthyperikum", + "kinarosor", + "alstonia_scholaris", + "senap", + "cassia_fistula", + "pterospermum_acerifolium", + "platanus_occidentalis", + "clusia", + "blodek", + "ishavsvide", + "quercus_ellipsoidalis", + "bl\u00e5s\u00e4rt", + "blodhirs", + "ardisia_crenata", + "fraxinus_quadrangulata", + "skruvax", + "naverl\u00f6nn", + "lundviva", + "sockerr\u00f6r", + "nagel\u00f6rt", + "tangerin", + "rundhagtorn", + "osmanthus_americanus", + "bi_ofrys", + "bl\u00e5suga", + "platanus_orientalis", + "gossypium_hirsutum", + "holm", + "vitgran", + "castanea_dentata", + "islandslav", + "liquidambar", + "annueller", + "korst\u00f6rel", + "sk\u00e4rmtry", + "pr\u00e4stkrage", + "j\u00e4ttemalva", + "spikvallmo", + "\u00e4ppelr\u00f6nn", + "bergamott", + "tropaeolum_minus", + "blomk\u00e5l", + "borstnejlika", + "korsandmat", + "cucurbita_argyrosperma", + "revormst\u00f6rel", + "praktmalva", + "olivgr\u00f6n", + "odon", + "pterocarpus_indicus", + "corylus_americana", + "acer_japonicum", + "carissa_macrocarpa", + "pomerans", + "jolster", + "glansh\u00e4gg", + "gullgentiana", + "asclepias_verticillata", + "phyllostachys_nigra", + "stor_vattenpest", + "quercus_variabilis", + "ulmus_americana", + "vindesl\u00e4ktet", + "lindmalva", + "taggbr\u00e4ken", + "smultron", + "klockfacelia", + "slingertry", + "bl\u00e5musseron", + "kinak\u00e5l", + "bomullshibiskus", + "calochortus_amabilis", + "krustistel", + "melastoma_malabathricum", + "tazett", + "silverlind", + "tallsl\u00e4ktet", + "klotgr\u00e4s", + "flugblomster", + "k\u00f6rvel", + "krusnate", + "sommarkyndel", + "silvergran", + "blomsterkornell", + "gullranka", + "frilandshibiskus", + "brudsporre", + "hj\u00e4rtansfr\u00f6jd", + "plym\u00f6rt", + "penning\u00f6rt", + "krikontr\u00e4d", + "scharlakanssmultron", + "rosenhibiskus", + "platanus_hybrida", + "dendrocalamus_giganteus", + "tandt\u00f6rel", + "kaprifol", + "segelbuske", + "rosenhallon", + "l\u00f6nn", + "chlorophyllum_molybdites", + "buskstj\u00e4rnblomma", + "h\u00f6stadonis", + "prosopis_juliflora", + "perukbuske", + "viburnum_prunifolium", + "siden\u00f6rtssl\u00e4ktet", + "paradiskorn", + "h\u00e5rs\u00e4rv", + "l\u00f6nnsl\u00e4ktet", + "mursenap", + "sommarkungsljus", + "lagertibast", + "rosendun\u00f6rt", + "labruskavin", + "drakblommor", + "paran\u00f6tstr\u00e4d", + "ljungvicker", + "svartkummin", + "blackberry", + "gr\u00e5spr\u00e4ngd", + "berghemlock", + "brunkr\u00f6s", + "kitulpalm", + "h\u00e4gg", + "tibast", + "hjortsk\u00f6lding", + "gulltratt", + "sommargyllen", + "sareptasenap", + "j\u00e4ttesmultron", + "brachychiton_acerifolius", + "l\u00f6nnaftonfly", + "mariaklocka", + "ekorrkorn", + "indiankrasse", + "svartpeppar", + "poppig", + "glas\u00f6rt", + "jord\u00e4rtskocka", + "hultbr\u00e4ken", + "muskatellsalvia", + "buskt\u00f6rne", + "uddbr\u00e4ken", + "gulyxne", + "korallbuske", + "cytisus_multiflorus", + "sommarnejlika", + "rosenb\u00f6na", + "talipotpalm", + "gymnocladus_dioica", + "portlak", + "fraxinus_velutina", + "anagallis_tenella", + "knapps\u00e4v", + "kardv\u00e4dd", + "kransborre", + "acrocarpus_fraxinifolius", + "marviol", + "rosensk\u00e4rm", + "parkaralia", + "drosophyllum_lusitanicum", + "stenros", + "silverbuske", + "bergtall", + "contortatall", + "sabina", + "bockt\u00f6rne", + "saccharomyces_cerevisiae", + "robustakaffe", + "orange_siden\u00f6rt", + "fortplantningssystemet", + "flugsvampar", + "sommarbinka", + "krollilja", + "fingerhirs", + "trattfacelia", + "bj\u00f6rnbrodd", + "daphne_cneorum", + "gr\u00e4svial", + "taklosta", + "juglans_californica", + "karpaterklocka", + "phytolacca_dioica", + "brandmusseron", + "coloradogran", + "kanadabinka", + "grenbingel", + "jordr\u00f6k", + "potatissl\u00e4ktet", + "slokstarr", + "gullbr\u00e4cka", + "marathi", + "silverakacia", + "backsippa", + "tr\u00e4dkaktus", + "lent\u00e5tel", + "b\u00e4ckveronika", + "namekotofsskivling", + "jordviva", + "liljekonvalj", + "backvial", + "trumpetranka", + "rosengeranium", + "senna_alexandrina", + "rosenvial", + "haricots_verts", + "palmaralia", + "crataegus_aestivalis", + "drimys_winteri", + "potatisbladm\u00f6gel", + "skatn\u00e4va", + "mannaask", + "flyghavre", + "jobs_t\u00e5rar", + "mastix", + "calla", + "indianrissl\u00e4ktet", + "erythronium_montanum", + "j\u00e4tter\u00f6ksvamp", + "stenfr\u00f6", + "stenbr\u00e4ken", + "aralia_stipulata", + "cycas_circinalis", + "bisuga", + "gudatr\u00e4d", + "vargt\u00f6rel", + "plommon", + "sockerl\u00f6nn", + "kabomba", + "mastixbuske", + "kritsuga", + "hassel\u00f6rt", + "backtimjan", + "edelweiss", + "damascenerrosor", + "piper_betle", + "guckusko", + "brun\u00f6rt", + "l\u00e5ngpeppar", + "sandsenap", + "vitm\u00e5ra", + "hartsvinda", + "solfj\u00e4dertall", + "kauritr\u00e4d", + "bresilja", + "sv\u00e4rdslilja", + "olivf\u00e4rgad", + "montereytall", + "r\u00f6dvide", + "bredkaveldun", + "plattvial", + "lungmossa", + "cypripedium_montanum", + "erodium_texanum", + "annona_reticulata", + "pinus_muricata", + "p\u00e4ronr\u00f6nn", + "judek\u00f6rs", + "druvfl\u00e4der", + "brushane", + "belladonna", + "lingon", + "sporrhagtorn", + "mj\u00f6ldryga", + "vallmo", + "cinnamomum_cassia", + "grekamarant", + "paraplymagnolia", + "smilax_aspera", + "buketthirs", + "mahoniasl\u00e4ktet", + "catharanthus_roseus", + "dunlykt\u00f6rt", + "paran\u00f6t", + "s\u00f6tvedel", + "br\u00f6dgran", + "corylus_cornuta", + "jamsb\u00f6nrot", + "stor_blomstertobak", + "idegran", + "mussepiggbuske", + "parkolvon", + "butternutpumpa", + "hj\u00e4rtstilla", + "gullbandslilja", + "rockentrav", + "gr\u00f6nknavel", + "polejmynta", + "tr\u00e4dg\u00e5rdsm\u00e5lla", + "pappersbj\u00f6rk", + "teveronika", + "svartsenap", + "oliv", + "vallisneria", + "erythrina_variegata", + "rosa_banksiae", + "acer_glabrum", + "begonia_tuberhybrida", + "fross\u00f6rt", + "tjockhorn", + "alder", + "jungfrulin", + "toppamarant", + "rundmynta", + "jamsb\u00f6na", + "underblomma", + "silverl\u00f6nn", + "orientvallmo", + "savoyk\u00e5l", + "papegojblomma", + "kirimoja", + "pampasgr\u00e4s", + "olivtr\u00e4d", + "nattviol", + "oxalisar", + "klockjulros", + "brunven", + "svartgran", + "svartvedsakacia", + "trubbhagtorn", + "mattram", + "paradisf\u00e5gel", + "dv\u00e4rgmandel", + "ligustersl\u00e4ktet", + "missne", + "drakkalla", + "lundgr\u00f6e", + "podocarpus_latifolius", + "dicksonia_antarctica", + "potatisv\u00e4xt", + "rosenk\u00e5l", + "strandvial", + "magnolia", + "j\u00e4ttetuja", + "kungsmagnolia", + "kurrajongtr\u00e4d", + "ulmus_hollandica", + "dadelpalm", + "nephrolepis_exaltata", + "asclepias_meadii", + "pterocarpus_macrocarpus", + "cherimoya", + "stenmurkla", + "phellodendron_amurense", + "kampeschtr\u00e4d", + "pinus_palustris", + "magnoliasl\u00e4ktet", + "cypripedium_reginae", + "strandlysing", + "stinkn\u00e4va", + "rosentry", + "veket\u00e5g", + "j\u00e4ttel\u00f6nn", + "lejongap", + "tritoma", + "stenmurklor", + "silveriris", + "r\u00f6dek" + ], + "PERSON_PRONOUN": [ + "v\u00e5rt", + "i", + "he", + "mig_sj\u00e4lv", + "oss_sj\u00e4lva", + "our", + "hennes", + "my", + "sig_sj\u00e4lv", + "v\u00e5ra", + "ditt" + ], + "ORG": [ + "solarplexus", + "dominion", + "ida", + "shinto", + "bataljon", + "statskapitalism", + "fondb\u00f6rs", + "nazityskland", + "n\u00e4r_jag_h\u00f6r_din_r\u00f6st", + "krambj\u00f6rnarna", + "de_misst\u00e4nkta", + "songdynastin", + "musikh\u00f6gskola", + "jag_heter", + "fruktsallad", + "t\u00f6rnrosa", + "str\u00e5kkvartett", + "hemma", + "kungahus", + "wicca", + "an_education", + "statskupp", + "massmedier", + "lokaltrafik", + "koncilium", + "personalavdelning", + "jan_mayen", + "upp_med_h\u00e4nderna", + "polisstat", + "forskningsinstitut", + "yuandynastin", + "aa", + "r\u00e4ddningsk\u00e5r", + "nasa", + "bloomsburygruppen", + "massmedium", + "arda", + "radiogalax", + "bollywood", + "qingdynastin", + "internationell_organisation", + "grundskola", + "milj\u00f6partiet", + "europol", + "schutzstaffel", + "synnerv", + "stadsstat", + "normalskola", + "the_who", + "representanthuset", + "marink\u00e5r", + "reklambyr\u00e5", + "nym\u00e5ne", + "bleckbl\u00e5sorkester", + "stj\u00e4rnhop", + "sparbank", + "utvecklingsland", + "non_plus_ultra", + "haganah", + "\u00e5ldersgrupp", + "f\u00f6rbundsr\u00e5det", + "fackf\u00f6rening", + "vem_\u00e4r_du", + "samh\u00e4llsklass", + "f\u00f6rs\u00e4kringsbolag", + "stora_bj\u00f6rnen", + "stora_bj\u00f6rn", + "medlemsbank", + "college", + "polens_nationalf\u00f6rsamling", + "frankrikes_nationalf\u00f6rsamling", + "mellanstadie", + "skal\u00e4rf\u00e4lt", + "san_francisco", + "kvinnof\u00f6rf\u00f6rare", + "f\u00f6rresten", + "kristdemokraterna", + "the_national_academy_of_sciences", + "jesuitorden", + "social_democratic_party", + "a_chorus_line", + "nordcypern", + "musikskola", + "kristen_vetenskap", + "aff\u00e4rscenter", + "storbritanniens_flygvapen", + "andromedagalaxen", + "l\u00e4rarkollegium", + "popkonst", + "va", + "konstmuseum", + "f\u00f6rs\u00e4kringskassan", + "bl\u00e5tira", + "gemensamt", + "inte_r\u00f6ra", + "vattenknop", + "frimureri", + "zhoudynastin", + "qindynastin", + "baskien", + "olivberget", + "underr\u00e4ttelsetj\u00e4nst", + "utbildning", + "\u00e5_nyo", + "storband", + "prohibition_party", + "kassationsdomstol", + "soppk\u00f6k", + "med_flera", + "fabianerna", + "mahayana", + "holdingbolag", + "icke_linj\u00e4r", + "man_\u00f6ver_bord", + "liaodynastin", + "saint_vincent", + "skalf\u00f6retag", + "sankta_helena", + "sunt_f\u00f6rnuft", + "can_tho", + "djurr\u00e4tt", + "don_juan", + "planekonomi", + "skattkammare", + "valdistrikt", + "alliansfri", + "the_new_school", + "ai", + "garden_party", + "dominikanorden", + "musikbranschen", + "romersk_r\u00e4tt", + "the_football_league", + "chiang_mai", + "landgericht", + "tummeliten", + "direktdemokrati", + "ole_dole_doff", + "et_al", + "akademi", + "vaggan", + "kyrkan", + "dia", + "marknadsekonomi", + "indiepop", + "med_fingrarna_i_syltburken", + "f\u00f6r_tidig_utl\u00f6sning", + "gatt", + "baktanke", + "konserveringslag", + "in_flagranti", + "kulturministerium", + "golfklubba", + "centralmakterna", + "parasport", + "studentk\u00e5r", + "albertsj\u00f6n", + "le_mans", + "s\u00f6ndagsskola", + "caf\u00e9_au_lait", + "en_vit_l\u00f6gn", + "shia", + "arabf\u00f6rbundet", + "blankvapen", + "hemmavid", + "natriumsilikat", + "skurkstat", + "rabindranath_tagore", + "de_fyra_stora", + "gestapo", + "postkontor", + "privatskola", + "nordatlantiska_f\u00f6rdragsorganisationen", + "ungerns_parlament", + "bilbomb", + "lillpolen", + "hasidism", + "\u00e5terigen", + "andra_person", + "mandelbrotm\u00e4ngd", + "h\u00f6gsta_domstol", + "sockerfri", + "kontinentalarm\u00e9n", + "centralbank", + "frankrikes_generalst\u00e4nder", + "k\u00f6pcentrum", + "pensionsfond", + "brassband", + "tra_vinh", + "al_jazira", + "varf\u00f6r_inte", + "nollpunktsanalys", + "kejsard\u00f6met_tyskland", + "shangdynastin", + "f\u00e4rgstege", + "who_are_you", + "i_ching", + "babyboom", + "kungafamilje", + "chiang_rai", + "milit\u00e4rh\u00f6gskola", + "disa", + "jakobinm\u00f6ssa", + "tjurmarknad", + "dimokratik\u00f3_k\u00f3mma", + "po", + "sjukv\u00e5rd", + "mossad", + "hare_krishna", + "nym\u00e5nad", + "ferdinand_magellan", + "filallokeringstabell", + "\u00f6vernattning", + "nautilus_pompilius", + "polens_nationella_parti", + "tillr\u00e4knelig", + "nationalsocialistiska_tyska_arbetarepartiet", + "f\u00e4rskvatten", + "porten", + "trafikstockning", + "saint_barth\u00e9lemy", + "stadshus", + "en_andra_chans", + "sturmabteilung", + "vaishnavism", + "resebyr\u00e5", + "usa:s_arm\u00e9", + "mitt_namn_\u00e4r", + "los_angeles", + "nato", + "fruntimmerskarl", + "handelskammare", + "karmelberget", + "bl\u00e5sorkester", + "baltimore_orioles", + "flygvapen", + "k\u00f6pcenter", + "i_mitt_tycke", + "\u00e4n_en_g\u00e5ng", + "babyboomare", + "ad_hoc", + "fredsk\u00e5ren", + "efter_kristus", + "homo\u00e4ktenskap", + "fattiga_riddare", + "s\u00f6tvatten", + "mi", + "by_the_way", + "capetinger", + "v\u00e4stl\u00e4nderna", + "gammelstad", + "tankesmedja", + "josef_fr\u00e5n_nasaret", + "ordenss\u00e4llskap", + "in_situ", + "mellaneuropa", + "blodsbr\u00f6der", + "tangdynastin", + "kontinentalkongressen", + "ny\u00e5rsafton", + "guld\u00e5lder", + "f\u00f6rsvar", + "doc", + "den_olympiska_elden", + "totalf\u00f6rsvarsplikt", + "hansan", + "berlinmuren", + "aff\u00e4rsbank", + "allt_eller_inget", + "islamologi", + "var_och_en_f\u00f6r_sig", + "blomsterspr\u00e5k", + "al_ain", + "underhus", + "br\u00e4nd_jord", + "masugn", + "tappkota", + "talionprincipen", + "f\u00f6rsamlingskyrka", + "knownothings", + "femtekolonn", + "taoism", + "tuggummi", + "morgonstj\u00e4rna", + "kammarorkester", + "polisskolan", + "milit\u00e4rpolis", + "svensexa", + "eu", + "r\u00e4ttvisa", + "jehovas_vittnen", + "medelklass", + "centraleuropa", + "olympisk_by", + "bildning", + "lite_i_taget", + "\u00f6verhus", + "handynastin", + "manhattanprojektet", + "mecklenburg_vorpommern", + "d\u00f6dspatrull", + "internationella_teleunionen", + "gula_floden", + "brandk\u00e5r", + "mingdynastin", + "utan_krusiduller", + "s\u00e3o_tom\u00e9", + "hedgefond", + "\u00f6verhuvudtaget", + "konstgalleri", + "nordv\u00e4stpassagen", + "weimarrepubliken", + "till\u00e4ggs", + "f\u00f6rsvarsindustri" + ], + "JOB": [ + "skogsm\u00e4stare", + "kroppsarbetare", + "borgm\u00e4starinna", + "persona_grata", + "konditor", + "guru", + "lockespindel", + "vinkypare", + "l\u00e4derlappen", + "the_nanny", + "sj\u00e4lvst\u00e4ndig", + "lantm\u00e4tare", + "f\u00f6nsterputsare", + "k\u00f6ksm\u00e4stare", + "tulltj\u00e4nsteman", + "brigadgeneral", + "biskop", + "assistent", + "faktotum", + "s\u00e4kerhetsvakt", + "skyddshj\u00e4lm", + "internera", + "maskiningenj\u00f6r", + "potter", + "kaparskepp", + "mikrobiolog", + "borgen\u00e4r", + "make", + "underlydande", + "helare", + "rockvaktm\u00e4stare", + "kirurg", + "brandman", + "dietist", + "besiktningsman", + "salter", + "koordinator", + "hand", + "brigad\u00f6r", + "purser", + "blockfl\u00f6jt", + "oberoende", + "barnvakt", + "strippteasedans\u00f6s", + "sexton", + "industrialist", + "internist", + "vandringsges\u00e4ll", + "don", + "kopparsmed", + "skogsbrukare", + "barberare", + "sergeant", + "kostr\u00e5dgivare", + "\u00f6gonl\u00e4kare", + "coyote", + "kansler", + "dermatolog", + "sk\u00e4rare", + "hush\u00e5llsarbetare", + "blekare", + "timmerman", + "the_police", + "intern", + "pretor", + "sommelier", + "springpojke", + "bager", + "processor", + "skiljedomare", + "koherde", + "doge", + "gentleman", + "allm\u00e4nl\u00e4kare", + "tunnbindare", + "bekant", + "d\u00f6rrvakt", + "kalligraf", + "fris\u00f6rska", + "f\u00f6rs\u00e4ljare", + "f\u00e5ngvaktare", + "grip", + "para", + "krukmakare", + "bagare", + "taleskvinna", + "tandtekniker", + "harpunerare", + "underofficer", + "maskinskrivare", + "mastermind", + "tapper", + "barnpassare", + "partifunktion\u00e4r", + "h\u00f6gl\u00e4saren", + "tr\u00e4snidare", + "land", + "baksm\u00e4llan", + "boss", + "skogsvetare", + "medlare", + "djurl\u00e4kare", + "barnflicka", + "kronist", + "l\u00e4kare", + "tandl\u00e4karen", + "statistiker", + "butler", + "livsmedelshandlare", + "grenadier", + "handlare", + "m\u00f6ller", + "planteringsl\u00e5da", + "barnmorska", + "hush\u00e5llerska", + "brandsoldat", + "fiolbyggare", + "handl\u00e4ggare", + "kurator", + "scientist", + "socialassistent", + "kamikaze", + "halmt\u00e4ckare", + "brevb\u00e4rare", + "the_advocate", + "kopparslagare", + "tjockhuvuden", + "arbetare", + "page", + "sj\u00f6kapten", + "stridsman", + "hantverkare", + "slavinna", + "ritare", + "baksm\u00e4lla", + "sjukgymnast", + "ledare", + "statstj\u00e4nsteman", + "freelancer", + "grenadj\u00e4r", + "hamnarbetare", + "the_professor", + "krigare", + "finansdirekt\u00f6r", + "tecknare", + "diskplockare", + "mont\u00f6r", + "master", + "the_guardian", + "stroke", + "m\u00e5lare", + "f\u00f6rtennare", + "vesir", + "tr\u00e4dg\u00e5rdsm\u00e4stare", + "president", + "kapare", + "agenten", + "chauff\u00f6r", + "minister", + "\u00e5terf\u00f6rs\u00e4ljerska", + "mandarin", + "strippa", + "flikfly", + "ingenj\u00f6r", + "slaganfall", + "tr\u00e4dg\u00e5rdsodlare", + "mate", + "fickminne", + "borgm\u00e4stare", + "guide", + "specerihandlare", + "terapeut", + "angler", + "sotare", + "designer", + "the_babysitter", + "f\u00e4ltmarskalk", + "pastor", + "formgivare", + "fallsk\u00e4rmsj\u00e4gare", + "skiljeman", + "balkongl\u00e5da", + "sheriff", + "hj\u00e4lparbetare", + "pr\u00e4rievarg", + "tandl\u00e4kare", + "f\u00f6rl\u00e4ggare", + "kurir", + "gaucho", + "v\u00e4rldshusv\u00e4rd", + "kliniker", + "kvartersm\u00e4stare", + "baster", + "stallm\u00e4stare", + "kemist", + "intendent", + "logistiker", + "kock", + "the_economist", + "kantra", + "manager", + "kr\u00f6nikeskrivare", + "glasm\u00e4stare", + "h\u00e4rskarinna", + "wetter", + "skogshuggare", + "svartjobbare", + "rammakare", + "infanterist", + "hands\u00e4ttare", + "barista", + "kr\u00f6nikef\u00f6rfattare", + "patolog", + "hjulmakaren", + "svinaherde", + "the_pilot", + "man", + "doc", + "deltidsanst\u00e4lld", + "a_dur", + "regent", + "kriminalv\u00e5rdare", + "f\u00f6rs\u00e4ljerska", + "djurfoder", + "talesperson", + "the_boxer", + "skolflygplan", + "stopperska", + "underh\u00e5llare", + "arbetsterapeut", + "diskmaskin", + "tr\u00e4dg\u00e5rds\u00e4gare", + "tusenkonstn\u00e4r", + "skorstensfejare", + "neurolog", + "munsk\u00e4nk", + "barnl\u00e4kare", + "the_machinist", + "sockerbagare", + "usher", + "messenger", + "statssekreterare", + "tullare", + "kartograf", + "au_pair", + "v\u00e4g_och_vattenbyggnadsingenj\u00f6r", + "proconsul", + "h\u00e4rold", + "marschall", + "trier", + "vagnsmakare", + "lagstiftare", + "bakrus", + "socialarbetare", + "anst\u00e4llningsbar", + "prisj\u00e4gare", + "helbr\u00e4gdag\u00f6rare", + "croupier", + "lakej", + "novellist", + "extern", + "portvakt", + "livgivare", + "sportdomare", + "obstetriker", + "blomsterflickan", + "sub", + "tendera", + "kammarjungfru", + "the_independent", + "konnetabel", + "statsr\u00e5d", + "kass\u00f6rska", + "affisch", + "chambermaid", + "cookie", + "andrepilot", + "kabinpersonal", + "familjef\u00f6rs\u00f6rjare", + "vikarie", + "marinera", + "esquire", + "r\u00f6stsk\u00e5despelare", + "kass\u00f6r", + "maskinskriverska", + "svartjobberska", + "kittelflickare", + "j\u00e4gm\u00e4stare", + "kardiolog", + "lockf\u00e5gel", + "inkastare", + "preceptor" + ], + "LAW": [ + "kronjurist", + "h\u00f6gsta_domstolen", + "civilr\u00e4tt", + "krigslagar", + "justitieminister", + "husrannsakningsorder", + "pressfrihet", + "religionsfrihet", + "handelsr\u00e4tt", + "domstolsbeslut", + "f\u00f6rvaltningslag", + "tryckfrihet", + "advokatbyr\u00e5", + "r\u00e4ttsstat", + "ne_bis_in_idem", + "trosfrihet", + "straffr\u00e4tt", + "yttrandefrihet", + "d\u00f6dsdom", + "skatter\u00e4tt", + "f\u00f6rvaltningsr\u00e4tt", + "undantagstillst\u00e5nd", + "valsystem", + "korsf\u00f6rh\u00f6r", + "krigstillst\u00e5nd", + "federal_bureau_of_investigation" + ], + "DISEASE": [ + "sars", + "stelkramp", + "araknofobi", + "panik\u00e5ngest", + "bieffekt", + "filovirus", + "acanthosis_nigricans", + "dammlunga", + "abrasion", + "f\u00f6rmaksflimmer", + "dubbelseende", + "klaustrofobi", + "sickelcellanemi", + "fettsvulst", + "mastoidit", + "polio", + "humant_papillomavirus", + "ha_ont", + "karpaltunnelsyndrom", + "rage", + "granulom", + "strypning", + "luftv\u00e4gsinfektion", + "flunsa", + "masspsykos", + "br\u00e4nnskada", + "als", + "whiplash", + "strabism", + "rabies", + "tungom\u00e5lstalande", + "br\u00e4cklighet", + "misslyckande", + "gumma", + "stamma", + "dv\u00e4rgv\u00e4xt", + "vinterdvala", + "katarr", + "bornholmssjukan", + "polyarteritis_nodosa", + "inversion", + "poison_ivy", + "progeri", + "presbyopi", + "graviditetskramp", + "smittkoppor", + "furunkel", + "f\u00f6rstoppning", + "kl\u00e4ttersumak", + "kopp\u00e4rr", + "sekvele", + "minamatasjukan", + "zikavirus", + "kycklingbr\u00f6st", + "lump", + "k\u00f6ldskada", + "talassemi", + "nacksp\u00e4rr", + "indigestion", + "kolmonoxidf\u00f6rgiftning", + "sicklecellanemi", + "kallbrand", + "anestesi", + "muskeldystrofi", + "albuminuri", + "kattkl\u00f6ssjuka", + "l\u00e5ngsynthet", + "skotom", + "beriberi", + "funktionsneds\u00e4ttning", + "k\u00e4rlkramp", + "gall", + "gangr\u00e4n", + "the_bends", + "katalepsi", + "stroke", + "utomkvedshavandeskap", + "pang", + "picornavirus", + "seminom", + "liktorn", + "struma", + "papill\u00f6dem", + "boskapspest", + "br\u00e4nnm\u00e4rke", + "matthet", + "f\u00f6rlamning", + "mjukhet", + "bunt", + "trigeminusneuralgi", + "lidande", + "paralys", + "epstein_barr_virus", + "kransk\u00e4rlssjukdomar", + "personlighetsst\u00f6rning", + "intertrigo", + "hermafrodism", + "rust", + "druvhinneinflammation", + "scharlakansfeber", + "hydrocefalus", + "masshysteri", + "galaktosemi", + "fruktsamhet", + "st\u00f6rning", + "f\u00e5gelinfluensa", + "stukning", + "missbildning", + "vaccination", + "bucklig", + "kondition", + "materialism", + "harpest", + "ursinne", + "rosacea", + "para", + "bindhinneinflammation", + "antisocial_personlighetsst\u00f6rning", + "gulsot", + "hunger", + "levercancer", + "skator", + "papegojsjuka", + "hamartom", + "skelning", + "dekubitus", + "portahypertension", + "eltortyr", + "silikos", + "muskelbristning", + "wale", + "lassafeber", + "bl\u00e5m\u00e4rke", + "mollusker", + "autoimmunitet", + "vattenskalle", + "miliaria", + "m\u00f6rkr\u00e4dsla", + "aura_\u00e5", + "sj\u00f6sjuka", + "elektrochock", + "undern\u00e4ring", + "kastanjesl\u00e4ktet", + "poliomyelit", + "kantra", + "vakenhet", + "klagom\u00e5l", + "kakeksi", + "f\u00f6rtviningssjuka", + "duodenals\u00e5r", + "sedering", + "kryptorkism", + "prodrom", + "chi", + "f\u00e4rgblind", + "delirium", + "kobenthet", + "kvarka", + "rosfeber", + "appendicit", + "kammarflimmer", + "pisksn\u00e4rt", + "transposition", + "qi", + "halvsidesf\u00f6rlamning", + "vattkoppor", + "utvecklingsst\u00f6rning", + "helveteseld", + "giftstruma", + "tryckfallssjuka", + "tungotal", + "oordning", + "rakitis", + "puckelrygg", + "stenos", + "tredagarsfeber", + "antoniuseld", + "passion", + "raseri", + "gimp", + "hydronefros", + "rosett", + "frenzy", + "alexia", + "kretinism", + "ledinflammation", + "hermafroditism", + "leversteatos", + "stressfraktur", + "bindhinnekatarr", + "stigande", + "\u00f6verviktig", + "smart", + "amelia", + "stridsutmattning", + "brunst", + "tyreoidit", + "testikelcancer", + "ed", + "blister", + "pica", + "benv\u00e4vsuppmjukning", + "tandlossning", + "miliartuberkulos", + "sk\u00e5lla", + "solbr\u00e4nna", + "sk\u00f6ldk\u00f6rtelinflammation", + "tunnelseene", + "k\u00e4rlinflammation", + "lordos", + "ledg\u00e5ngsreumatism", + "kallus", + "datormus", + "sensation", + "fettlever", + "tanatofobi", + "rubella", + "epidermolysis_bullosa", + "pain", + "tandv\u00e4rk", + "gallbl\u00e5seinflammation", + "till\u00e4gga", + "teratom", + "ansiktsneuralgi", + "rodnande", + "ventrikelflimmer", + "fladdra", + "dilatation", + "f\u00f6rgiftning", + "the_passion_of_the_christ", + "purpura", + "tennisarmb\u00e5ge", + "cirkulationssvikt", + "ventrikels\u00e5r", + "spindelfobi", + "f\u00f6rveckling", + "elst\u00f6t", + "graviditetstoxikos", + "trycks\u00e5r", + "ill", + "chalazion", + "denguefeber", + "bradykardi", + "skotofobi", + "m\u00f6ss", + "puls\u00e5derbr\u00e5ck", + "sammanhopning", + "f\u00f6rfrysning", + "vitaminbrist", + "parestesi", + "vanf\u00f6rest\u00e4llningssyndrom", + "digerd\u00f6den", + "tobaksmosaikvirus", + "pellagra", + "spet\u00e4lska", + "n\u00e4ringsbrist", + "j\u00e4rnbristanemi", + "paraplegi", + "druvb\u00f6rd", + "mi", + "v\u00e5rta", + "almsjuka", + "komplikation", + "friskhet", + "aura", + "arousal", + "f\u00e4rgblindhet", + "potatisbladm\u00f6gel", + "bl\u00e5sningen", + "sting", + "hickning", + "nattblindhet", + "bukhinneinflammation", + "the_bleeding", + "skrumplever", + "paritet", + "indisposition", + "marasm", + "solsting", + "bensk\u00f6rhet", + "kuru", + "burn", + "flexion", + "svampf\u00f6rgiftning", + "kontaktallergi", + "fr\u00e4mlingsfientlighet", + "vissna", + "vargen", + "noma", + "the_hives", + "tilltagande", + "dengue", + "mouches_volantes", + "preeklampsi", + "klippt", + "ont_i_halsen", + "newcastlesjuka", + "ormbett", + "le", + "harm", + "berusning", + "vaccinering", + "gynekomasti", + "hydrofobi", + "cellskr\u00e4ck", + "salmonella", + "\u00f6versynthet", + "\u00e5lderssynthet", + "graviditet", + "magont", + "temporallobsepilepsi", + "h\u00e5rs\u00e4cksinflammation", + "abasi", + "malaria" + ], + "POLITICAL_PARTY_MEMBER": [ + "kommunistisk", + "kommunist", + "kommunistiskt" + ], + "QUANTITY": [ + "primtal", + "rupee", + "primfaktor", + "fransk_franc", + "parkeringsgarage", + "basketkorg", + "de_tre_kungad\u00f6mena", + "metersystemet", + "d_mark", + "kubikcentimeter", + "tv\u00e5siffrig", + "imagin\u00e4rdel", + "parkeringshus", + "krona", + "ton", + "distansminut", + "dollar", + "riyal", + "ordinaltal", + "en_i_taget", + "sj\u00f6mil", + "belopp", + "g", + "elektronvolt", + "rial", + "trinidaddollar", + "en_\u00e5t_g\u00e5ngen", + "schweizerfranc", + "kubikrot", + "inte_alls", + "tre_systrar", + "parkeringsbot", + "hongkongdollar", + "storspigg", + "\u00f6sterrikisk_schilling", + "masstal", + "helpension", + "anders_celsius", + "friktionskoefficient", + "all_inclusive" + ], + "DATE": [ + "palms\u00f6ndag", + "harlemren\u00e4ssansen", + "alla_helgons_dag", + "d\u00e4r_borta", + "askonsdagen", + "menstruationscykeln", + "skottsekund", + "bankfridag", + "indiansommar", + "budget\u00e5r", + "medeltiden", + "sjukpenning", + "exekverings", + "trettondagsafton", + "halvtimme", + "stillest\u00e5ndsdagen", + "fettisdag", + "halvtimma", + "askonsdag", + "happy_hour", + "menstruationscykel", + "nattskift", + "the_day_after_tomorrow", + "arbetstid", + "v\u00e5r_tider\u00e4kning", + "i_l\u00e4ngden", + "n\u00e4r_jag_h\u00f6r_din_r\u00f6st", + "trefaldighet", + "alla_sj\u00e4lars_dag", + "medel\u00e5lder", + "kanadadagen", + "valdag", + "istid", + "in_time", + "l\u00e5ngfredagen", + "trinitatis", + "lunisolarkalender", + "skottdag", + "finans\u00e5r", + "brittsommar", + "halveringstid", + "v\u00e4rldsklass", + "nationaldag", + "adventss\u00f6ndag", + "vintersolst\u00e5ndet", + "skott\u00e5r", + "efter_kristus", + "palms\u00f6ndagen", + "mantimme", + "natalitet", + "regntid", + "hj\u00e4rtminutvolym", + "\u00f6vermorgon", + "hyeonchungil", + "segerdagen", + "br\u00f6llopsnatt", + "fullm\u00e5ne", + "radialhastighet", + "guld\u00e5lder", + "regnperiod", + "nativitet", + "mortalitet", + "nattvakt", + "kalender\u00e5r", + "l\u00e5ngfredag", + "gregoriansk_kalender", + "solarkonstant", + "h\u00e4r_och_nu", + "normaltid", + "sj\u00e4lvst\u00e4ndighetsdag", + "i_l\u00e5nga_loppet", + "h\u00f6stdagj\u00e4mning", + "r\u00e4kenskaps\u00e5r", + "fritid", + "annandag", + "corpus_christi", + "jungfru_marie_himmelsf\u00e4rd", + "sjukskrivning", + "a_och_o", + "sp\u00e4dbarnsd\u00f6dlighet", + "myndighets\u00e5lder", + "kalenderm\u00e5nad", + "torrperiod", + "nattvakten", + "d\u00f6dsb\u00e4dden" + ], + "FOOD": [ + "skuta", + "mj\u00f6lkpulver", + "bakelse", + "svartabborre", + "mousse", + "t_benstek", + "fiskpinne", + "golden_delicious", + "r\u00f6dvin", + "currypulver", + "bechamel", + "christmas_pudding", + "blodpudding", + "pulverkaffe", + "grodl\u00e5r", + "kanelsn\u00e4cka", + "lagerblad", + "tigerkaka", + "granny_smith", + "kycklingssoppa", + "tuggummi", + "lemonad", + "l\u00e4ttmj\u00f6lk", + "vitvin", + "mj\u00f6lkchoklad", + "polkagris", + "bordsalt", + "bordsvatten", + "kranvatten", + "kattmat", + "chilipeppar", + "f\u00f6delsedagst\u00e5rta", + "alkoholdryck", + "lyckokaka", + "hollandaises\u00e5s", + "pinot_noir", + "sidfl\u00e4sk", + "ingef\u00e4rs\u00f6l", + "caesarsallad", + "olivolja", + "matbit", + "bambuskott", + "k\u00f6ttgrotta", + "sockervadd", + "pepparkaksgumma", + "potatischips", + "potatissallad", + "br\u00f6llopst\u00e5rta", + "str\u00f6br\u00f6d", + "fullkornsbr\u00f6d", + "bl\u00e5m\u00f6gelost", + "pepparkaksgubbe", + "gelato", + "chili", + "bordssalt", + "gr\u00e4ddfil", + "florsocker", + "lunch", + "l\u00f6nnsirap", + "chile", + "vitl\u00f6ksbr\u00f6d", + "antipasto", + "chesterost", + "pudding", + "mejeriprodukt", + "bomullsfr\u00f6olja", + "ros\u00e9vin", + "getost", + "apelsinjuice", + "dessert", + "blodkorv", + "iskaffe", + "volauvent", + "tartars\u00e5s", + "djupfrysning", + "rullt\u00e5rta", + "strips", + "k\u00f6ttf\u00e4rslimpa", + "entr\u00e9r\u00e4tt", + "kandisocker", + "yorkshirepudding", + "pinjen\u00f6t", + "citronsaft", + "tranb\u00e4rsjuice", + "pulpet", + "flankstek", + "pot_au_feu", + "mellanm\u00e5l", + "kakaosm\u00f6r", + "grynost", + "schweizerost", + "pannbiff", + "starkvin", + "rotsak", + "pinjek\u00e4rna", + "dricksvatten", + "palmolja", + "vetemj\u00f6l", + "standardmj\u00f6lk", + "waldorfsallad", + "cayennepeppar", + "glasstrut", + "kakaopulver", + "rolad", + "p\u00e5sk\u00e4gg", + "r\u00f6dk\u00e5l", + "marmeladkonfekt", + "jordn\u00f6tssm\u00f6r", + "farinsocker" + ], + "BIO_CHEM_ENTITY": [ + "sm\u00f6rsyra", + "bensalkoniumklorid", + "dietyleter", + "tranexamsyra", + "magnesiumklorid", + "silveroxid", + "gallsalt", + "koniferylalkohol", + "kaliumjodid", + "butansyra", + "polyvinylklorid", + "c_reaktivt_protein", + "mj\u00f6lksyra", + "gammaaminobutansyra", + "adenosindifosfat", + "kiseldioxid", + "nervtillv\u00e4xtfaktor", + "alfasynuklein", + "kaprinsyra", + "zinkklorid", + "retinoblastomprotein", + "metanhydrat", + "kiselnitrid", + "fettsyra", + "laurinsyra", + "polylaktid", + "klortrifluorid", + "mineralolja", + "guanosindifosfat", + "monoaminoxidas", + "kaliumantimontartrat", + "citronsyra", + "salicylsyra", + "magnesiumcitrat", + "d_vitamin", + "karminsyra", + "m\u00e5lmedveten" + ], + "LOCATION": [ + "hai_duong", + "korsv\u00e4g", + "f\u00f6retagspark", + "the_good_night", + "t\u00f6rnrosa", + "so_what", + "drakfrukt", + "tanasj\u00f6n", + "olivberget", + "ha_long_bukten", + "svalbon", + "saltsj\u00f6", + "park", + "non_plus_ultra", + "bruksort", + "qingmingfestivalen", + "tennisbana", + "vintergatan", + "musikh\u00f6gskola", + "corpus_christi", + "michigansj\u00f6n", + "\u00e5lderdomshem", + "kap_verde", + "bow_wow", + "mentalsjukhus", + "k\u00f6rsb\u00e4rstr\u00e4dg\u00e5rden", + "piet_mondrian", + "ha_long", + "milit\u00e4rh\u00f6gskola", + "jultomten", + "sint_maarten", + "det_svarta_h\u00e5let", + "doi_moi", + "mellan\u00f6stern", + "al_jazira", + "f\u00e4rskvatten", + "man_o_war", + "kryvyj_rih", + "chatham\u00f6arna", + "ringv\u00e4g", + "ingen_orsak", + "falklands\u00f6arna", + "trois_rivi\u00e8res", + "p\u00e5_vippen", + "sockerkaka", + "musikskola", + "vars\u00e5god", + "r\u00e5bandsknop", + "\u00e5terv\u00e4ndsgr\u00e4nd", + "selvagens\u00f6arna", + "land", + "heliga_stolen", + "\u00e5ker", + "azerbajdzjans_nationalf\u00f6rsamling", + "nord\u00f6n", + "\u00e4n_sen", + "saint_vincent", + "tempelberget", + "frankrikes_nationalf\u00f6rsamling", + "franska_rivieran", + "blue_mountains", + "biscayabukten", + "ju\u00e1rez", + "natti", + "lilla_bj\u00f6rnen", + "flygvapen", + "sankt_patrik", + "skogsvisslare", + "saltvatten", + "fredsdomare", + "kanal\u00f6arna", + "ringled", + "i_h\u00e4ndelse", + "k\u00f6rsb\u00e4rsfuks", + "\u00e4ngssmygare", + "edwardsj\u00f6n", + "lake_of_the_woods", + "telefoncenral", + "tv\u00e5_tigerbr\u00f6der", + "usa", + "st_albans", + "berlinerbl\u00e5tt", + "saint_lucia", + "kap_horn", + "hat_yai", + "almaaz", + "arena", + "i_det_fall", + "olympen", + "sri_lanka", + "m\u00e5rtensafton", + "drabantstad", + "f\u00e4lt", + "p\u00e5sk\u00f6n", + "viskleken", + "lake_st_clair", + "teknikpark", + "het_k\u00e4lla", + "nordsj\u00f6n", + "l\u00e4ngesen", + "innerstad", + "the_rolling_stones", + "cordon_bleu", + "s\u00e4des\u00e4rla", + "kraftverk", + "\u00f6vre_sj\u00f6n", + "gr\u00f6nsaksland", + "det_finns", + "riksbank", + "br\u00e4nda_jordens_taktik", + "pensionsfond", + "sydkoreas_nationalf\u00f6rsamling", + "heitor_villa_lobos", + "louis_joseph_gay_lussac", + "sl\u00e5ttergr\u00e4sfj\u00e4ril", + "al_ain", + "pterocarpus_indicus", + "varuhus", + "maria_fr\u00e5n_magdala", + "ny_v\u00e4rld" + ], + "RELIGION_MEMBER": [ + "anabaptist", + "guru", + "protestant", + "christin", + "parsism", + "mulla", + "shiitisk", + "gammalkatolsk", + "mormon", + "jihadist", + "muselman", + "saracen", + "baptist", + "mohammedan", + "puritan", + "sunni", + "satanist", + "presbyteriansk", + "franciskanorden", + "mon" + ], + "PRODUCT": [ + "kaffekopp", + "balkanbergen", + "deja_vu", + "justin_bieber", + "sportbil", + "vinkelj\u00e4rn", + "de_fyra_\u00e5rstiderna", + "helsk\u00e4rmsl\u00e4ge", + "effektbrytare", + "kejsarsnitt", + "rymdf\u00e4rja", + "vattenflaska", + "diego_garcia", + "bli_vuxen", + "signalbehandling", + "echinopsis_pachanoi", + "tomten", + "luftv\u00e4rns", + "norrsken", + "helsk\u00e4rm", + "k\u00e4rleksbrevet", + "ett_dockhem", + "tidsmaskin", + "terr\u00e4ngg\u00e5ende", + "k\u00f6penhamns_s_t\u00e5g", + "tredimensionell", + "den_eldr\u00f6da_bokstaven", + "kaffekanna", + "annandag", + "in_memoriam", + "allordbok", + "av_guds_n\u00e5de", + "det_ljuva_livet", + "kullager", + "flaskpost", + "duglig", + "julius_caesar", + "saint_vincent", + "tennisboll", + "julgran", + "diskett", + "pianoexpressen", + "stridsflygplan", + "the_star_spangled_banner", + "stilleben", + "den_gudomliga_komedin", + "skaplig", + "don_quixote", + "hungerspelen", + "som_om", + "monte_cristo", + "stj\u00e4rnbaneret", + "h\u00e5rdkokt", + "trettondagsafton", + "speldosa", + "dv\u00e4rgbrytare", + "sachsen_anhalt", + "die_hard", + "med_bakomliggande_tillg\u00e5ngar", + "dansgolv", + "kortslutning", + "after_burner", + "johannes_d\u00f6paren", + "s\u00e3o_tom\u00e9_och_pr\u00edncipe", + "pappersflygplan", + "polstj\u00e4rna", + "de_tre_kungad\u00f6mena", + "boxing_day", + "k\u00e4rleksbrev", + "startramp", + "d\u00f6dspolarna", + "pansarbil", + "storbritannien", + "deutsche_welle", + "m\u00e4nskliga_r\u00e4ttigheter", + "nya_testamentet", + "hjul\u00e5ngare", + "stridsyxa", + "ferdinand_magellan", + "i_grevens_tid", + "naturhistoria", + "f\u00f6rg\u00e4tmigej", + "mario_andretti", + "halfpipe", + "de_vises_sten", + "l\u00e4nstol", + "vattenbrunn", + "jag_ber_om_urs\u00e4kt", + "de_facto", + "plattformsoberoende", + "karlavagnen", + "i_sista_stund", + "den_helige_ande", + "jag_\u00e4r_ledsen", + "nordrhein_westfalen", + "segelfartyg", + "i_elfte_timmen", + "guldkompassen", + "rosettastenen", + "rosettestenen", + "mycket_v\u00e4sen_f\u00f6r_ingenting", + "badbyxa", + "bergspr\u00e4ngare", + "cook\u00f6arna", + "i_sista_\u00f6gonblicket", + "novo_mesto", + "till_minne_av", + "stj\u00e4rnfall", + "rymdstation" + ], + "LANGUAGE": [ + "panjabi", + "portugisisk", + "polsk", + "persisk", + "walesisk", + "bengali", + "rundi", + "vitrysk", + "venda", + "kashmiri", + "kongo", + "ungersk", + "akan", + "norsk", + "putsmedel", + "ungerska", + "the_haitian", + "spanska", + "norrman", + "pali", + "navajo", + "ryss", + "aymara", + "manx", + "keltisk", + "polermedel", + "malayalam", + "betoning", + "norska", + "polityr", + "hindi", + "nordsamiska", + "malajisk", + "spansk", + "portugisiska", + "guarani", + "herero", + "ryska", + "divehi", + "bengalisk", + "esperanto", + "finl\u00e4ndsk", + "komi", + "lingala", + "katalan", + "georgiska", + "hausa", + "cree", + "franska", + "georgisk", + "kikuyu", + "persiska", + "tagalog", + "marshalliska", + "arabiska", + "ido", + "marathi", + "japansk", + "quechua", + "samoan", + "tonga", + "kannada" + ], + "POLITICAL_PARTY": [ + "nationalistpartiet", + "konservativa_partiet", + "partidul_conservator", + "partit_laburista", + "republikanska_partiet", + "f\u00f3lkaflokkurin", + "united_kingdom_independence_party", + "labour", + "kommunistiska_partiet", + "kuomintang", + "comhaontas_glas", + "demokratiska_partiet", + "liberal_party", + "socialdemokratiska_partiet", + "strana_zelen\u00fdch", + "partido_popular", + "partido_democr\u00e1tico", + "demokratisk_republikanska_partiet", + "milj\u00f6partiet", + "politiskt_parti", + "folkets_parti", + "socialistiska_partiet", + "socialistpartiet", + "javna\u00f0arflokkurin", + "australiens_arbetarparti", + "opposition", + "arbeiderpartiet", + "arbetarpartiet", + "parti_populaire" + ], + "FAC": [ + "vindtunnel", + "nattvarden", + "t_cell", + "konsertsal", + "p\u00e5_jour", + "konstskola", + "porten", + "skidanl\u00e4ggning", + "underhus", + "georgskors", + "k\u00e4rnkraftverk", + "konstgalleri", + "klagomuren", + "arnold_sch\u00f6nberg", + "tr\u00e4dg\u00e5rdsstad", + "aff\u00e4rscenter", + "universitetsstad", + "skjutbana", + "konserthus", + "mall", + "kom_v\u00e4l_hem", + "h\u00f6ga_porten", + "bergtagen", + "kallmur", + "polisstation", + "godahoppsudden", + "saint_lucia", + "den_sista_m\u00e5ltiden", + "peter_den_store", + "nalle_puh", + "kvarndamm", + "trettiotre", + "de_fyra_\u00e5rstiderna", + "j\u00e4rnkorset", + "titus_livius", + "tullstation", + "xixia", + "simbass\u00e4ng", + "grundskola", + "p\u00f6_om_p\u00f6", + "triumfb\u00e5ge", + "stenmur", + "postkontor", + "l\u00e5gstadie", + "bit_f\u00f6r_bit", + "friedrichshain_kreuzberg", + "romersk_katolska_kyrkan", + "katolska_kyrkan" + ], + "SOC_ECO_CLASS": [ + "kvinnlighet", + "broderskap", + "arbetarklass", + "\u00f6verklass", + "center", + "n\u00e5gra", + "prolet\u00e4riat", + "svart_b\u00f6rs", + "samuraj", + "medelklass", + "svart_marknad", + "bourgeoisie" + ], + "RACE": [ + "the_european", + "nordkorean", + "fransm\u00e4n", + "indian_airlines", + "latino", + "turk", + "latin", + "afrikan", + "latinamerikanska", + "filippinsk", + "fransyska", + "sydamerikansk", + "korean", + "the_mexican", + "afrikansk", + "fransman", + "ostasiatisk", + "filippinska", + "judisk", + "latinamerikan", + "engelsm\u00e4n", + "fransos", + "nordeuropeisk" + ], + "RELIGION": [ + "zen", + "shinto", + "puritanism", + "adventism", + "presbyterianism", + "buddhism", + "jainism", + "manikeism", + "salafism", + "islam", + "hinduism", + "wicca", + "anabaptism", + "donatism" + ], + "GPE": [ + "guldgruva", + "saint_lawrencefloden", + "stortorg", + "centralamerika", + "saint_domingue", + "mellanamerika", + "\u0111ur\u0111evdan", + "xihu", + "kotte", + "dar_es_salaam", + "vitguld", + "sri_jayawardenapura", + "tyska_riket", + "sint_maarten", + "pandanus_tectorius", + "sj\u00f6folken", + "den_helige_ande", + "gammelstad", + "alla_hj\u00e4rtans_dag", + "helige_ande", + "gamla_stad", + "industriomr\u00e5de", + "s\u00e3o_tom\u00e9", + "hagia_sofia", + "gran_canaria", + "gamlestad", + "r\u00f6da_havet", + "sankta_barbara", + "r\u00f6da_korset", + "al_andalus", + "bergspass", + "ha_tinh", + "la_rochelle", + "kronkoloni", + "taishan", + "charlottenburg_wilmersdorf", + "vita_huset", + "vinh_long", + "la_gomera", + "tra_vinh", + "helige_anden", + "sankt_g\u00f6ran", + "v\u00e5r_fru" + ], + "UNION": [ + "itu", + "studentk\u00e5r", + "v\u00e4rldspostf\u00f6reningen", + "fackf\u00f6rening" + ], + "PERSON": [ + "prince_albert", + "julius_caesar", + "al_gore", + "saint_vincent", + "i_ching", + "don_delillo", + "jag_ocks\u00e5", + "t_benstek", + "pansarskyttefordon", + "de_witt", + "al_amin", + "igor_sikorsky", + "sankt_pers_fisk", + "maxwell_anderson", + "rudolf_hess", + "jag_med", + "cha_cha" + ], + "GENDER": [ + "miss", + "mademoiselle", + "gentleman", + "k\u00f6ns\u00f6verskridande", + "men", + "jeppe", + "boy", + "male", + "det_svaga_k\u00f6net", + "guido", + "det_t\u00e4cka_k\u00f6net", + "mina_damer_och_herrar", + "grabb", + "transgender", + "putta", + "lass", + "lilla_gumman", + "man", + "gal", + "lady" + ], + "EVENT": [ + "d\u00f6dsdans", + "filmfestival", + "v\u00e4rldsutst\u00e4llning", + "skrytr\u00e4ttigheter", + "sing_sing", + "kuwaitkriget", + "stavhopp" + ], + "ANAT": [ + "nackkota", + "cervikalkota", + "\u00f6verarm", + "willis_ring" + ], + "MEDICAL_THERAPY": [ + "blodtryck" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "ingeg\u00e4rd", + "gabriella", + "astrid", + "eivor", + "solveig", + "charlotta", + "ir\u00e9ne", + "ann_marie", + "sara", + "carina", + "camilla", + "valborg", + "ann", + "rebecca", + "rebecka", + "josefin", + "ingegerd", + "carin", + "inga", + "marita", + "karin", + "alexandra", + "ann_charlotte", + "marie", + "sylvia", + "m\u00e4rta", + "\u00e5sa", + "elise", + "anneli", + "felicia", + "olivia", + "signe", + "linn\u00e9a", + "greta", + "kristina", + "margit", + "pia", + "sofie", + "gunnel", + "pernilla", + "inga_lill", + "maria", + "birgit", + "catharina", + "kristin", + "annette", + "lilian", + "sandra", + "ulrika", + "siv", + "maj_britt", + "kerstin", + "helene", + "viola", + "martina", + "angelica", + "ingrid", + "anna", + "helena", + "elsie", + "svea", + "kajsa", + "lilly", + "ylva", + "anne", + "victoria", + "katarina", + "maud", + "veronica", + "ingeborg", + "eva", + "dagny", + "lisa", + "susanna", + "linnea", + "emelie", + "asta", + "anita", + "gudrun", + "lisbeth", + "susanne", + "gunborg", + "anette", + "elvira", + "carolina", + "gunvor", + "inger", + "mikaela", + "hanna", + "marina", + "ther\u00e9se", + "vilhelmina", + "ruth", + "doris", + "ann_mari", + "gunilla", + "monika", + "petra", + "ragnhild", + "agnes", + "lena", + "charlotte", + "linda", + "catarina", + "ann_christin", + "dagmar", + "helen", + "ella", + "annika", + "josefine", + "britt", + "eleonora", + "evelina", + "jeanette", + "ida", + "viktoria", + "malin", + "teresia", + "ellinor", + "ester", + "jessica", + "margaretha", + "anna_karin", + "jenny", + "nina", + "elsa", + "julia", + "sonja", + "johanna", + "elisabeth", + "britta", + "marie_louise", + "stina", + "elisabet", + "caroline", + "sigrid", + "matilda", + "erika", + "lovisa", + "gunhild", + "ingela", + "margareta", + "mary", + "mona", + "amanda", + "maja", + "irene", + "annelie", + "lillemor", + "christine", + "ellen", + "laila", + "emma", + "gerd", + "britt_marie", + "marianne", + "irma", + "magdalena", + "therese", + "iris", + "alice", + "anne_marie", + "elin", + "harriet", + "mari", + "edit", + "aina", + "yvonne", + "frida", + "birgitta", + "jennie", + "berit", + "annie", + "cecilia", + "vera", + "ebba", + "gun", + "anna_lena", + "hillevi", + "rut", + "barbro", + "emilia", + "brita", + "ulla_britt", + "agneta", + "louise", + "karolina", + "lina", + "madeleine", + "josefina", + "evy", + "christina", + "gertrud", + "ulla", + "rose_marie", + "sofia", + "linn", + "maj", + "monica", + "hel\u00e9n" + ], + "FIRST_NAME_MALE": [ + "emanuel", + "valdemar", + "kenneth", + "roger", + "jacob", + "valter", + "artur", + "\u00e5ke", + "gustaf", + "fredrik", + "conny", + "sture", + "edvin", + "bengt", + "christoffer", + "ingemar", + "dennis", + "joakim", + "ragnar", + "torsten", + "mats", + "rikard", + "jesper", + "jonathan", + "georg", + "rasmus", + "edvard", + "peter", + "arnold", + "ingmar", + "jens", + "kjell", + "s\u00f6ren", + "ingvar", + "anders", + "bert", + "daniel", + "tore", + "josef", + "niclas", + "kristoffer", + "johannes", + "carl", + "g\u00f6te", + "tobias", + "alexander", + "linus", + "niklas", + "oscar", + "alf", + "pontus", + "nicklas", + "ove", + "inge", + "magnus", + "kristian", + "olof", + "einar", + "ivar", + "ola", + "max", + "knut", + "patrik", + "bror", + "hugo", + "andreas", + "henry", + "mikael", + "john", + "jakob", + "kim", + "ludvig", + "tage", + "ulf", + "kurt", + "hans", + "herbert", + "sigurd", + "helge", + "emil", + "p\u00e4r", + "b\u00f6rje", + "juhani", + "krister", + "johnny", + "elias", + "ture", + "sven", + "egon", + "anton", + "albin", + "h\u00e5kan", + "klas", + "sixten", + "axel", + "lars", + "gert", + "bernt", + "henning", + "bj\u00f6rn", + "joel", + "jimmy", + "roland", + "claes", + "tord", + "bo", + "ronny", + "allan", + "jan", + "urban", + "vilhelm", + "christian", + "arne", + "morgan", + "verner", + "folke", + "leif", + "paul", + "mattias", + "marcus", + "tony", + "sten", + "uno", + "stig", + "nils", + "william", + "markus", + "otto", + "johan", + "benny", + "per", + "martin", + "olov", + "philip", + "oskar", + "gustav", + "pierre", + "tommy", + "g\u00f6sta", + "rickard", + "gerhard", + "henrik", + "hjalmar", + "eric", + "olle", + "evert", + "viktor", + "andr\u00e9", + "adam", + "alvar", + "arvid", + "robin", + "holger", + "simon", + "harald", + "rolf", + "richard", + "alfred", + "sebastian", + "ernst", + "samuel", + "sigvard", + "bertil", + "mathias", + "gunnar", + "david", + "sune", + "reinhold", + "filip", + "birger", + "wilhelm", + "stefan", + "jan_erik", + "robert", + "thomas", + "petter", + "tomas", + "dan", + "harry", + "ivan", + "erik", + "rune", + "j\u00f6rgen", + "erling", + "jonas", + "jonny", + "yngve", + "christer", + "lennart", + "lars_erik", + "tom", + "albert", + "staffan", + "erland", + "michael", + "victor", + "torbj\u00f6rn", + "g\u00f6ran", + "kent", + "karl" + ], + "FIRST_NAME": [ + "emanuel", + "valdemar", + "ingeg\u00e4rd", + "eivor", + "solveig", + "charlotta", + "gustaf", + "fredrik", + "sture", + "valborg", + "torsten", + "ingegerd", + "inga", + "edvard", + "peter", + "ingmar", + "karin", + "kjell", + "anders", + "tore", + "gunnel", + "maria", + "g\u00f6te", + "catharina", + "annette", + "tobias", + "sandra", + "siv", + "helene", + "ingrid", + "ivar", + "elsie", + "ola", + "helena", + "anne", + "henry", + "eva", + "dagny", + "tage", + "lisbeth", + "gunborg", + "elvira", + "gunvor", + "marina", + "petra", + "ragnhild", + "gert", + "jimmy", + "charlotte", + "catarina", + "jan", + "annika", + "britt", + "verner", + "leif", + "nina", + "per", + "julia", + "sonja", + "tommy", + "elisabet", + "g\u00f6sta", + "caroline", + "erika", + "lovisa", + "adam", + "holger", + "simon", + "alfred", + "christine", + "ellen", + "irma", + "therese", + "alice", + "anne_marie", + "birger", + "aina", + "mari", + "stefan", + "jennie", + "berit", + "petter", + "anna_lena", + "brita", + "agneta", + "karolina", + "madeleine", + "evy", + "rose_marie", + "torbj\u00f6rn", + "tom", + "lars_erik", + "linn", + "g\u00f6ran", + "\u00e5ke", + "astrid", + "edvin", + "conny", + "ir\u00e9ne", + "carina", + "christoffer", + "camilla", + "dennis", + "rebecca", + "rebecka", + "mats", + "rikard", + "carin", + "jonathan", + "georg", + "rasmus", + "alexandra", + "\u00e5sa", + "m\u00e4rta", + "ingvar", + "bert", + "daniel", + "birgit", + "lilian", + "oscar", + "maj_britt", + "alf", + "nicklas", + "martina", + "angelica", + "olof", + "einar", + "svea", + "kajsa", + "lilly", + "knut", + "patrik", + "victoria", + "mikael", + "john", + "lisa", + "emelie", + "hans", + "herbert", + "gudrun", + "susanne", + "anette", + "p\u00e4r", + "b\u00f6rje", + "krister", + "egon", + "mikaela", + "h\u00e5kan", + "sixten", + "ann_mari", + "axel", + "monika", + "bj\u00f6rn", + "roland", + "tord", + "bo", + "ella", + "christian", + "arne", + "morgan", + "viktoria", + "mattias", + "tony", + "sten", + "uno", + "otto", + "johan", + "elisabeth", + "olov", + "gustav", + "pierre", + "rickard", + "matilda", + "evert", + "ingela", + "viktor", + "mary", + "alvar", + "arvid", + "rolf", + "richard", + "sebastian", + "lillemor", + "sigvard", + "gunnar", + "gerd", + "britt_marie", + "marianne", + "sune", + "magdalena", + "reinhold", + "filip", + "frida", + "annie", + "thomas", + "vera", + "tomas", + "harry", + "gun", + "rune", + "erling", + "ulla_britt", + "josefina", + "christina", + "christer", + "lennart", + "gertrud", + "ulla", + "sofia", + "michael", + "monica", + "rut", + "karl", + "roger", + "kenneth", + "jacob", + "valter", + "gabriella", + "ann_marie", + "bengt", + "sara", + "ingemar", + "joakim", + "ragnar", + "jesper", + "arnold", + "ann_charlotte", + "sylvia", + "anneli", + "olivia", + "signe", + "linn\u00e9a", + "s\u00f6ren", + "josef", + "kristoffer", + "johannes", + "carl", + "alexander", + "linus", + "viola", + "inge", + "anna", + "ylva", + "hugo", + "andreas", + "ludvig", + "asta", + "sigurd", + "emil", + "johnny", + "carolina", + "sven", + "hanna", + "ruth", + "lars", + "gunilla", + "henning", + "joel", + "linda", + "dagmar", + "helen", + "ronny", + "josefine", + "eleonora", + "evelina", + "paul", + "malin", + "ellinor", + "ester", + "anna_karin", + "jenny", + "elsa", + "johanna", + "philip", + "oskar", + "britta", + "marie_louise", + "sigrid", + "hjalmar", + "eric", + "gunhild", + "mona", + "irene", + "bertil", + "mathias", + "emma", + "david", + "iris", + "edit", + "jan_erik", + "ebba", + "ivan", + "erik", + "hillevi", + "emilia", + "jonas", + "jonny", + "victor", + "lina", + "hel\u00e9n", + "artur", + "ann", + "josefin", + "marita", + "marie", + "jens", + "felicia", + "elise", + "greta", + "kristina", + "margit", + "sofie", + "pia", + "pernilla", + "inga_lill", + "niclas", + "kristin", + "niklas", + "pontus", + "kerstin", + "ove", + "kristian", + "magnus", + "max", + "katarina", + "veronica", + "bror", + "maud", + "ingeborg", + "jakob", + "kim", + "susanna", + "linnea", + "ulf", + "kurt", + "anita", + "helge", + "juhani", + "elias", + "ture", + "inger", + "anton", + "ther\u00e9se", + "albin", + "klas", + "vilhelmina", + "doris", + "bernt", + "agnes", + "lena", + "ann_christin", + "claes", + "allan", + "urban", + "vilhelm", + "folke", + "jeanette", + "ida", + "marcus", + "teresia", + "stig", + "markus", + "margaretha", + "nils", + "jessica", + "william", + "benny", + "martin", + "stina", + "gerhard", + "henrik", + "olle", + "margareta", + "andr\u00e9", + "robin", + "maja", + "amanda", + "harald", + "annelie", + "ernst", + "samuel", + "laila", + "elin", + "harriet", + "wilhelm", + "yvonne", + "birgitta", + "robert", + "cecilia", + "dan", + "j\u00f6rgen", + "barbro", + "louise", + "yngve", + "albert", + "staffan", + "erland", + "maj", + "kent", + "ulrika" + ], + "LAST_NAME": [ + "olsson", + "sj\u00f6gren", + "ottosson", + "bergqvist", + "berg", + "\u00e5kesson", + "isaksson", + "b\u00e4ckstr\u00f6m", + "bergman", + "ljung", + "augustsson", + "ros\u00e9n", + "klasson", + "nilsson", + "holmgren", + "holmstr\u00f6m", + "ek", + "knutsson", + "oskarsson", + "sj\u00f6str\u00f6m", + "hellberg", + "malm", + "hagstr\u00f6m", + "s\u00f6derstr\u00f6m", + "pettersson", + "m\u00e5rtensson", + "viklund", + "johnsson", + "lilja", + "carlsson", + "ekberg", + "palm", + "h\u00f6glund", + "lindgren", + "lindstr\u00f6m", + "borg", + "molin", + "andersson", + "bostr\u00f6m", + "sundqvist", + "berglund", + "eliasson", + "hansson", + "s\u00f6derlund", + "martinsson", + "blomberg", + "lundstr\u00f6m", + "s\u00f6derberg", + "norberg", + "blom", + "dahlberg", + "str\u00f6m", + "englund", + "jakobsson", + "berggren", + "lundin", + "sj\u00f6berg", + "hedman", + "larsson", + "\u00f6berg", + "\u00f6hman", + "magnusson", + "hedlund", + "ekman", + "jensen", + "lund", + "engstr\u00f6m", + "sk\u00f6ld", + "lundmark", + "lind", + "hedstr\u00f6m", + "jansson", + "forslund", + "dahl", + "str\u00f6mberg", + "gustavsson", + "forsberg", + "bj\u00f6rklund", + "holm", + "lundberg", + "bengtsson", + "h\u00e5kansson", + "berntsson", + "gustafsson", + "t\u00f6rnqvist", + "wahlstr\u00f6m", + "\u00f6stlund", + "eriksson", + "lindblom", + "hjalmarsson", + "erlandsson", + "lindblad", + "dahlgren", + "m\u00e5nsson", + "malmberg", + "b\u00f6rjesson", + "nyberg", + "st\u00e5hl", + "nygren", + "bj\u00f6rk", + "lundgren", + "nordstr\u00f6m", + "m\u00f6ller", + "\u00e5gren", + "nielsen", + "lindahl", + "svensson", + "vikstr\u00f6m", + "kristiansson", + "karlsson", + "sv\u00e4rd", + "lundqvist", + "lundkvist", + "sj\u00f6din", + "strand", + "petersson", + "p\u00e5lsson", + "linder", + "andreasson", + "adolfsson", + "blomqvist", + "lindqvist", + "nyman", + "edlund", + "fredriksson", + "paulsson", + "sundberg", + "h\u00e4gglund", + "nordin", + "lind\u00e9n", + "samuelsson", + "l\u00f6fgren", + "davidsson", + "sandstr\u00f6m", + "gunnarsson", + "nord", + "stenberg", + "norman", + "eklund", + "josefsson", + "roos", + "moberg", + "ljungberg", + "g\u00f6ransson", + "n\u00e4slund", + "sundin", + "lindholm", + "falk", + "\u00e5berg", + "alm", + "claesson", + "boman", + "aronsson", + "sundstr\u00f6m", + "hedberg", + "h\u00f6gberg", + "lindell", + "lindkvist", + "ohlsson", + "skoglund", + "hallberg", + "ericsson", + "melin", + "holmberg", + "lindberg", + "holmqvist", + "henriksson", + "ivarsson", + "fransson", + "hellstr\u00f6m", + "strandberg", + "\u00e5str\u00f6m", + "abrahamsson", + "sandberg", + "hansen", + "bergstr\u00f6m", + "persson", + "franz\u00e9n", + "nor\u00e9n", + "haglund", + "friberg", + "johannesson", + "ekstr\u00f6m", + "jonasson", + "axelsson", + "mattsson", + "wallin", + "danielsson", + "olofsson", + "j\u00f6nsson", + "bj\u00f6rkman", + "hermansson", + "arvidsson", + "olausson", + "jonsson", + "nystr\u00f6m", + "dahlstr\u00f6m", + "johansson", + "wikstr\u00f6m", + "pedersen" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "abbedissa": "pater", + "abbesses": "abbots", + "aktris": "sk\u00e5despelare", + "baronessa": "baron", + "aff\u00e4rskvinna": "aff\u00e4rsman", + "working_girl": "aff\u00e4rsman", + "f\u00e5gelunge": "gaur", + "panik": "son", + "dotter": "son", + "hertiginna": "hertig", + "kejsarinna": "kejsare", + "femme_fatale": "besv\u00e4rjare", + "trollkvinna": "magiker", + "delila": "besv\u00e4rjare", + "hunn": "he", + "kvinnlig": "male", + "feminin": "maskulin", + "gal": "kolli", + "t\u00f6s": "guido", + "flicka": "guido", + "j\u00e4nta": "guido", + "tjej": "gille", + "adolescens": "kolli", + "guvernant": "guvern\u00f6r", + "sondotter": "sonson", + "dotterdotter": "sonson", + "farmor": "farfar", + "mormor": "farfar", + "hennes": "deras", + "henne": "lia", + "heroin": "heros", + "hj\u00e4ltinna": "heros", + "sitt": "deras", + "v\u00e4rdinna": "genom_dina_\u00f6gon", + "lady": "lort", + "fru": "human", + "hyresv\u00e4rdinna": "hyresv\u00e4rd", + "putta": "pojke", + "lass": "pojke", + "mass\u00f6s": "mass\u00f6r", + "h\u00e4rskarinna": "master", + "m\u00e4tress": "master", + "moder": "pater", + "mutter": "sira", + "matrix": "fader", + "nunna": "munk", + "sista": "munk", + "nun": "munk", + "poliskvinna": "polisman", + "pr\u00e4stinna": "spiritual", + "desiree_heslop": "pr\u00edncipe", + "pr\u00edncipe": "regulus", + "prinsessa": "regulus", + "princessa": "prince", + "danaus_gilippus": "konung", + "reg": "konung", + "drottning": "drott", + "hetman": "konung", + "queens": "andra_kungaboken", + "h\u00e4n": "hy", + "hona": "hy", + "syster": "bror", + "naja": "brorsa", + "fr\u00f6ken": "bachelor", + "ogift_kvinna": "ungkarl", + "gammal_ungm\u00f6": "bachelor", + "taleskvinna": "talesperson", + "styvdotter": "styvson", + "fostermor": "styvfar", + "plastmamma": "styvfar", + "styvmor": "styvfader", + "flygv\u00e4rdinna": "f\u00f6rvaltare", + "servitris": "servit\u00f6r", + "\u00e4nka": "\u00e4nkling", + "marita": "\u00e4r", + "hustru": "marit", + "h\u00e4xa": "magiker", + "hex": "magiker", + "striga": "magiker", + "r\u00f6dtunga": "magiker", + "wicca": "magiker", + "norn": "magiker", + "arnoglossus_scapha": "magiker", + "trollpacka": "magiker", + "kvinna": "din\u00e9", + "domna": "human", + "kvinnor": "men", + "boy": "tjej", + "gille": "t\u00f6s", + "dr\u00e4ng": "adolescens", + "pojke": "tjej" + }, + "other_gender_swap": { + "spindlarna": "hennes", + "deras": "sitt", + "sitt": "deras", + "lia": "deras", + "h\u00f6": "hona", + "ofs": "hunn", + "h\u00e4n": "h\u00f6", + "he": "ofs", + "hy": "ofs", + "seine": "deras", + "hunn": "h\u00f6", + "hona": "ofs", + "hennes": "deras", + "henne": "deras" + }, + "en_pronoun2gender": { + "they": [ + "transperson", + "homosexuell", + "transgender", + "queer", + "k\u00f6ns\u00f6verskridande" + ], + "he": [ + "dandy", + "maskulin", + "boy", + "isle_of_man", + "guido", + "k\u00e4ft", + "snubbe", + "jalu", + "individ", + "human", + "kolli", + "gentleman", + "man", + "m\u00e4nniska", + "little_boy", + "adelsman", + "bemanna", + "pojke", + "jeppe", + "male", + "gaur", + "din\u00e9", + "dr\u00e4ng", + "grabb", + "gille" + ], + "she": [ + "miss", + "flicka", + "kvinna", + "lesbisk", + "brasa", + "missa", + "tjej", + "fru", + "jungfru", + "gal", + "m\u00f6", + "misse", + "adolescens", + "feminin", + "lesbian", + "flickebarn", + "lady", + "j\u00e4nta", + "bomma", + "t\u00f6s", + "mademoiselle", + "fr\u00f6ken", + "det_t\u00e4cka_k\u00f6net", + "det_svaga_k\u00f6net", + "kvinnlig", + "miss_a", + "hunn", + "madam", + "domna" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "lia", + "seine", + "hy", + "h\u00e4n" + ], + "she": [ + "hona", + "henne", + "sitt", + "hunn", + "hennes", + "h\u00e4n" + ], + "they": [ + "spindlarna", + "ofs", + "sitt", + "lia", + "deras", + "h\u00f6" + ], + "it": [ + "dom_h\u00e4r", + "det_d\u00e4r", + "den_d\u00e4r", + "bt", + "den_h\u00e4r", + "per_se", + "denna", + "hetta", + "det_h\u00e4r", + "dess", + "it", + "denne", + "dessa", + "de_h\u00e4r", + "dass", + "essa", + "de_d\u00e4r", + "dom_d\u00e4r" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/sw.json b/data_tooling/pii_processing/ontology/data/sw.json new file mode 100644 index 0000000..f2be391 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/sw.json @@ -0,0 +1,637 @@ +{ + "LANGUAGE": [ + "kisomali", + "kicheki", + "ingereza", + "kijapani", + "kongo", + "kiyoruba", + "kilatini", + "kiarabu", + "mkazaki", + "kisantalusia", + "kisanskrit", + "ganda", + "kiositani", + "kiamhari", + "hindi", + "kilingala", + "ya_korea", + "kihindi", + "kibengali", + "kiholanzi", + "lafudhi", + "kingala", + "kiswidi", + "kifaransa", + "kiurdu", + "wanavaho", + "kiesperanto", + "kiamhara", + "mnavaho", + "kishona", + "zunguka", + "tonga" + ], + "PLANT": [ + "cheri", + "karoti", + "popoo", + "mkranberi", + "mwanasanaa", + "maharagwe", + "koliflawa", + "mchengele", + "mierebi", + "kibibimlima", + "mchikichi", + "yungiyungi", + "alizeti", + "beri_ya_mreteni", + "chenza", + "mwanzi" + ], + "PUBLIC_FIGURE": [ + "krushchov", + "akira_kurosawa", + "che_guevara", + "edward_albee", + "henrik_ibsen", + "david_livingstone", + "eduard_buchner", + "james_michener", + "maria_magdalena", + "winston_churchill", + "conrad_aiken", + "karl_landsteiner", + "ivan_pavlov", + "paul_mccartney", + "richard_smalley", + "francis_crick", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "daudi", + "yaakub", + "george_harrison", + "kutumaini", + "ronald_norrish", + "richard_wagner", + "thornton_wilder", + "marie_curie", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "samuel_beckett", + "galileo_galilei", + "robert_koch", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "anne_boleyn", + "josef_stalin", + "bari", + "steven_weinberg", + "hans_fischer", + "yuri_gagarin", + "willem_einthoven", + "giuseppe_verdi", + "hideki_yukawa", + "gottlieb_daimler", + "patrick_wa_ireland", + "matumaini", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "richard_strauss", + "sarah_bernhardt", + "george_beadle", + "luigi_pirandello", + "t_s_eliot", + "peter_i_wa_urusi", + "robert_millikan", + "charles_de_gaulle", + "y", + "ralph_bunche", + "vincenzo_bellini", + "f", + "ludwig_wittgenstein", + "thomas_mann", + "dante_alighieri", + "giacomo_puccini", + "fridtjof_nansen", + "q", + "joseph_pulitzer", + "lawrence", + "christiaan_eijkman", + "walter_hess", + "mary_leakey", + "charlie_parker", + "immanuel_kant", + "james_franck", + "albert_schweitzer", + "giulio_natta", + "johannes_kepler", + "max_planck", + "john_bardeen", + "canberra", + "elias_canetti", + "lars_onsager", + "igor_stravinsky", + "calvin", + "niels_bohr", + "sergei_rachmaninoff", + "bertrand_russell", + "michael_faraday", + "walt_disney", + "gabriel_lippmann", + "benny_goodman", + "gustav_mahler", + "nikita_krushchov", + "richard_feynman", + "wolfgang_pauli", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "thomas_more", + "anne_sullivan", + "mtume_petro", + "hans_krebs", + "william_golding", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alfred_nobel", + "marco_polo", + "m", + "henri_bergson", + "gottfried_leibniz", + "patrick_white", + "hans_christian_andersen", + "cary_grant", + "pieter_zeeman", + "pablo_picasso", + "alan_hodgkin", + "otto_hahn", + "otto_meyerhof", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "john_galsworthy", + "robert_robinson", + "adam_smith", + "tumaini", + "u", + "karl_marx", + "friedrich_nietzsche", + "i", + "teleka", + "nikola_tesla", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "john_locke", + "alexis_carrel", + "helen_keller", + "valentina_tereshkova", + "adolf_hitler", + "fritz_haber", + "joseph_haydn", + "edvard_grieg", + "alan_paton", + "cordell_hull", + "rosa_parks", + "ernest_walton", + "vladimir_putin", + "g", + "arthur_schopenhauer", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "st_louis_missouri", + "william_tyndale", + "johannes_gutenberg", + "kristoforo_kolumbus", + "william_faulkner", + "amerigo_vespucci", + "emma_goldman", + "putin", + "coleman_hawkins", + "marcus_aurelius", + "peter_o'toole", + "william_shockley", + "peter_paul_rubens", + "jim_morrison", + "paul_newman", + "elizabeti", + "fransis_bacon", + "john_lennon", + "charlie_chaplin", + "robert_woodward", + "lea", + "john_macleod", + "philip_anderson", + "alice_walker", + "miles_davis", + "george_marshall", + "stanley_kubrick", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "homo", + "david_hilbert", + "lionel_hampton", + "william_wordsworth", + "woodrow_wilson", + "gustav_hertz", + "george_mason", + "ernest_hemingway", + "john_eccles", + "john_cheever", + "nelson_mandela", + "al_gore", + "hans_bethe", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "jacques_offenbach", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "franz_schubert", + "johnny_cash", + "alfred_kastler", + "otto_loewi", + "peter_medawar", + "vladimir_lenin", + "osmani_i", + "charles_wilson", + "albert_einstein", + "fritz_lipmann", + "thomas_edison", + "chiang_kai_shek", + "t", + "wilhelm_ostwald" + ], + "ORG": [ + "shinto", + "jan_mayen", + "santalusia", + "nasa", + "bollywood", + "schutzstaffel", + "mpya_wa_dunia", + "san_francisco", + "trois_rivi\u00e8res_quebec", + "wadominiko", + "kisantalusia", + "mlima_karmeli", + "saint_vincent", + "can_tho", + "saint_helena", + "oni", + "senati", + "chama_cha_kisiasa", + "uropa", + "wamasoni", + "nyumba_nyeupe", + "naitwa", + "wasunni", + "rabindranath_tagore", + "hazina", + "sao_tome", + "aleksander_mashuhuri", + "po", + "addis_ababa", + "ferdinand_magellan", + "fungunyota", + "serikali", + "kilimo", + "sturmabteilung", + "los_angeles", + "nato", + "nishati", + "wabenedikto", + "karibu_chakula", + "ninakupenda", + "chama_cha_kikomunisti", + "mlima_wa_mizeituni", + "mara_kwa_mara", + "kanisa_katoliki" + ], + "ANIMAL": [ + "digidigi", + "poposi", + "kombamwiko", + "furukombe", + "shibli", + "kororo", + "mamalia", + "kijibwanyika", + "teleka", + "keremkerem", + "joka_wa_komodo", + "jongoo", + "tai_mfalme", + "chekehukwa", + "zawaridi", + "minki", + "kozi", + "kingoyo", + "baisani", + "fereti", + "arithropodi", + "linksi", + "tai_mzoga", + "huku", + "tai_wa_dhahabu", + "elki", + "gushu", + "kanga", + "melesi", + "bundi", + "shakwe", + "chura", + "tumbusi", + "kindi", + "konje" + ], + "JOB": [ + "guru", + "luteni", + "askofu", + "chifu", + "panya", + "makaazi", + "seremala", + "kadhi", + "rubani", + "mhariri", + "wapishi", + "hamali", + "kiharusi", + "kachero", + "kamanda", + "sonara", + "liwali", + "meneja", + "bawabu", + "walinzi", + "kamishna", + "maalim", + "mate", + "rabi", + "balozi", + "baharia", + "bondia", + "kinyozi", + "mabawabu", + "messenger", + "mchukuzi", + "dereva", + "kupika", + "ya_pili", + "madalali", + "kuumba", + "mshauri", + "mchungaji", + "soroveya", + "mwelekezi" + ], + "DISEASE": [ + "unenge", + "tego", + "ki", + "madhara", + "bawasiri", + "kipanya", + "kunona", + "harara", + "harisha", + "malale", + "saratani", + "kisonono", + "kizunguzungu", + "kiseleagofu", + "matende", + "nasuri", + "tetekuwanga", + "surua", + "pepopunda", + "kipandauso", + "kulala", + "chichimua", + "jipu", + "abasia", + "unyafuzi", + "kipindupindu", + "jeraha", + "maradhi", + "singe", + "bolisukari", + "jongo", + "tauni", + "ushinde", + "tambazi", + "homanyongo", + "bambika", + "safura", + "malaria", + "kohoa" + ], + "RELIGION_MEMBER": [ + "guru", + "kibudha", + "sufii", + "wafransisko" + ], + "RACE": [ + "mwayalandi", + "kiyahudi", + "waeskimo", + "waarabu" + ], + "RELIGION": [ + "zen", + "shinto", + "wamethodisti", + "walutheri", + "wakalvini", + "utao" + ], + "GENDER": [ + "babaye", + "mwanamke", + "mwanaume", + "jike", + "wafanyikazi" + ], + "FOOD": [ + "tangawizi", + "chile", + "yai" + ], + "PRODUCT": [ + "majimakuu", + "roho_mtakatifu", + "diego_garcia", + "julius_caesar", + "saint_vincent", + "deutsche_welle", + "ferdinand_magellan", + "kikokoteo", + "subulkheri" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "saint_vincent", + "carl_david_anderson" + ], + "SOC_ECO_CLASS": [ + "pochi", + "kilimo" + ], + "GPE": [ + "dar_es_salaam", + "sri_jayawardenapura", + "sint_maarten", + "agano_jipya", + "hagia_sophia", + "haki_za_binadamu", + "gran_canaria", + "haki_za_kibinadamu", + "al_andalus", + "kodivaa", + "bahari_ya_shamu", + "vinh_long", + "bikira_maria_wa_mateso", + "nikolasi_wa_myra" + ], + "PERSON_PRONOUN": [ + "i", + "chimbo", + "angu" + ], + "LOCATION": [ + "saksonia_anhalt", + "sint_maarten", + "sirilanka", + "pembemraba", + "benki_kuu", + "marekiana", + "ziwa_superior", + "saint_vincent", + "jiji", + "kimarekani", + "kiwanja", + "saint_lucia", + "sri_lanka", + "shukrani", + "the_rolling_stones", + "marekani", + "korti", + "mto_njano" + ], + "BIO_CHEM_ENTITY": [ + "fajaa" + ], + "POLITICAL_PARTY": [ + "nsdap", + "kuomintang", + "arbeiderpartiet" + ], + "QUANTITY": [ + "kitone", + "g" + ], + "DATE": [ + "maria_kupalizwa_mbinguni", + "baada_ya_kristo" + ], + "FAC": [ + "peter_i_wa_urusi", + "santalusia", + "saint_lucia" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "kike": "kiume", + "jike": "kiume", + "mlezi": "liwali", + "msichana": "bwana", + "umama": "isa", + "moja": "mmonaki", + "sista": "monako", + "mtoto_wa_kike_wa_mfalme": "mkuu", + "malkia": "mfalme", + "umbu": "ndugu", + "mke": "mume", + "mwanamke": "mwanaume", + "babaye": "mwanaume", + "kijana": "babaye", + "mvulana": "mwari", + "neno": "msichana" + }, + "other_gender_swap": { + "wao": "yeye", + "yeye": "wao" + }, + "en_pronoun2gender": { + "they": [ + "msenge", + "shoga" + ], + "he": [ + "mwanaume", + "kijana", + "kiume", + "mvulana", + "neno", + "isle_of_man" + ], + "she": [ + "msichana", + "jike", + "babaye", + "wafanyikazi", + "mwanamke", + "kukosa", + "mwari", + "kike", + "moma" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "yeye", + "lia", + "isti" + ], + "she": [ + "yeye" + ], + "they": [ + "wao", + "lia" + ], + "it": [ + "kuwa", + "kwamba", + "esta" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/swb.json b/data_tooling/pii_processing/ontology/data/swb.json new file mode 100644 index 0000000..e9826f9 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/swb.json @@ -0,0 +1,63 @@ +{ + "JOB": [ + "waziri", + "upiha" + ], + "PERSON_PRONOUN": [ + "she", + "angu" + ], + "DISEASE": [ + "pasuha", + "fusiha" + ], + "FOOD": [ + "buni" + ], + "ORG": [ + "sa" + ], + "PUBLIC_FIGURE": [ + "daud" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "she": "waye" + }, + "other_gender_swap": { + "wao": "she", + "waye": "wao", + "she": "wao" + }, + "en_pronoun2gender": { + "she": [ + "she" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "waye" + ], + "she": [ + "jeje", + "she" + ], + "they": [ + "wao" + ], + "it": [ + "kia" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/syc.json b/data_tooling/pii_processing/ontology/data/syc.json new file mode 100644 index 0000000..88ed0e0 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/syc.json @@ -0,0 +1,22 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u0710\u0722\u072c\u072c\u0710" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/szl.json b/data_tooling/pii_processing/ontology/data/szl.json new file mode 100644 index 0000000..dc07079 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/szl.json @@ -0,0 +1,36 @@ +{ + "LANGUAGE": [ + "polski", + "francusko_godka", + "esperanto" + ], + "SOC_ECO_CLASS": [ + "bauerstwo" + ], + "LOCATION": [ + "sri_lanka" + ], + "ORG": [ + "bauerstwo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "kobiyta" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ta.json b/data_tooling/pii_processing/ontology/data/ta.json new file mode 100644 index 0000000..d0bf25c --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ta.json @@ -0,0 +1,3160 @@ +{ + "LOCATION": [ + "nandri", + "\u0ba4\u0bbe\u0bb5\u0bb0\u0bb5\u0bbf\u0baf\u0bb2\u0bcd_\u0baa\u0bc2\u0b99\u0bcd\u0b95\u0bbe", + "\u0ba4\u0bc2\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0bcd_\u0b85\u0bb4\u0b95\u0bbf", + "\u0b9a\u0bc6\u0b99\u0bcd\u0b95\u0bcb\u0ba3\u0bae\u0bcd", + "\u0baa\u0bc1\u0ba9\u0bbf\u0ba4_\u0b8e\u0bb2\u0ba9\u0bcd\u0b9a\u0bc1_\u0bae\u0bb2\u0bc8", + "\u0b90\u0b95\u0bcd\u0b95\u0bbf\u0baf_\u0b85\u0bae\u0bc6\u0bb0\u0bbf\u0b95\u0bcd\u0b95\u0ba4\u0bcd_\u0ba4\u0bb0\u0bc8\u0baa\u0bcd\u0baa\u0b9f\u0bc8", + "\u0baa\u0bbf\u0bb0\u0bbe\u0ba9\u0bcd\u0b9a\u0bbf\u0ba9\u0bcd_\u0ba4\u0bc7\u0b9a\u0bbf\u0baf_\u0b9a\u0b9f\u0bcd\u0b9f\u0baa\u0bcd\u0baa\u0bc7\u0bb0\u0bb5\u0bc8", + "\u0b95\u0bb0\u0bc1\u0ba8\u0bcd\u0ba4\u0bc1\u0bb3\u0bc8", + "\u0b85\u0bae\u0bc6\u0bb0\u0bbf\u0b95\u0bcb_\u0bb5\u0bc6\u0bb8\u0bcd\u0baa\u0bc1\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0b95\u0bc7\u0baa\u0bcd_\u0bb5\u0bb0\u0bcd\u0b9f\u0bbf", + "\u0bae\u0b95\u0ba4\u0bb2\u0bc7\u0ba9\u0bbe_\u0bae\u0bb0\u0bbf\u0baf\u0bbe\u0bb3\u0bcd", + "\u0baa\u0bc1\u0ba9\u0bbf\u0ba4_\u0baa\u0bc7\u0b9f\u0bcd\u0bb0\u0bbf\u0b95\u0bcd", + "\u0b92\u0bb2\u0bbf\u0bb5_\u0bae\u0bb2\u0bc8", + "\u0ba4\u0ba9\u0bbe_\u0b8f\u0bb0\u0bbf" + ], + "ORG": [ + "\u0b9a\u0bbf\u0ba9\u0bcd_\u0baa\u0bc6\u0baf\u0bbf\u0ba9\u0bcd", + "\u0b95\u0bbf\u0bb1\u0bbf\u0bb8\u0bcd\u0ba4\u0bb5\u0baa\u0bcd_\u0baa\u0bca\u0ba4\u0bc1\u0b9a\u0bcd\u0b9a\u0b99\u0bcd\u0b95\u0b99\u0bcd\u0b95\u0bb3\u0bcd", + "\u0b95\u0ba9\u0bcd\u0b9a\u0bb0\u0bcd\u0bb5\u0bc7\u0b9f\u0bcd\u0b9f\u0bbf\u0bb5\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0b9a\u0bbf\u0ba8\u0bcd\u0ba4\u0bcb", + "\u0baa\u0bc1\u0ba9\u0bbf\u0ba4_\u0baf\u0bcb\u0b9a\u0bc7\u0baa\u0bcd\u0baa\u0bc1", + "\u0b9a\u0bc6\u0baf\u0bbf\u0ba3\u0bcd\u0b9f\u0bcd_\u0bb2\u0bc2\u0b9a\u0bbf\u0baf\u0bbe", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bb3\u0bcd_\u0b86\u0bb1\u0bc1", + "\u0baa\u0bc7\u0bb0\u0b99\u0bcd\u0b95\u0bbe\u0b9f\u0bbf", + "\u0ba4\u0bca\u0bb4\u0bbf\u0bb1\u0bcd\u0b9a\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0b95\u0bc1\u0b9f\u0bbf\u0baf\u0bb0\u0b9a\u0bc1\u0b95\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0ba8\u0b9f\u0bc1\u0bb5\u0ba3\u0bcd_\u0bb5\u0b99\u0bcd\u0b95\u0bbf", + "\u0b95\u0bbf\u0bb1\u0bbf\u0bb8\u0bcd\u0ba4\u0bb5_\u0b9c\u0ba9\u0ba8\u0bbe\u0baf\u0b95\u0bb5\u0bbe\u0ba4\u0bbf\u0b95\u0bb3\u0bcd", + "\u0baa\u0bc1\u0bb2\u0ba9\u0bcd_\u0bb5\u0bbf\u0b9a\u0bbe\u0bb0\u0ba3\u0bc8_\u0b95\u0bc2\u0b9f\u0bcd\u0b9f\u0bbe\u0b9f\u0bcd\u0b9a\u0bbf\u0baa\u0bcd_\u0baa\u0ba3\u0bbf\u0baf\u0b95\u0bae\u0bcd", + "\u0b89\u0bb0\u0bcb\u0bae\u0ba9\u0bcd_\u0b95\u0ba4\u0bcd\u0ba4\u0bcb\u0bb2\u0bbf\u0b95\u0bcd\u0b95_\u0ba4\u0bbf\u0bb0\u0bc1\u0b9a\u0bcd\u0b9a\u0baa\u0bc8", + "\u0bb5\u0bbf\u0baf\u0bbe\u0b95\u0bc1\u0bb2_\u0b85\u0ba9\u0bcd\u0ba9\u0bc8", + "\u0b89\u0bb0\u0bbf\u0bae\u0bc8\u0baf\u0bbf\u0baf\u0bb2\u0bcd_\u0b9a\u0b9f\u0bcd\u0b9f\u0bae\u0bcd", + "\u0ba8\u0bbf\u0b95\u0bcd\u0b95\u0bb2\u0b9a\u0bc1", + "\u0ba4\u0b95\u0bc8\u0bb5\u0bbf\u0bb2\u0bbe\u0ba9\u0bcd", + "\u0bb5\u0bbe\u0ba9\u0bcd\u0baa\u0b9f\u0bc8", + "\u0bb5\u0bc6\u0bb3\u0bcd\u0bb3\u0bc8_\u0bae\u0bbe\u0bb3\u0bbf\u0b95\u0bc8", + "\u0b95\u0bc1\u0bb5\u0bcb\u0bae\u0bbf\u0ba9\u0bcd\u0b9f\u0bbe\u0b99\u0bcd", + "\u0ba4\u0bbf\u0bb0\u0bc1\u0b9a\u0bcd\u0b9a\u0baa\u0bc8", + "\u0b85\u0ba9\u0bcb_\u0b9f\u0bca\u0bae\u0bbf\u0ba9\u0bbf", + "\u0b9a\u0bc6\u0b99\u0bcd\u0b95\u0b9f\u0bb2\u0bcd", + "\u0b9a\u0bcb\u0b9a\u0bb2\u0bbf\u0b9a\u0b95\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0b9a\u0bc1\u0baa\u0bcd\u0baa\u0bc0\u0bb0\u0bbf\u0baf\u0bb0\u0bcd_\u0b8f\u0bb0\u0bbf", + "\u0b95\u0bbe\u0bb0\u0bcd\u0bae\u0bc7\u0bb2\u0bcd_\u0bae\u0bb2\u0bc8", + "\u0b85\u0bb2\u0bcd_\u0b90\u0ba9\u0bcd", + "\u0bb9\u0bc7\u0b95\u0bbf\u0baf\u0bbe_\u0b9a\u0bcb\u0baa\u0bbf\u0baf\u0bbe", + "\u0bae\u0bb0\u0bbf\u0baf\u0bbe\u0bb5\u0bbf\u0ba9\u0bcd_\u0bb5\u0bbf\u0ba3\u0bcd\u0ba3\u0bc7\u0bb1\u0bcd\u0baa\u0bc1", + "\u0b9a\u0bc6\u0baf\u0bbf\u0ba3\u0bcd\u0b9f\u0bcd_\u0b8e\u0bb2\u0ba9\u0bbe", + "\u0baa\u0bc6\u0bb0\u0bc1\u0b99\u0bcd_\u0b95\u0bb0\u0b9f\u0bbf", + "\u0bb5\u0bc7\u0bb3\u0bbe\u0ba3\u0bcd\u0bae\u0bc8" + ], + "GPE": [ + "\u0baa\u0bc1\u0ba9\u0bbf\u0ba4_\u0b9c\u0bbe\u0bb0\u0bcd\u0b9c\u0bcd", + "\u0baa\u0bc1\u0ba4\u0bbf\u0baf_\u0b8f\u0bb1\u0bcd\u0baa\u0bbe\u0b9f\u0bc1", + "\u0baa\u0bc7\u0ba4\u0bc1\u0bb0\u0bc1", + "\u0b9a\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0ba9\u0bbf\u0baf\u0baa\u0bcd_\u0baa\u0bc7\u0bb0\u0bb0\u0b9a\u0bc1", + "\u0b9a\u0bc6\u0baf\u0bbf\u0ba9\u0bcd\u0b9f\u0bcd_\u0bb2\u0bc2\u0baf\u0bbf\u0bb8\u0bcd" + ], + "ANIMAL": [ + "\u0b95\u0b9f\u0bb1\u0bcd\u0baa\u0ba9\u0bcd\u0bb1\u0bbf", + "\u0b95\u0bc1\u0b95\u0bcd\u0b95\u0bc1\u0bb0\u0b99\u0bcd\u0b95\u0bc1", + "\u0ba8\u0bc0\u0bb0\u0bcd\u0ba8\u0bbe\u0baf\u0bcd", + "\u0baa\u0b9f\u0bcd\u0b9f\u0bc1\u0baa\u0bcd\u0baa\u0bc1\u0bb4\u0bc1", + "\u0b8e\u0baa\u0bcb\u0bb2\u0bbe_\u0ba4\u0bc0\u0ba8\u0bc1\u0ba3\u0bcd\u0bae_\u0ba8\u0bcb\u0baf\u0bcd", + "\u0baa\u0bbe\u0bb2\u0bc1\u0bb1\u0bc1\u0baa\u0bcd\u0baa\u0bc1_\u0bb9\u0bc7\u0bb0\u0bcd\u0baa\u0bc0\u0bb8\u0bcd" + ], + "JOB": [ + "\u0baa\u0bcb\u0bb0\u0bcd\u0bb5\u0bc0\u0bb0\u0ba9\u0bcd", + "\u0ba4\u0bbe\u0b9f\u0bcd\u0b9a\u0bb0\u0bcd" + ], + "POLITICAL_PARTY": [ + "\u0ba4\u0bca\u0bb4\u0bbf\u0bb1\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0bae\u0b95\u0bcd\u0b95\u0bb3\u0bbe\u0b9f\u0bcd\u0b9a\u0bbf\u0b95\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0ba8\u0bbe\u0b9f\u0bcd\u0b9a\u0bbf_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0b85\u0bb0\u0b9a\u0bbf\u0baf\u0bb2\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0b95\u0bae\u0bcd\u0baf\u0bc2\u0ba9\u0bbf\u0bb8\u0bcd\u0b9f\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0bb5\u0bbf\u0b95\u0bcd_\u0b95\u0b9f\u0bcd\u0b9a\u0bbf" + ], + "LAW": [ + "\u0b89\u0b9a\u0bcd\u0b9a_\u0ba8\u0bc0\u0ba4\u0bbf\u0bae\u0ba9\u0bcd\u0bb1\u0bae\u0bcd" + ], + "PERSON_PRONOUN": [ + "i" + ], + "DATE": [ + "\u0ba4\u0bca\u0bb4\u0bbf\u0bb1\u0bcd\u0baa\u0bc1\u0bb0\u0b9f\u0bcd\u0b9a\u0bbf", + "\u0b85\u0bae\u0bc8\u0bb5\u0bbe\u0ba4\u0bc8" + ], + "FOOD": [ + "\u0bae\u0bbf\u0bb3\u0b95\u0bbe\u0baf\u0bcd", + "\u0b8e\u0bb2\u0bc1\u0bae\u0bbf\u0b9a\u0bcd\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bbe\u0bb1\u0bc1" + ], + "DISEASE": [ + "\u0b9a\u0bbf\u0ba9\u0bcd\u0ba9\u0bae\u0bcd\u0bae\u0bc8", + "\u0b9a\u0bc6\u0b99\u0bcd\u0b95\u0bbe\u0baf\u0bcd\u0b9a\u0bcd\u0b9a\u0bb2\u0bcd", + "\u0baa\u0bc2\u0ba9\u0bc8\u0baf\u0b9a\u0bcd\u0b9a\u0bae\u0bcd", + "\u0bb5\u0bbf\u0bb4\u0bbf\u0ba4\u0bcd\u0ba4\u0bbf\u0bb0\u0bc8\u0baf\u0bb4\u0bb1\u0bcd\u0b9a\u0bbf", + "\u0baa\u0b95\u0bcd\u0b95\u0bb5\u0bbe\u0ba4\u0bae\u0bcd", + "\u0b86\u0ba8\u0bcd\u0ba4\u0bcd\u0bb0\u0bbe\u0b95\u0bcd\u0bb8\u0bcd", + "\u0bae\u0ba4\u0bbf\u0baf\u0bbf\u0bb1\u0bc1\u0b95\u0bcd\u0b95\u0bae\u0bcd", + "\u0b8e\u0bb4\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1\u0bae\u0baf\u0b95\u0bcd\u0b95\u0bae\u0bcd" + ], + "RACE": [ + "\u0b85\u0bae\u0bc6\u0bb0\u0bbf\u0b95\u0bcd\u0b95\u0bb0\u0bcd" + ], + "RELIGION": [ + "\u0b9a\u0bbf\u0ba9\u0bcd\u0ba4\u0bcd\u0ba4\u0bcb", + "\u0ba4\u0bbe\u0bb5\u0bcb\u0baf\u0bbf\u0baf\u0bae\u0bcd", + "\u0bb5\u0bc8\u0ba3\u0bb5_\u0b9a\u0bae\u0baf\u0bae\u0bcd" + ], + "FAC": [ + "\u0b95\u0ba4\u0bcd\u0ba4\u0bcb\u0bb2\u0bbf\u0b95\u0bcd\u0b95_\u0ba4\u0bbf\u0bb0\u0bc1\u0b9a\u0bcd\u0b9a\u0baa\u0bc8", + "\u0b85\u0b9e\u0bcd\u0b9a\u0bb2\u0b95\u0bae\u0bcd", + "\u0bae\u0bb0\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1\u0bb5\u0b95\u0bcd_\u0b95\u0bb2\u0bcd\u0bb2\u0bc2\u0bb0\u0bbf" + ], + "PUBLIC_FIGURE": [ + "\u0b89\u0bb8\u0bcd\u0bae\u0bbe\u0ba9\u0bcd_\u0baa\u0bc7", + "\u0b95\u0bca\u0bb2\u0bae\u0bcd\u0baa\u0b9a\u0bc1", + "i", + "1", + "r", + "\u0b89\u0bb4\u0bb5\u0bbe\u0bb0\u0ba9\u0bcd", + "\u0bb0\u0bb7\u0bcd\u0baf\u0bbe\u0bb5\u0bbf\u0ba9\u0bcd_\u0bae\u0bc1\u0ba4\u0bb2\u0bbe\u0bae\u0bcd_\u0baa\u0bc0\u0b9f\u0bcd\u0b9f\u0bb0\u0bcd", + "t" + ], + "RELIGION_MEMBER": [ + "\u0ba4\u0bbf\u0bb0\u0bc1\u0ba4\u0bcd\u0ba4\u0bc2\u0ba4\u0bb0\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1" + ], + "PLANT": [ + "\u0b95\u0bbf\u0bb1\u0bbf\u0ba4\u0bcd\u0ba4\u0bc1\u0bae\u0b9a\u0bc1_\u0bae\u0bb0\u0bae\u0bcd", + "\u0b87\u0bb2\u0bc8\u0b95\u0bcd\u0b95\u0bcb\u0b9a\u0bc1", + "\u0bae\u0bc1\u0b9f\u0bcd\u0b9f\u0bc8\u0b95\u0bcd\u0b95\u0bcb\u0b9a\u0bc1", + "\u0b9a\u0bc6\u0b9a\u0bc1\u0ba8\u0b9f\u0bcd" + ], + "PRODUCT": [ + "\u0ba4\u0bc2\u0baf_\u0b86\u0bb5\u0bbf", + "\u0b95\u0bbf\u0bb1\u0bbf\u0ba4\u0bcd\u0ba4\u0bc1\u0bae\u0b9a\u0bc1_\u0ba4\u0bbe\u0ba4\u0bcd\u0ba4\u0bbe", + "\u0baa\u0bca\u0b95\u0bcd\u0b9a\u0bbf\u0b99\u0bcd_\u0ba8\u0bbe\u0bb3\u0bcd", + "\u0bae\u0ba9\u0bbf\u0ba4_\u0b89\u0bb0\u0bbf\u0bae\u0bc8\u0b95\u0bb3\u0bcd", + "\u0b95\u0bbf\u0ba9\u0bbf_\u0b8e\u0bb2\u0bbf", + "\u0bae\u0bc2\u0ba9\u0bcd\u0bb1\u0bc1_\u0b87\u0bb0\u0bbe\u0b9a\u0bcd\u0b9a\u0bbf\u0baf\u0b99\u0bcd\u0b95\u0bb3\u0bcd" + ], + "UNION": [ + "\u0baa\u0ba9\u0bcd\u0ba9\u0bbe\u0b9f\u0bcd\u0b9f\u0bc1\u0ba4\u0bcd_\u0ba4\u0bca\u0bb2\u0bc8\u0ba4\u0bcd\u0ba4\u0bca\u0b9f\u0bb0\u0bcd\u0baa\u0bc1_\u0b92\u0ba9\u0bcd\u0bb1\u0bbf\u0baf\u0bae\u0bcd" + ], + "QUANTITY": [ + "\u0b86\u0ba9\u0bcd\u0b9f\u0bb0\u0bcd\u0b9a\u0bc1_\u0b9a\u0bc6\u0bb2\u0bcd\u0b9a\u0bbf\u0baf\u0b9a\u0bc1" + ], + "LANGUAGE": [ + "\u0bb8\u0bcd\u0bae\u0bbf\u0ba4\u0bcd" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+|\\D+|\\D+|\\D+ \\D+|\\D+ \\D+|\\D+|\\D+|\\D+|\\D+ \\D+|\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u0bb8\u0bb9\u0bbf\u0bb0\u0bbe", + "\u0bb8\u0baa\u0bc0\u0ba9\u0bbe", + "\u0b86\u0ba4\u0bbf\u0bae\u0bb1\u0bc8", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0bb7\u0bbe\u0bb2\u0bbf\u0ba9\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bae\u0bcd\u0bae\u0bc8", + "\u0ba4\u0ba3\u0bcd\u0ba3\u0bbf\u0bb2\u0bb5\u0bc1", + "\u0bb7\u0bbf\u0baa\u0bbe\u0ba9\u0bbf", + "\u0b85\u0b9a\u0bcd\u0b9a\u0bb2\u0bbe", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc1", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bbe\u0baa\u0bcd\u0baa\u0bbe", + "\u0b89\u0bae\u0baf\u0bbe\u0bb3\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0bb7\u0ba4\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0bae\u0bc1\u0b95\u0bbf", + "\u0bb0\u0bbe\u0b95\u0bbf\u0ba9\u0bbf", + "\u0bb5\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0baa\u0bcd\u0baa\u0bc2\u0bb5\u0bb4\u0b95\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bbe", + "\u0b86\u0b9e\u0bcd\u0b9a\u0bb2\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bae\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb4\u0b95\u0bbf", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0ba9\u0bbe", + "\u0baa\u0bbe\u0b95\u0bcd\u0baf\u0bb8\u0bcd\u0bb0\u0bc0", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0bb5\u0ba4\u0bcd\u0bb8\u0bb2\u0bbe", + "\u0bb9\u0b9a\u0bbf\u0ba9\u0bbf\u0b95\u0bbe", + "\u0b9a\u0b95\u0bc0\u0ba9\u0bbe", + "\u0baf\u0bbe\u0bb4\u0bb0\u0b9a\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0bb8\u0bb0\u0bb8\u0bcd\u0bb5\u0ba4\u0bbf", + "\u0b89\u0bae\u0bc8\u0baf\u0bae\u0bcd\u0bae\u0bc8", + "\u0b86\u0ba4\u0bbf\u0b9a\u0b95\u0bcd\u0ba4\u0bbf", + "\u0bb5\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bc6\u0bbe\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0ba4\u0ba3\u0bcd\u0ba3\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8\u0bb5\u0bbf\u0bb3\u0bae\u0bcd\u0baa\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb0\u0ba4\u0bbf", + "\u0b95\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0ba8\u0bbe\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0b89\u0bae\u0bc8\u0baf\u0bbe\u0bb3\u0bcd", + "\u0b95\u0ba9\u0b95\u0bbe", + "\u0baa\u0ba9\u0bcd\u0ba9\u0bc0\u0bb0\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0b95\u0bbf\u0bb2\u0bcd", + "\u0ba4\u0ba4\u0bcd\u0ba4\u0bc8", + "\u0baa\u0ba9\u0bbf\u0bae\u0bb2\u0bb0\u0bcd", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0b9a\u0bc7\u0ba9\u0bbe", + "\u0baa\u0ba4\u0bcd\u0bae\u0bbe", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bcd\u0b95\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bca\u0bb3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0bc7\u0b95\u0bbe", + "\u0b86\u0ba4\u0bbf", + "\u0b95\u0ba9\u0bb2\u0bcd\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0ba8\u0bbe\u0ba4\u0bb5\u0bc7\u0ba3\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bc1", + "\u0bb9\u0bb0\u0bbf\u0ba9\u0bbf\u0bb5\u0bc7\u0ba4\u0bbe", + "\u0bb0\u0b99\u0bcd\u0b95\u0ba8\u0bbe\u0baf\u0b95\u0bbf", + "\u0bb8\u0bc1\u0baa\u0bcd\u0bb0\u0bc0\u0ba4\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb4\u0b95\u0bbf", + "\u0bb0\u0bae\u0bcd\u0baf\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bc6\u0ba9\u0bcd\u0bb1\u0bb2\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b95\u0b99\u0bcd\u0b95\u0bc8", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0baf\u0bcb\u0b95\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb4\u0b95\u0bbf", + "\u0bae\u0b99\u0bcd\u0b95\u0bb3\u0bae\u0bcd", + "\u0bb5\u0ba4\u0ba9\u0bbe", + "\u0bb0\u0bc0\u0ba9\u0bbe", + "\u0bb7\u0ba4\u0bbe", + "\u0bb8\u0b99\u0bcd\u0b95\u0bb0\u0bbf", + "\u0baf\u0bcb\u0bb8\u0bcd\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0bb7\u0bbe\u0bb7\u0bbf\u0ba9\u0bbf,", + "\u0baa\u0bb5\u0ba4\u0bbe\u0bb0\u0ba3\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0bb7\u0ba8\u0bcd\u0ba4\u0bcb\u0bb7\u0bbf", + "\u0b86\u0b95\u0bae\u0bbe", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0baa\u0bcd\u0baa\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bae\u0baf\u0bbf", + "\u0b89\u0bb2\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb8\u0bcd\u0bae\u0bbf\u0ba4\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc6\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0bb0\u0bc0\u0b9c\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0bb0\u0bc7\u0b95\u0bbe", + "\u0b95\u0ba9\u0bb2\u0bcd", + "\u0b85\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0baa\u0ba4\u0bc1\u0bae\u0bc8", + "\u0b85\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bbf\u0bb1\u0bc8", + "\u0bb9\u0bb0\u0bbf\u0ba9\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0b99\u0bcd\u0b95\u0bc8", + "\u0baf\u0bbe\u0bb4\u0bcd\u0bae\u0bca\u0bb4\u0bbf", + "\u0b85\u0b99\u0bcd\u0b95\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0bbf", + "\u0b95\u0b90\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b85\u0b95\u0bb2\u0bcd\u0baf\u0bbe", + "\u0bb7\u0bbe\u0bb0\u0ba9\u0bcd", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0b87\u0b9a\u0bc8", + "\u0b95\u0ba9\u0bbf\u0bb0\u0bbe", + "\u0ba4\u0ba9\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0bc8\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0b9a\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b9a\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bb0\u0bbf", + "\u0baa\u0bb0\u0bbf\u0bae\u0bb3\u0bae\u0bcd", + "\u0bae\u0ba3\u0bb5\u0bb4\u0b95\u0bbf", + "\u0bb9\u0bb8\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0ba9\u0bbf\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b89\u0baa\u0bbe\u0bb8\u0ba9\u0bbe", + "\u0bb7\u0bbf\u0b83\u0baa\u0bbe\u0bb2\u0bbf", + "\u0bb8\u0bb0\u0baf\u0bc2", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba8\u0bbe\u0baf\u0b95\u0bbf", + "\u0baa\u0bb0\u0bae\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0ba4\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0b9a\u0b9e\u0bcd\u0b9a\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0b9f\u0bae\u0bbf\u0bb4\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb9\u0bc6\u0bb2\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0b86\u0ba4\u0bbf\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb0\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0ba3\u0bbf", + "\u0b89\u0bb2\u0b95\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bca\u0bb4\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bbe\u0bb0\u0bae\u0bcd", + "\u0baa\u0ba9\u0bcd\u0ba9\u0bc0\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bbf\u0baf\u0bb0\u0b9a\u0bbf", + "\u0baa\u0bb5\u0bb3\u0bae\u0bb2\u0bc8", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b95\u0b9c\u0bcd\u0bb0\u0bbf", + "\u0ba8\u0bb2\u0bcd\u0bb2\u0bbf\u0b9a\u0bc8", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bae\u0bcd\u0bae\u0bbe", + "\u0baf\u0bbe\u0bae\u0bbf\u0ba9\u0bbf", + "\u0b85\u0b95\u0bcd\u0ba9\u0bc7\u0baf\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0ba8\u0bbe\u0b95\u0bae\u0ba4\u0bbf", + "\u0ba8\u0bb5\u0bcd\u0baf\u0bbe", + "\u0baa\u0b95\u0bb5\u0ba4\u0bbf", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb0\u0ba4\u0bb5\u0ba9\u0bbf", + "\u0b89\u0bb2\u0b95\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0bbe", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0ba8\u0b9f\u0bb5\u0bb0\u0b9a\u0bbf", + "\u0baa\u0bb5\u0bb4\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0bb0\u0bbe\u0ba4\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb2\u0bc8", + "\u0ba4\u0b9f\u0bbe\u0b95\u0bc8", + "\u0b89\u0bb2\u0b95\u0bbf\u0bb1\u0bc8", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bae\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0bbe", + "\u0bb8\u0bc6\u0b9f\u0bc6\u0b83\u0baa\u0bbe\u0ba9\u0bbf\u0baf\u0bbe", + "\u0bb7\u0bbe\u0bb2\u0bc1", + "\u0b9a\u0b95\u0bc1\u0ba3\u0bcd", + "\u0b8e\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0baf\u0bcb\u0b95\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0b89\u0bb2\u0b95\u0bae\u0ba4\u0bbf", + "\u0bae\u0ba3\u0bbf", + "\u0b89\u0ba4\u0bcd\u0baa\u0bb2\u0bbe", + "\u0b85\u0b95\u0bb5\u0bb4\u0b95\u0bc1", + "\u0b9a\u0b95\u0bcd\u0ba4\u0bbf", + "\u0bb5\u0b9a\u0ba9\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bb2\u0bcd", + "\u0ba4\u0ba9\u0bb8\u0bcd\u0bb0\u0bc0", + "\u0ba8\u0ba4\u0bbf\u0baf\u0bbe", + "\u0b85\u0b95\u0bb2\u0bbf\u0b95\u0bc8", + "\u0b90\u0bb0\u0bbe\u0bb5\u0ba4\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0ba8\u0bbf\u0bb2\u0bb5\u0bc1", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0ba9\u0bae\u0bcd", + "\u0bb0\u0b9f\u0bcd\u0b9a\u0b95\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0ba8\u0bb1\u0bc1\u0bae\u0bb2\u0bb0\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc1\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0ba4\u0bbf", + "\u0baf\u0bc2\u0ba4\u0bbf\u0b95\u0bbe", + "\u0ba8\u0bb5\u0bbf\u0ba4\u0bbe", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0baa\u0bb4\u0b95\u0bc1\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bbf\u0b9a\u0bc8", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0baa\u0bcd\u0baa\u0bc2", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba3\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bbe", + "\u0baf\u0bbe\u0bb3\u0bbf\u0ba9\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b95\u0bb2\u0bbe", + "\u0b95\u0ba9\u0b95\u0bb5\u0bb3\u0bcd\u0bb3\u0bbf", + "\u0ba8\u0bbe\u0b95\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bb0\u0b9a\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc6\u0bbe\u0bb2\u0bbf", + "\u0bb9\u0bc7\u0bae\u0bb2\u0ba4\u0bbe", + "\u0bb7\u0ba8\u0bcd\u0bb8\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1", + "\u0bb9\u0bbf\u0bb0\u0ba3\u0bcd\u0baf\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8e\u0bae\u0bb2\u0bcd\u0b9f\u0bbe", + "\u0b8a\u0bb0\u0bcd\u0bb5\u0b9a\u0bbf", + "\u0b95\u0b99\u0bcd\u0b95\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0bb7\u0ba3\u0bcd\u0b9a\u0bbf\u0bb2\u0bbe\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0b85\u0b95\u0bb5\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0b89\u0ba9\u0bcd\u0ba9\u0ba4\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0baf\u0bbe", + "\u0b85\u0b95\u0bae\u0ba4\u0bbf", + "\u0bb8\u0bcd\u0bae\u0bc7\u0bb0\u0bbe", + "\u0ba8\u0bbe\u0b9a\u0bcd\u0b9a\u0bbf\u0baf\u0bbe\u0bb0\u0bcd", + "\u0baf\u0bb7\u0bcd\u0bb5\u0bbf\u0ba9\u0bbf", + "\u0ba8\u0bbe\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bbe\u0bb5\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0b86\u0ba4\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0bae\u0ba4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0b92\u0bb3\u0bbf\u0bae\u0bc1\u0b95\u0bae\u0bcd", + "\u0bb9\u0ba9\u0bcd\u0baf\u0bbe", + "\u0ba4\u0bae\u0baf\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0b95\u0bcd\u0bb7\u0bcd\u0bae\u0bbf", + "\u0b85\u0b95\u0bae\u0ba3\u0bbf", + "\u0baf\u0bcb\u0b95\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0ba4\u0bbf", + "\u0ba8\u0bb5\u0bc0\u0ba9\u0bbe", + "\u0bb8\u0bc1\u0bae\u0bbe", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb5\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0bae\u0bbe\u0bae\u0ba3\u0bbf", + "\u0b95\u0ba9\u0bbf\u0b95\u0bbe", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0b95\u0bbe", + "\u0b86\u0b9f\u0bcd\u0b9f\u0ba8\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bbf", + "\u0ba4\u0ba3\u0bcd\u0bae\u0ba4\u0bbf", + "\u0baa\u0bb5\u0bb3\u0bae\u0bcd", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba4\u0bae\u0bcd", + "\u0b89\u0bae\u0bbe", + "\u0bb0\u0bc0\u0b9f\u0bcd\u0b9f\u0bbe", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0bb9\u0bbe\u0b9a\u0bbf\u0ba9\u0bbf", + "\u0b92\u0bb3\u0bbf\u0b9a\u0bc1\u0b9f\u0bb0", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0bb8\u0bcd\u0ba4\u0bc1\u0ba4\u0bbf", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bcd\u0bb0\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc0\u0ba4\u0bbe", + "\u0baa\u0bb5\u0bbf\u0ba4\u0bcd\u0bb0\u0bbe", + "\u0baf\u0bbe\u0bb4\u0bc8\u0baa\u0bcd\u0baa\u0bcb\u0bb2\u0bcd", + "\u0bb9\u0bb8\u0bbf\u0ba9\u0bbe", + "\u0baa\u0bb5\u0ba4\u0bbe", + "\u0bae\u0b95\u0bb7\u0bc7\u0bb5\u0bb0\u0bbf", + "\u0bb8\u0bc1\u0baa\u0bcd\u0bb0\u0bbf\u0baf\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb5\u0bc8", + "\u0b8f\u0b95\u0bbe\u0baa\u0bb0\u0ba9\u0bbe", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bb2\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0b95\u0bb3\u0bcd", + "\u0b85\u0b95\u0ba4\u0bcd\u0ba4\u0bb4\u0b95\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bae\u0bc1\u0ba4\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bc1\u0bb7\u0bcd\u0baa\u0bae\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0bb2\u0bb0\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba4\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0ba9\u0bbe", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0bbf", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb5\u0bbf\u0bb7\u0bcd\u0bae\u0ba4\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bbf\u0ba9\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0bbe", + "\u0baf\u0bcb\u0b95\u0bae\u0bb2\u0bb0\u0bcd", + "\u0b89\u0bb2\u0b95\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0bb5\u0bb0\u0bc1\u0ba3\u0bbf", + "\u0b89\u0b9a\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bae\u0bbe", + "\u0bb7\u0bbe\u0bb2\u0bbf\u0b95\u0bbe", + "\u0b89\u0ba9\u0bcd\u0bae\u0bc8\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0b9a\u0b83\u0baa\u0bbf\u0baf\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc7\u0b95\u0bb2\u0bc8", + "\u0ba4\u0ba9\u0bc1\u0baa\u0bcd\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0bbe", + "\u0bb8\u0bc1\u0bb0\u0baa\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0baa\u0b95\u0bb5\u0ba4\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bae\u0bc1\u0ba4\u0bc1", + "\u0bae\u0ba3\u0bbf\u0b95\u0bbe", + "\u0b8e\u0baf\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb2\u0bbf\u0bae\u0bbe", + "\u0bb7\u0bbe\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0b86\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b95\u0ba9\u0bbf\u0bae\u0bca\u0bb4\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bae\u0bca\u0bb4\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb5\u0bbf", + "\u0bb7\u0bbf\u0b95\u0bbe", + "\u0bb9\u0ba9\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0bb8\u0bcc\u0bb0\u0bbe", + "\u0baa\u0baa\u0bbf\u0ba4\u0bbe", + "\u0bb7\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b89\u0bae\u0bc8", + "\u0baf\u0bc7\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb5\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0b86\u0b9f\u0bb2\u0bcd", + "\u0bb9\u0bc7\u0bae\u0ba8\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bcd\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0bb0\u0ba9\u0bbf\u0ba4\u0bcd\u0ba4\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b89\u0ba4\u0baf\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbf\u0b95\u0bbe", + "\u0b95\u0ba9\u0bbf\u0baf\u0bae\u0bc1\u0ba4\u0bc1", + "\u0b85\u0b95\u0bbe\u0ba9\u0bbe", + "\u0ba4\u0ba9\u0baa\u0bbe\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bae\u0bcd", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0ba4\u0bbe", + "\u0ba8\u0bb2\u0bcd\u0bb2", + "\u0bb0\u0b95\u0b9a\u0bbf\u0baf\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b89\u0bae\u0bc8\u0baf\u0bb0\u0b9a\u0bbf", + "\u0ba8\u0bb3\u0bbe\u0baf\u0bbf\u0ba9\u0bbf", + "\u0baa\u0bb5\u0bb3\u0b95\u0bcd\u0b95\u0bca\u0b9f\u0bbf", + "\u0b87\u0b9a\u0bc8\u0bae\u0b95\u0bb3\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0b89\u0ba4\u0baf\u0bbe", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bbe\u0bb3\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bb1\u0bc8", + "\u0ba4\u0ba9\u0bcd\u0bae\u0bbe\u0ba9\u0bae\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b95\u0ba4\u0bcd\u0bb0\u0bbf\u0ba9\u0bbe", + "\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbf\u0bb0\u0ba4\u0bcd\u0ba9\u0bbe", + "\u0bb8\u0bcd\u0b95\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bbf\u0bb4\u0bc8", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0bb7\u0bbe\u0bb9\u0bcd\u0ba9\u0bbe", + "\u0b85\u0b9a\u0bbf\u0bb0\u0bbe", + "\u0b9a\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0b87\u0ba4\u0baf\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0b9c\u0bbe", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8\u0baf\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baf\u0bbe\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bb2\u0bbe", + "\u0ba8\u0baf\u0ba9\u0bcd\u0ba4\u0bbe\u0bb0\u0bbe", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b8e\u0bb0\u0bbf\u0ba4\u0bb4\u0bb2\u0bcd", + "\u0bb0\u0bae\u0ba3\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b85\u0b99\u0bcd\u0b95\u0bbe\u0bb2", + "\u0bb7\u0b95\u0bcd\u0ba4\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba9\u0bbe", + "\u0bb5\u0ba3\u0bcd\u0b9f\u0bbe\u0bb0\u0bcd\u0b95\u0bc1\u0bb4\u0bb2\u0bbf", + "\u0b89\u0bb2\u0b95", + "\u0bb9\u0bb8\u0bcd\u0ba9\u0bbe", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0bc1\u0bb0\u0b9a\u0bc1", + "\u0b8e\u0bae\u0bb2\u0bbf", + "\u0bb5\u0bb0\u0bc1\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bbe", + "\u0bb0\u0bbe\u0b9c\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b95\u0b9c\u0bcb\u0bb2\u0bcd", + "\u0bb8\u0ba4\u0bcd\u0baf\u0bbe", + "\u0baf\u0bbe\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8", + "\u0bb0\u0bbf\u0ba4\u0bcd\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b85\u0b99\u0bcd\u0b95\u0bb5\u0bc8", + "\u0b89\u0bae\u0bbe\u0bae\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0baa\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0bb8\u0bb0\u0bb3\u0bbe", + "\u0ba4\u0ba9\u0bcd\u0bb5\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baf\u0bbe", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0b90\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0ba9\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bbe\u0bb5\u0bc8", + "\u0baa\u0bb2\u0bcd\u0bb2\u0bb5\u0bbf", + "\u0bb0\u0bae\u0bcd\u0b9c\u0bbe\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba3\u0bbf", + "\u0b87\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0bc6\u0b9f\u0bc6\u0baa\u0bbe\u0ba9\u0bbf", + "\u0b85\u0b95\u0bbf\u0bb2\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0ba8\u0bb0\u0bcd\u0bae\u0ba4\u0bbe", + "\u0b85\u0b95\u0bcd\u0bb7\u0bb0\u0bbe", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0ba3\u0bbf", + "\u0bae\u0b99\u0bcd\u0b95\u0bc8\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0bb8\u0bcd\u0ba9\u0bc7\u0bb9\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bae\u0ba3\u0bbf\u0baa\u0bcd\u0baa\u0bb5\u0bb3\u0bae\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0bc8", + "\u0b95\u0ba9\u0bbf\u0bae\u0ba4\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0baa\u0bbf\u0bb0\u0baa\u0bbe", + "\u0bae\u0b99\u0bcd\u0b95\u0bb3\u0bbe", + "\u0bae\u0ba3\u0bbf\u0baf\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb0\u0bbe\u0b9a\u0bbe\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bb7\u0bbf", + "\u0ba4\u0ba9\u0bcd\u0b9a\u0bbf", + "\u0bb8\u0bcd\u0bae\u0bbf\u0bb0\u0bc1\u0ba4\u0bbf", + "\u0bb9\u0ba9\u0bbf\u0bb7\u0bbe", + "\u0bb8\u0b95\u0bb8\u0bcd\u0bb0\u0bbe", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0bb3\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0b95\u0bbf", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0bb8\u0bc1\u0baa\u0ba4\u0bcd\u0ba4\u0bbf\u0bb0\u0bc8", + "\u0bb8\u0baf\u0bc2\u0bb0\u0bbf", + "\u0ba8\u0bbe\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b89\u0bb2\u0b95\u0bae\u0ba3\u0bbf", + "\u0ba8\u0bb3\u0bbf\u0ba9\u0bbf", + "\u0ba8\u0baa\u0bcd\u0baa\u0b9a\u0bb2\u0bc8\u0baf\u0bbe\u0bb0\u0bcd", + "\u0baa\u0bbe\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bb2\u0b95\u0bcd\u0bb7\u0bcd\u0bae\u0bbf", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bae\u0bbe", + "\u0b8e\u0bae\u0bbf\u0bb2\u0bcd\u0b9f\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bbf\u0bae\u0bc8", + "\u0baa\u0ba4\u0bcd\u0bae\u0bbf\u0ba9\u0bbf", + "\u0b8f\u0ba9\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0bb7\u0bae\u0bbe", + "\u0bb9\u0bc7\u0bae\u0bbe", + "\u0b8e\u0bb0\u0bbf\u0baf\u0bc0\u0b9f\u0bcd\u0b9f\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb8\u0ba4\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b85\u0b9c\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0b86\u0b9a\u0bbf\u0bb0\u0bbe", + "\u0ba8\u0bbe\u0b95\u0bae\u0ba3\u0bbf", + "\u0bb8\u0ba9\u0bcd\u0baf\u0bc1\u0b95\u0bcd\u0ba4\u0bbe", + "\u0bae\u0ba3\u0bbf\u0baf\u0bb0\u0b9a\u0bbf", + "\u0b8f\u0bb1\u0bc1\u0ba8\u0b9f\u0bc8", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0bbe", + "\u0baf\u0bcb\u0bb9\u0bbf\u0ba4\u0bbe", + "\u0bb7\u0bb0\u0ba3\u0bbf", + "\u0b87\u0b9a\u0bc8\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0bb5\u0b9a\u0bc1\u0ba4\u0bbe", + "\u0b9a\u0b9c\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0ba4\u0ba9\u0b95\u0bcd\u0b95\u0bcb\u0b9f\u0bcd\u0b9f\u0bbf", + "\u0ba8\u0bbe\u0b95\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0b95\u0ba3\u0bc8\u0baf\u0bbe\u0bb4\u0bbf", + "\u0b89\u0baf\u0bbf\u0bb0\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bb5\u0bb3\u0bc8", + "\u0bae\u0ba3\u0bbf\u0bae\u0bb2\u0bb0\u0bcd", + "\u0bb7\u0bbe\u0bae\u0bbf\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bbe\u0bb5\u0ba9\u0bbf", + "\u0b92\u0bb3\u0bb5\u0bc8", + "\u0bb5\u0bae\u0b95\u0bc7\u0bb7\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bb3\u0bcd", + "\u0baf\u0b9a\u0bcb\u0ba4\u0bbe", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0b95\u0bcd\u0b95\u0bca\u0b9f\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b95\u0bbe", + "\u0b90\u0bb8\u0bcd\u0bb5\u0bb0\u0bcd\u0baf\u0bbe", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0bb5\u0b9a\u0bc1\u0ba4\u0bbe\u0bb0\u0bbf\u0ba3\u0bbf", + "\u0b89\u0b9c\u0bbf\u0bb2\u0bbe", + "\u0bb5\u0bb0\u0bcd\u0ba3\u0bb5\u0ba4\u0bbf", + "\u0bb0\u0b95\u0bcd\u0bb7\u0ba9\u0bbe", + "\u0bb7\u0bbe\u0ba8\u0bcd\u0ba4\u0bb2\u0bbe", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0baf\u0bae\u0bc1\u0ba9\u0bbe", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bb4\u0b95\u0bbf", + "\u0b85\u0b95\u0bbf\u0bb2\u0bbe\u0ba3\u0bcd\u0b9f\u0bae\u0bcd", + "\u0bb7\u0baa\u0bcd\u0ba9\u0bae\u0bcd", + "\u0b89\u0ba4\u0baf\u0bbe\u0ba4\u0bbf", + "\u0baa\u0b9a\u0bcd\u0b9a\u0bc8\u0baf\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bae\u0ba4\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba9\u0bbf", + "\u0baa\u0bb0\u0ba3\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b9a\u0b83\u0baa\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb2\u0bbe", + "\u0ba8\u0bb1\u0bcd\u0bb1\u0bbf\u0ba3\u0bc8", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0bb8\u0bcd\u0ba4\u0bbe", + "\u0baa\u0b9e\u0bcd\u0b9a\u0bbe\u0bae\u0bbf\u0bb0\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b8a\u0bb0\u0bcd\u0bae\u0bbf\u0bb3\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe", + "\u0baa\u0bb5\u0bb3\u0bae\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe", + "\u0b89\u0bb2\u0b95\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bae\u0ba3\u0bbf\u0baf\u0bc6\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b85\u0b95\u0bb2\u0bcd\u0bb5\u0bbf\u0bb4\u0bbf", + "\u0b92\u0bb3\u0bbf\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0bb5\u0b9a\u0bc1\u0bae\u0ba4\u0bbf", + "\u0b8f\u0bb2\u0bbe", + "\u0bb7\u0bbf\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0bb0\u0bbe\u0ba4\u0bbf\u0b95\u0bbe", + "\u0bae\u0b99\u0bcd\u0b95\u0bc8", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0ba4\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb8\u0bb0\u0bbf\u0b95\u0bbe", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0b95\u0bbe", + "\u0bb9\u0ba9\u0bcd\u0b9a\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b9c\u0bbe", + "\u0bb8\u0bcd\u0baa\u0bcd\u0bb0\u0bbf\u0bb9\u0bbe", + "\u0bae\u0b95\u0bbf\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0bb7\u0bb0\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0ba4\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0ba8\u0bb1\u0bc1\u0bae\u0bc1\u0b95\u0bc8", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bae\u0bc1\u0b95\u0bbf", + "\u0bb7\u0baa\u0bb0\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba4\u0bbf", + "\u0baa\u0bb0\u0bbf\u0bae\u0bb3\u0bbe", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc1\u0bb0\u0b9a\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbf\u0b9a\u0bc8" + ], + "FIRST_NAME_MALE": [ + "\u0bb0\u0bbe\u0b9c\u0b9a\u0bc7\u0b95\u0bb0\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0ba8\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b86\u0ba4\u0bbf\u0b9a\u0b99\u0bcd\u0b95\u0bb0\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0baa\u0bbe\u0bb5\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0bbe\u0b9a\u0bc1", + "\u0bb5\u0bb7\u0bbf\u0bb7\u0bcd\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bbe\u0ba4\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bb2\u0bc8", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0bb2\u0bc8", + "\u0ba4\u0b99\u0bcd\u0b95\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0ba4\u0b9a\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0baf\u0bc7\u0bb5\u0bbe\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b9a\u0b9e\u0bcd\u0b9c\u0bcb\u0b95\u0bcd", + "\u0ba4\u0b95\u0bcd\u0bb7\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b85\u0b95\u0bb0\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bc7\u0bb5\u0bbe", + "\u0bb0\u0b95\u0bc1\u0baa\u0ba4\u0bbf", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bc2\u0bb2\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0bc1\u0ba3\u0bcd\u0b95\u0bc1\u0bae\u0bbeh", + "\u0bb0\u0bbe\u0b9c\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb0\u0bbe\u0b90;", + "\u0bb5\u0bbe\u0ba9\u0bae\u0bbe\u0bae\u0bb2\u0bc8", + "\u0b85\u0b95\u0bcb\u0bb0\u0bbe", + "\u0b86\u0b95\u0bb0\u0bcd\u0ba3\u0bbe,", + "\u0ba8\u0ba9\u0bcd\u0bae\u0ba3\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbe\u0baf\u0b95\u0bae\u0bcd", + "\u0b90\u0baf\u0bbe", + "\u0bb9\u0bb7\u0bcd\u0bb5\u0bbf\u0ba8\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0b95\u0b99\u0bcd\u0b95\u0bc8\u0b95\u0bc6\u0bbe\u0ba3\u0bcd\u0b9f\u0bbe\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bae\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0baa\u0b95\u0bc1\u0baa\u0bc1\u0ba4\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0baa\u0b95\u0bcd\u0ba4\u0bb5\u0b9a\u0bcd\u0b9a\u0bb2\u0bae\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf\u0ba8\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0ba4\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bb0\u0bcd\u0bb8\u0ba9\u0bcd", + "\u0b95\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bb2\u0bcd", + "\u0b9a\u0b9a\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe\u0ba8\u0ba8\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b85\u0b9c\u0baf\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb5\u0bbe\u0bb0\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb0\u0bbe\u0bae\u0bcd", + "\u0b87\u0b9f\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0b9f\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bc1\u0bb9\u0bb0\u0bbf", + "\u0bb5\u0bb2\u0bcd\u0bb2\u0bb0\u0b9a\u0bc1", + "\u0b86\u0ba4\u0bbf", + "\u0baa\u0b95\u0bc1\u0baa\u0bb2\u0bbf", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0bc0\u0bb5\u0bcd", + "\u0b89\u0b9c\u0bc7\u0bb7\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0ba8\u0b9f\u0bcd\u0baa\u0bc1\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb0\u0bae\u0ba3\u0ba9\u0bcd", + "\u0b8a\u0bb0\u0bcd\u0b9c\u0bbf\u0ba4\u0bcd", + "\u0ba8\u0b9f\u0bc7\u0bb7\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb0\u0bcd\u0baa\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0b8f\u0b95\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bb5\u0bb0\u0bc1\u0ba9\u0bc7\u0bb7\u0bcd", + "\u0bb0\u0bbe\u0baa\u0bb0\u0bcd\u0b9f\u0bcd", + "\u0bb0\u0bbe\u0b9c", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbe\u0b95\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bbf\u0bb7\u0bcd\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bbe\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb0\u0bb7\u0bb7\u0bc1\u0ba4\u0bcd", + "\u0b8f\u0b95\u0bcd\u0bb0\u0bbe\u0bae\u0bcd", + "\u0b87\u0b9f\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bb1\u0bcd\u0b95\u0bc1\u0bb1\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0b95\u0bbe\u0baa\u0bcd", + "\u0b85\u0b95\u0bb2\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bbf\u0bae\u0ba3\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba3\u0bbf", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0b9a\u0bbe\u0b95\u0bb0\u0ba9\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bbf\u0bb1\u0bc8", + "\u0b89\u0ba4\u0baf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd;", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0baf\u0bc2\u0bb0\u0bbe\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bb5\u0bcd", + "\u0bb7\u0bcd\u0bb5\u0bc7\u0ba4\u0b99\u0bcd\u0b95\u0bcd", + "\u0ba8\u0b9f\u0bb5\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bae\u0ba8\u0bbe\u0baa\u0ba9\u0bcd", + "\u0b86\u0b9e\u0bcd\u0b9a\u0ba9\u0bc7\u0baf\u0bbe", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0b95\u0b9a\u0bb0\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba4\u0bb0\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bb5\u0ba9\u0bcd", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bcd\u0bb0\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb4\u0b95\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0b95\u0bc7\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bbe\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb5\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bbf;\u0b9a\u0bc7\u0bb0\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0ba9\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0ba3\u0bbf", + "\u0ba8\u0b9a\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bbe", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bb2\u0bbf\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bbe\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0bb9\u0bae\u0bcd\u0bb0\u0bbf\u0bb7\u0bcd", + "\u0b8f\u0b95\u0bbe\u0b99\u0bcd\u0b95\u0bbe", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b89\u0ba4\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b92\u0bb3\u0bbf\u0baf\u0bb4\u0b95\u0ba9\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0ba9\u0bcd", + "\u0b86\u0b95\u0bbe\u0bb7\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bb3\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0ba4\u0b9e\u0bcd\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0baa\u0b9a\u0bb5\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0b9a\u0b95\u0bc1\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0bc1", + "\u0bb9\u0bb0\u0bbf\u0bb9\u0bb0\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bbe\u0bae\u0ba3\u0bbf", + "\u0b95\u0b9f\u0bae\u0bcd\u0baa\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bc8\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0ba4\u0bc7\u0bb5\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bb5\u0ba9\u0bcd", + "\u0b90\u0baf\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0baf\u0bb7\u0bcd\u0bb5\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0bb7\u0bbe\u0ba9\u0bb5\u0bbe\u0bb8\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb1\u0bcd\u0b95\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0bb5\u0bbe\u0b95\u0bc0\u0b9a\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0baf\u0bb0\u0bc1\u0bb3\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba9\u0bcd\u0ba9\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf", + "\u0bae\u0ba3\u0bb5\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0ba3\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bb2\u0bcd", + "\u0bb9\u0bb0\u0bbf\u0ba4\u0bbe\u0bb8\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0b86\u0b95\u0bcd\u0ba9\u0bc7\u0baf\u0bbe", + "\u0bb7\u0bc8\u0bb2\u0bcd", + "\u0b92\u0bb3\u0bbf\u0b92\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bc1\u0bb5\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bbf\u0b9a\u0bc7\u0bb7\u0bbe", + "\u0b92\u0b9f\u0bcd\u0b9f\u0b95\u0bcd\u0b95\u0bc2\u0ba4\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0bb5\u0bb3\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0b95\u0b9a\u0bbf\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b90\u0baf\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0bae\u0ba4\u0bbf", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0b8e\u0b95\u0bbe\u0bae\u0bcd\u0baa\u0bb0\u0bae\u0bcd", + "\u0b89\u0ba4\u0bbf\u0baf\u0b9e\u0bcd\u0b9a\u0bc7\u0bb0\u0bb2\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0bae\u0ba4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0bb5\u0bbe\u0bb8\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bb0\u0ba4\u0bcd\u0ba3\u0bae\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0b9a\u0bb5\u0bcd", + "\u0b89\u0baa\u0bae\u0ba9\u0bcd\u0baf\u0bc2", + "\u0b85\u0b95\u0ba3\u0bcd\u0b9f\u0bb2\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0b9f\u0bc0\u0baa\u0ba9\u0bcd", + "\u0bb7\u0b9a\u0bbf", + "\u0bae\u0ba3\u0bb5\u0bb4\u0b95\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0baf\u0bbe", + "\u0b87\u0b95\u0bcd\u0bb7\u0bc2,", + "\u0baa\u0b95\u0bc1\u0ba4\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0baa\u0b95\u0bc1\u0baa\u0bcd\u0bb0\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb1\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0bae\u0b9a\u0bbe\u0bae\u0bbf", + "\u0b89\u0ba4\u0bc0\u0baa\u0bcd", + "\u0baf\u0bc2\u0b9a\u0bc1\u0baa\u0bcd", + "\u0bb0\u0bae\u0bc7\u0bb7\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0bbe", + "\u0bb7\u0ba4\u0bcd\u0bb0\u0bc1\u0b9e\u0bcd\u0b9c\u0baf\u0bcd", + "\u0bb8\u0bcd\u0bb5\u0baa\u0bcd\u0ba8\u0bbf\u0bb2\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bbf", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc7\u0b9a\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bc1\u0bb0\u0bc8", + "\u0b86\u0ba4\u0bbf\u0b95\u0bc1\u0ba3\u0bbe", + "\u0baf\u0bc2\u0b95\u0bc7\u0bb7\u0bcd", + "\u0bb7\u0bbf\u0b99\u0bcd", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bc1\u0bb5\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bc1\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bb5\u0bcd", + "\u0bb5\u0bbe\u0b9a\u0bc1\u0ba4\u0bc7\u0bb5\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bbe\u0baf\u0bbf\u0bb0\u0bae\u0bcd", + "\u0bb9\u0bb5\u0bbf\u0ba9\u0bbe\u0bb7\u0ba9\u0bcd", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0b90\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb0\u0bae\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbe\u0baf\u0ba3\u0bb0\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b86\u0ba4\u0bcd\u0bae\u0b9c\u0bbe,", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b85\u0b95\u0bb5\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bb0\u0b9c\u0bbf\u0ba4\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc7\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bc6\u0bb1\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0b95\u0bbf\u0bb0\u0bbf", + "\u0b9a\u0b9e\u0bcd\u0b9a\u0baf\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0bc1\u0b95\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bb0\u0bbf\u0b9a\u0bbf\u0bb2\u0bcd", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bcd,\u0b86\u0ba4\u0bc7\u0bb7\u0bcd", + "\u0b86\u0ba4\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bc7\u0bb7\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bc6\u0bbe\u0bb4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0b9c\u0bc0\u0ba4\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0ba8\u0bae\u0bcd\u0bae\u0bbe\u0bb4\u0bcd\u0bb5\u0bbe\u0bb0\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bcd", + "\u0bb7\u0bcd\u0bb0\u0bbe\u0bb5\u0ba3\u0bcd", + "\u0b9a\u0b9a\u0bbf\u0ba4\u0bb0\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0b9a\u0bcd\u0b9a\u0bbf\u0b95\u0bcd\u0b95\u0bc1", + "\u0baf\u0bcb\u0b95\u0bb2\u0bbf\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baa\u0bcd\u0baa\u0bb5\u0bb3\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb2\u0bbe\u0bb0\u0bcd\u0b9a\u0b9f\u0bc8\u0baf\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0ba8\u0bc0\u0bb2\u0bcd", + "\u0bb5\u0bb2\u0bcd\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0b86\u0b95\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0bb0\u0bcd", + "\u0baa\u0b95\u0bb5\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0bb5\u0bc7\u0bb2\u0bc1", + "\u0baa\u0ba4\u0bc1\u0bae\u0ba9\u0bbe\u0bb0\u0bcd", + "\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0bcd", + "\u0bb0\u0b95\u0bc1\u0bb0\u0bbe\u0bae\u0bcd", + "\u0bb0\u0b83\u0baa\u0bbf", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bb2\u0bcd", + "\u0b85\u0b95\u0bc1\u0bb2\u0bcd,", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbe\u0b9f\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0ba9\u0bcd", + "\u0bb9\u0bb0\u0bbf", + "\u0bb7\u0bae\u0bcd\u0baa\u0bc1", + "\u0bb0\u0b9c\u0bbf\u0ba9\u0bbf", + "\u0b87\u0b9a\u0b95\u0bcd\u0b95\u0bbf\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0b95\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0bc1", + "\u0baa\u0b9a\u0bcd\u0b9a\u0bc8\u0baf\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0bb7\u0bcd\u0ba9\u0bc7\u0b95\u0bb2\u0bcd", + "\u0b9a\u0b95\u0bcd\u0b95\u0bb0\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bc7\u0bb7\u0bcd", + "\u0bb5\u0ba3\u0b99\u0bcd\u0b95\u0bbe\u0bae\u0bc1\u0b9f\u0bbf", + "\u0b92\u0bb3\u0bbf\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0bb0\u0bcd\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0baa\u0b95\u0bc0\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b89\u0ba4\u0bcd\u0b95\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0b95\u0ba9\u0bcd", + "\u0b8e\u0b9f\u0bcd\u0b9f\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b87\u0b95\u0bcd\u0baa\u0bbe\u0bb2\u0bcd", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bbe", + "\u0b89\u0b9f\u0bcd\u0b95\u0bb0\u0bcd\u0bb7\u0bcd", + "\u0bae\u0ba3\u0bbf\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0ba9\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf", + "\u0b89\u0ba4\u0baf\u0b9a\u0bcd\u0b9a\u0bb2\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0bc1", + "\u0bb0\u0bae\u0bc7\u0bb7\u0bcd", + "\u0bb7\u0bbf\u0baf\u0bbe\u0bae\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0ba8\u0bae\u0bcd\u0baa\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b90\u0bb8\u0b95\u0bcd", + "\u0baa\u0b9c\u0bb0\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba4\u0bbf", + "\u0baa\u0b95\u0bc1\u0baa\u0bbe\u0bb2\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc7\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0b95\u0bc1\u0b9f\u0bcd\u0b9f\u0bc1\u0bb5\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b89\u0ba4\u0bbf\u0ba4\u0bcd", + "\u0bb7\u0bcd\u0baf\u0bbe\u0bae\u0bcd", + "\u0b89\u0ba4\u0baf\u0bb5\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b89\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0ba3\u0ba9\u0bcd", + "\u0baf\u0bcb\u0b95\u0bbe\u0ba8\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bca\u0bb4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bb2\u0bcd", + "\u0bb7\u0bcd\u0baf\u0bbe\u0bae\u0bb2\u0bcd", + "\u0bb7\u0bbe", + "\u0bb7\u0bb0\u0ba3\u0bcd", + "\u0b92\u0bb3\u0bcd\u0bb3\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0ba8\u0b9a\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0bb0\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bcd\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bb2\u0bbf\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bbe", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0baf\u0bb0\u0b9a\u0bc1", + "\u0baa\u0ba4\u0bcd\u0bb0\u0ba8\u0bbf\u0ba4\u0bbf", + "\u0bb7\u0bbf\u0bb7\u0bbf\u0bb0\u0bcd", + "\u0b8f\u0b95\u0bbe\u0bae\u0bcd\u0baa\u0bb0\u0bae\u0bcd", + "\u0baa\u0b95\u0bc1\u0bae\u0bbe\u0ba9\u0bcd\u0baf\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0bb0\u0bc2\u0bb0\u0bcd,", + "\u0bb7\u0bcb\u0baa\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb0\u0bbe\u0b90;", + "\u0bb0\u0bb5\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb0\u0bcb\u0ba4\u0ba9\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0baf\u0bcb\u0b95\u0bc7\u0bb7\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0baa\u0b95\u0bc1\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bc1\u0bb0\u0bc1", + "\u0bb0\u0bae\u0ba3\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0ba4\u0bc1\u0bb0\u0bc8", + "\u0b89\u0ba4\u0bb0\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0b9f\u0bbe\u0bb0\u0bcd\u0b95\u0bc1\u0bb4\u0bb2\u0bbf", + "\u0b89\u0b9c\u0bbe\u0b95\u0bb0\u0bcd", + "\u0b95\u0b9f\u0bae\u0bcd\u0baa\u0ba9\u0bcd", + "\u0bb9\u0bb0\u0bbf\u0b95\u0bb0\u0ba3\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bc7\u0ba8\u0bcd\u0ba4\u0bb2\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0baa\u0bcd\u0baa\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b9a\u0bbf\u0bb5\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0ba8\u0b9f\u0bb0\u0bbe\u0b9c\u0ba9\u0bcd", + "\u0b9a\u0b95\u0bcd\u0ba4\u0bbf\u0bb5\u0bc7\u0bb2", + "\u0b92\u0b9f\u0bcd\u0b9f\u0b95\u0bcd\u0b95\u0bc2\u0ba4\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb1\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bb5\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0baa\u0bbe\u0b9f\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0bc1", + "\u0bb5\u0bbe\u0ba9\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b92\u0bb3\u0bbf\u0baf\u0bb5\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb5\u0bbf\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0b90\u0baf\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0ba3\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba3\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0bae\u0bb2\u0bcd,", + "\u0b9a\u0b99\u0bcd\u0b95\u0bbf\u0bb2\u0bbf", + "\u0b90\u0baf\u0ba9\u0bbe\u0bb0\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0baa\u0bb2\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bbe\u0ba3\u0bcd\u0b9f\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb7\u0bb7\u0bbe\u0b99\u0bcd\u0b95\u0bcd", + "\u0bb9\u0bb0\u0bbf\u0bb7\u0bcd", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0baa\u0b95\u0bc1\u0b95\u0bc1\u0ba9\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc7\u0bbe\u0ba9\u0bcd", + "\u0b86\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0b8f\u0b95\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0bb0\u0b99\u0bcd\u0b95\u0b9a\u0bbe\u0bae\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bcb\u0baa\u0bbe\u0bb2\u0bcd", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bbf\u0b95\u0bc7\u0b9a\u0bb5\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0ba4\u0bbe\u0b9a\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bb0\u0b9a\u0bc1", + "\u0baa\u0b9c\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0bb3\u0bcd\u0bb3\u0bc8", + "\u0b86\u0ba4\u0bbf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0bbe", + "\u0bb5\u0bbe\u0b9e\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb7\u0bb8\u0bcd\u0bb5\u0ba4\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba8\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bb5\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0ba9\u0bcd\u0bb1\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb7\u0baa\u0bc0\u0bb0\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0ba4\u0ba9\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bbe\u0bb1\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0ba3\u0bcd\u0b9f\u0ba9\u0bcd", + "\u0baa\u0b95\u0ba4\u0bcd", + "\u0b9a\u0b9f\u0b95\u0bcb\u0baa\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baa\u0bbf\u0bb0\u0b9a\u0bbe\u0ba4\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0b95\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0b9f\u0bbf", + "\u0bb5\u0bb0\u0ba4\u0bb0\u0bbe\u0b90\u0ba9\u0bcd", + "\u0bb0\u0bb5\u0bbf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bc0\u0bb7\u0bcd", + "\u0bb0\u0b95\u0bc1", + "\u0bb7\u0b95\u0bc1\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b89\u0ba4\u0baf\u0baa\u0bb0\u0bbf\u0ba4\u0bbf", + "\u0baa\u0b95\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb2\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b95\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0bb4\u0bc1\u0ba4\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0b89\u0baa\u0ba4\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0baf\u0bc2\u0b95\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0bb5\u0bbe\u0b9a\u0ba9\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0bcd\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0ba9\u0bcd", + "\u0baa\u0b9a\u0bc1\u0baa\u0ba4\u0bbf", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b89\u0ba9\u0bcd\u0ba9\u0ba4\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0baa\u0bcd\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0ba9\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0baa\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b89\u0baa\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0b89\u0ba9\u0bcd\u0bae\u0bc7\u0bb7\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0ba3\u0bbf", + "\u0b85\u0b95\u0bb4\u0bcd\u0bae\u0bc7\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bc7\u0bb7\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0b99\u0bcd\u0b95\u0b9f\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bcd", + "\u0baa\u0ba8\u0bcd\u0ba4\u0bc1\u0bb2\u0bcd", + "\u0b8f\u0b95\u0bbe", + "\u0b95\u0ba3\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0bb2\u0bcd", + "\u0b9a\u0b9a\u0bbf", + "\u0b85\u0b95\u0bbf\u0bb0\u0bbe", + "\u0bb0\u0ba4\u0bcd\u0ba4\u0bbf\u0ba9\u0bae\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0ba9\u0bc1", + "\u0b9a\u0ba4\u0bcd\u0baf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0b95\u0bc1\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0b86\u0b9f\u0bcd\u0b9f\u0ba9\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b9a\u0ba4\u0bcd\u0bb0\u0bc1\u0b95\u0ba3\u0ba9\u0bcd", + "\u0bb9\u0bbe\u0bb0\u0bc1\u0ba3\u0bcd", + "\u0b8f\u0b95\u0bb2\u0bc8\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b9a\u0bcd\u0b9a\u0bc1\u0ba4\u0bbe\u0ba9\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbe\u0bae\u0bcd\u0baa\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bb3\u0bb5\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba4\u0bbf", + "\u0baa\u0ba4\u0bbf\u0bb0\u0ba9\u0bcd" + ], + "FIRST_NAME": [ + "\u0bb8\u0bb9\u0bbf\u0bb0\u0bbe", + "\u0bb0\u0bbe\u0b9c\u0b9a\u0bc7\u0b95\u0bb0\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0ba8\u0ba9\u0bcd", + "\u0bb8\u0baa\u0bc0\u0ba9\u0bbe", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b86\u0ba4\u0bbf\u0b9a\u0b99\u0bcd\u0b95\u0bb0\u0bbe", + "\u0b86\u0ba4\u0bbf\u0bae\u0bb1\u0bc8", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0bb7\u0bbe\u0bb2\u0bbf\u0ba9\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0baa\u0bbe\u0bb5\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0bbe\u0b9a\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bae\u0bcd\u0bae\u0bc8", + "\u0ba4\u0ba3\u0bcd\u0ba3\u0bbf\u0bb2\u0bb5\u0bc1", + "\u0bb7\u0bbf\u0baa\u0bbe\u0ba9\u0bbf", + "\u0bb5\u0bb7\u0bbf\u0bb7\u0bcd\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b9a\u0bcd\u0b9a\u0bb2\u0bbe", + "\u0b85\u0b95\u0bbe\u0ba4\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bb2\u0bc8", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0bb2\u0bc8", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bbe\u0baa\u0bcd\u0baa\u0bbe", + "\u0b89\u0bae\u0baf\u0bbe\u0bb3\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0ba4\u0b9a\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0bb7\u0ba4\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0baf\u0bc7\u0bb5\u0bbe\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0bae\u0bc1\u0b95\u0bbf", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bbf\u0ba9\u0bbf", + "\u0b9a\u0b9e\u0bcd\u0b9c\u0bcb\u0b95\u0bcd", + "\u0bb5\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0ba4\u0b95\u0bcd\u0bb7\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0baa\u0bcd\u0baa\u0bc2\u0bb5\u0bb4\u0b95\u0bbf", + "\u0b85\u0b95\u0bb0\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bc7\u0bb5\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bbe", + "\u0b86\u0b9e\u0bcd\u0b9a\u0bb2\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bae\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0bbe", + "\u0bb0\u0b95\u0bc1\u0baa\u0ba4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb4\u0b95\u0bbf", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0ba9\u0bbe", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0baa\u0bbe\u0b95\u0bcd\u0baf\u0bb8\u0bcd\u0bb0\u0bc0", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bc2\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0bb5\u0ba4\u0bcd\u0bb8\u0bb2\u0bbe", + "\u0bb9\u0b9a\u0bbf\u0ba9\u0bbf\u0b95\u0bbe", + "\u0bb0\u0bbe\u0b9c\u0bbe", + "\u0bb5\u0bb0\u0bc1\u0ba3\u0bcd\u0b95\u0bc1\u0bae\u0bbeh", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb0\u0bbe\u0b90;", + "\u0bb5\u0bbe\u0ba9\u0bae\u0bbe\u0bae\u0bb2\u0bc8", + "\u0b9a\u0b95\u0bc0\u0ba9\u0bbe", + "\u0baf\u0bbe\u0bb4\u0bb0\u0b9a\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b85\u0b95\u0bcb\u0bb0\u0bbe", + "\u0b86\u0b95\u0bb0\u0bcd\u0ba3\u0bbe,", + "\u0ba8\u0ba9\u0bcd\u0bae\u0ba3\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbe\u0baf\u0b95\u0bae\u0bcd", + "\u0b90\u0baf\u0bbe", + "\u0bb9\u0bb7\u0bcd\u0bb5\u0bbf\u0ba8\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0b95\u0b99\u0bcd\u0b95\u0bc8\u0b95\u0bc6\u0bbe\u0ba3\u0bcd\u0b9f\u0bbe\u0ba9\u0bcd", + "\u0b89\u0bae\u0bc8\u0baf\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb8\u0bb0\u0bb8\u0bcd\u0bb5\u0ba4\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bae\u0bcd", + "\u0b86\u0ba4\u0bbf\u0b9a\u0b95\u0bcd\u0ba4\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0bb5\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bc6\u0bbe\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0baa\u0b95\u0bc1\u0baa\u0bc1\u0ba4\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bcd\u0ba3\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0baa\u0b95\u0bcd\u0ba4\u0bb5\u0b9a\u0bcd\u0b9a\u0bb2\u0bae\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf\u0ba8\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0ba4\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8\u0bb5\u0bbf\u0bb3\u0bae\u0bcd\u0baa\u0bbf", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bb0\u0bcd\u0bb8\u0ba9\u0bcd", + "\u0b95\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bb2\u0bcd", + "\u0b9a\u0b9a\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe\u0ba8\u0ba8\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb0\u0ba4\u0bbf", + "\u0b95\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b85\u0b9c\u0baf\u0bcd", + "\u0ba8\u0bbe\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0b89\u0bae\u0bc8\u0baf\u0bbe\u0bb3\u0bcd", + "\u0b95\u0ba9\u0b95\u0bbe", + "\u0baa\u0ba9\u0bcd\u0ba9\u0bc0\u0bb0\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0b95\u0bbf\u0bb2\u0bcd", + "\u0ba4\u0ba4\u0bcd\u0ba4\u0bc8", + "\u0baa\u0ba9\u0bbf\u0bae\u0bb2\u0bb0\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb5\u0bbe\u0bb0\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb0\u0bbe\u0bae\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bae\u0bbe", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0b9a\u0bc7\u0ba9\u0bbe", + "\u0b87\u0b9f\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0b9f\u0ba9\u0bcd", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bcd\u0b95\u0bbe", + "\u0baf\u0bbe\u0bb4\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bca\u0bb3\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bc1\u0bb9\u0bb0\u0bbf", + "\u0bb5\u0bb2\u0bcd\u0bb2\u0bb0\u0b9a\u0bc1", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0bc7\u0b95\u0bbe", + "\u0b86\u0ba4\u0bbf", + "\u0b95\u0ba9\u0bb2\u0bcd\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0ba8\u0bbe\u0ba4\u0bb5\u0bc7\u0ba3\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bc1", + "\u0baa\u0b95\u0bc1\u0baa\u0bb2\u0bbf", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb9\u0bb0\u0bbf\u0ba9\u0bbf\u0bb5\u0bc7\u0ba4\u0bbe", + "\u0bb0\u0b99\u0bcd\u0b95\u0ba8\u0bbe\u0baf\u0b95\u0bbf", + "\u0bb8\u0bc1\u0baa\u0bcd\u0bb0\u0bc0\u0ba4\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb4\u0b95\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bc0\u0bb5\u0bcd", + "\u0bb0\u0bae\u0bcd\u0baf\u0bbe", + "\u0b89\u0b9c\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bc6\u0ba9\u0bcd\u0bb1\u0bb2\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b95\u0b99\u0bcd\u0b95\u0bc8", + "\u0ba8\u0b9f\u0bcd\u0baa\u0bc1\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0bb0\u0bae\u0ba3\u0ba9\u0bcd", + "\u0b8a\u0bb0\u0bcd\u0b9c\u0bbf\u0ba4\u0bcd", + "\u0ba8\u0b9f\u0bc7\u0bb7\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb0\u0bcd\u0baa\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0baf\u0bcb\u0b95\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb4\u0b95\u0bbf", + "\u0bae\u0b99\u0bcd\u0b95\u0bb3\u0bae\u0bcd", + "\u0b8f\u0b95\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bb0\u0bc0\u0ba9\u0bbe", + "\u0bb5\u0ba4\u0ba9\u0bbe", + "\u0bb7\u0ba4\u0bbe", + "\u0baf\u0bcb\u0bb8\u0bcd\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0b99\u0bcd\u0b95\u0bb0\u0bbf", + "\u0bb7\u0bbe\u0bb7\u0bbf\u0ba9\u0bbf,", + "\u0bb5\u0bb0\u0bc1\u0ba9\u0bc7\u0bb7\u0bcd", + "\u0bb0\u0bbe\u0baa\u0bb0\u0bcd\u0b9f\u0bcd", + "\u0bb0\u0bbe\u0b9c", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbe\u0b95\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bbf\u0bb7\u0bcd\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bbe\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0baa\u0bb5\u0ba4\u0bbe\u0bb0\u0ba3\u0bbf", + "\u0bb7\u0ba8\u0bcd\u0ba4\u0bcb\u0bb7\u0bbf", + "\u0bb0\u0bb7\u0bb7\u0bc1\u0ba4\u0bcd", + "\u0b86\u0b95\u0bae\u0bbe", + "\u0b8f\u0b95\u0bcd\u0bb0\u0bbe\u0bae\u0bcd", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0baa\u0bcd\u0baa\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bae\u0baf\u0bbf", + "\u0b89\u0bb2\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb8\u0bcd\u0bae\u0bbf\u0ba4\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc6\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0b87\u0b9f\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0b9f\u0bb0\u0bcd", + "\u0bb0\u0bc0\u0b9c\u0bbe", + "\u0b85\u0b95\u0bb1\u0bcd\u0b95\u0bc1\u0bb1\u0bbf", + "\u0b9a\u0b9a\u0bbf\u0bb0\u0bc7\u0b95\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0b95\u0bbe\u0baa\u0bcd", + "\u0b85\u0b95\u0bb2\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bbf\u0bae\u0ba3\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0b95\u0ba9\u0bb2\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba3\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0baa\u0ba4\u0bc1\u0bae\u0bc8", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0b9a\u0bbe\u0b95\u0bb0\u0ba9\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bbf\u0bb1\u0bc8", + "\u0b85\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b89\u0ba4\u0baf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd;", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0baf\u0bc2\u0bb0\u0bbe\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0b99\u0bcd\u0b95\u0bc8", + "\u0b85\u0b99\u0bcd\u0b95\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bcd\u0bae\u0bca\u0bb4\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0ba9\u0bbf", + "\u0b95\u0b90\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b95\u0b9f\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb2\u0bcd\u0baf\u0bbe", + "\u0bb7\u0bbe\u0bb0\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bb5\u0bcd", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bcd\u0bb5\u0bc7\u0ba4\u0b99\u0bcd\u0b95\u0bcd", + "\u0ba8\u0b9f\u0bb5\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8", + "\u0b95\u0ba9\u0bbf\u0bb0\u0bbe", + "\u0baa\u0ba4\u0bcd\u0bae\u0ba8\u0bbe\u0baa\u0ba9\u0bcd", + "\u0b86\u0b9e\u0bcd\u0b9a\u0ba9\u0bc7\u0baf\u0bbe", + "\u0ba4\u0ba9\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0b95\u0b9a\u0bb0\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba4\u0bb0\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0bc8\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0b9a\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b9a\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bb0\u0bbf", + "\u0baa\u0bb0\u0bbf\u0bae\u0bb3\u0bae\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bb5\u0ba9\u0bcd", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bb5\u0bb4\u0b95\u0bbf", + "\u0bb9\u0bb8\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0ba9\u0bbf\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b89\u0baa\u0bbe\u0bb8\u0ba9\u0bbe", + "\u0bb7\u0bbf\u0b83\u0baa\u0bbe\u0bb2\u0bbf", + "\u0bb8\u0bb0\u0baf\u0bc2", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bcd\u0bb0\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba8\u0bbe\u0baf\u0b95\u0bbf", + "\u0baa\u0bb0\u0bae\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0b95\u0bc7\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bbe\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0ba3\u0bbf;\u0b9a\u0bc7\u0bb0\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0ba9\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0ba3\u0bbf", + "\u0ba8\u0b9a\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b9a\u0b9e\u0bcd\u0b9a\u0bc1", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0b9f\u0bae\u0bbf\u0bb4\u0bcd", + "\u0bb7\u0bb2\u0bbf\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb9\u0bc6\u0bb2\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0b89\u0ba4\u0bbe\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0bb9\u0bae\u0bcd\u0bb0\u0bbf\u0bb7\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb0\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0ba3\u0bbf", + "\u0b89\u0bb2\u0b95\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0b8f\u0b95\u0bbe\u0b99\u0bcd\u0b95\u0bbe", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b89\u0ba4\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bca\u0bb4\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bbe\u0bb0\u0bae\u0bcd", + "\u0baa\u0ba9\u0bcd\u0ba9\u0bc0\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bbf\u0baf\u0bb0\u0b9a\u0bbf", + "\u0baa\u0bb5\u0bb3\u0bae\u0bb2\u0bc8", + "\u0b92\u0bb3\u0bbf\u0baf\u0bb4\u0b95\u0ba9\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b95\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0b95\u0b9c\u0bcd\u0bb0\u0bbf", + "\u0ba8\u0bb2\u0bcd\u0bb2\u0bbf\u0b9a\u0bc8", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bae\u0bcd\u0bae\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bc7\u0baf\u0bbf", + "\u0baf\u0bbe\u0bae\u0bbf\u0ba9\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0ba9\u0bcd", + "\u0b86\u0b95\u0bbe\u0bb7\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0ba8\u0bbe\u0b95\u0bae\u0ba4\u0bbf", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bb3\u0ba9\u0bcd", + "\u0ba8\u0bb5\u0bcd\u0baf\u0bbe", + "\u0baa\u0b95\u0bb5\u0ba4\u0bbf", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb0\u0ba4\u0bb5\u0ba9\u0bbf", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0ba4\u0b9e\u0bcd\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0baa\u0b9a\u0bb5\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0b89\u0bb2\u0b95\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0bbe", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bbe", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b9a\u0b95\u0bc1\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0bc1", + "\u0ba8\u0b9f\u0bb5\u0bb0\u0b9a\u0bbf", + "\u0baa\u0bb5\u0bb4\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0bb9\u0bb0\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b87\u0b9a\u0bc8\u0bae\u0bbe\u0bae\u0ba3\u0bbf", + "\u0b95\u0b9f\u0bae\u0bcd\u0baa\u0bbe", + "\u0bb0\u0bbe\u0ba4\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bc8\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0ba4\u0bc7\u0bb5\u0ba9\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb2\u0bc8", + "\u0ba4\u0b9f\u0bbe\u0b95\u0bc8", + "\u0b89\u0bb2\u0b95\u0bbf\u0bb1\u0bc8", + "\u0b89\u0ba4\u0baf\u0bb5\u0ba9\u0bcd", + "\u0b90\u0baf\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bae\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0bbe", + "\u0baf\u0bb7\u0bcd\u0bb5\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb8\u0bc6\u0b9f\u0bc6\u0b83\u0baa\u0bbe\u0ba9\u0bbf\u0baf\u0bbe", + "\u0b87\u0b9a\u0bc8\u0baf\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0bb7\u0bbe\u0ba9\u0bb5\u0bbe\u0bb8\u0bcd", + "\u0bb7\u0bbe\u0bb2\u0bc1", + "\u0b9a\u0b95\u0bc1\u0ba3\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb1\u0bcd\u0b95\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0bb5\u0bbe\u0b95\u0bc0\u0b9a\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0baf\u0bb0\u0bc1\u0bb3\u0bcd", + "\u0b8e\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0baf\u0bcb\u0b95\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0b89\u0bb2\u0b95\u0bae\u0ba4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba9\u0bcd\u0ba9\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf", + "\u0bae\u0ba3\u0bb5\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0ba3\u0bcd", + "\u0b89\u0ba4\u0bcd\u0baa\u0bb2\u0bbe", + "\u0b85\u0b95\u0bb5\u0bb4\u0b95\u0bc1", + "\u0b9a\u0b95\u0bcd\u0ba4\u0bbf", + "\u0bb5\u0b9a\u0ba9\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bb2\u0bcd", + "\u0ba4\u0ba9\u0bb8\u0bcd\u0bb0\u0bc0", + "\u0ba8\u0ba4\u0bbf\u0baf\u0bbe", + "\u0b85\u0b95\u0bb2\u0bbf\u0b95\u0bc8", + "\u0b90\u0bb0\u0bbe\u0bb5\u0ba4\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0ba8\u0bbf\u0bb2\u0bb5\u0bc1", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0ba9\u0bae\u0bcd", + "\u0bb0\u0b9f\u0bcd\u0b9a\u0b95\u0bbe", + "\u0bb9\u0bb0\u0bbf\u0ba4\u0bbe\u0bb8\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0b86\u0b95\u0bcd\u0ba9\u0bc7\u0baf\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0ba8\u0bb1\u0bc1\u0bae\u0bb2\u0bb0\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc1\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0b92\u0bb3\u0bbf\u0b92\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0ba4\u0bbf", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bc1\u0bb5\u0bb0\u0bcd", + "\u0baf\u0bc2\u0ba4\u0bbf\u0b95\u0bbe", + "\u0ba8\u0bb5\u0bbf\u0ba4\u0bbe", + "\u0b86\u0ba4\u0bbf\u0b9a\u0bc7\u0bb7\u0bbe", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0baa\u0bb4\u0b95\u0bc1\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b92\u0b9f\u0bcd\u0b9f\u0b95\u0bcd\u0b95\u0bc2\u0ba4\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0bb5\u0bb3\u0bb5\u0ba9\u0bcd", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bbf\u0b9a\u0bc8", + "\u0b85\u0b95\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0b95\u0b9a\u0bbf\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b90\u0baf\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0bae\u0ba4\u0bbf", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0b8e\u0b95\u0bbe\u0bae\u0bcd\u0baa\u0bb0\u0bae\u0bcd", + "\u0b89\u0ba4\u0bbf\u0baf\u0b9e\u0bcd\u0b9a\u0bc7\u0bb0\u0bb2\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0bae\u0ba4\u0bbf", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0baa\u0bcd\u0baa\u0bc2", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0bb5\u0bbe\u0bb8\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bb0\u0ba4\u0bcd\u0ba3\u0bae\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0b9a\u0bb5\u0bcd", + "\u0b89\u0baa\u0bae\u0ba9\u0bcd\u0baf\u0bc2", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bbe", + "\u0b85\u0b95\u0ba3\u0bcd\u0b9f\u0bb2\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0b9f\u0bc0\u0baa\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb3\u0bbf\u0ba9\u0bbf", + "\u0bb7\u0b9a\u0bbf", + "\u0bae\u0ba3\u0bb5\u0bb4\u0b95\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b95\u0bb2\u0bbe", + "\u0b95\u0ba9\u0b95\u0bb5\u0bb3\u0bcd\u0bb3\u0bbf", + "\u0ba8\u0bbe\u0b95\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bb0\u0b9a\u0bbf", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0baf\u0bbe", + "\u0b87\u0b95\u0bcd\u0bb7\u0bc2,", + "\u0baa\u0b95\u0bc1\u0ba4\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0baa\u0b95\u0bc1\u0baa\u0bcd\u0bb0\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb1\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0bae\u0b9a\u0bbe\u0bae\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc6\u0bbe\u0bb2\u0bbf", + "\u0bb9\u0bc7\u0bae\u0bb2\u0ba4\u0bbe", + "\u0bb7\u0ba8\u0bcd\u0bb8\u0bbe", + "\u0b89\u0ba4\u0bc0\u0baa\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1", + "\u0bb9\u0bbf\u0bb0\u0ba3\u0bcd\u0baf\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0baf\u0bc2\u0b9a\u0bc1\u0baa\u0bcd", + "\u0b8e\u0bae\u0bb2\u0bcd\u0b9f\u0bbe", + "\u0bb0\u0bae\u0bc7\u0bb7\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0bbe", + "\u0bb7\u0ba4\u0bcd\u0bb0\u0bc1\u0b9e\u0bcd\u0b9c\u0baf\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0b8a\u0bb0\u0bcd\u0bb5\u0b9a\u0bbf", + "\u0b95\u0b99\u0bcd\u0b95\u0bbe", + "\u0bb7\u0ba3\u0bcd\u0b9a\u0bbf\u0bb2\u0bbe\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0b85\u0b95\u0bb5\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bb8\u0bcd\u0bb5\u0baa\u0bcd\u0ba8\u0bbf\u0bb2\u0bcd", + "\u0b89\u0ba9\u0bcd\u0ba9\u0ba4\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0baf\u0bbe", + "\u0b85\u0b95\u0bae\u0ba4\u0bbf", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc7\u0b9a\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bae\u0bc7\u0bb0\u0bbe", + "\u0ba8\u0bbe\u0b9a\u0bcd\u0b9a\u0bbf\u0baf\u0bbe\u0bb0\u0bcd", + "\u0baf\u0bb7\u0bcd\u0bb5\u0bbf\u0ba9\u0bbf", + "\u0ba8\u0bbe\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bbe\u0bb5\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bc1\u0bb0\u0bc8", + "\u0b86\u0ba4\u0bbf\u0b95\u0bc1\u0ba3\u0bbe", + "\u0b86\u0ba4\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0baf\u0bc2\u0b95\u0bc7\u0bb7\u0bcd", + "\u0bb7\u0bbf\u0b99\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bc1\u0bb5\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bc1\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0bae\u0ba4\u0bbf", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bb5\u0bcd", + "\u0bb5\u0bbe\u0b9a\u0bc1\u0ba4\u0bc7\u0bb5\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bbe\u0baf\u0bbf\u0bb0\u0bae\u0bcd", + "\u0bb9\u0bb5\u0bbf\u0ba9\u0bbe\u0bb7\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0b92\u0bb3\u0bbf\u0bae\u0bc1\u0b95\u0bae\u0bcd", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0b90\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb0\u0bae\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bb9\u0ba9\u0bcd\u0baf\u0bbe", + "\u0ba4\u0bae\u0baf\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0b95\u0bcd\u0bb7\u0bcd\u0bae\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbe\u0baf\u0ba3\u0bb0\u0bcd", + "\u0b85\u0b95\u0bae\u0ba3\u0bbf", + "\u0baf\u0bcb\u0b95\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0ba4\u0bbf", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0ba8\u0bb5\u0bc0\u0ba9\u0bbe", + "\u0bb8\u0bc1\u0bae\u0bbe", + "\u0b86\u0ba4\u0bcd\u0bae\u0b9c\u0bbe,", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb5\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0bae\u0bbe\u0bae\u0ba3\u0bbf", + "\u0b95\u0ba9\u0bbf\u0b95\u0bbe", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0b95\u0bbe", + "\u0b85\u0b95\u0bb5\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bb0\u0b9c\u0bbf\u0ba4\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc7\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b86\u0b9f\u0bcd\u0b9f\u0ba8\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bc6\u0bb1\u0bbf\u0baf\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bcd\u0bae\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bbf", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0b95\u0bbf\u0bb0\u0bbf", + "\u0baa\u0bb5\u0bb3\u0bae\u0bcd", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba4\u0bae\u0bcd", + "\u0b9a\u0b9e\u0bcd\u0b9a\u0baf\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0bc1\u0b95\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bb0\u0bbf\u0b9a\u0bbf\u0bb2\u0bcd", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bcd,\u0b86\u0ba4\u0bc7\u0bb7\u0bcd", + "\u0b89\u0bae\u0bbe", + "\u0b86\u0ba4\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bc7\u0bb7\u0bcd", + "\u0bb0\u0bc0\u0b9f\u0bcd\u0b9f\u0bbe", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0bb9\u0bbe\u0b9a\u0bbf\u0ba9\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bc6\u0bbe\u0bb4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0b9c\u0bc0\u0ba4\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0b9a\u0bc1\u0b9f\u0bb0", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0ba8\u0bae\u0bcd\u0bae\u0bbe\u0bb4\u0bcd\u0bb5\u0bbe\u0bb0\u0bcd", + "\u0bb8\u0bcd\u0ba4\u0bc1\u0ba4\u0bbf", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bcd\u0bb0\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bcd", + "\u0bb7\u0bcd\u0bb0\u0bbe\u0bb5\u0ba3\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc0\u0ba4\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0ba4\u0bb0\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0b9a\u0bcd\u0b9a\u0bbf\u0b95\u0bcd\u0b95\u0bc1", + "\u0baa\u0bb5\u0bbf\u0ba4\u0bcd\u0bb0\u0bbe", + "\u0baf\u0bcb\u0b95\u0bb2\u0bbf\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bc8\u0baa\u0bcd\u0baa\u0bcb\u0bb2\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baa\u0bcd\u0baa\u0bb5\u0bb3\u0ba9\u0bcd", + "\u0bb9\u0bb8\u0bbf\u0ba9\u0bbe", + "\u0b85\u0b95\u0bb2\u0bbe\u0bb0\u0bcd\u0b9a\u0b9f\u0bc8\u0baf\u0ba9\u0bcd", + "\u0baa\u0bb5\u0ba4\u0bbe", + "\u0bae\u0b95\u0bb7\u0bc7\u0bb5\u0bb0\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0ba8\u0bc0\u0bb2\u0bcd", + "\u0bb5\u0bb2\u0bcd\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bc1\u0baa\u0bcd\u0bb0\u0bbf\u0baf\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb5\u0bc8", + "\u0b86\u0b95\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0bb0\u0bcd", + "\u0b8f\u0b95\u0bbe\u0baa\u0bb0\u0ba9\u0bbe", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bb2\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0b95\u0bb3\u0bcd", + "\u0baa\u0b95\u0bb5\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b85\u0b95\u0ba4\u0bcd\u0ba4\u0bb4\u0b95\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bb5\u0bc7\u0bb2\u0bc1", + "\u0b87\u0b9a\u0bc8\u0baf\u0bae\u0bc1\u0ba4\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bc1\u0bb7\u0bcd\u0baa\u0bae\u0bcd", + "\u0baa\u0ba4\u0bc1\u0bae\u0ba9\u0bbe\u0bb0\u0bcd", + "\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0bb2\u0bb0\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0bcd", + "\u0bb0\u0b95\u0bc1\u0bb0\u0bbe\u0bae\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba4\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0ba9\u0bbe", + "\u0bb0\u0b83\u0baa\u0bbf", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bb2\u0bcd", + "\u0b85\u0b95\u0bc1\u0bb2\u0bcd,", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbe\u0b9f\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0ba9\u0bcd", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0bbf", + "\u0bb9\u0bb0\u0bbf", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb5\u0bbf\u0bb7\u0bcd\u0bae\u0ba4\u0bbf", + "\u0bb7\u0bae\u0bcd\u0baa\u0bc1", + "\u0bb0\u0b9c\u0bbf\u0ba9\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bbf\u0ba9\u0bcd", + "\u0b87\u0b9a\u0b95\u0bcd\u0b95\u0bbf\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0b95\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0bc1", + "\u0b85\u0b95\u0bbf\u0bb2\u0bbe", + "\u0baf\u0bcb\u0b95\u0bae\u0bb2\u0bb0\u0bcd", + "\u0baa\u0b9a\u0bcd\u0b9a\u0bc8\u0baf\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0bb7\u0bcd\u0ba9\u0bc7\u0b95\u0bb2\u0bcd", + "\u0b9a\u0b95\u0bcd\u0b95\u0bb0\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bc7\u0bb7\u0bcd", + "\u0b89\u0bb2\u0b95\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0bb5\u0ba3\u0b99\u0bcd\u0b95\u0bbe\u0bae\u0bc1\u0b9f\u0bbf", + "\u0b92\u0bb3\u0bbf\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b89\u0b9a\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bae\u0bbe", + "\u0b92\u0bb3\u0bbf\u0bb0\u0bcd\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0bc1\u0ba3\u0bbf", + "\u0baa\u0b95\u0bc0\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bbe\u0bb2\u0bbf\u0b95\u0bbe", + "\u0b89\u0ba4\u0bcd\u0b95\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba9\u0bcd\u0bae\u0bc8\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0b8e\u0b9f\u0bcd\u0b9f\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b9a\u0b83\u0baa\u0bbf\u0baf\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc7\u0b95\u0bb2\u0bc8", + "\u0ba4\u0ba9\u0bc1\u0baa\u0bcd\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0bbe", + "\u0bb8\u0bc1\u0bb0\u0baa\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b87\u0b95\u0bcd\u0baa\u0bbe\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bae\u0bc1\u0ba4\u0bc1", + "\u0baa\u0b95\u0bb5\u0ba4\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bbe", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bbe", + "\u0b89\u0b9f\u0bcd\u0b95\u0bb0\u0bcd\u0bb7\u0bcd", + "\u0b8e\u0baf\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb2\u0bbf\u0bae\u0bbe", + "\u0bb7\u0bbe\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bae\u0ba3\u0bbf\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0b86\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b95\u0ba9\u0bbf\u0bae\u0bca\u0bb4\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bae\u0bca\u0bb4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0ba9\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf", + "\u0b89\u0ba4\u0baf\u0b9a\u0bcd\u0b9a\u0bb2\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0bc1", + "\u0bb0\u0bae\u0bc7\u0bb7\u0bcd", + "\u0bb7\u0bbf\u0baf\u0bbe\u0bae\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0ba8\u0bae\u0bcd\u0baa\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb5\u0bbf", + "\u0bb7\u0bbf\u0b95\u0bbe", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b90\u0bb8\u0b95\u0bcd", + "\u0baa\u0b9c\u0bb0\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bcd", + "\u0bb9\u0ba9\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0bb8\u0bcc\u0bb0\u0bbe", + "\u0baa\u0baa\u0bbf\u0ba4\u0bbe", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba4\u0bbf", + "\u0baa\u0b95\u0bc1\u0baa\u0bbe\u0bb2\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc7\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0b95\u0bc1\u0b9f\u0bcd\u0b9f\u0bc1\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b89\u0bae\u0bc8", + "\u0baf\u0bc7\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb5\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0b89\u0ba4\u0bbf\u0ba4\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bcd", + "\u0bb7\u0bcd\u0baf\u0bbe\u0bae\u0bcd", + "\u0b89\u0ba4\u0baf\u0bb5\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0ba8\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0bb3\u0bcd", + "\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0bb9\u0bc7\u0bae\u0ba8\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0b89\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0ba9\u0bbf\u0ba4\u0bcd\u0ba4\u0bbe", + "\u0baf\u0bcb\u0b95\u0bbe\u0ba8\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bca\u0bb4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bb2\u0bcd", + "\u0b89\u0ba4\u0baf\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbf\u0b95\u0bbe", + "\u0b95\u0ba9\u0bbf\u0baf\u0bae\u0bc1\u0ba4\u0bc1", + "\u0bb7\u0bcd\u0baf\u0bbe\u0bae\u0bb2\u0bcd", + "\u0bb7\u0bbe", + "\u0b85\u0b95\u0bbe\u0ba9\u0bbe", + "\u0ba4\u0ba9\u0baa\u0bbe\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bae\u0bcd", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0ba4\u0bbe", + "\u0bb7\u0bb0\u0ba3\u0bcd", + "\u0b92\u0bb3\u0bcd\u0bb3\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0ba8\u0bb2\u0bcd\u0bb2", + "\u0bb0\u0b95\u0b9a\u0bbf\u0baf\u0bbe", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0ba8\u0b9a\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0bb0\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bcd\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b89\u0bae\u0bc8\u0baf\u0bb0\u0b9a\u0bbf", + "\u0ba8\u0bb3\u0bbe\u0baf\u0bbf\u0ba9\u0bbf", + "\u0b9a\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bb2\u0bbf\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0baa\u0bb5\u0bb3\u0b95\u0bcd\u0b95\u0bca\u0b9f\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0b95\u0bb3\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0b89\u0ba4\u0baf\u0bbe", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0baf\u0bb0\u0b9a\u0bc1", + "\u0baa\u0ba4\u0bcd\u0bb0\u0ba8\u0bbf\u0ba4\u0bbf", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bbe\u0bb3\u0bcd", + "\u0bb7\u0bbf\u0bb7\u0bbf\u0bb0\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bb1\u0bc8", + "\u0b8f\u0b95\u0bbe\u0bae\u0bcd\u0baa\u0bb0\u0bae\u0bcd", + "\u0baa\u0b95\u0bc1\u0bae\u0bbe\u0ba9\u0bcd\u0baf\u0ba9\u0bcd", + "\u0ba4\u0ba9\u0bcd\u0bae\u0bbe\u0ba9\u0bae\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b85\u0b95\u0bcd\u0bb0\u0bc2\u0bb0\u0bcd,", + "\u0bb7\u0bcb\u0baa\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb0\u0bbe\u0b90;", + "\u0b95\u0ba4\u0bcd\u0bb0\u0bbf\u0ba9\u0bbe", + "\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbf\u0bb0\u0ba4\u0bcd\u0ba9\u0bbe", + "\u0bb8\u0bcd\u0b95\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bbf\u0bb4\u0bc8", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0bb0\u0bb5\u0bbf", + "\u0bb7\u0bbe\u0bb9\u0bcd\u0ba9\u0bbe", + "\u0b85\u0b9a\u0bbf\u0bb0\u0bbe", + "\u0b85\u0b95\u0bcd\u0bb0\u0bcb\u0ba4\u0ba9\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b9a\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0b87\u0ba4\u0baf\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0b9c\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8\u0baf\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0baf\u0bcb\u0b95\u0bc7\u0bb7\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baf\u0bbe\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bb2\u0bbe", + "\u0ba8\u0baf\u0ba9\u0bcd\u0ba4\u0bbe\u0bb0\u0bbe", + "\u0baa\u0b95\u0bc1\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b8e\u0bb0\u0bbf\u0ba4\u0bb4\u0bb2\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bc1\u0bb0\u0bc1", + "\u0bb0\u0bae\u0ba3\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0ba4\u0bc1\u0bb0\u0bc8", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b85\u0b99\u0bcd\u0b95\u0bbe\u0bb2", + "\u0bb7\u0b95\u0bcd\u0ba4\u0bbf", + "\u0b89\u0ba4\u0bb0\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0b9f\u0bbe\u0bb0\u0bcd\u0b95\u0bc1\u0bb4\u0bb2\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba9\u0bbe", + "\u0b89\u0b9c\u0bbe\u0b95\u0bb0\u0bcd", + "\u0b89\u0bb2\u0b95", + "\u0b95\u0b9f\u0bae\u0bcd\u0baa\u0ba9\u0bcd", + "\u0bb9\u0bb8\u0bcd\u0ba9\u0bbe", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0bc1\u0bb0\u0b9a\u0bc1", + "\u0b8e\u0bae\u0bb2\u0bbf", + "\u0bb5\u0bb0\u0bc1\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0bb9\u0bb0\u0bbf\u0b95\u0bb0\u0ba3\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bc7\u0ba8\u0bcd\u0ba4\u0bb2\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0baa\u0bcd\u0baa\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b9a\u0bbf\u0bb5\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0ba8\u0b9f\u0bb0\u0bbe\u0b9c\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b9a\u0b95\u0bcd\u0ba4\u0bbf\u0bb5\u0bc7\u0bb2", + "\u0b92\u0b9f\u0bcd\u0b9f\u0b95\u0bcd\u0b95\u0bc2\u0ba4\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b95\u0b9c\u0bcb\u0bb2\u0bcd", + "\u0bb8\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b85\u0b95\u0bb1\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8", + "\u0baf\u0bbe\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0bb0\u0bbf\u0ba4\u0bcd\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b85\u0b99\u0bcd\u0b95\u0bb5\u0bc8", + "\u0b89\u0bae\u0bbe\u0bae\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bb5\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0baa\u0bbe\u0b9f\u0bbf", + "\u0baa\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0bc1", + "\u0bb5\u0bbe\u0ba9\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b92\u0bb3\u0bbf\u0baf\u0bb5\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb5\u0bbf\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0bb8\u0bb0\u0bb3\u0bbe", + "\u0ba4\u0ba9\u0bcd\u0bb5\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bbf", + "\u0b90\u0baf\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baf\u0bbe", + "\u0bae\u0b95\u0bbf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0b90\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0ba9\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bbe\u0bb5\u0bc8", + "\u0baa\u0bb2\u0bcd\u0bb2\u0bb5\u0bbf", + "\u0bb0\u0bae\u0bcd\u0b9c\u0bbe\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba3\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b87\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0bae\u0bb2\u0bcd,", + "\u0bb8\u0bc6\u0b9f\u0bc6\u0baa\u0bbe\u0ba9\u0bbf", + "\u0b85\u0b95\u0bbf\u0bb2\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bbf\u0bb2\u0bbf", + "\u0ba8\u0bb0\u0bcd\u0bae\u0ba4\u0bbe", + "\u0b90\u0baf\u0ba9\u0bbe\u0bb0\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0bb7\u0bb0\u0bbe", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf", + "\u0b89\u0ba4\u0bcd\u0baa\u0bb2\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bbe\u0ba3\u0bcd\u0b9f\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb7\u0bb7\u0bbe\u0b99\u0bcd\u0b95\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0ba3\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0bb7\u0bcd", + "\u0bae\u0b99\u0bcd\u0b95\u0bc8\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0ba9\u0bc7\u0bb9\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bae\u0ba3\u0bbf\u0baa\u0bcd\u0baa\u0bb5\u0bb3\u0bae\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0bc8", + "\u0b95\u0ba9\u0bbf\u0bae\u0ba4\u0bbf", + "\u0baa\u0b95\u0bc1\u0b95\u0bc1\u0ba9\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc7\u0bbe\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0baa\u0bbf\u0bb0\u0baa\u0bbe", + "\u0b86\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0bae\u0b99\u0bcd\u0b95\u0bb3\u0bbe", + "\u0bae\u0ba3\u0bbf\u0baf\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb0\u0bbe\u0b9a\u0bbe\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bb7\u0bbf", + "\u0b8f\u0b95\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0bb0\u0b99\u0bcd\u0b95\u0b9a\u0bbe\u0bae\u0bbf", + "\u0ba4\u0ba9\u0bcd\u0b9a\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bcb\u0baa\u0bbe\u0bb2\u0bcd", + "\u0bb8\u0bcd\u0bae\u0bbf\u0bb0\u0bc1\u0ba4\u0bbf", + "\u0bb9\u0ba9\u0bbf\u0bb7\u0bbe", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0b95\u0bb8\u0bcd\u0bb0\u0bbe", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0bb3\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0b95\u0bbf", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0bb8\u0bc1\u0baa\u0ba4\u0bcd\u0ba4\u0bbf\u0bb0\u0bc8", + "\u0b86\u0ba4\u0bbf\u0b95\u0bc7\u0b9a\u0bb5\u0ba9\u0bcd", + "\u0ba8\u0bbe\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b89\u0bb2\u0b95\u0bae\u0ba3\u0bbf", + "\u0ba8\u0bb3\u0bbf\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bcd\u0ba3\u0ba4\u0bbe\u0b9a\u0ba9\u0bcd", + "\u0ba8\u0baa\u0bcd\u0baa\u0b9a\u0bb2\u0bc8\u0baf\u0bbe\u0bb0\u0bcd", + "\u0baa\u0bbe\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bb2\u0b95\u0bcd\u0bb7\u0bcd\u0bae\u0bbf", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0baf\u0bc2\u0bb0\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bae\u0bbe", + "\u0b8e\u0bae\u0bbf\u0bb2\u0bcd\u0b9f\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bbf\u0bae\u0bc8", + "\u0bae\u0b95\u0bbf\u0bb4\u0bb0\u0b9a\u0bc1", + "\u0baa\u0ba4\u0bcd\u0bae\u0bbf\u0ba9\u0bbf", + "\u0baa\u0b9c\u0ba9\u0bcd", + "\u0b8f\u0ba9\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0bb7\u0bae\u0bbe", + "\u0bb9\u0bc7\u0bae\u0bbe", + "\u0b8e\u0bb0\u0bbf\u0baf\u0bc0\u0b9f\u0bcd\u0b9f\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb8\u0ba4\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b85\u0b9c\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0bb3\u0bcd\u0bb3\u0bc8", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0bbe", + "\u0bb5\u0bbe\u0b9e\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb7\u0bb8\u0bcd\u0bb5\u0ba4\u0bcd", + "\u0b86\u0b9a\u0bbf\u0bb0\u0bbe", + "\u0ba8\u0bbe\u0b95\u0bae\u0ba3\u0bbf", + "\u0bb8\u0ba9\u0bcd\u0baf\u0bc1\u0b95\u0bcd\u0ba4\u0bbe", + "\u0bae\u0ba3\u0bbf\u0baf\u0bb0\u0b9a\u0bbf", + "\u0b8f\u0bb1\u0bc1\u0ba8\u0b9f\u0bc8", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0bbe", + "\u0b86\u0ba4\u0bbf\u0ba8\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bb5\u0ba9\u0bcd", + "\u0baf\u0bcb\u0bb9\u0bbf\u0ba4\u0bbe", + "\u0bb7\u0bb0\u0ba3\u0bbf", + "\u0b87\u0b9a\u0bc8\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0bb5\u0b9a\u0bc1\u0ba4\u0bbe", + "\u0b9a\u0b9c\u0ba9\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bae\u0ba9\u0bcd\u0bb1\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bb7\u0baa\u0bc0\u0bb0\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0ba4\u0ba9\u0bcd", + "\u0ba4\u0ba9\u0b95\u0bcd\u0b95\u0bcb\u0b9f\u0bcd\u0b9f\u0bbf", + "\u0ba8\u0bbe\u0b95\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0b95\u0ba3\u0bc8\u0baf\u0bbe\u0bb4\u0bbf", + "\u0b89\u0baf\u0bbf\u0bb0\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bbe\u0bb1\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bb5\u0bb3\u0bc8", + "\u0bae\u0ba3\u0bbf\u0b95\u0ba3\u0bcd\u0b9f\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bb2\u0bb0\u0bcd", + "\u0bb7\u0bbe\u0bae\u0bbf\u0ba9\u0bbf", + "\u0baa\u0b95\u0ba4\u0bcd", + "\u0b9a\u0b9f\u0b95\u0bcb\u0baa\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baa\u0bbf\u0bb0\u0b9a\u0bbe\u0ba4\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0b92\u0bb3\u0bb5\u0bc8", + "\u0bb5\u0bae\u0b95\u0bc7\u0bb7\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bbe\u0bb5\u0ba9\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bb3\u0bcd", + "\u0b95\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe", + "\u0baf\u0b9a\u0bcb\u0ba4\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0b9f\u0bbf", + "\u0bb5\u0bb0\u0ba4\u0bb0\u0bbe\u0b90\u0ba9\u0bcd", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0b95\u0bcd\u0b95\u0bca\u0b9f\u0bbf", + "\u0bb0\u0bb5\u0bbf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bc0\u0bb7\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b95\u0bbe", + "\u0bb0\u0b95\u0bc1", + "\u0b90\u0bb8\u0bcd\u0bb5\u0bb0\u0bcd\u0baf\u0bbe", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0bb5\u0b9a\u0bc1\u0ba4\u0bbe\u0bb0\u0bbf\u0ba3\u0bbf", + "\u0b89\u0b9c\u0bbf\u0bb2\u0bbe", + "\u0bb7\u0b95\u0bc1\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb5\u0bb0\u0bcd\u0ba3\u0bb5\u0ba4\u0bbf", + "\u0bb0\u0b95\u0bcd\u0bb7\u0ba9\u0bbe", + "\u0b89\u0ba4\u0baf\u0baa\u0bb0\u0bbf\u0ba4\u0bbf", + "\u0bb7\u0bbe\u0ba8\u0bcd\u0ba4\u0bb2\u0bbe", + "\u0baa\u0b95\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0baf\u0bae\u0bc1\u0ba9\u0bbe", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bb4\u0b95\u0bbf", + "\u0b85\u0b95\u0bb2\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0bbe\u0ba3\u0bcd\u0b9f\u0bae\u0bcd", + "\u0bb7\u0baa\u0bcd\u0ba9\u0bae\u0bcd", + "\u0b85\u0b95\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bbe\u0ba4\u0bbf", + "\u0bb5\u0bb4\u0bc1\u0ba4\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0b89\u0baa\u0ba4\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0baf\u0bc2\u0b95\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0bb5\u0bbe\u0b9a\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bae\u0ba4\u0bbf", + "\u0baa\u0b9a\u0bcd\u0b9a\u0bc8\u0baf\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba9\u0bbf", + "\u0baa\u0bb0\u0ba3\u0bbf", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0bcd\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0ba9\u0bcd", + "\u0baa\u0b9a\u0bc1\u0baa\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b9a\u0b83\u0baa\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb2\u0bbe", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b89\u0ba9\u0bcd\u0ba9\u0ba4\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0baa\u0bcd\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0ba9\u0bcd", + "\u0ba8\u0bb1\u0bcd\u0bb1\u0bbf\u0ba3\u0bc8", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0bb8\u0bcd\u0ba4\u0bbe", + "\u0baa\u0b9e\u0bcd\u0b9a\u0bbe\u0bae\u0bbf\u0bb0\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0baa\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b89\u0baa\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0b89\u0ba9\u0bcd\u0bae\u0bc7\u0bb7\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0ba3\u0bbf", + "\u0b85\u0b95\u0bb4\u0bcd\u0bae\u0bc7\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bc7\u0bb7\u0bcd", + "\u0b8a\u0bb0\u0bcd\u0bae\u0bbf\u0bb3\u0bbe", + "\u0b85\u0b95\u0bbf\u0bb2\u0b99\u0bcd\u0b95\u0b9f\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe", + "\u0baa\u0bb5\u0bb3\u0bae\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe", + "\u0baa\u0ba8\u0bcd\u0ba4\u0bc1\u0bb2\u0bcd", + "\u0b89\u0bb2\u0b95\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bae\u0ba3\u0bbf\u0baf\u0bc6\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0b8f\u0b95\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b95\u0ba3\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0bb2\u0bcd", + "\u0b85\u0b95\u0bb2\u0bcd\u0bb5\u0bbf\u0bb4\u0bbf", + "\u0b92\u0bb3\u0bbf\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0bb5\u0b9a\u0bc1\u0bae\u0ba4\u0bbf", + "\u0b8f\u0bb2\u0bbe", + "\u0b9a\u0b9a\u0bbf", + "\u0bb7\u0bbf\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0bb0\u0bbe\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b85\u0b95\u0bbf\u0bb0\u0bbe", + "\u0bae\u0b99\u0bcd\u0b95\u0bc8", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0ba4\u0bbf", + "\u0bb0\u0ba4\u0bcd\u0ba4\u0bbf\u0ba9\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0b95\u0bb3\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0b95\u0bbe", + "\u0bb8\u0bb0\u0bbf\u0b95\u0bbe", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0ba9\u0bc1", + "\u0bb9\u0ba9\u0bcd\u0b9a\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b9c\u0bbe", + "\u0b9a\u0ba4\u0bcd\u0baf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0b95\u0bc1\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0baa\u0bcd\u0bb0\u0bbf\u0bb9\u0bbe", + "\u0bae\u0b95\u0bbf\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0bb7\u0bb0\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0ba4\u0bbe", + "\u0b86\u0b9f\u0bcd\u0b9f\u0ba9\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b9a\u0ba4\u0bcd\u0bb0\u0bc1\u0b95\u0ba3\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0ba8\u0bb1\u0bc1\u0bae\u0bc1\u0b95\u0bc8", + "\u0bb9\u0bbe\u0bb0\u0bc1\u0ba3\u0bcd", + "\u0b8f\u0b95\u0bb2\u0bc8\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b9a\u0bcd\u0b9a\u0bc1\u0ba4\u0bbe\u0ba9\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbe\u0bae\u0bcd\u0baa\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bb3\u0bb5\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bae\u0bc1\u0b95\u0bbf", + "\u0bb7\u0baa\u0bb0\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba4\u0bbf", + "\u0baa\u0bb0\u0bbf\u0bae\u0bb3\u0bbe", + "\u0baa\u0ba4\u0bbf\u0bb0\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc1\u0bb0\u0b9a\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbf\u0b9a\u0bc8" + ], + "LAST_NAME": [ + "\u0bb8\u0bb9\u0bbf\u0bb0\u0bbe", + "\u0bb0\u0bbe\u0b9c\u0b9a\u0bc7\u0b95\u0bb0\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0ba8\u0ba9\u0bcd", + "\u0bb8\u0baa\u0bc0\u0ba9\u0bbe", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b86\u0ba4\u0bbf\u0b9a\u0b99\u0bcd\u0b95\u0bb0\u0bbe", + "\u0b86\u0ba4\u0bbf\u0bae\u0bb1\u0bc8", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0bb7\u0bbe\u0bb2\u0bbf\u0ba9\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0baa\u0bbe\u0bb5\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0bbe\u0b9a\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bae\u0bcd\u0bae\u0bc8", + "\u0ba4\u0ba3\u0bcd\u0ba3\u0bbf\u0bb2\u0bb5\u0bc1", + "\u0bb7\u0bbf\u0baa\u0bbe\u0ba9\u0bbf", + "\u0bb5\u0bb7\u0bbf\u0bb7\u0bcd\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b9a\u0bcd\u0b9a\u0bb2\u0bbe", + "\u0b85\u0b95\u0bbe\u0ba4\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bb2\u0bc8", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0bb2\u0bc8", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bbe\u0baa\u0bcd\u0baa\u0bbe", + "\u0b89\u0bae\u0baf\u0bbe\u0bb3\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0ba4\u0b9a\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0bb7\u0ba4\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0baf\u0bc7\u0bb5\u0bbe\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0bae\u0bc1\u0b95\u0bbf", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bbf\u0ba9\u0bbf", + "\u0b9a\u0b9e\u0bcd\u0b9c\u0bcb\u0b95\u0bcd", + "\u0bb5\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0ba4\u0b95\u0bcd\u0bb7\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0baa\u0bcd\u0baa\u0bc2\u0bb5\u0bb4\u0b95\u0bbf", + "\u0b85\u0b95\u0bb0\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bc7\u0bb5\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bbe", + "\u0b86\u0b9e\u0bcd\u0b9a\u0bb2\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bae\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0bbe", + "\u0bb0\u0b95\u0bc1\u0baa\u0ba4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb4\u0b95\u0bbf", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0ba9\u0bbe", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0baa\u0bbe\u0b95\u0bcd\u0baf\u0bb8\u0bcd\u0bb0\u0bc0", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bc2\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0bb5\u0ba4\u0bcd\u0bb8\u0bb2\u0bbe", + "\u0bb9\u0b9a\u0bbf\u0ba9\u0bbf\u0b95\u0bbe", + "\u0bb0\u0bbe\u0b9c\u0bbe", + "\u0bb5\u0bb0\u0bc1\u0ba3\u0bcd\u0b95\u0bc1\u0bae\u0bbeh", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb0\u0bbe\u0b90;", + "\u0bb5\u0bbe\u0ba9\u0bae\u0bbe\u0bae\u0bb2\u0bc8", + "\u0b9a\u0b95\u0bc0\u0ba9\u0bbe", + "\u0baf\u0bbe\u0bb4\u0bb0\u0b9a\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b85\u0b95\u0bcb\u0bb0\u0bbe", + "\u0b86\u0b95\u0bb0\u0bcd\u0ba3\u0bbe,", + "\u0ba8\u0ba9\u0bcd\u0bae\u0ba3\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbe\u0baf\u0b95\u0bae\u0bcd", + "\u0b90\u0baf\u0bbe", + "\u0bb9\u0bb7\u0bcd\u0bb5\u0bbf\u0ba8\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0b95\u0b99\u0bcd\u0b95\u0bc8\u0b95\u0bc6\u0bbe\u0ba3\u0bcd\u0b9f\u0bbe\u0ba9\u0bcd", + "\u0b89\u0bae\u0bc8\u0baf\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb8\u0bb0\u0bb8\u0bcd\u0bb5\u0ba4\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bae\u0bcd", + "\u0b86\u0ba4\u0bbf\u0b9a\u0b95\u0bcd\u0ba4\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0bb5\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bc6\u0bbe\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0baa\u0b95\u0bc1\u0baa\u0bc1\u0ba4\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bcd\u0ba3\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0baa\u0b95\u0bcd\u0ba4\u0bb5\u0b9a\u0bcd\u0b9a\u0bb2\u0bae\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf\u0ba8\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0ba4\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8\u0bb5\u0bbf\u0bb3\u0bae\u0bcd\u0baa\u0bbf", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bb0\u0bcd\u0bb8\u0ba9\u0bcd", + "\u0b95\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bb2\u0bcd", + "\u0b9a\u0b9a\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe\u0ba8\u0ba8\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb0\u0ba4\u0bbf", + "\u0b95\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b85\u0b9c\u0baf\u0bcd", + "\u0ba8\u0bbe\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0b89\u0bae\u0bc8\u0baf\u0bbe\u0bb3\u0bcd", + "\u0b95\u0ba9\u0b95\u0bbe", + "\u0baa\u0ba9\u0bcd\u0ba9\u0bc0\u0bb0\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0b95\u0bbf\u0bb2\u0bcd", + "\u0ba4\u0ba4\u0bcd\u0ba4\u0bc8", + "\u0baa\u0ba9\u0bbf\u0bae\u0bb2\u0bb0\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb5\u0bbe\u0bb0\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb0\u0bbe\u0bae\u0bcd", + "\u0baa\u0ba4\u0bcd\u0bae\u0bbe", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0b9a\u0bc7\u0ba9\u0bbe", + "\u0b87\u0b9f\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0b9f\u0ba9\u0bcd", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bcd\u0b95\u0bbe", + "\u0baf\u0bbe\u0bb4\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bca\u0bb3\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bc1\u0bb9\u0bb0\u0bbf", + "\u0bb5\u0bb2\u0bcd\u0bb2\u0bb0\u0b9a\u0bc1", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0bc7\u0b95\u0bbe", + "\u0b86\u0ba4\u0bbf", + "\u0b95\u0ba9\u0bb2\u0bcd\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0ba8\u0bbe\u0ba4\u0bb5\u0bc7\u0ba3\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bc1", + "\u0baa\u0b95\u0bc1\u0baa\u0bb2\u0bbf", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb9\u0bb0\u0bbf\u0ba9\u0bbf\u0bb5\u0bc7\u0ba4\u0bbe", + "\u0bb0\u0b99\u0bcd\u0b95\u0ba8\u0bbe\u0baf\u0b95\u0bbf", + "\u0bb8\u0bc1\u0baa\u0bcd\u0bb0\u0bc0\u0ba4\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bb4\u0b95\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bc0\u0bb5\u0bcd", + "\u0bb0\u0bae\u0bcd\u0baf\u0bbe", + "\u0b89\u0b9c\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bc6\u0ba9\u0bcd\u0bb1\u0bb2\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b95\u0b99\u0bcd\u0b95\u0bc8", + "\u0ba8\u0b9f\u0bcd\u0baa\u0bc1\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0bb0\u0bae\u0ba3\u0ba9\u0bcd", + "\u0b8a\u0bb0\u0bcd\u0b9c\u0bbf\u0ba4\u0bcd", + "\u0ba8\u0b9f\u0bc7\u0bb7\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb0\u0bcd\u0baa\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0baf\u0bcb\u0b95\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb4\u0b95\u0bbf", + "\u0bae\u0b99\u0bcd\u0b95\u0bb3\u0bae\u0bcd", + "\u0b8f\u0b95\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bb0\u0bc0\u0ba9\u0bbe", + "\u0bb5\u0ba4\u0ba9\u0bbe", + "\u0bb7\u0ba4\u0bbe", + "\u0baf\u0bcb\u0bb8\u0bcd\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0b99\u0bcd\u0b95\u0bb0\u0bbf", + "\u0bb7\u0bbe\u0bb7\u0bbf\u0ba9\u0bbf,", + "\u0bb5\u0bb0\u0bc1\u0ba9\u0bc7\u0bb7\u0bcd", + "\u0bb0\u0bbe\u0baa\u0bb0\u0bcd\u0b9f\u0bcd", + "\u0bb0\u0bbe\u0b9c", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbe\u0b95\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bbf\u0bb7\u0bcd\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bbe\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0baa\u0bb5\u0ba4\u0bbe\u0bb0\u0ba3\u0bbf", + "\u0bb7\u0ba8\u0bcd\u0ba4\u0bcb\u0bb7\u0bbf", + "\u0bb0\u0bb7\u0bb7\u0bc1\u0ba4\u0bcd", + "\u0b86\u0b95\u0bae\u0bbe", + "\u0b8f\u0b95\u0bcd\u0bb0\u0bbe\u0bae\u0bcd", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0baa\u0bcd\u0baa\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bae\u0baf\u0bbf", + "\u0b89\u0bb2\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb8\u0bcd\u0bae\u0bbf\u0ba4\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc6\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0b87\u0b9f\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0b9f\u0bb0\u0bcd", + "\u0bb0\u0bc0\u0b9c\u0bbe", + "\u0b85\u0b95\u0bb1\u0bcd\u0b95\u0bc1\u0bb1\u0bbf", + "\u0b9a\u0b9a\u0bbf\u0bb0\u0bc7\u0b95\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0b95\u0bbe\u0baa\u0bcd", + "\u0b85\u0b95\u0bb2\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bbf\u0bae\u0ba3\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0b95\u0ba9\u0bb2\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba3\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0baa\u0ba4\u0bc1\u0bae\u0bc8", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0b9a\u0bbe\u0b95\u0bb0\u0ba9\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bbf\u0bb1\u0bc8", + "\u0b85\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b89\u0ba4\u0baf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd;", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0baf\u0bc2\u0bb0\u0bbe\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0b99\u0bcd\u0b95\u0bc8", + "\u0b85\u0b99\u0bcd\u0b95\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bcd\u0bae\u0bca\u0bb4\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0ba9\u0bbf", + "\u0b95\u0b90\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b95\u0b9f\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb2\u0bcd\u0baf\u0bbe", + "\u0bb7\u0bbe\u0bb0\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bb5\u0bcd", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bcd\u0bb5\u0bc7\u0ba4\u0b99\u0bcd\u0b95\u0bcd", + "\u0ba8\u0b9f\u0bb5\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8", + "\u0b95\u0ba9\u0bbf\u0bb0\u0bbe", + "\u0baa\u0ba4\u0bcd\u0bae\u0ba8\u0bbe\u0baa\u0ba9\u0bcd", + "\u0b86\u0b9e\u0bcd\u0b9a\u0ba9\u0bc7\u0baf\u0bbe", + "\u0ba4\u0ba9\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0b95\u0b9a\u0bb0\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba4\u0bb0\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0bc8\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0b9a\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b9a\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bb0\u0bbf", + "\u0baa\u0bb0\u0bbf\u0bae\u0bb3\u0bae\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bb5\u0ba9\u0bcd", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bb5\u0bb4\u0b95\u0bbf", + "\u0bb9\u0bb8\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0ba9\u0bbf\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b89\u0baa\u0bbe\u0bb8\u0ba9\u0bbe", + "\u0bb7\u0bbf\u0b83\u0baa\u0bbe\u0bb2\u0bbf", + "\u0bb8\u0bb0\u0baf\u0bc2", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bcd\u0bb0\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba8\u0bbe\u0baf\u0b95\u0bbf", + "\u0baa\u0bb0\u0bae\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0b95\u0bc7\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bbe\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0ba3\u0bbf;\u0b9a\u0bc7\u0bb0\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0ba9\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0ba3\u0bbf", + "\u0ba8\u0b9a\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b9a\u0b9e\u0bcd\u0b9a\u0bc1", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0b9f\u0bae\u0bbf\u0bb4\u0bcd", + "\u0bb7\u0bb2\u0bbf\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb9\u0bc6\u0bb2\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0b89\u0ba4\u0bbe\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0bb9\u0bae\u0bcd\u0bb0\u0bbf\u0bb7\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb0\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0ba3\u0bbf", + "\u0b89\u0bb2\u0b95\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0b8f\u0b95\u0bbe\u0b99\u0bcd\u0b95\u0bbe", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b89\u0ba4\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bca\u0bb4\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bbe\u0bb0\u0bae\u0bcd", + "\u0baa\u0ba9\u0bcd\u0ba9\u0bc0\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bbf\u0baf\u0bb0\u0b9a\u0bbf", + "\u0baa\u0bb5\u0bb3\u0bae\u0bb2\u0bc8", + "\u0b92\u0bb3\u0bbf\u0baf\u0bb4\u0b95\u0ba9\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b95\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0b95\u0b9c\u0bcd\u0bb0\u0bbf", + "\u0ba8\u0bb2\u0bcd\u0bb2\u0bbf\u0b9a\u0bc8", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bae\u0bcd\u0bae\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bc7\u0baf\u0bbf", + "\u0baf\u0bbe\u0bae\u0bbf\u0ba9\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0ba9\u0bcd", + "\u0b86\u0b95\u0bbe\u0bb7\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bb0\u0b9a\u0bbf", + "\u0ba8\u0bbe\u0b95\u0bae\u0ba4\u0bbf", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bb3\u0ba9\u0bcd", + "\u0ba8\u0bb5\u0bcd\u0baf\u0bbe", + "\u0baa\u0b95\u0bb5\u0ba4\u0bbf", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb0\u0ba4\u0bb5\u0ba9\u0bbf", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0ba4\u0b9e\u0bcd\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0baa\u0b9a\u0bb5\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0b89\u0bb2\u0b95\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0bbe", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bbe", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b9a\u0b95\u0bc1\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0bc1", + "\u0ba8\u0b9f\u0bb5\u0bb0\u0b9a\u0bbf", + "\u0baa\u0bb5\u0bb4\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0bb9\u0bb0\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b87\u0b9a\u0bc8\u0bae\u0bbe\u0bae\u0ba3\u0bbf", + "\u0b95\u0b9f\u0bae\u0bcd\u0baa\u0bbe", + "\u0bb0\u0bbe\u0ba4\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bc8\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0ba4\u0bc7\u0bb5\u0ba9\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb2\u0bc8", + "\u0ba4\u0b9f\u0bbe\u0b95\u0bc8", + "\u0b89\u0bb2\u0b95\u0bbf\u0bb1\u0bc8", + "\u0b89\u0ba4\u0baf\u0bb5\u0ba9\u0bcd", + "\u0b90\u0baf\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bae\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0bbe", + "\u0baf\u0bb7\u0bcd\u0bb5\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb8\u0bc6\u0b9f\u0bc6\u0b83\u0baa\u0bbe\u0ba9\u0bbf\u0baf\u0bbe", + "\u0b87\u0b9a\u0bc8\u0baf\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0bb7\u0bbe\u0ba9\u0bb5\u0bbe\u0bb8\u0bcd", + "\u0bb7\u0bbe\u0bb2\u0bc1", + "\u0b9a\u0b95\u0bc1\u0ba3\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb1\u0bcd\u0b95\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0bb5\u0bbe\u0b95\u0bc0\u0b9a\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0baf\u0bb0\u0bc1\u0bb3\u0bcd", + "\u0b8e\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0baf\u0bcb\u0b95\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0b89\u0bb2\u0b95\u0bae\u0ba4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba9\u0bcd\u0ba9\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf", + "\u0bae\u0ba3\u0bb5\u0bbe\u0bb3\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0ba3\u0bcd", + "\u0b89\u0ba4\u0bcd\u0baa\u0bb2\u0bbe", + "\u0b85\u0b95\u0bb5\u0bb4\u0b95\u0bc1", + "\u0b9a\u0b95\u0bcd\u0ba4\u0bbf", + "\u0bb5\u0b9a\u0ba9\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bb2\u0bcd", + "\u0ba4\u0ba9\u0bb8\u0bcd\u0bb0\u0bc0", + "\u0ba8\u0ba4\u0bbf\u0baf\u0bbe", + "\u0b85\u0b95\u0bb2\u0bbf\u0b95\u0bc8", + "\u0b90\u0bb0\u0bbe\u0bb5\u0ba4\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0ba8\u0bbf\u0bb2\u0bb5\u0bc1", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0ba9\u0bae\u0bcd", + "\u0bb0\u0b9f\u0bcd\u0b9a\u0b95\u0bbe", + "\u0bb9\u0bb0\u0bbf\u0ba4\u0bbe\u0bb8\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0b86\u0b95\u0bcd\u0ba9\u0bc7\u0baf\u0bbe", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0ba8\u0bb1\u0bc1\u0bae\u0bb2\u0bb0\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc1\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0b92\u0bb3\u0bbf\u0b92\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0ba4\u0bbf", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bc1\u0bb5\u0bb0\u0bcd", + "\u0baf\u0bc2\u0ba4\u0bbf\u0b95\u0bbe", + "\u0ba8\u0bb5\u0bbf\u0ba4\u0bbe", + "\u0b86\u0ba4\u0bbf\u0b9a\u0bc7\u0bb7\u0bbe", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0baa\u0bb4\u0b95\u0bc1\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0b92\u0b9f\u0bcd\u0b9f\u0b95\u0bcd\u0b95\u0bc2\u0ba4\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0bb5\u0bb3\u0bb5\u0ba9\u0bcd", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bbf\u0b9a\u0bc8", + "\u0b85\u0b95\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0b95\u0b9a\u0bbf\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b90\u0baf\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0bae\u0ba4\u0bbf", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0b8e\u0b95\u0bbe\u0bae\u0bcd\u0baa\u0bb0\u0bae\u0bcd", + "\u0b89\u0ba4\u0bbf\u0baf\u0b9e\u0bcd\u0b9a\u0bc7\u0bb0\u0bb2\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0bae\u0ba4\u0bbf", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0baa\u0bcd\u0baa\u0bc2", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0bb5\u0bbe\u0bb8\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bb0\u0ba4\u0bcd\u0ba3\u0bae\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba4\u0bcd\u0b9a\u0bb5\u0bcd", + "\u0b89\u0baa\u0bae\u0ba9\u0bcd\u0baf\u0bc2", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bbe", + "\u0b85\u0b95\u0ba3\u0bcd\u0b9f\u0bb2\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0b9f\u0bc0\u0baa\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb3\u0bbf\u0ba9\u0bbf", + "\u0bb7\u0b9a\u0bbf", + "\u0bae\u0ba3\u0bb5\u0bb4\u0b95\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0bcd\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b95\u0bb2\u0bbe", + "\u0b95\u0ba9\u0b95\u0bb5\u0bb3\u0bcd\u0bb3\u0bbf", + "\u0ba8\u0bbe\u0b95\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bb0\u0b9a\u0bbf", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0baf\u0bbe", + "\u0b87\u0b95\u0bcd\u0bb7\u0bc2,", + "\u0baa\u0b95\u0bc1\u0ba4\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0baa\u0b95\u0bc1\u0baa\u0bcd\u0bb0\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb1\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0bae\u0b9a\u0bbe\u0bae\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc6\u0bbe\u0bb2\u0bbf", + "\u0bb9\u0bc7\u0bae\u0bb2\u0ba4\u0bbe", + "\u0bb7\u0ba8\u0bcd\u0bb8\u0bbe", + "\u0b89\u0ba4\u0bc0\u0baa\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1", + "\u0bb9\u0bbf\u0bb0\u0ba3\u0bcd\u0baf\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0baf\u0bc2\u0b9a\u0bc1\u0baa\u0bcd", + "\u0b8e\u0bae\u0bb2\u0bcd\u0b9f\u0bbe", + "\u0bb0\u0bae\u0bc7\u0bb7\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0bbe", + "\u0bb7\u0ba4\u0bcd\u0bb0\u0bc1\u0b9e\u0bcd\u0b9c\u0baf\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0b8a\u0bb0\u0bcd\u0bb5\u0b9a\u0bbf", + "\u0b95\u0b99\u0bcd\u0b95\u0bbe", + "\u0bb7\u0ba3\u0bcd\u0b9a\u0bbf\u0bb2\u0bbe\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0b85\u0b95\u0bb5\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bb8\u0bcd\u0bb5\u0baa\u0bcd\u0ba8\u0bbf\u0bb2\u0bcd", + "\u0b89\u0ba9\u0bcd\u0ba9\u0ba4\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba9\u0bbf", + "\u0b85\u0b95\u0bcd\u0bb7\u0baf\u0bbe", + "\u0b85\u0b95\u0bae\u0ba4\u0bbf", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc7\u0b9a\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bae\u0bc7\u0bb0\u0bbe", + "\u0ba8\u0bbe\u0b9a\u0bcd\u0b9a\u0bbf\u0baf\u0bbe\u0bb0\u0bcd", + "\u0baf\u0bb7\u0bcd\u0bb5\u0bbf\u0ba9\u0bbf", + "\u0ba8\u0bbe\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bbe\u0bb5\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bc1\u0bb0\u0bc8", + "\u0b86\u0ba4\u0bbf\u0b95\u0bc1\u0ba3\u0bbe", + "\u0b86\u0ba4\u0bbf\u0bae\u0b95\u0bb3\u0bcd", + "\u0baf\u0bc2\u0b95\u0bc7\u0bb7\u0bcd", + "\u0bb7\u0bbf\u0b99\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bc1\u0bb5\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bc1\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0bae\u0ba4\u0bbf", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bb5\u0bcd", + "\u0bb5\u0bbe\u0b9a\u0bc1\u0ba4\u0bc7\u0bb5\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bbe\u0baf\u0bbf\u0bb0\u0bae\u0bcd", + "\u0bb9\u0bb5\u0bbf\u0ba9\u0bbe\u0bb7\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0b92\u0bb3\u0bbf\u0bae\u0bc1\u0b95\u0bae\u0bcd", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0b90\u0ba9\u0bcd", + "\u0b85\u0b95\u0bb0\u0bae\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0bb9\u0ba9\u0bcd\u0baf\u0bbe", + "\u0ba4\u0bae\u0baf\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0b95\u0bcd\u0bb7\u0bcd\u0bae\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbe\u0baf\u0ba3\u0bb0\u0bcd", + "\u0b85\u0b95\u0bae\u0ba3\u0bbf", + "\u0baf\u0bcb\u0b95\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0ba4\u0bbf", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0ba8\u0bb5\u0bc0\u0ba9\u0bbe", + "\u0bb8\u0bc1\u0bae\u0bbe", + "\u0b86\u0ba4\u0bcd\u0bae\u0b9c\u0bbe,", + "\u0bb5\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb5\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0bae\u0bbe\u0bae\u0ba3\u0bbf", + "\u0b95\u0ba9\u0bbf\u0b95\u0bbe", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0b95\u0bbe", + "\u0b85\u0b95\u0bb5\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bb0\u0b9c\u0bbf\u0ba4\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc7\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b86\u0b9f\u0bcd\u0b9f\u0ba8\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bc6\u0bb1\u0bbf\u0baf\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bcd\u0bae\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bbf", + "\u0b86\u0ba9\u0ba8\u0bcd\u0ba4\u0b95\u0bbf\u0bb0\u0bbf", + "\u0baa\u0bb5\u0bb3\u0bae\u0bcd", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba4\u0bae\u0bcd", + "\u0b9a\u0b9e\u0bcd\u0b9a\u0baf\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0bc1\u0b95\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bb0\u0bbf\u0b9a\u0bbf\u0bb2\u0bcd", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bcd,\u0b86\u0ba4\u0bc7\u0bb7\u0bcd", + "\u0b89\u0bae\u0bbe", + "\u0b86\u0ba4\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bc8\u0bb2\u0bc7\u0bb7\u0bcd", + "\u0bb0\u0bc0\u0b9f\u0bcd\u0b9f\u0bbe", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0bb9\u0bbe\u0b9a\u0bbf\u0ba9\u0bbf", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bc6\u0bbe\u0bb4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b9a\u0b9c\u0bc0\u0ba4\u0bcd", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf\u0b9a\u0bc1\u0b9f\u0bb0", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0ba8\u0bae\u0bcd\u0bae\u0bbe\u0bb4\u0bcd\u0bb5\u0bbe\u0bb0\u0bcd", + "\u0bb8\u0bcd\u0ba4\u0bc1\u0ba4\u0bbf", + "\u0ba4\u0ba9\u0bc1\u0bb7\u0bcd\u0bb0\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b86\u0ba4\u0bb0\u0bcd\u0bb7\u0bcd", + "\u0bb7\u0bcd\u0bb0\u0bbe\u0bb5\u0ba3\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc0\u0ba4\u0bbe", + "\u0b9a\u0b9a\u0bbf\u0ba4\u0bb0\u0ba9\u0bcd", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0b9a\u0bcd\u0b9a\u0bbf\u0b95\u0bcd\u0b95\u0bc1", + "\u0baa\u0bb5\u0bbf\u0ba4\u0bcd\u0bb0\u0bbe", + "\u0baf\u0bcb\u0b95\u0bb2\u0bbf\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bc8\u0baa\u0bcd\u0baa\u0bcb\u0bb2\u0bcd", + "\u0bae\u0ba3\u0bbf\u0baa\u0bcd\u0baa\u0bb5\u0bb3\u0ba9\u0bcd", + "\u0bb9\u0bb8\u0bbf\u0ba9\u0bbe", + "\u0b85\u0b95\u0bb2\u0bbe\u0bb0\u0bcd\u0b9a\u0b9f\u0bc8\u0baf\u0ba9\u0bcd", + "\u0baa\u0bb5\u0ba4\u0bbe", + "\u0bae\u0b95\u0bb7\u0bc7\u0bb5\u0bb0\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0ba8\u0bc0\u0bb2\u0bcd", + "\u0bb5\u0bb2\u0bcd\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bc1\u0baa\u0bcd\u0bb0\u0bbf\u0baf\u0bbe", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb5\u0bc8", + "\u0b86\u0b95\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0bb0\u0bcd", + "\u0b8f\u0b95\u0bbe\u0baa\u0bb0\u0ba9\u0bbe", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd", + "\u0b9a\u0b9a\u0bbf\u0b95\u0bb2\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0b95\u0bb3\u0bcd", + "\u0baa\u0b95\u0bb5\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b85\u0b95\u0ba4\u0bcd\u0ba4\u0bb4\u0b95\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bb5\u0bc7\u0bb2\u0bc1", + "\u0b87\u0b9a\u0bc8\u0baf\u0bae\u0bc1\u0ba4\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bc1\u0bb7\u0bcd\u0baa\u0bae\u0bcd", + "\u0baa\u0ba4\u0bc1\u0bae\u0ba9\u0bbe\u0bb0\u0bcd", + "\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0bb2\u0bb0\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0bcd", + "\u0bb0\u0b95\u0bc1\u0bb0\u0bbe\u0bae\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba4\u0bbf", + "\u0bae\u0b9e\u0bcd\u0b9a\u0ba9\u0bbe", + "\u0bb0\u0b83\u0baa\u0bbf", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bb2\u0bcd", + "\u0b85\u0b95\u0bc1\u0bb2\u0bcd,", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbe\u0b9f\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0ba9\u0bcd", + "\u0b86\u0b9f\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0bbf", + "\u0bb9\u0bb0\u0bbf", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb5\u0bbf\u0bb7\u0bcd\u0bae\u0ba4\u0bbf", + "\u0bb7\u0bae\u0bcd\u0baa\u0bc1", + "\u0bb0\u0b9c\u0bbf\u0ba9\u0bbf", + "\u0baf\u0bbe\u0bb4\u0bbf\u0ba9\u0bcd", + "\u0b87\u0b9a\u0b95\u0bcd\u0b95\u0bbf\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0b95\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb0\u0b9a\u0bc1", + "\u0b85\u0b95\u0bbf\u0bb2\u0bbe", + "\u0baf\u0bcb\u0b95\u0bae\u0bb2\u0bb0\u0bcd", + "\u0baa\u0b9a\u0bcd\u0b9a\u0bc8\u0baf\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0bb7\u0bcd\u0ba9\u0bc7\u0b95\u0bb2\u0bcd", + "\u0b9a\u0b95\u0bcd\u0b95\u0bb0\u0bb5\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bc7\u0bb7\u0bcd", + "\u0b89\u0bb2\u0b95\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0bb5\u0ba3\u0b99\u0bcd\u0b95\u0bbe\u0bae\u0bc1\u0b9f\u0bbf", + "\u0b92\u0bb3\u0bbf\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b89\u0b9a\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bae\u0bbe", + "\u0b92\u0bb3\u0bbf\u0bb0\u0bcd\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0bb5\u0bb0\u0bc1\u0ba3\u0bbf", + "\u0baa\u0b95\u0bc0\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bae\u0bc2\u0bb0\u0bcd\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bbe\u0bb2\u0bbf\u0b95\u0bbe", + "\u0b89\u0ba4\u0bcd\u0b95\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba9\u0bcd\u0bae\u0bc8\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0b8e\u0b9f\u0bcd\u0b9f\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b9a\u0b83\u0baa\u0bbf\u0baf\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc7\u0b95\u0bb2\u0bc8", + "\u0ba4\u0ba9\u0bc1\u0baa\u0bcd\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0bbe", + "\u0bb8\u0bc1\u0bb0\u0baa\u0bbf", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b87\u0b95\u0bcd\u0baa\u0bbe\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bae\u0bc1\u0ba4\u0bc1", + "\u0baa\u0b95\u0bb5\u0ba4\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bbe", + "\u0b89\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bbe", + "\u0b89\u0b9f\u0bcd\u0b95\u0bb0\u0bcd\u0bb7\u0bcd", + "\u0b8e\u0baf\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb2\u0bbf\u0bae\u0bbe", + "\u0bb7\u0bbe\u0ba8\u0bcd\u0ba4\u0bbf", + "\u0bae\u0ba3\u0bbf\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0b86\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b95\u0ba9\u0bbf\u0bae\u0bca\u0bb4\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bae\u0bca\u0bb4\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0ba9\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b92\u0bb3\u0bbf", + "\u0b89\u0ba4\u0baf\u0b9a\u0bcd\u0b9a\u0bb2\u0bcd", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0bc1", + "\u0bb0\u0bae\u0bc7\u0bb7\u0bcd", + "\u0bb7\u0bbf\u0baf\u0bbe\u0bae\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0ba8\u0bae\u0bcd\u0baa\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bb5\u0bbf", + "\u0bb7\u0bbf\u0b95\u0bbe", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb4\u0b95\u0ba9\u0bcd", + "\u0b90\u0bb8\u0b95\u0bcd", + "\u0baa\u0b9c\u0bb0\u0b99\u0bcd\u0b95\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bcd", + "\u0bb9\u0ba9\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0bb8\u0bcc\u0bb0\u0bbe", + "\u0baa\u0baa\u0bbf\u0ba4\u0bbe", + "\u0b86\u0b9f\u0bb2\u0bb0\u0b9a\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0bae\u0ba4\u0bbf", + "\u0baa\u0b95\u0bc1\u0baa\u0bbe\u0bb2\u0ba9\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc7\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0b95\u0bc1\u0b9f\u0bcd\u0b9f\u0bc1\u0bb5\u0ba9\u0bcd", + "\u0bb7\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b9a\u0bcd\u0b9a\u0bc1\u0b9f\u0bb0\u0bcd", + "\u0b89\u0bae\u0bc8", + "\u0baf\u0bc7\u0b95\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb5\u0bb0\u0bcd\u0bb7\u0bbe", + "\u0b89\u0ba4\u0bbf\u0ba4\u0bcd", + "\u0b86\u0b9f\u0bb2\u0bcd", + "\u0bb7\u0bcd\u0baf\u0bbe\u0bae\u0bcd", + "\u0b89\u0ba4\u0baf\u0bb5\u0bbe\u0ba9\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bb5\u0bc7\u0bb2\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0ba8\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0bb3\u0bcd", + "\u0ba8\u0b99\u0bcd\u0b95\u0bc8", + "\u0bb9\u0bc7\u0bae\u0ba8\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0b89\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0ba9\u0bbf\u0ba4\u0bcd\u0ba4\u0bbe", + "\u0baf\u0bcb\u0b95\u0bbe\u0ba8\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bca\u0bb4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb5\u0bb3\u0bcd\u0bb3\u0bb2\u0bcd", + "\u0b89\u0ba4\u0baf\u0b9a\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbf\u0b95\u0bbe", + "\u0b95\u0ba9\u0bbf\u0baf\u0bae\u0bc1\u0ba4\u0bc1", + "\u0bb7\u0bcd\u0baf\u0bbe\u0bae\u0bb2\u0bcd", + "\u0bb7\u0bbe", + "\u0b85\u0b95\u0bbe\u0ba9\u0bbe", + "\u0ba4\u0ba9\u0baa\u0bbe\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bae\u0bcd", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0ba4\u0bbe", + "\u0bb7\u0bb0\u0ba3\u0bcd", + "\u0b92\u0bb3\u0bcd\u0bb3\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0ba8\u0bb2\u0bcd\u0bb2", + "\u0bb0\u0b95\u0b9a\u0bbf\u0baf\u0bbe", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0ba8\u0b9a\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bbf\u0ba9\u0bbf\u0baf\u0bb0\u0bcd", + "\u0b95\u0b9f\u0bb2\u0bcd\u0bb5\u0bc7\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b89\u0bae\u0bc8\u0baf\u0bb0\u0b9a\u0bbf", + "\u0ba8\u0bb3\u0bbe\u0baf\u0bbf\u0ba9\u0bbf", + "\u0b9a\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0bb2\u0bbf\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0baa\u0bb5\u0bb3\u0b95\u0bcd\u0b95\u0bca\u0b9f\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0b95\u0bb3\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bae\u0bcd", + "\u0bb5\u0ba4\u0ba9\u0bbf", + "\u0b89\u0ba4\u0baf\u0bbe", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0baf\u0bb0\u0b9a\u0bc1", + "\u0baa\u0ba4\u0bcd\u0bb0\u0ba8\u0bbf\u0ba4\u0bbf", + "\u0b86\u0ba3\u0bcd\u0b9f\u0bbe\u0bb3\u0bcd", + "\u0bb7\u0bbf\u0bb7\u0bbf\u0bb0\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bb1\u0bc8", + "\u0b8f\u0b95\u0bbe\u0bae\u0bcd\u0baa\u0bb0\u0bae\u0bcd", + "\u0baa\u0b95\u0bc1\u0bae\u0bbe\u0ba9\u0bcd\u0baf\u0ba9\u0bcd", + "\u0ba4\u0ba9\u0bcd\u0bae\u0bbe\u0ba9\u0bae\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0b85\u0b95\u0bcd\u0bb0\u0bc2\u0bb0\u0bcd,", + "\u0bb7\u0bcb\u0baa\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb0\u0bbe\u0b90;", + "\u0b95\u0ba4\u0bcd\u0bb0\u0bbf\u0ba9\u0bbe", + "\u0bb0\u0bbe\u0ba3\u0bbf", + "\u0bb8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbf\u0bb0\u0ba4\u0bcd\u0ba9\u0bbe", + "\u0bb8\u0bcd\u0b95\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0b8f\u0ba8\u0bcd\u0ba4\u0bbf\u0bb4\u0bc8", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0bb0\u0bb5\u0bbf", + "\u0bb7\u0bbe\u0bb9\u0bcd\u0ba9\u0bbe", + "\u0b85\u0b9a\u0bbf\u0bb0\u0bbe", + "\u0b85\u0b95\u0bcd\u0bb0\u0bcb\u0ba4\u0ba9\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b9a\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0b87\u0ba4\u0baf\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0b9c\u0bbe", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0ba4\u0bb0\u0bcd", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8\u0baf\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0baf\u0bcb\u0b95\u0bc7\u0bb7\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baf\u0bbe\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bb2\u0bbe", + "\u0ba8\u0baf\u0ba9\u0bcd\u0ba4\u0bbe\u0bb0\u0bbe", + "\u0baa\u0b95\u0bc1\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b8e\u0bb0\u0bbf\u0ba4\u0bb4\u0bb2\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bc1\u0bb0\u0bc1", + "\u0bb0\u0bae\u0ba3\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0ba4\u0bc1\u0bb0\u0bc8", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b85\u0b99\u0bcd\u0b95\u0bbe\u0bb2", + "\u0bb7\u0b95\u0bcd\u0ba4\u0bbf", + "\u0b89\u0ba4\u0bb0\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0b9f\u0bbe\u0bb0\u0bcd\u0b95\u0bc1\u0bb4\u0bb2\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba9\u0bbe", + "\u0b89\u0b9c\u0bbe\u0b95\u0bb0\u0bcd", + "\u0b89\u0bb2\u0b95", + "\u0b95\u0b9f\u0bae\u0bcd\u0baa\u0ba9\u0bcd", + "\u0bb9\u0bb8\u0bcd\u0ba9\u0bbe", + "\u0b87\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0bc1\u0bb0\u0b9a\u0bc1", + "\u0b8e\u0bae\u0bb2\u0bbf", + "\u0bb5\u0bb0\u0bc1\u0ba9\u0bbf\u0ba4\u0bbe", + "\u0bb9\u0bb0\u0bbf\u0b95\u0bb0\u0ba3\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc6\u0bbe\u0bb4\u0bbf", + "\u0b87\u0b9a\u0bc8\u0baf\u0bc7\u0ba8\u0bcd\u0ba4\u0bb2\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0baa\u0bcd\u0baa\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb9\u0bae\u0bcd\u0b9a\u0bbe", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b9a\u0bbf\u0bb5\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0ba8\u0b9f\u0bb0\u0bbe\u0b9c\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b9a\u0b95\u0bcd\u0ba4\u0bbf\u0bb5\u0bc7\u0bb2", + "\u0b92\u0b9f\u0bcd\u0b9f\u0b95\u0bcd\u0b95\u0bc2\u0ba4\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b95\u0b9c\u0bcb\u0bb2\u0bcd", + "\u0bb8\u0ba4\u0bcd\u0baf\u0bbe", + "\u0b85\u0b95\u0bb1\u0bcd\u0b95\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0b89\u0ba3\u0bcd\u0bae\u0bc8", + "\u0baf\u0bbe\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0bb0\u0bbf\u0ba4\u0bcd\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b85\u0b99\u0bcd\u0b95\u0bb5\u0bc8", + "\u0b89\u0bae\u0bbe\u0bae\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bb5\u0ba3\u0bcd\u0ba3\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0baa\u0bbe\u0b9f\u0bbf", + "\u0baa\u0bb5\u0bbe\u0ba9\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0bc1", + "\u0bb5\u0bbe\u0ba9\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0b92\u0bb3\u0bbf\u0baf\u0bb5\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bcd\u0baf\u0bb5\u0bbf\u0bb0\u0ba4\u0ba9\u0bcd", + "\u0bb8\u0bb0\u0bb3\u0bbe", + "\u0ba4\u0ba9\u0bcd\u0bb5\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bc1\u0bae\u0bbe\u0bb0\u0bbf", + "\u0b90\u0baf\u0bae\u0bcd\u0baa\u0bc6\u0bb0\u0bc1\u0bae\u0bbe\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baf\u0bbe", + "\u0bae\u0b95\u0bbf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0b95\u0bbe", + "\u0b90\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1", + "\u0baf\u0bc2\u0bb5\u0bb0\u0bbe\u0ba9\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0baa\u0bcd\u0baa\u0bbe\u0bb5\u0bc8", + "\u0baa\u0bb2\u0bcd\u0bb2\u0bb5\u0bbf", + "\u0bb0\u0bae\u0bcd\u0b9c\u0bbe\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba3\u0bbf", + "\u0bae\u0b95\u0bbf\u0bb4\u0bcd\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b87\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0ba4\u0b99\u0bcd\u0b95\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0bae\u0bb2\u0bcd,", + "\u0bb8\u0bc6\u0b9f\u0bc6\u0baa\u0bbe\u0ba9\u0bbf", + "\u0b85\u0b95\u0bbf\u0bb2\u0bc7\u0bb7\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b9a\u0b99\u0bcd\u0b95\u0bbf\u0bb2\u0bbf", + "\u0ba8\u0bb0\u0bcd\u0bae\u0ba4\u0bbe", + "\u0b90\u0baf\u0ba9\u0bbe\u0bb0\u0baa\u0bcd\u0baa\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0bb7\u0bb0\u0bbe", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf", + "\u0b89\u0ba4\u0bcd\u0baa\u0bb2\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0baa\u0bbe\u0ba3\u0bcd\u0b9f\u0bbf\u0baf\u0ba9\u0bcd", + "\u0bb7\u0bb7\u0bbe\u0b99\u0bcd\u0b95\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0bae\u0ba3\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0bb7\u0bcd", + "\u0bae\u0b99\u0bcd\u0b95\u0bc8\u0baf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bb0\u0b9a\u0bbf", + "\u0bb5\u0ba3\u0bcd\u0ba3\u0ba8\u0bbf\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0ba9\u0bc7\u0bb9\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bae\u0ba3\u0bbf\u0baa\u0bcd\u0baa\u0bb5\u0bb3\u0bae\u0bcd", + "\u0b9a\u0b99\u0bcd\u0b95\u0bae\u0bbf\u0ba4\u0bcd\u0bb0\u0bc8", + "\u0b95\u0ba9\u0bbf\u0bae\u0ba4\u0bbf", + "\u0baa\u0b95\u0bc1\u0b95\u0bc1\u0ba9\u0ba9\u0bcd", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bc7\u0bbe\u0ba9\u0bcd", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0baf\u0baa\u0bbf\u0bb0\u0baa\u0bbe", + "\u0b86\u0b9a\u0bc8\u0ba4\u0bcd\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0bae\u0b99\u0bcd\u0b95\u0bb3\u0bbe", + "\u0bae\u0ba3\u0bbf\u0baf\u0bae\u0bcd\u0bae\u0bc8", + "\u0bb0\u0bbe\u0b9a\u0bbe\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0bb7\u0bb7\u0bbf", + "\u0b8f\u0b95\u0bb0\u0bbe\u0b9c\u0bcd", + "\u0bb0\u0b99\u0bcd\u0b95\u0b9a\u0bbe\u0bae\u0bbf", + "\u0ba4\u0ba9\u0bcd\u0b9a\u0bbf", + "\u0baa\u0ba4\u0bcd\u0bb0\u0bbf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0b95\u0bcb\u0baa\u0bbe\u0bb2\u0bcd", + "\u0bb8\u0bcd\u0bae\u0bbf\u0bb0\u0bc1\u0ba4\u0bbf", + "\u0bb9\u0ba9\u0bbf\u0bb7\u0bbe", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0b95\u0bb8\u0bcd\u0bb0\u0bbe", + "\u0b85\u0b95\u0bcd\u0ba9\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0bb3\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0b95\u0bbf", + "\u0bae\u0ba3\u0bbf\u0b95\u0bcd\u0b95\u0ba4\u0bbf\u0bb0\u0bcd", + "\u0bb8\u0bc1\u0baa\u0ba4\u0bcd\u0ba4\u0bbf\u0bb0\u0bc8", + "\u0b86\u0ba4\u0bbf\u0b95\u0bc7\u0b9a\u0bb5\u0ba9\u0bcd", + "\u0ba8\u0bbe\u0b95\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0b89\u0bb2\u0b95\u0bae\u0ba3\u0bbf", + "\u0ba8\u0bb3\u0bbf\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bcd\u0ba3\u0ba4\u0bbe\u0b9a\u0ba9\u0bcd", + "\u0ba8\u0baa\u0bcd\u0baa\u0b9a\u0bb2\u0bc8\u0baf\u0bbe\u0bb0\u0bcd", + "\u0baa\u0bbe\u0b95\u0bcd\u0b95\u0bbf\u0baf\u0bb2\u0b95\u0bcd\u0bb7\u0bcd\u0bae\u0bbf", + "\u0bb0\u0b95\u0bcd\u0bb7\u0bbf\u0ba4\u0bbe", + "\u0bb8\u0baf\u0bc2\u0bb0\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0b95\u0bae\u0bbe", + "\u0b8e\u0bae\u0bbf\u0bb2\u0bcd\u0b9f\u0bbe", + "\u0b95\u0ba3\u0bcd\u0ba3\u0bbf\u0bae\u0bc8", + "\u0bae\u0b95\u0bbf\u0bb4\u0bb0\u0b9a\u0bc1", + "\u0baa\u0ba4\u0bcd\u0bae\u0bbf\u0ba9\u0bbf", + "\u0baa\u0b9c\u0ba9\u0bcd", + "\u0b8f\u0ba9\u0bbe\u0b95\u0bcd\u0bb7\u0bbf", + "\u0bb7\u0bae\u0bbe", + "\u0bb9\u0bc7\u0bae\u0bbe", + "\u0b8e\u0bb0\u0bbf\u0baf\u0bc0\u0b9f\u0bcd\u0b9f\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc7\u0bbe\u0bae\u0b95\u0bb3\u0bcd", + "\u0bb8\u0ba4\u0bcd\u0bb5\u0bb0\u0bbf", + "\u0b85\u0b9c\u0ba8\u0bcd\u0ba4\u0bbe", + "\u0ba8\u0bae\u0bcd\u0baa\u0bbf\u0bb3\u0bcd\u0bb3\u0bc8", + "\u0b95\u0ba4\u0bbf\u0bb0\u0bcd\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0bbe", + "\u0bb5\u0bbe\u0b9e\u0bcd\u0b9a\u0bbf\u0ba9\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb7\u0bb8\u0bcd\u0bb5\u0ba4\u0bcd", + "\u0b86\u0b9a\u0bbf\u0bb0\u0bbe", + "\u0ba8\u0bbe\u0b95\u0bae\u0ba3\u0bbf", + "\u0bb8\u0ba9\u0bcd\u0baf\u0bc1\u0b95\u0bcd\u0ba4\u0bbe", + "\u0bae\u0ba3\u0bbf\u0baf\u0bb0\u0b9a\u0bbf", + "\u0b8f\u0bb1\u0bc1\u0ba8\u0b9f\u0bc8", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0bb2\u0bbe", + "\u0b86\u0ba4\u0bbf\u0ba8\u0bbe\u0ba4\u0ba9\u0bcd", + "\u0bb0\u0bbe\u0b95\u0bb5\u0ba9\u0bcd", + "\u0baf\u0bcb\u0bb9\u0bbf\u0ba4\u0bbe", + "\u0bb7\u0bb0\u0ba3\u0bbf", + "\u0b87\u0b9a\u0bc8\u0ba8\u0bc7\u0baf\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd", + "\u0bb5\u0b9a\u0bc1\u0ba4\u0bbe", + "\u0b9a\u0b9c\u0ba9\u0bbf", + "\u0bae\u0ba3\u0bbf\u0bae\u0ba9\u0bcd\u0bb1\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0baf\u0bbe\u0bb4\u0bcd\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba4\u0bc7\u0bb5\u0bbf", + "\u0bb7\u0baa\u0bc0\u0bb0\u0bcd", + "\u0b85\u0b99\u0bcd\u0b95\u0ba4\u0ba9\u0bcd", + "\u0ba4\u0ba9\u0b95\u0bcd\u0b95\u0bcb\u0b9f\u0bcd\u0b9f\u0bbf", + "\u0ba8\u0bbe\u0b95\u0bb5\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0b95\u0ba3\u0bc8\u0baf\u0bbe\u0bb4\u0bbf", + "\u0b89\u0baf\u0bbf\u0bb0\u0bc7\u0bbe\u0bb5\u0bbf\u0baf\u0bae\u0bcd", + "\u0ba8\u0ba9\u0bcd\u0bae\u0bbe\u0bb1\u0ba9\u0bcd", + "\u0b8e\u0bb4\u0bbf\u0bb1\u0bcd\u0b95\u0bc1\u0bb5\u0bb3\u0bc8", + "\u0bae\u0ba3\u0bbf\u0b95\u0ba3\u0bcd\u0b9f\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bb2\u0bb0\u0bcd", + "\u0bb7\u0bbe\u0bae\u0bbf\u0ba9\u0bbf", + "\u0baa\u0b95\u0ba4\u0bcd", + "\u0b9a\u0b9f\u0b95\u0bcb\u0baa\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0baa\u0bbf\u0bb0\u0b9a\u0bbe\u0ba4\u0bcd", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0bb5\u0bc7\u0bb2\u0bcd", + "\u0b92\u0bb3\u0bb5\u0bc8", + "\u0bb5\u0bae\u0b95\u0bc7\u0bb7\u0bbf", + "\u0bb8\u0bcd\u0bb0\u0bbe\u0bb5\u0ba9\u0bbf", + "\u0b86\u0ba4\u0bbf\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0bcd", + "\u0bae\u0b9e\u0bcd\u0b9a\u0bb3\u0bcd", + "\u0b95\u0b9f\u0bb1\u0bcd\u0b95\u0bc7\u0bbe", + "\u0baf\u0b9a\u0bcb\u0ba4\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0b9f\u0bbf", + "\u0bb5\u0bb0\u0ba4\u0bb0\u0bbe\u0b90\u0ba9\u0bcd", + "\u0bb5\u0b9e\u0bcd\u0b9a\u0bbf\u0b95\u0bcd\u0b95\u0bca\u0b9f\u0bbf", + "\u0bb0\u0bb5\u0bbf\u0ba9\u0bcd", + "\u0b9a\u0ba4\u0bc0\u0bb7\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b95\u0bbe", + "\u0bb0\u0b95\u0bc1", + "\u0b90\u0bb8\u0bcd\u0bb5\u0bb0\u0bcd\u0baf\u0bbe", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0ba9\u0bbf", + "\u0bb5\u0b9a\u0bc1\u0ba4\u0bbe\u0bb0\u0bbf\u0ba3\u0bbf", + "\u0b89\u0b9c\u0bbf\u0bb2\u0bbe", + "\u0bb7\u0b95\u0bc1\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0bb5\u0bb0\u0bcd\u0ba3\u0bb5\u0ba4\u0bbf", + "\u0bb0\u0b95\u0bcd\u0bb7\u0ba9\u0bbe", + "\u0b89\u0ba4\u0baf\u0baa\u0bb0\u0bbf\u0ba4\u0bbf", + "\u0bb7\u0bbe\u0ba8\u0bcd\u0ba4\u0bb2\u0bbe", + "\u0baa\u0b95\u0bb2\u0bb5\u0ba9\u0bcd", + "\u0bb9\u0bb0\u0bcd\u0bb7\u0bbf\u0ba9\u0bbf", + "\u0baf\u0bae\u0bc1\u0ba9\u0bbe", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bb4\u0b95\u0bbf", + "\u0b85\u0b95\u0bb2\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0baf\u0bb1\u0bbf\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b95\u0bbf\u0bb2\u0bbe\u0ba3\u0bcd\u0b9f\u0bae\u0bcd", + "\u0bb7\u0baa\u0bcd\u0ba9\u0bae\u0bcd", + "\u0b85\u0b95\u0ba4\u0bcd\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0b89\u0ba4\u0baf\u0bbe\u0ba4\u0bbf", + "\u0bb5\u0bb4\u0bc1\u0ba4\u0bbf", + "\u0ba4\u0ba3\u0bbf\u0b95\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0b89\u0baa\u0ba4\u0bc7\u0bb7\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bb2\u0bc8", + "\u0ba8\u0b95\u0bcd\u0b95\u0bc0\u0bb0\u0ba4\u0bcd\u0ba4\u0bae\u0bbf\u0bb4\u0ba9\u0bcd", + "\u0bae\u0ba3\u0bbf\u0bae\u0bc1\u0ba4\u0bcd\u0ba4\u0bc1", + "\u0baf\u0bc2\u0b95\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0bb0\u0bc0\u0ba8\u0bbf\u0bb5\u0bbe\u0b9a\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bae\u0ba4\u0bbf", + "\u0baa\u0b9a\u0bcd\u0b9a\u0bc8\u0baf\u0bae\u0bcd\u0bae\u0bbe\u0bb3\u0bcd", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba9\u0bbf", + "\u0baa\u0bb0\u0ba3\u0bbf", + "\u0bb5\u0b9f\u0bbf\u0bb5\u0bc7\u0bb2\u0bcd\u0bae\u0bc1\u0bb0\u0bc1\u0b95\u0ba9\u0bcd", + "\u0baa\u0b9a\u0bc1\u0baa\u0ba4\u0bbf", + "\u0bb0\u0bbe\u0b9c\u0bb2\u0b9f\u0bcd\u0b9a\u0bc1\u0bae\u0bbf", + "\u0b9a\u0b83\u0baa\u0bbe", + "\u0bae\u0ba3\u0bbf\u0bae\u0bbe\u0bb2\u0bbe", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0ba9\u0bcd", + "\u0b89\u0ba9\u0bcd\u0ba9\u0ba4\u0bcd", + "\u0bb0\u0bbe\u0b9c\u0baa\u0bcd\u0baa\u0bbf\u0bb0\u0bbf\u0baf\u0ba9\u0bcd", + "\u0ba8\u0bb1\u0bcd\u0bb1\u0bbf\u0ba3\u0bc8", + "\u0ba8\u0ba9\u0bcd\u0ba9\u0bbf", + "\u0bb7\u0bb0\u0bcd\u0bae\u0bbf\u0bb8\u0bcd\u0ba4\u0bbe", + "\u0baa\u0b9e\u0bcd\u0b9a\u0bbe\u0bae\u0bbf\u0bb0\u0bcd\u0ba4\u0bae\u0bcd", + "\u0b95\u0ba3\u0bcd\u0bae\u0ba4\u0bbf\u0baf\u0ba9\u0bcd", + "\u0baa\u0b9a\u0ba8\u0bcd\u0ba4\u0bcd", + "\u0b89\u0baa\u0bc7\u0ba8\u0bcd\u0ba4\u0bbf\u0bb0\u0bbe", + "\u0b89\u0ba9\u0bcd\u0bae\u0bc7\u0bb7\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0ba3\u0bbf", + "\u0b85\u0b95\u0bb4\u0bcd\u0bae\u0bc7\u0ba9\u0bbf", + "\u0b95\u0ba3\u0bc7\u0bb7\u0bcd", + "\u0b8a\u0bb0\u0bcd\u0bae\u0bbf\u0bb3\u0bbe", + "\u0b85\u0b95\u0bbf\u0bb2\u0b99\u0bcd\u0b95\u0b9f\u0ba8\u0bcd\u0ba4\u0bbe\u0ba9\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0bcd\u0bae\u0bbe", + "\u0baa\u0bb5\u0bb3\u0bae\u0bb2\u0bcd\u0bb2\u0bbf", + "\u0bb0\u0b9e\u0bcd\u0b9a\u0bbf\u0ba4\u0bbe", + "\u0baa\u0ba8\u0bcd\u0ba4\u0bc1\u0bb2\u0bcd", + "\u0b89\u0bb2\u0b95\u0bc6\u0bbe\u0bb3\u0bbf", + "\u0bae\u0ba3\u0bbf\u0baf\u0bc6\u0bb4\u0bbf\u0bb2\u0bcd", + "\u0b8f\u0b95\u0bbe", + "\u0b8e\u0bb4\u0bbf\u0b9a\u0bc8", + "\u0b95\u0ba3\u0bc8\u0b95\u0bcd\u0b95\u0bbe\u0bb2\u0bcd", + "\u0b85\u0b95\u0bb2\u0bcd\u0bb5\u0bbf\u0bb4\u0bbf", + "\u0b92\u0bb3\u0bbf\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0bb5\u0b9a\u0bc1\u0bae\u0ba4\u0bbf", + "\u0b8f\u0bb2\u0bbe", + "\u0b9a\u0b9a\u0bbf", + "\u0bb7\u0bbf\u0b9a\u0bcd\u0b9a\u0bbf", + "\u0bb0\u0bbe\u0ba4\u0bbf\u0b95\u0bbe", + "\u0b85\u0b95\u0bbf\u0bb0\u0bbe", + "\u0bae\u0b99\u0bcd\u0b95\u0bc8", + "\u0b9a\u0b99\u0bcd\u0b95\u0bc1\u0bae\u0ba4\u0bbf", + "\u0bb0\u0ba4\u0bcd\u0ba4\u0bbf\u0ba9\u0bae\u0bcd", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0b95\u0bb3\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc1\u0ba4\u0bb2\u0bcd\u0bb5\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bbe\u0ba3\u0bbf", + "\u0ba8\u0ba8\u0bcd\u0ba4\u0bbf\u0b95\u0bbe", + "\u0bb8\u0bb0\u0bbf\u0b95\u0bbe", + "\u0b9a\u0ba8\u0bcd\u0ba4\u0ba9\u0bc1", + "\u0bb9\u0ba9\u0bcd\u0b9a\u0bbe", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0b9c\u0bbe", + "\u0b9a\u0ba4\u0bcd\u0baf\u0ba8\u0bbe\u0bb0\u0bbe\u0baf\u0ba3\u0ba9\u0bcd", + "\u0bb0\u0b95\u0bc1\u0bb5\u0bb0\u0ba9\u0bcd", + "\u0bb8\u0bcd\u0baa\u0bcd\u0bb0\u0bbf\u0bb9\u0bbe", + "\u0bae\u0b95\u0bbf\u0bb4\u0bbf\u0ba9\u0bbf", + "\u0bb7\u0bb0\u0bbf\u0ba9\u0bbf", + "\u0bb9\u0bb0\u0bbf\u0ba4\u0bbe", + "\u0b86\u0b9f\u0bcd\u0b9f\u0ba9\u0ba4\u0bcd\u0ba4\u0bbf", + "\u0b9a\u0ba4\u0bcd\u0bb0\u0bc1\u0b95\u0ba3\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b9a\u0bcd\u0b9a\u0bc6\u0bb2\u0bcd\u0bb5\u0bbf", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc1\u0bae\u0bb0\u0bbf", + "\u0ba8\u0bb1\u0bc1\u0bae\u0bc1\u0b95\u0bc8", + "\u0bb9\u0bbe\u0bb0\u0bc1\u0ba3\u0bcd", + "\u0b8f\u0b95\u0bb2\u0bc8\u0bb5\u0ba9\u0bcd", + "\u0b85\u0b9a\u0bcd\u0b9a\u0bc1\u0ba4\u0bbe\u0ba9\u0ba8\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0b8f\u0bb4\u0bbf\u0b9a\u0bc8\u0b95\u0bcd\u0b95\u0bc6\u0bbe\u0b9f\u0bbf", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbe\u0bae\u0bcd\u0baa\u0bb2\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bb5\u0bb3\u0bb5\u0ba9\u0bcd", + "\u0b87\u0ba8\u0bcd\u0ba4\u0bc1\u0bae\u0bc1\u0b95\u0bbf", + "\u0bb7\u0baa\u0bb0\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0bae\u0ba4\u0bbf", + "\u0baa\u0bb0\u0bbf\u0bae\u0bb3\u0bbe", + "\u0baa\u0ba4\u0bbf\u0bb0\u0ba9\u0bcd", + "\u0b87\u0b9a\u0bc8\u0bae\u0bc1\u0bb0\u0b9a\u0bc1", + "\u0b8e\u0bb4\u0bbf\u0bb2\u0bbf\u0b9a\u0bc8" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0b85\u0ba9\u0bcd\u0ba9\u0bc8": "\u0ba4\u0ba8\u0bcd\u0ba4\u0bc8", + "\u0baf\u0bbe\u0baf\u0bcd": "\u0b85\u0baa\u0bcd\u0baa\u0bbe", + "\u0b85\u0bae\u0bcd\u0bae\u0bbe": "\u0b85\u0ba4\u0bcd\u0ba4\u0ba9\u0bcd", + "\u0ba4\u0bbe\u0baf\u0bcd": "\u0ba4\u0ba8\u0bcd\u0ba4\u0bc8", + "\u0b85\u0bb0\u0bc1\u0b9f\u0bcd\u0b9a\u0b95\u0bcb\u0ba4\u0bb0\u0bbf": "\u0ba4\u0bc1\u0bb1\u0bb5\u0bbf", + "\u0b85\u0bb0\u0b9a\u0bbf": "\u0bb0\u0bbe\u0b9c\u0bbe", + "\u0b9a\u0b95\u0bcb\u0ba4\u0bb0\u0bbf": "\u0ba4\u0bae\u0bcd\u0baa\u0bbf", + "\u0ba4\u0b99\u0bcd\u0b95\u0bc8": "\u0b9a\u0b95\u0bcb\u0ba4\u0bb0\u0ba9\u0bcd", + "\u0b85\u0b95\u0bcd\u0b95\u0bbe": "\u0b9a\u0b95\u0bcb\u0ba4\u0bb0\u0ba9\u0bcd", + "\u0baa\u0bca\u0ba3\u0bcd\u0b9f\u0bbe\u0b9f\u0bcd\u0b9f\u0bbf": "\u0b85\u0bae\u0bcd\u0baa\u0b9f\u0bc8\u0baf\u0ba9\u0bcd", + "\u0bae\u0ba9\u0bc8\u0bb5\u0bbf": "\u0b85\u0bae\u0bcd\u0baa\u0b9f\u0bc8\u0baf\u0ba9\u0bcd", + "\u0baa\u0bc6\u0ba3\u0bcd": "\u0b86\u0ba3\u0bcd", + "\u0baa\u0bc8\u0ba4\u0bb2\u0bcd": "\u0b87\u0bb3\u0bae\u0bcd_\u0baa\u0bc6\u0ba3\u0bcd", + "\u0b9a\u0bbf\u0bb1\u0bc1\u0bb5\u0ba9\u0bcd": "\u0b87\u0bb3\u0bae\u0bcd_\u0baa\u0bc6\u0ba3\u0bcd", + "\u0baa\u0baf\u0bcd\u0baf\u0ba9\u0bcd": "\u0b87\u0bb3\u0bae\u0bcd_\u0baa\u0bc6\u0ba3\u0bcd", + "\u0baa\u0bc8\u0baf\u0bb2\u0bcd": "\u0b87\u0bb3\u0bae\u0bcd_\u0baa\u0bc6\u0ba3\u0bcd", + "\u0baa\u0bc8\u0baf\u0ba9\u0bcd": "\u0b87\u0bb3\u0bae\u0bcd_\u0baa\u0bc6\u0ba3\u0bcd" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0b9a\u0bbf\u0bb1\u0bc1\u0bb5\u0ba9\u0bcd", + "\u0baa\u0bc8\u0ba4\u0bb2\u0bcd", + "\u0baa\u0bc8\u0baf\u0bb2\u0bcd", + "\u0baa\u0baf\u0bcd\u0baf\u0ba9\u0bcd", + "\u0b86\u0ba3\u0bcd", + "\u0baa\u0bc8\u0baf\u0ba9\u0bcd", + "\u0bb2\u0bbf\u0b9f\u0bcd\u0b9f\u0bbf\u0bb2\u0bcd_\u0baa\u0bbe\u0baf\u0bcd" + ], + "she": [ + "\u0baa\u0bc6\u0ba3\u0bcd", + "\u0baa\u0bc6\u0ba3\u0bcd\u0b95\u0bb3\u0bcd", + "\u0bae\u0b95\u0bb3\u0bbf\u0bb0\u0bcd", + "\u0b87\u0bb3\u0bae\u0bcd_\u0baa\u0bc6\u0ba3\u0bcd", + "\u0b85\u0b95\u0bcd\u0b95\u0bbe", + "\u0bae\u0bbe\u0ba4\u0bb0\u0bcd", + "\u0baa\u0bc6\u0ba3\u0bcd\u0b9f\u0bbf\u0bb0\u0bcd" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/te.json b/data_tooling/pii_processing/ontology/data/te.json new file mode 100644 index 0000000..74383dc --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/te.json @@ -0,0 +1,187 @@ +{ + "ORG": [ + "\u0c28\u0c3e\u0c35\u0c3f\u0c15\u0c3e\u0c26\u0c33\u0c02", + "\u0c17\u0c41\u0c30\u0c41\u0c28\u0c3e\u0c28\u0c15\u0c4d", + "\u0c38\u0c02\u0c2f\u0c41\u0c15\u0c4d\u0c24_\u0c30\u0c3e\u0c37\u0c4d\u0c1f\u0c4d\u0c30\u0c3e\u0c32_\u0c38\u0c48\u0c28\u0c4d\u0c2f\u0c02", + "\u0c2a\u0c4d\u0c30\u0c1a\u0c4d\u0c1b\u0c28\u0c4d\u0c28\u0c2f\u0c41\u0c26\u0c4d\u0c27\u0c02", + "\u0c35\u0c4d\u0c2f\u0c35\u0c38\u0c3e\u0c2f\u0c02", + "\u0c2e\u0c26\u0c4d\u0c2f_\u0c24\u0c30\u0c17\u0c24\u0c3f", + "\u0c15\u0c3e\u0c30\u0c4d\u0c2e\u0c3f\u0c15_\u0c38\u0c02\u0c18\u0c3e\u0c32\u0c41", + "\u0c30\u0c46\u0c21\u0c4d\u200c\u0c15\u0c4d\u0c30\u0c3e\u0c38\u0c4d", + "\u0c36\u0c4d\u0c35\u0c47\u0c24_\u0c38\u0c4c\u0c27\u0c02", + "\u0c2b\u0c4d\u0c30\u0c42\u0c1f\u0c4d_\u0c38\u0c32\u0c3e\u0c21\u0c4d", + "\u0c37\u0c3f\u0c02\u0c1f\u0c4b_\u0c2e\u0c24\u0c2e\u0c41", + "\u0c38\u0c4d\u0c32\u0c40\u0c2a\u0c3f\u0c02\u0c17\u0c4d_\u0c2c\u0c4d\u0c2f\u0c42\u0c1f\u0c40", + "\u0c30\u0c3e\u0c1c\u0c15\u0c40\u0c2f_\u0c2a\u0c3e\u0c30\u0c4d\u0c1f\u0c40" + ], + "DATE": [ + "\u0c35\u0c43\u0c26\u0c4d\u0c27\u0c3e\u0c2a\u0c4d\u0c2f\u0c2e\u0c41", + "\u0c35\u0c43\u0c26\u0c4d\u0c27\u0c3e\u0c2a\u0c4d\u0c2f\u0c02" + ], + "MEDICAL_THERAPY": [ + "\u0c30\u0c15\u0c4d\u0c24\u0c2a\u0c4b\u0c1f\u0c41" + ], + "PERSON": [ + "\u0c17\u0c41\u0c02\u0c21\u0c3e", + "\u0c30\u0c2c\u0c4d\u0c2c\u0c30\u0c41_\u0c1a\u0c46\u0c1f\u0c4d\u0c1f\u0c41" + ], + "ANIMAL": [ + "\u0c2a\u0c3f\u0c32\u0c4d\u0c32\u0c3f", + "\u0c2a\u0c3e\u0c32\u0c2a\u0c3f\u0c1f\u0c4d\u0c1f", + "\u0c17\u0c41\u0c21\u0c4d\u0c32\u0c17\u0c42\u0c2c" + ], + "JOB": [ + "\u0c2a\u0c4d\u0c30\u0c38\u0c42\u0c24\u0c3f\u0c35\u0c48\u0c26\u0c4d\u0c2f\u0c41\u0c21\u0c41", + "\u0c35\u0c4d\u0c2f\u0c3e\u0c2a\u0c3e\u0c30\u0c3f", + "\u0c35\u0c4d\u0c2f\u0c35\u0c38\u0c3e\u0c2f\u0c26\u0c3e\u0c30\u0c41\u0c21\u0c41", + "\u0c1a\u0c3f\u0c24\u0c4d\u0c30\u0c15\u0c3e\u0c30\u0c41\u0c21\u0c41", + "\u0c25\u0c3e\u0c1a\u0c30\u0c4d", + "\u0c35\u0c3f\u0c36\u0c4d\u0c32\u0c47\u0c37\u0c15\u0c41\u0c21\u0c41", + "\u0c38\u0c3e\u0c30\u0c4d\u0c35\u0c2d\u0c4c\u0c2e", + "\u0c35\u0c3e\u0c38\u0c4d\u0c24\u0c41\u0c36\u0c3f\u0c32\u0c4d\u0c2a\u0c3f" + ], + "FAC": [ + "\u0c15\u0c3e\u0c25\u0c32\u0c3f\u0c15\u0c4d_\u0c1a\u0c30\u0c4d\u0c1a\u0c3f", + "\u0c2a\u0c4b\u0c38\u0c4d\u0c1f\u0c3e\u0c2b\u0c40\u0c38\u0c41", + "\u0c35\u0c48\u0c26\u0c4d\u0c2f_\u0c15\u0c33\u0c3e\u0c36\u0c3e\u0c32", + "\u0c37\u0c3e\u0c2a\u0c3f\u0c02\u0c17\u0c4d_\u0c2e\u0c3e\u0c32\u0c4d", + "\u0c30\u0c4b\u0c2e\u0c28\u0c4d_\u0c15\u0c3e\u0c25\u0c32\u0c3f\u0c15\u0c4d_\u0c1a\u0c30\u0c4d\u0c1a\u0c3f" + ], + "PUBLIC_FIGURE": [ + "\u0c15\u0c4d\u0c30\u0c3f\u0c38\u0c4d\u0c1f\u0c4b\u0c2b\u0c30\u0c4d_\u0c15\u0c4a\u0c32\u0c02\u0c2c\u0c38\u0c4d", + "\u0c15\u0c3e\u0c28\u0c4d\u0c2c\u0c46\u0c30\u0c4d\u0c30\u0c3e", + "\u0c30\u0c46\u0c02\u0c21\u0c41" + ], + "GPE": [ + "\u0c0e\u0c30\u0c4d\u0c30_\u0c38\u0c2e\u0c41\u0c26\u0c4d\u0c30\u0c02", + "\u0c38\u0c46\u0c2f\u0c3f\u0c02\u0c1f\u0c4d_\u0c32\u0c42\u0c2f\u0c3f\u0c38\u0c4d", + "\u0c38\u0c46\u0c2f\u0c3f\u0c02\u0c1f\u0c4d\u200c_\u0c2a\u0c40\u0c1f\u0c30\u0c4d", + "\u0c2a\u0c35\u0c3f\u0c24\u0c4d\u0c30_\u0c06\u0c24\u0c4d\u0c2e", + "\u0c15\u0c4a\u0c24\u0c4d\u0c24_\u0c28\u0c3f\u0c2c\u0c02\u0c27\u0c28" + ], + "PLANT": [ + "\u0c36\u0c4d\u0c30\u0c40\u0c17\u0c02\u0c27\u0c02", + "\u0c15\u0c4d\u0c30\u0c3f\u0c38\u0c4d\u0c2e\u0c38\u0c4d_\u0c1a\u0c46\u0c1f\u0c4d\u0c1f\u0c41" + ], + "DISEASE": [ + "\u0c28\u0c3f\u0c30\u0c4d\u0c1c\u0c32\u0c40\u0c15\u0c30\u0c23\u0c2e\u0c41", + "\u0c35\u0c3f\u0c26\u0c4d\u0c2f\u0c41\u0c24\u0c4d\u0c1a\u0c15\u0c4d\u0c24\u0c3f", + "\u0c17\u0c41\u0c21\u0c4d\u0c21\u0c3f\u0c24\u0c28\u0c02", + "\u0c0e\u0c2c\u0c4b\u0c32\u0c3e_\u0c35\u0c48\u0c30\u0c38\u0c4d_\u0c35\u0c4d\u0c2f\u0c3e\u0c27\u0c3f", + "\u0c35\u0c3f\u0c26\u0c4d\u0c2f\u0c41\u0c26\u0c4d\u0c18\u0c3e\u0c24\u0c2e\u0c41", + "\u0c28\u0c4d\u0c2f\u0c42\u0c2e\u0c4b\u0c25\u0c4a\u0c30\u0c3e\u0c15\u0c4d\u0c38\u0c4d\u200c", + "\u0c2a\u0c1a\u0c4d\u0c1a\u0c15\u0c3e\u0c2e\u0c46\u0c30\u0c4d\u0c32\u0c41" + ], + "LOCATION": [ + "\u0c28\u0c4d\u0c2f\u0c3e\u0c2f\u0c38\u0c4d\u0c25\u0c3e\u0c28\u0c2e\u0c41", + "\u0c15\u0c47\u0c2a\u0c4d_\u0c35\u0c30\u0c4d\u0c26\u0c46", + "\u0c36\u0c3e\u0c02\u0c24\u0c3e_\u0c15\u0c4d\u0c32\u0c3e\u0c1c\u0c4d" + ], + "SOC_ECO_CLASS": [ + "\u0c38\u0c4d\u0c24\u0c4d\u0c30\u0c40\u0c24\u0c4d\u0c35\u0c2e\u0c41" + ], + "RELIGION": [ + "\u0c35\u0c48\u0c37\u0c4d\u0c23\u0c35\u0c2e\u0c41" + ], + "LAW": [ + "\u0c2b\u0c46\u0c21\u0c30\u0c32\u0c4d_\u0c2c\u0c4d\u0c2f\u0c42\u0c30\u0c4b_\u0c06\u0c2b\u0c4d_\u0c07\u0c28\u0c4d\u0c35\u0c46\u0c38\u0c4d\u0c1f\u0c3f\u0c17\u0c47\u0c37\u0c28\u0c4d" + ], + "FOOD": [ + "\u0c1a\u0c42\u0c2f\u0c3f\u0c02\u0c17\u0c4d_\u0c17\u0c2e\u0c4d", + "\u0c2a\u0c4d\u0c30\u0c3e\u0c24\u0c03\u0c15\u0c3e\u0c32" + ], + "LANGUAGE": [ + "\u0c38\u0c4d\u0c2e\u0c3f\u0c24\u0c4d" + ], + "POLITICAL_PARTY": [ + "\u0c36\u0c4d\u0c30\u0c2e" + ], + "PRODUCT": [ + "\u0c2e\u0c3e\u0c28\u0c35_\u0c39\u0c15\u0c4d\u0c15\u0c41\u0c32\u0c41" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0c2e\u0c28\u0c41\u0c2e\u0c30\u0c3e\u0c32\u0c41": "\u0c2a\u0c4c\u0c24\u0c4d\u0c30\u0c41\u0c21\u0c41", + "\u0c06\u0c2e\u0c46": "\u0c05\u0c24\u0c21\u0c41", + "\u0c26\u0c3e\u0c28\u0c3f": "\u0c06\u0c2f\u0c28", + "\u0c06\u0c35\u0c3f\u0c21": "\u0c06\u0c2f\u0c28", + "\u0c05\u0c2e\u0c4d\u0c2e": "\u0c24\u0c02\u0c21\u0c4d\u0c30\u0c3f", + "\u0c24\u0c32\u0c4d\u0c32\u0c3f": "\u0c28\u0c3e\u0c28\u0c4d\u0c28", + "\u0c30\u0c3e\u0c23\u0c3f": "\u0c30\u0c3e\u0c1c\u0c41", + "\u0c38\u0c4b\u0c26\u0c30\u0c3f": "\u0c38\u0c4b\u0c26\u0c30\u0c41\u0c21\u0c41", + "\u0c1a\u0c46\u0c32\u0c4d\u0c32\u0c46\u0c32\u0c41": "\u0c38\u0c4b\u0c26\u0c30\u0c41\u0c21\u0c41", + "\u0c05\u0c15\u0c4d\u0c15\u0c2f\u0c4d\u0c2f": "\u0c38\u0c4b\u0c26\u0c30\u0c41\u0c21\u0c41", + "\u0c1a\u0c46\u0c32\u0c4d\u0c32\u0c3f": "\u0c38\u0c4b\u0c26\u0c30\u0c41\u0c21\u0c41", + "\u0c05\u0c15\u0c4d\u0c15": "\u0c38\u0c4b\u0c26\u0c30\u0c41\u0c21\u0c41", + "\u0c38\u0c35\u0c24\u0c3f_\u0c24\u0c32\u0c4d\u0c32\u0c3f": "\u0c38\u0c35\u0c24\u0c3f\u0c24\u0c02\u0c21\u0c4d\u0c30\u0c3f", + "\u0c2e\u0c3e\u0c30\u0c41\u0c1f\u0c3f_\u0c24\u0c32\u0c4d\u0c32\u0c3f": "\u0c38\u0c35\u0c24\u0c3f\u0c24\u0c02\u0c21\u0c4d\u0c30\u0c3f", + "\u0c06\u0c32\u0c3f": "\u0c2d\u0c30\u0c4d\u0c24", + "\u0c2d\u0c3e\u0c30\u0c4d\u0c2f": "\u0c2d\u0c30\u0c4d\u0c24", + "\u0c2a\u0c46\u0c33\u0c4d\u0c33\u0c3e\u0c02": "\u0c2a\u0c46\u0c28\u0c3f\u0c2e\u0c3f\u0c1f\u0c3f", + "\u0c38\u0c4d\u0c24\u0c4d\u0c30\u0c40": "\u0c2a\u0c41\u0c30\u0c41\u0c37\u0c41\u0c21\u0c41", + "\u0c06\u0c21\u0c26\u0c3f": "\u0c2a\u0c41\u0c30\u0c41\u0c37\u0c41\u0c21\u0c41", + "\u0c2e\u0c39\u0c3f\u0c33": "\u0c2a\u0c41\u0c30\u0c41\u0c37\u0c41\u0c21\u0c41", + "\u0c2c\u0c3e\u0c32\u0c41\u0c21\u0c41": "\u0c15\u0c28\u0c4d\u0c2f", + "\u0c2f\u0c41\u0c35\u0c15\u0c41\u0c21\u0c41": "\u0c05\u0c2e\u0c4d\u0c2e\u0c3e\u0c2f\u0c3f", + "\u0c05\u0c2c\u0c4d\u0c2c\u0c3e\u0c2f\u0c3f": "\u0c05\u0c2e\u0c4d\u0c2e\u0c3e\u0c2f\u0c3f" + }, + "other_gender_swap": { + "\u0c35\u0c3e\u0c30\u0c41": "\u0c06\u0c2e\u0c46", + "\u0c35\u0c3e\u0c33\u0c4d\u0c33\u0c41": "\u0c06\u0c2e\u0c46", + "\u0c05\u0c24\u0c21\u0c41": "\u0c35\u0c3e\u0c30\u0c41", + "\u0c05\u0c24\u0c28\u0c41": "\u0c35\u0c3e\u0c30\u0c41", + "\u0c06\u0c2e\u0c46": "\u0c35\u0c3e\u0c30\u0c41" + }, + "en_pronoun2gender": { + "he": [ + "\u0c05\u0c2c\u0c4d\u0c2c\u0c3e\u0c2f\u0c3f", + "\u0c2f\u0c41\u0c35\u0c15\u0c41\u0c21\u0c41", + "\u0c2c\u0c3e\u0c32\u0c41\u0c21\u0c41", + "\u0c2a\u0c41\u0c30\u0c41\u0c37\u0c41\u0c21\u0c41" + ], + "she": [ + "\u0c06\u0c21\u0c26\u0c3f", + "\u0c2a\u0c3f\u0c32\u0c4d\u0c32", + "\u0c2e\u0c39\u0c3f\u0c33", + "\u0c38\u0c4d\u0c24\u0c4d\u0c30\u0c40", + "\u0c05\u0c2e\u0c4d\u0c2e\u0c3e\u0c2f\u0c3f", + "\u0c05\u0c15\u0c4d\u0c15", + "\u0c06\u0c21", + "\u0c15\u0c28\u0c4d\u0c2f", + "\u0c2c\u0c3e\u0c32\u0c3f\u0c15" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0c06\u0c2f\u0c28", + "\u0c35\u0c3e\u0c21\u0c3f", + "\u0c05\u0c24\u0c21\u0c41", + "\u0c05\u0c24\u0c28\u0c41", + "\u0c05\u0c24\u0c28\u0c3f" + ], + "she": [ + "\u0c06\u0c2e\u0c46\u0c26\u0c3f", + "\u0c06\u0c2e\u0c46", + "\u0c06\u0c35\u0c3f\u0c21", + "\u0c26\u0c3e\u0c28\u0c3f" + ], + "they": [ + "\u0c35\u0c3e\u0c30\u0c41", + "\u0c35\u0c3e\u0c33\u0c4d\u0c33\u0c41" + ], + "it": [ + "\u0c08" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tet.json b/data_tooling/pii_processing/ontology/data/tet.json new file mode 100644 index 0000000..bf88610 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tet.json @@ -0,0 +1,45 @@ +{ + "PUBLIC_FIGURE": [ + "ha_u" + ], + "GENDER": [ + "dame" + ], + "ORG": [ + "eskola" + ], + "PERSON_PRONOUN": [ + "ami_nia" + ], + "PLANT": [ + "ai_farina" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "dame", + "feto" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "lia" + ], + "they": [ + "lia" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tg.json b/data_tooling/pii_processing/ontology/data/tg.json new file mode 100644 index 0000000..cc3e619 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tg.json @@ -0,0 +1,138 @@ +{ + "PUBLIC_FIGURE": [ + "c", + "\u043f\u0451\u0442\u0440_i", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440_\u043a\u043e\u043b\u0443\u043c\u0431", + "1", + "\u0434\u043e\u0441\u0430\u043a", + "\u0441\u0443\u0441\u0430\u043d" + ], + "LOCATION": [ + "\u0430\u043b_\u04b7\u0430\u0437\u0438\u0440\u0430", + "\u0431\u043e\u0493\u0438_\u0433\u0438\u0451\u04b3\u0448\u0438\u043d\u043e\u0441\u04e3", + "\u043a\u0438\u0448\u0442\u0437\u043e\u0440", + "\u0431\u0438\u0441\u043a\u0430\u0439", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "the_rolling_stones" + ], + "ORG": [ + "\u0445\u0430\u0431\u0430\u0440\u0433\u0443\u0437\u043e\u0440\u04e3", + "\u043a\u0438\u0448\u043e\u0432\u0430\u0440\u0437\u0438", + "\u0438\u043d\u0442\u0435\u0440\u043f\u043e\u043b", + "\u0430\u0440\u0442\u0438\u0448", + "\u0430\u043b_\u04b7\u0430\u0437\u0438\u0440\u0430", + "\u0433\u0443\u043c\u0440\u0443\u043a", + "\u043f\u043e\u0447\u0442\u0430\u0445\u043e\u043d\u0430", + "\u0438\u0442\u0442\u0438\u0444\u043e\u049b\u0438_\u043a\u0430\u0441\u0430\u0431\u0430", + "\u04b7\u0430\u0437\u0438\u0440\u0430\u04b3\u043e\u0438_\u0434\u0438\u043c\u043e\u0493\u0430\u0438_\u0441\u0430\u0431\u0437", + "\u0448\u0438\u043d\u0442\u043e", + "\u04b3\u0443\u0430\u043d\u0433_\u04b3\u0435", + "\u0441\u0430\u049b\u0438\u0447", + "\u0430\u043d\u0434\u0435\u0448\u0433\u043e\u04b3", + "\u0432\u0438\u043b\u043e\u044f\u0442\u0438_\u0442\u0440\u0430_\u0432\u0438\u043d", + "\u043c\u0430\u043e\u0440\u0438\u0444", + "\u0438\u0451\u043b\u043e\u0442\u0438_\u043c\u0443\u0442\u0442\u0430\u04b3\u0438\u0434\u0430\u0438_\u0430\u043c\u0440\u0438\u043a\u043e" + ], + "PLANT": [ + "\u043a\u0430\u0440\u0430\u043c", + "\u0430\u0441\u0438\u0440\u0430\u043a", + "\u0430\u0444\u0441\u0430\u043d\u0442\u0438\u043d", + "\u043f\u0435\u0447\u0430\u043a" + ], + "ANIMAL": [ + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u0432\u0430\u0448\u0430\u049b" + ], + "DISEASE": [ + "\u0434\u0430\u043d\u0434\u043e\u043d\u0434\u0430\u0440\u0434", + "\u0441\u0443\u0440\u0445\u0430\u043a\u043e\u043d" + ], + "JOB": [ + "\u0431\u043e\u0437\u0430\u0440\u0433\u043e\u043d", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0441\u043e\u0440", + "\u043e\u0448\u043f\u0430\u0437", + "\u04b3\u0443\u043d\u0430\u0440\u043f\u0435\u0448\u0430", + "\u043e\u043c\u0443\u0437\u0433\u043e\u0440", + "\u043a\u043e\u0440\u0433\u0430\u0440", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442" + ], + "LANGUAGE": [ + "\u0442\u043e\u04b7\u0438\u043a" + ], + "GPE": [ + "\u04b3\u0443\u049b\u0443\u049b\u0438_\u0438\u043d\u0441\u043e\u043d", + "\u0431\u0430\u04b3\u0440\u0438_\u0441\u0443\u0440\u0445", + "\u0432\u0438\u043d_\u043b\u043e\u043d\u0433", + "\u0441\u0430\u043d_\u0442\u043e\u043c\u0435", + "\u04b3\u0443\u049b\u0443\u049b\u04b3\u043e\u0438_\u0438\u043d\u0441\u043e\u043d" + ], + "SOC_ECO_CLASS": [ + "\u043a\u0438\u0448\u043e\u0432\u0430\u0440\u0437\u0438" + ], + "GENDER": [ + "\u0434\u0443\u04b7\u0438\u043d\u0441\u0433\u0430\u0440\u043e", + "\u043f\u0438\u0441\u0430\u0440\u0431\u0430\u0447\u0430" + ], + "RELIGION_MEMBER": [ + "\u0431\u0430\u0440\u043e\u0434\u0430\u0440" + ], + "POLITICAL_PARTY": [ + "\u04b3\u0438\u0437\u0431" + ], + "PRODUCT": [ + "\u0430\u04b3\u0434\u0438_\u04b7\u0430\u0434\u0438\u0434" + ], + "FAC": [ + "\u0430\u0442\u0430\u043a\u0430\u043c\u0430" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043c\u043e\u0434\u0430\u0440": "\u0430\u0434\u0430", + "\u0448\u043e\u04b3\u0434\u0443\u0445\u0442": "\u043f\u0440\u0438\u043d\u0442\u0441", + "\u0448\u043e\u04b3\u0434\u0443\u0445\u0442\u0430\u0440": "\u0448\u043e\u04b3\u0437\u043e\u0434\u0430", + "\u0448\u043e\u04b3\u0437\u043e\u0434\u0430\u0445\u043e\u043d\u0438\u043c": "\u0430\u043c\u0438\u0440", + "\u043c\u0430\u043b\u0438\u043a\u0430": "\u043f\u043e\u0434\u0448\u043e\u04b3", + "\u0443\u0445\u0442": "\u0431\u0430\u0440\u043e\u0434\u0430\u0440", + "\u0445\u043e\u04b3\u0430\u0440": "\u0431\u0430\u0440\u043e\u0434\u0430\u0440", + "\u04b3\u0430\u043c\u0448\u0438\u0440\u0430": "\u0431\u0430\u0440\u043e\u0434\u0430\u0440", + "\u043c\u043e\u0434\u0430\u0440\u0430\u043d\u0434\u0430\u0440": "\u043f\u0430\u0434\u0430\u0440\u0438_\u0443\u0433\u0430\u0439", + "\u043c\u043e\u0438\u043d\u0434\u0430\u0440": "\u043f\u0430\u0434\u0430\u0440\u0430\u043d\u0434\u0430\u0440", + "\u0431\u0435\u0432\u0430": "\u0437\u0430\u043d\u043c\u0443\u0440\u0434\u0430", + "\u0437\u0430\u0432\u04b7\u0430": "\u0448\u0430\u0432\u04b3\u0430\u0440", + "\u043f\u0438\u0441\u0430\u0440\u0431\u0430\u0447\u0430": "\u0434\u0443\u0445\u0442\u0430\u0440" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "they": [ + "\u0434\u0443\u04b7\u0438\u043d\u0441\u0433\u0430\u0440\u043e" + ], + "he": [ + "\u043c\u0430\u0440\u0434", + "\u043f\u0438\u0441\u0430\u0440\u0431\u0430\u0447\u0430" + ], + "she": [ + "\u0434\u0443\u0445\u0442\u0430\u0440" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u044d\u0448\u043e\u043d", + "\u043e\u043d\u04b3\u043e" + ], + "it": [ + "\u044d\u043d", + "\u0438\u043d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/th.json b/data_tooling/pii_processing/ontology/data/th.json new file mode 100644 index 0000000..4da5247 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/th.json @@ -0,0 +1,3870 @@ +{ + "ANIMAL": [ + "\u0e23\u0e32\u0e28\u0e35\u0e21\u0e35\u0e19", + "\u0e17\u0e2d\u0e21\u0e2a\u0e31\u0e19\u0e2a\u0e4c\u0e01\u0e32\u0e40\u0e0b\u0e25\u0e25\u0e4c", + "\u0e42\u0e04\u0e23\u0e42\u0e19\u0e1e\u0e35\u0e23\u0e32\u0e40\u0e15\u0e2a\u0e1e\u0e32\u0e23\u0e32\u0e14\u0e2d\u0e01\u0e0b\u0e31\u0e2a", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e17\u0e42\u0e19\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e1f\u0e35\u0e19\u0e32\u0e42\u0e04\u0e44\u0e21\u0e2a\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e22\u0e39\u0e01\u0e25\u0e35\u0e19\u0e32", + "\u0e40\u0e0b\u0e2d\u0e23\u0e4c\u0e23\u0e32\u0e40\u0e17\u0e35\u0e22\u0e21\u0e32\u0e23\u0e4c\u0e40\u0e0b\u0e2a\u0e40\u0e0b\u0e19\u0e2a\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e1a\u0e32\u0e1a\u0e35\u0e40\u0e0b\u0e35\u0e22", + "\u0e17\u0e32\u0e23\u0e4c\u0e40\u0e0b\u0e35\u0e22\u0e2a\u0e44\u0e0b\u0e23\u0e34\u0e0a\u0e15\u0e32", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e1e\u0e32\u0e23\u0e32\u0e2d\u0e34\u0e19\u0e1f\u0e25\u0e39\u0e40\u0e2d\u0e19\u0e0b\u0e32\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e40\u0e17\u0e19\u0e40\u0e23\u0e47\u0e04\u0e44\u0e23\u0e49\u0e2b\u0e32\u0e07", + "\u0e21\u0e32\u0e23\u0e4c\u0e40\u0e17\u0e19", + "\u0e14\u0e2d\u0e01\u0e44\u0e21\u0e49\u0e17\u0e30\u0e40\u0e25", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e21\u0e31\u0e19\u0e1d\u0e23\u0e31\u0e48\u0e07\u0e41\u0e04\u0e23\u0e30\u0e40\u0e2b\u0e25\u0e37\u0e2d\u0e07", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e22\u0e25\u0e42\u0e25\u0e27\u0e4c\u0e1f\u0e25\u0e32\u0e27\u0e40\u0e14\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e23\u0e34\u0e04\u0e40\u0e01\u0e15\u0e40\u0e0b\u0e35\u0e22", + "\u0e27\u0e39\u0e25\u0e25\u0e35\u0e2d\u0e34\u0e19\u0e14\u0e23\u0e34\u0e2a", + "\u0e2a\u0e34\u0e48\u0e07\u0e21\u0e35\u0e0a\u0e35\u0e27\u0e34\u0e34\u0e15", + "\u0e2a\u0e01\u0e38\u0e25\u0e44\u0e1a\u0e0b\u0e31\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e42\u0e1e\u0e23\u0e15\u0e2d\u0e04\u0e15\u0e34\u0e2a\u0e15\u0e4c", + "\u0e40\u0e17\u0e49\u0e32\u0e2a\u0e31\u0e15\u0e27\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e44\u0e01\u0e48\u0e1b\u0e48\u0e32", + "\u0e41\u0e2d\u0e19\u0e42\u0e17\u0e23\u0e1e\u0e2d\u0e22\u0e14\u0e4c\u0e40\u0e2d\u0e1b", + "\u0e2a\u0e01\u0e38\u0e25\u0e41\u0e2d\u0e21\u0e1f\u0e34\u0e2d\u0e2d\u0e01\u0e0b\u0e31\u0e2a", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e17\u0e2d\u0e23\u0e4c\u0e0b\u0e34\u0e2d\u0e2d\u0e1b\u0e2a\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e04\u0e35\u0e44\u0e25\u0e14\u0e23\u0e32", + "\u0e19\u0e34\u0e27\u0e15\u0e4c\u0e17\u0e49\u0e2d\u0e07\u0e41\u0e14\u0e07\u0e08\u0e35\u0e19", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e40\u0e2e\u0e2d\u0e23\u0e4c\u0e40\u0e1b\u0e2a\u0e0b\u0e34\u0e21\u0e40\u0e1e\u0e25\u0e47\u0e01\u0e0b\u0e4c", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e0a\u0e49\u0e32", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e40\u0e2d\u0e0a\u0e44\u0e2d\u0e27\u0e35", + "\u0e2a\u0e01\u0e38\u0e25\u0e44\u0e14\u0e42\u0e2d\u0e21\u0e35\u0e40\u0e14\u0e35\u0e22", + "\u0e17\u0e32\u0e23\u0e4c\u0e40\u0e0b\u0e35\u0e22\u0e23\u0e4c\u0e1f\u0e34\u0e25\u0e34\u0e1b\u0e1b\u0e34\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e04\u0e23\u0e37\u0e48\u0e07\u0e1a\u0e01\u0e04\u0e23\u0e36\u0e48\u0e07\u0e19\u0e49\u0e4d\u0e32", + "\u0e15\u0e49\u0e19\u0e44\u0e0a\u0e19\u0e34\u0e2a\u0e41\u0e22\u0e21", + "\u0e0a\u0e32\u0e27\u0e27\u0e34\u0e2a\u0e04\u0e2d\u0e19\u0e0b\u0e34\u0e19", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e2a\u0e15\u0e23\u0e34\u0e40\u0e1b\u0e2d\u0e23\u0e4c", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e21\u0e35\u0e19", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e40\u0e25\u0e47\u0e01", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e41\u0e25\u0e2a\u0e0b\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e25\u0e04\u0e40\u0e17\u0e23\u0e32\u0e15\u0e4c", + "\u0e40\u0e2e\u0e14\u0e08\u0e4c\u0e2e\u0e2d\u0e01\u0e22\u0e38\u0e42\u0e23\u0e1b", + "\u0e27\u0e2d\u0e25\u0e4c\u0e40\u0e01\u0e2d\u0e23\u0e4c\u0e40\u0e2e\u0e32\u0e19\u0e14\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e0b\u0e35\u0e40\u0e25\u0e19\u0e40\u0e17\u0e2d\u0e40\u0e23\u0e15", + "\u0e42\u0e23\u0e04\u0e40\u0e23\u0e34\u0e21", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e30\u0e04\u0e35\u0e23\u0e2d\u0e19\u0e40\u0e17\u0e35\u0e22", + "\u0e21\u0e32\u0e14\u0e32\u0e01\u0e31\u0e2a\u0e01\u0e32\u0e23\u0e4c\u0e41\u0e04\u0e17", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e25\u0e21\u0e2d\u0e19\u0e42\u0e0b\u0e25", + "\u0e01\u0e32\u0e23\u0e41\u0e02\u0e48\u0e07\u0e02\u0e31\u0e19\u0e40\u0e2a\u0e35\u0e48\u0e22\u0e07\u0e15\u0e32\u0e22", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e31\u0e25\u0e42\u0e25\u0e0b\u0e2d\u0e23\u0e31\u0e2a", + "\u0e0a\u0e32\u0e27\u0e1a\u0e35\u0e40\u0e27\u0e2d\u0e23\u0e4c", + "\u0e15\u0e49\u0e19\u0e41\u0e2d\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e43\u0e1a\u0e04\u0e25\u0e37\u0e48\u0e19", + "\u0e2d\u0e32\u0e23\u0e4c\u0e21\u0e32\u0e14\u0e34\u0e25\u0e42\u0e25\u0e22\u0e31\u0e01\u0e29\u0e4c", + "\u0e1e\u0e23\u0e30\u0e40\u0e01\u0e28\u0e32", + "\u0e04\u0e25\u0e32\u0e44\u0e21\u0e40\u0e14\u0e35\u0e22\u0e17\u0e23\u0e32\u0e42\u0e04\u0e21\u0e32\u0e15\u0e34\u0e2a", + "\u0e17\u0e35\u0e48\u0e41\u0e16\u0e1a\u0e14\u0e4d\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e04\u0e34\u0e07\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19", + "\u0e1c\u0e39\u0e49\u0e2a\u0e2d\u0e1a\u0e1c\u0e48\u0e32\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e27\u0e2d\u0e23\u0e4c\u0e15\u0e34\u0e40\u0e0b\u0e25\u0e25\u0e32", + "\u0e01\u0e34\u0e19\u0e19\u0e35\u0e48\u0e1e\u0e34\u0e01", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e2a\u0e40\u0e1b\u0e19\u0e34\u0e0a\u0e41\u0e21\u0e04\u0e40\u0e04\u0e2d\u0e40\u0e23\u0e25", + "carduelis", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e32\u0e23\u0e4c\u0e42\u0e17\u0e23\u0e1e\u0e2d\u0e14", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e44\u0e02\u0e49\u0e17\u0e23\u0e1e\u0e34\u0e29", + "\u0e1b\u0e25\u0e32\u0e17\u0e39\u0e19\u0e48\u0e32\u0e04\u0e23\u0e35\u0e1a\u0e40\u0e2b\u0e25\u0e37\u0e2d\u0e07", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e34\u0e04\u0e44\u0e17\u0e42\u0e2d\u0e0b\u0e2d\u0e23\u0e31\u0e2a", + "\u0e40\u0e21\u0e2d\u0e23\u0e4c\u0e41\u0e01\u0e19\u0e40\u0e0b\u0e2d\u0e23\u0e4c\u0e2d\u0e01\u0e41\u0e14\u0e07", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e2d\u0e19\u0e44\u0e04\u0e42\u0e19\u0e40\u0e14\u0e34\u0e23\u0e4c\u0e21", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e21\u0e32\u0e0a\u0e39\u0e42\u0e1a", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e08\u0e39\u0e19\u0e34\u0e19", + "\u0e0a\u0e32\u0e27\u0e42\u0e04\u0e23\u0e27", + "\u0e2a\u0e01\u0e38\u0e25\u0e0b\u0e31\u0e25\u0e42\u0e21\u0e40\u0e19\u0e25\u0e25\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e41\u0e2d\u0e15\u0e41\u0e25\u0e19\u0e15\u0e34\u0e01\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19", + "\u0e21\u0e32\u0e23\u0e4c\u0e40\u0e17\u0e34\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e2a\u0e40\u0e15\u0e1f\u0e35\u0e42\u0e25\u0e04\u0e2d\u0e04\u0e04\u0e31\u0e2a", + "\u0e21\u0e32\u0e23\u0e4c\u0e40\u0e17\u0e19\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19", + "\u0e01\u0e32\u0e23\u0e41\u0e02\u0e48\u0e07\u0e02\u0e31\u0e19\u0e17\u0e49\u0e32\u0e04\u0e27\u0e32\u0e21\u0e15\u0e32\u0e22", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e0a\u0e14", + "\u0e27\u0e39\u0e49\u0e14\u0e41\u0e23\u0e15\u0e15\u0e30\u0e27\u0e31\u0e19\u0e2d\u0e2d\u0e01", + "\u0e42\u0e23\u0e04\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e2d\u0e35\u0e42\u0e1a\u0e25\u0e32", + "\u0e2b\u0e19\u0e31\u0e07\u0e2b\u0e19\u0e32", + "\u0e15\u0e35\u0e14\u0e49\u0e27\u0e22\u0e41\u0e2a\u0e49\u0e41\u0e21\u0e27\u0e40\u0e01\u0e49\u0e32\u0e2b\u0e32\u0e07", + "\u0e17\u0e35\u0e48\u0e1b\u0e32\u0e01\u0e40\u0e2b\u0e21\u0e37\u0e2d\u0e19\u0e40\u0e1b\u0e47\u0e14", + "\u0e0a\u0e32\u0e27\u0e2d\u0e2d\u0e23\u0e34\u0e01\u0e2d\u0e19", + "\u0e19\u0e2d\u0e23\u0e4c\u0e40\u0e27\u0e40\u0e08\u0e35\u0e22\u0e19\u0e25\u0e47\u0e2d\u0e1a\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e2d\u0e19\u0e42\u0e04\u0e44\u0e23\u0e19\u0e4c\u0e04\u0e31\u0e2a", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e35\u0e40\u0e23\u0e15\u0e42\u0e21\u0e04\u0e35\u0e25\u0e35\u0e2a", + "\u0e2a\u0e01\u0e38\u0e25\u0e44\u0e21\u0e42\u0e04\u0e41\u0e1a\u0e04\u0e17\u0e35\u0e40\u0e23\u0e35\u0e22\u0e21", + "\u0e1e\u0e2d\u0e23\u0e4c\u0e1e\u0e2d\u0e22\u0e2a\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e0b\u0e35\u0e41\u0e23\u0e2a\u0e15\u0e35\u0e2a", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e04\u0e27\u0e32\u0e22", + "\u0e2a\u0e01\u0e38\u0e25\u0e44\u0e21\u0e42\u0e04\u0e1e\u0e25\u0e32\u0e2a\u0e21\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e35\u0e23\u0e34\u0e01\u0e19\u0e32\u0e17\u0e31\u0e2a", + "\u0e41\u0e1a\u0e25\u0e47\u0e01\u0e41\u0e23\u0e15", + "\u0e2a\u0e01\u0e38\u0e25\u0e19\u0e32\u0e01\u0e43\u0e2b\u0e0d\u0e48\u0e18\u0e23\u0e23\u0e21\u0e14\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e34\u0e04\u0e44\u0e17\u0e42\u0e2d\u0e2a\u0e40\u0e15\u0e01\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e44\u0e21\u0e04\u0e23\u0e2d\u0e1b\u0e17\u0e35\u0e23\u0e31\u0e2a", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e2a\u0e31\u0e15\u0e27\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e25\u0e32\u0e23\u0e31\u0e2a", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e2d\u0e35\u0e42\u0e1a\u0e25\u0e32", + "\u0e1e\u0e32\u0e2a\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e2d\u0e32\u0e21\u0e39\u0e14\u0e32\u0e23\u0e4c\u0e22\u0e32", + "\u0e01\u0e32\u0e23\u0e02\u0e31\u0e19", + "\u0e21\u0e34\u0e01\u0e42\u0e0b\u0e21\u0e32\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e15\u0e49\u0e19\u0e1e\u0e2d\u0e22\u0e0b\u0e31\u0e19\u0e04\u0e32\u0e21\u0e31\u0e2a", + "\u0e40\u0e1e\u0e35\u0e22\u0e07\u0e1e\u0e2d\u0e19", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e21\u0e32\u0e23\u0e4c\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e01", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e34\u0e01\u0e31\u0e27\u0e42\u0e19\u0e14\u0e2d\u0e19", + "\u0e01\u0e32\u0e23\u0e19\u0e34\u0e19\u0e17\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e2a\u0e15\u0e23\u0e34\u0e1b\u0e34\u0e14\u0e40\u0e1a\u0e2a", + "\u0e2a\u0e01\u0e38\u0e25\u0e25\u0e32\u0e15\u0e35\u0e2a", + "\u0e0a\u0e31\u0e49\u0e19\u0e44\u0e0b\u0e2d\u0e30\u0e42\u0e19\u0e41\u0e1a\u0e04\u0e17\u0e35\u0e40\u0e23\u0e35\u0e22", + "\u0e2a\u0e01\u0e38\u0e25\u0e17\u0e23\u0e32\u0e42\u0e01\u0e41\u0e1e\u0e19", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e44\u0e01\u0e48", + "\u0e0a\u0e31\u0e49\u0e19\u0e43\u0e2b\u0e0d\u0e48\u0e44\u0e21\u0e40\u0e23\u0e35\u0e22\u0e42\u0e1e\u0e14\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e42\u0e2e\u0e42\u0e21", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e43\u0e1a\u0e22\u0e32\u0e2a\u0e39\u0e1a\u0e14\u0e48\u0e32\u0e07", + "\u0e27\u0e39\u0e49\u0e14\u0e40\u0e21\u0e32\u0e2a\u0e4c", + "\u0e2b\u0e21\u0e32\u0e01\u0e34\u0e19\u0e1b\u0e39", + "\u0e14\u0e32\u0e27\u0e15\u0e30\u0e01\u0e23\u0e49\u0e32", + "\u0e01\u0e23\u0e30\u0e40\u0e1a\u0e19\u0e23\u0e32\u0e2b\u0e39", + "\u0e2a\u0e01\u0e38\u0e25\u0e1a\u0e23\u0e2d\u0e19\u0e42\u0e15\u0e0b\u0e2d\u0e23\u0e31\u0e2a", + "\u0e44\u0e1e\u0e19\u0e4c\u0e21\u0e32\u0e23\u0e4c\u0e40\u0e17\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e2b\u0e19\u0e2d\u0e19", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e07\u0e39\u0e2a\u0e27\u0e31\u0e14", + "\u0e2a\u0e01\u0e38\u0e25\u0e1b\u0e25\u0e32", + "\u0e44\u0e02\u0e48\u0e01\u0e38\u0e49\u0e07\u0e25\u0e47\u0e2d\u0e1a\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e40\u0e25\u0e2a\u0e40\u0e0b\u0e2d\u0e23\u0e4c\u0e40\u0e2d\u0e1b", + "\u0e2e\u0e32\u0e23\u0e4c\u0e1e\u0e35", + "\u0e15\u0e49\u0e19\u0e42\u0e23\u0e21\u0e31\u0e19\u0e40\u0e27\u0e34\u0e23\u0e4c\u0e21\u0e27\u0e39\u0e49\u0e14", + "\u0e1c\u0e39\u0e49\u0e1c\u0e48\u0e32\u0e19\u0e01\u0e32\u0e23\u0e2a\u0e2d\u0e1a", + "\u0e17\u0e35\u0e48\u0e43\u0e1a\u0e2b\u0e19\u0e49\u0e32\u0e21\u0e35\u0e23\u0e2d\u0e22\u0e2a\u0e35\u0e02\u0e32\u0e27", + "\u0e01\u0e23\u0e30\u0e14\u0e2d\u0e07\u0e40\u0e15\u0e48\u0e32", + "\u0e15\u0e31\u0e27\u0e40\u0e1f\u0e2d\u0e23\u0e34\u0e17", + "\u0e2a\u0e01\u0e38\u0e25\u0e41\u0e2d\u0e19\u0e2e\u0e34\u0e19\u0e01\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e27\u0e34\u0e1a\u0e23\u0e34\u0e42\u0e2d", + "\u0e15\u0e49\u0e19\u0e41\u0e04\u0e17\u0e04\u0e25\u0e2d\u0e27\u0e4c", + "\u0e01\u0e23\u0e30\u0e40\u0e25\u0e47\u0e19\u0e02\u0e19\u0e1b\u0e25\u0e32\u0e22\u0e2b\u0e39\u0e2a\u0e31\u0e49\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e25\u0e39\u0e01\u0e14\u0e49\u0e27\u0e22\u0e19\u0e21", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e2e\u0e2d\u0e23\u0e4c\u0e21\u0e34\u0e2a\u0e40\u0e0b\u0e19\u0e14\u0e32", + "\u0e44\u0e27\u0e25\u0e14\u0e4c\u0e14\u0e47\u0e2d\u0e01", + "\u0e28\u0e32\u0e2a\u0e19\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c\u0e1a\u0e31\u0e13\u0e11\u0e34\u0e15", + "\u0e19\u0e01\u0e01\u0e30\u0e40\u0e15\u0e47\u0e19\u0e19\u0e49\u0e2d\u0e22\u0e18\u0e23\u0e23\u0e21\u0e14\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e32\u0e23\u0e4c\u0e40\u0e0b\u0e25\u0e25\u0e32", + "\u0e40\u0e23\u0e37\u0e2d\u0e14\u0e4d\u0e32\u0e19\u0e49\u0e4d\u0e32\u0e1e\u0e25\u0e31\u0e07\u0e07\u0e32\u0e19\u0e19\u0e34\u0e27\u0e40\u0e04\u0e25\u0e35\u0e22\u0e23\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e27\u0e34\u0e19\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e1f\u0e25\u0e32\u0e27\u0e40\u0e14\u0e2d\u0e23\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e2d\u0e25\u0e44\u0e27\u0e1f\u0e4c", + "\u0e17\u0e32\u0e23\u0e4c\u0e40\u0e0b\u0e35\u0e22\u0e2a\u0e01\u0e25\u0e34\u0e2a", + "\u0e20\u0e32\u0e29\u0e32\u0e42\u0e04\u0e23\u0e27", + "\u0e41\u0e2e\u0e23\u0e4c\u0e23\u0e34\u0e40\u0e2d\u0e2d\u0e23\u0e4c", + "\u0e15\u0e31\u0e27\u0e44\u0e2b\u0e21", + "\u0e27\u0e39\u0e49\u0e14\u0e40\u0e21\u0e32\u0e2a\u0e4c\u0e22\u0e38\u0e42\u0e23\u0e1b", + "\u0e2a\u0e01\u0e38\u0e25\u0e41\u0e1a\u0e04\u0e17\u0e35\u0e40\u0e23\u0e35\u0e22", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e0a\u0e34\u0e19\u0e38\u0e01", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e25\u0e34\u0e21\u0e42\u0e1f\u0e44\u0e0b\u0e15\u0e34\u0e01_\u0e42\u0e04\u0e23\u0e35\u0e42\u0e2d\u0e40\u0e21\u0e19\u0e34\u0e19\u0e44\u0e08\u0e15\u0e34\u0e2a", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e15\u0e31\u0e1a\u0e2d\u0e31\u0e01\u0e40\u0e2a\u0e1a\u0e40\u0e2d", + "\u0e27\u0e39\u0e25\u0e25\u0e35\u0e41\u0e1a\u0e23\u0e4c\u0e21\u0e2d\u0e17", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e40\u0e2d\u0e0a\u0e40\u0e2d\u0e2a\u0e27\u0e35_1", + "\u0e01\u0e23\u0e30\u0e40\u0e1a\u0e19\u0e44\u0e1f\u0e1f\u0e49\u0e32", + "\u0e42\u0e23\u0e04\u0e15\u0e01\u0e02\u0e32\u0e27", + "\u0e2a\u0e01\u0e38\u0e25\u0e2a\u0e04\u0e25\u0e35\u0e42\u0e23\u0e1e\u0e32\u0e40\u0e08\u0e2a", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e2b\u0e2d\u0e22\u0e19\u0e32\u0e07\u0e23\u0e21", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e23\u0e19\u0e42\u0e1a\u0e27\u0e4c\u0e40\u0e17\u0e23\u0e32\u0e15\u0e4c", + "\u0e17\u0e32\u0e23\u0e4c\u0e40\u0e0b\u0e35\u0e22\u0e23\u0e4c\u0e1f\u0e34\u0e25\u0e34\u0e1b\u0e1b\u0e34\u0e19\u0e2a\u0e4c", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e1b\u0e25\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e08\u0e35\u0e21\u0e42\u0e19\u0e44\u0e23\u0e19\u0e32", + "\u0e15\u0e49\u0e19\u0e40\u0e22\u0e25\u0e42\u0e25\u0e27\u0e4c\u0e27\u0e39\u0e49\u0e14\u0e18\u0e23\u0e23\u0e21\u0e14\u0e32", + "\u0e1b\u0e25\u0e32\u0e17\u0e2d\u0e23\u0e4c\u0e19\u0e35\u0e2a\u0e40\u0e01\u0e47\u0e15", + "\u0e25\u0e34\u0e2a\u0e15\u0e4c\u0e0a\u0e23\u0e39\u0e27", + "\u0e15\u0e49\u0e19\u0e44\u0e0a\u0e19\u0e35\u0e2a\u0e1e\u0e35\u0e17\u0e23\u0e35", + "\u0e2a\u0e01\u0e38\u0e25\u0e04\u0e25\u0e32\u0e44\u0e21\u0e40\u0e14\u0e35\u0e22", + "\u0e15\u0e49\u0e19\u0e19\u0e31\u0e15\u0e17\u0e2d\u0e25\u0e42\u0e2d\u0e4a\u0e01", + "\u0e19\u0e01\u0e2b\u0e31\u0e27\u0e42\u0e15\u0e2b\u0e25\u0e31\u0e07\u0e08\u0e38\u0e14\u0e2a\u0e35\u0e17\u0e2d\u0e07", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e41\u0e21\u0e27\u0e1b\u0e48\u0e32", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e1a\u0e31\u0e1f\u0e1f\u0e32\u0e42\u0e25", + "\u0e15\u0e49\u0e19\u0e27\u0e34\u0e25\u0e42\u0e25\u0e27\u0e4c\u0e41\u0e2d\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e2b\u0e25\u0e2d\u0e14\u0e1b\u0e23\u0e30\u0e2a\u0e32\u0e17", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e40\u0e27\u0e2a\u0e15\u0e4c\u0e44\u0e19\u0e25\u0e4c\u0e40\u0e2d\u0e19\u0e40\u0e0b\u0e1b\u0e1f\u0e32\u0e44\u0e25\u0e17\u0e34\u0e2a", + "\u0e27\u0e32\u0e23\u0e34\u0e42\u0e2d\u0e25\u0e32\u0e44\u0e21\u0e40\u0e19\u0e2d\u0e23\u0e4c\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e1e\u0e37\u0e0a", + "\u0e40\u0e01\u0e35\u0e48\u0e22\u0e27\u0e01\u0e31\u0e1a\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e08\u0e4d\u0e32\u0e1e\u0e27\u0e01\u0e01\u0e1a", + "\u0e40\u0e1f\u0e2d\u0e23\u0e4c\u0e40\u0e23\u0e15", + "\u0e40\u0e0a\u0e37\u0e49\u0e2d\u0e1a\u0e32\u0e0b\u0e34\u0e25\u0e25\u0e31\u0e2a\u0e41\u0e2d\u0e19\u0e17\u0e23\u0e32\u0e0b\u0e34\u0e2a", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e23\u0e14\u0e2a\u0e40\u0e19\u0e47\u0e1b\u0e40\u0e1b\u0e2d\u0e23\u0e4c", + "\u0e27\u0e32\u0e23\u0e34\u0e42\u0e2d\u0e25\u0e32\u0e40\u0e21\u0e40\u0e08\u0e2d\u0e23\u0e4c\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e41\u0e21\u0e47\u0e01\u0e0b\u0e34\u0e42\u0e01\u0e1e\u0e47\u0e2d\u0e01\u0e40\u0e01\u0e47\u0e15\u0e40\u0e21\u0e32\u0e2a\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e01\u0e25\u0e2d\u0e2a\u0e0b\u0e34\u0e19\u0e32", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e40\u0e27\u0e2a\u0e15\u0e4c\u0e44\u0e19\u0e25\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e30\u0e42\u0e1e\u0e14\u0e35\u0e21\u0e31\u0e2a", + "\u0e18\u0e07\u0e40\u0e22\u0e25\u0e42\u0e25\u0e27\u0e4c\u0e41\u0e08\u0e47\u0e04", + "\u0e2a\u0e01\u0e38\u0e25\u0e42\u0e04\u0e15\u0e34\u0e07\u0e01\u0e32", + "\u0e40\u0e22\u0e37\u0e48\u0e2d\u0e2b\u0e38\u0e49\u0e21\u0e44\u0e02\u0e48\u0e41\u0e14\u0e07", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e44\u0e01\u0e48\u0e01\u0e34\u0e19\u0e35", + "\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e42\u0e19\u0e2a\u0e42\u0e21\u0e25", + "\u0e2a\u0e01\u0e38\u0e25\u0e1e\u0e32\u0e2a\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e41\u0e2d\u0e04\u0e0b\u0e34\u0e1e\u0e34\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e17\u0e23\u0e32\u0e15\u0e4c\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e2d\u0e34\u0e07\u0e25\u0e34\u0e0a\u0e42\u0e0b\u0e25", + "\u0e40\u0e19\u0e35\u0e22\u0e25\u0e32\u0e20\u0e39\u0e40\u0e02\u0e32", + "\u0e01\u0e38\u0e4a\u0e01\u0e44\u0e01\u0e48", + "\u0e2a\u0e01\u0e38\u0e25\u0e19\u0e01", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e17\u0e23\u0e32\u0e15\u0e4c\u0e25\u0e4d\u0e32\u0e18\u0e32\u0e23", + "\u0e15\u0e31\u0e27\u0e1a\u0e35\u0e40\u0e27\u0e2d\u0e23\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e1a\u0e23\u0e39\u0e04\u0e40\u0e17\u0e23\u0e32\u0e15\u0e4c", + "\u0e27\u0e2d\u0e25\u0e25\u0e32\u0e1a\u0e35\u0e18\u0e23\u0e23\u0e21\u0e14\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e19\u0e32\u0e42\u0e19\u0e40\u0e21\u0e35\u0e22", + "\u0e1b\u0e25\u0e32\u0e17\u0e31\u0e1a\u0e40\u0e01\u0e2d\u0e23\u0e4c\u0e19\u0e32\u0e23\u0e4c\u0e14", + "\u0e15\u0e49\u0e19\u0e42\u0e23\u0e21\u0e31\u0e19\u0e27\u0e2d\u0e23\u0e4c\u0e21\u0e27\u0e39\u0e49\u0e14", + "\u0e2a\u0e01\u0e38\u0e25\u0e41\u0e21\u0e19\u0e15\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e41\u0e2d\u0e2a\u0e04\u0e32\u0e23\u0e34\u0e2a", + "\u0e2a\u0e01\u0e38\u0e25\u0e0b\u0e34\u0e22\u0e39\u0e23\u0e31\u0e2a", + "\u0e42\u0e2e\u0e42\u0e21_\u0e40\u0e0b\u0e40\u0e1b\u0e35\u0e22\u0e19\u0e2a\u0e4c_\u0e40\u0e0b\u0e40\u0e1b\u0e35\u0e22\u0e19\u0e2a\u0e4c", + "\u0e44\u0e27\u0e23\u0e31\u0e2a\u0e2d\u0e32\u0e23\u0e4c\u0e40\u0e2d\u0e2a\u0e27\u0e35", + "\u0e27\u0e32\u0e23\u0e34\u0e40\u0e0b\u0e25\u0e25\u0e32\u0e0b\u0e2d\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e2a\u0e01\u0e38\u0e25\u0e04\u0e2d\u0e23\u0e4c\u0e40\u0e14\u0e15", + "\u0e40\u0e2a\u0e35\u0e22\u0e07\u0e44\u0e01\u0e48\u0e02\u0e31\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e25\u0e37\u0e49\u0e2d\u0e22\u0e04\u0e25\u0e32\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e0b\u0e32\u0e23\u0e4c\u0e41\u0e01\u0e2a\u0e0b\u0e31\u0e21", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e1b\u0e25\u0e32\u0e40\u0e1a\u0e2a\u0e1b\u0e32\u0e01\u0e01\u0e27\u0e49\u0e32\u0e07", + "\u0e15\u0e49\u0e19\u0e04\u0e32\u0e21\u0e31\u0e2a\u0e21\u0e35\u0e1e\u0e34\u0e29", + "\u0e40\u0e1e\u0e35\u0e22\u0e07\u0e1e\u0e2d\u0e19\u0e2a\u0e35\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e32\u0e25", + "\u0e2a\u0e01\u0e38\u0e25\u0e44\u0e17\u0e42\u0e15", + "\u0e2a\u0e01\u0e38\u0e25\u0e2a\u0e44\u0e1b\u0e23\u0e34\u0e25\u0e25\u0e31\u0e21", + "\u0e2a\u0e01\u0e38\u0e25\u0e04\u0e27\u0e32\u0e22", + "\u0e2a\u0e01\u0e38\u0e25\u0e42\u0e1f\u0e42\u0e04\u0e19\u0e32", + "\u0e2d\u0e2d\u0e23\u0e4c\u0e01\u0e32", + "\u0e44\u0e01\u0e48\u0e42\u0e23\u0e14\u0e44\u0e2d\u0e2a\u0e4c\u0e41\u0e25\u0e19\u0e14\u0e4c\u0e40\u0e23\u0e14", + "\u0e1e\u0e23\u0e30\u0e40\u0e01\u0e28", + "\u0e40\u0e2d\u0e35\u0e22\u0e23\u0e4c\u0e27\u0e34\u0e01\u0e22\u0e38\u0e42\u0e23\u0e1b\u0e18\u0e23\u0e23\u0e21\u0e14\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e0a\u0e34\u0e40\u0e08\u0e25\u0e25\u0e32", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e30\u0e1b\u0e32\u0e42\u0e15\u0e0b\u0e2d\u0e23\u0e31\u0e2a", + "\u0e27\u0e2d\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e42\u0e27\u0e25", + "\u0e2a\u0e01\u0e38\u0e25\u0e25\u0e34\u0e27\u0e42\u0e04\u0e44\u0e0b\u0e42\u0e15\u0e0b\u0e39\u0e19" + ], + "ORG": [ + "\u0e01\u0e0e\u0e2b\u0e21\u0e32\u0e22\u0e41\u0e1e\u0e48\u0e07", + "\u0e23\u0e32\u0e0a\u0e2a\u0e21\u0e32\u0e04\u0e21\u0e41\u0e2b\u0e48\u0e07\u0e25\u0e2d\u0e19\u0e14\u0e2d\u0e19", + "\u0e40\u0e14\u0e37\u0e2d\u0e19\u0e14\u0e31\u0e1a", + "\u0e01\u0e32\u0e23\u0e23\u0e27\u0e21\u0e01\u0e25\u0e38\u0e48\u0e21\u0e17\u0e32\u0e07\u0e2a\u0e31\u0e07\u0e04\u0e21", + "\u0e40\u0e15\u0e49\u0e19\u0e1a\u0e35\u0e1a\u0e47\u0e2d\u0e1e", + "\u0e01\u0e32\u0e23\u0e2a\u0e31\u0e07\u0e04\u0e32\u0e22\u0e19\u0e32\u0e17\u0e35\u0e48\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e17\u0e23\u0e19\u0e15\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e23\u0e49\u0e32\u0e22\u0e41\u0e23\u0e07", + "\u0e01\u0e32\u0e23\u0e4c\u0e15\u0e39\u0e19\u0e40\u0e19\u0e47\u0e15\u0e40\u0e27\u0e34\u0e23\u0e4c\u0e04", + "\u0e1c\u0e39\u0e49\u0e1a\u0e4d\u0e32\u0e40\u0e1e\u0e47\u0e0d", + "\u0e1c\u0e39\u0e49\u0e40\u0e0a\u0e35\u0e48\u0e22\u0e27\u0e0a\u0e32\u0e0d\u0e40\u0e09\u0e1e\u0e32\u0e30\u0e14\u0e49\u0e32\u0e19", + "\u0e14\u0e32\u0e23\u0e32\u0e08\u0e31\u0e01\u0e23\u0e0a\u0e19\u0e34\u0e14\u0e01\u0e49\u0e19\u0e2b\u0e2d\u0e22", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e2d\u0e2d\u0e01\u0e31\u0e2a\u0e15\u0e34\u0e19", + "\u0e01\u0e23\u0e30\u0e14\u0e39\u0e01\u0e2a\u0e31\u0e19\u0e2b\u0e25\u0e31\u0e07\u0e02\u0e49\u0e2d\u0e17\u0e35\u0e48\u0e2a\u0e2d\u0e07", + "\u0e42\u0e15\u0e4a\u0e30\u0e1b\u0e23\u0e30\u0e0a\u0e38\u0e21", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e25\u0e32\u0e14\u0e15\u0e23\u0e30\u0e40\u0e27\u0e19\u0e0a\u0e32\u0e22\u0e41\u0e14\u0e19", + "\u0e04\u0e23\u0e34\u0e2a\u0e40\u0e15\u0e35\u0e22\u0e19\u0e27\u0e34\u0e17\u0e22\u0e32\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c", + "\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e18\u0e34\u0e1b\u0e44\u0e15\u0e22\u0e17\u0e32\u0e07\u0e15\u0e23\u0e07", + "\u0e15\u0e35\u0e25\u0e39\u0e01\u0e40\u0e2d\u0e0b", + "\u0e0b\u0e36\u0e48\u0e07\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e1b\u0e23\u0e30\u0e2a\u0e32\u0e19\u0e01\u0e31\u0e19", + "\u0e01\u0e23\u0e38\u0e07\u0e0b\u0e31\u0e19\u0e42\u0e2e\u0e40\u0e0b", + "\u0e17\u0e30\u0e40\u0e25\u0e41\u0e14\u0e07", + "\u0e40\u0e20\u0e2a\u0e31\u0e0a\u0e2d\u0e38\u0e15\u0e2a\u0e32\u0e2b\u0e01\u0e23\u0e23\u0e21", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e19\u0e34\u0e42\u0e04\u0e25\u0e31\u0e2a", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e04\u0e39\u0e48\u0e15\u0e23\u0e07\u0e02\u0e49\u0e32\u0e21", + "\u0e15\u0e32\u0e23\u0e32\u0e07\u0e2a\u0e16\u0e34\u0e15\u0e34\u0e01\u0e32\u0e23\u0e40\u0e2a\u0e35\u0e22\u0e0a\u0e35\u0e27\u0e34\u0e15", + "\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e01\u0e23\u0e42\u0e25\u0e01", + "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e08\u0e2d\u0e19\u0e2a\u0e4c", + "\u0e1a\u0e38\u0e04\u0e04\u0e25\u0e20\u0e32\u0e22\u0e19\u0e2d\u0e01", + "\u0e01\u0e32\u0e23\u0e04\u0e21\u0e19\u0e32\u0e04\u0e21\u0e02\u0e19\u0e2a\u0e48\u0e07\u0e2a\u0e32\u0e18\u0e32\u0e23\u0e13\u0e30", + "\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e31\u0e19\u0e15\u0e30\u0e27\u0e31\u0e19\u0e2d\u0e01", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e07\u0e32\u0e19\u0e27\u0e34\u0e08\u0e31\u0e22", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e2a\u0e37\u0e1a\u0e23\u0e32\u0e0a\u0e01\u0e32\u0e23\u0e25\u0e31\u0e1a", + "\u0e40\u0e01\u0e32\u0e30\u0e41\u0e2d\u0e14\u0e21\u0e34\u0e23\u0e2d\u0e25\u0e15\u0e35", + "\u0e41\u0e21\u0e48\u0e1e\u0e23\u0e30\u0e23\u0e31\u0e1a\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34\u0e22\u0e01\u0e02\u0e36\u0e49\u0e19\u0e2a\u0e27\u0e23\u0e23\u0e04\u0e4c", + "\u0e04\u0e32\u0e23\u0e4c\u0e1a\u0e2d\u0e21\u0e1a\u0e4c", + "\u0e08\u0e31\u0e01\u0e23\u0e27\u0e23\u0e23\u0e14\u0e34\u0e42\u0e23\u0e21\u0e31\u0e19\u0e2d\u0e31\u0e19\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e4c", + "\u0e2d\u0e2d\u0e01\u0e40\u0e14\u0e17\u0e40\u0e1b\u0e47\u0e19\u0e04\u0e39\u0e48", + "\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a\u0e0b\u0e39\u0e1e\u0e35\u0e40\u0e23\u0e35\u0e22", + "\u0e42\u0e23\u0e04\u0e08\u0e2d\u0e15\u0e32\u0e21\u0e35\u0e2a\u0e32\u0e23\u0e2a\u0e35", + "\u0e04\u0e27\u0e32\u0e21\u0e23\u0e39\u0e49\u0e08\u0e32\u0e01\u0e01\u0e32\u0e23\u0e28\u0e36\u0e01\u0e29\u0e32", + "\u0e2b\u0e21\u0e32\u0e01\u0e1d\u0e23\u0e31\u0e48\u0e07", + "\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e37\u0e2d\u0e43\u0e2b\u0e49\u0e2d\u0e4d\u0e32\u0e19\u0e32\u0e08\u0e1c\u0e39\u0e49\u0e08\u0e31\u0e14\u0e01\u0e32\u0e23\u0e21\u0e23\u0e14\u0e01", + "\u0e01\u0e30\u0e40\u0e0a\u0e49\u0e32", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c_\u0e19\u0e34\u0e42\u0e04\u0e25\u0e32\u0e2a", + "\u0e0b\u0e38\u0e1b\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e2a\u0e15\u0e32\u0e23\u0e4c", + "\u0e22\u0e38\u0e04\u0e40\u0e23\u0e37\u0e2d\u0e07\u0e1b\u0e31\u0e0d\u0e0d\u0e32", + "\u0e40\u0e2a\u0e49\u0e19\u0e1b\u0e23\u0e30\u0e2a\u0e32\u0e17\u0e15\u0e32", + "\u0e40\u0e27\u0e2d\u0e23\u0e4c\u0e08\u0e34\u0e40\u0e19\u0e35\u0e22\u0e40\u0e17\u0e04", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e0d\u0e34\u0e07\u0e19\u0e34\u0e17\u0e23\u0e32", + "\u0e43\u0e08\u0e01\u0e25\u0e32\u0e07\u0e42\u0e25\u0e01", + "\u0e19\u0e34\u0e01\u0e32\u0e22\u0e44\u0e28\u0e27\u0e30", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e07\u0e32\u0e19\u0e2d\u0e34\u0e2a\u0e23\u0e30", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e2d\u0e31\u0e19\u0e14\u0e32\u0e21\u0e31\u0e19", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e17\u0e32\u0e07\u0e01\u0e32\u0e23\u0e40\u0e21\u0e37\u0e2d\u0e07", + "\u0e2d\u0e2d\u0e23\u0e4c\u0e14\u0e41\u0e19\u0e19\u0e0b\u0e4c\u0e40\u0e0b\u0e2d\u0e23\u0e4c\u0e40\u0e27\u0e22\u0e4c", + "\u0e40\u0e1a\u0e40\u0e19\u0e25\u0e31\u0e01\u0e0b\u0e4c", + "\u0e1e\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e0b\u0e48\u0e2d\u0e21\u0e1a\u0e4d\u0e32\u0e23\u0e38\u0e07", + "\u0e04\u0e27\u0e32\u0e21\u0e16\u0e35\u0e48\u0e2a\u0e39\u0e07", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e23\u0e1a\u0e1e\u0e34\u0e40\u0e28\u0e29\u0e02\u0e2d\u0e07\u0e01\u0e2d\u0e07\u0e17\u0e31\u0e1e\u0e2d\u0e32\u0e01\u0e32\u0e28\u0e2d\u0e31\u0e07\u0e01\u0e24\u0e29", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e1e\u0e34\u0e06\u0e32\u0e15\u0e28\u0e31\u0e15\u0e23\u0e39\u0e17\u0e32\u0e07\u0e01\u0e32\u0e23\u0e40\u0e21\u0e37\u0e2d\u0e07", + "\u0e1e\u0e32\u0e13\u0e34\u0e0a\u0e22\u0e01\u0e23\u0e23\u0e21", + "\u0e01\u0e32\u0e23\u0e17\u0e4d\u0e32\u0e2b\u0e21\u0e32\u0e01\u0e1d\u0e23\u0e31\u0e48\u0e07", + "\u0e17\u0e35\u0e41\u0e23\u0e01", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e2a\u0e27\u0e32\u0e17", + "\u0e04\u0e19\u0e23\u0e48\u0e27\u0e21\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e22\u0e38", + "\u0e01\u0e23\u0e35\u0e19\u0e40\u0e1a\u0e2d\u0e40\u0e23\u0e15\u0e4c", + "\u0e28\u0e39\u0e19\u0e22\u0e4c\u0e27\u0e34\u0e08\u0e31\u0e22", + "\u0e01\u0e32\u0e1a\u0e39\u0e40\u0e27\u0e23\u0e4c\u0e14\u0e35", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e07\u0e17\u0e35\u0e48\u0e43\u0e2b\u0e49\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e44\u0e14\u0e49", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e15\u0e4d\u0e32\u0e23\u0e27\u0e08\u0e1b\u0e23\u0e32\u0e1a\u0e1b\u0e23\u0e32\u0e21", + "\u0e2d\u0e14\u0e35\u0e15\u0e01\u0e32\u0e25\u0e2a\u0e21\u0e1a\u0e39\u0e23\u0e13\u0e4c", + "\u0e40\u0e14\u0e37\u0e2d\u0e19\u0e02\u0e36\u0e49\u0e19\u0e41\u0e1b\u0e14\u0e04\u0e48\u0e4d\u0e32", + "\u0e01\u0e25\u0e49\u0e27\u0e22\u0e44\u0e21\u0e49\u0e2a\u0e01\u0e38\u0e25\u0e14\u0e34\u0e0b\u0e32", + "\u0e40\u0e04\u0e23\u0e37\u0e2d\u0e23\u0e31\u0e10\u0e40\u0e2d\u0e01\u0e23\u0e32\u0e0a", + "\u0e01\u0e32\u0e23\u0e1b\u0e0f\u0e34\u0e23\u0e39\u0e1b\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e1d\u0e48\u0e32\u0e22\u0e42\u0e1b\u0e23\u0e40\u0e15\u0e2a\u0e41\u0e15\u0e19\u0e15\u0e4c", + "\u0e1c\u0e39\u0e49\u0e17\u0e35\u0e48\u0e40\u0e01\u0e34\u0e14\u0e2b\u0e25\u0e31\u0e07\u0e2a\u0e07\u0e04\u0e23\u0e32\u0e21\u0e42\u0e25\u0e01\u0e04\u0e23\u0e31\u0e49\u0e07\u0e17\u0e35\u0e48\u0e2a\u0e2d\u0e07", + "\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19\u0e41\u0e2d\u0e23\u0e4c\u0e44\u0e25\u0e19\u0e4c", + "\u0e19\u0e32\u0e0b\u0e35\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e19\u0e35", + "\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e08\u0e31\u0e01\u0e23\u0e42\u0e23\u0e21\u0e31\u0e19\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e04\u0e2d\u0e21\u0e21\u0e2d\u0e19\u0e40\u0e0b\u0e19\u0e2a\u0e4c", + "\u0e08\u0e31\u0e01\u0e23\u0e27\u0e23\u0e23\u0e14\u0e34\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e31\u0e19", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e40\u0e2e\u0e40\u0e25\u0e19\u0e32", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e01\u0e30\u0e40\u0e0a\u0e49\u0e32", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e1c\u0e39\u0e49\u0e2a\u0e23\u0e49\u0e32\u0e07\u0e42\u0e25\u0e01", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e23\u0e34\u0e42\u0e2d\u0e1a\u0e23\u0e32\u0e42\u0e27", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e2d\u0e32\u0e2a\u0e32\u0e2a\u0e21\u0e31\u0e04\u0e23\u0e40\u0e1e\u0e37\u0e48\u0e2d\u0e2a\u0e31\u0e19\u0e15\u0e34\u0e20\u0e32\u0e1e\u0e2a\u0e2b\u0e23\u0e31\u0e10\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32", + "\u0e0a\u0e48\u0e32\u0e07\u0e0b\u0e48\u0e2d\u0e21\u0e1a\u0e4d\u0e32\u0e23\u0e38\u0e07", + "\u0e01\u0e32\u0e23\u0e41\u0e01\u0e49\u0e15\u0e31\u0e27", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e2b\u0e21\u0e32\u0e22\u0e2a\u0e07\u0e2a\u0e31\u0e22", + "\u0e17\u0e32\u0e07\u0e25\u0e31\u0e17\u0e18\u0e34\u0e0a\u0e34\u0e19\u0e42\u0e15", + "\u0e0a\u0e32\u0e27\u0e23\u0e32\u0e01\u0e2b\u0e0d\u0e49\u0e32", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e25\u0e39\u0e40\u0e0a\u0e35\u0e22", + "\u0e40\u0e27\u0e34\u0e25\u0e14\u0e4c\u0e41\u0e1a\u0e07\u0e04\u0e4c", + "\u0e28\u0e39\u0e19\u0e22\u0e4c\u0e1b\u0e49\u0e2d\u0e07\u0e01\u0e31\u0e19\u0e2d\u0e32\u0e0a\u0e0d\u0e32\u0e01\u0e23\u0e23\u0e21\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28", + "\u0e08\u0e31\u0e19\u0e17\u0e23\u0e4c\u0e14\u0e31\u0e1a", + "\u0e40\u0e23\u0e34\u0e48\u0e21\u0e40\u0e01\u0e21", + "\u0e21\u0e32\u0e15\u0e23\u0e01\u0e32\u0e23\u0e1b\u0e49\u0e2d\u0e07\u0e01\u0e31\u0e19", + "\u0e40\u0e27\u0e2a\u0e15\u0e4c\u0e21\u0e34\u0e14\u0e41\u0e25\u0e19\u0e2a\u0e4c", + "\u0e0b\u0e2d\u0e2a\u0e40\u0e1c\u0e47\u0e14", + "\u0e01\u0e23\u0e30\u0e08\u0e38\u0e01\u0e14\u0e32\u0e27", + "\u0e01\u0e32\u0e23\u0e23\u0e31\u0e1a\u0e23\u0e32\u0e0a\u0e01\u0e32\u0e23\u0e17\u0e2b\u0e32\u0e23", + "\u0e1c\u0e39\u0e49\u0e15\u0e34\u0e14\u0e15\u0e32\u0e21\u0e23\u0e32\u0e22\u0e01\u0e32\u0e23", + "\u0e19\u0e34\u0e01\u0e32\u0e22\u0e2e\u0e32\u0e0b\u0e34\u0e14\u0e34\u0e21", + "\u0e41\u0e1a\u0e25\u0e47\u0e01\u0e41\u0e04\u0e15", + "\u0e01\u0e4d\u0e32\u0e41\u0e1e\u0e07\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e25\u0e34\u0e19", + "\u0e01\u0e32\u0e23\u0e1b\u0e01\u0e04\u0e23\u0e2d\u0e07\u0e2a\u0e48\u0e27\u0e19\u0e17\u0e49\u0e2d\u0e07\u0e16\u0e34\u0e48\u0e19", + "\u0e04\u0e23\u0e35\u0e27\u0e35\u0e23\u0e34\u0e04", + "\u0e25\u0e31\u0e17\u0e18\u0e34\u0e1e\u0e34\u0e18\u0e35\u0e2a\u0e34\u0e19\u0e04\u0e49\u0e32", + "\u0e01\u0e32\u0e23\u0e40\u0e23\u0e35\u0e22\u0e19", + "\u0e07\u0e32\u0e19\u0e43\u0e0a\u0e49\u0e41\u0e23\u0e07", + "\u0e40\u0e17\u0e37\u0e2d\u0e01\u0e40\u0e02\u0e32\u0e04\u0e32\u0e23\u0e4c\u0e40\u0e21\u0e25", + "\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19\u0e1f\u0e38\u0e15\u0e1a\u0e2d\u0e25", + "\u0e19\u0e34\u0e01\u0e32\u0e22\u0e2a\u0e38\u0e19\u0e2b\u0e19\u0e35\u0e48", + "\u0e01\u0e32\u0e23\u0e17\u0e2b\u0e32\u0e23", + "\u0e2d\u0e34\u0e2a\u0e25\u0e32\u0e21\u0e28\u0e36\u0e01\u0e29\u0e32", + "\u0e01\u0e32\u0e23\u0e40\u0e23\u0e35\u0e22\u0e19\u0e01\u0e32\u0e23\u0e2a\u0e2d\u0e19", + "\u0e19\u0e34\u0e01\u0e32\u0e22\u0e40\u0e04\u0e27\u0e40\u0e04\u0e2d\u0e23\u0e4c", + "\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a\u0e2d\u0e31\u0e25\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e15", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e42\u0e1b", + "\u0e2a\u0e16\u0e32\u0e19\u0e28\u0e36\u0e01\u0e29\u0e32", + "\u0e17\u0e35\u0e48\u0e21\u0e35\u0e2d\u0e4d\u0e32\u0e19\u0e32\u0e08\u0e44\u0e21\u0e48\u0e08\u0e4d\u0e32\u0e01\u0e31\u0e14", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e07\u0e32\u0e19\u0e1a\u0e23\u0e34\u0e2b\u0e32\u0e23", + "\u0e04\u0e37\u0e19\u0e40\u0e14\u0e37\u0e2d\u0e19\u0e21\u0e37\u0e14", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e25\u0e2d\u0e1a\u0e2a\u0e31\u0e07\u0e2b\u0e32\u0e23", + "\u0e2a\u0e2b\u0e23\u0e31\u0e10", + "\u0e41\u0e01\u0e23\u0e19\u0e14\u0e4c\u0e1e\u0e23\u0e34\u0e01\u0e0b\u0e4c", + "\u0e43\u0e19\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e28\u0e31\u0e01\u0e23\u0e32\u0e0a", + "\u0e40\u0e04\u0e23\u0e37\u0e2d\u0e08\u0e31\u0e01\u0e23\u0e20\u0e1e\u0e41\u0e2b\u0e48\u0e07\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e0a\u0e32\u0e15\u0e34", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e1f\u0e23\u0e32\u0e19\u0e0b\u0e34\u0e2a", + "\u0e1f\u0e23\u0e38\u0e4a\u0e15\u0e2a\u0e25\u0e31\u0e14", + "\u0e40\u0e28\u0e23\u0e29\u0e10\u0e01\u0e34\u0e08\u0e19\u0e2d\u0e01\u0e23\u0e30\u0e1a\u0e1a", + "\u0e2a\u0e20\u0e32\u0e25\u0e48\u0e32\u0e07", + "\u0e15\u0e32\u0e23\u0e32\u0e07\u0e2a\u0e16\u0e34\u0e15\u0e34", + "\u0e02\u0e49\u0e2d\u0e15\u0e01\u0e25\u0e07\u0e17\u0e31\u0e48\u0e27\u0e44\u0e1b\u0e27\u0e48\u0e32\u0e14\u0e49\u0e27\u0e22\u0e20\u0e32\u0e29\u0e35\u0e28\u0e38\u0e25\u0e01\u0e32\u0e01\u0e23\u0e41\u0e25\u0e30\u0e01\u0e32\u0e23\u0e04\u0e49\u0e32", + "\u0e01\u0e32\u0e23\u0e21\u0e35\u0e19\u0e31\u0e14\u0e01\u0e31\u0e1a\u0e04\u0e19\u0e41\u0e1b\u0e25\u0e01\u0e2b\u0e19\u0e49\u0e32", + "\u0e15\u0e4d\u0e32\u0e23\u0e27\u0e08\u0e25\u0e31\u0e1a", + "\u0e2a\u0e16\u0e32\u0e19\u0e35\u0e27\u0e34\u0e17\u0e22\u0e38\u0e42\u0e17\u0e23\u0e17\u0e31\u0e28\u0e19\u0e4c", + "\u0e40\u0e23\u0e37\u0e2d\u0e42\u0e19\u0e2d\u0e32\u0e2b\u0e4c", + "\u0e2a\u0e07\u0e04\u0e23\u0e32\u0e21\u0e40\u0e22\u0e47\u0e19", + "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e0b\u0e32\u0e15\u0e39\u0e40\u0e21", + "\u0e01\u0e32\u0e23\u0e17\u0e4d\u0e32\u0e43\u0e2b\u0e49\u0e2b\u0e25\u0e07\u0e40\u0e0a\u0e37\u0e48\u0e2d", + "\u0e1b\u0e23\u0e30\u0e15\u0e39\u0e2b\u0e21\u0e38\u0e19", + "\u0e1e\u0e38\u0e17\u0e18\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e19\u0e34\u0e01\u0e32\u0e22\u0e21\u0e2b\u0e32\u0e22\u0e32\u0e19", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e2b\u0e21\u0e32\u0e22\u0e04\u0e4d\u0e32\u0e16\u0e32\u0e21", + "\u0e2a\u0e40\u0e15\u0e23\u0e17\u0e1f\u0e25\u0e31\u0e0a", + "\u0e01\u0e32\u0e23\u0e4c\u0e15\u0e39\u0e19\u0e40\u0e19\u0e47\u0e15\u0e40\u0e27\u0e34\u0e23\u0e4c\u0e04\u0e40\u0e2d\u0e40\u0e0a\u0e35\u0e22\u0e15\u0e30\u0e27\u0e31\u0e19\u0e2d\u0e2d\u0e01\u0e40\u0e09\u0e35\u0e22\u0e07\u0e43\u0e15\u0e49", + "\u0e17\u0e35\u0e48\u0e16\u0e37\u0e2d\u0e44\u0e14\u0e49", + "\u0e02\u0e2d\u0e43\u0e2b\u0e49\u0e40\u0e08\u0e23\u0e34\u0e0d\u0e2d\u0e32\u0e2b\u0e32\u0e23", + "\u0e40\u0e1f\u0e23\u0e19\u0e0a\u0e4c\u0e42\u0e17\u0e2a\u0e15\u0e4c", + "\u0e17\u0e31\u0e1e\u0e2d\u0e32\u0e01\u0e32\u0e28", + "\u0e40\u0e04\u0e23\u0e37\u0e2d\u0e02\u0e48\u0e32\u0e22\u0e08\u0e32\u0e23\u0e0a\u0e19", + "\u0e2d\u0e4d\u0e32\u0e19\u0e32\u0e08\u0e1b\u0e01\u0e04\u0e23\u0e2d\u0e07", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e40\u0e40\u0e2d\u0e19\u0e14\u0e23\u0e39\u0e27\u0e4c", + "\u0e2b\u0e2d\u0e22\u0e07\u0e27\u0e07\u0e0a\u0e49\u0e32\u0e07\u0e21\u0e38\u0e01", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e01\u0e23\u0e23\u0e21\u0e32\u0e0a\u0e35\u0e1e", + "\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e04\u0e21\u0e40\u0e28\u0e23\u0e29\u0e10\u0e01\u0e34\u0e08\u0e22\u0e38\u0e42\u0e23\u0e1b", + "\u0e40\u0e27\u0e25\u0e32\u0e40\u0e23\u0e35\u0e22\u0e19", + "\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e2a\u0e31\u0e07\u0e04\u0e21", + "\u0e04\u0e25\u0e34\u0e19\u0e34\u0e01\u0e23\u0e31\u0e01\u0e29\u0e32\u0e15\u0e32", + "\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a\u0e2a\u0e38\u0e1e\u0e35\u0e40\u0e23\u0e35\u0e22", + "\u0e23\u0e31\u0e10\u0e21\u0e31\u0e18\u0e22\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28", + "\u0e04\u0e19\u0e23\u0e31\u0e01\u0e04\u0e23\u0e2d\u0e1a\u0e04\u0e23\u0e31\u0e27", + "\u0e15\u0e49\u0e19\u0e15\u0e31\u0e19\u0e2b\u0e22\u0e07", + "\u0e15\u0e49\u0e19\u0e40\u0e04\u0e2d\u0e23\u0e4c\u0e25\u0e35\u0e48_\u0e40\u0e2e\u0e14\u0e2a\u0e4c", + "\u0e2a\u0e2b\u0e23\u0e31\u0e10\u0e2f", + "\u0e25\u0e39\u0e01\u0e40\u0e23\u0e37\u0e2d\u0e40\u0e23\u0e37\u0e2d\u0e1e\u0e32\u0e13\u0e34\u0e0a\u0e22\u0e4c", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e09\u0e38\u0e01\u0e40\u0e09\u0e34\u0e19", + "\u0e44\u0e21\u0e49\u0e01\u0e2d\u0e25\u0e4c\u0e1f", + "\u0e01\u0e32\u0e23\u0e08\u0e23\u0e32\u0e08\u0e23\u0e04\u0e31\u0e1a\u0e04\u0e31\u0e48\u0e07", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e01\u0e25\u0e32\u0e07", + "\u0e17\u0e4d\u0e32\u0e43\u0e2b\u0e49\u0e23\u0e31\u0e07\u0e40\u0e01\u0e35\u0e22\u0e08", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e2d\u0e40\u0e25\u0e47\u0e01\u0e0b\u0e32\u0e19\u0e40\u0e14\u0e2d\u0e23\u0e4c\u0e21\u0e2b\u0e32\u0e23\u0e32\u0e0a", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e40\u0e40\u0e2d\u0e19\u0e14\u0e23\u0e39\u0e27\u0e4c", + "\u0e25\u0e31\u0e17\u0e18\u0e34\u0e1e\u0e23\u0e32\u0e2b\u0e21\u0e13\u0e4c", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e2e\u0e27\u0e07\u0e42\u0e2b", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e2d\u0e2d\u0e01\u0e31\u0e2a\u0e15\u0e34\u0e19", + "\u0e14\u0e32\u0e23\u0e32\u0e08\u0e31\u0e01\u0e23\u0e27\u0e34\u0e17\u0e22\u0e38", + "\u0e2b\u0e25\u0e31\u0e01\u0e1b\u0e23\u0e30\u0e01\u0e31\u0e19\u0e2a\u0e31\u0e07\u0e04\u0e21", + "\u0e1a\u0e31\u0e19\u0e40\u0e17\u0e34\u0e07\u0e04\u0e14\u0e35\u0e41\u0e19\u0e27\u0e27\u0e34\u0e17\u0e22\u0e32\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c", + "\u0e1c\u0e39\u0e49\u0e44\u0e14\u0e49\u0e23\u0e31\u0e1a\u0e40\u0e25\u0e37\u0e2d\u0e01", + "\u0e41\u0e1f\u0e21\u0e34\u0e25\u0e35\u0e48\u0e41\u0e21\u0e19", + "\u0e44\u0e27\u0e17\u0e4c\u0e40\u0e2e\u0e32\u0e2a\u0e4c", + "\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e25\u0e39\u0e40\u0e0b\u0e35\u0e22", + "\u0e14\u0e32\u0e23\u0e32\u0e08\u0e31\u0e01\u0e23\u0e41\u0e2d\u0e19\u0e14\u0e23\u0e2d\u0e21\u0e34\u0e14\u0e32", + "\u0e27\u0e2d\u0e25\u0e25\u0e4c\u0e2a\u0e15\u0e23\u0e35\u0e15", + "\u0e25\u0e31\u0e17\u0e18\u0e34\u0e40\u0e15\u0e4b\u0e32", + "\u0e01\u0e2d\u0e07\u0e40\u0e23\u0e37\u0e2d\u0e1b\u0e23\u0e30\u0e08\u0e31\u0e0d\u0e1a\u0e32\u0e19", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e25\u0e48\u0e32\u0e07", + "\u0e0a\u0e32\u0e27\u0e2d\u0e32\u0e04\u0e35\u0e2d\u0e31\u0e19", + "\u0e1a\u0e23\u0e34\u0e01\u0e32\u0e23\u0e2a\u0e32\u0e18\u0e32\u0e23\u0e13\u0e30", + "\u0e21\u0e2b\u0e32\u0e2a\u0e21\u0e38\u0e17\u0e23\u0e41\u0e1b\u0e0b\u0e34\u0e1f\u0e34\u0e01\u0e40\u0e2b\u0e19\u0e37\u0e2d", + "\u0e21\u0e19\u0e38\u0e29\u0e22\u0e4c\u0e42\u0e04\u0e23\u0e21\u0e32\u0e22\u0e2d\u0e07", + "\u0e40\u0e01\u0e21\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19\u0e1f\u0e38\u0e15\u0e1a\u0e2d\u0e25", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e40\u0e2b\u0e25\u0e37\u0e2d\u0e07", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e04\u0e39\u0e48\u0e15\u0e23\u0e07\u0e01\u0e31\u0e19\u0e02\u0e49\u0e32\u0e21", + "\u0e17\u0e4d\u0e32\u0e40\u0e19\u0e35\u0e22\u0e1a\u0e02\u0e32\u0e27", + "\u0e01\u0e25\u0e48\u0e2d\u0e07\u0e43\u0e2a\u0e48\u0e40\u0e07\u0e34\u0e19", + "\u0e17\u0e35\u0e48\u0e08\u0e38\u0e14\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e17", + "\u0e0b\u0e36\u0e48\u0e07\u0e40\u0e1b\u0e47\u0e19\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e01\u0e30\u0e01\u0e25\u0e32\u0e07\u0e27\u0e31\u0e19", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e40\u0e08\u0e49\u0e32", + "\u0e01\u0e0e\u0e2b\u0e21\u0e32\u0e22\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28", + "\u0e23\u0e32\u0e0a\u0e32\u0e18\u0e34\u0e1b\u0e44\u0e15\u0e22\u0e20\u0e32\u0e22\u0e43\u0e15\u0e49\u0e23\u0e31\u0e10\u0e18\u0e23\u0e23\u0e21\u0e19\u0e39\u0e0d", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e01\u0e23\u0e30\u0e0e\u0e38\u0e21\u0e1e\u0e35\u0e19\u0e49\u0e2d\u0e22", + "\u0e19\u0e49\u0e4d\u0e32\u0e08\u0e37\u0e14", + "\u0e25\u0e31\u0e17\u0e18\u0e34\u0e1f\u0e32\u0e2b\u0e25\u0e38\u0e19\u0e01\u0e07", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e2e\u0e27\u0e07\u0e40\u0e2b\u0e2d", + "\u0e01\u0e32\u0e23\u0e2d\u0e1a\u0e23\u0e21", + "\u0e17\u0e35\u0e48\u0e17\u0e4d\u0e32\u0e01\u0e32\u0e23\u0e44\u0e1b\u0e23\u0e29\u0e13\u0e35\u0e22\u0e4c\u0e17\u0e49\u0e2d\u0e07\u0e16\u0e34\u0e48\u0e19", + "\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e41\u0e2b\u0e48\u0e07\u0e23\u0e31\u0e10\u0e40\u0e1b\u0e47\u0e19\u0e43\u0e2b\u0e0d\u0e48", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e25\u0e39\u0e01\u0e14\u0e49\u0e27\u0e22\u0e19\u0e21\u0e15\u0e31\u0e27\u0e40\u0e21\u0e35\u0e22", + "\u0e1c\u0e39\u0e49\u0e16\u0e39\u0e01\u0e40\u0e25\u0e37\u0e2d\u0e01", + "\u0e01\u0e35\u0e2c\u0e32\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19\u0e1f\u0e38\u0e15\u0e1a\u0e2d\u0e25", + "\u0e01\u0e32\u0e23\u0e14\u0e4d\u0e32\u0e40\u0e19\u0e34\u0e19\u0e04\u0e14\u0e35\u0e41\u0e1a\u0e1a\u0e01\u0e25\u0e38\u0e48\u0e21", + "\u0e27\u0e31\u0e19\u0e2a\u0e34\u0e49\u0e19\u0e1b\u0e35", + "\u0e08\u0e2d\u0e2b\u0e4c\u0e19\u0e41\u0e1a\u0e47\u0e1e\u0e17\u0e34\u0e2a\u0e15\u0e4c", + "\u0e2a\u0e32\u0e21\u0e31\u0e0d\u0e2a\u0e4d\u0e32\u0e19\u0e36\u0e01", + "\u0e1c\u0e39\u0e49\u0e0a\u0e21\u0e42\u0e17\u0e23\u0e17\u0e31\u0e28\u0e19\u0e4c", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e1b\u0e0f\u0e34\u0e1b\u0e31\u0e01\u0e29\u0e4c", + "\u0e41\u0e21\u0e07\u0e21\u0e38\u0e21\u0e41\u0e21\u0e48\u0e21\u0e48\u0e32\u0e22\u0e14\u0e4d\u0e32", + "\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e02\u0e2d\u0e07\u0e21\u0e25\u0e23\u0e31\u0e10", + "\u0e1c\u0e39\u0e49\u0e0a\u0e21\u0e17\u0e32\u0e07\u0e1a\u0e49\u0e32\u0e19", + "\u0e01\u0e32\u0e23\u0e1a\u0e23\u0e34\u0e2b\u0e32\u0e23\u0e17\u0e23\u0e31\u0e1e\u0e22\u0e32\u0e01\u0e23\u0e21\u0e19\u0e38\u0e29\u0e22\u0e4c", + "\u0e04\u0e27\u0e32\u0e21\u0e2b\u0e19\u0e32\u0e41\u0e19\u0e48\u0e19\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e01\u0e23", + "\u0e40\u0e02\u0e15\u0e2d\u0e38\u0e15\u0e2a\u0e32\u0e2b\u0e01\u0e23\u0e23\u0e21", + "\u0e04\u0e25\u0e37\u0e48\u0e19\u0e04\u0e27\u0e32\u0e21\u0e16\u0e35\u0e48\u0e2a\u0e39\u0e07", + "\u0e42\u0e23\u0e07\u0e1e\u0e22\u0e32\u0e1a\u0e32\u0e25\u0e08\u0e34\u0e15\u0e40\u0e27\u0e0a", + "\u0e0a\u0e48\u0e27\u0e07\u0e19\u0e49\u0e4d\u0e32\u0e41\u0e14\u0e07", + "\u0e08\u0e31\u0e01\u0e23\u0e27\u0e23\u0e23\u0e14\u0e34\u0e42\u0e21\u0e01\u0e38\u0e25", + "\u0e23\u0e35\u0e42\u0e2d\u0e41\u0e01\u0e23\u0e19\u0e14\u0e4c", + "\u0e40\u0e21\u0e15\u0e23\u0e34\u0e01\u0e0b\u0e4c\u0e08\u0e15\u0e38\u0e23\u0e31\u0e2a", + "\u0e01\u0e32\u0e23\u0e1e\u0e32\u0e13\u0e34\u0e0a\u0e22\u0e4c", + "\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e41\u0e04\u0e25\u0e23\u0e4c", + "\u0e41\u0e1a\u0e25\u0e47\u0e04\u0e41\u0e04\u0e17", + "\u0e04\u0e25\u0e2d\u0e14\u0e1a\u0e38\u0e15\u0e23", + "\u0e08\u0e4d\u0e32\u0e19\u0e27\u0e19\u0e21\u0e32\u0e01\u0e21\u0e32\u0e22", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e1c\u0e08\u0e0d\u0e40\u0e1e\u0e25\u0e34\u0e07", + "\u0e01\u0e30\u0e01\u0e25\u0e32\u0e07\u0e27\u0e31\u0e19", + "\u0e19\u0e34\u0e01\u0e32\u0e22\u0e40\u0e16\u0e23\u0e27\u0e32\u0e17", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e2b\u0e21\u0e32\u0e22\u0e1b\u0e23\u0e31\u0e28\u0e19\u0e35\u0e22\u0e4c", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e1b\u0e0f\u0e34\u0e1a\u0e31\u0e15\u0e34\u0e01\u0e32\u0e23\u0e23\u0e1a\u0e1e\u0e34\u0e40\u0e28\u0e29\u0e02\u0e2d\u0e07\u0e2a\u0e2b\u0e23\u0e31\u0e10", + "\u0e25\u0e39\u0e01\u0e40\u0e23\u0e37\u0e2d\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e1a\u0e34\u0e19\u0e17\u0e34\u0e49\u0e07\u0e23\u0e30\u0e40\u0e1a\u0e34\u0e14", + "\u0e2a\u0e19\u0e32\u0e21\u0e2a\u0e40\u0e01\u0e25\u0e32\u0e23\u0e4c", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e07\u0e32\u0e19\u0e25\u0e31\u0e1a\u0e40\u0e2d\u0e2a\u0e40\u0e2d\u0e2a", + "\u0e40\u0e04\u0e23\u0e37\u0e2d\u0e08\u0e31\u0e01\u0e23\u0e20\u0e1e\u0e2d\u0e31\u0e07\u0e01\u0e24\u0e29", + "\u0e42\u0e23\u0e04\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e42\u0e1e", + "\u0e17\u0e19\u0e32\u0e22\u0e1d\u0e48\u0e32\u0e22\u0e08\u0e4d\u0e32\u0e40\u0e25\u0e22", + "\u0e2d\u0e32\u0e23\u0e4c\u0e21\u0e32\u0e14\u0e32\u0e2a\u0e40\u0e1b\u0e19", + "\u0e04\u0e19\u0e40\u0e14\u0e34\u0e19\u0e40\u0e49\u0e48\u0e17\u0e49\u0e32", + "\u0e1e\u0e23\u0e30\u0e28\u0e32\u0e2a\u0e19\u0e08\u0e31\u0e01\u0e23\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e40\u0e0b\u0e32\u0e15\u0e39\u0e40\u0e21", + "\u0e25\u0e31\u0e17\u0e18\u0e34\u0e44\u0e28\u0e27\u0e19\u0e34\u0e01\u0e32\u0e22", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e1b\u0e0f\u0e34\u0e1a\u0e31\u0e15\u0e34\u0e01\u0e32\u0e23\u0e23\u0e1a\u0e1e\u0e34\u0e40\u0e28\u0e29", + "\u0e19\u0e34\u0e01\u0e32\u0e22\u0e44\u0e27\u0e29\u0e13\u0e1e", + "\u0e01\u0e0e\u0e2b\u0e21\u0e32\u0e22\u0e28\u0e32\u0e2a\u0e19\u0e08\u0e31\u0e01\u0e23", + "\u0e40\u0e21\u0e40\u0e08\u0e2d\u0e23\u0e4c\u0e25\u0e35\u0e01", + "\u0e14\u0e32\u0e27\u0e19\u0e4c\u0e17\u0e32\u0e27\u0e19\u0e4c", + "\u0e01\u0e32\u0e23\u0e40\u0e2a\u0e34\u0e23\u0e4c\u0e1f\u0e40\u0e2d\u0e0b", + "\u0e07\u0e32\u0e19\u0e2a\u0e42\u0e21\u0e2a\u0e23\u0e2a\u0e31\u0e19\u0e19\u0e34\u0e1a\u0e32\u0e15", + "\u0e0a\u0e32\u0e27\u0e42\u0e23\u0e21\u0e31\u0e19\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e19\u0e32\u0e23\u0e4c\u0e14", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e42\u0e22\u0e40\u0e0b\u0e1f", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e1b\u0e01\u0e04\u0e23\u0e2d\u0e07", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e01\u0e23\u0e30\u0e0e\u0e38\u0e21\u0e1e\u0e35", + "\u0e1c\u0e39\u0e49\u0e1a\u0e4d\u0e32\u0e40\u0e1e\u0e47\u0e0d\u0e1b\u0e23\u0e30\u0e42\u0e22\u0e0a\u0e19\u0e4c", + "\u0e25\u0e31\u0e17\u0e18\u0e34\u0e28\u0e31\u0e01\u0e15\u0e34", + "\u0e01\u0e4a\u0e01\u0e21\u0e34\u0e19\u0e15\u0e31\u0e4b\u0e07", + "\u0e20\u0e32\u0e29\u0e32\u0e14\u0e2d\u0e01\u0e44\u0e21\u0e49", + "\u0e1c\u0e39\u0e49\u0e21\u0e35\u0e2a\u0e48\u0e27\u0e19\u0e44\u0e14\u0e49\u0e40\u0e2a\u0e35\u0e22", + "\u0e01\u0e32\u0e23\u0e23\u0e27\u0e1a\u0e23\u0e27\u0e21\u0e02\u0e27\u0e14", + "\u0e2b\u0e49\u0e2d\u0e07\u0e2a\u0e21\u0e38\u0e14\u0e2a\u0e32\u0e18\u0e32\u0e23\u0e13\u0e30", + "\u0e17\u0e35\u0e48\u0e21\u0e35\u0e1c\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e01\u0e23\u0e30\u0e40\u0e0b\u0e34\u0e07", + "\u0e17\u0e35\u0e48\u0e17\u0e4d\u0e32\u0e01\u0e32\u0e23\u0e44\u0e1b\u0e23\u0e29\u0e13\u0e35\u0e22\u0e4c", + "\u0e1b\u0e23\u0e30\u0e01\u0e31\u0e19\u0e2a\u0e38\u0e02\u0e20\u0e32\u0e1e", + "\u0e40\u0e02\u0e15\u0e14\u0e32\u0e27\u0e19\u0e4c\u0e17\u0e32\u0e27\u0e19\u0e4c", + "\u0e2a\u0e16\u0e32\u0e19\u0e1a\u0e4d\u0e32\u0e1a\u0e31\u0e14\u0e1c\u0e39\u0e49\u0e15\u0e34\u0e14\u0e2a\u0e38\u0e23\u0e32", + "\u0e1c\u0e39\u0e49\u0e1a\u0e39\u0e0a\u0e32\u0e1e\u0e23\u0e30\u0e01\u0e24\u0e29\u0e13\u0e30", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e41\u0e22\u0e07\u0e0b\u0e35\u0e40\u0e01\u0e35\u0e22\u0e07", + "scorched_earth", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e40\u0e2d\u0e2a\u0e40\u0e2d\u0e40\u0e2d\u0e2a", + "\u0e44\u0e27\u0e29\u0e13\u0e1e\u0e19\u0e34\u0e01\u0e32\u0e22", + "\u0e40\u0e0a\u0e37\u0e49\u0e2d\u0e0a\u0e32\u0e15\u0e34\u0e17\u0e35\u0e48\u0e2a\u0e39\u0e07\u0e2a\u0e48\u0e07", + "\u0e01\u0e32\u0e23\u0e1a\u0e23\u0e34\u0e2b\u0e32\u0e23\u0e23\u0e31\u0e10\u0e01\u0e34\u0e08", + "\u0e27\u0e31\u0e19\u0e40\u0e27\u0e22\u0e4c", + "\u0e07\u0e32\u0e19\u0e43\u0e0a\u0e49\u0e41\u0e23\u0e07\u0e01\u0e32\u0e22", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e2b\u0e27\u0e07", + "\u0e2b\u0e2d\u0e28\u0e34\u0e25\u0e1b", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e09\u0e32\u0e22\u0e20\u0e32\u0e1e\u0e19\u0e34\u0e48\u0e07", + "\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e40\u0e01\u0e29\u0e15\u0e23\u0e01\u0e23", + "\u0e25\u0e31\u0e17\u0e18\u0e34\u0e27\u0e34\u0e01\u0e04\u0e32", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e07\u0e32\u0e19\u0e2a\u0e2b\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e0a\u0e32\u0e15\u0e34", + "\u0e2a\u0e01\u0e38\u0e25\u0e28\u0e34\u0e25\u0e1b\u0e30\u0e25\u0e38\u0e48\u0e21\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e2e\u0e31\u0e14\u0e2a\u0e31\u0e19", + "\u0e1b\u0e23\u0e31\u0e0a\u0e0d\u0e32\u0e40\u0e15\u0e4b\u0e32" + ], + "QUANTITY": [ + "\u0e2d\u0e30\u0e40\u0e25\u0e1f\u0e28\u0e39\u0e19\u0e22\u0e4c", + "\u0e23\u0e30\u0e1a\u0e1a\u0e2d\u0e31\u0e07\u0e01\u0e24\u0e29", + "\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e2b\u0e19\u0e36\u0e48\u0e07", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e07\u0e34\u0e19\u0e14\u0e2d\u0e25\u0e25\u0e32\u0e23\u0e4c", + "\u0e15\u0e4d\u0e32\u0e41\u0e2b\u0e19\u0e48\u0e07\u0e1a\u0e19\u0e40\u0e02\u0e47\u0e21\u0e17\u0e34\u0e28", + "\u0e01\u0e32\u0e23\u0e19\u0e31\u0e1a\u0e08\u0e4d\u0e32\u0e19\u0e27\u0e19\u0e2a\u0e40\u0e1b\u0e34\u0e23\u0e4c\u0e21", + "\u0e2a\u0e27\u0e35\u0e14\u0e34\u0e0a\u0e42\u0e04\u0e23\u0e19\u0e48\u0e32", + "\u0e22\u0e38\u0e04\u0e2a\u0e32\u0e21\u0e01\u0e4a\u0e01", + "\u0e2a\u0e07\u0e04\u0e23\u0e32\u0e21\u0e2a\u0e32\u0e21\u0e2a\u0e34\u0e1a\u0e1b\u0e35", + "\u0e04\u0e27\u0e32\u0e21\u0e22\u0e32\u0e27\u0e02\u0e2d\u0e07\u0e25\u0e4d\u0e32\u0e15\u0e31\u0e27", + "\u0e2a\u0e34\u0e48\u0e07\u0e44\u0e23\u0e49\u0e04\u0e48\u0e32", + "\u0e23\u0e30\u0e22\u0e30\u0e01\u0e49\u0e32\u0e27\u0e42\u0e23\u0e21\u0e31\u0e19", + "\u0e23\u0e30\u0e1a\u0e1a\u0e40\u0e2d\u0e2a\u0e44\u0e2d", + "\u0e23\u0e49\u0e2d\u0e22\u0e25\u0e30\u0e22\u0e35\u0e48\u0e2a\u0e34\u0e1a", + "\u0e2d\u0e32\u0e23\u0e4c\u0e0a\u0e01\u0e25\u0e21", + "\u0e23\u0e30\u0e1a\u0e1a\u0e1e\u0e2d\u0e22\u0e15\u0e4c", + "\u0e17\u0e4d\u0e32\u0e43\u0e2b\u0e49\u0e41\u0e02\u0e47\u0e07\u0e41\u0e01\u0e23\u0e48\u0e07", + "\u0e01\u0e32\u0e23\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e23\u0e30\u0e1a\u0e1a\u0e2a\u0e31\u0e21\u0e1c\u0e31\u0e2a", + "\u0e21\u0e32\u0e23\u0e4c\u0e01\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e31\u0e19", + "\u0e15\u0e31\u0e27\u0e40\u0e25\u0e02\u0e1b\u0e23\u0e30\u0e01\u0e2d\u0e1a", + "\u0e0a\u0e31\u0e48\u0e27\u0e42\u0e21\u0e07\u0e41\u0e2a\u0e07", + "\u0e2a\u0e16\u0e32\u0e19\u0e17\u0e35\u0e48\u0e08\u0e2d\u0e14\u0e23\u0e16", + "\u0e23\u0e30\u0e22\u0e30\u0e2b\u0e19\u0e36\u0e48\u0e07\u0e40\u0e2a\u0e35\u0e22\u0e07\u0e40\u0e15\u0e47\u0e21", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e07\u0e34\u0e19\u0e40\u0e22\u0e19", + "\u0e01\u0e32\u0e23\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e2a\u0e31\u0e21\u0e1c\u0e31\u0e2a", + "g", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e07\u0e34\u0e19\u0e1a\u0e32\u0e17", + "\u0e40\u0e2a\u0e35\u0e22\u0e07\u0e1a\u0e23\u0e34\u0e2a\u0e38\u0e17\u0e18\u0e34\u0e4c", + "\u0e2a\u0e34\u0e1a\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e40\u0e0b\u0e19\u0e15\u0e4c", + "\u0e23\u0e30\u0e1a\u0e1a\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28", + "\u0e1f\u0e25\u0e31\u0e01\u0e0b\u0e4c\u0e41\u0e21\u0e48\u0e40\u0e2b\u0e25\u0e47\u0e01", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e07\u0e34\u0e19\u0e2b\u0e22\u0e27\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e07\u0e34\u0e19", + "\u0e25\u0e4d\u0e32\u0e14\u0e31\u0e1a\u0e1f\u0e35\u0e42\u0e1a\u0e19\u0e31\u0e01\u0e0a\u0e35", + "\u0e23\u0e30\u0e1a\u0e1a\u0e40\u0e21\u0e15\u0e23\u0e34\u0e01", + "\u0e15\u0e31\u0e27\u0e08\u0e35", + "\u0e41\u0e1a\u0e07\u0e04\u0e4c\u0e2b\u0e19\u0e36\u0e48\u0e07\u0e14\u0e2d\u0e25\u0e25\u0e32\u0e23\u0e4c", + "\u0e2a\u0e40\u0e01\u0e25\u0e41\u0e1f\u0e01\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e1a\u0e23\u0e34\u0e40\u0e27\u0e13\u0e17\u0e35\u0e48\u0e2d\u0e22\u0e39\u0e48\u0e2d\u0e32\u0e28\u0e31\u0e22", + "\u0e01\u0e32\u0e23\u0e19\u0e31\u0e1a\u0e08\u0e4d\u0e32\u0e19\u0e27\u0e19\u0e15\u0e31\u0e27\u0e2d\u0e2a\u0e38\u0e08\u0e34", + "\u0e2b\u0e21\u0e32\u0e22\u0e40\u0e25\u0e02\u0e2b\u0e19\u0e36\u0e48\u0e07", + "\u0e01\u0e4d\u0e32\u0e25\u0e31\u0e07\u0e21\u0e49\u0e32\u0e15\u0e48\u0e2d\u0e0a\u0e31\u0e48\u0e27\u0e42\u0e21\u0e07", + "\u0e23\u0e30\u0e1a\u0e1a\u0e0a\u0e31\u0e48\u0e07\u0e15\u0e27\u0e07\u0e27\u0e31\u0e14", + "\u0e23\u0e30\u0e1a\u0e1a\u0e01\u0e32\u0e23\u0e2a\u0e30\u0e2a\u0e21\u0e41\u0e15\u0e49\u0e21", + "\u0e2d\u0e31\u0e01\u0e29\u0e23\u0e2a\u0e31\u0e21\u0e1c\u0e31\u0e2a", + "\u0e44\u0e2d\u0e0b\u0e4c\u0e41\u0e25\u0e19\u0e14\u0e34\u0e04\u0e42\u0e04\u0e23\u0e19\u0e48\u0e32", + "\u0e01\u0e32\u0e23\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e41\u0e1a\u0e1a\u0e2a\u0e31\u0e21\u0e1c\u0e31\u0e2a", + "\u0e2d\u0e2d\u0e2a\u0e40\u0e15\u0e23\u0e35\u0e22\u0e0a\u0e34\u0e25\u0e25\u0e34\u0e48\u0e07", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e07\u0e34\u0e19\u0e08\u0e35\u0e19", + "\u0e23\u0e30\u0e1a\u0e1a\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e27\u0e31\u0e14\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28" + ], + "JOB": [ + "\u0e1d\u0e48\u0e32\u0e22\u0e40\u0e0b\u0e47\u0e19\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e15\u0e31\u0e27\u0e17\u0e4d\u0e32\u0e40\u0e01\u0e21\u0e1a\u0e38\u0e01", + "\u0e04\u0e32\u0e23\u0e4c\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e40\u0e1a\u0e35\u0e22\u0e23\u0e4c\u0e1e\u0e2d\u0e23\u0e4c\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e40\u0e1b\u0e47\u0e19\u0e17\u0e2b\u0e32\u0e23", + "\u0e17\u0e4d\u0e32\u0e15\u0e31\u0e27\u0e01\u0e23\u0e48\u0e32\u0e07", + "\u0e01\u0e32\u0e23\u0e40\u0e04\u0e25\u0e37\u0e48\u0e2d\u0e19\u0e44\u0e2b\u0e27\u0e40\u0e1b\u0e47\u0e19\u0e2a\u0e42\u0e15\u0e23\u0e01", + "\u0e17\u0e35\u0e48\u0e21\u0e49\u0e27\u0e19\u0e40\u0e01\u0e47\u0e1a", + "\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c\u0e1a\u0e2d\u0e01\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e1b\u0e25\u0e32\u0e2a\u0e04\u0e39\u0e25\u0e21\u0e32\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e15\u0e32\u0e21\u0e24\u0e14\u0e39\u0e01\u0e32\u0e25", + "\u0e23\u0e30\u0e1a\u0e1a\u0e23\u0e31\u0e1a\u0e2a\u0e31\u0e0d\u0e0d\u0e32\u0e13", + "\u0e40\u0e1e\u0e37\u0e48\u0e2d\u0e19\u0e23\u0e48\u0e27\u0e21\u0e17\u0e32\u0e07", + "\u0e27\u0e34\u0e0a\u0e32\u0e40\u0e2d\u0e01", + "\u0e40\u0e1b\u0e47\u0e19\u0e1c\u0e39\u0e49\u0e41\u0e15\u0e48\u0e07", + "\u0e0a\u0e32\u0e27\u0e1b\u0e23\u0e30\u0e21\u0e07\u0e17\u0e35\u0e48\u0e43\u0e0a\u0e49\u0e2d\u0e27\u0e19\u0e08\u0e31\u0e1a\u0e1b\u0e25\u0e32", + "\u0e42\u0e23\u0e04\u0e2b\u0e25\u0e2d\u0e14\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e2a\u0e21\u0e2d\u0e07", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e04\u0e2d\u0e21\u0e21\u0e32\u0e19\u0e42\u0e14", + "\u0e01\u0e2d\u0e07\u0e01\u0e4d\u0e32\u0e25\u0e31\u0e07\u0e04\u0e2d\u0e21\u0e21\u0e32\u0e19\u0e42\u0e14", + "\u0e1d\u0e48\u0e32\u0e22\u0e15\u0e23\u0e27\u0e08\u0e2a\u0e2d\u0e1a", + "\u0e02\u0e31\u0e1a\u0e23\u0e16\u0e42\u0e04\u0e49\u0e0a", + "\u0e40\u0e1b\u0e47\u0e19\u0e1c\u0e39\u0e49\u0e1b\u0e23\u0e30\u0e1e\u0e31\u0e19\u0e18\u0e4c", + "\u0e04\u0e19\u0e21\u0e35\u0e04\u0e27\u0e32\u0e21\u0e1e\u0e22\u0e32\u0e22\u0e32\u0e21", + "\u0e25\u0e39\u0e01\u0e40\u0e23\u0e37\u0e2d\u0e2d\u0e34\u0e19\u0e40\u0e14\u0e35\u0e22\u0e15\u0e30\u0e27\u0e31\u0e19\u0e2d\u0e2d\u0e01", + "\u0e2a\u0e34\u0e48\u0e07\u0e21\u0e35\u0e0a\u0e35\u0e27\u0e34\u0e15\u0e17\u0e35\u0e48\u0e19\u0e31\u0e48\u0e07\u0e2d\u0e22\u0e39\u0e48", + "\u0e25\u0e39\u0e01\u0e2b\u0e19\u0e35\u0e49\u0e18\u0e19\u0e32\u0e04\u0e32\u0e23", + "\u0e1a\u0e23\u0e34\u0e29\u0e31\u0e17\u0e02\u0e19\u0e2a\u0e48\u0e07", + "\u0e1b\u0e32\u0e01\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e1e\u0e32\u0e23\u0e32", + "\u0e44\u0e27\u0e19\u0e4c\u0e17\u0e35\u0e48\u0e21\u0e35\u0e2a\u0e48\u0e27\u0e19\u0e1c\u0e2a\u0e21\u0e02\u0e2d\u0e07\u0e2a\u0e49\u0e21\u0e41\u0e25\u0e30\u0e01\u0e32\u0e19\u0e1e\u0e25\u0e39", + "\u0e0a\u0e31\u0e49\u0e19\u0e2b\u0e25\u0e31\u0e07\u0e04\u0e32\u0e23\u0e16", + "\u0e04\u0e19\u0e15\u0e35\u0e23\u0e30\u0e06\u0e31\u0e07\u0e42\u0e1a\u0e2a\u0e16\u0e4c", + "\u0e40\u0e2a\u0e37\u0e49\u0e2d\u0e01\u0e31\u0e19\u0e2b\u0e19\u0e32\u0e27\u0e15\u0e32\u0e2b\u0e21\u0e32\u0e01\u0e23\u0e38\u0e01", + "\u0e40\u0e1b\u0e47\u0e19\u0e2d\u0e32\u0e2a\u0e32\u0e2a\u0e21\u0e31\u0e04\u0e23", + "\u0e2d\u0e32\u0e22\u0e38\u0e23\u0e41\u0e1e\u0e17\u0e22\u0e4c", + "\u0e41\u0e2b\u0e25\u0e48\u0e07\u0e1c\u0e25\u0e34\u0e15", + "\u0e1a\u0e23\u0e34\u0e29\u0e31\u0e17\u0e15\u0e48\u0e2d\u0e40\u0e23\u0e37\u0e2d", + "\u0e19\u0e01\u0e01\u0e23\u0e30\u0e08\u0e32\u0e1a", + "\u0e40\u0e1b\u0e47\u0e14\u0e07\u0e48\u0e2d\u0e22", + "\u0e0a\u0e32\u0e27\u0e19\u0e32\u0e0a\u0e32\u0e27\u0e44\u0e23\u0e48", + "\u0e40\u0e1b\u0e47\u0e14\u0e1b\u0e32\u0e01\u0e1e\u0e25\u0e31\u0e48\u0e27", + "\u0e2a\u0e21\u0e32\u0e0a\u0e34\u0e01\u0e2a\u0e2b\u0e20\u0e32\u0e1e\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19", + "\u0e40\u0e1e\u0e37\u0e48\u0e2d\u0e19\u0e40\u0e08\u0e49\u0e32\u0e1a\u0e48\u0e32\u0e27", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e01\u0e34\u0e19\u0e0b\u0e32\u0e01\u0e2a\u0e31\u0e15\u0e27\u0e4c", + "\u0e01\u0e23\u0e30\u0e1a\u0e2d\u0e01\u0e40\u0e2a\u0e35\u0e22\u0e07", + "\u0e40\u0e1b\u0e25\u0e35\u0e48\u0e22\u0e19\u0e41\u0e1b\u0e25\u0e07\u0e15\u0e31\u0e27\u0e40\u0e2d\u0e07\u0e40\u0e1b\u0e47\u0e19", + "\u0e1b\u0e23\u0e30\u0e40\u0e21\u0e34\u0e19\u0e1c\u0e25\u0e01\u0e32\u0e23\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19", + "\u0e01\u0e4d\u0e32\u0e25\u0e31\u0e07\u0e15\u0e4d\u0e32\u0e23\u0e27\u0e08", + "\u0e1b\u0e25\u0e32\u0e2a\u0e27\u0e35\u0e40\u0e1b\u0e2d\u0e23\u0e4c", + "\u0e01\u0e32\u0e23\u0e22\u0e37\u0e48\u0e19\u0e21\u0e37\u0e2d\u0e40\u0e02\u0e49\u0e32\u0e0a\u0e48\u0e27\u0e22", + "\u0e2a\u0e44\u0e15\u0e23\u0e40\u0e01\u0e2d\u0e23\u0e4c", + "\u0e01\u0e32\u0e23\u0e40\u0e25\u0e48\u0e19\u0e40\u0e1b\u0e47\u0e19\u0e1e\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e14\u0e31\u0e1a\u0e40\u0e1e\u0e25\u0e34\u0e07", + "\u0e04\u0e19\u0e40\u0e1b\u0e34\u0e14\u0e1b\u0e23\u0e30\u0e15\u0e39", + "\u0e40\u0e1b\u0e47\u0e19\u0e2a\u0e30\u0e40\u0e01\u0e47\u0e14\u0e41\u0e1c\u0e25", + "\u0e23\u0e31\u0e49\u0e27\u0e02\u0e2d\u0e07\u0e0a\u0e32\u0e15\u0e34", + "\u0e01\u0e32\u0e23\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e40\u0e14\u0e47\u0e01", + "\u0e15\u0e31\u0e27\u0e41\u0e17\u0e19\u0e23\u0e31\u0e10\u0e1a\u0e32\u0e25", + "\u0e15\u0e31\u0e27\u0e08\u0e48\u0e32\u0e22", + "\u0e0a\u0e32\u0e27\u0e40\u0e19\u0e41\u0e1a\u0e23\u0e2a\u0e01\u0e32", + "\u0e15\u0e49\u0e19\u0e40\u0e21\u0e14\u0e34\u0e01", + "\u0e42\u0e23\u0e04\u0e25\u0e21\u0e1b\u0e31\u0e08\u0e08\u0e38\u0e1a\u0e31\u0e19", + "\u0e17\u0e34\u0e49\u0e07\u0e40\u0e1e\u0e37\u0e48\u0e2d\u0e19", + "\u0e04\u0e19\u0e2b\u0e25\u0e2d\u0e21\u0e27\u0e31\u0e2a\u0e14\u0e38", + "\u0e20\u0e39\u0e40\u0e02\u0e32\u0e44\u0e1f\u0e25\u0e32\u0e2a\u0e01\u0e32\u0e23\u0e4c", + "\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e17\u0e35\u0e48\u0e1c\u0e48\u0e32\u0e19\u0e01\u0e32\u0e23\u0e1d\u0e36\u0e01", + "\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e37\u0e2d\u0e01\u0e27\u0e14\u0e27\u0e34\u0e0a\u0e32", + "\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e1e\u0e34\u0e21\u0e1e\u0e4c", + "\u0e04\u0e38\u0e01\u0e01\u0e35\u0e49", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e0a\u0e48\u0e32\u0e07\u0e41\u0e01\u0e30\u0e2a\u0e25\u0e31\u0e01", + "\u0e43\u0e1a\u0e1b\u0e23\u0e30\u0e01\u0e32\u0e28", + "\u0e19\u0e34\u0e15\u0e34\u0e01\u0e23", + "\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e40\u0e21\u0e32\u0e04\u0e49\u0e32\u0e07", + "\u0e0a\u0e32\u0e27\u0e2a\u0e27\u0e19", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e19\u0e31\u0e01\u0e18\u0e38\u0e23\u0e01\u0e34\u0e08", + "\u0e1e\u0e23\u0e30\u0e23\u0e32\u0e0a\u0e32", + "\u0e01\u0e2d\u0e07\u0e01\u0e4d\u0e32\u0e25\u0e31\u0e07\u0e15\u0e4d\u0e32\u0e23\u0e27\u0e08", + "\u0e04\u0e19\u0e14\u0e31\u0e01\u0e1f\u0e31\u0e07\u0e42\u0e17\u0e23\u0e28\u0e31\u0e1e\u0e17\u0e4c", + "\u0e21\u0e31\u0e01\u0e01\u0e23\u0e30\u0e17\u0e4d\u0e32", + "\u0e04\u0e19\u0e0b\u0e37\u0e49\u0e2d", + "\u0e2a\u0e34\u0e48\u0e07\u0e17\u0e35\u0e48\u0e2b\u0e25\u0e07\u0e40\u0e2b\u0e25\u0e37\u0e2d", + "\u0e04\u0e27\u0e32\u0e21\u0e08\u0e23\u0e34\u0e07\u0e17\u0e31\u0e48\u0e27\u0e44\u0e1b", + "\u0e40\u0e1b\u0e47\u0e19\u0e01\u0e31\u0e1b\u0e15\u0e31\u0e19\u0e40\u0e23\u0e37\u0e2d", + "\u0e2a\u0e21\u0e32\u0e0a\u0e34\u0e01\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e04\u0e2d\u0e21\u0e21\u0e32\u0e19\u0e42\u0e14", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e41\u0e1c\u0e48\u0e19\u0e14\u0e34\u0e19", + "\u0e40\u0e1b\u0e47\u0e19\u0e0a\u0e48\u0e32\u0e07\u0e44\u0e21\u0e49", + "\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e23\u0e31\u0e1a\u0e08\u0e49\u0e32\u0e07\u0e23\u0e32\u0e22\u0e27\u0e31\u0e19", + "\u0e04\u0e23\u0e39\u0e27\u0e34\u0e17\u0e22\u0e32\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c", + "\u0e04\u0e23\u0e39\u0e28\u0e34\u0e25\u0e1b\u0e30", + "\u0e1b\u0e23\u0e30\u0e18\u0e32\u0e19\u0e32\u0e18\u0e34\u0e1a\u0e14\u0e35", + "\u0e41\u0e25\u0e19\u0e14\u0e4c\u0e25\u0e2d\u0e23\u0e4c\u0e14", + "\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c\u0e40\u0e0b\u0e15\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e40\u0e2a\u0e37\u0e2d\u0e44\u0e1f", + "\u0e40\u0e1b\u0e47\u0e19\u0e01\u0e23\u0e23\u0e21\u0e01\u0e32\u0e23", + "\u0e04\u0e38\u0e23\u0e38", + "\u0e0a\u0e32\u0e27\u0e40\u0e17\u0e19\u0e40\u0e19\u0e2a\u0e0b\u0e35", + "\u0e23\u0e47\u0e2d\u0e04\u0e40\u0e01\u0e2d\u0e23\u0e4c", + "\u0e15\u0e31\u0e27\u0e01\u0e32\u0e23", + "\u0e42\u0e2d\u0e40\u0e1b\u0e2d\u0e40\u0e23\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e44\u0e21\u0e49\u0e40\u0e01\u0e32", + "\u0e01\u0e32\u0e23\u0e2a\u0e39\u0e0d\u0e40\u0e2a\u0e35\u0e22\u0e40\u0e07\u0e34\u0e19", + "\u0e2a\u0e31\u0e15\u0e27\u0e41\u0e1e\u0e17\u0e22\u0e4c", + "\u0e40\u0e17\u0e1e\u0e35\u0e14\u0e2d\u0e19", + "\u0e40\u0e14\u0e34\u0e19\u0e27\u0e32\u0e07\u0e21\u0e32\u0e14", + "\u0e08\u0e31\u0e01\u0e23\u0e22\u0e32\u0e19\u0e25\u0e49\u0e2d\u0e42\u0e15", + "\u0e2a\u0e42\u0e15\u0e23\u0e01", + "\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e37\u0e2d\u0e40\u0e15\u0e23\u0e35\u0e22\u0e21\u0e2a\u0e2d\u0e1a", + "\u0e04\u0e19\u0e2b\u0e31\u0e27\u0e2d\u0e48\u0e2d\u0e19", + "\u0e1b\u0e25\u0e32\u0e0a\u0e32\u0e23\u0e4c", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e2d\u0e22\u0e39\u0e48\u0e2b\u0e31\u0e27", + "\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e2b\u0e22\u0e32\u0e1a", + "\u0e1b\u0e23\u0e30\u0e18\u0e32\u0e19\u0e32\u0e18\u0e34\u0e1a\u0e14\u0e35\u0e2a\u0e2b\u0e23\u0e31\u0e10\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32", + "\u0e01\u0e23\u0e30\u0e40\u0e1b\u0e4b\u0e32\u0e23\u0e16\u0e40\u0e21\u0e25\u0e4c", + "\u0e2a\u0e32\u0e27\u0e23\u0e49\u0e32\u0e19\u0e0a\u0e4d\u0e32", + "\u0e1b\u0e25\u0e32\u0e01\u0e23\u0e35\u0e19\u0e32\u0e40\u0e14\u0e35\u0e22\u0e23\u0e4c", + "\u0e40\u0e14\u0e2d\u0e30\u0e01\u0e32\u0e23\u0e4c\u0e40\u0e14\u0e35\u0e22\u0e19", + "\u0e04\u0e19\u0e1e\u0e48\u0e19\u0e2a\u0e40\u0e1b\u0e23\u0e22\u0e4c", + "\u0e04\u0e19\u0e40\u0e1b\u0e48\u0e32\u0e41\u0e01\u0e49\u0e27", + "\u0e25\u0e39\u0e01\u0e19\u0e49\u0e2d\u0e07\u0e1b\u0e25\u0e32\u0e22\u0e41\u0e16\u0e27", + "\u0e40\u0e1b\u0e47\u0e19\u0e01\u0e31\u0e1b\u0e15\u0e31\u0e19\u0e17\u0e35\u0e21", + "\u0e1b\u0e25\u0e32\u0e23\u0e31\u0e19\u0e40\u0e19\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e17\u0e35\u0e48\u0e16\u0e39\u0e01\u0e1d\u0e36\u0e01", + "\u0e17\u0e35\u0e48\u0e14\u0e36\u0e07\u0e01\u0e49\u0e32\u0e19", + "\u0e01\u0e32\u0e23\u0e40\u0e25\u0e48\u0e19\u0e40\u0e1b\u0e47\u0e19\u0e2b\u0e21\u0e2d", + "\u0e04\u0e23\u0e39\u0e40\u0e1b\u0e35\u0e22\u0e42\u0e19", + "\u0e01\u0e23\u0e30\u0e15\u0e48\u0e32\u0e22\u0e19\u0e49\u0e2d\u0e22", + "\u0e41\u0e21\u0e48\u0e19\u0e21", + "\u0e17\u0e4d\u0e32\u0e43\u0e2b\u0e49\u0e40\u0e1b\u0e47\u0e19\u0e23\u0e48\u0e2d\u0e07\u0e19\u0e49\u0e4d\u0e32", + "\u0e40\u0e1e\u0e37\u0e48\u0e2d\u0e19\u0e40\u0e14\u0e34\u0e19\u0e17\u0e32\u0e07", + "\u0e23\u0e47\u0e2d\u0e01\u0e40\u0e01\u0e2d\u0e23\u0e4c", + "\u0e1a\u0e23\u0e34\u0e29\u0e31\u0e17\u0e02\u0e32\u0e22", + "\u0e01\u0e32\u0e23\u0e16\u0e39\u0e01\u0e40\u0e01\u0e13\u0e11\u0e4c\u0e17\u0e2b\u0e32\u0e23", + "\u0e1d\u0e35\u0e41\u0e1b\u0e23\u0e07", + "\u0e01\u0e23\u0e30\u0e40\u0e1b\u0e4b\u0e32\u0e23\u0e16\u0e40\u0e21\u0e25\u0e4c\u0e2b\u0e0d\u0e34\u0e07", + "\u0e1c\u0e39\u0e49\u0e2b\u0e32\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e04\u0e23\u0e2d\u0e1a\u0e04\u0e23\u0e31\u0e27", + "\u0e42\u0e23\u0e04\u0e25\u0e21\u0e40\u0e2b\u0e15\u0e38\u0e23\u0e49\u0e2d\u0e19", + "\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e37\u0e2d\u0e1d\u0e36\u0e01\u0e2d\u0e48\u0e32\u0e19", + "\u0e08\u0e4d\u0e32\u0e19\u0e4d\u0e32", + "\u0e1b\u0e23\u0e30\u0e18\u0e32\u0e19\u0e2a\u0e20\u0e32\u0e1c\u0e39\u0e49\u0e41\u0e17\u0e19\u0e23\u0e32\u0e29\u0e0e\u0e23", + "\u0e40\u0e1b\u0e47\u0e19\u0e2a\u0e34\u0e48\u0e07\u0e08\u0e4d\u0e32\u0e40\u0e1b\u0e47\u0e19\u0e02\u0e2d\u0e07", + "\u0e04\u0e13\u0e30\u0e01\u0e23\u0e23\u0e21\u0e01\u0e32\u0e23\u0e2a\u0e20\u0e32\u0e21\u0e2b\u0e32\u0e27\u0e34\u0e17\u0e22\u0e32\u0e25\u0e31\u0e22", + "\u0e04\u0e19\u0e0a\u0e31\u0e01\u0e25\u0e32\u0e01", + "\u0e08\u0e31\u0e19\u0e17\u0e19\u0e4c\u0e40\u0e17\u0e28", + "\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e17\u0e35\u0e48\u0e44\u0e14\u0e49\u0e23\u0e31\u0e1a\u0e01\u0e32\u0e23\u0e1d\u0e36\u0e01", + "\u0e2a\u0e01\u0e38\u0e25\u0e22\u0e48\u0e2d\u0e22\u0e1e\u0e32\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e40\u0e02\u0e47\u0e21\u0e19\u0e32\u0e2c\u0e34\u0e01\u0e32", + "\u0e04\u0e23\u0e2d\u0e1a\u0e04\u0e25\u0e38\u0e21\u0e02\u0e2d\u0e1a\u0e40\u0e02\u0e15\u0e17\u0e31\u0e49\u0e07\u0e2b\u0e21\u0e14", + "\u0e08\u0e2d\u0e2b\u0e4c\u0e19\u0e19\u0e35\u0e48", + "\u0e41\u0e17\u0e15\u0e40\u0e0a\u0e2d\u0e23\u0e4c", + "\u0e40\u0e14\u0e2d\u0e30\u0e42\u0e1e\u0e25\u0e34\u0e0b", + "\u0e2b\u0e19\u0e49\u0e32\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e37\u0e2d", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e1e\u0e48\u0e2d\u0e04\u0e49\u0e32\u0e19\u0e31\u0e01\u0e18\u0e38\u0e23\u0e01\u0e34\u0e08", + "\u0e2d\u0e32\u0e23\u0e4c\u0e21\u0e34\u0e40\u0e08\u0e2d\u0e23\u0e4c", + "\u0e40\u0e21\u0e2a\u0e40\u0e0b\u0e19\u0e40\u0e08\u0e2d\u0e23\u0e4c", + "\u0e1b\u0e23\u0e30\u0e15\u0e34\u0e21\u0e32\u0e01\u0e23", + "\u0e44\u0e2d\u0e0b\u0e4c\u0e41\u0e21\u0e19", + "\u0e17\u0e4d\u0e32\u0e43\u0e2b\u0e49\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e21\u0e31\u0e48\u0e19", + "\u0e2b\u0e21\u0e32\u0e1b\u0e48\u0e32\u0e44\u0e04\u0e42\u0e22\u0e15\u0e35", + "\u0e0b\u0e36\u0e48\u0e07\u0e23\u0e31\u0e1a\u0e2d\u0e32\u0e2a\u0e32", + "\u0e2b\u0e25\u0e31\u0e01\u0e17\u0e23\u0e31\u0e1e\u0e22\u0e4c\u0e17\u0e35\u0e48\u0e42\u0e2d\u0e19\u0e25\u0e2d\u0e22", + "\u0e15\u0e49\u0e19\u0e0a\u0e32\u0e1b\u0e32\u0e23\u0e32\u0e01\u0e27\u0e31\u0e22", + "\u0e40\u0e17\u0e2d\u0e23\u0e4c\u0e40\u0e19\u0e2d\u0e23\u0e4c", + "\u0e15\u0e31\u0e27\u0e41\u0e17\u0e19\u0e1b\u0e23\u0e30\u0e01\u0e31\u0e19\u0e0a\u0e35\u0e27\u0e34\u0e15", + "\u0e40\u0e14\u0e34\u0e19\u0e40\u0e0a\u0e34\u0e14", + "\u0e25\u0e39\u0e01\u0e40\u0e23\u0e37\u0e2d\u0e14\u0e4d\u0e32\u0e19\u0e49\u0e4d\u0e32", + "\u0e1e\u0e32\u0e22\u0e40\u0e1b\u0e47\u0e19\u0e08\u0e31\u0e07\u0e2b\u0e27\u0e30", + "\u0e25\u0e39\u0e01\u0e40\u0e23\u0e37\u0e2d\u0e23\u0e1a\u0e25\u0e32\u0e14\u0e15\u0e23\u0e30\u0e40\u0e27\u0e19", + "\u0e40\u0e1e\u0e37\u0e48\u0e2d\u0e19\u0e40\u0e08\u0e49\u0e32\u0e2a\u0e32\u0e27", + "\u0e25\u0e34\u0e49\u0e19\u0e0a\u0e31\u0e01", + "\u0e0b\u0e36\u0e48\u0e07\u0e2a\u0e21\u0e31\u0e04\u0e23\u0e43\u0e08", + "\u0e17\u0e35\u0e48\u0e40\u0e01\u0e32", + "\u0e2d\u0e2d\u0e01\u0e41\u0e1a\u0e1a\u0e23\u0e30\u0e1a\u0e1a", + "\u0e21\u0e35\u0e14\u0e15\u0e31\u0e14\u0e01\u0e23\u0e30\u0e08\u0e01", + "\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e2a\u0e32\u0e23\u0e1e\u0e31\u0e14\u0e1b\u0e23\u0e30\u0e42\u0e22\u0e0a\u0e19\u0e4c" + ], + "PUBLIC_FIGURE": [ + "\u0e40\u0e2b\u0e25\u0e49\u0e32\u0e2d\u0e07\u0e38\u0e48\u0e19", + "\u0e04\u0e27\u0e32\u0e21\u0e2b\u0e27\u0e31\u0e07\u0e2d\u0e31\u0e19\u0e2a\u0e39\u0e07\u0e2a\u0e38\u0e14", + "\u0e42\u0e0a\u0e19\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e01", + "\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e25\u0e31\u0e2a", + "\u0e1b\u0e25\u0e32\u0e2b\u0e21\u0e2d\u0e41\u0e08\u0e47\u0e01\u0e40\u0e14\u0e21\u0e1b\u0e4c\u0e0b\u0e35\u0e22\u0e4c", + "\u0e19\u0e32\u0e22\u0e1e\u0e25\u0e08\u0e2d\u0e2b\u0e4c\u0e19\u0e2a\u0e15\u0e31\u0e19", + "\u0e0a\u0e48\u0e32\u0e07\u0e25\u0e2d\u0e01\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e31\u0e15\u0e27\u0e4c", + "\u0e01\u0e23\u0e38\u0e07\u0e41\u0e04\u0e19\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e23\u0e32", + "\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e23\u0e34\u0e07\u0e15\u0e31\u0e19", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e1b\u0e25\u0e32\u0e43\u0e15\u0e49", + "\u0e19\u0e31\u0e01\u0e40\u0e15\u0e49\u0e19\u0e23\u0e30\u0e1a\u0e4d\u0e32\u0e2b\u0e19\u0e49\u0e32\u0e17\u0e49\u0e2d\u0e07", + "\u0e1b\u0e23\u0e30\u0e15\u0e39\u0e2a\u0e39\u0e48\u0e15\u0e30\u0e27\u0e31\u0e19\u0e15\u0e01", + "\u0e1b\u0e23\u0e30\u0e21\u0e38\u0e02\u0e41\u0e2b\u0e48\u0e07\u0e23\u0e31\u0e10", + "k", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e25\u0e2d\u0e27\u0e4c\u0e40\u0e23\u0e19\u0e0b\u0e4c", + "\u0e42\u0e2e\u0e42\u0e21", + "\u0e1c\u0e39\u0e49\u0e01\u0e4d\u0e32\u0e01\u0e31\u0e1a\u0e40\u0e27\u0e17\u0e35", + "\u0e19\u0e31\u0e01\u0e41\u0e2a\u0e14\u0e07\u0e42\u0e17\u0e23\u0e17\u0e31\u0e28\u0e19\u0e4c", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e19\u0e01\u0e2d\u0e34\u0e19\u0e17\u0e23\u0e35", + "\u0e01\u0e4d\u0e32\u0e41\u0e1e\u0e07\u0e0a\u0e31\u0e49\u0e19\u0e19\u0e2d\u0e01", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e19\u0e49\u0e32\u0e17\u0e35\u0e48\u0e1b\u0e48\u0e32\u0e44\u0e21\u0e49", + "\u0e25\u0e34\u0e07\u0e01\u0e31\u0e07\u0e43\u0e15\u0e49", + "\u0e0a\u0e48\u0e32\u0e07\u0e15\u0e31\u0e14\u0e01\u0e23\u0e30\u0e08\u0e01", + "\u0e40\u0e1f\u0e23\u0e4c\u0e40\u0e21\u0e23\u0e4c", + "\u0e15\u0e49\u0e19\u0e42\u0e04\u0e23\u0e2d\u0e25\u0e17\u0e23\u0e35", + "\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e01\u0e23\u0e38\u0e4a\u0e1b\u0e42\u0e2d", + "\u0e20\u0e32\u0e29\u0e32\u0e0b\u0e35", + "\u0e0b\u0e39\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e41\u0e21\u0e01\u0e0b\u0e4c", + "\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e41\u0e21\u0e19", + "\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e19\u0e35", + "\u0e1c\u0e39\u0e49\u0e19\u0e31\u0e1a\u0e16\u0e37\u0e2d\u0e25\u0e31\u0e17\u0e18\u0e34\u0e40\u0e0b\u0e19", + "\u0e01\u0e32\u0e23\u0e25\u0e38\u0e22\u0e02\u0e49\u0e32\u0e21", + "\u0e0a\u0e48\u0e32\u0e07\u0e21\u0e38\u0e07\u0e08\u0e32\u0e01", + "\u0e40\u0e08\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e40\u0e2d\u0e47\u0e14\u0e40\u0e27\u0e34\u0e23\u0e4c\u0e14", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e43\u0e19\u0e2a\u0e21\u0e21\u0e15\u0e34\u0e10\u0e32\u0e19", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e04\u0e34\u0e15\u0e2a\u0e4c", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e04\u0e25\u0e34\u0e19\u0e15\u0e31\u0e19", + "\u0e04\u0e19\u0e25\u0e2d\u0e01\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e31\u0e15\u0e27\u0e4c", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e41\u0e08\u0e47\u0e01\u0e2a\u0e31\u0e19", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e01\u0e31\u0e14", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e1a\u0e23\u0e2a\u0e40\u0e0b\u0e35\u0e22", + "\u0e19\u0e31\u0e01\u0e40\u0e15\u0e49\u0e19\u0e23\u0e4d\u0e32\u0e1e\u0e37\u0e49\u0e19\u0e40\u0e21\u0e37\u0e2d\u0e07", + "p", + "\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e21\u0e32\u0e23\u0e4c\u0e15\u0e34\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e41\u0e21\u0e19", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e19\u0e49\u0e32\u0e17\u0e35\u0e48\u0e1b\u0e23\u0e30\u0e40\u0e21\u0e34\u0e19\u0e20\u0e32\u0e29\u0e35", + "\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e27\u0e39\u0e14", + "\u0e0a\u0e32\u0e27\u0e41\u0e0b\u0e19\u0e17\u0e35", + "\u0e19\u0e31\u0e01\u0e40\u0e1b\u0e48\u0e32\u0e1b\u0e35\u0e48\u0e41\u0e2b\u0e48\u0e07\u0e2e\u0e32\u0e40\u0e21\u0e25\u0e34\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e2b\u0e25\u0e38\u0e22\u0e2a\u0e4c", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e19\u0e49\u0e32\u0e17\u0e35\u0e48\u0e14\u0e31\u0e1a\u0e44\u0e1f\u0e1b\u0e48\u0e32", + "\u0e19\u0e31\u0e01\u0e41\u0e2a\u0e14\u0e07\u0e08\u0e2d\u0e41\u0e01\u0e49\u0e27", + "\u0e0a\u0e32\u0e27\u0e41\u0e1f\u0e23\u0e07\u0e04\u0e4c", + "\u0e04\u0e2d\u0e19\u0e42\u0e14\u0e23\u0e4c\u0e40\u0e0b", + "\u0e40\u0e1b\u0e47\u0e19\u0e14\u0e32\u0e23\u0e32\u0e23\u0e48\u0e27\u0e21\u0e41\u0e2a\u0e14\u0e07", + "v", + "\u0e19\u0e31\u0e01\u0e41\u0e2a\u0e14\u0e07\u0e25\u0e30\u0e04\u0e23\u0e42\u0e17\u0e23\u0e17\u0e31\u0e28\u0e19\u0e4c", + "\u0e40\u0e0a\u0e35\u0e22\u0e1b\u0e32\u0e40\u0e23\u0e25\u0e25\u0e34", + "\u0e40\u0e08\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e44\u0e0b\u0e23\u0e31\u0e2a", + "\u0e1a\u0e35\u0e40\u0e27\u0e2d\u0e23\u0e4c\u0e1a\u0e23\u0e39\u0e01", + "y", + "\u0e19\u0e01\u0e41\u0e2d\u0e48\u0e19", + "\u0e2a\u0e42\u0e15\u0e23\u0e40\u0e2e\u0e21", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e04\u0e2d\u0e19\u0e2a\u0e41\u0e15\u0e19\u0e15\u0e34\u0e19", + "f", + "\u0e1c\u0e39\u0e49\u0e27\u0e32\u0e07\u0e19\u0e42\u0e22\u0e1a\u0e32\u0e22", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e40\u0e14\u0e27\u0e34\u0e14", + "\u0e14\u0e2d\u0e01\u0e17\u0e2d\u0e42\u0e23\u0e27\u0e4c", + "\u0e04\u0e19\u0e07\u0e32\u0e19\u0e42\u0e23\u0e07\u0e2a\u0e35", + "\u0e2a\u0e34\u0e48\u0e07\u0e2b\u0e19\u0e36\u0e48\u0e07", + "q", + "\u0e40\u0e04\u0e40\u0e23\u0e19\u0e2a\u0e01\u0e35", + "\u0e1f\u0e23\u0e31\u0e07\u0e42\u0e01", + "\u0e0a\u0e32\u0e27\u0e40\u0e04\u0e19\u0e17\u0e31\u0e01\u0e01\u0e35", + "\u0e40\u0e2e\u0e19\u0e40\u0e25\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e42\u0e1a\u0e21\u0e2d\u0e19\u0e17\u0e4c", + "\u0e04\u0e19\u0e02\u0e32\u0e22\u0e1b\u0e23\u0e30\u0e01\u0e31\u0e19", + "\u0e19\u0e32\u0e07\u0e2d\u0e30\u0e01\u0e23\u0e34\u0e1b\u0e1b\u0e34\u0e19\u0e32", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e21\u0e32\u0e15\u0e34\u0e19", + "\u0e21\u0e32\u0e40\u0e23\u0e35\u0e22_\u0e17\u0e31\u0e2a\u0e40\u0e0b\u0e32\u0e14\u0e4c", + "\u0e0b\u0e32\u0e25\u0e34\u0e07\u0e40\u0e08\u0e2d\u0e23\u0e4c", + "\u0e23\u0e32\u0e0a\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e2a\u0e31\u0e19\u0e15\u0e30\u0e1b\u0e32\u0e1b\u0e32", + "\u0e1e\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e40\u0e14\u0e34\u0e19\u0e02\u0e32\u0e22\u0e2a\u0e34\u0e19\u0e04\u0e49\u0e32", + "\u0e19\u0e01\u0e2a\u0e27\u0e34\u0e1f\u0e15\u0e4c", + "\u0e21\u0e31\u0e19\u0e40\u0e15\u0e0d\u0e0d\u0e32", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e1a\u0e35", + "\u0e04\u0e23\u0e39\u0e2a\u0e2d\u0e19\u0e40\u0e23\u0e02\u0e32\u0e04\u0e13\u0e34\u0e15", + "\u0e22\u0e2d\u0e14\u0e40\u0e02\u0e32\u0e27\u0e34\u0e25\u0e2a\u0e31\u0e19", + "a", + "\u0e41\u0e2e\u0e21\u0e40\u0e21\u0e2d\u0e23\u0e4c\u0e2a\u0e44\u0e15\u0e19\u0e4c", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e1a\u0e23\u0e34\u0e19\u0e14\u0e34\u0e0b\u0e35", + "\u0e19\u0e31\u0e01\u0e18\u0e38\u0e23\u0e01\u0e34\u0e08\u0e02\u0e19\u0e32\u0e14\u0e22\u0e48\u0e2d\u0e21", + "\u0e0b\u0e32\u0e25\u0e32\u0e14\u0e34\u0e19", + "\u0e2b\u0e19\u0e39\u0e19\u0e49\u0e2d\u0e22\u0e2b\u0e21\u0e27\u0e01\u0e41\u0e14\u0e07", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e2d\u0e34\u0e01\u0e40\u0e19\u0e40\u0e0a\u0e35\u0e22\u0e2a", + "\u0e1c\u0e39\u0e49\u0e43\u0e2b\u0e49\u0e1a\u0e23\u0e34\u0e01\u0e32\u0e23\u0e43\u0e19\u0e20\u0e31\u0e15\u0e15\u0e32\u0e04\u0e32\u0e23", + "n", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e22\u0e39\u0e40\u0e17\u0e23\u0e0a\u0e15\u0e4c", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e40\u0e1a\u0e40\u0e19\u0e14\u0e34\u0e01\u0e15\u0e4c", + "\u0e41\u0e2d\u0e1b\u0e40\u0e1b\u0e34\u0e49\u0e25\u0e1a\u0e2d\u0e25\u0e14\u0e4c\u0e27\u0e34\u0e19", + "\u0e2b\u0e19\u0e49\u0e32\u0e14\u0e49\u0e32\u0e19", + "\u0e21\u0e19\u0e38\u0e29\u0e22\u0e4c\u0e44\u0e2e\u0e40\u0e14\u0e25\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e01", + "\u0e1a\u0e25\u0e39\u0e21\u0e1f\u0e34\u0e25\u0e14\u0e4c", + "\u0e15\u0e31\u0e27\u0e44\u0e2d", + "\u0e40\u0e0a\u0e2d\u0e23\u0e34\u0e41\u0e14\u0e19", + "\u0e2d\u0e48\u0e32\u0e27\u0e40\u0e08\u0e21\u0e2a\u0e4c", + "\u0e19\u0e31\u0e01\u0e14\u0e31\u0e1a\u0e44\u0e1f\u0e1b\u0e48\u0e32", + "\u0e01\u0e25\u0e49\u0e2d\u0e07\u0e22\u0e32\u0e40\u0e2a\u0e49\u0e19", + "\u0e20\u0e32\u0e29\u0e32\u0e0b\u0e35\u0e1e\u0e25\u0e31\u0e2a\u0e1e\u0e25\u0e31\u0e2a", + "\u0e14\u0e32\u0e23\u0e32\u0e41\u0e2a\u0e14\u0e07\u0e19\u0e4d\u0e32\u0e04\u0e39\u0e48", + "\u0e14\u0e2d\u0e01\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e40\u0e08", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e25\u0e2d\u0e27\u0e4c\u0e40\u0e23\u0e19\u0e0b\u0e4c", + "\u0e40\u0e0b\u0e25\u0e40\u0e25\u0e2d\u0e23\u0e4c\u0e2a", + "\u0e0a\u0e48\u0e32\u0e07\u0e15\u0e31\u0e14\u0e41\u0e01\u0e49\u0e27", + "\u0e23\u0e49\u0e2d\u0e07\u0e2e\u0e39\u0e40\u0e23", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e1b\u0e23\u0e30\u0e2b\u0e25\u0e32\u0e14\u0e43\u0e19\u0e19\u0e34\u0e17\u0e32\u0e19\u0e1b\u0e23\u0e31\u0e21\u0e1b\u0e23\u0e32", + "\u0e08\u0e14\u0e2b\u0e21\u0e32\u0e22\u0e02\u0e2d\u0e07\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e22\u0e32\u0e01\u0e2d\u0e1a", + "\u0e19\u0e31\u0e01\u0e41\u0e2a\u0e14\u0e07\u0e19\u0e4d\u0e32\u0e04\u0e39\u0e48", + "\u0e1c\u0e39\u0e49\u0e43\u0e2b\u0e49\u0e1a\u0e23\u0e34\u0e01\u0e32\u0e23\u0e43\u0e19\u0e23\u0e49\u0e32\u0e19\u0e2d\u0e32\u0e2b\u0e32\u0e23", + "\u0e14\u0e32\u0e23\u0e32\u0e42\u0e17\u0e23\u0e17\u0e31\u0e28\u0e19\u0e4c", + "\u0e1c\u0e39\u0e49\u0e16\u0e37\u0e2d\u0e15\u0e31\u0e4b\u0e27", + "\u0e2d\u0e31\u0e25\u0e1a\u0e35", + "\u0e40\u0e01\u0e23\u0e15\u0e2a\u0e01\u0e35\u0e49", + "\u0e01\u0e23\u0e38\u0e07\u0e2d\u0e30\u0e04\u0e27\u0e34\u0e25\u0e32", + "\u0e40\u0e2d\u0e34\u0e23\u0e4c\u0e25\u0e41\u0e2b\u0e48\u0e07\u0e40\u0e25\u0e22\u0e4c\u0e40\u0e0b\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e40\u0e23\u0e37\u0e2d\u0e1c\u0e35\u0e2a\u0e34\u0e07", + "\u0e0b\u0e32\u0e1b\u0e32\u0e15\u0e32", + "\u0e17\u0e32\u0e23\u0e4c\u0e04\u0e27\u0e34\u0e19\u0e40\u0e19\u0e35\u0e22\u0e2a", + "\u0e01\u0e34\u0e19\u0e40\u0e19\u0e2a\u0e2a\u0e4c", + "\u0e40\u0e2b\u0e25\u0e49\u0e32\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e23\u0e35\u0e48", + "\u0e15\u0e49\u0e19\u0e25\u0e34\u0e25\u0e25\u0e35\u0e48", + "\u0e2d\u0e32\u0e08\u0e32\u0e23\u0e22\u0e4c\u0e2a\u0e2d\u0e19\u0e40\u0e25\u0e02", + "\u0e19\u0e01\u0e41\u0e23\u0e19", + "\u0e15\u0e31\u0e27\u0e41\u0e0b\u0e14", + "\u0e40\u0e1f\u0e2d\u0e23\u0e4c\u0e19\u0e31\u0e19\u0e14\u0e4c_\u0e40\u0e25\u0e40\u0e01\u0e2d\u0e23\u0e4c", + "\u0e40\u0e2d\u0e21\u0e34\u0e40\u0e25\u0e35\u0e22\u0e42\u0e19_\u0e0b\u0e32\u0e1b\u0e32\u0e15\u0e32", + "\u0e14\u0e32\u0e23\u0e32\u0e08\u0e2d\u0e41\u0e01\u0e49\u0e27", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e30\u0e04\u0e27\u0e34\u0e25\u0e32", + "m", + "\u0e40\u0e01\u0e22\u0e4c_\u0e25\u0e39\u0e2a\u0e41\u0e0b\u0e01", + "\u0e40\u0e23\u0e37\u0e2d\u0e1f\u0e25\u0e32\u0e22\u0e2d\u0e34\u0e07\u0e14\u0e31\u0e15\u0e0a\u0e4c\u0e41\u0e21\u0e19", + "\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a\u0e17\u0e32\u0e19\u0e32", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e2b\u0e21\u0e32\u0e22\u0e25\u0e1a", + "\u0e1c\u0e39\u0e49\u0e19\u0e31\u0e1a\u0e16\u0e37\u0e2d\u0e1e\u0e38\u0e17\u0e18\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e19\u0e34\u0e01\u0e32\u0e22\u0e40\u0e0b\u0e19", + "\u0e2d\u0e32\u0e23\u0e4c\u0e42\u0e19\u0e25\u0e14\u0e4c_\u0e42\u0e0a\u0e19\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e01", + "\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22\u0e17\u0e35\u0e48\u0e40\u0e1e\u0e34\u0e48\u0e07\u0e2a\u0e25\u0e30\u0e42\u0e2a\u0e14", + "\u0e1c\u0e39\u0e49\u0e0a\u0e48\u0e27\u0e22\u0e1b\u0e23\u0e30\u0e01\u0e2d\u0e1a\u0e28\u0e32\u0e2a\u0e19\u0e1e\u0e34\u0e18\u0e35", + "\u0e17\u0e32\u0e23\u0e4c\u0e04\u0e27\u0e34\u0e19", + "o", + "\u0e21\u0e19\u0e38\u0e29\u0e22\u0e4c\u0e42\u0e23\u0e40\u0e14\u0e40\u0e0b\u0e35\u0e22\u0e19", + "u", + "i", + "\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22\u0e17\u0e35\u0e48\u0e40\u0e1e\u0e34\u0e48\u0e07\u0e41\u0e15\u0e48\u0e07\u0e07\u0e32\u0e19", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e04\u0e23\u0e34\u0e2a\u0e42\u0e15\u0e40\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e2d\u0e2d\u0e01\u0e31\u0e2a\u0e15\u0e31\u0e2a", + "\u0e42\u0e1e\u0e25\u0e35\u0e04\u0e32\u0e23\u0e4c\u0e1e", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e42\u0e1a\u0e25\u0e0b\u0e32\u0e42\u0e19", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e41\u0e2d\u0e19\u0e41\u0e0b\u0e25\u0e21", + "\u0e2d\u0e32\u0e08\u0e32\u0e23\u0e22\u0e4c\u0e04\u0e13\u0e34\u0e15\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c", + "\u0e21\u0e2d\u0e19\u0e14\u0e23\u0e35\u0e2d\u0e31\u0e19", + "\u0e1c\u0e39\u0e49\u0e1a\u0e23\u0e34\u0e2b\u0e32\u0e23\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28", + "\u0e20\u0e32\u0e29\u0e32\u0e2d\u0e32\u0e2b\u0e23\u0e31\u0e1a\u0e1b\u0e32\u0e40\u0e25\u0e2a\u0e44\u0e15\u0e19\u0e4c", + "\u0e1c\u0e39\u0e49\u0e19\u0e4d\u0e32\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28", + "\u0e40\u0e2d\u0e21\u0e35\u0e40\u0e25\u0e35\u0e22\u0e42\u0e19_\u0e0b\u0e32\u0e1b\u0e32\u0e15\u0e32", + "\u0e19\u0e31\u0e01\u0e23\u0e49\u0e2d\u0e07\u0e40\u0e1e\u0e25\u0e07\u0e1e\u0e37\u0e49\u0e19\u0e1a\u0e49\u0e32\u0e19", + "\u0e17\u0e35\u0e48\u0e15\u0e31\u0e14\u0e01\u0e23\u0e30\u0e08\u0e01", + "\u0e1a\u0e23\u0e34\u0e01\u0e23", + "\u0e40\u0e08\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e2d\u0e31\u0e25\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e15", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e2d\u0e2d\u0e2a\u0e40\u0e15\u0e23\u0e40\u0e25\u0e35\u0e22", + "\u0e40\u0e21\u0e40\u0e08\u0e25\u0e41\u0e25\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e21\u0e25\u0e23\u0e31\u0e10\u0e21\u0e34\u0e2a\u0e0b\u0e34\u0e2a\u0e0b\u0e34\u0e1b\u0e1b\u0e35", + "\u0e0a\u0e32\u0e27\u0e40\u0e1f\u0e25\u0e21\u0e21\u0e34\u0e0a", + "\u0e40\u0e08\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e0a\u0e32\u0e23\u0e4c\u0e25\u0e2a\u0e4c", + "\u0e01\u0e32\u0e01\u0e32\u0e23\u0e34\u0e19", + "\u0e04\u0e25\u0e2d\u0e40\u0e0b\u0e2d\u0e27\u0e34\u0e15\u0e2a\u0e4c", + "\u0e40\u0e08\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e41\u0e2b\u0e48\u0e07\u0e40\u0e27\u0e25\u0e2a\u0e4c", + "\u0e1f\u0e23\u0e31\u0e07\u0e0b\u0e4c", + "\u0e15\u0e49\u0e19\u0e40\u0e21\u0e14\u0e34\u0e01", + "\u0e04\u0e2d\u0e19\u0e2a\u0e40\u0e15\u0e40\u0e1a\u0e34\u0e25", + "\u0e19\u0e31\u0e01\u0e23\u0e49\u0e2d\u0e07\u0e40\u0e2d\u0e01\u0e2b\u0e0d\u0e34\u0e07", + "1", + "\u0e44\u0e2a\u0e49\u0e01\u0e23\u0e2d\u0e01\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e31\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2e\u0e31\u0e19\u0e15\u0e34\u0e07\u0e15\u0e31\u0e19", + "\u0e0a\u0e48\u0e32\u0e07\u0e42\u0e25\u0e2b\u0e30", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e25\u0e2d\u0e27\u0e4c\u0e40\u0e23\u0e19\u0e0b\u0e4c", + "\u0e1f\u0e23\u0e34\u0e14\u0e23\u0e34\u0e0a_\u0e41\u0e21\u0e01\u0e0b\u0e4c_\u0e21\u0e38\u0e25\u0e40\u0e25\u0e2d\u0e23\u0e4c", + "\u0e42\u0e01\u0e42\u0e01\u0e25", + "\u0e40\u0e0b\u0e49\u0e19\u0e15\u0e4c_\u0e04\u0e23\u0e34\u0e2a\u0e42\u0e15\u0e40\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e01\u0e23\u0e38\u0e07\u0e1a\u0e32\u0e23\u0e34", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e0a\u0e32\u0e23\u0e4c\u0e25\u0e2a\u0e4c", + "g", + "\u0e1e\u0e23\u0e32\u0e19\u0e25\u0e48\u0e32\u0e19\u0e01", + "\u0e42\u0e0c\u0e41\u0e0b\u0e47\u0e1f_\u0e2b\u0e25\u0e38\u0e22\u0e2a\u0e4c_\u0e41\u0e01_\u0e25\u0e39\u0e27\u0e4c\u0e0b\u0e31\u0e01", + "\u0e0a\u0e32\u0e27\u0e25\u0e32\u0e42\u0e04\u0e15\u0e32", + "\u0e40\u0e19\u0e0a\u0e31\u0e48\u0e19", + "r", + "\u0e42\u0e1e\u0e23\u0e04\u0e2d\u0e40\u0e1f\u0e35\u0e22\u0e1f", + "\u0e04\u0e23\u0e39\u0e2a\u0e2d\u0e19\u0e28\u0e34\u0e25\u0e1b\u0e30", + "\u0e1c\u0e39\u0e49\u0e01\u0e4d\u0e32\u0e2b\u0e19\u0e14\u0e19\u0e42\u0e22\u0e1a\u0e32\u0e22", + "\u0e40\u0e0a\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e1f\u0e34\u0e25\u0e14\u0e4c", + "\u0e2a\u0e07\u0e04\u0e23\u0e32\u0e21\u0e04\u0e23\u0e39\u0e40\u0e2a\u0e14\u0e04\u0e23\u0e31\u0e49\u0e07\u0e17\u0e35\u0e48_1", + "\u0e04\u0e23\u0e39\u0e2a\u0e2d\u0e19\u0e40\u0e25\u0e02", + "\u0e40\u0e08\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e23\u0e39\u0e40\u0e1e\u0e34\u0e23\u0e4c\u0e15", + "\u0e25\u0e39\u0e01\u0e2a\u0e32\u0e27\u0e15\u0e34\u0e14\u0e41\u0e21\u0e48", + "\u0e40\u0e21\u0e25\u0e32\u0e19\u0e0a\u0e4c\u0e17\u0e2d\u0e19", + "\u0e40\u0e22\u0e2d\u0e23\u0e4c\u0e0b\u0e34\u0e19", + "\u0e40\u0e0b\u0e1a\u0e32\u0e2a\u0e40\u0e15\u0e35\u0e22\u0e19_\u0e27\u0e34\u0e0b\u0e44\u0e04\u0e42\u0e19", + "\u0e15\u0e31\u0e27\u0e41\u0e17\u0e19\u0e1b\u0e23\u0e30\u0e01\u0e31\u0e19\u0e0a\u0e35\u0e27\u0e34\u0e15", + "\u0e27\u0e34\u0e15\u0e38\u0e2a", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e04\u0e23\u0e34\u0e2a\u0e42\u0e15\u0e40\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e41\u0e23\u0e07\u0e08\u0e35", + "\u0e17\u0e32\u0e23\u0e4c\u0e1b", + "\u0e17\u0e35\u0e48\u0e21\u0e35\u0e2a\u0e35\u0e41\u0e17\u0e19\u0e2a\u0e25\u0e31\u0e1a\u0e14\u0e4d\u0e32", + "\u0e04\u0e19\u0e02\u0e31\u0e1a\u0e40\u0e01\u0e27\u0e35\u0e22\u0e19", + "\u0e20\u0e32\u0e29\u0e32\u0e2d\u0e32\u0e23\u0e4c", + "\u0e15\u0e49\u0e19\u0e0a\u0e38\u0e21\u0e40\u0e2b\u0e47\u0e14\u0e40\u0e17\u0e28", + "\u0e01\u0e4a\u0e32\u0e1a\u0e01\u0e4a\u0e32\u0e1a", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e41\u0e2d\u0e19\u0e40\u0e0b\u0e25\u0e21", + "\u0e40\u0e23\u0e37\u0e2d\u0e1b\u0e35\u0e28\u0e32\u0e08", + "\u0e14\u0e34\u0e41\u0e23\u0e47\u0e01", + "\u0e1f\u0e25\u0e32\u0e22\u0e2d\u0e34\u0e07\u0e14\u0e31\u0e15\u0e0a\u0e4c\u0e41\u0e21\u0e19", + "\u0e0a\u0e32\u0e27\u0e21\u0e38\u0e2a\u0e25\u0e34\u0e21\u0e19\u0e34\u0e01\u0e32\u0e22\u0e0a\u0e35\u0e2d\u0e30\u0e2b\u0e4c", + "\u0e44\u0e1e\u0e48\u0e2a\u0e2d\u0e07\u0e41\u0e15\u0e49\u0e21", + "\u0e23\u0e47\u0e2d\u0e01\u0e01\u0e35\u0e49\u0e40\u0e1f\u0e25\u0e40\u0e25\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e19\u0e32\u0e21\u0e23\u0e2d\u0e1a\u0e19\u0e2d\u0e01\u0e02\u0e2d\u0e07\u0e04\u0e24\u0e2b\u0e32\u0e2a\u0e19\u0e4c", + "\u0e2a\u0e15\u0e34\u0e01\u0e25\u0e34\u0e15\u0e0b\u0e4c", + "\u0e1c\u0e39\u0e49\u0e40\u0e01\u0e35\u0e48\u0e22\u0e27\u0e02\u0e49\u0e2d\u0e07\u0e17\u0e32\u0e07\u0e01\u0e32\u0e23\u0e40\u0e07\u0e34\u0e19", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e08\u0e2d\u0e23\u0e4c\u0e08", + "\u0e0a\u0e32\u0e27\u0e42\u0e25\u0e27\u0e4c\u0e41\u0e25\u0e19\u0e40\u0e14\u0e2d\u0e23\u0e4c", + "\u0e41\u0e2e\u0e21\u0e40\u0e21\u0e15\u0e15\u0e4c", + "\u0e40\u0e08\u0e49\u0e32\u0e1f\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e0a\u0e32\u0e23\u0e4c\u0e25\u0e2a\u0e4c", + "\u0e19\u0e32\u0e22\u0e1e\u0e25\u0e1f\u0e23\u0e31\u0e07\u0e42\u0e01", + "\u0e23\u0e31\u0e10\u0e21\u0e19\u0e15\u0e23\u0e35\u0e27\u0e48\u0e32\u0e01\u0e32\u0e23\u0e01\u0e23\u0e30\u0e17\u0e23\u0e27\u0e07\u0e22\u0e38\u0e15\u0e34\u0e18\u0e23\u0e23\u0e21", + "\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a\u0e42\u0e1e\u0e40\u0e27\u0e25", + "\u0e19\u0e31\u0e01\u0e23\u0e31\u0e07\u0e2a\u0e35\u0e40\u0e17\u0e04\u0e19\u0e34\u0e04", + "\u0e21\u0e32\u0e40\u0e0b\u0e1f\u0e35\u0e25\u0e14\u0e4c", + "\u0e0a\u0e32\u0e27\u0e19\u0e32\u0e23\u0e32\u0e22\u0e22\u0e48\u0e2d\u0e22", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e25\u0e32\u0e2a\u0e1b\u0e35\u0e40\u0e0b\u0e35\u0e22", + "\u0e1a\u0e23\u0e32\u0e27\u0e19\u0e4c", + "s", + "\u0e40\u0e1f\u0e2d\u0e23\u0e4c\u0e19\u0e34\u0e27\u0e2d\u0e25\u0e25\u0e4c", + "\u0e41\u0e2d\u0e19\u0e40\u0e14\u0e2d\u0e23\u0e4c_\u0e40\u0e0b\u0e25\u0e40\u0e0b\u0e35\u0e22\u0e2a", + "\u0e40\u0e2a\u0e37\u0e49\u0e2d\u0e0a\u0e39\u0e0a\u0e35\u0e1e\u0e41\u0e1a\u0e1a\u0e40\u0e1b\u0e48\u0e32\u0e25\u0e21", + "\u0e2d\u0e32\u0e08\u0e32\u0e23\u0e22\u0e4c\u0e27\u0e34\u0e17\u0e22\u0e32\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c", + "\u0e04\u0e19\u0e15\u0e31\u0e14\u0e41\u0e01\u0e49\u0e27", + "\u0e1e\u0e25\u0e40\u0e23\u0e37\u0e2d\u0e40\u0e2d\u0e01\u0e14\u0e34\u0e27\u0e2d\u0e35\u0e49", + "\u0e1c\u0e39\u0e49\u0e40\u0e2a\u0e1e\u0e41\u0e04\u0e23\u0e47\u0e01", + "\u0e1c\u0e39\u0e49\u0e15\u0e34\u0e14\u0e41\u0e04\u0e23\u0e47\u0e01", + "\u0e04\u0e19\u0e15\u0e34\u0e14\u0e15\u0e31\u0e49\u0e07\u0e16\u0e31\u0e07\u0e41\u0e01\u0e4a\u0e2a", + "\u0e04\u0e23\u0e39\u0e2a\u0e2d\u0e19\u0e27\u0e32\u0e14\u0e23\u0e39\u0e1b", + "\u0e1a\u0e23\u0e32\u0e27\u0e19\u0e34\u0e07", + "\u0e1c\u0e39\u0e49\u0e14\u0e39\u0e41\u0e25\u0e23\u0e30\u0e1a\u0e1a\u0e22\u0e39\u0e19\u0e34\u0e01\u0e0b\u0e4c", + "\u0e01\u0e23\u0e35\u0e19\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e01", + "\u0e08\u0e2d\u0e23\u0e4c\u0e08", + "\u0e1c\u0e39\u0e49\u0e2a\u0e48\u0e07\u0e2a\u0e32\u0e23\u0e08\u0e32\u0e01\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32", + "\u0e19\u0e32\u0e22\u0e2b\u0e19\u0e49\u0e32\u0e04\u0e49\u0e32\u0e07\u0e32\u0e19\u0e28\u0e34\u0e25\u0e1b\u0e4c", + "\u0e42\u0e08\u0e40\u0e0b\u0e1f_\u0e2b\u0e25\u0e38\u0e22\u0e2a\u0e4c_\u0e40\u0e01\u0e22\u0e4c_\u0e25\u0e39\u0e2a\u0e41\u0e0b\u0e01", + "\u0e21\u0e32\u0e23\u0e35\u0e22\u0e4c\u0e0a\u0e32\u0e27\u0e21\u0e31\u0e01\u0e14\u0e32\u0e25\u0e32", + "\u0e2a\u0e27\u0e35\u0e17", + "\u0e42\u0e2d\u0e25\u0e34\u0e40\u0e27\u0e35\u0e22\u0e23\u0e4c", + "\u0e40\u0e2d\u0e0b\u0e23\u0e32_\u0e40\u0e1e\u0e32\u0e19\u0e14\u0e4c", + "\u0e40\u0e08\u0e49\u0e32\u0e0a\u0e32\u0e22\u0e22\u0e39\u0e08\u0e35\u0e19\u0e41\u0e2b\u0e48\u0e07\u0e0b\u0e32\u0e27\u0e2d\u0e22", + "\u0e22\u0e2d\u0e14\u0e40\u0e02\u0e32\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e41\u0e21\u0e19", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e0b\u0e35\u0e23\u0e34\u0e25", + "\u0e40\u0e2e\u0e40\u0e15\u0e2d\u0e23\u0e4c_\u0e27\u0e34\u0e25\u0e25\u0e48\u0e32_\u0e42\u0e25\u0e42\u0e1a\u0e2a", + "\u0e2a\u0e21\u0e34\u0e18", + "\u0e1a\u0e31\u0e15\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e1f\u0e35\u0e25\u0e14\u0e4c", + "\u0e2a\u0e04\u0e39\u0e25\u0e04\u0e23\u0e32\u0e1f\u0e15\u0e4c", + "t" + ], + "FOOD": [ + "\u0e01\u0e23\u0e30\u0e14\u0e39\u0e01\u0e23\u0e39\u0e1b\u0e25\u0e34\u0e48\u0e21", + "\u0e42\u0e1b\u0e4a\u0e22\u0e01\u0e31\u0e4a\u0e01", + "\u0e2a\u0e1b\u0e32\u0e23\u0e4c\u0e01\u0e25\u0e34\u0e07\u0e44\u0e27\u0e19\u0e4c", + "\u0e41\u0e2d\u0e07\u0e42\u0e0a\u0e27\u0e35\u0e48\u0e40\u0e14\u0e23\u0e2a\u0e0b\u0e34\u0e48\u0e07", + "\u0e0a\u0e47\u0e2d\u0e01\u0e44\u0e2d\u0e0b\u0e4c", + "\u0e01\u0e30\u0e2b\u0e25\u0e48\u0e4d\u0e32\u0e1b\u0e25\u0e35\u0e41\u0e14\u0e07", + "\u0e1f\u0e23\u0e38\u0e49\u0e15\u0e04\u0e47\u0e2d\u0e01\u0e40\u0e17\u0e25", + "\u0e04\u0e47\u0e2d\u0e01\u0e40\u0e17\u0e25\u0e1c\u0e25\u0e44\u0e21\u0e49", + "\u0e1e\u0e32\u0e23\u0e4c\u0e40\u0e21\u0e0b\u0e32\u0e19\u0e40\u0e19\u0e37\u0e49\u0e2d", + "\u0e04\u0e47\u0e2d\u0e01\u0e40\u0e17\u0e25\u0e01\u0e38\u0e49\u0e07", + "\u0e44\u0e01\u0e48\u0e1b\u0e32\u0e1b\u0e23\u0e34\u0e01\u0e32", + "\u0e44\u0e01\u0e48\u0e01\u0e31\u0e1a\u0e02\u0e49\u0e32\u0e27", + "\u0e21\u0e38\u0e25\u0e25\u0e34\u0e41\u0e01\u0e19\u0e2a\u0e15\u0e39", + "\u0e25\u0e39\u0e01\u0e19\u0e31\u0e17\u0e17\u0e35\u0e48\u0e01\u0e34\u0e19\u0e44\u0e14\u0e49", + "\u0e08\u0e2d\u0e23\u0e4c\u0e41\u0e14\u0e19\u0e2d\u0e31\u0e25\u0e21\u0e2d\u0e19\u0e14\u0e4c", + "\u0e27\u0e34\u0e19\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e40\u0e21\u0e25\u0e2d\u0e19", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1c\u0e47\u0e14\u0e23\u0e49\u0e2d\u0e19", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e40\u0e04\u0e35\u0e22\u0e07", + "\u0e14\u0e31\u0e1a\u0e40\u0e1a\u0e34\u0e49\u0e25\u0e01\u0e25\u0e39\u0e40\u0e0b\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e0a\u0e35\u0e2a", + "\u0e41\u0e0b\u0e19\u0e14\u0e4c\u0e27\u0e34\u0e0a\u0e44\u0e01\u0e48", + "\u0e1a\u0e23\u0e47\u0e2d\u0e04\u0e42\u0e04\u0e25\u0e35\u0e48\u0e40\u0e23\u0e1a", + "\u0e16\u0e31\u0e48\u0e27\u0e1a\u0e14", + "\u0e2d\u0e32\u0e22\u0e38\u0e27\u0e31\u0e12\u0e19\u0e30", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e14\u0e37\u0e48\u0e21\u0e1c\u0e2a\u0e21\u0e19\u0e49\u0e4d\u0e32\u0e1c\u0e25\u0e44\u0e21\u0e49", + "\u0e1c\u0e31\u0e01\u0e01\u0e34\u0e19\u0e2b\u0e31\u0e27", + "\u0e41\u0e01\u0e23\u0e19\u0e14\u0e4c\u0e21\u0e32\u0e40\u0e19\u0e35\u0e22", + "\u0e16\u0e31\u0e48\u0e27\u0e41\u0e02\u0e01", + "\u0e15\u0e49\u0e19\u0e40\u0e21\u0e25\u0e2d\u0e19\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e40\u0e0b\u0e35\u0e22", + "\u0e21\u0e32\u0e23\u0e4c\u0e21\u0e32\u0e40\u0e25\u0e14\u0e2a\u0e49\u0e21", + "\u0e15\u0e49\u0e19\u0e2b\u0e2d\u0e21", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e14\u0e37\u0e48\u0e21\u0e17\u0e35\u0e48\u0e40\u0e2b\u0e21\u0e37\u0e2d\u0e19\u0e0a\u0e32", + "\u0e15\u0e49\u0e19\u0e01\u0e32\u0e41\u0e1f", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e14\u0e37\u0e48\u0e21\u0e1c\u0e2a\u0e21\u0e40\u0e25\u0e21\u0e2d\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e0a\u0e14\u0e40\u0e14\u0e2d\u0e23\u0e4c", + "\u0e16\u0e31\u0e48\u0e27\u0e41\u0e14\u0e07", + "\u0e40\u0e1a\u0e23\u0e01\u0e1f\u0e32\u0e2a\u0e15\u0e4c", + "\u0e40\u0e01\u0e23\u0e41\u0e2e\u0e21\u0e40\u0e04\u0e23\u0e47\u0e01\u0e40\u0e01\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e32\u0e23\u0e2a\u0e01\u0e31\u0e14\u0e08\u0e32\u0e01\u0e2d\u0e31\u0e25\u0e21\u0e2d\u0e19\u0e14\u0e4c", + "\u0e1b\u0e25\u0e32\u0e0b\u0e34\u0e25\u0e40\u0e27\u0e2d\u0e23\u0e4c\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19", + "\u0e44\u0e01\u0e48\u0e15\u0e38\u0e4b\u0e19\u0e44\u0e27\u0e19\u0e4c\u0e41\u0e14\u0e07", + "\u0e21\u0e32\u0e23\u0e4c\u0e0a\u0e40\u0e21\u0e25\u0e42\u0e25\u0e27\u0e4c", + "\u0e15\u0e49\u0e19\u0e04\u0e34\u0e14\u0e19\u0e35\u0e22\u0e4c\u0e1a\u0e35\u0e19", + "\u0e17\u0e30\u0e40\u0e25\u0e17\u0e23\u0e32\u0e22", + "\u0e2b\u0e21\u0e32\u0e01\u0e1d\u0e23\u0e31\u0e48\u0e07", + "\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19\u0e0a\u0e35\u0e2a", + "\u0e41\u0e1a\u0e23\u0e19\u0e40\u0e1f\u0e25\u0e47\u0e01", + "\u0e44\u0e1e\u0e19\u0e4c\u0e19\u0e31\u0e17", + "\u0e01\u0e32\u0e23\u0e17\u0e4d\u0e32\u0e2b\u0e21\u0e32\u0e01\u0e1d\u0e23\u0e31\u0e48\u0e07", + "\u0e16\u0e31\u0e48\u0e27\u0e2a\u0e14", + "\u0e1b\u0e25\u0e32\u0e04\u0e2d\u0e14\u0e40\u0e04\u0e47\u0e21", + "\u0e04\u0e2d\u0e23\u0e4c\u0e19\u0e34\u0e0a\u0e1e\u0e32\u0e2a\u0e15\u0e23\u0e35\u0e49", + "\u0e25\u0e48\u0e32\u0e2a\u0e38\u0e14", + "\u0e0a\u0e48\u0e27\u0e07\u0e15\u0e49\u0e19\u0e02\u0e32", + "\u0e01\u0e38\u0e49\u0e07\u0e19\u0e34\u0e27\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e01", + "\u0e21\u0e19\u0e38\u0e29\u0e22\u0e4c\u0e02\u0e19\u0e21\u0e1b\u0e31\u0e07\u0e02\u0e34\u0e07", + "\u0e1b\u0e25\u0e32\u0e44\u0e2b\u0e25\u0e23\u0e21\u0e04\u0e27\u0e31\u0e19", + "\u0e1a\u0e32\u0e19\u0e32\u0e19\u0e32\u0e2a\u0e1b\u0e23\u0e34\u0e17", + "\u0e16\u0e31\u0e48\u0e27\u0e15\u0e32\u0e14\u0e4d\u0e32", + "\u0e25\u0e2d\u0e40\u0e23\u0e19\u0e42\u0e0b\u0e40\u0e14\u0e23\u0e2a\u0e0b\u0e34\u0e48\u0e07", + "\u0e40\u0e1a\u0e35\u0e22\u0e23\u0e4c\u0e02\u0e34\u0e07", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e1e\u0e30\u0e42\u0e25\u0e49", + "\u0e1b\u0e25\u0e32\u0e41\u0e2e\u0e14\u0e14\u0e47\u0e2d\u0e04\u0e23\u0e21\u0e04\u0e27\u0e31\u0e19", + "\u0e04\u0e2d\u0e23\u0e4c\u0e14\u0e2d\u0e19\u0e1a\u0e25\u0e39\u0e44\u0e01\u0e48", + "\u0e2a\u0e21\u0e2d\u0e07\u0e25\u0e39\u0e01\u0e27\u0e31\u0e27", + "\u0e1b\u0e25\u0e32\u0e19\u0e49\u0e4d\u0e32\u0e08\u0e37\u0e14", + "\u0e2a\u0e31\u0e19\u0e19\u0e2d\u0e01\u0e2b\u0e21\u0e39", + "\u0e1b\u0e25\u0e32\u0e40\u0e2e\u0e2d\u0e23\u0e4c\u0e23\u0e34\u0e48\u0e07\u0e23\u0e21\u0e04\u0e27\u0e31\u0e19", + "\u0e41\u0e0b\u0e19\u0e14\u0e4c\u0e27\u0e34\u0e0a\u0e40\u0e1b\u0e34\u0e14\u0e2b\u0e19\u0e49\u0e32", + "\u0e21\u0e32\u0e23\u0e4c\u0e40\u0e1a\u0e34\u0e25\u0e40\u0e04\u0e49\u0e01", + "\u0e2a\u0e40\u0e1b\u0e19\u0e34\u0e0a\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e01\u0e39", + "\u0e1b\u0e25\u0e32\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19\u0e0b\u0e35\u0e40\u0e17\u0e23\u0e32\u0e15\u0e4c", + "\u0e16\u0e31\u0e48\u0e27\u0e2d\u0e1a\u0e1a\u0e2d\u0e2a\u0e15\u0e31\u0e19", + "\u0e1e\u0e2d\u0e23\u0e4c\u0e04\u0e34\u0e27\u0e44\u0e1e\u0e19\u0e4c\u0e1a\u0e2d\u0e25", + "\u0e2e\u0e32\u0e23\u0e4c\u0e14\u0e41\u0e04\u0e19\u0e14\u0e35\u0e49", + "\u0e1b\u0e47\u0e2d\u0e1b\u0e04\u0e2d\u0e23\u0e4c\u0e19\u0e1a\u0e2d\u0e25", + "\u0e1b\u0e25\u0e32\u0e0b\u0e35\u0e40\u0e17\u0e23\u0e32\u0e15\u0e4c", + "\u0e40\u0e27\u0e2d\u0e23\u0e4c\u0e08\u0e34\u0e40\u0e19\u0e35\u0e22\u0e41\u0e2e\u0e21", + "\u0e04\u0e2d\u0e23\u0e4c\u0e19\u0e44\u0e0b\u0e23\u0e31\u0e1b", + "\u0e2d\u0e34\u0e07\u0e25\u0e34\u0e0a\u0e21\u0e31\u0e1f\u0e1f\u0e34\u0e19", + "\u0e2e\u0e32\u0e23\u0e4c\u0e27\u0e35\u0e48\u0e27\u0e2d\u0e25\u0e25\u0e4c\u0e41\u0e1a\u0e07\u0e40\u0e08\u0e2d\u0e23\u0e4c", + "\u0e40\u0e1e\u0e25\u0e19\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e1e\u0e31\u0e19\u0e0a\u0e4c", + "\u0e2b\u0e31\u0e27\u0e2b\u0e2d\u0e21\u0e2a\u0e40\u0e1b\u0e19", + "\u0e1b\u0e25\u0e32\u0e1f\u0e34\u0e19\u0e41\u0e19\u0e19\u0e41\u0e2e\u0e14\u0e14\u0e47\u0e2d\u0e04", + "\u0e15\u0e49\u0e19\u0e2d\u0e48\u0e2d\u0e19\u0e2d\u0e31\u0e25\u0e1f\u0e31\u0e25\u0e1f\u0e32", + "\u0e1b\u0e25\u0e32\u0e0b\u0e47\u0e2d\u0e01\u0e2d\u0e32\u0e22", + "\u0e1b\u0e25\u0e32\u0e1f\u0e34\u0e19\u0e41\u0e19\u0e19", + "\u0e1f\u0e2d\u0e23\u0e4c\u0e15\u0e34\u0e44\u0e1f\u0e14\u0e4c\u0e44\u0e27\u0e19\u0e4c", + "\u0e14\u0e23\u0e32\u0e22\u0e40\u0e27\u0e2d\u0e23\u0e4c\u0e21\u0e38\u0e17", + "\u0e1b\u0e25\u0e32\u0e40\u0e01\u0e23\u0e22\u0e4c\u0e42\u0e0b\u0e25", + "\u0e01\u0e32\u0e40\u0e1f\u0e42\u0e2d\u0e41\u0e25", + "\u0e25\u0e34\u0e49\u0e19\u0e25\u0e39\u0e01\u0e27\u0e31\u0e27", + "\u0e42\u0e04\u0e25\u0e48\u0e32\u0e2a\u0e01\u0e31\u0e14", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e43\u0e19\u0e2a\u0e31\u0e15\u0e27\u0e4c", + "\u0e25\u0e39\u0e01\u0e40\u0e2a\u0e32\u0e27\u0e23\u0e2a", + "\u0e2a\u0e27\u0e35\u0e14\u0e34\u0e0a\u0e21\u0e35\u0e15\u0e1a\u0e2d\u0e25", + "\u0e40\u0e1a\u0e35\u0e22\u0e23\u0e4c\u0e21\u0e34\u0e27\u0e19\u0e34\u0e04", + "\u0e25\u0e39\u0e01\u0e40\u0e01\u0e14\u0e44\u0e23\u0e49\u0e40\u0e21\u0e25\u0e47\u0e14", + "\u0e1c\u0e25\u0e01\u0e23\u0e30\u0e1a\u0e2d\u0e07\u0e40\u0e1e\u0e0a\u0e23", + "\u0e41\u0e2e\u0e21\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e40\u0e01\u0e2d\u0e23\u0e4c", + "\u0e25\u0e39\u0e01\u0e0a\u0e34\u0e49\u0e19\u0e1b\u0e25\u0e32", + "\u0e1b\u0e25\u0e32\u0e40\u0e23\u0e14\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19", + "\u0e42\u0e2d\u0e25\u0e35\u0e1f\u0e14\u0e4d\u0e32", + "\u0e15\u0e49\u0e19\u0e1a\u0e31\u0e25\u0e25\u0e47\u0e2d\u0e01\u0e2e\u0e32\u0e23\u0e4c\u0e15", + "\u0e04\u0e23\u0e36\u0e48\u0e07\u0e19\u0e21\u0e04\u0e23\u0e36\u0e48\u0e07\u0e04\u0e23\u0e35\u0e21", + "\u0e42\u0e2d\u0e40\u0e27\u0e19\u0e2a\u0e15\u0e31\u0e1f\u0e40\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e23\u0e34\u0e42\u0e15\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e27\u0e31\u0e27", + "\u0e15\u0e49\u0e19\u0e08\u0e2d\u0e23\u0e4c\u0e41\u0e14\u0e19\u0e2d\u0e31\u0e25\u0e21\u0e2d\u0e19\u0e14\u0e4c", + "\u0e1b\u0e25\u0e32\u0e41\u0e21\u0e04\u0e40\u0e04\u0e2d\u0e40\u0e23\u0e25\u0e23\u0e21\u0e04\u0e27\u0e31\u0e19", + "\u0e25\u0e39\u0e01\u0e40\u0e21\u0e25\u0e2d\u0e19\u0e1a\u0e2d\u0e25", + "\u0e1b\u0e25\u0e32\u0e41\u0e1a\u0e2a\u0e1b\u0e32\u0e01\u0e40\u0e25\u0e47\u0e01", + "\u0e01\u0e2d\u0e23\u0e4c\u0e14\u0e2d\u0e19\u0e1a\u0e25\u0e39\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e27\u0e31\u0e27", + "\u0e1b\u0e25\u0e32\u0e41\u0e17\u0e48\u0e07", + "\u0e04\u0e35\u0e22\u0e4c\u0e44\u0e25\u0e21\u0e4c", + "\u0e1b\u0e25\u0e32\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19\u0e40\u0e04\u0e47\u0e21\u0e23\u0e21\u0e04\u0e27\u0e31\u0e19", + "\u0e1b\u0e25\u0e32\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19\u0e23\u0e21\u0e04\u0e27\u0e31\u0e19", + "\u0e04\u0e2d\u0e23\u0e4c\u0e19\u0e40\u0e04\u0e49\u0e01", + "\u0e2a\u0e49\u0e21\u0e08\u0e32\u0e1f\u0e1f\u0e32", + "\u0e15\u0e49\u0e19\u0e01\u0e23\u0e30\u0e1a\u0e2d\u0e07\u0e40\u0e1e\u0e0a\u0e23", + "\u0e25\u0e39\u0e01\u0e1e\u0e25\u0e31\u0e21\u0e27\u0e34\u0e04\u0e15\u0e2d\u0e40\u0e23\u0e35\u0e22", + "\u0e1a\u0e23\u0e34\u0e40\u0e27\u0e13\u0e41\u0e2b\u0e49\u0e07\u0e41\u0e25\u0e49\u0e07", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e14\u0e37\u0e48\u0e21\u0e23\u0e2a\u0e2d\u0e48\u0e2d\u0e19", + "\u0e17\u0e38\u0e15\u0e15\u0e35\u0e49\u0e1f\u0e23\u0e38\u0e15\u0e15\u0e35\u0e49", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e14\u0e37\u0e48\u0e21\u0e23\u0e2a\u0e1c\u0e25\u0e44\u0e21\u0e49", + "\u0e25\u0e39\u0e01\u0e40\u0e01\u0e14\u0e21\u0e35\u0e40\u0e21\u0e25\u0e47\u0e14", + "\u0e23\u0e47\u0e2d\u0e01\u0e41\u0e04\u0e19\u0e14\u0e35\u0e49", + "\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e01\u0e34\u0e0a\u0e14\u0e35\u0e44\u0e25\u0e15\u0e4c", + "\u0e1b\u0e25\u0e32\u0e40\u0e1a\u0e2a\u0e1b\u0e32\u0e01\u0e41\u0e04\u0e1a", + "\u0e1a\u0e32\u0e23\u0e4c\u0e40\u0e25\u0e22\u0e4c\u0e41\u0e04\u0e19\u0e14\u0e35\u0e49", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e14\u0e37\u0e48\u0e21\u0e23\u0e2a\u0e40\u0e25\u0e21\u0e2d\u0e19", + "\u0e16\u0e31\u0e48\u0e27\u0e1e\u0e38\u0e48\u0e21", + "\u0e15\u0e49\u0e19\u0e40\u0e22\u0e25\u0e42\u0e25\u0e27\u0e4c\u0e2a\u0e04\u0e27\u0e47\u0e2d\u0e0a", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e01\u0e23\u0e30\u0e1b\u0e4b\u0e2d\u0e07", + "\u0e41\u0e08\u0e47\u0e04\u0e40\u0e01\u0e47\u0e15\u0e42\u0e1b\u0e40\u0e15\u0e42\u0e15\u0e49", + "\u0e16\u0e31\u0e48\u0e27\u0e14\u0e34\u0e1a" + ], + "RELIGION_MEMBER": [ + "\u0e2a\u0e21\u0e32\u0e0a\u0e34\u0e01\u0e01\u0e25\u0e38\u0e48\u0e21\u0e40\u0e21\u0e19\u0e42\u0e19\u0e44\u0e19\u0e15\u0e4c", + "\u0e1e\u0e27\u0e01\u0e40\u0e1e\u0e35\u0e22\u0e27\u0e23\u0e34\u0e15\u0e31\u0e19", + "\u0e19\u0e34\u0e01\u0e32\u0e22\u0e2a\u0e38\u0e19\u0e2b\u0e19\u0e35\u0e48", + "\u0e2a\u0e21\u0e32\u0e0a\u0e34\u0e01\u0e01\u0e25\u0e38\u0e48\u0e21\u0e04\u0e23\u0e34\u0e2a\u0e40\u0e15\u0e35\u0e22\u0e19\u0e27\u0e34\u0e17\u0e22\u0e32\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c", + "\u0e1c\u0e39\u0e49\u0e19\u0e31\u0e1a\u0e16\u0e37\u0e2d\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e0b\u0e34\u0e01\u0e02\u0e4c", + "\u0e1c\u0e39\u0e49\u0e40\u0e04\u0e23\u0e48\u0e07\u0e04\u0e23\u0e31\u0e14\u0e28\u0e32\u0e2a\u0e19\u0e32", + "\u0e1c\u0e39\u0e49\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e41\u0e21\u0e48\u0e21\u0e14", + "\u0e40\u0e2b\u0e25\u0e49\u0e32\u0e40\u0e1a\u0e40\u0e19\u0e14\u0e34\u0e04\u0e44\u0e17\u0e19\u0e4c", + "\u0e19\u0e31\u0e01\u0e1a\u0e27\u0e0a\u0e19\u0e34\u0e01\u0e32\u0e22\u0e2d\u0e2d\u0e01\u0e31\u0e2a\u0e15\u0e34\u0e19", + "\u0e1c\u0e39\u0e49\u0e1a\u0e39\u0e0a\u0e32\u0e1e\u0e23\u0e30\u0e28\u0e31\u0e01\u0e15\u0e34", + "\u0e04\u0e19\u0e17\u0e35\u0e48\u0e44\u0e21\u0e48\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e27\u0e48\u0e32\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e21\u0e35\u0e08\u0e23\u0e34\u0e07", + "\u0e1e\u0e23\u0e30\u0e19\u0e34\u0e01\u0e32\u0e22\u0e42\u0e14\u0e21\u0e34\u0e19\u0e34\u0e01\u0e31\u0e19", + "\u0e0a\u0e32\u0e27\u0e42\u0e1b\u0e23\u0e40\u0e15\u0e2a\u0e2a\u0e41\u0e15\u0e19\u0e15\u0e4c", + "\u0e1c\u0e39\u0e49\u0e19\u0e31\u0e1a\u0e16\u0e37\u0e2d\u0e25\u0e31\u0e17\u0e18\u0e34\u0e41\u0e17\u0e23\u0e47\u0e01\u0e17\u0e32\u0e40\u0e23\u0e35\u0e22\u0e19\u0e34\u0e2a\u0e21\u0e4c", + "\u0e42\u0e1a\u0e2a\u0e16\u0e4c\u0e42\u0e23\u0e21\u0e31\u0e19\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e1c\u0e39\u0e49\u0e23\u0e31\u0e01\u0e29\u0e32\u0e27\u0e31\u0e19\u0e18\u0e23\u0e23\u0e21\u0e2a\u0e27\u0e19\u0e30", + "\u0e0a\u0e32\u0e27\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e19\u0e32\u0e0b\u0e32\u0e40\u0e23\u0e17", + "\u0e1e\u0e38\u0e17\u0e18\u0e28\u0e32\u0e2a\u0e19\u0e34\u0e01\u0e0a\u0e19", + "\u0e1c\u0e39\u0e49\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e41\u0e21\u0e48\u0e21\u0e14\u0e2b\u0e21\u0e2d\u0e1c\u0e35", + "\u0e20\u0e32\u0e29\u0e32\u0e21\u0e2d\u0e0d", + "\u0e0a\u0e32\u0e27\u0e42\u0e14\u0e21\u0e34\u0e19\u0e34\u0e01\u0e31\u0e19", + "\u0e1e\u0e38\u0e17\u0e18\u0e1a\u0e23\u0e34\u0e29\u0e31\u0e17", + "\u0e1c\u0e39\u0e49\u0e19\u0e31\u0e1a\u0e16\u0e37\u0e2d\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e2e\u0e34\u0e19\u0e14\u0e39", + "\u0e21\u0e2d\u0e23\u0e4c\u0e21\u0e2d\u0e19", + "\u0e0a\u0e32\u0e27\u0e2d\u0e30\u0e21\u0e34\u0e0a", + "\u0e2d\u0e2d\u0e2a\u0e15\u0e34\u0e19_\u0e40\u0e1f\u0e23\u0e35\u0e22\u0e23\u0e4c", + "\u0e1c\u0e39\u0e49\u0e17\u0e35\u0e48\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e27\u0e48\u0e32\u0e44\u0e21\u0e48\u0e21\u0e35\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32", + "\u0e0a\u0e32\u0e27\u0e2d\u0e34\u0e2a\u0e25\u0e32\u0e21", + "\u0e1c\u0e39\u0e49\u0e16\u0e37\u0e2d\u0e2d\u0e40\u0e17\u0e27\u0e19\u0e34\u0e22\u0e21", + "\u0e0a\u0e32\u0e27\u0e0b\u0e34\u0e01\u0e02\u0e4c", + "\u0e0a\u0e32\u0e27\u0e01\u0e23\u0e35\u0e01\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e40\u0e01\u0e35\u0e48\u0e22\u0e27\u0e01\u0e31\u0e1a\u0e42\u0e1a\u0e2a\u0e16\u0e4c\u0e41\u0e2d\u0e07\u0e25\u0e34\u0e01\u0e31\u0e19", + "\u0e0a\u0e32\u0e27\u0e21\u0e2d\u0e0d", + "\u0e0a\u0e32\u0e27\u0e21\u0e38\u0e2a\u0e25\u0e34\u0e21\u0e19\u0e34\u0e01\u0e32\u0e22\u0e2a\u0e38\u0e19\u0e2b\u0e19\u0e35\u0e48", + "\u0e1c\u0e39\u0e49\u0e1a\u0e39\u0e0a\u0e32\u0e1e\u0e23\u0e30\u0e01\u0e24\u0e29\u0e13\u0e30", + "\u0e1c\u0e39\u0e49\u0e1a\u0e39\u0e0a\u0e32\u0e1e\u0e23\u0e30\u0e28\u0e34\u0e27\u0e30", + "\u0e19\u0e31\u0e01\u0e27\u0e34\u0e0a\u0e32\u0e01\u0e32\u0e23\u0e2d\u0e34\u0e2a\u0e25\u0e32\u0e21\u0e28\u0e36\u0e01\u0e29\u0e32", + "\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e2d\u0e34\u0e2a\u0e25\u0e32\u0e21\u0e19\u0e34\u0e01\u0e32\u0e22\u0e2a\u0e38\u0e19\u0e2b\u0e19\u0e35\u0e48", + "\u0e0a\u0e32\u0e27\u0e42\u0e23\u0e21\u0e31\u0e19\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e19\u0e32\u0e0b\u0e32\u0e23\u0e35\u0e19", + "\u0e1c\u0e39\u0e49\u0e19\u0e31\u0e1a\u0e16\u0e37\u0e2d\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e1e\u0e38\u0e17\u0e18", + "\u0e0a\u0e32\u0e27\u0e21\u0e38\u0e2a\u0e25\u0e34\u0e21", + "\u0e04\u0e23\u0e39\u0e2a\u0e2d\u0e19\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e2d\u0e34\u0e2a\u0e25\u0e32\u0e21", + "\u0e0a\u0e32\u0e27\u0e1b\u0e32\u0e23\u0e4c\u0e0b\u0e35", + "\u0e1c\u0e39\u0e49\u0e19\u0e31\u0e1a\u0e16\u0e37\u0e2d\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e2d\u0e34\u0e2a\u0e25\u0e32\u0e21", + "\u0e1c\u0e39\u0e49\u0e1a\u0e39\u0e0a\u0e32\u0e1e\u0e23\u0e30\u0e27\u0e34\u0e29\u0e13\u0e38" + ], + "SOC_ECO_CLASS": [ + "\u0e0a\u0e31\u0e49\u0e19\u0e25\u0e48\u0e32\u0e07\u0e1a\u0e19", + "\u0e15\u0e4d\u0e32\u0e41\u0e2b\u0e19\u0e48\u0e07\u0e1a\u0e32\u0e23\u0e2d\u0e40\u0e19\u0e15", + "\u0e01\u0e23\u0e30\u0e0e\u0e38\u0e21\u0e1e\u0e35\u0e19\u0e49\u0e2d\u0e22", + "\u0e0a\u0e21\u0e23\u0e21\u0e19\u0e31\u0e01\u0e28\u0e36\u0e01\u0e29\u0e32\u0e0a\u0e32\u0e22", + "\u0e15\u0e25\u0e32\u0e14\u0e21\u0e37\u0e14", + "\u0e0b\u0e36\u0e48\u0e07\u0e40\u0e1b\u0e47\u0e19\u0e0a\u0e19\u0e0a\u0e31\u0e49\u0e19\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19", + "\u0e01\u0e23\u0e30\u0e0e\u0e38\u0e21\u0e1e\u0e35", + "\u0e2a\u0e31\u0e07\u0e04\u0e21\u0e0a\u0e31\u0e49\u0e19\u0e2a\u0e39\u0e07", + "\u0e01\u0e4d\u0e32\u0e25\u0e31\u0e07\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19", + "\u0e01\u0e23\u0e30\u0e01\u0e0e\u0e38\u0e21\u0e1e\u0e35\u0e19\u0e49\u0e2d\u0e22", + "\u0e0a\u0e31\u0e49\u0e19\u0e22\u0e48\u0e2d\u0e22", + "\u0e04\u0e27\u0e32\u0e21\u0e23\u0e39\u0e49\u0e2a\u0e36\u0e01\u0e09\u0e31\u0e19\u0e1e\u0e35\u0e48\u0e19\u0e49\u0e2d\u0e07", + "\u0e0a\u0e31\u0e49\u0e19\u0e01\u0e25\u0e32\u0e07", + "\u0e01\u0e32\u0e23\u0e22\u0e37\u0e19\u0e02\u0e27\u0e32\u0e07\u0e1c\u0e39\u0e49\u0e40\u0e25\u0e48\u0e19\u0e1d\u0e48\u0e32\u0e22\u0e23\u0e31\u0e1a", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2b\u0e31\u0e27\u0e01\u0e30\u0e17\u0e34", + "\u0e07\u0e32\u0e19\u0e01\u0e23\u0e23\u0e21\u0e01\u0e23", + "\u0e08\u0e31\u0e07\u0e2b\u0e27\u0e31\u0e14\u0e42\u0e0a\u0e40\u0e0b\u0e19", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e04\u0e19\u0e2a\u0e32\u0e21\u0e31\u0e0d", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e19\u0e31\u0e01\u0e28\u0e36\u0e01\u0e29\u0e32\u0e0a\u0e32\u0e22", + "\u0e0a\u0e31\u0e49\u0e19\u0e01\u0e25\u0e32\u0e07\u0e25\u0e48\u0e32\u0e07", + "\u0e04\u0e23\u0e35\u0e21\u0e1a\u0e4d\u0e32\u0e23\u0e38\u0e07\u0e1c\u0e34\u0e27", + "\u0e15\u0e23\u0e32\u0e01\u0e15\u0e23\u0e4d\u0e32\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19", + "\u0e01\u0e2a\u0e34\u0e01\u0e23\u0e23\u0e21", + "\u0e01\u0e23\u0e23\u0e21\u0e32\u0e0a\u0e35\u0e1e", + "\u0e15\u0e23\u0e32\u0e01\u0e15\u0e23\u0e4d\u0e32" + ], + "DATE": [ + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e23\u0e48\u0e07\u0e40\u0e02\u0e49\u0e32\u0e2b\u0e32\u0e28\u0e39\u0e19\u0e22\u0e4c\u0e01\u0e25\u0e32\u0e07", + "\u0e19\u0e32\u0e17\u0e35\u0e2a\u0e38\u0e14\u0e17\u0e49\u0e32\u0e22", + "11_\u0e01\u0e31\u0e19\u0e22\u0e32\u0e22\u0e19", + "\u0e01\u0e32\u0e23\u0e25\u0e32\u0e1b\u0e48\u0e27\u0e22", + "\u0e04\u0e32\u0e23\u0e4c\u0e14\u0e34\u0e41\u0e2d\u0e01\u0e40\u0e2d\u0e32\u0e15\u0e4c\u0e1e\u0e38\u0e15", + "\u0e41\u0e21\u0e48\u0e1e\u0e23\u0e30\u0e23\u0e31\u0e1a\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34\u0e22\u0e01\u0e02\u0e36\u0e49\u0e19\u0e2a\u0e27\u0e23\u0e23\u0e04\u0e4c", + "\u0e2a\u0e34\u0e1a\u0e2b\u0e49\u0e32\u0e19\u0e32\u0e17\u0e35", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e01\u0e30\u0e40\u0e0a\u0e49\u0e32", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e01\u0e30\u0e40\u0e22\u0e47\u0e19", + "\u0e44\u0e21\u0e25\u0e4c\u0e15\u0e48\u0e2d\u0e0a\u0e31\u0e48\u0e27\u0e42\u0e21\u0e07", + "\u0e2d\u0e18\u0e34\u0e01\u0e27\u0e34\u0e19\u0e32\u0e17\u0e35", + "\u0e01\u0e32\u0e23\u0e40\u0e14\u0e37\u0e2d\u0e19\u0e1e\u0e24\u0e28\u0e08\u0e34\u0e01\u0e32\u0e22\u0e19", + "\u0e40\u0e1b\u0e47\u0e19\u0e04\u0e23\u0e31\u0e49\u0e07\u0e41\u0e23\u0e01", + "\u0e2b\u0e19\u0e36\u0e48\u0e07\u0e04\u0e23\u0e31\u0e49\u0e07", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e23\u0e47\u0e27\u0e41\u0e19\u0e27\u0e40\u0e25\u0e47\u0e07", + "\u0e15\u0e2d\u0e19\u0e40\u0e23\u0e34\u0e48\u0e21\u0e15\u0e49\u0e19", + "\u0e19\u0e34\u0e15\u0e34\u0e20\u0e32\u0e27\u0e30", + "\u0e22\u0e38\u0e04\u0e23\u0e38\u0e48\u0e07\u0e42\u0e23\u0e08\u0e19\u0e4c", + "\u0e27\u0e34\u0e01\u0e24\u0e15\u0e34\u0e27\u0e31\u0e19\u0e2a\u0e34\u0e49\u0e19\u0e42\u0e25\u0e01", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e23\u0e47\u0e27\u0e2b\u0e25\u0e38\u0e14\u0e1e\u0e49\u0e19", + "\u0e04\u0e48\u0e32\u0e04\u0e07\u0e15\u0e31\u0e27\u0e2a\u0e38\u0e23\u0e34\u0e22\u0e30", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e01\u0e30\u0e14\u0e36\u0e01", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e01\u0e30\u0e01\u0e25\u0e32\u0e07\u0e27\u0e31\u0e19", + "\u0e01\u0e32\u0e23\u0e44\u0e1b\u0e40\u0e17\u0e35\u0e48\u0e22\u0e27\u0e19\u0e2d\u0e01\u0e1a\u0e49\u0e32\u0e19\u0e41\u0e25\u0e30\u0e17\u0e4d\u0e32\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e44\u0e1b\u0e17\u0e32\u0e19\u0e19\u0e2d\u0e01\u0e1a\u0e49\u0e32\u0e19", + "\u0e23\u0e32\u0e15\u0e23\u0e35\u0e17\u0e35\u0e48\u0e2a\u0e34\u0e1a\u0e2a\u0e2d\u0e07", + "\u0e04\u0e27\u0e32\u0e21\u0e08\u0e38\u0e0a\u0e48\u0e2d\u0e07\u0e2a\u0e31\u0e0d\u0e0d\u0e32\u0e13", + "\u0e04\u0e23\u0e36\u0e48\u0e07\u0e0a\u0e35\u0e27\u0e34\u0e15", + "\u0e23\u0e31\u0e0a\u0e14\u0e32\u0e20\u0e34\u0e40\u0e29\u0e01", + "\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e4c\u0e28\u0e31\u0e01\u0e23\u0e32\u0e0a", + "\u0e08\u0e38\u0e14\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e17", + "\u0e22\u0e38\u0e04\u0e23\u0e38\u0e48\u0e07\u0e40\u0e23\u0e37\u0e2d\u0e07", + "\u0e04\u0e37\u0e19\u0e17\u0e35\u0e48\u0e2a\u0e34\u0e1a\u0e2a\u0e2d\u0e07\u0e2b\u0e25\u0e31\u0e07\u0e27\u0e31\u0e19\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e4c\u0e21\u0e32\u0e2a", + "\u0e1b\u0e23\u0e34\u0e21\u0e32\u0e15\u0e23\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e2a\u0e48\u0e07\u0e2d\u0e2d\u0e01\u0e08\u0e32\u0e01\u0e2b\u0e31\u0e27\u0e43\u0e08\u0e15\u0e48\u0e2d\u0e19\u0e32\u0e17\u0e35", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e40\u0e27\u0e25\u0e32", + "\u0e01\u0e32\u0e23\u0e1b\u0e0f\u0e34\u0e27\u0e31\u0e15\u0e34\u0e2d\u0e38\u0e15\u0e2a\u0e2b\u0e01\u0e23\u0e23\u0e21", + "\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e4c\u0e28\u0e01", + "\u0e01\u0e32\u0e23\u0e1b\u0e0f\u0e34\u0e27\u0e31\u0e15\u0e34\u0e2d\u0e38\u0e15\u0e2a\u0e32\u0e2b\u0e01\u0e23\u0e23\u0e21", + "\u0e04\u0e27\u0e32\u0e21\u0e08\u0e38\u0e02\u0e2d\u0e07\u0e0a\u0e48\u0e2d\u0e07\u0e2a\u0e31\u0e0d\u0e0d\u0e32\u0e13", + "\u0e25\u0e39\u0e40\u0e17\u0e35\u0e22\u0e25\u0e40\u0e1f\u0e2a", + "\u0e40\u0e21\u0e22\u0e4c\u0e44\u0e27\u0e19\u0e4c", + "\u0e15\u0e2d\u0e19\u0e41\u0e23\u0e01", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e01\u0e30\u0e01\u0e25\u0e32\u0e07\u0e04\u0e37\u0e19", + "\u0e01\u0e32\u0e23\u0e40\u0e14\u0e37\u0e2d\u0e19\u0e21\u0e35\u0e19\u0e32\u0e04\u0e21", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e02\u0e2d\u0e07\u0e40\u0e27\u0e25\u0e32", + "\u0e04\u0e23\u0e36\u0e48\u0e07\u0e0a\u0e31\u0e48\u0e27\u0e42\u0e21\u0e07", + "\u0e01\u0e34\u0e42\u0e25\u0e40\u0e21\u0e15\u0e23\u0e15\u0e48\u0e2d\u0e0a\u0e31\u0e48\u0e27\u0e42\u0e21\u0e07", + "\u0e22\u0e35\u0e48\u0e2a\u0e34\u0e1a\u0e2b\u0e49\u0e32\u0e1b\u0e35", + "\u0e19\u0e27\u0e08\u0e31\u0e19\u0e17\u0e23\u0e32", + "\u0e15\u0e4d\u0e32\u0e41\u0e2b\u0e19\u0e48\u0e07\u0e23\u0e2d\u0e07\u0e1b\u0e23\u0e30\u0e18\u0e32\u0e19\u0e32\u0e18\u0e34\u0e1a\u0e14\u0e35", + "\u0e22\u0e38\u0e04\u0e17\u0e2d\u0e07" + ], + "PLANT": [ + "\u0e40\u0e22\u0e37\u0e48\u0e2d\u0e2b\u0e38\u0e49\u0e21", + "\u0e20\u0e32\u0e29\u0e32\u0e08\u0e35\u0e19\u0e41\u0e21\u0e19\u0e14\u0e32\u0e23\u0e34\u0e19", + "\u0e41\u0e21\u0e19\u0e40\u0e14\u0e23\u0e01", + "\u0e02\u0e49\u0e32\u0e27\u0e42\u0e1e\u0e14\u0e2b\u0e27\u0e32\u0e19", + "\u0e27\u0e07\u0e28\u0e4c\u0e08\u0e35\u0e21\u0e42\u0e19\u0e2a\u0e40\u0e1b\u0e34\u0e23\u0e4c\u0e21", + "\u0e17\u0e35\u0e48\u0e21\u0e35\u0e2a\u0e35\u0e25\u0e32\u0e40\u0e27\u0e19\u0e40\u0e14\u0e2d\u0e23\u0e4c", + "\u0e2b\u0e31\u0e27\u0e2b\u0e2d\u0e21\u0e2d\u0e35\u0e22\u0e34\u0e1b\u0e15\u0e4c", + "\u0e27\u0e07\u0e28\u0e4c\u0e1e\u0e37\u0e0a", + "\u0e27\u0e07\u0e28\u0e4c\u0e19\u0e01\u0e1b\u0e31\u0e01\u0e29\u0e32\u0e2a\u0e27\u0e23\u0e23\u0e04\u0e4c", + "\u0e27\u0e07\u0e28\u0e4c\u0e2e\u0e32\u0e21\u0e32\u0e21\u0e35\u0e25\u0e34\u0e14\u0e14\u0e34\u0e04\u0e2d\u0e15", + "\u0e23\u0e39\u0e40\u0e1e\u0e2a\u0e17\u0e23\u0e31\u0e25\u0e40\u0e1e\u0e25\u0e19\u0e15\u0e4c", + "\u0e44\u0e27\u0e15\u0e4c\u0e41\u0e21\u0e23\u0e4c", + "\u0e21\u0e32\u0e23\u0e4c\u0e08\u0e34\u0e19\u0e2d\u0e25\u0e27\u0e39\u0e49\u0e14\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e04\u0e19\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e2a\u0e23\u0e49\u0e32\u0e07\u0e2a\u0e23\u0e23\u0e04\u0e4c", + "\u0e21\u0e49\u0e32\u0e2a\u0e35\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e32\u0e25\u0e2d\u0e21\u0e41\u0e14\u0e07\u0e2d\u0e48\u0e2d\u0e19", + "\u0e01\u0e32\u0e41\u0e1f\u0e43\u0e1a\u0e43\u0e2b\u0e0d\u0e48", + "\u0e04\u0e2d\u0e23\u0e4c\u0e19\u0e1f\u0e25\u0e32\u0e27\u0e40\u0e27\u0e2d\u0e23\u0e4c", + "\u0e23\u0e30\u0e1a\u0e1a\u0e2a\u0e37\u0e1a\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e01\u0e23\u0e30\u0e14\u0e31\u0e07\u0e07\u0e32", + "\u0e19\u0e49\u0e4d\u0e32\u0e40\u0e07\u0e34\u0e19\u0e2d\u0e21\u0e41\u0e14\u0e07", + "\u0e08\u0e31\u0e19\u0e17\u0e19\u0e4c", + "\u0e02\u0e49\u0e32\u0e27\u0e1f\u0e48\u0e32\u0e07\u0e2b\u0e32\u0e07\u0e2b\u0e21\u0e32", + "\u0e40\u0e21\u0e25\u0e47\u0e14\u0e25\u0e30\u0e2b\u0e38\u0e48\u0e07", + "\u0e40\u0e21\u0e25\u0e47\u0e14\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e1e\u0e23\u0e34\u0e01\u0e44\u0e17\u0e22\u0e14\u0e4d\u0e32", + "\u0e27\u0e07\u0e28\u0e4c\u0e25\u0e34\u0e25\u0e35\u0e14\u0e42\u0e21\u0e42\u0e19\u0e04\u0e2d\u0e15", + "\u0e19\u0e49\u0e4d\u0e32\u0e40\u0e15\u0e49\u0e32\u0e15\u0e49\u0e19", + "\u0e41\u0e1b\u0e49\u0e07\u0e21\u0e31\u0e19\u0e2a\u0e4d\u0e32\u0e1b\u0e30\u0e2b\u0e25\u0e31\u0e07", + "\u0e40\u0e25\u0e21\u0e2d\u0e19\u0e1a\u0e32\u0e25\u0e4c\u0e21", + "\u0e27\u0e07\u0e28\u0e4c\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e27\u0e07\u0e28\u0e4c\u0e21\u0e2d\u0e2a", + "\u0e21\u0e49\u0e32\u0e2a\u0e35\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e32\u0e25\u0e41\u0e01\u0e48", + "\u0e27\u0e07\u0e28\u0e4c\u0e41\u0e2d\u0e2a\u0e15\u0e35\u0e23\u0e34\u0e14\u0e14\u0e34\u0e04\u0e2d\u0e15", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e40\u0e21\u0e25\u0e47\u0e14\u0e40\u0e23\u0e1e", + "\u0e2e\u0e32\u0e23\u0e4c\u0e15\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e23\u0e35\u0e48", + "\u0e01\u0e23\u0e30\u0e40\u0e08\u0e35\u0e4a\u0e22\u0e1a\u0e21\u0e2d\u0e0d", + "\u0e25\u0e39\u0e01\u0e2b\u0e21\u0e32\u0e01", + "candida_albicans", + "\u0e25\u0e39\u0e01\u0e1a\u0e31\u0e1f\u0e1f\u0e32\u0e42\u0e25\u0e19\u0e31\u0e17", + "\u0e27\u0e07\u0e28\u0e4c\u0e42\u0e23\u0e0b\u0e34\u0e14\u0e14\u0e34\u0e04\u0e2d\u0e15", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e04\u0e32\u0e41\u0e19\u0e19\u0e01\u0e32", + "\u0e0b\u0e31\u0e21\u0e40\u0e21\u0e2d\u0e23\u0e4c\u0e2a\u0e04\u0e27\u0e47\u0e2d\u0e0a", + "\u0e44\u0e27\u0e19\u0e4c\u0e19\u0e35\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32\u0e19\u0e32", + "\u0e2b\u0e21\u0e27\u0e01\u0e23\u0e32\u0e01", + "\u0e2e\u0e31\u0e1a\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e14\u0e2a\u0e04\u0e27\u0e47\u0e2d\u0e0a", + "\u0e40\u0e0b\u0e25\u0e25\u0e4c\u0e1e\u0e37\u0e0a", + "\u0e19\u0e2d\u0e23\u0e4c\u0e40\u0e17\u0e34\u0e23\u0e4c\u0e19\u0e2e\u0e2d\u0e25\u0e25\u0e35\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e1e\u0e37\u0e0a\u0e1e\u0e27\u0e01\u0e1b\u0e23\u0e07", + "\u0e2a\u0e15\u0e23\u0e35\u0e21\u0e2d\u0e2d\u0e23\u0e4c\u0e04\u0e34\u0e14", + "\u0e40\u0e21\u0e25\u0e47\u0e14\u0e16\u0e31\u0e48\u0e27\u0e25\u0e31\u0e19\u0e40\u0e15\u0e32", + "\u0e2a\u0e40\u0e01\u0e25\u0e35\u0e15\u0e31\u0e19\u0e1f\u0e2d\u0e23\u0e4c\u0e01\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e42\u0e01\u0e25\u0e40\u0e14\u0e49\u0e19\u0e04\u0e2d\u0e25\u0e25\u0e32", + "\u0e25\u0e39\u0e01\u0e2a\u0e42\u0e25", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e41\u0e04\u0e2a\u0e04\u0e32\u0e23\u0e34\u0e25\u0e25\u0e32", + "\u0e41\u0e2d\u0e1b\u0e40\u0e1b\u0e34\u0e49\u0e25\u0e1b\u0e39", + "\u0e40\u0e2e\u0e14\u0e08\u0e4c\u0e2e\u0e47\u0e2d\u0e01\u0e0b\u0e35\u0e40\u0e23\u0e35\u0e22\u0e2a", + "\u0e40\u0e0b\u0e19\u0e15\u0e34\u0e14\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e21\u0e31\u0e19\u0e1d\u0e23\u0e31\u0e48\u0e07\u0e2d\u0e38\u0e23\u0e38\u0e01\u0e27\u0e31\u0e22", + "\u0e40\u0e21\u0e25\u0e2d\u0e2d\u0e23\u0e4c\u0e04\u0e34\u0e2a", + "\u0e21\u0e2d\u0e2a\u0e0b\u0e35\u0e0b\u0e32\u0e0b\u0e34\u0e41\u0e1f\u0e23\u0e01", + "\u0e14\u0e32\u0e23\u0e4c\u0e04\u0e0a\u0e47\u0e2d\u0e01\u0e42\u0e01\u0e41\u0e25\u0e15", + "\u0e41\u0e2d\u0e07\u0e42\u0e0a\u0e27\u0e35\u0e41\u0e1e\u0e23\u0e4c", + "\u0e27\u0e07\u0e28\u0e4c\u0e04\u0e32\u0e44\u0e23\u0e42\u0e2d\u0e44\u0e1f\u0e25\u0e4c\u0e25\u0e2d\u0e22\u0e14\u0e4c", + "\u0e25\u0e39\u0e01\u0e1a\u0e32\u0e23\u0e4c\u0e1a\u0e32\u0e14\u0e2d\u0e2a\u0e01\u0e39\u0e2a\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e23\u0e35\u0e48", + "\u0e2d\u0e32\u0e23\u0e4c\u0e15\u0e34\u0e2a\u0e15\u0e4c", + "\u0e2d\u0e31\u0e19\u0e14\u0e31\u0e1a\u0e44\u0e21\u0e0b\u0e35\u0e40\u0e25\u0e35\u0e22\u0e2a\u0e15\u0e35\u0e23\u0e34\u0e40\u0e25\u0e35\u0e22", + "\u0e40\u0e15\u0e48\u0e32\u0e23\u0e49\u0e32\u0e07", + "\u0e25\u0e39\u0e01\u0e41\u0e04\u0e23\u0e19\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e23\u0e35\u0e48", + "\u0e27\u0e07\u0e28\u0e4c\u0e14\u0e34\u0e04\u0e2d\u0e15", + "\u0e0a\u0e32\u0e27\u0e42\u0e2d\u0e44\u0e2e\u0e42\u0e2d", + "\u0e04\u0e19\u0e1c\u0e25\u0e34\u0e15\u0e07\u0e32\u0e19\u0e2a\u0e23\u0e49\u0e32\u0e07\u0e2a\u0e23\u0e23\u0e04\u0e4c", + "\u0e27\u0e07\u0e28\u0e4c\u0e40\u0e0a\u0e37\u0e49\u0e2d\u0e23\u0e32", + "\u0e01\u0e32\u0e23\u0e1a\u0e39\u0e23", + "\u0e27\u0e07\u0e28\u0e4c\u0e42\u0e21\u0e42\u0e19\u0e04\u0e2d\u0e15", + "\u0e25\u0e34\u0e49\u0e19\u0e27\u0e31\u0e27", + "\u0e08\u0e32\u0e44\u0e21\u0e01\u0e49\u0e32\u0e04\u0e27\u0e32\u0e2a\u0e40\u0e0b\u0e35\u0e22", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e21\u0e31\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e14", + "\u0e40\u0e21\u0e25\u0e47\u0e14\u0e1b\u0e4a\u0e2d\u0e1b\u0e1b\u0e35\u0e49", + "\u0e40\u0e21\u0e25\u0e47\u0e14\u0e21\u0e31\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e14", + "\u0e2b\u0e21\u0e32\u0e08\u0e34\u0e49\u0e07\u0e08\u0e2d\u0e01\u0e41\u0e14\u0e07", + "\u0e01\u0e32\u0e23\u0e40\u0e1e\u0e32\u0e30\u0e1b\u0e25\u0e39\u0e01\u0e41\u0e04\u0e23\u0e2d\u0e17", + "saccharomyces_cerevisiae", + "\u0e44\u0e21\u0e49\u0e41\u0e1a\u0e47\u0e01\u0e42\u0e25\u0e04\u0e31\u0e2a\u0e15\u0e4c", + "\u0e01\u0e23\u0e30\u0e14\u0e31\u0e07\u0e07\u0e32\u0e44\u0e17\u0e22", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e40\u0e23\u0e1e\u0e0b\u0e35\u0e14", + "\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e40\u0e2d\u0e34\u0e23\u0e4c\u0e17\u0e1a\u0e2d\u0e25", + "\u0e01\u0e23\u0e30\u0e14\u0e32\u0e29\u0e1b\u0e32\u0e1b\u0e34\u0e23\u0e38\u0e2a", + "\u0e2d\u0e31\u0e19\u0e14\u0e31\u0e1a\u0e40\u0e0a\u0e37\u0e49\u0e2d\u0e23\u0e32", + "\u0e2d\u0e27\u0e31\u0e22\u0e27\u0e30\u0e02\u0e2d\u0e07\u0e1e\u0e37\u0e0a", + "\u0e2d\u0e34\u0e19\u0e40\u0e14\u0e35\u0e22\u0e19\u0e1a\u0e31\u0e15\u0e15\u0e2d\u0e19\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e08\u0e34\u0e49\u0e07\u0e08\u0e2d\u0e01\u0e41\u0e14\u0e07", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e41\u0e04\u0e2a\u0e40\u0e0b\u0e35\u0e22", + "\u0e40\u0e25\u0e2a\u0e40\u0e0b\u0e2d\u0e23\u0e4c\u0e40\u0e27\u0e22\u0e4c\u0e40\u0e1a\u0e25\u0e14", + "\u0e2d\u0e31\u0e19\u0e14\u0e31\u0e1a\u0e1e\u0e37\u0e0a", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e0b\u0e34\u0e19\u0e42\u0e04\u0e19\u0e32", + "\u0e44\u0e21\u0e49\u0e08\u0e31\u0e19\u0e17\u0e19\u0e4c", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e04\u0e32\u0e42\u0e19\u0e25\u0e32", + "\u0e41\u0e2d\u0e1f\u0e23\u0e34\u0e01\u0e31\u0e19\u0e44\u0e27\u0e42\u0e2d\u0e40\u0e25\u0e47\u0e15", + "\u0e28\u0e34\u0e25\u0e1b\u0e34\u0e19", + "\u0e40\u0e27\u0e2d\u0e23\u0e4c\u0e08\u0e34\u0e40\u0e19\u0e35\u0e22\u0e40\u0e0a\u0e19\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e20\u0e32\u0e29\u0e32\u0e21\u0e32\u0e23\u0e32\u0e15\u0e34", + "\u0e42\u0e01\u0e42\u0e01\u0e49\u0e1a\u0e35\u0e19", + "\u0e02\u0e49\u0e32\u0e27\u0e1f\u0e48\u0e32\u0e07\u0e2a\u0e32\u0e21\u0e07\u0e48\u0e32\u0e21", + "\u0e04\u0e39\u0e23\u0e4c\u0e1a\u0e32\u0e23\u0e34\u0e25\u0e42\u0e04\u0e1b\u0e2d\u0e25", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e40\u0e22\u0e37\u0e48\u0e2d\u0e25\u0e4d\u0e32\u0e40\u0e25\u0e35\u0e22\u0e07", + "\u0e2a\u0e32\u0e2b\u0e23\u0e48\u0e32\u0e22\u0e40\u0e14\u0e19\u0e0b\u0e48\u0e32", + "\u0e27\u0e07\u0e28\u0e4c\u0e14\u0e34\u0e25\u0e25\u0e35\u0e19\u0e35\u0e14\u0e14\u0e34\u0e04\u0e2d\u0e15", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e41\u0e2d\u0e07\u0e01\u0e2d\u0e2a\u0e15\u0e39\u0e23\u0e32", + "\u0e42\u0e04\u0e23\u0e07\u0e2a\u0e23\u0e49\u0e32\u0e07\u0e02\u0e2d\u0e07\u0e1e\u0e37\u0e0a", + "\u0e01\u0e23\u0e30\u0e14\u0e31\u0e07\u0e07\u0e32", + "\u0e40\u0e21\u0e25\u0e47\u0e14\u0e14\u0e2d\u0e01\u0e04\u0e4d\u0e32\u0e1d\u0e2d\u0e22", + "\u0e42\u0e2d\u0e25\u0e34\u0e42\u0e01\u0e42\u0e1b\u0e23\u0e31\u0e2a\u0e25\u0e34\u0e27\u0e42\u0e04\u0e2a\u0e1b\u0e2d\u0e19\u0e40\u0e08\u0e35\u0e22", + "\u0e1e\u0e2d\u0e22\u0e0b\u0e31\u0e19\u0e44\u0e2d\u0e27\u0e35", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e41\u0e21\u0e01\u0e42\u0e19\u0e40\u0e25\u0e35\u0e22", + "\u0e40\u0e17\u0e2d\u0e23\u0e4c\u0e40\u0e1a\u0e19\u0e2a\u0e04\u0e27\u0e47\u0e2d\u0e0a", + "\u0e40\u0e01\u0e25\u0e14\u0e40\u0e1f\u0e34\u0e23\u0e4c\u0e19", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e40\u0e22\u0e37\u0e48\u0e2d\u0e1e\u0e37\u0e0a", + "\u0e40\u0e27\u0e22\u0e4c\u0e40\u0e1a\u0e25\u0e14\u0e43\u0e1a\u0e01\u0e27\u0e49\u0e32\u0e07", + "\u0e15\u0e48\u0e2d\u0e21\u0e44\u0e1e\u0e40\u0e19\u0e35\u0e22\u0e25", + "\u0e40\u0e22\u0e25\u0e42\u0e25\u0e27\u0e4c\u0e40\u0e25\u0e14\u0e35\u0e49\u0e2a\u0e25\u0e34\u0e1b\u0e40\u0e1b\u0e2d\u0e23\u0e4c", + "\u0e2a\u0e35\u0e41\u0e14\u0e07\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e23\u0e35\u0e48", + "\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e41\u0e2d\u0e1b\u0e40\u0e1b\u0e34\u0e49\u0e25", + "\u0e44\u0e21\u0e49\u0e41\u0e0b\u0e19\u0e14\u0e31\u0e25\u0e27\u0e39\u0e49\u0e14", + "\u0e40\u0e1a\u0e25\u0e25\u0e32\u0e14\u0e2d\u0e19\u0e19\u0e32", + "\u0e2a\u0e1b\u0e2d\u0e23\u0e4c\u0e21\u0e32\u0e40\u0e17\u0e2d\u0e23\u0e4c\u0e40\u0e0b\u0e25\u0e25\u0e4c", + "\u0e02\u0e49\u0e32\u0e27\u0e1b\u0e48\u0e32", + "\u0e40\u0e21\u0e25\u0e47\u0e14\u0e16\u0e31\u0e48\u0e27" + ], + "LOCATION": [ + "\u0e27\u0e31\u0e19\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e21\u0e32\u0e23\u0e4c\u0e15\u0e34\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e0b\u0e32\u0e42\u0e08\u0e40\u0e2d\u0e32\u0e40\u0e14\u0e2d\u0e21\u0e35\u0e23\u0e34\u0e15\u0e34", + "\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32", + "\u0e23\u0e35\u0e2a\u0e2d\u0e23\u0e4c\u0e17\u0e41\u0e2d\u0e19\u0e14\u0e4c\u0e2a\u0e1b\u0e32", + "\u0e40\u0e04\u0e49\u0e01\u0e1f\u0e2d\u0e07\u0e19\u0e49\u0e4d\u0e32", + "\u0e0a\u0e32\u0e27\u0e17\u0e27\u0e35\u0e1b\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32", + "\u0e18\u0e19\u0e32\u0e04\u0e32\u0e23\u0e01\u0e25\u0e32\u0e07", + "\u0e23\u0e31\u0e10\u0e1a\u0e32\u0e25\u0e17\u0e2b\u0e32\u0e23", + "\u0e42\u0e23\u0e07\u0e07\u0e32\u0e19\u0e2a\u0e34\u0e48\u0e07\u0e17\u0e2d", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e19\u0e15\u0e4c", + "\u0e40\u0e14\u0e2d\u0e30\u0e42\u0e23\u0e25\u0e25\u0e34\u0e07\u0e2a\u0e42\u0e15\u0e19\u0e2a\u0e4c", + "\u0e23\u0e31\u0e10\u0e2d\u0e2d\u0e2a\u0e40\u0e15\u0e23\u0e40\u0e25\u0e35\u0e22\u0e15\u0e30\u0e27\u0e31\u0e19\u0e15\u0e01", + "\u0e14\u0e32\u0e27\u0e40\u0e2d\u0e1b\u0e0b\u0e34\u0e25\u0e2d\u0e19\u0e2d\u0e2d\u0e23\u0e34\u0e41\u0e01", + "\u0e01\u0e32\u0e23\u0e40\u0e04\u0e32\u0e23\u0e1e", + "\u0e17\u0e48\u0e32\u0e40\u0e23\u0e37\u0e2d\u0e1b\u0e25\u0e2d\u0e14\u0e20\u0e32\u0e29\u0e35", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e2a\u0e38\u0e19\u0e31\u0e02\u0e25\u0e48\u0e32\u0e40\u0e19\u0e37\u0e49\u0e2d", + "\u0e44\u0e21\u0e49\u0e2a\u0e04\u0e27\u0e2d\u0e0a", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e17\u0e48\u0e32\u0e40\u0e2a\u0e23\u0e35", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e40\u0e2e\u0e40\u0e25\u0e19\u0e32", + "\u0e42\u0e2d\u0e25\u0e14\u0e4c\u0e41\u0e17\u0e23\u0e1f\u0e1f\u0e2d\u0e23\u0e4c\u0e14", + "\u0e40\u0e2a\u0e35\u0e22\u0e21\u0e23\u0e32\u0e10", + "\u0e19\u0e49\u0e4d\u0e32\u0e08\u0e37\u0e14", + "\u0e1a\u0e32\u0e23\u0e4c\u0e23\u0e34\u0e40\u0e2d\u0e2d\u0e23\u0e4c\u0e23\u0e35\u0e1f", + "\u0e22\u0e48\u0e32\u0e19\u0e01\u0e32\u0e23\u0e04\u0e49\u0e32", + "\u0e14\u0e34\u0e27\u0e40\u0e17\u0e2d\u0e40\u0e23\u0e35\u0e22\u0e21\u0e2d\u0e2d\u0e01\u0e44\u0e0b\u0e14\u0e4c", + "\u0e22\u0e48\u0e32\u0e19\u0e18\u0e38\u0e23\u0e01\u0e34\u0e08", + "\u0e27\u0e34\u0e28\u0e27\u0e01\u0e23\u0e23\u0e21\u0e42\u0e22\u0e18\u0e32", + "\u0e01\u0e32\u0e23\u0e02\u0e2d\u0e1a\u0e1e\u0e23\u0e30\u0e04\u0e38\u0e13", + "\u0e22\u0e48\u0e32\u0e19\u0e14\u0e32\u0e27\u0e19\u0e4c\u0e17\u0e32\u0e27\u0e19\u0e4c", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e0b\u0e32\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e19\u0e32\u0e23\u0e4c\u0e42\u0e14\u0e42\u0e14\u0e41\u0e04\u0e21\u0e42\u0e1b", + "\u0e2a\u0e20\u0e32\u0e1c\u0e39\u0e49\u0e41\u0e17\u0e19\u0e23\u0e32\u0e29\u0e0e\u0e23\u0e1d\u0e23\u0e31\u0e48\u0e07\u0e40\u0e28\u0e2a", + "\u0e22\u0e39\u0e40\u0e2d\u0e2a", + "\u0e19\u0e34\u0e27\u0e40\u0e21\u0e47\u0e01\u0e0b\u0e34\u0e42\u0e01", + "\u0e2a\u0e38\u0e25\u0e15\u0e48\u0e32\u0e19\u0e2d\u0e2d\u0e2a\u0e21\u0e31\u0e19\u0e17\u0e35\u0e48_1", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e25\u0e38\u0e07\u0e41\u0e0b\u0e21", + "\u0e27\u0e31\u0e19\u0e02\u0e36\u0e49\u0e19\u0e1b\u0e35\u0e43\u0e2b\u0e21\u0e48", + "\u0e23\u0e31\u0e10\u0e41\u0e0b\u0e01\u0e42\u0e0b\u0e19\u0e35_\u0e2d\u0e31\u0e19\u0e2e\u0e31\u0e25\u0e15\u0e4c", + "\u0e2a\u0e16\u0e32\u0e19\u0e17\u0e35\u0e48\u0e40\u0e1e\u0e32\u0e30\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e2b\u0e2d\u0e22\u0e19\u0e32\u0e07\u0e23\u0e21", + "\u0e40\u0e17\u0e28\u0e1a\u0e32\u0e25\u0e19\u0e04\u0e23\u0e2b\u0e32\u0e14\u0e43\u0e2b\u0e0d\u0e48", + "\u0e23\u0e30\u0e22\u0e30\u0e2a\u0e32\u0e22\u0e15\u0e32", + "\u0e27\u0e31\u0e19\u0e1b\u0e35\u0e43\u0e2b\u0e21\u0e48", + "\u0e15\u0e25\u0e32\u0e14\u0e0b\u0e37\u0e49\u0e2d\u0e02\u0e32\u0e22\u0e02\u0e49\u0e32\u0e27", + "\u0e01\u0e32\u0e23\u0e02\u0e2d\u0e1a\u0e43\u0e08", + "\u0e0b\u0e32\u0e19\u0e40\u0e15\u0e35\u0e22\u0e42\u0e01\u0e40\u0e14\u0e25\u0e40\u0e2d\u0e2a\u0e40\u0e15\u0e42\u0e23", + "\u0e15\u0e38\u0e4a\u0e01\u0e15\u0e38\u0e4a\u0e01", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e21\u0e25\u0e23\u0e31\u0e10\u0e40\u0e0b\u0e32\u0e17\u0e4c\u0e41\u0e04\u0e42\u0e23\u0e44\u0e25\u0e19\u0e32", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e41\u0e1e\u0e17\u0e23\u0e34\u0e01", + "\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e42\u0e15\u0e23\u0e34\u0e42\u0e01", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2e\u0e31\u0e27\u0e40\u0e23\u0e2a", + "\u0e01\u0e49\u0e32\u0e27\u0e01\u0e23\u0e30\u0e42\u0e14\u0e14", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e21\u0e25\u0e23\u0e31\u0e10\u0e19\u0e34\u0e27\u0e40\u0e21\u0e47\u0e01\u0e0b\u0e34\u0e42\u0e01", + "\u0e42\u0e23\u0e07\u0e1e\u0e22\u0e32\u0e1a\u0e32\u0e25\u0e08\u0e34\u0e15\u0e40\u0e27\u0e0a", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e0d\u0e34\u0e07\u0e19\u0e34\u0e17\u0e23\u0e32", + "\u0e2a\u0e35\u0e19\u0e49\u0e4d\u0e32\u0e40\u0e07\u0e34\u0e19\u0e1b\u0e23\u0e31\u0e2a\u0e40\u0e0b\u0e35\u0e22\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e23\u0e34\u0e42\u0e2d\u0e40\u0e14\u0e2d\u0e08\u0e32\u0e40\u0e19\u0e42\u0e23", + "\u0e01\u0e2d\u0e07\u0e17\u0e38\u0e19\u0e1a\u0e4d\u0e32\u0e40\u0e2b\u0e19\u0e47\u0e08\u0e1a\u0e4d\u0e32\u0e19\u0e32\u0e0d", + "\u0e20\u0e39\u0e21\u0e34\u0e20\u0e32\u0e04\u0e1a\u0e2d\u0e25\u0e15\u0e34\u0e01", + "\u0e2a\u0e48\u0e27\u0e19\u0e1b\u0e25\u0e32\u0e22\u0e02\u0e2d\u0e07\u0e04\u0e32\u0e19\u0e02\u0e27\u0e32\u0e07\u0e40\u0e23\u0e37\u0e2d", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e1b\u0e2d\u0e25", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e15\u0e48\u0e4d\u0e32", + "\u0e2a\u0e40\u0e15\u0e40\u0e14\u0e35\u0e22\u0e21", + "\u0e01\u0e23\u0e38\u0e07\u0e1b\u0e2d\u0e23\u0e4c\u0e42\u0e15\u0e41\u0e1b\u0e23\u0e07\u0e0b\u0e4c", + "\u0e01\u0e2d\u0e07\u0e17\u0e31\u0e1e\u0e2d\u0e32\u0e01\u0e32\u0e28", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e41\u0e04\u0e40\u0e17\u0e2d\u0e23\u0e35\u0e19\u0e2a\u0e4c", + "\u0e1a\u0e38\u0e04\u0e04\u0e25\u0e20\u0e32\u0e22\u0e19\u0e2d\u0e01", + "\u0e27\u0e34\u0e25\u0e25\u0e48\u0e32_\u0e42\u0e25\u0e42\u0e1a\u0e2a", + "\u0e40\u0e27\u0e2a\u0e1b\u0e38\u0e0a\u0e0a\u0e35", + "\u0e2d\u0e31\u0e25\u0e0d\u0e30\u0e0b\u0e35\u0e40\u0e23\u0e32\u0e30\u0e2e\u0e4c", + "\u0e01\u0e2d\u0e23\u0e4c\u0e14\u0e07\u0e40\u0e1a\u0e25\u0e2d", + "\u0e43\u0e08\u0e01\u0e25\u0e32\u0e07\u0e40\u0e21\u0e37\u0e2d\u0e07", + "\u0e27\u0e31\u0e19\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e4c\u0e21\u0e32\u0e2a\u0e2d\u0e35\u0e1f", + "\u0e01\u0e32\u0e23\u0e02\u0e2d\u0e1a\u0e04\u0e38\u0e13", + "\u0e01\u0e2d\u0e07\u0e17\u0e31\u0e1e\u0e2a\u0e2b\u0e23\u0e31\u0e10", + "\u0e17\u0e35\u0e48\u0e21\u0e35\u0e2a\u0e32\u0e21\u0e01\u0e25\u0e38\u0e48\u0e21", + "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e08\u0e2d\u0e23\u0e4c\u0e40\u0e08\u0e2a", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e40\u0e04\u0e1b\u0e40\u0e27\u0e34\u0e23\u0e4c\u0e14", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e40\u0e01\u0e23\u0e40\u0e19\u0e14\u0e32", + "\u0e2b\u0e0d\u0e49\u0e32\u0e04\u0e32", + "\u0e2d\u0e32\u0e04\u0e32\u0e23\u0e01\u0e32\u0e23\u0e41\u0e1e\u0e17\u0e22\u0e4c", + "\u0e1f\u0e32\u0e23\u0e4c\u0e21\u0e2b\u0e2d\u0e22\u0e19\u0e32\u0e07\u0e23\u0e21", + "\u0e40\u0e17\u0e1e\u0e1c\u0e39\u0e49\u0e1e\u0e34\u0e17\u0e31\u0e01\u0e29\u0e4c", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e28\u0e23\u0e35\u0e25\u0e31\u0e07\u0e01\u0e32", + "\u0e19\u0e49\u0e4d\u0e32\u0e2d\u0e48\u0e2d\u0e19", + "\u0e04\u0e2d\u0e23\u0e4c\u0e15\u0e40\u0e17\u0e19\u0e19\u0e34\u0e2a", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e01\u0e32\u0e1a\u0e39\u0e40\u0e27\u0e23\u0e4c\u0e14\u0e35", + "\u0e40\u0e27\u0e2d\u0e23\u0e4c\u0e08\u0e34\u0e19\u0e41\u0e21\u0e23\u0e35\u0e48", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e04\u0e34\u0e15\u0e2a\u0e4c", + "\u0e40\u0e15\u0e48\u0e32\u0e21\u0e32\u0e15\u0e32\u0e21\u0e32\u0e15\u0e49\u0e32", + "\u0e40\u0e17\u0e28\u0e01\u0e32\u0e25\u0e40\u0e0a\u0e47\u0e07\u0e40\u0e21\u0e49\u0e07", + "\u0e17\u0e31\u0e2a\u0e40\u0e0b\u0e32\u0e14\u0e4c", + "\u0e2a\u0e16\u0e32\u0e19\u0e17\u0e35\u0e48\u0e1b\u0e25\u0e32\u0e22\u0e17\u0e32\u0e07", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e42\u0e04\u0e25\u0e31\u0e21\u0e40\u0e1a\u0e35\u0e22", + "\u0e22\u0e39\u0e40\u0e2d\u0e2a\u0e40\u0e2d", + "\u0e17\u0e27\u0e35\u0e1b\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32", + "\u0e27\u0e34\u0e0b\u0e44\u0e04\u0e42\u0e19", + "\u0e40\u0e27\u0e25\u0e32\u0e41\u0e2b\u0e48\u0e07\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e38\u0e02", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e41\u0e0b\u0e19\u0e15\u0e32\u0e40\u0e1f", + "\u0e40\u0e04\u0e23\u0e37\u0e2d\u0e23\u0e31\u0e10\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e42\u0e15\u0e23\u0e34\u0e42\u0e01", + "\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e42\u0e01_\u0e40\u0e27\u0e2a\u0e1b\u0e38\u0e0a\u0e0a\u0e35", + "\u0e21\u0e32\u0e40\u0e23\u0e35\u0e22_\u0e42\u0e01\u0e23\u0e0a\u0e2d\u0e25\u0e0b\u0e4c", + "\u0e23\u0e2d\u0e22\u0e40\u0e25\u0e37\u0e48\u0e2d\u0e19\u0e41\u0e0b\u0e19\u0e41\u0e2d\u0e19\u0e40\u0e14\u0e23\u0e2d\u0e31\u0e2a", + "\u0e04\u0e23\u0e34\u0e2a\u0e42\u0e15\u0e40\u0e1f\u0e2d\u0e23\u0e4c_\u0e42\u0e04\u0e25\u0e31\u0e21\u0e1a\u0e31\u0e2a", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e2a\u0e34\u0e07\u0e42\u0e15\u0e40\u0e25\u0e47\u0e01", + "\u0e42\u0e23\u0e07\u0e07\u0e32\u0e19\u0e2d\u0e38\u0e15\u0e2a\u0e32\u0e2b\u0e01\u0e23\u0e23\u0e21\u0e2a\u0e34\u0e48\u0e07\u0e17\u0e2d", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e1e\u0e2d\u0e25", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e40\u0e2e\u0e15\u0e34", + "\u0e27\u0e31\u0e19\u0e2a\u0e34\u0e49\u0e19\u0e1b\u0e35", + "\u0e21\u0e32\u0e14\u0e32\u0e21\u0e17\u0e31\u0e2a\u0e40\u0e0b\u0e32\u0e14\u0e4c", + "\u0e04\u0e2d\u0e23\u0e4c\u0e15", + "\u0e21\u0e2d\u0e19\u0e40\u0e15\u0e40\u0e1a\u0e35\u0e22\u0e19\u0e42\u0e01", + "\u0e1a\u0e19\u0e40\u0e23\u0e37\u0e2d", + "\u0e40\u0e01\u0e23\u0e15\u0e40\u0e25\u0e01\u0e2a\u0e4c", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e19\u0e15\u0e23\u0e4c", + "\u0e42\u0e23\u0e07\u0e40\u0e23\u0e35\u0e22\u0e19\u0e2a\u0e2d\u0e19\u0e14\u0e19\u0e15\u0e23\u0e35", + "\u0e14\u0e32\u0e27\u0e19\u0e4c\u0e17\u0e32\u0e27\u0e19\u0e4c", + "\u0e41\u0e2b\u0e25\u0e21\u0e2e\u0e2d\u0e23\u0e4c\u0e19", + "\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e2a\u0e2b\u0e23\u0e31\u0e10\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32", + "\u0e41\u0e1e\u0e17\u0e23\u0e34\u0e04", + "\u0e19\u0e01\u0e01\u0e23\u0e30\u0e2a\u0e32\u0e19\u0e27\u0e25", + "\u0e1b\u0e35\u0e15_\u0e42\u0e21\u0e19\u0e14\u0e23\u0e35\u0e22\u0e32\u0e19", + "\u0e1e\u0e35\u0e15_\u0e21\u0e2d\u0e19\u0e14\u0e23\u0e35\u0e2d\u0e31\u0e19", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e2b\u0e21\u0e35\u0e43\u0e2b\u0e0d\u0e48", + "\u0e27\u0e31\u0e19\u0e40\u0e21\u0e22\u0e4c\u0e40\u0e14\u0e22\u0e4c", + "\u0e27\u0e34\u0e17\u0e22\u0e32\u0e25\u0e31\u0e22\u0e40\u0e17\u0e04\u0e19\u0e34\u0e04", + "\u0e28\u0e32\u0e25\u0e15\u0e38\u0e25\u0e32\u0e01\u0e32\u0e23", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e1a\u0e32\u0e40\u0e2e\u0e35\u0e22\u0e1a\u0e25\u0e31\u0e07\u0e01\u0e32", + "\u0e2a\u0e34\u0e48\u0e07\u0e2a\u0e4d\u0e32\u0e04\u0e31\u0e0d\u0e17\u0e35\u0e48\u0e2a\u0e38\u0e14", + "\u0e27\u0e34\u0e25\u0e25\u0e32\u0e1e\u0e32\u0e23\u0e4c\u0e01", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e0b\u0e32\u0e19\u0e2b\u0e25\u0e38\u0e22\u0e2a\u0e4c\u0e42\u0e1b\u0e42\u0e15\u0e0b\u0e35", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e41\u0e1c\u0e48\u0e19\u0e14\u0e34\u0e19\u0e15\u0e48\u0e4d\u0e32", + "\u0e2d\u0e35\u0e2a\u0e15\u0e4c\u0e21\u0e34\u0e14\u0e41\u0e25\u0e19\u0e2a\u0e4c", + "\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e4c\u0e21\u0e32\u0e2a\u0e2d\u0e35\u0e1f", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e2a\u0e2b\u0e23\u0e31\u0e10" + ], + "DISEASE": [ + "\u0e27\u0e07\u0e28\u0e4c\u0e42\u0e17\u0e01\u0e32\u0e27\u0e34\u0e23\u0e34\u0e40\u0e14\u0e2d\u0e35", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e43\u0e19\u0e0a\u0e48\u0e2d\u0e07\u0e17\u0e49\u0e2d\u0e07", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e43\u0e19\u0e2a\u0e21\u0e2d\u0e07", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e41\u0e0b\u0e21\u0e42\u0e21\u0e21\u0e32", + "\u0e0b\u0e36\u0e48\u0e07\u0e08\u0e31\u0e1a\u0e44\u0e02\u0e49", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e44\u0e02\u0e01\u0e23\u0e30\u0e14\u0e39\u0e01", + "\u0e2d\u0e32\u0e23\u0e4c\u0e40\u0e23\u0e2a\u0e40\u0e15\u0e14\u0e40\u0e14\u0e40\u0e27\u0e25\u0e25\u0e2d\u0e1b\u0e40\u0e21\u0e19\u0e15\u0e4c", + "\u0e40\u0e2d\u0e1f\u0e40\u0e1f\u0e01\u0e15\u0e4c", + "\u0e2b\u0e19\u0e49\u0e32\u0e41\u0e14\u0e07", + "\u0e04\u0e2d\u0e23\u0e4c\u0e1e\u0e31\u0e25\u0e42\u0e21\u0e19\u0e32\u0e25\u0e35", + "\u0e0b\u0e36\u0e48\u0e07\u0e40\u0e1b\u0e47\u0e19\u0e44\u0e02\u0e49", + "\u0e01\u0e32\u0e23\u0e08\u0e35\u0e49\u0e14\u0e49\u0e27\u0e22\u0e44\u0e1f", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e17\u0e32\u0e23\u0e01\u0e44\u0e14\u0e49\u0e41\u0e2d\u0e25\u0e01\u0e2d\u0e2e\u0e2d\u0e25\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e44\u0e02\u0e21\u0e31\u0e19", + "\u0e01\u0e32\u0e23\u0e43\u0e2b\u0e49\u0e22\u0e32", + "\u0e1b\u0e25\u0e32\u0e40\u0e22\u0e25\u0e42\u0e25\u0e27\u0e4c\u0e41\u0e08\u0e47\u0e04", + "\u0e19\u0e49\u0e4d\u0e32\u0e2b\u0e25\u0e31\u0e48\u0e07", + "\u0e2a\u0e01\u0e38\u0e25\u0e1e\u0e32\u0e42\u0e23\u0e19\u0e35\u0e40\u0e04\u0e35\u0e22", + "\u0e0b\u0e36\u0e48\u0e07\u0e21\u0e35\u0e44\u0e02\u0e49", + "\u0e20\u0e32\u0e29\u0e32\u0e25\u0e34\u0e2a\u0e1b\u0e4c", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e39\u0e01\u0e43\u0e2a", + "\u0e0a\u0e48\u0e27\u0e07\u0e40\u0e1b\u0e47\u0e19\u0e2a\u0e31\u0e14", + "\u0e1e\u0e25\u0e31\u0e07\u0e07\u0e32\u0e19\u0e04\u0e27\u0e32\u0e21\u0e23\u0e49\u0e2d\u0e19", + "\u0e1e\u0e32\u0e22\u0e40\u0e1b\u0e47\u0e19\u0e08\u0e31\u0e07\u0e2b\u0e27\u0e30", + "\u0e1b\u0e38\u0e48\u0e21\u0e19\u0e49\u0e4d\u0e32\u0e40\u0e2b\u0e25\u0e37\u0e2d\u0e07\u0e2d\u0e31\u0e01\u0e40\u0e2a\u0e1a", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e19\u0e34\u0e27\u0e42\u0e23\u0e44\u0e1f\u0e42\u0e1a\u0e23\u0e21\u0e32", + "\u0e21\u0e49\u0e32\u0e2a\u0e35\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e32\u0e25\u0e41\u0e01\u0e48", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e23\u0e31\u0e07\u0e04\u0e27\u0e32\u0e19", + "\u0e2a\u0e01\u0e38\u0e25\u0e41\u0e04\u0e19\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e15\u0e32\u0e22\u0e40\u0e19\u0e48\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e2b\u0e25\u0e2d\u0e14\u0e40\u0e25\u0e37\u0e2d\u0e14", + "\u0e2a\u0e32\u0e23\u0e19\u0e49\u0e4d\u0e32\u0e04\u0e31\u0e14\u0e2b\u0e25\u0e31\u0e48\u0e07", + "\u0e1c\u0e39\u0e49\u0e1b\u0e48\u0e27\u0e22\u0e42\u0e23\u0e04\u0e40\u0e1a\u0e32\u0e2b\u0e27\u0e32\u0e19", + "\u0e40\u0e01\u0e32\u0e25\u0e31\u0e14", + "\u0e04\u0e2d\u0e01\u0e2b\u0e21\u0e39", + "\u0e2a\u0e16\u0e32\u0e19\u0e01\u0e32\u0e23\u0e13\u0e4c\u0e2a\u0e25\u0e31\u0e1a\u0e0b\u0e31\u0e1a\u0e0b\u0e49\u0e2d\u0e19", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e01\u0e25\u0e49\u0e32\u0e21\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e40\u0e23\u0e35\u0e22\u0e1a", + "\u0e04\u0e32\u0e23\u0e4c\u0e42\u0e1b\u0e0b\u0e35\u0e0b\u0e32\u0e23\u0e4c\u0e42\u0e04\u0e21\u0e32", + "\u0e17\u0e35\u0e48\u0e14\u0e36\u0e07", + "\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e01\u0e41\u0e01\u0e48\u0e07\u0e43\u0e2b\u0e0d\u0e48", + "\u0e1b\u0e25\u0e32\u0e27\u0e2d\u0e25\u0e2d\u0e32\u0e22", + "\u0e17\u0e34\u0e49\u0e07\u0e23\u0e2d\u0e22\u0e41\u0e1c\u0e25\u0e40\u0e1b\u0e47\u0e19", + "\u0e0a\u0e48\u0e32\u0e07\u0e2b\u0e25\u0e48\u0e2d\u0e42\u0e25\u0e2b\u0e30", + "\u0e2a\u0e01\u0e38\u0e25\u0e40\u0e1f\u0e25\u0e42\u0e1a\u0e42\u0e15\u0e21\u0e31\u0e2a", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e27\u0e34\u0e25\u0e40\u0e25\u0e35\u0e22\u0e21", + "\u0e1c\u0e39\u0e49\u0e1b\u0e48\u0e27\u0e22\u0e42\u0e23\u0e04\u0e25\u0e21\u0e1a\u0e49\u0e32\u0e2b\u0e21\u0e39", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e34\u0e04\u0e40\u0e17\u0e2d\u0e23\u0e31\u0e2a", + "\u0e04\u0e25\u0e2d\u0e07\u0e02\u0e38\u0e14", + "\u0e2b\u0e25\u0e31\u0e01\u0e17\u0e23\u0e31\u0e1e\u0e22\u0e4c\u0e17\u0e35\u0e48\u0e42\u0e2d\u0e19\u0e25\u0e2d\u0e22", + "\u0e2a\u0e01\u0e38\u0e25\u0e1e\u0e34\u0e04\u0e32", + "\u0e1e\u0e23\u0e30\u0e22\u0e2d\u0e14", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01", + "\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e40\u0e1b\u0e47\u0e19\u0e1e\u0e34\u0e29", + "\u0e27\u0e07\u0e28\u0e4c\u0e1a\u0e31\u0e19\u0e22\u0e32\u0e27\u0e34\u0e23\u0e34\u0e14\u0e35", + "\u0e40\u0e0b\u0e25\u0e25\u0e4c\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e19\u0e49\u0e2d\u0e22", + "\u0e27\u0e34\u0e25\u0e40\u0e25\u0e35\u0e48\u0e22\u0e21\u0e2a\u0e4c\u0e0b\u0e34\u0e19\u0e42\u0e14\u0e23\u0e21", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e15\u0e32\u0e22\u0e40\u0e2b\u0e15\u0e38\u0e02\u0e32\u0e14\u0e40\u0e25\u0e37\u0e2d\u0e14", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e25\u0e39\u0e01\u0e15\u0e32\u0e2d\u0e31\u0e01\u0e40\u0e2a\u0e1a", + "\u0e0a\u0e48\u0e2d\u0e07\u0e04\u0e25\u0e2d\u0e14\u0e2d\u0e31\u0e01\u0e40\u0e2a\u0e1a", + "\u0e2a\u0e01\u0e38\u0e25\u0e1a\u0e39\u0e42\u0e1a", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e15\u0e48\u0e2d\u0e21", + "\u0e1c\u0e19\u0e31\u0e07\u0e2b\u0e31\u0e27\u0e43\u0e08\u0e2b\u0e49\u0e2d\u0e07\u0e25\u0e48\u0e32\u0e07\u0e42\u0e1b\u0e48\u0e07\u0e1e\u0e2d\u0e07", + "\u0e40\u0e2a\u0e49\u0e19\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e42\u0e1b\u0e48\u0e07\u0e1e\u0e2d\u0e07\u0e43\u0e19\u0e2a\u0e21\u0e2d\u0e07", + "\u0e1b\u0e23\u0e34\u0e21\u0e32\u0e13\u0e22\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e17\u0e35\u0e48\u0e15\u0e31\u0e1a", + "\u0e40\u0e01\u0e35\u0e48\u0e22\u0e27\u0e01\u0e31\u0e1a\u0e22\u0e35\u0e19\u0e1a\u0e19\u0e42\u0e04\u0e23\u0e42\u0e21\u0e42\u0e0b\u0e21\u0e40\u0e2d\u0e47\u0e01\u0e0b\u0e4c", + "\u0e01\u0e23\u0e21\u0e18\u0e23\u0e23\u0e21\u0e4c\u0e25\u0e2d\u0e22\u0e15\u0e31\u0e27", + "\u0e04\u0e19\u0e27\u0e34\u0e1b\u0e23\u0e34\u0e15\u0e17\u0e32\u0e07\u0e40\u0e1e\u0e28", + "\u0e2b\u0e25\u0e38\u0e21\u0e2a\u0e34\u0e27", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e19\u0e34\u0e27\u0e42\u0e23\u0e21\u0e32", + "\u0e2a\u0e16\u0e32\u0e19\u0e30\u0e01\u0e4a\u0e32\u0e0b", + "\u0e1c\u0e39\u0e49\u0e17\u0e35\u0e48\u0e21\u0e35\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e44\u0e21\u0e48\u0e22\u0e48\u0e2d\u0e22", + "\u0e1b\u0e25\u0e32\u0e44\u0e0a\u0e40\u0e19\u0e2d\u0e23\u0e4c", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e40\u0e19\u0e42\u0e1f\u0e23\u0e15\u0e34\u0e01", + "\u0e40\u0e2b\u0e25\u0e47\u0e01\u0e15\u0e2d\u0e01\u0e42\u0e25\u0e2b\u0e30", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e17\u0e32\u0e23\u0e01\u0e15\u0e32\u0e22\u0e01\u0e30\u0e17\u0e31\u0e19\u0e2b\u0e31\u0e19", + "\u0e40\u0e2d\u0e2d\u0e23\u0e4c\u0e01\u0e2d\u0e15", + "\u0e04\u0e32\u0e23\u0e4c\u0e0b\u0e34\u0e19\u0e2d\u0e22\u0e14\u0e4c", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23", + "\u0e1a\u0e17\u0e40\u0e1e\u0e25\u0e07\u0e2a\u0e2d\u0e14\u0e41\u0e19\u0e27", + "\u0e40\u0e1e\u0e2d\u0e23\u0e4c\u0e1e\u0e34\u0e27\u0e23\u0e32", + "\u0e14\u0e49\u0e27\u0e22\u0e04\u0e27\u0e32\u0e21\u0e22\u0e32\u0e01\u0e25\u0e4d\u0e32\u0e1a\u0e32\u0e01", + "\u0e17\u0e4d\u0e32\u0e07\u0e32\u0e19\u0e02\u0e31\u0e1a\u0e23\u0e16", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e2b\u0e07\u0e2d\u0e01\u0e40\u0e2a\u0e49\u0e19\u0e43\u0e22", + "\u0e1e\u0e32\u0e23\u0e4c\u0e42\u0e27\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e1e\u0e22\u0e32\u0e18\u0e34\u0e27\u0e34\u0e17\u0e22\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e40\u0e01\u0e25\u0e35\u0e22", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e1f\u0e35\u0e42\u0e2d\u0e42\u0e04\u0e23\u0e42\u0e21\u0e0b\u0e34\u0e42\u0e17\u0e21\u0e32", + "\u0e02\u0e49\u0e32\u0e27\u0e42\u0e1e\u0e14\u0e17\u0e35\u0e48\u0e01\u0e34\u0e19\u0e44\u0e14\u0e49", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e44\u0e04\u0e25\u0e19\u0e4c\u0e40\u0e1f\u0e25\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e21\u0e49\u0e32\u0e21\u0e2d\u0e31\u0e01\u0e40\u0e2a\u0e1a", + "\u0e2a\u0e35\u0e40\u0e0a\u0e2a\u0e19\u0e31\u0e17", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e17\u0e32\u0e23\u0e01\u0e43\u0e19\u0e04\u0e23\u0e23\u0e20\u0e4c\u0e44\u0e14\u0e49\u0e23\u0e31\u0e1a\u0e41\u0e2d\u0e25\u0e01\u0e2d\u0e2e\u0e2d\u0e25\u0e4c", + "\u0e41\u0e1a\u0e25\u0e47\u0e01\u0e2e\u0e32\u0e23\u0e4c\u0e15", + "\u0e0b\u0e32\u0e23\u0e4c\u0e42\u0e04\u0e21\u0e32", + "\u0e40\u0e21\u0e47\u0e14\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e41\u0e14\u0e07\u0e21\u0e32\u0e01", + "\u0e40\u0e2a\u0e49\u0e19\u0e42\u0e25\u0e2b\u0e34\u0e15\u0e43\u0e2b\u0e0d\u0e48\u0e43\u0e19\u0e0a\u0e48\u0e2d\u0e07\u0e17\u0e49\u0e2d\u0e07\u0e42\u0e1b\u0e48\u0e07\u0e41\u0e15\u0e01", + "\u0e27\u0e07\u0e28\u0e4c\u0e22\u0e48\u0e2d\u0e22\u0e19\u0e01\u0e04\u0e2d\u0e1e\u0e31\u0e19", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e1b\u0e39", + "\u0e42\u0e21\u0e40\u0e2a\u0e01", + "\u0e40\u0e2a\u0e49\u0e19\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e02\u0e2d\u0e14", + "\u0e19\u0e31\u0e01\u0e25\u0e2d\u0e22\u0e15\u0e31\u0e27", + "\u0e19\u0e49\u0e4d\u0e32\u0e1b\u0e31\u0e2a\u0e2a\u0e32\u0e27\u0e30\u0e21\u0e35\u0e40\u0e21\u0e47\u0e14\u0e42\u0e25\u0e2b\u0e34\u0e15\u0e1b\u0e19", + "\u0e41\u0e1a\u0e25\u0e47\u0e01\u0e2e\u0e32\u0e23\u0e4c\u0e15\u0e40\u0e0a\u0e2d\u0e23\u0e4c\u0e23\u0e35\u0e48", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e17\u0e35\u0e48\u0e21\u0e35\u0e01\u0e32\u0e23\u0e14\u0e39\u0e14\u0e0b\u0e36\u0e21\u0e1c\u0e34\u0e14\u0e1b\u0e01\u0e15\u0e34", + "\u0e40\u0e2d\u0e19\u0e40\u0e17\u0e2d\u0e42\u0e23\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e04\u0e32\u0e23\u0e4c\u0e1e\u0e2d\u0e25\u0e17\u0e31\u0e19\u0e40\u0e19\u0e25\u0e0b\u0e34\u0e19\u0e42\u0e14\u0e23\u0e21", + "\u0e0a\u0e47\u0e2d\u0e04\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e32\u0e25", + "\u0e40\u0e2d\u0e1b\u0e2a\u0e40\u0e15\u0e19_\u0e1a\u0e32\u0e23\u0e4c\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e04\u0e38\u0e0a\u0e0a\u0e34\u0e07", + "\u0e40\u0e17\u0e1e\u0e35\u0e04\u0e34", + "\u0e1b\u0e25\u0e32\u0e2e\u0e38\u0e1a\u0e40\u0e2b\u0e22\u0e37\u0e48\u0e2d", + "\u0e23\u0e30\u0e22\u0e30\u0e40\u0e27\u0e25\u0e32\u0e15\u0e31\u0e49\u0e07\u0e04\u0e23\u0e23\u0e20\u0e4c", + "\u0e44\u0e21\u0e49\u0e40\u0e0a\u0e2a\u0e15\u0e4c\u0e19\u0e31\u0e15", + "\u0e2d\u0e2d\u0e23\u0e4c\u0e42\u0e17\u0e21\u0e34\u0e01\u0e42\u0e0b\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e0b\u0e36\u0e48\u0e07\u0e40\u0e01\u0e34\u0e14\u0e08\u0e32\u0e01\u0e42\u0e23\u0e04", + "\u0e19\u0e49\u0e4d\u0e32\u0e02\u0e31\u0e07\u0e40\u0e09\u0e1e\u0e32\u0e30\u0e17\u0e35\u0e48", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e17\u0e32\u0e07\u0e40\u0e14\u0e34\u0e19\u0e2b\u0e32\u0e22\u0e43\u0e08\u0e40\u0e09\u0e35\u0e22\u0e1a\u0e1e\u0e25\u0e31\u0e19\u0e23\u0e38\u0e19\u0e41\u0e23\u0e07", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e01\u0e48\u0e2d\u0e19\u0e21\u0e35\u0e1b\u0e23\u0e30\u0e08\u0e4d\u0e32\u0e40\u0e14\u0e37\u0e2d\u0e19", + "\u0e41\u0e1a\u0e25\u0e47\u0e01\u0e40\u0e14\u0e17", + "\u0e25\u0e39\u0e01\u0e40\u0e0a\u0e2a\u0e15\u0e4c\u0e19\u0e31\u0e17", + "\u0e2b\u0e21\u0e2d\u0e19\u0e23\u0e2d\u0e07\u0e01\u0e23\u0e30\u0e14\u0e39\u0e01\u0e2a\u0e31\u0e19\u0e2b\u0e25\u0e31\u0e07\u0e40\u0e04\u0e25\u0e37\u0e48\u0e2d\u0e19", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e01\u0e23\u0e01\u0e0e", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e44\u0e1e\u0e19\u0e35\u0e42\u0e25\u0e21\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e40\u0e17\u0e40\u0e23\u0e42\u0e17\u0e21\u0e32", + "\u0e2a\u0e31\u0e0d\u0e0d\u0e32\u0e13\u0e1a\u0e2d\u0e01\u0e40\u0e2b\u0e15\u0e38", + "\u0e27\u0e2d\u0e23\u0e4c\u0e1b\u0e40\u0e23\u0e40\u0e04\u0e34\u0e14\u0e2a\u0e4c", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e40\u0e22\u0e37\u0e48\u0e2d\u0e2b\u0e38\u0e49\u0e21\u0e2a\u0e21\u0e2d\u0e07", + "\u0e2a\u0e01\u0e38\u0e25\u0e2d\u0e30\u0e19\u0e35\u0e40\u0e21\u0e35\u0e22", + "\u0e17\u0e4d\u0e32\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e01\u0e25\u0e35\u0e22\u0e27", + "\u0e2b\u0e19\u0e31\u0e07\u0e15\u0e32\u0e22\u0e25\u0e48\u0e2d\u0e19", + "\u0e40\u0e14\u0e2d\u0e30\u0e44\u0e2e\u0e1f\u0e2a\u0e4c", + "\u0e1e\u0e2d\u0e25\u0e34\u0e42\u0e2d\u0e21\u0e32\u0e44\u0e27\u0e23\u0e31\u0e2a", + "\u0e22\u0e38\u0e04\u0e40\u0e28\u0e23\u0e29\u0e10\u0e01\u0e34\u0e08\u0e15\u0e01\u0e15\u0e48\u0e4d\u0e32", + "\u0e1c\u0e39\u0e49\u0e1b\u0e48\u0e27\u0e22\u0e42\u0e23\u0e04\u0e2d\u0e30\u0e42\u0e19\u0e40\u0e23\u0e47\u0e01\u0e40\u0e0b\u0e35\u0e22\u0e40\u0e19\u0e2d\u0e23\u0e4c\u0e42\u0e27\u0e0b\u0e32", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e20\u0e31\u0e15\u0e15\u0e32\u0e04\u0e32\u0e23\u0e08\u0e35\u0e19", + "\u0e04\u0e19\u0e17\u0e35\u0e48\u0e44\u0e21\u0e48\u0e1b\u0e01\u0e15\u0e34", + "\u0e19\u0e34\u0e27\u0e42\u0e23\u0e44\u0e1f\u0e42\u0e1a\u0e23\u0e21\u0e32\u0e42\u0e15\u0e0b\u0e34\u0e2a", + "\u0e2b\u0e19\u0e31\u0e07\u0e2b\u0e19\u0e32\u0e1c\u0e34\u0e14\u0e1b\u0e01\u0e15\u0e34", + "\u0e02\u0e31\u0e14\u0e40\u0e1a\u0e32\u0e46", + "\u0e1b\u0e25\u0e32\u0e15\u0e34\u0e14\u0e40\u0e1a\u0e47\u0e14", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e0a\u0e19\u0e34\u0e14\u0e1e\u0e25\u0e32\u0e2a\u0e21\u0e32\u0e0b\u0e34\u0e42\u0e17\u0e21\u0e32", + "\u0e40\u0e15\u0e49\u0e32\u0e19\u0e21\u0e2d\u0e31\u0e01\u0e40\u0e2a\u0e1a", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e27\u0e34\u0e25\u0e40\u0e25\u0e35\u0e48\u0e22\u0e21", + "\u0e1c\u0e39\u0e49\u0e21\u0e35\u0e20\u0e32\u0e27\u0e30\u0e40\u0e2a\u0e35\u0e22\u0e01\u0e32\u0e23\u0e2d\u0e48\u0e32\u0e19", + "\u0e04\u0e32\u0e23\u0e4c\u0e1a\u0e31\u0e07\u0e40\u0e04\u0e34\u0e25", + "\u0e44\u0e1f\u0e17\u0e2d\u0e1f\u0e18\u0e2d\u0e23\u0e32_\u0e2d\u0e34\u0e19\u0e40\u0e1f\u0e2a\u0e17\u0e31\u0e19\u0e2a", + "\u0e40\u0e1b\u0e25\u0e37\u0e2d\u0e01\u0e15\u0e32\u0e2d\u0e31\u0e01\u0e40\u0e2a\u0e1a", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e07\u0e2d\u0e01\u0e21\u0e34\u0e01\u0e42\u0e0b\u0e21\u0e48\u0e32", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e14\u0e32\u0e27\u0e19\u0e4c", + "\u0e21\u0e32\u0e25\u0e32\u0e40\u0e23\u0e35\u0e22", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e2b\u0e21\u0e32\u0e1b\u0e48\u0e32", + "\u0e1b\u0e25\u0e32\u0e27\u0e32\u0e2c\u0e2b\u0e25\u0e31\u0e07\u0e04\u0e48\u0e2d\u0e21", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e15\u0e32\u0e22\u0e40\u0e19\u0e48\u0e32\u0e41\u0e2b\u0e49\u0e07", + "\u0e2a\u0e01\u0e38\u0e25\u0e42\u0e2d\u0e40\u0e2d\u0e2a\u0e17\u0e23\u0e31\u0e2a", + "\u0e40\u0e1a\u0e2d\u0e23\u0e4c\u0e44\u0e0b\u0e15\u0e34\u0e2a", + "\u0e2b\u0e19\u0e31\u0e07\u0e15\u0e32\u0e15\u0e01", + "\u0e0b\u0e36\u0e48\u0e07\u0e21\u0e35\u0e1e\u0e23\u0e30\u0e1b\u0e23\u0e2d\u0e17", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e21\u0e31\u0e19\u0e0a\u0e2d\u0e40\u0e0b\u0e19", + "\u0e2b\u0e19\u0e48\u0e27\u0e22\u0e02\u0e31\u0e1a", + "\u0e27\u0e07\u0e28\u0e4c\u0e1f\u0e25\u0e32\u0e27\u0e34\u0e27\u0e34\u0e23\u0e34\u0e40\u0e14\u0e2d\u0e35", + "\u0e41\u0e01\u0e23\u0e19\u0e39\u0e42\u0e25\u0e21\u0e32", + "\u0e04\u0e32\u0e23\u0e4c\u0e0b\u0e34\u0e42\u0e19\u0e0b\u0e32\u0e23\u0e4c\u0e42\u0e04\u0e21\u0e32", + "\u0e01\u0e23\u0e30\u0e1a\u0e27\u0e19\u0e01\u0e32\u0e23\u0e40\u0e15\u0e34\u0e1a\u0e42\u0e15\u0e02\u0e2d\u0e07\u0e1e\u0e37\u0e0a", + "\u0e1b\u0e25\u0e32\u0e41\u0e08\u0e47\u0e04\u0e41\u0e0b\u0e25\u0e21\u0e2d\u0e19", + "salmonella", + "\u0e1b\u0e23\u0e30\u0e0a\u0e27\u0e23", + "\u0e27\u0e31\u0e22\u0e41\u0e23\u0e01\u0e41\u0e22\u0e49\u0e21", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e2d\u0e32\u0e01\u0e32\u0e23\u0e19\u0e39\u0e41\u0e19\u0e19", + "\u0e2a\u0e15\u0e23\u0e35\u0e21\u0e35\u0e04\u0e23\u0e23\u0e20\u0e4c", + "\u0e2a\u0e01\u0e38\u0e25\u0e2a\u0e04\u0e25\u0e35\u0e42\u0e23\u0e40\u0e14\u0e2d\u0e23\u0e4c\u0e21\u0e32" + ], + "EVENT": [ + "\u0e2a\u0e07\u0e04\u0e23\u0e32\u0e21\u0e40\u0e1a\u0e47\u0e14\u0e40\u0e2a\u0e23\u0e47\u0e08", + "\u0e41\u0e01\u0e23\u0e19\u0e14\u0e4c\u0e1e\u0e23\u0e34\u0e01\u0e0b\u0e4c", + "\u0e40\u0e27\u0e34\u0e25\u0e4c\u0e14\u0e0b\u0e35\u0e23\u0e35\u0e22\u0e4c", + "\u0e40\u0e2a\u0e35\u0e22\u0e07\u0e14\u0e34\u0e4a\u0e07\u0e14\u0e48\u0e2d\u0e07", + "\u0e2a\u0e07\u0e04\u0e23\u0e32\u0e21\u0e01\u0e25\u0e32\u0e07\u0e17\u0e30\u0e40\u0e25", + "\u0e01\u0e32\u0e23\u0e41\u0e02\u0e48\u0e07\u0e02\u0e31\u0e19\u0e01\u0e23\u0e30\u0e42\u0e14\u0e14\u0e04\u0e49\u0e4d\u0e32\u0e16\u0e48\u0e2d" + ], + "BIO_CHEM_ENTITY": [ + "\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e1c\u0e2a\u0e21\u0e40\u0e25\u0e37\u0e2d\u0e14", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e41\u0e23\u0e48", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e14\u0e2d\u0e01\u0e2a\u0e49\u0e21", + "\u0e2d\u0e32\u0e23\u0e4c\u0e40\u0e2d\u0e47\u0e19\u0e40\u0e2d\u0e16\u0e48\u0e32\u0e22\u0e42\u0e2d\u0e19", + "\u0e0b\u0e31\u0e25\u0e42\u0e1f\u0e19\u0e34\u0e01\u0e41\u0e2d\u0e0b\u0e34\u0e14", + "\u0e1e\u0e2d\u0e25\u0e34\u0e44\u0e27\u0e19\u0e34\u0e25\u0e04\u0e25\u0e2d\u0e44\u0e23\u0e14\u0e4c", + "\u0e0a\u0e48\u0e27\u0e07\u0e0b\u0e31\u0e14\u0e40\u0e14\u0e19\u0e40\u0e14\u0e17", + "\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e1a\u0e2d\u0e23\u0e34\u0e01\u0e41\u0e2d\u0e0b\u0e34\u0e14", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e21\u0e30\u0e19\u0e32\u0e27", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e2b\u0e27\u0e32\u0e22", + "\u0e27\u0e34\u0e15\u0e32\u0e21\u0e34\u0e19\u0e14\u0e35", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e41\u0e2d\u0e25\u0e21\u0e2d\u0e19\u0e14\u0e4c\u0e0a\u0e19\u0e34\u0e14\u0e02\u0e21", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e2a\u0e32\u0e23\u0e30\u0e41\u0e2b\u0e19\u0e48", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e40\u0e1e\u0e19\u0e19\u0e35\u0e23\u0e2d\u0e40\u0e22\u0e25", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e40\u0e1b\u0e1b\u0e40\u0e1b\u0e2d\u0e23\u0e4c\u0e21\u0e34\u0e19\u0e15\u0e4c", + "\u0e23\u0e35\u0e40\u0e27\u0e34\u0e23\u0e4c\u0e2a\u0e41\u0e17\u0e23\u0e19\u0e2a\u0e04\u0e23\u0e34\u0e1b\u0e40\u0e17\u0e2a", + "\u0e2d\u0e30\u0e14\u0e35\u0e42\u0e19\u0e0b\u0e35\u0e19\u0e44\u0e14\u0e1f\u0e2d\u0e2a\u0e40\u0e1f\u0e15", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e2a\u0e25\u0e2d\u0e14", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e27\u0e2d\u0e25\u0e19\u0e31\u0e17", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e2a\u0e40\u0e1b\u0e35\u0e22\u0e23\u0e4c\u0e21\u0e34\u0e19\u0e17\u0e4c", + "\u0e0b\u0e2d\u0e2a\u0e41\u0e2d\u0e07\u0e42\u0e0a\u0e27\u0e35\u0e48", + "\u0e0b\u0e32\u0e25\u0e34\u0e44\u0e0b\u0e25\u0e34\u0e01\u0e41\u0e2d\u0e0b\u0e34\u0e14", + "\u0e40\u0e01\u0e25\u0e37\u0e2d\u0e19\u0e49\u0e4d\u0e32\u0e14\u0e35", + "\u0e1a\u0e32\u0e0b\u0e34\u0e25\u0e25\u0e31\u0e2a\u0e17\u0e39\u0e23\u0e34\u0e07\u0e40\u0e22\u0e19\u0e0b\u0e34\u0e2a", + "\u0e14\u0e35\u0e40\u0e2d\u0e47\u0e19\u0e40\u0e2d\u0e1e\u0e2d\u0e25\u0e34\u0e40\u0e21\u0e2d\u0e40\u0e23\u0e2a", + "\u0e42\u0e2d\u0e25\u0e14\u0e4c\u0e41\u0e1f\u0e0a\u0e31\u0e48\u0e19", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e15\u0e30\u0e44\u0e04\u0e23\u0e49", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e1b\u0e25\u0e32", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e2d\u0e31\u0e25\u0e21\u0e2d\u0e19\u0e14\u0e4c", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e04\u0e32\u0e25\u0e32\u0e21\u0e31\u0e2a", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e0b\u0e32\u0e2a\u0e40\u0e0b\u0e2d\u0e41\u0e1f\u0e23\u0e2a", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e40\u0e2e\u0e2a\u0e0b\u0e2d\u0e1b" + ], + "FAC": [ + "\u0e17\u0e35\u0e48\u0e40\u0e01\u0e47\u0e1a\u0e02\u0e2d\u0e07", + "\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e08\u0e31\u0e01\u0e23\u0e42\u0e23\u0e21\u0e31\u0e19\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e42\u0e22\u0e40\u0e0b\u0e1f", + "\u0e17\u0e30\u0e40\u0e25\u0e17\u0e23\u0e32\u0e22\u0e2d\u0e32\u0e17\u0e32\u0e04\u0e32\u0e21\u0e32", + "\u0e04\u0e23\u0e34\u0e2a\u0e15\u0e08\u0e31\u0e01\u0e23\u0e41\u0e2b\u0e48\u0e07\u0e2d\u0e31\u0e07\u0e01\u0e24\u0e29", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e25\u0e39\u0e40\u0e0b\u0e35\u0e22", + "\u0e1e\u0e23\u0e30\u0e28\u0e32\u0e2a\u0e19\u0e08\u0e31\u0e01\u0e23\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e42\u0e08\u0e40\u0e0b\u0e1f", + "\u0e01\u0e32\u0e23\u0e15\u0e31\u0e14\u0e2a\u0e34\u0e19\u0e04\u0e23\u0e31\u0e49\u0e07\u0e2a\u0e38\u0e14\u0e17\u0e49\u0e32\u0e22", + "\u0e42\u0e23\u0e07\u0e40\u0e23\u0e35\u0e22\u0e19\u0e1b\u0e23\u0e30\u0e16\u0e21\u0e28\u0e36\u0e01\u0e29\u0e32", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e25\u0e39\u0e40\u0e0a\u0e35\u0e22", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e40\u0e0b\u0e32\u0e42\u0e08\u0e40\u0e0b\u0e14\u0e2d\u0e2a\u0e41\u0e04\u0e21\u0e42\u0e1b\u0e2a", + "\u0e19\u0e49\u0e4d\u0e32\u0e1e\u0e38\u0e2a\u0e4d\u0e32\u0e2b\u0e23\u0e31\u0e1a\u0e14\u0e37\u0e48\u0e21", + "\u0e0b\u0e32\u0e19\u0e40\u0e15\u0e35\u0e22\u0e42\u0e01\u0e40\u0e14\u0e01\u0e2d\u0e21\u0e42\u0e1b\u0e2a\u0e40\u0e15\u0e25\u0e32", + "\u0e08\u0e31\u0e01\u0e23\u0e1e\u0e23\u0e23\u0e14\u0e34\u0e1b\u0e35\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e17\u0e35\u0e48_1_\u0e41\u0e2b\u0e48\u0e07\u0e23\u0e31\u0e2a\u0e40\u0e0b\u0e35\u0e22", + "\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e40\u0e17\u0e28\u0e1a\u0e32\u0e25\u0e19\u0e04\u0e23", + "\u0e2d\u0e32\u0e04\u0e32\u0e23\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e02\u0e2d\u0e07\u0e23\u0e31\u0e10", + "\u0e01\u0e32\u0e23\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e2a\u0e48\u0e07", + "\u0e44\u0e1b\u0e23\u0e29\u0e13\u0e35\u0e22\u0e4c\u0e17\u0e49\u0e2d\u0e07\u0e16\u0e34\u0e48\u0e19", + "\u0e01\u0e32\u0e23\u0e23\u0e16\u0e44\u0e1f\u0e1f\u0e49\u0e32\u0e02\u0e19\u0e2a\u0e48\u0e07\u0e21\u0e27\u0e25\u0e0a\u0e19", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e40\u0e08\u0e21\u0e2a\u0e4c", + "\u0e17\u0e30\u0e40\u0e25\u0e17\u0e23\u0e32\u0e22\u0e2d\u0e32\u0e15\u0e32\u0e01\u0e32\u0e21\u0e32", + "\u0e42\u0e23\u0e07\u0e40\u0e23\u0e35\u0e22\u0e19\u0e41\u0e1e\u0e17\u0e22\u0e4c", + "\u0e02\u0e2d\u0e43\u0e2b\u0e49\u0e40\u0e14\u0e34\u0e19\u0e17\u0e32\u0e07\u0e42\u0e14\u0e22\u0e2a\u0e27\u0e31\u0e2a\u0e14\u0e34\u0e20\u0e32\u0e1e", + "\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e25\u0e39\u0e40\u0e0b\u0e35\u0e22", + "\u0e04\u0e23\u0e2d\u0e1a\u0e04\u0e23\u0e31\u0e27\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e4c", + "\u0e0a\u0e48\u0e2d\u0e07\u0e42\u0e04\u0e49\u0e07\u0e04\u0e23\u0e36\u0e48\u0e07\u0e27\u0e07\u0e01\u0e25\u0e21", + "\u0e2d\u0e32\u0e04\u0e32\u0e23\u0e2b\u0e49\u0e2d\u0e07\u0e0a\u0e38\u0e14", + "\u0e41\u0e2b\u0e25\u0e48\u0e07\u0e0a\u0e47\u0e2d\u0e1b\u0e1b\u0e34\u0e49\u0e07", + "\u0e17\u0e35\u0e25\u0e30\u0e40\u0e25\u0e47\u0e01\u0e17\u0e35\u0e25\u0e30\u0e19\u0e49\u0e2d\u0e22", + "\u0e08\u0e31\u0e01\u0e23\u0e27\u0e23\u0e23\u0e14\u0e34\u0e2d\u0e2d\u0e15\u0e42\u0e15\u0e21\u0e31\u0e19", + "\u0e41\u0e21\u0e48\u0e1e\u0e23\u0e30\u0e1b\u0e0f\u0e34\u0e2a\u0e19\u0e18\u0e34\u0e19\u0e34\u0e23\u0e21\u0e25", + "\u0e0a\u0e19\u0e1e\u0e37\u0e49\u0e19\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2d\u0e2d\u0e2a\u0e40\u0e15\u0e23\u0e40\u0e25\u0e35\u0e22", + "\u0e40\u0e14\u0e34\u0e19\u0e17\u0e32\u0e07\u0e2d\u0e22\u0e48\u0e32\u0e07\u0e1b\u0e25\u0e2d\u0e14\u0e20\u0e31\u0e22", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e1b\u0e35\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e21\u0e2b\u0e32\u0e23\u0e32\u0e0a", + "\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e21\u0e37\u0e49\u0e2d\u0e2a\u0e38\u0e14\u0e17\u0e49\u0e32\u0e22", + "\u0e2b\u0e2d\u0e04\u0e2d\u0e22\u0e41\u0e2b\u0e48\u0e07\u0e25\u0e2d\u0e19\u0e14\u0e2d\u0e19", + "\u0e41\u0e21\u0e01\u0e0b\u0e4c_\u0e21\u0e38\u0e25\u0e40\u0e25\u0e2d\u0e23\u0e4c", + "\u0e01\u0e32\u0e23\u0e2d\u0e32\u0e1a\u0e19\u0e49\u0e4d\u0e32\u0e41\u0e1a\u0e1a\u0e15\u0e38\u0e23\u0e01\u0e35", + "\u0e2b\u0e19\u0e49\u0e32\u0e15\u0e48\u0e32\u0e07\u0e17\u0e35\u0e48\u0e21\u0e35\u0e1a\u0e32\u0e19\u0e1e\u0e31\u0e1a", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e0b\u0e32\u0e23\u0e4c\u0e1b\u0e35\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e17\u0e35\u0e48_1", + "\u0e0a\u0e32\u0e27\u0e2d\u0e30\u0e1a\u0e2d\u0e23\u0e34\u0e08\u0e34\u0e19", + "\u0e40\u0e25\u0e40\u0e01\u0e2d\u0e23\u0e4c", + "\u0e2d\u0e32\u0e04\u0e32\u0e23\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19", + "\u0e40\u0e01\u0e21\u0e44\u0e1b\u0e23\u0e29\u0e13\u0e35\u0e22\u0e4c", + "\u0e2a\u0e19\u0e32\u0e21\u0e01\u0e35\u0e2c\u0e32\u0e2a\u0e41\u0e15\u0e21\u0e1f\u0e2d\u0e23\u0e4c\u0e14\u0e1a\u0e23\u0e34\u0e14\u0e08\u0e4c", + "\u0e2a\u0e19\u0e32\u0e21\u0e41\u0e02\u0e48\u0e07\u0e02\u0e31\u0e19\u0e01\u0e35\u0e2c\u0e32", + "\u0e2a\u0e16\u0e32\u0e1a\u0e31\u0e19\u0e01\u0e32\u0e23\u0e28\u0e36\u0e01\u0e29\u0e32", + "\u0e08\u0e31\u0e01\u0e23\u0e27\u0e23\u0e23\u0e14\u0e34\u0e2d\u0e47\u0e2d\u0e15\u0e42\u0e15\u0e21\u0e32\u0e19", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e1b\u0e35\u0e40\u0e15\u0e2d\u0e23\u0e4c\u0e17\u0e35\u0e48_1", + "\u0e42\u0e23\u0e07\u0e40\u0e01\u0e47\u0e1a\u0e16\u0e48\u0e32\u0e19\u0e2b\u0e34\u0e19", + "\u0e22\u0e38\u0e17\u0e18\u0e01\u0e32\u0e23\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e21\u0e34\u0e2e\u0e34\u0e40\u0e2d\u0e25", + "\u0e27\u0e34\u0e19\u0e19\u0e35\u0e48_\u0e40\u0e14\u0e2d\u0e30_\u0e1e\u0e39\u0e2b\u0e4c", + "\u0e2d\u0e32\u0e2b\u0e32\u0e23\u0e04\u0e48\u0e4d\u0e32\u0e21\u0e37\u0e49\u0e2d\u0e2a\u0e38\u0e14\u0e17\u0e49\u0e32\u0e22", + "\u0e42\u0e23\u0e07\u0e44\u0e1f\u0e1f\u0e49\u0e32\u0e19\u0e34\u0e27\u0e40\u0e04\u0e25\u0e35\u0e22\u0e23\u0e4c", + "\u0e2b\u0e49\u0e2d\u0e07\u0e2d\u0e32\u0e1a\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e38\u0e23\u0e01\u0e35", + "\u0e40\u0e14\u0e2d\u0e30\u0e40\u0e21\u0e2a\u0e2a\u0e4c\u0e2e\u0e2d\u0e25\u0e25\u0e4c", + "\u0e0a\u0e32\u0e27\u0e2d\u0e2d\u0e2a\u0e40\u0e15\u0e23\u0e40\u0e25\u0e35\u0e22\u0e1e\u0e37\u0e49\u0e19\u0e40\u0e21\u0e37\u0e2d\u0e07", + "\u0e1a\u0e49\u0e32\u0e19\u0e23\u0e34\u0e21\u0e0a\u0e32\u0e22\u0e2b\u0e32\u0e14" + ], + "LANGUAGE": [ + "\u0e2d\u0e31\u0e25\u0e1a\u0e32\u0e40\u0e19\u0e35\u0e22", + "\u0e01\u0e32\u0e23\u0e15\u0e35\u0e25\u0e39\u0e01\u0e1b\u0e31\u0e48\u0e19\u0e44\u0e0b\u0e14\u0e4c", + "\u0e2d\u0e31\u0e01\u0e29\u0e23\u0e2d\u0e32\u0e23\u0e4c\u0e21\u0e35\u0e40\u0e19\u0e35\u0e22\u0e19", + "\u0e0a\u0e32\u0e27\u0e04\u0e32\u0e0b\u0e31\u0e01\u0e2a\u0e16\u0e32\u0e19", + "\u0e02\u0e19\u0e21\u0e2b\u0e27\u0e32\u0e21\u0e2d\u0e1a\u0e44\u0e2a\u0e49\u0e1c\u0e25\u0e44\u0e21\u0e49\u0e42\u0e23\u0e22\u0e16\u0e31\u0e48\u0e27", + "\u0e0a\u0e32\u0e27\u0e2d\u0e34\u0e01\u0e42\u0e1a", + "\u0e0a\u0e32\u0e27\u0e2d\u0e34\u0e19\u0e42\u0e14\u0e19\u0e35\u0e40\u0e0b\u0e35\u0e22", + "\u0e0a\u0e32\u0e27\u0e2d\u0e30\u0e40\u0e0b\u0e2d\u0e23\u0e4c\u0e44\u0e1a\u0e08\u0e31\u0e19", + "\u0e40\u0e04\u0e34\u0e23\u0e4c\u0e14\u0e2a\u0e4c", + "\u0e17\u0e30\u0e40\u0e25\u0e2a\u0e32\u0e1a\u0e44\u0e1b\u0e1b\u0e31\u0e2a", + "\u0e0a\u0e48\u0e32\u0e07\u0e15\u0e35\u0e40\u0e2b\u0e25\u0e47\u0e01", + "\u0e04\u0e19\u0e15\u0e35\u0e40\u0e2b\u0e25\u0e47\u0e01", + "\u0e0a\u0e32\u0e27\u0e2d\u0e31\u0e2a\u0e2a\u0e31\u0e21", + "\u0e0a\u0e32\u0e27\u0e2d\u0e35\u0e40\u0e27", + "\u0e04\u0e19\u0e40\u0e01\u0e32\u0e2b\u0e25\u0e35", + "\u0e01\u0e32\u0e23\u0e02\u0e31\u0e14\u0e40\u0e07\u0e32", + "\u0e02\u0e19\u0e21\u0e1b\u0e31\u0e07\u0e40\u0e14\u0e19\u0e34\u0e0a", + "\u0e27\u0e31\u0e27\u0e40\u0e27\u0e25\u0e0a\u0e4c\u0e41\u0e1a\u0e25\u0e47\u0e04", + "\u0e0a\u0e32\u0e27\u0e2d\u0e31\u0e25\u0e40\u0e1a\u0e40\u0e19\u0e35\u0e22", + "\u0e0a\u0e48\u0e32\u0e07\u0e42\u0e25\u0e2b\u0e30", + "\u0e40\u0e1a\u0e35\u0e49\u0e22\u0e27\u0e40\u0e07\u0e34\u0e19\u0e1e\u0e19\u0e31\u0e19", + "\u0e0a\u0e32\u0e27\u0e15\u0e32\u0e2e\u0e34\u0e15\u0e34", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e19\u0e32\u0e2d\u0e39\u0e23\u0e39", + "\u0e01\u0e32\u0e23\u0e15\u0e35\u0e43\u0e2b\u0e49\u0e25\u0e39\u0e01\u0e2b\u0e21\u0e38\u0e19", + "\u0e0a\u0e32\u0e27\u0e1e\u0e21\u0e48\u0e32", + "\u0e04\u0e27\u0e32\u0e21\u0e25\u0e30\u0e40\u0e2d\u0e35\u0e22\u0e14\u0e1b\u0e23\u0e32\u0e13\u0e35\u0e15", + "\u0e21\u0e32\u0e40\u0e25\u0e22\u0e4c", + "\u0e0a\u0e32\u0e27\u0e04\u0e23\u0e35", + "\u0e27\u0e34\u0e2a\u0e01\u0e35\u0e49\u0e44\u0e2d\u0e23\u0e4c\u0e41\u0e25\u0e19\u0e14\u0e4c", + "\u0e04\u0e19\u0e23\u0e31\u0e2a\u0e40\u0e0b\u0e35\u0e22", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e15\u0e2d\u0e07\u0e01\u0e32", + "\u0e40\u0e01\u0e32\u0e30\u0e40\u0e19\u0e32\u0e23\u0e39", + "\u0e04\u0e19\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e31\u0e19" + ], + "POLITICAL_PARTY": [ + "\u0e1e\u0e23\u0e23\u0e04\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19", + "\u0e1e\u0e23\u0e23\u0e04\u0e40\u0e14\u0e42\u0e21\u0e41\u0e04\u0e23\u0e15", + "\u0e1e\u0e23\u0e23\u0e04\u0e23\u0e34\u0e1e\u0e31\u0e1a\u0e25\u0e34\u0e01\u0e31\u0e19", + "\u0e1e\u0e23\u0e23\u0e04\u0e04\u0e2d\u0e21\u0e21\u0e34\u0e27\u0e19\u0e34\u0e2a\u0e15\u0e4c", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e04\u0e39\u0e48\u0e15\u0e23\u0e07\u0e02\u0e49\u0e32\u0e21", + "\u0e1e\u0e23\u0e23\u0e04\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e2a\u0e2b\u0e23\u0e32\u0e0a\u0e2d\u0e32\u0e13\u0e32\u0e08\u0e31\u0e01\u0e23", + "\u0e1e\u0e23\u0e23\u0e04\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e0a\u0e19", + "\u0e1e\u0e23\u0e23\u0e04\u0e19\u0e32\u0e0b\u0e35", + "\u0e1e\u0e23\u0e23\u0e04\u0e01\u0e23\u0e23\u0e21\u0e01\u0e23", + "\u0e07\u0e32\u0e19\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e01\u0e25\u0e32\u0e07\u0e41\u0e08\u0e49\u0e07", + "\u0e1e\u0e23\u0e23\u0e04\u0e01\u0e23\u0e35\u0e19", + "\u0e1e\u0e23\u0e23\u0e04\u0e01\u0e4a\u0e01\u0e21\u0e34\u0e19\u0e15\u0e31\u0e4b\u0e07", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e04\u0e39\u0e48\u0e15\u0e23\u0e07\u0e01\u0e31\u0e19\u0e02\u0e49\u0e32\u0e21", + "\u0e1e\u0e23\u0e23\u0e04\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19", + "\u0e07\u0e32\u0e19\u0e2a\u0e42\u0e21\u0e2a\u0e23\u0e2a\u0e31\u0e19\u0e19\u0e34\u0e1a\u0e32\u0e15", + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e1b\u0e0f\u0e34\u0e1b\u0e31\u0e01\u0e29\u0e4c", + "\u0e1e\u0e23\u0e23\u0e04\u0e2a\u0e31\u0e07\u0e04\u0e21\u0e19\u0e34\u0e22\u0e21", + "\u0e1e\u0e23\u0e23\u0e04\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e40\u0e04\u0e2d\u0e23\u0e4c\u0e14\u0e34\u0e2a\u0e16\u0e32\u0e19", + "\u0e1e\u0e23\u0e23\u0e04\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e2d\u0e2d\u0e2a\u0e40\u0e15\u0e23\u0e40\u0e25\u0e35\u0e22", + "\u0e1e\u0e23\u0e23\u0e04\u0e2d\u0e19\u0e38\u0e23\u0e31\u0e01\u0e29\u0e4c\u0e19\u0e34\u0e22\u0e21" + ], + "PERSON": [ + "\u0e1c\u0e36\u0e49\u0e07\u0e14\u0e4d\u0e32", + "\u0e40\u0e17\u0e37\u0e2d\u0e01\u0e40\u0e02\u0e32\u0e2b\u0e19\u0e32\u0e19\u0e2b\u0e25\u0e34\u0e07", + "\u0e25\u0e39\u0e01\u0e14\u0e34\u0e48\u0e07\u0e42\u0e22\u0e42\u0e22\u0e48", + "\u0e40\u0e2b\u0e47\u0e14\u0e1e\u0e2d\u0e23\u0e4c\u0e0a\u0e34\u0e19\u0e35", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e22\u0e39\u0e08\u0e35\u0e19", + "\u0e1f\u0e23\u0e31\u0e07\u0e0b\u0e34\u0e2a\u0e41\u0e2b\u0e48\u0e07\u0e2d\u0e31\u0e2a\u0e0b\u0e35\u0e0b\u0e35", + "\u0e42\u0e1a\u0e25\u0e35\u0e31\u0e15\u0e31\u0e2a\u0e2d\u0e35\u0e14\u0e39\u0e25\u0e34\u0e2a", + "\u0e40\u0e17\u0e35\u0e22\u0e19\u0e0a\u0e32\u0e19", + "\u0e15\u0e49\u0e19\u0e22\u0e32\u0e07\u0e1e\u0e32\u0e23\u0e32", + "\u0e40\u0e15\u0e48\u0e32\u0e14\u0e4d\u0e32", + "\u0e1b\u0e25\u0e32\u0e41\u0e1a\u0e25\u0e47\u0e04\u0e1a\u0e31\u0e1f\u0e1f\u0e32\u0e42\u0e25", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e1e\u0e2d\u0e25", + "\u0e08\u0e31\u0e01\u0e23\u0e1e\u0e23\u0e23\u0e14\u0e34\u0e42\u0e2d\u0e42\u0e18", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e41\u0e2d\u0e21\u0e42\u0e1a\u0e23\u0e2a", + "\u0e17\u0e35\u0e42\u0e1a\u0e19\u0e2a\u0e40\u0e15\u0e47\u0e01", + "\u0e01\u0e32\u0e23\u0e1e\u0e34\u0e0a\u0e34\u0e15\u0e02\u0e2d\u0e07\u0e1e\u0e27\u0e01\u0e19\u0e2d\u0e23\u0e4c\u0e21\u0e31\u0e19", + "\u0e41\u0e2d\u0e19\u0e40\u0e14\u0e23\u0e2a_\u0e21\u0e32\u0e23\u0e4c\u0e15\u0e34\u0e40\u0e19\u0e2a", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e14\u0e2d\u0e21\u0e34\u0e19\u0e34\u0e01", + "\u0e04\u0e32\u0e23\u0e4c\u0e25\u0e2d\u0e2a", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e08\u0e2d\u0e2b\u0e4c\u0e19", + "\u0e40\u0e15\u0e49\u0e19\u0e08\u0e31\u0e07\u0e2b\u0e27\u0e30\u0e0a\u0e30\u0e0a\u0e30\u0e0a\u0e48\u0e32", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e1f\u0e23\u0e32\u0e19\u0e0b\u0e34\u0e2a", + "\u0e1b\u0e25\u0e32\u0e08\u0e2d\u0e2b\u0e4c\u0e19\u0e42\u0e14\u0e23\u0e35\u0e48", + "\u0e22\u0e2d\u0e2b\u0e4c\u0e19\u0e1c\u0e39\u0e49\u0e19\u0e34\u0e1e\u0e19\u0e18\u0e4c\u0e1e\u0e23\u0e30\u0e27\u0e23\u0e2a\u0e32\u0e23", + "\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e27\u0e34\u0e19\u0e40\u0e0b\u0e19\u0e15\u0e4c", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e14\u0e2d\u0e21\u0e34\u0e19\u0e34\u0e01", + "\u0e1c\u0e36\u0e49\u0e07\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e31\u0e19", + "\u0e04\u0e27\u0e32\u0e21\u0e20\u0e39\u0e21\u0e34\u0e43\u0e08\u0e43\u0e19\u0e15\u0e31\u0e27\u0e40\u0e2d\u0e07", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e1b\u0e2d\u0e25", + "\u0e40\u0e15\u0e49\u0e19\u0e0a\u0e30\u0e0a\u0e30\u0e0a\u0e48\u0e32", + "\u0e01\u0e32\u0e23\u0e23\u0e30\u0e07\u0e31\u0e1a\u0e43\u0e08", + "\u0e15\u0e49\u0e19\u0e22\u0e32\u0e07", + "\u0e20\u0e32\u0e29\u0e32\u0e2b\u0e21\u0e34\u0e48\u0e19\u0e15\u0e30\u0e27\u0e31\u0e19\u0e2d\u0e2d\u0e01", + "\u0e01\u0e32\u0e23\u0e02\u0e48\u0e21\u0e43\u0e08\u0e15\u0e19\u0e40\u0e2d\u0e07", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e01\u0e48\u0e2d\u0e01\u0e32\u0e23\u0e23\u0e49\u0e32\u0e22\u0e2d\u0e32\u0e1a\u0e39\u0e0b\u0e32\u0e22\u0e32\u0e1f", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e01\u0e1a\u0e0f\u0e2d\u0e32\u0e1a\u0e39\u0e0b\u0e32\u0e22\u0e32\u0e1f", + "\u0e01\u0e32\u0e23\u0e04\u0e38\u0e21\u0e2a\u0e15\u0e34" + ], + "GPE": [ + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e41\u0e21\u0e17\u0e18\u0e34\u0e27", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e19\u0e34\u0e42\u0e04\u0e25\u0e31\u0e2a", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e2b\u0e25\u0e38\u0e22\u0e2a\u0e4c", + "\u0e27\u0e31\u0e19\u0e41\u0e2b\u0e48\u0e07\u0e04\u0e27\u0e32\u0e21\u0e23\u0e31\u0e01", + "\u0e2a\u0e34\u0e48\u0e07\u0e01\u0e48\u0e2d\u0e2a\u0e23\u0e49\u0e32\u0e07\u0e2a\u0e32\u0e18\u0e32\u0e23\u0e13\u0e30", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e41\u0e21\u0e15\u0e18\u0e34\u0e27", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e04\u0e34\u0e15\u0e2a\u0e4c", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e40\u0e40\u0e2d\u0e19\u0e14\u0e23\u0e39\u0e27\u0e4c", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e0a\u0e32\u0e14", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e42\u0e01\u0e15\u0e14\u0e34\u0e27\u0e31\u0e27\u0e23\u0e4c", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e08\u0e2d\u0e23\u0e4c\u0e08", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e2a\u0e32\u0e18\u0e32\u0e23\u0e13\u0e23\u0e31\u0e10\u0e42\u0e14\u0e21\u0e34\u0e19\u0e34\u0e01\u0e32", + "\u0e17\u0e27\u0e35\u0e1b\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32\u0e43\u0e15\u0e49", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e42\u0e08\u0e40\u0e2d\u0e32\u0e40\u0e1e\u0e2a\u0e40\u0e0b\u0e32", + "\u0e40\u0e17\u0e28\u0e1a\u0e32\u0e25\u0e19\u0e04\u0e23\u0e19\u0e04\u0e23\u0e1b\u0e10\u0e21", + "\u0e27\u0e31\u0e19\u0e27\u0e32\u0e40\u0e25\u0e19\u0e44\u0e17\u0e19\u0e4c", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e04\u0e23\u0e34\u0e2a\u0e42\u0e15\u0e40\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e40\u0e17\u0e28\u0e1a\u0e32\u0e25\u0e19\u0e04\u0e23\u0e40\u0e0a\u0e35\u0e22\u0e07\u0e23\u0e32\u0e22", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e41\u0e17\u0e19\u0e0b\u0e32\u0e40\u0e19\u0e35\u0e22", + "\u0e2d\u0e32\u0e13\u0e32\u0e19\u0e34\u0e04\u0e21\u0e02\u0e2d\u0e07\u0e2d\u0e31\u0e07\u0e01\u0e24\u0e29", + "\u0e2a\u0e32\u0e18\u0e32\u0e23\u0e13\u0e23\u0e31\u0e10\u0e42\u0e01\u0e15\u0e14\u0e34\u0e27\u0e31\u0e27\u0e23\u0e4c", + "\u0e2e\u0e32\u0e22\u0e32\u0e42\u0e0b\u0e1f\u0e35\u0e2d\u0e32", + "\u0e40\u0e17\u0e28\u0e1a\u0e32\u0e25\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2a\u0e38\u0e1e\u0e23\u0e23\u0e13\u0e1a\u0e38\u0e23\u0e35", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e08\u0e2d\u0e23\u0e4c\u0e08", + "\u0e40\u0e17\u0e28\u0e1a\u0e32\u0e25\u0e19\u0e04\u0e23\u0e1e\u0e23\u0e30\u0e19\u0e04\u0e23\u0e28\u0e23\u0e35\u0e2d\u0e22\u0e38\u0e18\u0e22\u0e32", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e44\u0e2d\u0e40\u0e27\u0e2d\u0e23\u0e35\u0e42\u0e04\u0e2a\u0e15\u0e4c", + "\u0e44\u0e27\u0e17\u0e4c\u0e40\u0e2e\u0e32\u0e2a\u0e4c", + "\u0e44\u0e0b\u0e21\u0e2d\u0e19_\u0e1b\u0e35\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e0b\u0e35\u0e42\u0e21\u0e19\u0e40\u0e1b\u0e42\u0e15\u0e23", + "\u0e08\u0e2d\u0e2b\u0e4c\u0e19\u0e41\u0e1a\u0e47\u0e1e\u0e17\u0e34\u0e2a\u0e15\u0e4c", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e1b\u0e35\u0e40\u0e15\u0e2d\u0e23\u0e4c", + "\u0e17\u0e30\u0e40\u0e25\u0e41\u0e14\u0e07", + "\u0e40\u0e21\u0e42\u0e17\u0e23\u0e21\u0e30\u0e19\u0e34\u0e25\u0e32", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e04\u0e23\u0e34\u0e2a\u0e42\u0e15\u0e40\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e40\u0e40\u0e21\u0e17\u0e18\u0e34\u0e27", + "\u0e2a\u0e20\u0e32\u0e01\u0e32\u0e0a\u0e32\u0e14\u0e2a\u0e32\u0e01\u0e25", + "\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e21\u0e19\u0e38\u0e29\u0e22\u0e0a\u0e19", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e40\u0e40\u0e2d\u0e19\u0e14\u0e23\u0e39\u0e27\u0e4c", + "\u0e17\u0e2d\u0e07\u0e02\u0e32\u0e27", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e27\u0e34\u0e15\u0e38\u0e2a", + "\u0e08\u0e31\u0e01\u0e23\u0e27\u0e23\u0e23\u0e14\u0e34\u0e40\u0e22\u0e2d\u0e23\u0e21\u0e31\u0e19", + "\u0e40\u0e02\u0e32\u0e44\u0e17\u0e48", + "\u0e40\u0e01\u0e35\u0e48\u0e22\u0e27\u0e01\u0e31\u0e1a\u0e2a\u0e2b\u0e1e\u0e31\u0e19\u0e18\u0e23\u0e31\u0e10", + "\u0e2a\u0e38\u0e40\u0e2b\u0e23\u0e48\u0e32\u0e42\u0e0b\u0e40\u0e1f\u0e35\u0e22", + "\u0e40\u0e17\u0e28\u0e1a\u0e32\u0e25\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2d\u0e4d\u0e32\u0e19\u0e32\u0e08\u0e40\u0e08\u0e23\u0e34\u0e0d", + "\u0e19\u0e31\u0e01\u0e1a\u0e38\u0e0d\u0e04\u0e23\u0e34\u0e2a\u0e42\u0e15\u0e40\u0e1f\u0e2d\u0e23\u0e4c", + "\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e41\u0e21\u0e15\u0e17\u0e34\u0e27", + "\u0e17\u0e2d\u0e07\u0e04\u0e4d\u0e32\u0e02\u0e32\u0e27", + "\u0e17\u0e4d\u0e32\u0e40\u0e19\u0e35\u0e22\u0e1a\u0e02\u0e32\u0e27", + "\u0e2d\u0e07\u0e04\u0e4c\u0e01\u0e32\u0e23\u0e01\u0e32\u0e0a\u0e32\u0e14\u0e2a\u0e32\u0e01\u0e25", + "\u0e01\u0e32\u0e0a\u0e32\u0e14", + "\u0e1e\u0e23\u0e30\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e25\u0e38\u0e22\u0e2a\u0e4c\u0e17\u0e35\u0e48_1" + ], + "LAW": [ + "\u0e01\u0e23\u0e30\u0e17\u0e23\u0e27\u0e07\u0e22\u0e38\u0e15\u0e34\u0e18\u0e23\u0e23\u0e21", + "\u0e01\u0e32\u0e23\u0e0b\u0e31\u0e01\u0e04\u0e49\u0e32\u0e19\u0e1e\u0e22\u0e32\u0e19", + "\u0e1e\u0e23\u0e30\u0e23\u0e32\u0e0a\u0e1a\u0e31\u0e0d\u0e0d\u0e31\u0e15\u0e34\u0e01\u0e32\u0e23\u0e08\u0e23\u0e32\u0e08\u0e25", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e17\u0e19\u0e32\u0e22\u0e41\u0e25\u0e30\u0e25\u0e39\u0e01\u0e04\u0e27\u0e32\u0e21", + "\u0e01\u0e23\u0e30\u0e1a\u0e27\u0e19\u0e01\u0e32\u0e23\u0e15\u0e32\u0e21\u0e01\u0e0e\u0e2b\u0e21\u0e32\u0e22", + "\u0e23\u0e30\u0e1a\u0e1a\u0e08\u0e31\u0e14\u0e40\u0e01\u0e47\u0e1a\u0e20\u0e32\u0e29\u0e35", + "\u0e2d\u0e31\u0e22\u0e01\u0e32\u0e23\u0e40\u0e02\u0e15", + "\u0e17\u0e19\u0e32\u0e22\u0e04\u0e27\u0e32\u0e21\u0e04\u0e14\u0e35\u0e2b\u0e22\u0e48\u0e32\u0e23\u0e49\u0e32\u0e07", + "\u0e01\u0e32\u0e23\u0e01\u0e48\u0e2d\u0e2d\u0e32\u0e0a\u0e0d\u0e32\u0e01\u0e23\u0e23\u0e21\u0e17\u0e32\u0e07\u0e40\u0e1e\u0e28", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e17\u0e35\u0e48\u0e1b\u0e23\u0e36\u0e01\u0e29\u0e32\u0e41\u0e25\u0e30\u0e1c\u0e39\u0e49\u0e02\u0e2d\u0e04\u0e4d\u0e32\u0e41\u0e19\u0e30\u0e19\u0e4d\u0e32", + "\u0e01\u0e32\u0e23\u0e25\u0e48\u0e27\u0e07\u0e25\u0e30\u0e40\u0e21\u0e34\u0e14\u0e17\u0e32\u0e07\u0e40\u0e1e\u0e28", + "\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e2a\u0e2d\u0e1a\u0e2a\u0e27\u0e19\u0e01\u0e25\u0e32\u0e07", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e1c\u0e39\u0e49\u0e08\u0e31\u0e14\u0e01\u0e32\u0e23\u0e21\u0e23\u0e14\u0e01\u0e41\u0e25\u0e30\u0e17\u0e32\u0e22\u0e32\u0e17", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e2a\u0e32\u0e21\u0e35\u0e20\u0e23\u0e23\u0e22\u0e32", + "\u0e01\u0e32\u0e23\u0e43\u0e0a\u0e49\u0e04\u0e27\u0e32\u0e21\u0e23\u0e38\u0e19\u0e41\u0e23\u0e07\u0e17\u0e32\u0e07\u0e40\u0e1e\u0e28", + "\u0e02\u0e49\u0e2d\u0e15\u0e01\u0e25\u0e07\u0e25\u0e32\u0e22\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c\u0e2d\u0e31\u0e01\u0e29\u0e23", + "\u0e2a\u0e16\u0e32\u0e19\u0e20\u0e32\u0e1e\u0e43\u0e19\u0e17\u0e32\u0e07\u0e01\u0e0e\u0e2b\u0e21\u0e32\u0e22", + "\u0e17\u0e19\u0e32\u0e22\u0e04\u0e27\u0e32\u0e21\u0e08\u0e4d\u0e32\u0e40\u0e25\u0e22", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e18\u0e19\u0e32\u0e04\u0e32\u0e23\u0e41\u0e25\u0e30\u0e1c\u0e39\u0e49\u0e1d\u0e32\u0e01\u0e40\u0e07\u0e34\u0e19", + "\u0e2d\u0e31\u0e22\u0e01\u0e32\u0e23\u0e2a\u0e39\u0e07\u0e2a\u0e38\u0e14", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e1c\u0e39\u0e49\u0e43\u0e2b\u0e49\u0e2a\u0e34\u0e19\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e41\u0e25\u0e30\u0e1c\u0e39\u0e49\u0e01\u0e39\u0e49\u0e40\u0e07\u0e34\u0e19", + "\u0e2a\u0e16\u0e32\u0e19\u0e20\u0e32\u0e1e\u0e01\u0e32\u0e23\u0e2a\u0e21\u0e23\u0e2a", + "\u0e23\u0e30\u0e1a\u0e1a\u0e01\u0e32\u0e23\u0e25\u0e07\u0e04\u0e30\u0e41\u0e19\u0e19", + "\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e37\u0e2d\u0e01\u0e48\u0e2d\u0e15\u0e31\u0e49\u0e07\u0e17\u0e23\u0e31\u0e2a\u0e15\u0e4c", + "\u0e01\u0e32\u0e23\u0e1d\u0e36\u0e01\u0e27\u0e48\u0e32\u0e04\u0e27\u0e32\u0e21", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e41\u0e1a\u0e1a\u0e44\u0e27\u0e49\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e40\u0e0a\u0e37\u0e48\u0e2d\u0e43\u0e08", + "\u0e28\u0e32\u0e25\u0e2a\u0e39\u0e07\u0e2a\u0e38\u0e14", + "\u0e04\u0e27\u0e32\u0e21\u0e2a\u0e31\u0e21\u0e1e\u0e31\u0e19\u0e18\u0e4c\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e01\u0e23\u0e23\u0e21\u0e01\u0e32\u0e23\u0e1a\u0e23\u0e34\u0e29\u0e31\u0e17\u0e41\u0e25\u0e30\u0e1c\u0e39\u0e49\u0e16\u0e37\u0e2d\u0e2b\u0e38\u0e49\u0e19", + "\u0e01\u0e32\u0e23\u0e41\u0e22\u0e01\u0e01\u0e31\u0e19\u0e2d\u0e22\u0e39\u0e48\u0e15\u0e32\u0e21\u0e04\u0e4d\u0e32\u0e2a\u0e31\u0e48\u0e07\u0e28\u0e32\u0e25", + "\u0e01\u0e32\u0e23\u0e1a\u0e31\u0e07\u0e04\u0e31\u0e1a\u0e43\u0e0a\u0e49\u0e01\u0e0e\u0e2b\u0e21\u0e32\u0e22", + "\u0e23\u0e30\u0e1a\u0e1a\u0e01\u0e0e\u0e2b\u0e21\u0e32\u0e22", + "\u0e2b\u0e19\u0e31\u0e07\u0e2a\u0e37\u0e2d\u0e21\u0e2d\u0e1a\u0e2d\u0e4d\u0e32\u0e19\u0e32\u0e08", + "\u0e2b\u0e31\u0e27\u0e2b\u0e19\u0e49\u0e32\u0e1c\u0e39\u0e49\u0e1e\u0e34\u0e1e\u0e32\u0e01\u0e29\u0e32", + "\u0e17\u0e19\u0e32\u0e22\u0e08\u0e4d\u0e32\u0e40\u0e25\u0e22", + "\u0e04\u0e2d\u0e21\u0e21\u0e2d\u0e19\u0e25\u0e2d\u0e27\u0e4c", + "\u0e1c\u0e39\u0e49\u0e21\u0e35\u0e2a\u0e48\u0e27\u0e19\u0e44\u0e14\u0e49\u0e40\u0e2a\u0e35\u0e22", + "\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e17\u0e19\u0e32\u0e22\u0e04\u0e27\u0e32\u0e21", + "\u0e01\u0e32\u0e23\u0e04\u0e23\u0e2d\u0e1a\u0e04\u0e23\u0e2d\u0e07\u0e15\u0e32\u0e21\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e08\u0e23\u0e34\u0e07", + "\u0e2a\u0e4d\u0e32\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e2a\u0e2d\u0e1a\u0e2a\u0e27\u0e19\u0e01\u0e25\u0e32\u0e07\u0e41\u0e2b\u0e48\u0e07\u0e2a\u0e2b\u0e23\u0e31\u0e10\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32" + ], + "PRODUCT": [ + "\u0e40\u0e14\u0e2d\u0e30\u0e2a\u0e15\u0e32\u0e23\u0e4c\u0e2a\u0e41\u0e1b\u0e07\u0e40\u0e01\u0e34\u0e25\u0e14\u0e4c\u0e41\u0e1a\u0e19\u0e40\u0e19\u0e2d\u0e23\u0e4c", + "\u0e21\u0e34\u0e14\u0e40\u0e14\u0e34\u0e25\u0e40\u0e2d\u0e34\u0e23\u0e4c\u0e18", + "\u0e22\u0e38\u0e04\u0e2a\u0e32\u0e21\u0e01\u0e4a\u0e01", + "\u0e2a\u0e21\u0e38\u0e14\u0e2b\u0e19\u0e49\u0e32\u0e40\u0e2b\u0e25\u0e37\u0e2d\u0e07", + "\u0e27\u0e31\u0e19\u0e40\u0e1b\u0e34\u0e14\u0e01\u0e25\u0e48\u0e2d\u0e07\u0e02\u0e2d\u0e07\u0e02\u0e27\u0e31\u0e0d", + "\u0e1b\u0e30\u0e40\u0e01\u0e47\u0e19\u0e41\u0e2b\u0e27\u0e19\u0e15\u0e31\u0e27\u0e42\u0e2d", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e2a\u0e2b\u0e20\u0e32\u0e1e\u0e42\u0e0b\u0e40\u0e27\u0e35\u0e22\u0e15", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e1a\u0e34\u0e19\u0e01\u0e23\u0e30\u0e14\u0e32\u0e29", + "\u0e23\u0e30\u0e1a\u0e1a\u0e04\u0e27\u0e1a\u0e04\u0e38\u0e21\u0e01\u0e32\u0e23\u0e08\u0e23\u0e32\u0e08\u0e23\u0e17\u0e32\u0e07\u0e2d\u0e32\u0e01\u0e32\u0e28", + "\u0e2b\u0e19\u0e49\u0e32\u0e1b\u0e31\u0e14\u0e40\u0e02\u0e47\u0e21\u0e17\u0e34\u0e28", + "\u0e40\u0e23\u0e37\u0e2d\u0e01\u0e25\u0e49\u0e27\u0e22", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e19\u0e34\u0e0b\u0e35\u0e41\u0e25\u0e19\u0e14\u0e4c", + "\u0e40\u0e01\u0e23\u0e15\u0e1a\u0e23\u0e34\u0e40\u0e15\u0e19", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e19\u0e34\u0e27\u0e0b\u0e35\u0e41\u0e25\u0e19\u0e14\u0e4c", + "\u0e22\u0e2d\u0e14\u0e19\u0e31\u0e01\u0e2a\u0e37\u0e1a\u0e08\u0e34\u0e4b\u0e27\u0e42\u0e04\u0e19\u0e31\u0e19", + "\u0e2d\u0e38\u0e13\u0e2b\u0e20\u0e39\u0e21\u0e34\u0e27\u0e34\u0e01\u0e24\u0e15", + "\u0e44\u0e2d\u0e0b\u0e4c\u0e04\u0e34\u0e27\u0e1a\u0e4c", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e04\u0e38\u0e01", + "\u0e19\u0e32\u0e17\u0e35\u0e2a\u0e38\u0e14\u0e17\u0e49\u0e32\u0e22", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e44\u0e16", + "\u0e17\u0e4d\u0e32\u0e43\u0e2b\u0e49\u0e25\u0e31\u0e14\u0e27\u0e07\u0e08\u0e23", + "\u0e25\u0e39\u0e01\u0e40\u0e14\u0e37\u0e2d\u0e22", + "\u0e19\u0e49\u0e4d\u0e32\u0e41\u0e02\u0e47\u0e07\u0e01\u0e49\u0e2d\u0e19", + "\u0e09\u0e1a\u0e31\u0e1a\u0e1b\u0e23\u0e31\u0e1a\u0e1b\u0e23\u0e38\u0e07\u0e43\u0e2b\u0e21\u0e48", + "\u0e2a\u0e30\u0e1e\u0e32\u0e19\u0e44\u0e1f", + "\u0e2a\u0e16\u0e32\u0e19\u0e35\u0e2d\u0e27\u0e01\u0e32\u0e28", + "\u0e2d\u0e32\u0e01\u0e32\u0e28\u0e22\u0e32\u0e19\u0e17\u0e32\u0e07\u0e01\u0e32\u0e23\u0e17\u0e2b\u0e32\u0e23", + "\u0e40\u0e14\u0e2d\u0e30\u0e25\u0e2d\u0e23\u0e4c\u0e14\u0e2d\u0e2d\u0e1f\u0e40\u0e14\u0e2d\u0e30\u0e23\u0e34\u0e07\u0e2a\u0e4c", + "\u0e27\u0e31\u0e15\u0e16\u0e38\u0e17\u0e49\u0e2d\u0e07\u0e1f\u0e49\u0e32", + "\u0e40\u0e23\u0e37\u0e2d\u0e23\u0e30\u0e1a\u0e32\u0e22\u0e1e\u0e25", + "\u0e19\u0e01\u0e40\u0e23\u0e14\u0e40\u0e1a\u0e34\u0e23\u0e4c\u0e14", + "\u0e40\u0e0b\u0e32\u0e15\u0e39\u0e40\u0e21\u0e41\u0e25\u0e30\u0e1b\u0e23\u0e34\u0e19\u0e0b\u0e35\u0e1b\u0e35", + "\u0e17\u0e35\u0e48\u0e15\u0e31\u0e14\u0e01\u0e23\u0e30\u0e40\u0e1a\u0e37\u0e49\u0e2d\u0e07", + "\u0e23\u0e32\u0e15\u0e23\u0e35\u0e17\u0e35\u0e48\u0e2a\u0e34\u0e1a\u0e2a\u0e2d\u0e07", + "\u0e1a\u0e17\u0e40\u0e1e\u0e25\u0e07\u0e2a\u0e35\u0e48\u0e24\u0e14\u0e39", + "\u0e0b\u0e32\u0e19\u0e15\u0e32\u0e04\u0e25\u0e2d\u0e2a", + "\u0e40\u0e23\u0e37\u0e2d\u0e44\u0e2d\u0e19\u0e49\u0e4d\u0e32", + "\u0e01\u0e23\u0e30\u0e08\u0e01\u0e2a\u0e48\u0e2d\u0e07\u0e2b\u0e19\u0e49\u0e32", + "\u0e2b\u0e19\u0e39\u0e15\u0e30\u0e40\u0e20\u0e32", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e15\u0e31\u0e14\u0e27\u0e07\u0e08\u0e23", + "la_dolce_vita", + "\u0e25\u0e39\u0e01\u0e40\u0e17\u0e19\u0e19\u0e34\u0e2a", + "\u0e01\u0e23\u0e30\u0e08\u0e01\u0e41\u0e15\u0e48\u0e07\u0e15\u0e31\u0e27", + "\u0e41\u0e2b\u0e25\u0e21\u0e2e\u0e2d\u0e23\u0e4c\u0e19", + "\u0e1e\u0e23\u0e30\u0e1b\u0e31\u0e49\u0e19\u0e40\u0e2b\u0e19\u0e48\u0e07", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e15\u0e23\u0e27\u0e08\u0e23\u0e31\u0e07\u0e2a\u0e35", + "\u0e1e\u0e23\u0e30\u0e2a\u0e31\u0e19\u0e15\u0e30\u0e1b\u0e32\u0e1b\u0e32\u0e2b\u0e0d\u0e34\u0e07\u0e42\u0e08\u0e19", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e0b\u0e32\u0e19\u0e42\u0e08\u0e2d\u0e32\u0e04\u0e27\u0e34\u0e19", + "\u0e2b\u0e21\u0e39\u0e48\u0e40\u0e01\u0e32\u0e30\u0e1e\u0e34\u0e15\u0e41\u0e04\u0e23\u0e4c\u0e19", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2b\u0e25\u0e27\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e40\u0e01\u0e23\u0e40\u0e19\u0e14\u0e32", + "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e0b\u0e19\u0e15\u0e4c\u0e08\u0e2d\u0e23\u0e4c\u0e40\u0e08\u0e2a", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e02\u0e49\u0e32\u0e21\u0e01\u0e32\u0e25\u0e40\u0e27\u0e25\u0e32", + "\u0e2d\u0e32\u0e23\u0e4c\u0e01\u0e41\u0e25\u0e21\u0e1b\u0e4c", + "\u0e25\u0e39\u0e01\u0e2a\u0e31\u0e01\u0e2b\u0e25\u0e32\u0e14", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e14\u0e19\u0e15\u0e23\u0e35", + "\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e19\u0e34\u0e27\u0e0b\u0e35\u0e41\u0e25\u0e19\u0e14\u0e4c", + "\u0e1f\u0e25\u0e2d\u0e23\u0e4c\u0e40\u0e15\u0e49\u0e19\u0e23\u0e4d\u0e32", + "\u0e2d\u0e32\u0e23\u0e4c\u0e01\u0e40\u0e14\u0e2d\u0e17\u0e23\u0e35\u0e22\u0e07\u0e1f\u0e4c\u0e40\u0e14\u0e2d\u0e40\u0e25\u0e15\u0e27\u0e25", + "\u0e40\u0e01\u0e23\u0e32\u0e30\u0e1b\u0e49\u0e2d\u0e07\u0e01\u0e31\u0e19\u0e04\u0e27\u0e32\u0e21\u0e23\u0e49\u0e2d\u0e19", + "\u0e0a\u0e49\u0e2d\u0e19\u0e15\u0e31\u0e01\u0e19\u0e49\u0e4d\u0e32\u0e15\u0e32\u0e25", + "\u0e41\u0e08\u0e47\u0e01\u0e42\u0e2d\u0e41\u0e25\u0e19\u0e40\u0e17\u0e34\u0e23\u0e4c\u0e19", + "\u0e1e\u0e23\u0e30\u0e27\u0e34\u0e0d\u0e0d\u0e32\u0e13\u0e1a\u0e23\u0e34\u0e2a\u0e38\u0e17\u0e18\u0e34\u0e4c", + "\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e42\u0e21\u0e48\u0e41\u0e1b\u0e49\u0e07", + "\u0e08\u0e31\u0e01\u0e23\u0e27\u0e23\u0e23\u0e14\u0e34\u0e42\u0e23\u0e21\u0e31\u0e19", + "\u0e41\u0e23\u0e47\u0e01\u0e40\u0e01\u0e47\u0e15\u0e41\u0e1a\u0e14\u0e21\u0e34\u0e19\u0e15\u0e31\u0e19", + "\u0e1e\u0e31\u0e19\u0e18\u0e2a\u0e31\u0e0d\u0e0d\u0e32\u0e43\u0e2b\u0e21\u0e48", + "\u0e01\u0e25\u0e48\u0e2d\u0e07\u0e14\u0e19\u0e15\u0e23\u0e35", + "\u0e01\u0e32\u0e23\u0e1b\u0e23\u0e30\u0e21\u0e27\u0e25\u0e1c\u0e25\u0e2a\u0e31\u0e0d\u0e0d\u0e32\u0e13", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e14\u0e32\u0e27\u0e44\u0e16\u0e43\u0e2b\u0e0d\u0e48" + ], + "RACE": [ + "\u0e0a\u0e32\u0e27\u0e40\u0e21\u0e47\u0e01\u0e0b\u0e34\u0e42\u0e01", + "\u0e2b\u0e21\u0e32\u0e01\u0e02\u0e32\u0e27", + "\u0e0a\u0e32\u0e27\u0e42\u0e1b\u0e25\u0e35\u0e19\u0e35\u0e40\u0e0b\u0e35\u0e22", + "\u0e2b\u0e0d\u0e34\u0e07\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27", + "\u0e0a\u0e32\u0e27\u0e25\u0e30\u0e15\u0e34\u0e19\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19", + "\u0e20\u0e32\u0e29\u0e32\u0e2d\u0e2d\u0e2a\u0e40\u0e15\u0e23\u0e40\u0e25\u0e35\u0e22\u0e19", + "\u0e0a\u0e32\u0e27\u0e44\u0e2d\u0e23\u0e4c\u0e41\u0e25\u0e19\u0e14\u0e4c", + "\u0e04\u0e19\u0e2d\u0e34\u0e19\u0e40\u0e14\u0e35\u0e22", + "\u0e20\u0e32\u0e29\u0e32\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e31\u0e19\u0e2d\u0e34\u0e19\u0e40\u0e14\u0e35\u0e22\u0e19", + "\u0e40\u0e01\u0e35\u0e48\u0e22\u0e27\u0e01\u0e31\u0e1a\u0e20\u0e39\u0e21\u0e34\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28\u0e02\u0e2d\u0e07\u0e40\u0e04\u0e32\u0e04\u0e32\u0e40\u0e0b\u0e35\u0e22", + "\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22\u0e1d\u0e23\u0e31\u0e48\u0e07\u0e40\u0e28\u0e2a", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e44\u0e27\u0e17\u0e4c", + "\u0e0a\u0e32\u0e27\u0e40\u0e01\u0e32\u0e2b\u0e25\u0e35\u0e43\u0e15\u0e49", + "\u0e0a\u0e32\u0e27\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e19\u0e49\u0e4d\u0e32\u0e2b\u0e2d\u0e21", + "\u0e21\u0e2b\u0e32\u0e2a\u0e21\u0e38\u0e17\u0e23\u0e41\u0e1b\u0e0b\u0e34\u0e1f\u0e34\u0e01\u0e43\u0e15\u0e49", + "\u0e20\u0e32\u0e29\u0e32\u0e04\u0e2d\u0e40\u0e04\u0e40\u0e0b\u0e35\u0e22\u0e19", + "\u0e0a\u0e32\u0e27\u0e1b\u0e32\u0e01\u0e35\u0e2a\u0e16\u0e32\u0e19", + "\u0e0a\u0e32\u0e27\u0e41\u0e2d\u0e1f\u0e23\u0e34\u0e01\u0e31\u0e19", + "\u0e0a\u0e32\u0e27\u0e40\u0e01\u0e32\u0e30", + "\u0e0a\u0e32\u0e27\u0e40\u0e01\u0e32\u0e2b\u0e25\u0e35\u0e40\u0e2b\u0e19\u0e37\u0e2d", + "\u0e2a\u0e15\u0e23\u0e35\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27", + "\u0e0a\u0e32\u0e27\u0e40\u0e15\u0e34\u0e23\u0e4c\u0e01", + "\u0e0a\u0e32\u0e27\u0e41\u0e2d\u0e1f\u0e23\u0e34\u0e01\u0e32", + "\u0e20\u0e32\u0e29\u0e32\u0e40\u0e2d\u0e2a\u0e01\u0e34\u0e42\u0e21", + "\u0e2b\u0e21\u0e32\u0e01\u0e2a\u0e35\u0e02\u0e32\u0e27", + "\u0e0a\u0e32\u0e22\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27", + "\u0e0a\u0e32\u0e27\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e1c\u0e39\u0e49\u0e14\u0e35", + "\u0e0a\u0e32\u0e27\u0e1f\u0e34\u0e25\u0e34\u0e1b\u0e1b\u0e34\u0e19\u0e2a\u0e4c" + ], + "ANAT": [ + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e40\u0e22\u0e37\u0e48\u0e2d\u0e43\u0e19\u0e40\u0e2d\u0e21\u0e1a\u0e23\u0e34\u0e42\u0e2d", + "\u0e01\u0e25\u0e49\u0e32\u0e21\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e40\u0e17\u0e19\u0e40\u0e0b\u0e2d\u0e23\u0e4c\u0e17\u0e34\u0e21\u0e1e\u0e32\u0e19\u0e35", + "\u0e01\u0e25\u0e49\u0e32\u0e21\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e43\u0e2b\u0e0d\u0e48\u0e40\u0e17\u0e40\u0e23\u0e2a", + "\u0e01\u0e23\u0e30\u0e14\u0e39\u0e01\u0e2a\u0e31\u0e19\u0e2b\u0e25\u0e31\u0e07\u0e43\u0e15\u0e49\u0e01\u0e23\u0e30\u0e40\u0e1a\u0e19\u0e40\u0e2b\u0e19\u0e47\u0e1a", + "\u0e01\u0e25\u0e49\u0e32\u0e21\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e2b\u0e19\u0e49\u0e32\u0e41\u0e02\u0e49\u0e07\u0e2a\u0e48\u0e27\u0e19\u0e2b\u0e19\u0e49\u0e32", + "\u0e25\u0e34\u0e49\u0e19\u0e2d\u0e30\u0e15\u0e23\u0e34\u0e42\u0e2d\u0e40\u0e27\u0e19\u0e15\u0e23\u0e34\u0e04\u0e39\u0e25\u0e32\u0e23\u0e4c", + "\u0e40\u0e2a\u0e49\u0e19\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e41\u0e14\u0e07\u0e15\u0e31\u0e1a", + "\u0e01\u0e25\u0e49\u0e32\u0e21\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e0b\u0e38\u0e1e\u0e35\u0e40\u0e23\u0e35\u0e22\u0e23\u0e4c\u0e40\u0e23\u0e01\u0e15\u0e31\u0e2a", + "\u0e01\u0e23\u0e30\u0e14\u0e39\u0e01\u0e15\u0e49\u0e19\u0e04\u0e2d", + "\u0e01\u0e23\u0e30\u0e14\u0e39\u0e01\u0e41\u0e02\u0e19", + "\u0e01\u0e25\u0e49\u0e32\u0e21\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e40\u0e25\u0e47\u0e01\u0e40\u0e17\u0e40\u0e23\u0e2a", + "\u0e2b\u0e25\u0e2d\u0e14\u0e40\u0e25\u0e37\u0e2d\u0e14\u0e41\u0e14\u0e07\u0e2d\u0e32\u0e23\u0e4c\u0e04\u0e39\u0e40\u0e2d\u0e17" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u0e04\u0e2d\u0e21\u0e21\u0e34\u0e27\u0e19\u0e34\u0e2a\u0e15\u0e4c", + "\u0e40\u0e21\u0e19\u0e40\u0e0a\u0e27\u0e34\u0e01", + "\u0e1c\u0e39\u0e49\u0e2a\u0e19\u0e31\u0e1a\u0e2a\u0e19\u0e38\u0e19\u0e23\u0e30\u0e1a\u0e1a\u0e2a\u0e2b\u0e1e\u0e31\u0e19\u0e18\u0e23\u0e31\u0e10", + "\u0e1c\u0e39\u0e49\u0e17\u0e35\u0e48\u0e19\u0e34\u0e22\u0e21\u0e25\u0e31\u0e17\u0e18\u0e34\u0e21\u0e32\u0e23\u0e4c\u0e01\u0e0b", + "\u0e0a\u0e32\u0e27\u0e1a\u0e2d\u0e25\u0e40\u0e0a\u0e2d\u0e27\u0e34\u0e01", + "\u0e19\u0e31\u0e01\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e18\u0e34\u0e1b\u0e44\u0e15\u0e22", + "\u0e1c\u0e39\u0e49\u0e2a\u0e19\u0e31\u0e1a\u0e2a\u0e19\u0e38\u0e19\u0e1b\u0e23\u0e30\u0e0a\u0e32\u0e18\u0e34\u0e1b\u0e44\u0e15\u0e22", + "\u0e41\u0e21\u0e48\u0e19\u0e49\u0e4d\u0e32\u0e23\u0e35\u0e1e\u0e31\u0e1a\u0e25\u0e34\u0e01\u0e31\u0e19" + ], + "GENDER": [ + "\u0e25\u0e34\u0e15\u0e40\u0e15\u0e34\u0e25\u0e1a\u0e2d\u0e22", + "\u0e2b\u0e0d\u0e34\u0e07\u0e2a\u0e32\u0e27", + "\u0e1a\u0e38\u0e23\u0e38\u0e29\u0e40\u0e1e\u0e28", + "\u0e15\u0e31\u0e27\u0e2b\u0e21\u0e32\u0e01", + "\u0e2b\u0e0d\u0e34\u0e07\u0e2a\u0e32\u0e27\u0e27\u0e31\u0e22\u0e23\u0e38\u0e48\u0e19", + "\u0e04\u0e19\u0e23\u0e31\u0e01\u0e2a\u0e2d\u0e07\u0e40\u0e1e\u0e28", + "\u0e2b\u0e0d\u0e34\u0e07", + "\u0e04\u0e19\u0e23\u0e31\u0e01\u0e23\u0e48\u0e27\u0e21\u0e40\u0e1e\u0e28", + "\u0e2a\u0e15\u0e23\u0e35", + "\u0e40\u0e08\u0e19\u0e40\u0e17\u0e34\u0e25\u0e41\u0e21\u0e19", + "\u0e40\u0e14\u0e47\u0e01\u0e2b\u0e0d\u0e34\u0e07", + "\u0e2b\u0e0d\u0e34\u0e07\u0e2a\u0e39\u0e07\u0e2d\u0e32\u0e22\u0e38", + "\u0e1b\u0e32\u0e01\u0e41\u0e15\u0e01", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e15\u0e31\u0e27\u0e1c\u0e39\u0e49", + "\u0e2b\u0e0d\u0e34\u0e07\u0e0a\u0e23\u0e32", + "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e21\u0e25", + "\u0e0a\u0e32\u0e27\u0e40\u0e25\u0e2a\u0e40\u0e1a\u0e35\u0e22\u0e19", + "\u0e2b\u0e0d\u0e34\u0e07\u0e17\u0e35\u0e48\u0e41\u0e15\u0e48\u0e07\u0e07\u0e32\u0e19\u0e41\u0e25\u0e49\u0e27", + "\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e1e\u0e28\u0e1c\u0e39\u0e49", + "\u0e25\u0e39\u0e01\u0e19\u0e49\u0e2d\u0e07\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e15\u0e31\u0e27\u0e40\u0e21\u0e35\u0e22", + "\u0e1e\u0e31\u0e28\u0e14\u0e35\u0e2b\u0e0d\u0e34\u0e07\u0e43\u0e19\u0e40\u0e23\u0e37\u0e2d\u0e19\u0e08\u0e4d\u0e32", + "\u0e40\u0e14\u0e47\u0e01\u0e2a\u0e32\u0e27", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e1e\u0e28\u0e40\u0e21\u0e35\u0e22", + "\u0e2b\u0e0d\u0e34\u0e07\u0e2a\u0e39\u0e07\u0e27\u0e31\u0e22", + "\u0e40\u0e14\u0e47\u0e01\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07", + "\u0e0a\u0e32\u0e27\u0e23\u0e31\u0e01\u0e23\u0e48\u0e27\u0e21\u0e40\u0e1e\u0e28" + ], + "MEDICAL_THERAPY": [ + "\u0e04\u0e27\u0e32\u0e21\u0e40\u0e1b\u0e47\u0e19\u0e08\u0e23\u0e34\u0e07\u0e40\u0e2a\u0e21\u0e37\u0e2d\u0e19", + "\u0e41\u0e21\u0e01\u0e40\u0e19\u0e15\u0e34\u0e01\u0e40\u0e23\u0e42\u0e0b\u0e41\u0e19\u0e19\u0e0b\u0e4c", + "\u0e04\u0e27\u0e32\u0e21\u0e14\u0e31\u0e19\u0e40\u0e25\u0e37\u0e2d\u0e14", + "\u0e01\u0e32\u0e23\u0e08\u0e31\u0e14\u0e1f\u0e31\u0e19", + "\u0e19\u0e49\u0e4d\u0e32\u0e21\u0e31\u0e19\u0e07\u0e39", + "\u0e04\u0e27\u0e32\u0e21\u0e14\u0e31\u0e19\u0e42\u0e25\u0e2b\u0e34\u0e15", + "\u0e42\u0e25\u0e01\u0e40\u0e2a\u0e21\u0e37\u0e2d\u0e19\u0e08\u0e23\u0e34\u0e07" + ], + "UNION": [ + "\u0e2a\u0e21\u0e32\u0e04\u0e21\u0e1c\u0e39\u0e49\u0e1b\u0e23\u0e30\u0e01\u0e2d\u0e1a\u0e27\u0e34\u0e0a\u0e32\u0e0a\u0e35\u0e1e", + "\u0e2a\u0e2b\u0e20\u0e32\u0e1e\u0e42\u0e17\u0e23\u0e04\u0e21\u0e19\u0e32\u0e04\u0e21\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e17\u0e28", + "\u0e2a\u0e2b\u0e20\u0e32\u0e1e\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e2d\u0e38\u0e15\u0e2a\u0e32\u0e2b\u0e01\u0e23\u0e23\u0e21", + "\u0e2a\u0e2b\u0e20\u0e32\u0e1e\u0e41\u0e23\u0e07\u0e07\u0e32\u0e19\u0e40\u0e2b\u0e21\u0e37\u0e2d\u0e07\u0e41\u0e23\u0e48\u0e41\u0e2b\u0e48\u0e07\u0e2a\u0e2b\u0e23\u0e31\u0e10\u0e2d\u0e40\u0e21\u0e23\u0e34\u0e01\u0e32", + "\u0e2a\u0e2b\u0e20\u0e32\u0e1e\u0e44\u0e1b\u0e23\u0e29\u0e13\u0e35\u0e22\u0e4c\u0e2a\u0e32\u0e01\u0e25", + "\u0e2d\u0e07\u0e04\u0e4c\u0e01\u0e32\u0e23\u0e19\u0e31\u0e01\u0e28\u0e36\u0e01\u0e29\u0e32" + ], + "PERSON_PRONOUN": [ + "i", + "\u0e01\u0e32\u0e23\u0e27\u0e32\u0e07\u0e17\u0e38\u0e48\u0e19\u0e23\u0e30\u0e40\u0e1a\u0e34\u0e14", + "\u0e2d\u0e31\u0e01\u0e29\u0e23\u0e2e\u0e35" + ], + "RELIGION": [ + "\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e22\u0e39\u0e14\u0e32\u0e22\u0e2a\u0e32\u0e22\u0e2d\u0e19\u0e38\u0e23\u0e31\u0e01\u0e29\u0e4c\u0e19\u0e34\u0e22\u0e21", + "\u0e04\u0e23\u0e34\u0e2a\u0e40\u0e15\u0e35\u0e22\u0e19\u0e27\u0e34\u0e17\u0e22\u0e32\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c", + "\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e0a\u0e34\u0e19\u0e42\u0e15", + "\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e21\u0e32\u0e13\u0e35\u0e01\u0e35", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e22\u0e34\u0e27\u0e1b\u0e0f\u0e34\u0e23\u0e39\u0e1b", + "\u0e0a\u0e34\u0e19\u0e42\u0e15", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e22\u0e34\u0e27\u0e2d\u0e19\u0e38\u0e23\u0e31\u0e01\u0e29\u0e4c\u0e19\u0e34\u0e22\u0e21", + "\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e1e\u0e38\u0e17\u0e18\u0e41\u0e1a\u0e1a\u0e17\u0e34\u0e40\u0e1a\u0e15", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e27\u0e34\u0e01\u0e01\u0e49\u0e32", + "\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e1e\u0e23\u0e32\u0e2b\u0e21\u0e13\u0e4c", + "\u0e2b\u0e35\u0e19\u0e22\u0e32\u0e19", + "\u0e28\u0e32\u0e2a\u0e19\u0e08\u0e31\u0e01\u0e23\u0e42\u0e23\u0e21\u0e31\u0e19\u0e04\u0e32\u0e17\u0e2d\u0e25\u0e34\u0e01", + "\u0e40\u0e1e\u0e23\u0e2a\u0e44\u0e1a\u0e17\u0e35\u0e40\u0e23\u0e35\u0e22\u0e19", + "\u0e28\u0e32\u0e2a\u0e19\u0e32\u0e22\u0e39\u0e14\u0e32\u0e22\u0e2a\u0e32\u0e22\u0e1b\u0e0f\u0e34\u0e23\u0e39\u0e1b", + "\u0e01\u0e25\u0e38\u0e48\u0e21\u0e40\u0e1e\u0e35\u0e22\u0e27\u0e23\u0e34\u0e15\u0e31\u0e19" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u0e28\u0e34\u0e23\u0e34\u0e40\u0e01\u0e28", + "\u0e17\u0e2d\u0e07\u0e2a\u0e34\u0e23\u0e34", + "\u0e1e\u0e25\u0e32\u0e19\u0e38\u0e0a", + "\u0e19\u0e32\u0e15\u0e22\u0e32", + "\u0e23\u0e21\u0e34\u0e15\u0e32", + "\u0e20\u0e32\u0e19\u0e34\u0e13\u0e35", + "\u0e13\u0e20\u0e31\u0e17\u0e23", + "\u0e1e\u0e23\u0e0a\u0e19\u0e01", + "\u0e2d\u0e23\u0e1e\u0e34\u0e13", + "\u0e23\u0e2d\u0e01\u0e35\u0e40\u0e22\u0e4a\u0e32\u0e30", + "\u0e1b\u0e10\u0e27\u0e35\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e23\u0e31\u0e07\u0e2a\u0e34\u0e19\u0e35", + "\u0e2b\u0e23\u0e23\u0e29\u0e32", + "\u0e1e\u0e23\u0e0a\u0e35\u0e27\u0e34\u0e19", + "\u0e42\u0e2a\u0e20\u0e32", + "\u0e13\u0e34\u0e0a\u0e32\u0e20\u0e31\u0e17\u0e23", + "\u0e2a\u0e38\u0e1e\u0e31\u0e15\u0e23\u0e32", + "\u0e08\u0e31\u0e01\u0e23\u0e35\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e28\u0e23\u0e34\u0e19\u0e22\u0e32", + "\u0e2d\u0e31\u0e0d\u0e1e\u0e31\u0e0a\u0e23\u0e4c", + "\u0e2d\u0e31\u0e19\u0e18\u0e34\u0e01\u0e32", + "\u0e2a\u0e38\u0e18\u0e32\u0e27\u0e35", + "\u0e21\u0e32\u0e0b\u0e35\u0e40\u0e15\u0e32\u0e30", + "\u0e19\u0e27\u0e23\u0e23\u0e29\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e28\u0e38\u0e20\u0e01\u0e23\u0e0a\u0e19\u0e32", + "\u0e1a\u0e38\u0e0d\u0e17\u0e34\u0e27\u0e32", + "\u0e08\u0e38\u0e11\u0e32\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e17\u0e34\u0e1e\u0e22\u0e4c\u0e27\u0e32\u0e23\u0e35", + "\u0e08\u0e34\u0e19\u0e15\u0e4c\u0e08\u0e38\u0e11\u0e32", + "\u0e17\u0e31\u0e1a\u0e17\u0e34\u0e21", + "\u0e28\u0e28\u0e34\u0e18\u0e23", + "\u0e2a\u0e34\u0e23\u0e34\u0e25\u0e31\u0e14\u0e14\u0e32", + "\u0e40\u0e1e\u0e47\u0e0d\u0e1e\u0e23\u0e23\u0e29\u0e32", + "\u0e01\u0e27\u0e32\u0e07", + "\u0e42\u0e2a\u0e20\u0e13\u0e34\u0e15\u0e32", + "\u0e14\u0e27\u0e07\u0e08\u0e31\u0e19\u0e17\u0e23\u0e4c", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e1b\u0e23\u0e30\u0e20\u0e32", + "\u0e2d\u0e33\u0e1e\u0e23", + "\u0e2d\u0e25\u0e34\u0e29\u0e32", + "\u0e28\u0e28\u0e34\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e27\u0e19\u0e32\u0e25\u0e35", + "\u0e2b\u0e24\u0e17\u0e31\u0e22", + "\u0e19\u0e23\u0e35\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e08\u0e35\u0e23\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e01\u0e30\u0e14\u0e34\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e1e\u0e35\u0e23\u0e20\u0e31\u0e17\u0e23\u0e4c", + "\u0e2a\u0e42\u0e23\u0e0a\u0e32", + "\u0e2d\u0e38\u0e14\u0e21\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e19\u0e34\u0e27\u0e34\u0e25\u0e14\u0e32\u0e19", + "\u0e40\u0e1a\u0e0d\u0e0d\u0e32\u0e17\u0e34\u0e1e\u0e22\u0e4c", + "\u0e1b\u0e34\u0e22\u0e27\u0e14\u0e35", + "\u0e21\u0e30\u0e25\u0e35\u0e27\u0e31\u0e25\u0e22\u0e4c", + "\u0e08\u0e13\u0e34\u0e15\u0e15\u0e32", + "\u0e21\u0e13\u0e35\u0e22\u0e32", + "\u0e2d\u0e32\u0e0b\u0e37\u0e2d\u0e21\u0e30", + "\u0e01\u0e38\u0e25\u0e1b\u0e23\u0e35\u0e22\u0e32", + "\u0e13\u0e31\u0e10\u0e0d\u0e32\u0e14\u0e32", + "\u0e13\u0e31\u0e10\u0e18\u0e34\u0e15\u0e32", + "\u0e0a\u0e34\u0e14\u0e0a\u0e19\u0e01", + "\u0e01\u0e34\u0e48\u0e07\u0e41\u0e01\u0e49\u0e27", + "\u0e0a\u0e19\u0e34\u0e28\u0e32", + "\u0e2d\u0e31\u0e0d\u0e0a\u0e31\u0e0d", + "\u0e08\u0e23\u0e23\u0e22\u0e1e\u0e23", + "\u0e40\u0e19\u0e15\u0e23\u0e24\u0e14\u0e35", + "\u0e04\u0e33", + "\u0e27\u0e31\u0e25\u0e22\u0e32", + "\u0e2a\u0e21\u0e43\u0e08", + "\u0e1b\u0e31\u0e0d\u0e0d\u0e32\u0e1e\u0e23", + "\u0e19\u0e31\u0e19\u0e17\u0e27\u0e23\u0e23\u0e13", + "\u0e19\u0e31\u0e19\u0e17\u0e34\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e02\u0e2d\u0e14\u0e34\u0e40\u0e22\u0e32\u0e30", + "\u0e2d\u0e38\u0e29\u0e13\u0e35\u0e22\u0e4c", + "\u0e1b\u0e23\u0e30\u0e20\u0e31\u0e17\u0e23\u0e4c\u0e2a\u0e23\u0e13\u0e4c", + "\u0e2a\u0e38\u0e1e\u0e31\u0e15\u0e23", + "\u0e10\u0e34\u0e15\u0e34\u0e01\u0e38\u0e25", + "\u0e17\u0e34\u0e21\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e20\u0e31\u0e04\u0e0a\u0e31\u0e0d\u0e0d\u0e32", + "\u0e27\u0e23\u0e14\u0e32\u0e1e\u0e23", + "\u0e28\u0e28\u0e34\u0e19\u0e32", + "\u0e1e\u0e31\u0e2a\u0e27\u0e35", + "\u0e10\u0e34\u0e15\u0e34\u0e22\u0e32\u0e1e\u0e23", + "\u0e27\u0e35\u0e23\u0e4c\u0e2a\u0e38\u0e14\u0e32", + "\u0e0b\u0e39\u0e2e\u0e31\u0e22\u0e14\u0e32", + "\u0e20\u0e31\u0e04\u0e28\u0e38\u0e20\u0e32\u0e07\u0e04\u0e4c", + "\u0e42\u0e23\u0e2a\u0e0a\u0e32", + "\u0e19\u0e49\u0e33\u0e40\u0e1e\u0e0a\u0e23", + "\u0e1e\u0e23\u0e40\u0e1a\u0e0d\u0e0d\u0e32", + "\u0e18\u0e31\u0e0a\u0e0d\u0e32", + "\u0e08\u0e23\u0e34\u0e22\u0e09\u0e31\u0e15\u0e23", + "\u0e1e\u0e23\u0e23\u0e13\u0e1b\u0e1e\u0e23", + "\u0e08\u0e34\u0e13\u0e20\u0e31\u0e17\u0e15\u0e32", + "\u0e2d\u0e23\u0e08\u0e34\u0e23\u0e32", + "\u0e2d\u0e23\u0e38\u0e13\u0e35", + "\u0e01\u0e34\u0e15\u0e34\u0e22\u0e32\u0e18\u0e23\u0e13\u0e4c", + "\u0e13\u0e31\u0e10\u0e15\u0e34\u0e0d\u0e32", + "\u0e1b\u0e34\u0e22\u0e19\u0e38\u0e0a", + "\u0e2a\u0e23\u0e32\u0e0d\u0e08\u0e34\u0e15\u0e15\u0e4c", + "\u0e1e\u0e34\u0e0a\u0e0d\u0e4c\u0e2a\u0e34\u0e19\u0e35", + "\u0e42\u0e22\u0e18\u0e34\u0e01\u0e32\u0e23\u0e4c", + "\u0e08\u0e34\u0e15\u0e15\u0e32\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e18\u0e21\u0e25\u0e1e\u0e23\u0e23\u0e13", + "\u0e0a\u0e31\u0e0e\u0e0a\u0e32", + "\u0e08\u0e34\u0e2c\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e13\u0e34\u0e0a\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e1e\u0e23\u0e2a\u0e27\u0e23\u0e23\u0e04\u0e4c", + "\u0e19\u0e1e\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e17\u0e32\u0e19\u0e15\u0e30\u0e27\u0e31\u0e19", + "\u0e40\u0e1e\u0e35\u0e22\u0e07\u0e01\u0e21\u0e25", + "\u0e40\u0e21\u0e29\u0e32", + "\u0e19\u0e1e\u0e27\u0e23\u0e23\u0e13", + "\u0e23\u0e2d\u0e0b\u0e35\u0e14\u0e4a\u0e30", + "\u0e27\u0e23\u0e19\u0e32\u0e0e", + "\u0e2a\u0e38\u0e20\u0e31\u0e17\u0e23\u0e34\u0e14\u0e32", + "\u0e40\u0e01\u0e28\u0e23\u0e32", + "\u0e2a\u0e34\u0e23\u0e34\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e27\u0e2a\u0e34\u0e15\u0e32", + "\u0e08\u0e38\u0e11\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e0a\u0e25\u0e34\u0e14\u0e32", + "\u0e14\u0e27\u0e07\u0e1e\u0e23", + "\u0e21\u0e31\u0e15\u0e15\u0e34\u0e01\u0e32", + "\u0e2a\u0e38\u0e23\u0e01\u0e32\u0e23\u0e13\u0e4c", + "\u0e2a\u0e38\u0e23\u0e19\u0e35\u0e22\u0e4c", + "\u0e13\u0e31\u0e10\u0e27\u0e23\u0e34\u0e19\u0e17\u0e23", + "\u0e19\u0e32\u0e27\u0e35\u0e15\u0e32", + "\u0e1e\u0e0a\u0e23\u0e20\u0e23\u0e13\u0e4c", + "\u0e1f\u0e32\u0e23\u0e34\u0e19\u0e35", + "\u0e27\u0e31\u0e19\u0e0a\u0e19\u0e01", + "\u0e27\u0e23\u0e23\u0e13\u0e19\u0e34\u0e2a\u0e32", + "\u0e1f\u0e34\u0e23\u0e22\u0e32", + "\u0e1b\u0e23\u0e30\u0e08\u0e34\u0e19", + "\u0e1e\u0e31\u0e19\u0e40\u0e01\u0e25\u0e49\u0e32", + "\u0e43\u0e01\u0e25\u0e49\u0e23\u0e38\u0e48\u0e07", + "\u0e1e\u0e32\u0e14\u0e35\u0e25\u0e4a\u0e30", + "\u0e2d\u0e23\u0e34\u0e2a\u0e23\u0e32", + "\u0e28\u0e28\u0e34\u0e22\u0e32", + "\u0e2d\u0e18\u0e34\u0e15\u0e22\u0e32", + "\u0e08\u0e34\u0e23\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e40\u0e17\u0e1e\u0e19\u0e32\u0e23\u0e35", + "\u0e20\u0e31\u0e17\u0e23\u0e19\u0e32\u0e0e", + "\u0e1b\u0e31\u0e13\u0e13\u0e18\u0e23", + "\u0e01\u0e31\u0e19\u0e15\u0e27\u0e23\u0e23\u0e13", + "\u0e22\u0e38\u0e20\u0e32", + "\u0e2a\u0e38\u0e01\u0e24\u0e29\u0e15\u0e32", + "\u0e40\u0e1e\u0e47\u0e0d\u0e22\u0e38\u0e20\u0e32", + "\u0e08\u0e13\u0e34\u0e2a\u0e15\u0e32", + "\u0e17\u0e34\u0e1e\u0e23\u0e14\u0e32", + "\u0e1e\u0e34\u0e28\u0e1e\u0e23\u0e23\u0e13", + "\u0e40\u0e1e\u0e0a\u0e23\u0e21\u0e13\u0e35", + "\u0e14\u0e27\u0e07\u0e2a\u0e21\u0e23", + "\u0e1a\u0e38\u0e0d\u0e1e\u0e32", + "\u0e0b\u0e39\u0e44\u0e23\u0e14\u0e32", + "\u0e21\u0e25\u0e34\u0e27\u0e23\u0e23\u0e13", + "\u0e1b\u0e32\u0e23\u0e34\u0e15\u0e32", + "\u0e28\u0e34\u0e23\u0e34\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e23\u0e27\u0e34\u0e27\u0e32\u0e19", + "\u0e2d\u0e31\u0e0d\u0e0a\u0e34\u0e29\u0e10\u0e32", + "\u0e1b\u0e34\u0e22\u0e19\u0e32\u0e0e", + "\u0e01\u0e2d\u0e07\u0e2a\u0e34\u0e19", + "\u0e1b\u0e34\u0e22\u0e30\u0e0a\u0e32\u0e15\u0e34", + "\u0e1e\u0e23\u0e1b\u0e23\u0e32\u0e13\u0e35", + "\u0e28\u0e08\u0e35\u0e01\u0e32\u0e0d\u0e08\u0e19\u0e4c", + "\u0e01\u0e38\u0e25\u0e20\u0e32\u0e27\u0e25\u0e31\u0e22", + "\u0e1e\u0e32\u0e2a\u0e38\u0e02", + "\u0e25\u0e31\u0e14\u0e14\u0e32", + "\u0e1b\u0e23\u0e34\u0e0d\u0e0d\u0e32", + "\u0e10\u0e34\u0e15\u0e32\u0e1e\u0e23", + "\u0e14\u0e32\u0e23\u0e38\u0e19\u0e35", + "\u0e2d\u0e40\u0e19\u0e0a\u0e32", + "\u0e15\u0e23\u0e35\u0e19\u0e38\u0e0a", + "\u0e2a\u0e34\u0e23\u0e32\u0e1e\u0e23", + "\u0e19\u0e23\u0e35\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e2d\u0e32\u0e20\u0e31\u0e28\u0e23\u0e32", + "\u0e20\u0e32\u0e2a\u0e34\u0e19\u0e35", + "\u0e2a\u0e38\u0e20\u0e32\u0e25\u0e34\u0e19\u0e35", + "\u0e2e\u0e32\u0e21\u0e35\u0e22\u0e4a\u0e30", + "\u0e2d\u0e31\u0e0d\u0e18\u0e34\u0e01\u0e32", + "\u0e21\u0e32\u0e23\u0e35\u0e19\u0e35", + "\u0e2d\u0e33\u0e44\u0e1e", + "\u0e19\u0e34\u0e15\u0e34\u0e22\u0e32", + "\u0e2a\u0e34\u0e23\u0e34", + "\u0e0a\u0e31\u0e0d\u0e0d\u0e32\u0e19\u0e38\u0e19\u0e32\u0e22", + "\u0e1e\u0e31\u0e0a\u0e23\u0e35\u0e19\u0e34\u0e29\u0e10\u0e4c", + "\u0e0a\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c\u0e17\u0e34\u0e1e\u0e22\u0e4c", + "\u0e25\u0e31\u0e01\u0e29\u0e21\u0e35", + "\u0e18\u0e31\u0e0d\u0e0d\u0e01\u0e31\u0e0d\u0e0d\u0e32", + "\u0e2a\u0e38\u0e18\u0e34\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e2a\u0e38\u0e15\u0e32", + "\u0e21\u0e19\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e08\u0e34\u0e15\u0e23\u0e25\u0e14\u0e32", + "\u0e09\u0e31\u0e15\u0e23\u0e1b\u0e23\u0e35\u0e22\u0e32", + "\u0e2d\u0e38\u0e25\u0e31\u0e22\u0e1e\u0e23", + "\u0e22\u0e38\u0e25\u0e34\u0e19", + "\u0e2a\u0e38\u0e1b\u0e23\u0e32\u0e19\u0e35", + "\u0e18\u0e31\u0e0d\u0e0d\u0e32\u0e21\u0e32\u0e28", + "\u0e1a\u0e38\u0e0d\u0e40\u0e17\u0e35\u0e22\u0e19", + "\u0e2a\u0e21\u0e21\u0e25", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e1e\u0e34\u0e0a\u0e0d\u0e32", + "\u0e21\u0e32\u0e2a\u0e34\u0e15\u0e30", + "\u0e0b\u0e39\u0e23\u0e31\u0e22\u0e14\u0e32", + "\u0e19\u0e20\u0e31\u0e2a\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e19\u0e34\u0e20\u0e32", + "\u0e28\u0e34\u0e23\u0e34\u0e0d\u0e32", + "\u0e27\u0e34\u0e40\u0e0a\u0e35\u0e22\u0e23", + "\u0e13\u0e31\u0e10\u0e18\u0e20\u0e23\u0e13\u0e4c", + "\u0e20\u0e32\u0e23\u0e27\u0e35", + "\u0e1b\u0e23\u0e30\u0e44\u0e1e\u0e1e\u0e31\u0e01\u0e15\u0e23\u0e4c", + "\u0e2a\u0e2b\u0e31\u0e2a\u0e21\u0e13\u0e35", + "\u0e22\u0e19\u0e07\u0e04\u0e23\u0e32\u0e0d", + "\u0e19\u0e32\u0e23\u0e14\u0e32", + "\u0e08\u0e31\u0e19\u0e17\u0e19\u0e32", + "\u0e27\u0e23\u0e23\u0e13\u0e01\u0e23", + "\u0e40\u0e22\u0e32\u0e27\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e01\u0e19\u0e01\u0e40\u0e19\u0e15\u0e23", + "\u0e1e\u0e34\u0e21\u0e1e\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e20\u0e31\u0e17\u0e23\u0e32\u0e27\u0e38\u0e18", + "\u0e23\u0e31\u0e01\u0e0a\u0e19\u0e01", + "\u0e23\u0e32\u0e13\u0e35", + "\u0e41\u0e01\u0e21\u0e41\u0e1e\u0e23", + "\u0e2a\u0e38\u0e20\u0e32\u0e1e\u0e23", + "\u0e2a\u0e38\u0e21\u0e31\u0e0a\u0e0d\u0e32", + "\u0e19\u0e38\u0e08\u0e23\u0e35", + "\u0e04\u0e21\u0e04\u0e32\u0e22", + "\u0e19\u0e23\u0e32\u0e27\u0e23\u0e23\u0e13", + "\u0e04\u0e13\u0e20\u0e23\u0e13\u0e4c", + "\u0e40\u0e21\u0e17\u0e19\u0e35", + "\u0e2a\u0e32\u0e22\u0e2a\u0e38\u0e23\u0e35\u0e22\u0e4c", + "\u0e27\u0e23\u0e23\u0e13\u0e32\u0e15", + "\u0e1e\u0e23\u0e1e\u0e34\u0e44\u0e25", + "\u0e1c\u0e01\u0e32\u0e17\u0e34\u0e1e\u0e22\u0e4c", + "\u0e23\u0e39\u0e44\u0e01\u0e22\u0e30\u0e2e\u0e4c", + "\u0e1b\u0e20\u0e32\u0e27\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e13\u0e32\u0e23\u0e4c\u0e23\u0e35\u0e21\u0e32\u0e19", + "\u0e01\u0e34\u0e15\u0e34\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e2d\u0e32\u0e41\u0e2d\u0e40\u0e2a\u0e32\u0e30", + "\u0e18\u0e35\u0e23\u0e34\u0e2a\u0e23\u0e32", + "\u0e2d\u0e13\u0e31\u0e10\u0e15\u0e32", + "\u0e27\u0e23\u0e23\u0e13\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e2a\u0e38\u0e14\u0e32", + "\u0e08\u0e31\u0e19\u0e17\u0e20\u0e32", + "\u0e13\u0e31\u0e10\u0e1e\u0e34\u0e0a\u0e32", + "\u0e40\u0e01\u0e29\u0e23\u0e32", + "\u0e21\u0e19\u0e31\u0e0d\u0e0a\u0e22\u0e32", + "\u0e10\u0e34\u0e15\u0e34\u0e13\u0e31\u0e10\u0e10\u0e32", + "\u0e40\u0e02\u0e21\u0e08\u0e34\u0e23\u0e32", + "\u0e28\u0e38\u0e20\u0e19\u0e38\u0e19\u0e32\u0e22", + "\u0e1e\u0e34\u0e44\u0e25\u0e1e\u0e23", + "\u0e27\u0e13\u0e31\u0e10\u0e14\u0e32", + "\u0e2d\u0e32\u0e23\u0e35\u0e22\u0e4c", + "\u0e1b\u0e34\u0e48\u0e19\u0e1a\u0e38\u0e0d\u0e0d\u0e32", + "\u0e17\u0e34\u0e19\u0e1e\u0e23" + ], + "FIRST_NAME_MALE": [ + "\u0e2a\u0e38\u0e17\u0e01\u0e23", + "\u0e19\u0e31\u0e19\u0e17\u0e27\u0e38\u0e12\u0e34", + "\u0e2a\u0e19\u0e31\u0e48\u0e19", + "\u0e1e\u0e34\u0e0a\u0e32\u0e20\u0e1e", + "\u0e20\u0e31\u0e04\u0e0a\u0e19\u0e19", + "\u0e13\u0e1b\u0e20\u0e31\u0e0a", + "\u0e42\u0e2a\u0e20\u0e13", + "\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c\u0e40\u0e17\u0e1e", + "\u0e18\u0e21\u0e19", + "\u0e01\u0e24\u0e15\u0e40\u0e21\u0e18", + "\u0e19\u0e34\u0e23\u0e31\u0e19\u0e14\u0e23\u0e4c", + "\u0e20\u0e32\u0e2a\u0e27\u0e38\u0e12\u0e34", + "\u0e22\u0e2d\u0e14\u0e41\u0e21\u0e19", + "\u0e2a\u0e34\u0e23\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e2a\u0e34\u0e23\u0e34\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e2d\u0e21\u0e31\u0e14", + "\u0e40\u0e17\u0e35\u0e22\u0e21\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e28\u0e20\u0e31\u0e04\u0e0a\u0e04\u0e07", + "\u0e1e\u0e35\u0e23\u0e30\u0e1e\u0e07\u0e28\u0e4c\u0e1e\u0e31\u0e19\u0e18\u0e4c", + "\u0e2a\u0e21\u0e1e\u0e34\u0e28", + "\u0e40\u0e08\u0e29\u0e0e\u0e32\u0e01\u0e23", + "\u0e2a\u0e38\u0e23\u0e18\u0e31\u0e0a", + "\u0e2b\u0e25\u0e31\u0e01\u0e17\u0e23\u0e31\u0e1e\u0e22\u0e4c", + "\u0e27\u0e31\u0e25\u0e25\u0e20", + "\u0e01\u0e29\u0e34\u0e14\u0e34\u0e10", + "\u0e04\u0e21\u0e2a\u0e31\u0e19", + "\u0e1e\u0e38\u0e17\u0e18", + "\u0e2d\u0e32\u0e2e\u0e32\u0e21\u0e31\u0e14", + "\u0e40\u0e19\u0e15\u0e34\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e19\u0e34\u0e21\u0e38", + "\u0e20\u0e39\u0e27\u0e34\u0e0a", + "\u0e40\u0e08\u0e15\u0e1e\u0e34\u0e19\u0e34\u0e29\u0e10\u0e4c", + "\u0e40\u0e08\u0e15\u0e18\u0e19\u0e32\u0e01\u0e23", + "\u0e28\u0e23\u0e35\u0e2a\u0e27\u0e31\u0e2a\u0e14\u0e34\u0e4c", + "\u0e27\u0e34\u0e1e\u0e38\u0e18", + "\u0e27\u0e23\u0e34\u0e19\u0e17\u0e18\u0e34\u0e4c\u0e18\u0e23", + "\u0e01\u0e38\u0e25\u0e14\u0e34\u0e25\u0e01", + "\u0e20\u0e39\u0e27\u0e24\u0e13", + "\u0e2b\u0e25\u0e49\u0e32", + "\u0e21\u0e32\u0e23\u0e38\u0e14", + "\u0e44\u0e27\u0e1e\u0e08\u0e19\u0e4c", + "\u0e2a\u0e35\u0e2b\u0e23\u0e32\u0e0a", + "\u0e15\u0e2d\u0e2e\u0e32", + "\u0e27\u0e35\u0e23\u0e30\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e20\u0e39\u0e27\u0e23\u0e32", + "\u0e21\u0e19\u0e31\u0e2a", + "\u0e21\u0e30\u0e2a\u0e39\u0e40\u0e01\u0e35\u0e22\u0e19", + "\u0e1e\u0e25\u0e20\u0e39\u0e21\u0e34", + "\u0e2a\u0e34\u0e17\u0e18\u0e31\u0e0d", + "\u0e40\u0e17\u0e2d\u0e14\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e2a\u0e38\u0e23\u0e19\u0e31\u0e22", + "\u0e27\u0e34\u0e16\u0e35", + "\u0e20\u0e39\u0e21\u0e34\u0e1b\u0e31\u0e0d\u0e0d\u0e32", + "\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e23\u0e32\u0e0a\u0e1e\u0e24\u0e01\u0e29\u0e4c", + "\u0e13\u0e34\u0e0a\u0e40\u0e0a\u0e0f\u0e10\u0e4c", + "\u0e40\u0e01\u0e29\u0e21\u0e0a\u0e31\u0e22", + "\u0e40\u0e25\u0e34\u0e28\u0e40\u0e14\u0e0a", + "\u0e09\u0e25\u0e2d\u0e07\u0e0a\u0e31\u0e22", + "\u0e0b\u0e38\u0e01\u0e23\u0e35", + "\u0e28\u0e38\u0e20\u0e0a\u0e31\u0e22", + "\u0e23\u0e20\u0e31\u0e2a\u0e1e\u0e07\u0e29\u0e4c", + "\u0e40\u0e08\u0e29\u0e0f\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e1b\u0e34\u0e22\u0e27\u0e31\u0e08\u0e19\u0e4c", + "\u0e20\u0e39\u0e27\u0e31\u0e19", + "\u0e44\u0e21\u0e25\u0e4c", + "\u0e2a\u0e21\u0e2b\u0e21\u0e32\u0e22", + "\u0e1e\u0e31\u0e0a\u0e23\u0e1e\u0e23", + "\u0e13\u0e31\u0e10\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e40\u0e09\u0e25\u0e34\u0e21\u0e1e\u0e25", + "\u0e2a\u0e34\u0e19\u0e2a\u0e21\u0e38\u0e17\u0e23", + "\u0e40\u0e2d\u0e01\u0e2d\u0e18\u0e34\u0e1e\u0e07\u0e29\u0e4c", + "\u0e1b\u0e23\u0e30\u0e40\u0e14\u0e34\u0e21", + "\u0e17\u0e27\u0e35\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e19\u0e34\u0e0a\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e2a\u0e23\u0e32\u0e22\u0e38\u0e17\u0e18", + "\u0e40\u0e1e\u0e17\u0e32\u0e22", + "\u0e40\u0e2a\u0e23\u0e35", + "\u0e08\u0e35\u0e23\u0e22\u0e38\u0e17\u0e18", + "\u0e1b\u0e34\u0e22\u0e1a\u0e38\u0e15\u0e23", + "\u0e1b\u0e31\u0e15\u0e16\u0e1e\u0e07\u0e29\u0e4c", + "\u0e22\u0e39\u0e0b\u0e38\u0e1f", + "\u0e2d\u0e19\u0e38\u0e27\u0e31\u0e0a", + "\u0e19\u0e31\u0e2a\u0e23\u0e38\u0e19", + "\u0e04\u0e21\u0e01\u0e24\u0e0a\u0e0d\u0e4c", + "\u0e19\u0e1e", + "\u0e1b\u0e27\u0e35\u0e13", + "\u0e1e\u0e35\u0e23\u0e1e\u0e31\u0e12\u0e19\u0e4c", + "\u0e21\u0e32\u0e42\u0e19\u0e0a\u0e0d\u0e4c", + "\u0e27\u0e31\u0e19\u0e09\u0e31\u0e15\u0e23", + "\u0e0c\u0e32\u0e06\u0e35\u0e20\u0e31\u0e15\u0e10\u0e4c", + "\u0e27\u0e35\u0e23\u0e30\u0e42\u0e0a\u0e15\u0e34", + "\u0e27\u0e38\u0e12\u0e34", + "\u0e18\u0e35\u0e23\u0e27\u0e38\u0e12\u0e34", + "\u0e40\u0e17\u0e1e\u0e13\u0e23\u0e07\u0e04\u0e4c", + "\u0e08\u0e31\u0e01\u0e23\u0e1e\u0e31\u0e19\u0e18\u0e4c", + "\u0e22\u0e28\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e2a\u0e38\u0e17\u0e18\u0e34\u0e1e\u0e08\u0e19\u0e4c", + "\u0e22\u0e38\u0e28\u0e23\u0e2d\u0e19", + "\u0e2b\u0e25\u0e35", + "\u0e22\u0e28\u0e1e\u0e19\u0e15\u0e4c", + "\u0e1b\u0e38\u0e13\u0e13\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e27\u0e35\u0e23\u0e0a\u0e31\u0e22", + "\u0e02\u0e27\u0e31\u0e0d\u0e23\u0e38\u0e49\u0e07", + "\u0e1b\u0e23\u0e30\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e4c", + "\u0e23\u0e32\u0e0a\u0e31\u0e19\u0e17\u0e23\u0e4c", + "\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e0a\u0e31\u0e22", + "\u0e21\u0e39\u0e2e\u0e31\u0e21\u0e2b\u0e21\u0e31\u0e14\u0e2d\u0e34\u0e21\u0e23\u0e2d\u0e19", + "\u0e27\u0e34\u0e0a\u0e32", + "\u0e10\u0e34\u0e15\u0e34\u0e27\u0e38\u0e12\u0e34", + "\u0e1e\u0e07\u0e29\u0e4c\u0e19\u0e40\u0e23\u0e28", + "\u0e1e\u0e38\u0e17\u0e18\u0e34\u0e1e\u0e07\u0e29\u0e4c", + "\u0e27\u0e34\u0e23\u0e0a\u0e31\u0e22", + "\u0e40\u0e01\u0e23\u0e34\u0e01\u0e1e\u0e25", + "\u0e2d\u0e19\u0e34\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e17\u0e34\u0e19\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e1e\u0e34\u0e1e\u0e34\u0e18\u0e18\u0e19", + "\u0e40\u0e2d\u0e01\u0e0a\u0e31\u0e22", + "\u0e20\u0e04\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e18\u0e19\u0e19\u0e19\u0e17\u0e4c", + "\u0e42\u0e2d\u0e20\u0e32\u0e2a", + "\u0e01\u0e38\u0e25\u0e40\u0e0a\u0e29\u0e10", + "\u0e1c\u0e14\u0e38\u0e07\u0e1e\u0e25", + "\u0e16\u0e19\u0e2d\u0e21\u0e0a\u0e31\u0e22", + "\u0e23\u0e0a\u0e15\u0e01\u0e23", + "\u0e08\u0e34\u0e23\u0e27\u0e34\u0e17\u0e22\u0e4c", + "\u0e19\u0e20\u0e19\u0e15\u0e4c", + "\u0e2a\u0e21\u0e1b\u0e2d\u0e07", + "\u0e01\u0e27\u0e35\u0e09\u0e31\u0e0f\u0e10", + "\u0e18\u0e19\u0e20\u0e13", + "\u0e08\u0e34\u0e21", + "\u0e2d\u0e0a\u0e34\u0e15\u0e30\u0e27\u0e35\u0e23\u0e4c", + "\u0e28\u0e14\u0e34\u0e28", + "\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34\u0e01\u0e49\u0e2d\u0e07", + "\u0e2a\u0e38\u0e1e\u0e19\u0e18\u0e4c", + "\u0e17\u0e2d\u0e07\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e28\u0e38\u0e20\u0e32\u0e28\u0e34\u0e25", + "\u0e04\u0e33\u0e1b\u0e25\u0e34\u0e27", + "\u0e43\u0e08\u0e01\u0e25\u0e32\u0e07", + "\u0e42\u0e0a\u0e04\u0e20\u0e32\u0e14\u0e25", + "\u0e1b\u0e34\u0e22\u0e30\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e2a\u0e31\u0e19\u0e0a\u0e31\u0e22", + "\u0e41\u0e1b\u0e25\u0e07", + "\u0e18\u0e32\u0e23\u0e32", + "\u0e04\u0e33\u0e21\u0e31\u0e48\u0e19", + "\u0e18\u0e32\u0e40\u0e2d\u0e01", + "\u0e08\u0e31\u0e01\u0e23\u0e01\u0e24\u0e19\u0e32\u0e22", + "\u0e27\u0e34\u0e0a\u0e0a\u0e32\u0e01\u0e23", + "\u0e22\u0e28\u0e1e\u0e07\u0e28\u0e4c", + "\u0e18\u0e40\u0e19\u0e29\u0e10", + "\u0e1b\u0e23\u0e30\u0e22\u0e38\u0e17\u0e18\u0e4c", + "\u0e40\u0e02\u0e35\u0e22\u0e27", + "\u0e42\u0e01\u0e27\u0e34\u0e17\u0e22\u0e4c", + "\u0e28\u0e34\u0e23\u0e13\u0e31\u0e10", + "\u0e1b\u0e31\u0e13\u0e13\u0e27\u0e31\u0e0a\u0e23", + "\u0e1a\u0e38\u0e0d\u0e40\u0e2d\u0e01", + "\u0e18\u0e35\u0e23\u0e27\u0e31\u0e0a", + "\u0e17\u0e31\u0e15\u0e18\u0e19", + "\u0e0a\u0e31\u0e0a\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e0d\u0e32\u0e13\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e23\u0e32\u0e0a\u0e31\u0e19", + "\u0e2d\u0e14\u0e34\u0e2a\u0e23\u0e13\u0e4c", + "\u0e28\u0e23\u0e32\u0e22\u0e38\u0e18", + "\u0e44\u0e1e\u0e2a\u0e34\u0e10", + "\u0e2a\u0e21\u0e19\u0e36\u0e01", + "\u0e2a\u0e38\u0e17\u0e18\u0e34\u0e13\u0e31\u0e10", + "\u0e27\u0e23\u0e28\u0e32\u0e2a\u0e2a\u0e4c", + "\u0e2e\u0e32\u0e1f\u0e34\u0e15", + "\u0e40\u0e09\u0e25\u0e34\u0e21\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e1b\u0e23\u0e30\u0e27\u0e35", + "\u0e2d\u0e23\u0e23\u0e08\u0e19\u0e4c", + "\u0e01\u0e23\u0e30\u0e2a\u0e38\u0e19", + "\u0e1b\u0e10\u0e21", + "\u0e2d\u0e34\u0e2a\u0e23\u0e31\u0e19\u0e14\u0e23\u0e4c", + "\u0e40\u0e2d\u0e01\u0e27\u0e34\u0e17\u0e22\u0e4c", + "\u0e08\u0e33\u0e23\u0e31\u0e2a", + "\u0e1b\u0e23\u0e32\u0e22\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e40\u0e0a\u0e34\u0e07\u0e0a\u0e32\u0e22", + "\u0e44\u0e0a\u0e22\u0e20\u0e1e", + "\u0e40\u0e09\u0e25\u0e34\u0e21\u0e23\u0e31\u0e10", + "\u0e1b\u0e23\u0e30\u0e40\u0e2a\u0e23\u0e34\u0e10", + "\u0e1a\u0e38\u0e0d\u0e19\u0e1e", + "\u0e01\u0e24\u0e15\u0e1e\u0e23", + "\u0e1c\u0e14\u0e38\u0e07\u0e0a\u0e32\u0e15\u0e34", + "\u0e27\u0e23\u0e1b\u0e23\u0e31\u0e0a\u0e0d\u0e4c", + "\u0e2a\u0e31\u0e0d\u0e0a\u0e32\u0e19", + "\u0e2d\u0e13\u0e32\u0e27\u0e34\u0e19", + "\u0e1e\u0e31\u0e19\u0e40\u0e17\u0e1e", + "\u0e19\u0e32\u0e17\u0e20\u0e39\u0e27\u0e1e\u0e31\u0e12\u0e19\u0e4c", + "\u0e19\u0e31\u0e10\u0e1e\u0e25", + "\u0e01\u0e34\u0e15\u0e34\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e18\u0e35\u0e23\u0e32\u0e17\u0e31\u0e15", + "\u0e27\u0e34\u0e17\u0e39\u0e25\u0e22\u0e4c", + "\u0e2a\u0e21\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34", + "\u0e18\u0e35\u0e23\u0e4c\u0e18\u0e27\u0e31\u0e19\u0e32\u0e22", + "\u0e27\u0e23\u0e23\u0e13\u0e0a\u0e19\u0e30\u0e0a\u0e31\u0e22", + "\u0e2d\u0e31\u0e1a\u0e14\u0e38\u0e25\u0e40\u0e25\u0e32\u0e30\u0e2b\u0e4c", + "\u0e27\u0e34\u0e23\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e42\u0e0a\u0e15\u0e34\u0e27\u0e38\u0e12\u0e34", + "\u0e2a\u0e38\u0e0a\u0e34\u0e19", + "\u0e08\u0e31\u0e01\u0e23\u0e0a\u0e31\u0e22", + "\u0e18\u0e23\u0e32\u0e27\u0e34\u0e17\u0e0d\u0e4c", + "\u0e14\u0e34\u0e25\u0e01", + "\u0e42\u0e01\u0e21\u0e25", + "\u0e18\u0e19\u0e01\u0e34\u0e15\u0e15\u0e4c", + "\u0e2a\u0e38\u0e23\u0e27\u0e31\u0e0a", + "\u0e27\u0e34\u0e2a\u0e32\u0e23", + "\u0e19\u0e32\u0e22", + "\u0e2d\u0e34\u0e19\u0e17\u0e23\u0e35\u0e22\u0e4c", + "\u0e40\u0e16\u0e25\u0e34\u0e07\u0e22\u0e28", + "\u0e04\u0e21\u0e01\u0e23\u0e34\u0e1a", + "\u0e1b\u0e23\u0e21\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e40\u0e01\u0e29\u0e15\u0e23", + "\u0e2d\u0e18\u0e34\u0e27\u0e31\u0e15\u0e23", + "\u0e0a\u0e31\u0e0a\u0e40\u0e27\u0e28\u0e22\u0e4c", + "\u0e18\u0e27\u0e31\u0e28\u0e0a\u0e32", + "\u0e08\u0e14", + "\u0e1a\u0e38\u0e0d\u0e40\u0e01\u0e34\u0e14", + "\u0e1e\u0e28\u0e23", + "\u0e2d\u0e20\u0e34\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e2e\u0e32\u0e19\u0e32\u0e1f\u0e35", + "\u0e2d\u0e19\u0e38\u0e1a\u0e32\u0e25", + "\u0e01\u0e34\u0e15\u0e34\u0e0a\u0e31\u0e22", + "\u0e2d\u0e31\u0e04\u0e23\u0e1e\u0e19\u0e18\u0e4c", + "\u0e18\u0e35\u0e23\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e1a\u0e38\u0e0d\u0e0d\u0e01\u0e31\u0e25\u0e1b\u0e4c", + "\u0e28\u0e23\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e13\u0e31\u0e10\u0e08\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e20\u0e32\u0e19\u0e38\u0e27\u0e31\u0e15\u0e23", + "\u0e19\u0e19\u0e17\u0e01\u0e32\u0e0d\u0e08\u0e19\u0e4c", + "\u0e2b\u0e23\u0e23\u0e29\u0e18\u0e23", + "\u0e27\u0e32\u0e23\u0e4c\u0e21\u0e39\u0e2e\u0e33\u0e2b\u0e21\u0e31\u0e14", + "\u0e17\u0e23\u0e23\u0e28\u0e19\u0e0a\u0e31\u0e22", + "\u0e2a\u0e38\u0e44\u0e2e\u0e25\u0e31\u0e19", + "\u0e2d\u0e31\u0e29\u0e0f\u0e32", + "\u0e1a\u0e38\u0e0d\u0e0d\u0e32\u0e21\u0e35", + "\u0e23\u0e31\u0e10\u0e1e\u0e07\u0e29\u0e4c", + "\u0e20\u0e32\u0e19\u0e38\u0e1e\u0e25", + "\u0e2a\u0e23\u0e23\u0e40\u0e1e\u0e0a\u0e0d\u0e4c", + "\u0e24\u0e17\u0e18\u0e34\u0e4c\u0e0a\u0e01\u0e23", + "\u0e21\u0e39\u0e2e\u0e33\u0e21\u0e31\u0e14", + "\u0e18\u0e19\u0e27\u0e31\u0e19\u0e15\u0e4c", + "\u0e01\u0e23\u0e1e\u0e19\u0e18\u0e4c", + "\u0e40\u0e23\u0e37\u0e2d\u0e07\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34", + "\u0e19\u0e34\u0e23\u0e38\u0e15\u0e15\u0e4c", + "\u0e27\u0e34\u0e01\u0e34\u0e08", + "\u0e40\u0e2d\u0e19\u0e01\u0e1e\u0e07\u0e28\u0e4c", + "\u0e19\u0e34\u0e15\u0e34", + "\u0e2a\u0e31\u0e19\u0e15\u0e34\u0e23\u0e32\u0e29\u0e0e\u0e23\u0e4c", + "\u0e27\u0e32\u0e2a\u0e38\u0e40\u0e17\u0e1e" + ], + "PREFIX_FEMALE": [ + "\u0e2a.\u0e2d", + "\u0e1e\u0e25.\u0e2d.\u0e2d", + "\u0e23.\u0e15.\u0e15", + "\u0e08.\u0e2d", + "\u0e1e.\u0e2d.\u0e15", + "\u0e2a.\u0e15.\u0e15", + "\u0e2a.\u0e17", + "\u0e21.\u0e23.\u0e27", + "\u0e2b\u0e21\u0e48\u0e2d\u0e21\u0e23\u0e32\u0e0a\u0e27\u0e07\u0e28\u0e4c", + "\u0e1e.\u0e15.\u0e2d", + "\u0e2a.\u0e15.\u0e2d", + "\u0e21.\u0e25", + "\u0e1e\u0e25.\u0e17", + "\u0e19.\u0e17", + "\u0e1e.\u0e15.\u0e15", + "\u0e1e\u0e25.\u0e23.\u0e17", + "\u0e1e.\u0e15.\u0e17", + "\u0e1e\u0e25.\u0e2d.\u0e15", + "\u0e19\u0e32\u0e07\u0e2a\u0e32\u0e27", + "\u0e19.\u0e2d", + "\u0e14.\u0e0d", + "\u0e1e\u0e25.\u0e23.\u0e15", + "\u0e1e\u0e25.\u0e2d.\u0e17", + "\u0e2b\u0e21\u0e48\u0e2d\u0e21\u0e2b\u0e25\u0e27\u0e07", + "\u0e2a.\u0e15", + "\u0e1e\u0e25.\u0e15.\u0e15", + "\u0e40\u0e14\u0e47\u0e01\u0e2b\u0e0d\u0e34\u0e07", + "\u0e08.\u0e17", + "\u0e1e.\u0e2d.\u0e2d", + "\u0e1e.\u0e2d.\u0e17", + "\u0e19\u0e32\u0e07", + "\u0e1e.\u0e2d", + "\u0e1e.\u0e15", + "\u0e2a.\u0e15.\u0e17", + "\u0e08.\u0e15", + "\u0e23.\u0e15", + "\u0e1e\u0e25.\u0e15", + "\u0e19.\u0e2a", + "\u0e1e\u0e25.\u0e15.\u0e2d", + "\u0e1e\u0e25.\u0e15.\u0e17", + "\u0e23.\u0e15.\u0e2d", + "\u0e14.\u0e15", + "\u0e1e.\u0e17", + "\u0e1e\u0e25.\u0e23.\u0e2d", + "\u0e08.\u0e2a.\u0e17", + "\u0e1e.\u0e08.\u0e2d", + "\u0e23.\u0e15.\u0e17", + "\u0e1e.\u0e08.\u0e17", + "\u0e1e.\u0e08.\u0e15", + "\u0e19.\u0e15", + "\u0e08.\u0e2a.\u0e2d", + "\u0e23.\u0e17", + "\u0e23.\u0e2d", + "\u0e1e\u0e25.\u0e2d", + "\u0e08.\u0e2a.\u0e15" + ], + "PREFIX_MALE": [ + "\u0e1e\u0e23\u0e30\u0e04\u0e23\u0e39\u0e43\u0e1a\u0e0e\u0e35\u0e01\u0e32", + "\u0e2a.\u0e2d", + "\u0e1e\u0e23\u0e30", + "\u0e40\u0e08\u0e49\u0e32\u0e2d\u0e18\u0e34\u0e01\u0e32\u0e23", + "\u0e1e\u0e25.\u0e2d.\u0e2d", + "\u0e23.\u0e15.\u0e15", + "\u0e08.\u0e2d", + "\u0e1e.\u0e2d.\u0e15", + "\u0e2a.\u0e15.\u0e15", + "\u0e14.\u0e0a", + "\u0e1e\u0e23\u0e30\u0e04\u0e23\u0e39\u0e1b\u0e25\u0e31\u0e14", + "\u0e2a.\u0e17", + "\u0e21.\u0e23.\u0e27", + "\u0e2b\u0e21\u0e48\u0e2d\u0e21\u0e23\u0e32\u0e0a\u0e27\u0e07\u0e28\u0e4c", + "\u0e2a\u0e32\u0e21\u0e40\u0e13\u0e23", + "\u0e1e.\u0e15.\u0e2d", + "\u0e2a.\u0e15.\u0e2d", + "\u0e21.\u0e25", + "\u0e1e\u0e23\u0e30\u0e04\u0e23\u0e39\u0e18\u0e23\u0e23\u0e21\u0e18\u0e23", + "\u0e1e\u0e25.\u0e17", + "\u0e19\u0e32\u0e22", + "\u0e19.\u0e17", + "\u0e1e\u0e23\u0e30\u0e04\u0e23\u0e39\u0e2a\u0e21\u0e38\u0e2b\u0e4c", + "\u0e1e.\u0e15.\u0e15", + "\u0e1e\u0e25.\u0e23.\u0e17", + "\u0e1e.\u0e15.\u0e17", + "\u0e1e\u0e25.\u0e2d.\u0e15", + "\u0e19.\u0e2d", + "\u0e1e\u0e23\u0e30\u0e43\u0e1a\u0e0e\u0e35\u0e01\u0e32", + "\u0e1e\u0e25.\u0e23.\u0e15", + "\u0e1e\u0e23\u0e30\u0e1b\u0e25\u0e31\u0e14", + "\u0e1e\u0e23\u0e30\u0e2a\u0e21\u0e38\u0e2b\u0e4c", + "\u0e2b\u0e21\u0e48\u0e2d\u0e21\u0e2b\u0e25\u0e27\u0e07", + "\u0e1e\u0e25.\u0e2d.\u0e17", + "\u0e2a.\u0e15", + "\u0e1e\u0e25.\u0e15.\u0e15", + "\u0e1e\u0e23\u0e30\u0e21\u0e2b\u0e32", + "\u0e1e.\u0e2d.\u0e2d", + "\u0e08.\u0e17", + "\u0e1e.\u0e2d.\u0e17", + "\u0e1e.\u0e2d", + "\u0e1e.\u0e15", + "\u0e2a.\u0e15.\u0e17", + "\u0e08.\u0e15", + "\u0e23.\u0e15", + "\u0e1e\u0e23\u0e30\u0e04\u0e23\u0e39\u0e27\u0e34\u0e19\u0e31\u0e22\u0e18\u0e23", + "\u0e1e\u0e25.\u0e15", + "\u0e1e\u0e25.\u0e15.\u0e2d", + "\u0e1e\u0e25.\u0e15.\u0e17", + "\u0e23.\u0e15.\u0e2d", + "\u0e14.\u0e15", + "\u0e1e.\u0e17", + "\u0e1e\u0e25.\u0e23.\u0e2d", + "\u0e08.\u0e2a.\u0e17", + "\u0e1e.\u0e08.\u0e2d", + "\u0e23.\u0e15.\u0e17", + "\u0e1e.\u0e08.\u0e17", + "\u0e1e.\u0e08.\u0e15", + "\u0e19.\u0e15", + "\u0e08.\u0e2a.\u0e2d", + "\u0e23.\u0e17", + "\u0e1e\u0e23\u0e30\u0e2d\u0e18\u0e34\u0e01\u0e32\u0e23", + "\u0e23.\u0e2d", + "\u0e1e\u0e25.\u0e2d", + "\u0e08.\u0e2a.\u0e15" + ], + "FIRST_NAME": [ + "\u0e42\u0e2a\u0e20\u0e13", + "\u0e18\u0e21\u0e19", + "\u0e01\u0e24\u0e15\u0e40\u0e21\u0e18", + "\u0e20\u0e32\u0e2a\u0e27\u0e38\u0e12\u0e34", + "\u0e19\u0e34\u0e23\u0e31\u0e19\u0e14\u0e23\u0e4c", + "\u0e2a\u0e34\u0e23\u0e34\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e13\u0e20\u0e31\u0e17\u0e23", + "\u0e2a\u0e21\u0e1e\u0e34\u0e28", + "\u0e1e\u0e35\u0e23\u0e30\u0e1e\u0e07\u0e28\u0e4c\u0e1e\u0e31\u0e19\u0e18\u0e4c", + "\u0e42\u0e2a\u0e20\u0e32", + "\u0e2d\u0e31\u0e0d\u0e1e\u0e31\u0e0a\u0e23\u0e4c", + "\u0e27\u0e31\u0e25\u0e25\u0e20", + "\u0e2d\u0e31\u0e19\u0e18\u0e34\u0e01\u0e32", + "\u0e28\u0e38\u0e20\u0e01\u0e23\u0e0a\u0e19\u0e32", + "\u0e2a\u0e34\u0e23\u0e34\u0e25\u0e31\u0e14\u0e14\u0e32", + "\u0e28\u0e23\u0e35\u0e2a\u0e27\u0e31\u0e2a\u0e14\u0e34\u0e4c", + "\u0e2d\u0e25\u0e34\u0e29\u0e32", + "\u0e27\u0e34\u0e1e\u0e38\u0e18", + "\u0e01\u0e38\u0e25\u0e14\u0e34\u0e25\u0e01", + "\u0e15\u0e2d\u0e2e\u0e32", + "\u0e27\u0e35\u0e23\u0e30\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e2a\u0e42\u0e23\u0e0a\u0e32", + "\u0e40\u0e1a\u0e0d\u0e0d\u0e32\u0e17\u0e34\u0e1e\u0e22\u0e4c", + "\u0e21\u0e30\u0e2a\u0e39\u0e40\u0e01\u0e35\u0e22\u0e19", + "\u0e2a\u0e34\u0e17\u0e18\u0e31\u0e0d", + "\u0e1b\u0e34\u0e22\u0e27\u0e14\u0e35", + "\u0e2d\u0e32\u0e0b\u0e37\u0e2d\u0e21\u0e30", + "\u0e2a\u0e38\u0e23\u0e19\u0e31\u0e22", + "\u0e01\u0e38\u0e25\u0e1b\u0e23\u0e35\u0e22\u0e32", + "\u0e2d\u0e31\u0e0d\u0e0a\u0e31\u0e0d", + "\u0e40\u0e25\u0e34\u0e28\u0e40\u0e14\u0e0a", + "\u0e08\u0e23\u0e23\u0e22\u0e1e\u0e23", + "\u0e40\u0e19\u0e15\u0e23\u0e24\u0e14\u0e35", + "\u0e19\u0e31\u0e19\u0e17\u0e27\u0e23\u0e23\u0e13", + "\u0e0b\u0e38\u0e01\u0e23\u0e35", + "\u0e1b\u0e34\u0e22\u0e27\u0e31\u0e08\u0e19\u0e4c", + "\u0e20\u0e39\u0e27\u0e31\u0e19", + "\u0e17\u0e34\u0e21\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e20\u0e31\u0e04\u0e0a\u0e31\u0e0d\u0e0d\u0e32", + "\u0e40\u0e09\u0e25\u0e34\u0e21\u0e1e\u0e25", + "\u0e1b\u0e23\u0e30\u0e40\u0e14\u0e34\u0e21", + "\u0e1e\u0e31\u0e2a\u0e27\u0e35", + "\u0e08\u0e35\u0e23\u0e22\u0e38\u0e17\u0e18", + "\u0e18\u0e31\u0e0a\u0e0d\u0e32", + "\u0e1e\u0e23\u0e40\u0e1a\u0e0d\u0e0d\u0e32", + "\u0e04\u0e21\u0e01\u0e24\u0e0a\u0e0d\u0e4c", + "\u0e27\u0e31\u0e19\u0e09\u0e31\u0e15\u0e23", + "\u0e0c\u0e32\u0e06\u0e35\u0e20\u0e31\u0e15\u0e10\u0e4c", + "\u0e18\u0e35\u0e23\u0e27\u0e38\u0e12\u0e34", + "\u0e27\u0e23\u0e19\u0e32\u0e0e", + "\u0e17\u0e32\u0e19\u0e15\u0e30\u0e27\u0e31\u0e19", + "\u0e40\u0e21\u0e29\u0e32", + "\u0e19\u0e1e\u0e27\u0e23\u0e23\u0e13", + "\u0e22\u0e28\u0e1e\u0e19\u0e15\u0e4c", + "\u0e0a\u0e25\u0e34\u0e14\u0e32", + "\u0e23\u0e32\u0e0a\u0e31\u0e19\u0e17\u0e23\u0e4c", + "\u0e13\u0e31\u0e10\u0e27\u0e23\u0e34\u0e19\u0e17\u0e23", + "\u0e1e\u0e07\u0e29\u0e4c\u0e19\u0e40\u0e23\u0e28", + "\u0e17\u0e34\u0e19\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e1f\u0e32\u0e23\u0e34\u0e19\u0e35", + "\u0e27\u0e31\u0e19\u0e0a\u0e19\u0e01", + "\u0e1e\u0e34\u0e1e\u0e34\u0e18\u0e18\u0e19", + "\u0e27\u0e23\u0e23\u0e13\u0e19\u0e34\u0e2a\u0e32", + "\u0e1c\u0e14\u0e38\u0e07\u0e1e\u0e25", + "\u0e23\u0e0a\u0e15\u0e01\u0e23", + "\u0e40\u0e17\u0e1e\u0e19\u0e32\u0e23\u0e35", + "\u0e08\u0e34\u0e23\u0e27\u0e34\u0e17\u0e22\u0e4c", + "\u0e1b\u0e31\u0e13\u0e13\u0e18\u0e23", + "\u0e40\u0e1e\u0e47\u0e0d\u0e22\u0e38\u0e20\u0e32", + "\u0e40\u0e1e\u0e0a\u0e23\u0e21\u0e13\u0e35", + "\u0e2d\u0e0a\u0e34\u0e15\u0e30\u0e27\u0e35\u0e23\u0e4c", + "\u0e14\u0e27\u0e07\u0e2a\u0e21\u0e23", + "\u0e0b\u0e39\u0e44\u0e23\u0e14\u0e32", + "\u0e2d\u0e31\u0e0d\u0e0a\u0e34\u0e29\u0e10\u0e32", + "\u0e08\u0e31\u0e01\u0e23\u0e01\u0e24\u0e19\u0e32\u0e22", + "\u0e10\u0e34\u0e15\u0e32\u0e1e\u0e23", + "\u0e14\u0e32\u0e23\u0e38\u0e19\u0e35", + "\u0e2e\u0e32\u0e21\u0e35\u0e22\u0e4a\u0e30", + "\u0e21\u0e32\u0e23\u0e35\u0e19\u0e35", + "\u0e2d\u0e33\u0e44\u0e1e", + "\u0e0a\u0e31\u0e0a\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e0d\u0e32\u0e13\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e44\u0e1e\u0e2a\u0e34\u0e10", + "\u0e2e\u0e32\u0e1f\u0e34\u0e15", + "\u0e40\u0e09\u0e25\u0e34\u0e21\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e01\u0e23\u0e30\u0e2a\u0e38\u0e19", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e2a\u0e38\u0e15\u0e32", + "\u0e27\u0e32\u0e23\u0e4c\u0e21\u0e39\u0e2e\u0e33\u0e2b\u0e21\u0e31\u0e14", + "\u0e40\u0e0a\u0e34\u0e07\u0e0a\u0e32\u0e22", + "\u0e44\u0e0a\u0e22\u0e20\u0e1e", + "\u0e1b\u0e23\u0e30\u0e40\u0e2a\u0e23\u0e34\u0e10", + "\u0e27\u0e23\u0e1b\u0e23\u0e31\u0e0a\u0e0d\u0e4c", + "\u0e08\u0e34\u0e15\u0e23\u0e25\u0e14\u0e32", + "\u0e22\u0e38\u0e25\u0e34\u0e19", + "\u0e2a\u0e38\u0e1b\u0e23\u0e32\u0e19\u0e35", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e1e\u0e34\u0e0a\u0e0d\u0e32", + "\u0e0b\u0e39\u0e23\u0e31\u0e22\u0e14\u0e32", + "\u0e19\u0e20\u0e31\u0e2a\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e2d\u0e31\u0e1a\u0e14\u0e38\u0e25\u0e40\u0e25\u0e32\u0e30\u0e2b\u0e4c", + "\u0e27\u0e34\u0e23\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e2a\u0e38\u0e0a\u0e34\u0e19", + "\u0e27\u0e34\u0e2a\u0e32\u0e23", + "\u0e1b\u0e23\u0e30\u0e44\u0e1e\u0e1e\u0e31\u0e01\u0e15\u0e23\u0e4c", + "\u0e40\u0e16\u0e25\u0e34\u0e07\u0e22\u0e28", + "\u0e27\u0e23\u0e23\u0e13\u0e01\u0e23", + "\u0e04\u0e21\u0e04\u0e32\u0e22", + "\u0e18\u0e27\u0e31\u0e28\u0e0a\u0e32", + "\u0e40\u0e21\u0e17\u0e19\u0e35", + "\u0e1e\u0e28\u0e23", + "\u0e27\u0e23\u0e23\u0e13\u0e32\u0e15", + "\u0e1e\u0e23\u0e1e\u0e34\u0e44\u0e25", + "\u0e2e\u0e32\u0e19\u0e32\u0e1f\u0e35", + "\u0e28\u0e23\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e20\u0e32\u0e19\u0e38\u0e27\u0e31\u0e15\u0e23", + "\u0e19\u0e19\u0e17\u0e01\u0e32\u0e0d\u0e08\u0e19\u0e4c", + "\u0e27\u0e23\u0e23\u0e13\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e17\u0e23\u0e23\u0e28\u0e19\u0e0a\u0e31\u0e22", + "\u0e2a\u0e38\u0e44\u0e2e\u0e25\u0e31\u0e19", + "\u0e1a\u0e38\u0e0d\u0e0d\u0e32\u0e21\u0e35", + "\u0e13\u0e31\u0e10\u0e1e\u0e34\u0e0a\u0e32", + "\u0e24\u0e17\u0e18\u0e34\u0e4c\u0e0a\u0e01\u0e23", + "\u0e27\u0e13\u0e31\u0e10\u0e14\u0e32", + "\u0e1b\u0e10\u0e21", + "\u0e27\u0e32\u0e2a\u0e38\u0e40\u0e17\u0e1e", + "\u0e2a\u0e38\u0e17\u0e01\u0e23", + "\u0e28\u0e34\u0e23\u0e34\u0e40\u0e01\u0e28", + "\u0e1e\u0e25\u0e32\u0e19\u0e38\u0e0a", + "\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c\u0e40\u0e17\u0e1e", + "\u0e2a\u0e34\u0e23\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e23\u0e2d\u0e01\u0e35\u0e40\u0e22\u0e4a\u0e32\u0e30", + "\u0e1b\u0e10\u0e27\u0e35\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e2b\u0e25\u0e31\u0e01\u0e17\u0e23\u0e31\u0e1e\u0e22\u0e4c", + "\u0e13\u0e34\u0e0a\u0e32\u0e20\u0e31\u0e17\u0e23", + "\u0e01\u0e29\u0e34\u0e14\u0e34\u0e10", + "\u0e1a\u0e38\u0e0d\u0e17\u0e34\u0e27\u0e32", + "\u0e17\u0e31\u0e1a\u0e17\u0e34\u0e21", + "\u0e17\u0e34\u0e1e\u0e22\u0e4c\u0e27\u0e32\u0e23\u0e35", + "\u0e08\u0e34\u0e19\u0e15\u0e4c\u0e08\u0e38\u0e11\u0e32", + "\u0e28\u0e28\u0e34\u0e18\u0e23", + "\u0e40\u0e1e\u0e47\u0e0d\u0e1e\u0e23\u0e23\u0e29\u0e32", + "\u0e40\u0e19\u0e15\u0e34\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e19\u0e34\u0e21\u0e38", + "\u0e01\u0e27\u0e32\u0e07", + "\u0e42\u0e2a\u0e20\u0e13\u0e34\u0e15\u0e32", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e1b\u0e23\u0e30\u0e20\u0e32", + "\u0e40\u0e08\u0e15\u0e1e\u0e34\u0e19\u0e34\u0e29\u0e10\u0e4c", + "\u0e40\u0e08\u0e15\u0e18\u0e19\u0e32\u0e01\u0e23", + "\u0e2b\u0e25\u0e49\u0e32", + "\u0e44\u0e27\u0e1e\u0e08\u0e19\u0e4c", + "\u0e1e\u0e25\u0e20\u0e39\u0e21\u0e34", + "\u0e40\u0e17\u0e2d\u0e14\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e21\u0e30\u0e25\u0e35\u0e27\u0e31\u0e25\u0e22\u0e4c", + "\u0e0a\u0e19\u0e34\u0e28\u0e32", + "\u0e23\u0e32\u0e0a\u0e1e\u0e24\u0e01\u0e29\u0e4c", + "\u0e04\u0e33", + "\u0e09\u0e25\u0e2d\u0e07\u0e0a\u0e31\u0e22", + "\u0e1b\u0e31\u0e0d\u0e0d\u0e32\u0e1e\u0e23", + "\u0e23\u0e20\u0e31\u0e2a\u0e1e\u0e07\u0e29\u0e4c", + "\u0e2a\u0e21\u0e2b\u0e21\u0e32\u0e22", + "\u0e2a\u0e38\u0e1e\u0e31\u0e15\u0e23", + "\u0e13\u0e31\u0e10\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e2d\u0e32\u0e20\u0e31\u0e28\u0e23\u0e32", + "\u0e2a\u0e23\u0e32\u0e22\u0e38\u0e17\u0e18", + "\u0e40\u0e2a\u0e23\u0e35", + "\u0e08\u0e23\u0e34\u0e22\u0e09\u0e31\u0e15\u0e23", + "\u0e1e\u0e23\u0e23\u0e13\u0e1b\u0e1e\u0e23", + "\u0e22\u0e39\u0e0b\u0e38\u0e1f", + "\u0e1b\u0e27\u0e35\u0e13", + "\u0e2a\u0e23\u0e32\u0e0d\u0e08\u0e34\u0e15\u0e15\u0e4c", + "\u0e1e\u0e34\u0e0a\u0e0d\u0e4c\u0e2a\u0e34\u0e19\u0e35", + "\u0e08\u0e34\u0e2c\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e23\u0e2d\u0e0b\u0e35\u0e14\u0e4a\u0e30", + "\u0e2a\u0e38\u0e20\u0e31\u0e17\u0e23\u0e34\u0e14\u0e32", + "\u0e22\u0e28\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e2a\u0e38\u0e23\u0e01\u0e32\u0e23\u0e13\u0e4c", + "\u0e21\u0e39\u0e2e\u0e31\u0e21\u0e2b\u0e21\u0e31\u0e14\u0e2d\u0e34\u0e21\u0e23\u0e2d\u0e19", + "\u0e27\u0e34\u0e0a\u0e32", + "\u0e27\u0e34\u0e23\u0e0a\u0e31\u0e22", + "\u0e40\u0e01\u0e23\u0e34\u0e01\u0e1e\u0e25", + "\u0e1f\u0e34\u0e23\u0e22\u0e32", + "\u0e42\u0e2d\u0e20\u0e32\u0e2a", + "\u0e1e\u0e32\u0e14\u0e35\u0e25\u0e4a\u0e30", + "\u0e2d\u0e23\u0e34\u0e2a\u0e23\u0e32", + "\u0e2d\u0e18\u0e34\u0e15\u0e22\u0e32", + "\u0e19\u0e20\u0e19\u0e15\u0e4c", + "\u0e22\u0e38\u0e20\u0e32", + "\u0e01\u0e31\u0e19\u0e15\u0e27\u0e23\u0e23\u0e13", + "\u0e28\u0e14\u0e34\u0e28", + "\u0e17\u0e2d\u0e07\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e2a\u0e35\u0e2b\u0e23\u0e32\u0e0a", + "\u0e2a\u0e38\u0e1e\u0e19\u0e18\u0e4c", + "\u0e43\u0e08\u0e01\u0e25\u0e32\u0e07", + "\u0e1b\u0e32\u0e23\u0e34\u0e15\u0e32", + "\u0e23\u0e27\u0e34\u0e27\u0e32\u0e19", + "\u0e01\u0e2d\u0e07\u0e2a\u0e34\u0e19", + "\u0e1e\u0e32\u0e2a\u0e38\u0e02", + "\u0e27\u0e34\u0e0a\u0e0a\u0e32\u0e01\u0e23", + "\u0e1b\u0e23\u0e34\u0e0d\u0e0d\u0e32", + "\u0e22\u0e28\u0e1e\u0e07\u0e28\u0e4c", + "\u0e15\u0e23\u0e35\u0e19\u0e38\u0e0a", + "\u0e1b\u0e23\u0e30\u0e22\u0e38\u0e17\u0e18\u0e4c", + "\u0e2a\u0e38\u0e20\u0e32\u0e25\u0e34\u0e19\u0e35", + "\u0e2d\u0e31\u0e0d\u0e18\u0e34\u0e01\u0e32", + "\u0e19\u0e34\u0e15\u0e34\u0e22\u0e32", + "\u0e23\u0e32\u0e0a\u0e31\u0e19", + "\u0e2d\u0e14\u0e34\u0e2a\u0e23\u0e13\u0e4c", + "\u0e27\u0e23\u0e28\u0e32\u0e2a\u0e2a\u0e4c", + "\u0e1b\u0e23\u0e30\u0e27\u0e35", + "\u0e21\u0e19\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e1a\u0e38\u0e0d\u0e19\u0e1e", + "\u0e1e\u0e31\u0e19\u0e40\u0e17\u0e1e", + "\u0e18\u0e31\u0e0d\u0e0d\u0e32\u0e21\u0e32\u0e28", + "\u0e1a\u0e38\u0e0d\u0e40\u0e17\u0e35\u0e22\u0e19", + "\u0e19\u0e31\u0e10\u0e1e\u0e25", + "\u0e42\u0e0a\u0e15\u0e34\u0e27\u0e38\u0e12\u0e34", + "\u0e20\u0e32\u0e23\u0e27\u0e35", + "\u0e42\u0e01\u0e21\u0e25", + "\u0e19\u0e32\u0e22", + "\u0e2a\u0e2b\u0e31\u0e2a\u0e21\u0e13\u0e35", + "\u0e19\u0e32\u0e23\u0e14\u0e32", + "\u0e08\u0e31\u0e19\u0e17\u0e19\u0e32", + "\u0e2a\u0e38\u0e20\u0e32\u0e1e\u0e23", + "\u0e1b\u0e23\u0e21\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e2d\u0e18\u0e34\u0e27\u0e31\u0e15\u0e23", + "\u0e19\u0e38\u0e08\u0e23\u0e35", + "\u0e2d\u0e20\u0e34\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e08\u0e14", + "\u0e1a\u0e38\u0e0d\u0e40\u0e01\u0e34\u0e14", + "\u0e04\u0e13\u0e20\u0e23\u0e13\u0e4c", + "\u0e1b\u0e20\u0e32\u0e27\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e2d\u0e31\u0e29\u0e0f\u0e32", + "\u0e08\u0e31\u0e19\u0e17\u0e20\u0e32", + "\u0e20\u0e32\u0e19\u0e38\u0e1e\u0e25", + "\u0e21\u0e19\u0e31\u0e0d\u0e0a\u0e22\u0e32", + "\u0e18\u0e19\u0e27\u0e31\u0e19\u0e15\u0e4c", + "\u0e01\u0e23\u0e1e\u0e19\u0e18\u0e4c", + "\u0e40\u0e23\u0e37\u0e2d\u0e07\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34", + "\u0e1b\u0e34\u0e48\u0e19\u0e1a\u0e38\u0e0d\u0e0d\u0e32", + "\u0e19\u0e31\u0e19\u0e17\u0e27\u0e38\u0e12\u0e34", + "\u0e17\u0e2d\u0e07\u0e2a\u0e34\u0e23\u0e34", + "\u0e1e\u0e34\u0e0a\u0e32\u0e20\u0e1e", + "\u0e20\u0e32\u0e19\u0e34\u0e13\u0e35", + "\u0e2d\u0e21\u0e31\u0e14", + "\u0e1e\u0e23\u0e0a\u0e19\u0e01", + "\u0e2d\u0e23\u0e1e\u0e34\u0e13", + "\u0e40\u0e17\u0e35\u0e22\u0e21\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e2b\u0e23\u0e23\u0e29\u0e32", + "\u0e40\u0e08\u0e29\u0e0e\u0e32\u0e01\u0e23", + "\u0e2a\u0e38\u0e1e\u0e31\u0e15\u0e23\u0e32", + "\u0e28\u0e23\u0e34\u0e19\u0e22\u0e32", + "\u0e04\u0e21\u0e2a\u0e31\u0e19", + "\u0e2a\u0e38\u0e18\u0e32\u0e27\u0e35", + "\u0e21\u0e32\u0e0b\u0e35\u0e40\u0e15\u0e32\u0e30", + "\u0e19\u0e27\u0e23\u0e23\u0e29\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e08\u0e38\u0e11\u0e32\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e2d\u0e32\u0e2e\u0e32\u0e21\u0e31\u0e14", + "\u0e2d\u0e33\u0e1e\u0e23", + "\u0e27\u0e19\u0e32\u0e25\u0e35", + "\u0e2b\u0e24\u0e17\u0e31\u0e22", + "\u0e21\u0e32\u0e23\u0e38\u0e14", + "\u0e19\u0e23\u0e35\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e08\u0e35\u0e23\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e01\u0e30\u0e14\u0e34\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e2d\u0e38\u0e14\u0e21\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e19\u0e34\u0e27\u0e34\u0e25\u0e14\u0e32\u0e19", + "\u0e20\u0e39\u0e27\u0e23\u0e32", + "\u0e21\u0e13\u0e35\u0e22\u0e32", + "\u0e13\u0e31\u0e10\u0e0d\u0e32\u0e14\u0e32", + "\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e0a\u0e34\u0e14\u0e0a\u0e19\u0e01", + "\u0e13\u0e34\u0e0a\u0e40\u0e0a\u0e0f\u0e10\u0e4c", + "\u0e27\u0e31\u0e25\u0e22\u0e32", + "\u0e40\u0e08\u0e29\u0e0f\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e28\u0e38\u0e20\u0e0a\u0e31\u0e22", + "\u0e19\u0e31\u0e19\u0e17\u0e34\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e2d\u0e38\u0e29\u0e13\u0e35\u0e22\u0e4c", + "\u0e1b\u0e23\u0e30\u0e20\u0e31\u0e17\u0e23\u0e4c\u0e2a\u0e23\u0e13\u0e4c", + "\u0e1e\u0e31\u0e0a\u0e23\u0e1e\u0e23", + "\u0e28\u0e28\u0e34\u0e19\u0e32", + "\u0e2a\u0e34\u0e19\u0e2a\u0e21\u0e38\u0e17\u0e23", + "\u0e0b\u0e39\u0e2e\u0e31\u0e22\u0e14\u0e32", + "\u0e19\u0e49\u0e33\u0e40\u0e1e\u0e0a\u0e23", + "\u0e1b\u0e34\u0e22\u0e1a\u0e38\u0e15\u0e23", + "\u0e1b\u0e31\u0e15\u0e16\u0e1e\u0e07\u0e29\u0e4c", + "\u0e2d\u0e23\u0e08\u0e34\u0e23\u0e32", + "\u0e19\u0e31\u0e2a\u0e23\u0e38\u0e19", + "\u0e1e\u0e35\u0e23\u0e1e\u0e31\u0e12\u0e19\u0e4c", + "\u0e21\u0e32\u0e42\u0e19\u0e0a\u0e0d\u0e4c", + "\u0e1b\u0e34\u0e22\u0e19\u0e38\u0e0a", + "\u0e27\u0e35\u0e23\u0e30\u0e42\u0e0a\u0e15\u0e34", + "\u0e18\u0e21\u0e25\u0e1e\u0e23\u0e23\u0e13", + "\u0e08\u0e31\u0e01\u0e23\u0e1e\u0e31\u0e19\u0e18\u0e4c", + "\u0e22\u0e38\u0e28\u0e23\u0e2d\u0e19", + "\u0e27\u0e2a\u0e34\u0e15\u0e32", + "\u0e2b\u0e25\u0e35", + "\u0e08\u0e38\u0e11\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e14\u0e27\u0e07\u0e1e\u0e23", + "\u0e1b\u0e23\u0e30\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e4c", + "\u0e19\u0e32\u0e27\u0e35\u0e15\u0e32", + "\u0e10\u0e34\u0e15\u0e34\u0e27\u0e38\u0e12\u0e34", + "\u0e40\u0e2d\u0e01\u0e0a\u0e31\u0e22", + "\u0e20\u0e04\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e18\u0e19\u0e19\u0e19\u0e17\u0e4c", + "\u0e01\u0e38\u0e25\u0e40\u0e0a\u0e29\u0e10", + "\u0e16\u0e19\u0e2d\u0e21\u0e0a\u0e31\u0e22", + "\u0e28\u0e28\u0e34\u0e22\u0e32", + "\u0e08\u0e34\u0e23\u0e32\u0e20\u0e23\u0e13\u0e4c", + "\u0e2a\u0e21\u0e1b\u0e2d\u0e07", + "\u0e18\u0e19\u0e20\u0e13", + "\u0e17\u0e34\u0e1e\u0e23\u0e14\u0e32", + "\u0e1e\u0e34\u0e28\u0e1e\u0e23\u0e23\u0e13", + "\u0e04\u0e33\u0e1b\u0e25\u0e34\u0e27", + "\u0e1b\u0e34\u0e22\u0e30\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e2a\u0e31\u0e19\u0e0a\u0e31\u0e22", + "\u0e21\u0e25\u0e34\u0e27\u0e23\u0e23\u0e13", + "\u0e18\u0e32\u0e23\u0e32", + "\u0e28\u0e34\u0e23\u0e34\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e1b\u0e34\u0e22\u0e19\u0e32\u0e0e", + "\u0e28\u0e08\u0e35\u0e01\u0e32\u0e0d\u0e08\u0e19\u0e4c", + "\u0e01\u0e38\u0e25\u0e20\u0e32\u0e27\u0e25\u0e31\u0e22", + "\u0e25\u0e31\u0e14\u0e14\u0e32", + "\u0e19\u0e23\u0e35\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e28\u0e34\u0e23\u0e13\u0e31\u0e10", + "\u0e17\u0e31\u0e15\u0e18\u0e19", + "\u0e2a\u0e34\u0e23\u0e34", + "\u0e28\u0e23\u0e32\u0e22\u0e38\u0e18", + "\u0e2a\u0e21\u0e19\u0e36\u0e01", + "\u0e2a\u0e38\u0e17\u0e18\u0e34\u0e13\u0e31\u0e10", + "\u0e25\u0e31\u0e01\u0e29\u0e21\u0e35", + "\u0e18\u0e31\u0e0d\u0e0d\u0e01\u0e31\u0e0d\u0e0d\u0e32", + "\u0e2d\u0e23\u0e23\u0e08\u0e19\u0e4c", + "\u0e2d\u0e34\u0e2a\u0e23\u0e31\u0e19\u0e14\u0e23\u0e4c", + "\u0e2a\u0e38\u0e18\u0e34\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e1b\u0e23\u0e32\u0e22\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e40\u0e09\u0e25\u0e34\u0e21\u0e23\u0e31\u0e10", + "\u0e2a\u0e31\u0e0d\u0e0a\u0e32\u0e19", + "\u0e09\u0e31\u0e15\u0e23\u0e1b\u0e23\u0e35\u0e22\u0e32", + "\u0e2d\u0e38\u0e25\u0e31\u0e22\u0e1e\u0e23", + "\u0e2d\u0e13\u0e32\u0e27\u0e34\u0e19", + "\u0e27\u0e34\u0e17\u0e39\u0e25\u0e22\u0e4c", + "\u0e01\u0e34\u0e15\u0e34\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e18\u0e35\u0e23\u0e32\u0e17\u0e31\u0e15", + "\u0e2a\u0e21\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34", + "\u0e21\u0e32\u0e2a\u0e34\u0e15\u0e30", + "\u0e19\u0e34\u0e20\u0e32", + "\u0e28\u0e34\u0e23\u0e34\u0e0d\u0e32", + "\u0e13\u0e31\u0e10\u0e18\u0e20\u0e23\u0e13\u0e4c", + "\u0e18\u0e23\u0e32\u0e27\u0e34\u0e17\u0e0d\u0e4c", + "\u0e18\u0e19\u0e01\u0e34\u0e15\u0e15\u0e4c", + "\u0e22\u0e19\u0e07\u0e04\u0e23\u0e32\u0e0d", + "\u0e40\u0e22\u0e32\u0e27\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e01\u0e19\u0e01\u0e40\u0e19\u0e15\u0e23", + "\u0e1e\u0e34\u0e21\u0e1e\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e23\u0e31\u0e01\u0e0a\u0e19\u0e01", + "\u0e40\u0e01\u0e29\u0e15\u0e23", + "\u0e41\u0e01\u0e21\u0e41\u0e1e\u0e23", + "\u0e23\u0e39\u0e44\u0e01\u0e22\u0e30\u0e2e\u0e4c", + "\u0e1c\u0e01\u0e32\u0e17\u0e34\u0e1e\u0e22\u0e4c", + "\u0e2d\u0e31\u0e04\u0e23\u0e1e\u0e19\u0e18\u0e4c", + "\u0e13\u0e32\u0e23\u0e4c\u0e23\u0e35\u0e21\u0e32\u0e19", + "\u0e2d\u0e32\u0e41\u0e2d\u0e40\u0e2a\u0e32\u0e30", + "\u0e1a\u0e38\u0e0d\u0e0d\u0e01\u0e31\u0e25\u0e1b\u0e4c", + "\u0e18\u0e35\u0e23\u0e34\u0e2a\u0e23\u0e32", + "\u0e2b\u0e23\u0e23\u0e29\u0e18\u0e23", + "\u0e1e\u0e34\u0e21\u0e1e\u0e4c\u0e2a\u0e38\u0e14\u0e32", + "\u0e2a\u0e23\u0e23\u0e40\u0e1e\u0e0a\u0e0d\u0e4c", + "\u0e10\u0e34\u0e15\u0e34\u0e13\u0e31\u0e10\u0e10\u0e32", + "\u0e21\u0e39\u0e2e\u0e33\u0e21\u0e31\u0e14", + "\u0e19\u0e34\u0e23\u0e38\u0e15\u0e15\u0e4c", + "\u0e40\u0e2d\u0e19\u0e01\u0e1e\u0e07\u0e28\u0e4c", + "\u0e19\u0e34\u0e15\u0e34", + "\u0e2a\u0e31\u0e19\u0e15\u0e34\u0e23\u0e32\u0e29\u0e0e\u0e23\u0e4c", + "\u0e2a\u0e19\u0e31\u0e48\u0e19", + "\u0e20\u0e31\u0e04\u0e0a\u0e19\u0e19", + "\u0e19\u0e32\u0e15\u0e22\u0e32", + "\u0e13\u0e1b\u0e20\u0e31\u0e0a", + "\u0e23\u0e21\u0e34\u0e15\u0e32", + "\u0e22\u0e2d\u0e14\u0e41\u0e21\u0e19", + "\u0e23\u0e31\u0e07\u0e2a\u0e34\u0e19\u0e35", + "\u0e28\u0e20\u0e31\u0e04\u0e0a\u0e04\u0e07", + "\u0e1e\u0e23\u0e0a\u0e35\u0e27\u0e34\u0e19", + "\u0e2a\u0e38\u0e23\u0e18\u0e31\u0e0a", + "\u0e08\u0e31\u0e01\u0e23\u0e35\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e1e\u0e38\u0e17\u0e18", + "\u0e20\u0e39\u0e27\u0e34\u0e0a", + "\u0e14\u0e27\u0e07\u0e08\u0e31\u0e19\u0e17\u0e23\u0e4c", + "\u0e28\u0e28\u0e34\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e27\u0e23\u0e34\u0e19\u0e17\u0e18\u0e34\u0e4c\u0e18\u0e23", + "\u0e20\u0e39\u0e27\u0e24\u0e13", + "\u0e1e\u0e35\u0e23\u0e20\u0e31\u0e17\u0e23\u0e4c", + "\u0e21\u0e19\u0e31\u0e2a", + "\u0e08\u0e13\u0e34\u0e15\u0e15\u0e32", + "\u0e27\u0e34\u0e16\u0e35", + "\u0e20\u0e39\u0e21\u0e34\u0e1b\u0e31\u0e0d\u0e0d\u0e32", + "\u0e13\u0e31\u0e10\u0e18\u0e34\u0e15\u0e32", + "\u0e01\u0e34\u0e48\u0e07\u0e41\u0e01\u0e49\u0e27", + "\u0e40\u0e01\u0e29\u0e21\u0e0a\u0e31\u0e22", + "\u0e2a\u0e21\u0e43\u0e08", + "\u0e02\u0e2d\u0e14\u0e34\u0e40\u0e22\u0e32\u0e30", + "\u0e44\u0e21\u0e25\u0e4c", + "\u0e10\u0e34\u0e15\u0e34\u0e01\u0e38\u0e25", + "\u0e27\u0e23\u0e14\u0e32\u0e1e\u0e23", + "\u0e19\u0e34\u0e0a\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e40\u0e2d\u0e01\u0e2d\u0e18\u0e34\u0e1e\u0e07\u0e29\u0e4c", + "\u0e17\u0e27\u0e35\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e10\u0e34\u0e15\u0e34\u0e22\u0e32\u0e1e\u0e23", + "\u0e27\u0e35\u0e23\u0e4c\u0e2a\u0e38\u0e14\u0e32", + "\u0e20\u0e31\u0e04\u0e28\u0e38\u0e20\u0e32\u0e07\u0e04\u0e4c", + "\u0e40\u0e1e\u0e17\u0e32\u0e22", + "\u0e42\u0e23\u0e2a\u0e0a\u0e32", + "\u0e08\u0e34\u0e13\u0e20\u0e31\u0e17\u0e15\u0e32", + "\u0e2d\u0e19\u0e38\u0e27\u0e31\u0e0a", + "\u0e01\u0e34\u0e15\u0e34\u0e22\u0e32\u0e18\u0e23\u0e13\u0e4c", + "\u0e2d\u0e23\u0e38\u0e13\u0e35", + "\u0e19\u0e1e", + "\u0e13\u0e31\u0e10\u0e15\u0e34\u0e0d\u0e32", + "\u0e42\u0e22\u0e18\u0e34\u0e01\u0e32\u0e23\u0e4c", + "\u0e08\u0e34\u0e15\u0e15\u0e32\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e27\u0e38\u0e12\u0e34", + "\u0e1e\u0e23\u0e2a\u0e27\u0e23\u0e23\u0e04\u0e4c", + "\u0e0a\u0e31\u0e0e\u0e0a\u0e32", + "\u0e40\u0e1e\u0e35\u0e22\u0e07\u0e01\u0e21\u0e25", + "\u0e40\u0e17\u0e1e\u0e13\u0e23\u0e07\u0e04\u0e4c", + "\u0e13\u0e34\u0e0a\u0e19\u0e31\u0e19\u0e17\u0e4c", + "\u0e19\u0e1e\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e40\u0e01\u0e28\u0e23\u0e32", + "\u0e2a\u0e38\u0e17\u0e18\u0e34\u0e1e\u0e08\u0e19\u0e4c", + "\u0e2a\u0e34\u0e23\u0e34\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e1b\u0e38\u0e13\u0e13\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e27\u0e35\u0e23\u0e0a\u0e31\u0e22", + "\u0e02\u0e27\u0e31\u0e0d\u0e23\u0e38\u0e49\u0e07", + "\u0e21\u0e31\u0e15\u0e15\u0e34\u0e01\u0e32", + "\u0e27\u0e34\u0e01\u0e34\u0e08", + "\u0e2a\u0e34\u0e17\u0e18\u0e34\u0e0a\u0e31\u0e22", + "\u0e2a\u0e38\u0e23\u0e19\u0e35\u0e22\u0e4c", + "\u0e1e\u0e38\u0e17\u0e18\u0e34\u0e1e\u0e07\u0e29\u0e4c", + "\u0e1e\u0e0a\u0e23\u0e20\u0e23\u0e13\u0e4c", + "\u0e2d\u0e19\u0e34\u0e27\u0e31\u0e12\u0e19\u0e4c", + "\u0e1b\u0e23\u0e30\u0e08\u0e34\u0e19", + "\u0e1e\u0e31\u0e19\u0e40\u0e01\u0e25\u0e49\u0e32", + "\u0e43\u0e01\u0e25\u0e49\u0e23\u0e38\u0e48\u0e07", + "\u0e20\u0e31\u0e17\u0e23\u0e19\u0e32\u0e0e", + "\u0e2a\u0e38\u0e01\u0e24\u0e29\u0e15\u0e32", + "\u0e01\u0e27\u0e35\u0e09\u0e31\u0e0f\u0e10", + "\u0e08\u0e34\u0e21", + "\u0e08\u0e13\u0e34\u0e2a\u0e15\u0e32", + "\u0e28\u0e38\u0e20\u0e32\u0e28\u0e34\u0e25", + "\u0e40\u0e01\u0e35\u0e22\u0e23\u0e15\u0e34\u0e01\u0e49\u0e2d\u0e07", + "\u0e1a\u0e38\u0e0d\u0e1e\u0e32", + "\u0e42\u0e0a\u0e04\u0e20\u0e32\u0e14\u0e25", + "\u0e41\u0e1b\u0e25\u0e07", + "\u0e18\u0e32\u0e40\u0e2d\u0e01", + "\u0e04\u0e33\u0e21\u0e31\u0e48\u0e19", + "\u0e1b\u0e34\u0e22\u0e30\u0e0a\u0e32\u0e15\u0e34", + "\u0e1e\u0e23\u0e1b\u0e23\u0e32\u0e13\u0e35", + "\u0e2d\u0e40\u0e19\u0e0a\u0e32", + "\u0e18\u0e40\u0e19\u0e29\u0e10", + "\u0e2a\u0e34\u0e23\u0e32\u0e1e\u0e23", + "\u0e40\u0e02\u0e35\u0e22\u0e27", + "\u0e42\u0e01\u0e27\u0e34\u0e17\u0e22\u0e4c", + "\u0e20\u0e32\u0e2a\u0e34\u0e19\u0e35", + "\u0e1b\u0e31\u0e13\u0e13\u0e27\u0e31\u0e0a\u0e23", + "\u0e1a\u0e38\u0e0d\u0e40\u0e2d\u0e01", + "\u0e18\u0e35\u0e23\u0e27\u0e31\u0e0a", + "\u0e0a\u0e31\u0e0d\u0e0d\u0e32\u0e19\u0e38\u0e19\u0e32\u0e22", + "\u0e1e\u0e31\u0e0a\u0e23\u0e35\u0e19\u0e34\u0e29\u0e10\u0e4c", + "\u0e0a\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c\u0e17\u0e34\u0e1e\u0e22\u0e4c", + "\u0e40\u0e2d\u0e01\u0e27\u0e34\u0e17\u0e22\u0e4c", + "\u0e08\u0e33\u0e23\u0e31\u0e2a", + "\u0e1c\u0e14\u0e38\u0e07\u0e0a\u0e32\u0e15\u0e34", + "\u0e01\u0e24\u0e15\u0e1e\u0e23", + "\u0e19\u0e32\u0e17\u0e20\u0e39\u0e27\u0e1e\u0e31\u0e12\u0e19\u0e4c", + "\u0e2a\u0e21\u0e21\u0e25", + "\u0e18\u0e35\u0e23\u0e4c\u0e18\u0e27\u0e31\u0e19\u0e32\u0e22", + "\u0e27\u0e23\u0e23\u0e13\u0e0a\u0e19\u0e30\u0e0a\u0e31\u0e22", + "\u0e27\u0e34\u0e40\u0e0a\u0e35\u0e22\u0e23", + "\u0e08\u0e31\u0e01\u0e23\u0e0a\u0e31\u0e22", + "\u0e14\u0e34\u0e25\u0e01", + "\u0e2a\u0e38\u0e23\u0e27\u0e31\u0e0a", + "\u0e2d\u0e34\u0e19\u0e17\u0e23\u0e35\u0e22\u0e4c", + "\u0e04\u0e21\u0e01\u0e23\u0e34\u0e1a", + "\u0e20\u0e31\u0e17\u0e23\u0e32\u0e27\u0e38\u0e18", + "\u0e23\u0e32\u0e13\u0e35", + "\u0e2a\u0e38\u0e21\u0e31\u0e0a\u0e0d\u0e32", + "\u0e0a\u0e31\u0e0a\u0e40\u0e27\u0e28\u0e22\u0e4c", + "\u0e2a\u0e32\u0e22\u0e2a\u0e38\u0e23\u0e35\u0e22\u0e4c", + "\u0e19\u0e23\u0e32\u0e27\u0e23\u0e23\u0e13", + "\u0e2d\u0e19\u0e38\u0e1a\u0e32\u0e25", + "\u0e01\u0e34\u0e15\u0e34\u0e0a\u0e31\u0e22", + "\u0e01\u0e34\u0e15\u0e34\u0e01\u0e32\u0e19\u0e15\u0e4c", + "\u0e18\u0e35\u0e23\u0e25\u0e31\u0e01\u0e29\u0e13\u0e4c", + "\u0e13\u0e31\u0e10\u0e08\u0e28\u0e31\u0e01\u0e14\u0e34\u0e4c", + "\u0e2d\u0e13\u0e31\u0e10\u0e15\u0e32", + "\u0e23\u0e31\u0e10\u0e1e\u0e07\u0e29\u0e4c", + "\u0e40\u0e01\u0e29\u0e23\u0e32", + "\u0e40\u0e02\u0e21\u0e08\u0e34\u0e23\u0e32", + "\u0e28\u0e38\u0e20\u0e19\u0e38\u0e19\u0e32\u0e22", + "\u0e1e\u0e34\u0e44\u0e25\u0e1e\u0e23", + "\u0e2d\u0e32\u0e23\u0e35\u0e22\u0e4c", + "\u0e17\u0e34\u0e19\u0e1e\u0e23" + ], + "LAST_NAME": [ + "\u0e2a\u0e07\u0e1b\u0e23\u0e30\u0e40\u0e2a\u0e23\u0e34\u0e10", + "\u0e16\u0e19\u0e31\u0e14\u0e01\u0e25\u0e36\u0e07", + "\u0e19\u0e32\u0e16\u0e30\u0e40\u0e14\u0e0a\u0e30", + "\u0e1a\u0e38\u0e19\u0e22\u0e32\u0e20\u0e34\u0e2a\u0e19\u0e17\u0e4c", + "\u0e14\u0e27\u0e07\u0e17\u0e31\u0e1a\u0e17\u0e34\u0e21", + "\u0e16\u0e49\u0e27\u0e19\u0e28\u0e23\u0e35", + "\u0e16\u0e19\u0e2d\u0e21\u0e1e\u0e25\u0e01\u0e23\u0e31\u0e07", + "\u0e17\u0e33\u0e1b\u0e23\u0e30\u0e14\u0e39\u0e48", + "\u0e19\u0e38\u0e15\u0e15\u0e32\u0e23", + "\u0e19\u0e32\u0e16\u0e30\u0e1e\u0e34\u0e19\u0e18\u0e38", + "\u0e15\u0e23\u0e30\u0e01\u0e39\u0e25\u0e44\u0e21\u0e49\u0e40\u0e23\u0e35\u0e22\u0e07", + "\u0e40\u0e25\u0e02\u0e30\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e17\u0e2d\u0e07\u0e1b\u0e32\u0e01\u0e19\u0e49\u0e33", + "\u0e18\u0e35\u0e27\u0e23", + "\u0e01\u0e38\u0e21\u0e32\u0e23\u0e1a\u0e38\u0e0d", + "\u0e19\u0e34\u0e22\u0e21\u0e2a\u0e33\u0e2b\u0e23\u0e27\u0e08", + "\u0e16\u0e19\u0e31\u0e14\u0e40\u0e14\u0e34\u0e19\u0e02\u0e48\u0e32\u0e27", + "\u0e40\u0e22\u0e32\u0e27\u0e18\u0e19\u0e42\u0e0a\u0e04", + "\u0e19\u0e30\u0e27\u0e30\u0e21\u0e31\u0e19\u0e14\u0e23", + "\u0e09\u0e32\u0e22\u0e41\u0e2a\u0e07", + "\u0e14\u0e32\u0e1a\u0e40\u0e07\u0e34\u0e19", + "\u0e18\u0e23\u0e23\u0e21\u0e40\u0e21\u0e18\u0e32", + "\u0e2d\u0e31\u0e15\u0e15\u0e19\u0e32\u0e16", + "\u0e41\u0e08\u0e49\u0e07\u0e2a\u0e27\u0e48\u0e32\u0e07", + "\u0e16\u0e19\u0e31\u0e14\u0e23\u0e31\u0e01\u0e29\u0e32", + "\u0e0b\u0e39\u0e2a\u0e32\u0e23\u0e2d", + "\u0e28\u0e23\u0e35\u0e18\u0e19\u0e30\u0e40\u0e27\u0e17\u0e22\u0e4c", + "\u0e19\u0e31\u0e1a\u0e40\u0e19\u0e37\u0e48\u0e2d\u0e07\u0e19\u0e2d", + "\u0e41\u0e01\u0e49\u0e27\u0e2d\u0e22\u0e39\u0e48", + "\u0e15\u0e34\u0e13\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e41\u0e01\u0e49\u0e27\u0e0a\u0e25\u0e04\u0e23\u0e32\u0e21", + "\u0e19\u0e34\u0e15\u0e34\u0e2a\u0e32\u0e02\u0e32", + "\u0e21\u0e34\u0e48\u0e07\u0e02\u0e27\u0e31\u0e0d", + "\u0e28\u0e23\u0e35\u0e2a\u0e31\u0e15\u0e22\u0e4c", + "\u0e40\u0e19\u0e15\u0e23\u0e4c\u0e21\u0e13\u0e35", + "\u0e2b\u0e2d\u0e21\u0e2a\u0e34\u0e19", + "\u0e19\u0e34\u0e22\u0e21\u0e18\u0e23\u0e23\u0e21", + "\u0e1a\u0e38\u0e19\u0e22\u0e30\u0e28\u0e31\u0e1e\u0e17\u0e4c", + "\u0e0b\u0e32\u0e0b\u0e38\u0e21", + "\u0e18\u0e31\u0e0d\u0e40\u0e2a\u0e16\u0e35\u0e22\u0e23", + "\u0e18\u0e23\u0e23\u0e21\u0e24\u0e14\u0e35", + "\u0e28\u0e23\u0e35\u0e15\u0e30\u0e27\u0e31\u0e19", + "\u0e44\u0e2a\u0e22\u0e01\u0e34\u0e08", + "\u0e16\u0e32\u0e27\u0e23\u0e30\u0e27\u0e23\u0e13\u0e4c", + "\u0e19\u0e33\u0e18\u0e27\u0e31\u0e0a", + "\u0e15\u0e31\u0e19\u0e15\u0e23\u0e32\u0e08\u0e34\u0e13", + "\u0e19\u0e34\u0e25\u0e27\u0e23\u0e23\u0e13", + "\u0e1c\u0e25\u0e1a\u0e38\u0e0d", + "\u0e18\u0e19\u0e23\u0e31\u0e01\u0e29\u0e4c", + "\u0e17\u0e23\u0e31\u0e1e\u0e22\u0e4c\u0e18\u0e33\u0e23\u0e07\u0e04\u0e4c", + "\u0e1a\u0e38\u0e19\u0e22\u0e30\u0e15\u0e35\u0e23\u0e13\u0e30", + "\u0e19\u0e31\u0e01\u0e23\u0e1a", + "\u0e17\u0e2d\u0e07\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e14\u0e35", + "\u0e16\u0e34\u0e23\u0e2a\u0e27\u0e31\u0e2a\u0e14\u0e34\u0e4c", + "\u0e19\u0e24\u0e20\u0e31\u0e22", + "\u0e27\u0e34\u0e25\u0e32\u0e2a\u0e34\u0e19\u0e35", + "\u0e1b\u0e23\u0e35\u0e0a\u0e32\u0e01\u0e38\u0e25\u0e40\u0e28\u0e23\u0e29\u0e10\u0e4c", + "\u0e14\u0e35\u0e15\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e14\u0e32\u0e27\u0e01\u0e23\u0e30\u0e08\u0e32\u0e22", + "\u0e15\u0e31\u0e13\u0e2a\u0e16\u0e34\u0e15\u0e22\u0e4c", + "\u0e40\u0e15\u0e21\u0e34\u0e22\u0e30\u0e40\u0e14\u0e0a", + "\u0e40\u0e15\u0e0a\u0e30\u0e01\u0e33\u0e1e\u0e38", + "\u0e08\u0e49\u0e2d\u0e22\u0e19\u0e38\u0e41\u0e2a\u0e07", + "\u0e19\u0e34\u0e25\u0e40\u0e2a\u0e19\u0e32", + "\u0e1a\u0e38\u0e0d\u0e1a\u0e33\u0e23\u0e38\u0e07", + "\u0e23\u0e48\u0e21\u0e18\u0e34\u0e15\u0e34\u0e23\u0e31\u0e15\u0e19\u0e4c", + "\u0e28\u0e23\u0e17\u0e2d\u0e07", + "\u0e19\u0e32\u0e21\u0e40\u0e2a\u0e27\u0e15\u0e23", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e2a\u0e38\u0e02", + "\u0e1e\u0e23\u0e23\u0e29\u0e32\u0e2a\u0e01\u0e38\u0e25", + "\u0e44\u0e17\u0e22\u0e41\u0e17\u0e49", + "\u0e28\u0e23\u0e35\u0e2d\u0e38\u0e48\u0e19", + "\u0e2b\u0e19\u0e31\u0e01\u0e41\u0e19\u0e48\u0e19", + "\u0e14\u0e38\u0e29\u0e0e\u0e35\u0e27\u0e19\u0e34\u0e0a", + "\u0e41\u0e19\u0e27\u0e1e\u0e19\u0e34\u0e0a", + "\u0e17\u0e38\u0e21\u0e30\u0e1a\u0e38\u0e15\u0e23\u0e4c", + "\u0e28\u0e34\u0e27\u0e30\u0e27\u0e23\u0e40\u0e27\u0e17", + "\u0e40\u0e25\u0e34\u0e28\u0e01\u0e34\u0e48\u0e07", + "\u0e17\u0e35\u0e06\u0e30", + "\u0e18\u0e23\u0e23\u0e21\u0e17\u0e34\u0e19\u0e19\u0e32", + "\u0e1a\u0e38\u0e15\u0e23\u0e32\u0e0a", + "\u0e15\u0e23\u0e35\u0e40\u0e20\u0e23\u0e34\u0e19\u0e17\u0e23\u0e4c", + "\u0e44\u0e17\u0e44\u0e0a\u0e42\u0e22", + "\u0e17\u0e28\u0e42\u0e22\u0e18\u0e34\u0e19", + "\u0e16\u0e19\u0e2d\u0e21\u0e1e\u0e25", + "\u0e19\u0e34\u0e25\u0e30\u0e17\u0e31\u0e15", + "\u0e40\u0e0a\u0e49\u0e32\u0e27\u0e31\u0e19\u0e14\u0e35", + "\u0e14\u0e32\u0e1a\u0e40\u0e1e\u0e47\u0e0a\u0e23\u0e4c", + "\u0e15\u0e27\u0e07\u0e17\u0e2d\u0e07", + "\u0e08\u0e31\u0e19\u0e2d\u0e49\u0e19", + "\u0e40\u0e18\u0e35\u0e22\u0e23\u0e32\u0e22\u0e31\u0e19", + "\u0e15\u0e31\u0e19\u0e40\u0e1c\u0e48\u0e32", + "\u0e17\u0e23\u0e07\u0e42\u0e01\u0e21\u0e25", + "\u0e08\u0e31\u0e19\u0e17\u0e32", + "\u0e1a\u0e38\u0e0d\u0e0d\u0e32\u0e20\u0e34\u0e23\u0e21\u0e22\u0e4c", + "\u0e19\u0e04\u0e23\u0e40\u0e17\u0e1e", + "\u0e19\u0e32\u0e0f\u0e04\u0e32\u0e22\u0e35", + "\u0e17\u0e2d\u0e07\u0e2a\u0e38\u0e01\u0e40\u0e25\u0e34\u0e28", + "\u0e40\u0e27\u0e35\u0e22\u0e07\u0e08\u0e31\u0e19\u0e17\u0e36\u0e01", + "\u0e17\u0e2d\u0e07\u0e2a\u0e34\u0e19\u0e18\u0e38\u0e4c", + "\u0e16\u0e19\u0e31\u0e14\u0e20\u0e32\u0e29\u0e32", + "\u0e0a\u0e33\u0e19\u0e32\u0e0d\u0e27\u0e32\u0e14", + "\u0e40\u0e1e\u0e35\u0e22\u0e22\u0e32", + "\u0e17\u0e2d\u0e07\u0e41\u0e17\u0e49", + "\u0e02\u0e31\u0e19\u0e18\u0e38\u0e25\u0e32", + "\u0e19\u0e32\u0e01\u0e01\u0e19\u0e01", + "\u0e1a\u0e38\u0e13\u0e22\u0e30\u0e20\u0e32\u0e0a\u0e19\u0e4c", + "\u0e15\u0e23\u0e30\u0e01\u0e39\u0e25\u0e1a\u0e38\u0e0d", + "\u0e16\u0e19\u0e2d\u0e21\u0e01\u0e38\u0e25\u0e1a\u0e38\u0e15\u0e23", + "\u0e28\u0e23\u0e35\u0e40\u0e1c\u0e14\u0e47\u0e08", + "\u0e04\u0e13\u0e32\u0e19\u0e38\u0e23\u0e31\u0e01\u0e29\u0e4c", + "\u0e19\u0e38\u0e0a\u0e41\u0e19\u0e27\u0e19\u0e38\u0e48\u0e21", + "\u0e40\u0e02\u0e35\u0e22\u0e27\u0e2d\u0e48\u0e2d\u0e19", + "\u0e15\u0e31\u0e49\u0e07\u0e23\u0e1a", + "\u0e17\u0e31\u0e28\u0e19\u0e2a\u0e38\u0e17\u0e18\u0e34", + "\u0e18\u0e31\u0e0d\u0e32\u0e42\u0e20\u0e0a\u0e19\u0e4c", + "\u0e2a\u0e31\u0e07\u0e02\u0e4c\u0e01\u0e23\u0e14", + "\u0e19\u0e32\u0e04\u0e2a\u0e38\u0e17\u0e34\u0e19", + "\u0e2a\u0e31\u0e19\u0e15\u0e30\u0e27\u0e07\u0e28\u0e4c", + "\u0e02\u0e38\u0e19\u0e14\u0e33", + "\u0e16\u0e19\u0e31\u0e14\u0e01\u0e32\u0e23\u0e40\u0e02\u0e35\u0e22\u0e19", + "\u0e19\u0e27\u0e25\u0e09\u0e27\u0e35", + "\u0e44\u0e15\u0e23\u0e1a\u0e23\u0e23\u0e1e", + "\u0e19\u0e34\u0e25\u0e27\u0e34\u0e21\u0e25", + "\u0e19\u0e34\u0e25\u0e2a\u0e38\u0e27\u0e23\u0e23\u0e13\u0e4c", + "\u0e02\u0e2d\u0e2b\u0e21\u0e31\u0e48\u0e19\u0e01\u0e25\u0e32\u0e07", + "\u0e1e\u0e35\u0e23\u0e30\u0e40\u0e1e\u0e47\u0e0d\u0e01\u0e38\u0e25", + "\u0e15\u0e23\u0e32\u0e0a\u0e39", + "\u0e17\u0e27\u0e19\u0e17\u0e2d\u0e07", + "\u0e40\u0e14\u0e0a\u0e27\u0e32", + "\u0e16\u0e19\u0e34\u0e21\u0e21\u0e32\u0e28", + "\u0e18\u0e23\u0e23\u0e21\u0e2a\u0e16\u0e34\u0e15\u0e44\u0e1e\u0e28\u0e32\u0e25", + "\u0e41\u0e17\u0e48\u0e19\u0e17\u0e2d\u0e07", + "\u0e19\u0e32\u0e04\u0e27\u0e07\u0e29\u0e4c", + "\u0e19\u0e24\u0e17\u0e38\u0e01\u0e02\u0e4c", + "\u0e18\u0e19\u0e1b\u0e23\u0e30\u0e17\u0e35\u0e1b", + "\u0e14\u0e32\u0e27\u0e2d\u0e23\u0e48\u0e32\u0e21", + "\u0e19\u0e1e\u0e15\u0e23\u0e30\u0e01\u0e39\u0e25", + "\u0e14\u0e32\u0e15\u0e39", + "\u0e18\u0e39\u0e1b\u0e30\u0e27\u0e34\u0e42\u0e23\u0e08\u0e19\u0e4c", + "\u0e44\u0e0a\u0e22\u0e20\u0e32", + "\u0e19\u0e49\u0e33\u0e17\u0e34\u0e1e\u0e22\u0e4c", + "\u0e1a\u0e31\u0e27\u0e40\u0e1c\u0e37\u0e48\u0e2d\u0e19", + "\u0e28\u0e32\u0e2a\u0e15\u0e23\u0e4c\u0e28\u0e34\u0e25\u0e1b\u0e4c", + "\u0e40\u0e02\u0e35\u0e22\u0e27\u0e02\u0e38\u0e49\u0e22", + "\u0e16\u0e19\u0e31\u0e14\u0e01\u0e32\u0e23\u0e22\u0e19\u0e15\u0e4c", + "\u0e40\u0e19\u0e37\u0e48\u0e2d\u0e07\u0e19\u0e19\u0e17\u0e4c", + "\u0e1a\u0e38\u0e0d\u0e2a\u0e48\u0e07", + "\u0e18\u0e19\u0e39\u0e1b\u0e01\u0e23\u0e13\u0e4c", + "\u0e19\u0e34\u0e29\u0e1b\u0e23\u0e30\u0e1b\u0e31\u0e0d\u0e08\u0e4c", + "\u0e09\u0e31\u0e15\u0e23\u0e2d\u0e20\u0e34\u0e40\u0e17\u0e35\u0e48\u0e22\u0e07\u0e04\u0e48\u0e33", + "\u0e15\u0e31\u0e49\u0e07\u0e01\u0e38\u0e25\u0e07\u0e32\u0e21", + "\u0e04\u0e33\u0e25\u0e37\u0e2d", + "\u0e44\u0e17\u0e22\u0e2a\u0e38\u0e0a\u0e32\u0e15", + "\u0e19\u0e34\u0e25\u0e2a\u0e25\u0e31\u0e27", + "\u0e16\u0e19\u0e31\u0e14\u0e2d\u0e31\u0e01\u0e29\u0e23", + "\u0e16\u0e32\u0e27\u0e23\u0e23\u0e31\u0e15\u0e19", + "\u0e09\u0e31\u0e1e\u0e1e\u0e23\u0e23\u0e13\u0e18\u0e19\u0e01\u0e39\u0e23", + "\u0e14\u0e49\u0e27\u0e07\u0e42\u0e2a\u0e19", + "\u0e18\u0e23\u0e23\u0e21\u0e19\u0e34\u0e22\u0e21", + "\u0e40\u0e08\u0e23\u0e34\u0e0d\u0e23\u0e31\u0e21\u0e22\u0e4c", + "\u0e19\u0e01\u0e17\u0e2d\u0e07", + "\u0e15\u0e31\u0e49\u0e07\u0e40\u0e1c\u0e48\u0e32", + "\u0e1a\u0e34\u0e19\u0e14\u0e35", + "\u0e18\u0e39\u0e1b\u0e2b\u0e2d\u0e21", + "\u0e19\u0e34\u0e22\u0e21\u0e40\u0e0b\u0e35\u0e22\u0e21", + "\u0e40\u0e13\u0e23\u0e32\u0e19\u0e38\u0e2a\u0e19\u0e18\u0e34\u0e4c", + "\u0e16\u0e21\u0e1b\u0e31\u0e14", + "\u0e44\u0e21\u0e49\u0e41\u0e14\u0e07", + "\u0e15\u0e23\u0e35\u0e04\u0e23\u0e38\u0e18\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e2b\u0e34\u0e23\u0e31\u0e0d\u0e2a\u0e32\u0e25\u0e35", + "\u0e19\u0e34\u0e23\u0e30\u0e2b\u0e32\u0e19\u0e35", + "\u0e09\u0e34\u0e21\u0e1e\u0e32\u0e25\u0e35", + "\u0e19\u0e1e\u0e04\u0e40\u0e0a\u0e19\u0e17\u0e23\u0e4c", + "\u0e41\u0e19\u0e48\u0e19\u0e14\u0e38\u0e08\u0e1b\u0e49\u0e2d\u0e21", + "\u0e19\u0e23\u0e27\u0e34\u0e17\u0e22\u0e4c\u0e42\u0e0a\u0e15\u0e34\u0e01\u0e38\u0e25", + "\u0e17\u0e27\u0e35\u0e40\u0e14\u0e0a", + "\u0e15\u0e30\u0e25\u0e30\u0e20\u0e31\u0e0f", + "\u0e17\u0e27\u0e19\u0e44\u0e0a\u0e22\u0e4c", + "\u0e07\u0e32\u0e21\u0e1e\u0e34\u0e40\u0e0a\u0e29\u0e10\u0e4c", + "\u0e2d\u0e38\u0e48\u0e19\u0e2d\u0e01", + "\u0e1a\u0e38\u0e0d\u0e28\u0e25", + "\u0e16\u0e38\u0e07\u0e40\u0e07\u0e34\u0e19", + "\u0e19\u0e38\u0e48\u0e21\u0e01\u0e31\u0e19", + "\u0e15\u0e34\u0e23\u0e30\u0e04\u0e21\u0e19\u0e4c", + "\u0e19\u0e27\u0e25\u0e40\u0e1e\u0e47\u0e07", + "\u0e2a\u0e32\u0e23\u0e30\u0e1e\u0e31\u0e19\u0e18\u0e4c", + "\u0e2b\u0e2d\u0e21\u0e1e\u0e34\u0e01\u0e38\u0e25", + "\u0e02\u0e33\u0e40\u0e2d\u0e19\u0e01", + "\u0e16\u0e19\u0e2d\u0e21\u0e21\u0e19\u0e38\u0e29\u0e22\u0e4c", + "\u0e1e\u0e23\u0e2a\u0e35\u0e21\u0e32", + "\u0e17\u0e2d\u0e07\u0e2d\u0e22\u0e39\u0e48", + "\u0e15\u0e27\u0e31\u0e19\u0e40\u0e22\u0e35\u0e48\u0e22\u0e21", + "\u0e22\u0e32\u0e1b\u0e30\u0e42\u0e25\u0e2b\u0e34\u0e15", + "\u0e2d\u0e38\u0e25\u0e2b\u0e31\u0e2a\u0e2a\u0e32", + "\u0e14\u0e38\u0e23\u0e34\u0e22\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e1a\u0e38\u0e0d\u0e0d\u0e32\u0e44\u0e25\u0e22\u0e4c", + "\u0e18\u0e32\u0e23\u0e32\u0e18\u0e23", + "\u0e16\u0e19\u0e31\u0e14\u0e23\u0e1a", + "\u0e17\u0e31\u0e1a\u0e17\u0e34\u0e21\u0e44\u0e17\u0e22", + "\u0e19\u0e32\u0e21\u0e02\u0e33", + "\u0e16\u0e30\u0e40\u0e01\u0e34\u0e07\u0e0a\u0e28", + "\u0e0a\u0e38\u0e21\u0e27\u0e23\u0e30", + "\u0e1a\u0e38\u0e15\u0e14\u0e32", + "\u0e27\u0e30\u0e04\u0e35\u0e21\u0e31\u0e19", + "\u0e1e\u0e32\u0e19\u0e40\u0e01\u0e25\u0e49\u0e32", + "\u0e40\u0e19\u0e37\u0e49\u0e2d\u0e19\u0e38\u0e48\u0e21", + "\u0e44\u0e17\u0e19\u0e34\u0e22\u0e21", + "\u0e14\u0e33\u0e23\u0e34\u0e2b\u0e4c\u0e0a\u0e2d\u0e1a", + "\u0e1e\u0e07\u0e28\u0e4c\u0e09\u0e1a\u0e31\u0e1a\u0e19\u0e20\u0e32", + "\u0e42\u0e1e\u0e18\u0e34\u0e2a\u0e31\u0e15\u0e22\u0e4c", + "\u0e16\u0e19\u0e31\u0e14\u0e2b\u0e31\u0e15\u0e16\u0e01\u0e23\u0e23\u0e21", + "\u0e1b\u0e23\u0e30\u0e08\u0e31\u0e19\u0e15\u0e30\u0e40\u0e2a\u0e19", + "\u0e19\u0e32\u0e19\u0e32\u0e22\u0e19", + "\u0e1b\u0e32\u0e19\u0e2a\u0e38\u0e27\u0e23\u0e23\u0e13", + "\u0e28\u0e23\u0e35\u0e27\u0e07\u0e04\u0e4c", + "\u0e2a\u0e38\u0e27\u0e23\u0e23\u0e13\u0e2b\u0e07\u0e29\u0e4c", + "\u0e14\u0e31\u0e15\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c", + "\u0e2b\u0e19\u0e38\u0e19\u0e2a\u0e38\u0e02", + "\u0e19\u0e31\u0e01\u0e2a\u0e33\u0e2b\u0e23\u0e27\u0e08", + "\u0e16\u0e19\u0e31\u0e14\u0e2d\u0e32\u0e27\u0e38\u0e18", + "\u0e1e\u0e23\u0e21\u0e2d\u0e48\u0e2d\u0e19", + "\u0e41\u0e16\u0e21\u0e18\u0e19", + "\u0e22\u0e32\u0e07\u0e2a\u0e27\u0e22", + "\u0e41\u0e2b\u0e22\u0e21\u0e28\u0e34\u0e23\u0e34", + "\u0e41\u0e15\u0e49\u0e01\u0e38\u0e25", + "\u0e17\u0e2d\u0e07\u0e25\u0e32\u0e20", + "\u0e19\u0e32\u0e04\u0e30\u0e19\u0e04\u0e23", + "\u0e23\u0e32\u0e0a\u0e21\u0e13\u0e35", + "\u0e14\u0e34\u0e2a\u0e01\u0e30\u0e1b\u0e23\u0e30\u0e01\u0e32\u0e22", + "\u0e17\u0e2d\u0e07\u0e1b\u0e23\u0e30\u0e14\u0e34\u0e10", + "\u0e15\u0e31\u0e19\u0e22\u0e32", + "\u0e17\u0e2b\u0e32\u0e23\u0e41\u0e17\u0e49", + "\u0e18\u0e38\u0e27\u0e30\u0e19\u0e38\u0e15\u0e34\u0e4c", + "\u0e14\u0e34\u0e28\u0e14\u0e43\u0e19", + "\u0e16\u0e32\u0e27\u0e23\u0e32\u0e22\u0e38\u0e28\u0e21\u0e4c", + "\u0e16\u0e21\u0e31\u0e07\u0e23\u0e31\u0e01\u0e29\u0e2a\u0e31\u0e15\u0e27\u0e4c", + "\u0e17\u0e23\u0e31\u0e1e\u0e22\u0e4c\u0e2a\u0e32\u0e23", + "\u0e17\u0e2d\u0e07\u0e2a\u0e35\u0e44\u0e1e\u0e25", + "\u0e27\u0e32\u0e17\u0e32", + "\u0e15\u0e31\u0e13\u0e11\u0e19\u0e38\u0e0a", + "\u0e16\u0e19\u0e31\u0e14\u0e1e\u0e34\u0e21\u0e1e\u0e01\u0e32\u0e23", + "\u0e17\u0e31\u0e19\u0e22\u0e38\u0e04", + "\u0e41\u0e19\u0e27\u0e1e\u0e0d\u0e32", + "\u0e20\u0e39\u0e20\u0e31\u0e01\u0e14\u0e35", + "\u0e21\u0e19\u0e17\u0e2d\u0e07", + "\u0e40\u0e14\u0e0a\u0e04\u0e38\u0e49\u0e21", + "\u0e22\u0e30\u0e1c\u0e32", + "\u0e27\u0e38\u0e11\u0e12\u0e22\u0e32\u0e01\u0e23", + "\u0e19\u0e32\u0e04\u0e1e\u0e31\u0e19\u0e18\u0e38\u0e4c" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0e41\u0e21\u0e48\u0e2d\u0e18\u0e34\u0e01\u0e32\u0e23": "\u0e2d\u0e18\u0e34\u0e01\u0e32\u0e23\u0e2d\u0e32\u0e23\u0e32\u0e21", + "\u0e19\u0e31\u0e01\u0e41\u0e2a\u0e14\u0e07\u0e2b\u0e0d\u0e34\u0e07": "\u0e14\u0e32\u0e23\u0e32", + "\u0e14\u0e32\u0e23\u0e32\u0e2b\u0e0d\u0e34\u0e07": "\u0e28\u0e34\u0e25\u0e1b\u0e34\u0e19\u0e19\u0e31\u0e01\u0e41\u0e2a\u0e14\u0e07", + "\u0e19\u0e49\u0e32": "\u0e25\u0e38\u0e07", + "\u0e1a\u0e32\u0e23\u0e2d\u0e19\u0e40\u0e19\u0e2a": "\u0e1c\u0e39\u0e49\u0e19\u0e4d\u0e32\u0e18\u0e38\u0e23\u0e01\u0e34\u0e08", + "\u0e40\u0e08\u0e49\u0e32\u0e2a\u0e32\u0e27": "\u0e40\u0e08\u0e49\u0e32\u0e1a\u0e48\u0e32\u0e27", + "\u0e19\u0e31\u0e01\u0e18\u0e38\u0e23\u0e01\u0e34\u0e08\u0e2b\u0e0d\u0e34\u0e07": "\u0e19\u0e31\u0e01\u0e18\u0e38\u0e23\u0e01\u0e34\u0e08", + "\u0e04\u0e32\u0e27\u0e40\u0e01\u0e34\u0e23\u0e4c\u0e25": "\u0e42\u0e04\u0e1a\u0e32\u0e25", + "\u0e18\u0e34\u0e14\u0e32": "\u0e25\u0e39\u0e01\u0e0a\u0e32\u0e22", + "\u0e25\u0e39\u0e01\u0e2b\u0e0d\u0e34\u0e07": "\u0e1a\u0e38\u0e15\u0e23\u0e0a\u0e32\u0e22", + "\u0e1e\u0e23\u0e30\u0e18\u0e34\u0e14\u0e32": "\u0e25\u0e39\u0e01\u0e0a\u0e32\u0e22", + "\u0e1a\u0e38\u0e15\u0e23\u0e35": "\u0e23\u0e32\u0e0a\u0e42\u0e2d\u0e23\u0e2a", + "\u0e1a\u0e38\u0e15\u0e23\u0e2b\u0e0d\u0e34\u0e07": "\u0e1e\u0e23\u0e30\u0e42\u0e2d\u0e23\u0e2a", + "\u0e25\u0e39\u0e01\u0e2a\u0e32\u0e27": "\u0e25\u0e39\u0e01\u0e0a\u0e32\u0e22", + "\u0e01\u0e38\u0e25\u0e18\u0e34\u0e14\u0e32": "\u0e23\u0e32\u0e0a\u0e1a\u0e38\u0e15\u0e23", + "\u0e1a\u0e38\u0e15\u0e23\u0e2a\u0e32\u0e27": "\u0e1e\u0e23\u0e30\u0e42\u0e2d\u0e23\u0e2a", + "\u0e14\u0e31\u0e0a\u0e40\u0e0a\u0e2a": "\u0e17\u0e48\u0e32\u0e19\u0e14\u0e22\u0e38\u0e04", + "\u0e08\u0e31\u0e01\u0e23\u0e1e\u0e23\u0e23\u0e14\u0e34\u0e19\u0e35": "\u0e08\u0e31\u0e01\u0e23\u0e1e\u0e23\u0e23\u0e14\u0e34", + "\u0e04\u0e19\u0e40\u0e1e\u0e28\u0e2b\u0e0d\u0e34\u0e07": "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e21\u0e25", + "\u0e40\u0e1e\u0e28\u0e40\u0e21\u0e35\u0e22": "\u0e1c\u0e39\u0e49", + "\u0e15\u0e31\u0e27\u0e40\u0e21\u0e35\u0e22": "\u0e0a\u0e32\u0e22", + "\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e1e\u0e28\u0e2b\u0e0d\u0e34\u0e07": "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e1e\u0e28\u0e1c\u0e39\u0e49", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e1e\u0e28\u0e40\u0e21\u0e35\u0e22": "\u0e0a\u0e32\u0e22", + "\u0e2b\u0e0d\u0e34\u0e07": "\u0e15\u0e31\u0e27\u0e1c\u0e39\u0e49", + "\u0e40\u0e1e\u0e28\u0e2b\u0e0d\u0e34\u0e07": "\u0e1a\u0e38\u0e23\u0e38\u0e29\u0e40\u0e1e\u0e28", + "\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e1e\u0e28\u0e40\u0e21\u0e35\u0e22": "\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e1e\u0e28\u0e1c\u0e39\u0e49", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e15\u0e31\u0e27\u0e40\u0e21\u0e35\u0e22": "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e15\u0e31\u0e27\u0e1c\u0e39\u0e49", + "\u0e2a\u0e15\u0e23\u0e35\u0e40\u0e1e\u0e28": "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e21\u0e25", + "\u0e04\u0e39\u0e48\u0e2b\u0e21\u0e31\u0e49\u0e19": "\u0e04\u0e39\u0e48\u0e2b\u0e21\u0e31\u0e49\u0e19\u0e0a\u0e32\u0e22", + "\u0e04\u0e39\u0e48\u0e2b\u0e21\u0e31\u0e49\u0e19\u0e2b\u0e0d\u0e34\u0e07": "\u0e04\u0e39\u0e48\u0e2b\u0e21\u0e31\u0e49\u0e19\u0e0a\u0e32\u0e22", + "\u0e2b\u0e0d\u0e34\u0e07\u0e2a\u0e32\u0e27": "\u0e0a\u0e32\u0e22\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e40\u0e01\u0e25": "\u0e40\u0e0a\u0e37\u0e2d\u0e01\u0e42\u0e22\u0e07\u0e40\u0e15\u0e47\u0e19\u0e17\u0e4c", + "\u0e17\u0e23\u0e32\u0e21\u0e27\u0e31\u0e22": "\u0e40\u0e0a\u0e37\u0e2d\u0e01\u0e42\u0e22\u0e07\u0e40\u0e15\u0e47\u0e19\u0e17\u0e4c", + "\u0e40\u0e14\u0e47\u0e01\u0e2a\u0e32\u0e27": "\u0e1e\u0e48\u0e2d\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e40\u0e14\u0e47\u0e01\u0e2b\u0e0d\u0e34\u0e07": "\u0e1e\u0e48\u0e2d\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e40\u0e14\u0e47\u0e01\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07": "\u0e0a\u0e32\u0e22\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e2a\u0e32\u0e27": "\u0e1e\u0e48\u0e2d\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e2b\u0e25\u0e32\u0e19\u0e2a\u0e32\u0e27": "\u0e2b\u0e25\u0e32\u0e19\u0e0a\u0e32\u0e22", + "\u0e04\u0e23\u0e39\u0e43\u0e2b\u0e0d\u0e48\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07": "\u0e04\u0e23\u0e39\u0e43\u0e2b\u0e0d\u0e48", + "\u0e27\u0e35\u0e23\u0e2a\u0e15\u0e23\u0e35": "\u0e27\u0e35\u0e23\u0e1a\u0e38\u0e23\u0e38\u0e29", + "\u0e19\u0e32\u0e07\u0e40\u0e2d\u0e01": "\u0e27\u0e35\u0e23\u0e1a\u0e38\u0e23\u0e38\u0e29", + "\u0e15\u0e31\u0e27\u0e19\u0e32\u0e07": "trim", + "\u0e40\u0e08\u0e49\u0e32\u0e1a\u0e49\u0e32\u0e19\u0e2b\u0e0d\u0e34\u0e07": "\u0e1c\u0e39\u0e49\u0e23\u0e31\u0e1a\u0e01\u0e32\u0e23\u0e40\u0e1b\u0e25\u0e35\u0e48\u0e22\u0e19\u0e16\u0e48\u0e32\u0e22\u0e2d\u0e27\u0e31\u0e22\u0e27\u0e30", + "\u0e40\u0e08\u0e49\u0e32\u0e20\u0e32\u0e1e\u0e2b\u0e0d\u0e34\u0e07": "\u0e40\u0e08\u0e49\u0e32\u0e02\u0e2d\u0e07\u0e42\u0e23\u0e07\u0e41\u0e23\u0e21", + "\u0e1c\u0e39\u0e49\u0e08\u0e31\u0e14\u0e01\u0e32\u0e23\u0e2b\u0e0d\u0e34\u0e07\u0e02\u0e2d\u0e07\u0e42\u0e23\u0e07\u0e41\u0e23\u0e21": "\u0e02\u0e19\u0e21\u0e1b\u0e31\u0e07\u0e40\u0e2a\u0e01", + "\u0e41\u0e25\u0e19\u0e14\u0e4c\u0e40\u0e25\u0e14\u0e35\u0e49": "\u0e41\u0e25\u0e19\u0e14\u0e4c\u0e25\u0e2d\u0e23\u0e4c\u0e14", + "\u0e40\u0e08\u0e49\u0e32\u0e17\u0e35\u0e48\u0e14\u0e34\u0e19\u0e2b\u0e0d\u0e34\u0e07": "\u0e40\u0e08\u0e49\u0e32\u0e17\u0e35\u0e48\u0e14\u0e34\u0e19", + "\u0e21\u0e32\u0e23\u0e4c\u0e0a\u0e34\u0e40\u0e19\u0e2a": "\u0e21\u0e32\u0e23\u0e4c\u0e04\u0e27\u0e34\u0e2a", + "\u0e19\u0e32\u0e07\u0e2a\u0e32\u0e27": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e1e\u0e25\u0e32\u0e14\u0e23\u0e16": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e23\u0e4d\u0e32\u0e25\u0e36\u0e01\u0e16\u0e36\u0e07": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e22\u0e34\u0e07\u0e44\u0e21\u0e48\u0e42\u0e14\u0e19": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e44\u0e21\u0e48\u0e2d\u0e22\u0e39\u0e48": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e21\u0e34\u0e2a": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e21\u0e34\u0e2a\u0e40\u0e2d": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e04\u0e34\u0e14\u0e16\u0e36\u0e07": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e19_\u0e2a": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e23\u0e30\u0e25\u0e36\u0e01\u0e16\u0e36\u0e07": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e44\u0e21\u0e48\u0e40\u0e08\u0e2d": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e02\u0e32\u0e14": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e44\u0e21\u0e48\u0e42\u0e14\u0e19": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e15\u0e01\u0e23\u0e16": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e44\u0e21\u0e48\u0e17\u0e31\u0e19\u0e23\u0e16": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e1e\u0e25\u0e32\u0e14": "\u0e40\u0e0b\u0e2d\u0e23\u0e4c", + "\u0e2b\u0e31\u0e27\u0e2b\u0e19\u0e49\u0e32\u0e2b\u0e0d\u0e34\u0e07": "\u0e19\u0e32\u0e22", + "\u0e19\u0e32\u0e22\u0e2b\u0e0d\u0e34\u0e07": "\u0e21\u0e35\u0e04\u0e27\u0e32\u0e21\u0e23\u0e39\u0e49", + "\u0e20\u0e23\u0e23\u0e22\u0e32\u0e25\u0e31\u0e1a": "\u0e04\u0e19\u0e08\u0e1a\u0e1b\u0e23\u0e34\u0e0d\u0e0d\u0e32\u0e42\u0e17", + "\u0e2a\u0e19\u0e21": "\u0e1c\u0e25\u0e07\u0e32\u0e19\u0e15\u0e49\u0e19\u0e09\u0e1a\u0e31\u0e1a", + "\u0e01\u0e34\u0e4a\u0e01": "\u0e40\u0e08\u0e49\u0e32\u0e19\u0e32\u0e22", + "\u0e40\u0e08\u0e4a": "\u0e01\u0e31\u0e1b\u0e15\u0e31\u0e19\u0e40\u0e23\u0e37\u0e2d\u0e2a\u0e34\u0e19\u0e04\u0e49\u0e32", + "\u0e40\u0e21\u0e35\u0e22\u0e40\u0e01\u0e47\u0e1a": "\u0e07\u0e32\u0e19\u0e15\u0e49\u0e19\u0e09\u0e1a\u0e31\u0e1a", + "\u0e41\u0e21\u0e48\u0e40\u0e12\u0e48\u0e32": "\u0e1a\u0e34\u0e14\u0e32", + "\u0e21\u0e32\u0e40\u0e18\u0e2d\u0e23\u0e4c": "\u0e1a\u0e34\u0e14\u0e32", + "\u0e21\u0e32\u0e23\u0e14\u0e32": "\u0e1a\u0e34\u0e14\u0e32", + "\u0e40\u0e40\u0e21\u0e48": "\u0e1a\u0e34\u0e14\u0e32", + "\u0e04\u0e38\u0e13\u0e41\u0e21\u0e48": "\u0e1a\u0e34\u0e14\u0e32", + "\u0e41\u0e21\u0e48\u0e2d\u0e38\u0e4a\u0e22": "\u0e1a\u0e34\u0e14\u0e32", + "\u0e21\u0e34\u0e2a\u0e0b\u0e34\u0e2a": "\u0e04\u0e38\u0e13", + "\u0e2d\u0e31\u0e01\u0e29\u0e23\u0e19\u0e39\u0e19": "\u0e1e\u0e23\u0e30", + "\u0e41\u0e21\u0e48\u0e0a\u0e35": "\u0e1e\u0e23\u0e30\u0e2a\u0e07\u0e06\u0e4c", + "\u0e19\u0e31\u0e01\u0e1e\u0e23\u0e15\u0e2b\u0e0d\u0e34\u0e07": "\u0e1e\u0e23\u0e30\u0e2a\u0e07\u0e06\u0e4c", + "\u0e19\u0e32\u0e07\u0e0a\u0e35": "\u0e1e\u0e23\u0e30\u0e2a\u0e07\u0e06\u0e4c", + "\u0e0a\u0e35": "\u0e20\u0e34\u0e01\u0e29\u0e38", + "\u0e15\u0e4d\u0e32\u0e23\u0e27\u0e08\u0e2b\u0e0d\u0e34\u0e07": "\u0e15\u0e4d\u0e32\u0e23\u0e27\u0e08", + "\u0e20\u0e34\u0e01\u0e29\u0e38\u0e13\u0e35": "\u0e2b\u0e25\u0e27\u0e07\u0e1e\u0e48\u0e2d", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e0d\u0e34\u0e07": "\u0e40\u0e08\u0e49\u0e32", + "\u0e41\u0e2b\u0e21\u0e48\u0e21": "\u0e02\u0e38\u0e19", + "\u0e23\u0e32\u0e0a\u0e34\u0e19\u0e35": "\u0e01\u0e29\u0e31\u0e15\u0e23\u0e34\u0e22\u0e4c", + "\u0e04\u0e27\u0e35\u0e19": "\u0e1e\u0e23\u0e30\u0e23\u0e32\u0e0a\u0e32", + "\u0e1e\u0e23\u0e30\u0e23\u0e32\u0e0a\u0e34\u0e19\u0e35": "\u0e1e\u0e23\u0e30\u0e23\u0e32\u0e0a\u0e32", + "\u0e04\u0e27\u0e35\u0e19\u0e2a\u0e4c": "\u0e1e\u0e07\u0e28\u0e4c\u0e01\u0e29\u0e31\u0e15\u0e23\u0e34\u0e22\u0e4c", + "\u0e40\u0e21\u0e37\u0e2d\u0e07\u0e04\u0e27\u0e35\u0e19\u0e2a\u0e4c": "\u0e1e\u0e07\u0e28\u0e4c\u0e01\u0e29\u0e31\u0e15\u0e23\u0e34\u0e22\u0e4c", + "\u0e19\u0e49\u0e2d\u0e07\u0e2a\u0e32\u0e27": "\u0e1e\u0e35\u0e48", + "\u0e1e\u0e35\u0e48\u0e2a\u0e32\u0e27": "\u0e1e\u0e35\u0e48\u0e0a\u0e32\u0e22", + "\u0e0b\u0e34\u0e2a\u0e40\u0e15\u0e2d\u0e23\u0e4c": "\u0e20\u0e23\u0e32\u0e14\u0e23", + "\u0e41\u0e21\u0e48\u0e21\u0e14": "\u0e1e\u0e48\u0e2d\u0e21\u0e14", + "\u0e40\u0e17\u0e37\u0e49\u0e2d": "\u0e0a\u0e32\u0e22\u0e42\u0e2a\u0e14", + "\u0e2a\u0e32\u0e27\u0e02\u0e36\u0e49\u0e19\u0e04\u0e32\u0e19": "\u0e2d\u0e22\u0e39\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e42\u0e2a\u0e14", + "\u0e2a\u0e32\u0e27\u0e17\u0e36\u0e19\u0e17\u0e36\u0e01": "\u0e40\u0e1b\u0e47\u0e19\u0e42\u0e2a\u0e14", + "\u0e2a\u0e32\u0e27\u0e41\u0e01\u0e48": "\u0e2d\u0e22\u0e39\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e42\u0e2a\u0e14", + "\u0e17\u0e36\u0e19\u0e17\u0e36\u0e01": "\u0e40\u0e1b\u0e47\u0e19\u0e42\u0e2a\u0e14", + "\u0e42\u0e06\u0e29\u0e01\u0e2b\u0e0d\u0e34\u0e07": "\u0e42\u0e06\u0e29\u0e01\u0e0a\u0e32\u0e22", + "\u0e25\u0e39\u0e01\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e2b\u0e0d\u0e34\u0e07": "\u0e25\u0e39\u0e01\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07\u0e0a\u0e32\u0e22", + "\u0e41\u0e21\u0e48\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07": "\u0e1e\u0e48\u0e2d\u0e40\u0e25\u0e35\u0e49\u0e22\u0e07", + "\u0e41\u0e2d\u0e23\u0e4c\u0e42\u0e2e\u0e2a\u0e40\u0e15\u0e2a": "\u0e1e\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e15\u0e49\u0e2d\u0e19\u0e23\u0e31\u0e1a\u0e1a\u0e19\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e1a\u0e34\u0e19", + "\u0e1e\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e15\u0e49\u0e2d\u0e19\u0e23\u0e31\u0e1a\u0e1a\u0e19\u0e40\u0e04\u0e23\u0e37\u0e48\u0e2d\u0e07\u0e1a\u0e34\u0e19": "\u0e2a\u0e08\u0e4a\u0e27\u0e15", + "\u0e2a\u0e32\u0e27\u0e40\u0e2a\u0e34\u0e23\u0e4c\u0e1f": "\u0e40\u0e14\u0e47\u0e01\u0e40\u0e2a\u0e34\u0e23\u0e4c\u0e1f", + "\u0e1a\u0e23\u0e34\u0e01\u0e23\u0e2b\u0e0d\u0e34\u0e07": "\u0e40\u0e14\u0e47\u0e01\u0e40\u0e2a\u0e34\u0e23\u0e4c\u0e1f", + "\u0e1e\u0e19\u0e31\u0e01\u0e07\u0e32\u0e19\u0e40\u0e2a\u0e34\u0e23\u0e4c\u0e1f\u0e2b\u0e0d\u0e34\u0e07": "\u0e1a\u0e4b\u0e2d\u0e22", + "\u0e41\u0e21\u0e48\u0e2b\u0e21\u0e49\u0e32\u0e22": "\u0e1e\u0e48\u0e2d\u0e2b\u0e21\u0e49\u0e32\u0e22", + "\u0e41\u0e21\u0e48\u0e23\u0e49\u0e32\u0e07": "\u0e1e\u0e48\u0e2d\u0e21\u0e48\u0e32\u0e22", + "\u0e41\u0e21\u0e48\u0e21\u0e48\u0e32\u0e22": "\u0e1e\u0e48\u0e2d\u0e21\u0e48\u0e32\u0e22", + "\u0e2b\u0e0d\u0e34\u0e07\u0e2b\u0e21\u0e49\u0e32\u0e22": "\u0e1e\u0e48\u0e2d\u0e21\u0e48\u0e32\u0e22", + "\u0e20\u0e23\u0e34\u0e22\u0e32": "\u0e2a\u0e27\u0e32\u0e21\u0e35", + "\u0e40\u0e21\u0e35\u0e22": "\u0e1d\u0e32\u0e25\u0e30\u0e21\u0e35", + "\u0e20\u0e23\u0e23\u0e22\u0e32": "\u0e1e\u0e23\u0e30\u0e2a\u0e32\u0e21\u0e35", + "\u0e0d\u0e34\u0e07": "\u0e25\u0e39\u0e01\u0e19\u0e49\u0e2d\u0e07\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22", + "\u0e2d\u0e34\u0e2a\u0e15\u0e23\u0e35": "\u0e44\u0e2d\u0e2a\u0e25\u0e4c\u0e2d\u0e2d\u0e1f\u0e41\u0e21\u0e19", + "\u0e2a\u0e15\u0e23\u0e35": "\u0e44\u0e2d\u0e2a\u0e25\u0e4c\u0e2d\u0e2d\u0e1f\u0e41\u0e21\u0e19", + "\u0e19\u0e32\u0e23\u0e35": "\u0e0a\u0e32\u0e22\u0e0a\u0e32\u0e15\u0e23\u0e35", + "\u0e2d\u0e34\u0e15\u0e16\u0e35": "\u0e44\u0e2d\u0e2a\u0e25\u0e4c\u0e2d\u0e2d\u0e1f\u0e41\u0e21\u0e19", + "\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07": "\u0e0a\u0e32\u0e22\u0e0a\u0e32\u0e15\u0e23\u0e35", + "\u0e40\u0e14\u0e47\u0e01\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22": "\u0e2b\u0e0d\u0e34\u0e07\u0e2a\u0e32\u0e27", + "\u0e40\u0e14\u0e47\u0e01\u0e0a\u0e32\u0e22": "\u0e40\u0e14\u0e47\u0e01\u0e2a\u0e32\u0e27", + "\u0e2b\u0e19\u0e38\u0e48\u0e21\u0e19\u0e49\u0e2d\u0e22": "\u0e40\u0e14\u0e47\u0e01\u0e2a\u0e32\u0e27", + "\u0e2a\u0e15\u0e23\u0e35\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27": "\u0e0a\u0e32\u0e22\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27", + "\u0e2b\u0e0d\u0e34\u0e07\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27": "\u0e0a\u0e32\u0e22\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27", + "\u0e0a\u0e32\u0e22\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27": "\u0e2a\u0e15\u0e23\u0e35\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27", + "\u0e04\u0e19\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27": "\u0e2b\u0e0d\u0e34\u0e07\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27", + "\u0e0a\u0e32\u0e27\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27": "\u0e2b\u0e0d\u0e34\u0e07\u0e1c\u0e34\u0e27\u0e02\u0e32\u0e27" + }, + "other_gender_swap": { + "\u0e2e\u0e35": "\u0e1e\u0e27\u0e01\u0e40\u0e02\u0e32", + "\u0e2d\u0e31\u0e01\u0e29\u0e23\u0e2e\u0e35": "\u0e1e\u0e27\u0e01\u0e40\u0e02\u0e32" + }, + "en_pronoun2gender": { + "they": [ + "\u0e41\u0e15\u0e4b\u0e27", + "\u0e23\u0e31\u0e01\u0e2a\u0e2d\u0e07\u0e40\u0e1e\u0e28", + "\u0e04\u0e19\u0e23\u0e31\u0e01\u0e23\u0e48\u0e27\u0e21\u0e40\u0e1e\u0e28", + "\u0e23\u0e31\u0e01\u0e23\u0e48\u0e27\u0e21\u0e40\u0e1e\u0e28", + "\u0e40\u0e01\u0e22\u0e4c", + "\u0e25\u0e31\u0e01\u0e40\u0e1e\u0e28", + "\u0e04\u0e19\u0e23\u0e31\u0e01\u0e2a\u0e2d\u0e07\u0e40\u0e1e\u0e28", + "\u0e04\u0e19\u0e02\u0e49\u0e32\u0e21\u0e40\u0e1e\u0e28", + "\u0e0a\u0e32\u0e27\u0e23\u0e31\u0e01\u0e23\u0e48\u0e27\u0e21\u0e40\u0e1e\u0e28" + ], + "he": [ + "\u0e40\u0e0a\u0e37\u0e2d\u0e01\u0e42\u0e22\u0e07\u0e40\u0e15\u0e47\u0e19\u0e17\u0e4c", + "\u0e0a\u0e32\u0e22", + "\u0e40\u0e14\u0e47\u0e01\u0e0a\u0e32\u0e22", + "\u0e0a\u0e32\u0e22\u0e1c\u0e39\u0e49\u0e14\u0e35", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e15\u0e31\u0e27\u0e1c\u0e39\u0e49", + "\u0e0a\u0e32\u0e22\u0e0a\u0e32\u0e15\u0e23\u0e35", + "\u0e2a\u0e38\u0e20\u0e32\u0e1e\u0e1a\u0e38\u0e23\u0e38\u0e29", + "\u0e1a\u0e38\u0e23\u0e38\u0e29", + "\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22", + "\u0e40\u0e08\u0e19\u0e40\u0e17\u0e34\u0e25\u0e41\u0e21\u0e19", + "\u0e08\u0e31\u0e14\u0e01\u0e4d\u0e32\u0e25\u0e31\u0e07\u0e04\u0e19", + "\u0e40\u0e08\u0e49\u0e32\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e1e\u0e28\u0e1c\u0e39\u0e49", + "\u0e1e\u0e48\u0e2d\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e01\u0e23\u0e38\u0e07\u0e40\u0e21\u0e25", + "\u0e15\u0e31\u0e27\u0e2b\u0e21\u0e32\u0e01", + "\u0e1c\u0e39\u0e49", + "\u0e25\u0e39\u0e01\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22", + "\u0e40\u0e1e\u0e28\u0e0a\u0e32\u0e22", + "\u0e40\u0e14\u0e47\u0e01\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22", + "\u0e44\u0e2d\u0e2a\u0e25\u0e4c\u0e2d\u0e2d\u0e1f\u0e41\u0e21\u0e19", + "\u0e42\u0e22\u0e07\u0e14\u0e49\u0e27\u0e22\u0e2a\u0e32\u0e22\u0e40\u0e04\u0e40\u0e1a\u0e34\u0e25", + "\u0e0a\u0e32\u0e22\u0e2b\u0e19\u0e38\u0e48\u0e21", + "\u0e1a\u0e38\u0e23\u0e38\u0e29\u0e40\u0e1e\u0e28", + "\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e1e\u0e28\u0e0a\u0e32\u0e22", + "\u0e25\u0e39\u0e01\u0e19\u0e49\u0e2d\u0e07\u0e1c\u0e39\u0e49\u0e0a\u0e32\u0e22", + "\u0e15\u0e31\u0e27\u0e1c\u0e39\u0e49", + "\u0e25\u0e34\u0e15\u0e40\u0e15\u0e34\u0e25\u0e1a\u0e2d\u0e22", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e1e\u0e28\u0e1c\u0e39\u0e49", + "\u0e2b\u0e19\u0e38\u0e48\u0e21\u0e19\u0e49\u0e2d\u0e22", + "\u0e1b\u0e32\u0e01\u0e41\u0e15\u0e01" + ], + "she": [ + "\u0e2b\u0e0d\u0e34\u0e07\u0e2a\u0e32\u0e27", + "\u0e15\u0e31\u0e27\u0e40\u0e21\u0e35\u0e22", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e15\u0e31\u0e27\u0e40\u0e21\u0e35\u0e22", + "\u0e44\u0e21\u0e48\u0e2d\u0e22\u0e39\u0e48", + "\u0e19_\u0e2a", + "\u0e2a\u0e32\u0e27\u0e19\u0e49\u0e2d\u0e22", + "\u0e2a\u0e15\u0e23\u0e35", + "\u0e2a\u0e31\u0e15\u0e27\u0e4c\u0e40\u0e1e\u0e28\u0e40\u0e21\u0e35\u0e22", + "\u0e2a\u0e32\u0e27", + "\u0e40\u0e01\u0e25", + "\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e1e\u0e28\u0e40\u0e21\u0e35\u0e22", + "\u0e44\u0e21\u0e48\u0e40\u0e08\u0e2d", + "\u0e2a\u0e32\u0e27\u0e1a\u0e23\u0e34\u0e2a\u0e38\u0e17\u0e18\u0e34\u0e4c", + "\u0e40\u0e1e\u0e28\u0e2b\u0e0d\u0e34\u0e07", + "\u0e04\u0e38\u0e13\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07", + "\u0e0a\u0e32\u0e27\u0e40\u0e25\u0e2a\u0e40\u0e1a\u0e35\u0e22\u0e19", + "\u0e2d\u0e34\u0e15\u0e16\u0e35", + "\u0e19\u0e32\u0e07\u0e2a\u0e32\u0e27", + "\u0e44\u0e21\u0e48\u0e42\u0e14\u0e19", + "\u0e2d\u0e34\u0e2a\u0e15\u0e23\u0e35", + "\u0e04\u0e19\u0e40\u0e1e\u0e28\u0e2b\u0e0d\u0e34\u0e07", + "\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07", + "\u0e40\u0e1e\u0e28\u0e40\u0e21\u0e35\u0e22", + "\u0e04\u0e34\u0e14\u0e16\u0e36\u0e07", + "\u0e2b\u0e0d\u0e34\u0e07\u0e23\u0e31\u0e1a\u0e43\u0e0a\u0e49", + "\u0e40\u0e14\u0e47\u0e01\u0e2b\u0e0d\u0e34\u0e07", + "\u0e19\u0e49\u0e2d\u0e07\u0e19\u0e32\u0e07", + "\u0e21\u0e34\u0e2a\u0e40\u0e2d", + "\u0e23\u0e4d\u0e32\u0e25\u0e36\u0e01\u0e16\u0e36\u0e07", + "\u0e17\u0e23\u0e32\u0e21\u0e27\u0e31\u0e22", + "\u0e23\u0e30\u0e25\u0e36\u0e01\u0e16\u0e36\u0e07", + "\u0e19\u0e32\u0e23\u0e35", + "\u0e40\u0e25\u0e2a\u0e40\u0e1b\u0e35\u0e49\u0e22\u0e19", + "\u0e1e\u0e25\u0e32\u0e14\u0e23\u0e16", + "\u0e2b\u0e0d\u0e34\u0e07", + "\u0e2a\u0e38\u0e20\u0e32\u0e1e\u0e2a\u0e15\u0e23\u0e35", + "\u0e21\u0e34\u0e2a", + "\u0e2a\u0e15\u0e23\u0e35\u0e40\u0e1e\u0e28", + "\u0e2a\u0e32\u0e27\u0e43\u0e0a\u0e49", + "\u0e0d\u0e34\u0e07", + "\u0e22\u0e34\u0e07\u0e44\u0e21\u0e48\u0e42\u0e14\u0e19", + "\u0e02\u0e32\u0e14", + "\u0e44\u0e21\u0e48\u0e17\u0e31\u0e19\u0e23\u0e16", + "\u0e40\u0e14\u0e47\u0e01\u0e1c\u0e39\u0e49\u0e2b\u0e0d\u0e34\u0e07", + "\u0e15\u0e01\u0e23\u0e16", + "\u0e1e\u0e25\u0e32\u0e14", + "\u0e40\u0e21\u0e14", + "\u0e20\u0e32\u0e29\u0e32\u0e2a\u0e40\u0e1b\u0e19\u0e17\u0e35\u0e48\u0e2b\u0e21\u0e32\u0e22\u0e16\u0e36\u0e07_quot_miss_quot_\u0e04\u0e38\u0e13\u0e2b\u0e19\u0e39_\u0e2b\u0e25\u0e48\u0e2d\u0e19_\u0e19\u0e32\u0e07\u0e2a\u0e32\u0e27", + "\u0e17\u0e35\u0e48\u0e40\u0e1b\u0e47\u0e19\u0e40\u0e1e\u0e28\u0e2b\u0e0d\u0e34\u0e07", + "\u0e40\u0e14\u0e47\u0e01\u0e2a\u0e32\u0e27" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0e2e\u0e35", + "\u0e2d\u0e31\u0e01\u0e29\u0e23\u0e2e\u0e35", + "\u0e02\u0e2d\u0e07\u0e40\u0e02\u0e32" + ], + "she": [ + "\u0e02\u0e2d\u0e07\u0e40\u0e02\u0e32" + ], + "they": [ + "\u0e1e\u0e27\u0e01\u0e40\u0e02\u0e32", + "\u0e02\u0e2d\u0e07\u0e40\u0e02\u0e32" + ], + "it": [ + "\u0e21\u0e31\u0e19", + "\u0e40\u0e2b\u0e25\u0e48\u0e32\u0e19\u0e31\u0e49\u0e19", + "\u0e19\u0e35\u0e49", + "\u0e27\u0e48\u0e32", + "\u0e40\u0e2b\u0e25\u0e48\u0e32\u0e19\u0e35\u0e49" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ti.json b/data_tooling/pii_processing/ontology/data/ti.json new file mode 100644 index 0000000..a44c28d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ti.json @@ -0,0 +1,46 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u12a3\u12f0": "\u12a3\u1266", + "\u1295\u1233": "\u1295\u1231", + "\u1213\u1265\u1272": "\u1213\u12c8" + }, + "other_gender_swap": { + "\u1295\u1233\u1276\u121d": "\u1295\u1233", + "\u1295\u1233\u1270\u1295": "\u1295\u1233", + "\u1295\u1231": "\u1295\u1233\u1270\u1295", + "\u1295\u1233": "\u1295\u1233\u1276\u121d" + }, + "en_pronoun2gender": { + "she": [ + "\u1230\u1260\u12ed\u1272", + "\u1234\u1275" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u1295\u1231" + ], + "she": [ + "\u1295\u1233" + ], + "they": [ + "\u1295\u1233\u1276\u121d", + "\u1295\u1233\u1270\u1295" + ], + "it": [ + "\u1295\u1231" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tk.json b/data_tooling/pii_processing/ontology/data/tk.json new file mode 100644 index 0000000..1296002 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tk.json @@ -0,0 +1,166 @@ +{ + "DISEASE": [ + "isleg", + "hassalyk", + "hastal\u0131k", + "hasylsyzlyk", + "para", + "sakawlamak" + ], + "JOB": [ + "tans\u00e7y", + "kitaphana\u00e7y", + "terjime\u00e7i", + "sazanda", + "serdar", + "dellal", + "grip", + "para", + "mugallym", + "hekim", + "korol", + "dellek", + "gara\u015fsyz", + "hukuk\u00e7y", + "line\u00fdka", + "ruhany", + "sazandar" + ], + "ANIMAL": [ + "torsuk", + "gurlawuk", + "garga", + "sugun", + "gurbaa\u011fa", + "mercen", + "gurbaga", + "tarakan", + "gunduz" + ], + "ORG": [ + "profso\u00fduz", + "oba_hojalygy", + "un", + "terbi\u00fdele\u00fdi\u015f", + "sakgy\u00e7", + "ekeran\u00e7ylyk", + "g\u00fcmr\u00fck", + "magaryf", + "razwedka", + "po\u00e7ta" + ], + "PLANT": [ + "surat\u00e7y", + "\u015feker\u00e7i\u0148rik", + "kellem", + "hudo\u017enik", + "kelem" + ], + "PERSON": [ + "ha_ha" + ], + "LOCATION": [ + "allah_akbar", + "ab\u015f", + "\u00fdedigen" + ], + "FOOD": [ + "dongdurma", + "gamburger" + ], + "PUBLIC_FIGURE": [ + "hal", + "don_kihot" + ], + "PRODUCT": [ + "ynsan_hukuklary" + ], + "GENDER": [ + "boy", + "hele\u00fd", + "oglan", + "zenaan" + ], + "UNION": [ + "profso\u00fduz" + ], + "PERSON_PRONOUN": [ + "her", + "meni\u0148", + "we" + ], + "SOC_ECO_CLASS": [ + "oba_hojalygy", + "proletariat", + "ekeran\u00e7ylyk" + ], + "GPE": [ + "kot_d_iwuar", + "gyzyl_ha\u00e7" + ], + "FAC": [ + "basse\u00fdn" + ], + "POLITICAL_PARTY": [ + "parti\u00fda" + ], + "RELIGION_MEMBER": [ + "musa\u00fdy", + "hristian" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "gyz_agtyk": "ogul_agtyk", + "agtyk": "ogul_agtyk", + "\u0435\u0497\u0435": "bap", + "\u015fa_a\u00fdal": "pa\u015fa", + "u\u00fda": "a\u011fa", + "ejeke": "dogan", + "a\u00fdal": "\u00e4r", + "boy": "gyz", + "oglan": "gyz" + }, + "other_gender_swap": { + "elli": "olar" + }, + "en_pronoun2gender": { + "he": [ + "oglan", + "boy" + ], + "she": [ + "a\u00fdaal", + "hele\u00fd", + "gyz", + "zenaan" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "elli" + ], + "she": [ + "her" + ], + "they": [ + "olar" + ], + "it": [ + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tpi.json b/data_tooling/pii_processing/ontology/data/tpi.json new file mode 100644 index 0000000..735cf45 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tpi.json @@ -0,0 +1,72 @@ +{ + "GPE": [ + "nupela_testamen" + ], + "LANGUAGE": [ + "inglis" + ], + "FOOD": [ + "retsos", + "loliwara", + "muliwara", + "lemonad", + "moliwara" + ], + "JOB": [ + "minista", + "boskru", + "nating", + "loman", + "bisop", + "man" + ], + "PERSON_PRONOUN": [ + "yumi", + "mitupela", + "we", + "me" + ], + "ORG": [ + "yurop", + "husat", + "kolwara" + ], + "ANIMAL": [ + "tangir" + ], + "PUBLIC_FIGURE": [ + "palpal", + "a", + "jisas" + ], + "PLANT": [ + "karot", + "palpal" + ], + "DISEASE": [ + "rabis" + ], + "GENDER": [ + "man" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "man" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tpw.json b/data_tooling/pii_processing/ontology/data/tpw.json new file mode 100644 index 0000000..33b94d7 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tpw.json @@ -0,0 +1,31 @@ +{ + "ANIMAL": [ + "arab\u00e9" + ], + "GENDER": [ + "kunh\u00e3" + ], + "PUBLIC_FIGURE": [ + "y" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "kunh\u00e3" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tr.json b/data_tooling/pii_processing/ontology/data/tr.json new file mode 100644 index 0000000..eaff027 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tr.json @@ -0,0 +1,4762 @@ +{ + "PUBLIC_FIGURE": [ + "lawrence_durrell", + "henry_cavendish", + "matthew_arnold", + "de\u011firmenci", + "benjamin_franklin", + "martin_buber", + "e_b_white", + "andrey_saharov", + "maria_tallchief", + "jean_genet", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "rudolf_steiner", + "thomas_bayes", + "ben_hogan", + "johann_bernoulli", + "max_bruch", + "leonard_bernstein", + "che_guevara", + "georges_simenon", + "c", + "valentina_tere\u015fkova", + "thomas_hodgkin", + "john_barth", + "edward_albee", + "maria_callas", + "william_walton", + "mary_shelley", + "marcello_malpighi", + "peter_lorre", + "karl_baedeker", + "\u0131_petro", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "andrzej_wajda", + "jan_van_eyck", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "j_edgar_hoover", + "maria_magdalena", + "thomas_reid", + "john_jacob_astor", + "anna_pavlova", + "winston_churchill", + "johannes_diderik_van_der_waals", + "b", + "karl_landsteiner", + "josephus", + "ivan_pavlov", + "paul_mccartney", + "richard_smalley", + "terry_pratchett", + "stephen_king", + "francis_crick", + "alfred_eisenstaedt", + "victor_hugo", + "edwin_hubble", + "colette", + "milton_friedman", + "edward_gibbon", + "\u0131_robert", + "mary_stuart", + "jefferson_davis", + "george_stephenson", + "george_burns", + "george_harrison", + "george_orwell", + "arthur_koestler", + "richard_wagner", + "williams", + "pancho_villa", + "marie_curie", + "\u0131_william", + "francis_galton", + "mary_martin", + "michael_jackson", + "louis_jolliet", + "thomas_hobbes", + "ve_benzeri", + "edward_weston", + "el_greco", + "samuel_beckett", + "maximian", + "robert_a_millikan", + "aram_ha\u00e7aturyan", + "galileo_galilei", + "ernest_bevin", + "jane_goodall", + "john_donne", + "robert_koch", + "joseph_goebbels", + "george_eastman", + "john_steinbeck", + "petrus", + "edmund_hillary", + "vincent_van_gogh", + "martina_navr\u00e1tilov\u00e1", + "anne_boleyn", + "josef_stalin", + "john_ruskin", + "robert_burns", + "thomas_paine", + "liliuokalani", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "karl_barth", + "yuri_gagarin", + "willem_einthoven", + "samuel_johnson", + "marie_antoinette", + "frenk", + "giuseppe_verdi", + "e", + "karl_jaspers", + "konrad_adenauer", + "norbert_wiener", + "maurice_chevalier", + "gottlieb_daimler", + "\u0131_serhas", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "richard_strauss", + "leslie_howard", + "hugo_grotius", + "mahalia_jackson", + "ben_shahn", + "john_ford", + "stephen_foster", + "gertrude_stein", + "sarah_bernhardt", + "v", + "philip_marlowe", + "akira_kurosava", + "luigi_pirandello", + "t_s_eliot", + "dorothea_lange", + "charles_de_gaulle", + "paul_von_hindenburg", + "ilk", + "y", + "henry_moore", + "holden", + "mary_mallon", + "ralph_bunche", + "charles_lindbergh", + "vincenzo_bellini", + "orman_m\u00fchendisi", + "samuel_barber", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "thomas_mann", + "charles_goodyear", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "james_tobin", + "dr_john_watson", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "mungo_park", + "benedict_arnold", + "paul_verlaine", + "q", + "robert_johnson", + "james_dean", + "kumanda", + "mason", + "marie_tussaud", + "roger_bannister", + "alessandro_manzoni", + "joseph_priestley", + "hal", + "nicolas_poussin", + "andrea_mantegna", + "joseph_pulitzer", + "james_naismith", + "oscar_wilde", + "philip_roth", + "j_d_salinger", + "richard_trevithick", + "heinrich_schliemann", + "eli_whitney", + "laurence_olivier", + "pierre_larousse", + "christiaan_eijkman", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "konstantin_stanislavski", + "john_wycliffe", + "a", + "morris", + "norman_rockwell", + "boris_spassky", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "charlie_parker", + "james_franck", + "william_crookes", + "nellie_bly", + "weber", + "warburg", + "yakup", + "albert_schweitzer", + "giulio_natta", + "saint_martin", + "johannes_kepler", + "william_s_burroughs", + "max_planck", + "osman_gazi", + "william_blake", + "t_e_lawrence", + "john_bardeen", + "sarah_vaughan", + "scott_joplin", + "carl_lewis", + "george_vancouver", + "canberra", + "elias_canetti", + "edward_jenner", + "oscar_robertson", + "cole_porter", + "benjamin_west", + "jean_luc_godard", + "konstantin", + "graham_greene", + "frans_hals", + "lars_onsager", + "margaret_mitchell", + "william_herschel", + "mikhail_baryshnikov", + "montesquieu", + "arthur_rubinstein", + "arthur_compton", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "anthony_burgess", + "jan_tinbergen", + "robert_venturi", + "bernard_baruch", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "h_l_mencken", + "gabriel_lippmann", + "benny_goodman", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "robert_redford", + "jack_dempsey", + "richard_feynman", + "wolfgang_pauli", + "v_george", + "theodore_dreiser", + "tu\u011fgeneral", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "magdalal\u0131_meryem", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "anne_sullivan", + "sergey_rahmaninov", + "paul_robeson", + "daniel_jones", + "william_golding", + "william_caxton", + "john_milton", + "peter_stuyvesant", + "ethel_merman", + "don_ki\u015fot", + "samuel_adams", + "albert_speer", + "james_baldwin", + "indira_gandhi", + "jane_seymour", + "george_gershwin", + "alberto_giacometti", + "e_t_a_hoffmann", + "frank_whittle", + "alfred_nobel", + "jesse_owens", + "daniel_rutherford", + "marco_polo", + "caravaggio", + "m", + "marcel_marceau", + "allen_ginsberg", + "fred_zinnemann", + "daniel_bernoulli", + "guillaume_apollinaire", + "antoine_watteau", + "joseph_henry", + "henri_bergson", + "boris_karloff", + "gottfried_leibniz", + "pierre_corneille", + "patrick_white", + "saul_steinberg", + "catherine_howard", + "hans_christian_andersen", + "reich", + "william_morris", + "cary_grant", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "marian_anderson", + "natalie_wood", + "l_ron_hubbard", + "thomas_moore", + "kurt_weill", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "henrik_\u0131bsen", + "robert_robinson", + "o", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "henry_miller", + "karl_marx", + "friedrich_nietzsche", + "i", + "jimmy_durante", + "john_wesley", + "\u0131_selevkos_nikator", + "sandro_botticelli", + "carson_mccullers", + "nikola_tesla", + "al_capone", + "charles_barkley", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "carlo_goldoni", + "john_locke", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "helen_keller", + "paul_dukas", + "leonard_bloomfield", + "jean_piaget", + "franz_kline", + "henri_rousseau", + "\u0131_clovis", + "frank_stella", + "sa\u011fangiller", + "h_g_wells", + "walt_whitman", + "william_wyler", + "john_osborne", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "leopold_kronecker", + "richard_wright", + "adolf_hitler", + "maria_mitchell", + "fritz_haber", + "peter_behrens", + "alfred_stieglitz", + "joseph_haydn", + "garfield", + "george_boole", + "buffalo_bill", + "edvard_grieg", + "robert_boyle", + "ralph_richardson", + "1", + "j_willard_gibbs", + "cordell_hull", + "rosa_parks", + "samuel_goldwyn", + "vladimir_putin", + "giuseppe_mazzini", + "\u0131_darius", + "jim_thorpe", + "arnold_sch\u00f6nberg", + "laurence_sterne", + "ben_hecht", + "anne_hathaway", + "david_garrick", + "bill_russell", + "jeannette_rankin", + "clarence_darrow", + "charles_lamb", + "g", + "arthur_schopenhauer", + "thomas_dekker", + "james_cagney", + "martin_heidegger", + "r", + "george_lucas", + "andrew_jackson", + "edith_wharton", + "louis_armstrong", + "steven_spielberg", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "robert_brown", + "thomas_carlyle", + "mecdelli_meryem", + "allen_tate", + "donald_barthelme", + "tamara_karsavina", + "bobby_fischer", + "johannes_gutenberg", + "d", + "gaetano_donizetti", + "william_faulkner", + "allen_\u0131verson", + "andre", + "titus_flavius_vespasianus", + "amerigo_vespucci", + "pierre_boulez", + "hans_adolf_krebs", + "girolamo_savonarola", + "emma_goldman", + "anna_kournikova", + "francis_poulenc", + "james_mill", + "putin", + "joseph_campbell", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "henry_clay", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "peter_paul_rubens", + "jim_morrison", + "jules_verne", + "paul_newman", + "robert_morris", + "josef_albers", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "d_h_lawrence", + "lea", + "john_brown", + "elizabeth_gaskell", + "hugo_junkers", + "piscis_austrinus", + "brescia", + "hannah_arendt", + "antonio_stradivari", + "alice_walker", + "miles_davis", + "jesse_jackson", + "bozen", + "stanley_kubrick", + "\u0131_justinianos", + "john_huston", + "william_gilbert", + "james_watt", + "zambak", + "ronald_reagan", + "helmut_schmidt", + "homo", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "roman_jakobson", + "oliver_cromwell", + "martin_luther_king", + "v_henry", + "frank_capra", + "william_wordsworth", + "rex_harrison", + "william_clark", + "woodrow_wilson", + "margaret_sanger", + "georges_balanchine", + "marcus_antonius", + "lake_powell", + "\u0131_konstantin", + "agrippina", + "st_louis", + "richard_rodgers", + "anne_sexton", + "musalar", + "john_dryden", + "jim_henson", + "frank", + "b\u00e9la_lugosi", + "ernest_hemingway", + "george_westinghouse", + "kara_borsac\u0131", + "aquila", + "jacques_charles", + "arthur_miller", + "john_cheever", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "hans_bethe", + "hans_geiger", + "masun", + "cesare_borgia", + "roald_amundsen", + "sherwood_anderson", + "alfred_korzybski", + "c_a", + "charles_dickens", + "ella_fitzgerald", + "george_enescu", + "jacques_offenbach", + "\u0131_a_richards", + "pavlus", + "george_stevens", + "federico_fellini", + "the_one", + "willy_brandt", + "charles_wilkes", + "francisco_pizarro", + "francisco_franco", + "bernardo_bertolucci", + "jan_steen", + "\u0131_edmund", + "e_e_cummings", + "john_ross", + "ali_baba", + "andrew_carnegie", + "pontius_pilatus", + "franz_schubert", + "johnny_cash", + "alfred_kastler", + "mick_jagger", + "\u0131_theodosius", + "otto_loewi", + "georges_cuvier", + "william_harvey", + "walter_scott", + "peter_medawar", + "vladimir_lenin", + "saint_lawrence_nehri", + "\u00e7it_ku\u015fugiller", + "ralph_ellison", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "thomas_edison", + "raymond_chandler", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "PLANT": [ + "gazelboynuzu", + "bergamot", + "semizotu", + "g\u00fcnd\u00f6nd\u00fc", + "k\u0131z\u0131la\u011fa\u00e7", + "pine", + "lycium_barbarum", + "akdeniz_servisi", + "melissa", + "kara\u00e7am", + "dulavratot", + "the_joshua_tree", + "at_kestanesi", + "karaa\u011fa\u00e7", + "menek\u015fe", + "hazambel", + "kiraz", + "marul", + "somon\u00e7ile\u011fi", + "amanita", + "arabidopsis_thaliana", + "sekoya", + "artist", + "cam_g\u00fczeli", + "karnabahar", + "amelanchier_alnifolia", + "passiflora_ligularis", + "g\u00fcnebakan", + "kestane", + "hint_keneviri", + "saat_d\u00f6rt", + "candida_albicans", + "turuncan", + "anadolu_kestanesi", + "dar_yaprakl\u0131_sinirli_ot", + "passiflora_incarnata", + "kraltac\u0131", + "cortinarius_violaceus", + "melezi", + "macadamia_tetraphylla", + "acemotu", + "menengi\u00e7", + "akasma", + "hazanbel", + "manolya", + "kurtba\u011fr\u0131", + "lepista_nuda", + "unutmabeni", + "phytophthora_infestans", + "lahana", + "karabiber", + "albal\u0131", + "solanum", + "sultank\u00fcpesi", + "rubus_spectabilis", + "gilaburu", + "su_atkuyru\u011fu", + "saccharomyces_cerevisiae", + "\u00e7oban\u00e7antas\u0131", + "tabasco_biberi", + "\u00e7oban\u00fcz\u00fcm\u00fc", + "\u00e7obang\u00fcl\u00fc", + "g\u00fclibri\u015fim", + "deliboynuz", + "hasekik\u00fcpesi", + "sar\u0131\u00e7am", + "bald\u0131ran", + "gazelotu", + "karayemi\u015f", + "yuka", + "s\u00f6\u011f\u00fct", + "edelweiss", + "kar_\u00e7i\u00e7e\u011fi", + "g\u00fcvem", + "\u00e7\u00f6rek_mantar\u0131", + "paris_quadrifolia", + "belladonna", + "manyok", + "arctostaphylos_uva_ursi", + "kurtluca", + "vallisneria", + "dulavratotu", + "erguvan", + "rubus_odoratus", + "sanat\u00e7\u0131", + "hevea_brasiliensis", + "hardal", + "turun\u00e7", + "pancar" + ], + "RACE": [ + "t\u00fcrkler", + "hollandal\u0131lar", + "kafkas", + "frans\u0131zlar", + "siyahiler", + "latin", + "adal\u0131", + "japonlar", + "frans\u0131z", + "galliler", + "ingilizler", + "amerikal\u0131lar", + "avrupal\u0131" + ], + "LOCATION": [ + "al_jazeera", + "sina_da\u011f\u0131", + "erkecel", + "bir_\u015fey_de\u011fil", + "samanyolu", + "park", + "abd", + "frans\u0131z_rivieras\u0131", + "kap_verde", + "bow_wow", + "delihane", + "piet_mondrian", + "sint_maarten", + "ben_te\u015fekk\u00fcr_ederim", + "n_olmu\u015f", + "man_o_war", + "felemenk", + "saat_biri_\u00e7eyrek_ge\u00e7iyor", + "oram", + "paskalya_adas\u0131", + "karadeniz", + "tatl\u0131_su", + "como_g\u00f6l\u00fc", + "kristof_kolomb", + "idare_i_\u00f6rf\u00ee", + "\u00fc\u00e7\u00fcnc\u00fc_ki\u015fi", + "vaccinium_oxycoccos", + "in\u015faat_m\u00fchendisli\u011fi", + "superior_g\u00f6l\u00fc", + "ali_veli", + "sar\u0131deniz", + "saint_lucia", + "hava_kuvetleri", + "hat_yai", + "arena", + "saksonya_anhalt", + "s\u0131rbistan_ulusal_meclisi", + "sri_lanka", + "erkecey", + "uyuyan_g\u00fczel", + "ernek", + "merkez_bankas\u0131", + "ha_long_koyu", + "\u00f6rf\u00ee_idare", + "ne_olmu\u015f", + "the_rolling_stones", + "cordon_bleu", + "zeytinda\u011f\u0131", + "ana_sokak", + "ye\u015fil_burun_adalar\u0131", + "fransa_ulusal_meclisi", + "kryvyi_rih", + "botanik_bah\u00e7esi", + "konservatuvar", + "birle\u015fik_devletler", + "heitor_villa_lobos", + "louis_joseph_gay_lussac", + "erkenek", + "noel_baba", + "yeni_d\u00fcnya", + "pandispanya" + ], + "JOB": [ + "lalalar", + "astsubay", + "guru", + "\u00e7oban", + "haberci", + "saniye", + "damgac\u0131", + "sayfa", + "ressam", + "bakan", + "karava\u015f", + "kad\u0131", + "itfaiyeci", + "make", + "sava\u015f\u00e7\u0131", + "the_\u0131ndependent", + "zabit", + "kral", + "luthier", + "serdar", + "sexton", + "don", + "sagan", + "bakkal", + "besteci", + "makinist", + "the_police", + "krupiye", + "yatak\u00e7\u0131", + "grip", + "para", + "kopya", + "lostromo", + "piyon", + "gardiyanl\u0131k", + "subay", + "yolda\u015f", + "sahife", + "koramiral", + "hakim", + "y\u00f6netici", + "albay", + "stenograf", + "savc\u0131", + "koruyan", + "aste\u011fmen", + "piskopos", + "radyolog", + "kitap\u00e7\u0131", + "sabanc\u0131", + "ziraat\u00e7\u0131", + "printer", + "yazar", + "b\u00fcy\u00fckel\u00e7i", + "freelance", + "kamikaze", + "bayraktar", + "haham", + "the_advocate", + "menajer", + "tanner", + "hekim", + "sculptor", + "hukuk\u015finas", + "n\u00f6rolog", + "terapist", + "idareci", + "the_guardian", + "denizci", + "zango\u00e7", + "mandarin", + "giri\u015fimci", + "seylani", + "hostes", + "mason", + "mate", + "u\u00e7arman", + "bankac\u0131", + "iktisat\u00e7\u0131", + "dizaync\u0131", + "simsar", + "kalayc\u0131", + "marangoz", + "tacir", + "mellah", + "gaucho", + "striptizci", + "blokfl\u00fct", + "hakem", + "the_economist", + "de\u011firmenci", + "broker", + "wetter", + "biyokimyac\u0131", + "m\u00fczisyen", + "cop", + "m\u00fcte\u015febbis", + "yarbay", + "metres", + "asistan", + "korucu", + "oramiral", + "haritac\u0131", + "kaz\u0131bilimci", + "mezarc\u0131", + "k\u00fct\u00fcphaneci", + "gardiyan", + "kalyoncu", + "geli\u015ftirici", + "kalfa", + "usher", + "messenger", + "baytar", + "mucit", + "korgeneral", + "sabunlamak", + "kartograf", + "nedime", + "takip\u00e7i", + "cerrah", + "zanaatkar", + "tasar\u0131mc\u0131", + "s\u0131vazlamak", + "kurye", + "kaleci", + "the_floorwalker", + "ayak\u00e7\u0131", + "ormanc\u0131", + "esquire", + "tellal", + "bahriyeli", + "suret", + "g\u00f6revli", + "banker" + ], + "LANGUAGE": [ + "madagaskarl\u0131", + "ruandaca", + "ermeni", + "k\u00fcrt\u00e7e", + "katalonyal\u0131", + "tagalogca", + "arnavut", + "frans\u0131zca", + "kongo", + "hint\u00e7e", + "samoal\u0131", + "kriler", + "fars\u00e7a", + "tacikistanl\u0131", + "pali", + "altayca", + "ibrani", + "danca", + "t\u00fcrkmen", + "hindi", + "tacik", + "litvan", + "zent\u00e7e", + "esperanto", + "arap\u00e7a", + "katalan", + "savahili", + "kazakistanl\u0131", + "ido", + "yunanistanl\u0131", + "yunanl\u0131", + "tonga", + "kannada" + ], + "FOOD": [ + "barbunya", + "mousse", + "meyve_salatas\u0131", + "roma_dondurmas\u0131", + "s\u00fctl\u00fc_kahve", + "t_kemikli_biftek", + "zeytinya\u011f\u0131", + "ciklet", + "gelato", + "dondurma" + ], + "PRODUCT": [ + "sanal_makine", + "justin_bieber", + "dijitalle\u015ftirme", + "enstr\u00fcman", + "\u00fc\u00e7_imparatorluk", + "al_jazeera", + "sezaryen", + "de\u011fi\u015fme", + "solaryum", + "son_anda", + "dans_pisti", + "yeti\u015fmek", + "julius_caesar", + "the_star_spangled_banner", + "\u00fc\u00e7_boyutlu", + "the_end_of_the_world", + "the_kid_brother", + "st_helens_yanarda\u011f\u0131", + "d\u00f6rt_mevsim", + "g\u00fcnayd\u0131n", + "kobay", + "horn_burnu", + "onikinci_gece", + "deutsche_welle", + "bir_bebek_evi", + "gong", + "mario_andretti", + "pederimiz", + "\u0131_d\u00fcnya_sava\u015f\u0131", + "kesici", + "babam\u0131z", + "\u00e7\u0131kmaz_sokak", + "s\u00e3o_tom\u00e9_ve_pr\u00edncipe", + "\u00e7ok_platformlu", + "noel_a\u011fac\u0131", + "kutsal_ruh", + "novo_mesto", + "s\u00e3o_paulo" + ], + "ORG": [ + "erkecel", + "islam_milleti", + "eller_yukar\u0131", + "alt\u0131_y\u00fcz", + "jan_mayen", + "masonluk", + "avrupa", + "aa", + "nasa", + "arda", + "siyas\u00ee_parti", + "bollywood", + "bahriye", + "\u00e7\u0131kar_gruplar\u0131", + "yarg\u0131tay", + "the_who", + "haganah", + "k\u0131r_k\u0131rlang\u0131c\u0131", + "san_francisco", + "harp_akademisi", + "un", + "amerika_birle\u015fik_devletleri_ordusu", + "alt\u0131n\u00e7a\u011f", + "mavi\u015f", + "t\u0131marhane", + "ve_di\u011ferleri", + "\u00fc\u00e7_k\u0131zkarde\u015f", + "okul", + "basileios", + "muhalefet", + "kara_avrupas\u0131_hukuk_d\u00fczeni", + "mahayana", + "sa\u011fduyu", + "milletler_cemiyeti", + "ayasofya", + "delihane", + "saint_helena", + "don_juan", + "sendika", + "kudurmak", + "han_hanedan\u0131", + "ai", + "the_football_league", + "chiang_mai", + "soya\u011fac\u0131", + "birle\u015fmi\u015f_milletler", + "akademi", + "dia", + "macaristan_ulusal_meclisi", + "ay\u00e7a", + "y\u0131lba\u015f\u0131_gecesi", + "la_bemol_maj\u00f6r", + "bir_kez_daha", + "erkenek", + "ernek", + "ak\u0131l_hastanesi", + "ekincilik", + "the_breakfast_club", + "rabindranath_tagore", + "taoizm", + "gestapo", + "\u00f6z_\u00e7\u0131kar", + "b\u00e2b_\u0131_\u00e2li", + "din_bilimleri", + "h\u0131ristiyan_bilim", + "winnie_the_pooh", + "postane", + "ulusal_meclis", + "roma_hukuku", + "kapamak", + "the_young_turks", + "cizvitler", + "mektep", + "al_jazeera", + "askeriye", + "i\u015f\u00e7i_s\u0131n\u0131f\u0131", + "ciklet", + "s\u00e3o_paulo", + "po", + "addis_ababa", + "\u00e7ok_ya\u015fa", + "mossad", + "japon_sosyal_demokrat_parti", + "kanka", + "bizim_ev", + "yeniay", + "kulumak", + "kara_piyasa", + "kamu_y\u00f6netimi", + "ursa_major", + "erkecey", + "konservatuvar", + "g\u00fcmr\u00fck", + "saint_barth\u00e9lemy", + "sturmabteilung", + "insan_kaynaklar\u0131", + "k\u0131z\u0131ldeniz", + "\u00fc\u00e7\u00fcnc\u00fc_\u015fah\u0131s", + "los_angeles", + "nato", + "baltimore_orioles", + "hava_kuvvetleri", + "kalo\u015fvar", + "ad_hoc", + "roma_katolik_kilisesi", + "sar\u0131_\u0131rmak", + "mi", + "andromeda_galaksisi", + "zeytinda\u011f\u0131", + "alman_imparatorlu\u011fu", + "avustralya_i\u015f\u00e7i_partisi", + "in_situ", + "sa", + "azerbaycan_mill\u00ee_meclisi", + "katolik_kilisesi", + "g\u00fcndeg\u00fcn", + "dominyon", + "az_az", + "sosyal_demokrat_parti", + "yak\u0131p_y\u0131kma_takti\u011fi", + "bir_daha", + "streptococcus_pyogenes", + "ruh_ve_sinir_hastal\u0131klar\u0131_hastanesi", + "irkenek", + "i\u015f\u00e7i_partisi", + "fb\u0131", + "saint_kitts_ve_nevis_millet_meclisi", + "akt\u00fcel", + "s\u00e3o_tom\u00e9", + "sosyoekonomik", + "irkeyel" + ], + "DISEASE": [ + "anestezi", + "miyopi", + "araknofobi", + "blastom", + "prostat_kanseri", + "ki", + "jinekomasti", + "polidaktili", + "ele_ge\u00e7irme", + "bruselloz", + "progeria", + "listeriosis", + "miyoklonus", + "gebelik", + "basur", + "travma", + "vajinit", + "polimiyozit", + "pepelemek", + "beriberi", + "friedreich_ataksisi", + "the_bends", + "denksizlik", + "hastal\u0131k", + "phytophthora_infestans", + "bir_hiz\u00e2da", + "parestezi", + "tahrik", + "kretinizm", + "rust", + "sakatl\u0131k", + "romatizma", + "poliovir\u00fcs", + "sivilce", + "farenjit", + "su_\u00e7i\u00e7e\u011fi", + "para", + "papa\u011fan_hastal\u0131\u011f\u0131", + "vitaminsizlik", + "presbiyopi", + "deliriyum", + "hamartom", + "frengi", + "zenofobi", + "apandisit", + "wale", + "salmonelloz", + "kangren", + "pellegra", + "yanmak", + "demans", + "poliomyelit", + "diki\u015f", + "likenler", + "g\u00fcne\u015f_\u00e7arpmas\u0131", + "zehirli_sarma\u015f\u0131k", + "cerahatlenmek", + "malta_hummas\u0131", + "menenjit", + "u\u00e7uk", + "mastit", + "dikme", + "spina_bifida", + "su_saka\u011f\u0131s\u0131", + "meme_kanseri", + "radyasyon", + "alexia", + "salg\u0131n", + "kabakulak", + "vurgun", + "kloroz", + "smart", + "glokom", + "pica", + "tazelik", + "sarho\u015fluk", + "\u00f6zba\u011f\u0131\u015f\u0131kl\u0131k", + "sertle\u015fme", + "saka\u011f\u0131", + "kolit", + "hamilelik", + "tanatofobi", + "sitomegalovir\u00fcs", + "susuzluk", + "kanl\u0131l\u0131k", + "sendrom", + "teratom", + "purpura", + "karsinom", + "siroz", + "boyunburan", + "down_sendromu", + "belal\u0131lar", + "engellilik", + "an_qi", + "silikozis", + "stigmata", + "t\u00fct\u00fcn_mozaik_vir\u00fcs\u00fc", + "havale", + "materyalizm", + "yorguntu", + "arpac\u0131k", + "k\u0131z\u0131\u015fma", + "mi", + "aura", + "topak", + "tan", + "sting", + "kestane", + "uyar\u0131m", + "sayr\u0131l\u0131k", + "break", + "kuduz", + "kernikterus", + "kuru", + "burn", + "diyabet", + "hem_y\u00fcz", + "belso\u011fuklu\u011fu", + "preeklampsi", + "kanama", + "klostrofobi", + "kanser", + "ziyan", + "do\u011furganl\u0131k", + "le", + "kolaps", + "kesik", + "salmonella", + "krup", + "ok\u015famak", + "ishal", + "\u0131s\u0131rmak", + "irkilme", + "iskorb\u00fct" + ], + "GPE": [ + "tai_da\u011f\u0131", + "\u0111ur\u0111evdan", + "kotte", + "sint_maarten", + "g\u00fcney_b\u00f6lgesi", + "aya_sofya", + "k\u0131z\u0131l_ha\u00e7", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "beyaz_saray", + "yorgi", + "ayasofya", + "kuzey_b\u00f6lgesi", + "yeni_ahit", + "la_gomera", + "insan_haklar\u0131", + "st_louis", + "k\u0131z\u0131ldeniz" + ], + "RELIGION_MEMBER": [ + "anabaptist", + "guru", + "parsiler", + "fransiskanlar", + "hristiyan", + "s\u00fcnni", + "birader", + "mormon", + "tanr\u0131tan\u0131maz", + "p\u00fcritan", + "satanist", + "havaryun", + "sufi", + "budist" + ], + "QUANTITY": [ + "en_b\u00fcy\u00fck_ortak_b\u00f6len", + "y\u00fcz_bin", + "durguluk", + "metrek\u00fcp", + "\u00fc\u00e7_k\u0131zkarde\u015f", + "otuz_y\u0131l_sava\u015f\u0131", + "santimetrek\u00fcp", + "\u00fc\u00e7_imparatorluk", + "dinar", + "ton", + "frans\u0131z_frang\u0131", + "yetmi\u015f_sekiz", + "be\u015f_y\u00fcz", + "g", + "on_bin", + "\u00fc\u00e7_kabaday\u0131", + "on_milyon", + "parkmetre", + "metrekare", + "mauritius_rupisi", + "\u00fc\u00e7_boyutlu", + "karek\u00f6k", + "sterlin", + "anders_celsius" + ], + "RELIGION": [ + "presbiteryenlik", + "zen", + "katharizm", + "\u015finto", + "islam", + "selefilik", + "triniteryanizm", + "tasavvuf", + "mitraizm" + ], + "DATE": [ + "dikeyh\u0131z", + "y\u00fcr\u00fct\u00fcm_s\u00fcresi", + "alt\u0131n\u00e7a\u011f", + "dolunay", + "yeniay", + "milat", + "salise", + "yar\u0131lanma_s\u00fcresi", + "yeni_ay", + "y\u00fcr\u00fctme_s\u00fcresi", + "meryem_in_g\u00f6\u011fe_kabul\u00fc" + ], + "ANIMAL": [ + "dere_alabal\u0131\u011f\u0131", + "iskete", + "ebola_vir\u00fcs\u00fc_hastal\u0131\u011f\u0131", + "tarakdi\u015f", + "musur", + "su_kurba\u011fas\u0131giller", + "karatavukgiller", + "mercan", + "alt\u0131ng\u00f6z", + "argonot", + "kobay", + "de\u011fin", + "billy_elliot", + "kunduz", + "ala_s\u0131\u011f\u0131rc\u0131k", + "denizkestanesi", + "epstein_barr_vir\u00fcs", + "canis_minor", + "alageyik", + "ay_ay", + "g\u00f6kkuzgun", + "kocag\u00f6zgiller", + "carduelis", + "pisces", + "iki_parmakl\u0131_tembel_hayvanlar", + "sar\u0131asmagiller", + "\u00e7ekelez", + "varisella_zoster_vir\u00fcs", + "kar_pars\u0131", + "bozay\u0131", + "kar_kiraz_ku\u015fu", + "kar_kaz\u0131", + "vibe", + "ketta", + "sar\u0131ca", + "sincap", + "zendost", + "karadul", + "su_k\u0131lavuzu", + "su_k\u00f6pe\u011fi", + "notilus", + "denizh\u0131yar\u0131", + "do\u011fan", + "bahri", + "pili\u00e7", + "the_crow", + "dall_yaban_koyunu", + "susamuru", + "dere_kaya_bal\u0131\u011f\u0131", + "kambur_balina", + "su_samuru", + "karatavuk", + "av_k\u00f6pe\u011fi", + "porsuk", + "kad\u0131nc\u0131l", + "zampara", + "feret", + "\u015fahin", + "makasl\u0131b\u00f6cek", + "donald_duck", + "\u00fc\u00e7_parmakl\u0131_tembel_hayvanlar", + "g\u00fcney_domuz_kuyruklu_\u015febe\u011fi", + "mart\u0131", + "sinekkapangiller", + "musurgiller", + "yeleli_denizaslan\u0131", + "karaca", + "yediuyuklayangiller", + "baya\u011f\u0131_yediuyur", + "sable", + "akbaba", + "su_\u00e7ullu\u011fu", + "su_mokaseni", + "bayku\u015f", + "bat\u0131_nil_vir\u00fcs\u00fc", + "firavunfaresi", + "sansar", + "dubar", + "atmaca", + "atmacalar", + "lemming", + "and_kondoru", + "kaya_g\u00fcvercini", + "f\u0131nd\u0131k_faresi", + "k\u0131z\u0131lgerdan", + "kolyoz" + ], + "FAC": [ + "postane", + "otuz_\u00fc\u00e7", + "arnold_sch\u00f6nberg", + "saint_lucia", + "t_h\u00fccresi", + "azar_azar", + "son_ak\u015fam_yeme\u011fi", + "titus_livius", + "az_az", + "\u0131_petro" + ], + "SOC_ECO_CLASS": [ + "kara_pazar", + "samuray", + "alts\u0131n\u0131f", + "biraderlik", + "kad\u0131nl\u0131k", + "karde\u015flik", + "yeralt\u0131_ekonomisi", + "kara_borsa", + "tar\u0131m", + "ekincilik" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "t_kemikli_biftek", + "tai_da\u011f\u0131", + "c_vitamini", + "h_g_wells", + "don_delillo", + "e_e_cummings", + "d\u00fclger_bal\u0131\u011f\u0131", + "ben_de", + "otuz_iki", + "carl_david_anderson", + "gaius_julius_caesar", + "yo_yo", + "rudolf_hess", + "arac\u0131l\u0131\u011f\u0131yla" + ], + "PERSON_PRONOUN": [ + "i", + "he", + "mine", + "bizim", + "his", + "m\u0131", + "her", + "\u00f6z_ba\u015f\u0131na", + "me", + "kendim", + "our_nehri", + "us" + ], + "POLITICAL_PARTY": [ + "muhalefet", + "demokrat_parti", + "kuomintang", + "sosyalist_parti", + "demokratik_parti", + "cumhuriyet\u00e7i_parti", + "whig_partisi", + "nasyonal_sosyalist_alman_i\u015f\u00e7i_partisi", + "halk_partisi", + "muhafazak\u00e2r_parti", + "kom\u00fcnist_parti" + ], + "BIO_CHEM_ENTITY": [ + "d_vitamini" + ], + "TITLE": [ + "beyefendi" + ], + "LAW": [ + "din_\u00f6zg\u00fcrl\u00fc\u011f\u00fc", + "kamu_hukuku" + ], + "GENDER": [ + "men", + "boy", + "leydi", + "transgender", + "erkek" + ], + "ANAT": [ + "iki_ba\u015fl\u0131_uyluk_kas\u0131" + ], + "UNION": [ + "uluslararas\u0131_telekom\u00fcnikasyon_birli\u011fi", + "sendika" + ], + "MEDICAL_THERAPY": [ + "kan_bas\u0131nc\u0131" + ], + "EVENT": [ + "grand_prix", + "olur_b\u00f6yle_\u015feyler", + "en_iyi_film_akademi_\u00f6d\u00fcl\u00fc" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+ \\D+|\\D+ \\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "ruhide", + "rezin", + "\u015f\u00fck\u00fcfe", + "mahnaz", + "a\u015fhan", + "fatig\u00fcl", + "\u015fad\u0131man", + "elvan", + "\u015fazime", + "yosma", + "m\u00fc\u011fber", + "fad\u0131la", + "t\u00fclin", + "umu\u015fan", + "koncag\u00fcl", + "bu\u015fra", + "muhiye", + "evrim", + "fatinur", + "elamiye", + "feyzin", + "afife", + "d\u00f6ner", + "sevim", + "g\u00fclseren", + "ufukay", + "cuheyna", + "g\u00fclfeza", + "yepelek", + "g\u00f6kperi", + "\u00fcmray", + "mehdiye", + "s\u00fczer", + "dil\u015fat", + "sirap", + "peren", + "h\u00fcrmet", + "selmin", + "badeg\u00fcl", + "ar\u0131p\u0131nar", + "ezgin", + "nurmelek", + "\u00e7ilga", + "\u00f6zpetek", + "elifnur", + "h\u00fcda", + "beyhatun", + "semat", + "canur", + "m\u00fcbetcel", + "aylil", + "g\u00f6k\u00e7e", + "deha", + "sehel", + "henife", + "d\u00fcrr\u00fc\u015fehvar", + "semine", + "menfeat", + "sevsevil", + "tasvir", + "ball\u0131", + "\u00fcmm\u00fchan", + "sayg\u0131n", + "\u00f6zay", + "cemiyle", + "egenur", + "ye\u015fil", + "varl\u0131k", + "habibe", + "sefer", + "t\u00fczenur", + "i\u0307lper", + "ruhug\u00fcl", + "ir\u0131s", + "alsoy", + "g\u00fcver\u00e7in", + "zeyno", + "nebiha", + "almast", + "nurser", + "\u015firivan", + "nurgil", + "g\u00fclhisar", + "\u00e7isem", + "hanim", + "a\u00e7\u0131lay", + "nefaret", + "ho\u015fkadem", + "haliye", + "aynilhayat", + "\u015fehza", + "kader", + "begim", + "m\u00fcret", + "yazg\u00fcl", + "efil", + "\u00fcnal", + "hekime", + "yurtseven", + "ogu\u015f", + "adviye", + "maynur", + "g\u00fcler", + "yasemen", + "mehrig\u00fcl", + "dilcan", + "paksu", + "s\u00f6yler", + "g\u00fcls\u00fc", + "g\u00fcnebakan", + "i\u0307mge", + "anarg\u00fcl", + "hayr\u00fcnnisa", + "esna", + "binay", + "rahiye", + "subutiye", + "meryeme", + "i\u0307klim", + "kutun", + "g\u00fclder", + "refet", + "beste", + "z\u00fcmre", + "zevl\u00fcde", + "paye", + "z\u00fclbiye", + "bidayet", + "sahil", + "muarra", + "nurveren", + "kefser", + "f\u00fcgen", + "mel\u00fbl", + "hatin", + "belkize", + "tanyu", + "\u015fel\u00e2le", + "laze", + "firdevis", + "havali", + "bit\u00fcl", + "hasg\u00fcl", + "ferahdiba", + "rojnu", + "i\u0307nsaf", + "i\u0307rfan", + "mesude", + "miyesser", + "mevl\u00fcdiye", + "hamiyet", + "u\u011fur", + "nurbanu", + "safura", + "servinaz", + "m\u00fcveddet", + "masume", + "sanavber", + "akise", + "sadeti", + "nazimet", + "g\u00fclnaziye", + "atanur", + "\u00e7evreg\u00fcl", + "s\u00fcner", + "neslinur", + "ay\u015fenur", + "zaliha", + "aksoy", + "h\u00fcr\u00fcyet", + "azade", + "g\u00fclinaz", + "g\u00fcng\u00f6ren", + "or\u00e7in", + "selvi", + "g\u00fclmisal", + "ayten", + "i\u0307lklima", + "behiza", + "necva", + "perinur", + "b\u00fc\u015franur", + "rakide", + "vezrife", + "kandef", + "adila", + "tanses", + "enfes", + "s\u00fcsen", + "\u015fennur", + "erg\u00fcl", + "a\u011fbegim", + "sejda", + "faize", + "nurseda", + "seniha", + "nazende", + "sevican", + "\u015fahnuray", + "mihrab", + "rehime", + "sel\u00e7uk", + "kifaye", + "elgin", + "i\u0307mrihan", + "\u00fcnsever", + "\u015filan", + "aykut", + "zahfer", + "ay\u015feana", + "ni\u011fmet", + "hadrey", + "m\u00fckr\u00fcme", + "g\u00fcl\u00e7e", + "selime", + "birben", + "g\u00fclgen", + "macide", + "aky\u0131ld\u0131z", + "olu\u015f", + "dilfeza", + "hilayda", + "atiyye", + "\u00f6zge", + "miray", + "g\u00fcld\u00fcnya", + "\u00f6ncel", + "\u00f6zde\u015f", + "\u00fc\u00e7g\u00fcl", + "benek", + "nurhayet", + "i\u0307\u00e7imbike", + "deniz", + "merva", + "basriye", + "hacile", + "deryanur", + "bediriye", + "berrin", + "serfinaz", + "selcen", + "seyhan", + "nur\u015fan", + "birg\u00fcl", + "mujde", + "nuriyet", + "i\u0307ncifir", + "sevgen", + "kerime", + "safinaz", + "nevise", + "simten", + "m\u00fc\u015f\u00fcre", + "rumeysa", + "sezen", + "neriban", + "melikkan", + "\u00f6zyurt", + "feden", + "sab\u0131r", + "g\u00fcnver", + "mecide", + "siti", + "leyli", + "cedide", + "fatmanur", + "erbay", + "kad\u0131nana", + "pembesin", + "revza", + "tayyibe", + "necilal", + "nihan", + "asu", + "sa\u00e7\u0131", + "eseng\u00fcn", + "emi\u015f", + "arziye", + "m\u00fccevher", + "piran", + "n\u00fcdret", + "g\u00fcnsel", + "g\u00fcrten", + "y\u00fccel", + "talibe", + "bilay", + "mefharet", + "hur\u015fide", + "mahter", + "nejdet", + "zubeyde", + "ganiye", + "merim", + "hazine", + "i\u0307lde\u015f", + "g\u00fclper", + "nazi", + "ban\u00fc", + "hinet", + "z\u00fclf\u00fcye", + "sat\u0131a", + "m\u00fcjde", + "g\u00fcl", + "s\u00fcmerya", + "sultane", + "reng\u00fcl", + "maks\u00fcde", + "rebihat", + "g\u00fclg\u00fczel", + "azize", + "ticen", + "neval", + "laika", + "nesfe", + "bergen", + "g\u00fclay", + "saire", + "ceyhun", + "g\u00fclfari", + "b\u00fcreyre", + "i\u015f\u0131n", + "ayyaruk", + "soykan", + "ne\u015frin", + "nili", + "rabbiye", + "nurey", + "turcein", + "fayize", + "k\u00e2zime", + "\u00e2lem\u015fah", + "belgizar", + "hansultan", + "h\u00fcsn\u00fch\u00e2l", + "l\u00e2le", + "teybet", + "risalet", + "melaha", + "i\u0307slime", + "z\u00fcheyla", + "g\u00fclev", + "cannur", + "aysevim", + "nurda", + "\u015ferman", + "samahat", + "serda", + "kaver", + "\u015feref", + "\u015fayan", + "kumral", + "ayt\u00f6z", + "t\u00fcrcan", + "rana", + "do\u011fannur", + "acarkan", + "s\u00fcheyda", + "fehmiye", + "zemzem", + "gilman", + "g\u00fclselin", + "g\u00fclbeyan", + "kezban", + "durgadin", + "i\u0307zel", + "burcuhan", + "nurdeniz", + "cevale", + "g\u00fclzadiye", + "tutkucan", + "s\u00fcleyla", + "aybet", + "meleknur", + "uyanser", + "esmanperi", + "\u00e7al\u0131m", + "fidaye", + "susam", + "alize", + "g\u00fclsal\u0131n", + "nal\u00e2n", + "e\u015fim", + "zehranur", + "r\u0131fk\u0131ye", + "g\u00fcldam", + "salimet", + "eri\u015f", + "akmaral", + "g\u00fczey", + "sabihe", + "zelha", + "naide", + "tan", + "sevcan", + "ahter", + "tercan", + "g\u00fclceg\u00fcn", + "nept\u00fcn", + "akg\u00fcne\u015f", + "g\u00fcnar", + "aysuna", + "\u00f6mriye", + "ta\u00e7nur", + "asiman", + "duha", + "limon", + "birsan", + "adal", + "ild\u0131z", + "alabezek", + "ya\u015far", + "dilhu\u015f", + "g\u00fcrc\u00fcye", + "tu\u011f\u00e7e", + "g\u00f6k", + "nurta\u00e7", + "akay", + "ba\u011fdat", + "gabel", + "divan", + "hayel", + "rafia", + "\u00fclke", + "fermuta", + "ayn\u0131mah", + "temime", + "vefia", + "nursim", + "\u00e7a\u011flar", + "alg\u0131\u015f", + "\u00f6zlem", + "tule", + "ayduru", + "kutg\u00fcn", + "meyhanim", + "ervaniye", + "canseven", + "havse", + "permun", + "hanbiken", + "natalia", + "g\u00fclenay", + "r\u00fcmeysa", + "g\u00fcll\u00fchan", + "pesent", + "\u015feyda", + "alt\u0131nbike", + "g\u00fclsevil", + "anka", + "beray", + "halenur", + "mukbile", + "m\u00fcsemma", + "m\u00fcferrih", + "silanur", + "simber", + "sanur", + "evde", + "sebl\u00e2", + "merba", + "nasiba", + "zebirce", + "mahig\u00fcl", + "g\u00f6li", + "\u015fahdiye", + "harbinaz", + "nezeng\u00fcl", + "\u015fah\u0131g\u00fcl", + "yah\u015fi", + "y\u0131ld\u0131z", + "emal", + "rayla", + "k\u0131smet", + "seyyide", + "pekkan", + "balca", + "de\u011fer", + "i\u0307de", + "sevdinar", + "vacibe", + "\u00fcge", + "\u015fefiye", + "aydar", + "al\u0131\u015f\u0131k", + "canfeza", + "eceg\u00fcl", + "\u00fcrper", + "ay\u00e7an", + "g\u00fclkad\u0131n", + "\u00e7olpan", + "mihriye", + "lezize", + "g\u00f6rsev", + "sevginur", + "\u015fehreban", + "sidar", + "g\u00fcl\u00f6zge", + "armahan", + "g\u00fcl\u015feref", + "g\u00fcl\u00fcs", + "ummahani", + "sonnur", + "\u00f6rfiye", + "i\u0307sra", + "hezniye", + "nevsale", + "besey", + "abiye", + "sernur", + "feyha", + "minibe", + "haf\u0131za", + "nafile", + "emine", + "bilginur", + "nirg\u00fcl", + "serma", + "heva", + "i\u0307lkbahar", + "sevla", + "zerafet", + "tagang\u00fcl", + "kardelen", + "\u00fclk\u00fcm", + "feryas", + "fitnat", + "k\u00fcbran", + "s\u0131rriye", + "nefiye", + "nezize", + "\u015femsinisa", + "sunay", + "tomurcuk", + "ma\u015fide", + "t\u00fcrknur", + "bilkay", + "teknaz", + "yekbun", + "kitan", + "meni\u015fan", + "huban", + "beriye", + "nades", + "erem", + "geleng\u00fcl", + "nilcan", + "zilfa", + "yurdaser", + "verde", + "amre", + "fadile", + "tang\u00fcl", + "vildane", + "ay\u00fclker", + "aycag\u00fcl", + "solma", + "h\u00fcmeyra", + "avun\u00e7", + "nevgin", + "semrin", + "l\u00fcfen", + "\u015f\u00f6hret", + "alaz", + "sarya", + "se\u00e7g\u00fcl", + "musaffa", + "g\u00f6zem", + "neyran", + "p\u00fcr\u00e7ek", + "\u00fcmmahan", + "zinnure", + "g\u00fclbani", + "misra", + "g\u00fclter", + "asliye", + "bahtinur", + "canan", + "\u00f6zg\u00fcn", + "damlanur", + "hasret", + "mezide", + "jaruthip", + "feraye", + "ayhan", + "naz", + "nura", + "meveddet", + "muvahhide", + "dilsitan", + "aral", + "\u015famiha", + "dilara", + "sadiye", + "i\u0307hsan", + "fildan", + "ferhan", + "g\u00fclbiye", + "sebig\u00fcl", + "sedife", + "g\u00fcl\u015fa", + "z\u00f6hrehan", + "duyguhan", + "cihan", + "m\u00fcmtaze", + "n\u00fcrice", + "hurican", + "\u015fendo\u011fan", + "\u00f6v\u00fcn", + "yal\u0131n", + "ayasun", + "alt\u0131n\u00e7i\u00e7ek", + "g\u00fclsiye", + "m\u00fcnezzer", + "mufide", + "\u015fahinder", + "\u00f6zbilge", + "ayg\u00f6nen\u00e7", + "dursadiye", + "narhanim", + "bezek", + "ferinaz", + "goncafer", + "nazlihan", + "naz\u0131dil", + "vecide", + "benice", + "lerze", + "zeride", + "\u015fevketfeza", + "i\u015fin", + "aysema", + "edaviye" + ], + "FIRST_NAME_MALE": [ + "zennun", + "heyvetullah", + "\u00e7opur", + "kete", + "tu\u011frulhan", + "s\u0131yl\u0131han", + "\u00f6zerdin\u00e7", + "abd\u00fclhadi", + "filit", + "t\u00fcrabi", + "g\u00f6rg\u00fcnay", + "refik", + "nehip", + "hekmet", + "dirlik", + "ero\u011ful", + "hidir", + "pehlil", + "muhyettin", + "oganer", + "erenalp", + "s\u00f6zer", + "g\u00f6kbudun", + "onuker", + "sezal", + "nihai", + "barsen", + "maksur", + "\u015ferafeddin", + "abd\u00fclahat", + "dalk\u0131l\u0131\u00e7", + "i\u0307sak", + "ufukay", + "hariz", + "torhan", + "elhan", + "tungu\u00e7", + "galip", + "seyithan", + "feza", + "rasul", + "mecit", + "dalan", + "t\u00fcrkalp", + "derkay", + "kavurt", + "ar\u0131el", + "karakucak", + "\u015fekim", + "ezg\u00fctekin", + "haluk", + "buyrukhan", + "k\u00e2mil", + "yunt", + "ak\u0131nal", + "tongu\u00e7", + "i\u0307lbek", + "teber", + "o\u011fulba\u015f", + "bengibay", + "h\u00fcrya\u015far", + "sunel", + "g\u00f6k\u00e7il", + "din\u00e7kol", + "hunalp", + "sarpk\u0131n", + "velitdin", + "ba\u015fay", + "kel\u00e2mi", + "tayayd\u0131n", + "sarg\u0131n", + "i\u0307zg\u00fc", + "\u015fahat", + "fami", + "denkel", + "\u00e7a\u011fveren", + "mefarettin", + "sa\u011fcan", + "atat\u00f6re", + "nevsal", + "mishat", + "alparslan", + "r\u00fc\u015fen", + "aybora", + "i\u015f\u0131kay", + "h\u00fcrdo\u011fan", + "serol", + "pirahmet", + "us", + "savni", + "satrettin", + "sevindik", + "enginiz", + "to\u011fan", + "bedi", + "g\u00f6ksev", + "i\u0307lim", + "mahsun", + "\u00e7a\u011fa", + "u\u00e7beyi", + "duracan", + "alsoy", + "seracettin", + "ulakbey", + "zihni", + "demiriz", + "\u00f6ztek", + "vedat", + "bari\u015f", + "balta\u015f", + "u\u00e7an", + "borata\u015f", + "bozerk", + "soysel\u00e7uk", + "i\u0307lgi", + "burakhan", + "ert\u00fcn", + "\u00e7elem", + "korkmazalp", + "a\u011faki\u015fi", + "cebesoy", + "yolal", + "s\u00fcvari", + "mutluhan", + "hi\u00e7s\u00f6nmez", + "\u00e7er\u00e7i", + "k\u0131v\u0131lc\u0131m", + "kader", + "dorukhan", + "\u00f6rik", + "vaysal", + "k\u00f6ker", + "ak\u00e7abay", + "uzbay", + "mertel", + "aydin\u00e7", + "\u015favki", + "ahat", + "arpa\u011f", + "ertuncay", + "sami", + "nuyan", + "\u00fcbeydullah", + "yoru\u00e7", + "merdi", + "i\u0307\u015fcan", + "v\u00e2l\u00e2", + "oranl\u0131", + "okseven", + "buhari", + "tok\u00f6z", + "geray", + "odkanl\u0131", + "alaeddin", + "\u00f6zdil", + "bozba\u011f", + "\u00f6zdo\u011fdu", + "tatu", + "g\u00fcla\u011fa", + "adlan", + "efser", + "u\u011furkan", + "ak\u00e7asu", + "kotuz", + "aygutalp", + "sidki", + "\u00f6kt\u00fcrk", + "y\u00f6netmen", + "yeti\u015fal", + "atag\u00fcn", + "almus", + "abdulgazi", + "dirican", + "hakikat", + "zoral", + "emrullah", + "aksay", + "\u00e7okan", + "\u00f6z\u00fcdo\u011fru", + "omaca", + "a\u00e7\u0131kel", + "mestur", + "otay", + "evrimer", + "sar\u0131cabay", + "\u015fabettin", + "bozta\u015f", + "salk\u0131n", + "alpin", + "b\u00fcget", + "ecemi\u015f", + "d\u00fcndaralp", + "i\u0307mam", + "ko\u015fukhan", + "k\u00fcr\u015fad", + "kamar", + "aliabbas", + "g\u00fcnden", + "\u00fclfet", + "aslanhan", + "\u015femsettin", + "akalan", + "de\u011fmeer", + "beyda", + "cihandide", + "birsen", + "duruk", + "bat\u0131rhan", + "ozans\u00fc", + "zeynelabidin", + "\u00e7ak\u0131rca", + "bilta\u015f", + "tali", + "tolonbay", + "mirbadin", + "nas", + "ulu", + "yelesen", + "\u00fcrfettin", + "\u00e7evik\u00f6z", + "akatay", + "abdulmenaf", + "\u00fczer", + "karanbay", + "bekta\u015fi", + "bayruhan", + "nasuf", + "\u00fclk\u00fcde\u015f", + "seda", + "sulhi", + "i\u0307mren", + "erk\u0131l\u0131\u00e7", + "se\u00e7me", + "e\u015fref", + "oymak", + "\u00fcnlen", + "atilhan", + "toker", + "m\u00fcslum", + "g\u00f6nen", + "serezli", + "s\u00fcmeyye", + "n\u02dczamett\u02dcn", + "i\u0307ldem", + "safet", + "melihcan", + "tansev", + "selvi", + "ermutlu", + "\u00f6zkent", + "eraycan", + "haciali", + "beren", + "yigit", + "hayali", + "h\u00fck\u00fcmdar", + "muhip", + "g\u00fcm\u00fc\u015ftekin", + "ayd\u0131nbey", + "ulu\u011fbey", + "delil", + "\u00f6zinal", + "mihin", + "m\u00fcfit", + "birgit", + "cabir", + "berksay", + "m\u00fccellib", + "cezayir", + "\u015fahinbey", + "kay\u0131t", + "nural", + "ery\u0131ld\u0131z", + "aytek", + "yamin", + "do\u011fan\u015fah", + "onursu", + "canberk", + "erdemer", + "benol", + "tekbay", + "salami", + "\u00fcnek", + "san\u00e7ar", + "tekiner", + "\u00f6zger", + "ka\u015fif", + "nurullah", + "i\u0307brahim", + "do\u011fuhan", + "g\u00f6kay", + "m\u00fcnif", + "cevheri", + "y\u0131ld\u0131r", + "sonad", + "m\u00f6hsim", + "bur\u00e7", + "koray", + "emin", + "i\u0307lalm\u0131\u015f", + "baytal", + "\u00fcnsever", + "durdali", + "g\u00fcnser", + "abd\u00fclsamed", + "saba", + "talayer", + "oliver", + "tan\u0131r", + "sayin", + "bin\u0131\u015f\u0131k", + "\u00e7inerk", + "sakip", + "muktedir", + "fuzuli", + "jankat", + "recepali", + "alcan", + "arkut", + "atasagun", + "vezat", + "\u00e7avuldur", + "erksoy", + "temizkal", + "ensari", + "lutfi", + "veis", + "ercihan", + "karaer", + "t\u00fczeer", + "seler", + "yarg\u0131", + "\u00f6ncel", + "barak", + "yadigar", + "k\u0131rat", + "m\u00fckramin", + "semender", + "kahir", + "z\u00fcfer", + "mevl\u00fct", + "atnan", + "metinkaya", + "erin\u00e7er", + "g\u00f6k\u00e7ebalan", + "fazul", + "terlan", + "taylak", + "ba\u015fhan", + "gen\u00e7ay", + "k\u0131rg\u0131z", + "bahaddin", + "kocaba\u015f", + "gencaslan", + "dan\u0131\u015f", + "sittik", + "tanyola\u00e7", + "okt\u00fcremi\u015f", + "ya\u011f\u0131n", + "olca", + "mutas\u0131m", + "samurtay", + "g\u00fcnver", + "\u015fehamet", + "\u00e7o\u011fay", + "evcimen", + "eyy\u00fcp", + "sezginba\u015f", + "tart\u0131\u015f", + "yertan", + "\u00e7akar", + "karata\u015f", + "\u00f6m\u00fcr", + "akver", + "yurtta\u015f", + "deviner", + "\u00f6zkutlu", + "\u00f6\u011fet", + "g\u00fccal", + "aclan", + "\u00e7eliky\u00fcrek", + "alexandru", + "erginel", + "tun\u00e7k\u0131l\u0131\u00e7", + "esenbay", + "\u015fefi", + "sahir", + "binba\u015far", + "g\u00fc\u00e7al", + "\u011fanim", + "\u00f6zs\u00f6zl\u00fc", + "erten", + "bedri", + "ziyaettin", + "nayil", + "karcan", + "rafih", + "tanhan", + "erse\u00e7", + "t\u00fcmkurt", + "yekda", + "g\u00fc\u00e7l\u00fcer", + "akg\u00f6l", + "kopan", + "muratcan", + "telim", + "yah\u015fikan", + "t\u00fcmer", + "s\u00fcha", + "artan", + "\u00f6zbay", + "berran", + "yavuz", + "turgut", + "\u00e7a\u011flas\u0131n", + "erdursun", + "konguralp", + "fenni", + "kiramettin", + "i\u0307smet", + "edg\u00fcbay", + "b\u00fcnyam\u00fcn", + "selatin", + "el\u00f6ve", + "\u00f6z\u00e7am", + "g\u00fcneri", + "aliihsan", + "efe", + "\u00f6ge", + "tanbay", + "g\u00f6ken", + "okg\u00fc\u00e7l\u00fc", + "g\u00fcn\u015fen", + "erg\u00f6n\u00fcl", + "toy", + "kerman", + "nezihi", + "varg\u0131n", + "kiyasi", + "\u00f6zertem", + "halidun", + "c\u00fcneyit", + "nebih", + "esent\u00fcrk", + "\u015f\u00fckri", + "masar", + "oru\u00e7", + "t\u0131nal", + "demirok", + "nurcan", + "tecimer", + "umman", + "soykut", + "kalgay", + "akbo\u011fa", + "av\u015fin", + "ya\u015fattin", + "ginyas", + "risalet", + "koldan", + "ar\u0131kol", + "adasal", + "ertan", + "cannur", + "yazganalp", + "cantez", + "azettin", + "bas\u0131m", + "serda", + "aykutalp", + "g\u00fclel", + "\u00f6zg\u00fcr", + "g\u00fcnaydin", + "say\u0131n", + "efl\u00e2tun", + "paker", + "a\u011fmur", + "demirb\u00fcken", + "k\u0131nel", + "ekber", + "g\u00f6knur", + "tun\u00e7bo\u011fa", + "\u00fcn\u00fcbol", + "ba\u011fda\u015f", + "s\u0131la", + "tulun", + "salurbay", + "sevdi", + "aru", + "g\u00fcrsal", + "aytuna", + "zekayi", + "er\u015fat", + "temu\u00e7in", + "id\u0131k", + "tezol", + "dincer", + "cindoruk", + "rohat", + "hayret", + "aliseydi", + "ushan", + "fehim", + "durmu\u015fali", + "seyfullah", + "akdora", + "denizalp", + "korugan", + "ayayd\u0131n", + "\u015fafii", + "acar", + "tamayd\u0131n", + "\u015fuayp", + "eral", + "sel\u00e2tin", + "u\u011fan", + "\u00e7\u0131dal", + "ayvas", + "m\u00fcl\u00e2yim", + "akkerman", + "ko\u00e7ak", + "tutkun", + "nesip", + "uluda\u011f", + "baturay", + "g\u00fcle\u011fen", + "i\u0307kiz", + "d\u00f6lensoy", + "dilder", + "candeniz", + "erdibay", + "alkor", + "yalg\u0131n", + "yalazabay", + "yurdanur", + "seha", + "k\u0131z\u0131ltun\u00e7", + "ya\u011f\u0131zkurt", + "\u00e7amok", + "selaheddin", + "altu\u011f", + "muhammet", + "dayar", + "cansin", + "kenter", + "\u00e7apkan", + "raz\u0131", + "ko\u00e7kan", + "sa\u011f\u0131t", + "abuzar", + "temirhan", + "ta\u015fkan", + "i\u0307lteri\u015f", + "dolun", + "l\u00fctfi", + "k\u0131z\u0131l", + "erbil", + "ba\u015fok", + "bellisan", + "fetullah", + "abd\u00fcrre\u015fit", + "sudi", + "bar\u0131\u015fcan", + "baba", + "ak\u00f6z", + "abid", + "uluman", + "meng\u00fc\u00e7", + "asalet", + "\u00f6zaslan", + "okyalaz", + "ar\u0131soy", + "canal", + "i\u015f\u0131man", + "apayd\u0131n", + "g\u00fcrelcem", + "\u00f6zel", + "\u00e2dem", + "led\u00fcn", + "abdulsemet", + "necmettin", + "erkan", + "sadat", + "t\u00f6rel", + "m\u00fcrit", + "beyler", + "yilmaz", + "ongay", + "bican", + "abdurrahman", + "musafet", + "\u00f6zbilek", + "\u00f6zakan", + "hudavent", + "nafii", + "ilg\u0131", + "\u00fcsame", + "mucahit", + "aktem\u00fcr", + "\u00f6ver", + "i\u0307lkim", + "berkal", + "tu\u011fta\u015f", + "balatekin", + "k\u00f6semen", + "uraltay", + "at\u0131lgan", + "bi\u015far", + "\u00f6ngen", + "fahrullah", + "i\u0307diris", + "hanedan", + "cemalettin", + "verim", + "alattin", + "yurtg\u00fcven", + "okanay", + "nakip", + "giz", + "bayzettin", + "o\u011furata", + "\u00f6kka\u015f", + "eskinalp", + "ahsen", + "sayrak", + "kasim", + "\u00f6nsal", + "g\u00fcl\u015fahin", + "huzuri", + "\u00f6zp\u0131nar", + "aypar", + "yeneral", + "onat", + "saydam", + "necdat", + "z\u00fclgarni", + "din\u00e7s\u00fc", + "ay\u015fan", + "monis", + "timurta\u015f", + "rezzak", + "erik", + "memili", + "\u00e7a\u011fdan", + "t\u00fckelalp", + "yasan", + "g\u00f6kten", + "tanak", + "hazrat", + "ulutay", + "ti\u011fin", + "suphi", + "\u015fahmettin", + "akba\u015f", + "abd\u00fclcemal", + "g\u00fcrarda", + "cang\u00fcr", + "\u015fenkal", + "ergener", + "i\u0307ntihap", + "tu\u011fcan", + "cenan", + "kutay", + "\u00f6zdal", + "kibar", + "tans\u0131\u011f", + "utkucan", + "a\u015fir", + "tayyip", + "kaygusuz", + "atgun", + "tando\u011fdu", + "resulcan", + "duru\u00f6z", + "i\u0307lsu", + "h\u0131fzullah", + "karaca", + "nabil", + "i\u0307nan\u00e7l\u0131", + "bilg\u00fctay", + "soydaner", + "tuyu\u011f", + "yayak", + "\u00e7elikkan", + "m\u00fczekker", + "\u00f6zt\u00fcrk", + "eba", + "noman", + "\u00fcst\u00fcn", + "zahid", + "g\u00f6rkl\u00fc", + "abdulkadir", + "mazlum", + "sencar", + "erdogan", + "abdulbekir", + "taciddin", + "aran", + "kuddusi", + "rahmet", + "\u015fali", + "i\u0307lmafer", + "baki", + "sebattin", + "diken", + "erensoy", + "tunahan", + "arifcan", + "cavit", + "g\u00fcnkurt", + "toktu\u011f", + "berki", + "abdi\u015f", + "tekecan", + "rabih", + "\u00e7alt\u0131", + "alto\u011fan", + "as\u0131m", + "behrem", + "cercis", + "ortak", + "ekmel", + "mehmed", + "alpcan", + "er\u00f6z", + "ama\u00e7", + "\u015fevket", + "t\u00fcrkmen", + "yank\u0131", + "urhan", + "mehmetzahir", + "nazlim", + "erkinel", + "ebuakil", + "milay", + "\u00f6nel", + "mansurali", + "\u00f6zok\u00e7u", + "ersel", + "bilender", + "nurkan", + "boynak", + "kayrabay", + "i\u0307vecen", + "muvaffak", + "b\u00f6rte\u00e7in", + "feremez", + "baydu", + "bayman", + "cuman", + "seydo", + "turabi", + "g\u00fcnd\u00fczalp", + "tevs", + "k\u00f6kta\u015f", + "g\u00f6zel", + "akar", + "songurkan", + "s\u00fccaettin", + "hami", + "topuz", + "baykan", + "y\u00fccelen", + "okbay", + "mahir", + "besin", + "ism\u0131k", + "karaba\u015f", + "tanp\u0131nar", + "enes", + "atalay", + "akif", + "sancak", + "vahittin", + "hindal", + "uygun", + "kapagan", + "\u00f6ry\u00fcrek", + "ferat", + "\u00e7\u0131vg\u0131n", + "ramadan", + "gazel", + "\u015finasi", + "nerim", + "g\u00fcng\u00f6rd\u00fc", + "olda\u011f", + "bilgen", + "feyruz", + "andi\u00e7", + "taranc\u0131", + "do\u011fanalp", + "\u00f6zl\u00fc", + "me\u015fhur", + "argu", + "annak", + "tenvir", + "\u015fide", + "r\u00fcknettin", + "\u015fanl\u0131", + "siper", + "alaaddin", + "kanak", + "akdurmu\u015f", + "ta\u015far", + "da\u011fistan", + "g\u00fc\u00e7yeter", + "hatem", + "emir\u015fan", + "ferzi", + "hasbek", + "fersan", + "arcan", + "u\u011furtan", + "tezcan", + "alanalp", + "alt\u0131n\u0131\u015f\u0131n", + "ad\u0131g\u00fcn", + "fatih", + "aysoy", + "teksoy", + "nuretdin", + "demiry\u00fcrek", + "kanpulat", + "server", + "suat", + "karlukhan", + "erg\u00fcn", + "elnur", + "bo\u011fatimur", + "y\u00fcmun", + "afer", + "\u015fendo\u011fan", + "yal\u0131n", + "ruhsat", + "aks\u00f6\u011f\u00fct", + "umutcan", + "yalt\u0131rak", + "\u00f6zalpsan", + "ferihan", + "bekbay", + "\u00e7etinsu", + "kayag\u00fcn", + "akmaner", + "niyazi", + "sadittin", + "tahir", + "bulun\u00e7", + "serhatmehmet", + "alt\u0131nkaya", + "taygan", + "co\u015fkun", + "h\u00fcsmen", + "s\u00f6kmen", + "remazan", + "y\u0131lma", + "bali", + "bahittin", + "borahan", + "sabih", + "merzuk", + "savak", + "org\u00fcn", + "k\u0131l\u0131\u00e7bay", + "o\u011fuzman", + "uzsoy", + "akcivan", + "adak", + "i\u0307yiy\u00fcrek", + "beyzade", + "vafir", + "celilay", + "\u00fcmmet", + "onurcan", + "abd\u00fclkerim", + "alps\u00fc", + "zamir", + "mengi" + ], + "PREFIX_FEMALE": [ + "dr", + "bayan" + ], + "PREFIX_MALE": [ + "dr", + "bay" + ], + "FIRST_NAME": [ + "fatig\u00fcl", + "elvan", + "yosma", + "s\u0131yl\u0131han", + "abd\u00fclhadi", + "t\u00fclin", + "dirlik", + "hidir", + "muhyettin", + "onuker", + "nihai", + "afife", + "sevim", + "g\u00fclseren", + "torhan", + "elhan", + "tungu\u00e7", + "galip", + "dalan", + "derkay", + "selmin", + "ar\u0131el", + "nurmelek", + "ezg\u00fctekin", + "haluk", + "buyrukhan", + "k\u00e2mil", + "h\u00fcda", + "tongu\u00e7", + "i\u0307lbek", + "canur", + "o\u011fulba\u015f", + "h\u00fcrya\u015far", + "sunel", + "hunalp", + "\u015fahat", + "d\u00fcrr\u00fc\u015fehvar", + "mefarettin", + "alparslan", + "ball\u0131", + "\u00f6zay", + "aybora", + "serol", + "ye\u015fil", + "sevindik", + "i\u0307lper", + "i\u0307lim", + "ir\u0131s", + "zihni", + "vedat", + "bari\u015f", + "balta\u015f", + "nebiha", + "burakhan", + "\u00e7elem", + "korkmazalp", + "yolal", + "s\u00fcvari", + "a\u011faki\u015fi", + "nurgil", + "hi\u00e7s\u00f6nmez", + "hanim", + "g\u00fclhisar", + "haliye", + "\u015fehza", + "yazg\u00fcl", + "uzbay", + "mertel", + "aydin\u00e7", + "yurtseven", + "ertuncay", + "yasemen", + "oranl\u0131", + "okseven", + "tok\u00f6z", + "dilcan", + "odkanl\u0131", + "paksu", + "bozba\u011f", + "g\u00fcls\u00fc", + "g\u00fcla\u011fa", + "kotuz", + "binay", + "i\u0307klim", + "\u00f6kt\u00fcrk", + "abdulgazi", + "hakikat", + "beste", + "z\u00fcmre", + "paye", + "z\u00fclbiye", + "bidayet", + "aksay", + "sar\u0131cabay", + "\u015fabettin", + "salk\u0131n", + "nurveren", + "ecemi\u015f", + "tanyu", + "\u015femsettin", + "aslanhan", + "havali", + "bit\u00fcl", + "hasg\u00fcl", + "ferahdiba", + "duruk", + "i\u0307nsaf", + "mevl\u00fcdiye", + "tali", + "nas", + "servinaz", + "akatay", + "akise", + "karanbay", + "g\u00fclnaziye", + "atanur", + "se\u00e7me", + "erk\u0131l\u0131\u00e7", + "atilhan", + "s\u00fcmeyye", + "safet", + "g\u00fcng\u00f6ren", + "tansev", + "i\u0307lklima", + "\u00f6zkent", + "haciali", + "b\u00fc\u015franur", + "hayali", + "adila", + "ulu\u011fbey", + "delil", + "cabir", + "a\u011fbegim", + "nural", + "ery\u0131ld\u0131z", + "faize", + "salami", + "tekiner", + "san\u00e7ar", + "ka\u015fif", + "nurullah", + "do\u011fuhan", + "m\u00f6hsim", + "bur\u00e7", + "rehime", + "i\u0307lalm\u0131\u015f", + "\u00fcnsever", + "i\u0307mrihan", + "durdali", + "abd\u00fclsamed", + "aykut", + "zahfer", + "muktedir", + "jankat", + "hadrey", + "m\u00fckr\u00fcme", + "alcan", + "g\u00fcl\u00e7e", + "atasagun", + "birben", + "erksoy", + "aky\u0131ld\u0131z", + "olu\u015f", + "lutfi", + "karaer", + "seler", + "miray", + "nurhayet", + "deniz", + "m\u00fckramin", + "semender", + "kahir", + "fazul", + "selcen", + "seyhan", + "i\u0307ncifir", + "sezen", + "tanyola\u00e7", + "\u00f6zyurt", + "evcimen", + "cedide", + "tun\u00e7k\u0131l\u0131\u00e7", + "y\u00fccel", + "g\u00fcrten", + "mefharet", + "hur\u015fide", + "g\u00fc\u00e7al", + "binba\u015far", + "zubeyde", + "ganiye", + "ziyaettin", + "i\u0307lde\u015f", + "tanhan", + "yekda", + "akg\u00f6l", + "t\u00fcmer", + "erdursun", + "fenni", + "reng\u00fcl", + "rebihat", + "el\u00f6ve", + "efe", + "laika", + "okg\u00fc\u00e7l\u00fc", + "nili", + "rabbiye", + "kiyasi", + "esent\u00fcrk", + "fayize", + "h\u00fcsn\u00fch\u00e2l", + "umman", + "akbo\u011fa", + "ya\u015fattin", + "adasal", + "cannur", + "\u015ferman", + "serda", + "\u00f6zg\u00fcr", + "say\u0131n", + "efl\u00e2tun", + "\u015feref", + "ayt\u00f6z", + "t\u00fcrcan", + "acarkan", + "fehmiye", + "g\u00fclselin", + "er\u015fat", + "temu\u00e7in", + "dincer", + "uyanser", + "hayret", + "ushan", + "seyfullah", + "susam", + "sel\u00e2tin", + "\u015fuayp", + "salimet", + "m\u00fcl\u00e2yim", + "naide", + "tan", + "sevcan", + "g\u00fcle\u011fen", + "nept\u00fcn", + "akg\u00fcne\u015f", + "ya\u011f\u0131zkurt", + "dayar", + "birsan", + "abuzar", + "g\u00fcrc\u00fcye", + "fetullah", + "baba", + "gabel", + "sadat", + "yilmaz", + "ongay", + "ayn\u0131mah", + "musafet", + "ilg\u0131", + "nafii", + "\u00e7a\u011flar", + "alg\u0131\u015f", + "\u00f6zlem", + "aktem\u00fcr", + "tu\u011fta\u015f", + "canseven", + "havse", + "bi\u015far", + "natalia", + "fahrullah", + "pesent", + "yurtg\u00fcven", + "giz", + "anka", + "mukbile", + "silanur", + "kasim", + "sanur", + "sebl\u00e2", + "huzuri", + "yeneral", + "necdat", + "nezeng\u00fcl", + "\u00e7a\u011fdan", + "vacibe", + "ulutay", + "\u015fefiye", + "aydar", + "ti\u011fin", + "cang\u00fcr", + "tu\u011fcan", + "utkucan", + "kaygusuz", + "tayyip", + "duru\u00f6z", + "sonnur", + "karaca", + "tuyu\u011f", + "nevsale", + "\u00e7elikkan", + "sernur", + "feyha", + "minibe", + "\u00fcst\u00fcn", + "erdogan", + "mazlum", + "serma", + "i\u0307lkbahar", + "sevla", + "kardelen", + "s\u0131rriye", + "nefiye", + "tomurcuk", + "\u00e7alt\u0131", + "alto\u011fan", + "as\u0131m", + "behrem", + "bilkay", + "teknaz", + "ama\u00e7", + "kitan", + "yank\u0131", + "\u00f6nel", + "erem", + "kayrabay", + "muvaffak", + "cuman", + "aycag\u00fcl", + "tevs", + "hami", + "ism\u0131k", + "karaba\u015f", + "sancak", + "gazel", + "bahtinur", + "olda\u011f", + "bilgen", + "\u00f6zg\u00fcn", + "hasret", + "do\u011fanalp", + "mezide", + "annak", + "meveddet", + "nura", + "akdurmu\u015f", + "ta\u015far", + "aral", + "fildan", + "ferhan", + "g\u00fclbiye", + "z\u00f6hrehan", + "teksoy", + "demiry\u00fcrek", + "suat", + "erg\u00fcn", + "afer", + "alt\u0131n\u00e7i\u00e7ek", + "ferihan", + "g\u00fclsiye", + "m\u00fcnezzer", + "mufide", + "co\u015fkun", + "ferinaz", + "borahan", + "sabih", + "savak", + "akcivan", + "i\u0307yiy\u00fcrek", + "celilay", + "\u00fcmmet", + "onurcan", + "i\u015fin", + "abd\u00fclkerim", + "edaviye", + "zennun", + "rezin", + "heyvetullah", + "umu\u015fan", + "filit", + "nehip", + "ero\u011ful", + "s\u00f6zer", + "feyzin", + "maksur", + "\u015ferafeddin", + "d\u00f6ner", + "dalk\u0131l\u0131\u00e7", + "i\u0307sak", + "hariz", + "cuheyna", + "rasul", + "dil\u015fat", + "mecit", + "peren", + "ar\u0131p\u0131nar", + "ezgin", + "\u00e7ilga", + "elifnur", + "m\u00fcbetcel", + "aylil", + "g\u00f6k\u00e7e", + "sehel", + "sarpk\u0131n", + "kel\u00e2mi", + "tayayd\u0131n", + "henife", + "denkel", + "sa\u011fcan", + "sevsevil", + "tasvir", + "\u00fcmm\u00fchan", + "sayg\u0131n", + "h\u00fcrdo\u011fan", + "egenur", + "pirahmet", + "us", + "satrettin", + "sefer", + "to\u011fan", + "g\u00f6ksev", + "mahsun", + "ruhug\u00fcl", + "demiriz", + "u\u00e7an", + "ert\u00fcn", + "almast", + "mutluhan", + "nefaret", + "\u00e7er\u00e7i", + "ho\u015fkadem", + "aynilhayat", + "k\u0131v\u0131lc\u0131m", + "vaysal", + "\u00fcnal", + "hekime", + "\u015favki", + "ahat", + "ogu\u015f", + "yoru\u00e7", + "nuyan", + "\u00fcbeydullah", + "v\u00e2l\u00e2", + "buhari", + "geray", + "\u00f6zdil", + "adlan", + "u\u011furkan", + "rahiye", + "zoral", + "refet", + "zevl\u00fcde", + "evrimer", + "b\u00fcget", + "i\u0307mam", + "akalan", + "firdevis", + "zeynelabidin", + "bat\u0131rhan", + "mesude", + "i\u0307rfan", + "miyesser", + "mirbadin", + "tolonbay", + "abdulmenaf", + "sanavber", + "bekta\u015fi", + "nasuf", + "seda", + "ay\u015fenur", + "e\u015fref", + "m\u00fcslum", + "n\u02dczamett\u02dcn", + "behiza", + "necva", + "beren", + "kandef", + "g\u00fcm\u00fc\u015ftekin", + "tanses", + "enfes", + "s\u00fcsen", + "kay\u0131t", + "m\u00fccellib", + "canberk", + "onursu", + "erdemer", + "tekbay", + "\u00f6zger", + "cevheri", + "y\u0131ld\u0131r", + "sel\u00e7uk", + "emin", + "\u015filan", + "oliver", + "\u00e7inerk", + "recepali", + "selime", + "vezat", + "g\u00fclgen", + "macide", + "hilayda", + "ercihan", + "t\u00fczeer", + "yarg\u0131", + "\u00f6zge", + "barak", + "\u00fc\u00e7g\u00fcl", + "k\u0131rat", + "merva", + "z\u00fcfer", + "hacile", + "deryanur", + "g\u00f6k\u00e7ebalan", + "taylak", + "ba\u015fhan", + "gen\u00e7ay", + "bahaddin", + "nur\u015fan", + "birg\u00fcl", + "mujde", + "nuriyet", + "sevgen", + "safinaz", + "m\u00fc\u015f\u00fcre", + "simten", + "sittik", + "rumeysa", + "okt\u00fcremi\u015f", + "melikkan", + "samurtay", + "g\u00fcnver", + "\u00e7o\u011fay", + "eyy\u00fcp", + "leyli", + "kad\u0131nana", + "tayyibe", + "nihan", + "deviner", + "sa\u00e7\u0131", + "aclan", + "arziye", + "m\u00fccevher", + "piran", + "n\u00fcdret", + "esenbay", + "mahter", + "nejdet", + "\u00f6zs\u00f6zl\u00fc", + "erten", + "bedri", + "merim", + "t\u00fcmkurt", + "g\u00fc\u00e7l\u00fcer", + "nazi", + "muratcan", + "yah\u015fikan", + "m\u00fcjde", + "g\u00fcl", + "berran", + "turgut", + "edg\u00fcbay", + "selatin", + "ticen", + "tanbay", + "g\u00f6ken", + "nesfe", + "bergen", + "g\u00fclfari", + "i\u015f\u0131n", + "\u00f6zertem", + "c\u00fcneyit", + "nurey", + "masar", + "\u00e2lem\u015fah", + "k\u00e2zime", + "oru\u00e7", + "t\u0131nal", + "av\u015fin", + "teybet", + "risalet", + "koldan", + "melaha", + "ertan", + "g\u00fclev", + "nurda", + "paker", + "g\u00f6knur", + "\u00fcn\u00fcbol", + "ba\u011fda\u015f", + "s\u00fcheyda", + "salurbay", + "gilman", + "sevdi", + "zekayi", + "tezol", + "cindoruk", + "durmu\u015fali", + "denizalp", + "u\u011fan", + "eri\u015f", + "akkerman", + "i\u0307kiz", + "d\u00f6lensoy", + "alkor", + "erdibay", + "yalg\u0131n", + "ta\u00e7nur", + "muhammet", + "cansin", + "\u00e7apkan", + "raz\u0131", + "ko\u00e7kan", + "adal", + "temirhan", + "ta\u015fkan", + "dolun", + "dilhu\u015f", + "bellisan", + "abd\u00fcrre\u015fit", + "sudi", + "asalet", + "canal", + "g\u00f6k", + "apayd\u0131n", + "nurta\u00e7", + "led\u00fcn", + "divan", + "hayel", + "rafia", + "bican", + "vefia", + "abdurrahman", + "\u00f6zakan", + "hudavent", + "\u00fcsame", + "ayduru", + "mucahit", + "kutg\u00fcn", + "balatekin", + "permun", + "i\u0307diris", + "g\u00fclenay", + "r\u00fcmeysa", + "g\u00fcll\u00fchan", + "nakip", + "bayzettin", + "beray", + "\u00f6kka\u015f", + "eskinalp", + "m\u00fcsemma", + "m\u00fcferrih", + "simber", + "g\u00fcl\u015fahin", + "\u00f6zp\u0131nar", + "mahig\u00fcl", + "harbinaz", + "monis", + "y\u0131ld\u0131z", + "\u015fah\u0131g\u00fcl", + "rezzak", + "erik", + "pekkan", + "t\u00fckelalp", + "balca", + "yasan", + "sevdinar", + "\u00fcge", + "suphi", + "eceg\u00fcl", + "\u00fcrper", + "ay\u00e7an", + "\u00e7olpan", + "mihriye", + "i\u0307ntihap", + "g\u00f6rsev", + "kutay", + "\u015fehreban", + "g\u00fcl\u00f6zge", + "atgun", + "armahan", + "i\u0307lsu", + "nabil", + "hezniye", + "yayak", + "soydaner", + "abiye", + "m\u00fczekker", + "\u00f6zt\u00fcrk", + "noman", + "g\u00f6rkl\u00fc", + "emine", + "abdulkadir", + "i\u0307lmafer", + "tagang\u00fcl", + "fitnat", + "toktu\u011f", + "abdi\u015f", + "nezize", + "\u015femsinisa", + "tekecan", + "ma\u015fide", + "t\u00fcrknur", + "er\u00f6z", + "\u015fevket", + "urhan", + "mehmetzahir", + "huban", + "nazlim", + "erkinel", + "milay", + "\u00f6zok\u00e7u", + "ersel", + "bilender", + "nurkan", + "boynak", + "zilfa", + "feremez", + "yurdaser", + "verde", + "tang\u00fcl", + "fadile", + "ay\u00fclker", + "k\u00f6kta\u015f", + "avun\u00e7", + "songurkan", + "topuz", + "se\u00e7g\u00fcl", + "musaffa", + "p\u00fcr\u00e7ek", + "kapagan", + "ferat", + "misra", + "g\u00fclter", + "feyruz", + "damlanur", + "feraye", + "ayhan", + "kanak", + "i\u0307hsan", + "ferzi", + "alt\u0131n\u0131\u015f\u0131n", + "duyguhan", + "nuretdin", + "kanpulat", + "server", + "karlukhan", + "y\u00fcmun", + "\u015fendo\u011fan", + "aks\u00f6\u011f\u00fct", + "kayag\u00fcn", + "niyazi", + "sadittin", + "tahir", + "serhatmehmet", + "h\u00fcsmen", + "y\u0131lma", + "bali", + "bezek", + "goncafer", + "merzuk", + "org\u00fcn", + "uzsoy", + "adak", + "vafir", + "zeride", + "alps\u00fc", + "mengi", + "ruhide", + "a\u015fhan", + "kete", + "\u015fad\u0131man", + "tu\u011frulhan", + "m\u00fc\u011fber", + "\u00f6zerdin\u00e7", + "fad\u0131la", + "koncag\u00fcl", + "t\u00fcrabi", + "g\u00f6rg\u00fcnay", + "pehlil", + "fatinur", + "g\u00fclfeza", + "yepelek", + "mehdiye", + "s\u00fczer", + "kavurt", + "h\u00fcrmet", + "\u015fekim", + "yunt", + "beyhatun", + "semat", + "ak\u0131nal", + "deha", + "din\u00e7kol", + "g\u00f6k\u00e7il", + "sarg\u0131n", + "i\u0307zg\u00fc", + "nevsal", + "mishat", + "i\u015f\u0131kay", + "savni", + "habibe", + "enginiz", + "\u00e7a\u011fa", + "seracettin", + "ulakbey", + "\u00f6ztek", + "g\u00fcver\u00e7in", + "borata\u015f", + "i\u0307lgi", + "soysel\u00e7uk", + "cebesoy", + "nurser", + "\u00e7isem", + "kader", + "dorukhan", + "begim", + "k\u00f6ker", + "m\u00fcret", + "sami", + "merdi", + "g\u00fcler", + "i\u0307\u015fcan", + "alaeddin", + "s\u00f6yler", + "\u00f6zdo\u011fdu", + "g\u00fcnebakan", + "efser", + "i\u0307mge", + "anarg\u00fcl", + "ak\u00e7asu", + "esna", + "subutiye", + "sidki", + "meryeme", + "y\u00f6netmen", + "yeti\u015fal", + "g\u00fclder", + "dirican", + "emrullah", + "\u00f6z\u00fcdo\u011fru", + "mestur", + "sahil", + "kefser", + "mel\u00fbl", + "k\u00fcr\u015fad", + "aliabbas", + "g\u00fcnden", + "laze", + "beyda", + "cihandide", + "ozans\u00fc", + "rojnu", + "yelesen", + "m\u00fcveddet", + "\u00fczer", + "sadeti", + "\u00fclk\u00fcde\u015f", + "i\u0307mren", + "\u00e7evreg\u00fcl", + "s\u00fcner", + "aksoy", + "\u00fcnlen", + "h\u00fcr\u00fcyet", + "g\u00f6nen", + "g\u00fclinaz", + "i\u0307ldem", + "melihcan", + "g\u00fclmisal", + "rakide", + "h\u00fck\u00fcmdar", + "m\u00fcfit", + "mihin", + "\u015fennur", + "erg\u00fcl", + "berksay", + "\u015fahinbey", + "do\u011fan\u015fah", + "sejda", + "nurseda", + "benol", + "sevican", + "\u015fahnuray", + "sonad", + "mihrab", + "kifaye", + "elgin", + "g\u00fcnser", + "talayer", + "sayin", + "ay\u015feana", + "arkut", + "\u00e7avuldur", + "temizkal", + "veis", + "benek", + "i\u0307\u00e7imbike", + "mevl\u00fct", + "atnan", + "bediriye", + "terlan", + "berrin", + "serfinaz", + "k\u0131rg\u0131z", + "kocaba\u015f", + "gencaslan", + "dan\u0131\u015f", + "nevise", + "feden", + "ya\u011f\u0131n", + "\u015fehamet", + "fatmanur", + "erbay", + "tart\u0131\u015f", + "yertan", + "karata\u015f", + "pembesin", + "revza", + "akver", + "yurtta\u015f", + "\u00f6\u011fet", + "emi\u015f", + "g\u00fccal", + "\u00e7eliky\u00fcrek", + "alexandru", + "bilay", + "\u011fanim", + "nayil", + "erse\u00e7", + "rafih", + "ban\u00fc", + "hinet", + "z\u00fclf\u00fcye", + "sat\u0131a", + "\u00e7a\u011flas\u0131n", + "sultane", + "b\u00fcnyam\u00fcn", + "g\u00fclg\u00fczel", + "g\u00fcneri", + "\u00f6ge", + "neval", + "saire", + "erg\u00f6n\u00fcl", + "b\u00fcreyre", + "ayyaruk", + "nezihi", + "ne\u015frin", + "halidun", + "hansultan", + "nurcan", + "tecimer", + "l\u00e2le", + "soykut", + "ginyas", + "ar\u0131kol", + "cantez", + "aysevim", + "\u015fayan", + "demirb\u00fcken", + "k\u0131nel", + "tun\u00e7bo\u011fa", + "rana", + "tulun", + "g\u00fcrsal", + "kezban", + "aytuna", + "durgadin", + "burcuhan", + "nurdeniz", + "cevale", + "g\u00fclzadiye", + "tutkucan", + "s\u00fcleyla", + "rohat", + "aliseydi", + "esmanperi", + "akdora", + "alize", + "g\u00fclsal\u0131n", + "ayayd\u0131n", + "e\u015fim", + "r\u0131fk\u0131ye", + "tamayd\u0131n", + "eral", + "g\u00fcldam", + "akmaral", + "g\u00fczey", + "tutkun", + "ko\u00e7ak", + "ahter", + "nesip", + "tercan", + "dilder", + "candeniz", + "g\u00fcnar", + "aysuna", + "seha", + "k\u0131z\u0131ltun\u00e7", + "\u00e7amok", + "altu\u011f", + "i\u0307lteri\u015f", + "ya\u015far", + "l\u00fctfi", + "k\u0131z\u0131l", + "erbil", + "bar\u0131\u015fcan", + "ak\u00f6z", + "uluman", + "meng\u00fc\u00e7", + "okyalaz", + "\u00f6zaslan", + "i\u015f\u0131man", + "akay", + "g\u00fcrelcem", + "ba\u011fdat", + "\u00e2dem", + "t\u00f6rel", + "abdulsemet", + "beyler", + "fermuta", + "\u00f6zbilek", + "meyhanim", + "ervaniye", + "k\u00f6semen", + "hanedan", + "verim", + "alattin", + "\u015feyda", + "g\u00fclsevil", + "o\u011furata", + "halenur", + "ahsen", + "sayrak", + "evde", + "aypar", + "merba", + "nasiba", + "zebirce", + "saydam", + "onat", + "z\u00fclgarni", + "ay\u015fan", + "timurta\u015f", + "emal", + "k\u0131smet", + "memili", + "de\u011fer", + "akba\u015f", + "abd\u00fclcemal", + "g\u00fclkad\u0131n", + "ergener", + "lezize", + "cenan", + "kibar", + "sevginur", + "sidar", + "tando\u011fdu", + "resulcan", + "g\u00fcl\u00fcs", + "ummahani", + "h\u0131fzullah", + "i\u0307sra", + "eba", + "nafile", + "zahid", + "nirg\u00fcl", + "sencar", + "abdulbekir", + "rahmet", + "heva", + "\u015fali", + "sebattin", + "diken", + "tunahan", + "k\u00fcbran", + "feryas", + "berki", + "ekmel", + "mehmed", + "beriye", + "ebuakil", + "mansurali", + "nilcan", + "i\u0307vecen", + "seydo", + "turabi", + "g\u00fcnd\u00fczalp", + "g\u00f6zel", + "s\u00fccaettin", + "mahir", + "l\u00fcfen", + "besin", + "\u015f\u00f6hret", + "alaz", + "sarya", + "tanp\u0131nar", + "enes", + "vahittin", + "zinnure", + "uygun", + "\u00f6ry\u00fcrek", + "\u00e7\u0131vg\u0131n", + "g\u00fclbani", + "\u015finasi", + "asliye", + "nerim", + "g\u00fcng\u00f6rd\u00fc", + "taranc\u0131", + "\u00f6zl\u00fc", + "me\u015fhur", + "argu", + "jaruthip", + "r\u00fcknettin", + "muvahhide", + "\u015fanl\u0131", + "dilsitan", + "siper", + "da\u011fistan", + "\u015famiha", + "dilara", + "emir\u015fan", + "sebig\u00fcl", + "u\u011furtan", + "g\u00fcl\u015fa", + "aysoy", + "cihan", + "m\u00fcmtaze", + "elnur", + "ruhsat", + "umutcan", + "yalt\u0131rak", + "akmaner", + "\u015fahinder", + "taygan", + "dursadiye", + "narhanim", + "nazlihan", + "naz\u0131dil", + "k\u0131l\u0131\u00e7bay", + "vecide", + "benice", + "\u015fevketfeza", + "zamir", + "\u015f\u00fck\u00fcfe", + "mahnaz", + "\u00e7opur", + "\u015fazime", + "refik", + "bu\u015fra", + "hekmet", + "muhiye", + "oganer", + "erenalp", + "g\u00f6kbudun", + "evrim", + "sezal", + "elamiye", + "barsen", + "abd\u00fclahat", + "ufukay", + "g\u00f6kperi", + "\u00fcmray", + "seyithan", + "feza", + "sirap", + "t\u00fcrkalp", + "badeg\u00fcl", + "karakucak", + "\u00f6zpetek", + "teber", + "bengibay", + "velitdin", + "ba\u015fay", + "\u00e7a\u011fveren", + "fami", + "semine", + "menfeat", + "atat\u00f6re", + "r\u00fc\u015fen", + "cemiyle", + "varl\u0131k", + "t\u00fczenur", + "bedi", + "u\u00e7beyi", + "duracan", + "alsoy", + "zeyno", + "bozerk", + "\u015firivan", + "a\u00e7\u0131lay", + "\u00f6rik", + "ak\u00e7abay", + "efil", + "arpa\u011f", + "adviye", + "maynur", + "mehrig\u00fcl", + "tatu", + "hayr\u00fcnnisa", + "aygutalp", + "kutun", + "atag\u00fcn", + "almus", + "a\u00e7\u0131kel", + "\u00e7okan", + "omaca", + "otay", + "muarra", + "bozta\u015f", + "alpin", + "d\u00fcndaralp", + "f\u00fcgen", + "ko\u015fukhan", + "hatin", + "kamar", + "belkize", + "\u015fel\u00e2le", + "\u00fclfet", + "de\u011fmeer", + "birsen", + "\u00e7ak\u0131rca", + "bilta\u015f", + "hamiyet", + "ulu", + "\u00fcrfettin", + "nurbanu", + "safura", + "u\u011fur", + "\u00e7evik\u00f6z", + "masume", + "bayruhan", + "nazimet", + "sulhi", + "neslinur", + "zaliha", + "oymak", + "toker", + "serezli", + "azade", + "or\u00e7in", + "selvi", + "ayten", + "perinur", + "ermutlu", + "eraycan", + "yigit", + "vezrife", + "ayd\u0131nbey", + "muhip", + "\u00f6zinal", + "birgit", + "aytek", + "cezayir", + "yamin", + "seniha", + "nazende", + "\u00fcnek", + "i\u0307brahim", + "g\u00f6kay", + "m\u00fcnif", + "koray", + "baytal", + "saba", + "tan\u0131r", + "bin\u0131\u015f\u0131k", + "sakip", + "ni\u011fmet", + "fuzuli", + "ensari", + "dilfeza", + "atiyye", + "\u00f6ncel", + "g\u00fcld\u00fcnya", + "\u00f6zde\u015f", + "yadigar", + "basriye", + "metinkaya", + "erin\u00e7er", + "kerime", + "neriban", + "olca", + "mutas\u0131m", + "sab\u0131r", + "mecide", + "siti", + "sezginba\u015f", + "\u00e7akar", + "\u00f6m\u00fcr", + "necilal", + "asu", + "\u00f6zkutlu", + "eseng\u00fcn", + "erginel", + "g\u00fcnsel", + "talibe", + "\u015fefi", + "sahir", + "hazine", + "karcan", + "g\u00fclper", + "kopan", + "telim", + "s\u00fcha", + "artan", + "\u00f6zbay", + "s\u00fcmerya", + "yavuz", + "konguralp", + "kiramettin", + "maks\u00fcde", + "i\u0307smet", + "azize", + "\u00f6z\u00e7am", + "aliihsan", + "g\u00fclay", + "g\u00fcn\u015fen", + "ceyhun", + "toy", + "kerman", + "soykan", + "varg\u0131n", + "nebih", + "turcein", + "\u015f\u00fckri", + "belgizar", + "demirok", + "kalgay", + "i\u0307slime", + "z\u00fcheyla", + "yazganalp", + "azettin", + "bas\u0131m", + "samahat", + "aykutalp", + "g\u00fclel", + "g\u00fcnaydin", + "kaver", + "ekber", + "a\u011fmur", + "kumral", + "do\u011fannur", + "s\u0131la", + "zemzem", + "g\u00fclbeyan", + "aru", + "i\u0307zel", + "id\u0131k", + "aybet", + "meleknur", + "fehim", + "\u00e7al\u0131m", + "fidaye", + "korugan", + "acar", + "nal\u00e2n", + "zehranur", + "\u015fafii", + "\u00e7\u0131dal", + "ayvas", + "sabihe", + "zelha", + "uluda\u011f", + "baturay", + "g\u00fclceg\u00fcn", + "yalazabay", + "yurdanur", + "\u00f6mriye", + "kenter", + "selaheddin", + "asiman", + "duha", + "limon", + "sa\u011f\u0131t", + "ild\u0131z", + "alabezek", + "ba\u015fok", + "tu\u011f\u00e7e", + "abid", + "ar\u0131soy", + "\u00f6zel", + "erkan", + "necmettin", + "m\u00fcrit", + "\u00fclke", + "temime", + "nursim", + "tule", + "\u00f6ver", + "i\u0307lkim", + "berkal", + "uraltay", + "at\u0131lgan", + "hanbiken", + "\u00f6ngen", + "cemalettin", + "okanay", + "alt\u0131nbike", + "\u00f6nsal", + "g\u00f6li", + "\u015fahdiye", + "din\u00e7s\u00fc", + "yah\u015fi", + "rayla", + "seyyide", + "i\u0307de", + "g\u00f6kten", + "tanak", + "hazrat", + "al\u0131\u015f\u0131k", + "canfeza", + "\u015fahmettin", + "g\u00fcrarda", + "\u015fenkal", + "\u00f6zdal", + "tans\u0131\u011f", + "a\u015fir", + "g\u00fcl\u015feref", + "\u00f6rfiye", + "i\u0307nan\u00e7l\u0131", + "bilg\u00fctay", + "besey", + "haf\u0131za", + "bilginur", + "taciddin", + "aran", + "kuddusi", + "baki", + "zerafet", + "erensoy", + "arifcan", + "cavit", + "g\u00fcnkurt", + "\u00fclk\u00fcm", + "sunay", + "rabih", + "cercis", + "ortak", + "alpcan", + "yekbun", + "meni\u015fan", + "t\u00fcrkmen", + "nades", + "geleng\u00fcl", + "b\u00f6rte\u00e7in", + "baydu", + "bayman", + "amre", + "vildane", + "solma", + "h\u00fcmeyra", + "akar", + "nevgin", + "semrin", + "okbay", + "y\u00fccelen", + "baykan", + "atalay", + "akif", + "g\u00f6zem", + "neyran", + "\u00fcmmahan", + "hindal", + "ramadan", + "canan", + "andi\u00e7", + "tenvir", + "\u015fide", + "naz", + "alaaddin", + "hatem", + "g\u00fc\u00e7yeter", + "sadiye", + "hasbek", + "fersan", + "arcan", + "sedife", + "tezcan", + "alanalp", + "ad\u0131g\u00fcn", + "fatih", + "n\u00fcrice", + "hurican", + "bo\u011fatimur", + "\u00f6v\u00fcn", + "yal\u0131n", + "ayasun", + "\u00f6zalpsan", + "bekbay", + "\u00e7etinsu", + "\u00f6zbilge", + "ayg\u00f6nen\u00e7", + "bulun\u00e7", + "alt\u0131nkaya", + "s\u00f6kmen", + "remazan", + "bahittin", + "o\u011fuzman", + "lerze", + "beyzade", + "aysema" + ], + "LAST_NAME": [ + "\u015fensoy", + "\u00e7orlu", + "\u00f6calan", + "y\u0131ld\u0131r\u0131m", + "i\u0307hsano\u011flu", + "i\u0307n\u00f6n\u00fc", + "hayrio\u011flu", + "tarhan", + "\u015fener", + "han\u00e7er", + "g\u00fc\u00e7l\u00fc", + "bilir", + "alemdar", + "man\u00e7o", + "g\u00fclen", + "y\u0131lmaz", + "arslan", + "yaman", + "k\u0131sak\u00fcrek", + "durdu", + "g\u00fcl", + "\u00fclker", + "demirel", + "\u015fama", + "teveto\u011flu", + "\u015fafak", + "erta\u015f", + "erdo\u011fan", + "ak\u00e7a", + "\u00e7etin", + "dumanl\u0131", + "mans\u0131z", + "bilge", + "f\u0131rat", + "t\u00fcrk", + "bilgin", + "soylu", + "arsoy", + "durmu\u015f", + "duran", + "demir", + "sakarya", + "erg\u00fcl", + "ak\u00e7ay", + "korut\u00fcrk", + "aslan", + "y\u00fcksel", + "seven", + "akdeniz", + "yorulmaz", + "karadeniz", + "akar", + "zengin", + "sezgin", + "zorlu", + "akg\u00fcnd\u00fcz", + "\u00e7amurcuo\u011flu", + "sezer", + "aksu", + "eraslan" + ], + "OTHER_PRONOUN": [ + "it" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "aktris": "oyuncu", + "bibi": "dede", + "teyze": "eni\u015fte", + "gelin": "seyis", + "i\u015f_kad\u0131n\u0131": "i\u015f_adam\u0131", + "civciv": "gaur", + "panik": "son", + "k\u0131z_evlat": "son", + "k\u0131z": "son", + "d\u00fc\u015fes": "d\u00fck", + "imparatori\u00e7e": "anax_imperator", + "torun": "erkek_torun", + "k\u0131z_torun": "torun", + "nine": "b\u00fcy\u00fckbaba", + "b\u00fcy\u00fckana": "dede", + "b\u00fcy\u00fckanne": "dede", + "her": "his", + "onun": "his", + "kahraman": "yi\u011fit", + "leydi": "erk", + "cik": "efendim", + "\u0131skalamak": "efendim", + "metres": "efendi", + "matrix": "peder", + "rahibe": "imam", + "soru": "birader", + "prenses": "\u015fehzade", + "krali\u00e7e": "kral", + "hem\u015fire": "a\u011fabey", + "k\u0131z_karde\u015f": "erkek_karde\u015f", + "naja": "erkek_karde\u015f", + "simil": "birader", + "bac\u0131": "birader", + "abla": "erkek_karde\u015f", + "kalm\u0131\u015f": "bek\u00e2r", + "\u00fcvey_k\u0131z": "\u00fcvey_o\u011ful", + "\u00fcvey_anne": "\u00fcvey_baba", + "garson_k\u0131z": "garson", + "avrat": "e\u015f", + "kar\u0131": "erkek", + "norn": "sihirbaz", + "cad\u0131": "sihirbaz", + "kad\u0131n": "ki\u015fi", + "c\u0131v\u0131r": "erkek", + "hatun": "erkek", + "gac\u0131": "erkek", + "kad\u0131nlar": "men", + "boy": "k\u0131z", + "garson": "k\u0131z", + "o\u011flan": "k\u0131z" + }, + "other_gender_swap": { + "onlar": "her", + "has": "her", + "onlar\u0131n": "her", + "he": "onlar", + "elli": "jale", + "his": "onlar\u0131nki", + "sini": "onlar\u0131nki", + "onun": "onlar\u0131n", + "her": "onlar\u0131n" + }, + "en_pronoun2gender": { + "they": [ + "bakla", + "biseks\u00fcel", + "transgender", + "homoseks\u00fcel", + "e\u015f_cinsel" + ], + "he": [ + "erkek", + "ki\u015fi", + "gaur", + "o\u011flan", + "little_boy", + "boy", + "garson" + ], + "she": [ + "m\u00f6", + "lezbiyen", + "gac\u0131", + "hatun", + "kar\u0131", + "cik", + "di\u015filer", + "abla", + "kad\u0131nlar", + "k\u0131z", + "kad\u0131n", + "di\u015fi", + "madam", + "leydi", + "c\u0131v\u0131r", + "\u0131skalamak" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "he", + "sini", + "elli", + "onun", + "his" + ], + "she": [ + "onun", + "her" + ], + "they": [ + "onlar\u0131n", + "onlar", + "has", + "jale", + "onlar\u0131nki" + ], + "it": [ + "bt", + "bunlar", + "onlar", + "acele", + "esas", + "it", + "onun", + "ova" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tt.json b/data_tooling/pii_processing/ontology/data/tt.json new file mode 100644 index 0000000..6c2e5fd --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tt.json @@ -0,0 +1,155 @@ +{ + "GPE": [ + "\u043a\u044b\u0437\u044b\u043b_\u0434\u0438\u04a3\u0433\u0435\u0437", + "curcevdan", + "\u0430\u043a_\u0439\u043e\u0440\u0442", + "\u043a\u0435\u0448\u0435_\u0445\u043e\u043a\u0443\u043a\u043b\u0430\u0440\u044b", + "\u0430\u043b\u043c\u0430\u043d_\u0438\u043c\u043f\u0435\u0440\u0438\u044f\u0441\u0435", + "\u043a\u044b\u0437\u044b\u043b_\u0445\u0430\u0447", + "\u0430\u0439\u044f_\u0441\u0443\u0444\u0438\u044f" + ], + "BIO_CHEM_ENTITY": [ + "polivinilxlorid", + "d_\u0432\u0438\u0442\u0430\u043c\u0438\u043d\u044b" + ], + "PUBLIC_FIGURE": [ + "federiko_fellini", + "\u0430\u043f\u043e\u0441\u0442\u043e\u043b_\u043f\u0435\u0442\u0440", + "\u043f\u0451\u0442\u0440_i", + "y", + "f", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440_\u043a\u043e\u043b\u0443\u043c\u0431", + "con_lennon", + "gustav_maler", + "frants_\u015fubert", + "le_korb\u00fczie", + "weber", + "nikola_tesla", + "\u043a\u0430\u0440\u0430\u043a\u043e\u0448\u043b\u0430\u0440", + "1", + "g", + "sara_bernar", + "r", + "con_meynard_keyns", + "putin", + "lui_armstrong", + "david_hilbert", + "morgana", + "o_henri", + "t" + ], + "ANIMAL": [ + "\u043a\u044b\u0437\u0430", + "\u0431\u0430\u043a\u0430", + "\u0439\u043e\u043a\u043b\u0430\u0447\u043b\u0430\u0440", + "\u0431\u0435\u0437\u0435\u043b\u0434\u04d9\u0432\u0435\u043a\u043b\u04d9\u0440", + "\u0431\u0430\u0440\u043a\u044b\u043b\u0434\u044b\u043a" + ], + "LANGUAGE": [ + "\u0433\u0430\u0440\u04d9\u043f", + "\u0442\u04e9\u0440\u0435\u043a\u0447\u0430" + ], + "ORG": [ + "nasa", + "xuanxe", + "\u0444\u0438\u0440\u043a\u0430", + "\u0437\u0443\u0440_\u0497\u0438\u0434\u0435\u0433\u04d9\u043d_\u0439\u043e\u043b\u0434\u044b\u0437\u043b\u044b\u0433\u044b", + "\u0432\u0430\u0442\u0430\u043d\u0434\u0430\u0448\u043b\u0430\u0440_\u0445\u043e\u043a\u0443\u043a\u044b", + "\u04d9\u043b_\u0497\u04d9\u0437\u0438\u0440\u04d9", + "\u0432\u0438\u043d\u043d\u0438_\u043f\u0443\u0445", + "konservativ_firq\u00e4", + "aq\u015f_demokratik_firq\u00e4se", + "\u043a\u0440\u0438\u0432\u043e\u0439_\u0440\u043e\u0433", + "\u0430\u0432\u044b\u043b_\u0445\u0443\u0497\u0430\u043b\u044b\u0433\u044b", + "\u0430\u043a\u0448", + "colegip" + ], + "JOB": [ + "\u04af\u043b\u04d9\u043a\u0441\u04d9_\u0430\u0448\u0430\u0443\u0447\u044b\u043b\u0430\u0440", + "pretor", + "the_economist", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442", + "\u0433\u0430\u043b\u0438\u043c" + ], + "LOCATION": [ + "esse_k\u00fcl", + "xuanxe", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u00fcz\u00e4k_bank", + "\u0433\u043e\u0441\u043c\u0430\u043d_i" + ], + "DISEASE": [ + "\u0438\u043d\u0441\u0443\u043b\u044c\u0442", + "\u043f\u043e\u043b\u0438\u043e\u043c\u0438\u0435\u043b\u0438\u0442", + "\u044d\u0431\u043e\u043b\u0430_\u0431\u0438\u0437\u0433\u04d9\u0433\u0435" + ], + "RELIGION": [ + "\u043a\u0430\u0442\u0430\u0440\u0438\u0437\u043c" + ], + "QUANTITY": [ + "g" + ], + "GENDER": [ + "\u043a\u0430\u0440\u0442" + ], + "PLANT": [ + "\u043a\u0430\u0440\u0430\u0433\u0430\u0447", + "\u0430\u043a_\u0433\u04e9\u043c\u0431\u04d9", + "\u043a\u04af\u0433\u0259\u0440\u0447\u0435\u043d_\u043a\u04af\u0437\u0435" + ], + "POLITICAL_PARTY": [ + "\u0441\u04d9\u044f\u0441\u0438_\u0444\u0438\u0440\u043a\u0430\u043b\u04d9\u0440", + "aq\u015f_respublika_firq\u00e4se", + "sotsialistik_firq\u00e4", + "\u0431\u04e9\u0435\u043a\u0431\u0440\u0438\u0442\u0430\u043d\u0438\u044f\u043d\u0435\u04a3_\u043b\u0435\u0439\u0431\u043e\u0440\u0438\u0441\u0442\u043b\u0430\u0440_\u0444\u0438\u0440\u043a\u0430\u0441\u0435" + ], + "FOOD": [ + "\u0441\u0430\u0433\u044b\u0437" + ], + "PERSON_PRONOUN": [ + "\u0441\u0438\u043d\u0435\u04a3" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u043a\u044b\u0437": "\u0441\u0438\u043d", + "\u0441\u0443\u0449_\u043e\u043d\u044b\u043a": "\u043e\u043d\u044b\u043a", + "\u044d\u043d\u0435": "\u0430\u0442\u0430", + "\u04d9\u043d\u0438": "\u04d9\u0442\u0438", + "\u0430\u043d\u0430": "\u04d9\u0442\u0438", + "\u043a\u044b\u0437_\u043a\u0430\u0440\u0434\u04d9\u0448": "\u044d\u043d\u0435", + "\u0430\u043f\u0430": "\u0430\u0431\u044b\u0439", + "\u0441\u0435\u04a3\u0435\u043b": "\u044d\u043d\u0435", + "\u0445\u0430\u0442\u044b\u043d": "\u0438\u0440_\u0430\u0442", + "\u043d\u0438": "\u0438\u0440", + "\u0445\u0430\u0442\u044b\u043d_\u043a\u044b\u0437": "\u0438\u0440_\u0430\u0442" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0438\u0440_\u0430\u0442", + "\u0438\u0440" + ], + "she": [ + "\u0445\u0430\u0442\u044b\u043d", + "\u0430\u043f\u0430", + "\u0445\u0430\u0442\u044b\u043d_\u043a\u044b\u0437", + "\u043a\u044b\u0437" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u0430\u043b\u0430\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tw.json b/data_tooling/pii_processing/ontology/data/tw.json new file mode 100644 index 0000000..0a4a989 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tw.json @@ -0,0 +1,873 @@ +{ + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+|\\D+ \\D+-\\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "susan", + "nicola", + "stephanie", + "salomey", + "priscilla", + "hannah", + "gifty", + "natasha", + "janice", + "janet", + "ann", + "lorraine", + "millicent", + "rebecca", + "emily", + "akumaa", + "sylvia", + "afia", + "felicia", + "olivia", + "akos", + "esi", + "danielle", + "francesca", + "maria", + "rosemary", + "roselyn", + "lawrencia", + "ama", + "naomi", + "annette", + "marian", + "sandra", + "mandy", + "marilyn", + "yaa", + "georgia", + "jennifer", + "vida", + "victoria", + "amber", + "joyce", + "veronica", + "rachel", + "tracy", + "lisa", + "wendy", + "catherine", + "rachael", + "jill", + "akosua", + "awesi", + "shirley", + "julie", + "denise", + "eunice", + "dorcas", + "akua", + "maureen", + "angela", + "ruth", + "katy", + "lydia", + "barbara", + "charlotte", + "linda", + "helen", + "debra", + "jasmine", + "vanessa", + "ernestina", + "amelia", + "juliana", + "deborah", + "nana_ama", + "jessica", + "afua", + "josephine", + "michelle", + "julia", + "sarah", + "teresa", + "hannabel", + "caroline", + "lucy", + "rita", + "pamela", + "joanna", + "mary", + "sharon", + "adwoa", + "amanda", + "nimakoah", + "dorothy", + "georgina", + "irene", + "margaret", + "constance", + "emma", + "aba", + "judith", + "alice", + "harriet", + "katherine", + "regina", + "yvonne", + "abigail", + "comfort", + "dora", + "eliabeth", + "tina", + "sheila", + "karen", + "paula", + "baaba", + "patricia", + "kate", + "christina", + "samantha", + "elizabeth", + "natalie", + "beatrice", + "gemma", + "abena", + "grace" + ], + "FIRST_NAME_MALE": [ + "shaun", + "kenneth", + "roger", + "jacob", + "graham", + "raymond", + "justin", + "matthew", + "kweku", + "andrew", + "anthony", + "nigel", + "dennis", + "abeiku", + "benjamin", + "kojo", + "jonathan", + "josh", + "elliott", + "peter", + "terence", + "daniel", + "kujoe", + "kyle", + "carl", + "mathew", + "alexander", + "donald", + "jeffrey", + "fiifi", + "isaac", + "antony", + "leslie", + "alex", + "max", + "jason", + "nathan", + "henry", + "luke", + "john", + "oliver", + "vincent", + "kwamena", + "howard", + "stephen", + "joe", + "julian", + "joshua", + "kwabena", + "clifford", + "george", + "duncan", + "ekow", + "james", + "kwaku", + "douglas", + "denis", + "louis", + "colins", + "russell", + "lawrence", + "bernard", + "mark", + "jack", + "joseph", + "joel", + "malcolm", + "christian", + "kwadwo", + "jake", + "josiah", + "paul", + "marcus", + "tony", + "kevin", + "william", + "gerald", + "gordon", + "kwasi", + "martin", + "philip", + "edward", + "frederick", + "phillip", + "eric", + "steven", + "yaw", + "kofi", + "ronald", + "adam", + "simon", + "richard", + "stanley", + "samuel", + "adrian", + "david", + "derrick", + "akwesi", + "jeremy", + "arthur", + "akwasi", + "robert", + "thomas", + "harry", + "aaron", + "frank", + "nicholas", + "danny", + "dominic", + "sam", + "bruce", + "charles", + "kwame", + "francis", + "tom", + "albert", + "victor", + "michael", + "joojo", + "elliot", + "patrick", + "ben", + "kwesi", + "timothy", + "gregory", + "karl" + ], + "LAST_NAMES_FEMALE": [ + "Adu", + "Agyeiwaa", + "Asenso", + "Ak\u0254maa", + "Ampoma", + "Fosu", + "Akyeampong", + "Mensah", + "Akyer\u03b5ko", + "Tweneboa", + "Akyeampomaa", + "Asamoah", + "Gyasi", + "Amoanimaa", + "Ofori", + "Takyi", + "Boadi", + "Amoako", + "Wiafe", + "Tiwaa", + "Kwarteng", + "Adwubi", + "Ataa", + "Agyapong", + "Adomako", + "Akowua", + "Darko", + "Adoma", + "Omani", + "Okyere", + "Adusei", + "Kwaakye", + "Kyei", + "Agyei", + "Sarpong", + "Amo", + "Baah", + "Badu", + "Kusi", + "Tawia", + "Danso", + "Asiama", + "Boahen", + "Akoto", + "Safo", + "Agyapomaa", + "Boakye", + "Baawia", + "Fofie", + "Prempeh", + "Nyaako", + "Afirifa", + "Kwartemaa", + "Oppong", + "Amoakowaa", + "Ansa", + "Twumasi", + "Yeboa", + "Asamoa", + "Kyeiwaa", + "Asantewaa", + "Ansomah", + "Appiah", + "Quartey", + "Ampofo", + "Amponsa", + "Appia", + "Gyasiwaa", + "Kumi", + "Karikari", + "Adutwumwaa", + "Ansomaa", + "Nkansa", + "Dufie", + "Bonsu", + "Boatemaah", + "Serwaa", + "Pokuaa", + "Abrafi", + "Gyamfiaa", + "Ntiamoa", + "Antwi", + "Ankra", + "Asante", + "Otuo", + "Donkor", + "Ata", + "Gyamfi", + "Andorful", + "Akyer\u03b5", + "Acheampong", + "Owusuwaa", + "Kusiwaa", + "Obeng", + "Baa", + "Aboraa", + "Akyeamfu\u0254", + "Yawson", + "Ampofowaa", + "Nyame", + "Frema", + "Asieduwaa", + "Yirenkyi", + "Ahortor", + "Bona", + "Yaamoa", + "Ampadu", + "Asiedu", + "Asare", + "Amoa", + "Anokye", + "Bonsra", + "Akoaa", + "Nkrumah", + "Boatemaa", + "Owusu", + "Agyare", + "Nti", + "Nsia", + "Duah", + "Opuku", + "Awuah", + "Boaten", + "Pomaa", + "Afrakomaa", + "Fosua", + "Foriwaa", + "Ofosu", + "Frimpomaa", + "Boakyewaa", + "Akyena", + "Kyerewaa", + "Opoku", + "Agyemang", + "Otiwa", + "Koomson", + "Kwaakyewaa", + "Ntim", + "Mensa", + "Tutu", + "Mansa", + "Daakoaa", + "Antwiwaa", + "Boateng", + "Adutwum", + "Safoaa", + "Dwamena", + "Adomah", + "Amoasi", + "Baafi", + "Yeboah", + "Nyaakoaa", + "Boadu", + "Nyantakyi", + "Osei", + "Nkansah", + "Daako", + "Afoakwa", + "Anima", + "Oti", + "Akyaa" + ], + "PREFIX_FEMALE": [ + "osofo_maame", + "mama", + "maame", + "ms", + "mrs", + "dr", + "miss", + "sista", + "awura" + ], + "PREFIX_MALE": [ + "owura", + "mr", + "osofo", + "dr", + "agya" + ], + "FIRST_NAME": [ + "shaun", + "susan", + "kenneth", + "roger", + "jacob", + "graham", + "nicola", + "raymond", + "justin", + "matthew", + "stephanie", + "kweku", + "salomey", + "andrew", + "priscilla", + "hannah", + "anthony", + "gifty", + "nigel", + "natasha", + "janice", + "janet", + "dennis", + "ann", + "lorraine", + "millicent", + "abeiku", + "emily", + "rebecca", + "benjamin", + "akumaa", + "kojo", + "jonathan", + "josh", + "elliott", + "peter", + "sylvia", + "afia", + "terence", + "felicia", + "olivia", + "akos", + "esi", + "danielle", + "francesca", + "daniel", + "kujoe", + "maria", + "rosemary", + "roselyn", + "lawrencia", + "kyle", + "ama", + "carl", + "naomi", + "mathew", + "annette", + "marian", + "alexander", + "donald", + "jeffrey", + "sandra", + "fiifi", + "mandy", + "yaa", + "isaac", + "antony", + "marilyn", + "georgia", + "leslie", + "alex", + "max", + "jennifer", + "jason", + "vida", + "victoria", + "amber", + "joyce", + "veronica", + "nathan", + "henry", + "rachel", + "luke", + "tracy", + "john", + "oliver", + "vincent", + "lisa", + "wendy", + "catherine", + "rachael", + "kwamena", + "jill", + "howard", + "akosua", + "stephen", + "joe", + "julian", + "joshua", + "kwabena", + "clifford", + "george", + "duncan", + "ekow", + "awesi", + "shirley", + "james", + "kwaku", + "douglas", + "denis", + "louis", + "colins", + "julie", + "denise", + "eunice", + "dorcas", + "akua", + "maureen", + "russell", + "angela", + "ruth", + "katy", + "lydia", + "bernard", + "lawrence", + "mark", + "barbara", + "joseph", + "jack", + "joel", + "charlotte", + "linda", + "helen", + "debra", + "malcolm", + "christian", + "kwadwo", + "jasmine", + "jake", + "josiah", + "paul", + "vanessa", + "marcus", + "tony", + "kevin", + "ernestina", + "amelia", + "juliana", + "deborah", + "nana_ama", + "william", + "jessica", + "afua", + "josephine", + "gerald", + "gordon", + "kwasi", + "michelle", + "julia", + "martin", + "sarah", + "philip", + "edward", + "teresa", + "frederick", + "hannabel", + "caroline", + "lucy", + "phillip", + "rita", + "pamela", + "joanna", + "eric", + "steven", + "yaw", + "kofi", + "ronald", + "adam", + "mary", + "sharon", + "adwoa", + "amanda", + "simon", + "nimakoah", + "dorothy", + "georgina", + "richard", + "stanley", + "irene", + "samuel", + "margaret", + "constance", + "emma", + "adrian", + "aba", + "david", + "derrick", + "akwesi", + "judith", + "jeremy", + "alice", + "arthur", + "harriet", + "katherine", + "regina", + "akwasi", + "yvonne", + "abigail", + "comfort", + "dora", + "robert", + "thomas", + "eliabeth", + "tina", + "harry", + "aaron", + "sheila", + "frank", + "nicholas", + "danny", + "dominic", + "karen", + "paula", + "baaba", + "sam", + "bruce", + "patricia", + "charles", + "kate", + "christina", + "samantha", + "kwame", + "francis", + "elizabeth", + "tom", + "albert", + "victor", + "michael", + "natalie", + "beatrice", + "elliot", + "joojo", + "gemma", + "abena", + "patrick", + "ben", + "kwesi", + "grace", + "timothy", + "gregory", + "karl" + ], + "LAST_NAME": [ + "anima", + "twumasi", + "akyena", + "mensa", + "ampadu", + "ansomaa", + "ofosu", + "boadi", + "nyantakyi", + "amoasi", + "safo", + "frimpomaa", + "adusei", + "bonsu", + "afirifa", + "ntiamoa", + "ofori", + "ankra", + "appiah", + "safoaa", + "obeng", + "owusu", + "agyapong", + "kyeiwaa", + "osei", + "adomah", + "danso", + "boatemaa", + "ampofo", + "akyeampong", + "agyei", + "boakyewaa", + "boaten", + "bonsra", + "asiama", + "akyeampomaa", + "kusi", + "asamoa", + "nkansa", + "frema", + "boakye", + "asare", + "afrakomaa", + "okyere", + "fosu", + "akyer\u03b5ko", + "fosua", + "awuah", + "koomson", + "gyasi", + "tutu", + "darko", + "ansa", + "agyapomaa", + "gyasiwaa", + "kyei", + "akowua", + "aboraa", + "adu", + "yawson", + "tweneboa", + "asamoah", + "nyame", + "asieduwaa", + "nyaako", + "boateng", + "yirenkyi", + "adutwum", + "amoakowaa", + "serwaa", + "agyemang", + "appia", + "baah", + "fofie", + "baawia", + "oppong", + "andorful", + "akyeamfu\u0254", + "asiedu", + "anokye", + "asante", + "quartey", + "mensah", + "oti", + "baa", + "nkrumah", + "daakoaa", + "antwiwaa", + "kwaakye", + "owusuwaa", + "ampofowaa", + "kwarteng", + "ahortor", + "amponsah", + "nkansah", + "amo", + "afoakwa", + "adomako", + "baafi", + "ampoma", + "ntim", + "amoanimaa", + "bona", + "agyare", + "omani", + "pomaa", + "dufie", + "yaamoa", + "ak\u0254maa", + "nyaakoaa", + "opuku", + "asantewaa", + "donkor", + "akoaa", + "otuo", + "daako", + "kwaakyewaa", + "amoako", + "nti", + "dwamena", + "adwubi", + "asenso", + "prempeh", + "sarpong", + "boatemaah", + "boahen", + "amponsa", + "mansa", + "pokuaa", + "abrafi", + "adoma", + "boadu", + "gyamfi", + "ataa", + "akoto", + "akyer\u03b5", + "tawia", + "yeboah", + "ansomah", + "kwartemaa", + "takyi", + "amoa", + "gyamfiaa", + "otiwa", + "acheampong", + "agyeiwaa", + "nsia", + "yeboa", + "kusiwaa", + "duah", + "tiwaa", + "akyaa", + "kyerewaa", + "badu", + "foriwaa", + "kumi", + "wiafe", + "ata", + "karikari", + "adutwumwaa", + "opoku", + "antwi" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/twf.json b/data_tooling/pii_processing/ontology/data/twf.json new file mode 100644 index 0000000..dab74f3 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/twf.json @@ -0,0 +1,49 @@ +{ + "LOCATION": [ + "h\u01eb\u0301lp\u2019\u020dno" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "p\u2019_\u00e0yu\u2019_\u00fana": "p\u00f2p\u00f3na", + "t\u00f9t\u00fana": "p\u00f2p\u00f3na", + "\u0142\u0209w\u00e9na": "s\u0259\u0301onena", + "\u0259\u0300wyu\u2019_\u00fana": "up\u0119\u0300yu\u2019_\u00fana" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u0259\u0300wyu\u2019_\u00fana" + ], + "she": [ + "up\u0119\u0300yu\u2019_\u00fana", + "t\u00f9t\u00fana", + "kw\u0259\u0301lena", + "\u0142\u0209w\u00e9na" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0105\u0301w\u0105n\u0105" + ], + "she": [ + "\u0105\u0301w\u0105n\u0105" + ], + "they": [ + "\u0105\u0301w\u0105n\u0105" + ], + "it": [ + "\u0105\u0301w\u0105n\u0105" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/txb.json b/data_tooling/pii_processing/ontology/data/txb.json new file mode 100644 index 0000000..1f8ab40 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/txb.json @@ -0,0 +1,30 @@ +{ + "RELIGION_MEMBER": [ + "procer" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u1e63er": "procer" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "trai" + ], + "she": [ + "\u015bana" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ty.json b/data_tooling/pii_processing/ontology/data/ty.json new file mode 100644 index 0000000..34547bd --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ty.json @@ -0,0 +1,49 @@ +{ + "PRODUCT": [ + "varua_maitai" + ], + "LOCATION": [ + "ia_ora_na_i_te_matahiti_api" + ], + "PERSON_PRONOUN": [ + "i" + ], + "PUBLIC_FIGURE": [ + "one", + "i", + "to_opiti" + ], + "GENDER": [ + "vahine" + ], + "ORG": [ + "te_ekalesia_a_iesu_mesia_i_te_feia_mo\u2018a_i_te_hau_mahana_hopea_nei" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "fiu" + ], + "she": [ + "vahine" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "one" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/tyv.json b/data_tooling/pii_processing/ontology/data/tyv.json new file mode 100644 index 0000000..8bb2c01 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/tyv.json @@ -0,0 +1,63 @@ +{ + "JOB": [ + "\u044d\u0440\u0442\u0435\u043c\u0434\u0435\u043d", + "\u0431\u0435\u043b\u0435\u0442\u043a\u044d\u044d\u0440" + ], + "PERSON_PRONOUN": [ + "\u043e\u043b" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0443\u0440\u0443\u0433": "\u043e\u043e\u043b", + "\u043a\u044b\u0441": "\u043e\u043e\u043b", + "\u0430\u0432\u0430": "\u0430\u0447\u0430", + "\u0430\u0432\u0430\u043c": "\u0430\u0434\u0430", + "\u0430\u0432\u0430\u0439": "\u0430\u0447\u0430", + "\u0430\u043d\u0430\u0439": "\u0430\u0434\u0430", + "\u0438\u0439\u0435": "\u0430\u0434\u0430", + "\u0443\u0433\u0431\u0430": "\u0434\u0443\u04a3\u043c\u0430", + "\u043e\u043e\u043b": "\u043a\u044b\u0441", + "\u043e\u043e\u043b_\u043e\u0433\u043b\u0443": "\u043a\u044b\u0441", + "\u0430\u0447\u0430": "\u043a\u044b\u0441" + }, + "other_gender_swap": { + "\u043e\u043b\u0430\u0440": "\u043e\u043b", + "\u043e\u043b": "\u043e\u043b\u0430\u0440" + }, + "en_pronoun2gender": { + "he": [ + "\u0430\u0447\u0430", + "\u043e\u043e\u043b", + "\u043e\u043e\u043b_\u043e\u0433\u043b\u0443" + ], + "she": [ + "\u0443\u0440\u0443\u0433", + "\u043a\u044b\u0441", + "\u043a\u0430\u0434\u0430\u0439", + "\u044d\u0448\u043f\u0438", + "\u0445\u0435\u0440\u044d\u044d\u0436\u0435\u043d" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043e\u043b" + ], + "she": [ + "\u043e\u043b" + ], + "they": [ + "\u043e\u043b\u0430\u0440" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/udm.json b/data_tooling/pii_processing/ontology/data/udm.json new file mode 100644 index 0000000..3fd18f9 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/udm.json @@ -0,0 +1,41 @@ +{ + "ANIMAL": [ + "\u0430\u0439_\u0430\u0439" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u043d\u0430\u0439": "\u0430\u0442\u0430\u0439", + "\u0441\u0443\u0437\u044d\u0440": "\u0430\u0433\u0430\u0439", + "\u0430\u043f\u0430": "\u0431\u0440\u0430\u0442", + "\u0430\u043f\u0430\u0439": "\u043d\u044e\u043d\u044f" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u0430\u043f\u0430" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u043c\u0443", + "\u0441\u043e" + ], + "she": [ + "\u0441\u043e" + ], + "it": [ + "\u0438\u043d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ug.json b/data_tooling/pii_processing/ontology/data/ug.json new file mode 100644 index 0000000..d2f7be3 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ug.json @@ -0,0 +1,81 @@ +{ + "RACE": [ + "\u064a\u06d5\u0631\u06d5\u0628\u0649\u0633\u062a\u0627\u0646" + ], + "ANIMAL": [ + "\u0628\u0648\u0631\u0633\u06c7\u0642" + ], + "SOC_ECO_CLASS": [ + "\u064a\u06d0\u0632\u0627_\u064a\u0649\u0643\u0649\u0644\u0649\u0643\u0649" + ], + "ORG": [ + "\u067e\u0627\u0631\u062a\u0649\u064a\u06d5", + "colegio", + "\u06af\u0648\u0645\u0649\u0646\u062f\u0627\u06ad", + "\u064a\u06d5\u0644\u062c\u06d5\u0632\u0649\u0631\u06d5", + "\u067e\u0648\u0686\u062a\u0627", + "\u0633\u06d0\u063a\u0649\u0632" + ], + "GPE": [ + "\u064a\u0627\u0642\u0633\u0627\u0631\u0627\u064a" + ], + "JOB": [ + "\u064a\u0648\u0642\u06c7\u062a\u0642\u06c7\u0686\u0649", + "\u064a\u0649\u0643\u0643\u0649\u0646\u0686\u0649" + ], + "LOCATION": [ + "\u064a\u06c7\u064a\u0642\u06c7\u062f\u0649\u0643\u0649_\u0633\u0627\u06be\u0649\u0628\u062c\u0627\u0645\u0627\u0644", + "\u0633\u06d0\u0631\u0649\u0642_\u062f\u06d5\u0631\u064a\u0627" + ], + "PRODUCT": [ + "\u062f\u06d0\u06ad\u0649\u0632_\u0686\u0648\u0634\u0642\u0649\u0633\u0649" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0642\u0649\u0632": "son", + "\u064a\u0627\u067e\u0627": "\u062f\u0627\u062f\u0627", + "\u064a\u0627\u0646\u0627": "\u064a\u0627\u062a\u0627", + "\u0631\u0627\u06be\u0649\u0628\u06d5": "monako", + "\u064a\u0627\u0686\u0627": "\u064a\u06c7\u0643\u0627", + "\u06be\u06d5\u062f\u06d5": "\u064a\u06c7\u0643\u0627", + "\u0633\u0649\u06ad\u0649\u0644": "\u064a\u06c7\u0643\u0627", + "\u062e\u0648\u062a\u06c7\u0646": "\u064a\u06d5\u0631" + }, + "other_gender_swap": { + "\u064a\u06c7\u0644\u0627\u0631": "\u064a\u06c7", + "\u064a\u06c7": "\u064a\u06c7\u0644\u0627\u0631" + }, + "en_pronoun2gender": { + "she": [ + "\u064a\u0627\u0686\u0627", + "\u064a\u0627\u064a\u0627\u0644", + "\u06be\u06d5\u062f\u06d5", + "\u0642\u0649\u0632" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u064a\u06c7" + ], + "she": [ + "\u064a\u06c7" + ], + "they": [ + "\u064a\u06c7\u0644\u0627\u0631" + ], + "it": [ + "\u0628\u06c7" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/uga.json b/data_tooling/pii_processing/ontology/data/uga.json new file mode 100644 index 0000000..a40bcab --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/uga.json @@ -0,0 +1,24 @@ +{ + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\ud800\udf80\ud800\udf83\ud800\udf9a": "\ud800\udf80\ud800\udf83" + }, + "other_gender_swap": {}, + "en_pronoun2gender": {}, + "en_pronoun2pronoun": { + "she": [ + "\ud800\udf85\ud800\udf8a" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/uk.json b/data_tooling/pii_processing/ontology/data/uk.json new file mode 100644 index 0000000..a71153b --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/uk.json @@ -0,0 +1,1529 @@ +{ + "ANIMAL": [ + "\u0432\u043e\u043b\u043e\u0432\u043e\u043e\u0447\u043a\u043e\u0432\u0456", + "\u0441\u043e\u0431\u043e\u043b\u044c", + "\u043c\u0430\u043d\u0434\u0430\u0440\u0438\u043d\u043a\u0430", + "desmodontinae", + "\u043f\u0456\u0442\u0435\u043a\u0430\u043d\u0442\u0440\u043e\u043f", + "\u0433\u043e\u043b\u043e\u0432\u0435\u043d\u044c_\u0454\u0432\u0440\u043e\u043f\u0435\u0439\u0441\u044c\u043a\u0438\u0439", + "\u043f\u043e\u043f\u0435\u043b\u044e\u0445", + "\u0431\u0443\u0444\u0430\u043b\u043e_\u0447\u043e\u0440\u043d\u0438\u0439", + "\u0442\u0435\u043b\u0435\u0434\u0443", + "\u043a\u0430\u0448\u0430\u043b\u043e\u0442", + "\u043a\u0430\u0432\u0456\u044f_\u0441\u0432\u0456\u0439\u0441\u044c\u043a\u0430", + "\u0430\u0440\u0445\u0456\u0442\u0435\u0443\u0442\u0438\u0441", + "\u0432\u0456\u0440\u0443\u0441_\u0442\u044e\u0442\u044e\u043d\u043e\u0432\u043e\u0457_\u043c\u043e\u0437\u0430\u0457\u043a\u0438", + "\u0433\u043e\u0440\u0431\u0430\u0447", + "\u0430\u0440\u0442\u0435\u043c\u0456\u044f", + "lactobacillus_acidophilus", + "\u043c\u0443\u0445\u043e\u043b\u043e\u0432\u043a\u043e\u0432\u0456", + "gerbillus_jamesi", + "\u0441\u043e\u043d\u0446\u0435\u0432\u0438\u043a", + "\u0433\u043e\u043b\u043a\u043e\u0448\u0435\u0440\u0441\u0442\u043e\u0432\u0456", + "\u043a\u0432\u0430\u043a\u0432\u0430", + "megascops", + "\u043a\u0438\u0442\u043e\u0432\u0438\u0434\u0456", + "\u043f\u0435\u0440\u0435\u043f\u0435\u043b\u044f\u0442\u043d\u0438\u043a", + "\u043f\u0430\u0434\u0430\u043b\u044c\u043d\u0438\u043a", + "\u043c\u043e\u0440\u044f\u043d\u043a\u0430", + "\u043b\u0430\u0441\u0442\u0456\u0432\u043a\u0430_\u0441\u0456\u043b\u044c\u0441\u044c\u043a\u0430", + "\u043a\u043e\u0440\u043e\u043f_\u0437\u0432\u0438\u0447\u0430\u0439\u043d\u0438\u0439", + "\u0432\u043e\u0434\u043e\u043c\u043e\u0440\u043e\u0437", + "\u0430\u0439_\u0430\u0439", + "\u0437\u0435\u043c\u043b\u0435\u0434\u0443\u0445" + ], + "ORG": [ + "\u0432\u0456\u0439\u0441\u044c\u043a\u043e", + "\u0431\u0430\u0441\u043a\u043e\u043d\u0456\u044f", + "tom_thumb", + "\u0441\u0456\u043b\u044c\u0441\u044c\u043a\u0435_\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440\u0441\u0442\u0432\u043e", + "\u043f\u0440\u043e\u0441\u0432\u0456\u0442\u043d\u0438\u0446\u0442\u0432\u043e", + "\u0442\u043e\u0440\u0433\u043e\u0432\u0438\u0439_\u0446\u0435\u043d\u0442\u0440", + "\u043a\u0430\u043d\u0442\u0445\u043e", + "\u043c\u043e\u043b\u043e\u0434\u0438\u0439_\u043c\u0456\u0441\u044f\u0446\u044c", + "\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u043c\u043e\u0434\u0435\u0440\u043d", + "\u044f_\u0442\u0435\u0431\u0435_\u043a\u043e\u0445\u0430\u044e", + "the_who", + "\u0440\u0438\u043c\u043e_\u043a\u0430\u0442\u043e\u043b\u0438\u0446\u044c\u043a\u0430_\u0446\u0435\u0440\u043a\u0432\u0430", + "\u043f\u0430\u0440\u043b\u0430\u043c\u0435\u043d\u0442_\u0443\u0433\u043e\u0440\u0449\u0438\u043d\u0438", + "\u043c\u043e\u043b\u043e\u0434\u043e\u0442\u0443\u0440\u043a\u0438", + "\u043d\u0430\u0431\u0440\u0438\u0434\u043d\u0443\u0442\u0438", + "\u0437\u0435\u043c\u043b\u0435\u0440\u043e\u0431\u0441\u0442\u0432\u043e", + "\u043d\u0430\u0446\u0456\u043e\u043d\u0430\u043b\u044c\u043d\u0456_\u0437\u0431\u043e\u0440\u0438_\u043f\u043e\u043b\u044c\u0449\u0456", + "\u043c\u043e\u043b\u043e\u0434\u0438\u043a", + "\u0446\u0435\u043d\u0442\u0440\u0430\u043b\u044c\u043d\u0438\u0439_\u0431\u0430\u043d\u043a", + "\u0441\u0432\u044f\u0442\u0430_\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u0430\u0440\u043c\u0456\u044f_\u0441\u0448\u0430", + "\u043a\u043e\u043c\u0443\u043d\u0456\u0441\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "dia", + "\u0432\u0435\u043b\u0438\u043a\u0430_\u0432\u0435\u0434\u043c\u0435\u0434\u0438\u0446\u044f", + "\u0491\u043e\u043c\u0456\u043d\u044c\u0434\u0430\u043d", + "\u043d\u0430\u0446\u0456\u043e\u043d\u0430\u043b\u044c\u043d\u0430_\u0430\u0441\u0430\u043c\u0431\u043b\u0435\u044f_\u0444\u0440\u0430\u043d\u0446\u0456\u0457", + "\u043d\u0456\u0432", + "\u0432\u0456\u043a\u043a\u0430", + "\u043f\u0430\u0440\u0442\u0456\u044f", + "\u0431\u043e\u0442\u0430\u043d\u0456\u0447\u043d\u0438\u0439_\u0441\u0430\u0434", + "\u0432\u0430\u0439\u0448\u043d\u0430\u0432\u0456\u0437\u043c", + "\u0445\u0443\u0430\u043d\u0445\u0435", + "\u0434\u043e_\u0440\u0435\u0447\u0456", + "\u0436\u0443\u0432\u0430\u043b\u044c\u043d\u0430_\u0433\u0443\u043c\u043a\u0430", + "\u0441\u0438\u043d\u0442\u043e", + "\u043c\u0430\u043b\u043e\u043f\u043e\u043b\u044c\u0449\u0430", + "\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u043d\u043e_\u0440\u0435\u0441\u043f\u0443\u0431\u043b\u0456\u043a\u0430\u043d\u0441\u044c\u043a\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u0440\u0435\u0441\u043f\u0443\u0431\u043b\u0456\u043a\u0430\u043d\u0441\u044c\u043a\u0430_\u043f\u0430\u0440\u0442\u0456\u044f_\u0441\u0448\u0430", + "who_are_you", + "\u0441\u043e\u0444\u0456\u0439\u0441\u044c\u043a\u0438\u0439_\u0441\u043e\u0431\u043e\u0440", + "\u0430\u0440_\u0434\u0435\u043a\u043e", + "\u043b\u0435\u0439\u0431\u043e\u0440\u0438\u0441\u0442\u0441\u044c\u043a\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u0437\u043e\u043b\u043e\u0442\u0438\u0439_\u0432\u0456\u043a", + "\u043f\u0440\u043e\u043c\u0438\u0441\u043b\u043e\u0432\u0438\u0439_\u043f\u0430\u0440\u043a", + "\u0447\u0435\u0440\u0432\u043e\u043d\u0438\u0439_\u0445\u0440\u0435\u0441\u0442", + "\u0431\u043b\u0438\u0441\u043a\u0443\u0447\u0430_\u043f\u043e\u0440\u0442\u0430", + "\u0447\u043e\u0440\u043d\u0438\u0439_\u0440\u0438\u043d\u043e\u043a", + "\u043f\u0430\u0440\u0442\u0456\u044f_\u043f\u0440\u0430\u0446\u0456", + "\u043f\u0440\u043e\u0444\u0435\u0441\u0456\u0439\u043d\u0430_\u0441\u043f\u0456\u043b\u043a\u0430", + "\u043c\u0438\u0442\u043d\u0438\u0446\u044f", + "\u0447\u043e\u0440\u043d\u0430_\u0432\u0434\u043e\u0432\u0430", + "\u0436\u0443\u0432\u0430\u043b\u044c\u043d\u0430_\u0491\u0443\u043c\u043a\u0430", + "\u0440\u0430\u0434\u0456\u043e\u0433\u0430\u043b\u0430\u043a\u0442\u0438\u043a\u0430", + "\u0433\u043e\u043b\u043b\u0456\u0432\u0443\u0434", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0456_\u0437\u0431\u043e\u0440\u0438_\u0431\u043e\u043b\u0433\u0430\u0440\u0456\u0457", + "\u0432\u0430\u0441\u0438\u043b\u0456\u0439_\u0432\u0435\u043b\u0438\u043a\u0438\u0439", + "\u0447\u0435\u0440\u0432\u043e\u043d\u0435_\u043c\u043e\u0440\u0435", + "\u0430\u0433\u0440\u0438\u043a\u0443\u043b\u044c\u0442\u0443\u0440\u0430", + "by_the_way", + "in_situ", + "\u0444\u0435\u0434\u0435\u0440\u0430\u043b\u044c\u043d\u0435_\u0431\u044e\u0440\u043e_\u0440\u043e\u0437\u0441\u043b\u0456\u0434\u0443\u0432\u0430\u043d\u044c", + "doc", + "\u043a\u043e\u043b\u0435\u0434\u0436", + "\u0441\u043f\u043e\u043b\u0443\u0447\u0435\u043d\u0456_\u0448\u0442\u0430\u0442\u0438", + "\u043e\u043b\u0438\u0432\u043a\u043e\u0432\u0430_\u0433\u043e\u0440\u0430", + "\u043a\u0430\u043f\u0435\u0442\u0438\u043d\u0433\u0438", + "\u043f\u043e\u0447\u0430\u0442\u043a\u043e\u0432\u0430_\u0448\u043a\u043e\u043b\u0430", + "\u0432\u0456\u0439\u0441\u044c\u043a\u043e\u0432\u043e_\u043f\u043e\u0432\u0456\u0442\u0440\u044f\u043d\u0456_\u0441\u0438\u043b\u0438", + "\u043e\u0437\u0435\u0440\u043e_\u0432\u0435\u0440\u0445\u043d\u0454", + "\u0439\u043e\u0441\u0438\u043f_\u0437_\u043d\u0430\u0437\u0430\u0440\u0435\u0442\u0430", + "\u043d\u0430\u0446\u0456\u043e\u043d\u0430\u043b\u044c\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u043b\u0456\u0441\u043e\u0432\u0435_\u043e\u0437\u0435\u0440\u043e", + "\u0441\u0438\u043d\u0442\u043e\u0456\u0437\u043c", + "\u043b\u0456\u0431\u0435\u0440\u0430\u043b\u044c\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u0437\u0430\u043a\u043e\u0440\u0434\u043e\u043d", + "\u0430\u043b\u044c_\u0434\u0436\u0430\u0437\u0456\u0440\u0430", + "\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f_\u0441\u0448\u0430" + ], + "DATE": [ + "\u0441\u0435\u0440\u0435\u0434\u043d\u044c\u043e\u0432\u0456\u0447\u0447\u044f", + "\u043d\u043e\u0432\u0438\u0439_\u043c\u0456\u0441\u044f\u0446\u044c", + "\u0441\u0442\u0430\u0440\u0456\u0441\u0442\u044c", + "happy_hour", + "\u043d\u0430\u0440\u043e\u0434\u0436\u0443\u0432\u0430\u043d\u0456\u0441\u0442\u044c", + "\u043f\u0435\u0440\u0435\u0434\u0443\u0441\u0456\u043c", + "the_golden_years", + "\u043e\u043d_\u0442\u0430\u043c", + "\u0432\u043e\u0437\u043d\u0435\u0441\u0456\u043d\u043d\u044f_\u0434\u0456\u0432\u0438_\u043c\u0430\u0440\u0456\u0457", + "\u043c\u043e\u043b\u043e\u0434\u0438\u043a", + "\u0434\u0432\u0430\u043d\u0430\u0434\u0446\u044f\u0442\u0430_\u043d\u0456\u0447_\u0430\u0431\u043e_\u044f\u043a_\u0432\u0430\u043c_\u0437\u0430\u0432\u0433\u043e\u0434\u043d\u043e" + ], + "GPE": [ + "\u0434\u0430\u0440_\u0435\u0441_\u0441\u0430\u043b\u0430\u043c", + "\u0441\u0432\u044f\u0442\u0438\u0439_\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440", + "\u0441\u0432\u044f\u0442\u0438\u0439_\u043c\u0438\u043a\u043e\u043b\u0430\u0439", + "\u043c\u0438\u043a\u043e\u043b\u0430_\u0447\u0443\u0434\u043e\u0442\u0432\u043e\u0440\u0435\u0446\u044c", + "\u0441\u0432\u044f\u0442\u0438\u0439_\u044e\u0440\u0456\u0439", + "\u0431\u0456\u043b\u0438\u0439_\u0434\u0456\u043c", + "\u043d\u0456\u043c\u0435\u0446\u044c\u043a\u0430_\u0456\u043c\u043f\u0435\u0440\u0456\u044f", + "\u0442\u0430\u0439\u0448\u0430\u043d\u044c", + "\u0435\u0448_\u0441\u044e\u0440_\u0430\u043b\u044c\u0437\u0435\u0442\u0442", + "\u0441\u0430\u043d_\u0442\u043e\u043c\u0435", + "\u0441\u0435\u043d\u0442_\u043b\u0443\u0457\u0441", + "\u0441\u0432\u044f\u0442\u0438\u0439_\u0434\u0443\u0445" + ], + "JOB": [ + "\u043a\u043e\u0440\u0430\u0431\u0435\u043b", + "guru", + "\u0441\u0430\u043c\u043e\u0441\u0442\u0456\u0439\u043d\u0438\u0439", + "\u043d\u0430_\u0432\u0435\u0441\u0456\u043b\u043b\u0456", + "\u043f\u043e\u043b\u0456\u0446i\u044f", + "\u0437\u0430\u0440\u044f\u0434\u0436\u0430\u044e\u0447\u0438\u0439", + "\u0432\u0430\u043d\u0442\u0430\u0436\u043d\u0438\u043a", + "\u0432\u043e\u0440\u043e\u0442\u0430\u0440", + "make", + "\u043a\u0456\u043d\u043e\u0440\u0435\u0436\u0438\u0441\u0435\u0440", + "the_police", + "\u0431\u043b\u043e\u043a\u0444\u043b\u0435\u0439\u0442\u0430", + "\u0434\u0440\u0443\u0433\u0438\u0439", + "\u043b\u0438\u0441\u0442\u043e\u043d\u043e\u0448\u0430", + "\u0433\u0430\u0441\u0442\u0430\u0440\u0431\u0430\u0439\u0442\u0435\u0440", + "\u043a\u0443\u0440\u0430\u0442\u043e\u0440", + "\u043f\u0440\u043e\u0444\u0435\u0441\u043e\u0440", + "\u043a\u043e\u0441\u0442\u044e\u043c\u0435\u0440", + "\u043f\u0430\u0440\u0430\u043b\u0435\u0433\u0430\u043b", + "mate", + "\u0430\u043a\u0430\u0434\u0435\u043c\u0456\u043a", + "\u0444\u043e\u0442\u043e\u0433\u0440\u0430\u0444", + "\u043f\u043e\u043b\u0456\u0446\u0456\u044f", + "the_economist", + "warrior", + "\u043c\u043b\u0438\u043d\u0430\u0440", + "man", + "doc", + "\u0456\u043d\u0434\u0435\u043f\u0435\u043d\u0434\u0435\u043d\u0442", + "messenger", + "\u043a\u043e\u0441\u0430\u0440\u0438\u043a", + "\u043f\u043e\u043b\u0456\u0446\u0435\u0439\u0441\u044c\u043a\u0438\u0439", + "\u0431\u0430\u0440\u0438\u0441\u0442\u0430", + "\u043f\u043e\u043b\u0456\u0446\u0456\u044f\u043d\u0442", + "\u043c\u0435\u043b\u044c\u043d\u0438\u043a", + "\u0430\u043d\u0435\u0441\u0442\u0435\u0437\u0456\u043e\u043b\u043e\u0433", + "\u043f\u0440\u0435\u0437\u0438\u0434\u0435\u043d\u0442", + "esquire", + "\u043a\u0435\u0440\u043c\u0430\u043d\u0438\u0447" + ], + "LANGUAGE": [ + "\u043f\u0430\u043b\u0456", + "\u043f\u043e\u0440\u0442\u0443\u0433\u0430\u043b\u044c\u0441\u044c\u043a\u0438\u0439", + "\u044f\u043f\u043e\u043d\u0441\u044c\u043a\u0438\u0439", + "\u0431\u0456\u043b\u043e\u0440\u0443\u0441\u044c\u043a\u0438\u0439", + "\u0456\u0441\u043b\u0430\u043d\u0434\u0441\u044c\u043a\u0438\u0439" + ], + "PUBLIC_FIGURE": [ + "sibelius", + "c", + "\u043a\u0430\u0440\u0442\u0435\u0440", + "b", + "\u0432\u043e\u0432\u0447\u043e\u043a_\u0441\u0456\u0440\u0438\u0439", + "\u0431\u043e\u043b\u044c\u0446\u0430\u043d\u043e", + "j", + "y", + "holden", + "f", + "\u0445\u0440\u0438\u0441\u0442\u043e\u0444\u043e\u0440_\u043a\u043e\u043b\u0443\u043c\u0431", + "\u043e_\u0433\u0435\u043d\u0440\u0456", + "q", + "hal", + "a_e", + "\u0433\u0430\u043d\u0434\u0456", + "\u043c\u0443\u043d\u0433\u043e_\u043f\u0430\u0440\u043a", + "lewis", + "\u0432\u043e\u043b\u043e\u0432\u043e\u043e\u0447\u043a\u043e\u0432\u0456", + "\u0441\u0432\u044f\u0442\u0438\u0439_\u0433\u0435\u043e\u0440\u0433\u0456\u0439", + "macaca_nemestrina", + "m", + "\u043c\u0456\u0440\u043e\u0448\u043d\u0438\u043a", + "o", + "i", + "\u0432\u0456\u043b\u044c\u044f\u043c\u0441", + "1", + "\u0434\u0432\u0430", + "g", + "\u0441\u0430\u0436\u043e\u0442\u0440\u0443\u0441", + "r", + "\u0431\u0440\u0438\u0433\u0430\u0434\u043d\u0438\u0439_\u0433\u0435\u043d\u0435\u0440\u0430\u043b", + "\u043f\u0456\u0442_\u043c\u043e\u043d\u0434\u0440\u0456\u0430\u043d", + "\u0441\u043c\u0456\u0442", + "d", + "\u043f\u0435\u0442\u0440\u043e_i_\u043e\u043b\u0435\u043a\u0441\u0456\u0439\u043e\u0432\u0438\u0447", + "\u0441\u0435\u0440\u043f\u043e\u043a\u0440\u0438\u043b\u044c\u0446\u0435\u0432\u0456", + "\u0442\u0435\u0442\u0447\u0435\u0440", + "\u0430\u0440\u043d\u043e\u043b\u044c\u0434_\u0448\u0435\u043d\u0431\u0435\u0440\u0491", + "\u0430\u043d\u0434\u0435\u0440\u0441_\u0446\u0435\u043b\u044c\u0441\u0456\u0439", + "\u0441\u0435\u043d_\u043c\u0430\u0440\u0442\u0435\u043d", + "\u0441\u043e\u043b_\u0431\u0435\u043b\u043b\u043e\u0443", + "\u043a\u043e\u043b\u0435\u0442\u0442", + "\u0440\u0456\u0447\u043a\u0430_\u0441\u0432\u044f\u0442\u043e\u0433\u043e_\u043b\u0430\u0432\u0440\u0435\u043d\u0442\u0456\u044f", + "\u0435\u0439\u0442\u043e\u0440_\u0432\u0456\u043b\u043b\u0430_\u043b\u043e\u0431\u043e\u0441", + "\u0442\u0432\u043e\u0440\u0435\u0446\u044c", + "\u0441\u0432\u044f\u0442\u0438\u0439_\u043f\u0430\u0442\u0440\u0438\u043a", + "\u043a\u043e\u043f\u0438\u0441\u0442\u043a\u0430", + "l", + "t" + ], + "LAW": [ + "non_bis_in_idem", + "\u0432\u0435\u0440\u0445\u043e\u0432\u043d\u0438\u0439_\u0441\u0443\u0434", + "\u043f\u0440\u0430\u0432\u043e\u0437\u0430\u0441\u0442\u043e\u0441\u0443\u0432\u0430\u043d\u043d\u044f", + "\u0446\u0438\u0432\u0456\u043b\u044c\u043d\u0435_\u043f\u0440\u0430\u0432\u043e", + "\u0440\u0438\u043c\u0441\u044c\u043a\u0435_\u043f\u0440\u0430\u0432\u043e" + ], + "POLITICAL_PARTY": [ + "\u043d\u043e\u0440\u0432\u0435\u0437\u044c\u043a\u0430_\u0440\u043e\u0431\u0456\u0442\u043d\u0438\u0447\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u0441\u043e\u0446\u0456\u0430\u043b_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u043f\u0430\u0440\u0442\u0456\u044f_\u0432\u0456\u0433\u0456\u0432", + "\u043d\u0430\u0446\u0456\u043e\u043d\u0430\u043b_\u0441\u043e\u0446\u0456\u0430\u043b\u0456\u0441\u0442\u0438\u0447\u043d\u0430_\u0440\u043e\u0431\u0456\u0442\u043d\u0438\u0447\u0430_\u043f\u0430\u0440\u0442\u0456\u044f_\u043d\u0456\u043c\u0435\u0447\u0447\u0438\u043d\u0438", + "\u043f\u0430\u0440\u0442\u0456\u044f_\u0437\u0435\u043b\u0435\u043d\u0438\u0445", + "\u043a\u043e\u043d\u0441\u0435\u0440\u0432\u0430\u0442\u0438\u0432\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u0441\u043e\u0446\u0456\u0430\u043b\u0456\u0441\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f", + "\u0445\u0435\u0439\u0440\u0435", + "\u0441\u043e\u0446\u0456\u0430\u043b_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f_\u0430\u043d\u0434\u043e\u0440\u0440\u0438", + "\u0441\u043e\u0446\u0456\u0430\u043b_\u0434\u0435\u043c\u043e\u043a\u0440\u0430\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f_\u0435\u0441\u0442\u043e\u043d\u0456\u0457", + "\u043f\u043e\u043b\u0456\u0442\u0438\u0447\u043d\u0430_\u043f\u0430\u0440\u0442\u0456\u044f" + ], + "RELIGION_MEMBER": [ + "guru", + "the_hindu", + "\u0444\u0440\u0430\u043d\u0446\u0438\u0441\u043a\u0430\u043d\u0446\u0456", + "\u043c\u0435\u0442\u043e\u0434\u0438\u0441\u0442" + ], + "PLANT": [ + "\u043d\u0435\u0437\u0430\u0431\u0443\u0434\u043a\u0430", + "the_joshua_tree", + "abies_grandis", + "vaccinium_corymbosum", + "\u043b\u0430\u0432\u0440\u043e\u0432\u0438\u0448\u043d\u044f", + "candida_albicans", + "larix_occidentalis", + "\u043e\u0442\u0440\u0443\u0439\u043d\u0438\u0439_\u043f\u043b\u044e\u0449", + "\u0441\u0443\u0445\u043e\u0432\u0435\u0440\u0448\u043a\u0438", + "abies_lasiocarpa", + "sciadopitys_verticillata", + "\u043b\u0438\u0441\u0442\u0432\u0435\u043d\u0438\u0446\u044f", + "phytophthora_infestans", + "\u0433\u0435\u0432\u0435\u044f_\u0431\u0440\u0430\u0437\u0438\u043b\u044c\u0441\u044c\u043a\u0430", + "\u0431\u0435\u043b\u043b\u0430\u0434\u043e\u043d\u043d\u0430", + "\u0442\u0443\u0440\u0443\u0445\u0442\u0430\u043d", + "blackberry", + "cyperus_papyrus", + "gaultheria_procumbens", + "elaeis_guineensis", + "cycas_circinalis", + "agathis_australis", + "\u044f\u043b\u0438\u043d\u043a\u0430", + "pinus_muricata", + "\u0431\u0456\u043b\u0456\u043c\u0431\u0456", + "smilax_aspera", + "\u0431\u0430\u043a\u0430\u0439", + "podocarpus_latifolius", + "pinus_palustris" + ], + "DISEASE": [ + "\u043c\u0456\u043e\u043a\u0430\u0440\u0434\u0438\u0442", + "rage", + "chill", + "\u043f\u0440\u043e\u043b\u0435\u0436\u0435\u043d\u044c", + "\u0442\u043e\u043a\u0441\u043e\u043f\u043b\u0430\u0437\u043c\u043e\u0437", + "\u043f\u0440\u0430\u0432\u0435\u0446\u044c", + "\u043f\u0440\u043e\u043a\u0442\u0438\u0442", + "\u0445\u0432\u043e\u0440\u043e\u0431\u0430_\u044f\u043a\u0443_\u0441\u043f\u0440\u0438\u0447\u0438\u043d\u044e\u0454_\u0432\u0456\u0440\u0443\u0441_\u0435\u0431\u043e\u043b\u0430", + "\u043a\u043e\u0440\u043e\u0442\u043a\u043e\u0437\u043e\u0440\u0456\u0441\u0442\u044c", + "\u0431\u0435\u0440\u0456_\u0431\u0435\u0440\u0456", + "\u0434\u0435\u0441\u0442\u0440\u0443\u043a\u0446\u0456\u044f_\u0441\u043a\u043b\u043e\u043f\u043e\u0434\u0456\u0431\u043d\u043e\u0433\u043e_\u0442\u0456\u043b\u0430", + "the_bends", + "\u043a\u0430\u0440\u0434\u0456\u043e\u043c\u0456\u043e\u043f\u0430\u0442\u0456\u044f", + "phytophthora_infestans", + "shape", + "\u043f\u0430\u0440\u043d\u0456\u0441\u0442\u044c", + "rust", + "\u043c\u0430\u043d\u0456\u044f", + "\u0440\u0435\u043a\u0442\u043e\u0446\u0435\u043b\u0435", + "\u0430\u043a\u0442\u0438\u043d\u043e\u043c\u0456\u043a\u043e\u0437", + "\u043f\u043e\u0434\u0440\u0430\u0437\u043d\u0435\u043d\u043d\u044f", + "gimp", + "\u0441\u043a\u0430\u0440\u043b\u0430\u0442\u0438\u043d\u0430", + "smart", + "ed", + "\u0432\u0456\u0440\u0443\u0441_\u0435\u043f\u0448\u0442\u0435\u0439\u043d\u0430_\u0431\u0430\u0440\u0440", + "sensation", + "pain", + "\u043a\u0430\u0442\u0443\u0432\u0430\u043d\u043d\u044f", + "\u043c\u0430\u0440\u0430\u0437\u043c", + "\u0441\u043f\u0440\u0430\u0433\u0430", + "\u043d\u0435\u043f\u043e\u0440\u044f\u0434\u043e\u043a", + "\u043c\u0435\u043d\u0456\u043d\u0433\u0456\u0442", + "the_bleeding", + "burn", + "\u0456\u043d\u0441\u0443\u043b\u044c\u0442", + "\u043a\u0440\u043e\u043f\u0438\u0432'\u044f\u043d\u043a\u0430", + "the_hives", + "\u0431\u0443\u0440\u0441\u0438\u0442", + "\u043b\u0456\u0441\u0442\u0435\u0440\u0456\u043e\u0437" + ], + "RELIGION": [ + "\u043a\u0430\u0442\u0430\u0440\u0438", + "\u043c\u0430\u043d\u0456\u0445\u0435\u0439\u0441\u0442\u0432\u043e", + "\u0434\u0430\u043e\u0441\u0438\u0437\u043c" + ], + "FAC": [ + "\u043d\u0438\u0436\u043d\u044f_\u043f\u0430\u043b\u0430\u0442\u0430", + "\u043a\u0430\u0442\u043e\u043b\u0438\u0446\u044c\u043a\u0430_\u0446\u0435\u0440\u043a\u0432\u0430", + "\u0431\u0430\u0441\u0435\u0439\u043d", + "\u0441\u0435\u043d\u0442_\u043b\u044e\u0441\u0456\u044f", + "\u0432\u0456\u043d\u043d\u0456_\u043f\u0443\u0445", + "\u043f\u0430\u043d\u0441\u0456\u043e\u043d", + "t_\u043b\u0456\u043c\u0444\u043e\u0446\u0438\u0442\u0438", + "\u043f\u043e\u0448\u0442\u043e\u0432\u0435_\u0432\u0456\u0434\u0434\u0456\u043b\u0435\u043d\u043d\u044f", + "\u0430\u0442\u0430\u043a\u0430\u043c\u0430" + ], + "SOC_ECO_CLASS": [ + "\u0437\u0435\u043c\u043b\u0435\u0440\u043e\u0431\u0441\u0442\u0432\u043e", + "\u0431\u0440\u0430\u0442\u0435\u0440\u0441\u0442\u0432\u043e", + "\u0441\u043e\u0446\u0456\u0443\u043c", + "\u0440\u043e\u0431\u0456\u0442\u043d\u0438\u0447\u0438\u0439_\u043a\u043b\u0430\u0441" + ], + "UNION": [ + "\u043f\u0440\u043e\u0444\u0441\u043f\u0456\u043b\u043a\u0430", + "\u0441\u0442\u0443\u0434\u0435\u043d\u0442\u0441\u044c\u043a\u0435_\u0441\u0430\u043c\u043e\u0432\u0440\u044f\u0434\u0443\u0432\u0430\u043d\u043d\u044f", + "\u043c\u0456\u0436\u043d\u0430\u0440\u043e\u0434\u043d\u0438\u0439_\u0442\u0435\u043b\u0435\u043a\u043e\u043c\u0443\u043d\u0456\u043a\u0430\u0446\u0456\u0439\u043d\u0438\u0439_\u0441\u043e\u044e\u0437" + ], + "BIO_CHEM_ENTITY": [ + "\u043c\u043e\u043d\u043e\u0430\u043c\u0456\u043d\u043e\u043a\u0441\u0438\u0434\u0430\u0437\u0430", + "\u043f\u043e\u043b\u0456\u0432\u0456\u043d\u0456\u043b\u0445\u043b\u043e\u0440\u0438\u0434", + "\u0430\u0434\u0435\u043d\u043e\u0437\u0438\u043d\u0434\u0438\u0444\u043e\u0441\u0444\u0430\u0442" + ], + "LOCATION": [ + "\u043f\u043e\u0432\u0456\u0442\u0440\u044f\u043d\u0456_\u0441\u0438\u043b\u0438", + "\u0434\u043e\u0431\u0440\u0438\u0434\u0435\u043d\u044c", + "\u0441\u0435\u043d_\u043c\u0430\u0440\u0442\u0435\u043d", + "\u043f\u0435\u0440\u0435\u0434\u0434\u0435\u043d\u044c_\u043d\u043e\u0432\u043e\u0433\u043e_\u0440\u043e\u043a\u0443", + "\u0441\u0435\u043d\u0442_\u043a\u043b\u0435\u0440", + "\u0432\u0456\u0439\u0441\u044c\u043a\u043e\u0432\u0430_\u0430\u043a\u0430\u0434\u0435\u043c\u0456\u044f", + "\u0430\u043c\u0435\u0440\u0456\u0433\u043e_\u0432\u0435\u0441\u043f\u0443\u0447\u0447\u0456", + "\u0435\u043c\u0456\u043b\u0456\u0430\u043d\u043e_\u0441\u0430\u043f\u0430\u0442\u0430", + "\u043a\u0456\u043b\u044c\u0446\u0435\u0432\u0430", + "\u0442\u0430\u043a\u0442\u0438\u043a\u0430_\u0441\u043f\u0430\u043b\u0435\u043d\u043e\u0457_\u0437\u0435\u043c\u043b\u0456", + "\u043c\u0438\u0441_\u0433\u043e\u0440\u043d", + "\u043c\u0456\u043b\u043b\u0456_\u043c\u0435\u0434\u0436\u043b\u0456\u0441_\u0430\u0437\u0435\u0440\u0431\u0430\u0439\u0434\u0436\u0430\u043d\u0443", + "tom_thumb", + "\u0432_\u043f\u0430\u0440\u043a\u0443", + "\u043a\u0430\u0431\u043e_\u0432\u0435\u0440\u0434\u0435", + "\u043d\u0430_\u0434\u043e\u0431\u0440\u0430\u043d\u0456\u0447", + "the_rolling_stones", + "\u043d\u0430\u0440\u043e\u0434\u043d\u0456_\u0437\u0431\u043e\u0440\u0438_\u0441\u0435\u0440\u0431\u0456\u0457", + "\u043e\u0441\u043c\u0430\u043d_i_\u0433\u0430\u0437\u0456", + "\u043e\u0441\u0442\u0440\u0456\u0432_\u0441\u0432\u044f\u0442\u043e\u0457_\u0454\u043b\u0435\u043d\u0438", + "\u043f\u0441\u0438\u0445\u0456\u0430\u0442\u0440\u0438\u0447\u043d\u0438\u0439_\u0437\u0430\u043a\u043b\u0430\u0434", + "\u0435\u043b\u0435\u043a\u0442\u0440\u043e\u0441\u0442\u0430\u043d\u0446\u0456\u044f", + "\u043d\u0430\u0446\u0456\u043e\u043d\u0430\u043b\u044c\u043d\u0430_\u0430\u0441\u0430\u043c\u0431\u043b\u0435\u044f_\u0431\u0443\u0440\u0443\u043d\u0434\u0456", + "\u043a\u0430\u0440\u043c\u0435\u043b\u044c", + "\u0442\u0440\u0443\u0430_\u0440\u0456\u0432'\u0454\u0440", + "\u0441\u043f\u043b\u044f\u0447\u0430_\u043a\u0440\u0430\u0441\u0443\u043d\u044f", + "\u043c\u0430\u0440\u0456\u044f_\u043c\u0430\u0433\u0434\u0430\u043b\u0438\u043d\u0430", + "\u0436\u043e\u0437\u0435\u0444_\u043b\u0443\u0457_\u0433\u0435\u0439_\u043b\u044e\u0441\u0441\u0430\u043a", + "\u043a\u0440\u0438\u0432\u0438\u0439_\u0440\u0456\u0433" + ], + "PERSON_PRONOUN": [ + "i", + "\u043c\u0435\u043d\u0435" + ], + "EVENT": [ + "\u043a\u0456\u043d\u043e\u0444\u0435\u0441\u0442\u0438\u0432\u0430\u043b\u044c", + "\u043f\u0440\u043e\u0441\u0438\u043f\u0430\u0442\u0438\u0441\u044f" + ], + "FOOD": [ + "\u0431\u0435\u043d\u0456\u043d\u043a\u0430\u0437\u0430", + "\u043a\u0440\u043e\u0432'\u044f\u043d\u043a\u0430", + "\u0441\u043d\u0456\u0434\u0430\u043d\u043e\u043a", + "\u043f\u0438\u0441\u0430\u043d\u043a\u0430", + "\u0436\u0443\u0439\u043a\u0430", + "\u043f\u0435\u0440\u0435\u043a\u0443\u0441\u043a\u0430" + ], + "PRODUCT": [ + "echinopsis_pachanoi", + "\u0448\u0435\u0441\u0442\u0456\u0440\u043d\u044f", + "\u0441\u0430\u043a\u0441\u043e\u043d\u0456\u044f_\u0430\u043d\u0433\u0430\u043b\u044c\u0442", + "\u043c\u043e\u0440\u0441\u044c\u043a\u0430_\u0441\u0432\u0438\u043d\u043a\u0430", + "\u0441\u0435\u043d_\u043f'\u0454\u0440_\u0456_\u043c\u0456\u043a\u0435\u043b\u043e\u043d", + "\u0431\u0440\u043e\u043d\u0435\u0430\u0432\u0442\u043e\u043c\u043e\u0431\u0456\u043b\u044c", + "\u043f\u0440\u0430\u0432\u0430_\u043b\u044e\u0434\u0438\u043d\u0438", + "\u0432\u0441\u0435_\u0434\u043e\u0431\u0440\u0435_\u0449\u043e_\u0434\u043e\u0431\u0440\u0435_\u0437\u0430\u043a\u0456\u043d\u0447\u0443\u0454\u0442\u044c\u0441\u044f", + "\u0441\u0435\u043d\u0442_\u0445\u0435\u043b\u0435\u043d\u0441", + "\u0447\u043e\u0442\u0438\u0440\u0438_\u043f\u043e\u0440\u0438_\u0440\u043e\u043a\u0443", + "\u043d\u043e\u0432\u0438\u0439_\u0437\u0430\u0432\u0456\u0442", + "deutsche_welle", + "\u043d\u043e\u0432\u0438\u0439_\u0437\u0430\u043f\u043e\u0432\u0456\u0442", + "\u043d\u0435\u0437\u0430\u0431\u0443\u0434\u043a\u0430" + ], + "QUANTITY": [ + "\u0442\u0440\u0438_\u0437\u0430\u043a\u043e\u043d\u0438_\u0440\u043e\u0431\u043e\u0442\u043e\u0442\u0435\u0445\u043d\u0456\u043a\u0438", + "\u043f\u0435\u0440\u0456\u043e\u0434_\u0441\u0430\u043d\u044c\u0491\u043e", + "\u0430\u0432\u0442\u043e\u0441\u0442\u043e\u044f\u043d\u043a\u0430", + "g" + ], + "PERSON": [ + "\u0437\u0435\u0432\u0441_\u0437\u0432\u0438\u0447\u0430\u0439\u043d\u0438\u0439", + "\u044f_\u0442\u0435\u0436", + "\u0431\u0440\u043e\u043d\u0435\u0442\u0440\u0430\u043d\u0441\u043f\u043e\u0440\u0442\u0435\u0440", + "\u0431\u0456\u043b\u0438\u0439_\u0433\u0440\u0438\u0431", + "\u0441\u0435\u043d_\u0431\u0430\u0440\u0442\u0435\u043b\u044c\u043c\u0456", + "\u0441\u0435\u043d\u0442_\u0432\u0456\u043d\u0441\u0435\u043d\u0442" + ], + "RACE": [ + "\u0454\u0432\u0440\u043e\u043f\u0435\u0439\u0441\u044c\u043a\u0438\u0439", + "\u0430\u0432\u0442\u043e\u0445\u0442\u043e\u043d\u043d\u0438\u0439", + "\u0430\u0444\u0440\u0438\u043a\u0430\u043d\u0441\u044c\u043a\u0438\u0439" + ], + "POLITICAL_PARTY_MEMBER": [ + "\u0431\u0456\u043b\u044c\u0448\u043e\u0432\u0438\u043a" + ], + "GENDER": [ + "man" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+ \\D+|\\D+ \\D+ \\D+|\\D+ \\D+|\\D+ \\D+ \\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u043e\u043a\u0441\u0435\u043d\u0456\u044f", + "\u043e\u0434\u0430\u0440\u043a\u0430", + "\u0432\u0430\u0441\u0438\u043b\u0438\u043d\u0430", + "\u0442\u0435\u0442\u044f\u043d\u0430", + "\u0430\u043d\u0456\u0442\u0430", + "\u0433\u0430\u043b\u0438\u043d\u0430", + "\u043b\u044e\u0434\u043c\u0438\u043b\u0430", + "\u0432\u0456\u0440\u0430", + "\u0456\u0440\u0435\u043d\u0430", + "\u0430\u043b\u044c\u0431\u0456\u043d\u0430", + "\u043a\u043b\u0430\u0432\u0434\u0456\u044f", + "\u0441\u0432\u0456\u0442\u043b\u0430\u043d\u0430", + "\u043c\u0430\u0440\u0456\u044f", + "\u044f\u0440\u0438\u043d\u0430", + "\u043c\u0456\u043b\u0435\u043d\u0430", + "\u043b\u044e\u0431\u043e\u0432", + "\u0441\u043e\u0444\u0456\u044f", + "\u043c\u0430\u0440\u0443\u0441\u044f", + "\u0430\u043c\u0430\u043b\u0456\u044f", + "\u043f\u0440\u0456\u0441\u043a\u0430", + "\u0442\u0435\u0440\u0435\u0437\u0430", + "\u043c\u0430\u0440\u02bc\u044f\u043d\u0430", + "\u0435\u0434\u0438\u0442\u0430", + "\u043b\u0456\u0437\u0430", + "\u043b\u0456\u043b\u0456\u044f", + "\u0430\u043b\u0456\u043d\u0430", + "\u0454\u043b\u0438\u0441\u0430\u0432\u0435\u0442\u0430", + "\u0430\u043d\u0430\u0441\u0442\u0430\u0441\u0456\u044f", + "\u0434\u0430\u0440\u0438\u043d\u0430", + "\u043d\u0430\u0434\u0456\u044f", + "\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u0445\u0440\u0438\u0441\u0442\u0438\u043d\u0430", + "\u0440\u043e\u0437\u0430\u043b\u0456\u044f", + "\u0441\u0432\u044f\u0442\u043e\u0441\u043b\u0430\u0432\u0430", + "\u043d\u0430\u0442\u0430\u043b\u0456\u044f", + "\u0441\u043e\u043b\u043e\u043c\u0456\u044f", + "\u0430\u0434\u0430", + "\u043e\u0440\u0438\u043d\u0430", + "\u043e\u043b\u044c\u0433\u0430", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d\u0430", + "\u043c\u0430\u0440\u0438\u043d\u0430", + "\u0432\u043e\u043b\u043e\u0434\u0438\u043c\u0438\u0440\u0430", + "\u0456\u0440\u0438\u043d\u0430", + "\u0440\u043e\u043a\u0441\u043e\u043b\u0430\u043d\u0430", + "\u0434\u0430\u043d\u043d\u0430", + "\u0435\u043c\u0456\u043b\u0456\u044f", + "\u043e\u0440\u0438\u0441\u044f", + "\u0432\u0456\u043a\u0442\u043e\u0440\u0456\u044f", + "\u044f\u0440\u043e\u0441\u043b\u0430\u0432\u0430", + "\u043e\u043b\u0435\u043d\u0430", + "\u043e\u043a\u0441\u0430\u043d\u0430", + "\u043a\u0430\u043c\u0456\u043b\u043b\u0430", + "\u0431\u043e\u0433\u0434\u0430\u043d\u043d\u0430", + "\u043b\u0430\u0440\u0438\u0441\u0430", + "\u0430\u043d\u0436\u0435\u043b\u0430", + "\u043c\u0430\u0440\u0442\u0430", + "\u0432\u0456\u043e\u043b\u0435\u0442\u0442\u0430", + "\u0431\u043e\u0433\u0443\u0441\u043b\u0430\u0432\u0430", + "\u0433\u0430\u043d\u043d\u0430", + "\u0435\u0440\u0456\u043a\u0430", + "\u043c\u0438\u0445\u0430\u0439\u043b\u0438\u043d\u0430", + "\u0430\u043b\u043b\u0430", + "\u0437\u043b\u0430\u0442\u043e\u0441\u043b\u0430\u0432\u0430", + "\u0454\u0432\u0430", + "\u0441\u043d\u0456\u0436\u0430\u043d\u0430", + "\u044e\u0441\u0442\u0438\u043d\u0430" + ], + "FIRST_NAME_MALE": [ + "\u0432\u0430\u043b\u0435\u0440\u0456\u0439", + "\u044f\u043a\u0456\u0432", + "\u0430\u043b\u0435\u0432\u0442\u0438\u043d", + "\u0432\u0456\u0442\u0430\u043b\u0456\u0439", + "\u043b\u0435\u043e\u043d\u0456\u0434", + "\u0441\u0438\u043c\u043e\u043d", + "\u0441\u043f\u0430\u0441", + "\u043e\u043c\u0435\u043b\u044f\u043d", + "\u0439\u043e\u0441\u0438\u043f", + "\u0456\u0433\u043e\u0440", + "\u0437\u043e\u0440\u044f\u043d", + "\u0441\u0442\u0435\u0444\u0430\u043d", + "\u043b\u0435\u043e\u043f\u043e\u043b\u044c\u0434", + "\u043c\u0430\u0440\u0442\u0438\u043d", + "\u0430\u0434\u0430\u043c", + "\u043f\u0430\u0432\u043b\u043e", + "\u043e\u043b\u0435\u0441\u044c", + "\u043b\u0443\u043a\u02bc\u044f\u043d", + "\u0432\u0435\u043d\u0435\u0434\u0438\u043a\u0442", + "\u0432\u02bc\u044f\u0447\u0435\u0441\u043b\u0430\u0432", + "\u0430\u0432\u0440\u0435\u043b\u0456\u0439", + "\u0442\u0438\u043c\u043e\u0444\u0456\u0439", + "\u043e\u0440\u0435\u0441\u0442", + "\u043f\u0440\u043e\u0445\u0456\u0440", + "\u0433\u043b\u0456\u0431", + "\u0433\u0440\u0438\u0433\u043e\u0440\u0456\u0439", + "\u0441\u0435\u043c\u0435\u043d", + "\u0433\u0435\u0440\u043c\u0430\u043d_", + "\u0433\u043e\u0440\u0434\u0456\u0439", + "\u0430\u043c\u0432\u0440\u043e\u0441\u0456\u0439", + "\u043e\u043d\u0438\u0441\u0438\u043c", + "\u0441\u0442\u0430\u043d\u0456\u0441\u043b\u0430\u0432", + "\u0431\u043e\u0440\u0438\u0441", + "\u043c\u0430\u0440\u043a\u043e", + "\u043f\u0430\u043d\u0442\u0435\u043b\u0435\u0439\u043c\u043e\u043d", + "\u0440\u043e\u043c\u0430\u043d", + "\u043b\u0435\u0441\u044c", + "\u043d\u0430\u0437\u0430\u0440", + "\u0441\u043e\u043b\u043e\u043c\u043e\u043d", + "\u043e\u0440\u0445\u0438\u043f", + "\u0441\u0432\u044f\u0442\u043e\u0441\u043b\u0430\u0432", + "\u0437\u0438\u043d\u043e\u0432\u0456\u0439", + "\u043b\u0435\u0432\u043a\u043e", + "\u043b\u0435\u043e\u043d\u0442\u0456\u0439", + "\u0431\u043e\u0433\u0443\u0441\u043b\u0430\u0432", + "\u0444\u0440\u0430\u043d\u0446", + "\u0432\u043e\u043b\u043e\u0434\u0438\u043c\u0438\u0440", + "\u0433\u0435\u043d\u043d\u0430\u0434\u0456\u0439", + "\u043c\u0430\u043a\u0441\u0438\u043c", + "\u043c\u0430\u043a\u0430\u0440", + "\u0432\u0430\u0440\u0444\u043e\u043b\u043e\u043c\u0456\u0439", + "\u043e\u043b\u0435\u0433", + "\u043f\u0438\u043b\u0438\u043f", + "\u043c\u0438\u0445\u0430\u0439\u043b\u043e", + "\u043f\u0430\u043d\u0430\u0441", + "\u0440\u0443\u0441\u043b\u0430\u043d", + "\u0434\u0435\u043c\u0438\u0434", + "\u043c\u0438\u0440\u043e\u0441\u043b\u0430\u0432", + "\u0443\u0441\u0442\u0438\u043c", + "\u0434\u043c\u0438\u0442\u0440\u043e", + "\u0430\u0440\u0441\u0435\u043d", + "\u0441\u0435\u0440\u0433\u0456\u0439", + "\u043f\u0430\u0440\u043c\u0435\u043d", + "\u043c\u0438\u043a\u043e\u043b\u0430\u0439", + "\u0445\u043e\u043c\u0430", + "\u0430\u0437\u0430\u0440", + "\u044f\u0440\u043e\u0441\u043b\u0430\u0432", + "\u043a\u043e\u0441\u0442\u044f\u043d\u0442\u0438\u043d", + "\u0432\u0430\u0441\u0438\u043b\u044c", + "\u0430\u043d\u0442\u043e\u043d", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u044e\u0441\u0442\u0438\u043c", + "\u0444\u0435\u0434\u0456\u0440", + "\u0437\u0430\u0445\u0430\u0440", + "\u0434\u0430\u043d", + "\u043e\u043f\u0430\u043d\u0430\u0441", + "\u044e\u0445\u0438\u043c", + "\u0432\u043b\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u043e\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440", + "\u043a\u043b\u0438\u043c\u0435\u043d\u0442", + "\u0431\u043e\u0440\u0438\u0441\u043b\u0430\u0432", + "\u0431\u043e\u0433\u0434\u0430\u043d", + "\u0454\u043b\u0438\u0441\u0435\u0439", + "\u0432\u0456\u043a\u0442\u043e\u0440", + "\u0430\u043b\u044c\u0431\u0435\u0440\u0442", + "\u0434\u0430\u043d\u0438\u043b\u043e", + "\u0431\u043e\u043b\u0435\u0441\u043b\u0430\u0432", + "\u0430\u0440\u043a\u0430\u0434\u0456\u0439", + "\u0433\u0430\u0432\u0440\u0438\u043b\u043e", + "\u0456\u0433\u043d\u0430\u0442", + "\u0431\u043e\u0433\u043e\u0434\u0430\u0440", + "\u0432\u0430\u0434\u0438\u043c", + "\u043f\u0435\u0442\u0440\u043e", + "\u043d\u0435\u0441\u0442\u043e\u0440", + "\u043c\u0438\u043a\u0438\u0442\u0430", + "\u043e\u0441\u0442\u0430\u043f", + "\u0454\u0432\u0433\u0435\u043d", + "\u043b\u0435\u043e\u043d", + "\u0435\u0434\u0443\u0430\u0440\u0434", + "\u0430\u0430\u0440\u043e\u043d", + "\u0432\u0435\u043d\u0456\u044f\u043c\u0438\u043d", + "\u0433\u0435\u043e\u0440\u0433\u0456\u0439", + "\u043e\u0445\u0440\u0456\u043c", + "\u0430\u0432\u0433\u0443\u0441\u0442\u0438\u043d", + "\u0442\u0440\u043e\u0445\u0438\u043c", + "\u0456\u043b\u043b\u044f", + "\u043c\u0438\u0440\u043e\u043d", + "\u0430\u0440\u0442\u0435\u043c", + "\u0454\u0444\u0440\u0435\u043c", + "\u043e\u043b\u0435\u043a\u0441\u0430", + "\u0441\u0442\u0435\u043f\u0430\u043d", + "\u0442\u0435\u043e\u0434\u043e\u0440", + "\u044f\u0440\u0435\u043c\u0430", + "\u0430\u043d\u0434\u0440\u0456\u0439", + "\u0442\u0430\u0440\u0430\u0441", + "\u0434\u0435\u043c\u02bc\u044f\u043d", + "\u0444\u0435\u043e\u0444\u0430\u043d", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d", + "\u043a\u0438\u0440\u0438\u043b\u043e", + "\u0456\u0432\u0430\u043d", + "\u0434\u0430\u0432\u0438\u0434" + ], + "PREFIX_FEMALE": [ + "\u043f\u0430\u043d\u0456" + ], + "PREFIX_MALE": [ + "\u043f\u0430\u043d" + ], + "FIRST_NAME": [ + "\u043e\u0434\u0430\u0440\u043a\u0430", + "\u0442\u0435\u0442\u044f\u043d\u0430", + "\u0430\u043d\u0456\u0442\u0430", + "\u0432\u0430\u043b\u0435\u0440\u0456\u0439", + "\u0430\u043b\u044c\u0431\u0456\u043d\u0430", + "\u044f\u043a\u0456\u0432", + "\u0430\u043b\u0435\u0432\u0442\u0438\u043d", + "\u043c\u0456\u043b\u0435\u043d\u0430", + "\u0441\u043e\u0444\u0456\u044f", + "\u043c\u0430\u0440\u0443\u0441\u044f", + "\u0432\u0456\u0442\u0430\u043b\u0456\u0439", + "\u043b\u0435\u043e\u043d\u0456\u0434", + "\u043c\u0430\u0440\u02bc\u044f\u043d\u0430", + "\u043b\u0456\u043b\u0456\u044f", + "\u0441\u0438\u043c\u043e\u043d", + "\u0441\u043f\u0430\u0441", + "\u0434\u0430\u0440\u0438\u043d\u0430", + "\u043e\u043c\u0435\u043b\u044f\u043d", + "\u0439\u043e\u0441\u0438\u043f", + "\u0456\u0433\u043e\u0440", + "\u0437\u043e\u0440\u044f\u043d", + "\u0432\u043e\u043b\u043e\u0434\u0438\u043c\u0438\u0440\u0430", + "\u0441\u0442\u0435\u0444\u0430\u043d", + "\u043b\u0435\u043e\u043f\u043e\u043b\u044c\u0434", + "\u043e\u043a\u0441\u0430\u043d\u0430", + "\u043c\u0430\u0440\u0442\u0438\u043d", + "\u0430\u0434\u0430\u043c", + "\u043b\u0430\u0440\u0438\u0441\u0430", + "\u043f\u0430\u0432\u043b\u043e", + "\u043e\u043b\u0435\u0441\u044c", + "\u0432\u0456\u043e\u043b\u0435\u0442\u0442\u0430", + "\u0432\u0435\u043d\u0435\u0434\u0438\u043a\u0442", + "\u043b\u0443\u043a\u02bc\u044f\u043d", + "\u0432\u02bc\u044f\u0447\u0435\u0441\u043b\u0430\u0432", + "\u043c\u0438\u0445\u0430\u0439\u043b\u0438\u043d\u0430", + "\u0430\u0432\u0440\u0435\u043b\u0456\u0439", + "\u0437\u043b\u0430\u0442\u043e\u0441\u043b\u0430\u0432\u0430", + "\u0442\u0438\u043c\u043e\u0444\u0456\u0439", + "\u043e\u0440\u0435\u0441\u0442", + "\u043f\u0440\u043e\u0445\u0456\u0440", + "\u0433\u043b\u0456\u0431", + "\u0433\u0440\u0438\u0433\u043e\u0440\u0456\u0439", + "\u0441\u0435\u043c\u0435\u043d", + "\u043e\u043b\u0435\u043d\u0430", + "\u0433\u0435\u0440\u043c\u0430\u043d_", + "\u0432\u0430\u0441\u0438\u043b\u0438\u043d\u0430", + "\u0433\u0430\u043b\u0438\u043d\u0430", + "\u0433\u043e\u0440\u0434\u0456\u0439", + "\u0430\u043c\u0432\u0440\u043e\u0441\u0456\u0439", + "\u0441\u0432\u0456\u0442\u043b\u0430\u043d\u0430", + "\u0432\u0456\u0440\u0430", + "\u043a\u043b\u0430\u0432\u0434\u0456\u044f", + "\u043e\u043d\u0438\u0441\u0438\u043c", + "\u043c\u0430\u0440\u0456\u044f", + "\u0441\u0442\u0430\u043d\u0456\u0441\u043b\u0430\u0432", + "\u0430\u043d\u0430\u0441\u0442\u0430\u0441\u0456\u044f", + "\u0431\u043e\u0440\u0438\u0441", + "\u043c\u0430\u0440\u043a\u043e", + "\u043f\u0430\u043d\u0442\u0435\u043b\u0435\u0439\u043c\u043e\u043d", + "\u0440\u043e\u043c\u0430\u043d", + "\u043b\u0435\u0441\u044c", + "\u043e\u0440\u0438\u043d\u0430", + "\u043d\u0430\u0437\u0430\u0440", + "\u0441\u043e\u043b\u043e\u043c\u043e\u043d", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d\u0430", + "\u043c\u0430\u0440\u0438\u043d\u0430", + "\u0456\u0440\u0438\u043d\u0430", + "\u0440\u043e\u043a\u0441\u043e\u043b\u0430\u043d\u0430", + "\u0434\u0430\u043d\u043d\u0430", + "\u0435\u043c\u0456\u043b\u0456\u044f", + "\u043a\u0430\u043c\u0456\u043b\u043b\u0430", + "\u0441\u0432\u044f\u0442\u043e\u0441\u043b\u0430\u0432", + "\u0437\u0438\u043d\u043e\u0432\u0456\u0439", + "\u043b\u0435\u0432\u043a\u043e", + "\u043b\u0435\u043e\u043d\u0442\u0456\u0439", + "\u0431\u043e\u0433\u0443\u0441\u043b\u0430\u0432", + "\u0431\u043e\u0433\u0443\u0441\u043b\u0430\u0432\u0430", + "\u0444\u0440\u0430\u043d\u0446", + "\u0432\u043e\u043b\u043e\u0434\u0438\u043c\u0438\u0440", + "\u0433\u0435\u043d\u043d\u0430\u0434\u0456\u0439", + "\u043c\u0430\u043a\u0441\u0438\u043c", + "\u043c\u0430\u043a\u0430\u0440", + "\u0432\u0430\u0440\u0444\u043e\u043b\u043e\u043c\u0456\u0439", + "\u043e\u043b\u0435\u0433", + "\u044e\u0441\u0442\u0438\u043d\u0430", + "\u043e\u043a\u0441\u0435\u043d\u0456\u044f", + "\u043f\u0438\u043b\u0438\u043f", + "\u043c\u0438\u0445\u0430\u0439\u043b\u043e", + "\u043f\u0430\u043d\u0430\u0441", + "\u0440\u0443\u0441\u043b\u0430\u043d", + "\u044f\u0440\u0438\u043d\u0430", + "\u0434\u0435\u043c\u0438\u0434", + "\u043c\u0438\u0440\u043e\u0441\u043b\u0430\u0432", + "\u043f\u0440\u0456\u0441\u043a\u0430", + "\u0443\u0441\u0442\u0438\u043c", + "\u0434\u043c\u0438\u0442\u0440\u043e", + "\u0435\u0434\u0438\u0442\u0430", + "\u043b\u0456\u0437\u0430", + "\u0430\u043b\u0456\u043d\u0430", + "\u0430\u0440\u0441\u0435\u043d", + "\u0441\u0435\u0440\u0433\u0456\u0439", + "\u0454\u043b\u0438\u0441\u0430\u0432\u0435\u0442\u0430", + "\u043f\u0430\u0440\u043c\u0435\u043d", + "\u043c\u0438\u043a\u043e\u043b\u0430\u0439", + "\u0445\u043e\u043c\u0430", + "\u0430\u0437\u0430\u0440", + "\u0445\u0440\u0438\u0441\u0442\u0438\u043d\u0430", + "\u044f\u0440\u043e\u0441\u043b\u0430\u0432", + "\u043a\u043e\u0441\u0442\u044f\u043d\u0442\u0438\u043d", + "\u043d\u0430\u0442\u0430\u043b\u0456\u044f", + "\u0432\u0430\u0441\u0438\u043b\u044c", + "\u0430\u043d\u0442\u043e\u043d", + "\u0440\u043e\u0441\u0442\u0438\u0441\u043b\u0430\u0432", + "\u044e\u0441\u0442\u0438\u043c", + "\u0432\u0456\u043a\u0442\u043e\u0440\u0456\u044f", + "\u0444\u0435\u0434\u0456\u0440", + "\u0437\u0430\u0445\u0430\u0440", + "\u0434\u0430\u043d", + "\u043e\u043f\u0430\u043d\u0430\u0441", + "\u0430\u043d\u0436\u0435\u043b\u0430", + "\u044e\u0445\u0438\u043c", + "\u0432\u043b\u0430\u0434\u0438\u0441\u043b\u0430\u0432", + "\u0435\u0440\u0456\u043a\u0430", + "\u043e\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440", + "\u043a\u043b\u0438\u043c\u0435\u043d\u0442", + "\u0431\u043e\u0440\u0438\u0441\u043b\u0430\u0432", + "\u0430\u043b\u043b\u0430", + "\u0431\u043e\u0433\u0434\u0430\u043d", + "\u0454\u043b\u0438\u0441\u0435\u0439", + "\u0432\u0456\u043a\u0442\u043e\u0440", + "\u0441\u043d\u0456\u0436\u0430\u043d\u0430", + "\u0430\u043b\u044c\u0431\u0435\u0440\u0442", + "\u0434\u0430\u043d\u0438\u043b\u043e", + "\u0431\u043e\u043b\u0435\u0441\u043b\u0430\u0432", + "\u043b\u044e\u0434\u043c\u0438\u043b\u0430", + "\u0456\u0440\u0435\u043d\u0430", + "\u0430\u0440\u043a\u0430\u0434\u0456\u0439", + "\u043b\u044e\u0431\u043e\u0432", + "\u0433\u0430\u0432\u0440\u0438\u043b\u043e", + "\u0434\u0430\u0432\u0438\u0434", + "\u0456\u0433\u043d\u0430\u0442", + "\u0430\u043c\u0430\u043b\u0456\u044f", + "\u0431\u043e\u0433\u043e\u0434\u0430\u0440", + "\u0442\u0435\u0440\u0435\u0437\u0430", + "\u0432\u0430\u0434\u0438\u043c", + "\u043f\u0435\u0442\u0440\u043e", + "\u043d\u0435\u0441\u0442\u043e\u0440", + "\u043c\u0438\u043a\u0438\u0442\u0430", + "\u043e\u0441\u0442\u0430\u043f", + "\u043d\u0430\u0434\u0456\u044f", + "\u0432\u0430\u0440\u0432\u0430\u0440\u0430", + "\u0454\u0432\u0433\u0435\u043d", + "\u043b\u0435\u043e\u043d", + "\u0435\u0434\u0443\u0430\u0440\u0434", + "\u0430\u0430\u0440\u043e\u043d", + "\u0440\u043e\u0437\u0430\u043b\u0456\u044f", + "\u0430\u0434\u0430", + "\u0441\u043e\u043b\u043e\u043c\u0456\u044f", + "\u0432\u0435\u043d\u0456\u044f\u043c\u0438\u043d", + "\u0441\u0432\u044f\u0442\u043e\u0441\u043b\u0430\u0432\u0430", + "\u0433\u0435\u043e\u0440\u0433\u0456\u0439", + "\u043e\u0445\u0440\u0456\u043c", + "\u043e\u043b\u044c\u0433\u0430", + "\u0430\u0432\u0433\u0443\u0441\u0442\u0438\u043d", + "\u0442\u0440\u043e\u0445\u0438\u043c", + "\u0456\u043b\u043b\u044f", + "\u043c\u0438\u0440\u043e\u043d", + "\u043e\u0440\u0438\u0441\u044f", + "\u044f\u0440\u043e\u0441\u043b\u0430\u0432\u0430", + "\u0430\u0440\u0442\u0435\u043c", + "\u0431\u043e\u0433\u0434\u0430\u043d\u043d\u0430", + "\u0454\u0444\u0440\u0435\u043c", + "\u043e\u043b\u0435\u043a\u0441\u0430", + "\u0441\u0442\u0435\u043f\u0430\u043d", + "\u043c\u0430\u0440\u0442\u0430", + "\u0442\u0435\u043e\u0434\u043e\u0440", + "\u044f\u0440\u0435\u043c\u0430", + "\u0430\u043d\u0434\u0440\u0456\u0439", + "\u0442\u0430\u0440\u0430\u0441", + "\u0433\u0430\u043d\u043d\u0430", + "\u0434\u0435\u043c\u02bc\u044f\u043d", + "\u0444\u0435\u043e\u0444\u0430\u043d", + "\u0432\u0430\u043b\u0435\u043d\u0442\u0438\u043d", + "\u043a\u0438\u0440\u0438\u043b\u043e", + "\u0456\u0432\u0430\u043d", + "\u043e\u0440\u0445\u0438\u043f", + "\u0454\u0432\u0430" + ], + "LAST_NAME": [ + "\u043a\u043e\u043b\u043e\u0434\u0443\u0431", + "\u0431\u0430\u0440\u0430\u043d\u0435\u0446\u044c", + "\u043e\u0441\u0442\u0430\u043f\u0447\u0443\u043a", + "\u0431\u0435\u0432\u0437", + "\u0454\u0440\u0435\u043c\u0435\u043d\u043a\u043e", + "\u0430\u043b\u0435\u043a\u0441\u044e\u043a", + "\u0456\u043b\u044c\u0447\u0435\u043d\u043a\u043e", + "\u0430\u043d\u0434\u0440\u0456\u0454\u043d\u043a\u043e", + "\u043d\u0435\u0441\u0442\u0430\u0439\u043a\u043e", + "\u0442\u0435\u0440\u0435\u0449\u0443\u043a", + "\u0434\u0430\u0445\u043d\u043e", + "\u0432\u0435\u0440\u043d\u0438\u0433\u043e\u0440\u0430", + "\u0441\u043e\u043c\u043a\u043e", + "\u043d\u0456\u043a\u043e\u043b\u044e\u043a", + "\u0448\u0435\u043b\u0435\u0441\u0442", + "\u0445\u043e\u043c\u0438\u043a", + "\u0436\u0430\u043b\u0456\u043b\u043e", + "\u0447\u043e\u0440\u043d\u043e\u0432\u0456\u043b", + "\u0454\u043c\u0435\u043b\u044c\u044f\u043d\u0435\u043d\u043a\u043e", + "\u0434\u0435\u0440\u0435\u0433\u0443\u0441", + "\u043c\u0430\u043a\u0430\u0440\u0435\u043d\u043a\u043e", + "\u0437\u0456\u043d\u0447\u0435\u043d\u043a\u043e", + "\u0430\u043d\u0434\u0440\u0456\u0457\u0448\u0438\u043d", + "\u043b\u0443\u043a\u0430\u0448", + "\u0454\u0440\u043c\u043e\u043b\u0435\u043d\u043a\u043e", + "\u0441\u0435\u043c\u0435\u043d\u0447\u0435\u043d\u043a\u043e", + "\u0436\u0430\u0434\u0430\u043d", + "\u0441\u0443\u043f\u0440\u0443\u043d\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0431\u0430\u0448\u0442\u0430", + "\u0431\u0430\u0439\u0434\u0430\u043a", + "\u0436\u0443\u043a", + "\u0447\u0430\u0439\u043a\u0430", + "\u0446\u0438\u0431\u0443\u043b\u0435\u043d\u043a\u043e", + "\u0436\u0430\u0440\u043a\u043e", + "\u0437\u0430\u0454\u0446\u044c", + "\u0448\u0438\u043b\u043e", + "\u0444\u043e\u043c\u0435\u043d\u043a\u043e", + "\u0442\u0435\u0441\u043b\u0435\u043d\u043a\u043e", + "\u0442\u043e\u0432\u0441\u0442\u0443\u0445\u0430", + "\u0431\u0433\u0438\u0434\u0435\u043d\u043a\u043e", + "\u0432\u043b\u0430\u0441\u0435\u043d\u043a\u043e", + "\u043a\u0430\u043b\u044c\u0447\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0432\u0440\u0438\u043b\u0435\u043d\u043a\u043e", + "\u0431\u0430\u0437\u0438\u043b\u0435\u0432\u0438\u0447", + "\u0454\u0449\u0435\u043d\u043a\u043e", + "\u0430\u043d\u0434\u0440\u043e\u0449\u0443\u043a", + "\u0441\u0430\u0447\u0435\u043d\u043a\u043e", + "\u0432\u0435\u0440\u043c\u0435\u043d\u0438\u0447", + "\u043a\u043e\u043f\u0438\u0442\u043a\u043e", + "\u0434\u0430\u043d\u0447\u0435\u043d\u043a\u043e", + "\u0433\u0440\u0435\u0447\u0430\u043d\u0438\u043a", + "\u0440\u044f\u0431\u043e\u0432\u0456\u043b", + "\u0441\u0432\u0438\u0440\u0438\u0434\u0435\u043d\u043a\u043e", + "\u0430\u0440\u043e\u043d\u0435\u0446\u044c", + "\u044f\u0440\u0435\u043c\u043a\u043e", + "\u0431\u0430\u0431\u02bc\u044e\u043a", + "\u0434\u0443\u0440\u0434\u0438\u043d\u0435\u0446\u044c", + "\u0434\u0430\u043d\u044c\u043a\u043e", + "\u0446\u0438\u043c\u0431\u0430\u043b", + "\u0440\u044f\u0431\u043e\u0448\u0430\u043f\u043a\u0430", + "\u0456\u0441\u0430\u0454\u043d\u043a\u043e", + "\u0447\u0435\u043a\u0430\u043b\u044e\u043a", + "\u0447\u0443\u043f\u0440\u0438\u043d\u0430", + "\u0437\u0456\u043d\u0447\u0443\u043a", + "\u0431\u0430\u043d\u0434\u0443\u0440\u0430", + "\u0441\u0438\u0440\u043e\u0442\u0435\u043d\u043a\u043e", + "\u0434\u0435\u043c\u02bc\u044f\u043d\u0447\u0443\u043a", + "\u0448\u0438\u044f\u043d", + "\u0437\u0430\u0441\u0435\u043d\u043a\u043e", + "\u0434\u0430\u0446\u0435\u043d\u043a\u043e", + "\u0432\u043e\u0432\u043a", + "\u043b\u0438\u0442\u0432\u0438\u043d", + "\u044f\u0440\u0435\u043c\u0435\u043d\u043a\u043e", + "\u0442\u043e\u043a\u0430\u0440", + "\u043c\u0430\u043c\u0447\u0443\u0440", + "\u0434\u0440\u043e\u0431\u0430\u0445\u0430", + "\u0432\u0430\u0442\u0430\u043c\u0430\u043d\u044e\u043a", + "\u0444\u0430\u0440\u0435\u043d\u044e\u043a", + "\u0430\u0440\u0442\u044e\u0448\u0435\u043d\u043a\u043e", + "\u043e\u043d\u0456\u0449\u0443\u043a", + "\u0454\u0440\u0447\u0435\u043d\u043a\u043e", + "\u044e\u0449\u0435\u043d\u043a\u043e", + "\u043a\u0430\u0431\u0430\u043d\u0435\u043d\u043a\u043e", + "\u0433\u043e\u043b\u0438\u043a", + "\u0440\u043e\u043c\u0430\u043d\u0447\u0443\u043a", + "\u043b\u0438\u0442\u0432\u0438\u043d\u0435\u043d\u043a\u043e", + "\u043d\u0435\u043f\u043e\u0440\u043e\u0436\u043d\u0456\u0439", + "\u043f\u0440\u0438\u043c\u0430\u0447\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0439\u0434\u0430\u0439", + "\u0456\u0449\u0430\u043a", + "\u0444\u0443\u0440\u0441", + "\u0430\u0440\u0442\u0438\u043c\u0438\u0448\u0438\u043d", + "\u043e\u043d\u0443\u0444\u0440\u0456\u0454\u043d\u043a\u043e", + "\u044f\u0440\u0435\u043c\u043a\u0456\u0432", + "\u0432\u0435\u0440\u0445\u043e\u0432\u0438\u043d\u0435\u0446\u044c", + "\u0430\u043d\u0434\u0440\u0443\u0441\u0435\u043d\u043a\u043e", + "\u0434\u0440\u043e\u0431\u02bc\u044f\u0437\u043a\u043e", + "\u043f\u0430\u0440\u0430\u0441\u044e\u043a", + "\u043e\u043b\u0456\u0439\u043d\u0438\u043a", + "\u0446\u044e\u0446\u044e\u0440\u0430", + "\u0430\u0440\u0442\u0438\u043c\u043e\u0432\u0438\u0447", + "\u0445\u0430\u0440\u0447\u0435\u043d\u043a\u043e", + "\u044f\u043a\u043e\u0432\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0442\u0443\u043b\u0430", + "\u0430\u0434\u0430\u043c\u0435\u043d\u043a\u043e", + "\u0434\u0435\u043c\u0438\u0434\u0435\u043d\u043a\u043e", + "\u043c\u0456\u0440\u043e\u0448\u043d\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0431\u0430\u0431\u0430\u043a", + "\u0436\u0443\u0440\u0431\u0430", + "\u0433\u0430\u0431\u0435\u043b\u043a\u043e", + "\u043f\u0440\u043e\u0446\u0435\u043d\u043a\u043e", + "\u0440\u0443\u0434\u0438\u043a", + "\u043a\u0430\u0440\u043f\u0430", + "\u0443\u0434\u043e\u0432\u0435\u043d\u043a\u043e", + "\u0448\u0432\u0435\u0434\u0447\u0435\u043d\u043a\u043e", + "\u043a\u043e\u043d\u043e\u043f\u043b\u0435\u043d\u043a\u043e", + "\u043e\u043d\u0438\u0449\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0439\u0432\u043e\u0440\u043e\u043d\u0441\u044c\u043a\u0438\u0439", + "\u0456\u0441\u0430\u0454\u0432\u0438\u0447", + "\u043a\u043e\u0432\u0430\u043b\u0435\u043d\u043a\u043e", + "\u0441\u0438\u0447", + "\u0430\u0442\u0440\u043e\u0449\u0435\u043d\u043a\u043e", + "\u0434\u0435\u0439\u0441\u0443\u043d", + "\u0431\u0430\u0431\u0435\u043d\u043a\u043e", + "\u0430\u0432\u0440\u0430\u043c\u0435\u043d\u043a\u043e", + "\u0430\u043b\u0435\u043a\u0441\u0435\u0454\u043d\u043a\u043e", + "\u0440\u0443\u0431\u0430\u043d", + "\u0433\u0440\u0438\u0446\u0435\u043d\u043a\u043e", + "\u043b\u0443\u0431\u0435\u043d\u0435\u0446\u044c", + "\u0437\u0443\u0431\u043a\u043e", + "\u0434\u0430\u043d\u0438\u043b\u044c\u0447\u0443\u043a", + "\u043f\u0435\u0440\u0435\u0431\u0438\u0439\u043d\u0456\u0441", + "\u0441\u043a\u0438\u0431\u0430", + "\u044f\u0440\u0435\u043c\u0430", + "\u0432\u0456\u0432\u0447\u0430\u0440\u0435\u043d\u043a\u043e", + "\u043d\u0435\u0433\u043e\u0434\u0430", + "\u0430\u0432\u0435\u0440\u0447\u0435\u043d\u043a\u043e", + "\u0430\u043b\u0435\u043a\u0441\u0430\u043d\u0434\u0440\u0435\u043d\u043a\u043e", + "\u0433\u0443\u0437\u044c", + "\u043f\u0435\u043b\u0435\u0445", + "\u0454\u043c\u0435\u0446\u044c", + "\u0433\u0443\u0437\u0456\u0439", + "\u0433\u0430\u0439\u0434\u0430\u043c\u0430\u043a\u0430", + "\u044f\u0449\u0435\u043d\u043a\u043e", + "\u0434\u0443\u043f\u043b\u0456\u0439", + "\u0436\u0443\u0440\u0430\u0432\u0435\u043b\u044c", + "\u0442\u043a\u0430\u0447\u0435\u043d\u043a\u043e", + "\u0491\u0430\u043b\u0430\u0491\u0430\u043d", + "\u043e\u0432\u0447\u0430\u0440\u0435\u043d\u043a\u043e", + "\u0444\u0440\u0430\u043d\u0447\u0443\u043a", + "\u0432\u0430\u0445\u043d\u0456\u0439", + "\u0434\u0440\u043e\u0437\u0434\u0435\u043d\u043a\u043e", + "\u0454\u0432\u0434\u043e\u043a\u0438\u043c\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0454\u0432\u0441\u044c\u043a\u0438\u0439", + "\u0441\u0438\u043c\u043e\u043d\u0435\u043d\u043a\u043e", + "\u0441\u0442\u0435\u043b\u044c\u043c\u0430\u0445", + "\u0434\u0435\u0439\u043d\u0435\u043a\u043e", + "\u0449\u0435\u0440\u0431\u0430\u043a", + "\u0431\u0430\u0431\u0438\u0447\u0435\u043d\u043a\u043e", + "\u043b\u0435\u043c\u0435\u0448\u043a\u043e", + "\u043e\u0445\u0440\u0456\u043c\u0435\u043d\u043a\u043e", + "\u043e\u043b\u0456\u0444\u0456\u0440\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0432\u0440\u0438\u0448", + "\u0430\u043b\u0435\u043a\u0441\u0456\u0439\u0447\u0443\u043a", + "\u043a\u043e\u043d\u043e\u043f\u043b\u044f", + "\u0434\u0430\u043d\u0447\u0443\u043a", + "\u0441\u0430\u043b\u0456\u0439", + "\u0491\u0436\u0438\u0446\u044c\u043a\u0438\u0439", + "\u043a\u043e\u0440\u0431\u0443\u0442", + "\u0435\u0439\u0431\u043e\u0436\u0435\u043d\u043a\u043e", + "\u0436\u0443\u0447\u0435\u043d\u043a\u043e", + "\u0443\u0434\u043e\u0432\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0447\u0443\u043c\u0430\u0447\u0435\u043d\u043a\u043e", + "\u0442\u044f\u0433\u043d\u0438\u0431\u043e\u043a", + "\u0441\u0430\u0433\u0430\u043b\u044c", + "\u0442\u0435\u0441\u043b\u044f", + "\u0446\u0430\u0440\u0435\u043d\u043a\u043e", + "\u043c\u0438\u0445\u0430\u0439\u043b\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0445\u043e\u0440\u0456\u0448\u043a\u043e", + "\u043f\u0440\u043e\u043a\u043e\u043f\u043e\u0432\u0438\u0447", + "\u043f\u0440\u0438\u0442\u0443\u043b\u0430", + "\u043e\u0440\u043b\u0438\u043a", + "\u0447\u0443\u0431\u0430\u0439", + "\u0448\u0442\u0435\u043f\u0430", + "\u0432\u0438\u0448\u0438\u0432\u0430\u043d\u0438\u0439", + "\u0440\u0443\u0434\u044c\u043a\u043e", + "\u043a\u043e\u0440\u0436", + "\u0441\u0442\u0435\u0446\u044c", + "\u043c\u0456\u0449\u0435\u043d\u043a\u043e", + "\u043b\u0430\u0432\u0440\u0435\u043d\u043a\u043e", + "\u043e\u043f\u0430\u043d\u0430\u0441\u0435\u043d\u043a\u043e", + "\u0445\u0443\u0434\u044f\u043a", + "\u0434\u0435\u0440\u0433\u0430\u0447", + "\u0432\u0430\u0441\u0438\u043b\u0430\u0448\u043a\u043e", + "\u0430\u0431\u0440\u0430\u0433\u0430\u043c\u043e\u0432\u0441\u044c\u043a\u0438\u0439", + "\u0434\u0430\u043d\u0438\u043b\u044e\u043a", + "\u0440\u0435\u0432\u0430", + "\u0449\u0435\u0440\u0431\u0430\u043d\u044c", + "\u0434\u0430\u0440\u0430\u0433\u0430\u043d", + "\u043e\u0445\u0440\u0438\u043c\u043e\u0432\u0438\u0447", + "\u0431\u0430\u0431\u0456\u0439\u0447\u0443\u043a", + "\u043f\u0440\u0438\u0445\u043e\u0434\u044c\u043a\u043e", + "\u0431\u0430\u0448\u043f\u043e\u043b\u0447\u0435\u043d\u043a\u043e", + "\u0437\u0430\u043f\u043e\u0440\u043e\u0436\u0435\u0446\u044c", + "\u044f\u0440\u0435\u043c\u0447\u0443\u043a", + "\u0437\u0456\u043d\u043a\u0435\u0432\u0438\u0447", + "\u0432\u0435\u0440\u0445\u043e\u043b\u0430", + "\u0440\u044f\u0431\u0435\u0446\u044c", + "\u0433\u043e\u0433\u043e\u043b\u044c", + "\u0491\u0435\u0440\u0443\u0441", + "\u043f\u0435\u0442\u0440\u0435\u043d\u043a\u043e", + "\u0430\u043a\u0438\u043c\u0435\u043d\u043a\u043e", + "\u043c\u0430\u043b\u0438\u043a", + "\u0442\u0435\u043b\u0456\u0436\u0435\u043d\u043a\u043e", + "\u0434\u0437\u0438\u043d\u0434\u0440\u0430", + "\u0434\u0443\u0431\u0438\u043d\u0430", + "\u0434\u0430\u0448\u0435\u043d\u043a\u043e", + "\u0431\u0430\u043b\u0430\u0431\u0430\u043d", + "\u0432\u0430\u0449\u0435\u043d\u043a\u043e_\u0437\u0430\u0445\u0430\u0440\u0447\u0435\u043d\u043a\u043e", + "\u0456\u0440\u0432\u0430\u043d\u0435\u0446\u044c", + "\u0430\u043d\u0434\u0440\u0456\u0439\u043e\u0432\u0438\u0447", + "\u0432\u043b\u0430\u0441\u044e\u043a", + "\u0437\u0430\u043a\u0443\u0441\u0438\u043b\u043e", + "\u0448\u043c\u043e\u0440\u0433\u0443\u043d", + "\u0430\u0434\u0430\u043c\u0447\u0443\u043a", + "\u0431\u0430\u0439\u0440\u0430\u043a", + "\u0432\u0434\u043e\u0432\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0431\u0435\u0432\u0437\u0435\u043d\u043a\u043e", + "\u0444\u0440\u0430\u043d\u043a\u043e", + "\u043f\u0443\u0448\u043a\u0430\u0440", + "\u0430\u0440\u0445\u0438\u043c\u043e\u0432\u0438\u0447", + "\u0433\u0430\u0432\u0440\u0438\u043b\u044e\u043a", + "\u0430\u0431\u0440\u0430\u043c\u0447\u0443\u043a", + "\u0432\u0430\u0449\u0435\u043d\u043a\u043e", + "\u0434\u0440\u043e\u0437\u0434", + "\u043b\u044f\u0448\u043a\u043e", + "\u043f\u043e\u043b\u0442\u0430\u0432\u0435\u0446\u044c", + "\u0431\u0430\u0448\u0442\u0430\u043d", + "\u043a\u0430\u043d\u0456\u0432\u0435\u0446\u044c", + "\u0454\u0432\u0442\u0443\u0448\u043e\u043a", + "\u0433\u043e\u043b\u043e\u0431\u043e\u0440\u043e\u0434\u044c\u043a\u043e", + "\u0432\u0430\u043b\u0435\u043d\u043a\u043e", + "\u0430\u043d\u0434\u0440\u0435\u0439\u043a\u043e", + "\u043f\u0435\u0440\u0435\u043f\u0435\u043b\u0438\u0446\u044f", + "\u0448\u0432\u0430\u0447\u043a\u0430", + "\u0432\u043e\u0431\u043b\u0438\u0439", + "\u043d\u0430\u043b\u0438\u0432\u0430\u0439\u043a\u043e", + "\u0431\u0430\u0440\u0430\u043d\u043d\u0438\u043a", + "\u0434\u0436\u0443\u0441", + "\u0448\u0430\u0431\u043b\u0456\u0439", + "\u0447\u0443\u043c\u0430\u043a", + "\u0441\u0456\u043c\u0430\u0448\u043a\u0435\u0432\u0438\u0447", + "\u0433\u0443\u0437\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0439\u0434\u0430", + "\u0448\u0430\u0445\u0440\u0430\u0439", + "\u0443\u0441\u0438\u043a", + "\u0449\u0438\u0440\u0438\u0446\u044f", + "\u0454\u0444\u0438\u043c\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0431\u0430\u0440\u043d\u0438\u0439", + "\u0434\u043e\u0446\u0435\u043d\u043a\u043e", + "\u0442\u0435\u043b\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0431\u0430\u0440\u0430\u043d\u0438\u043a", + "\u0430\u0431\u0440\u0430\u043c\u0435\u043d\u043a\u043e", + "\u0444\u0435\u0441\u0435\u043d\u043a\u043e", + "\u0434\u0443\u0442\u043a\u0430", + "\u0434\u0430\u0432\u0438\u0434\u0435\u043d\u043a\u043e", + "\u043b\u0435\u0432\u0447\u0435\u043d\u043a\u043e", + "\u044e\u0445\u0438\u043c\u0435\u043d\u043a\u043e", + "\u044f\u0449\u0443\u043a", + "\u0447\u043c\u0456\u043b\u044c", + "\u043c\u0430\u0441\u043b\u044f\u043a", + "\u043e\u0431\u0435\u0440\u0435\u043c\u043a\u043e", + "\u043a\u0438\u0440\u0438\u043b\u0435\u043d\u043a\u043e", + "\u0447\u0443\u0439\u043a\u043e", + "\u043a\u043e\u043c\u0430\u0440", + "\u0437\u0430\u0441\u044f\u0434\u044c\u043a\u043e", + "\u0441\u0456\u0440\u043a\u043e", + "\u044e\u0440\u0447\u0443\u043a", + "\u0442\u0443\u0440\u043a\u0430\u043b\u043e", + "\u0434\u0430\u0446\u044e\u043a", + "\u0434\u0435\u0432\u0434\u044e\u043a", + "\u0431\u0430\u0431\u0456\u0439", + "\u0442\u0438\u0442\u0430\u0440\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0440\u0443\u0431\u0430", + "\u0448\u0430\u043f\u043e\u0432\u0430\u043b", + "\u043b\u0430\u0437\u0430\u0440\u0435\u043d\u043a\u043e", + "\u0442\u0438\u043c\u0447\u0435\u043d\u043a\u043e", + "\u0442\u0438\u043c\u0447\u0443\u043a", + "\u0440\u0443\u0431\u0435\u0446\u044c", + "\u043f\u0430\u043d\u0447\u0443\u043a", + "\u0434\u0435\u043c\u02bc\u044f\u043d\u0435\u043d\u043a\u043e", + "\u0448\u0432\u0430\u0439\u043a\u0430", + "\u0431\u0430\u0431\u0430\u0440\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0454\u0440\u0435\u0441\u044c\u043a\u043e", + "\u0436\u0430\u0439\u0432\u043e\u0440\u043e\u043d", + "\u043a\u0430\u0440\u0430\u0441\u044c", + "\u0446\u0443\u0448\u043a\u043e", + "\u043d\u043e\u0441\u0435\u043d\u043a\u043e", + "\u043a\u0430\u0440\u043c\u0430\u043b\u044e\u043a", + "\u0431\u0430\u0442\u0456\u0433", + "\u0447\u0435\u0440\u0435\u0434\u043d\u0438\u043a", + "\u0444\u0456\u043b\u0456\u043f\u0435\u043d\u043a\u043e", + "\u043f\u0456\u0434\u0434\u0443\u0431\u043d\u0438\u0439", + "\u0456\u0432\u0430\u043d\u0438\u0447\u0443\u043a", + "\u0491\u043e\u043b\u044f\u0448", + "\u0456\u0432\u0430\u043d\u0435\u043d\u043a\u043e", + "\u0442\u0430\u0440\u0430\u043d", + "\u0434\u0430\u043d\u044c\u043a\u0456\u0432", + "\u043c\u0430\u0437\u0443\u0440", + "\u0448\u0432\u0430\u0447\u043a\u043e", + "\u0447\u0430\u0431\u0430\u043d", + "\u0434\u0435\u0440\u043a\u0430\u0447", + "\u0445\u0440\u0438\u0441\u0442\u0438\u0447", + "\u0441\u043c\u0438\u043a", + "\u0442\u043e\u0432\u0441\u0442\u043e\u043b\u0456\u0441", + "\u0448\u0438\u043d\u043a\u0430\u0440\u0435\u043d\u043a\u043e", + "\u043a\u0430\u0434\u0435\u043d\u044e\u043a", + "\u043a\u0438\u0431\u043a\u0430\u043b\u043e", + "\u0441\u043b\u044e\u0441\u0430\u0440", + "\u0431\u0430\u043d\u0434\u0435\u0440\u0430", + "\u0456\u0432\u0430\u0449\u0435\u043d\u043a\u043e", + "\u0433\u0443\u043a", + "\u043b\u0443\u0446\u0435\u043d\u043a\u043e", + "\u0448\u0435\u0440\u0435\u043c\u0435\u0442\u0430", + "\u043c\u0430\u043b\u0438\u0448\u043a\u043e", + "\u0434\u0443\u0431\u0435\u043d\u043a\u043e", + "\u0432\u0430\u043d\u0447\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0440\u0443\u0434\u043d\u0438\u0439", + "\u0441\u0430\u043c\u043e\u0439\u043b\u0435\u043d\u043a\u043e", + "\u0430\u0436\u0430\u0436\u0430", + "\u0437\u0430\u0439\u0447\u0435\u043d\u043a\u043e", + "\u044f\u0446\u0435\u043d\u044e\u043a", + "\u0433\u0443\u043f\u0430\u043b\u043e", + "\u0433\u0440\u0435\u0447\u043a\u043e", + "\u043b\u0435\u0441\u0438\u043a", + "\u0431\u0430\u0440\u0430\u043d", + "\u0432\u0435\u043d\u0433\u0440\u0438\u043d\u043e\u0432\u0438\u0447", + "\u0448\u043e\u0432\u043a\u043e\u043f\u043b\u044f\u0441", + "\u044f\u0440\u043e\u0448", + "\u0430\u0442\u0430\u043c\u0430\u043d\u0447\u0443\u043a", + "\u0441\u0456\u0440\u043e\u0431\u0430\u0431\u0430", + "\u0434\u0435\u0439\u043d\u0435\u043a\u0430", + "\u043c\u043e\u0441\u043a\u0430\u043b\u044c", + "\u0432\u0435\u0440\u043d\u0438\u0434\u0443\u0431", + "\u044f\u043a\u0438\u043c\u0435\u043d\u043a\u043e", + "\u0448\u0435\u0440\u0435\u043c\u0435\u0442", + "\u0430\u043d\u0434\u0440\u0456\u0439\u0447\u0443\u043a", + "\u0431\u0430\u0439\u0434\u0430", + "\u043c\u0438\u0445\u0430\u0439\u043b\u044e\u043a", + "\u043a\u043e\u0432\u0430\u043b\u044e\u043a", + "\u0434\u0430\u043d\u0438\u043b\u0435\u043d\u043a\u043e", + "\u0448\u0435\u0432\u0447\u0435\u043d\u043a\u043e", + "\u0432\u0435\u043b\u0438\u0447\u043a\u043e", + "\u0431\u0430\u043d\u0434\u0443\u0440\u043a\u0430", + "\u0434\u0436\u0443\u043d\u044c", + "\u0433\u0430\u0432\u0440\u0438\u043b\u0438\u0448\u0438\u043d", + "\u0433\u0440\u0435\u0441\u044c", + "\u0457\u0436\u0430\u043a", + "\u043f\u0430\u0432\u043b\u0438\u043a", + "\u0434\u0430\u0432\u0438\u043c\u0443\u043a\u0430", + "\u0448\u0442\u043e\u043a\u0430\u043b\u043e", + "\u0448\u0430\u043c\u0440\u0430\u0439", + "\u0433\u0430\u0439\u0434\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0439\u0434\u0430\u0431\u0443\u0440\u0430", + "\u043f\u02bc\u044f\u0442\u0430\u0447\u0435\u043d\u043a\u043e", + "\u0442\u0432\u0435\u0440\u0434\u043e\u0445\u043b\u0456\u0431", + "\u043f\u0430\u0432\u043b\u0435\u043d\u043a\u043e", + "\u0432\u0435\u0440\u0442\u0438\u043f\u043e\u0440\u043e\u0445", + "\u043f\u0440\u0438\u0439\u043c\u0430\u043a", + "\u0447\u0430\u043b\u0435\u043d\u043a\u043e", + "\u043f\u0430\u043b\u0456\u0439", + "\u0454\u0441\u0438\u043f\u0435\u043d\u043a\u043e", + "\u0432\u0430\u0449\u0443\u043a", + "\u0434\u0430\u043d\u044c\u043a\u0435\u0432\u0438\u0447", + "\u043c\u0438\u043a\u0438\u0442\u044e\u043a", + "\u044e\u0440\u0447\u0438\u0448\u0438\u043d", + "\u0442\u0430\u043b\u0430\u043d", + "\u0433\u0430\u0432\u0440\u0438\u043b\u0456\u0432", + "\u044f\u0446\u0435\u043d\u043a\u043e", + "\u0440\u0430\u043a", + "\u0437\u0430\u0445\u0430\u0440\u0435\u043d\u043a\u043e", + "\u0431\u0430\u0437\u0438\u043b\u0435\u0432\u0441\u044c\u043a\u0438\u0439", + "\u0434\u0435\u043c\u02bc\u044f\u043d\u044e\u043a", + "\u0448\u0443\u0445\u0435\u0432\u0438\u0447", + "\u0434\u0435\u0440\u044f\u0436\u043d\u0438\u0439", + "\u0456\u0449\u0435\u043d\u043a\u043e", + "\u0441\u043a\u043e\u0440\u0438\u043a", + "\u0432\u0430\u0441\u0438\u043b\u0435\u043d\u043a\u043e", + "\u0441\u043a\u0438\u0440\u0434\u0430", + "\u0447\u0430\u0440\u043d\u0438\u0448", + "\u043a\u043e\u0440\u043e\u043b\u0435\u043d\u043a\u043e", + "\u0441\u0430\u0432\u0435\u043d\u043a\u043e", + "\u043f\u0435\u0442\u0440\u0438\u043a", + "\u043b\u0443\u043f\u0456\u0439", + "\u0446\u0438\u043c\u0431\u0430\u043b\u044e\u043a", + "\u043f\u0430\u0432\u043b\u0438\u0447\u0435\u043d\u043a\u043e", + "\u043d\u0435\u0441\u0442\u0435\u0440\u0435\u043d\u043a\u043e", + "\u0432\u0430\u043a\u0430\u0440\u0447\u0443\u043a", + "\u0431\u0435\u0437\u0431\u043e\u0440\u043e\u0434\u044c\u043a\u043e", + "\u0431\u0430\u0442\u044e\u043a", + "\u0430\u043d\u0434\u0440\u0456\u0454\u0432\u0438\u0447", + "\u0433\u0430\u0432\u0440\u0438\u043b\u0435\u0446\u044c", + "\u0444\u0430\u0440\u0442\u0443\u0448\u043d\u044f\u043a", + "\u0432\u0438\u0448\u043d\u044f\u043a", + "\u0441\u0442\u0443\u0441", + "\u0446\u044e\u043f\u0430", + "\u0431\u0430\u0431\u02bc\u044f\u043a", + "\u0456\u0432\u0430\u043d\u0447\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0442\u043e\u0432\u043a\u0430\u043d\u044e\u043a", + "\u043a\u043e\u043b\u0456\u0441\u043d\u0438\u0447\u0435\u043d\u043a\u043e", + "\u043d\u043e\u0441\u0430\u0447\u0435\u043d\u043a\u043e", + "\u0491\u0435\u0440\u0435\u0491\u0430", + "\u0433\u0443\u0446\u0443\u043b\u044f\u043a", + "\u0440\u043e\u043c\u0430\u043d\u0435\u0446\u044c", + "\u0432\u043b\u043e\u0445", + "\u043a\u0430\u0431\u0430\u043b\u044e\u043a", + "\u043a\u043e\u0432\u043f\u0430\u043a", + "\u0430\u0440\u0442\u0435\u043c\u0435\u043d\u043a\u043e", + "\u0431\u0435\u0437\u0434\u0456\u0442\u043a\u043e", + "\u0443\u043c\u0430\u043d\u0435\u0446\u044c", + "\u043a\u0430\u0449\u0435\u043d\u043a\u043e", + "\u0430\u0432\u0434\u0454\u0454\u043d\u043a\u043e", + "\u0433\u043e\u0433\u043e\u043b\u044c_\u044f\u043d\u043e\u0432\u0441\u044c\u043a\u0438\u0439", + "\u0444\u0430\u0441\u0442\u0435\u043d\u043a\u043e", + "\u0430\u043a\u0443\u043b\u0435\u043d\u043a\u043e", + "\u0445\u043c\u0430\u0440\u0430", + "\u043a\u0430\u043b\u0435\u043d\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0441\u0432\u0438\u0441\u0442\u0443\u043d", + "\u0431\u0435\u0437\u0431\u043e\u0440\u043e\u0434\u044c\u043a\u0438", + "\u043d\u0430\u0437\u0430\u0440\u0435\u043d\u043a\u043e", + "\u0434\u0443\u0431\u0430\u0441", + "\u0442\u0430\u0440\u0430\u0441\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0457\u043a\u0430", + "\u043a\u043e\u043b\u0435\u0441\u043d\u0438\u0447\u0435\u043d\u043a\u043e", + "\u0448\u0443\u0442\u044c\u043a\u043e", + "\u0434\u0437\u044e\u0431\u0430", + "\u0441\u0430\u0446\u044e\u043a", + "\u0440\u043e\u043c\u0430\u043d\u0435\u043d\u043a\u043e", + "\u043a\u043e\u0440\u0441\u0443\u043d", + "\u0430\u0432\u0440\u0430\u043c\u0447\u0443\u043a", + "\u043c\u0430\u0437\u0435\u043f\u0430", + "\u0440\u0435\u0431\u0440\u0438\u043a", + "\u044e\u0440\u0447\u0435\u043d\u043a\u043e", + "\u0431\u0430\u0442\u0443\u0440\u0438\u043d\u0435\u0446\u044c", + "\u043a\u043e\u0440\u043f\u0430\u043d\u044e\u043a", + "\u043f\u0443\u0441\u0442\u043e\u0432\u0456\u0442", + "\u0437\u0430\u0431\u0430\u0440\u0430", + "\u0432\u0430\u043a\u0443\u043b\u0435\u043d\u043a\u043e", + "\u0454\u0440\u044c\u043e\u043c\u0435\u043d\u043a\u043e", + "\u0440\u0430\u0434\u0447\u0435\u043d\u043a\u043e", + "\u044f\u043a\u0438\u043c\u0447\u0443\u043a", + "\u0432\u0456\u0442\u0435\u0440", + "\u043a\u043e\u0437\u0430\u043a", + "\u0432\u0430\u0441\u0438\u043b\u0435\u0432\u0438\u0447", + "\u0430\u0440\u0445\u0438\u043f\u0435\u043d\u043a\u043e", + "\u0431\u0430\u0437\u0430\u0432\u043b\u0443\u0447\u0435\u043d\u043a\u043e", + "\u0433\u0430\u0432\u0440\u044e\u0448\u0435\u043d\u043a\u043e", + "\u0432\u0435\u0440\u0433\u0443\u043d", + "\u043c\u0430\u0441\u043e\u0445\u0430", + "\u043f\u0438\u043b\u0438\u043f\u0435\u043d\u043a\u043e", + "\u0441\u0430\u0454\u043d\u043a\u043e", + "\u0441\u043a\u043e\u0440\u043e\u0431\u043e\u0433\u0430\u0442\u044c\u043a\u043e", + "\u043c\u0430\u0442\u0432\u0456\u0454\u043d\u043a\u043e", + "\u0432\u0456\u0442\u0440\u0443\u043a", + "\u0454\u0440\u043e\u0448\u0435\u043d\u043a\u043e", + "\u0437\u0430\u0445\u0430\u0440\u0447\u0435\u043d\u043a\u043e", + "\u0442\u0440\u0438\u0433\u0443\u0431", + "\u0447\u0435\u0440\u0432\u043e\u043d\u0435\u043d\u043a\u043e", + "\u0441\u0456\u0440\u0447\u0435\u043d\u043a\u043e", + "\u0445\u0440\u0438\u0441\u0442\u0435\u043d\u043a\u043e", + "\u0434\u0435\u0440\u0435\u0432\u02bc\u044f\u043d\u043a\u043e", + "\u043c\u0430\u043a\u043e\u0433\u043e\u043d", + "\u043c\u0438\u0445\u0430\u043b\u044e\u043a", + "\u0431\u0430\u043a\u0443\u043c\u0435\u043d\u043a\u043e", + "\u043f\u0435\u0442\u043b\u044e\u0440\u0430", + "\u043b\u0438\u0441\u0435\u043d\u043a\u043e", + "\u043b\u0430\u0431\u0430", + "\u0433\u043e\u0434\u0443\u043d\u043e\u043a", + "\u0449\u043e\u0440\u0441", + "\u0431\u0435\u0431\u0435\u0448\u043a\u043e", + "\u043a\u043e\u0437\u0430\u0447\u0435\u043d\u043a\u043e", + "\u0432\u0435\u0440\u0435\u0441", + "\u043e\u0440\u043e\u0431\u0435\u0446\u044c", + "\u0446\u0456\u0441\u0438\u043a", + "\u0447\u0435\u0440\u043d\u0435\u043d\u043a\u043e", + "\u0456\u043b\u044c\u0454\u043d\u043a\u043e", + "\u0437\u0430\u0441\u0443\u0445\u0430", + "\u0433\u0430\u0432\u0440\u0438\u0448\u043a\u0435\u0432\u0438\u0447", + "\u0431\u0430\u0431\u043a\u043e", + "\u043b\u0430\u0433\u043e\u0434\u0430", + "\u0445\u0443\u0434\u043e\u0431\u02bc\u044f\u043a", + "\u0445\u043e\u043c\u0435\u043d\u043a\u043e", + "\u0441\u043a\u043e\u043f\u0435\u043d\u043a\u043e", + "\u0491\u0435\u0440\u0435\u0442\u0430", + "\u0430\u0441\u0430\u0443\u043b\u0430", + "\u0430\u0440\u0442\u0438\u043c", + "\u0443\u0441\u0442\u0435\u043d\u043a\u043e", + "\u0432\u0430\u0441\u0438\u043b\u0435\u0447\u043a\u043e", + "\u043a\u0438\u043b\u0438\u043c\u043d\u0438\u043a", + "\u0457\u0436\u0430\u043a\u0435\u0432\u0438\u0447", + "\u0431\u0430\u043a\u043b\u0430\u043d", + "\u0440\u0435\u0434\u044c\u043a\u043e", + "\u0454\u0432\u0442\u0443\u0448\u0435\u043d\u043a\u043e", + "\u0432\u0434\u043e\u0432\u0435\u043d\u043a\u043e", + "\u0442\u043a\u0430\u0447", + "\u0433\u0443\u043d\u044c\u043a\u043e", + "\u0431\u0430\u0440\u0430\u0431\u0430\u0448", + "\u0432\u0438\u0441\u043e\u0447\u0430\u043d", + "\u0456\u0432\u0430\u0441\u044e\u043a", + "\u0447\u0430\u043b\u0438\u0439", + "\u0447\u0435\u0440\u0456\u043d\u044c\u043a\u043e", + "\u0442\u0435\u0440\u0435\u0449\u0435\u043d\u043a\u043e", + "\u043e\u0432\u0441\u0456\u0454\u043d\u043a\u043e", + "\u0434\u0430\u0448\u043a\u0435\u0432\u0438\u0447", + "\u0442\u0438\u0445\u0438\u0439", + "\u0430\u0442\u0430\u043c\u0430\u043d\u044e\u043a", + "\u0440\u044f\u0431\u0447\u0435\u043d\u043a\u043e", + "\u0442\u0438\u0447\u0438\u043d\u0430", + "\u043c\u0435\u0434\u0432\u0435\u0434\u0435\u043d\u043a\u043e", + "\u043a\u0430\u0440\u043f\u0435\u043d\u043a\u043e", + "\u0430\u0440\u0442\u044e\u0445", + "\u043c\u0430\u0442\u044f\u0448", + "\u0437\u0430\u0431\u0456\u043b\u0430", + "\u0430\u0440\u0441\u0435\u043d\u0438\u0447", + "\u0431\u0430\u0431\u0438\u0447" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0430\u0431\u0430\u0442\u0438\u0441\u0430": "abba", + "\u043f\u0442\u0430\u0448\u0430": "\u043a\u0435\u043d\u0442", + "\u043f\u0442\u0430\u0448\u0435\u043d\u044f": "\u043a\u0435\u043d\u0442", + "\u0434\u043e\u0447\u043a\u0430": "\u0441\u0438\u043d", + "\u0433\u0435\u0440\u0446\u043e\u0433\u0438\u043d\u044f": "\u0433\u0435\u0440\u0446\u043e\u0433", + "\u043a\u043d\u044f\u0433\u0438\u043d\u044f": "\u0433\u0435\u0440\u0446\u043e\u0433", + "\u0436\u0456\u043d\u043e\u0447\u0438\u0439": "\u0447\u043e\u043b\u043e\u0432\u0456\u0447\u0438\u0439", + "\u0433\u0430\u043b": "\u0433\u0430\u0439", + "\u0491\u0430\u043b": "\u0433\u0430\u0439", + "\u0434\u0456\u0432\u0447\u0438\u043d\u0430": "\u0433\u0430\u0439", + "\u0432\u043d\u0443\u0447\u043a\u0430": "\u0432\u043d\u0443\u043a", + "\u043e\u043d\u0443\u0447\u043a\u0430": "\u0432\u043d\u0443\u043a", + "\u0456\u0456": "\u0456\u0445", + "\u0433\u0435\u0440\u043e\u0456\u043d\u044f": "trim", + "\u0433\u043e\u0441\u043f\u043e\u0434\u0438\u043d\u044f": "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440", + "\u043f\u0440\u0438\u0441\u043b\u0443\u0433\u0430": "\u0441\u043b\u0443\u0433\u0430", + "\u043f\u0430\u043d\u0456": "\u043f\u0430\u043d", + "\u0431\u0430\u0440\u0438\u0448\u043d\u044f": "\u043f\u0430\u043d", + "\u043f\u0430\u043d\u043d\u0430": "\u043f\u0430\u043d", + "\u043a\u043e\u0445\u0430\u043d\u043a\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440", + "\u0445\u0430\u0437\u044f\u0439\u043a\u0430": "\u0432\u043e\u043b\u043e\u0434\u0430\u0440", + "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440\u043a\u0430": "\u0433\u043e\u0441\u043f\u043e\u0434\u0430\u0440", + "\u043c\u0430\u043c\u0446\u044f": "\u0442\u0430\u0442\u043e", + "\u043c\u0430\u0442\u0443\u0441\u044f": "\u0431\u0430\u0442\u044c\u043a\u043e", + "\u043c\u0430\u0439\u043a\u0430": "\u0442\u0430\u0442\u043e", + "\u043d\u0435\u043d\u044f": "\u0431\u0430\u0442\u044c\u043a\u043e", + "\u043c\u0430\u0442\u0456\u0440": "\u0442\u0430\u0442\u043e", + "\u043c\u0430\u0434\u0430\u043c": "\u043f\u0430\u043d", + "\u0447\u0435\u0440\u043d\u0438\u0446\u044f": "\u0447\u0435\u0440\u043d\u0435\u0446\u044c", + "\u043d\u0443\u043d": "\u043c\u043e\u043d\u0430\u0445", + "\u043a\u043e\u0440\u043e\u043b\u0456\u0432\u043d\u0430": "\u043a\u043d\u044f\u0437\u044c", + "\u0446\u0430\u0440\u0456\u0432\u043d\u0430": "\u0434\u0435\u0440\u0436\u0430\u0432\u0435\u0446\u044c", + "\u043f\u0440\u0438\u043d\u0446\u0435\u0441\u0430": "\u0434\u0435\u0440\u0436\u0430\u0432\u0435\u0446\u044c", + "\u043a\u043e\u0440\u043e\u043b\u0435\u0432\u0430": "\u043a\u043e\u0440\u043e\u043b\u044c", + "\u0446\u0430\u0440\u0438\u0446\u044f": "\u043a\u043e\u0440\u043e\u043b\u044c", + "\u044f\u043d\u0430": "\u0432\u0456\u043d", + "\u0432\u043e\u043d\u0430": "\u0432\u0456\u043d", + "\u0441\u0435\u0441\u0442\u0440\u0430": "\u043c\u043e\u043d\u0430\u0445", + "\u0441\u0442\u0430\u0440\u0430_\u0434\u0456\u0432\u0430": "\u043f\u0430\u0440\u0443\u0431\u043e\u043a", + "\u043f\u0430\u0441\u0435\u0440\u0431\u0438\u0446\u044f": "\u043f\u0430\u0441\u0438\u043d\u043e\u043a", + "\u043f\u0430\u0434\u0447\u0435\u0440\u043a\u0430": "\u043f\u0430\u0441\u0435\u0440\u0431", + "\u043c\u0430\u0447\u0443\u0445\u0430": "\u0432\u0456\u0442\u0447\u0438\u043c", + "\u043e\u0444\u0456\u0446\u0456\u0430\u043d\u0442\u043a\u0430": "\u043e\u0444\u0456\u0446\u0456\u0430\u043d\u0442", + "\u043a\u0435\u043b\u044c\u043d\u0435\u0440\u043a\u0430": "\u043a\u0435\u043b\u044c\u043d\u0435\u0440", + "\u0432\u0434\u043e\u0432\u0438\u0446\u044f": "\u0432\u0434\u0456\u0432\u0435\u0446\u044c", + "\u0443\u0434\u043e\u0432\u0438\u0446\u044f": "\u0432\u0434\u0456\u0432\u0435\u0446\u044c", + "\u0432\u0434\u043e\u0432\u0430": "\u0432\u0434\u0456\u0432\u0435\u0446\u044c", + "\u0443\u0434\u043e\u0432\u0430": "\u0432\u0434\u0456\u0432\u0435\u0446\u044c", + "\u0436\u0456\u043d\u043a\u0430": "man", + "\u0436\u043e\u043d\u0430": "man", + "\u0441\u0443\u043f\u0440\u0443\u0433\u0430": "\u043c\u0443\u0436", + "\u0434\u0440\u0443\u0436\u0438\u043d\u0430": "\u043c\u0443\u0436", + "\u0430\u043b\u043c\u0430\u0437": "\u0447\u0430\u0440\u0456\u0432\u043d\u0438\u043a", + "arnoglossus_scapha": "\u0447\u0430\u0440\u0456\u0432\u043d\u0438\u043a", + "\u0432\u0456\u0434\u044c\u043c\u0430": "\u0447\u0430\u0440\u0456\u0432\u043d\u0438\u043a", + "\u0445\u043b\u043e\u043f\u0435\u0446\u044c": "\u0434\u0456\u0432\u0447\u0438\u043d\u0430", + "\u0445\u043b\u043e\u043f\u0447\u0438\u043a": "\u0434\u0456\u0432\u0447\u0438\u043d\u0430" + }, + "other_gender_swap": { + "\u0456\u0445": "\u0456\u0456", + "\u0456\u043c": "\u0456\u0456", + "ils": "\u044f\u043d\u0430", + "\u0432\u043e\u043d\u0438": "\u0432\u043e\u043d\u0430", + "\u0432\u0456\u043d": "\u0432\u043e\u043d\u0438", + "\u3078": "ils", + "\u0435\u043c\u0443": "\u0456\u0445", + "\u0439\u043e\u043c\u0443": "\u0456\u043c", + "\u0439\u043e\u0433\u043e": "\u0456\u0445", + "\u0441\u0432\u0456\u0439": "\u0456\u0445", + "\u044f\u043d\u0430": "ils", + "\u0432\u043e\u043d\u0430": "\u0432\u043e\u043d\u0438", + "\u0456\u0456": "\u0456\u0445" + }, + "en_pronoun2gender": { + "they": [ + "\u0442\u0440\u0430\u043d\u0441\u0433\u0435\u043d\u0434\u0435\u0440\u043d\u0456\u0441\u0442\u044c", + "\u0433\u043e\u043c\u043e\u0441\u0435\u043a\u0441\u0443\u0430\u043b\u044c\u043d\u0438\u0439" + ], + "he": [ + "\u0445\u043b\u043e\u043f\u0435\u0446\u044c", + "\u0445\u043b\u043e\u043f\u0447\u0438\u043a", + "man", + "\u0433\u0430\u0439", + "\u0447\u043e\u043b\u043e\u0432\u0456\u0447\u0438\u0439", + "\u043c\u0430\u043b\u044e\u043a", + "\u0447\u043e\u043b\u043e\u0432\u0456\u043a", + "\u043a\u0435\u043d\u0442", + "\u0434\u0436\u0435\u043d\u0442\u043b\u044c\u043c\u0435\u043d" + ], + "she": [ + "\u0491\u0430\u043b", + "\u043f\u0430\u043d\u043d\u0430", + "\u0436\u043e\u043d\u0430", + "\u0434\u0456\u0432\u0447\u0438\u043d\u0430", + "\u0431\u0430\u0440\u0438\u0448\u043d\u044f", + "\u0434\u0456\u0432\u0430", + "\u043f\u0430\u043d\u0456", + "\u0436\u0456\u043d\u043a\u0430", + "\u0433\u0430\u043b", + "\u0436\u0456\u043d\u043e\u0447\u0438\u0439", + "\u0434\u0456\u0432\u0447\u0438\u043d\u043a\u0430" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0441\u0432\u0456\u0439", + "\u0435\u043c\u0443", + "\u3078", + "\u0439\u043e\u0433\u043e", + "\u0439\u043e\u043c\u0443", + "\u0432\u0456\u043d" + ], + "she": [ + "\u0456\u0456", + "\u0432\u043e\u043d\u0430", + "\u044f\u043d\u0430" + ], + "they": [ + "\u0456\u0445", + "ils", + "\u0456\u043c", + "\u0432\u043e\u043d\u0438" + ], + "it": [ + "\u0446\u0435", + "\u0442\u0430", + "\u0441\u044f", + "\u0456\u0456", + "\u0439\u043e\u0433\u043e", + "\u0441\u0432\u0456\u0439", + "\u0432\u043e\u043d\u043e", + "\u043e\u043d\u043e", + "\u0442\u043e\u0442", + "\u0449\u043e", + "\u0434\u0435\u043a\u0430", + "\u0446\u044f", + "\u0446\u0435\u0439" + ] + }, + "en_pronoun2title": {}, + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/ur.json b/data_tooling/pii_processing/ontology/data/ur.json new file mode 100644 index 0000000..c5ebc73 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/ur.json @@ -0,0 +1,215 @@ +{ + "GPE": [ + "\u0644\u0627_\u067e\u0627\u0645\u067e\u0627", + "\u0642\u0635\u0631_\u0633\u0641\u06cc\u062f", + "\u062f\u0627\u0631\u0627\u0644\u0633\u0644\u0627\u0645", + "\u0627\u0646\u0633\u0627\u0646\u06cc_\u062d\u0642\u0648\u0642", + "\u0633\u0627\u0624_\u0679\u0648\u0645\u06d2", + "\u0628\u062d\u06cc\u0631\u06c1_\u0627\u062d\u0645\u0631", + "\u0627\u06cc\u0627\u0635\u0648\u0641\u06cc\u06c1", + "\u062c\u0631\u0645\u0646_\u0633\u0644\u0637\u0646\u062a" + ], + "ORG": [ + "\u0627\u0633\u0644\u0627\u0645\u06cc\u0627\u062a", + "\u0633\u06cc\u0646\u0679_\u0644\u0648\u0633\u06cc\u0627", + "\u062a\u0631\u0627_\u0648\u06cc\u0646\u06c1", + "\u062a\u0627\u0624_\u0645\u062a", + "\u0631\u06cc\u067e\u0628\u0644\u06a9\u0646_\u067e\u0627\u0631\u0679\u06cc", + "\u0645\u0631\u06a9\u0632\u06cc_\u0628\u06cc\u0646\u06a9", + "\u067e\u0627\u0631\u0679\u06cc", + "\u0639\u0627\u0644\u0645\u06cc_\u0628\u0639\u06cc\u062f_\u0627\u0628\u0644\u0627\u063a\u06cc\u0627\u062a\u06cc_\u0627\u062a\u062d\u0627\u062f", + "\u0648\u06cc\u0646\u06c1_\u0644\u0648\u0646\u06af", + "\u0648\u06af_\u067e\u0627\u0631\u0679\u06cc", + "\u0648\u0627\u064a\u0679_\u06c1\u0627\u0648\u0633", + "\u0688\u06cc\u0645\u0648\u06a9\u0631\u06cc\u0679\u06a9_\u0631\u06cc\u067e\u0628\u0644\u06a9\u0646_\u067e\u0627\u0631\u0679\u06cc", + "\u0688\u0627\u06a9_\u062e\u0627\u0646\u06c1", + "khandan", + "\u0627\u06cc\u0641_\u0628\u06cc_\u0622\u0626\u06cc", + "\u0632\u06cc\u0646_\u0628\u062f\u06be_\u0645\u062a", + "\u0646\u0627\u0632\u06cc_\u062c\u0645\u0627\u0639\u062a", + "\u0633\u06cc\u0646\u0679_\u06c1\u0644\u06cc\u0646\u0627", + "\u0631\u06cc\u0627\u0633\u062a\u06c1\u0627\u0626\u06d2_\u0645\u062a\u062d\u062f\u06c1_\u0627\u0645\u0631\u06cc\u06a9\u06c1", + "\u062f\u0631\u06cc\u0627\u0626\u06d2_\u0632\u0631\u062f", + "\u0688\u06cc\u0645\u0648\u06a9\u0631\u06cc\u0679\u06a9_\u067e\u0627\u0631\u0679\u06cc", + "\u0627\u0644\u0639\u06cc\u0646", + "\u0686\u06cc\u0627\u0646\u06af_\u0631\u0627\u0626\u06cc" + ], + "LOCATION": [ + "\u062f\u0631\u06cc\u0627\u0626\u06d2_\u0633\u0631\u062e", + "\u062c\u06be\u06cc\u0644_\u0679\u0627\u0646\u0627", + "\u06a9\u0631\u0633\u0679\u0648\u0641\u0631_\u06a9\u0648\u0644\u0645\u0628\u0633", + "\u0627\u0645\u0631\u06cc\u06a9\u0648_\u0648\u0633\u067e\u0648\u0686\u06cc", + "\u0627\u0644\u062c\u0632\u06cc\u0631\u06c1", + "\u0633\u06cc\u0646\u0679_\u0645\u0627\u0631\u0679\u0646", + "\u062c\u0628\u0644_\u0632\u06cc\u062a\u0648\u0646", + "\u0639\u0633\u06a9\u0631\u06cc_\u062f\u0631\u0633\u06af\u0627\u06c1", + "\u0627\u0645\u0631\u06cc\u06a9\u06cc_\u0641\u0648\u062c", + "\u062c\u06be\u06cc\u0644_\u0633\u067e\u06cc\u0631\u06cc\u0626\u0631", + "\u0631\u0627\u0633_\u06c1\u0648\u0631\u0646", + "\u062f\u0628_\u0627\u06a9\u0628\u0631", + "\u06a9\u06cc\u067e_\u0648\u0631\u0688\u06cc", + "\u0632\u0627\u06a9\u0633\u0646_\u0622\u0646\u06c1\u0627\u0644\u062a" + ], + "DISEASE": [ + "\u0646\u0627\u0631\u06a9\u0648\u0644\u06cc\u067e\u0633\u06cc", + "\u0627\u06cc\u0628\u0648\u0644\u0627_\u0648\u0627\u0626\u0631\u0633_\u0628\u06cc\u0645\u0627\u0631\u06cc", + "\u0644\u0627_\u0627\u0646\u0642\u0628\u0627\u0636", + "\u0634\u0627\u06c1_\u0628\u0644\u0648\u0637", + "\u0633\u0641\u06cc\u062f\u0645\u0648\u062a\u06cc\u0627" + ], + "PUBLIC_FIGURE": [ + "\u0627\u0644\u0641\u0631\u06cc\u0688\u0627\u0639\u0638\u0645", + "\u0645\u0631\u06cc\u0645_\u0645\u06af\u062f\u0644\u06cc\u0646\u06cc", + "\u0628\u0648\u0631\u0633\u067e\u0627\u0633\u0679\u0631\u0646\u06a9", + "\u0628\u0644_\u06af\u06cc\u0679\u0633", + "\u067e\u0627\u0645\u067e\u06d2", + "\u067e\u0637\u0631\u0633_\u0627\u0639\u0638\u0645", + "\u062f\u0631\u06cc\u0627\u0626\u06d2_\u0633\u06cc\u0646\u0679_\u0644\u0627\u0631\u0646\u0633", + "\u0639\u062b\u0645\u0627\u0646_\u0627\u0648\u0644", + "\u0641\u0644\u0627_\u0648\u06cc\u0633_\u06cc\u0648_\u0633\u06cc\u0641\u0633", + "1", + "\u0628\u0644_\u06a9\u0644\u0646\u0679\u0646" + ], + "LANGUAGE": [ + "\u0627\u0633\u067e\u0631\u0627\u0646\u062a\u0648" + ], + "FOOD": [ + "\u0686\u0648\u064a\u0646\u06af_\u06af\u0645" + ], + "SOC_ECO_CLASS": [ + "\u0630\u0627\u062a_\u067e\u0627\u062a", + "\u06a9\u0627\u0644\u0627_\u0628\u0627\u0632\u0627\u0631" + ], + "FAC": [ + "\u0631\u0648\u0645\u0646_\u06a9\u06cc\u062a\u06be\u0648\u0644\u06a9", + "\u0628\u0627\u0628_\u0639\u0627\u0644\u06cc", + "\u067e\u0648\u0633\u0679_\u0627\u0641\u0633" + ], + "QUANTITY": [ + "\u0627\u0679\u06be\u0627\u064a\u06cc\u0633" + ], + "POLITICAL_PARTY": [ + "\u0633\u06cc\u0627\u0633\u06cc_\u062c\u0645\u0627\u0639\u062a", + "\u06a9\u0646\u0632\u0631\u0648\u06cc\u0679\u0648_\u067e\u0627\u0631\u0679\u06cc", + "\u06a9\u0648\u0645\u0646\u062a\u0627\u0646\u06af" + ], + "RELIGION": [ + "\u0648\u06cc\u06a9\u0627", + "\u0634\u0646\u062a\u0648" + ], + "RELIGION_MEMBER": [ + "\u0645\u0648\u0631\u0645\u0646" + ], + "JOB": [ + "\u067e\u0648\u0644\u06cc\u0633", + "\u0633\u06a9\u062a\u06c1", + "\u0633\u0648\u062f\u0627\u06af\u0631" + ], + "UNION": [ + "\u0627\u062a\u062d\u0627\u062f_\u0635\u0646\u0639\u062a\u06cc" + ], + "LAW": [ + "\u0639\u062f\u0627\u0644\u062a_\u0639\u0638\u0645\u06cc" + ], + "PRODUCT": [ + "\u0631\u0648\u062d_\u0627\u0644\u0642\u062f\u0633", + "\u0639\u06c1\u062f_\u0646\u0627\u0645\u06c1_\u062c\u062f\u06cc\u062f" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0646\u0630\u0648\u0688\u06be\u0627": "\u0645\u0631\u062f", + "\u062f\u0644\u06c1\u0646": "\u0645\u0631\u062f", + "\u06af\u0627\u0644": "\u0645\u0631\u062f", + "\u0644\u0691\u06a9\u06cc": "\u0645\u0631\u062f", + "\u0627\u0633_\u06a9\u0627": "\u0627\u0646_\u06a9\u0627", + "\u0627\u0646_\u06a9\u0627": "\u0627\u0633_\u06a9\u0627", + "\u0645\u0627\u06ba": "\u067e\u062a\u0627", + "\u0648\u0627\u0644\u062f\u06c1": "\u0627\u0628\u0627", + "\u0645\u0627\u062a\u0627": "\u0627\u0628", + "\u0646\u0646": "\u0631\u0627\u06c1\u0628", + "\u0646\u0648\u0646": "\u0631\u0627\u06c1\u0628", + "\u0646": "\u0631\u0627\u06c1\u0628", + "\u0631\u0627\u06c1\u0628\u06c1": "\u0631\u0627\u06c1\u0628", + "\u0631\u0627\u062c\u06a9\u0645\u0627\u0631\u06cc": "\u0631\u0627\u062c\u06a9\u0645\u0627\u0631", + "\u0634\u06c1\u0632\u062f\u06cc": "\u0631\u0627\u062c\u06a9\u0645\u0627\u0631", + "\u0631\u0627\u0646\u06cc": "\u0631\u0627\u062c\u0627", + "\u0648\u06c1": "\u064a\u06c1", + "\u064a\u06c1": "\u0648\u06c1", + "\u0628\u06c1\u0646": "\u0628\u06be\u0631\u0627\u062a\u0627", + "\u0648\u0627\u0631\u06a9": "\u0628\u06be\u0627\u064a\u06cc", + "\u0648\u06cc\u0679\u0631\u06cc\u0633": "\u0648\u06cc\u0679\u0631", + "\u067e\u062a\u0646\u06cc": "\u0634\u0648", + "\u0628\u064a\u0648\u06cc": "\u0634\u0648\u06c1\u0631", + "\u0628\u06cc\u0648\u06cc": "\u067e\u062a\u06cc", + "\u0633\u062a\u0631\u06cc": "\u0645\u0631\u062f", + "\u0639\u0648\u0631\u062a": "\u0645\u0631\u062f", + "\u062e\u0627\u062a\u0648\u0646": "\u0645\u0631\u062f", + "\u0646\u0627\u0631\u06cc": "\u0639\u0627\u0634\u0642", + "\u0645\u06c1\u06cc\u0644\u0627": "\u0645\u0631\u062f", + "\u0633\u062a": "\u0645\u0631\u062f", + "\u0644\u0691\u06a9\u0627": "\u0644\u0691\u06a9\u06cc" + }, + "other_gender_swap": { + "\u0627\u0646_\u06a9\u0627": "\u0627\u0633_\u06a9\u0627", + "\u06cc\u06c1": "\u0648\u06c1", + "\u0648\u06c1": "\u06cc\u06c1", + "\u064a\u06c1": "\u06cc\u06c1", + "\u0627\u0633_\u06a9\u0627": "\u0627\u0646_\u06a9\u0627" + }, + "en_pronoun2gender": { + "they": [ + "\u0645\u062e\u0646\u062b" + ], + "he": [ + "\u0639\u0627\u0634\u0642", + "\u0645\u0631\u062f", + "\u0644\u0679\u0644_\u0628\u0648\u0627\u0626\u06d2", + "\u0644\u0691\u06a9\u0627" + ], + "she": [ + "\u0645\u06c1\u06cc\u0644\u0627", + "\u0633\u062a\u0631\u06cc", + "\u06af\u0627\u0644", + "\u0639\u0648\u0631\u062a", + "\u0644\u0691\u06a9\u06cc", + "\u0633\u062a", + "\u0646\u0627\u0631\u06cc", + "\u062e\u0627\u062a\u0648\u0646" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0627\u0646_\u06a9\u0627", + "\u0627\u0633_\u06a9\u0627", + "\u064a\u06c1", + "\u0648\u06c1" + ], + "she": [ + "\u0627\u0646_\u06a9\u0627", + "\u0627\u0633_\u06a9\u0627", + "\u064a\u06c1", + "\u0648\u06c1" + ], + "they": [ + "\u0627\u0646_\u06a9\u0627", + "\u0648\u06c1", + "\u06cc\u06c1" + ], + "it": [ + "\u06a9\u06c1", + "\u0648\u06c1", + "\u064a\u06c1" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/uz.json b/data_tooling/pii_processing/ontology/data/uz.json new file mode 100644 index 0000000..64f1523 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/uz.json @@ -0,0 +1,437 @@ +{ + "LOCATION": [ + "la_plata", + "saksoniya_anhalt", + "il_de_frans", + "salomalaykum", + "xuanxe", + "joseph_louis_gay_lussac", + "tashakkur", + "tristandakunya", + "the_rolling_stones", + "santa_klaus", + "iordan", + "al_ayn" + ], + "JOB": [ + "lineyka", + "guru", + "tortma", + "tarjimon", + "chizg\u02bbich", + "don", + "savag\u02bbich", + "kotib", + "kalamush", + "hakim", + "sartarosh", + "haykaltarosh", + "boshqaruvchi", + "perevodchik", + "mayor", + "shifokor", + "kalamushlar", + "qirol", + "mustaqil", + "savdogar", + "rahbar", + "korol", + "menejer", + "mudir", + "muhandis", + "wetter", + "bastakor", + "leytenant", + "tilmoch", + "jarroh", + "raqqos", + "xabarchi", + "sardor", + "huquqshunos", + "soniya", + "tansachi" + ], + "PLANT": [ + "bangidevona", + "shumurt", + "kashtan", + "alomatchoy", + "jannatqushlar", + "dastorgul", + "qarag\u02bbay", + "geveya", + "artist", + "semizo\u02bbt", + "mehrigiyoh", + "anjir", + "shilvi", + "gilos", + "gazanda", + "murch", + "zarang", + "vallisneriya", + "rezeda", + "zaytun", + "laylaktumshuq", + "binafsha", + "zangpoya", + "ermon", + "tilog\u02bboch", + "kungaboqar", + "kanakunjut", + "sanatkor", + "randak", + "jambil" + ], + "PUBLIC_FIGURE": [ + "c", + "amerigo_vespuchchi", + "winston_churchill", + "antoniy_mark", + "paul_mccartney", + "stephen_king", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "saint_louis", + "nitsshe", + "van_der_vaals_yan_diderik", + "george_orwell", + "richard_wagner", + "indira_gandi", + "marie_curie", + "michael_jackson", + "adams_samuel", + "galileo_galilei", + "vincent_van_gogh", + "usmon_i", + "henri_matisse", + "louis_pasteur", + "mariya_styuart", + "sarah_bernhardt", + "torrichelli_evanjelista", + "y", + "f", + "chingizxon", + "adam_robert", + "oscar_wilde", + "golbreyt", + "dante_aligyeri", + "rimbaud", + "karl_yaspers", + "pete_seeger", + "warburg", + "william_blake", + "le_korbyuzye", + "dominique_ingres", + "william_herschel", + "yuriy_gagarin", + "eduard_jenner", + "bertrand_russell", + "walt_disney", + "theodore_dreiser", + "alfred_nobel", + "gottfried_leibniz", + "pablo_picasso", + "feodosiy_i", + "john_galsworthy", + "adam_smith", + "u", + "friedrich_nietzsche", + "i", + "nikola_tesla", + "mel_gibson", + "helen_keller", + "ali_muhammad", + "gartli", + "adolf_hitler", + "joseph_haydn", + "van_eyk_yan", + "robert_boyle", + "1", + "van_flek_jon_xasbruk", + "vladimir_putin", + "g", + "arthur_schopenhauer", + "christopher_columbus", + "r", + "steven_spielberg", + "alexandre_dumas", + "johannes_gutenberg", + "mariya_antuanetta", + "putin", + "kun_rihard", + "tatsit", + "peter_o'toole", + "jules_verne", + "jackson_pollock", + "charlie_chaplin", + "marko_polo", + "ronald_reagan", + "martin_luther_king", + "li_szun_dao", + "nelson_mandela", + "roald_amundsen", + "gilbert", + "andrew_carnegie", + "johnny_cash", + "vladimir_lenin", + "jonathan_swift", + "albert_einstein", + "thomas_edison", + "t" + ], + "ANIMAL": [ + "boyo\u02bbg\u02bbli", + "bo\u02bbg\u02bbimoyoqlilar", + "lochin", + "norkalar", + "beshiktervatarlar", + "asalxo\u02bbr", + "qo\u02bbshoyoq", + "burunduqlar", + "baribal", + "tyulenlar", + "ebola_gemorragik_isitmasi", + "baliqchilar", + "sivuch", + "toshbosh", + "baqalar", + "chigirtchilar", + "tarakan", + "suvarak", + "mushuk", + "sayg\u02bboq", + "kashalot" + ], + "RACE": [ + "turklar", + "habash", + "turk", + "latin", + "yaponlar", + "zanji", + "inglizlar", + "fransuz", + "barzangi" + ], + "RELIGION_MEMBER": [ + "guru", + "mulla" + ], + "PRODUCT": [ + "justin_bieber", + "julius_caesar", + "tabiatshunoslik", + "sen_pyer_va_mikelon", + "staraplanina", + "avliyo_nikolas" + ], + "DISEASE": [ + "shamollash", + "kasallik", + "tumanliklar", + "appenditsit", + "och_qolish", + "lishayniklar", + "gematoma", + "falaj", + "materializm", + "homiladorlik", + "kashtan", + "duduqlanmoq", + "traxeit", + "anesteziya", + "jarohat", + "sichqonlar", + "saraton", + "bezgak", + "pellagra", + "tan", + "sting", + "pakanalik", + "arboviruslar", + "iskanja", + "sichqon", + "qizamiq", + "poliomielit", + "bavosir", + "epileptik_status", + "chanqoqlik" + ], + "FAC": [ + "tamojnya", + "sent_lusiya", + "atakama", + "pyotr_i", + "titus_livius", + "gumrukxona", + "bojxona" + ], + "FOOD": [ + "desert", + "gamburger", + "moxora", + "lench", + "chili", + "portveyn", + "tushlik", + "morojniy", + "saqich" + ], + "ORG": [ + "jaynizm", + "saqich", + "nasa", + "schutzstaffel", + "germaniya_imperiyasi", + "daosizm", + "kasaba_soyuzi", + "un", + "xuanxe", + "va", + "mahayana", + "kabo_verde", + "pochta", + "don_juan", + "mudofaa", + "kim_bu", + "men_sizni_sevaman", + "siyosiy_partiyalar", + "katta_ayiq", + "aqsh", + "armiya", + "san_tome", + "gestapo", + "yangi_oy", + "amerika_qo\u02bbshma_shtatlari", + "markaziy_bank", + "oq_uy", + "keyp_verd", + "nato", + "andromeda_tumanligi", + "maorif", + "yuqori_ko\u02bbl", + "pochtaxona", + "al_ayn", + "pochtamt", + "chiangmay", + "adolatlilik", + "profsoyuz" + ], + "GPE": [ + "inson_huquqlari", + "kot_d\u02bcivuar", + "markaziy_amerika", + "yangi_ahd", + "qizil_dengiz", + "sofiya_ibodatxonasi" + ], + "PERSON": [ + "julius_caesar", + "ha_ha", + "diyegogarsiya" + ], + "LANGUAGE": [ + "boshqird", + "kongo", + "farencha", + "malayalam", + "arabcha", + "esperanto", + "nemis", + "tonga" + ], + "POLITICAL_PARTY_MEMBER": [ + "rafiq" + ], + "PERSON_PRONOUN": [ + "i" + ], + "TITLE": [ + "janob", + "sir" + ], + "POLITICAL_PARTY": [ + "leyboristlar_partiyasi", + "partiya", + "hizb" + ], + "GENDER": [ + "chap", + "boy", + "chol", + "kishilar", + "erkak", + "qariya" + ], + "RELIGION": [ + "daosizm", + "sintoizm", + "tasavvuf" + ], + "QUANTITY": [ + "g" + ], + "SOC_ECO_CLASS": [ + "proletariat", + "qishloq_xo\u02bbjaligi", + "jamiyat" + ], + "UNION": [ + "profsoyuz" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "bint": "son", + "qiz": "son", + "nevara": "nabira", + "nabira": "nevara", + "malika": "podshoh", + "qirolicha": "qirol", + "singil": "uka", + "o\u02bbgay_ona": "o\u02bbgay_ota", + "ofitsiantka": "ofitsiant", + "beva": "beva_kishi", + "balo": "beva_kishi", + "ayol": "erkak", + "boy": "qiz" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "erkak", + "chap", + "boy" + ], + "she": [ + "madam", + "qiz", + "ayol", + "lola" + ] + }, + "en_pronoun2pronoun": { + "she": [ + "\u043e\u043d\u0430" + ], + "it": [ + "it", + "\u043e\u043d\u0430" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/vec.json b/data_tooling/pii_processing/ontology/data/vec.json new file mode 100644 index 0000000..957a45f --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/vec.json @@ -0,0 +1,338 @@ +{ + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "akira_kurosawa", + "giovanni_boccaccio", + "che_guevara", + "john_herschel", + "paul_mccartney", + "isaac_newton", + "victor_hugo", + "george_orwell", + "richard_wagner", + "michael_jackson", + "edward_weston", + "galileo_galilei", + "vincent_van_gogh", + "giuseppe_verdi", + "e", + "santa_maria_mada\u0142ena", + "frank_sinatra", + "pipin", + "sarah_bernhardt", + "luigi_pirandello", + "y", + "paton", + "dante_alighieri", + "giacomo_puccini", + "alessandro_manzoni", + "oscar_wilde", + "pete_seeger", + "n", + "julio_iglesias", + "san_martin", + "cole_porter", + "henry_fielding", + "walt_disney", + "san_piero", + "andrea_pa\u0142adio", + "marco_polo", + "don_chissote", + "pablo_picasso", + "scoacamin", + "mel_gibson", + "carlo_goldoni", + "don_chissote_de_la_manchia", + "adolf_hitler", + "vladimir_putin", + "giuseppe_mazzini", + "anne_hathaway", + "giuseppe_garibaldi", + "speransa", + "peter_o'toole", + "joseph_conrad", + "mahatma_gandhi", + "charlie_chaplin", + "stanley_kubrick", + "ronald_reagan", + "ernest_hemingway", + "cristoforo_colombo", + "nelson_mandela", + "al_gore", + "beneto", + "francisco_franco", + "johnny_cash", + "albert_einstein" + ], + "PLANT": [ + "sanbugaro", + "castagnar", + "panc\u00f9co", + "maresina", + "pigno", + "ortiga", + "spanavin", + "\u00e7eri\u00e9xa", + "doraro", + "grendene", + "sari\u00e9xa", + "carleti", + "ontriga", + "stela_alpina", + "bruschi", + "salgaro", + "armelinaro", + "amanita_muscaria", + "castagnaro", + "cava\u019a\u00f3n", + "sar\u00e9xa", + "burati", + "stropaculi", + "urtiga", + "\u00e0lbaro_de_nada\u0142e", + "sinsio\u0142o", + "bronbaro", + "siar\u00e9xa", + "amolo", + "pisacan", + "sir\u00e9xa", + "fagaro", + "ansiana", + "antriga", + "altriga", + "lovertin", + "castagner", + "olivaro" + ], + "DISEASE": [ + "starnudar", + "sangiot", + "pesse", + "mouse", + "morsegar", + "rebego\u0142o", + "pelagra", + "sangiut", + "ruxiol", + "sangioto", + "gratoxa", + "toser", + "orbego\u0142o", + "mi", + "sangiuto", + "tosir" + ], + "JOB": [ + "medego", + "idrau\u0142ico", + "forner", + "siensiato", + "miedego", + "sciavo", + "tisler", + "ingegnere", + "artexan", + "arador", + "boschier", + "marangon", + "pent\u00f3r", + "prefeto", + "broxa", + "carpenter", + "boaro", + "caor\u00e8ro", + "pastor", + "barbier", + "man", + "trevere", + "buschier", + "pit\u00f3r" + ], + "LOCATION": [ + "mar_n\u00e9ro", + "mar_del_nord", + "sassonia_anhalt", + "mar_negro", + "sri_lanka", + "mar_tiren", + "stati_unii_de_\u0142a_m\u00e8rica", + "maria_mada\u0142ena", + "santa_maria_mada\u0142ena", + "fiume_xa\u0142o", + "santa_lena" + ], + "ANIMAL": [ + "gravar\u00f3n", + "bissa", + "brespa", + "lenze", + "fista", + "schirato", + "avoltogio", + "homo_sapiens", + "osela\u017e", + "corn\u00e0cia", + "colonp", + "petare\u0142o", + "crossnobel", + "schirat", + "caori\u00f3l", + "cocal", + "voltor", + "garde\u0142\u00ecn", + "cava\u019aar\u00f3n", + "sengia\u0142e" + ], + "FOOD": [ + "fritata", + "fortaja", + "zenz\u00ecva" + ], + "ORG": [ + "guerno", + "san_francisco", + "un", + "partito_republic\u00e0n", + "academia_mi\u0142itar", + "goerno", + "masoneria", + "ciunga", + "po", + "mar_roso", + "los_angeles", + "nato", + "mi", + "scola", + "s\u00e3o_tom\u00e9" + ], + "PERSON": [ + "al_gore", + "san_francesco_de_sisa" + ], + "GPE": [ + "san_zorzi", + "dar_es_salaam", + "san_piero", + "san_nico\u0142a_de_bari", + "san_crist\u00f2fo\u019ao", + "s\u00e3o_tom\u00e9", + "franca_contea", + "piaza", + "mar_roso", + "san_\u0142orenso" + ], + "RELIGION_MEMBER": [ + "fradel", + "cristcian", + "fradelo", + "crestian" + ], + "LANGUAGE": [ + "olandexe", + "arbanexe", + "fransexe", + "german", + "portoghexe", + "esperanto", + "ido" + ], + "QUANTITY": [ + "ton" + ], + "PRODUCT": [ + "union_sovietica", + "prima_guera_mondia\u0142e", + "mario_andretti" + ], + "DATE": [ + "medioevo", + "asunsion_de_maria" + ], + "RELIGION": [ + "islam" + ], + "FAC": [ + "\u0142e_quatro_stazon", + "cexa_cat\u00f2\u0142ica" + ], + "RACE": [ + "american", + "negro" + ], + "GENDER": [ + "man" + ], + "POLITICAL_PARTY": [ + "partito_democratego", + "partito_pu\u0142itego" + ], + "PERSON_PRONOUN": [ + "nualtri" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "e\u0142a": "e\u0142o", + "sorela": "fradel", + "sore\u0142a": "fradel", + "suster": "german", + "v\u00e9doa": "v\u00e9doo", + "mojer": "cristian", + "mojere": "cristian", + "f\u00e9mena": "man", + "siora": "man" + }, + "other_gender_swap": { + "\u0142ore": "e\u0142a", + "\u0142uri": "e\u0142a", + "\u0142ori": "e\u0142a", + "e\u0142o": "\u0142ore", + "\u00f2n": "\u0142uri", + "e\u0142a": "\u0142ore" + }, + "en_pronoun2gender": { + "he": [ + "toxo", + "toxeto", + "t\u00f3xo", + "man", + "but\u00e8l", + "toxat", + "pria", + "mas_cio", + "b\u00f2cia" + ], + "she": [ + "f\u00e9mena", + "siora" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u00f2n", + "e\u0142o" + ], + "she": [ + "e\u0142a" + ], + "they": [ + "\u0142ore", + "\u0142uri", + "\u0142ori" + ], + "it": [ + "cuesto", + "tento" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/vep.json b/data_tooling/pii_processing/ontology/data/vep.json new file mode 100644 index 0000000..95e4d92 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/vep.json @@ -0,0 +1,51 @@ +{ + "FOOD": [ + "munari\u010d" + ], + "JOB": [ + "maid", + "kunigaz" + ], + "ANIMAL": [ + "vari\u0161" + ], + "GENDER": [ + "maid" + ], + "DISEASE": [ + "s\u00e4dai", + "mi" + ], + "PUBLIC_FIGURE": [ + "bethoven", + "putin" + ], + "ORG": [ + "mi" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "naine", + "maid" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "h\u00f6" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/vi.json b/data_tooling/pii_processing/ontology/data/vi.json new file mode 100644 index 0000000..d85ca10 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/vi.json @@ -0,0 +1,1377 @@ +{ + "PLANT": [ + "acer_negundo", + "cucurbita_ficifolia", + "hibiscus_syriacus", + "acanthocereus_tetragonus", + "brachychiton_populneus", + "glaucium_flavum", + "senecio_vulgaris", + "robinia_hispida", + "lilium_martagon", + "lupinus_luteus", + "pyracantha", + "n\u1ea5m_th\u00f4ng", + "campanula_persicifolia", + "diospyros_virginiana", + "verbascum_thapsus", + "lycium_barbarum", + "carduus_crispus", + "mai_\u0111\u1ecba_th\u1ea3o", + "salvia_leucophylla", + "chi_t\u1ed1ng_qu\u00e1n_s\u1ee7", + "iris_germanica", + "lilium_philadelphicum", + "sorghum_halepense", + "rubus_saxatilis", + "veronica_beccabunga", + "liriodendron_tulipifera", + "quercus_coccinea", + "melissa", + "triglochin_maritima", + "geranium_molle", + "erythronium_albidum", + "viola_arvensis", + "scutellaria_galericulata", + "viola_reichenbachiana", + "chimaphila_umbellata", + "the_joshua_tree", + "philadelphus_coronarius", + "aralia_elata", + "brassica_nigra", + "bromus_tectorum", + "helleborus_niger", + "lathyrus_latifolius", + "scorzonera_hispanica", + "monarda_citriodora", + "anthriscus_cerefolium", + "eupatorium_perfoliatum", + "campanula_medium", + "caryota_urens", + "quercus_kelloggii", + "juncus_articulatus", + "eryngium_maritimum", + "schefflera_actinophylla", + "amelanchier_bartramiana", + "salix_babylonica", + "chi_phong", + "cyclamen_purpurascens", + "anthyllis_vulneraria", + "abies_grandis", + "lathyrus_odoratus", + "sen_h\u1ed3ng", + "amanita", + "arabidopsis_thaliana", + "arundo", + "monarda", + "chi_ch\u00e2n_b\u00ea", + "sorbus_torminalis", + "magnolia_grandiflora", + "berteroa_incana", + "pelargonium_odoratissimum", + "colutea_arborescens", + "liparis_loeselii", + "papaver_alpinum", + "hydrangea_petiolaris", + "bidens_tripartita", + "sinapis", + "prunus_laurocerasus", + "pennisetum_glaucum", + "passiflora_ligularis", + "salix_triandra", + "silene_virginica", + "lilium_michiganense", + "cercidiphyllum_japonicum", + "atriplex_hortensis", + "vaccinium_corymbosum", + "teucrium_scorodonia", + "acer_campestre", + "ca_r\u1ed1t", + "laurocerasus_caroliniana", + "carex_pseudocyperus", + "bunya", + "su_l\u01a1", + "mercurialis_perennis", + "matthiola_incana", + "actinidia_chinensis", + "saxifraga_granulata", + "valerianella_locusta", + "rhus_typhina", + "nymphaea_alba", + "silene_dioica", + "sa_l\u00ea", + "phaseolus_coccineus", + "diplotaxis_tenuifolia", + "euphorbia_dentata", + "pulicaria_dysenterica", + "malope_trifida", + "amaryllis_belladonna", + "veronica_officinalis", + "phegopteris_connectilis", + "illicium_floridanum", + "pontederia_cordata", + "aconitum_lycoctonum", + "anthemis_arvensis", + "kim_ng\u00e2n_nh\u1eadt", + "acer_macrophyllum", + "asclepias_purpurascens", + "capsicum_baccatum", + "kim_t\u01b0\u1edbc", + "agrimonia_eupatoria", + "larix_occidentalis", + "plantago_lanceolata", + "polystichum_lonchitis", + "ononis_spinosa", + "andropogon_virginicus", + "thlaspi_arvense", + "agrostemma_githago", + "geranium_pratense", + "chi_h\u01b0\u1edbng_d\u01b0\u01a1ng", + "chi_kim_ng\u00e2n", + "salix_viminalis", + "juniperus_virginiana", + "eriophorum_angustifolium", + "veronica_serpyllifolia", + "eucalyptus_globulus", + "pterospermum_acerifolium", + "passiflora_incarnata", + "festuca_ovina", + "quercus_ellipsoidalis", + "bromus_arvensis", + "polygala_vulgaris", + "chi_m\u1ed9c_lan", + "veronica_peregrina", + "chaenomeles_speciosa", + "selenicereus_grandiflorus", + "pelargonium_peltatum", + "barbarea_vulgaris", + "annona_cherimola", + "helleborus_orientalis", + "gossypium_hirsutum", + "castanea_dentata", + "nymphaea_odorata", + "petasites_hybridus", + "urtica", + "potamogeton_crispus", + "parthenocissus_tricuspidata", + "artemisia_cana", + "paspalum_distichum", + "tropaeolum_minus", + "kim_t\u01b0\u1edbc_chi", + "chi_b\u00f4ng_tai", + "ageratum_mexicanum", + "cucurbita_argyrosperma", + "salix_fragilis", + "amanita_muscaria", + "corylus_americana", + "leonurus_cardiaca", + "spergula_arvensis", + "physostegia_virginiana", + "asplenium_trichomanes", + "acer_japonicum", + "arrhenatherum_elatius", + "nicotiana_alata", + "dracocephalum", + "carissa_macrocarpa", + "populus_balsamifera", + "chi_sau_sau", + "myosotis_sylvatica", + "asclepias_verticillata", + "astragalus_alpinus", + "quercus_variabilis", + "ulmus_americana", + "carex_arenaria", + "erigeron_annuus", + "acanthus_mollis", + "stellaria_media", + "calochortus_amabilis", + "abies_lasiocarpa", + "campanula_rapunculus", + "cystopteris_montana", + "diplotaxis_muralis", + "geranium_robertianum", + "anthemis_tinctoria", + "parthenium_argentatum", + "hedysarum_coronarium", + "hippocrepis_comosa", + "verbena_officinalis", + "dendrocalamus_giganteus", + "cam_bergamot", + "phytophthora_infestans", + "centaurea_americana", + "muscicapa_striata", + "prosopis_juliflora", + "cotoneaster_horizontalis", + "gossypium_barbadense", + "schinus_terebinthifolia", + "euphorbia_cyparissias", + "salvia_pratensis", + "centaurea_cyanus", + "chi_c\u1ecf_thi", + "gymnadenia_conopsea", + "eugenia_uniflora", + "blackberry", + "cortaderia_selloana", + "gentianella_amarella", + "ballota_nigra", + "campanula_carpatica", + "sisymbrium_officinale", + "chi_m\u1eadn_m\u01a1", + "angelica_archangelica", + "campsis_radicans", + "cirsium_vulgare", + "echinocactus_grusonii", + "medinilla_magnifica", + "corypha_umbraculifera", + "brachychiton_acerifolius", + "caragana_arborescens", + "mai_t\u1ee9_qu\u00fd", + "acer_pseudoplatanus", + "aristolochia_macrophylla", + "lotus_corniculatus", + "gymnadenia_odoratissima", + "bo_bo", + "hydrangea_arborescens", + "chi_th\u00f4ng", + "polyporus_squamosus", + "raphanus_raphanistrum", + "cornus_florida", + "cytisus_multiflorus", + "silene_latifolia", + "gymnocladus_dioica", + "saxifraga_stellaris", + "botrychium_lunaria", + "anagallis_tenella", + "tetragonia_tetragonioides", + "scleranthus_annuus", + "acrocarpus_fraxinifolius", + "salix_pentandra", + "cerastium_tomentosum", + "crataegus_laevigata", + "sinapis_arvensis", + "silene_uniflora", + "dracunculus_vulgaris", + "acacia_melanoxylon", + "agrostis_canina", + "saccharomyces_cerevisiae", + "hypochoeris_radicata", + "hydrangea_paniculata", + "campanula_trachelium", + "ranunculus_bulbosus", + "chi_d\u00e2m_b\u1ee5t", + "chi_long_nha_th\u1ea3o", + "erythronium_americanum", + "arenaria_serpyllifolia", + "lysimachia_vulgaris", + "campanula_rotundifolia", + "cam_chua", + "chi_cau", + "chi_li\u1ec5u", + "campanula_glomerata", + "lonicera_tatarica", + "actinidia_deliciosa", + "dalbergia_latifolia", + "polystichum_aculeatum", + "gaultheria_procumbens", + "anemone_pulsatilla", + "cerastium_alpinum", + "pseudotsuga_menziesii", + "tanacetum_parthenium", + "senna_alexandrina", + "heracleum_sphondylium", + "crataegus_aestivalis", + "chi_c\u00e0", + "lathyrus_sylvestris", + "chi_d\u1ebb_tr\u00f9ng_kh\u00e1nh", + "rosa_moschata", + "viola_tricolor", + "so_\u0111\u0169a", + "gentiana_acaulis", + "c\u00e2y_gi\u00e1ng_sinh", + "salvia_farinacea", + "elaeis_guineensis", + "calla", + "erythronium_montanum", + "galium_verum", + "acronicta_aceris", + "aralia_stipulata", + "cycas_circinalis", + "populus_nigra", + "mentha_longifolia", + "nasturtium", + "artemisia_filifolia", + "ranunculus_repens", + "stellaria_holostea", + "agathis_australis", + "lemna_minor", + "larix_laricina", + "pyrola_rotundifolia", + "colocasia_esculenta", + "erica_herbacea", + "inga_edulis", + "spiranthes_spiralis", + "cardamine_pratensis", + "salix_arctica", + "conyza_canadensis", + "amaranthus_hypochondriacus", + "alnus_glutinosa", + "cypripedium_montanum", + "erodium_texanum", + "arctium_minus", + "arrhenatherum", + "pinus_muricata", + "paris_quadrifolia", + "reseda_odorata", + "lathyrus_sativus", + "veronica_arvensis", + "anthriscus_sylvestris", + "pteridium_aquilinum", + "cinnamomum_cassia", + "panicum_capillare", + "smilax_aspera", + "salvia_sclarea", + "aristolochia_clematitis", + "cephalanthera_rubra", + "cypripedium_calceolus", + "viola_odorata", + "poa_nemoralis", + "corylus_cornuta", + "amaranthus_albus", + "lotus_tetragonolobus", + "arctostaphylos_uva_ursi", + "hieracium_aurantiacum", + "chrysanthemum", + "cerasus_vulgaris", + "myrica_gale", + "vallisneria", + "holcus_mollis", + "crambe_maritima", + "erythrina_variegata", + "platanthera_chlorantha", + "rosa_banksiae", + "chi_hoa_t\u00edm", + "platanus_acerifolia", + "physalis_peruviana", + "hamamelis_virginiana", + "calystegia_sepium", + "podocarpus_latifolius", + "dicksonia_antarctica", + "galium_boreale", + "ulmus_hollandica", + "nephrolepis_exaltata", + "asclepias_meadii", + "ranunculus_aquatilis", + "polypodium_vulgare", + "bromus_secalinus", + "pinus_palustris", + "conium_maculatum", + "plantago_media", + "ranunculus_acris", + "cirsium_arvense", + "cypripedium_reginae", + "andromeda_polifolia", + "chi_ni\u1ec5ng", + "betula_papyrifera", + "rosa_damascena", + "platanthera_bifolia", + "solanum_quitoense", + "tritoma" + ], + "PUBLIC_FIGURE": [ + "henry_cavendish", + "benjamin_franklin", + "noah_webster", + "john_knox", + "heinrich_hertz", + "giovanni_boccaccio", + "rudolf_steiner", + "thomas_bayes", + "johann_bernoulli", + "max_bruch", + "leonard_bernstein", + "che_guevara", + "c", + "maria_callas", + "william_walton", + "henrik_ibsen", + "mary_shelley", + "marcello_malpighi", + "david_livingstone", + "eduard_buchner", + "john_herschel", + "jan_van_eyck", + "carl_rogers", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "j_edgar_hoover", + "thomas_reid", + "otto_frisch", + "winston_churchill", + "johannes_diderik_van_der_waals", + "karl_landsteiner", + "paul_mccartney", + "andrew_marvell", + "terry_pratchett", + "stephen_king", + "francis_crick", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "colette", + "milton_friedman", + "edward_gibbon", + "mary_stuart", + "jefferson_davis", + "john_glenn", + "george_harrison", + "george_orwell", + "richard_wagner", + "williams", + "e_l_doctorow", + "marie_curie", + "francis_galton", + "nam_ng\u01b0", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "el_greco", + "samuel_beckett", + "david", + "galileo_galilei", + "jane_goodall", + "john_donne", + "chaim_weizmann", + "robert_koch", + "george_eastman", + "john_steinbeck", + "edmund_hillary", + "vincent_van_gogh", + "anne_boleyn", + "robert_burns", + "thomas_paine", + "bari", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "emiliano_zapata", + "nam_t\u01b0\u1edbc_m\u00fcnchhausen", + "willem_einthoven", + "samuel_johnson", + "jesus", + "marie_antoinette", + "giuseppe_verdi", + "e", + "karl_jaspers", + "konrad_adenauer", + "norbert_wiener", + "john_masefield", + "gottlieb_daimler", + "catarina", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "bertram_brockhouse", + "louis_pasteur", + "richard_strauss", + "theodosius_i", + "hugo_grotius", + "mahalia_jackson", + "john_ford", + "gertrude_stein", + "sarah_bernhardt", + "luigi_pirandello", + "t_s_eliot", + "robert_millikan", + "an_t\u00f4n", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "mary_mallon", + "ralph_bunche", + "charles_lindbergh", + "vincenzo_bellini", + "samuel_barber", + "f", + "ludwig_wittgenstein", + "august_strindberg", + "stalin", + "thomas_mann", + "dante_alighieri", + "peter_pan", + "james_tobin", + "giacomo_puccini", + "edward_fitzgerald", + "fridtjof_nansen", + "louis_braille", + "herbert_marcuse", + "paul_verlaine", + "robert_johnson", + "james_dean", + "theodor_schwann", + "alessandro_manzoni", + "joseph_priestley", + "nicolas_poussin", + "joseph_pulitzer", + "jim_corbett", + "oscar_wilde", + "philip_roth", + "j_d_salinger", + "henry", + "richard_trevithick", + "jackson", + "laurence_olivier", + "adolf_eichmann", + "francis_bacon", + "pete_seeger", + "john_wycliffe", + "a", + "morris", + "james_brown", + "william_hogarth", + "charles_baudelaire", + "luigi_cherubini", + "david_ricardo", + "henri_labrouste", + "mary_leakey", + "immanuel_kant", + "james_franck", + "weber", + "alexandre_yersin", + "albert_schweitzer", + "john_harvard", + "giulio_natta", + "saint_martin", + "titus", + "johannes_kepler", + "max_planck", + "william_blake", + "t_e_lawrence", + "julio_iglesias", + "john_bardeen", + "nietzsche", + "william_byrd", + "scott_joplin", + "carl_lewis", + "canberra", + "elias_canetti", + "edward_jenner", + "oreonympha_nobilis", + "cole_porter", + "jean_luc_godard", + "graham_greene", + "edward", + "lars_onsager", + "margaret_mitchell", + "igor_stravinsky", + "henri", + "lola_montez", + "jan_swammerdam", + "i_ng\u1eafn", + "john_walker", + "william_herschel", + "joseph_black", + "montesquieu", + "arthur_rubinstein", + "arthur_compton", + "niels_bohr", + "henry_fielding", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "jan_tinbergen", + "robert_venturi", + "ono_y\u014dko", + "rudolf_diesel", + "walt_disney", + "ben_jonson", + "gabriel_lippmann", + "lee", + "friedrich_engels", + "jane_austen", + "moses", + "gustav_mahler", + "phil_collins", + "robert_redford", + "ian_fleming", + "richard_feynman", + "theodor_mommsen", + "marcel_proust", + "thomas_more", + "homo_heidelbergensis", + "paul_hindemith", + "elizabeth_taylor", + "anne_sullivan", + "paul_robeson", + "kh\u1ec9_\u0111u\u00f4i_l\u1ee3n", + "john_dowland", + "william_golding", + "john_milton", + "indira_gandhi", + "george_gershwin", + "alberto_giacometti", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "caravaggio", + "marcel_marceau", + "allen_ginsberg", + "daniel_bernoulli", + "guillaume_apollinaire", + "joseph_henry", + "henri_bergson", + "edward_macdowell", + "gottfried_leibniz", + "pierre_corneille", + "patrick_white", + "hans_christian_andersen", + "cary_grant", + "thomas", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "natalie_wood", + "thomas_moore", + "osman_i", + "otto_hahn", + "christiaan_huygens", + "hector_berlioz", + "paul_simon", + "claudio_monteverdi", + "john_galsworthy", + "linh_d\u01b0\u01a1ng_ho\u1eb5ng_th\u00f4ng_th\u01b0\u1eddng", + "o", + "adam_smith", + "william_james", + "u", + "jean_harlow", + "karl_marx", + "friedrich_nietzsche", + "i", + "da_t\u00f4", + "john_wesley", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "john_locke", + "th\u00e1nh_ph\u00ear\u00f4", + "alexis_carrel", + "joseph_marie_jacquard", + "henry_james", + "helen_keller", + "paul_dukas", + "ingrid_bergman", + "jean_piaget", + "h_g_wells", + "walt_whitman", + "william_wyler", + "colin_powell", + "ludwig_boltzmann", + "carl_nielsen", + "carl_jung", + "leopold_kronecker", + "adolf_hitler", + "maria_mitchell", + "james_d_watson", + "fritz_haber", + "peter_behrens", + "john_h_watson", + "joseph_haydn", + "garfield", + "george_boole", + "edvard_grieg", + "robert_boyle", + "ralph_richardson", + "chi_ng\u01b0\u1eddi", + "1", + "rosa_parks", + "tchaikovsky", + "ernest_walton", + "jacob", + "hertz", + "fritz_kreisler", + "anne_hathaway", + "don_budge", + "margaret_court", + "g", + "arthur_schopenhauer", + "james_cagney", + "johns_hopkins", + "martin_heidegger", + "arnold_schoenberg", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "st_louis_missouri", + "robert_fulton", + "thomas_hardy", + "giuseppe_garibaldi", + "philip_warren_anderson", + "alexandre_dumas", + "bobby_fischer", + "johannes_gutenberg", + "thomas_malthus", + "gaetano_donizetti", + "william_faulkner", + "amerigo_vespucci", + "arthur_holmes", + "pierre_boulez", + "hans_adolf_krebs", + "emma_goldman", + "francis_poulenc", + "putin", + "matthew_flinders", + "robert_herrick", + "jean_de_la_fontaine", + "robert_hooke", + "o_henry", + "karl_popper", + "george_sand", + "peter_sellers", + "homo_rhodesiensis", + "charles_fourier", + "henry_clay", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "edmund_halley", + "william_shockley", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "d_h_lawrence", + "constantin\u00f4", + "hannah_arendt", + "antonio_stradivari", + "maximianus", + "miles_davis", + "h\u1ecd_ti\u00eau_li\u00eau", + "george_marshall", + "stanley_kubrick", + "william_gilbert", + "james_watt", + "jonathan_edwards", + "ronald_reagan", + "helmut_schmidt", + "frederick_douglass", + "david_hilbert", + "wilhelm_reich", + "oliver_cromwell", + "martin_luther_king", + "james_hargreaves", + "william_wordsworth", + "woodrow_wilson", + "el_cid", + "marcus_antonius", + "don_quixote", + "jim_henson", + "ernest_hemingway", + "george_westinghouse", + "aquila", + "jacques_charles", + "arthur_miller", + "cristoforo_colombo", + "nelson_mandela", + "heinrich_himmler", + "al_gore", + "hans_bethe", + "hans_geiger", + "cesare_borgia", + "j_p_morgan", + "roald_amundsen", + "charles_dickens", + "ella_fitzgerald", + "jack_robinson", + "george_enescu", + "jacques_offenbach", + "joseph_paxton", + "federico_fellini", + "the_one", + "bradley", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "e_e_cummings", + "andrew_carnegie", + "pontius_pilatus", + "franz_schubert", + "johnny_cash", + "joseph_mccarthy", + "alfred_kastler", + "mick_jagger", + "william_harvey", + "walter_scott", + "kahlil_gibran", + "th\u00e1nh_george", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "thomas_edison", + "claude_bernard", + "henry_purcell", + "t", + "wilhelm_ostwald" + ], + "LOCATION": [ + "al_jazeera", + "plantago_lanceolata", + "trifolium_pratense", + "s\u00f4ng_san_joaquin", + "\u0111\u1ea1i_h\u00f9ng", + "dryocopus_martius", + "eryngium_maritimum", + "nam_\u0111\u00f4ng", + "bow_wow", + "piet_mondrian", + "n\u00fai_\u00f4liu", + "sint_maarten", + "petasites_hybridus", + "h\u1ea3i_\u0111\u01b0\u1eddng", + "nam_\u00fac", + "c\u00e1p_ve", + "t\u00f2a_th\u1ecb_s\u1ea3nh", + "iris_pseudacorus", + "nam_th\u1eadp", + "pieris_rapae", + "sa_m\u1ea1c_black_rock", + "mau_l\u00ean", + "joseph_louis_gay_lussac", + "nuphar_lutea", + "ga_\u0111\u01b0\u1eddng_s\u1eaft", + "vaccinium_oxycoccos", + "t\u00f2a_th\u1ecb_ch\u00e1nh", + "plantago_media", + "alnus_glutinosa", + "nam_t\u00e0o", + "t\u00f2a_th\u1ecb_ch\u00ednh", + "saint_lucia", + "th\u00e1nh_patrici\u00f4", + "hat_yai", + "sri_lanka", + "\u00f4ng_gi\u00e0_noel", + "\u00f4ng_gi\u00e0_n\u00f4_en", + "scutellaria_galericulata", + "the_rolling_stones", + "h\u1ed3_th\u01b0\u1ee3ng", + "kryvyi_rih", + "n\u01b0\u1edbc_nh\u1ea1t", + "n\u00fai_st_helens", + "tr\u01b0\u1eddng_nh\u1ea1c", + "heitor_villa_lobos", + "trifolium_dubium", + "1_th\u00e1ng_1" + ], + "ANIMAL": [ + "terenura_sharpei", + "apodemus", + "buteo", + "epidalea", + "vi_khu\u1ea9n_than", + "chi_s\u00f3c", + "lemmus_lemmus", + "chi_linh_mi\u00eau", + "mirounga_leonina", + "voi_r\u1eebng_ch\u00e2u_phi", + "chi_chu\u1ed9t_hai_ch\u00e2n", + "carduelis", + "chi_c\u00e1_voi_hoa_ti\u00eau", + "lactobacillus_acidophilus", + "te_m\u00e0o", + "brachypteraciidae", + "th\u01b0\u1ee3ng_s\u0129", + "raven", + "con_g\u1ea5u_con", + "voi_b\u1ee5i_r\u1eadm_ch\u00e2u_phi", + "chu\u1ed9t_lang", + "chi_tr\u00e2u", + "ai_ai", + "chi_ch\u1ed3n_mactet", + "chi_c\u00e1_heo_m\u1ecf", + "accipiter", + "sa_gi\u00f4ng_b\u1ee5ng_\u0111\u1ecf_trung_qu\u1ed1c", + "voi_ch\u00e2u_phi", + "le_h\u00f4i", + "corallium_rubrum", + "chi_d\u00f9_d\u00ec", + "branta_bernicla", + "chi_ch\u1ed3n", + "le_h\u00f4i_c\u1ed5_\u0111en", + "h\u00e0", + "chi_c\u00fa_m\u00e8o_ch\u00e2u_m\u1ef9", + "h\u1ecd_y\u1ebfn", + "alle_alle", + "ba_toong", + "chi_c\u00fa_m\u00e8o", + "chi_h\u1ea3i_t\u01b0\u1ee3ng", + "voi_ch\u00e2u_\u00e1", + "huy\u1ec1n_v\u0169", + "chu\u1ed9t_lang_nh\u00e0", + "c\u00e1_d\u00e2y_nh\u1eadt_b\u1ea3n", + "chi_c\u1eaft", + "sa_gi\u00f4ng_s\u1edf_h\u00f9ng", + "chi_c\u00fa_l\u1ee3n", + "an_ca_l\u1edbn", + "peristediidae", + "nh\u1ea1n_b\u1ee5ng_tr\u1eafng", + "arvicola", + "b\u1ec7nh_do_vi_r\u00fat_ebola", + "ngan" + ], + "ORG": [ + "con_th\u01b0\u01a1ng_b\u1ed1", + "ma_tr\u1eadn_k\u00ec_\u1ea3o", + "la_gi\u00e1ng_tr\u01b0\u1edfng", + "wicca", + "an_education", + "\u00e0_n\u00e0y", + "jan_mayen", + "the_usual_suspects", + "aa", + "nasa", + "bollywood", + "schutzstaffel", + "the_who", + "haganah", + "san_francisco", + "trung_qu\u1ed1c_qu\u1ed1c_d\u00e2n_\u0111\u1ea3ng", + "v\u0129nh_long", + "h\u1ea1_vi\u1ec7n_ph\u00e1p", + "ti\u1ebfng_\u0111\u1ee9c", + "gao", + "\u0111\u1ea3ng", + "th\u00e1nh_gia_th\u1ea5t", + "an_sinh_x\u00e3_h\u1ed9i", + "saint_helena", + "d\u1ea7n_d\u1ea7n", + "don_juan", + "\u6240\u90f5\u96fb", + "ai", + "lu\u1eadt_la_m\u00e3", + "the_football_league", + "dia", + "h\u1ea1_vi\u1ec7n", + "gi\u00e1o_h\u1ed9i_c\u00f4ng_gi\u00e1o", + "v\u01b0\u1eddn_b\u00e1ch_th\u1ea3o", + "caf\u00e9_au_lait", + "nha_trang", + "\u653f\u9ee8", + "bi\u1ec3n_\u0111\u1ecf", + "\u623f\u90f5\u96fb", + "\u0111\u1ea3ng_c\u1ed9ng_h\u00f2a", + "rabindranath_tagore", + "c\u00f4ng_\u0111\u1ea3ng", + "gestapo", + "winnie_the_pooh", + "ch\u1eef_th\u1eadp_\u0111\u1ecf", + "ph\u00f2ng_b\u01b0u_\u0111i\u1ec7n", + "con_ng\u1ef1a_th\u00e0nh_troia", + "l\u1ee5c_qu\u00e2n_hoa_k\u1ef3", + "y_t\u1ebf", + "\u0111\u1ea3ng_nh\u00e2n_d\u00e2n_t\u00e2y_ban_nha", + "n\u00fai_carmel", + "al_jazeera", + "kim_tr\u01b0\u1edbng_h\u00e3n_qu\u1ed1c", + "b\u1ea1ch_\u1ed1c", + "disa", + "addis_ababa", + "qu\u1ed1c_h\u1ed9i_h\u00e0n_qu\u1ed1c", + "th\u00e1nh_gia", + "t\u00f2a_b\u1ea1ch_cung", + "mossad", + "ba_ch\u1ecb_em", + "th\u1ebf_gi\u1edbi_m\u1edbi", + "h\u1ed3ng_h\u1ea3i", + "ho\u00e0ng_h\u00e0", + "saint_barth\u00e9lemy", + "los_angeles", + "nato", + "\u0111\u1ea3ng_x\u00e3_h\u1ed9i", + "\u0111\u1ea3ng_c\u00f4ng_nh\u00e2n_\u0111\u1ee9c_qu\u1ed1c_gia_x\u00e3_h\u1ed9i_ch\u1ee7_ngh\u0129a", + "mi", + "ng\u00e2n_h\u00e0ng_trung_\u01b0\u01a1ng", + "sa", + "b\u1ea1ch_cung", + "\u1ed1c_anh_v\u0169", + "li\u00ean_minh_vi\u1ec5n_th\u00f4ng_qu\u1ed1c_t\u1ebf", + "\u0111\u1ea3ng_ru\u1ed9ng_\u0111\u1ea5t_belarus", + "l\u1ec5_\u0111\u1ee9c_m\u1eb9_l\u00ean_tr\u1eddi", + "giao_th\u1eeba", + "con_th\u01b0\u01a1ng_m\u1eb9", + "ng\u01b0\u1eddi_\u0111\u1eb9p_ng\u1ee7_trong_r\u1eebng", + "nh\u00e0_tr\u1eafng", + "kh\u00f4ng_qu\u00e2n", + "ti\u00eau_th\u1ed5", + "h\u1ea3i_quan", + "khu_c\u00f4ng_nghi\u1ec7p", + "t\u00f2a_b\u1ea1ch_\u1ed1c", + "s\u00e3o_tom\u00e9", + "an_ninh_qu\u1ed1c_gia" + ], + "FAC": [ + "trung_t\u00e2m_mua_s\u1eafm", + "arnold_schoenberg", + "pyotr_i_c\u1ee7a_nga", + "b\u1ed1n_m\u00f9a", + "gi\u00e1o_h\u1ed9i_c\u00f4ng_gi\u00e1o_r\u00f4ma", + "saint_lucia", + "th\u00e1nh_giuse", + "b\u01b0u_c\u1ee5c", + "b\u01b0u_\u0111i\u1ec7n", + "titus_livius", + "xanh_lu_xi_a", + "trung_t\u00e2m_th\u01b0\u01a1ng_m\u1ea1i", + "s\u1edf_b\u01b0u_\u0111i\u1ec7n" + ], + "RELIGION_MEMBER": [ + "anabaptist", + "moor", + "augustin\u00f4", + "mormon", + "em_trai" + ], + "POLITICAL_PARTY": [ + "c\u00f4ng_\u0111\u1ea3ng_\u00fac", + "\u0111\u1ea3ng_whig", + "ch\u00e1nh_\u0111\u1ea3ng", + "c\u00f4ng_\u0111\u1ea3ng_anh", + "lao_\u0111\u1ed9ng", + "qu\u1ed1c_d\u00e2n_\u0111\u1ea3ng", + "\u0111\u1ea3ng_ph\u00e1i_ch\u00ednh_tr\u1ecb", + "\u0111\u1ea3ng_x\u00e3_h\u1ed9i_d\u00e2n_ch\u1ee7", + "\u0111\u1ea3ng_b\u1ea3o_th\u1ee7", + "\u0111\u1ea3ng_d\u00e2n_ch\u1ee7", + "\u0111\u1ea3ng_c\u1ed9ng_s\u1ea3n" + ], + "FOOD": [ + "mousse", + "k\u1eb9o_cao_su", + "sa_m\u1ea1c", + "nem_r\u00e1n", + "si_r\u00f4_c\u00e2y_th\u00edch", + "chile", + "sonchus_oleraceus", + "omelette" + ], + "PRODUCT": [ + "justin_bieber", + "new_zealand", + "bo_bo", + "al_jazeera", + "diego_garcia", + "c\u01b0\u1eddm_th\u1ea3o", + "echinopsis_pachanoi", + "bi_b\u00f4", + "cape_horn", + "\u0111\u01b0\u1eddng_c\u1ee5t", + "julius_caesar", + "ng\u00f5_c\u1ee5t", + "the_star_spangled_banner", + "don_quixote", + "sachsen_anhalt", + "\u4eba\u6b0a", + "s\u00e3o_tom\u00e9_v\u00e0_pr\u00edncipe", + "deutsche_welle", + "tam_qu\u1ed1c", + "ng\u00e0y_t\u1eb7ng_qu\u00e0", + "ch\u00faa_th\u00e1nh_th\u1ea7n", + "\u00fd_d\u0129", + "th\u00e1nh_th\u1ea7n", + "t\u00e2n_\u01b0\u1edbc_hi_v\u0103n", + "nordrhein_westfalen", + "bi_c\u00e1i", + "\u00f4ng_gi\u00e0_santa", + "c\u00e2y_n\u00f4_en", + "novo_mesto" + ], + "DISEASE": [ + "ki", + "tra_t\u1ea5n", + "als", + "progeria", + "u_nang_bu\u1ed3ng_tr\u1ee9ng", + "poison_ivy", + "listeriosis", + "chi_d\u1ebb_tr\u00f9ng_kh\u00e1nh", + "the_bends", + "phytophthora_infestans", + "virus_kh\u1ea3m_thu\u1ed1c_l\u00e1", + "cam_t\u1ea9u_m\u00e3", + "chi", + "va_ch\u1ea1m_\u0111i\u1ec7n", + "gimp", + "tai_bi\u1ebfn_m\u1ea1ch_m\u00e1u_n\u00e3o", + "ho_g\u00e0", + "nghi\u1ec7n", + "u_m\u1ec1m_l\u00e2y", + "thalassemia", + "purpura", + "vi\u00eam", + "mi", + "u_x\u01a1_ti\u1ec1n_li\u1ec7t_tuy\u1ebfn", + "tan", + "sting", + "n\u00e3o_\u00fang_th\u1ee7y", + "u_m\u00e1u", + "chi_\u00e1c_l\u00e0", + "salmonella" + ], + "JOB": [ + "cu_li", + "the_police", + "ga_l\u0103ng", + "freelancer", + "the_guardian", + "regidor", + "tri_s\u1ef1", + "the_economist", + "tai_bi\u1ebfn_m\u1ea1ch_m\u00e1u_n\u00e3o", + "the_hangover", + "man", + "usher", + "messenger", + "phu", + "proconsul", + "chu\u1ea9n_t\u01b0\u1edbng", + "the_independent", + "bishop", + "cookie" + ], + "POLITICAL_PARTY_MEMBER": [ + "menshevik" + ], + "PERSON": [ + "julius_caesar", + "ha_ha", + "al_gore", + "h_g_wells", + "v_v", + "kim_yoo_jin", + "e_e_cummings", + "th\u00e1i_s\u01a1n", + "carl_david_anderson", + "gaius_julius_caesar" + ], + "QUANTITY": [ + "hai_m\u01b0\u01a1i_m\u1ed1t", + "won_h\u00e0n_qu\u1ed1c", + "ba_ch\u1ecb_em", + "hai_m\u01b0\u01a1i_hai", + "g", + "won_c\u1ed9ng_h\u00f2a_d\u00e2n_ch\u1ee7_nh\u00e2n_d\u00e2n_tri\u1ec1u_ti\u00ean", + "pound", + "gasterosteus_aculeatus", + "anders_celsius" + ], + "DATE": [ + "dog_days", + "in_time", + "tr\u0103ng_non" + ], + "GPE": [ + "dar_es_salaam", + "sint_maarten", + "nam_m\u1ef9", + "b\u1ea3y_s\u1ef1_th\u01b0\u01a1ng_kho_c\u1ee7a_\u0111\u1ee9c_m\u1eb9", + "t\u00e2n_\u01b0\u1edbc", + "nam_\u0111\u1ecbnh", + "hagia_sophia", + "kinh_th\u00e1nh_hi_v\u0103n", + "s\u00e3o_tom\u00e9", + "nic\u00f4la_th\u00e0nh_myra", + "gran_canaria", + "x\u00edch_h\u1ea3i", + "\u0111\u1ebf_qu\u1ed1c_\u0111\u1ee9c", + "al_andalus", + "v\u00e0ng_tr\u1eafng", + "s\u00f4ng_saint_lawrence", + "th\u00e0nh_ph\u1ed1_chiang_rai", + "la_gomera", + "tr\u00e0_vinh" + ], + "PERSON_PRONOUN": [ + "i", + "i_ng\u1eafn", + "m\u00ea", + "me" + ], + "LANGUAGE": [ + "na_u_ru", + "a_r\u1eadp", + "th\u00e1i", + "esperanto", + "lao", + "tonga" + ], + "SOC_ECO_CLASS": [ + "samurai", + "giai_c\u1ea5p_c\u00f4ng_nh\u00e2n", + "kinh_t\u1ebf_ng\u1ea7m", + "ch\u1ee3_\u0111en", + "n\u00f4ng_nghi\u1ec7p" + ], + "UNION": [ + "c\u00f4ng_\u0111o\u00e0n" + ], + "GENDER": [ + "men", + "boys", + "nam_gi\u1edbi", + "man", + "gal" + ], + "LAW": [ + "t\u1ef1_do_b\u00e1o_ch\u00ed", + "lu\u1eadt_d\u00e2n_s\u1ef1", + "c\u1ee5c_\u0111i\u1ec1u_tra_li\u00ean_bang" + ], + "RELIGION": [ + "wicca" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "ch\u00e1u": "ch\u00e1u_n\u1ed9i", + "m\u1eb9": "th\u1ea7y", + "b\u00e0_x\u01a1": "\u50e7\u4f3d", + "n\u1eef_tu_s\u0129": "\u50e7\u4f3d", + "x\u01a1": "th\u1ea7y_tu", + "n\u1eef_tu": "\u50e7\u4f3d", + "pr\u00edncipe": "prince", + "b\u00e0_ch\u00faa": "key", + "c\u00f4ng_ch\u00faa": "prince", + "danaus_gilippus": "vua", + "r\u00e8n": "\u570b\u738b", + "n\u1eef_ho\u00e0ng": "indra", + "n\u1eef_v\u01b0\u01a1ng": "indra", + "b\u00e0_ho\u00e0ng": "\u570b\u738b", + "b\u00e0_\u1ea5y": "\u1ea3nh", + "c\u00f4_\u1ea5y": "h\u1eafn", + "heo": "\u1ed5ng", + "ch\u1ecb_\u1ea5y": "h\u1eafn", + "t\u1ec1_x\u00e1": "anh_\u1ea5y", + "ch\u1ecb_g\u00e1i": "em_trai", + "em_g\u00e1i": "anh_trai", + "con_g\u00e1i_ri\u00eang": "con_trai_ri\u00eang", + "m\u1eb9_gh\u1ebb": "b\u1ed1_d\u01b0\u1ee3ng", + "m\u1eb9_k\u1ebf": "b\u1ed1_d\u01b0\u1ee3ng", + "ch\u1ecb_h\u1ea7u_b\u00e0n": "b\u1ed3i", + "qu\u1ea3_ph\u1ee5": "ng\u01b0\u1eddi_g\u00f3a_v\u1ee3", + "\u5be1\u5a66": "ng\u01b0\u1eddi_g\u00f3a_v\u1ee3", + "ng\u01b0\u1eddi_v\u1ee3": "ch\u1ed3ng", + "phu_nh\u00e2n": "ch\u1ed3ng", + "v\u1ee3": "ch\u1ed3ng", + "\u0111\u00e0n_b\u00e0": "man", + "\u5a66\u5973": "nam_gi\u1edbi", + "ph\u1ee5_n\u1eef": "man", + "con_trai": "con_g\u00e1i", + "trai": "c\u00f4_g\u00e1i" + }, + "other_gender_swap": { + "thay": "b\u00e0_\u1ea5y", + "h\u1ecd": "b\u00e0_\u1ea5y", + "\u1ea3nh": "h\u1ecd", + "anh_\u1ea5y": "h\u1ecd", + "h\u1eafn": "thay", + "\u00f4ng_\u1ea5y": "thay", + "\u1ed5ng": "thay", + "c\u1ee7a_n\u00f3": "c\u1ee7a_h\u1ecd", + "c\u1ee7a_anh_\u1ea5y": "c\u1ee7a_h\u1ecd", + "c\u1ee7a_h\u1eafn": "c\u1ee7a_h\u1ecd", + "lia": "c\u1ee7a_h\u1ecd", + "b\u00e0_\u1ea5y": "thay", + "c\u00f4_\u1ea5y": "h\u1ecd", + "heo": "thay", + "ch\u1ecb_\u1ea5y": "h\u1ecd", + "t\u1ec1_x\u00e1": "h\u1ecd" + }, + "en_pronoun2gender": { + "they": [ + "\u0111\u1ed3ng_t\u00ednh", + "\u0111\u1ed3ng_t\u00ednh_luy\u1ebfn_\u00e1i", + "ng\u01b0\u1eddi_chuy\u1ec3n_gi\u1edbi" + ], + "he": [ + "nam_gi\u1edbi", + "man", + "con_trai", + "little_boy", + "trai" + ], + "she": [ + "c\u00f4_g\u00e1i", + "ph\u1ee5_n\u1eef", + "h\u1ee5t", + "m\u00e1i", + "tr\u1eadt", + "\u5a66\u5973", + "con_g\u00e1i", + "\u0111\u1ed3ng_t\u00ednh", + "g\u00e1i", + "tr\u01b0\u1ee3t", + "thi\u1ebfu_n\u1eef", + "\u0111\u00e0n_b\u00e0", + "miss_a", + "c\u00e1i", + "n\u1eef", + "gal" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "h\u1eafn", + "anh_\u1ea5y", + "c\u1ee7a_anh_\u1ea5y", + "lia", + "c\u1ee7a_h\u1eafn", + "\u00f4ng_\u1ea5y", + "\u1ed5ng", + "c\u1ee7a_n\u00f3", + "\u1ea3nh" + ], + "she": [ + "ch\u1ecb_\u1ea5y", + "b\u00e0_\u1ea5y", + "c\u00f4_\u1ea5y", + "heo", + "t\u1ec1_x\u00e1" + ], + "they": [ + "lia", + "c\u1ee7a_h\u1ecd", + "thay", + "h\u1ecd" + ], + "it": [ + "kia", + "n\u00e0y", + "\u1ea5y" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/vo.json b/data_tooling/pii_processing/ontology/data/vo.json new file mode 100644 index 0000000..92cf620 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/vo.json @@ -0,0 +1,610 @@ +{ + "JOB": [ + "jileb\u00f6tan", + "jepan", + "cimijiklin\u00fckan", + "hiprokonsulan", + "cilik\u00e4l\u00e4dan", + "sifanakomipan", + "bakan", + "selid\u00f6pilaban", + "galedanahipul", + "krolig\u00fcl", + "hidatuvan", + "hidan\u00fcdan", + "jifarman", + "namajipl\u00e4gan", + "kral", + "hikonletan", + "zeilihigaledan", + "futak\u00e4lan", + "jim\u00fclan", + "pold", + "plaudan", + "nolavan", + "jikrolig\u00fcl", + "bumavan", + "hisanan", + "hibijop", + "jidatuvan", + "hikrolig\u00fcl", + "hifarman", + "vitidajiklopan", + "hitradutan", + "cimihiklin\u00fckan", + "datuvan", + "himetalavan", + "lemekal", + "jisoldat", + "geredavan", + "jiyurinavan", + "hijafan", + "hibakan", + "skalel", + "jibakan", + "cilijik\u00e4l\u00e4dan", + "jigadan", + "hitidan", + "kaligrafan", + "hiselan", + "kvisinan", + "poldan", + "b\u00fcsidan", + "zeilijigaledan", + "jilavogan", + "jidan\u00fcdan", + "lavogan", + "vitidahiklopan", + "jikaligrafan", + "jafan", + "geidan", + "jilulautan", + "hidrogan", + "vitidaklopan", + "jikonletan", + "jipigaledan", + "vomasanan", + "safaferan", + "sifal", + "sanan", + "hidr\u00e4gun", + "galedanapul", + "hilulautan", + "jafel", + "selid\u00f6pijilaban", + "jiheran", + "jijafan", + "konletan", + "nimasanel", + "wetter", + "cimiklin\u00fckan", + "drogan", + "selid\u00f6pihilaban", + "hiyurinavan", + "jafal", + "zeiligaledan", + "namahipl\u00e4gan", + "plovinik", + "hilavogan", + "yurinavan", + "hisafaferan", + "hikaligrafan", + "tidan", + "klavan", + "hipoldan", + "kvisinal", + "cubanaf", + "higadan", + "jikapenan", + "valemik", + "jibijop", + "sanel", + "klin\u00fckan", + "namapl\u00e4gan", + "jislafan", + "galedanajipul", + "litamagel", + "hikapenan", + "stelavan", + "s\u00fcgan", + "lulautan", + "jisifal", + "jimetalavan", + "hileb\u00f6tan" + ], + "PUBLIC_FIGURE": [ + "akira_kurosawa", + "henrik_ibsen", + "troglod\u00fct", + "terry_pratchett", + "isaac_newton", + "victor_hugo", + "sted\u00e4lik", + "saint_louis", + "richard_wagner", + "williams", + "marie_curie", + "michael_jackson", + "samuel_beckett", + "galileo_galilei", + "vincent_van_gogh", + "allen_iverson", + "giuseppe_verdi", + "e", + "igor_stravinskiy", + "ji_flan\u00e4nan", + "henri_matisse", + "louis_pasteur", + "sarah_bernhardt", + "y", + "f", + "ludwig_wittgenstein", + "dante_alighieri", + "giacomo_puccini", + "oscar_wilde", + "lawrence", + "morris", + "immanuel_kant", + "warburg", + "johannes_kepler", + "max_planck", + "spidik", + "canberra", + "oscar_robertson", + "yuriy_gagarin", + "michael_faraday", + "walt_disney", + "lee", + "gustav_mahler", + "marcel_proust", + "john_milton", + "marco_polo", + "henri_bergson", + "gottfried_leibniz", + "hans_christian_andersen", + "thomas", + "pablo_picasso", + "hector_berlioz", + "u", + "friedrich_nietzsche", + "i", + "sandro_botticelli", + "nikola_tesla", + "charles_barkley", + "robert_schumann", + "le_corbusier", + "perry", + "flan\u00e4nan", + "joseph_haydn", + "vladimir_putin", + "bill_russell", + "baldwin", + "m\u00fclan", + "g", + "r", + "george_lucas", + "louis_armstrong", + "steven_spielberg", + "johannes_gutenberg", + "him\u00fclan", + "peter_o'toole", + "peter_paul_rubens", + "jim_morrison", + "jackson_pollock", + "charlie_chaplin", + "lelaplan", + "stanley_kubrick", + "james_watt", + "ronald_reagan", + "william_wordsworth", + "jean_auguste_ingres", + "cristoforo_colombo", + "roald_amundsen", + "charles_dickens", + "jacques_offenbach", + "federico_fellini", + "powell", + "franz_schubert", + "albert_einstein", + "thomas_edison", + "t" + ], + "ANIMAL": [ + "redap\u00e4drit", + "musigasvan", + "regatigrid", + "musigaturd", + "saglied\u00fcl", + "lunag\u00f6bamanit", + "leon\u00fcl", + "busar", + "domakat", + "hiokamp", + "vesep", + "gr\u00fcnapikit", + "halajijevod", + "gianajak", + "halajojevod", + "bienajireg", + "gianatortug", + "vesepan\u00e4st", + "goldac\u00e4f", + "goldafasan", + "jileon\u00fcl", + "st\u00fctastaf", + "potapijun", + "kavead", + "frog", + "penepejin", + "saglied", + "lievadog", + "fotapijun", + "hisaglied\u00fcl", + "fitavesid", + "skaraf", + "bomafit", + "gretaturd", + "turb", + "galedajidog", + "ridakraozef", + "hisaglied", + "halahijevod", + "bomb\u00fczil", + "vanul", + "jisaglied\u00fcl", + "melasval", + "lilal\u00fcl", + "galedahidog", + "jisaglied", + "galedadog", + "gladab\u00f6d", + "halajevod", + "visaf", + "rosip", + "halahojevod", + "ridaberit" + ], + "PLANT": [ + "jilekanan", + "brasid", + "magnol", + "redabetad", + "skapular", + "salig", + "kokotapam", + "vietasalig", + "kokotep", + "paradit", + "hilekanan", + "florabrasid", + "padudep", + "lerid", + "koegakv\u00e4rabim", + "sprotianabrasid", + "lekanan", + "buckeye", + "flukabim", + "dogarosadabim\u00fcl", + "kaor", + "latrop", + "padudabim", + "felapop" + ], + "RACE": [ + "larab\u00e4n", + "ji_laustral\u00e4nan", + "siyopan", + "latin", + "l\u00e4skiomans", + "leskimanef", + "frans\u00e4nan", + "jinisulan", + "l\u00e4skiomanef", + "leskimans", + "laustral\u00e4nan", + "yuropik", + "viet", + "hinisulan", + "frikopik", + "yudanik", + "jiyudanik", + "ji_frans\u00e4nan" + ], + "FOOD": [ + "koled", + "kunamilig", + "maskagumod", + "salodabubamit", + "flapilakrem", + "p\u00e4rlatahod", + "moel\u00e4t", + "gingif", + "glutavin", + "redabrasid", + "bludasosit" + ], + "SOC_ECO_CLASS": [ + "donaklad", + "filist", + "lesog\u00e4d", + "miligapin" + ], + "POLITICAL_PARTY_MEMBER": [ + "rep\u00fcblikimik" + ], + "RELIGION_MEMBER": [ + "jikoptan", + "slamik", + "yudan", + "slaman", + "hikoptan", + "hislaman", + "jain", + "kritan" + ], + "DISEASE": [ + "kekunaflamat", + "fijesiped", + "peil\u00e4pik", + "letod", + "peil\u00e4p", + "materim", + "k\u00e4sem", + "futagig", + "ragit", + "bubap\u00e4st", + "honaskin", + "h\u00e4rmafrodit", + "kanseraluuk", + "mudekluvamal\u00e4d", + "jotagig", + "planaglof", + "silefog", + "larinaflamat", + "lelax\u00fcd", + "bienasteg\u00fcl", + "bomabrek", + "filist", + "tutadol" + ], + "ORG": [ + "germav", + "benodug\u00e4l", + "zifatat", + "sankt_andreasberg", + "redakrod", + "yurop", + "san_francisco", + "yulopayum", + "un", + "sanlusiy\u00e4n", + "kons\u00e4l\u00f6p", + "benodug\u00e4lam", + "dot", + "redamel", + "gl\u00fcg_romakatulik", + "ai", + "planavagad", + "redakrodast\u00e4n", + "sigretaber", + "cilasnab\u00e4dajuk", + "jodem", + "reiganef", + "deut\u00e4nap\u00fck", + "donajul", + "po", + "snab\u00e4dajuk", + "los_angeles", + "maskagumod", + "gl\u00fcg_katulik", + "kabov\u00e4rdu\u00e4ns" + ], + "PRODUCT": [ + "justin_bieber", + "kafaken", + "komipac\u00fcd", + "svimablitil", + "kavead", + "kafaskal", + "julius_caesar", + "pardol\u00f6s", + "the_star_spangled_banner", + "stelastejen", + "sax\u00e4n_lanhalt\u00e4n", + "sakalus\u00fct", + "musig\u00f6m", + "fat\u00fcl_kritid", + "yelas\u00e4suns_fol", + "sesamas\u00fct", + "novo_mesto" + ], + "LANGUAGE": [ + "lingl\u00e4nik", + "ji_rus\u00e4nan", + "ji_macar\u00e4nanik", + "hindiy", + "lislade\u00e4nap\u00fck", + "macar\u00e4nap\u00fckik", + "sperantap\u00fck", + "ji_tahite\u00e4nan", + "macar\u00e4nanik", + "macar\u00e4nik", + "lurduv", + "galegik", + "sved\u00e4nap\u00fck", + "tongu\u00e4ns", + "larab\u00e4nap\u00fck", + "flentap\u00fck", + "frikop\u00e4nap\u00fck", + "portug\u00e4nik", + "spany\u00e4nik", + "ji_norg\u00e4nan", + "jijip", + "ido", + "norg\u00e4nan", + "frans\u00e4nap\u00fck" + ], + "RELIGION": [ + "manig" + ], + "PERSON": [ + "julius_caesar", + "de_witt" + ], + "GPE": [ + "diatek_nulik", + "redakrod", + "goldinamein\u00e4d", + "redamel", + "redakrodast\u00e4n" + ], + "LOCATION": [ + "sri_lank\u00e4n", + "lusogem", + "trois_rivi\u00e8res", + "sibl\u00e4gahog", + "sigretaber", + "rosadagad", + "melop", + "lamerik\u00e4n", + "st_albans", + "sakalus\u00fct", + "the_rolling_stones", + "minavat", + "lindean", + "meropan", + "kr\u00fcv\u00fcy_rih", + "merop", + "lamerik\u00e4nik" + ], + "PERSON_PRONOUN": [ + "i", + "oki", + "her", + "us" + ], + "MEDICAL_THERAPY": [ + "bludiped" + ], + "GENDER": [ + "men", + "bub", + "hipul", + "jimenik", + "himenik" + ], + "FAC": [ + "pot\u00f6p", + "kildegkil", + "j\u00f6navalekans", + "nimagad", + "p\u00f6pajul", + "kilsekil", + "sanlusiy\u00e4n" + ], + "QUANTITY": [ + "ton", + "g" + ], + "DATE": [ + "fulamun", + "el_walpurgisnacht", + "jimagivanaz\u00e4laneit" + ], + "ANAT": [ + "l\u00f6pabrad" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "jilep\u00e4dan": "hilep\u00e4dan", + "bibik": "hiter", + "jibaonan": "baonan", + "daut": "son", + "jid\u00fck": "hid\u00fck", + "d\u00fck": "jid\u00fck", + "hid\u00fck": "jid\u00fck", + "vomik": "manik", + "jimenik": "manik", + "her": "omik", + "ofik": "omik", + "jimasetan": "himasetan", + "jikleudan": "kleudan", + "kleudan": "hikleudan", + "poldan": "hipoldan", + "jipoldan": "hipoldan", + "ledaut": "plin", + "jiplin": "plin", + "reg": "hireg", + "jireg": "kral", + "jigem": "blod", + "s\u00f6r": "higem", + "jiblod": "blod", + "ludaut": "luson", + "jilucil": "hilucil", + "jilupal": "lupal", + "lumot": "lupal", + "jib\u00f6tan": "hib\u00f6tan", + "jiviudan": "hiviudan", + "jimatan": "himatan", + "magivan": "jimagival", + "jimagivan": "himagival", + "himagivan": "magival", + "hicil": "jicil", + "hipul": "jicil" + }, + "other_gender_swap": { + "omsik": "ofik", + "onsik": "her", + "ofsik": "her", + "her": "omsik", + "ofik": "onsik" + }, + "en_pronoun2gender": { + "he": [ + "hipul", + "himenik", + "manik", + "hicil", + "bub" + ], + "she": [ + "vomik", + "jimenik", + "jimen", + "jicil" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "oki", + "omik" + ], + "she": [ + "oki", + "ofik", + "her" + ], + "they": [ + "omsik", + "ofs", + "onsik", + "ofsik", + "oms" + ], + "it": [ + "hasin", + "onik" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/wa.json b/data_tooling/pii_processing/ontology/data/wa.json new file mode 100644 index 0000000..93baac1 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/wa.json @@ -0,0 +1,307 @@ +{ + "PLANT": [ + "feve", + "schitro\u00fble", + "cabu", + "cascagn\u00ee", + "grande_vintche", + "carote", + "cierfouy", + "harloucrale", + "amanites", + "tchers\u00ee", + "tchene", + "betr\u00e5le", + "magriyete", + "waisse", + "bicoine", + "coltchike", + "pronne", + "most\u00e5de", + "rabrouxhe", + "pavoe", + "caroub\u00ee" + ], + "ANIMAL": [ + "tcherdon\u00ee", + "cat", + "tchivro\u00fb", + "sodoirmant_ordinaire", + "tchawe", + "sprewe", + "tchet", + "sodoirmant", + "fawene", + "spirou", + "colibacile", + "to\u00fbtrale", + "passer", + "tchivene", + "linet", + "brotchet", + "graev\u00ee", + "cressale", + "skiron", + "marcote", + "ritch\u00e5d", + "singl\u00e9", + "wesse", + "ecefalite_do_n\u00eel_co\u00fbtchantrece", + "cast\u00f4r", + "bascolete", + "coirnaye", + "houprale", + "taesson" + ], + "PRODUCT": [ + "abondroets_des_djins", + "li_tchet_\u00e5s_botes", + "sint_esprit", + "abondroets_del_djin", + "grande_burtaegne" + ], + "PUBLIC_FIGURE": [ + "akira_kurosawa", + "georges_simenon", + "sint_p\u00e5", + "isaac_newton", + "michael_jackson", + "m\u00f4n\u00ee", + "vincent_van_gogh", + "si_distrure", + "e", + "paul_verlaine", + "hinri", + "don_quijote", + "pete_seeger", + "a", + "walt_disney", + "peter", + "hanscroufe", + "jesse_owens", + "guillaume_apollinaire", + "karl_marx", + "friedrich_nietzsche", + "john_locke", + "adolf_hitler", + "si_mete_a_f\u00e9n", + "r", + "steven_spielberg", + "johannes_gutenberg", + "jean_de_la_fontaine", + "peter_o'toole", + "charlie_chaplin", + "telecmande", + "ronald_reagan", + "martin_luther_king", + "nelson_mandela", + "roald_amundsen", + "johnny_cash", + "albert_einstein" + ], + "ORG": [ + "e_s_m\u00e5jhone", + "scole", + "end_aw\u00e8_s_s\u00f4", + "cap_vert", + "tawoyisse", + "sint_impire_romin_djermanike", + "sint_ogustin", + "tch\u00e5r_p\u00f4cet", + "divintrin", + "sinte_b\u00e5re", + "e_s_m\u00e5jhon", + "po", + "almand", + "urope", + "zonigne", + "novele_lune", + "nicolai_d_mira", + "al_djazira" + ], + "JOB": [ + "boledj\u00ee", + "scoleu", + "pretcheu", + "roy", + "don", + "valet", + "pondeu", + "boledjresse", + "bokion", + "moult\u00ee", + "boskiyon", + "messaedj\u00ee", + "acontance", + "mandarin", + "mayeur", + "bierdj\u00ee", + "fonccionaire", + "abateu" + ], + "DISEASE": [ + "maladeye", + "essoctaedje", + "pesse", + "five_ebola", + "stiernixhaedje", + "rodjetes", + "toss\u00ee", + "efouwaedje", + "rovio\u00fbles", + "waerb\u00e5d", + "fornourixhaedje", + "froedeur", + "listeri\u00f4ze", + "udinme", + "otisse", + "raedje", + "soumey", + "peumoneye", + "sprogn\u00ee", + "screper", + "greter", + "friskete", + "crantche", + "grangrin", + "tosse", + "poirt\u00eaye", + "waerbea", + "stiernouwer", + "cingues", + "tanfla" + ], + "PERSON_PRONOUN": [ + "vosse", + "mine", + "our", + "leye" + ], + "LOCATION": [ + "si_stamper", + "i_n_f\u00e5t_r\u00e9n_po_\u00e7oula", + "po_si_e_cas", + "si_e_cas", + "grand_tch\u00e5r", + "s_astamper", + "estats_unis", + "si_lever", + "al_djazira", + "the_rolling_stones", + "court" + ], + "GPE": [ + "sint_esprit", + "pass\u00e5jhe" + ], + "FOOD": [ + "stof\u00e9", + "marinde" + ], + "RACE": [ + "turk" + ], + "DATE": [ + "djonne_lune", + "ladr\u00ee", + "tossint", + "grande_notru_dame", + "tinre_lune" + ], + "QUANTITY": [ + "ton", + "spinoke" + ], + "RELIGION_MEMBER": [ + "crustin" + ], + "GENDER": [ + "male", + "kimere", + "frumele" + ], + "LANGUAGE": [ + "malayalam", + "hindi", + "daenw\u00e8s", + "esperanto", + "lingala" + ], + "RELIGION": [ + "islam" + ], + "FAC": [ + "sint_dj\u00e5ke_el_galice" + ], + "SOC_ECO_CLASS": [ + "agrico\u00fbteure", + "crinme" + ], + "PERSON": [ + "magn\u00e5ve_bolet" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "femrin": "male", + "frumele": "male", + "princesse": "prince", + "royinne": "roy", + "frut": "feye", + "gam\u00e9n": "feye" + }, + "other_gender_swap": { + "leus": "s\u00f4", + "s\u00f4": "leus" + }, + "en_pronoun2gender": { + "he": [ + "male", + "frut", + "gam\u00e9n" + ], + "she": [ + "b\u00e5shele", + "feye", + "kimere", + "frumele", + "femrin", + "feme" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "lyi", + "s\u00f4" + ], + "she": [ + "leye", + "s\u00f4" + ], + "they": [ + "leus" + ], + "it": [ + "cisse", + "ces", + "cisse_lale", + "ci_la", + "cesses_lale", + "ces_ci", + "ces_la", + "\u00e8\u00e7_n", + "oyi", + "\u00e8\u00e7" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/war.json b/data_tooling/pii_processing/ontology/data/war.json new file mode 100644 index 0000000..cec85bc --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/war.json @@ -0,0 +1,1097 @@ +{ + "PLANT": [ + "acer_negundo", + "cucurbita_ficifolia", + "hibiscus_syriacus", + "acanthocereus_tetragonus", + "hibiscus_mutabilis", + "brachychiton_populneus", + "primula_auricula", + "robinia_hispida", + "lilium_martagon", + "lupinus_luteus", + "pyracantha", + "acer_rubrum", + "campanula_persicifolia", + "diospyros_virginiana", + "verbascum_thapsus", + "lycium_barbarum", + "parnassia", + "salvia_leucophylla", + "iris_germanica", + "lilium_philadelphicum", + "lilium_longiflorum", + "sorghum_halepense", + "veronica_beccabunga", + "liriodendron_tulipifera", + "quercus_coccinea", + "cladonia_rangiferina", + "triglochin_maritima", + "impatiens_walleriana", + "geranium_molle", + "dioscorea_bulbifera", + "hoya_carnosa", + "erythronium_albidum", + "viola_arvensis", + "sapindus", + "scutellaria_galericulata", + "claviceps_purpurea", + "viola_reichenbachiana", + "chimaphila_umbellata", + "sarcoscypha_coccinea", + "philadelphus_coronarius", + "aralia_elata", + "brassica_nigra", + "eleocharis_dulcis", + "bromus_tectorum", + "helianthus", + "rosa_chinensis", + "lathyrus_latifolius", + "ripolyu", + "cucurbita_moschata", + "monarda_citriodora", + "solanaceae", + "anthriscus_cerefolium", + "campanula_medium", + "caryota_urens", + "quercus_kelloggii", + "viola_cornuta", + "juncus_articulatus", + "eryngium_maritimum", + "schefflera_actinophylla", + "amelanchier_bartramiana", + "pachysandra_terminalis", + "salix_babylonica", + "cyclamen_purpurascens", + "anthyllis_vulneraria", + "arctostaphylos_alpinus", + "abies_grandis", + "laurus_nobilis", + "lathyrus_odoratus", + "amanita", + "vespula_vulgaris", + "arabidopsis_thaliana", + "pilularia_globulifera", + "bertholletia_excelsa", + "adenium_obesum", + "epipremnum_aureum", + "arundo", + "sorbus_torminalis", + "achillea", + "magnolia_grandiflora", + "solanum_quito\u00ebnse", + "berteroa_incana", + "pelargonium_odoratissimum", + "colutea_arborescens", + "liparis_loeselii", + "chionanthus_virginicus", + "coprinus_comatus", + "sinapis", + "prunus_laurocerasus", + "pachysandra_procumbens", + "allium_tuberosum", + "pennisetum_glaucum", + "amelanchier_alnifolia", + "passiflora_ligularis", + "salix_triandra", + "leucaena_leucocephala", + "silene_virginica", + "lilium_michiganense", + "cercidiphyllum_japonicum", + "atriplex_hortensis", + "vaccinium_corymbosum", + "teucrium_scorodonia", + "acer_campestre", + "bletilla_striata", + "mimosa_pudica", + "singkamas", + "mariguso", + "convolvulus", + "carex_pseudocyperus", + "gentiana_lutea", + "mercurialis_perennis", + "matthiola_incana", + "acacia_pycnantha", + "actinidia_chinensis", + "taxus_baccata", + "saxifraga_granulata", + "valerianella_locusta", + "periploca_graeca", + "rhus_typhina", + "nymphaea_alba", + "silene_dioica", + "euphorbia_esula", + "phaseolus_coccineus", + "diplotaxis_tenuifolia", + "euphorbia_dentata", + "candida_albicans", + "ranunculus_ficaria", + "malope_trifida", + "senna_alata", + "schinus_terebinthifolius", + "amaryllis_belladonna", + "veronica_officinalis", + "phegopteris_connectilis", + "illicium_floridanum", + "pontederia_cordata", + "calophyllum_inophyllum", + "rosa_multiflora", + "prunus_cerasus", + "acer_macrophyllum", + "asclepias_purpurascens", + "acacia_dealbata", + "capsicum_baccatum", + "dianthus_caryophyllus", + "agrimonia_eupatoria", + "larix_occidentalis", + "plantago_lanceolata", + "polystichum_lonchitis", + "ononis_spinosa", + "andropogon_virginicus", + "xanthosoma_sagittifolium", + "acer_palmatum", + "thlaspi_arvense", + "agrostemma_githago", + "geranium_pratense", + "hypericum_androsaemum", + "salix_viminalis", + "calvatia_gigantea", + "juniperus_virginiana", + "eriophorum_angustifolium", + "veronica_serpyllifolia", + "alstonia_scholaris", + "eucalyptus_globulus", + "cassia_fistula", + "pterospermum_acerifolium", + "platanus_occidentalis", + "passiflora_incarnata", + "clusia", + "festuca_ovina", + "quercus_ellipsoidalis", + "bromus_arvensis", + "polygala_vulgaris", + "ardisia_crenata", + "fraxinus_quadrangulata", + "lagikway", + "veronica_peregrina", + "chaenomeles_speciosa", + "selenicereus_grandiflorus", + "citrus_aurantium", + "pelargonium_peltatum", + "reseda", + "barbarea_vulgaris", + "osmanthus_americanus", + "annona_cherimola", + "cortinarius_violaceus", + "platanus_orientalis", + "karot", + "piper_longum", + "gossypium_hirsutum", + "prunus_armeniaca", + "castanea_dentata", + "liquidambar", + "nymphaea_odorata", + "urtica", + "potamogeton_crispus", + "parthenocissus_tricuspidata", + "paspalum_distichum", + "tropaeolum_minus", + "macadamia_tetraphylla", + "cucurbita_argyrosperma", + "kawayan", + "salix_fragilis", + "amanita_muscaria", + "pterocarpus_indicus", + "corylus_americana", + "calla_palustris", + "leonurus_cardiaca", + "spergula_arvensis", + "physostegia_virginiana", + "asplenium_trichomanes", + "acer_japonicum", + "arrhenatherum_elatius", + "nicotiana_alata", + "dracocephalum", + "carissa_macrocarpa", + "populus_balsamifera", + "armeria_maritima", + "nicotiana_tabacum", + "myosotis_sylvatica", + "asclepias_verticillata", + "phyllostachys_nigra", + "astragalus_alpinus", + "quercus_variabilis", + "ulmus_americana", + "primula_acaulis", + "carex_arenaria", + "acanthus_mollis", + "stellaria_media", + "solanum_nigrum", + "calochortus_amabilis", + "abies_lasiocarpa", + "campanula_rapunculus", + "melastoma_malabathricum", + "cystopteris_montana", + "diplotaxis_muralis", + "sciadopitys_verticillata", + "geranium_robertianum", + "hedysarum_coronarium", + "lepista_nuda", + "hippocrepis_comosa", + "verbena_officinalis", + "sigidilyas", + "prunus_domestica", + "platanus_hybrida", + "draba_verna", + "dendrocalamus_giganteus", + "tricholoma_aurantium", + "portulaca_grandiflora", + "chlorophyllum_molybdites", + "muscicapa_striata", + "prosopis_juliflora", + "acer_platanoides", + "cotoneaster_horizontalis", + "viburnum_prunifolium", + "gossypium_barbadense", + "erica_carnea", + "euphorbia_cyparissias", + "salvia_pratensis", + "delonix_regia", + "urtica_dioica", + "gymnadenia_conopsea", + "trifolium_repens", + "eugenia_uniflora", + "cortaderia_selloana", + "solanum", + "gentianella_amarella", + "ballota_nigra", + "campanula_carpatica", + "sisymbrium_officinale", + "angelica_archangelica", + "campsis_radicans", + "echinocactus_grusonii", + "medinilla_magnifica", + "corypha_umbraculifera", + "brachychiton_acerifolius", + "caragana_arborescens", + "sorbus_aucuparia", + "dianthus_chinensis", + "acer_pseudoplatanus", + "aristolochia_macrophylla", + "lotus_corniculatus", + "gymnadenia_odoratissima", + "polyporus_squamosus", + "raphanus_raphanistrum", + "cornus_florida", + "cytisus_multiflorus", + "amaranthus_caudatus", + "silene_latifolia", + "gymnocladus_dioica", + "botrychium_lunaria", + "fraxinus_velutina", + "anagallis_tenella", + "fagus_sylvatica", + "scleranthus_annuus", + "acrocarpus_fraxinifolius", + "salix_pentandra", + "rubus_spectabilis", + "drosophyllum_lusitanicum", + "crataegus_laevigata", + "sinapis_arvensis", + "acer_circinatum", + "arum", + "silene_uniflora", + "dracunculus_vulgaris", + "acacia_melanoxylon", + "cyperus_papyrus", + "agrostis_canina", + "saccharomyces_cerevisiae", + "boletus_edulis", + "kuliplor", + "campanula_trachelium", + "ranunculus_bulbosus", + "tetragonia_tetragonoides", + "erythronium_americanum", + "arenaria_serpyllifolia", + "lysimachia_vulgaris", + "daphne_cneorum", + "fraxinus_pennsylvanica", + "juglans_californica", + "campanula_rotundifolia", + "phytolacca_dioica", + "campanula_glomerata", + "lonicera_tatarica", + "dalbergia_latifolia", + "polystichum_aculeatum", + "gaultheria_procumbens", + "beta_vulgaris", + "cerastium_alpinum", + "pleurotus_ostreatus", + "pseudotsuga_menziesii", + "lithospermum_officinale", + "senna_alexandrina", + "heracleum_sphondylium", + "crataegus_aestivalis", + "drimys_winteri", + "lathyrus_sylvestris", + "marasmius_oreades", + "symphytum_officinale", + "rosa_moschata", + "viola_tricolor", + "viburnum_opulus", + "gentiana_acaulis", + "salvia_farinacea", + "elaeis_guineensis", + "coix_lacryma_jobi", + "erythronium_montanum", + "prunus_serrulata", + "galium_verum", + "acronicta_aceris", + "aralia_stipulata", + "cycas_circinalis", + "populus_nigra", + "nasturtium", + "ranunculus_repens", + "stellaria_holostea", + "strelitzia_reginae", + "agathis_australis", + "lemna_minor", + "larix_laricina", + "pyrola_rotundifolia", + "colocasia_esculenta", + "inga_edulis", + "spiranthes_spiralis", + "cardamine_pratensis", + "hypericum_calycinum", + "piper_betle", + "hypericum_maculatum", + "hypericum_perforatum", + "allium_fistulosum", + "salix_arctica", + "phacelia_campanularia", + "alnus_glutinosa", + "cypripedium_montanum", + "erodium_texanum", + "arrhenatherum", + "annona_reticulata", + "pinus_muricata", + "paris_quadrifolia", + "phytolacca_americana", + "nicotiana_rustica", + "reseda_odorata", + "lathyrus_sativus", + "oxalis", + "veronica_arvensis", + "anthriscus_sylvestris", + "pteridium_aquilinum", + "cinnamomum_cassia", + "panicum_capillare", + "smilax_aspera", + "salvia_sclarea", + "aristolochia_clematitis", + "catharanthus_roseus", + "cephalanthera_rubra", + "cypripedium_calceolus", + "viola_odorata", + "poa_nemoralis", + "corylus_cornuta", + "amaranthus_albus", + "lotus_tetragonolobus", + "arctostaphylos_uva_ursi", + "chrysanthemum", + "agrimonia", + "myrica_gale", + "vallisneria", + "holcus_mollis", + "crambe_maritima", + "erythrina_variegata", + "platanthera_chlorantha", + "rosa_banksiae", + "acer_glabrum", + "euphorbia_milii", + "begonia_tuberhybrida", + "castanea", + "physalis_peruviana", + "bilanghoy", + "sambucus_ebulus", + "rubus_odoratus", + "hamamelis_virginiana", + "calystegia_sepium", + "podocarpus_latifolius", + "dicksonia_antarctica", + "magnolia", + "galium_boreale", + "ulmus_hollandica", + "nephrolepis_exaltata", + "asclepias_meadii", + "pterocarpus_macrocarpus", + "phellodendron_amurense", + "hevea_brasiliensis", + "ranunculus_aquatilis", + "polypodium_vulgare", + "bromus_secalinus", + "pinus_palustris", + "conium_maculatum", + "plantago_media", + "ranunculus_acris", + "cypripedium_reginae", + "andromeda_polifolia", + "betula_papyrifera", + "rosa_damascena", + "platanthera_bifolia", + "camellia_japonica", + "tritoma" + ], + "PUBLIC_FIGURE": [ + "henry_cavendish", + "benjamin_franklin", + "martin_buber", + "akira_kurosawa", + "maria_tallchief", + "giovanni_boccaccio", + "cornelius_vanderbilt", + "ben_hogan", + "leonard_bernstein", + "che_guevara", + "c", + "henrik_ibsen", + "mary_shelley", + "jesucristo", + "david_livingstone", + "andrzej_wajda", + "jan_van_eyck", + "carl_rogers", + "richard_burton", + "douglas_macarthur", + "mary_wollstonecraft", + "john_jacob_astor", + "anna_pavlova", + "winston_churchill", + "u_sa", + "ivan_pavlov", + "dmitri_shostakovich", + "paul_mccartney", + "francis_crick", + "isaac_newton", + "victor_hugo", + "joseph_smith", + "edwin_hubble", + "milton_friedman", + "edward_gibbon", + "john_glenn", + "george_harrison", + "george_orwell", + "richard_wagner", + "pancho_villa", + "marie_curie", + "mary_martin", + "michael_jackson", + "carl_sandburg", + "thomas_hobbes", + "sa_yu", + "el_greco", + "david", + "galileo_galilei", + "jane_goodall", + "robert_koch", + "i_m_pei", + "george_eastman", + "john_steinbeck", + "erich_mendelsohn", + "edmund_hillary", + "vincent_van_gogh", + "anne_boleyn", + "thomas_paine", + "mary_pickford", + "emiliano_zapata", + "yuri_gagarin", + "giuseppe_verdi", + "karl_jaspers", + "konrad_adenauer", + "dahum", + "mark_rothko", + "gottlieb_daimler", + "frank_sinatra", + "abel_tasman", + "katharine_hepburn", + "henri_becquerel", + "henri_matisse", + "louis_pasteur", + "somateria_spectabilis", + "theodosius_i", + "hugo_grotius", + "john_ford", + "saladin", + "sarah_bernhardt", + "luigi_pirandello", + "hank_williams", + "charles_de_gaulle", + "y", + "ralph_bunche", + "charles_lindbergh", + "joseph_stalin", + "f", + "john_jay", + "ludwig_wittgenstein", + "thomas_mann", + "dante_alighieri", + "margot_fonteyn", + "peter_pan", + "giacomo_puccini", + "fridtjof_nansen", + "louis_braille", + "james_dean", + "roger_bannister", + "joseph_priestley", + "nicolas_poussin", + "andrea_mantegna", + "james_naismith", + "oscar_wilde", + "eli_whitney", + "laurence_olivier", + "francis_bacon", + "pete_seeger", + "william_hogarth", + "charles_baudelaire", + "david_ricardo", + "immanuel_kant", + "james_franck", + "warburg", + "saint_martin", + "titus", + "johannes_kepler", + "max_planck", + "william_blake", + "john_bardeen", + "carl_lewis", + "canberra", + "edward_jenner", + "oscar_robertson", + "oreonympha_nobilis", + "moises", + "cole_porter", + "jean_luc_godard", + "igor_stravinsky", + "patricio_han_irlanda", + "william_herschel", + "mikhail_baryshnikov", + "montesquieu", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "john_d_rockefeller", + "irving_berlin", + "rudolf_diesel", + "walt_disney", + "ted_williams", + "friedrich_engels", + "jane_austen", + "gustav_mahler", + "ed_sullivan", + "phil_collins", + "robert_redford", + "jack_dempsey", + "ian_fleming", + "richard_feynman", + "wolfgang_pauli", + "theodor_mommsen", + "marcel_proust", + "thomas_more", + "elizabeth_taylor", + "john_milton", + "ethel_merman", + "samuel_adams", + "indira_gandhi", + "myoxus_glis", + "george_gershwin", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "macaca_nemestrina", + "caravaggio", + "allen_ginsberg", + "daniel_bernoulli", + "henri_bergson", + "hans_christian_andersen", + "cary_grant", + "pieter_zeeman", + "glenn_miller", + "pablo_picasso", + "marian_anderson", + "john_marshall", + "christiaan_huygens", + "hector_berlioz", + "lucille_ball", + "paul_simon", + "claudio_monteverdi", + "adam_smith", + "william_james", + "jean_harlow", + "henry_miller", + "karl_marx", + "paul_bunyan", + "friedrich_nietzsche", + "i", + "pedro", + "e_o_wilson", + "sandro_botticelli", + "nikola_tesla", + "al_capone", + "billy_graham", + "robert_schumann", + "mel_gibson", + "le_corbusier", + "john_locke", + "joseph_marie_jacquard", + "henry_james", + "helen_keller", + "ingrid_bergman", + "jean_piaget", + "henri_rousseau", + "h_g_wells", + "walt_whitman", + "william_wyler", + "ludwig_boltzmann", + "carl_jung", + "adolf_hitler", + "james_d_watson", + "peter_behrens", + "joseph_haydn", + "george_boole", + "edvard_grieg", + "robert_boyle", + "1", + "rosa_parks", + "samuel_goldwyn", + "ernest_walton", + "vladimir_putin", + "giuseppe_mazzini", + "jim_thorpe", + "don_budge", + "bill_russell", + "g", + "arthur_schopenhauer", + "james_cagney", + "johns_hopkins", + "martin_heidegger", + "hans_eysenck", + "arnold_schoenberg", + "r", + "george_lucas", + "andrew_jackson", + "louis_armstrong", + "steven_spielberg", + "st_louis_missouri", + "jean_monnet", + "d_w_griffith", + "robert_fulton", + "thomas_hardy", + "thomas_gainsborough", + "giuseppe_garibaldi", + "tamara_karsavina", + "johannes_gutenberg", + "amerigo_vespucci", + "emma_goldman", + "putin", + "robert_hooke", + "o_henry", + "karl_popper", + "john_calvin", + "peter_sellers", + "henry_clay", + "marcus_aurelius", + "peter_o'toole", + "william_shockley", + "peter_paul_rubens", + "mahatma_gandhi", + "jim_morrison", + "jules_verne", + "paul_newman", + "fyodor_dostoyevsky", + "john_roebling", + "jackson_pollock", + "john_lennon", + "andrea_palladio", + "bob_woodward", + "charlie_chaplin", + "piscis_austrinus", + "alice_walker", + "andrei_sakharov", + "george_marshall", + "bungol", + "stanley_kubrick", + "john_huston", + "william_gilbert", + "james_watt", + "ronald_reagan", + "jenny_lind", + "frederick_douglass", + "david_hilbert", + "oliver_cromwell", + "frank_capra", + "woodrow_wilson", + "margaret_sanger", + "richard_rodgers", + "don_quixote", + "jim_henson", + "ernest_hemingway", + "george_westinghouse", + "aquila", + "arthur_miller", + "nelson_mandela", + "al_gore", + "j_p_morgan", + "roald_amundsen", + "richard_leakey", + "charles_dickens", + "wallace_carothers", + "federico_fellini", + "willy_brandt", + "francisco_pizarro", + "francisco_franco", + "jackie_robinson", + "bernardo_bertolucci", + "andrew_carnegie", + "franz_schubert", + "johnny_cash", + "alfred_kastler", + "mick_jagger", + "georges_cuvier", + "william_harvey", + "vladimir_lenin", + "jonathan_swift", + "walter_gropius", + "albert_einstein", + "robert_joffrey", + "thomas_edison", + "chiang_kai_shek", + "marie_antoniette", + "raymond_chandler", + "t" + ], + "ANIMAL": [ + "terenura_sharpei", + "acherontia", + "apodemus", + "monachus_schauinslandi", + "buteo", + "mamalya", + "lumuan", + "lemmus_lemmus", + "sitta_europaea", + "mirounga_leonina", + "kunduz", + "canis_minor", + "hippotragus_niger", + "sitta_carolinensis", + "carduelis", + "pisces", + "mantodea", + "pieris_brassicae", + "brachypteraciidae", + "bangk\u00e2", + "micropterus", + "perca_flavescens", + "bukaw", + "karabaw", + "gerbillus_jamesi", + "prunus_tenella", + "accipiter", + "manaol", + "pinctada_margaritifera", + "balanak", + "donald_duck", + "takray", + "salmo_salar", + "sanicula_europaea", + "corallium_rubrum", + "martes_foina", + "ammospermophilus", + "ictiobus_niger", + "megascops", + "capreolus_capreolus", + "branta_bernicla", + "arthropoda", + "sarcophagidae", + "bulgan", + "alle_alle", + "sitta_canadensis", + "mantis", + "zeus_faber", + "salvelinus_fontinalis", + "gorilla_gorilla", + "martes_zibellina", + "peristediidae", + "pedunculata", + "arvicola" + ], + "ORG": [ + "pula_nga_dagat", + "shinto", + "inaleman", + "jan_mayen", + "aa", + "nasa", + "bollywood", + "germanistika", + "san_francisco", + "gao", + "kolehiyo", + "can_tho", + "saint_helena", + "pag_uma", + "bangko_sentral", + "chiang_mai", + "taoismo", + "iskwilahan", + "rabindranath_tagore", + "al_a\u00efn", + "gestapo", + "bisperas_han_bag_o_nga_tuig", + "winnie_the_pooh", + "hin_o", + "tra_vinh", + "sao_tome", + "i_ching", + "chiang_rai", + "panmilitar_nga_akademya", + "disa", + "addis_ababa", + "nautilus_pompilius", + "ursa_major", + "saint_barth\u00e9lemy", + "imperyo_han_alemanya", + "los_angeles", + "pakiana", + "partido_politikal", + "kasundalohan", + "balaud_sibil", + "kolehiyo_elektoral", + "partido_demokrata", + "hirundo_rustica", + "hardin_botaniko", + "partido_republicano" + ], + "LOCATION": [ + "danaw_superior", + "hai_duong", + "plantago_lanceolata", + "estados_unidos", + "trifolium_pratense", + "dryocopus_martius", + "eryngium_maritimum", + "piet_mondrian", + "ha_long", + "trifolium_repens", + "sint_maarten", + "trois_rivi\u00e8res", + "crist\u00f3bal_col\u00f3n", + "iris_pseudacorus", + "pieris_rapae", + "plantago_major", + "darag_nga_salog", + "vaccinium_oxycoccos", + "plantago_media", + "alnus_glutinosa", + "hat_yai", + "sri_lanka", + "bukid_santa_helena", + "scutellaria_galericulata", + "the_rolling_stones", + "kryvyi_rih", + "pieris_brassicae", + "al_a\u00efn", + "trifolium_dubium", + "pterocarpus_indicus", + "santa_claus", + "kus\u00f3g_pan_igbaw", + "delonix_regia", + "prunus_avium" + ], + "FAC": [ + "arnold_schoenberg", + "singbahan_katoliko", + "pedro_nga_harangdon", + "an_urhi_nga_pangiklop", + "the_four_seasons", + "santa_lucia" + ], + "QUANTITY": [ + "rupee", + "g" + ], + "FOOD": [ + "citrus_aurantiifolia", + "sopdrink", + "hatok", + "symphytum_officinale", + "daucus_carota", + "vigna_unguiculata", + "capsicum", + "pamahaw", + "sodium_chloride", + "sorbetes", + "bunay", + "chile", + "nasasamsam_nga_goma", + "desyerto", + "juglans_regia" + ], + "DATE": [ + "pamur\u00edng", + "kadayaw" + ], + "BIO_CHEM_ENTITY": [ + "betsin" + ], + "PRODUCT": [ + "justin_bieber", + "fyodor_dostoyevsky", + "diego_garcia", + "echinopsis_pachanoi", + "julius_caesar", + "the_four_seasons", + "don_quixote", + "sachsen_anhalt", + "the_lord_of_the_rings", + "s\u00e3o_tom\u00e9_ngan_pr\u00edncipe", + "mario_andretti", + "katungod_pantawo", + "reino_unido", + "nordrhein_westfalen" + ], + "RELIGION": [ + "zen", + "shinto", + "presbiterianismo", + "islam", + "calvinismo", + "sunni_islam" + ], + "JOB": [ + "alkalde", + "inhenyero", + "yatot", + "sayantista", + "paralegal", + "mangulo", + "sculptor", + "comersyante", + "stroke", + "manunurat", + "rabino", + "wetter" + ], + "GENDER": [ + "babaye", + "lalaki" + ], + "DISEASE": [ + "anthrax", + "sipilis", + "rabies", + "trangkaso", + "stroke", + "ul_ul", + "punggod", + "hangga", + "maws", + "sakit_nga_ebola", + "katurog", + "pica", + "ul_ol", + "altapresyon", + "arkoholismo", + "poliomyelitis", + "malarya", + "kanser", + "materyalismo", + "su_ol" + ], + "POLITICAL_PARTY_MEMBER": [ + "menshevik" + ], + "PERSON": [ + "julius_caesar", + "al_gore", + "h_g_wells", + "i_ching", + "e_o_wilson", + "boletus_edulis" + ], + "LANGUAGE": [ + "inesperanto", + "sinanskrit", + "linatin", + "hindi", + "tonga" + ], + "GPE": [ + "dar_es_salaam", + "sint_maarten", + "pandanus_tectorius", + "hagia_sophia", + "ha_tinh", + "pula_nga_dagat", + "borassus_flabellifer", + "hibiscus_rosa_sinensis", + "vinh_long", + "tra_vinh", + "parke_industriyal", + "salog_san_lorenzo", + "busag_nga_balay" + ], + "PERSON_PRONOUN": [ + "i" + ], + "SOC_ECO_CLASS": [ + "samurai", + "katiringban" + ], + "RACE": [ + "busag" + ], + "POLITICAL_PARTY": [ + "kuomintang" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "heroina": "heros", + "sista": "monachus", + "queens": "mga_hadi", + "babaye": "lalaki", + "lalaki": "babaye" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "lalaki" + ], + "she": [ + "babaye" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "iya" + ], + "she": [ + "iya" + ], + "it": [ + "i_ni", + "tyto" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/wau.json b/data_tooling/pii_processing/ontology/data/wau.json new file mode 100644 index 0000000..8556834 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/wau.json @@ -0,0 +1,25 @@ +{ + "GENDER": [ + "toneju" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": {}, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "toneju" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/wo.json b/data_tooling/pii_processing/ontology/data/wo.json new file mode 100644 index 0000000..06e78de --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/wo.json @@ -0,0 +1,79 @@ +{ + "PLANT": [ + "lepp", + "dugoor", + "pulloox", + "karoot", + "ariko" + ], + "GENDER": [ + "guy" + ], + "ANIMAL": [ + "wundu", + "looy", + "saafaandu", + "warapul\u00f3", + "ganaar" + ], + "PUBLIC_FIGURE": [ + "piyeer" + ], + "DISEASE": [ + "bunt", + "suba", + "janax" + ], + "FOOD": [ + "tiga_dege" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "buumi": "b\u00fbr", + "mag_ju_jig\u00e9en": "r\u00e0kk_ju_g\u00f3or", + "rakk_ju_jig\u00e9en": "dimas" + }, + "other_gender_swap": { + "wao": "moom", + "\u00f1oom": "moom", + "tey": "moom", + "moom": "wao" + }, + "en_pronoun2gender": { + "he": [ + "guy" + ], + "she": [ + "jig\u00e9en" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "siin", + "moom" + ], + "she": [ + "moom" + ], + "they": [ + "wao", + "leen", + "tey", + "\u00f1oom" + ], + "it": [ + "moom" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/wym.json b/data_tooling/pii_processing/ontology/data/wym.json new file mode 100644 index 0000000..1344c19 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/wym.json @@ -0,0 +1,49 @@ +{ + "PUBLIC_FIGURE": [ + "e" + ], + "JOB": [ + "bisk\u00fcp", + "rodmaher", + "katachet" + ], + "ORG": [ + "baon", + "draowa" + ], + "FOOD": [ + "faonk\u00fcch" + ], + "DISEASE": [ + "maojs" + ], + "PLANT": [ + "wajd" + ], + "DATE": [ + "nomastaog" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "kazeryn": "kazer" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "b\u014dw", + "fraoj" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/xcl.json b/data_tooling/pii_processing/ontology/data/xcl.json new file mode 100644 index 0000000..1ee519c --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/xcl.json @@ -0,0 +1,64 @@ +{ + "ORG": [ + "\u056c\u0565\u0561\u057c\u0576_\u0571\u056b\u0569\u0565\u0576\u0565\u0561\u0581" + ], + "JOB": [ + "\u0578\u0582\u057d\u0578\u0582\u0581\u056b\u0579", + "\u0563\u0561\u0576\u0571\u0561\u0582\u0578\u0580" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0561\u0572\u057b\u056b\u056f": "\u0563\u056b", + "\u0584\u0578\u0575\u0580": "\u0565\u0572\u0562\u0561\u0575\u0580" + }, + "other_gender_swap": { + "\u0576\u0578\u057d\u0561": "\u0576\u0578\u0580\u0561", + "\u0576\u0578\u0581\u0561": "\u0576\u0578\u0580\u0561", + "\u0576\u0578\u0584\u0561": "\u0576\u0561", + "\u0576\u0561": "\u0576\u0578\u0584\u0561", + "\u0576\u0574\u0561": "\u0576\u0578\u0581\u0561", + "\u0576\u0578\u0580\u0561": "\u0576\u0578\u0581\u0561" + }, + "en_pronoun2gender": { + "he": [ + "\u0563\u056b" + ], + "she": [ + "\u0561\u0572\u057b\u056b\u056f", + "\u056f\u056b\u0576", + "\u0585\u0580\u056b\u0578\u0580\u0564" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0576\u0578\u0580\u0561", + "\u0576\u0574\u0561", + "\u0576\u0561" + ], + "she": [ + "\u0576\u0578\u0580\u0561", + "\u0576\u0561" + ], + "they": [ + "\u0576\u0578\u0581\u0561", + "\u0576\u0578\u057d\u0561", + "\u0576\u0578\u0584\u0561" + ], + "it": [ + "\u0564\u0561", + "\u057d\u0578\u0584\u0561", + "\u0561\u0575\u057d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/xh.json b/data_tooling/pii_processing/ontology/data/xh.json new file mode 100644 index 0000000..cbe12bd --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/xh.json @@ -0,0 +1,38 @@ +{ + "LOCATION": [ + "idolophu", + "enkosi" + ], + "ANIMAL": [ + "impangele" + ], + "JOB": [ + "inkosi" + ], + "DISEASE": [ + "sentuthumbo" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "komani": "inkosi", + "usisi": "ubhuti" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "umfazi" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/xmf.json b/data_tooling/pii_processing/ontology/data/xmf.json new file mode 100644 index 0000000..1d290ee --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/xmf.json @@ -0,0 +1,31 @@ +{ + "PRODUCT": [ + "\u10e8\u10e3\u10e0\u10ec\u10d9\u10dd\u10dc\u10d3\u10d0" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u10d3\u10d8\u10d3\u10d0": "\u10db\u10e3\u10db\u10d0" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u10eb\u10e6\u10d0\u10d1\u10d8" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u10db\u10d0\u10d7" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/xto.json b/data_tooling/pii_processing/ontology/data/xto.json new file mode 100644 index 0000000..878beca --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/xto.json @@ -0,0 +1,30 @@ +{ + "RELIGION_MEMBER": [ + "pracar" + ], + "PERSON_PRONOUN": [ + "we" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u1e63ar": "pracar" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "\u015b\u00e4\u1e43" + ] + }, + "en_pronoun2pronoun": {}, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/xwo.json b/data_tooling/pii_processing/ontology/data/xwo.json new file mode 100644 index 0000000..179dc10 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/xwo.json @@ -0,0 +1,57 @@ +{ + "GPE": [ + "\u0443\u043b\u0430\u043d_\u0437\u0430\u04bb\u043b\u043c\u0430" + ], + "DATE": [ + "\u043d\u0430\u0441_\u043a\u04af\u0446\u043b\u04bb\u043d" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u0442\u0435\u0440\u04af\u043d\u04d9": "\u044d\u043d\u04af\u043d\u04d9", + "\u044d\u043d\u04af\u043d\u04d9": "\u0442\u0435\u0440\u04af\u043d\u04d9", + "\u044d\u043a": "\u044d\u0446\u043a", + "\u043c\u0430\u0434": "\u044d\u0446\u043a", + "\u044d\u0433\u0447": "\u0434\u04af", + "\u043a\u04e9\u0432\u04af\u043d": "\u043a\u04af\u04af\u043a\u043d" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u043a\u04e9\u0432\u04af\u043d" + ], + "she": [ + "\u044d\u0433\u0447", + "\u043a\u04af\u04af\u043a\u043d" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u0442\u0435\u0440\u04af\u043d\u04d9", + "\u044d\u043d\u04af\u043d\u04d9" + ], + "she": [ + "\u0442\u0435\u0440\u04af\u043d\u04d9", + "\u044d\u043d\u04af\u043d\u04d9" + ], + "they": [ + "\u0442\u0435\u0434\u043d" + ], + "it": [ + "\u0431\u0443\u043b", + "\u0442\u0435\u0440\u04af\u043d\u04d9", + "\u044d\u043d\u04af\u043d\u04d9", + "\u044d\u043d" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/yi.json b/data_tooling/pii_processing/ontology/data/yi.json new file mode 100644 index 0000000..5c8d002 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/yi.json @@ -0,0 +1,192 @@ +{ + "LANGUAGE": [ + "\u05d0\u05e4\u05e8\u05d9\u05e7\u05d0\u05e0\u05e1", + "\u05e4\u05e8\u05d0\u05e0\u05e6\u05d9\u05d9\u05d6\u05d9\u05e9" + ], + "ANIMAL": [ + "\u05d8\u05e2\u05e8\u05e7\u05dc\u05d8\u05d5\u05d9\u05d1", + "\u05e9\u05d5\u05d5\u05d0\u05d1", + "\u05e4\u05d0\u05e1\u05d8\u05d8\u05d5\u05d9\u05d1", + "\u05e4\u05e8\u05d5\u05e1\u05d0\u05e7" + ], + "PUBLIC_FIGURE": [ + "c", + "\u05de\u05e2\u05e8\u05d9_\u05de\u05e2\u05d2\u05d3\u05e2\u05dc\u05d9\u05df", + "y", + "f", + "\u05de\u05d0\u05e0\u05d8\u05e2\u05e1\u05e7\u05d9\u05e2", + "\u05e4\u05d9\u05d8\u05e2\u05e8_\u05d3\u05e2\u05e8_\u05d2\u05e8\u05d5\u05d9\u05e1\u05e2\u05e8", + "i", + "1", + "g", + "r", + "\u05d0\u05de\u05e2\u05e8\u05d9\u05d2\u05d0_\u05d5\u05d5\u05e2\u05e1\u05e4\u05d5\u05d8\u05e9\u05d9", + "t" + ], + "DISEASE": [ + "als", + "\u05e4\u05d0\u05e8\u05e7\u05d9\u05dc\u05d5\u05e0\u05d2", + "\u05e6\u05d5\u05e7\u05e2\u05e8\u05e7\u05e8\u05e2\u05e0\u05e7", + "\u05d0\u05e0\u05e4\u05d0\u05dc" + ], + "LOCATION": [ + "\u05d4\u05e8_\u05d4\u05d6\u05d9\u05ea\u05d9\u05dd", + "\u05e7\u05d0\u05e4\u05d5\u05d5\u05e2\u05e8\u05d3\u05d9\u05e9\u05e2_\u05d0\u05d9\u05e0\u05d6\u05dc\u05e2\u05df", + "\u05e7\u05e8\u05d9\u05e1\u05d8\u05d0\u05e4\u05e2\u05e8_\u05e7\u05d0\u05dc\u05d0\u05de\u05d1\u05d5\u05e1", + "\u05d6\u05d0\u05e7\u05e1\u05df_\u05d0\u05e0\u05d4\u05d0\u05dc\u05d8", + "\u05d0\u05de\u05e2\u05e8\u05d9\u05e7\u05d0\u05e0\u05e2\u05e8_\u05d0\u05e8\u05de\u05d9\u05d9", + "\u05d2\u05e2\u05dc\u05e2\u05e8_\u05d8\u05d9\u05d9\u05da", + "\u05db\u05e8\u05de\u05dc_\u05d1\u05d0\u05e8\u05d2" + ], + "FAC": [ + "\u05e8\u05d0\u05d8\u05d4\u05d5\u05d9\u05d6", + "\u05d3\u05e8\u05d5\u05e7\u05e2\u05e8\u05f2" + ], + "RACE": [ + "\u05d0\u05d9\u05d9\u05e8\u05d0\u05e4\u05e2\u05d9\u05e9", + "\u05d5\u05d5\u05d9\u05d9\u05e1" + ], + "PERSON_PRONOUN": [ + "i" + ], + "ORG": [ + "\u05d0\u05d9\u05d1\u05e2\u05e8\u05e7\u05e2\u05e8\u05e2\u05e0\u05d9\u05e9", + "\u05e4\u05d0\u05dc\u05e7\u05e1\u05e9\u05d5\u05dc", + "\u05d3\u05d5\u05dc\u05d4\u05d5\u05d9\u05d6", + "\u05d5\u05d5\u05d9\u05e0\u05d9_\u05d3\u05e2\u05e8_\u05e4\u05d5", + "\u05d1\u05d0\u05d8\u05d0\u05e0\u05d9\u05e9\u05e2\u05e8_\u05d2\u05d0\u05e8\u05d8\u05df", + "\u05e9\u05d0\u05e4\u05d9\u05e0\u05d2_\u05de\u05d0\u05dc\u05dc", + "\u05dc\u05d0\u05e0\u05d3\u05d5\u05d5\u05d9\u05e8\u05d8\u05e9\u05d0\u05e4\u05d8", + "\u05d9\u05d5\u05e0\u05d9\u05d0\u05df", + "\u05d8\u05d0\u05d0\u05d9\u05d6\u05dd", + "\u05e2\u05dc_\u05d6\u05e9\u05d0\u05d6\u05d9\u05e8\u05d0", + "\u05e7\u05f2\u05d2\u05d5\u05de\u05e2", + "\u05d3\u05e2\u05de\u05d0\u05e7\u05e8\u05d0\u05d8\u05d9\u05e9\u05e2_\u05e4\u05d0\u05e8\u05d8\u05d9\u05d9", + "\u05e6\u05e2\u05e0\u05d8\u05e8\u05d0\u05dc\u05d1\u05d0\u05e0\u05e7", + "\u05e4\u05d0\u05e8\u05d8\u05d9\u05d9", + "\u05e1\u05d5\u05e4\u05e8\u05d9\u05dd_\u05e7\u05d0\u05e8\u05d8", + "\u05d0\u05d9\u05d9\u05e2\u05e8_\u05d1\u05e8\u05d5\u05d9\u05d8", + "\u05e7\u05d0\u05d8\u05d5\u05d9\u05dc\u05d9\u05e9\u05e2_\u05e7\u05d9\u05e8\u05db\u05e2", + "\u05e4\u05d0\u05dc\u05e7\u05e9\u05d5\u05dc" + ], + "JOB": [ + "\u05e6\u05d5\u05d5\u05d9\u05d9\u05d8", + "\u05e1\u05d8\u05d0\u05dc\u05d9\u05e2\u05e8", + "\u05de\u05d9\u05dc\u05e2\u05e8", + "\u05de\u05d9\u05dc\u05db\u05d9\u05e7\u05e2\u05e8", + "\u05d8\u05d0\u05d8\u05e9\u05e2\u05e8" + ], + "GPE": [ + "\u05d5\u05d5\u05d9\u05d9\u05e1\u05e2_\u05d4\u05d5\u05d9\u05d6", + "\u05d9\u05dd_\u05e1\u05d5\u05e3", + "\u05de\u05e2\u05e0\u05d8\u05e9\u05df_\u05e8\u05e2\u05db\u05d8", + "\u05e0\u05d9\u05d9\u05e2\u05e8_\u05d8\u05e2\u05e1\u05d8\u05d0\u05de\u05e2\u05e0\u05d8", + "\u05d4\u05d0\u05d2\u05d9\u05d0_\u05e1\u05d0\u05e4\u05d9\u05d0" + ], + "SOC_ECO_CLASS": [ + "\u05d5\u05d5\u05d9\u05d9\u05e0\u05d9\u05e7" + ], + "PLANT": [ + "\u05d5\u05d5\u05e2\u05e8\u05d1\u05e2", + "\u05e0\u05d9\u05d8\u05dc\u05d1\u05d5\u05d9\u05dd", + "\u05d0\u05d9\u05d9\u05dc\u05d1\u05d9\u05e8\u05d8", + "\u05de\u05d9\u05dc\u05db\u05d5\u05d5\u05d9\u05dc\u05e3" + ], + "PRODUCT": [ + "\u05e7\u05d0\u05d5\u05d5\u05e2\u05e0\u05d9\u05e7" + ], + "POLITICAL_PARTY": [ + "\u05e8\u05e2\u05e4\u05d5\u05d1\u05dc\u05d9\u05e7\u05d0\u05e0\u05e2\u05e8_\u05e4\u05d0\u05e8\u05d8\u05d9\u05d9", + "\u05e4\u05d0\u05dc\u05d9\u05d8\u05d9\u05e9\u05e2_\u05e4\u05d0\u05e8\u05d8\u05d9\u05d9" + ], + "DATE": [ + "\u05d0\u05dc\u05d8\u05e2\u05e8\u05d4\u05d9\u05d9\u05d8" + ], + "QUANTITY": [ + "g" + ], + "RELIGION": [ + "\u05e8\u05e2\u05e4\u05d0\u05e8\u05e2\u05dd_\u05d9\u05d9\u05d3\u05d9\u05e9\u05e7\u05d9\u05d9\u05d8" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u05db\u05dc\u05d4": "\u05d7\u05ea\u05df", + "\u05de\u05d9\u05d9\u05d3\u05dc": "\u05d7\u05d1\u05e8\u05d4_\u05de\u05d0\u05df", + "\u05d2\u05e8\u05d0\u05e0\u05d3\u05d0\u05d8\u05e2\u05e8": "\u05d2\u05e8\u05d0\u05e0\u05e1\u05d0\u05df", + "\u05d4\u05e2\u05dc\u05d3\u05d9\u05df": "\u05d2\u05d1\u05d5\u05e8\u05d4", + "\u05d0\u05dd": "\u05e4\u05d0\u05d8\u05e2\u05e8", + "\u05de\u05d5\u05d8\u05e2\u05e8": "\u05e4\u05d0\u05d8\u05e2\u05e8", + "\u05de\u05d0\u05de\u05e2": "\u05e4\u05d0\u05d8\u05e2\u05e8", + "\u05e4\u05d0\u05dc\u05d9\u05e6\u05d9\u05e1\u05d8\u05d9\u05df": "\u05e4\u05d0\u05dc\u05d9\u05e6\u05d9\u05e1\u05d8", + "\u05e4\u05d0\u05dc\u05d9\u05e6\u05d9\u05d0\u05e0\u05d8\u05e7\u05e2": "\u05e4\u05d0\u05dc\u05d9\u05e6\u05d9\u05e1\u05d8", + "\u05d1\u05ea_\u05de\u05dc\u05db\u05d4": "\u05e4\u05e8\u05d9\u05e0\u05e5", + "\u05e4\u05e8\u05d9\u05e0\u05e6\u05e2\u05e1\u05d9\u05df": "\u05e4\u05e8\u05d9\u05e0\u05e5", + "\u05de\u05dc\u05db\u05d4": "\u05e7\u05d9\u05e0\u05d9\u05d2", + "\u05e7\u05d9\u05e0\u05d9\u05d2\u05d9\u05df": "\u05e7\u05d9\u05e0\u05d9\u05d2", + "\u05d6\u05d9": "\u05d4\u05d0", + "\u05e9\u05d5\u05d5\u05e2\u05e1\u05d8\u05e2\u05e8": "\u05d1\u05e8\u05d5\u05d3\u05e2\u05e8", + "\u05e7\u05e2\u05dc\u05e0\u05e2\u05e8\u05d9\u05df": "\u05e7\u05e2\u05dc\u05e0\u05e2\u05e8", + "\u05e7\u05e2\u05dc\u05e0\u05e2\u05e8\u05e9\u05e2": "\u05e7\u05e2\u05dc\u05e0\u05e2\u05e8", + "\u05d0\u05dc\u05de\u05e0\u05d4": "\u05d0\u05dc\u05de\u05df", + "\u05d0\u05dc\u05de\u05d0\u05e0\u05e2": "\u05d0\u05dc\u05de\u05df", + "\u05d5\u05d5\u05d9\u05d9\u05d1": "\u05de\u05d0\u05df", + "\u05d5\u05d5\u05f2\u05d1": "\u05de\u05d0\u05df", + "\u05e4\u05e8\u05d5\u05d9": "\u05de\u05df", + "\u05d1\u05d7\u05d5\u05e8": "\u05de\u05d9\u05d9\u05d3\u05dc", + "\u05d9\u05d9\u05e0\u05d2\u05dc": "\u05de\u05d9\u05d9\u05d3\u05dc" + }, + "other_gender_swap": { + "\u05d6\u05d9\u05d9": "\u05d6\u05d9", + "\u05e2\u05e8": "\u05d6\u05d9\u05d9", + "\u05d4\u05d0": "\u05d6\u05d9\u05d9", + "\u05d6\u05d9": "\u05d6\u05d9\u05d9" + }, + "en_pronoun2gender": { + "they": [ + "\u05d8\u05e8\u05d0\u05e0\u05e1\u05d6\u05e9\u05e2\u05e0\u05d3\u05e2\u05e8" + ], + "he": [ + "\u05de\u05d0\u05e0\u05e6\u05d1\u05d9\u05dc", + "\u05de\u05e2\u05e0\u05d8\u05e9", + "\u05de\u05df", + "\u05d9\u05d9\u05e0\u05d2\u05dc", + "\u05d7\u05d1\u05e8\u05d4_\u05de\u05d0\u05df", + "\u05d1\u05d7\u05d5\u05e8" + ], + "she": [ + "\u05de\u05d5\u05d9\u05d3", + "\u05de\u05d9\u05d9\u05d3\u05dc", + "\u05e4\u05e8\u05d5\u05d9" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u05e2\u05e8", + "\u05d4\u05d0" + ], + "she": [ + "\u05d6\u05d9\u05da", + "\u05d6\u05d9" + ], + "they": [ + "\u05d6\u05d9\u05d9", + "\u05d6\u05d9\u05d9\u05e2\u05e8" + ], + "it": [ + "\u05e2\u05e1", + "\u05d3\u05d0\u05d6\u05d9\u05e7", + "\u05d0\u05d8" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/yo.json b/data_tooling/pii_processing/ontology/data/yo.json new file mode 100644 index 0000000..0364244 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/yo.json @@ -0,0 +1,332 @@ +{ + "PUBLIC_FIGURE": [ + "benjamin_franklin", + "heinrich_hertz", + "johann_bernoulli", + "che_guevara", + "c", + "maria_callas", + "eduard_buchner", + "douglas_macarthur", + "winston_churchill", + "johannes_diderik_van_der_waals", + "karl_landsteiner", + "ivan_pavlov", + "richard_smalley", + "stephen_king", + "francis_crick", + "isaac_newton", + "victor_hugo", + "edwin_hubble", + "milton_friedman", + "edward_gibbon", + "george_burns", + "george_orwell", + "richard_wagner", + "marie_curie", + "michael_jackson", + "thomas_hobbes", + "samuel_beckett", + "maximian", + "galileo_galilei", + "robert_koch", + "joseph_goebbels", + "john_steinbeck", + "vincent_van_gogh", + "thomas_paine", + "steven_weinberg", + "mary_pickford", + "hans_fischer", + "willem_einthoven", + "samuel_johnson", + "giuseppe_verdi", + "karl_jaspers", + "hideki_yukawa", + "konrad_adenauer", + "frank_sinatra", + "katharine_hepburn", + "henri_becquerel", + "bertram_brockhouse", + "louis_pasteur", + "hugo_grotius", + "mahalia_jackson", + "j_b_s_haldane", + "luigi_pirandello", + "t_s_eliot", + "charles_de_gaulle", + "paul_von_hindenburg", + "y", + "ralph_bunche", + "joseph_stalin", + "f", + "ludwig_wittgenstein", + "thomas_mann", + "dante_alighieri", + "james_tobin", + "fridtjof_nansen", + "herbert_marcuse", + "philip_roth", + "laurence_olivier", + "christiaan_eijkman", + "francis_bacon", + "pete_seeger", + "james_brown", + "immanuel_kant", + "james_franck", + "james_meredith", + "albert_schweitzer", + "giulio_natta", + "saint_martin", + "johannes_kepler", + "max_planck", + "john_bardeen", + "carl_lewis", + "canberra", + "elias_canetti", + "lars_onsager", + "igor_stravinsky", + "arthur_compton", + "niels_bohr", + "bertrand_russell", + "michael_faraday", + "jan_tinbergen", + "charles_de_secondat_baron_de_montesquieu", + "walt_disney", + "gabriel_lippmann", + "friedrich_engels", + "jane_austen", + "charles_laughton", + "richard_feynman", + "wolfgang_pauli", + "theodor_mommsen", + "andrew_huxley", + "marcel_proust", + "elizabeth_taylor", + "paul_robeson", + "william_golding", + "john_milton", + "samuel_adams", + "james_baldwin", + "indira_gandhi", + "alfred_nobel", + "jesse_owens", + "marco_polo", + "daniel_bernoulli", + "henri_bergson", + "gottfried_leibniz", + "patrick_white", + "pieter_zeeman", + "pablo_picasso", + "otto_hahn", + "john_galsworthy", + "robert_robinson", + "adam_smith", + "karl_marx", + "friedrich_nietzsche", + "i", + "p\u00e9t\u00e9r\u00f9_1k_il\u1eb9\u0300_r\u1ecd\u0301s\u00ed\u00e0", + "nikola_tesla", + "al_capone", + "john_locke", + "alexis_carrel", + "henry_james", + "ingrid_bergman", + "colin_powell", + "titu", + "richard_wright", + "adolf_hitler", + "james_d_watson", + "fritz_haber", + "robert_boyle", + "1", + "cordell_hull", + "james_wilson", + "rosa_parks", + "ernest_walton", + "vladimir_putin", + "bill_russell", + "margaret_court", + "g", + "arthur_schopenhauer", + "james_cagney", + "martin_heidegger", + "christopher_columbus", + "r", + "andrew_jackson", + "peter_abelard", + "edith_wharton", + "louis_armstrong", + "thomas_hardy", + "philip_warren_anderson", + "thomas_carlyle", + "william_faulkner", + "hans_adolf_krebs", + "putin", + "karl_popper", + "marcus_aurelius", + "peter_o'toole", + "joseph_conrad", + "william_shockley", + "jim_morrison", + "jules_verne", + "paul_newman", + "fyodor_dostoyevsky", + "john_lennon", + "alice_walker", + "andrei_sakharov", + "miles_davis", + "george_marshall", + "jesse_jackson", + "james_watt", + "ronald_reagan", + "helmut_schmidt", + "homo", + "frederick_douglass", + "david_hilbert", + "rex_harrison", + "woodrow_wilson", + "ernest_hemingway", + "nelson_mandela", + "al_gore", + "hans_bethe", + "roald_amundsen", + "sherwood_anderson", + "charles_dickens", + "ella_fitzgerald", + "bessie_smith", + "willy_brandt", + "francisco_franco", + "jackie_robinson", + "johnny_cash", + "alfred_kastler", + "otto_loewi", + "peter_medawar", + "vladimir_lenin", + "ralph_ellison", + "albert_einstein", + "thomas_edison", + "t", + "wilhelm_ostwald" + ], + "ORG": [ + "shinto", + "jan_mayen", + "nasa", + "san_francisco", + "\u1eb9gb\u1eb9\u0301_r\u1eb9\u0300p\u00fabl\u00edk\u00e1n\u00ec", + "gao", + "saint_helena", + "lu\u1e63ia", + "rabindranath_tagore", + "\u1eb9gb\u1eb9\u0301_k\u1ecd\u0301m\u00fan\u00edst\u00ec", + "white_house", + "europe", + "addis_ababa", + "\u00e0w\u1ecdn_\u00ecp\u00ednl\u1eb9\u0300_a\u1e63\u1ecd\u0300kan_am\u1eb9\u0301r\u00edk\u00e0", + "ferdinand_magellan", + "\u00f2kun_pupa", + "saint_barth\u00e9lemy", + "los_angeles", + "nato", + "\u00ecj\u1ecd_k\u00e1t\u00f3l\u00eck\u00ec", + "kepu_ferde", + "\u1eb9gb\u1eb9\u0301_ol\u00f3\u1e63\u00e8l\u00fa", + "s\u00e3o_tom\u00e9" + ], + "PRODUCT": [ + "justin_bieber", + "new_zealand", + "fyodor_dostoyevsky", + "saxony_anhalt", + "the_star_spangled_banner", + "m\u00e1j\u1eb9\u0300m\u00fa_titun", + "ferdinand_magellan", + "nordrhein_westfalen" + ], + "RELIGION": [ + "shinto", + "islam" + ], + "GPE": [ + "white_house", + "dar_es_salaam", + "\u00e0w\u1ecdn_\u1eb9\u0300t\u1ecd\u0301_\u1ecdm\u1ecdn\u00ecy\u00e0n", + "s\u00e3o_tom\u00e9", + "gran_canaria", + "il\u1eb9\u0300_\u1ecdbal\u00faay\u00e9_j\u1eb9\u0301m\u00e1n\u00ec", + "p\u00e9t\u00e9r\u00f9_m\u00edm\u1ecd\u0301" + ], + "PERSON": [ + "al_gore", + "carl_david_anderson" + ], + "ANIMAL": [ + "\u00e0r\u00f9n_k\u00f2k\u00f2r\u00f2_\u00e0\u00ecl\u00e8foj\u00far\u00ed_af\u00e0\u00ecs\u00e0n_ebola", + "ol\u00f3gb\u00f2" + ], + "PERSON_PRONOUN": [ + "i" + ], + "LANGUAGE": [ + "akan", + "tonga" + ], + "LOCATION": [ + "white_house", + "sri_lanka" + ], + "QUANTITY": [ + "won_k\u00f2r\u00e9\u00e0_\u00e0r\u00edw\u00e1", + "franki_guinea", + "g", + "won_k\u00f2r\u00e9\u00e0_g\u00fa\u00fas\u00f9" + ], + "POLITICAL_PARTY": [ + "\u1eb9gb\u1eb9\u0301_d\u1eb9m\u1ecdkr\u00e1t\u00edk\u00ec" + ], + "RELIGION_MEMBER": [ + "arakunrin", + "sunni" + ], + "FOOD": [ + "aginj\u00f9" + ], + "FAC": [ + "l\u00f9s\u00ed\u00e0_m\u00edm\u1ecd\u0301" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u00ecy\u00e1": "b\u00e0b\u00e1", + "abiyamo\u0329": "b\u00e0b\u00e1", + "\u00e9\u0329gbo\u0329n_ob\u00ecnrin": "arakunrin", + "\u00e0b\u00far\u00f2_ob\u00ecnrin": "arakunrin", + "iyawo": "\u1ecdk\u1ecd", + "ob\u00ecnrin": "\u1ecdk\u00f9nrin" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "\u1ecdk\u00f9nrin" + ], + "she": [ + "ob\u00ecnrin" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "\u00e0w\u1ecdn", + "w\u1ecd\u0301n" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/yua.json b/data_tooling/pii_processing/ontology/data/yua.json new file mode 100644 index 0000000..82d4614 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/yua.json @@ -0,0 +1,72 @@ +{ + "PRODUCT": [ + "ma_alob_k_iin" + ], + "DISEASE": [ + "ki", + "k_iinam", + "wale", + "chi", + "ta_pool", + "le" + ], + "GENDER": [ + "ko_olel" + ], + "LANGUAGE": [ + "akan" + ], + "RELIGION_MEMBER": [ + "j_jaajkunaj_j\u00e9eoba" + ], + "LOCATION": [ + "ma_alob_aak_ab" + ], + "ORG": [ + "in_k_aaba_e" + ], + "FOOD": [ + "e_el" + ], + "PERSON_PRONOUN": [ + "us" + ], + "OTHER_PRONOUN": [ + "it", + "its" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "atan": "\u00edicham" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "manik" + ], + "she": [ + "ko_olel", + "xba_al" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "waye" + ], + "it": [ + "it", + "its" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/za.json b/data_tooling/pii_processing/ontology/data/za.json new file mode 100644 index 0000000..ca42744 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/za.json @@ -0,0 +1,91 @@ +{ + "ORG": [ + "hagdangz", + "dahvangzhoz", + "va", + "sawfuengz", + "gozminzdangj", + "sa" + ], + "PLANT": [ + "maenzfaex", + "lauxbaeghoengz", + "goliux", + "moegsawz", + "maklangz", + "makmaenj" + ], + "FOOD": [ + "ciengqyouz" + ], + "PUBLIC_FIGURE": [ + "a" + ], + "SOC_ECO_CLASS": [ + "sevei" + ], + "FAC": [ + "guengjciengz" + ], + "JOB": [ + "lauxsae", + "canghyw", + "gingjcaz" + ], + "DISEASE": [ + "bingh", + "haeb" + ], + "LOCATION": [ + "meijgoz", + "meijcouh" + ], + "EVENT": [ + "singj" + ], + "RELIGION_MEMBER": [ + "beixneungx" + ], + "OTHER_PRONOUN": [ + "it" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "beixmbwk": "nuengx", + "dahnuengx": "beix", + "nuengx": "beix", + "beixsau": "nuengx", + "beix": "beixneungx" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "she": [ + "caeuzyah", + "dihmeh", + "dozyah" + ] + }, + "en_pronoun2pronoun": { + "they": [ + "vajde", + "dohde", + "gyoengqde", + "hongminz", + "mbongmiz" + ], + "it": [ + "it" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/zdj.json b/data_tooling/pii_processing/ontology/data/zdj.json new file mode 100644 index 0000000..8960f64 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/zdj.json @@ -0,0 +1,94 @@ +{ + "PRODUCT": [ + "wangushia", + "hulia" + ], + "PLANT": [ + "karoti", + "popoo" + ], + "DISEASE": [ + "harara", + "para", + "le" + ], + "ORG": [ + "nasa", + "we_n\u0257o", + "shia", + "hazina", + "mi_uparwa", + "sa", + "eu" + ], + "RELIGION_MEMBER": [ + "mnaswara", + "swahaba" + ], + "LOCATION": [ + "asanta", + "usa" + ], + "JOB": [ + "kadhi", + "para", + "sudjaa", + "waziri", + "upiha", + "kadhwi", + "hatwibu" + ], + "PERSON_PRONOUN": [ + "i", + "ahangu", + "angu" + ], + "PUBLIC_FIGURE": [ + "yakuba", + "daudu", + "yakub", + "a", + "i" + ], + "LANGUAGE": [ + "hindi" + ], + "ANIMAL": [ + "yiha" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "mvulana": "lola" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "mvulana" + ], + "she": [ + "mza\u0257e", + "lola" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "nya", + "enafsi_ya_hahe", + "waye" + ], + "it": [ + "oyi" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/zh.json b/data_tooling/pii_processing/ontology/data/zh.json new file mode 100644 index 0000000..8ff02be --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/zh.json @@ -0,0 +1,2083 @@ +{ + "POLITICAL_PARTY": [ + "\u6fb3\u5927\u5229\u4e9a\u5de5\u515a", + "\u793e\u6703\u6c11\u4e3b\u9ee8", + "\u6c11\u4e3b\u5171\u548c\u9ee8", + "\u4eba\u6c11\u9ee8", + "\u6c11\u4e3b\u5171\u548c\u515a", + "\u8fb2\u6c11\u9ee8", + "\u5171\u7522\u9ee8", + "\u65b0\u6c11\u515a", + "\u5171\u9ee8", + "\u7d0d\u7cb9\u9ee8", + "\u5de5\u4eba\u9ee8", + "\u57fa\u6c11\u515a", + "\u5171\u4ea7\u515a", + "\u7eb3\u7cb9\u515a", + "\u632a\u5a01\u81ea\u7531\u515a", + "\u5168\u56fd\u5927\u4f1a\u515a", + "\u5de5\u4eba\u515a", + "\u89aa\u6c11\u9ee8", + "\u4eb2\u6c11\u515a", + "\u81ea\u7531\u515a", + "\u793e\u6c11\u515a", + "\u53cd\u5bf9\u515a", + "\u4eba\u6c11\u884c\u52a8\u515a", + "\u793e\u4f1a\u515a", + "\u5728\u91ce\u9ee8", + "\u793e\u6c11\u9ee8", + "\u793e\u6703\u9ee8", + "\u76dc\u7248\u9ee8", + "\u519c\u6c11\u515a" + ], + "PUBLIC_FIGURE": [ + "a_\u52de\u502b\u65af_\u7f85\u5a01\u723e", + "c", + "b", + "k", + "\u8a72\u6492\u5229\u4e9e\u7684\u512a\u897f\u6bd4\u70cf", + "p", + "y", + "j_\u8bed\u8a00", + "f", + "q", + "a", + "c_\u8bed\u8a00", + "\u6d77\u6258\u723e_\u7dad\u62c9_\u7f85\u4f2f\u65af", + "m", + "\u5723\u5e15\u7279\u91cc\u514b", + "o", + "i", + "d_\u8a9e\u8a00", + "1", + "x", + "g", + "\u6797\u52d9\u5b98", + "a_a_p", + "r", + "d", + "\u5df4\u52d2\u65af\u5766\u963f\u62c9\u4f2f\u8a9e", + "\u5723\u9a6c\u4e01\u5c9b", + "\u9e6a\u9e69\u79d1", + "\u665a\u751f", + "l_\u7f57\u6069_\u8d3a\u4f2f\u7279", + "c_a", + "the_one", + "\u514b\u91cc\u65af\u6258\u5f17_\u54e5\u4f26\u5e03", + "\u5723\u8def\u6613\u65af", + "l", + "t" + ], + "BIO_CHEM_ENTITY": [ + "c_\u53cd\u61c9\u86cb\u767d", + "\u89c6\u7f51\u819c\u6bcd\u7ec6\u80de\u7624\u86cb\u767d" + ], + "GPE": [ + "\u7d05\u6d77", + "\u6d17\u8005\u82e5\u7ff0", + "\u8056\u514b\u91cc\u65af\u591a\u798f", + "\u5de5\u4e1a\u56ed\u533a", + "\u5de5\u696d\u5712\u5340", + "\u5723\u5f7c\u5f97", + "\u4eba\u6743", + "\u7ea2\u6d77", + "\u7d05\u5341\u5b57", + "\u5723\u7d22\u83f2\u4e9a\u5927\u6559\u5802", + "\u8056\u7d22\u975e\u4e9e", + "\u65b0\u7ea6", + "\u8056\u591a\u7f8e", + "\u8056\u5f7c\u5f97", + "\u5965\u8fd0\u6751", + "\u767d\u82ad\u857e", + "\u767d\u5bab", + "\u7ea2\u5341\u5b57", + "\u8056\u7d22\u975e\u4e9e\u5927\u6559\u5802", + "\u8056\u8def\u6613\u65af", + "\u5967\u904b\u6751" + ], + "ANIMAL": [ + "\u5929\u82b1\u75c5\u6bd2", + "\u83f8\u8349\u9472\u5d4c\u75c5\u6bd2", + "\u65b0\u82f1\u683c\u862d\u9ed1\u7434\u96de", + "firefox", + "\u963f\u6bd4\u897f\u5c3c\u4e9a\u732b", + "\u96e8\u71d5\u79d1", + "\u5355\u7eaf\u75b1\u75b9", + "\u55ae\u7d14\u76b0\u75b9\u75c5\u6bd2", + "\u79d1\u7f85\u62c9\u591a\u91d1\u82b1\u87f2", + "\u8c5a\u9f20", + "\u8c5a\u5c3e\u737c\u7334", + "\u5355\u7eaf\u75b1\u75b9\u75c5\u6bd2", + "\u62c9\u6c99\u75c5\u6bd2", + "falcon", + "\u5bb6\u71d5", + "chicken", + "\u516d\u7d1a\u58eb\u5b98", + "\u5bc1", + "\u897f\u5c3c\u7f85\u6cb3\u75c5\u6bd2", + "\u55ae\u7d14\u76b0\u75b9", + "\u516d\u7ea7\u58eb\u5b98", + "\u65e5\u672c\u7684\u9bdb", + "\u9ed1\u5be1\u5a66", + "\u4eba\u7c7b\u514d\u75ab\u7f3a\u9677\u75c5\u6bd2", + "\u9a6c\u5c14\u5821\u75c5\u6bd2" + ], + "QUANTITY": [ + "\u963f\u4f0f\u4f3d\u5fb7\u7f85\u5e38\u6578", + "\u963f\u4f0f\u4f3d\u5fb7\u7f57\u5e38\u6570", + "g", + "\u5b89\u5fb7\u65af_\u651d\u723e\u4fee\u65af" + ], + "ORG": [ + "\u8056\u83f2", + "\u7cbe\u795e\u75c5\u533b\u9662", + "\u6c38\u9686\u5e02", + "\u8336\u69ae\u5e02", + "\u570b\u6c11\u5c0f\u5b78", + "\u6ce1\u6ce1\u53e3\u9999\u7cd6", + "\u97f3\u6a02\u5b78\u7cfb", + "\u8036\u7a4c\u57fa\u7763\u5f8c\u671f\u8056\u5f92\u6559\u6703", + "san_francisco", + "\u81ea\u7531\u9ee8", + "\u7f8e\u672f\u9986", + "\u534a\u5cf6\u96fb\u8996\u53f0", + "\u65e5\u672c\u81ea\u7531\u9ee8", + "\u4eba\u6c11\u9663\u7dda", + "\u767e\u5408\u82b1\u9970", + "\u5168\u570b\u5927\u6703\u9ee8", + "\u585e\u5c14\u7ef4\u4e9a\u56fd\u4f1a", + "\u533b\u5b66\u9662", + "\u6ce1\u6ce1\u7cd6", + "\u91ab\u79d1\u5b78\u6821", + "\u767d\u73ed\u5152", + "\u53c3\u5bbf", + "\u5171\u515a", + "\u5de5\u4eba\u968e\u7d1a", + "\u90ae\u653f\u5c40", + "ai", + "\u6fb3\u5927\u5229\u4e9a\u5de5\u515a", + "\u81ea\u6c11\u9ee8", + "\u905c\u5c3c", + "dia", + "\u5c0f\u5b66", + "\u8d2d\u7269\u5e7f\u573a", + "\u90ae\u5c40", + "\u56fd\u9645\u6cd5", + "\u7f85\u99ac\u6cd5", + "\u66ae\u5149\u4e4b\u57ce_\u65b0\u6708", + "\u653f\u9ee8", + "\u767d\u5bae", + "\u90f5\u5c40", + "\u91ab\u5b78\u7cfb", + "\u57fa\u7763\u6559\u79d1\u5b78\u6d3e", + "\u81ea\u7531\u6c11\u4e3b\u9ee8", + "\u8499\u587e", + "\u5546\u52a1\u4e2d\u5fc3\u533a", + "\u5723\u7d22\u975e\u4e9a", + "\u53e3\u9999\u7cd6", + "\u9999\u53e3\u80f6", + "\u65bd\u6d17\u8005\u5723\u7ea6\u7ff0", + "\u570b\u969b\u6cd5", + "\u53cd\u5c0d\u9ee8", + "\u7b2c\u4e00\u5b63\u5ea6", + "\u9ec4\u91d1\u65f6\u4ee3", + "\u5e0c\u5c14\u4f2f\u7279\u7a7a\u95f4", + "\u76d7\u7248\u515a", + "\u9999\u53e3\u81a0", + "\u8fb2\u85dd", + "\u827e\u56e0", + "\u8fe6\u5bc6\u5c71", + "\u56fd\u6c11\u5c0f\u5b66", + "\u533b\u5b66\u7cfb", + "\u570b\u5c0f", + "\u5fb7\u610f\u5fd7\u5e1d\u570b", + "\u7d71\u6cbb\u968e\u7d1a", + "\u514b\u91cc\u6c83\u7f57\u683c", + "\u632a\u5a01\u5de5\u515a", + "\u7126\u571f\u653f\u7b56", + "\u7f8e\u56fd\u9646\u519b", + "\u5370\u5ea6\u4eba\u6c11\u515a", + "\u82cf\u5fc5\u5229\u5c14\u6e56", + "\u5728\u91ce\u515a", + "\u5723\u591a\u7f8e", + "\u7f8e\u5229\u575a\u5408\u4f17\u56fd\u5236\u5baa\u4f1a\u8bae", + "\u8607\u5fc5\u5229\u723e\u6e56", + "who", + "\u6e05\u840a", + "\u5de5\u6821", + "\u534a\u5c9b\u7535\u89c6\u53f0", + "\u5c0f\u718a\u7ef4\u5c3c", + "\u767d\u73ed\u513f", + "\u6c11\u4e3b\u9ee8", + "\u4e2d\u7522\u968e\u7d1a", + "\u4e2d\u4ea7\u9636\u7ea7", + "in_situ", + "\u5c0f\u718a\u7dad\u5c3c", + "\u5723\u7d22\u975e\u4e9a\u5927\u6559\u5802", + "\u56fd\u6c11\u5927\u4f1a", + "\u6602\u5217\u5496\u5561", + "\u4eba\u6c11\u884c\u52d5\u9ee8", + "\u8cfc\u7269\u5927\u5ec8", + "\u806f\u90a6\u8abf\u67e5\u5c40", + "\u5df4\u57fa\u65af\u5766\u4e09\u8ecd\u60c5\u5831\u5c40", + "doc_\u683c\u5f0f", + "\u767d\u8272_k_\u91d1", + "\u97e9\u56fd\u56fd\u4f1a", + "\u5723\u5c3c\u53e4\u62c9", + "\u8054\u90a6\u8c03\u67e5\u5c40", + "\u82b1\u65d7\u56fd", + "\u7ef4\u5fb7\u89d2", + "\u65e2\u5f97\u5229\u76ca", + "\u6c11\u4e3b\u515a", + "\u5370\u5ea6\u4eba\u6c11\u9ee8", + "\u5929\u4e3b\u6559\u6703", + "\u5f8b\u653f\u53f8", + "\u795e\u8056\u7f85\u99ac\u5e1d\u570b", + "\u4eba\u6c11\u515a", + "\u57fa\u6c11\u9ee8", + "\u900a\u5c3c", + "\u8f89\u683c\u515a", + "\u6714\u6708", + "\u5723\u9732\u897f\u4e9a", + "\u585e\u6d66\u8def\u65af\u6c11\u4e3b\u515a", + "\u4f0d\u8332\u6e56", + "\u8056\u7d04\u745f\u592b", + "\u4e2d\u570b\u570b\u6c11\u9ee8", + "\u5723\u8fbe\u83f2", + "\u68b5\u6559", + "\u52de\u52d5\u9ee8", + "\u570b\u6c11\u8b70\u6703", + "\u57fa\u7763\u6559\u79d1\u5b66\u6d3e", + "\u65b0\u5e74\u524d\u5915" + ], + "EVENT": [ + "\u767e\u5408\u82b1\u98fe" + ], + "RACE": [ + "\u70cf\u8332\u5225\u514b\u65cf", + "\u4e4c\u5179\u522b\u514b\u65cf" + ], + "JOB": [ + "make", + "\u521b\u7acb\u8005", + "mate", + "\u51c6\u5c07", + "\u516c\u5bb6\u6a5f\u95dc", + "\u78e8\u574a\u4e3b", + "\u516c\u5bb6\u673a\u5173", + "cookie", + "\u958b\u5c71\u9f3b\u7956" + ], + "DATE": [ + "dog_days", + "\u9000\u4f0d\u519b\u4eba\u8282", + "\u9ec3\u91d1\u6642\u4ee3", + "\u65e5\u73ed", + "\u5723\u5e15\u7279\u91cc\u514b\u8282", + "\u5723\u6bcd\u8499\u53ec\u5347\u5929", + "\u767d\u73ed", + "\u6714\u671b", + "\u8036\u7a4c\u53d7\u96e3\u7bc0", + "\u9000\u4f0d\u8ecd\u4eba\u7bc0" + ], + "FAC": [ + "\u8056\u76e7\u897f\u4e9e\u5cf6", + "\u533b\u79d1\u5b66\u6821", + "\u5723\u7ea6\u745f\u592b", + "\u5c0f\u5b78", + "\u8499\u9928", + "\u6a38\u7279", + "\u5f7c\u5f97\u5927\u5e1d", + "\u8cfc\u7269\u5ee3\u5834", + "\u8056\u9732\u897f\u4e9e", + "\u90f5\u653f\u5c40", + "\u5723\u5362\u897f\u4e9a", + "\u90f5\u4fbf\u5c40", + "\u8056\u82e5\u745f", + "\u5929\u4e3b\u6559\u4f1a", + "\u5723\u5362\u897f\u4e9a\u5c9b", + "\u4eba\u6c11\u9635\u7ebf", + "\u7ef4\u5c3c\u718a", + "\u8499\u9986", + "t_\u7ec6\u80de", + "\u56fd\u5c0f", + "\u51ef\u65cb\u95e8", + "\u963f\u8bfa\u5fb7_\u52cb\u4f2f\u683c", + "\u7dad\u5c3c\u718a", + "\u90ae\u4fbf\u5c40", + "\u8056\u76e7\u897f\u4e9e", + "\u8d2d\u7269\u5927\u53a6" + ], + "LOCATION": [ + "\u5723\u6d77\u4f26\u706b\u5c71", + "\u7f8e\u570b\u6d77\u8ecd\u85cd\u5929\u4f7f\u7279\u6280\u98db\u884c\u968a", + "\u570b\u6c11\u5927\u6703", + "\u57c3\u7c73\u5229\u4e9a\u8bfa_\u8428\u5e15\u5854", + "\u5e02\u653f\u5ef3", + "\u5546\u52d9\u4e2d\u5fc3\u5340", + "\u8de8\u5e74\u65e5", + "\u592e\u884c", + "\u683c\u62c9\u6469\u6839\u8c37", + "\u4e2d\u592e\u94f6\u884c", + "\u82b1\u65d7\u570b", + "\u5723\u8d6b\u52d2\u62ff\u5c9b", + "\u5965\u65af\u66fc\u4e00\u4e16", + "\u4fdd\u52a0\u5229\u4e9a\u56fd\u6c11\u8bae\u4f1a", + "\u6a44\u6b16\u5c71", + "\u56fd\u6c11\u8bae\u4f1a", + "\u65b0\u5927\u9646", + "\u5308\u7259\u5229\u56fd\u4f1a", + "\u5723\u5927\u975e", + "\u7dad\u5fb7\u89d2", + "\u5723\u83f2", + "\u6a44\u6984\u5c71", + "\u5927\u718a\u5ea7", + "\u76ae\u7279_\u8499\u5fb7\u91cc\u5b89", + "\u65b0\u5927\u9678", + "\u7cbe\u795e\u75c5\u533b\u9662", + "\u8428\u514b\u68ee_\u5b89\u54c8\u5c14\u7279", + "\u7cbe\u795e\u75c5\u9662", + "\u519b\u653f\u5e9c", + "\u7cbe\u795e\u75c5\u91ab\u9662", + "\u8056\u5927\u975e", + "\u4f5b\u5f97\u89d2", + "\u7a7a\u519b", + "\u8056\u514b\u840a\u723e\u6e56", + "\u7761\u7f8e\u4eba", + "\u4e2d\u592e\u9280\u884c", + "\u4e9a\u7f8e\u5229\u54e5_\u97e6\u65af\u666e\u5947", + "\u5854\u7d0d\u6e56", + "\u8ecd\u653f\u5e9c", + "\u7126\u571f", + "1_\u6708_1_\u65e5", + "\u7b2c\u4e09\u65b9", + "\u62b9\u5927\u62c9\u7684\u99ac\u5229\u4e9e", + "\u8056\u8d6b\u52d2\u62ff\u5cf6", + "\u5e02\u653f\u5385", + "\u585e\u5c14\u7ef4\u4e9a\u56fd\u4f1a", + "\u8056\u5e15\u7279\u91cc\u514b", + "\u5408\u6069\u89d2", + "\u8499\u6208_\u5e15\u514b", + "\u7ea6\u745f\u592b_\u8def\u6613_\u76d6_\u5415\u8428\u514b" + ], + "FOOD": [ + "\u6c34\u679c\u6c99\u62c9", + "\u897f\u591a\u58eb" + ], + "PERSON_PRONOUN": [ + "i", + "\u54c0\u5bb6" + ], + "UNION": [ + "\u57fa\u7763\u6559\u6c11\u4e3b\u806f\u76df", + "\u57fa\u7763\u6559\u6c11\u4e3b\u8054\u76df" + ], + "DISEASE": [ + "rust", + "\u8089\u6bd2\u687f\u83cc\u4e2d\u6bd2", + "\u5275\u7acb\u4eba", + "\u5f00\u5c71\u9f3b\u7956", + "\u5275\u8fa6\u4eba", + "gimp", + "\u57c3\u535a\u62c9\u51fa\u8840\u70ed", + "\u634b", + "\u57c3\u535a\u62c9\u75c5\u6bd2", + "\u521b\u7acb\u4eba", + "\u99ac\u723e\u5821\u75c5\u6bd2", + "a_\u578b\u809d\u708e", + "\u4eba\u985e\u75b1\u75b9\u75c5\u6bd2\u7b2c\u56db\u578b", + "a_\u809d", + "noma", + "\u5efa\u7acb\u8005", + "\u521b\u529e\u4eba" + ], + "RELIGION": [ + "\u6bd8\u6fd5\u5974\u6d3e", + "\u5c0f\u4e58", + "\u57fa\u7763\u79d1\u5b78\u6559\u6703", + "\u5a01\u5361\u6559" + ], + "PRODUCT": [ + "\u5317\u83b1\u8335_\u5a01\u65af\u7279\u6cd5\u4f26\u5dde", + "\u7b2c\u5341\u4e8c\u591c", + "\u5169\u96bb\u8001\u864e", + "\u8377\u862d\u8c6c", + "\u8377\u5170\u732a", + "\u4eba\u6b0a", + "\u54e5\u672c\u54c8\u6839\u5e02\u90ca\u94c1\u8def", + "\u56db\u65f6", + "\u65b0\u7d04\u8056\u7d93", + "\u65b0\u7d04\u5168\u66f8", + "\u5723\u534e\u91d1\u6cb3", + "\u65b0\u7ea6\u5168\u4e66", + "\u8282\u793c\u65e5", + "\u8475\u9f20", + "\u5723\u8bde\u6811" + ], + "PLANT": [ + "\u52a0\u5229\u798f\u5c3c\u4e9a\u67cf\u6728", + "\u6bd2\u85e4\u5973", + "a_\u83dc", + "\u52ff\u5fd8\u6211", + "\u8056\u8a95\u6a39", + "\u6817\u5b50" + ], + "GENDER": [ + "boys" + ], + "LANGUAGE": [ + "\u4e1c\u52a0\u62ff\u5927\u56e0\u7ebd\u7279\u8bed", + "zhuang" + ], + "SOC_ECO_CLASS": [ + "\u519c\u827a", + "\u5de5\u4eba\u9636\u7ea7", + "\u52ac", + "\u9ed1\u5e02" + ], + "LAW": [ + "\u7f57\u9a6c\u6cd5" + ], + "PERSON": [ + "\u4e01\u9aa8\u725b\u6392", + "\u5723\u6587\u68ee\u7279\u5c9b" + ], + "ner_regexes": [ + [ + "PERSON", + "\\D+\\D+", + false, + [] + ], + [ + "PERSON", + "\\D+\\D+", + false, + [] + ] + ], + "FIRST_NAME_FEMALE": [ + "\u744b\u5a77", + "\u6842\u82b1", + "\u67f3", + "\u6dd1\u83ef", + "\u5a1c", + "\u7389\u73cd", + "\u4e3d\u4e3d", + "\u96ea", + "\u7389\u5170", + "\u90c1\u5a77", + "\u5b9c\u5ead", + "\u51ac\u6885", + "\u83b9", + "\u5609\u73b2", + "\u51e4\u82f1", + "\u96c5\u6587", + "\u7389\u6885", + "\u6dd1\u82f1", + "\u79c0\u4e91", + "\u7ea2", + "\u923a\u5a77", + "\u9759", + "\u4e91", + "\u4f69\u541b", + "\u5a49\u5a77", + "\u6dd1\u8c9e", + "\u6167", + "\u60e0\u96ef", + "\u5170\u82f1", + "\u82f1", + "\u60e0\u5982", + "\u4e39", + "\u71d5", + "\u6d77\u71d5", + "\u96c5\u60e0", + "\u6842\u829d", + "\u90c1\u96ef", + "\u96c5\u7b51", + "\u6021\u4f36", + "\u60e0\u5a77", + "\u6842\u82b3", + "\u7545", + "\u5029", + "\u79c0\u534e", + "\u51e4\u5170", + "\u6167\u541b", + "\u6dd1\u82ac", + "\u9896", + "\u6842\u73cd", + "\u96c5\u6167", + "\u5a1f", + "\u6021\u5b89", + "\u6b23", + "\u6842\u9999", + "\u7389", + "\u4e3d\u534e", + "\u4f73\u73b2", + "\u8a69\u5a77", + "\u96c5\u742a", + "\u96c5\u82b3", + "\u79c0\u6885", + "\u7ea2\u6885", + "\u4f73\u7a4e", + "\u742c\u5a77", + "\u6dd1\u60e0", + "\u91d1\u51e4", + "\u4f73\u84c9", + "\u96c5\u5a77", + "\u6885", + "\u4f69\u73ca", + "\u6625\u6885", + "\u6021\u5a77", + "\u73b2", + "\u7434", + "\u6842\u8363", + "\u975c\u6021", + "\u7490", + "\u79c0\u8363", + "\u6dd1\u534e", + "\u6842\u5170", + "\u4f9d\u5a77", + "\u79c0\u5170", + "\u8273", + "\u6dd1\u5170", + "\u971e", + "\u5fc3\u6021", + "\u96c5\u6db5", + "\u79c0\u82b3", + "\u8363", + "\u5a77\u5a77", + "\u4e39\u4e39", + "\u6021\u541b", + "\u7f8e\u73b2", + "\u5c0f\u7ea2", + "\u6dd1\u6167", + "\u6dd1\u73cd", + "\u6676", + "\u4e3d\u5a1f", + "\u5bb6\u745c", + "\u7f8e\u742a", + "\u4f73\u6167", + "\u745c", + "\u82b3", + "\u6dd1\u5a1f", + "\u975c\u5b9c", + "\u6021\u5982", + "\u5b9c\u541b", + "\u79c0\u82f1", + "\u6d01", + "\u96c5\u96ef", + "\u7433", + "\u6b23\u6021", + "\u96c5\u840d", + "\u840d", + "\u96ea\u6885", + "\u601d\u7a4e", + "\u96c5\u73b2", + "\u4e3d", + "\u8a69\u6db5", + "\u7389\u82f1", + "\u5a77", + "\u8389", + "\u654f", + "\u6021\u8431", + "\u7b71\u6db5", + "\u6dd1\u73b2", + "\u79c0\u73cd", + "\u7389\u534e", + "\u6842\u82f1" + ], + "FIRST_NAME_MALE": [ + "\u4e2d\u5c71", + "\u4e1c", + "\u5b81", + "\u5fd7\u5b8f", + "\u5b97\u7ff0", + "\u9f99", + "\u65ed", + "\u535a", + "\u4fca\u5091", + "\u96f7", + "\u51a0\u5b87", + "\u5f6c", + "\u7ea2\u971e", + "\u6587", + "\u6d0b", + "\u6c96", + "\u54f2\u744b", + "\u5efa\u519b", + "\u51a0\u9716", + "\u6ce2", + "\u9633", + "\u4eae", + "\u9e4f", + "\u6960", + "\u8f89", + "\u5065", + "\u5fd7\u5f3a", + "\u7fbd", + "\u9f8d", + "\u5cf0", + "\u5efa\u5e73", + "\u52c7", + "\u5ca9", + "\u5efa", + "\u6b22", + "\u519b", + "\u627f\u7ff0", + "\u5091\u514b", + "\u6797", + "\u5bb6\u8c6a", + "\u658c", + "\u51a0\u5ef7", + "\u5a01\u5ef7", + "\u5bb6\u9298", + "\u5175", + "\u4fca", + "\u98de", + "\u6d69", + "\u78ca", + "\u745e", + "\u67cf\u7ff0", + "\u5f65\u5ef7", + "\u5e06", + "\u5efa\u534e", + "\u660e", + "\u5764", + "\u5bb6\u744b", + "\u6770", + "\u61ff", + "\u51ef", + "\u946b", + "\u5f3a", + "\u6768", + "\u4fe1\u5b8f", + "\u5b87\u8ed2", + "\u5fd7\u5049", + "\u4f73", + "\u6210", + "\u5e05", + "\u8d85", + "\u5229", + "\u5efa\u56fd", + "\u5ead\u744b", + "\u5b87", + "\u534e", + "\u6668", + "\u4fca\u5b8f", + "\u4f1f", + "\u4f73\u6a3a", + "\u60f3", + "\u5e73", + "\u521a", + "\u5fd7\u8c6a", + "\u6d9b", + "\u4fca\u8ce2", + "\u98db", + "\u99a8\u5100", + "\u5efa\u5b8f" + ], + "FIRST_NAME": [ + "\u4e2d\u5c71", + "\u6842\u82b1", + "\u67f3", + "\u744b\u5a77", + "\u6dd1\u83ef", + "\u5a1c", + "\u7389\u73cd", + "\u4e3d\u4e3d", + "\u4e1c", + "\u96ea", + "\u7389\u5170", + "\u90c1\u5a77", + "\u5b81", + "\u5b9c\u5ead", + "\u5fd7\u5b8f", + "\u51ac\u6885", + "\u9f99", + "\u5b97\u7ff0", + "\u83b9", + "\u65ed", + "\u51e4\u82f1", + "\u5609\u73b2", + "\u96c5\u6587", + "\u535a", + "\u7389\u6885", + "\u6dd1\u82f1", + "\u79c0\u4e91", + "\u4fca\u5091", + "\u96f7", + "\u51a0\u5b87", + "\u7ea2", + "\u923a\u5a77", + "\u5f6c", + "\u9759", + "\u4e91", + "\u4f69\u541b", + "\u5a49\u5a77", + "\u7389\u534e", + "\u7ea2\u971e", + "\u6dd1\u8c9e", + "\u6167", + "\u60e0\u96ef", + "\u6587", + "\u6d0b", + "\u5170\u82f1", + "\u6c96", + "\u82f1", + "\u60e0\u5982", + "\u54f2\u744b", + "\u5efa\u519b", + "\u51a0\u9716", + "\u4e39", + "\u6ce2", + "\u71d5", + "\u6d77\u71d5", + "\u96c5\u60e0", + "\u6842\u829d", + "\u9633", + "\u90c1\u96ef", + "\u4eae", + "\u9e4f", + "\u6960", + "\u96c5\u7b51", + "\u8f89", + "\u6021\u4f36", + "\u60e0\u5a77", + "\u6842\u82b3", + "\u5065", + "\u5fd7\u5f3a", + "\u7545", + "\u7fbd", + "\u9f8d", + "\u5cf0", + "\u51e4\u5170", + "\u5029", + "\u79c0\u534e", + "\u6167\u541b", + "\u5efa\u5e73", + "\u52c7", + "\u5ca9", + "\u9896", + "\u6842\u73cd", + "\u6dd1\u82ac", + "\u96c5\u6167", + "\u5efa", + "\u6b22", + "\u5a1f", + "\u6021\u5b89", + "\u6b23", + "\u6842\u9999", + "\u7389", + "\u519b", + "\u4e3d\u534e", + "\u4f73\u73b2", + "\u627f\u7ff0", + "\u5091\u514b", + "\u8a69\u5a77", + "\u96c5\u742a", + "\u6797", + "\u96c5\u82b3", + "\u5bb6\u8c6a", + "\u658c", + "\u79c0\u6885", + "\u7ea2\u6885", + "\u51a0\u5ef7", + "\u4f73\u7a4e", + "\u742c\u5a77", + "\u5a01\u5ef7", + "\u5bb6\u9298", + "\u5175", + "\u4fca", + "\u98de", + "\u6d69", + "\u78ca", + "\u6dd1\u60e0", + "\u745e", + "\u67cf\u7ff0", + "\u5f65\u5ef7", + "\u91d1\u51e4", + "\u4f73\u84c9", + "\u96c5\u5a77", + "\u6885", + "\u4f69\u73ca", + "\u6625\u6885", + "\u5e06", + "\u5efa\u534e", + "\u6021\u5a77", + "\u660e", + "\u5764", + "\u73b2", + "\u7434", + "\u6842\u8363", + "\u5bb6\u744b", + "\u975c\u6021", + "\u6770", + "\u7490", + "\u79c0\u8363", + "\u6dd1\u534e", + "\u6842\u5170", + "\u61ff", + "\u51ef", + "\u4f9d\u5a77", + "\u79c0\u5170", + "\u946b", + "\u8273", + "\u6dd1\u5170", + "\u971e", + "\u5f3a", + "\u5fc3\u6021", + "\u6768", + "\u4fe1\u5b8f", + "\u96c5\u6db5", + "\u79c0\u82b3", + "\u8363", + "\u5b87\u8ed2", + "\u5a77\u5a77", + "\u4e39\u4e39", + "\u4f73", + "\u5fd7\u5049", + "\u6021\u541b", + "\u7f8e\u73b2", + "\u6210", + "\u5c0f\u7ea2", + "\u5e05", + "\u6dd1\u6167", + "\u8d85", + "\u6dd1\u73cd", + "\u6676", + "\u4e3d\u5a1f", + "\u5bb6\u745c", + "\u5229", + "\u4f73\u6167", + "\u5efa\u56fd", + "\u7f8e\u742a", + "\u5ead\u744b", + "\u745c", + "\u82b3", + "\u6dd1\u5a1f", + "\u975c\u5b9c", + "\u6021\u5982", + "\u5b87", + "\u534e", + "\u5b9c\u541b", + "\u79c0\u82f1", + "\u6d01", + "\u6668", + "\u96c5\u96ef", + "\u7433", + "\u4fca\u5b8f", + "\u6b23\u6021", + "\u4f1f", + "\u96c5\u840d", + "\u840d", + "\u4f73\u6a3a", + "\u96ea\u6885", + "\u601d\u7a4e", + "\u60f3", + "\u4e3d", + "\u5e73", + "\u96c5\u73b2", + "\u8a69\u6db5", + "\u521a", + "\u7389\u82f1", + "\u5fd7\u8c6a", + "\u6d9b", + "\u5a77", + "\u8389", + "\u654f", + "\u4fca\u8ce2", + "\u6021\u8431", + "\u7b71\u6db5", + "\u98db", + "\u6dd1\u73b2", + "\u79c0\u73cd", + "\u99a8\u5100", + "\u5efa\u5b8f", + "\u6842\u82f1" + ], + "LAST_NAME": [ + "\u8449", + "\u5321", + "\u65af", + "\u6c88", + "\u79b9", + "\u8c2d", + "\u9976", + "\u9f90", + "\u6e38", + "\u5d14", + "\u8a08", + "\u8a31", + "\u4fde", + "\u5357", + "\u7ba1", + "\u7941", + "\u56fd", + "\u664f", + "\u4f4d", + "\u5bbf", + "\u656c", + "\u95fb", + "\u9a6c", + "\u5289", + "\u6b66", + "\u908a", + "\u8cd3", + "\u55ac", + "\u536b", + "\u6587", + "\u8ba1", + "\u5d47", + "\u7f85", + "\u9c81", + "\u595a", + "\u521d", + "\u5371", + "\u9114", + "\u55ae", + "\u859b", + "\u5180", + "\u9633", + "\u912d", + "\u6eff", + "\u5949", + "\u519c", + "\u885b", + "\u5c60", + "\u533a", + "\u9f8d", + "\u8881", + "\u978f", + "\u891a", + "\u8b5a", + "\u5deb", + "\u8d39", + "\u95ed", + "\u88f4", + "\u962e", + "\u515a", + "\u620e", + "\u66f9", + "\u88d8", + "\u9f94", + "\u8463", + "\u5ec9", + "\u5173", + "\u6731", + "\u8def", + "\u97d3", + "\u6a02", + "\u537f", + "\u7fdf", + "\u95bb", + "\u5e94", + "\u5c24", + "\u5201", + "\u67cf", + "\u4e93", + "\u5355", + "\u6d2a", + "\u8ac7", + "\u661d", + "\u82d1", + "\u65bd", + "\u53e4", + "\u76d6", + "\u664b", + "\u7c9f", + "\u5df4", + "\u6f06", + "\u5eb7", + "\u67ef", + "\u53f8", + "\u99ae", + "\u842c", + "\u4e1b", + "\u694a", + "\u76f8", + "\u9686", + "\u675f", + "\u8a79", + "\u50a8", + "\u8d3a", + "\u84b2", + "\u81e7", + "\u99f1", + "\u7ec3", + "\u9a86", + "\u53f6", + "\u7ae0", + "\u82df", + "\u5353", + "\u8fb9", + "\u6641", + "\u8f66", + "\u82d7", + "\u534e", + "\u6556", + "\u8861", + "\u970d", + "\u5389", + "\u59ec", + "\u76ae", + "\u9619", + "\u9c9c", + "\u5b54", + "\u8cf4", + "\u5132", + "\u9589", + "\u5415", + "\u904a", + "\u4f55", + "\u989c", + "\u8cc8", + "\u83ab", + "\u5546", + "\u674e", + "\u9bae", + "\u51af", + "\u8584", + "\u82a6", + "\u4edd", + "\u9ad8", + "\u9f4a", + "\u90d1", + "\u9f99", + "\u51cc", + "\u4e30", + "\u695a", + "\u834a", + "\u73ed", + "\u5be7", + "\u4faf", + "\u7d00", + "\u949f", + "\u96f7", + "\u97a0", + "\u570b", + "\u548c", + "\u5468", + "\u4f58", + "\u95f5", + "\u51b7", + "\u7ae5", + "\u5f35", + "\u4e91", + "\u6a38", + "\u65b9", + "\u502a", + "\u9673", + "\u9952", + "\u56b4", + "\u5e38", + "\u9678", + "\u7aa6", + "\u4e4c", + "\u5e08", + "\u5de6", + "\u8f9b", + "\u5b63", + "\u67e5", + "\u5143", + "\u82b1", + "\u909d", + "\u9b91", + "\u9634", + "\u676d", + "\u9122", + "\u4f46", + "\u4f0f", + "\u9676", + "\u5168", + "\u90a3", + "\u5e78", + "\u90dd", + "\u5cb3", + "\u725b", + "\u7f8a", + "\u848b", + "\u79e6", + "\u6bcd", + "\u7ac7", + "\u8c37", + "\u5189", + "\u9ec3", + "\u6cc1", + "\u8212", + "\u95de", + "\u7df4", + "\u5bae", + "\u80e1", + "\u9867", + "\u5305", + "\u90ac", + "\u4f86", + "\u6c99", + "\u9112", + "\u9646", + "\u94f6", + "\u5c39", + "\u8c50", + "\u55bb", + "\u7f57", + "\u5c01", + "\u5f3a", + "\u4e50", + "\u7531", + "\u9127", + "\u8b1d", + "\u8fde", + "\u6bb5", + "\u6b50", + "\u8fb2", + "\u967d", + "\u5e9e", + "\u6210", + "\u5c91", + "\u9280", + "\u52b3", + "\u5e25", + "\u8bb8", + "\u7eaa", + "\u666f", + "\u8339", + "\u830d", + "\u90b9", + "\u8521", + "\u5c48", + "\u6b50\u967d", + "\u8af8", + "\u9f50", + "\u5085", + "\u97e9", + "\u5e72", + "\u4e07", + "\u845b", + "\u90b5", + "\u67f4", + "\u8eca", + "\u65bc", + "\u95e8", + "\u90b1", + "\u67f3", + "\u6c5f", + "\u7b26", + "\u4ec7", + "\u6c6a", + "\u652f", + "\u539f", + "\u5b81", + "\u5c55", + "\u8c0c", + "\u6642", + "\u5ed6", + "\u5442", + "\u7956", + "\u77f3", + "\u683e", + "\u9f9a", + "\u6a13", + "\u5b5f", + "\u8d99", + "\u9b4f", + "\u8d3e", + "\u8514", + "\u4e54", + "\u7518", + "\u6208", + "\u8607", + "\u52de", + "\u6a80", + "\u7e46", + "\u8d56", + "\u8606", + "\u5e79", + "\u95d5", + "\u5b59", + "\u7504", + "\u8076", + "\u9594", + "\u4f0a", + "\u71d5", + "\u7c21", + "\u9093", + "\u94b1", + "\u690d", + "\u76db", + "\u85cd", + "\u6eab", + "\u7fc1", + "\u547c", + "\u856d", + "\u6b0a", + "\u535e", + "\u4e95", + "\u5510", + "\u76d8", + "\u5411", + "\u6881", + "\u7389", + "\u99ac", + "\u83ef", + "\u9773", + "\u9648", + "\u6797", + "\u5b6b", + "\u8c22", + "\u6230", + "\u7f2a", + "\u697c", + "\u805e", + "\u8863", + "\u8042", + "\u961a", + "\u6e6f", + "\u8af6", + "\u5340", + "\u59da", + "\u6f58", + "\u6885", + "\u590f", + "\u5c27", + "\u7d22", + "\u718a", + "\u90b8", + "\u6613", + "\u8fdf", + "\u8983", + "\u5f90", + "\u9ec4", + "\u61c9", + "\u80e5", + "\u6d66", + "\u623f", + "\u9322", + "\u69ae", + "\u8363", + "\u6743", + "\u6842", + "\u8c08", + "\u6649", + "\u9580", + "\u90dc", + "\u5e05", + "\u827e", + "\u963f", + "\u5bcc", + "\u5a04", + "\u5229", + "\u5bbe", + "\u862d", + "\u5c09", + "\u90a2", + "\u6de9", + "\u5b89", + "\u8305", + "\u666e", + "\u76e7", + "\u5f37", + "\u84cb", + "\u9ece", + "\u5409", + "\u5e73", + "\u9023", + "\u6bd5", + "\u90c1", + "\u90ed", + "\u7126", + "\u8303", + "\u6d77", + "\u9ea6", + "\u987e", + "\u7c73", + "\u9418", + "\u913a", + "\u9ebb", + "\u738b", + "\u6218", + "\u621a", + "\u9072", + "\u9ea5", + "\u7a46", + "\u9e7f", + "\u8bf8", + "\u65f6", + "\u6765", + "\u90ce", + "\u725f", + "\u5f20", + "\u8499", + "\u4e01", + "\u7a0b", + "\u5bab", + "\u4e25", + "\u902f", + "\u89e3", + "\u95dc", + "\u6734", + "\u9c8d", + "\u5dbd", + "\u6e29", + "\u6b12", + "\u5434", + "\u4f59", + "\u5f6d", + "\u8346", + "\u838a", + "\u6ed5", + "\u7533", + "\u4f5f", + "\u803f", + "\u6d82", + "\u5218", + "\u5b97", + "\u72c4", + "\u5e84", + "\u6bdb", + "\u582f", + "\u97e6", + "\u6c60", + "\u6817", + "\u5857", + "\u6234", + "\u6a0a", + "\u53e2", + "\u90b0", + "\u8523", + "\u66fe", + "\u6c64", + "\u60e0", + "\u5370", + "\u96cd", + "\u59dc", + "\u4fee", + "\u90fd", + "\u51b6", + "\u8d75", + "\u5bb9", + "\u76e4", + "\u5362", + "\u5de9", + "\u6155", + "\u8cbb", + "\u7b80", + "\u8cc0", + "\u8427", + "\u77bf", + "\u82cf", + "\u5c1a", + "\u70cf", + "\u85fa", + "\u53f2", + "\u535c", + "\u667a", + "\u4e8e", + "\u91d1", + "\u6851", + "\u660e", + "\u9879", + "\u96f2", + "\u7bc4", + "\u97cb", + "\u84dd", + "\u4ef2", + "\u52fe", + "\u5170", + "\u6bb7", + "\u968b", + "\u6e5b", + "\u6248", + "\u9805", + "\u4fe1", + "\u54c8", + "\u4f0d", + "\u6768", + "\u9ee8", + "\u4efb", + "\u5ba3", + "\u5e2d", + "\u675c", + "\u767d", + "\u66f2", + "\u984f", + "\u63ed", + "\u5e2b", + "\u6b27", + "\u8d6b", + "\u5c45", + "\u516c", + "\u5433", + "\u9b6f", + "\u795d", + "\u8f9c", + "\u82ae", + "\u8c46", + "\u7562", + "\u5b98", + "\u853a", + "\u5a41", + "\u865e", + "\u6b27\u9633", + "\u6ee1", + "\u5bc7", + "\u960e", + "\u5b8b", + "\u51bc", + "\u4ea2", + "\u7530", + "\u51b5", + "\u53b2", + "\u9670" + ], + "LAST_NAME_MALE": [], + "LAST_NAME_FEMALE": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "\u5973\u4fee\u9053\u5f20": "\u4fee\u9053\u9662\u957f", + "\u5973\u4fee\u9053\u5f35": "\u4f4f\u6301", + "\u4f18\u4f36": "\u6f14\u54e1", + "\u512a\u4f36": "\u6232\u5b50", + "\u5973\u4f18": "\u6731\u5b5d\u5929", + "\u4f36": "\u4f18\u4f36", + "\u5973\u512a": "\u6232\u5b50", + "\u5927\u5988": "\u59e8\u4e08", + "\u5a76\u5a76": "\u4e16\u4f2f", + "\u8205\u6bcd": "\u4f2f\u4f2f", + "\u5a76\u5b50": "\u53d4\u53d4", + "\u59e8": "\u59d1\u592b", + "\u5b38\u6bcd": "\u5927\u53d4", + "\u5b38\u5b38": "\u5b63\u7236", + "\u8205\u5988": "\u53d4\u53d4", + "\u4f2f\u6bcd": "\u59d1\u7237", + "\u8205\u5abd": "\u59d1\u7239", + "\u5927\u5a18": "\u5927\u53d4", + "\u5abd\u5abd": "\u5148\u7236", + "\u53d4\u6bcd": "\u4f2f\u7236", + "\u5927\u5abd": "\u5927\u723a", + "\u5b38\u5b50": "\u8001\u5927\u723a", + "\u5a76\u6bcd": "\u7238\u7238", + "\u7537\u7235\u592b\u4eba": "\u7537\u7235", + "\u65b0\u5a18": "\u57f9\u8a13", + "\u5a35": "\u826f\u4eba", + "\u5ab3": "\u5a7f", + "\u65b0\u5987": "\u65b0\u90ce", + "\u65b0\u5ac1\u5a18": "\u57f9\u8bad", + "\u65b0\u5a66": "\u65b0\u90ce", + "\u96cf": "\u54e5\u5011", + "\u96cf\u9e21": "\u54e5\u5011", + "\u5c0f\u96de": "\u54e5\u4eec", + "\u96cf\u513f": "\u54e5\u5011", + "\u96db\u5152": "\u54e5\u4eec", + "\u9db5": "\u54e5\u5011", + "\u5c0f\u9e21": "\u54e5\u5011", + "\u96db\u96de": "\u54e5\u5011", + "\u96db\u9ce5": "\u54e5\u5011", + "\u5973\u5152": "\u513f", + "\u5973\u513f": "\u7537\u5a03", + "\u95fa\u5973": "\u513f\u5b50", + "\u95a8\u5973": "\u4f1c", + "\u56e1": "\u7537\u513f", + "\u516c\u7235\u592b\u4eba": "\u7687\u5b50", + "\u5973\u516c\u7235": "\u516c\u7235", + "\u6b63\u5bab\u5a18\u5a18": "\u5929\u5b50", + "\u5973\u7687": "\u570b\u738b\u8857\u7ad9", + "\u5e1d\u540e": "\u5e1d\u738b", + "\u5973\u7687\u5e1d": "\u7687", + "\u6b63\u5bae\u5a18\u5a18": "\u8056\u4e0a", + "\u7687\u540e": "\u541b\u738b", + "\u5973\u540c\u80de": "\u7537\u58eb", + "\u96cc\u6027": "\u7537\u4eba", + "\u8a31\u5ac1": "\u8a31\u5a5a", + "\u7ae5\u5973": "\u7537\u5a03", + "\u5c0f\u59b9": "\u963f\u5144", + "\u4e2b\u982d": "\u7537\u5a03", + "\u4e2b": "\u7537\u5a03", + "\u599e": "\u7537\u5a03", + "\u5973\u5b69": "\u5c0f\u4f19\u5b50", + "\u59b9\u5b50": "\u7537\u5a03", + "\u4e2b\u5934": "\u7537\u5a03", + "\u59ae": "\u7537\u5a03", + "\u5973\u5a03": "\u7537\u5a03", + "\u5973\u5b69\u5b50": "\u7537\u5a03", + "\u59c9": "\u7537\u5a03", + "\u5aac": "\u7701\u957f", + "\u59e5": "\u5dde\u9577", + "\u5916\u5b59\u5973\u513f": "\u5b59", + "\u5b59\u5973\u513f": "\u5916\u5b59\u5b50", + "\u5916\u5b6b\u5973": "\u5b59", + "\u5b6b\u5973\u5152": "\u5916\u5b59\u5b50", + "\u5916\u5b59\u5973": "\u5b59", + "\u5b59\u5973": "\u5916\u5b6b\u5b50", + "\u5916\u5b6b\u5973\u5152": "\u5916\u5b59\u5b50", + "\u5b6b\u5973": "\u5916\u5b59", + "\u7956\u6bcd": "\u5916\u516c", + "\u5979": "\u3078", + "\u70c8\u5973": "\u597d\u6c49", + "\u5973\u4e3b\u4eba\u516c": "\u597d\u6f22", + "\u5973\u4e3b\u4eba": "\u8001\u7237", + "\u4e3b\u5987": "\u4e3b\u529e", + "\u54a8\u5ba2": "\u4f5c\u6771", + "\u8af8\u541b": "\u4e0a\u9662", + "\u5973\u58eb": "\u7235\u58eb", + "\u8cb4\u5a66\u4eba": "\u6d1b\u5fb7", + "\u8d35\u5987": "\u52f3\u7235", + "\u8cb4\u5a66": "\u52f3\u7235", + "\u6dd1\u5973": "\u6d1b\u5fb7", + "\u5973\u623f\u6771": "\u54e1\u5916", + "\u5973\u623f\u4e1c": "\u838a\u7a3c\u6236", + "\u5b89\u4eba": "\u5e84\u7a3c\u6237", + "\u59ae\u5b50": "\u5c0f\u4f19", + "\u4faf\u7235\u592b\u4eba": "\u842c\u6236\u4faf", + "\u9519\u5931": "\u7235\u58eb", + "\u9b42\u727d\u5922\u7e08": "\u7235\u58eb", + "\u601d\u604b": "\u7235\u58eb", + "\u5931\u6389": "\u8001\u7239", + "\u7737\u6200": "\u957f\u5b98", + "\u5ef6\u8bef": "\u8001\u4e08", + "\u8bef\u8f66": "\u7235\u58eb", + "\u7737\u61f7": "\u957f\u5b98", + "\u601d\u6200": "\u957f\u5b98", + "\u907a\u6f0f": "\u957f\u5b98", + "\u9519\u8fc7": "\u957f\u5b98", + "\u5c0f\u59d0": "\u957f\u5b98", + "\u932f\u5931": "\u8001\u4e08", + "miss_a": "\u8001\u7239", + "\u9057\u6f0f": "\u8001\u7239", + "\u812b\u9776": "\u957f\u5b98", + "\u932f\u904e": "\u8001\u4e08", + "\u60e6": "\u7235\u58eb", + "\u5bc6\u65af": "\u8001\u4e08", + "\u9b42\u7275\u68a6\u8426": "\u957f\u5b98", + "\u8aa4\u8eca": "\u8001\u7239", + "\u6200\u5ff5": "\u8001\u7239", + "\u7737\u604b": "\u7235\u58eb", + "\u8131\u9776": "\u8001\u4e08", + "\u7275\u8bb0": "\u8001\u7239", + "\u5ef6\u8aa4": "\u8001\u7239", + "\u6beb\u7121": "\u957f\u5b98", + "\u604b\u5ff5": "\u8001\u7239", + "\u8e49": "\u8001\u4e08", + "\u601d\u60c5": "\u8001\u7239", + "\u5931\u5bdf": "\u8001\u4e08", + "\u727d\u8a18": "\u8001\u4e08", + "\u7737\u6000": "\u957f\u5b98", + "\u56f2": "\u5e08\u5c0a", + "\u59d8\u5987": "\u5e2b\u5085", + "\u5c0f\u592a\u592a": "\u592b\u5b50", + "\u60c5\u4eba": "\u4e1c\u5bb6", + "\u5074\u5ba4": "\u4e1c\u5bb6", + "\u59d8\u5934": "\u4e3b\u5b50", + "\u5c0f\u5ab3\u5a66": "\u5e08\u5c0a", + "\u59d8\u982d": "\u5e08\u7236", + "\u4e8c\u5976": "\u4e3b\u4eba\u7fc1", + "\u611b\u4eba": "\u5e2b\u5085", + "\u59d8\u5a66": "\u5e2b\u5c0a", + "\u60c5\u513f": "\u5e2b\u5085", + "\u5c0f\u5ab3\u5987": "\u5927\u5e08", + "\u5c0f\u8001\u5a46": "\u4f6c", + "\u60c5\u5987": "\u5e2b\u5085", + "\u60c5\u5152": "\u5e2b\u5c0a", + "\u5c0f\u4e09": "\u5e2b\u5c0a", + "\u5b2c": "\u8001\u7237", + "\u8001\u5988": "\u8001\u7238", + "\u5988": "\u8001\u5152", + "\u59c6\u5988": "\u5148\u7236", + "\u8001\u5abd": "\u7236\u4eb2", + "\u5abd": "\u8001\u5152", + "\u5bf6\u5abd": "\u5bf6\u7238", + "\u59c6\u5abd": "\u8001\u7238", + "\u5b9d\u5988": "\u5b9d\u7238", + "\u9a6c\u9ebb": "\u7239\u5730", + "\u5abd\u54aa": "\u7238\u7238", + "\u99ac\u9ebb": "\u628a\u62d4", + "\u5988\u54aa": "\u7238\u7238", + "\u8431\u5802": "\u6019", + "\u5b7a\u4eba": "\u7fc1\u5a7f", + "\u6bcd\u4eb2": "\u7238\u7238", + "\u4ee4\u5802": "\u8001\u513f", + "\u6043": "\u8056\u7236", + "\u6148\u6bcd": "\u7236\u89aa", + "\u7236\u6bcd": "\u8001\u5934", + "\u5b2d": "\u7236\u89aa", + "\u6bd1": "\u5723\u7236", + "\u984d\u5409": "\u8001\u7239", + "\u989d\u5409": "\u8001\u5934", + "\u5976": "\u8001\u513f", + "\u6bcd\u89aa": "\u7238\u7238", + "\u7336\u5973": "\u4f84\u5b50", + "\u59ea\u5973": "\u7525", + "\u59ea\u5b50": "\u59ea", + "\u4f84\u5973": "\u7525", + "\u59ea": "\u7525", + "\u72b9\u5973": "\u7336\u5b50", + "\u7525\u5973": "\u7336\u5b50", + "\u51fa\u5bb6\u4eba": "\u50e7\u4f3d", + "\u4fee\u5973": "\u50e7\u4fb6", + "\u5973\u8b66": "\u5458\u8b66", + "\u5973\u8b66\u54e1": "\u5de1\u6355", + "\u5973\u8b66\u5458": "\u8b66\u5b98", + "\u5973\u796d\u53f8": "\u53f8\u9438", + "\u738b\u5983": "\u541b\u738b", + "\u683c\u683c": "\u738b\u723a", + "\u516c\u4e3b": "\u541b\u4e3b\u8bba", + "\u540e\u5983": "\u570b\u738b", + "\u738b\u540e": "\u570b\u738b\u8857\u7ad9", + "\u5973\u738b": "\u541b\u738b", + "\u7687\u540e\u8857\u7ad9": "\u541b\u738b", + "\u4f62": "\u6039", + "\u4f0a\u4eba": "\u6039", + "\u6039": "\u4f62", + "\u5ac2\u5ac2": "\u5144\u53f0", + "\u59d0\u59d0": "\u54e5\u5011", + "\u5b03": "\u5177\u5c14", + "\u59d0\u59b9": "\u6606\u4ef2", + "\u5aad": "\u5c0f\u5f1f", + "\u59ca\u59b9": "\u54e5\u4eec", + "\u59d0": "\u5c0f\u5f1f", + "\u4ed9\u59d1": "\u9670\u967d\u5bb6", + "\u5deb\u5a46": "\u5deb\u5e08", + "\u5973\u5deb": "\u7537\u5deb", + "\u8001\u5904\u5973": "\u5149\u68cd", + "\u8001\u8655\u5973": "\u5149\u68cd", + "\u7ee7\u5973": "\u7ee7\u5b50", + "\u7e7c\u5973": "\u5047\u5b50", + "\u540e\u5a18": "\u7e7c\u7236", + "\u540e\u6bcd": "\u5f8c\u7236", + "\u7ee7\u4eb2": "\u540e\u7236", + "\u540e\u5988": "\u7ee7\u7236", + "\u5f8c\u6bcd": "\u7ee7\u7236", + "\u5f8c\u5abd": "\u7ee7\u7236", + "\u5f8c\u5a18": "\u7fa9\u7236", + "\u7ee7\u6bcd": "\u7e7c\u7236", + "\u7e7c\u6bcd": "\u7ee7\u7236", + "\u7e7c\u89aa": "\u540e\u7236", + "\u7a7a\u59d0": "\u7a7a\u4e2d\u4e58\u52a1\u5458", + "\u5973\u4e58\u52d9\u54e1": "\u7a7a\u4e58", + "\u5973\u4e58\u52a1\u5458": "\u7a7a\u670d\u54e1", + "\u7a7a\u4e2d\u5c0f\u59d0": "\u5354\u7ba1\u54e1", + "\u4f8d\u61c9\u751f": "\u8dd1\u5802\u513f\u7684", + "\u670d\u52a1\u5458": "\u4f8d\u5973", + "\u4f8d\u5e94\u751f": "\u670d\u52a1\u5458", + "\u670d\u52d9\u54e1": "\u4f8d\u5973", + "\u5ae0\u5987": "\u9c25\u592b", + "\u907a\u59bb": "\u9c25", + "\u5ae0\u5a66": "\u9c25", + "\u5be1\u5987": "\u9c25", + "\u5b40\u5987": "\u9c25", + "\u5b64\u5b40": "\u9c25", + "\u5b40": "\u9ccf", + "\u907a\u5b40": "\u9ccf", + "\u5b40\u5a7a": "\u9c25\u592b", + "\u9057\u5b40": "\u9ccf\u592b", + "\u5b40\u5a66": "\u9ccf\u592b", + "\u5be1\u5a66": "\u9c25", + "\u9057\u59bb": "\u9ccf\u592b", + "\u672a\u4ea1\u4eba": "\u9c25\u592b", + "\u5ae0": "\u9c25", + "\u5ab3\u5a66": "\u8001\u516c", + "\u95ab": "\u7d33\u58eb", + "\u5bb6\u5987": "\u8001\u513f", + "\u6d51\u5bb6": "\u5a7f", + "\u5ab3\u5987\u513f": "\u8001\u5152", + "\u5bb6\u5a46": "\u58fb", + "\u5bb6\u5ba4": "\u5a7f", + "\u5a46\u59e8": "\u6f22\u5b50", + "\u9603": "\u7537\u513f", + "\u8001\u5a46": "\u8001\u516c", + "\u5ab3\u5987": "\u592b\u5a7f", + "\u59bb\u5b50": "\u58fb", + "\u5bb6\u5a66": "\u7fc1\u5a7f", + "\u59bb\u5ba4": "\u8001\u5934", + "\u8001\u5a46\u5b69\u5b50\u70ed\u7095\u5934": "\u8001\u5934", + "\u8ce2\u59bb": "\u6c49\u5b50", + "\u5a18\u513f\u4eec": "\u7537\u5b50\u6c49", + "\u8001\u5a46\u5b69\u5b50\u71b1\u7095\u982d": "\u592b\u5a7f", + "\u5bb6\u7684": "\u8001\u5152", + "\u592a\u592a": "\u8001\u5934", + "\u5973\u4eba": "\u5f1f\u5144\u5011", + "\u5a18\u5152\u5011": "\u6f22\u5b50", + "\u727d\u624b": "\u592b\u5a7f", + "\u6e3e\u5bb6": "\u6c49\u5b50", + "\u5ab3\u5a66\u5152": "\u58fb", + "\u5deb\u89cb": "\u7537\u5deb", + "\u5927\u7f8a\u820c\u9c86": "\u9b54\u6cd5\u5e08", + "\u72d0\u72f8\u7cbe": "\u5deb\u5e2b", + "\u5996\u5987": "\u89cb", + "\u7f8e\u9996\u9c08": "\u5deb\u5e08", + "\u6bcd\u591c\u53c9": "\u9b54\u6cd5\u5e2b", + "\u5987\u5973": "\u7537\u5b50\u6f22", + "\u5a46\u5a18": "\u6c49\u5b50", + "\u70df\u82b1\u7c89\u9edb": "\u6f22\u5b50", + "\u5dfe\u5e3c": "\u597d\u5bb6\u4f19", + "\u5a18\u5abd": "\u7537\u4eba", + "\u5a66\u9053\u4eba\u5bb6": "\u7537\u513f", + "\u5a66\u5973": "\u7537\u7684", + "\u5dfe\u5e57": "\u7537\u5b50\u6f22", + "\u5987\u9053\u4eba\u5bb6": "\u7537\u58eb", + "\u5a18\u5988": "\u6f22\u5b50", + "\u59ec": "\u7537\u540c\u80de", + "\u5987": "\u7537\u540c\u80de", + "\u7159\u82b1\u7c89\u9edb": "\u7537\u4eba", + "\u5973\u7684": "\u597d\u5bb6\u4f19", + "\u5973\u6d41": "\u7537\u5b50\u6f22", + "\u5973\u4eba\u5bb6": "\u7537\u4eba", + "\u58f8": "\u5f1f\u5144\u5011", + "\u7537\u513f": "\u599e", + "\u7537\u5a03": "\u59b9\u5b50", + "\u5f66": "\u5973\u5b69\u5b50", + "\u7537\u5b69": "\u599e", + "\u7ae5\u513f": "\u59c9", + "\u7537\u7ae5": "\u59ae", + "\u7ae5\u5b50": "\u59ae", + "\u7537\u5152": "\u5973\u5b69\u5b50", + "\u7537\u5b69\u5b50": "\u5973\u5b69", + "\u7ae5\u5152": "\u5973\u5a03", + "\u6f14\u827a\u4eba\u5458": "\u59ec", + "\u6f14\u85dd\u4eba\u54e1": "\u59ec", + "\u821e\u5b43": "\u821e\u5993", + "\u821e\u5a18": "\u821e\u5993", + "\u821e\u8e48\u5bb6": "\u821e\u5b43", + "\u821e\u5993": "\u821e\u5b43", + "\u821e\u8005": "\u821e\u5a18", + "\u7acb\u65b9": "\u821e\u5a18", + "\u5927\u59d0\u982d": "\u96c7\u4e3b", + "\u5927\u59d0\u5934": "\u8001\u7e3d", + "\u8001\u95c6": "\u5927\u59d0\u982d", + "\u4e1c\u5bb6": "\u5927\u59d0\u982d", + "\u5927\u62ff": "\u5927\u59d0\u982d", + "\u982d\u5bb6": "\u5927\u59d0\u982d", + "\u8001\u7e3d": "\u5927\u59d0\u982d", + "\u9996\u9886": "\u5927\u59d0\u982d", + "\u9996\u9818": "\u5927\u59d0\u982d", + "\u5927\u5934\u76ee": "\u5927\u59d0\u5934", + "\u8001\u677f": "\u5927\u59d0\u982d", + "\u8001\u603b": "\u5927\u59d0\u5934", + "\u5934\u5b50": "\u5927\u59d0\u982d", + "\u7d44\u9577": "\u5927\u59d0\u982d", + "\u96c7\u4e3b": "\u5927\u59d0\u5934", + "\u5927\u982d\u76ee": "\u5927\u59d0\u5934", + "\u982d\u5b50": "\u5927\u59d0\u5934", + "\u9818\u8896": "\u5927\u59d0\u982d", + "\u8001\u677f\u5a18": "\u5927\u62ff", + "\u7a7a\u4e58": "\u7a7a\u59d0", + "\u7a7a\u4e2d\u4e58\u52a1\u5458": "\u7a7a\u59d0", + "\u7a7a\u670d\u5458": "\u5973\u4e58\u52d9\u54e1", + "\u7a7a\u670d\u54e1": "\u5973\u4e58\u52d9\u54e1", + "\u4f8d\u5973": "\u8ddf\u5f9e", + "\u5802\u500c": "\u4f8d\u5973", + "\u4fb6": "\u5973\u4f34", + "\u4ec6\u6b27": "\u4f8d\u5973", + "\u51fa\u5e2d\u8005": "\u4f8d\u5973", + "\u5f9e\u8005": "\u4f8d\u5973", + "\u8ddf\u4ece": "\u4f8d\u5973", + "\u8ddf\u5f9e": "\u4f8d\u5973", + "\u4ece\u8005": "\u4f8d\u5973", + "\u96a8\u54e1": "\u4f8d\u5973", + "\u968f\u884c": "\u4f8d\u5973", + "\u968f\u8eab": "\u4f8d\u5973", + "\u8ddf\u73ed": "\u4f8d\u5973", + "\u50d5\u6b50": "\u4f8d\u5973", + "\u8ddf\u5dee": "\u4f8d\u5973", + "\u53c2\u52a0\u8005": "\u4f8d\u5973", + "\u8fd1\u81e3": "\u4f8d\u5973", + "\u968f\u5458": "\u4f8d\u5973", + "\u4ec6": "\u5973\u4ec6", + "\u9577\u73ed": "\u5a62\u5973", + "\u4ec6\u5f79": "\u5973\u50d5", + "\u81e3\u50d5": "\u5a62\u5973", + "\u5e6b\u50ad": "\u5973\u4ec6", + "\u4ec6\u4eba": "\u5973\u50d5", + "\u5113": "\u5973\u4ec6", + "\u5bb6\u50ee": "\u5973\u4ec6", + "\u5974\u4ec6": "\u5973\u4ec6", + "\u50d5\u4eba": "\u5973\u50d5", + "\u957f\u73ed": "\u5973\u4ec6", + "\u4f63\u5de5": "\u5a62\u5973", + "\u5bb6\u7ae5": "\u5973\u4ec6", + "\u50ad\u5de5": "\u5973\u4ec6", + "\u50d5\u5f79": "\u5973\u50d5", + "\u81e3\u4ec6": "\u5973\u4ec6", + "\u4f63\u4eba": "\u5a62\u5973", + "\u5094": "\u5a62\u5973", + "\u5974\u5a62": "\u5973\u50d5", + "\u5974\u50d5": "\u5973\u50d5", + "\u50ad\u4eba": "\u5973\u4ec6", + "\u5092": "\u5a62\u5973", + "\u8d70\u5352": "\u5973\u50d5", + "\u5e2e\u4f63": "\u5973\u50d5", + "\u9752\u8863": "\u5a62\u5973", + "\u5973\u4f34": "\u4f34\u4fa3", + "\u50da": "\u5973\u4f34", + "\u5137": "\u5973\u4f34", + "\u4f34\u661f": "\u5973\u4f34", + "\u4f34\u4fb6": "\u5973\u4f34", + "\u4faa": "\u5973\u4f34", + "\u502b": "\u5973\u4f34", + "\u4f19\u4f34": "\u5973\u4f34", + "\u540c\u888d": "\u5973\u4f34", + "\u826f\u53cb": "\u5973\u4f34", + "\u4ea4\u53cb": "\u5973\u4f34", + "\u4fa3": "\u5973\u4f34", + "\u4f34\u4fa3": "\u5973\u4f34" + }, + "other_gender_swap": { + "\u4ed6\u5011": "\u5979", + "\u5979\u4eec": "\u6039", + "\u5b83\u4eec": "\u5979", + "\u5979\u5011": "\u6039", + "\u4ed6\u4eec": "\u4f62", + "uk": "\u5979", + "lia": "\u5979\u4eec", + "\u5b83\u5011": "\u6039", + "\u4f62": "\u5979\u5011", + "\u3078": "\u5979\u4eec", + "\u6039": "\u5b83\u4eec", + "\u53f0\u4e0b": "\u4ed6\u4eec", + "\u5979": "\u5979\u4eec", + "\u4f0a\u4eba": "\u5979\u5011" + }, + "en_pronoun2gender": { + "they": [ + "\u9f8d\u967d\u541b", + "\u53cc\u6027\u604b", + "\u540c\u6027\u6200", + "\u65b7\u80cc", + "\u9f99\u9633\u541b", + "\u540c\u6027", + "\u540c\u6027\u604b\u8005", + "\u5206\u6843", + "\u65ad\u8896", + "\u65b7\u8896", + "\u65ad\u80cc", + "\u8de8\u6027\u5225", + "\u540c\u6027\u6200\u8005", + "\u53d8\u6027", + "\u96d9\u6027\u6200", + "\u540c\u6027\u7231", + "\u540c\u6027\u611b", + "\u540c\u6027\u604b" + ], + "he": [ + "\u54e5\u5011", + "\u7537\u4eba", + "\u6f22\u5b50", + "\u7ae5\u5152", + "\u96c4\u6027", + "\u7537\u7ae5", + "\u6c49\u5b50", + "\u5f66", + "\u597d\u5bb6\u4f19", + "\u7537\u5b69", + "\u5c0f\u5f1f\u5f1f", + "\u7537\u5b50\u6f22", + "\u7537\u540c\u80de", + "\u7ec5\u58eb", + "\u5e72\u88c2", + "\u5c0f\u4f19\u5b50", + "\u7ae5\u513f", + "\u7ae5\u5b50", + "\u7537\u513f", + "\u54e5\u4eec", + "\u5c0f\u4f19", + "\u7537\u5a03", + "\u4e7e\u88c2", + "\u7537\u7684", + "\u76b2", + "\u7537\u58eb", + "\u7d33\u58eb", + "\u7537\u5b50\u6c49", + "\u5c0f\u7537\u5b69\u539f\u5b50\u5f48", + "\u577c", + "\u7537\u5b69\u5b50", + "\u76b4\u88c2", + "\u7537\u5152", + "\u4f6c" + ], + "she": [ + "\u6beb\u7121", + "\u5904\u5b50", + "\u4e2b\u5934", + "\u5a18\u513f\u4eec", + "\u5973\u58eb", + "\u4e2b\u74b0", + "\u5c0f\u59b9\u59b9", + "\u5987\u5973", + "\u9ec4\u82b1\u5973", + "\u5a66\u9053\u4eba\u5bb6", + "\u5973\u540c", + "\u932f\u5931", + "\u8655\u5b50", + "\u70df\u82b1\u7c89\u9edb", + "\u5dfe\u5e57", + "\u9519\u5931", + "\u95a8\u5973", + "\u601d\u604b", + "\u7275\u8bb0", + "\u727d\u8a18", + "\u5973\u50ad", + "\u4e2b\u9b1f", + "\u5ef6\u8aa4", + "\u812b\u9776", + "\u5973\u5a03", + "\u59d2", + "\u5bc6\u65af", + "\u4e2b\u982d", + "\u5a18\u5152\u5011", + "\u5987\u9053\u4eba\u5bb6", + "\u8d35\u5987\u4eba", + "\u7a1a\u5973", + "\u5973\u4eba", + "\u8cb4\u5a66\u4eba", + "\u5904\u5973", + "\u5973\u5b69\u5b50", + "\u5927\u59d0", + "\u907a\u6f0f", + "\u9ec3\u82b1\u5e7c\u5973", + "\u6b50\u5c3c", + "\u5ef6\u8bef", + "\u9603", + "\u5973\u6d41", + "\u601d\u60c5", + "\u59ca", + "\u9b42\u727d\u5922\u7e08", + "\u62c9\u62c9", + "\u5a18\u5988", + "\u5a66\u5973", + "\u7737\u6000", + "\u5a50", + "\u932f\u904e", + "\u8cb4\u5a66", + "\u60e6", + "\u5931\u5bdf", + "\u59ca\u59ca", + "\u59d0\u59d0", + "\u96cc\u6027", + "\u5b03", + "\u5c0f\u59d0", + "\u8bef\u8f66", + "\u5c0f\u8001\u5a46", + "miss_a", + "\u5a46\u5a18", + "\u601d\u6200", + "\u5927\u5ac2", + "\u59d0", + "\u5973\u513f", + "\u5a18\u5abd", + "\u4e2b", + "\u6200\u5ff5", + "\u7159\u82b1\u7c89\u9edb", + "\u9577\u59ca", + "\u9ec3\u82b1\u5973", + "\u7737\u61f7", + "\u7ea2\u7c89", + "\u599e\u599e", + "\u5c0f\u59b9", + "\u9ec3\u82b1\u95a8\u5973", + "\u8131\u9776", + "\u4e2b\u982d\u7247\u5b50", + "\u59b9\u5b50", + "\u59ae\u5b50", + "\u59ec\u4f6c", + "\u5dfe\u5e3c", + "\u9ec4\u82b1\u95fa\u5973", + "\u59c9", + "\u6dd1\u5973", + "\u95ab", + "\u599e", + "\u9ec3\u82b1\u59d1\u5a18", + "\u4f8d\u5973", + "\u4e2b\u5934\u7247\u5b50", + "\u5973\u540c\u80de", + "\u59ae", + "\u8aa4\u8eca", + "\u5973\u4f63", + "\u7737\u604b", + "\u7ae5\u5973", + "\u95fa\u5973", + "\u4e2b\u73af", + "\u6b27\u5c3c", + "\u5aad", + "\u7d05\u7c89", + "\u5931\u6389", + "\u9519\u8fc7", + "\u8d35\u5987", + "\u857e\u4e1d\u8fb9", + "\u604b\u5ff5", + "\u857e\u7d72\u908a", + "\u5987", + "\u9ec4\u82b1\u59d1\u5a18", + "\u8655\u5973", + "\u5973\u7684", + "\u9b42\u7275\u68a6\u8426", + "\u957f\u59ca", + "\u8e49", + "\u9057\u6f0f", + "\u59ec", + "\u7737\u6200", + "\u5973\u5b69", + "\u9ec4\u82b1\u5e7c\u5973", + "\u5e7c\u5973", + "\u5973\u7ae5" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "\u6039", + "lia", + "\u4f62", + "\u3078", + "\u53f0\u4e0b" + ], + "she": [ + "\u5979", + "\u4f62", + "\u6039", + "\u4f0a\u4eba" + ], + "they": [ + "\u4ed6\u4eec", + "\u5b83\u5011", + "lia", + "\u4ed6\u5011", + "\u5979\u4eec", + "\u5979\u5011", + "uk", + "\u5b83\u4eec" + ], + "it": [ + "\u60c5\u5831\u6280\u8853", + "\u65af", + "\u7260", + "\u8fd9\u4e9b", + "\u9019\u4f4d", + "\u90a3\u4e9b", + "\u9019\u7a2e", + "\u672c\u8eab", + "\u9019\u4e9b", + "\u8fd9\u4e2a", + "\u8fd9\u4f4d", + "\u90a3\u79cd", + "\u90a3\u7a2e", + "\u6041", + "\u4e2a", + "\u8fd9\u4e9b\u4e2a", + "\u5b83\u672c\u8eab", + "\u8fd9\u79cd", + "\u9019\u4e9b\u500b", + "\u4fe1\u606f\u6280\u8853", + "\u4fe1\u606f\u6280\u672f", + "\u5b83", + "\u8fd9", + "\u9019\u500b", + "\u55f0", + "\u6b64", + "\u963f\u5835" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/zu.json b/data_tooling/pii_processing/ontology/data/zu.json new file mode 100644 index 0000000..8b7b0e6 --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/zu.json @@ -0,0 +1,86 @@ +{ + "LANGUAGE": [ + "shona", + "isafrikansi" + ], + "ANIMAL": [ + "inkentshane", + "ingobe", + "isikhova", + "iselesele", + "impangele", + "impalampala" + ], + "PRODUCT": [ + "inyuzilandi", + "isihlahla_sikakhisimuzi" + ], + "PERSON_PRONOUN": [ + "thina" + ], + "PLANT": [ + "jova", + "ikhalothi" + ], + "PUBLIC_FIGURE": [ + "u" + ], + "JOB": [ + "umelaphi", + "inkosi" + ], + "FOOD": [ + "u_ayisikhilimu" + ], + "DISEASE": [ + "mi", + "noma" + ], + "ORG": [ + "mi" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "unyoko": "ubaba", + "umama": "uyihlo", + "unina": "ubaba", + "indlovukazi": "inkosi", + "usisi": "ubhuti", + "udade": "ubhuti", + "unkosikazi": "indoda", + "inkosikazi": "umkhwenyana", + "umka": "umkhwenyana" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "umfana" + ], + "she": [ + "inkosikazi", + "umfazi" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "khe" + ], + "she": [ + "khe" + ], + "it": [ + "khe" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/data/zza.json b/data_tooling/pii_processing/ontology/data/zza.json new file mode 100644 index 0000000..f26c07d --- /dev/null +++ b/data_tooling/pii_processing/ontology/data/zza.json @@ -0,0 +1,98 @@ +{ + "PLANT": [ + "pine" + ], + "GENDER": [ + "ceni", + "boy" + ], + "PUBLIC_FIGURE": [ + "bari", + "e", + "a", + "most", + "o" + ], + "ORG": [ + "nara", + "va", + "ez_to_sinena", + "mektev", + "mi", + "sa", + "cond" + ], + "TITLE": [ + "sir" + ], + "PERSON_PRONOUN": [ + "emara", + "m\u0131", + "her" + ], + "ANIMAL": [ + "hermu\u015f\u0131k" + ], + "DISEASE": [ + "gharm", + "surani", + "zerdani", + "gherm", + "mi", + "cengar", + "helpeze", + "merre" + ], + "LANGUAGE": [ + "franski" + ], + "JOB": [ + "degme", + "ma'lim", + "resber" + ], + "FIRST_NAME_MALE": [], + "LAST_NAME_MALE": [], + "FIRST_NAME_FEMALE": [], + "LAST_NAME_FEMALE": [], + "FIRST_NAME": [], + "LAST_NAME": [], + "SUFIX_MALE": [], + "SUFIX_FEMALE": [], + "binary_gender_swap": { + "c\u0131n\u00e9k": "m\u00ear", + "khatun": "m\u00earde", + "xatun": "m\u00earde", + "cen\u00ee": "m\u00ear", + "c\u0131ni": "m\u00ear", + "ceni": "m\u00ear" + }, + "other_gender_swap": {}, + "en_pronoun2gender": { + "he": [ + "m\u00ear", + "boy" + ], + "she": [ + "cen\u00ee", + "ceni", + "c\u0131ni" + ] + }, + "en_pronoun2pronoun": { + "he": [ + "eyr\u00ea", + "siya", + "eyeri", + "ayr\u00ea" + ], + "she": [ + "siya", + "her" + ] + }, + "en_pronoun2title": {}, + "PREFIX_MALE": [], + "PREFIX_FEMALE": [], + "person2religion": {} +} \ No newline at end of file diff --git a/data_tooling/pii_processing/ontology/ontology_buider.py b/data_tooling/pii_processing/ontology/ontology_buider.py new file mode 100644 index 0000000..84cc76c --- /dev/null +++ b/data_tooling/pii_processing/ontology/ontology_buider.py @@ -0,0 +1,1217 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from random import sample +import glob, os, re +import multiprocessing + +import gzip +import os, argparse +import itertools +from collections import Counter, OrderedDict +import os +import json +import threading +import numpy as np +import os +import time +import json +import copy +#from sklearn.cluster import AgglomerativeClustering +from time import time +import numpy as np +from nltk.corpus import wordnet as wn +from collections import Counter +from itertools import chain +import os +#from joblib import dump, load +#from joblib import Parallel, delayed +import glob +import os +import json +import math, os +import random +import transformers +mt5_underscore= "▁" +trannum = str.maketrans("0123456789", "1111111111") +import sys, os +import json +import faker + +from faker.providers import person, job + +from collections import Counter +import re +import gzip +import urllib +import re +from nltk.corpus import wordnet as wn +import transformers + +sys.path.append(os.path.abspath(os.path.join(os.path.dirname(__file__), + os.path.pardir, os.path.pardir, os.path.pardir))) +from data_tooling.pii_processing.ontology.ontology_manager import OntologyManager +from data_tooling.pii_processing.ontology.ontology_builder_data import OntologyBuilderData + +class OntologyBuilder (OntologyManager, OntologyBuilderData): + + def __init__(self, data_dir=None, tmp_dir=None): + OntologyManager.__init__(self, data_dir=data_dir, tmp_dir=tmp_dir) + + self.word2en = {} + + def load_cn_data(self): + tmp_dir = self.tmp_dir + data_dir = self.data_dir + if not os.path.exists(f"{tmp_dir}/conceptnet-assertions-5.7.0.csv"): + if not os.path.exists(f"{tmp_dir}/conceptnet-assertions-5.7.0.csv.gz"): + os.system(f"wget https://s3.amazonaws.com/conceptnet/downloads/2019/edges/conceptnet-assertions-5.7.0.csv.gz") + os.system(f"mv ./conceptnet-assertions-5.7.0.csv.gz {tmp_dir}") + os.system(f"gzip -d {tmp_dir}/conceptnet-assertions-5.7.0.csv.gz") + + def create_wn_cat(self, keep_percentage=.01): + """ + extract linkage from conceptnet words and wordnet category words + """ + self.load_cn_data() + tmp_dir = self.tmp_dir + data_dir = self.data_dir + if not os.path.exists(f"{tmp_dir}/wn.csv"): + os.system(f"grep '\/wn\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/wn.csv") + wn = open(f"{tmp_dir}/wn.csv", "rb").read().decode().split('\n') + wn = [s.split('\t')[0] for s in wn] + wn = [s.strip(']').split(',/c/')[1:] for s in wn] + + wn_list = itertools.chain(*[[w.split("/")[1] if w.split("/")[-2] == "wn" else w.split("/")[-2] for w in awn if "_" in w] for awn in wn]) + items = list(Counter([w for w in wn_list if w[0] not in "0123456789"]).items()) + items.sort(key=lambda a:a[1], reverse=True) + items = [i for i in items if i[1] != 1] + typeHash = dict( items[:int(len(items)*keep_percentage)]) + wn_list2 = itertools.chain(*[[w for w in awn if (w.split("/")[2] == 'n') and (w.split("/")[0] != 'en') and ("_" in w.split("/")[1]) and (w.split("/")[-2] in typeHash)] for awn in wn]) + items2 = list(Counter([w for w in wn_list2 if w[0] not in "0123456789"]).items()) + items2.sort(key=lambda a:a[1], reverse=True) + return items2, typeHash + + def create_rel(self): + """ + extract words that are related to each other based on conceptnet. + We need to expand the connections between words to find more related nouns. + Conceptnet maps words too broadly so we need to restrict the relationships. + It's unclear if we should expand this much though. + """ + self.load_cn_data() + tmp_dir = self.tmp_dir + data_dir = self.data_dir + if not os.path.exists(f"{tmp_dir}/syn.csv"): + os.system(f"grep '\/r\/Synonym\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/syn.csv") + if not os.path.exists(f"{tmp_dir}/sim.csv"): + os.system(f"grep 'SimilarTo\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/sim.csv") + if not os.path.exists(f"{tmp_dir}/deri.csv"): + os.system(f"grep 'DerivedFrom\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/deri.csv") + if not os.path.exists(f"{tmp_dir}/erel.csv"): + os.system(f"grep 'EtymologicallyRelatedTo\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/erel.csv") + if not os.path.exists(f"{tmp_dir}/ederi.csv"): + os.system(f"grep 'EtymologicallyDerivedFrom\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/ederi.csv") + if not os.path.exists(f"{tmp_dir}/rel.csv"): + os.system(f"grep 'RelatedTo\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/rel.csv") + if not os.path.exists(f"{tmp_dir}/formof.csv"): + os.system(f"grep 'FormOf\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/formof.csv") + if not os.path.exists(f"{tmp_dir}/isa.csv"): + os.system(f"grep 'IsA\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/isa.csv") + rel2 = OrderedDict() + for rel_type in ('syn', 'sim', 'deri', 'erel', 'ederi', 'rel', 'formof','isa') : #'dest', 'anti', 'manner', + i = 0 + with open(f"{tmp_dir}/{rel_type}.csv", "rb") as f: + while True: + rel = f.readline() + if not rel: break + rel = rel.decode() + rel = rel.split('\t')[0] + rel = rel.strip(']').split(',/c/')[1:] + if not rel: + continue + else: + if len(rel) < 2: + continue + a = rel[0] + b = rel[1] + a = a.split('/') + lang1 = a[0] + a = a[1] + b = b.split('/') + lang2 = b[0] + b = b[1] + if a == b: + continue + val = [a,b] + if len(a) > len(b): + if a in rel2: + val = rel2[a] + [a,b] + del rel2[a] + rel2[b] = rel2.get(b, []) + val + else: + if b in rel2: + val = rel2[b] + [a,b] + del rel2[b] + rel2[a] = rel2.get(a, []) + val + #i+= 1 + #if i > 10000: + # break + for key in list(rel2.keys()): + rel2[key] = list(set(rel2[key])) + + return rel2 + + def create_cn_ontology(self): + tmp_dir = self.tmp_dir + data_dir = self.data_dir + if os.path.exists(f"{tmp_dir}/conceptnet_ontology.json"): + return json.load(open(f"{tmp_dir}/conceptnet_ontology.json", "rb")), json.load(open(f"{tmp_dir}/conceptnet_ontology_cat2word.json", "rb")) + categories, typeHash = self.create_wn_cat(1.0) + rel = self.create_rel() + word2wncat = OrderedDict() + #get a word to category mapping + for concept, ct in categories: + conceptArr = concept.split("/") + word, wncat = conceptArr[1], conceptArr[-2] + if wncat == 'linkdef': + continue + if word in word2wncat: + if wncat != word2wncat[word]: + word2wncat[word]='*' + else: + word2wncat[word] = wncat + + rel2=OrderedDict() + rel3=OrderedDict() + #group by categories, while expanding the categories + for key, val in rel.items(): + if len(val) < 6: + val2 = [(word2wncat[v] if v in word2wncat else (word2wncat[v.split("_")[0]] if v.split("_")[0] in word2wncat else word2wncat[v.split("_")[-1]]),v) for v in val if (v in word2wncat) or (v.split("_")[0] in word2wncat) or (v.split("_")[-1] in word2wncat)] + if val2: + val3 = [v for v in val if v not in val2] + itr = itertools.groupby(val2, lambda x : x[0]) + groups = [(key, list(group)) for key, group in itr] + groups.sort(key=lambda a: len(a[1])) + max_cat = groups[-1][0] + + if max_cat != '*': + # infer category of other words in this group if majority of labels is max_cat + if len(groups[-1][1])*2 >= len(val): + for word in val3: + if word in word2wncat: + if wncat != word2wncat[word]: + word2wncat[word]='*' + else: + groups[-1][1].append((max_cat, word)) + else: + word2wncat[word] = max_cat + groups[-1][1].append((max_cat, word)) + all = {} + for key, group in groups: + if key == '*': continue + group= list(group) + if len(group) == 1: + continue + group = [g[1] for g in group] + group.sort(key=lambda s: len(s)) + rel2[group[0]] = list(set(rel2.get(group[0],[]) + group)) + for g in group: + all[g]=1 + val = [v for v in val if v not in all] + if val: + val.sort(key=lambda a: len(a)) + rel3[val[0]] = list(set(rel3.get(val[0],[])+val)) + + #group by common prefix, infix, or suffix + + for key, val in rel3.items(): + val.sort(key=lambda a: len(a)) + len_val = len(val) + for rng in range(0, len_val, 5): + all = {} + max_rng = min(rng+5, len_val) + val2 = val[rng:max_rng] + len_val2=len(val2) + val2 = copy.deepcopy(val2) + copy_val2 = copy.deepcopy(val2) + for idx2, word in enumerate(copy_val2): + if len(word) <= 4: + continue + for idx in range(idx2+1, len_val2): + if type(val2[idx]) is tuple: + continue + if type(val2[idx]) is str and (word in val2[idx] or val2[idx].startswith(word[:-1]) or val2[idx].startswith(word[:-2]) or val2[idx].startswith(word[:-3]) or val2[idx].endswith(word[1:]) or val2[idx].endswith(word[2:]) or val2[idx].endswith(word[2:])): + val2[idx] = (word, val2[idx]) + val2 = [v for v in val2 if type(v) is tuple] + itr = itertools.groupby(val2, lambda x : x[0]) + for key, group in itr: + rel2[key] = list(set(rel2.get(key,[key]) + [v[1] for v in group])) + all[key] = 1 + for v in group: + all[v[1]] = 1 + #val3 = [v for v in val[rng:max_rng] if v not in all] + #if val3: + # rel2[val3[0]] = val3 + + print ('rel', len(rel), 'rel2', len(rel2), 'word2wncat', len(word2wncat)) + cat2word={} + for key, value in word2wncat.items(): + cat2word[value]=cat2word.get(value,[])+[key] + json.dump(rel2, open(f"{tmp_dir}/conceptnet_ontology.json", "w", encoding="utf8"), indent=1) + json.dump(cat2word, open(f"{tmp_dir}/conceptnet_ontology_cat2word.json", "w", encoding="utf8"), indent=1) + return rel2, cat2word + + def create_eng2multilang_dict(self): + tmp_dir = self.tmp_dir + if hasattr(self, 'word2lang') and self.word2lang: return + if os.path.exists(f"{tmp_dir}/conceptnet_en.json"): + self.en = json.load(open(f"{tmp_dir}/conceptnet_en.json", "rb")) + self.word2en = json.load(open(f"{tmp_dir}/conceptnet_word2en.json", "rb")) + self.word2lang= json.load(open(f"{tmp_dir}/conceptnet_word2lang.json", "rb")) + return + self.load_cn_data() + if not os.path.exists(f"{tmp_dir}/syn.csv"): + os.system(f"grep '\/r\/Synonym\/' {tmp_dir}/conceptnet-assertions-5.7.0.csv > {tmp_dir}/syn.csv") + mt5_tok = transformers.AutoTokenizer.from_pretrained("google/mt5-small") + rel2 = OrderedDict() + word2lang = {} + for rel_type in ('syn', ) : + i = 0 + rel = open(f"{tmp_dir}/{rel_type}.csv", "rb").read().decode().split('\n') + rel = [s.split('\t')[0] for s in rel] + rel = [s.strip(']').split(',/c/')[1:] for s in rel] + for s in rel: + if len(s) < 2: + continue + a = s[0] + b = s[1] + a = a.split('/') + lang1 = a[0] + + a = a[1] + b = b.split('/') + lang2 = b[0] + b = b[1] + word2lang[a.replace(" ", "_").replace("-", "_").lower().strip(".")] = list(set(word2lang.get(a.replace(" ", "_").replace("-", "_").lower().strip("."), [])+[lang1])) + word2lang[b.replace(" ", "_").replace("-", "_").lower().strip(".")] = list(set(word2lang.get(b.replace(" ", "_").replace("-", "_").lower().strip("."), [])+[lang2])) + if a == b: + continue + if lang2 == 'en': + tmp = b + b = a + a = tmp + if lang1 in ('zh', 'ja', 'ko') and self.cjk_detect(a): + a = "_".join(mt5_tok.tokenize(a)).replace(mt5_underscore,"_").replace("__", "_").replace("__", "_").strip("_") + #print (a) + if lang2 in ('zh', 'ja', 'ko') and self.cjk_detect(b): + b = "_".join(mt5_tok.tokenize(b)).replace(mt5_underscore,"_").replace("__", "_").replace("__", "_").strip("_") + val = [a,b] + if lang1 != 'en' and lang2 != 'en': continue + if lang1 == 'en' and lang2 == 'en': continue + if True: + #if b in rel2: + # val = rel2[b] + [a,b] + # del rel2[b] + rel2[a] = rel2.get(a, []) + val + i+= 1 + #if i > 10000: + # break + + for key in list(rel2.keys()): + rel2[key] = list(set(rel2[key])) + self.en = rel2 + word2en = {} + for r, words in rel2.items(): + for word in words: + word2en[word] = set(list(word2en.get(word, []))+ [r]) + self.word2en = word2en + self.word2lang = word2lang + for key in list(self.word2en.keys()): + self.word2en[key] = dict([(a,1) for a in self.word2en[key]]) + json.dump(self.en, open(f"{tmp_dir}/conceptnet_en.json", "w", encoding="utf8"), indent=1) + json.dump(self.word2en, open(f"{tmp_dir}/conceptnet_word2en.json", "w", encoding="utf8"), indent=1) + json.dump(self.word2lang, open(f"{tmp_dir}/conceptnet_word2lang.json", "w", encoding="utf8"), indent=1) + + + def cjk_detect(self, texts): + # korean + if re.search("[\uac00-\ud7a3]", texts): + return "ko" + # japanese + if re.search("[\u3040-\u30ff]", texts): + return "ja" + # chinese + if re.search("[\u4e00-\u9FFF]", texts): + return "zh" + return None + + def yago_step0(self): + tmp_dir = self.tmp_dir + data_dir = self.data_dir + aHash = {} + onto = {} + catAll = {} + if os.path.exists(f"{tmp_dir}/yago0.tsv"): + return + if not os.path.exists(f"{tmp_dir}/yago-wd-simple-types.nt.gz"): + os.system("wget https://yago-knowledge.org/data/yago4/full/2020-02-24/yago-wd-simple-types.nt.gz") + os.system(f"mv ./yago-wd-simple-types.nt.gz {tmp_dir}") + with gzip.open(f"{tmp_dir}/yago-wd-simple-types.nt.gz") as f: #gzip. + with open(f"{tmp_dir}/yago0.tsv", "w", encoding="utf8") as o: + while True: + line = f.readline() + if not line: break + line = line.decode() + entity, rel, cat, _ = [l.split("/")[-1].strip(" .>") for l in line.split(">")] + if "_" in entity: + entityArr = entity.split("_") + _id = entityArr[-1] + entity = aHash[_id]= urllib.parse.unquote("_".join(entityArr[:-1]).split("(")[0].lower().replace("-","_").replace("__","_").strip("_")).strip(self.strip_chars) + else: + entity = aHash.get(entity, urllib.parse.unquote(entity.split("(")[0].lower().replace("-","_").replace("__","_").strip("_")).strip(self.strip_chars)) + if rel=="22-rdf-syntax-ns#type": + if entity: + cat=re.sub(r'(? 2: + #print (entityArr) + entity=entity.strip(".") + entityArr = entity.split("_") + if entityArr[-1] in {"a", "and", "the", "or", "the", "of", "to", "in", "on", "from"}: + entity = "_".join(entityArr[:-1]) + word2en[entity] = en + if prev_entity and entity != prev_entity: + if ('DOMAIN_NAME' in cats and not prev_entity.endswith(".com")) or ('WORK_OF_ART' in cats and not (prev_entity.count("_") <= 4 and (":" in prev_entity or prev_entity[-1] == "1"))): + a.write (prev_entity.translate(trannum)+"\n") + else: + cats = [a for a in Counter(cats).most_common() if a[0] !='THING'] + if cats and prev_entity.count("_") <= 4: + o.write (prev_entity.translate(trannum) +"\t" +cats[0][0]+"\n") + else: + p.write (prev_entity.translate(trannum)+"\n") + cats = [cat] + prev_entity = entity + else: + cats.append(cat) + prev_entity = entity + if cats: + if ('DOMAIN_NAME' in cats and not prev_entity.endswith(".com")) or ('WORK_OF_ART' in cats and not (prev_entity.count("_") <= 4 and (":" in prev_entity or prev_entity[-1] == "1"))): + a.write (prev_entity.translate(trannum)+"\n") + else: + cats = [a for a in Counter(cats).most_common() if a[0] !='THING'] + if cats and prev_entity.count("_") <= 4: + o.write (prev_entity.translate(trannum) +"\t" +cats[0][0]+"\n") + else: + p.write (prev_entity.translate(trannum)+"\n") + os.system(f"sort --parallel=32 {tmp_dir}/yago{_idx}.tsv --o {tmp_dir}/yago{_idx}.tsv") + + os.system(f"cp {tmp_dir}/yago{_idx}.tsv {tmp_dir}/yago_ontology.tsv") + + def yago_step2(self): + tmp_dir = self.tmp_dir + data_dir = self.data_dir + if os.path.exists(f"{tmp_dir}/yago_ontology.json"): + return json.load(open(f"{tmp_dir}/yago_ontology.json")) + + if not os.path.exists(f"{tmp_dir}/yago_ontology.tsv"): + self.yago_step1() + + Synset = wn.synset + person = Synset('person.n.01') #person or job + commodity = Synset('commodity.n.01') #product + vehicle = Synset('conveyance.n.03') #product + artifact = Synset('artifact.n.01') + plant = Synset('plant.n.02') + molecule = Synset('molecule.n.01') #substance + compound = Synset('compound.n.02')#substance + scientist = Synset('scientist.n.01') + leader = Synset('leader.n.01') + capitalist = Synset('capitalist.n.02') # job + event = Synset('event.n.01') + animal = Synset('biological_group.n.01') #animal + structure = Synset('structure.n.01') + fac = Synset('facility.n.01') + group = Synset('group.n.01') + symptom = Synset('symptom.n.01') + location = Synset('location.n.01') + condition = Synset('condition.n.01') # disease + body_part = Synset('body_part.n.01') #anat + substance = Synset('substance.n.07')#sub, BIO_CHEM_ENTITY + food = Synset('food.n.01') #product + act = Synset('act.n.02') #medical_therapy + process = Synset('process.n.06') + + new_yago_ontology = {} + mt5_tok = transformers.AutoTokenizer.from_pretrained("google/mt5-small") + yago_dict = dict([a.split("\t") for a in open(f"{tmp_dir}/yago_ontology.tsv", "rb").read().decode().split("\n") if len(a.split("\t"))== 2 ]) + for word, label in yago_dict.items(): + if self.cjk_detect(word): + word = word.replace("_","") + word = "_".join(mt5_tok.tokenize(word)).replace(mt5_underscore,"_").replace("__", "_").replace("__", "_").strip("_") + if label == 'MEDICAL_CONDITION': + label='DISEASE' + if label in ('WORK_OF_ART',): + if ":" in word or word.count("_") > 1: + new_yago_ontology[word] = label + continue + if self.cjk_detect(word): + if len(word) > 1: + new_yago_ontology[word] = label + continue + elif "_" not in word: + continue + + synset= None + try: + synset= wn.synset(word+'.n.01') + except: + if label != 'PERSON': + try: + synset = wn.synset(word.split("_")[-1]+'.n.01') + except: + synset = None + if synset is not None: + hype = (list(synset.closure(lambda a: a.hypernyms()))) + if label in ('MEDICAL_THERAPY', ): + if act in hype or process in hype: + new_yago_ontology[word] = label + continue + elif label in ('DISEASE', ): + if condition in hype: + new_yago_ontology[word] = label + continue + elif label in ('ANAT',): + if body_part in hype: + new_yago_ontology[word] = label + continue + elif label in ('PRODUCT',): + if fac in hype or structure in hype: + label = 'FAC' + new_yago_ontology[word] = label + continue + elif food in hype: + label = 'FOOD' + new_yago_ontology[word] = label + continue + elif commodity in hype or vehicle in hype or artifact in hype: + new_yago_ontology[word] = label + elif label in ('ANIMAL',): + if plant in hype: + label = 'PLANT' + new_yago_ontology[word] = label + continue + elif animal in hype: + new_yago_ontology[word] = label + continue + elif label in ('ORG',): + if group in hype: + new_yago_ontology[word] = label + continue + elif label in ('PERSON', 'JOB', ): + if label == 'JOB' and (scientist in hype or leader in hype or capitalist in hype): + new_yago_ontology[word] = label + continue + if person in hype: + new_yago_ontology[word] = label + continue + elif label in ('SUBSTANCE', 'BIO_CHEM_ENTITY'): + if substance in hype or molecule in hype or compound in hype: + new_yago_ontology[word] = label + continue + elif label in ('GPE', 'LOCATION'): + if location in hype: + new_yago_ontology[word] = label + continue + elif fac in hype or structure in hype: + label = 'FAC' + new_yago_ontology[word] = label + continue + elif label in ('FAC',): + if location in hype and fac not in hype: + label = 'LOCATION' + new_yago_ontology[word] = label + continue + elif label in ('EVENT',): + if event in hype: + new_yago_ontology[word] = label + continue + if commodity in hype or vehicle in hype or artifact in hype or \ + plant in hype or molecule in hype or compound in hype or event in hype or \ + animal in hype or fac in hype or group in hype or symptom in hype or location in hype or \ + condition in hype or body_part in hype or substance in hype or food in hype or act in hype or \ + process in hype: + continue + + if label in ('PERSON',) or synset is None: + new_yago_ontology[word] = label + + lst = list(new_yago_ontology.items()) + json.dump(lst, open(f"{tmp_dir}/yago_ontology.json", "w", encoding="utf8"), indent=1) + os.system(f"cp {tmp_dir}/yago_ontology.json {tmp_dir}") + return lst + + def create_yago_ontology(self): + return self.yago_step2() + + + def create_combined_cn_yago(self): + self.create_cn_ontology() + self.create_eng2multilang_dict() + tmp_dir = self.tmp_dir + if hasattr(self, 'ner2word') and self.ner2word: return + if os.path.exists(f"{tmp_dir}/conceptnet_yago_combined.json"): + self.ner2word = json.load(open(f"{tmp_dir}/conceptnet_yago_combined.json", "rb")) + self.yago2ner = [tuple(a) for a in json.load(open(f"{tmp_dir}/yago2ner.json", "rb"))] + return + + mt5_tok = transformers.AutoTokenizer.from_pretrained("google/mt5-small") + + cat2word_list = list(json.load(open(f"{tmp_dir}/conceptnet_ontology_cat2word.json")).items()) + word2ner = {} + ner2word = {} + #cat2ner_map = dict([ ('person', 'PUBLIC_FIGURE'), ('body', 'ANAT'), ('artifact', 'PRODUCT'), ('medicine', 'MEDICAL_THERAPY',), ('plant', 'PLANT'), ('animal', 'ANIMAL'), ('location', 'LOCATION'), ('language', 'LANGUAGE'), ('substance', 'SUBSTANCE'), ('state', 'DISEASE'), ('group', 'ORG'), ('time', 'DATE'), ('law', 'LAW'), ('food', 'FOOD'), ('quantity', 'QUANTITY')]) + cat2ner_map = dict([ ('person', 'PUBLIC_FIGURE'), ('medicine', 'MEDICAL_THERAPY',), ('plant', 'PLANT'), ('animal', 'ANIMAL'), ('language', 'LANGUAGE'), ('substance', 'SUBSTANCE'), ('group', 'ORG'), ('time', 'DATE'), ('law', 'LAW'), ('food', 'FOOD'), ('quantity', 'QUANTITY')]) + + for cat, words in cat2word_list: + label = cat2ner_map.get(cat) + if label: + for word in words: + if self.cjk_detect(word): + word = "_".join(mt5_tok.tokenize(word.replace("_", ""))).replace(mt5_underscore,"_").replace("__", "_").replace("__", "_").strip("_") + #if len(word) <= 1: + # continue + if word in self.word2en: + word2ner[word]= label + + yago0 = self.create_yago_ontology() + yago2ner = [] + for word, label in yago0: + if word in word2ner or word in self.word2en: + if label == 'PERSON' and word in word2ner and word2ner[word] == 'PUBLIC_FIGURE': continue + word2ner[word] = label + else: + yago2ner.append((word, label)) + yago0 = None + for word, label in word2ner.items(): + ner2word[label] = ner2word.get(label,[])+list(self.word2en[word]) + word2ner=None + json.dump(ner2word, open(f"{tmp_dir}/conceptnet_yago_combined.json", "w", encoding="utf8"), indent=1) + json.dump(yago2ner, open(f"{tmp_dir}/yago2ner.json", "w", encoding="utf8"), indent=1) + self.ner2word = ner2word + self.yago2ner = yago2ner + + def save_cross_lingual_ontology(self, word2ner_file = "word2ner.json", do_small_set=True): + tmp_dir=self.tmp_dir + data_dir=self.data_dir + self.create_eng2multilang_dict() + self.create_combined_cn_yago() + ner2word = self.ner2word + if do_small_set: + ignore_ner_labels = set(['LANGUAGE', 'FOOD', 'LAW', 'DATE', 'EVENT', 'FAC', 'ANIMAL', 'PLANT', \ + 'ANAT', 'BIO_CHEM_ENTITY', 'QUANITY', 'DOMAIN_NAME','WORK_OF_ART', 'PRODUCT']) + else: + ignore_ner_labels = set(['WORK_OF_ART']) + yago2ner = [a for a in self.yago2ner if a[1] not in ignore_ner_labels] + mt5_tok = transformers.AutoTokenizer.from_pretrained("google/mt5-small") + + # except for domain names, anat/body part and language we want to only consider compound words + anat_en = list(set(ner2word['ANAT'])) + product_en = list(set(a for a in ner2word['PRODUCT'] if a.count("_") > 0)) + medical_therapy_en = list(set(a for a in ner2word['MEDICAL_THERAPY']if a.count("_") > 0)) + plant_en = list(set(a for a in ner2word['PLANT'] if a.count("_") > 0)) + animal_en = list(set(a for a in ner2word['ANIMAL'] if a.count("_") > 0)) + work_of_art_en = [] # list(set(a for a in ner2word['WORK_OF_ART'] if a.split("_")[0].lower() not in self.stopwords and a.count("_") > 0 and a.count("_") < 5)) + gpe_en = list(set(a for a in ner2word['GPE'] if a.count("_") > 0)) + event_en = list(set(a for a in ner2word['EVENT'] if a.count("_") > 0)) + language_en = list(set(ner2word['LANGUAGE'])) + disease_en = list(set(a for a in ner2word['DISEASE'] if a.count("_") > 0)) + org_en = list(set(a for a in ner2word['ORG'] if a.count("_") > 0)) + date_en = list(set(a for a in ner2word['DATE'] if a.count("_") > 0)) + law_en = list(set(a for a in ner2word['LAW'] if a.count("_") > 0)) + food_en = list(set(a for a in ner2word['FOOD'] if a.count("_") > 0)) + domain_name_en = list(set(a for a in ner2word.get('DOMAIN_NAME',[]) if a.count("_"))) + quantity_en = list(set(a for a in ner2word['QUANTITY'] if a.count("_") > 0)) + union_en = list(set(a for a in ner2word.get('UNION',[]) if a.count("_") > 0)) + fac_en = list(set(a for a in ner2word['FAC'] if a.count("_") > 0)) + location_en = list(set(a for a in ner2word['LOCATION'] if a.count("_") > 0)) + bio_chem_en = list(set(a for a in ner2word['BIO_CHEM_ENTITY'] if a.count("_") > 0)) + + # handle public figure and person specially + block_list = set(['handyman', 'redeemer', 'attorney', 'kroeber', 'anthropologist', 'harte', 'bartholin', 'eames', 'snow', 'crocetti', 'dissident', 'donor', 'adrian', 'otis', 'arouet', 'lachaise', 'danton', 'casanova', 'mantell', 'bernini', 'dame', 'duchess', 'fechner', 'hovick', 'oersted', 'heinz', 'laurens', 'historian', 'didion', 'pro', 'ernst', 'positivist', 'rembrandt', 'clive', 'island', 'crouse', 'dali', 'arrhenius', 'bowdler', 'domitian', 'trader', 'nernst', 'blok', 'markov', 'bontemps', 'berliner', 'gilman', 'geologist', 'hirschsprung', 'bridges', 'lauder', 'hoagland', 'marcher', 'boundaries', 'giver', 'trilling', 'livermore', 'romancer', 'gardiner', 'benet', 'shawn', 'weld', 'brooks', 'enlai', 'apparent', 'samaritan', 'charmer', 'sukarno', 'hirschfeld', 'apes', 'dodger', 'avila', 'eustachio', 'rabbit', 'bullfinch', 'talleyrand', 'bakey', 'broglie', 'bardi', 'pitar', 'egypt', 'culbertson', 'haeckel', 'schrödinger', 'townsend', 'jacob', 'vinson', 'fahrenheit', 'arbiter', 'pickett', 'guess', 'vargas', 'piper', 'gram', 'heart', 'hoffmannsthal', 'robusti', 'purkinje', 'gris', 'millet', 'garnier', 'miro', 'schiller', 'carrere', 'feifer', 'maccabaeus', 'berzelius', 'jacobi', 'wolff', 'parr', 'muck', 'neel', 'xi', 'xii', 'xiii', 'xv', 'xvi', 'argote', 'beyle', 'african', 'lobachevsky', 'jumper', 'glendower', 'vernier', 'broca', 'hoax', 'ovid', 'terence', 'dolby', 'cavelier', 'lion', 'raskolnikov', 'laban', 'trooper', 'bolivar', 'mackenzie', 'wilkinson', 'bessemer', 'maxim', 'dewar', 'paget', 'reynolds', 'khama', 'haworth', 'girard', 'carew', 'vespasianus', 'susumu', 'christian', 'havel', 'balboa', 'columnist', 'ang', 'heisenberg', 'micawber', 'architect', 'cow', 'diver', 'banker', 'loci', 'clothing', 'bleu', 'bearer', 'journalist', 'gillette', 'government', 'widow', 'manufacturer', 'miró', 'hokusai', 'felix', 'weight', 'expert', 'mata', 'kaer', 'mariner', 'trajan', 'leather', 'vinci', 'communicator', 'type', 'toast', 'stockholder', 'shrine', 'salad', 'korea', 'acquaintance', 'montgomerie', 'dosè', 'machinis', 'european', 'hell', 'china', 'inflection', 'islands', 'admirals', 'good', 'fatales', 'monkey', 'university', 'chiannoort', 'bishop', 'puta', 'rivers', 'philosophers', 'dragons', 'colleges', 'grandparents', 'linguists', 'aunts', 'firsts', 'technicians', 'committees', 'eggs', 'test', 'guns', 'pornography', 'nests', 'associations', 'association', 'companions', 'sons', 'homme', 'intellectuals', 'market', 'cell', 'dating', 'composer', 'data', 'colors', 'request', 'pollutant', 'ibt', 'status', 'mexico', 'predicate', 'vulnerability', 'loire', 'today', 'weapons', 'series', 'analysis', 'sector', 'tract', 'game', 'creation', 'missile', 'odor', 'pea', 'district', 'sandwich', 'trades', 'realm', 'worshiper', 'eiffel', 'tzu', 'builder', 'buster', 'marshal', 'cohn', 'hueffer', 'ohm', 'alger', 'hogg', 'jensen', 'drew', 'po', 'langtry', 'flory', 'senator', 'pamby', 'fan', 'hakim', 'robber', 'devi', 'digger', 'chaser', 'holley', 'jerk', 'fallot', 'coca', 'tenens', 'kahn', 'niner', 'fly', 'dipper', 'relation', 'recruit', 'duddy', 'domo', 'witch', 'banneret', 'masoud', 'alexander', 'omikami', 'correggio', 'laurel', 'claudius', 'brinton', 'juvenalis', 'sider', 'know', 'lil', 'baptist', 'julian', 'bodoni', 'houghton', 'devries', 'alhazen', 'gloriosus', 'worcester', 'billings', 'middleweight', 'libertarian', 'din', 'depressive', 'madonna', 'ciccone', 'hershey', 'moto', 'source', 'thumb', 'presumptive', 'hohenheim', 'blonde', 'dakotan', 'hadrianus', 'virgil', 'quarters', 'tertullian', 'rolfe', 'winkle', 'goodfellow', 'langley', 'falstaff', 'sidney', 'daula', 'catcher', 'sepulcher', 'hastings', 'lucretius', 'voter', 'turk', 'kettle', 'protestant', 'resistant', 'anatomist', 'mitty', 'opel', 'speaker', 'bojaxhiu', 'corporal', 'cimabue', 'brontë', 'tussauds', 'nostradamus', 'ship', 'thales', 'climber', 'mercenary', 'xiaoping', 'dostoevsky', 'blimp', 'style', 'saxon', 'leonean', 'snowman', 'ruler', 'velazquez', 'wrestler', 'shaker', 'panther', 'sanzio', 'symbol', 'turkish', 'vecellio', 'petrarca', 'livius', 'hawk', 'nothing', 'phrase', 'accelerator', 'multiplier', 'potyokin', 'half', 'tom', 'bridge', 'priest', 'grandniece', 'financiers', 'эне', 'kozh', 'orchestra', 'centre', 'eminence', 'mauldin', 'donatello', 'steuben', 'compatible', 'dialogue', 'reference', 'subtree', 'investor', 'schüler', 'undertaking', 'fossil', 'shopkeeper', 'benefactor', 'calligrapher', 'storyteller', 'fireman', 'sized', 'ape', 'cobra', 'kong', 'jiom', 'xuan', 'mu', 'shang', 'soong', 'sasser', 'herod', 'freeman', 'japan', 'jin', 'mushroom', 'jeffords', 'jie', 'arabia', 'andronicus', 'compatriot', 'wang', 'legge', 'incompetent', 'qin', 'cake', 'beloved', 'cheerful', 'seal', 'diamond', 'force', 'bastard', 'ina', 'diamonds', 'voting', 'sinister', 'bar', 'mouse', 'blue', 'villains', 'points', 'point', 'professors', 'sib', 'maps', 'machine', 'integrity', 'galaxy', 'store', 'slavic', 'saladine', 'comedy', 'policemen', 'spuriae', 'women', 'five', 'goods', 'part', 'mayores', 'sauce', 'renaissance', 'nièces', 'interviewai', 'interviewée', 'aventure', 'saladines', 'employa', 'highness', 'negócios', 'couple', 'monarch', 'grade', 'pairs', 'effects', 'files', 'eigne', 'neighbor', 'relative', 'relatives', 'caesars', 'objects', 'things', 'bastards', 'administrators', 'brethren', 'wives', 'bulb', 'religionist', 'religionists', 'scholars', 'farmers', 'gab', 'granddaughters', 'porn', 'politicians', 'heads', 'cheetahs', 'emperors', 'grandchildren', 'riches', 'like', 'interest', 'swear', 'structures', 'ideals', 'ideal', 'chancellors', 'address', 'complement', 'complements', 'water', 'error', 'citizens', 'partners', 'dress', 'familiares', 'hommes', 'pères', 'maître', 'maternels', 'filles', 'sparrow', 'généraux', 'série', 'arricchiti', 'corte', 'lavoro', 'uranium', 'cinema', 'quadrinhos', 'бабушки', 'variante', 'competition', 'players', 'sex', 'w', 'living', 'love', 'pawn', 'queen', 'rook', 'newspaper', '1', '3', '4', '5', 'feature', 'check', 'news', 'computers', 'night', 'set', 'roads', 'locations', 'film', 'murder', 'spindle', 'else', 'shop', 'attack', 'oil', 'torino', 'designing', 'performer', 'village', 'expression', 'assignment', 'classical', 'weapon', 'human', 'category', '240', 'tool', 'minor', 'buoy', 'plants', 'murders', 'industry', 'care', 'gene', 'bible', 'movement', 'wisconsin', 'gynecologist', 'environment', 'habakkuk', 'noise', 'dc', 'cousin', 'book', 'shoe', 'vector', 'procedure', 'coat', 'molecule', 'material', 'statement', 'site', 'literature', 'rescue', 'negro', 'warbler', 'cartoon', 'skiing', 'pooh', 'duke', 'investigator', 'hays', 'dick', 'welterweight', 'thanh', 'laureate', 'order', 'kin', 'grise', 'borbon', 'handy', 'sugar', 's', 'city', 'holly', 'cher', 'rule', 'rules', 'musics', 'commissioners', 'secretaries', 'languages', 'tests', 'lights', 'residence', 'schools', 'fair', 'bank', 'tea', 'guy', 'dad', 'bomber', 'foyer', 'nageurs', 'telephone', 'brand', 'crimes', 'compound', 'region', 'composition', 'job', 'name', 'penn', 'bone', 'cars', 'jokes', 'place', 'song', 'report', 'artaxerxes', 'negroid', 'busybody', 'none', 'washer', 'cleaner', 'conservative', 'adviser', 'alene', 'enemy', 'x', 'ballerina', 'lord', 'abed', 'slaver', 'timer', 'stapler', 'buyer', 'slave', 'schoolman', 'saki', 'tripa', 'fellow', 'follower', 'may', 'pachanoi', 'treasurer', 'vespasian', 'thumper', 'nude', 'jaybird', 'betrothed', 'lifer', 'nester', 'saxophonist', 'freak', 'dvořák', 'fool', 'spouse', 'socratic', 'fröbel', 'illiterate', 'germans', 'giotto', 'hawaiian', 'dropper', 'kite', 'hyde', 'disorderly', 'savant', 'carlos', 'poster', 'featherweight', 'impressionist', 'grandmaster', 'ringer', 'watcher', 'hog', 'neuroscientist', 'rater', 'kluxer', 'cannon', 'puller', 'gyffes', 'nessie', 'sulla', 'gardener', 'kopernik', 'tatar', 'goer', 'aristocrat', 'offspring', 'crawler', 'esprit', 'thinker', 'pet', 'absconder', 'wearer', 'auditor', 'highlander', 'logician', 'campaigner', 'beneficiary', 'discoverer', 'faddist', 'separatist', 'supremacist', 'tout', 'reveler', 'bomb', 'kitten', 'goldbrick', 'licker', 'polisher', 'noser', 'daddy', 'wall', 'cane', 'pontiff', 'realtor', 'matron', 'hygienist', 'breed', 'caste', 'ax', 'editor', 'stendhal', 'arabian', 'marinese', 'hero', 'burner', 'virginian', 'founder', 'face', 'squeak', 'gautama', 'commander', 'actor', 'pincher', 'saxons', 'blower', 'guide', 'turks', 'prize', 'preacher', 'ag', 'dumb', 'dear', 'ocean', 'racer', 'lockspitzel', 'cäsar', 'persóna', 'testamentsexekutor', 'prosecutor', 'figurões', 'archangel', 'd.j', 'diaghilevian', 'farrells', 'greenbergian', 'reaper', 'grim', 'anger', 'guarnieris', 'harrimans', 'apostate', 'hurler', 'estate', 'menningerian', 'श्वश्रू', 'alaskan', 'australian', 'heaghra', 'hack', 'schlesingers', 'proud', 'probeta', 'vargasllosista', 'vargasllosismo', 'veblenian', 'heeler', 'encephalopathy', 'brain', 'abuelas', 'entreprise', 'never', 'firstborn', 'ill', 'rap', 'confort','mac','formula', 'intelectual', 'senegalesa', 'warfare', 'beads', 'babes', 'blairian', 'bloorian', 'labour', 'bondlike', 'boodlerism', 'boomerish', 'bradleyan', 'brainly', 'brentanian', 'manor', 'burrograss', 'caputoan', 'cattellian', 'cavalery', 'cavellian', 'least', 'chumpish', 'tibetan', 'cohenian', 'anarchists', 'correalism', 'coutts', 'crusoesque', 'asylum', 'cybersavvy', 'equation', 'dragonfruit', 'dragonfruits', 'dufferish', 'dummettian', 'pita', 'prithvi', 'dysexecutive', 'eldship', 'etonians', 'evonomics', 'eyrean', 'farmgate', 'f.p.s', 'dam', 'sire', 'frankensteinish', 'map', 'gemman', 'gilliganian', 'grahamesque', 'humour', 'parrot', 'greenfinch', 'crew', 'oxide', 'shake', 'flag', 'springs', 'greensick', 'guardage', 'gulliverian', 'haietlik', 'handbaggy', 'hartmanian', 'hartmannian', 'heiderian', 'hiawathan', 'sound', 'hookerian', 'negotiator', 'negotiators', 'virus', 'right', 'housecleaner', 'housetrain', 'boating', 'boat', 'illegit', 'names', 'infobesity', 'infoglut', 'informatical', 'engine', 'infotrash', 'infortuned', 'intellected', 'disco', 'jekyllesque', 'jekyllian', 'jesuslike', 'kautskyan', 'counts', 'count', 'hit', 'hits', 'hitting', 'thornbill', 'em', 'township', 'prussia', 'eryngii', 'moon', 'tide', 'tides', 'six', 'trade', 'kohlbergian', 'kojac', 'kristevan', 'lakao', 'lewinian', 'lightermen', 'vendor', 'dyehouse', 'dyehouses', 'lowndes', 'hayneville', 'lowville', 'macdonaldian', 'maidish', 'mamaroneck', 'mammygate', 'mauston', 'mcluhanian', 'merrill', 'metrodorian', 'meyerian', 'micropub', 'micropubs', 'midtier', 'militiamen', 'mirrory', 'philopedia', 'bands', 'monona', 'madisonville', 'stroudsburg', 'woodsfield', 'montfortian', 'christiansburg', 'conroe', 'crawfordsville', 'ida', 'sterling', 'norristown', 'pity', 'falls', 'morrisseyesque', 'muscicapine', 'nagelian', 'nahunta', 'together', 'niebuhrian', 'maréchalian', 'nussbaumian', 'swing', 'danish', 'caucasian', 'scandinavian', 'string', 'orbisonian', 'farm', 'farms', 'palmerstonian', 'pambasileia', 'ferryhouse', 'perihelial', 'perihelic', 'perkinsian', 'petersonian', 'phillipsburg', 'pikeville', 'australis', 'polypragmon', 'portalian', 'pastorpreneur', 'postmove', 'predentistry', 'prepharmacy', 'dicks', 'argument', 'problem', 'thesis', 'czech', 'shrink', 'pubwards', 'rahnerian', 'rambam', 'endangerment', 'magentaish', 'rat', 'reinholdian', 'nonstockholder', 'riceroot', 'hon', 'ruesome', 'reindeer', 'saintless', 'tithe', 'santalike', 'schleicherian', 'schubertiade', 'sconnie', 'screven', 'awakening', 'palatalization', 'sundays', 'picture', 'sermonium', 'adventism', 'it', 'sherlockish', 'eyes', 'possum', 'silvercloth', 'script', 'si', 'snapefic', 'snapefics', 'spokespeople', 'wing', 'spuria', 'squatchy', "james's", 'stearns', 'fou', 'supravision', 'identifier', 'sylvania', 'tailtiu', 'taisch', 'silk', 'tarrant', 'technorganic', 'thatcheresque', 'therapese', 'seamounts', 'toadyish', 'odham', 'schumacher', 'joneses', 'sheet', 'spin', 'traditionise', 'traditionism', 'trochiform', 'quark', 'ttbar', 'tullian', 'accountants', 'pips', 'tzutujil', 'unacquaint', 'samboism', 'year', 'under', 'understair', 'unsensible', 'goghs', 'veepstakes', 'auction', 'riche', 'vizenorian', 'walpolean', 'walworth', 'royal', 'queensbury', 'warrenton', 'honesdale', 'jesup', 'waynesboro', 'waynesville', 'corridor', 'generation', 'wooster', 'end', 'wowserism', 'yarnspinner', 'yarnspinners', 'narrator', 'epiparasitic', 'yorkville', 'yoshke', 'creationism', 'congenita', 'aiel', 'avetrol', 'gentyl', 'kingpleie', 'leofman', 'leofmon', 'markisesse', 'philosophre', 'dobles','list', 'lists', 'abuelos', 'dressing', 'vest','tape','prawns', 'prawn', 'block', 'surgery', 'theologian', 'oven', 'sotatekninen', 'revival', 'library', 'setting', 'hospital', 'salary', 'assemblyperson', 'système', 'interviewa', 'interviewer', 'interviewez', 'stoppeuses', 'dos', 'bgén', 'papas', 'mamans', 'chabiha', 'emphysémateux', 'surface', 'bombardiers', 'cueilleurs', 'privés', 'artificielles', 'orne', 'rogatory', 'rogatoires', 'crépin', 'crépins', 'tibetaine', 'alata', 'finalistes', 'feuillus','statesmen', 'immergleich', 'anmalen', 'equitys', 'equity', 'squaws', 'staatsfrau', 'ownership', 'ownerships', 'voters', 'vote', 'votes', 'rapes', 'rape', 'ahuramazda', 'morocco', 'assemblypeople', 'assemblypersons', 'bent', 'degrees', 'shakespeareans', 'shakespearean', 'file', 'gemsbok', 'gemsboks', 'gumwoods', 'gumwood', 'halibuts', 'halibut', 'hartebeest', 'hartebeests', 'ironwood', 'ironwoods', 'mahoganies', 'mahogany', 'manchineels', 'manchineel', 'sandalwood', 'sandalwoods', 'titles', 'title', 'trumpeter', 'trumpeters', 'thorn', 'thorns', 'swords', 'bastardswords', 'sword', 'bastardsword', 'mum', 'neighbour', "belov'd", 'arnolds', 'overlord', 'overlords', 'cheeses', 'lid', 'sheets', 'side', 'sides', 'sparks', 'brightfield', 'field', 'privates', 'private', 'burkean', 'burkian', 'caligrapher', 'calligraphers', 'accessories', 'cannonfodder', 'chus', 'chu', 'childbrides', 'childbride', 'extraordinaire', 'collegegoers', 'collegegoer', 'blimps', 'esse', 'concessionaires', 'bachelors', 'consumptives', 'triplet', 'triplets', 'customshouses', 'customshouse', 'washingtons', 'presidents', 'bulbs', 'screws', 'screw', 'geese', 'palm', 'palms', 'bunnies', 'bunny', 'extraordinaires', 'fatherlashers', 'fatherlasher', 'management', 'episode', 'firstlight', 'equals', 'lasts', 'officials', 'rate', 'monsters', 'freind', 'scientists', 'door', 'leisure', 'trotters', 'atheism', 'nieuw', 'grandnieces', 'monkeys', 'greatgranddaughter', 'grandsons', 'greatgrandson', 'ears', 'travelers', 'moms', 'mom', 'coil', 'coils', 'resonator', 'resonators', 'heman', 'hitlists', 'hitlist', 'fatals', 'fatal', 'hormazd', 'work', 'hourmazd', 'houseguest', 'houseguests', 'houselike', 'housecalls', 'housecall', 'housecommune', 'housecommunes', 'housedoor', 'housedoors', 'housefloor', 'housefloors', 'househunting', 'housemakers', 'housemaker', 'houseproud', 'housesitters', 'housesitter', 'houseslaves', 'houseslave', 'housewalls', 'housewall', 'hycsos', 'hyksos', 'hypergreen', 'illegitimates', 'inhouse', 'cases', 'henrys', 'хозяйничать', 'browns', 'cabs', 'cab', 'cards', 'cheetah', 'harps', 'harp', 'mushrooms', 'skins', 'skin', 'clubs', 'mountains', 'kingsize', 'kingsized', 'legionaire', 'hats', 'lithouse', 'lockmasters', 'longino', 'breakfasts', 'breakfast', 'shirts', 'shirt', 'cups', 'cup', 'manorhouse', 'manorhouses', 'mariners', 'darling', 'darlings', 'mantles', 'ships', 'suns', 'pie', 'pies', 'shelter', 'shelters', 'tables', 'basket', 'baskets', 'soles', 'sole', 'pictures', 'multigreen', 'informations', 'tones', 'tone', 'newfashioned', 'newfounded', 'newmown', 'correspondents', 'watchmen', 'nixons', 'acquaintances', 'nonstockholders', 'nosefirst', 'noticers', 'pauvres', 'offical', 'ohrmazd', 'mice', 'oldtown', 'oldtowns', 'olds', 'ontop', 'dinosaurs', 'dinosaur', 'ostrichlike', 'outfriend', 'pastorpreneurs', 'toms', 'get', 'perseverings', 'colour', 'pregnancies', 'pregnancy', 'pillowtop', 'plasterers', 'posthouse', 'posthouses', 'creditors', 'stockholders', 'presidiums', 'alcohols', 'alcohol', 'cilia', 'cilium', 'energies', 'energy', 'immunodeficiencies', 'immunodeficiency', 'markets', 'myelofibroses', 'myelofibrosis', 'producer', 'producers', 'interface', 'interfaces', 'reinforcement', 'reinforcements', 'residences', 'primaariaineisto', 'sources', 'structure', 'valences', 'valence', 'bishops', 'jackets', 'islanders', 'spur', 'spurs', 'regents', 'drop', 'drops', 'tear', 'tears', 'valiant', 'valiants', 'exchanges', 'candidates', 'costs', 'cost', 'docents', 'docent', 'investigators', 'bankers', 'keys', 'arguments', 'problems', 'theses', 'lives', 'bills', 'sectors', 'siding', 'sidings', 'stocks', 'stock', 'characters', 'wiki', 'wikis', 'cells', 'butterfly', 'democrats', 'democrat', 'redhaired', 'rudokožec', 'redbaiter', 'redbaiters', 'redbay', 'redbays', 'redflower', 'redhanded', 'redhandedly', 'redhandedness', 'redlink', 'redlinks', 'redrimmed', 'redshort', 'redtapism', 'addresses', 'adjectives', 'adjective', 'datings', 'tense', 'tenses', 'fairs', 'mission', 'missions', 'basins', 'basin', 'beds', 'bed', 'birches', 'birch', 'crab', 'crabs', 'runners', 'turtles', 'riverwater', 'way', 'ways', 'tithes', 'errors', 'knot', 'knots', 'pin', 'pins', 'secondhandedly', 'secondhanded', 'secondhandedness', 'embarrassments', 'embarrassment', 'smoke', 'seminew', 'captains', 'livery', 'shakspearean', 'shakspearian', 'superintendents', 'superintendent', 'skinflints', 'mountaintop', 'rooftop', 'stew', 'jackal', 'morning', 'goats', 'privilege', 'whores', 'caucasians', 'coquettes', 'coquette', 'squawberry', 'berries', 'squawberries', 'carpets', 'carpet', 'dresses', 'roots', 'root', 'teas', 'winter', 'winters', 'ends', 'parts', 'stowaways', 'traits', 'trait', 'sunlike', 'sundrenched', 'sunline', 'sunlines', 'leaders', 'deal', 'deals', 'neckline', 'necklines', 'brokers', 'gender', 'virgins', 'singularity', 'singularities', 'gets', 'theoreticians', 'toastmasters', 'comfort', 'show', 'toplevel', 'toplevels', 'topnotch', 'operators', 'identifiers', 'entrepreneurs', 'entrepreneur', 'auctions', 'mittys', 'mistresses', 'wedlocks', 'dads', 'weekold', 'europeans', 'corridors', 'around', 'momma', 'brothur', 'cnavechild', 'colege', 'colegg', 'concubyne', 'web', 'reunion', 'patronas', 'feudales', 'sociales', 'angels', 'autointerviewer', 'maternel', 'ducs', 'médecine', 'air', 'hôtel', 'chefs', 'femmes', 'topmodels', 'vertes', 'effant', 'tube', 'atpatruus', 'atpatrue', 'atpatrui', 'atpatruis', 'atpatruo', 'atpatruum', 'catule', 'catuli', 'catulis', 'catulli', 'catullis', 'catullum', 'catulum', 'maimonidae', 'maimoniden', 'mosen', 'mosis', 'plotus', 'spuri', 'spuriam', 'spuriis', 'tacitae', 'tacitam', 'tacitis', 'tacitum', 'titum', 'vitrice', 'vitrici', 'vitricis', 'vitrico', 'vitricum', 'kleindochtertjes', 'seriemoordenaars', 'mitaines', 'affaithes', 'enfan', 'bożym', 'lali', 'lalą', 'lalę', 'nakrył', 'ogonem', 'tasmański', 'chryste', 'turkawce', 'turkawek', 'turkawko', 'turkawkę', 'neves', 'diabo', 'leite', 'correspondência', 'papões', 'expiatórios', 'recompensas', 'estado', 'família', 'classe', 'quarto', 'correspondentes', 'honra', 'premiadas', 'mentais', 'domésticos', 'familiar', 'defence', 'run', 'skiiing', 'tactician', 'moqrin', 'avenue', 'ridgeway', 'position', 'athlete', 'mcbeal', 'cleanser', 'lyrics', 'mars', 'argyre', 'there', 'astronomers', 'fcc', 'receipt', 'mechanism', 'dumbunny', 'hpanduro', 'capable', 'systems', 'babysittings', 'girls', 'codes', 'measure', 'barcodes', 'tall', 'artifact', 'palmers', 'wage', 'signal', 'ocd', 'factors', 'grotesque', 'synonyms', 'books', 'africa', 'clues', 'heelers', '30', '318', '320i', '325', '524', '525', '528', '530', '533', '535', '630', '633', '635', '728', '732', '733', '735', '750', '850', 'm5', 'cleaned', 'junkie', 'holbach', 'bottle', 'bearings', 'bad', 'spot', 'busdriver', 'butterfinger', 'c3h4n2', 'ca2', 'ca3', 'ca4', 'camry', 'porcupine', 'anesthesiologist', 'cataloguing', 'goals', 'havasi', 'pennsylvania', 'catwalks', 'executives', 'exchequer', 'superba', 'astro', 'caprice', 'cavalier', 'chevelle', 'chevette', 'cheyenne', 'citation', 'corvair', 'camino', 'greenbrier', 'apv', 'malibu', 'pickup', 'tahoe', 'volt', 'blazer', 'rank', 'toxin', 'popular', 'cirrus', 'cordoba', 'eagle', 'lighter', 'concert', 'guitar', 'guitars', 'dancing', 'us', 'clopilet', 'clortermine', 'when', 'sets', 'events', 'drive', 'resources', 'schedule', 'deed', 'ammonis', 'fraud', 'stitching', 'interglacial', 'moi', 'matthews', 'db6', 'pantera', 'graveyard', 'dentists', 'apparel', 'network', 'costumes', 'items', 'median', 'cheney', 'puzzle', 'division', 'subtraction', 'twirler', 'smallpox', 'duckman', 'south', 'bandleader', 'kitt', 'meat', 'wands', 'elantra', 'midicare', 'fudd', 'eds', 'race', 'necessity', 'balanced', 'wiring', 'eyore', 'excellence', '6', 'fairlane', '20', 'piaggio', 'ferns', 'figureskating', 'mim', 'seat', 'accommodation', 'impression', 'moment', 'shepherd', 'apparatus', 'peg', 'expenses', 'z', 'ad', 'hooks', 'contour', 'cortina', 'fairmont', 'futura', 'maverick', 'mustang', 'tempo', 'apology', 'graduate', 'wilma', 'flintstones', 'embassy', 'tuck', 'buddy', 'planet', 'tradesperson', 'bedroom', 'doorway', 'garifuna', 'kasparow', 'chessplayer', 'behavior', 'collection', 'locorum', 'metro', 'prizm', 'windgpresident', 'occasion', 'grammies', 'cherokee', 'cellist', 'looking', 'sephanoides', 'carcinus', 'fir', 'lawns', 'jealousy', 'gt6', 'bissauan', 'hackers', 'karzai', 'marvin', 'after', 'holt', 'emotion', 'hc2o4', 'label', 'wave', 'brewing', 'sense', 'balloning', 'quean', 'jintao', 'parenting', 'rbc', 'accent', 'scoupe', 'sonata', 'tiburon', 'do', 'coring', 'light', 'format', 'wait', 'vegetarians', 'specification', 'row', 'transfer', 'topic', 'cavity', 'tension', 'location', 'designers', 'question', 'kurdish', 'insurgent', 'jails', 'uprising', 'janusz', 'argonauts', 'cj7', 'comanche', 'wrangler', 'zealand', 'shipley', 'saviour', 'pearse', 'austria', 'botanist', 'emperior', 'carnell', 'fault', 'clam', 'police', 'cruiser', 'lessig', 'notebook', 'ho', 'story', 'hollow', 'claypool', 'messi', 'hacking', 'reader', 'weather', 'roll', 'earth', 'coordinates', 'march', 'emotions', 'fear', 'decision', 'scheme', 'tag', 'linebacker', 'telecommuters', 'jewelry', 'lace', 'teenager', 'dresser', 'species', 'formation', 'window', 'churches', 'marauders', 'addition', 'diagnosing', 'crude', 'experience', 'step', 'melodies', 'operation', '180', '190', '200', '218', '219', '230', '250', '280', '300', '300sd', '350', '380', '400', '450', '500', '600', 'wagon', 'mestico', 'conversion', 'pediphile', 'micky', 'dance', 'abbreviation', 'mindpixel', 'mingw', 'launch', '4150', '7961', 'downline', 'mondeo', 'morrocan', 'note', 'blackboards', 'scene', 'rating', 'mp3s', 'mr2', 'holding', 'cleric', 'pleasure', 'holiday', 'kaitlyn', 'intelligence', 'crunch', 'nethanethiol', 'purpose', 'lactamase', 'highway', 'theaters', 'restaurant', 'york', 'press', 'liberal', 'recyclable', 'bottles', 'clipping', 'cheerleader', 'headquarters', 'building', 'virginia', 'nigerois', 'dealership', 'depositor', 'context', 'notepads', 'nouns', 'novicodin', 'season', 'safety', 'pashtoo', 'no', 'gundaroo', 'indeed', 'iranian', 'timepiece', 'font', 'remembered', 'expereinced', 'display', 'again', 'commiseration', 'quartet', 'valley', 'friendly', 'dinner', 'administration', 'spears', 'gardening', 'mossberg', 'firearms', 'birds', 'emu', 'feather', 'feathers', 'untouchables', 'glyndwr', 'osbourne', 'schema', 'ss', 'guinean', 'paracelsus', 'paracodin', 'families', 'reach', 'fuselage', 'compartment', 'gondola', 'amvs', 'paws', 'pinful', 'cardiologist', 'enlargement', 'warmer', 'long', 'comfortable', 'pricks', 'issue', 'patterns', 'will', 'to', 'scarry', 'come', 'rest', 'intolerant', 'alcoholics', 'hurry', 'pharmacologists', 'ills', 'indicating', 'cries', 'coa', 'philippino', 'phillipino', 'philospher', 'checkup', 'filled', 'perfect', 'kill', 'rangers', 'deviously', 'four', 'barrack', 'encapsulation', 'family', 'protocol', 'pralidoxime', 'meal', 'terms', 'controller', 'server', 'singular', 'industries', 'wafer', 'substance', 'handguns', 'teeth', 'toothpaste', 'coats', 'alberts', 'guards', 'club', 'suspects', 'insurer', 'aircraft', 'airplane', 'container', 'corporation', 'truck', 'entertainer', 'physicist', 'judges', 'transcript', 'sites', 'stressor', 'derivative', 'hospitals', 'prison', 'crown', 'solvers', 'rapacodin', 'm', 'fowl', 'passion', 'delight', 'teams', 'squirrel', 'hair', 'leafs', 'bean', 'confinement', 'remedeine', 'attempt', 'revelations', 'cowgirl', 'rhianna', 'munian', 'traditionalists', 'infestation', 'blindness', 'otters', 'cover', 'yesterday', 'rochelle', 'twist', 'stamping', 'mates', 'saddles', 'comfortably', 'switch', 'subject', 'americans', 'golfer', 'christians', 'herriott', 'creator', 'b', 'movies', 'alaska', 'gametocyte', 'spermatocyte', 'starter', 'tanners', 'pack', 'bloke', 'fireworks', 'where', 'isolation', 'kit', 'mosque', 'shimming', 'sibs', 'syracuse', 'yorktown', 'carol', 'silkbamboo', 'complicated', 'sisterfucker', 'temples', 'if', 'sleeve', 'privacy', 'picrate', 'demonstration', 'programs', 'latino', 'army', 'airspace', 'gonzales', 'stadium', 'sportwear', 'international', 'california', 'sport', 'stacey', 'mitosis', 'comptroller', 'bicycle', 'ejector', 'stepfathers', 'stepparents', 'stepmothers', 'stepsisters', 'plaster', 'record', 'tennessee', 'organizer', 'stovetop', 'knowledge', 'power', 'structuralhypothesistypebystructuretype', 'emission', 'harper', 'fighter', 'g', 'nintendo', 'minx', 'casing', 'forsa', 't100', 'act', 'bath', 'halonen', 'reading', 'tausug', 'cleaning', 'adapter', 'connector', 'listing', 'code', 'pizza', 'creatures', 'mangusta', 'not', 'combination', 'floors', '2.2', 'motion', 'townhouses', 'tradeswoman', 'turret', 'coaches', 'lesbian', 'transporation', 'helicopter', 'materials', 'website', 'tredia', '1500', '2000', 'tr250', 'destinations', 'aikman', 'democracy', 'consequences', 'truths', '138', '238tnb', '238tnbf', '238tnf', 'ufs', 'society', 'restrooms', 'election', 'bus', 'usb', 'florida', 'ussecretaryofcommerce', 'butter', 'valgrind', 'plas', 'stent', 'vegans', 'cart', 'facility', 'humans', 'veterinarians', 'archive', 'vindicator', 'viscidity', 'quantity', 'ifa', 'religion', 'roof', 'roses', 'wasserman', 'thrush', 'gretzy', 'business', 'bells', 'warrior', 'samoan', 'dealers', 'brush', 'lessons', 'stitch', 'rebellion', 'juice', 'piece', 'sepulchers', 'sepulchre', 'babylon', 'winches', 'blade', 'textured', 'trace', 'hosiery', 'swimwear', 'windbreaker', 'chair', 'theory', 'token', 'adult', 'workaholic', 'graffiti', 'pen', 'score', 'wulver', 'xs', 'avoid', 'ev', 'afafine', 'québec', 'hispanoaméricain', 'gens', 'p.d.g', 'orthant', 'résédacées', 'impure', 'rams', 'csapat', 'buccaneers', 'titans', 'redskins', 'cardinals', 'falcons', 'colts', 'raiders', 'afabarn', 'ash', 'informática', 'surrogate', 'russian', 'military', 'commissaire', 'poet', 'persona', 'organ', 'left', 'anti', 'nouveau', 'in', 'average', 'eager','u.s', 'green', 'new', 'top', 'house', 'lightweight', 'sea', 'drug', 'hat', 'shade','sol', 'package', 'package', 'spots', 'spiders', 'rooms', 'steads', 'product', 'outages', 'gear', 'beetle', 'bitterns', 'command', 'judge', 'objector', 'suspect', 'mayor', 'goddess', 'politique', 'center', 'intellectual', 'silent', 'rights', 'fruit', 'life', 'grandmothers', 'ministers', 'office', 'activity', 'task', 'user', 'authority', 'arab', 'provocateur', 'machina', 'all','out','ego','infant','arms','guest', 'breaker', 'town', 'smoker', 'policeman', 'politics', 'time', 'animal', 'group', 'turtle', 'first', 'level', 'hunter', 'nephew', 'britain', 'first', 'level', 'consultant', 'beater', 'surgeon', 'assistant', 'egg', 'goose', 'fodder', 'liberator', 'granddaughter', 'jewel', 'hitter', 'statesman', 'boys', 'palace', 'cipher', 'removed', 'politiques', 'card', 'brothers', 'students', 'organization', 'software', 'orange', 'means', 'niece', 'principle', 'duck', 'rider', 'mate' 'dealer', 'sprite', 'captain', 'wise', 'traveler', 'link', 'cause', 'link', 'cause', 'street', 'down', 'up', 'world', 'plant', 'country', 'elimination', 'call', 'unconscious', 'area', 'school', 'room', 'unit', 'commission', 'siblings', 'vehicle', 'doves', 'sun', 'equipment', 'fact', 'aborigine', 'attache', 'pair', 'beauty', 'scout', 'errant', 'worth', 'almighty', 'guard', 'announcer', 'boss', 'baker', 'pilot', 'cop', 'gatherer', 'piston', 'board', 'unionist', 'reporter', 'bachelor', 'cyclops', 'guest', 'infant', 'breaker', 'arms', 'demon', 'coward', 'boomer', 'household', 'gun', 'korean', 'eater', 'department', 'figure', 'bag', 'conjunction', 'numbers', 'paper','ambassador', 'system', 'gods', 'sibling', 'politician', 'duckling', 'correspondent','syndrome', 'wife', 'male', 'waiting','driver', 'governor', 'german', 'lieutenant', 'writer', 'painter', 'critic', 'citizen', 'program', 'clause', 'process', 'parent', 'fathers', 'reds', 'day', 'representative', 'advocate', 'cheese','grandson', 'collector', 'professional', 'musician', 'shot', 'indian', 'men','miner', 'canadian', 'number', 'sisters', 'gentleman', 'grandmother', 'tops', 'husband', 'scientist', 'accountant', 'official', 'clerk', 'heavyweight', 'party', 'bird', 'partner', 'working', 'kings', 'hand', 'princess', 'detective', 'witness', 'twin','agreement', 'property', 'accessory', 'companion','accountant', 'official', 'clerk', 'dog', 'bachelor, ''car', 'parents', 'seconds', 'mothers', 'children', 'parliament', 'coach', 'affaires', 'grandfather', 'solider', 'woman', 'line', 'county', 'effect', 'dove', 'law', 'person', 'house', 'people', 'man', 'houses','player','brother', 'student', 'officer', 'green', 'agent', 'child', 'president', 'minister', 'mother', 'music', 'information', 'uncle', 'leader', 'war', 'uncle', 'secretary', 'engineer', 'second','jockey', 'friend', 'chief', 'being', 'boy', 'live', 'professor', 'american', 'dragon', 'college', 'girl', 'catholic', 'states','grandchild','sister', 'father','prisoner','worker', 'top', 'committee', 'administrator', 'thing', 'god', 'class','automobile','spirit', 'admiral', 'ceremonies', 'russia', 'songwriter', 'executive', 'commissioner', 'technician', 'doctrine', 'therapist', 'operator', 'old', 'greens', 'deity', 'aunt', 'language', 'nest', 'red', 'cat', 'consort', 'member', 'lady', 'killer', 'baby', 'manager', 'disease', 'specialist', 'friends', 'son', 'practitioner', 'event', 'designer', 'you', 'trinity', 'doctor', 'attaché', 'servant', 'designer', 'nurse']) + block_list2 = set(['walk', 'commercial','deems', 'puerto', 'french', 'r', 'recruiting', 'plautus', 'lighthorse', 'kay', 'confederate', 'angus', 'anicius', 'barthold', "frankenstein's", 'honoré', 'front', 'keystone', 'cold', 'talking', 'knight', 'broker', 'financial', 'cy', 'gypsy', 'ostrich', 'knee', 'subordinate', 'lead', 'key', 'real', 'his', 'surname', 'instrumental', 'criminal', 'dual', 'philosopher', 'write', 'milne', 'tap', 'security', 'constant', 'costa', 'research', 'opera', 'riding', 'unknown', "printer's", 'kitchen', 'belt', "photographer's", 'gandy', 'solicitor', 'bay', 'zoo', 'granite', 'garden', 'major', 'rhodes', 'senior', 'quartermaster', 'desert', 'iron', 'barrel', 'dark', 'running', 'granville', 'big', 'faisal', 'soldier', 'render', 'vice', 'melchior', 'illegal', 'crafty', 'last', 'death', 'your', 'dodge', 'yellow', 'tribes', 'general', 'biological', 'topological', 'barracks', 'virgin', 'bright', 'chinese', 'cognitive', 'developmental', 'differential', 'economic', 'euro', 'false', 'fore', 'ground', 'jungle', "li'l", 'natural', 'river', 'some', 'squaw', 'titan', 'undocumented', 'role', 'males', 'at', 'chevrolet', 'making', 'existentialist', 'for', 'state', 'vanuatuan', 'langue', 'piano', 'opium', 'acid', 'lieder', 'coureur', 'saloon', 'edsel', 'desk', 'past', 'hablot', 'grey', 'hooray', 'ivy', 'caffeine', 'cocaine', "king's", 'pledge', 'morris', 'latter', 'hired', 'federal', "artist's", 'odds', 'addle', 'profit', 'lighthouse', 'able', 'mixed', 'rhode', 'credit', 'staff', 'confessor', 'mae', 'amen', 'breughel', 'fetid', 'sparring', 'imaginary', 'seneca', 'repas', 'creditor', 'devoted', 'diocletian','sailing', 'lasso', 'wet', 'musical', 'chandler', 'comics', 'popper', 'firth', 'hertz', 'biographic', 'armchair', 'ögey', 'quantitativer', 'agony', 'april', 'bond', 'cylinder', 'analytic', 'future', 'hiv', 'deer', 'revlon', 'caesar', 'wild', 'youthful', 'aires', 'architecture', 'architectures', 'colleville', 'entre', 'faire', 'grosses', 'les', 'orteil', 'orteils', 'petites', 'fiscal', 'monetary', 'primary', 'imperial', 'нағашы', 'қайын', 'къарт', 'уллу', 'fait', 'mestresses', 'alta', 'assigned', 'bloody', 'comparative', "could've", 'could', 'cunning', 'dead', 'domestic', 'feistel', 'indentured', 'independent', 'internally', 'liquor', 'low', 'maid', 'massage', 'missionary', 'passes', 'passed', 'passing', 'pass', 'pinky', 'playfair', 'potentially', 'preferred', 'princes', 'purple', 'puss', 're', 'reasonable', 'rice', 'she', 'snail', 'sneaker', 'submarine', 'substitution', 'shooting', 'suppressive', 'taxi', 'temporary', 'those', 'trailing', 'vigenère', 'wardrobe', 'flamenco', 'flamencos', 'chevaliers', 'her', 'lupi', 'padroni', 'tasmanian', 'donas', 'gêngis', 'abe', 'bistrița', 'full', 'bqdp', 'bqnd', 'bronco', 'buck', 'bypass', 'mid', 'character', 'chase', 'closing', 'compact', 'luxury', 'premium', 'conditioning', 'important', 'cosmetics', 'cuban', 'determining', 'duplex', 'dutch', 'econoline', 'electoral', 'elton', 'female', 'flight', 'females', 'chin', 'named', 'suwannee', 'ford', 'free', 'grammy', 'guyanese', 'hainan', 'hip', 'immigrants', 'inanimate', 'indus', 'israeli', 'iteration', 'jazz', 'jews', 'jordanian', 'kazakh', 'lebanese', 'ficticious', 'lisa', 'literary', 'luxemburgian', 'more', 'marathon', 'mariachi', 'measuring', 'milk', 'passenger', 'motorcycle', 'road', 'move', 'movie', 'sports', 'entertainment', 'narrative', 'neck', 'political', 'norfolk', 'north', 'orderly', 'parabolic', 'path', 'knows', 'one', 'playstation', 'polish', 'prescription', 'presidential', 'prester', 'pristine', 'radio', 'ally', 'editing', 'trying', 'retail', 'ros', 'saudi', 'seventh', 'shannon', 'sierra', 'sinhalese', 'sneak', 'soeren', 'speed', 'stones', 'sturdy', 'non', 'mainstream', 'surinamese', 'japanese', 'tajik', 'teen', 'bidirectional', 'thai', 'tour', 'trajectory', 'treasure', 'trivial', 'cord', 'elected', 'uruguayan', 'venezuelan', 'video', 'vegetation', 'voice', 'waist', 'while', 'bébé', 'second', 'first','mazda', 'mitsubishi',]) + lst = [(word, (1.0+ sum([a.count('_') for a in self.word2en.get(word, [])]))/(1.0 + len(self.word2en.get(word, []))) - 1.0) for word in ner2word['PUBLIC_FIGURE']] + lst = [l for l in lst if (l[1] >= 0.0) and (l[0].count("_") < 5) and not [a for a in self.word2en.get(l[0], {l[0]}) if a.split("_")[-1] in block_list] and not [a for a in self.word2en.get(l[0], {l[0]}) if a.split("_")[0] in set(list(block_list)+list(block_list2))]] + lst = lst + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('person.n.01').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) if a[0] == a[0].upper()] + public_figure_en = list(set(OntologyBuilder.public_figure_list + list(itertools.chain(*[self.word2en.get(l[0], {l[0]}) for l in lst])))) + lst = [(word, (1.0+ sum([a.count('_') for a in self.word2en.get(word, [])]))/(1.0 + len(self.word2en.get(word, []))) - 1.0) for word in ner2word['PERSON']] + lst = [l for l in lst if (l[1] >= 0.0) and (l[0].count("_") < 5) and not [a for a in self.word2en.get(l[0], {l[0]}) if a.split("_")[-1] in block_list] and not [a for a in self.word2en.get(l[0], {l[0]}) if a.split("_")[0] in set(list(block_list)+list(block_list2))]] + person_en = list(itertools.chain(*[self.word2en.get(l[0], {l[0]}) for l in lst])) + + union_en = union_en + [word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in OntologyBuilder.union_list] + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('union.n.01').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) ] + social_economic_class_en = OntologyBuilder.soc_eco_class_list + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('class.n.03').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) ] + professional_en = [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('professional.n.01').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) if a[0] == a[0].lower()] + worker_en = [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('worker.n.01').closure(lambda s: s.hyponyms()) if not d.hyponyms() if not d.hyponyms()]) if a[0] == a[0].lower()] + poltical_party_member_en = self.political_party_member_list + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('politician.n.02').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) if a[0] == a[0].upper() and "_" not in a] + politcal_party_en = OntologyBuilder.political_party_list + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('party.n.01').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) if a[0] == a[0].upper()] + organization_en = org_en + OntologyBuilder.org_list + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('organization.n.01').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) if a[0] == a[0].upper()] + religion_list_en = [word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in OntologyBuilder.person2religion.values()] + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('religion.n.01').closure(lambda s: s.hyponyms()) if not d.hyponyms()]) if a[0] == a[0].upper()] + religion_list_en = religion_list_en + OntologyBuilder.religion_list + gender_person_en = OntologyBuilder.gender_list + [word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in itertools.chain(*OntologyBuilder.pronoun2gender.values())] + + language_list_en = list(set(language_en + [word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in person.Provider.language_names])) + language_list_en.remove('interlingua') + race_list_en = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in OntologyBuilder.race_list])) + race_list2 = [] + + for word in race_list_en + language_list_en: + for gender in ['person', 'people', 'females', 'women', 'ladies', 'gays', 'males', 'men', 'lesbians', 'boys', 'girls', 'adults', 'female', 'woman', 'lady', 'gay', 'male', 'man', 'lesbian', 'boy', 'girl', ]: + for word2 in [gender+"_"+word, word+"_"+gender, "older_"+gender+"_"+word, "old_"+word+"_"+gender, "younger_"+gender+"_"+word, "young_"+word+"_"+gender, "adult_"+word+"_"+gender, "senior_"+word+"_"+gender,]: + if word2 in self.en: + race_list2.append(word2) + + religious_person_en = list(set(OntologyBuilder.religious_member_list + [word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in [word.split(",")[0].strip() for word in OntologyBuilder.person2religion.keys()]])) + religious_person_en = religious_person_en + [a for a in itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('religious_person.n.01').closure(lambda s: s.hyponyms())]) if a[0] == a[0].upper() and a not in ('WASP',)] + religious_person2 = [] + for word in religious_person_en: + for gender in ['person', 'people', 'females', 'women', 'ladies', 'gays', 'males', 'men', 'lesbians', 'boys', 'girls', 'adults', 'female', 'woman', 'lady', 'gay', 'male', 'man', 'lesbian', 'boy', 'girl', ]: + for word2 in [gender+"_"+word, word+"_"+gender, "older_"+gender+"_"+word, "old_"+word+"_"+gender, "younger_"+gender+"_"+word, "young_"+word+"_"+gender, "adult_"+word+"_"+gender, "senior_"+word+"_"+gender,]: + if word2 in self.en: + religious_person2.append(word2) + religious_person_en = list(set(religious_person_en + religious_person2)) + + jobs_en = professional_en + worker_en + OntologyBuilder.jobs + list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in [word.split(",")[0].strip() for word in job.Provider.jobs]])) + jobs_list2 = [] + for word in jobs_en : + for gender in ['female', 'woman', 'lady', 'gay', 'male', 'man', 'lesbian', 'boy', 'girl', ]: + for word2 in [gender+"_"+word, word+"_"+gender]: + if word2 in self.en: + jobs_list2.append(word2) + jobs_en = list(set(jobs_en + jobs_list2)) + jobs_en = list(set(jobs_en + jobs_list2)) + + gender_list2 = [] + for word in gender_person_en : + for age in ['old', 'older', 'young', 'younger', 'adult', 'senior',]: + for word2 in [age+"_"+word, word+"_"+gender]: + if word2 in self.en: + gender_list2.append(word2) + gender_person_en = list(set(gender_person_en+gender_list2)) + + race_list_en = list(set(self.race_list + race_list2)) + disease_list_en = disease_en + self.disease_list + list(itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('physical_condition.n.01').closure(lambda s: s.hyponyms())])) + disease_list_en = disease_list_en + list(itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('infectious_agent.n.01').closure(lambda s: s.hyponyms())])) + disease_list_en = disease_list_en + list(itertools.chain(*[[str(a.name()) for a in d.lemmas()] for d in wn.synset('symptom.n.01').closure(lambda s: s.hyponyms())])) + + #now create the x-lingual word2ner mapping + # TODO: need to do LANGUAGE, GPE (country, city) and block lists + block_list= [] + word2ner = yago2ner + print ('num of items', len(word2ner)) + if 'GENDER' not in ignore_ner_labels: + gender_person_list, word2ner, block_list = self.create_multilingual_examples(gender_person_en , 'GENDER', word2ner, block_list= block_list + ['maidservant', 'slip', 'kiddo', 'alma', 'heiress', 'pussy', 'pucelle', 'miss', \ + 'handmaid', 'doll', 'noblewoman', 'damselfly', "lady's_maid", 'ponce', 'bachelorette', 'lesser_black_backed_gull', 'leopardess', \ + 'housemaid', 'zygoptera', 'damselfish', 'demoiselle', 'zygopteran', 'silver_perch', 'sister', 'maiden_over', 'brevier', 'big_sister', 'spinster', 'brat', \ + 'shojo', 'girlfriend', 'wench', 'daughterling', 'petite', 'girlish', 'wife', 'daughter', 'chinese_girl', 'paternal_aunt', 'son', 'spouse', 'husband', 'fellow', 'bloke', 'covey', 'stud', 'cove', 'youngster', 'cub', 'sex', 'madam', 'rocky', 'youth', 'stripling', 'knave', 'child', 'ferrule', 'groom', 'lord', 'master', 'edging', 'person', \ + 'casanova', 'missus', 'grandpa', 'geezer', 'boyfriend','adulteress', 'foot', 'leg', 'mutually', 'with_one_another', 'lazy', 'from', 'jack', 'cock', 'crevice', 'messiah', 'slit', 'fissure', 'young_buck','pair', 'young', 'virgin', 'motel', 'bread', 'dam', 'dam', 'isle_of_man','virgo', 'i_translations', 'prostitute', 'broad', 'man_translations', 'retroflex_final', 'son_translations', 'virile', 'waiter', 'ready', 'vagina', 'wow', 'dungeon', 'wow', 'guild', 'servant' ]) + print ('num of items', len(word2ner)) + title_list, word2ner, block_list = self.create_multilingual_examples(self.title_list , 'TITLE', word2ner, cut_off_per=0.2, block_list= block_list+ ['possessor', 'virgin', 'girl', 'neglect', 'overlook','fail', 'fail_to_catch', 'lose', 'want']) + person_pronoun_list, word2ner, block_list = self.create_multilingual_examples(self.person_pronoun_list, 'PERSON_PRONOUN', word2ner, cut_off_per=0.2, block_list= block_list + ['interjection_expressing_anger_or_chagrin', 'i_translations', 'information_technology', 'here']+self.other_pronoun_list) + other_pronoun_list, word2ner, block_list = self.create_multilingual_examples( self.other_pronoun_list, 'OTHER_PRONOUN', word2ner, cut_off_per=0.2, block_list= block_list+ ['interjection_expressing_anger_or_chagrin', 'i_translations', 'information_technology', 'here']+self.person_pronoun_list ) + domain_name_list, word2ner, block_list = self.create_multilingual_examples(domain_name_en , 'DOMAIN_NAME', word2ner, block_list=block_list) + quantity_list, word2ner, block_list = self.create_multilingual_examples(quantity_en , 'QUANTITY', word2ner, block_list=block_list + ['mimosa', 'attic', 'hay', 'flytrap', 'rudd', 'hop', 'ginger', 'sunray', 'lupine', 'draughts','angelica', 'orange', 'daisy', 'buoy', 'parking_space', 'bin', 'standard', 'long_weekend','rubber', 'won', 'real', 'shield', 'parking', 'short_for', 'snot', 'compositeness', 'mark','decimal', '3d', 'irl', 'three_mountains', 'si', 'tithe', 'solid']) + bio_chem_list, word2ner, block_list = self.create_multilingual_examples(bio_chem_en , 'BIO_CHEM_ENTITY', word2ner, block_list=block_list) + anat_list, word2ner, block_list = self.create_multilingual_examples(anat_en , 'ANAT', word2ner, block_list=block_list) + medical_therapy_list, word2ner, block_list = self.create_multilingual_examples(medical_therapy_en , 'MEDICAL_THERAPY', word2ner, block_list=block_list) + plant_list, word2ner, block_list = self.create_multilingual_examples(plant_en , 'PLANT', word2ner, block_list=block_list+['vanilla', 'face', 'surname_lin', 'iris', 'flag', 'arabica', 'lifeline', 'aspen', 'robust', 'blue_bugle', 'thrift', 'maria','broom','cos','althea','see', 'flamboyant', 'black_eye', 'purplish', 'purple', 'wickerworker', 'wicker', 'plane', 'bay', 'bittersweet', 'litmus', 'fire_opal', 'oliva', 'i_live_in_melbourne', 'absinth', 'cunt', 'prune', 'ricin', 'naked_lady', 'absinthe', 'mugwort', 'camomile_tea', 'mandarin_chinese', 'nonce', 'blond', 'over_embellished', 'mauve', 'bray', 'nincompoop', 'crucible', 'quack', 'oca', 'cherry_red', 'absent', ]) + print ('num of items', len(word2ner)) + animal_list, word2ner, block_list = self.create_multilingual_examples(animal_en , 'ANIMAL', word2ner, block_list=block_list + [ 'sidewinder', 'tuberculosis_germ', 'bug', 'ridley', 'neanderthal','ridley', 'neanderthal', 'pain', 'dipper', 'vampire', 'flicker', 'hsv', 'air_bladder_of_fish', 'sole', 'sultan', 'leatherback','moby_dick', 'mew', 'cramp', 'cough', 'idiot', 'fool', 'rot', 'alcedo', 'cast_net', 'ass', 'jackass', 'mustela', 'pica', 'grampus', 'ailuro', 'brown', 'defensive_opening_for_shogi', 'möwe', 'chump', 'rook', 'night_person', 'hart', 'buck', 'foolish', 'coward', 'simpleton', 'ignoramus', 'folly', 'stupidity', '900', 'hack', 'dunce', 'blockhead', 'nonsense', 'something_strange_or_suspicious', 'ester', 'who', 'ase', 'moke', 'æsir', 'tetrao', ]) + gpe_list, word2ner, block_list = self.create_multilingual_examples(gpe_en , 'GPE', word2ner, block_list=block_list +['christopher', 'sugarloaf', 'elysium', 'peter', 'echinopsis_pachanoi', 'civil_rights', 'valentine']) + fac_list, word2ner, block_list = self.create_multilingual_examples(fac_en , 'FAC', word2ner, block_list=block_list + ['gradually', 'bit_by_bit', 'by_small_degrees', 'junior_school', 'lodging_together', 'center', 'aspirin']) + location_list, word2ner, block_list = self.create_multilingual_examples(location_en , 'LOCATION', word2ner, block_list=block_list + ['helena', 'tram', "new_year's", 'year_end', 'hello', 'good_morning', 'how_do_you_do', 'have_nice_day', 'bat', 'here_you_are', 'no_thanks', 'sure_thing', 'no', 'please', 'excuse_me', 'pardon_me', 'you_are_welcome', 'heartily', 'gladly', 'union', 'eve', 'circumcision', 'daylight', 'daybreak', 'sleep_tight', 'nest', 'social_democrats', 'nothing', "it_doesn't_matter", 'big_dipper', 'spa']) + event_list, word2ner, block_list = self.create_multilingual_examples(event_en , 'EVENT', word2ner, block_list=block_list) + date_list, word2ner, block_list = self.create_multilingual_examples(date_en , 'DATE', word2ner, block_list=block_list+ ['latent_period', 'summer', 'mortality', 'deathrate', 'included', 'within_that', 'even_now', 'over_time','allhallowtide', 'western_calendar', 'deadline', 'in_end', 'around_clock', 'cold_snap', 'night_guard', 'holiday', 'workday', 'leisure', 'interim', 'ad', 'jubilee', 'moment', '4_4', 'instantaneously', 'vacation', 'nonprofessional', 'leisure_time', 'shift', 'month', 'bright_moon', 'refers_to', 'year_of_our_lord', 'phases_of_moon', 'class', 'time_at_leisure', 'off_time', 'work_shift', 'respite', 'infant_mortality_rate']) + law_list, word2ner, block_list = self.create_multilingual_examples(law_en , 'LAW', word2ner, block_list=block_list + ['freedom_of_opinion', 'jurisdiction', 'civil_marriage', 'capital_punishment', 'constitutional_state', 'trustee_beneficiary_relation', 'sexual_exploitation', ]) + food_list, word2ner, block_list = self.create_multilingual_examples(food_en , 'FOOD', word2ner, block_list=block_list+ ['tomato', 'chip', 'baseball_fan', 'patty', 'tisane', 'infusion', 'brackish', 'pop', 'tonic', 'rump', 'buttocks', 'formula', 'blanc', 'oil', 'table_talk', 'zwart', 'starter', 'testicle', 'ovum']) + print ('num of items', len(word2ner)) + language_list, word2ner, block_list = self.create_multilingual_examples(language_list_en , 'LANGUAGE', word2ner, block_list=block_list+['ironworker', 'erse',]) + job_list, word2ner, block_list = self.create_multilingual_examples(jobs_en , 'JOB', word2ner, block_list= block_list + [ 'guarda_portão', 'door', 'root', 'landed', 'give', 'button', 'occupant', 'haughty', 'commender', 'head', 'command', 'lead', 'leveret', 'shop', 'superuser', 'legal_guardian', 'kanji_legs_radical', 'pedestrian_traffic', 'angel', 'clever', 'cast', 'bower_bird', 'calculator', 'catchword', 'generator', 'perpetrator', 'god_almighty', 'southeast', 'aesthetics', 'animated', 'email', 'wearer', 'girder', 'holder', 'luggage_carrier', 'carrying_bag', 'poster_child', 'bleaching_agent', 'utterer', 'falsifier', 'employee', 'curate', 'qualifier', 'gambler', 'playful', 'prayer', 'escort', 'reeve', 'superman', 'dignitary', 'leadership', 'first_place', 'seat_of_honor', 'jobholder', 'redact', 'pacer', 'marcher', 'drive_around', 'motorist', 'scout', 'conductive', 'dribbler', 'hauler', 'conveyor', 'tutorial', 'burn_down', "nobleman's_residence", 'digger', 'teller', 'accounts_office', 'wright', 'artisanal', 'attorney_at_law', 'jurist', 'judge', 'centerfold', 'compiler', 'curtain', 'portiere', 'savior', 'mentor', 'restrainer', 'wing', 'scepter', 'armed', 'seating', 'uncle', 'adjutant', 'egeria', 'consultative', 'consult', 'government', 'taker', 'harbinger', 'dispatch_rider', 'lion', 'steed', 'conveyance', 'sent', 'all_rounder', 'famous_and_virtuous_ancestors', 'pioneer', 'sawbones', 'supervisory_program', 'upper_part_of_flag', 'tour_guide','discussion', 'creative', 'maker', 'praeses', 'chairmanship', 'landowner', 'kitchen_manager', 'interior_decoration', 'regency', 'spin_doctor', 'event_companion', 'baton_twirler', 'puppeteer', 'augustin_eugene_scribe', 'nib', 'claimant', 'contact', 'helper', 'tosser', 'deputation', 'arousing', 'sir_isaac_pitman', 'pilot_light', 'dragoman','defamer', 'translation', 'regulation', 'ordinance', 'fixer', 'stakeholder', 'pictorial', 'woodsman', 'leshy', 'utility', 'recruit', 'person_with_whom_to_speak', 'someone_to_talk_to', 'comrade', 'friend', 'sputnik', 'forced_laborer', 'anesthesiology', 'hellhound', 'raider', 'nerd', 'national_park_service', 'road_map', 'leading', 'managerial', 'reigning', 'peasant', 'burglar', "manage_one's_household", 'thrall', 'addict', 'nief', 'worshipper', 'mammy', 'manny', 'stonemasonry', 'moor', 'bobby', 'man_of_letters', 'literacy', 'connector', 'super', 'speller', 'oceanic', 'ocean', 'showman', 'general_business', 'general_affairs', 'manage', 'preside', 'apprentice', 'tray', 'special_duty', 'lens', 'rule', 'directing', 'do_it_yourselfer', 'rider', 'cleansing_agent', 'optional', 'artillery', 'artillerist', 'witch_doctor', 'person_who_gives_treatment', 'person_who_reads_cards', 'copper', 'bull', 'führer', 'sophisticate', 'dog', 'alfalfa', 'asia', 'nester', 'underling', 'copartner', 'rear_up', 'piper', 'supt', 'blunder', 'captive', 'optics', 'auriga', 'kolar', 'guidance', 'steering', 'drafter', 'frontbencher', 'ministerial', 'young_male_servant', 'stockbreeder', 'conciliatory', 'guide_book', 'kitchenhand', 'carder', 'dominee', 'inhabitant', 'concertante', 'mouthpiece', 'drugstore', 'agent', 'temporary_work', 'fipple_flute', 'chamberlain', 'thrifty', 'sensory', 'department_of_commerce', 'jackhammer', 'herd', 'chair', 'prime', 'fighter', 'army', 'officiate', 'dean', 'practitioner', 'modiste', 'hatter', 'sewer','plotting', 'planning', 'fuzz', 'first_proponent', 'initiator', 'bluejacket', 'fierce_man', 'vet', 'participation_in_government', "grocer's", 'trading', 'chapman', 'commercialize', 'deal', 'trade', 'firm', 'merchandise', 'peddler', 'business_is_business', 'supplier', 'bender', 'autotroph', 'pastoral', 'grazier', 'bucolic', 'johann_gottfried_von_herder', 'ward', 'vigil', 'supervise', 'checker', 'standing_watch', 'prefect', 'scheme', 'plot', 'bring_about', 'commerce', 'commercial_enterprise','huckster', 'juggler', 'commodify', 'market', 'barter', 'negociate', 'industrial', 'enterprising_man', 'child_trafficking', 'trafficker', 'agency', 'retail_outlet', 'franchise', 'provider', \ + 'pedestrian', 'ecclesiastical', 'decigram', 'rancher', 'crimp', 'goon', 'blood_sausage', 'gizzard', 'cattle_dog', 'boötes', \ + 'cattle_droving', 'bull_run', 'purifier', 'vs', 'kosher', 'donor', 'issuer', 'windshield_wiper', 'scanner', 'literary_person', \ + 'skilled', 'pictor', 'writing_desk', 'write_for_someone_else', 'victor', 'aye_aye_sir', 'main', 'shooter', 'whittler', \ + 'pharmacy', 'downloader', 'lower_position', 'negroid', 'black_person', 'sorb', 'serve',\ + 'album', 'vendémiaire','bookcase', 'bunting', 'clop', 'storage_battery', 'gardening', \ + 'staff', 'otto_wagner', 'wagner', 'wilhelm_richard_wagner', 'conservative', 'military', 'edger', 'secant', 'sanitary', 'aesculapian', 'medical', 'factor', 'elizabeth_cochrane_seaman', 'getting_on_board', 'seafaring', 'nautical', 'oceangoing', 'marinate', 'marinade', 'crew', 'galoot', "ship's_company", 'jacob', 'passenger', 'ship', 'military_rank', 'misprint', 'chaser', 'exchange_traded_fund', 'orion', 'guided_tour', 'drawing_card',\ + 'mop', 'national_flag', 'double_crosser', 'device_driver', 'residency', 'systematic', 'favourite', 'enclosed', 'aid', 'adjunct', 'adjoint', 'adjutant_bird', 'concubine', 'shower', 'obstetric', 'mechanized_cavalry', 'cavalry', 'minion', 'intendant', 'sycophant', 'boyfriend', 'pattern', 'friseur', 'samuel_barber', 'barbershop', 'villus', 'apus', 'henchman', \ + 'man_of_war', 'rank_and_file', 'take_care', 'remedy', 'attorneyship', 'litigant', 'moan', 'lament', 'milling_machine', 'jellyfish', 'problem_solver', 'representative', 'betrayer', 'match', 'hunt', 'combatant', 'bold', 'troop', 'terminable', 'impermanent', 'pilot_program', 'squeegee', 'juror', 'gavel', 'pedicure', 'tool', 'mechanical', 'guerrilla', \ + 'controller', 'control', 'pro', 'oar', 'gift', 'teaching', 'professorship', 'magister', 'aio', 'chaperone', 'maestro', 'surname_fu', 'helpmeet', 'bark_beetle', 'hardworking', 'proletarian', 'overall', 'maiden', 'wench', 'bondwoman', 'women', 'majordomo', 'employer', 'proficient', 'male', 'lord', 'cap', 'foster_parent', 'champion', 'skip', \ + 'trust_busting', 'authority', 'craft', 'colleague', 'inn', 'commoner', 'web_server', 'household', 'home', 'pet', 'mechano', 'arm_wrestling', 'troops', 'voyager', 'earthwork', 'earthworks', 'seasonally', 'power_shovel', 'backhoe', 'rod', 'washing_machine', 'sir', 'sidekick', 'helpmate', 'flatterer', 'salary', 'wage', 'seiner', 'peterman', 'schemer', 'conspirator', 'hanging_strap', 'otter_civet', \ + 'seeker', 'alumnus', 'son_translations', 'boy', 'columnist', 'correspond', 'write', 'clerkship', 'moonshee', 'gynecology', 'sales', 'apologist', 'good', 'contributor', 'benefactor', 'subscriber', 'suite', 'requisition', 'support', 'godparent', 'godfather', 'backer', 'dock', 'arranger', 'charger', 'magazine', 'piscatory', 'pescatore', 'kingfisher', \ + 'writing', 'secretary_bird', 'homemade', 'attendee', 'post_carrier', 'postie', 'msw', 'readership', 'reviewer', 'attorney_in_fact', 'proxy', 'bushman', 'blackcoat', 'agriculturist', 'countryman', 'yokel', 'bathyergus', 'mud_dredger', \ + 'flight_simulator', 'useful_person', 'manage_people', 'bantu', 'serf', 'stewardship', 'retinue', 'nigger', 'low_rank_person', 'employment', 'employ', 'service', 'partner', 'fellow', 'kill', 'employed', 'dogsbody', 'follower', 'satellite', 'used', 'abdi', \ + 'ministry', 'vassal', 'stooge', 'abigail', 'assistance', 'subordinate_work', 'avocado', 'preach', 'proponent', 'defense', 'advocaat', 'disciple', 'defender', 'patron', 'promotor', 'seconder', 'eggnog', 'on_sale', \ + 'kitchen', 'coccus', 'coccal', 'editor_program', 'publishing_house', 'copywriting', 'correspondent', 'lookout','cadre', 'raising_cattle', 'unai', 'keeper', 'watchdog', 'protection', 'train', 'security', \ + 'card', 'junior','strikebreaking', 'violator', 'callee', 'selectee', 'new_recruit', 'novice', 'rookie', 'barrater', 'destructor', 'subject', 'performer_of_action', \ + 'pollyannaish', 'milking_machine','guy', 'casanova', 'mobilize', 'dummy', 'exemplar', 'blueprint', 'host', 'toilet_bag', 'burner',]) + race_list, word2ner, block_list = self.create_multilingual_examples(race_list_en, 'RACE', word2ner, block_list= block_list + ['oar', 'iris', 'france', 'français', 'frenchy', 'daniel_chester_french', 'frenchie', \ + 'franco', 'potato_chip', 'francia', 'turki', 'francis', 'yankee_doodle', 'francium', 'dharma',\ + 'dwarf','foreigner', 'double_dutch', 'araba','press_gang', 'romance', 'indigenous', 'countryfolk', 'indus', 'italy', 'specialization', 'painter', 'achromatic', 'arabian_horse', 'arabian_peninsula', 'roundoff', 'jewess', 'jews', 'hebrew', 'commonwealth_of_australia', 'white_translations', 'china', 'japan', 'native', 'chinese_language']) + religious_member_list, word2ner, block_list = self.create_multilingual_examples(religious_person_en , 'RELIGION_MEMBER', word2ner, block_list= block_list + religion_list_en + ['duster', 'girlfriend', 'indian', 'roman', 'parse', 'cousin', 'jewry', 'christendom', 'christianity', ]) + religion_list, word2ner, block_list = self.create_multilingual_examples(religion_list_en , 'RELIGION', word2ner, block_list= block_list + religious_person_en + ['acid', 'duster', 'girlfriend', 'indian', 'roman', 'parse', 'cousin', 'jewry', 'jewess', 'ghetto', 'priesthood', 'church', 'sacred_teachings', 'christendom', 'portuguese_jesuits', 'person', 'mohammedan', 'moslem']) + union_list, word2ner, block_list = self.create_multilingual_examples(union_en , 'UNION', word2ner, block_list= block_list + ['union', 'syndicate',]) + social_economic_class_list, word2ner, block_list = self.create_multilingual_examples(social_economic_class_en , 'SOC_ECO_CLASS', word2ner, block_list= block_list + ['brotherliness', 'freemasonry', 'fraternization', 'clan', 'fellowship', 'handicraft', 'commerce', 'commercialize', 'adele',\ + 'edwin_herbert_land', 'work', 'press', 'time', 'service', 'wife', 'mother', 'female', 'times', 'anthology', 'better', 'breeding', 'choose', 'chivalry', 'noble', 'jue', 'set']) + political_party_list, word2ner, block_list =self.create_multilingual_examples(politcal_party_en , 'POLITICAL_PARTY', word2ner, block_list= block_list +['ungradable_opposition', 'work', 'time', 'service']) + political_party_member_list, word2ner, block_list = self.create_multilingual_examples(poltical_party_member_en , 'POLITICAL_PARTY_MEMBER', word2ner, block_list= ['red', 'rouge','communistically' ]) + public_figure_list, word2ner, block_list = self.create_multilingual_examples(public_figure_en , 'PUBLIC_FIGURE', word2ner, block_list= block_list+ ['gulf_of_saint_lawrence', 'allene', 'james', 'maldives', 'borgia', 'person_of_promise', 'zeeman', 'director', 'they', 'bi', 'kid', 'surname_franklin', 'will', 'edison', 'ego', 'me', "i'm", 'genus_of_humans', 'king', 'neumann', 'augustus', 'couple', 'norman', 'rus', 'foil', 'joule', 'an', 'majority', 'christopher', 'larry', 'wolf', 'swallow', 'ouch', 'elder', 'single', "o'clock", 'ptarmigan', \ + 'forth', 'boast', 'fist', 'zen', 'bunch', 'ostrich', 'spouse', 'woman', 'goatfish', 'wife', 'chaise_longue', 'outer_wall', 'butene', 'paralysis_agitans', 'shrub', 'weaver', 'plough', 'rich', 'algeria', 'cockchafer', \ + 'bumblebee', 'alaska', 'heart', 'flemish', 'schmidt_island', 'petro', 'herz_or_cycles_per_second', 'limb', \ + 'everyone', 'everybody', 'yes', 'logos', 'messiah', 'turner', 'gymnast', 'return', 'gy', 'freemason', 'mason', 'lake_edward', 'alabama', 'los_angeles', 'loss', 'losings', 'passing', 'steed', 'ross_island', \ + 'horse', 'rice', 'young', 'jr', 'japan_railways', 'jnr', 'gilbert_islands', 'slate', 'show', 'stone', 'stoned', 'nub', 'earthen', 'benedictine', 'fuse', 'oxford_shoe', 'dino_paul_crocetti', 'orphan_drug', \ + 'leninist','ash', 'hunt', 'brown', 'brown_university', 'breezy', 'fresh', 'normans', 'grant', 'grunt', 'moses_basket', 'musa', 'burton', 'marx', \ + 'negroid', 'gray', 'grey', 'why', 'wood', 'man', 'beeper', 'hong_kong', 'never', 'vomit', 'puke', "st_george's", 'massachuset', 'massachusetts', 'track_clearing_vehicle', \ + 'snowplow', 'word', 'ward', 'care', 'anger', 'grim', 'midnight', 'houston', 'farmer', 'post', 'morgan_horse', 'moody', \ + 'life_annuity', 'hooker', 'leaky', 'jogging', 'cooper', 'white', 'white_person', \ + 'russia', 'echinopsis_pachanoi', 'touché', 'cytisus_scoparius', \ + 'white_island', 'bark', 'hi_hat', 'troglodytidae', 'key', \ + 'shop_assistant', 'clerk', 'kulak', 'crane', 'grus', \ + 'new_jersey', 'mayor', 'baltic', 'marsh', 'gardener', 'toasting', 'fry', 'gold_translations', "poor_person's_house", 'isochrone', 'tacit', \ + 'too', 'missouri', 'father_christmas', 'duce', 'stalinist']) + person_list, word2ner, block_list = self.create_multilingual_examples(person_en , 'PERSON', word2ner, block_list= block_list+ ['para_rubber', 'cosmic_dual_forces', 'book_of_changes', 'forth', 'boast', 'fist', 'zen', 'bunch', 'ostrich', 'spouse', 'woman', 'goatfish', 'wife', 'chaise_longue', 'outer_wall', 'butene', 'paralysis_agitans', 'shrub', 'weaver', 'plough', 'rich', 'algeria', 'cockchafer', \ + 'bumblebee', 'alaska', 'heart', 'flemish', 'schmidt_island', 'petro', 'herz_or_cycles_per_second', 'limb', \ + 'everyone', 'everybody', 'yes', 'logos', 'messiah', 'turner', 'gymnast', 'return', 'gy', 'freemason', 'mason', 'lake_edward', 'alabama', 'los_angeles', 'loss', 'losings', 'passing', 'steed', 'ross_island', \ + 'horse', 'rice', 'young', 'jr', 'japan_railways', 'jnr', 'gilbert_islands', 'slate', 'show', 'stone', 'stoned', 'nub', 'earthen', 'benedictine', 'fuse', 'oxford_shoe', 'dino_paul_crocetti', 'orphan_drug', \ + 'leninist','ash', 'hunt', 'brown', 'brown_university', 'breezy', 'fresh', 'normans', 'grant', 'grunt', 'moses_basket', 'musa', 'burton', 'marx', \ + 'negroid', 'gray', 'grey', 'why', 'wood', 'man', 'beeper', 'hong_kong', 'never', 'vomit', 'puke', "st_george's", 'massachuset', 'massachusetts', 'track_clearing_vehicle', \ + 'snowplow', 'word', 'ward', 'care', 'anger', 'grim', 'midnight', 'houston', 'farmer', 'post', 'morgan_horse', 'moody', \ + 'life_annuity', 'hooker', 'leaky', 'jogging', 'cooper', 'white', 'white_person', \ + 'russia', 'echinopsis_pachanoi', 'touché', 'cytisus_scoparius', \ + 'white_island', 'bark', 'hi_hat', 'troglodytidae', 'key', \ + 'shop_assistant', 'clerk', 'kulak', 'crane', 'grus', \ + 'new_jersey', 'mayor', 'baltic', 'marsh', 'gardener', 'toasting', 'fry', 'gold_translations', "poor_person's_house", 'isochrone', 'tacit', \ + 'too', 'missouri', 'father_christmas', 'duce', 'stalinist']) + + org_list, word2ner, block_list = self.create_multilingual_examples(organization_en, 'ORG', word2ner, block_list= block_list + ['u.s.a', 'axle', 'heart', 'pit', 'sister', 'ivy', 'stone', 'europa', 'octane', 'tripoli', 'eleven', 'uno', 'epi', 'fn', 'protester', 'work', 'time', 'service', 'commonwealth', 'acid', 'church', 'protestantism', 'quaker', 'sunni_muslim', 'anglicanism', 'baptist', 'united_states_of_america', 'eve', 'us', 'americas', 'normalized_projection_coordinates', 'non_player_character', 'aviation', 'dark_blue', 'personal_handyphone_system', 'iaca', 'which', 'identity', 'mu', 'storm_troopers', 'kingdom', 'might', 'orthodoxy', 'western_christianity', 'hassidism', 'jesuits','eicosapentaenoic_acid', 'woman', 'mail', 'bebop', 'computer_integrated_manufacturing', 'intersymbol_interference', 'ice', 'weak', 'doctor', 'first_lord_of_treasury', 'sixth_form', 'peddlers_and_carriers', 'utility', 'gallery', 'fiction', 'st', 'fantasy_fiction', 'workforce', 'working_force', 'manpower', 'criminal_law', 'proletariat', 'ourselves', 'overtake', 'trojan', 'have_good_meal', 'talk_of_town', 'royalty', 'armada', 'minority_peoples', 'enlightenment', 'almighty', 'high_society', 'showbusiness', 'every_so_often', 'occasionally', 'sometimes', 'once_in_while', 'nicaea', 'istanbul', 'constantinople', 'bridal_shower', 'nazism', 'bank', 'deposit', 'passkey', 'loper', 'ticket', 'amis', 'date', 'market', 'exchange','cdu', 'national_insurance', 'jobcentre', 'constitutional_nationalist_party', 'guomindang_or_kuomintang', 'plaza', 'shopping_center', 'center', 'forefront', 'vanguard', 'bigger_than', 'unknown', 'latte', 'qin', 'supply_network', 'coup', 'putsch', 'overthrow', 'dance_studio', 'yellow_river_or_huang_he', 'huang_ho', 'china’s_sorrow','band', 'syndicate', 'union', 'stag_do', 'greenhorn', 'municipality', 'prefecture', 'royal', 'hiring_hall', 'downtown', 'high_street', 'rainforest', 'group_sounds', "worker's_party", 'indus', 'step_by_step', 'gradually', 'one_by_one', 'by_degrees', 'mincing', 'another_name_for', 'institute', 'bliss', 'on_cloud_nine', 'intelligence', 'antigua_and_barbuda', 'icu', 'fisc', 'estate', 'someone_else', 'firefighter', 'civic_center', 'gum', 'think_factory', 'soldier', 'fdp', 'ldp', 'tropical_forest', 'refrain', 'customs', 'videoconferencing', 'house', 'interest', 'lobby', 'st_john’s', 'civil_right', 'schoolmate', 'academic', 'flock', 'handiwork', 'handicraft', 'wake', 'omnipotent', 'on_and_off', 'occasional', 'season', 'at_times', 'ever_and_anon', 'intermittently', 'frequently', 'often', 'amongst', 'incidentally', 'finn', 'every_now_and_then', 'seldom', 'at_long_intervals', 'downpour', 'byzantium', 'trade', 'mall', 'centre','bustling_street', 'shopping_district', 'kernel', 'midst', 'middle', 'inner_city', 'frontline', 'underground', 'avantgarde', 'head', 'salient', 'forward', 'senate', 'insurgency', 'subversion', 'horizontal_union', 'orchestra', 'ensemble', 'crying', 'weeping', 'gradual', 'stepwise', 'by_small_degrees', 'drop', 'slowly', 'incrementally', 'tardily', 'gently', 'little_for_each', 'in_course_of_time', 'military_personnel', 'fighter', 'serviceman', 'collegiate', 'initiation', 'homemade', 'craft', 'omnipotence', 'constantly', 'more_often_than_not', 'oftentimes', 'unexpectedness', 'emergency', 'thick', 'great_deal', 'commonly', 'oft', 'repeatedly', 'inula', 'frequent', 'btw', 'rarely', 'commercialize', 'marketing', 'shop', 'store', 'midfielder', 'mid_way', 'nucleus', 'center_field', 'cell_nucleus', 'hub', 'midpoint', 'central', 'centrum', 'heartland', 'centrism', 'hit', 'right_in_midst_of', 'right_at_height_of', 'intermediate', 'midplane', 'about_middle', 'advanced_guard', 'rebellion', 'lamenting', 'quietly', 'soon', 'steadily', 'progressively', 'oozing_out', 'slowly_permeating', 'slowly_soaking_in', 'seeping_out', 'slow', 'deliberately', 'suddenly', 'abruptly', 'whisper', 'leisurely', 'surname_xu', 'behind', 'sailor', 'warrior', 'military_strength', 'soldiers', 'legion', 'host', 'private']) + print ('num of items', len(word2ner)) + disease_list, word2ner, block_list = self.create_multilingual_examples(disease_list_en , 'DISEASE', word2ner, block_list=block_list + ['fume', 'shakes', 'see', 'pumpkinseed', 'calenture', 'insulation', 'heliotherapy', 'bleb', 'vesicle', 'hangnail', 'bubble', 'become_bruised', 'bluish_black', 'effort', 'judder', 'bowel', 'stooping', 'hungry', 'crossed_eyes', 'wound_suffered_in_fight', 'external_wound', 'purple_spot', 'hymen', 'kokborok', 'bow_leggedness', 'deuteranopic', 'concentration', 'vaccine', 'shin_splint', 'nasal_vowel', 'fistule', 'aphthous_fever', 'chimney', 'snake', 'ornitosis', 'steppe_murrain', 'vampirism', 'pustulate', 'blackhead', 'comedo', 'bread_mold', 'brand', 'mildew', 'oak_blight', "sow_one's_oats", 'skin', 'limp', 'hitch', 'polyopia', 'hindquarters', 'honeycomb', 'year', 'shawl', 'balance','shine', 'fan', 'rosaceae', 'rose_window', 'mound', 'comforter', 'strawberry', 'lollipop', 'croupy', 'useless', 'superfluous', 'clairvoyance', 'pesto', 'pain_in_ass', 'zostera', 'raft','germ', 'virus_that_infects_bacteria', 'amenorrheic', 'dizzy', 'dazzled', 'dazzle', 'giddy', 'feeling_of_swaying', 'fainting', 'dizzyness', 'dust_devil', 'blinding', 'probably', 'reeling', 'labored_breathing', 'panting', 'pant', 'abbot', 'volcanic_eruption', 'shrew', 'hiccups', 'abnormally_high_blood_sugar_level', 'weak_digestion', 'mule', 'bitterness', 'ketose', 'scruple', 'tingling', 'plight', 'miserable', 'asperity', 'harassment', 'dolor', 'tartar', 'dregs', 'sadness', 'whale', 'kipu', 'unpleasantness', 'quipu', 'pulse', 'extract_and_use', 'hamper', 'jerk', 'cramps', 'clamp', 'knock_on_effect', 'beech', 'wild_cherry', 'callous', 'rennet', 'curd', 'martyr', 'woe', 'flatulent', 'poignance', 'birth_pains', 'contractions', 'twinge', 'afflict', 'harass', 'cut_to_pieces', 'rack', 'persecute', 'crucifixion', 'agonize', 'painfully', 'convulsively', 'wince', 'convex', 'free_alongside_ship', 'beam', 'stage_fright', 'white_coloured_skin', 'hectic', \ + 'disinclination', 'morbidity', 'sob_convulsively', 'stranglehold', 'blockade', \ + 'suffocate', 'stifle', 'gag', 'house_mouse', 'sick', 'ailing', 'drowning', 'strangling',\ + 'deterioration', 'default_option', 'faint', 'mental_case', 'interruption', \ + 'nuisance', 'thirsty', 'famine', 'appetite', 'crave', 'drought', 'gose', \ + 'redden', 'turn_red', 'feel_hot', 'cauterize', 'red', 'turn_pink', 'repair',\ + 'form', 'state', 'mental_determination', 'exuberance', 'viability', 'vigour',\ + 'liveliness', 'coolness', 'emanation', 'shining', 'ray', 'tanned', 'sun_tanning', \ + 'darken', 'burn_off', 'sear', 'char', 'erupt', 'kindle', 'wrath', 'irritability', \ + 'burn_hole', 'set_afire', 'pique', 'luminous', 'prickling', 'blanch', \ + 'hanker', 'hydrogen', 'gravy', 'break_out', 'bleaching', 'difficulty', 'adversity', \ + 'sorrow', 'worry', 'powerlessness', 'inability', 'languor', 'dysgenics', 'grogginess', 'despondency', \ + 'tiredness', 'diffraction_grating', 'misrepresent', 'freak', 'plant_process', 'enlargement', 'hunch', \ + 'binge', 'rabia', 'choler', 'ire', 'bile', 'ferocity', 'furor', 'captivation', 'furious',\ + 'insanity', 'bluster', 'hot_anger', 'violent_rage', 'angry', 'resentment', 'swell', 'talisman', 'amulet', 'ignition', \ + 'node', 'bulge', 'self_conceited', 'torridity', 'hot_weather', 'carsickness', 'tide', 'korea', 'anxiety', 'delusion', \ + 'raving', 'nightmare', 'lettuce', 'babble', 'stuttering', 'bumble', 'gluttony', 'destitution', \ + 'what', 'ch_i', 'whether', 'flag', 'hangar', 'ordeal', 'sufferance', 'pain_and_difficulties', 'concern', 'distress_signal', 'grief', \ + 'attachment', 'pathological', 'disgust', 'nature_of_disease', 'demon_of_ill_health', 'fatigue', 'taint', 'catching', \ + 'spread', 'daze', 'misfortune', 'scathe', 'traumatism', 'score', 'infringement', 'violation', 'frisson', 'damage', 'impediment', 'traumatize', \ + 'tingle', 'prick', 'chagrin', 'be_sick', 'rankle', 'love_dearly', 'hurts', 'ail', 'simmer', 'if', 'fence', 'blemish', 'damnification', \ + 'nullity', 'cajolement', 'boiling_point', 'anginal', 'sharp_pain', 'griping_pain', 'sweetheart', 'melancholy', 'low', 'crisis', \ + 'craziness', 'morbid_fear', 'fissionable', 'cholesterol', 'suidae', 'cold_and_heat', 'malarial', 'tension', 'cave_in', 'crash', 'old',\ + 'fail', 'crumble', 'also', 'blunder', 'arrogance', 'amour_propre', 'greenery', 'tumo_u_r', 'plant', 'outgrowth', 'mass', 'tax', 'gavel', \ + 'able_man', 'fine_man', 'painful', 'raw', 'painfulness', 'bleed', 'bloodloss', 'resentful', 'suggillation', 'claw', 'architect', \ + 'hump', 'bozzo', 'hunk', 'dent', 'impact', 'protuberance', 'suspension', 'jolt', 'break_in', 'break_apart', 'fault', 'schism', 'breakage', 'tea', \ + 'break_off_relations_with', 'burst_open', 'obstruct', 'burstenness', 'severance', 'strut', 'stalemate', 'stab', 'bug_bite', 'compunction', 'resent', \ + 'encourage', 'stretch', 'dislocate', 'streak', 'linear_mark', 'mosquito', 'infestation', 'district', 'heatwave', 'tyrannize', 'screw', 'distort', 'twine', \ + 'tortuosity', 'quarrel', 'torsion', 'cistus', 'dartos', 'driveway', 'cigarette', 'contraction', 'incapacity', 'advantage', 'drawback', 'indolence', \ + 'fragility', 'palpitate', 'crown_shaped', 'hysterical', 'mishegoss', 'rampage', 'anomie', 'alarm', 'monkey', 'knob_on_tree', 'craw', 'neoplasia', 'spit', \ + 'skewer', 'swollen', 'gland', 'pick', 'pickaxe', 'fumigate', 'bay', 'tuberosity', 'nodule', 'large_breasts', 'reverse', 'brown', 'abrade', 'incision', 'nick',\ + 'attrition', 'rift', 'stria', 'paw', 'rub', 'stub', 'brush_against', 'scuff_mark', 'hack', 'chop', 'scarred_skin', 'insult', 'machine', 'cockroach', 'notch', 'slit', \ + 'brush', 'deletion', 'giulio_natta', 'be_paralyzed', 'standstill', 'paralytic', 'every_second_solar_term', \ + 'hindrance', 'flow', 'help', 'fuss', 'annoyance', 'scab', 'ringworm', 'fire_salamander', 'leper', 'rowan', 'nip', \ + 'shot', 'unevenness', 'lopsided', 'dissimilarity', 'unsoundness', 'deviation', 'falsehood', 'divergence', 'dependent', \ + 'outbuilding', 'reliance', 'relation', 'anesthetization', 'local_anesthetic', 'general_anesthetic', 'anesthesiologist', \ + 'bang', 'suppression', 'unrest', 'confusion', 'swage', 'sufferer', 'patient', 'irritate', 'eagerness', 'hankering', \ + 'willpower', 'warmheartedness', 'warmth', 'ardor', 'hot', 'bear', 'berry', 'hole', 'puberty', 'ardour', 'pulsation', 'vibe', 'love',\ + 'lecherousness', 'zeal', 'enthusiasm', 'violent_emotion', 'strong_emotion', 'temperature', 'displeasure', \ + 'burning_sensation', 'sultriness', 'blaze', 'passion_play', 'flame', 'shave', 'ferociousness', 'reproductive_procreative_power', \ + 'fruitfulness', 'fertility_rate', 'bloating', 'meteorism', 'fart', 'novelty', 'aplomb', 'carbon_oxide', 'high_fever', 'pyro', \ + 'filibuster', 'traffic_jam', 'brainwashing', 'drink', 'consequence', 'perplexity', 'parturiency', 'motherhood', \ + 'rest', 'deep_sleep', 'death', 'gound', 'quiescence', 'fruitlessness', 'unproductiveness', 'apparent_death', 'listlessness', 'stupor', 'apathy', \ + 'sleeplessness', 'eve', 'grinding', 'distortion', 'block', 'degeneration', 'regression_analysis', 'rancor', 'huff', 'sequence', \ + 'cross_eyed', 'sidelong', 'walleyes', 'stiff_neck', 'rearrangement', 'excited', 'longing', 'craving', 'wish', 'want', 'foreplay', \ + 'weakness', 'mischief', 'tribulation', 'health', 'discomfort', 'suffer', 'distressed', 'anguish', 'agonised', 'affect', 'have', \ + 'affection', 'misery', 'bout', 'sicken', 'menstruation', 'injured', 'wounded', 'injure', 'hardship', 'tin', 'skinny', + 'preponderance', 'fatness', 'silk', 'eunuch', 'side', 'seize', 'apprehend', 'take', 'more_commonly_known_as', 'goose_pimple', 'see_also', \ + 'gasp', 'clap', 'lobster', 'hit', 'trait', 'touch', 'ironing', 'fondle', 'fit', 'throw', 'chuck', 'terabyte', 'crayfish', 'consumption', \ + 'thickness', 'cold', 'fleshiness', 'caress', 'itch', 'blow', 'stoutness', 'crab']) + product_list, word2ner, block_list = self.create_multilingual_examples(product_en , 'PRODUCT', word2ner, block_list=block_list + ['promnesia', 'nude_body', 'celestial_object', 'moon', 'undoubtedly', 'jump_up', "leap_to_one's_feet", 'day_of_wren', "friar's_lantern", 'orb', 'dead_end_street', 'no_through_road', 'closure', 'cul', 'deadlock', 'catch_22', 'england', 'britain', 'kingdom_of_great_britain', 'britannia']) + #work_of_art_list, word2ner, block_list = self.create_multilingual_examples(work_of_art_en , 'WORK_OF_ART', word2ner, block_list=block_list) + word2ner = [(a,b) for a, b in word2ner if b not in ignore_ner_labels] + print ('num of items', len(word2ner)) + block_list = None + langs =[] + nerbylangs = {} + self.ontology = {} + self.ontology_compound_word_start = {} + word2ner = list(set(word2ner)) + for word,label in word2ner: + langs.extend(list(self.word2lang.get(word,[]))) + for lang in self.word2lang.get(word,[]): + nerbylangs[lang] = nerbylangs.get(lang, [])+ [label] + self.word2ner = word2ner = list(set([(word.translate(trannum), label) for word, label in word2ner])) + print ('num of items', len(word2ner)) + os.system(f"mkdir -p {tmp_dir}") + json.dump(word2ner, open(f"{tmp_dir}/{word2ner_file}", "w", encoding="utf8"), indent=1) + self.add_to_ontology(word2ner) + for lang in list(nerbylangs.keys()): + nerbylangs[lang]= Counter(nerbylangs[lang]).most_common() + for lang, cnt in Counter(langs).most_common(): + print ((lang, cnt)) + print (" "+ str(nerbylangs[lang])) + male_to_female_gender_swap = copy.copy(OntologyBuilder.male_to_female_gender_swap) + binary_gender_swap = copy.copy(OntologyBuilder.female_to_male_gender_swap) + other_gender_swap = copy.copy(OntologyBuilder.other_gender_swap) + + for a, b in male_to_female_gender_swap.items(): + binary_gender_swap[b] = a + + for word in language_list_en + race_list_en + jobs_en + religion_list_en: + word = word.replace(" ", "_").replace("-", "_").lower().strip(".") + for gender in ['female', 'woman', 'lady', 'gay', 'lesbian']: + for word2 in [gender+"_"+word, word+"_"+gender]: + if word2 in self.en: + for gender2 in ['male', 'man', 'person']: + for word3 in [gender2+"_"+word, word+"_"+gender2]: + if word3 in self.en: + if word2 not in binary_gender_swap: + binary_gender_swap[word2] = word3 + if word3 not in binary_gender_swap: + binary_gender_swap[word3] = word2 + word3 = word + if word3 in self.en: + if word3 not in ('white', 'black', 'brown') and word2 not in ('white', 'black', 'brown') : + if word2 not in binary_gender_swap: + binary_gender_swap[word2] = word3 + if word3 not in binary_gender_swap: + binary_gender_swap[word3] = word2 + + binary_gender_swap= self.create_multilingual_map(binary_gender_swap) + other_gender_swap= self.create_multilingual_map(other_gender_swap) + en_pronoun2gender= self.create_multilingual_map(self.pronoun2gender) + en_pronoun2pronoun= self.create_multilingual_map(self.pronoun2pronoun) + en_pronoun2title= self.create_multilingual_map(self.pronoun2title) + person2religion= self.create_multilingual_map(self.person2religion) + + #export formats and words from faker + lang2person = {} + for lang in OntologyBuilder.faker_list: + lang2 = lang.split("_")[0] + aHash = lang2person.get(lang2, {}) + if not hasattr(faker.providers.person, lang): + exec(f"import faker.providers.person.{lang}") + provider = getattr(faker.providers.person, lang) + if hasattr(provider.Provider, 'formats'): + ner_regexes = aHash.get('ner_regexes',[]) + if not type(provider.Provider.formats) is dict: + ner_regexes += [("PERSON", "|".join([a.replace("{{","<").replace("}}",">\d+").upper() for a in provider.Provider.formats]), False, ())] + else: + ner_regexes += [("PERSON", "|".join([a.replace("{{","<").replace("}}",">\d+").upper() for a in provider.Provider.formats.keys()]), False, ())] + aHash['ner_regexes'] = ner_regexes + if hasattr(provider.Provider, 'first_names_female'): + if not type(provider.Provider.first_names_female) is dict: + aHash['FIRST_NAME_FEMALE'] = list(set(aHash.get('FIRST_NAME_FEMALE', []) + list(provider.Provider.first_names_female))) + else: + aHash['FIRST_NAME_FEMALE'] = list(set(aHash.get('FIRST_NAME_FEMALE', []) + list(provider.Provider.first_names_female.keys()))) + if hasattr(provider.Provider, 'first_names_male'): + if not type(provider.Provider.first_names_female) is dict: + aHash['FIRST_NAME_MALE'] = list(set(aHash.get('FIRST_NAME_MALE', []) + list(provider.Provider.first_names_male))) + else: + aHash['FIRST_NAME_MALE'] = list(set(aHash.get('FIRST_NAME_MALE', []) + list(provider.Provider.first_names_male.keys()))) + if hasattr(provider.Provider, 'last_names_female'): + if not type(provider.Provider.last_names_female) is dict: + aHash['LAST_NAMES_FEMALE'] = list(set(aHash.get('LAST_NAMES_FEMALE', []) + list(provider.Provider.last_names_female))) + else: + aHash['LAST_NAMES_FEMALE'] = list(set(aHash.get('LAST_NAMES_FEMALE', []) + list(provider.Provider.last_names_female.keys()))) + if hasattr(provider.Provider, 'LAST_NAMES_MALE'): + if not type(provider.Provider.last_names_male) is dict: + aHash['LAST_NAMES_MALE'] = list(set(aHash.get('LAST_NAMES_MALE', []) + list(provider.Provider.last_names_male))) + else: + aHash['LAST_NAMES_MALE'] = list(set(aHash.get('LAST_NAMES_MALE', []) + list(provider.Provider.last_names_male.keys()))) + if hasattr(provider.Provider, 'prefixes_female'): + if not type(provider.Provider.prefixes_male) is dict: + aHash['PREFIX_FEMALE'] = list(set(aHash.get('PREFIX_FEMALE', []) + list(provider.Provider.prefixes_female))) + else: + aHash['PREFIX_FEMALE'] = list(set(aHash.get('PREFIX_FEMALE', []) + list(provider.Provider.prefixes_female.keys()))) + if hasattr(provider.Provider, 'prefixes_male'): + if not type(provider.Provider.prefixes_male) is dict: + aHash['PREFIX_MALE'] = list(set(aHash.get('PREFIX_MALE', []) + list(provider.Provider.prefixes_male))) + else: + aHash['PREFIX_MALE'] = list(set(aHash.get('PREFIX_MALE', []) + list(provider.Provider.prefixes_male.keys()))) + + if hasattr(provider.Provider, 'sufixes_female'): + if not type(provider.Provider.sufixes_male) is dict: + aHash['SUFIX_FEMALE'] = list(set(aHash.get('SUFIX_FEMALE', []) + list(provider.Provider.sufixes_female))) + else: + aHash['SUFIX_FEMALE'] = list(set(aHash.get('SUFIX_FEMALE', []) + list(provider.Provider.sufixes_female.keys()))) + if hasattr(provider.Provider, 'sufixes_male'): + if not type(provider.Provider.sufixes_male) is dict: + aHash['SUFIX_MALE'] = list(set(aHash.get('SUFIX_MALE', []) + list(provider.Provider.sufixes_male))) + else: + aHash['SUFIX_MALE'] = list(set(aHash.get('SUFIX_MALE', []) + list(provider.Provider.sufixes_male.keys()))) + + + if hasattr(provider.Provider, 'first_names'): + if not type(provider.Provider.first_names) is dict: + aHash['FIRST_NAME'] = list(set(aHash.get('FIRST_NAME', []) + list(provider.Provider.first_names))) + else: + aHash['FIRST_NAME'] = list(set(aHash.get('FIRST_NAME', []) + list(provider.Provider.first_names.keys()))) + if hasattr(provider.Provider, 'last_names'): + if not type(provider.Provider.last_names) is dict: + aHash['LAST_NAME'] = list(set(aHash.get('LAST_NAME', []) + list(provider.Provider.last_names))) + else: + aHash['LAST_NAME'] = list(set(aHash.get('LAST_NAME', []) + list(provider.Provider.last_names.keys()))) + lang2person[lang2] = aHash + + lang2extra = {} + for word, label in word2ner: + if word in self.word2lang: + if label == "OTHER_PRONOUN": + for lang in self.word2lang.get(word, []): + aHash = lang2person.get(lang, {}) + aHash[label] = aHash.get(label, []) + [word] + lang2person[lang] = aHash + else: + _, label2 = self.in_ontology(word) + if label2 != label: + for lang in self.word2lang.get(word,[]): + aHash = lang2extra.get(lang, {}) + aHash[label] = aHash.get(label, []) + [word] + lang2extra[lang] = aHash + + langs = list(set(list(lang2person.keys()) + list(binary_gender_swap.keys()) + list(other_gender_swap.keys()) + list(en_pronoun2gender.keys()) + list(en_pronoun2pronoun.keys()) + list(person2religion.keys()))) + for lang in langs: + if lang in ('sw',): + ret['LAST_NAME'] = list(set(ret.get('LAST_NAME', []) + [word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in OntologyBuilder.bantu_surnames])) + + ret = lang2extra.get(lang, {}) + personHash = lang2person.get(lang, {}) + for key, val in personHash.items(): + #assume lang2exra are just lable => lists + if key in ret: + ret[key] = ret[key] + val + else: + ret[key] = val + ret['FIRST_NAME_MALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('FIRST_NAME_MALE', [])])) + ret['LAST_NAME_MALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('LAST_NAME_MALE', [])])) + ret['FIRST_NAME_FEMALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('FIRST_NAME_FEMALE', [])])) + ret['LAST_NAME_FEMALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('LAST_NAME_FEMALE', [])])) + ret['FIRST_NAME'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('FIRST_NAME', [])])) + ret['LAST_NAME'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('LAST_NAME', [])])) + ret['SUFIX_MALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('SUFIX_MALE', [])])) + ret['SUFIX_FEMALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in ret.get('SUFIX_FEMALE', [])])) + + ret['binary_gender_swap'] = binary_gender_swap.get(lang, {}) + ret['other_gender_swap'] = other_gender_swap.get(lang, {}) + ret['en_pronoun2gender'] = en_pronoun2gender.get(lang, {}) + ret['en_pronoun2pronoun'] = en_pronoun2pronoun.get(lang, {}) + ret['en_pronoun2title'] = en_pronoun2title.get(lang, {}) + en_pronoun2title = ret['en_pronoun2title'] + ret['PREFIX_MALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in en_pronoun2title.get('he',[])+ret.get('PREFIX_MALE', [])])) + ret['PREFIX_FEMALE'] = list(set([word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in en_pronoun2title.get('she',[])+ret.get('PREFIX_FEMALE', [])])) + ret['person2religion'] = person2religion.get(lang, {}) + if lang == 'en': + ret['ner_regexes'] = ret.get('ner_regexes',[]) + OntologyBuilder.default_ner_regexes + json.dump(ret, open(f"{data_dir}/{lang}.json", "w", encoding="utf8"), indent=1) + self.save_x_lingual_lexicon_prefix_file() + + def load_ontology(self, word2ner_file=None): + data_dir = self.data_dir + tmp_dir = self.tmp_dir + if not os.path.exists(word2ner_file): + word2ner_file = f"{tmp_dir}/{word2ner_file}" + return json.load(open(word2ner_file, "rb").decode()) + + def word2cat(self): + tmp_dir = self.tmp_dir + cat2word = json.load(open(f"{tmp_dir}/conceptnet_ontology_cat2word.json", "rb").decode()) + from collections import Counter + lst = list(cat2word.items()) + lst.sort(key=lambda a: a[1], reverse=True) + print (lst[:10]) + word2cat= {} + for cat, words in cat2word.items(): + for word in words: + word2cat[word] = cat + return word2cat + + def create_multilingual_map(self, en_examples, allow_list=None, cut_off_abs=4, ): + en = self.en + word2en = self.word2en + word2lang = self.word2lang + keys = list(en_examples.keys()) + allow_list = dict([(a, 1) for a in allow_list or []]) + ret_hash = {} + print (keys) + if not keys: return ret_hash + if type(en_examples[keys[0]]) is dict: + for item in keys: + mapHash = en_examples[item] + for key in mapHash.keys(): + words = [word.replace(" ", "_").replace("-", "_").lower().strip(".") for word in mapHash[key]] + for word in words: + if word not in en: + continue + words2 = [word2 for word2 in en[word] if len(word2en[word2]) <= cut_off_abs] + if not words2: + continue + words2.sort(key=lambda a: len(a)) + word2 = words2[0] + for lang in word2lang.get(word2,[]): + aHash = ret_hash.get(lang, {}) + if allow_list is not None and word2 not in allow_list: continue + aHash[item] = list(set(list(aHash.get(item, [])) + [word2])) + ret_hash[lang] = aHash + elif type(en_examples[keys[0]]) is list: + for item, words in en_examples.items(): + lang2words = {} + for key2 in words: + key2 = key2.replace(" ", "_").replace("-", "_").lower().strip(".") + lang2words_list = itertools.chain(*[[(lang, word2) for lang in word2lang.get(word2, ['en'] if word2 == key2 else [])] \ + for word2 in en.get(key2, []) + [key2] if word2 == key2 or (word2 in word2en and len(word2en[word2])) <= cut_off_abs]) + + for lang, word2 in lang2words_list: + lang2words[lang] = lang2words.get(lang, []) + [word2] + lang2words['en'] = words + for lang, words2 in lang2words.items(): + aHash = ret_hash.get(lang, {}) + for word in words2: + if allow_list and word not in allow_list: continue + aHash[item] = list(set(aHash.get(item, []) + [word])) + ret_hash[lang] = aHash + else: + for key in en_examples: + key2 = en_examples[key] + key = key.replace(" ", "_").replace("-", "_").lower().strip(".") + if key not in en: + continue + lang2words_list = itertools.chain(*[[(lang, word) for lang in word2lang.get(word, ['en'] if word == key else [])] \ + for word in en.get(key, []) + [key] if word == key or (word in word2en and len(word2en[word])) <= cut_off_abs]) + lang2words = {} + for lang, word in lang2words_list: + lang2words[lang] = lang2words.get(lang, []) + [word] + lang2words['en'] = [key] + key2 = key2.replace(" ", "_").replace("-", "_").lower().strip(".") + lang2words2_list = itertools.chain(*[[(lang, word2) for lang in word2lang.get(word2, ['en'] if word2 == key2 else [])] \ + for word2 in en.get(key2, []) + [key2] if word2 == key2 or (word2 in word2en and len(word2en[word2])) <= cut_off_abs]) + lang2words2 = {} + for lang, word2 in lang2words2_list: + lang2words2[lang] = lang2words2.get(lang, []) + [word2] + lang2words2['en'] = [key2] + for lang in lang2words.keys(): + for word in lang2words[lang]: + if allow_list and word not in allow_list: continue + if lang not in lang2words2: continue + word2 = random.choice(lang2words2[lang]) + if word2 == word: + word2 = random.choice(lang2words2[lang]) + if word2 == word: continue + if allow_list and word2 not in allow_list: continue + aHash = ret_hash.get(lang, {}) + aHash[word] = word2 + ret_hash[lang] = aHash + return ret_hash + + def create_multilingual_examples(self, en_examples, ner_label, word2ner, block_list=[], cut_off_abs=5, cut_off_per=0.5): + def has_any(words, aSet): + for w in words: + if w in aSet: return True + return False + block_list = set(block_list) + en = self.en + word2en = self.word2en + ret_list = [] + ret_hash = dict([(word.replace(" ", "_").replace("-", "_").lower().strip("."), 1) for word in en_examples]) + added = list(ret_hash.keys()) + for i in range(3): + added2 = [] + for word in added: + if word not in en: continue + found = [(w, word2en[w]) for w in en[word]] + found = [(w, [w2 for w2 in word2en[w] if w2 not in ret_hash], len([w2 for w2 in word2en[w] if w2 not in ret_hash])/len(word2en[w])) for w in en[word] if not has_any(word2en[w], block_list)] + found = [a for a in found if len(a[1]) < cut_off_abs and a[2] < cut_off_per] + unk = list(itertools.chain(*[a[1] for a in found])) + if found: + #print (word, found) + added2.extend(unk) + ret_list.extend([a[0] for a in found]) + if not added: + break + else: + #print (ner_label, Counter(added2)) + added = [a[0] for a in Counter(added2).items () if a[1] > 1] + #print (ner_label, added) + if not added: + break + for word in added: + ret_hash[word] = 1 + block_list = list(set(list(block_list) + (ret_list + list(ret_hash.keys())))) + ret = [(a, ner_label) for a in list(set(ret_list + list(ret_hash.keys())))] + return ret, word2ner + ret, block_list + + +if __name__ == "__main__": + data_dir = tmp_dir = None + if "-s" in sys.argv: + tmp_dir = sys.argv[sys.argv.index("-s")+1] + if "-c" in sys.argv: + builder = OntologyBuilder(tmp_dir=tmp_dir, data_dir=data_dir) + rel2 = builder.save_cross_lingual_ontology() + diff --git a/data_tooling/pii_processing/ontology/ontology_builder_data.py b/data_tooling/pii_processing/ontology/ontology_builder_data.py new file mode 100644 index 0000000..d6c38a2 --- /dev/null +++ b/data_tooling/pii_processing/ontology/ontology_builder_data.py @@ -0,0 +1,1362 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +class OntologyBuilderData: + + """ Predefined preliminary labels """ + + #from https://github.com/madisonmay/CommonRegex/blob/master/commonregex.py which is under the MIT License + # see also for ICD https://stackoverflow.com/questions/5590862/icd9-regex-pattern - but this could be totally wrong! + # we do regex in this order in order to not capture ner inside domain names and email addresses. + default_ner_regexes = [ + ("DOMAIN_NAME" , '(?i)((?:https?://|www\d{0,3}[.])?[a-z0-9.\-]+[.](?:(?:international)|(?:construction)|(?:contractors)|(?:enterprises)|(?:photography)|(?:immobilien)|(?:management)|(?:technology)|(?:directory)|(?:education)|(?:equipment)|(?:institute)|(?:marketing)|(?:solutions)|(?:builders)|(?:clothing)|(?:computer)|(?:democrat)|(?:diamonds)|(?:graphics)|(?:holdings)|(?:lighting)|(?:plumbing)|(?:training)|(?:ventures)|(?:academy)|(?:careers)|(?:company)|(?:domains)|(?:florist)|(?:gallery)|(?:guitars)|(?:holiday)|(?:kitchen)|(?:recipes)|(?:shiksha)|(?:singles)|(?:support)|(?:systems)|(?:agency)|(?:berlin)|(?:camera)|(?:center)|(?:coffee)|(?:estate)|(?:kaufen)|(?:luxury)|(?:monash)|(?:museum)|(?:photos)|(?:repair)|(?:social)|(?:tattoo)|(?:travel)|(?:viajes)|(?:voyage)|(?:build)|(?:cheap)|(?:codes)|(?:dance)|(?:email)|(?:glass)|(?:house)|(?:ninja)|(?:photo)|(?:shoes)|(?:solar)|(?:today)|(?:aero)|(?:arpa)|(?:asia)|(?:bike)|(?:buzz)|(?:camp)|(?:club)|(?:coop)|(?:farm)|(?:gift)|(?:guru)|(?:info)|(?:jobs)|(?:kiwi)|(?:land)|(?:limo)|(?:link)|(?:menu)|(?:mobi)|(?:moda)|(?:name)|(?:pics)|(?:pink)|(?:post)|(?:rich)|(?:ruhr)|(?:sexy)|(?:tips)|(?:wang)|(?:wien)|(?:zone)|(?:biz)|(?:cab)|(?:cat)|(?:ceo)|(?:com)|(?:edu)|(?:gov)|(?:int)|(?:mil)|(?:net)|(?:onl)|(?:org)|(?:pro)|(?:red)|(?:tel)|(?:uno)|(?:xxx)|(?:ac)|(?:ad)|(?:ae)|(?:af)|(?:ag)|(?:ai)|(?:al)|(?:am)|(?:an)|(?:ao)|(?:aq)|(?:ar)|(?:as)|(?:at)|(?:au)|(?:aw)|(?:ax)|(?:az)|(?:ba)|(?:bb)|(?:bd)|(?:be)|(?:bf)|(?:bg)|(?:bh)|(?:bi)|(?:bj)|(?:bm)|(?:bn)|(?:bo)|(?:br)|(?:bs)|(?:bt)|(?:bv)|(?:bw)|(?:by)|(?:bz)|(?:ca)|(?:cc)|(?:cd)|(?:cf)|(?:cg)|(?:ch)|(?:ci)|(?:ck)|(?:cl)|(?:cm)|(?:cn)|(?:co)|(?:cr)|(?:cu)|(?:cv)|(?:cw)|(?:cx)|(?:cy)|(?:cz)|(?:de)|(?:dj)|(?:dk)|(?:dm)|(?:do)|(?:dz)|(?:ec)|(?:ee)|(?:eg)|(?:er)|(?:es)|(?:et)|(?:eu)|(?:fi)|(?:fj)|(?:fk)|(?:fm)|(?:fo)|(?:fr)|(?:ga)|(?:gb)|(?:gd)|(?:ge)|(?:gf)|(?:gg)|(?:gh)|(?:gi)|(?:gl)|(?:gm)|(?:gn)|(?:gp)|(?:gq)|(?:gr)|(?:gs)|(?:gt)|(?:gu)|(?:gw)|(?:gy)|(?:hk)|(?:hm)|(?:hn)|(?:hr)|(?:ht)|(?:hu)|(?:id)|(?:ie)|(?:il)|(?:im)|(?:in)|(?:io)|(?:iq)|(?:ir)|(?:is)|(?:it)|(?:je)|(?:jm)|(?:jo)|(?:jp)|(?:ke)|(?:kg)|(?:kh)|(?:ki)|(?:km)|(?:kn)|(?:kp)|(?:kr)|(?:kw)|(?:ky)|(?:kz)|(?:la)|(?:lb)|(?:lc)|(?:li)|(?:lk)|(?:lr)|(?:ls)|(?:lt)|(?:lu)|(?:lv)|(?:ly)|(?:ma)|(?:mc)|(?:md)|(?:me)|(?:mg)|(?:mh)|(?:mk)|(?:ml)|(?:mm)|(?:mn)|(?:mo)|(?:mp)|(?:mq)|(?:mr)|(?:ms)|(?:mt)|(?:mu)|(?:mv)|(?:mw)|(?:mx)|(?:my)|(?:mz)|(?:na)|(?:nc)|(?:ne)|(?:nf)|(?:ng)|(?:ni)|(?:nl)|(?:no)|(?:np)|(?:nr)|(?:nu)|(?:nz)|(?:om)|(?:pa)|(?:pe)|(?:pf)|(?:pg)|(?:ph)|(?:pk)|(?:pl)|(?:pm)|(?:pn)|(?:pr)|(?:ps)|(?:pt)|(?:pw)|(?:py)|(?:qa)|(?:re)|(?:ro)|(?:rs)|(?:ru)|(?:rw)|(?:sa)|(?:sb)|(?:sc)|(?:sd)|(?:se)|(?:sg)|(?:sh)|(?:si)|(?:sj)|(?:sk)|(?:sl)|(?:sm)|(?:sn)|(?:so)|(?:sr)|(?:st)|(?:su)|(?:sv)|(?:sx)|(?:sy)|(?:sz)|(?:tc)|(?:td)|(?:tf)|(?:tg)|(?:th)|(?:tj)|(?:tk)|(?:tl)|(?:tm)|(?:tn)|(?:to)|(?:tp)|(?:tr)|(?:tt)|(?:tv)|(?:tw)|(?:tz)|(?:ua)|(?:ug)|(?:uk)|(?:us)|(?:uy)|(?:uz)|(?:va)|(?:vc)|(?:ve)|(?:vg)|(?:vi)|(?:vn)|(?:vu)|(?:wf)|(?:ws)|(?:ye)|(?:yt)|(?:za)|(?:zm)|(?:zw))(?:/[^\s()<>]+[^\s`!()\[\]{};:\'".,<>?\xab\xbb\u201c\u201d\u2018\u2019])?)', True, ()), + ("EMAIL_ADDRESS" , "([a-z0-9!#$%&'*+\/=?^_`{|.}~-]+@(?:[a-z0-9](?:[a-z0-9-]*[a-z0-9])?\.)+[a-z0-9](?:[a-z0-9-]*[a-z0-9])?)", False, ()), #should be first or second + ("USER_NAME" , "^[a-z0-9](@[a-z0-9!#$%&'*+\/=?^_`{|.}~-]+)", True, ()), + ("DATE" , '(?:(?;:'\"" + + yago_upper_ontology = { + 'ACCOMMODATION': 'FAC', + 'ADMINISTRATIVE_AREA': 'GPE', + 'AIRLINE': 'ORG', + 'AIRPORT': 'FAC', + 'AMUSEMENT_PARK': 'FAC', + 'ANATOMICAL_STRUCTURE': 'ANAT', + 'ANIMAL_SHELTER': 'FAC', + 'APARTMENT': 'FAC', + 'AQUARIUM': 'FAC', + 'ARCHIVE_ORGANIZATION': 'ORG', + 'ARTERY': 'ANAT', + 'ARTICLE': 'WORK_OF_ART', + 'ART_GALLERY': 'FAC', + 'ATLAS': 'WORK_OF_ART', + 'AUTOMOTIVE_BUSINESS': 'ORG', + 'AUTO_RENTAL': 'FAC', + 'BAKERY': 'FAC', + 'BANK_OR_CREDIT_UNION': 'ORG', + 'BAR_OR_PUB': 'FAC', + 'BEACH': 'LOCATION', + 'BEAUTY_SALON': 'FAC', + 'BED_AND_BREAKFAST': 'FAC', + 'BLOG': 'WORK_OF_ART', + 'BLOG_POSTING': 'WORK_OF_ART', + 'MEDICAL_PROCEDURE': 'MEDICAL_THERAPY', + 'BLOOD_TEST': 'MEDICAL_THERAPY', + 'BODY_OF_WATER': 'LOCATION', + 'BONE': 'ANAT', + 'BOOK': 'WORK_OF_ART', + 'BOOK_SERIES': 'WORK_OF_ART', + 'BOOK_STORE': 'FAC', + 'BOWLING_ALLEY': 'FAC', + 'BRAND': 'ORG', + 'BREWERY': 'FAC', + 'BRIDGE': 'FAC', + 'BROADCAST_CHANNEL': 'ORG', + 'BROADCAST_SERVICE': 'PRODUCT', + 'BUDDHIST_TEMPLE': 'FAC', + 'BUS_OR_COACH':'PRODUCT', + 'BUS_STATION': 'FAC', + 'BUS_STOP': 'FAC', + 'CAFE_OR_COFFEE_SHOP': 'FAC', + 'CAMPGROUND': 'FAC', + 'CANAL': 'LOCATION', + 'CAR': 'PRODUCT', + 'CASINO': 'FAC', + 'CATHOLIC_CHURCH': 'FAC', + 'CEMETERY': 'FAC', + 'CHAPTER': 'WORK_OF_ART', + 'CHILD_CARE':'PRODUCT', + 'CHURCH': 'FAC', + 'CITY': 'GPE', + 'CITY_HALL': 'FAC', + 'CIVIC_STRUCTURE': 'FAC', + 'COLLECTION': 'WORK_OF_ART', + 'COLLEGE_OR_UNIVERSITY': 'ORG', + 'COMEDY_CLUB': 'FAC', + 'COMIC_SERIES': 'WORK_OF_ART', + 'COMIC_STORY': 'WORK_OF_ART', + 'COMPUTER_LANGUAGE': 'LANGUAGE', + 'CONTINENT': 'LOCATION', + 'CORPORATION': 'ORG', + 'COUNTRY': 'GPE', + 'COURSE': 'EVENT', + 'COURTHOUSE': 'FAC', + 'CREATIVE_WORK': 'WORK_OF_ART', + 'CREATIVE_WORK_SEASON': 'WORK_OF_ART', + 'CREATIVE_WORK_SERIES': 'WORK_OF_ART', + 'CREMATORIUM': 'FAC', + 'DANCE_GROUP': 'ORG', + 'DATASET': 'WORK_OF_ART', + 'DATA_CATALOG': 'WORK_OF_ART', + 'DAY_SPA': 'FAC', + 'DEFENCE_ESTABLISHMENT': 'ORG', + 'DIAGNOSTIC_PROCEDURE': 'MEDICAL_THERAPY', + 'DISTILLERY': 'FAC', + 'DRAWING': 'WORK_OF_ART', + 'DRUG': 'PRODUCT', + 'DRUG_LEGAL_STATUS': 'LAW', + 'EDUCATIONAL_ORGANIZATION': 'ORG', + 'ELEMENTARY_SCHOOL': 'FAC', + 'EMBASSY': 'FAC', + 'EMERGENCY_SERVICE': 'PRODUCT', + 'EMPLOYMENT_AGENCY': 'ORG', + 'ENTERTAINMENT_BUSINESS': 'ORG', + 'EPISODE': 'WORK_OF_ART', + 'EVENT_SERIES': 'EVENT', + 'EVENT_VENUE': 'FAC', + 'FESTIVAL': 'EVENT', + 'FINANCIAL_PRODUCT': 'PRODUCT', + 'FINANCIAL_SERVICE': 'PRODUCT', + 'FIRE_STATION': 'FAC', + 'FOOD_ESTABLISHMENT': 'FAC', + 'GAME': 'PRODUCT', + 'GAS_STATION': 'FAC', + 'GENE': 'BIO_CHEM_ENTITY', + 'GOLF_COURSE': 'FAC', + 'GOVERNMENT_BUILDING': 'FAC', + 'GOVERNMENT_OFFICE': 'FAC', + 'GOVERNMENT_ORGANIZATION': 'ORG', + 'GROCERY_STORE': 'FAC', + 'HEALTH_AND_BEAUTY_BUSINESS': 'ORG', + 'HEALTH_CLUB': 'FAC', + 'HINDU_TEMPLE': 'FAC', + 'HOSPITAL': 'FAC', + 'HOSTEL': 'FAC', + 'HOTEL': 'FAC', + 'HOUSE': 'FAC', + 'ICE_CREAM_SHOP':'FAC', + 'INFECTIOUS_DISEASE': 'DISEASE', + 'JOINT': 'ANAT', + 'LAKE_BODY_OF_WATER': 'LOCATION', + 'LANDFORM': 'LOCATION', + 'LANDMARKS_OR_HISTORICAL_BUILDINGS': 'FAC', + 'LEGISLATION': 'LAW', + 'LIBRARY':'FAC', + 'LIGAMENT': 'ANAT', + 'LIQUOR_STORE':'FAC', + 'LOCAL_BUSINESS': 'ORG', + 'LODGING_BUSINESS': 'ORG', + 'MANUSCRIPT': 'WORK_OF_ART', + 'MAP': 'WORK_OF_ART', + 'MEDICAL_BUSINESS': 'ORG', + 'MEDICAL_CLINIC': 'FAC', + 'MEDICAL_DEVICE': 'PRODUCT', + 'MEDICAL_ENTITY': 'THING', + 'MEDICAL_GUIDELINE': 'WORK_OF_ART', + 'MEDICAL_ORGANIZATION': 'ORG', + 'MEDICAL_SIGN': 'MEDICAL_SYMPTOM', + 'MEDICAL_SIGN_OR_SYMPTOM': 'MEDICAL_SYMPTOM', + 'MEDICAL_SPECIALTY': 'JOB', + 'MEDICAL_TEST': 'MEDICAL_THERAPY', + 'MIDDLE_SCHOOL': 'FAC', + 'MOBILE_APPLICATION': 'WORK_OF_ART', + 'MOLECULAR_ENTITY': 'BIO_CHEM_ENTITY', + 'MOSQUE': 'FAC', + 'MOTEL': 'FAC', + 'MOTORCYCLE': 'PRODUCT', + 'MOUNTAIN': 'LOCATION', + 'MOVIE': 'WORK_OF_ART', + 'MOVIE_THEATER': 'FAC', + 'MUSCLE': 'ANAT', + 'MUSEUM':'FAC', + 'MUSIC_ALBUM': 'WORK_OF_ART', + 'MUSIC_COMPOSITION': 'WORK_OF_ART', + 'MUSIC_GROUP': 'ORG', + 'MUSIC_PLAYLIST': 'WORK_OF_ART', + 'MUSIC_VENUE': 'FAC', + 'NAIL_SALON': 'FAC', + 'NERVE': 'ANAT', + 'NEWSPAPER': 'ORG', + 'NEWS_ARTICLE': 'WORK_OF_ART', + 'NIGHT_CLUB': 'FAC', + 'N_G_O': 'ORG', + 'OCCUPATION': 'JOB', + 'OCEAN_BODY_OF_WATER': 'LOCATION', + 'OPTICIAN': 'JOB', + 'ORGANIZATION': 'ORG', + 'OUTLET_STORE': 'FAC', + 'PAINTING': 'WORK_OF_ART', + 'PARK': 'LOC', + 'PARKING_FACILITY': 'FAC', + 'PAWN_SHOP': 'FAC', + 'PERFORMING_ARTS_THEATER': 'FAC', + 'PERFORMING_GROUP': 'ORG', + 'PERIODICAL': 'WORK_OF_ART', + 'PERSON': 'PERSON', + 'PET_STORE': 'FAC', + 'PHARMACY': 'FAC', + 'PHOTOGRAPH': 'WORK_OF_ART', + 'PHYSICAL_EXAM': 'MEDICAL_THERAPY', + 'PLACE': 'LOCATION', + 'PLACE_OF_WORSHIP': 'FAC', + 'PLAY': 'WORK_OF_ART', + 'PLAYGROUND': 'FAC', + 'PODCAST_SERIES': 'WORK_OF_ART', + 'POLICE_STATION': 'FAC', + 'POND': 'LOCATION', + 'POSTER': 'WORK_OF_ART', + 'POST_OFFICE': 'FAC', + 'PRESCHOOL': 'FAC', + 'PROTEIN': 'BIO_CHEM_ENTITY', + 'PUBLICATION_ISSUE': 'WORK_OF_ART', + 'PUBLICATION_VOLUME': 'WORK_OF_ART', + 'PUBLIC_SWIMMING_POOL': 'FAC', + 'PUBLIC_TOILET': 'FAC', + 'RADIATION_THERAPY': 'MEDICAL_THERAPY', + 'RADIO_CHANNEL': 'ORG', + 'RADIO_SERIES': 'WORK_OF_ART', + 'RADIO_STATION': 'FAC', + 'RATING': 'QUANTITY', + 'RECYCLING_CENTER': 'FAC', + 'REPORT': 'WORK_OF_ART', + 'RESERVOIR': 'LOCATION', + 'RESORT': 'FAC', + 'RESTAURANT': 'FAC', + 'RIVER_BODY_OF_WATER': 'LOCATION', + 'SCHOLARLY_ARTICLE': 'WORK_OF_ART', + 'SCHOOL': 'FAC', + 'SCULPTURE': 'WORK_OF_ART', + 'SEA_BODY_OF_WATER': 'LOCATION', + 'SELF_STORAGE': 'PRODUCT', + 'SERVICE':'PRODUCT', + 'SHEET_MUSIC': 'WORK_OF_ART', + 'SHOE_STORE': 'FAC', + 'SHOPPING_CENTER': 'FAC', + 'SKI_RESORT': 'FAC', + 'SOCIAL_MEDIA_POSTING': 'WORK_OF_ART', + 'SOFTWARE_APPLICATION': 'WORK_OF_ART', + 'SPORTS_ACTIVITY_LOCATION': 'FAC', + 'SPORTS_EVENT': 'EVENT', + 'SPORTS_ORGANIZATION': 'ORG', + 'SPORTS_TEAM': 'ORG', + 'STADIUM_OR_ARENA': 'FAC', + 'STATE': 'GPE', + 'STORE': 'FAC', + 'SUBWAY_STATION': 'FAC', + 'SURGICAL_PROCEDURE': 'MEDICAL_THERAPY', + 'SYNAGOGUE': 'FAC', + 'TATTOO_PARLOR': 'FAC', + 'TAXON': 'ANIMAL', + 'TELEVISION_CHANNEL': 'ORG', + 'TELEVISION_STATION': 'FAC', + 'TENNIS_COMPLEX': 'FAC', + 'THEATER_GROUP': 'ORG', + 'THERAPEUTIC_PROCEDURE': 'MEDICAL_THERAPY', + 'THESIS': 'WORK_OF_ART', + 'TOURIST_ATTRACTION': 'FAC', + 'TOURIST_INFORMATION_CENTER': 'FAC', + 'TOY_STORE': 'FAC', + 'TRAIN_STATION': 'FAC', + 'TRAVEL_AGENCY': 'ORG', + 'T_V_EPISODE': 'WORK_OF_ART', + 'T_V_SEASON': 'WORK_OF_ART', + 'T_V_SERIES': 'WORK_OF_ART', + 'VEHICLE': 'PRODUCT', + 'VEIN': 'ANAT', + 'VIDEO_GAME': 'PRODUCT', + 'VIDEO_GAME_SERIES': 'EVENT', + 'VISUAL_ARTWORK': 'WORK_OF_ART', + 'VOLCANO': 'LOCATION', + 'WATERFALL': 'LOCATION', + 'WEB_PAGE': 'WORK_OF_ART', + 'WEB_SITE': 'DOMAIN_NAME', + 'WINERY': 'FAC', + 'WORKERS_UNION': 'UNION', + 'ZOO': 'FAC'} diff --git a/data_tooling/pii_processing/ontology/ontology_manager.py b/data_tooling/pii_processing/ontology/ontology_manager.py new file mode 100644 index 0000000..52195dd --- /dev/null +++ b/data_tooling/pii_processing/ontology/ontology_manager.py @@ -0,0 +1,552 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from random import sample +import glob, os, re +import multiprocessing + +import gzip +import os, argparse +import itertools +from collections import Counter, OrderedDict +import os +import json +import threading +import numpy as np +import os +import time +import json +import copy + +from time import time +import numpy as np +from collections import Counter +from itertools import chain +import glob +import json +import math, os +import random +import transformers +import sys, os +import json +import faker +import gzip +from faker.providers import person, job + +from collections import Counter +import re +import gzip +import urllib +import re +from transformers import AutoTokenizer +from nltk.corpus import stopwords + +sys.path.append(os.path.abspath(os.path.join(os.path.dirname(__file__), + os.path.pardir, os.path.pardir, os.path.pardir))) +from data_tooling.pii_processing.ontology.stopwords import stopwords as stopwords_ac_dc +mt5_underscore= "▁" +trannum = str.maketrans("0123456789", "1111111111") + +class OntologyManager: + """ + Basic ontology manager. Stores the upper ontology and lexicon that + maps to the leaves of the ontology. Has functions to determine + whether a word is in the ontology, and to tokenize a sentence with + words from the ontology. + """ + + default_strip_chars="-,~`.?!@#$%^&*(){}[]|\\/-_+=<>;'\"" + stopwords_wn = set(stopwords.words()) + x_lingual_onto_name = "yago_cn_wn" + default_data_dir = os.path.abspath(os.path.join(os.path.dirname(__file__), "data")) + + default_label2label = {'SOC_ECO_CLASS':'NORP', + 'RACE':'NORP', + 'POLITICAL_PARTY':'NORP', + 'UNION':'NORP', + 'RELIGION':'NORP', + 'RELIGION_MEMBER': 'NORP', + 'POLITICAL_PARTY_MEMBER': 'NORP', + 'UNION_MEMBER': 'NORP' + } + + default_upper_ontology = { + 'PERSON': ['PERSON'], + 'PUBLIC_FIGURE': ['PUBLIC_FIGURE', 'PERSON'], + 'ORG': ['ORG'], + 'NORP': ['NORP', 'ORG'], + 'AGE': ['AGE'], + 'DISEASE': ['DISEASE'], + 'STREET_ADDRESS': ['STREET_ADDRESS', 'LOC'], + 'GPE': ['GPE', 'LOC'], + 'CREDIT_CARD': ['CREDIT_CARD', 'CARDINAL'], + 'EMAIL_ADDRESS': ['EMAIL_ADDRESS', 'ELECTRONIC_ADDRESS'], + 'GOVT_ID': ['GOVT_ID', 'CARDINAL'], + } + def __init__(self, target_lang="", data_dir=None, tmp_dir=None, max_word_len=4, compound_word_step =3, strip_chars=None, \ + upper_ontology=None, x_lingual_lexicon_by_prefix_file="lexicon_by_prefix.json.gz", target_lang_data_file=None, x_lingual2ner_file=None, \ + connector = "_", label2label=None, min_word_len=5): + self.mt5_tokenizer = AutoTokenizer.from_pretrained("google/mt5-small") + self.target_lang_lexicon = {} + self.x_lingual_lexicon_by_prefix = {} + self.target_lang = target_lang + self.stopwords = set(stopwords_ac_dc.get(target_lang,[])+ list(self.stopwords_wn)) + self._max_lexicon = 0 + if data_dir is None: data_dir = self.default_data_dir + if tmp_dir is None: tmp_dir = "/tmp/pii_processing/" + os.system(f"mkdir -p {data_dir}") + os.system(f"mkdir -p {tmp_dir}") + self.tmp_dir = tmp_dir + self.data_dir = data_dir + if strip_chars is None: + strip_chars = self.default_strip_chars + self.strip_chars_set = set(strip_chars) + self.strip_chars = strip_chars + self.connector = connector + self.max_word_len = max_word_len + self.min_word_len = min_word_len + self.compound_word_step = compound_word_step + if label2label is None: + label2label = self.default_label2label + self.label2label=label2label + if upper_ontology is None: + upper_ontology = self.default_upper_ontology + self.ontology = OrderedDict() + self.load_upper_ontology(upper_ontology) + self.load_x_lingual_lexicon_from_prefix_file(x_lingual_lexicon_by_prefix_file) + if x_lingual2ner_file is not None: + self.load_x_lingual_lexicon_from_x_lingual2ner_file(x_lingual2ner_file) + if target_lang_data_file is None and target_lang: + target_lang_data_file = f"{data_dir}/{target_lang}.json" + if target_lang_data_file is not None: + self.load_target_lang_data(target_lang_data_file, target_lang=target_lang) + #used for cjk processing + + def load_upper_ontology(self, upper_ontology): + # TODO: load and save from json file + if upper_ontology is None: upper_ontology = {} + + self.upper_ontology = {} + + for key, val in upper_ontology.items(): + key = key.upper() + if key not in self.upper_ontology: + self.upper_ontology[key] = [val, len(self.upper_ontology)] + else: + self.upper_ontology[key] = [val, self.upper_ontology[key][1]] + + def load_x_lingual_lexicon_from_x_lingual2ner_file(self, x_lingual2ner_file): + data_dir = self.data_dir + tmp_dir = self.tmp_dir + if x_lingual2ner_file is None: return + if os.path.exists(x_lingual2ner_file): + word2ner = json.load(open(x_lingual2ner_file, "rb")) + self.add_to_ontology(word2ner, onto_name="yago_cn_wn") + elif os.path.exists(os.path.join(data_dir, x_lingual2ner_file)): + word2ner = json.load(open(os.path.join(data_dir, x_lingual2ner_file), "rb")) + self.add_to_ontology(word2ner, onto_name=self.x_lingual_onto_name) + else: + print ("warning: could not find x_lingual2ner_file") + + def load_x_lingual_lexicon_from_prefix_file(self, x_lingual_lexicon_by_prefix_file="lexicon_by_prefix.json.gz"): + data_dir = self.data_dir + tmp_dir = self.tmp_dir + if x_lingual_lexicon_by_prefix_file is not None: + if not os.path.exists(x_lingual_lexicon_by_prefix_file): + x_lingual_lexicon_by_prefix_file = f"{data_dir}/{x_lingual_lexicon_by_prefix_file}" + if not os.path.exists(x_lingual_lexicon_by_prefix_file): + self.x_lingual_lexicon_by_prefix = {} + self.ontology[self.x_lingual_onto_name] = self.x_lingual_lexicon_by_prefix + return + if x_lingual_lexicon_by_prefix_file.endswith(".gz"): + with gzip.open(x_lingual_lexicon_by_prefix_file, 'r') as fin: + json_bytes = fin.read() + json_str = json_bytes.decode('utf-8') + self.x_lingual_lexicon_by_prefix = json.loads(json_str) + else: + self.x_lingual_lexicon_by_prefix = json.load(open(x_lingual_lexicon_by_prefix_file, "rb")) + for lexicon in self.x_lingual_lexicon_by_prefix.values(): + for val in lexicon[-1].values(): + label = val[0][0] + if label in self.upper_ontology: + val[0] = self.upper_ontology[label][0] + self._max_lexicon = max(self._max_lexicon, val[1]) + else: + self.x_lingual_lexicon_by_prefix = {} + self.ontology[self.x_lingual_onto_name] = self.x_lingual_lexicon_by_prefix + + def save_x_lingual_lexicon_prefix_file(self, x_lingual_lexicon_by_prefix_file="lexicon_by_prefix.json.gz"): + """ saves the base cross lingual leixcon """ + data_dir = self.data_dir + tmp_dir = self.tmp_dir + #print (data_dir, x_lingual_lexicon_by_prefix_file) + x_lingual_lexicon_by_prefix_file = x_lingual_lexicon_by_prefix_file.replace(".gz", "") + if not x_lingual_lexicon_by_prefix_file.startswith(data_dir): + x_lingual_lexicon_by_prefix_file=f"{data_dir}/{x_lingual_lexicon_by_prefix_file}" + json.dump(self.x_lingual_lexicon_by_prefix,open(x_lingual_lexicon_by_prefix_file, "w", encoding="utf8"), indent=1) + os.system(f"gzip {x_lingual_lexicon_by_prefix_file}") + os.system(f"rm {x_lingual_lexicon_by_prefix_file}") + + def load_target_lang_data(self, target_lang_data_file=None, target_lang=None): + data_dir = self.data_dir + tmp_dir = self.tmp_dir + if target_lang_data_file is None: + if os.path.exists(os.path.join(data_dir, f'{target_lang}.json')): + target_lang_data_file= os.path.join(data_dir, f'{target_lang}.json') + if target_lang_data_file is None: return + if os.path.exists(target_lang_data_file): + self.target_lang_data = json.load(open(target_lang_data_file, "rb")) + else: + self.target_lang_data = {} + ner_regexes = [] + if 'ner_regexes' in self.target_lang_data: + # for now we are going to ignore the PERSON rules, becaues the rules don't work yet + # change this for Module 2 of the Hackathon. + ner_regexes = [regex for regex in self.target_lang_data['ner_regexes'] if regex[0] != "PERSON" and regex[0] in self.upper_ontology] + for regex in ner_regexes: + if regex[1]: + regex[1] = re.compile(regex[1], re.IGNORECASE) + else: + regex[1] = re.compile(regex[1]) + self.ner_regexes = ner_regexes + + #pronouns used for basic coref + self.other_pronouns = set(self.target_lang_data.get('OTHER_PRONOUNS',[])) + self.person_pronouns = set(self.target_lang_data.get('PERSON_PRONOUNS',[])) + self.pronouns = set(list(self.other_pronouns) + list(self.person_pronouns)) + + #these are used for aonymizing and de-biasing swapping. + #TODO: consider whether we want to create shorter/stemmed versions of these. + self.binary_gender_swap = self.target_lang_data.get('binary_gender_swap', {}) + self.other_gender_swap = self.target_lang_data.get('other_gender_swap', {}) + self.en_pronoun2gender = self.target_lang_data.get('en_pronoun2gender', {}) + self.en_pronoun2pronoun = self.target_lang_data.get('en_pronoun2pronoun', {}) + self.en_pronoun2title = self.target_lang_data.get('en_pronoun2title', {}) + self.person2religion = self.target_lang_data.get('person2religion', {}) + self.gender2en_pronoun = dict(itertools.chain(*[[(b,a) for b in lst] for a, lst in self.en_pronoun2gender.items()])) + self.pronoun2en_pronoun = dict(itertools.chain(*[[(b,a) for b in lst] for a, lst in self.en_pronoun2pronoun.items()])) + self.title2en_pronoun = dict(itertools.chain(*[[(b,a) for b in lst] for a, lst in self.en_pronoun2title.items()])) + self.religion2person = dict(itertools.chain(*[[(b,a) for b in lst] for a, lst in self.person2religion.items()])) + self.coref_window = self.target_lang_data.get('coref_window', [-1, -2, 1, 2]) #maybe this should be a parameter and not in the ontology + + #now specialize the ontology for target_lang and have no limit on the size of the words + target_lang_lexicon = {} + for label, words in self.target_lang_data if type(self.target_lang_data) is list else self.target_lang_data.items(): + if label in self.upper_ontology: + for word in words: + if word not in self.stopwords and (not self.cjk_detect(word) or len(word) > 1): + target_lang_lexicon[word] = label + #print (target_lang_lexicon) + self.add_to_ontology(target_lang_lexicon, max_word_len=100000, onto_name=os.path.split(target_lang_data_file)[-1].split(".")[0]) + self.target_lang_lexicon = {} # target_lang_lexicon # save away the target lang ontology as a lexicon + + def save_target_lang_data(self, target_lang_data_file): + if target_lang_data_file is None: return + data_dir = self.data_dir + tmp_dir = self.tmp_dir + json.dump(self.target_lang_data,open(f"{data_dir}/{target_lang_data_file}", "w", encoding="utf8"), indent=1) + #os.system(f"gzip {data_dir}/{target_lang_data_file}") + + def _has_nonstopword(self, wordArr): + for word in wordArr: + if word.strip(self.strip_chars) not in self.stopwords: + return True + return False + + def _get_all_word_shingles(self, wordArr, max_word_len=None, create_suffix_end=True): + """ create patterned variations (prefix and suffix based shingles) """ + lenWordArr = len(wordArr) + wordArr = [w.lower() for w in wordArr] + if max_word_len is None: max_word_len =self.max_word_len + compound_word_step = self.compound_word_step + wordArr1 = wordArr2 = wordArr3 = wordArr4 = None + ret = [] + if lenWordArr > compound_word_step: + # we add some randomness in how we create patterns + wordArr1 = wordArr[:compound_word_step-1] + [wordArr[-1]] + wordArr2 = [wordArr[0]] + wordArr[1-compound_word_step:] + wordArr1 = [w if len(w) <=max_word_len else w[:max_word_len] for w in wordArr1] + wordArr2 = [w if len(w) <=max_word_len else w[:max_word_len] for w in wordArr2] + ret.extend([tuple(wordArr1),tuple(wordArr2)]) + if create_suffix_end: + wordArr3 = copy.copy(wordArr1) + wordArr3[-1] = wordArr3[-1] if len(wordArr3[-1]) <=max_word_len else '*'+wordArr3[-1][len(wordArr3[-1])-max_word_len+1:] + wordArr4 = copy.copy(wordArr2) + wordArr4[-1] = wordArr4[-1] if len(wordArr4[-1]) <=max_word_len else '*'+wordArr4[-1][len(wordArr4[-1])-max_word_len+1:] + wordArr3 = [w if len(w) <=max_word_len else w[:max_word_len] for w in wordArr3] + wordArr4 = [w if len(w) <=max_word_len else w[:max_word_len] for w in wordArr4] + ret.extend([tuple(wordArr3),tuple(wordArr4)]) + else: # lenWordArr <= compound_word_step + wordArr1 = [w if len(w) <=max_word_len else w[:max_word_len] for w in wordArr] + ret.append(tuple(wordArr1)) + if lenWordArr > 1 and create_suffix_end: + wordArr2 = copy.copy(wordArr) + wordArr2[-1] = wordArr2[-1] if len(wordArr2[-1]) <=max_word_len else '*'+wordArr2[-1][len(wordArr2[-1])-max_word_len+1:] + wordArr2 = [w if len(w) <=max_word_len else w[:max_word_len] for w in wordArr2] + ret.append(tuple(wordArr2)) + return [list(a) for a in set(ret)] + + def add_to_ontology(self, word2ner, max_word_len=None, onto_name=None): + """ + Add words to the ontology. The ontology is stored in compressed + form, using an upper ontology and several subsuming prefix based lexicon + mappings. We try to generalize the lexicon by using subsequences of + the words and compound words. Each word is shortened to + max_word_len. Compound words are connected by a connector. + Compound words longer than compound_word_step are shortened to + that length for storage purposes. All words except upper ontology + labels are lower cased. + """ + if onto_name is None: + onto_name = self.x_lingual_onto_name + if onto_name == self.x_lingual_onto_name: + self.x_lingual_lexicon_by_prefix = ontology = self.ontology[onto_name] = self.ontology.get(onto_name, self.x_lingual_lexicon_by_prefix) + else: + ontology = self.ontology[onto_name] = self.ontology.get(onto_name, {}) + if max_word_len is None: max_word_len =self.max_word_len + compound_word_step = self.compound_word_step + connector = self.connector + if type(word2ner) is dict: + word2ner = list(word2ner.items()) + lexicon = {} + _max_lexicon = self._max_lexicon + for _idx, word_label in enumerate(word2ner): + _idx += _max_lexicon + word, label = word_label + #if word.startswith('geor'): print (word, label) + label = label.upper() + is_cjk = self.cjk_detect(word) + if is_cjk: + word = "_".join(self.mt5_tokenizer.tokenize(word)).replace(mt5_underscore,"_").replace("__", "_").replace("__", "_").strip("_") + word = word.strip().lower().translate(trannum).strip(self.strip_chars).replace(" ",connector) + wordArr = word.split(connector) + orig_lens = len(word) + len(wordArr) + #wordArr = [w2.strip(self.strip_chars) for w2 in wordArr if w2.strip(self.strip_chars)] + #print (word) + # some proper nouns start with stop words like determiners. let's strip those. + while wordArr: + if wordArr[0] in self.stopwords: + wordArr= wordArr[1:] + else: + break + if not wordArr: + continue + word = connector.join(wordArr) + #we don't have an actual count of the word in the corpus, so we create a weight based + #on the length, assuming shorter words with less compound parts are more frequent + weight = 1/(1.0+math.sqrt(orig_lens)) + lenWordArr = len(wordArr) + if lenWordArr == 0: + continue + # add some randomness and only do suffix ends in some cases. TODO: we can use a config var. + for wordArr in self._get_all_word_shingles(wordArr, max_word_len=max_word_len, create_suffix_end = _idx % 5 == 0): + if not wordArr: continue + word = connector.join(wordArr) + key = (word, lenWordArr//(compound_word_step+1)) + #print (word0, word, weight) + if type(label) in (list, tuple, set): + if type(label) != list: + label = list(label) + _label, _idx, _cnt = lexicon.get(key, [label, _idx, {}]) + if _cnt is None: _cnt = {} + _cnt[label[0]] = _cnt.get(label[0], 0.0) + weight + lexicon[key] = [_label, _idx, _cnt] + else: + _label, _idx, _cnt = lexicon.get(key, [[label], _idx, {}]) + if _cnt is None: _cnt = {} + _cnt[label] = _cnt.get(label, 0.0) + weight + lexicon[key] = [_label, _idx, _cnt] + prev_val= ontology.get(wordArr[0], [1, 100]) + ontology[wordArr[0]] = [max(lenWordArr, prev_val[0]), 2 if lenWordArr == 2 else min(max(lenWordArr-1,1), prev_val[1])] + for key in lexicon: + _cnt = lexicon[key][2] + if _cnt: + label = Counter(_cnt).most_common(1)[0][0] + lexicon[key][0] = lexicon.get(label, [[label]])[0] + lexicon[key] = lexicon[key][:-1] + for word, slot in lexicon: + prefix = word.split(connector,1)[0] + if prefix in ontology: + rec = ontology[prefix] + if len(rec) == 2: + rec.append({}) + rec.append({}) + rec.append({}) + rec.append({}) + lexicon2 = rec[2+min(3,slot)] + if connector in word: + word2 = '*'+connector+word.split(connector,1)[1] + else: + word2 = word + lexicon2[word2] = lexicon[(word, slot)] + self._max_lexicon += len(word2ner) + + def cjk_pre_tokenize(self, text, connector=None): + """ tokenize using mt5. meant for cjk languages""" + if connector is None: + connector = self.connector + if self.mt5_tokenizer is None: + self.mt5_tokenizer = AutoTokenizer.from_pretrained("google/mt5-small") + words = self.mt5_tokenizer.tokenize(text.replace("_", " ").strip()) + words2 = [] + for word in words: + if not words2: + words2.append(word) + continue + if not self.cjk_detect(word): + if not self.cjk_detect(words2[-1]): + if words2[-1] in self.strip_chars_set: + words2[-1] += " "+word + else: + words2[-1] += word + continue + words2.append(word) + text = " ".join(words2).replace(mt5_underscore," ").replace(" ", " ").replace(" ", " ").strip() + return text + + def in_ontology(self, word, connector=None, supress_cjk_tokenize=False, check_person_org_gpe_caps=True): + """ find whether a word is in the ontology. """ + orig_word = word + + max_word_len =self.max_word_len + min_word_len =self.min_word_len + compound_word_step = self.compound_word_step + if connector is None: + connector = self.connector + is_cjk = self.cjk_detect(word) + if not is_cjk and len(word) < min_word_len: + return word, None + if not supress_cjk_tokenize and is_cjk: + word = self.cjk_pre_tokenize(word, connector) + + word = word.strip().translate(trannum).strip(self.strip_chars+connector).replace(" ",connector) + wordArr = word.split(connector) + if word in self.target_lang_lexicon: + return orig_word, self.target_lang_lexicon[word] + if is_cjk: + word = word.replace(connector,"") + if word in self.target_lang_lexicon: + return orig_word, self.target_lang_lexicon[word] + #wordArr = [w2.strip(self.strip_chars) for w2 in wordArr if w2.strip(self.strip_chars)] + if not wordArr or not wordArr[0] or not wordArr[-1]: + return word, None + lenWordArr = len(wordArr) + all_shingles = self._get_all_word_shingles(wordArr, max_word_len=max_word_len, create_suffix_end=not is_cjk) + long_shingles= [] if is_cjk else self._get_all_word_shingles(wordArr, max_word_len=100000, create_suffix_end=False) + for ontology in reversed(list(self.ontology.values())): + #find patterned variations (shingles) + for shingleArr in long_shingles + all_shingles: # we can probably dedup to make it faster + if shingleArr and shingleArr[0] in ontology: + lexicon2 = ontology[shingleArr[0]][2+min(3,lenWordArr//(compound_word_step+1))] + if len(shingleArr) > 1: + shingle = '*'+connector+connector.join((shingleArr[1:])) + else: + shingle = shingleArr[0] + label, _ = lexicon2.get(shingle, (None, None)) + #let's return only labels that are in the upper_ontology + if label is not None and (label[0] in self.upper_ontology or self.label2label.get(label[0]) in self.upper_ontology): + if check_person_org_gpe_caps and ("PUBLIC_FIGURE" in label or "PERSON" in label or "ORG" in label or "GPE" in label): + #ideally we would keep patterns like AaA as part of the shingle to match. This is a hack. + if wordArr[0][0] != wordArr[0][0].upper() or wordArr[-1][0] != wordArr[-1][0].upper(): continue + label = label[0] + label = self.label2label.get(label, label) + return word, label + return orig_word, None + + def _get_ngram_start_end(self, start_word): + """ find the possible range of a compound word that starts with start_word """ + ngram_start = -1 + ngram_end = 100000 + for ontology in self.ontology.values(): + rec = ontology.get(start_word, [ngram_start, ngram_end]) + ngram_start, ngram_end = max(ngram_start,rec[0]), min(ngram_end,rec[1]) + return ngram_start, ngram_end + + + def tokenize(self, text, connector=None, supress_cjk_tokenize=False, return_dict=True, row_id=0, doc_id=0): + """ + Parse text for words in the ontology. For compound words, + transform into single word sequence, with a word potentially + having a connector seperator. Optionally, use the mt5 tokenizer + to separate the words into subtokens first, and then do multi-word + parsing. Used for mapping a word back to an item in an ontology. + Returns the tokenized text along with word to ner label mapping + for words in this text. + """ + max_word_len =self.max_word_len + compound_word_step = self.compound_word_step + labels = [] + if connector is None: + connector = self.connector + if not supress_cjk_tokenize and self.cjk_detect(text): + text = self.cjk_pre_tokenize(text, connector) + sent = text.strip().split() + len_sent = len(sent) + pos = 0 + for i in range(len_sent-1): + if sent[i] is None: continue + start_word = sent[i].lower() #.strip(self.strip_chars) + if start_word in self.stopwords: + pos += len(sent[i])+1 + continue + start_word = start_word.translate(trannum).split(connector)[0] + start_word = start_word if len(start_word) <= max_word_len else start_word[:max_word_len] + ngram_start, ngram_end = self._get_ngram_start_end(start_word) + #print (start_word, ngram_start, ngram_end) + if ngram_start > 0: + for j in range(ngram_start-1, ngram_end-2, -1): + if len_sent - i > j: + wordArr = sent[i:i+1+j] + new_word = " ".join(wordArr) + if not self._has_nonstopword(wordArr): break + # we don't match sequences that start and end with stopwords + if wordArr[-1].lower() in self.stopwords: continue + _, label = self.in_ontology(new_word, connector=connector, supress_cjk_tokenize=True) + if label is not None: + new_word = new_word.replace(" ", connector) + new_word = new_word.lstrip(",") + if new_word not in self.stopwords: + #print ('found', new_word) + sent[i] = new_word + labels.append(((new_word, pos, pos + len(new_word), row_id, doc_id), label)) + for k in range(i+1, i+j+1): + sent[k] = None + break + pos += len(sent[i])+1 + if return_dict: + return {'text': " ".join([s for s in sent if s]), 'chunk2ner': dict(labels)} + else: + return " ".join([s for s in sent if s]) + + def cjk_detect(self, texts): + # korean + if re.search("[\uac00-\ud7a3]", texts): + return "ko" + # japanese + if re.search("[\u3040-\u30ff]", texts): + return "ja" + # chinese + if re.search("[\u4e00-\u9FFF]", texts): + return "zh" + return None + +if __name__ == "__main__": + data_dir = tmp_dir = None + if "-s" in sys.argv: + tmp_dir = sys.argv[sys.argv.index("-s")+1] + if "-t" in sys.argv: + sentence = sys.argv[sys.argv.index("-t")+1] + manager = OntologyManager(data_dir=data_dir, tmp_dir=tmp_dir) + txt = manager.tokenize(sentence) + print(txt) diff --git a/data_tooling/pii_processing/ontology/stopwords.py b/data_tooling/pii_processing/ontology/stopwords.py new file mode 100644 index 0000000..21ce717 --- /dev/null +++ b/data_tooling/pii_processing/ontology/stopwords.py @@ -0,0 +1,14340 @@ +# From https://github.com/6/stopwords-json +# From https://github.com/stopwords-iso/stopwords-iso for Urdu and Vietnamese + +stopwords = { + "af": [ + "'n", + "aan", + "af", + "al", + "as", + "baie", + "by", + "daar", + "dag", + "dat", + "die", + "dit", + "een", + "ek", + "en", + "gaan", + "ges\u00ea", + "haar", + "het", + "hom", + "hulle", + "hy", + "in", + "is", + "jou", + "jy", + "kan", + "kom", + "ma", + "maar", + "met", + "my", + "na", + "nie", + "om", + "ons", + "op", + "saam", + "sal", + "se", + "sien", + "so", + "sy", + "te", + "toe", + "uit", + "van", + "vir", + "was", + "wat", + "\u0149", + ], + "ar": [ + "\u060c", + "\u0623", + "\u0627", + "\u0627\u062b\u0631", + "\u0627\u062c\u0644", + "\u0627\u062d\u062f", + "\u0627\u062e\u0631\u0649", + "\u0627\u0630\u0627", + "\u0627\u0631\u0628\u0639\u0629", + "\u0627\u0637\u0627\u0631", + "\u0627\u0639\u0627\u062f\u0629", + "\u0627\u0639\u0644\u0646\u062a", + "\u0627\u0641", + "\u0627\u0643\u062b\u0631", + "\u0627\u0643\u062f", + "\u0627\u0644\u0627", + "\u0627\u0644\u0627\u062e\u064a\u0631\u0629", + "\u0627\u0644\u0627\u0646", + "\u0627\u0644\u0627\u0648\u0644", + "\u0627\u0644\u0627\u0648\u0644\u0649", + "\u0627\u0644\u062a\u0649", + "\u0627\u0644\u062a\u064a", + "\u0627\u0644\u062b\u0627\u0646\u064a", + "\u0627\u0644\u062b\u0627\u0646\u064a\u0629", + "\u0627\u0644\u0630\u0627\u062a\u064a", + "\u0627\u0644\u0630\u0649", + "\u0627\u0644\u0630\u064a", + "\u0627\u0644\u0630\u064a\u0646", + "\u0627\u0644\u0633\u0627\u0628\u0642", + "\u0627\u0644\u0641", + "\u0627\u0644\u0645\u0627\u0636\u064a", + "\u0627\u0644\u0645\u0642\u0628\u0644", + "\u0627\u0644\u0648\u0642\u062a", + "\u0627\u0644\u0649", + "\u0627\u0644\u064a\u0648\u0645", + "\u0627\u0645\u0627", + "\u0627\u0645\u0627\u0645", + "\u0627\u0645\u0633", + "\u0627\u0646", + "\u0627\u0646\u0647", + "\u0627\u0646\u0647\u0627", + "\u0627\u0648", + "\u0627\u0648\u0644", + "\u0627\u064a", + "\u0627\u064a\u0627\u0631", + "\u0627\u064a\u0627\u0645", + "\u0627\u064a\u0636\u0627", + "\u0628", + "\u0628\u0627\u0633\u0645", + "\u0628\u0627\u0646", + "\u0628\u0631\u0633", + "\u0628\u0633\u0628\u0628", + "\u0628\u0634\u0643\u0644", + "\u0628\u0639\u062f", + "\u0628\u0639\u0636", + "\u0628\u0646", + "\u0628\u0647", + "\u0628\u0647\u0627", + "\u0628\u064a\u0646", + "\u062a\u0645", + "\u062b\u0644\u0627\u062b\u0629", + "\u062b\u0645", + "\u062c\u0645\u064a\u0639", + "\u062d\u0627\u0644\u064a\u0627", + "\u062d\u062a\u0649", + "\u062d\u0648\u0627\u0644\u0649", + "\u062d\u0648\u0644", + "\u062d\u064a\u062b", + "\u062d\u064a\u0646", + "\u062e\u0644\u0627\u0644", + "\u062f\u0648\u0646", + "\u0630\u0644\u0643", + "\u0632\u064a\u0627\u0631\u0629", + "\u0633\u0646\u0629", + "\u0633\u0646\u0648\u0627\u062a", + "\u0634\u062e\u0635\u0627", + "\u0635\u0628\u0627\u062d", + "\u0635\u0641\u0631", + "\u0636\u062f", + "\u0636\u0645\u0646", + "\u0639\u0627\u0645", + "\u0639\u0627\u0645\u0627", + "\u0639\u062f\u0629", + "\u0639\u062f\u062f", + "\u0639\u062f\u0645", + "\u0639\u0634\u0631", + "\u0639\u0634\u0631\u0629", + "\u0639\u0644\u0649", + "\u0639\u0644\u064a\u0647", + "\u0639\u0644\u064a\u0647\u0627", + "\u0639\u0646", + "\u0639\u0646\u062f", + "\u0639\u0646\u062f\u0645\u0627", + "\u063a\u062f\u0627", + "\u063a\u064a\u0631", + "\u0640", + "\u0641", + "\u0641\u0627\u0646", + "\u0641\u0649", + "\u0641\u064a", + "\u0641\u064a\u0647", + "\u0641\u064a\u0647\u0627", + "\u0642\u0627\u0644", + "\u0642\u0628\u0644", + "\u0642\u062f", + "\u0642\u0648\u0629", + "\u0643\u0627\u0646", + "\u0643\u0627\u0646\u062a", + "\u0643\u0644", + "\u0643\u0644\u0645", + "\u0643\u0645\u0627", + "\u0644\u0627", + "\u0644\u062f\u0649", + "\u0644\u0642\u0627\u0621", + "\u0644\u0643\u0646", + "\u0644\u0644\u0627\u0645\u0645", + "\u0644\u0645", + "\u0644\u0646", + "\u0644\u0647", + "\u0644\u0647\u0627", + "\u0644\u0648\u0643\u0627\u0644\u0629", + "\u0645\u0627", + "\u0645\u0627\u064a\u0648", + "\u0645\u0633\u0627\u0621", + "\u0645\u0639", + "\u0645\u0642\u0627\u0628\u0644", + "\u0645\u0644\u064a\u0627\u0631", + "\u0645\u0644\u064a\u0648\u0646", + "\u0645\u0646", + "\u0645\u0646\u0630", + "\u0645\u0646\u0647\u0627", + "\u0646\u062d\u0648", + "\u0646\u0641\u0633\u0647", + "\u0646\u0647\u0627\u064a\u0629", + "\u0647\u0630\u0627", + "\u0647\u0630\u0647", + "\u0647\u0646\u0627\u0643", + "\u0647\u0648", + "\u0647\u064a", + "\u0648", + "\u06486", + "\u0648\u0627\u062d\u062f", + "\u0648\u0627\u0636\u0627\u0641", + "\u0648\u0627\u0636\u0627\u0641\u062a", + "\u0648\u0627\u0643\u062f", + "\u0648\u0627\u0646", + "\u0648\u0627\u0648\u0636\u062d", + "\u0648\u0641\u064a", + "\u0648\u0642\u0627\u0644", + "\u0648\u0642\u0627\u0644\u062a", + "\u0648\u0642\u062f", + "\u0648\u0642\u0641", + "\u0648\u0643\u0627\u0646", + "\u0648\u0643\u0627\u0646\u062a", + "\u0648\u0644\u0627", + "\u0648\u0644\u0645", + "\u0648\u0645\u0646", + "\u0648\u0647\u0648", + "\u0648\u0647\u064a", + "\u064a\u0643\u0648\u0646", + "\u064a\u0645\u0643\u0646", + "\u064a\u0648\u0645", + ], + "bg": [ + "\u0430", + "\u0430\u0432\u0442\u0435\u043d\u0442\u0438\u0447\u0435\u043d", + "\u0430\u0437", + "\u0430\u043a\u043e", + "\u0430\u043b\u0430", + "\u0431\u0435", + "\u0431\u0435\u0437", + "\u0431\u0435\u0448\u0435", + "\u0431\u0438", + "\u0431\u0438\u0432\u0448", + "\u0431\u0438\u0432\u0448\u0430", + "\u0431\u0438\u0432\u0448\u043e", + "\u0431\u0438\u043b", + "\u0431\u0438\u043b\u0430", + "\u0431\u0438\u043b\u0438", + "\u0431\u0438\u043b\u043e", + "\u0431\u043b\u0430\u0433\u043e\u0434\u0430\u0440\u044f", + "\u0431\u043b\u0438\u0437\u043e", + "\u0431\u044a\u0434\u0430\u0442", + "\u0431\u044a\u0434\u0435", + "\u0431\u044f\u0445\u0430", + "\u0432", + "\u0432\u0430\u0441", + "\u0432\u0430\u0448", + "\u0432\u0430\u0448\u0430", + "\u0432\u0435\u0440\u043e\u044f\u0442\u043d\u043e", + "\u0432\u0435\u0447\u0435", + "\u0432\u0437\u0435\u043c\u0430", + "\u0432\u0438", + "\u0432\u0438\u0435", + "\u0432\u0438\u043d\u0430\u0433\u0438", + "\u0432\u043d\u0438\u043c\u0430\u0432\u0430", + "\u0432\u0440\u0435\u043c\u0435", + "\u0432\u0441\u0435", + "\u0432\u0441\u0435\u043a\u0438", + "\u0432\u0441\u0438\u0447\u043a\u0438", + "\u0432\u0441\u0438\u0447\u043a\u043e", + "\u0432\u0441\u044f\u043a\u0430", + "\u0432\u044a\u0432", + "\u0432\u044a\u043f\u0440\u0435\u043a\u0438", + "\u0432\u044a\u0440\u0445\u0443", + "\u0433", + "\u0433\u0438", + "\u0433\u043b\u0430\u0432\u0435\u043d", + "\u0433\u043b\u0430\u0432\u043d\u0430", + "\u0433\u043b\u0430\u0432\u043d\u043e", + "\u0433\u043b\u0430\u0441", + "\u0433\u043e", + "\u0433\u043e\u0434\u0438\u043d\u0430", + "\u0433\u043e\u0434\u0438\u043d\u0438", + "\u0433\u043e\u0434\u0438\u0448\u0435\u043d", + "\u0434", + "\u0434\u0430", + "\u0434\u0430\u043b\u0438", + "\u0434\u0432\u0430", + "\u0434\u0432\u0430\u043c\u0430", + "\u0434\u0432\u0430\u043c\u0430\u0442\u0430", + "\u0434\u0432\u0435", + "\u0434\u0432\u0435\u0442\u0435", + "\u0434\u0435\u043d", + "\u0434\u043d\u0435\u0441", + "\u0434\u043d\u0438", + "\u0434\u043e", + "\u0434\u043e\u0431\u0440\u0430", + "\u0434\u043e\u0431\u0440\u0435", + "\u0434\u043e\u0431\u0440\u043e", + "\u0434\u043e\u0431\u044a\u0440", + "\u0434\u043e\u043a\u0430\u0442\u043e", + "\u0434\u043e\u043a\u043e\u0433\u0430", + "\u0434\u043e\u0440\u0438", + "\u0434\u043e\u0441\u0435\u0433\u0430", + "\u0434\u043e\u0441\u0442\u0430", + "\u0434\u0440\u0443\u0433", + "\u0434\u0440\u0443\u0433\u0430", + "\u0434\u0440\u0443\u0433\u0438", + "\u0435", + "\u0435\u0432\u0442\u0438\u043d", + "\u0435\u0434\u0432\u0430", + "\u0435\u0434\u0438\u043d", + "\u0435\u0434\u043d\u0430", + "\u0435\u0434\u043d\u0430\u043a\u0432\u0430", + "\u0435\u0434\u043d\u0430\u043a\u0432\u0438", + "\u0435\u0434\u043d\u0430\u043a\u044a\u0432", + "\u0435\u0434\u043d\u043e", + "\u0435\u043a\u0438\u043f", + "\u0435\u0442\u043e", + "\u0436\u0438\u0432\u043e\u0442", + "\u0437\u0430", + "\u0437\u0430\u0431\u0430\u0432\u044f\u043c", + "\u0437\u0430\u0434", + "\u0437\u0430\u0435\u0434\u043d\u043e", + "\u0437\u0430\u0440\u0430\u0434\u0438", + "\u0437\u0430\u0441\u0435\u0433\u0430", + "\u0437\u0430\u0441\u043f\u0430\u043b", + "\u0437\u0430\u0442\u043e\u0432\u0430", + "\u0437\u0430\u0449\u043e", + "\u0437\u0430\u0449\u043e\u0442\u043e", + "\u0438", + "\u0438\u0437", + "\u0438\u043b\u0438", + "\u0438\u043c", + "\u0438\u043c\u0430", + "\u0438\u043c\u0430\u0442", + "\u0438\u0441\u043a\u0430", + "\u0439", + "\u043a\u0430\u0437\u0430", + "\u043a\u0430\u043a", + "\u043a\u0430\u043a\u0432\u0430", + "\u043a\u0430\u043a\u0432\u043e", + "\u043a\u0430\u043a\u0442\u043e", + "\u043a\u0430\u043a\u044a\u0432", + "\u043a\u0430\u0442\u043e", + "\u043a\u043e\u0433\u0430", + "\u043a\u043e\u0433\u0430\u0442\u043e", + "\u043a\u043e\u0435\u0442\u043e", + "\u043a\u043e\u0438\u0442\u043e", + "\u043a\u043e\u0439", + "\u043a\u043e\u0439\u0442\u043e", + "\u043a\u043e\u043b\u043a\u043e", + "\u043a\u043e\u044f\u0442\u043e", + "\u043a\u044a\u0434\u0435", + "\u043a\u044a\u0434\u0435\u0442\u043e", + "\u043a\u044a\u043c", + "\u043b\u0435\u0441\u0435\u043d", + "\u043b\u0435\u0441\u043d\u043e", + "\u043b\u0438", + "\u043b\u043e\u0448", + "\u043c", + "\u043c\u0430\u0439", + "\u043c\u0430\u043b\u043a\u043e", + "\u043c\u0435", + "\u043c\u0435\u0436\u0434\u0443", + "\u043c\u0435\u043a", + "\u043c\u0435\u043d", + "\u043c\u0435\u0441\u0435\u0446", + "\u043c\u0438", + "\u043c\u043d\u043e\u0433\u043e", + "\u043c\u043d\u043e\u0437\u0438\u043d\u0430", + "\u043c\u043e\u0433\u0430", + "\u043c\u043e\u0433\u0430\u0442", + "\u043c\u043e\u0436\u0435", + "\u043c\u043e\u043a\u044a\u0440", + "\u043c\u043e\u043b\u044f", + "\u043c\u043e\u043c\u0435\u043d\u0442\u0430", + "\u043c\u0443", + "\u043d", + "\u043d\u0430", + "\u043d\u0430\u0434", + "\u043d\u0430\u0437\u0430\u0434", + "\u043d\u0430\u0439", + "\u043d\u0430\u043f\u0440\u0430\u0432\u0438", + "\u043d\u0430\u043f\u0440\u0435\u0434", + "\u043d\u0430\u043f\u0440\u0438\u043c\u0435\u0440", + "\u043d\u0430\u0441", + "\u043d\u0435", + "\u043d\u0435\u0433\u043e", + "\u043d\u0435\u0449\u043e", + "\u043d\u0435\u044f", + "\u043d\u0438", + "\u043d\u0438\u0435", + "\u043d\u0438\u043a\u043e\u0439", + "\u043d\u0438\u0442\u043e", + "\u043d\u0438\u0449\u043e", + "\u043d\u043e", + "\u043d\u043e\u0432", + "\u043d\u043e\u0432\u0430", + "\u043d\u043e\u0432\u0438", + "\u043d\u043e\u0432\u0438\u043d\u0430", + "\u043d\u044f\u043a\u043e\u0438", + "\u043d\u044f\u043a\u043e\u0439", + "\u043d\u044f\u043a\u043e\u043b\u043a\u043e", + "\u043d\u044f\u043c\u0430", + "\u043e\u0431\u0430\u0447\u0435", + "\u043e\u043a\u043e\u043b\u043e", + "\u043e\u0441\u0432\u0435\u043d", + "\u043e\u0441\u043e\u0431\u0435\u043d\u043e", + "\u043e\u0442", + "\u043e\u0442\u0433\u043e\u0440\u0435", + "\u043e\u0442\u043d\u043e\u0432\u043e", + "\u043e\u0449\u0435", + "\u043f\u0430\u043a", + "\u043f\u043e", + "\u043f\u043e\u0432\u0435\u0447\u0435", + "\u043f\u043e\u0432\u0435\u0447\u0435\u0442\u043e", + "\u043f\u043e\u0434", + "\u043f\u043e\u043d\u0435", + "\u043f\u043e\u0440\u0430\u0434\u0438", + "\u043f\u043e\u0441\u043b\u0435", + "\u043f\u043e\u0447\u0442\u0438", + "\u043f\u0440\u0430\u0432\u0438", + "\u043f\u0440\u0435\u0434", + "\u043f\u0440\u0435\u0434\u0438", + "\u043f\u0440\u0435\u0437", + "\u043f\u0440\u0438", + "\u043f\u044a\u043a", + "\u043f\u044a\u0440\u0432\u0430\u0442\u0430", + "\u043f\u044a\u0440\u0432\u0438", + "\u043f\u044a\u0440\u0432\u043e", + "\u043f\u044a\u0442\u0438", + "\u0440\u0430\u0432\u0435\u043d", + "\u0440\u0430\u0432\u043d\u0430", + "\u0441", + "\u0441\u0430", + "\u0441\u0430\u043c", + "\u0441\u0430\u043c\u043e", + "\u0441\u0435", + "\u0441\u0435\u0433\u0430", + "\u0441\u0438", + "\u0441\u0438\u043d", + "\u0441\u043a\u043e\u0440\u043e", + "\u0441\u043b\u0435\u0434", + "\u0441\u043b\u0435\u0434\u0432\u0430\u0449", + "\u0441\u043c\u0435", + "\u0441\u043c\u044f\u0445", + "\u0441\u043f\u043e\u0440\u0435\u0434", + "\u0441\u0440\u0435\u0434", + "\u0441\u0440\u0435\u0449\u0443", + "\u0441\u0442\u0435", + "\u0441\u044a\u043c", + "\u0441\u044a\u0441", + "\u0441\u044a\u0449\u043e", + "\u0442", + "\u0442.\u043d.", + "\u0442\u0430\u0437\u0438", + "\u0442\u0430\u043a\u0430", + "\u0442\u0430\u043a\u0438\u0432\u0430", + "\u0442\u0430\u043a\u044a\u0432", + "\u0442\u0430\u043c", + "\u0442\u0432\u043e\u0439", + "\u0442\u0435", + "\u0442\u0435\u0437\u0438", + "\u0442\u0438", + "\u0442\u043e", + "\u0442\u043e\u0432\u0430", + "\u0442\u043e\u0433\u0430\u0432\u0430", + "\u0442\u043e\u0437\u0438", + "\u0442\u043e\u0439", + "\u0442\u043e\u043b\u043a\u043e\u0432\u0430", + "\u0442\u043e\u0447\u043d\u043e", + "\u0442\u0440\u0438", + "\u0442\u0440\u044f\u0431\u0432\u0430", + "\u0442\u0443\u043a", + "\u0442\u044a\u0439", + "\u0442\u044f", + "\u0442\u044f\u0445", + "\u0443", + "\u0443\u0442\u0440\u0435", + "\u0445\u0430\u0440\u0435\u0441\u0432\u0430", + "\u0445\u0438\u043b\u044f\u0434\u0438", + "\u0447", + "\u0447\u0430\u0441\u0430", + "\u0447\u0435", + "\u0447\u0435\u0441\u0442\u043e", + "\u0447\u0440\u0435\u0437", + "\u0449\u0435", + "\u0449\u043e\u043c", + "\u044e\u043c\u0440\u0443\u043a", + "\u044f", + "\u044f\u043a", + ], + "bn": [ + "\u0985\u09a8\u09c7\u0995", + "\u0985\u09a8\u09cd\u09af", + "\u0985\u09ac\u09b6\u09cd\u09af", + "\u0986\u0997\u09c7", + "\u0986\u099b\u09c7", + "\u0986\u099c", + "\u0986\u09ac\u09be\u09b0", + "\u0986\u09ae\u09b0\u09be", + "\u0986\u09ae\u09be\u09a6\u09c7\u09b0", + "\u0986\u09b0", + "\u0987", + "\u0989\u09a4\u09cd\u09a4\u09b0", + "\u0989\u09aa\u09b0", + "\u0989\u09aa\u09b0\u09c7", + "\u098f", + "\u098f\u0987", + "\u098f\u0995\u09cd", + "\u098f\u0996\u09a8", + "\u098f\u09a4", + "\u098f\u09ac", + "\u098f\u09ae\u09a8", + "\u098f\u09ae\u09a8\u09bf", + "\u098f\u09b0", + "\u098f\u09b8", + "\u098f\u09b8\u09c7", + "\u0993", + "\u0993\u0987", + "\u0995\u09ae\u09a8\u09c7", + "\u0995\u09b0\u09be", + "\u0995\u09b0\u09c7", + "\u0995\u09be\u099b\u09c7", + "\u0995\u09be\u099c", + "\u0995\u09be\u099c\u09c7", + "\u0995\u09be\u09b0\u09a3", + "\u0995\u09bf", + "\u0995\u09bf\u099b\u09c1", + "\u0995\u09c7", + "\u0995\u09c7\u0989", + "\u0995\u09c7\u0996\u09be", + "\u0995\u09c7\u09a8", + "\u0995\u09cb\u099f\u09bf", + "\u0995\u09cb\u09a8\u09cb", + "\u0995\u09df\u09c7\u0995", + "\u0996\u09c1\u09ac", + "\u0997\u09bf\u09df\u09c7", + "\u0997\u09c7\u09b2", + "\u099a\u09be\u09b0", + "\u099a\u09be\u09b2\u09c1", + "\u099a\u09c7\u09b7\u09cd\u099f\u09be", + "\u099b\u09bf\u09b2", + "\u099c\u09be\u09a8\u09be", + "\u099c\u09cd\u09a8\u099c\u09a8", + "\u099f\u09bf", + "\u09a4\u0996\u09a8", + "\u09a4\u09ac\u09c7", + "\u09a4\u09be", + "\u09a4\u09be\u0987", + "\u09a4\u09cb", + "\u09a5\u09be\u0995\u09be", + "\u09a5\u09c7\u0995\u09c7", + "\u09a6\u09bf\u09a8", + "\u09a6\u09c1", + "\u09a6\u09c1\u0987", + "\u09a6\u09c7\u0993\u09df\u09be", + "\u09a7\u09be\u09ae\u09be\u09b0", + "\u09a8\u09a4\u09c1\u09a8", + "\u09a8\u09be", + "\u09a8\u09be\u0997\u09be\u09a6", + "\u09a8\u09bf\u09df\u09c7", + "\u09a8\u09c7\u0993\u09df\u09be", + "\u09a8\u09df", + "\u09aa\u09b0", + "\u09aa\u09b0\u09c7", + "\u09aa\u09be\u099a", + "\u09aa\u09bf", + "\u09aa\u09c7\u09df\u09cd\u09b0\u09cd", + "\u09aa\u09cd\u09b0\u09a4\u09bf", + "\u09aa\u09cd\u09b0\u09a5\u09ae", + "\u09aa\u09cd\u09b0\u09af\u09a8\u09cd\u09a4", + "\u09aa\u09cd\u09b0\u09be\u09a5\u09ae\u09bf\u0995", + "\u09aa\u09cd\u09b0\u09be\u09df", + "\u09ac\u0995\u09cd\u09a4\u09ac\u09cd\u09af", + "\u09ac\u09a8", + "\u09ac\u09b2\u09be", + "\u09ac\u09b2\u09c7", + "\u09ac\u09b2\u09c7\u09a8", + "\u09ac\u09b9\u09c1", + "\u09ac\u09be", + "\u09ac\u09bf", + "\u09ac\u09bf\u09ad\u09bf\u09a8\u09cd\u09a8", + "\u09ac\u09c7\u09b6", + "\u09ac\u09c7\u09b6\u09bf", + "\u09ae\u09a4\u09cb", + "\u09ae\u09a7\u09cd\u09af\u09c7", + "\u09ae\u09a8\u09c7", + "\u09af\u0996\u09a8", + "\u09af\u09a6\u09bf", + "\u09af\u09be", + "\u09af\u09be\u0993\u09df\u09be", + "\u09af\u09c7", + "\u09b0", + "\u09b0\u0995\u09ae", + "\u09b2\u0995\u09cd\u09b7", + "\u09b6\u09c1\u09a7\u09c1", + "\u09b6\u09c1\u09b0\u09c1", + "\u09b8\u0999\u09cd\u0997\u09c7", + "\u09b8\u09ac", + "\u09b8\u09b9", + "\u09b8\u09be\u09a7\u09be\u09b0\u09a3", + "\u09b8\u09be\u09ae\u09a8\u09c7", + "\u09b8\u09bf", + "\u09b8\u09c7", + "\u09b8\u09c7\u0987", + "\u09b9\u09a4\u09c7", + "\u09b9\u09be\u099c\u09be\u09b0", + "\u09b9\u09df", + ], + "br": [ + "a", + "ainda", + "alem", + "ambas", + "ambos", + "antes", + "ao", + "aonde", + "aos", + "apos", + "aquele", + "aqueles", + "as", + "assim", + "com", + "como", + "contra", + "contudo", + "cuja", + "cujas", + "cujo", + "cujos", + "da", + "das", + "de", + "dela", + "dele", + "deles", + "demais", + "depois", + "desde", + "desta", + "deste", + "dispoe", + "dispoem", + "diversa", + "diversas", + "diversos", + "do", + "dos", + "durante", + "e", + "ela", + "elas", + "ele", + "eles", + "em", + "entao", + "entre", + "essa", + "essas", + "esse", + "esses", + "esta", + "estas", + "este", + "estes", + "ha", + "isso", + "isto", + "logo", + "mais", + "mas", + "mediante", + "menos", + "mesma", + "mesmas", + "mesmo", + "mesmos", + "na", + "nao", + "nas", + "nem", + "nesse", + "neste", + "nos", + "o", + "os", + "ou", + "outra", + "outras", + "outro", + "outros", + "pelas", + "pelo", + "pelos", + "perante", + "pois", + "por", + "porque", + "portanto", + "propios", + "proprio", + "quais", + "qual", + "qualquer", + "quando", + "quanto", + "que", + "quem", + "quer", + "se", + "seja", + "sem", + "sendo", + "seu", + "seus", + "sob", + "sobre", + "sua", + "suas", + "tal", + "tambem", + "teu", + "teus", + "toda", + "todas", + "todo", + "todos", + "tua", + "tuas", + "tudo", + "um", + "uma", + "umas", + "uns", + ], + "ca": [ + "a", + "abans", + "ac\u00ed", + "ah", + "aix\u00ed", + "aix\u00f2", + "al", + "aleshores", + "algun", + "alguna", + "algunes", + "alguns", + "alhora", + "all\u00e0", + "all\u00ed", + "all\u00f2", + "als", + "altra", + "altre", + "altres", + "amb", + "ambdues", + "ambd\u00f3s", + "apa", + "aquell", + "aquella", + "aquelles", + "aquells", + "aquest", + "aquesta", + "aquestes", + "aquests", + "aqu\u00ed", + "baix", + "cada", + "cadascuna", + "cadascunes", + "cadascuns", + "cadasc\u00fa", + "com", + "contra", + "d'un", + "d'una", + "d'unes", + "d'uns", + "dalt", + "de", + "del", + "dels", + "des", + "despr\u00e9s", + "dins", + "dintre", + "donat", + "doncs", + "durant", + "e", + "eh", + "el", + "els", + "em", + "en", + "encara", + "ens", + "entre", + "eren", + "es", + "esta", + "estaven", + "esteu", + "est\u00e0", + "est\u00e0vem", + "est\u00e0veu", + "et", + "etc", + "ets", + "fins", + "fora", + "gaireb\u00e9", + "ha", + "han", + "has", + "havia", + "he", + "hem", + "heu", + "hi", + "ho", + "i", + "igual", + "iguals", + "ja", + "l'hi", + "la", + "les", + "li", + "li'n", + "llavors", + "m'he", + "ma", + "mal", + "malgrat", + "mateix", + "mateixa", + "mateixes", + "mateixos", + "me", + "mentre", + "meu", + "meus", + "meva", + "meves", + "molt", + "molta", + "moltes", + "molts", + "mon", + "mons", + "m\u00e9s", + "n'he", + "n'hi", + "ne", + "ni", + "no", + "nogensmenys", + "nom\u00e9s", + "nosaltres", + "nostra", + "nostre", + "nostres", + "o", + "oh", + "oi", + "on", + "pas", + "pel", + "pels", + "per", + "perqu\u00e8", + "per\u00f2", + "poc", + "poca", + "pocs", + "poques", + "potser", + "propi", + "qual", + "quals", + "quan", + "quant", + "que", + "quelcom", + "qui", + "quin", + "quina", + "quines", + "quins", + "qu\u00e8", + "s'ha", + "s'han", + "sa", + "semblant", + "semblants", + "ses", + "seu", + "seus", + "seva", + "seves", + "si", + "sobre", + "sobretot", + "solament", + "sols", + "son", + "sons", + "sota", + "sou", + "s\u00f3c", + "s\u00f3n", + "t'ha", + "t'han", + "t'he", + "ta", + "tal", + "tamb\u00e9", + "tampoc", + "tan", + "tant", + "tanta", + "tantes", + "teu", + "teus", + "teva", + "teves", + "ton", + "tons", + "tot", + "tota", + "totes", + "tots", + "un", + "una", + "unes", + "uns", + "us", + "va", + "vaig", + "vam", + "van", + "vas", + "veu", + "vosaltres", + "vostra", + "vostre", + "vostres", + "\u00e9rem", + "\u00e9reu", + "\u00e9s", + ], + "cs": [ + "a", + "aby", + "ahoj", + "aj", + "ale", + "anebo", + "ani", + "ano", + "asi", + "aspo\u0148", + "atd", + "atp", + "a\u010dkoli", + "a\u017e", + "bez", + "beze", + "bl\u00edzko", + "bohu\u017eel", + "brzo", + "bude", + "budem", + "budeme", + "budete", + "bude\u0161", + "budou", + "budu", + "by", + "byl", + "byla", + "byli", + "bylo", + "byly", + "bys", + "b\u00fdt", + "b\u011bhem", + "chce", + "chceme", + "chcete", + "chce\u0161", + "chci", + "cht\u00edt", + "cht\u011bj\u00ed", + "chut'", + "chuti", + "co", + "co\u017e", + "cz", + "daleko", + "dal\u0161\u00ed", + "den", + "deset", + "devaten\u00e1ct", + "dev\u011bt", + "dnes", + "do", + "dobr\u00fd", + "docela", + "dva", + "dvacet", + "dvan\u00e1ct", + "dv\u011b", + "d\u00e1l", + "d\u00e1le", + "d\u011bkovat", + "d\u011bkujeme", + "d\u011bkuji", + "ho", + "hodn\u011b", + "i", + "jak", + "jakmile", + "jako", + "jako\u017e", + "jde", + "je", + "jeden", + "jeden\u00e1ct", + "jedna", + "jedno", + "jednou", + "jedou", + "jeho", + "jeho\u017e", + "jej", + "jejich", + "jej\u00ed", + "jeliko\u017e", + "jemu", + "jen", + "jenom", + "jestli", + "jestli\u017ee", + "je\u0161t\u011b", + "je\u017e", + "ji", + "jich", + "jimi", + "jinak", + "jin\u00e9", + "ji\u017e", + "jsem", + "jse\u0161", + "jsi", + "jsme", + "jsou", + "jste", + "j\u00e1", + "j\u00ed", + "j\u00edm", + "j\u00ed\u017e", + "k", + "kam", + "kde", + "kdo", + "kdy", + "kdy\u017e", + "ke", + "kolik", + "krom\u011b", + "kterou", + "kter\u00e1", + "kter\u00e9", + "kter\u00fd", + "kte\u0159\u00ed", + "kv\u016fli", + "maj\u00ed", + "mezi", + "mi", + "mne", + "mnou", + "mn\u011b", + "moc", + "mohl", + "mohou", + "moje", + "moji", + "mo\u017en\u00e1", + "mus\u00ed", + "my", + "m\u00e1", + "m\u00e1lo", + "m\u00e1m", + "m\u00e1me", + "m\u00e1te", + "m\u00e1\u0161", + "m\u00e9", + "m\u00ed", + "m\u00edt", + "m\u011b", + "m\u016fj", + "m\u016f\u017ee", + "na", + "nad", + "nade", + "napi\u0161te", + "naproti", + "na\u010de\u017e", + "na\u0161e", + "na\u0161i", + "ne", + "nebo", + "nebyl", + "nebyla", + "nebyli", + "nebyly", + "ned\u011blaj\u00ed", + "ned\u011bl\u00e1", + "ned\u011bl\u00e1m", + "ned\u011bl\u00e1me", + "ned\u011bl\u00e1te", + "ned\u011bl\u00e1\u0161", + "neg", + "nejsi", + "nejsou", + "nemaj\u00ed", + "nem\u00e1me", + "nem\u00e1te", + "nem\u011bl", + "nen\u00ed", + "nesta\u010d\u00ed", + "nevad\u00ed", + "ne\u017e", + "nic", + "nich", + "nimi", + "nov\u00e9", + "nov\u00fd", + "nula", + "n\u00e1m", + "n\u00e1mi", + "n\u00e1s", + "n\u00e1\u0161", + "n\u00edm", + "n\u011b", + "n\u011bco", + "n\u011bjak", + "n\u011bkde", + "n\u011bkdo", + "n\u011bmu", + "n\u011bmu\u017e", + "o", + "od", + "ode", + "on", + "ona", + "oni", + "ono", + "ony", + "osm", + "osmn\u00e1ct", + "pak", + "patn\u00e1ct", + "po", + "pod", + "podle", + "pokud", + "potom", + "pouze", + "pozd\u011b", + "po\u0159\u00e1d", + "prav\u00e9", + "pro", + "prost\u011b", + "pros\u00edm", + "proti", + "proto", + "proto\u017ee", + "pro\u010d", + "prvn\u00ed", + "pta", + "p\u011bt", + "p\u0159ed", + "p\u0159es", + "p\u0159ese", + "p\u0159i", + "p\u0159i\u010dem\u017e", + "re", + "rovn\u011b", + "s", + "se", + "sedm", + "sedmn\u00e1ct", + "si", + "skoro", + "sm\u00ed", + "sm\u011bj\u00ed", + "snad", + "spolu", + "sta", + "sto", + "strana", + "st\u00e9", + "sv\u00e9", + "sv\u00fdch", + "sv\u00fdm", + "sv\u00fdmi", + "ta", + "tady", + "tak", + "takhle", + "taky", + "tak\u00e9", + "tak\u017ee", + "tam", + "tamhle", + "tamhleto", + "tamto", + "tato", + "tebe", + "tebou", + "ted'", + "tedy", + "ten", + "tento", + "teto", + "ti", + "tipy", + "tis\u00edc", + "tis\u00edce", + "to", + "tob\u011b", + "tohle", + "toho", + "tohoto", + "tom", + "tomto", + "tomu", + "tomuto", + "toto", + "tro\u0161ku", + "tu", + "tuto", + "tvoje", + "tv\u00e1", + "tv\u00e9", + "tv\u016fj", + "ty", + "tyto", + "t\u00e9ma", + "t\u00edm", + "t\u00edmto", + "t\u011b", + "t\u011bm", + "t\u011bmu", + "t\u0159eba", + "t\u0159i", + "t\u0159in\u00e1ct", + "u", + "ur\u010dit\u011b", + "u\u017e", + "v", + "va\u0161e", + "va\u0161i", + "ve", + "vedle", + "ve\u010der", + "vlastn\u011b", + "vy", + "v\u00e1m", + "v\u00e1mi", + "v\u00e1s", + "v\u00e1\u0161", + "v\u00edce", + "v\u0161ak", + "v\u0161echno", + "v\u0161ichni", + "v\u016fbec", + "v\u017edy", + "z", + "za", + "zat\u00edmco", + "za\u010d", + "zda", + "zde", + "ze", + "zpr\u00e1vy", + "zp\u011bt", + "\u010dau", + "\u010di", + "\u010dl\u00e1nku", + "\u010dl\u00e1nky", + "\u010dtrn\u00e1ct", + "\u010dty\u0159i", + "\u0161est", + "\u0161estn\u00e1ct", + "\u017ee", + ], + "da": [ + "af", + "alle", + "andet", + "andre", + "at", + "begge", + "da", + "de", + "den", + "denne", + "der", + "deres", + "det", + "dette", + "dig", + "din", + "dog", + "du", + "ej", + "eller", + "en", + "end", + "ene", + "eneste", + "enhver", + "et", + "fem", + "fire", + "flere", + "fleste", + "for", + "fordi", + "forrige", + "fra", + "f\u00e5", + "f\u00f8r", + "god", + "han", + "hans", + "har", + "hendes", + "her", + "hun", + "hvad", + "hvem", + "hver", + "hvilken", + "hvis", + "hvor", + "hvordan", + "hvorfor", + "hvorn\u00e5r", + "i", + "ikke", + "ind", + "ingen", + "intet", + "jeg", + "jeres", + "kan", + "kom", + "kommer", + "lav", + "lidt", + "lille", + "man", + "mand", + "mange", + "med", + "meget", + "men", + "mens", + "mere", + "mig", + "ned", + "ni", + "nogen", + "noget", + "ny", + "nyt", + "n\u00e6r", + "n\u00e6ste", + "n\u00e6sten", + "og", + "op", + "otte", + "over", + "p\u00e5", + "se", + "seks", + "ses", + "som", + "stor", + "store", + "syv", + "ti", + "til", + "to", + "tre", + "ud", + "var", + ], + "de": [ + "Ernst", + "Ordnung", + "Schluss", + "a", + "ab", + "aber", + "ach", + "acht", + "achte", + "achten", + "achter", + "achtes", + "ag", + "alle", + "allein", + "allem", + "allen", + "aller", + "allerdings", + "alles", + "allgemeinen", + "als", + "also", + "am", + "an", + "andere", + "anderen", + "andern", + "anders", + "au", + "auch", + "auf", + "aus", + "ausser", + "ausserdem", + "au\u00dfer", + "au\u00dferdem", + "b", + "bald", + "bei", + "beide", + "beiden", + "beim", + "beispiel", + "bekannt", + "bereits", + "besonders", + "besser", + "besten", + "bin", + "bis", + "bisher", + "bist", + "c", + "d", + "d.h", + "da", + "dabei", + "dadurch", + "daf\u00fcr", + "dagegen", + "daher", + "dahin", + "dahinter", + "damals", + "damit", + "danach", + "daneben", + "dank", + "dann", + "daran", + "darauf", + "daraus", + "darf", + "darfst", + "darin", + "darum", + "darunter", + "dar\u00fcber", + "das", + "dasein", + "daselbst", + "dass", + "dasselbe", + "davon", + "davor", + "dazu", + "dazwischen", + "da\u00df", + "dein", + "deine", + "deinem", + "deiner", + "dem", + "dementsprechend", + "demgegen\u00fcber", + "demgem\u00e4ss", + "demgem\u00e4\u00df", + "demselben", + "demzufolge", + "den", + "denen", + "denn", + "denselben", + "der", + "deren", + "derjenige", + "derjenigen", + "dermassen", + "derma\u00dfen", + "derselbe", + "derselben", + "des", + "deshalb", + "desselben", + "dessen", + "deswegen", + "dich", + "die", + "diejenige", + "diejenigen", + "dies", + "diese", + "dieselbe", + "dieselben", + "diesem", + "diesen", + "dieser", + "dieses", + "dir", + "doch", + "dort", + "drei", + "drin", + "dritte", + "dritten", + "dritter", + "drittes", + "du", + "durch", + "durchaus", + "durfte", + "durften", + "d\u00fcrfen", + "d\u00fcrft", + "e", + "eben", + "ebenso", + "ehrlich", + "ei", + "ei,", + "eigen", + "eigene", + "eigenen", + "eigener", + "eigenes", + "ein", + "einander", + "eine", + "einem", + "einen", + "einer", + "eines", + "einige", + "einigen", + "einiger", + "einiges", + "einmal", + "eins", + "elf", + "en", + "ende", + "endlich", + "entweder", + "er", + "erst", + "erste", + "ersten", + "erster", + "erstes", + "es", + "etwa", + "etwas", + "euch", + "euer", + "eure", + "f", + "folgende", + "fr\u00fcher", + "f\u00fcnf", + "f\u00fcnfte", + "f\u00fcnften", + "f\u00fcnfter", + "f\u00fcnftes", + "f\u00fcr", + "g", + "gab", + "ganz", + "ganze", + "ganzen", + "ganzer", + "ganzes", + "gar", + "gedurft", + "gegen", + "gegen\u00fcber", + "gehabt", + "gehen", + "geht", + "gekannt", + "gekonnt", + "gemacht", + "gemocht", + "gemusst", + "genug", + "gerade", + "gern", + "gesagt", + "geschweige", + "gewesen", + "gewollt", + "geworden", + "gibt", + "ging", + "gleich", + "gott", + "gross", + "grosse", + "grossen", + "grosser", + "grosses", + "gro\u00df", + "gro\u00dfe", + "gro\u00dfen", + "gro\u00dfer", + "gro\u00dfes", + "gut", + "gute", + "guter", + "gutes", + "h", + "habe", + "haben", + "habt", + "hast", + "hat", + "hatte", + "hatten", + "hattest", + "hattet", + "heisst", + "her", + "heute", + "hier", + "hin", + "hinter", + "hoch", + "h\u00e4tte", + "h\u00e4tten", + "i", + "ich", + "ihm", + "ihn", + "ihnen", + "ihr", + "ihre", + "ihrem", + "ihren", + "ihrer", + "ihres", + "im", + "immer", + "in", + "indem", + "infolgedessen", + "ins", + "irgend", + "ist", + "j", + "ja", + "jahr", + "jahre", + "jahren", + "je", + "jede", + "jedem", + "jeden", + "jeder", + "jedermann", + "jedermanns", + "jedes", + "jedoch", + "jemand", + "jemandem", + "jemanden", + "jene", + "jenem", + "jenen", + "jener", + "jenes", + "jetzt", + "k", + "kam", + "kann", + "kannst", + "kaum", + "kein", + "keine", + "keinem", + "keinen", + "keiner", + "kleine", + "kleinen", + "kleiner", + "kleines", + "kommen", + "kommt", + "konnte", + "konnten", + "kurz", + "k\u00f6nnen", + "k\u00f6nnt", + "k\u00f6nnte", + "l", + "lang", + "lange", + "leicht", + "leide", + "lieber", + "los", + "m", + "machen", + "macht", + "machte", + "mag", + "magst", + "mahn", + "mal", + "man", + "manche", + "manchem", + "manchen", + "mancher", + "manches", + "mann", + "mehr", + "mein", + "meine", + "meinem", + "meinen", + "meiner", + "meines", + "mensch", + "menschen", + "mich", + "mir", + "mit", + "mittel", + "mochte", + "mochten", + "morgen", + "muss", + "musst", + "musste", + "mussten", + "mu\u00df", + "mu\u00dft", + "m\u00f6chte", + "m\u00f6gen", + "m\u00f6glich", + "m\u00f6gt", + "m\u00fcssen", + "m\u00fcsst", + "m\u00fc\u00dft", + "n", + "na", + "nach", + "nachdem", + "nahm", + "nat\u00fcrlich", + "neben", + "nein", + "neue", + "neuen", + "neun", + "neunte", + "neunten", + "neunter", + "neuntes", + "nicht", + "nichts", + "nie", + "niemand", + "niemandem", + "niemanden", + "noch", + "nun", + "nur", + "o", + "ob", + "oben", + "oder", + "offen", + "oft", + "ohne", + "p", + "q", + "r", + "recht", + "rechte", + "rechten", + "rechter", + "rechtes", + "richtig", + "rund", + "s", + "sa", + "sache", + "sagt", + "sagte", + "sah", + "satt", + "schlecht", + "schon", + "sechs", + "sechste", + "sechsten", + "sechster", + "sechstes", + "sehr", + "sei", + "seid", + "seien", + "sein", + "seine", + "seinem", + "seinen", + "seiner", + "seines", + "seit", + "seitdem", + "selbst", + "sich", + "sie", + "sieben", + "siebente", + "siebenten", + "siebenter", + "siebentes", + "sind", + "so", + "solang", + "solche", + "solchem", + "solchen", + "solcher", + "solches", + "soll", + "sollen", + "sollst", + "sollt", + "sollte", + "sollten", + "sondern", + "sonst", + "soweit", + "sowie", + "sp\u00e4ter", + "startseite", + "statt", + "steht", + "suche", + "t", + "tag", + "tage", + "tagen", + "tat", + "teil", + "tel", + "tritt", + "trotzdem", + "tun", + "u", + "uhr", + "um", + "und", + "und?", + "uns", + "unser", + "unsere", + "unserer", + "unter", + "v", + "vergangenen", + "viel", + "viele", + "vielem", + "vielen", + "vielleicht", + "vier", + "vierte", + "vierten", + "vierter", + "viertes", + "vom", + "von", + "vor", + "w", + "wahr?", + "wann", + "war", + "waren", + "wart", + "warum", + "was", + "wegen", + "weil", + "weit", + "weiter", + "weitere", + "weiteren", + "weiteres", + "welche", + "welchem", + "welchen", + "welcher", + "welches", + "wem", + "wen", + "wenig", + "wenige", + "weniger", + "weniges", + "wenigstens", + "wenn", + "wer", + "werde", + "werden", + "werdet", + "weshalb", + "wessen", + "wie", + "wieder", + "wieso", + "will", + "willst", + "wir", + "wird", + "wirklich", + "wirst", + "wissen", + "wo", + "wohl", + "wollen", + "wollt", + "wollte", + "wollten", + "worden", + "wurde", + "wurden", + "w\u00e4hrend", + "w\u00e4hrenddem", + "w\u00e4hrenddessen", + "w\u00e4re", + "w\u00fcrde", + "w\u00fcrden", + "x", + "y", + "z", + "z.b", + "zehn", + "zehnte", + "zehnten", + "zehnter", + "zehntes", + "zeit", + "zu", + "zuerst", + "zugleich", + "zum", + "zun\u00e4chst", + "zur", + "zur\u00fcck", + "zusammen", + "zwanzig", + "zwar", + "zwei", + "zweite", + "zweiten", + "zweiter", + "zweites", + "zwischen", + "zw\u00f6lf", + "\u00fcber", + "\u00fcberhaupt", + "\u00fcbrigens", + ], + "el": [ + "\u03b1\u03bb\u03bb\u03b1", + "\u03b1\u03bd", + "\u03b1\u03bd\u03c4\u03b9", + "\u03b1\u03c0\u03bf", + "\u03b1\u03c5\u03c4\u03b1", + "\u03b1\u03c5\u03c4\u03b5\u03c3", + "\u03b1\u03c5\u03c4\u03b7", + "\u03b1\u03c5\u03c4\u03bf", + "\u03b1\u03c5\u03c4\u03bf\u03b9", + "\u03b1\u03c5\u03c4\u03bf\u03c3", + "\u03b1\u03c5\u03c4\u03bf\u03c5\u03c3", + "\u03b1\u03c5\u03c4\u03c9\u03bd", + "\u03b3\u03b9\u03b1", + "\u03b4\u03b5", + "\u03b4\u03b5\u03bd", + "\u03b5\u03b1\u03bd", + "\u03b5\u03b9\u03bc\u03b1\u03b9", + "\u03b5\u03b9\u03bc\u03b1\u03c3\u03c4\u03b5", + "\u03b5\u03b9\u03bd\u03b1\u03b9", + "\u03b5\u03b9\u03c3\u03b1\u03b9", + "\u03b5\u03b9\u03c3\u03c4\u03b5", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b1", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b5\u03c3", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03b7", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03b9", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c3", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03bf\u03c5\u03c3", + "\u03b5\u03ba\u03b5\u03b9\u03bd\u03c9\u03bd", + "\u03b5\u03bd\u03c9", + "\u03b5\u03c0\u03b9", + "\u03b7", + "\u03b8\u03b1", + "\u03b9\u03c3\u03c9\u03c3", + "\u03ba", + "\u03ba\u03b1\u03b9", + "\u03ba\u03b1\u03c4\u03b1", + "\u03ba\u03b9", + "\u03bc\u03b1", + "\u03bc\u03b5", + "\u03bc\u03b5\u03c4\u03b1", + "\u03bc\u03b7", + "\u03bc\u03b7\u03bd", + "\u03bd\u03b1", + "\u03bf", + "\u03bf\u03b9", + "\u03bf\u03bc\u03c9\u03c3", + "\u03bf\u03c0\u03c9\u03c3", + "\u03bf\u03c3\u03bf", + "\u03bf\u03c4\u03b9", + "\u03c0\u03b1\u03c1\u03b1", + "\u03c0\u03bf\u03b9\u03b1", + "\u03c0\u03bf\u03b9\u03b5\u03c3", + "\u03c0\u03bf\u03b9\u03bf", + "\u03c0\u03bf\u03b9\u03bf\u03b9", + "\u03c0\u03bf\u03b9\u03bf\u03c3", + "\u03c0\u03bf\u03b9\u03bf\u03c5\u03c3", + "\u03c0\u03bf\u03b9\u03c9\u03bd", + "\u03c0\u03bf\u03c5", + "\u03c0\u03c1\u03bf\u03c3", + "\u03c0\u03c9\u03c3", + "\u03c3\u03b5", + "\u03c3\u03c4\u03b7", + "\u03c3\u03c4\u03b7\u03bd", + "\u03c3\u03c4\u03bf", + "\u03c3\u03c4\u03bf\u03bd", + "\u03c4\u03b1", + "\u03c4\u03b7\u03bd", + "\u03c4\u03b7\u03c3", + "\u03c4\u03bf", + "\u03c4\u03bf\u03bd", + "\u03c4\u03bf\u03c4\u03b5", + "\u03c4\u03bf\u03c5", + "\u03c4\u03c9\u03bd", + "\u03c9\u03c3", + ], + "en": [ + "a", + "a's", + "able", + "about", + "above", + "according", + "accordingly", + "across", + "actually", + "after", + "afterwards", + "again", + "against", + "ain't", + "all", + "allow", + "allows", + "almost", + "alone", + "along", + "already", + "also", + "although", + "always", + "am", + "among", + "amongst", + "an", + "and", + "another", + "any", + "anybody", + "anyhow", + "anyone", + "anything", + "anyway", + "anyways", + "anywhere", + "apart", + "appear", + "appreciate", + "appropriate", + "are", + "aren't", + "around", + "as", + "aside", + "ask", + "asking", + "associated", + "at", + "available", + "away", + "awfully", + "b", + "be", + "became", + "because", + "become", + "becomes", + "becoming", + "been", + "before", + "beforehand", + "behind", + "being", + "believe", + "below", + "beside", + "besides", + "best", + "better", + "between", + "beyond", + "both", + "brief", + "but", + "by", + "c", + "c'mon", + "c's", + "came", + "can", + "can't", + "cannot", + "cant", + "cause", + "causes", + "certain", + "certainly", + "changes", + "clearly", + "co", + "com", + "come", + "comes", + "concerning", + "consequently", + "consider", + "considering", + "contain", + "containing", + "contains", + "corresponding", + "could", + "couldn't", + "course", + "currently", + "d", + "definitely", + "described", + "despite", + "did", + "didn't", + "different", + "do", + "does", + "doesn't", + "doing", + "don't", + "done", + "down", + "downwards", + "during", + "e", + "each", + "edu", + "eg", + "eight", + "either", + "else", + "elsewhere", + "enough", + "entirely", + "especially", + "et", + "etc", + "even", + "ever", + "every", + "everybody", + "everyone", + "everything", + "everywhere", + "ex", + "exactly", + "example", + "except", + "f", + "far", + "few", + "fifth", + "first", + "five", + "followed", + "following", + "follows", + "for", + "former", + "formerly", + "forth", + "four", + "from", + "further", + "furthermore", + "g", + "get", + "gets", + "getting", + "given", + "gives", + "go", + "goes", + "going", + "gone", + "got", + "gotten", + "greetings", + "h", + "had", + "hadn't", + "happens", + "hardly", + "has", + "hasn't", + "have", + "haven't", + "having", + "he", + "he's", + "hello", + "help", + "hence", + "her", + "here", + "here's", + "hereafter", + "hereby", + "herein", + "hereupon", + "hers", + "herself", + "hi", + "him", + "himself", + "his", + "hither", + "hopefully", + "how", + "howbeit", + "however", + "i", + "i'd", + "i'll", + "i'm", + "i've", + "ie", + "if", + "ignored", + "immediate", + "in", + "inasmuch", + "inc", + "indeed", + "indicate", + "indicated", + "indicates", + "inner", + "insofar", + "instead", + "into", + "inward", + "is", + "isn't", + "it", + "it'd", + "it'll", + "it's", + "its", + "itself", + "j", + "just", + "k", + "keep", + "keeps", + "kept", + "know", + "known", + "knows", + "l", + "last", + "lately", + "later", + "latter", + "latterly", + "least", + "less", + "lest", + "let", + "let's", + "like", + "liked", + "likely", + "little", + "look", + "looking", + "looks", + "ltd", + "m", + "mainly", + "many", + "may", + "maybe", + "me", + "mean", + "meanwhile", + "merely", + "might", + "more", + "moreover", + "most", + "mostly", + "much", + "must", + "my", + "myself", + "n", + "name", + "namely", + "nd", + "near", + "nearly", + "necessary", + "need", + "needs", + "neither", + "never", + "nevertheless", + "new", + "next", + "nine", + "no", + "nobody", + "non", + "none", + "noone", + "nor", + "normally", + "not", + "nothing", + "novel", + "now", + "nowhere", + "o", + "obviously", + "of", + "off", + "often", + "oh", + "ok", + "okay", + "old", + "on", + "once", + "one", + "ones", + "only", + "onto", + "or", + "other", + "others", + "otherwise", + "ought", + "our", + "ours", + "ourselves", + "out", + "outside", + "over", + "overall", + "own", + "p", + "particular", + "particularly", + "per", + "perhaps", + "placed", + "please", + "plus", + "possible", + "presumably", + "probably", + "provides", + "q", + "que", + "quite", + "qv", + "r", + "rather", + "rd", + "re", + "really", + "reasonably", + "regarding", + "regardless", + "regards", + "relatively", + "respectively", + "right", + "s", + "said", + "same", + "saw", + "say", + "saying", + "says", + "second", + "secondly", + "see", + "seeing", + "seem", + "seemed", + "seeming", + "seems", + "seen", + "self", + "selves", + "sensible", + "sent", + "serious", + "seriously", + "seven", + "several", + "shall", + "she", + "should", + "shouldn't", + "since", + "six", + "so", + "some", + "somebody", + "somehow", + "someone", + "something", + "sometime", + "sometimes", + "somewhat", + "somewhere", + "soon", + "sorry", + "specified", + "specify", + "specifying", + "still", + "sub", + "such", + "sup", + "sure", + "t", + "t's", + "take", + "taken", + "tell", + "tends", + "th", + "than", + "thank", + "thanks", + "thanx", + "that", + "that's", + "thats", + "the", + "their", + "theirs", + "them", + "themselves", + "then", + "thence", + "there", + "there's", + "thereafter", + "thereby", + "therefore", + "therein", + "theres", + "thereupon", + "these", + "they", + "they'd", + "they'll", + "they're", + "they've", + "think", + "third", + "this", + "thorough", + "thoroughly", + "those", + "though", + "three", + "through", + "throughout", + "thru", + "thus", + "to", + "together", + "too", + "took", + "toward", + "towards", + "tried", + "tries", + "truly", + "try", + "trying", + "twice", + "two", + "u", + "un", + "under", + "unfortunately", + "unless", + "unlikely", + "until", + "unto", + "up", + "upon", + "us", + "use", + "used", + "useful", + "uses", + "using", + "usually", + "uucp", + "v", + "value", + "various", + "very", + "via", + "viz", + "vs", + "w", + "want", + "wants", + "was", + "wasn't", + "way", + "we", + "we'd", + "we'll", + "we're", + "we've", + "welcome", + "well", + "went", + "were", + "weren't", + "what", + "what's", + "whatever", + "when", + "whence", + "whenever", + "where", + "where's", + "whereafter", + "whereas", + "whereby", + "wherein", + "whereupon", + "wherever", + "whether", + "which", + "while", + "whither", + "who", + "who's", + "whoever", + "whole", + "whom", + "whose", + "why", + "will", + "willing", + "wish", + "with", + "within", + "without", + "won't", + "wonder", + "would", + "wouldn't", + "x", + "y", + "yes", + "yet", + "you", + "you'd", + "you'll", + "you're", + "you've", + "your", + "yours", + "yourself", + "yourselves", + "z", + "zero", + ], + "eo": [ + "adia\u016d", + "ajn", + "al", + "ankora\u016d", + "anta\u016d", + "a\u016d", + "bonan", + "bonvole", + "bonvolu", + "bv", + "ci", + "cia", + "cian", + "cin", + "d-ro", + "da", + "de", + "dek", + "deka", + "do", + "doktor'", + "doktoro", + "du", + "dua", + "dum", + "eble", + "ekz", + "ekzemple", + "en", + "estas", + "estis", + "estos", + "estu", + "estus", + "e\u0109", + "f-no", + "feli\u0109an", + "for", + "fra\u016dlino", + "ha", + "havas", + "havis", + "havos", + "havu", + "havus", + "he", + "ho", + "hu", + "ili", + "ilia", + "ilian", + "ilin", + "inter", + "io", + "ion", + "iu", + "iujn", + "iun", + "ja", + "jam", + "je", + "jes", + "k", + "kaj", + "ke", + "kio", + "kion", + "kiu", + "kiujn", + "kiun", + "kvankam", + "kvar", + "kvara", + "kvaza\u016d", + "kvin", + "kvina", + "la", + "li", + "lia", + "lian", + "lin", + "malanta\u016d", + "male", + "malgra\u016d", + "mem", + "mi", + "mia", + "mian", + "min", + "minus", + "na\u016d", + "na\u016da", + "ne", + "nek", + "nenio", + "nenion", + "neniu", + "neniun", + "nepre", + "ni", + "nia", + "nian", + "nin", + "nu", + "nun", + "nur", + "ok", + "oka", + "oni", + "onia", + "onian", + "onin", + "plej", + "pli", + "plu", + "plus", + "por", + "post", + "preter", + "s-no", + "s-ro", + "se", + "sed", + "sep", + "sepa", + "ses", + "sesa", + "si", + "sia", + "sian", + "sin", + "sinjor'", + "sinjorino", + "sinjoro", + "sub", + "super", + "supren", + "sur", + "tamen", + "tio", + "tion", + "tiu", + "tiujn", + "tiun", + "tra", + "tri", + "tria", + "tuj", + "tute", + "unu", + "unua", + "ve", + "ver\u015dajne", + "vi", + "via", + "vian", + "vin", + "\u0109i", + "\u0109io", + "\u0109ion", + "\u0109iu", + "\u0109iujn", + "\u0109iun", + "\u0109u", + "\u011di", + "\u011dia", + "\u011dian", + "\u011din", + "\u011dis", + "\u0135us", + "\u015di", + "\u015dia", + "\u015din", + ], + "es": [ + "a", + "actualmente", + "acuerdo", + "adelante", + "ademas", + "adem\u00e1s", + "adrede", + "afirm\u00f3", + "agreg\u00f3", + "ahi", + "ahora", + "ah\u00ed", + "al", + "algo", + "alguna", + "algunas", + "alguno", + "algunos", + "alg\u00fan", + "alli", + "all\u00ed", + "alrededor", + "ambos", + "ampleamos", + "antano", + "anta\u00f1o", + "ante", + "anterior", + "antes", + "apenas", + "aproximadamente", + "aquel", + "aquella", + "aquellas", + "aquello", + "aquellos", + "aqui", + "aqu\u00e9l", + "aqu\u00e9lla", + "aqu\u00e9llas", + "aqu\u00e9llos", + "aqu\u00ed", + "arriba", + "arribaabajo", + "asegur\u00f3", + "asi", + "as\u00ed", + "atras", + "aun", + "aunque", + "ayer", + "a\u00f1adi\u00f3", + "a\u00fan", + "b", + "bajo", + "bastante", + "bien", + "breve", + "buen", + "buena", + "buenas", + "bueno", + "buenos", + "c", + "cada", + "casi", + "cerca", + "cierta", + "ciertas", + "cierto", + "ciertos", + "cinco", + "claro", + "coment\u00f3", + "como", + "con", + "conmigo", + "conocer", + "conseguimos", + "conseguir", + "considera", + "consider\u00f3", + "consigo", + "consigue", + "consiguen", + "consigues", + "contigo", + "contra", + "cosas", + "creo", + "cual", + "cuales", + "cualquier", + "cuando", + "cuanta", + "cuantas", + "cuanto", + "cuantos", + "cuatro", + "cuenta", + "cu\u00e1l", + "cu\u00e1les", + "cu\u00e1ndo", + "cu\u00e1nta", + "cu\u00e1ntas", + "cu\u00e1nto", + "cu\u00e1ntos", + "c\u00f3mo", + "d", + "da", + "dado", + "dan", + "dar", + "de", + "debajo", + "debe", + "deben", + "debido", + "decir", + "dej\u00f3", + "del", + "delante", + "demasiado", + "dem\u00e1s", + "dentro", + "deprisa", + "desde", + "despacio", + "despues", + "despu\u00e9s", + "detras", + "detr\u00e1s", + "dia", + "dias", + "dice", + "dicen", + "dicho", + "dieron", + "diferente", + "diferentes", + "dijeron", + "dijo", + "dio", + "donde", + "dos", + "durante", + "d\u00eda", + "d\u00edas", + "d\u00f3nde", + "e", + "ejemplo", + "el", + "ella", + "ellas", + "ello", + "ellos", + "embargo", + "empleais", + "emplean", + "emplear", + "empleas", + "empleo", + "en", + "encima", + "encuentra", + "enfrente", + "enseguida", + "entonces", + "entre", + "era", + "eramos", + "eran", + "eras", + "eres", + "es", + "esa", + "esas", + "ese", + "eso", + "esos", + "esta", + "estaba", + "estaban", + "estado", + "estados", + "estais", + "estamos", + "estan", + "estar", + "estar\u00e1", + "estas", + "este", + "esto", + "estos", + "estoy", + "estuvo", + "est\u00e1", + "est\u00e1n", + "ex", + "excepto", + "existe", + "existen", + "explic\u00f3", + "expres\u00f3", + "f", + "fin", + "final", + "fue", + "fuera", + "fueron", + "fui", + "fuimos", + "g", + "general", + "gran", + "grandes", + "gueno", + "h", + "ha", + "haber", + "habia", + "habla", + "hablan", + "habr\u00e1", + "hab\u00eda", + "hab\u00edan", + "hace", + "haceis", + "hacemos", + "hacen", + "hacer", + "hacerlo", + "haces", + "hacia", + "haciendo", + "hago", + "han", + "hasta", + "hay", + "haya", + "he", + "hecho", + "hemos", + "hicieron", + "hizo", + "horas", + "hoy", + "hubo", + "i", + "igual", + "incluso", + "indic\u00f3", + "informo", + "inform\u00f3", + "intenta", + "intentais", + "intentamos", + "intentan", + "intentar", + "intentas", + "intento", + "ir", + "j", + "junto", + "k", + "l", + "la", + "lado", + "largo", + "las", + "le", + "lejos", + "les", + "lleg\u00f3", + "lleva", + "llevar", + "lo", + "los", + "luego", + "lugar", + "m", + "mal", + "manera", + "manifest\u00f3", + "mas", + "mayor", + "me", + "mediante", + "medio", + "mejor", + "mencion\u00f3", + "menos", + "menudo", + "mi", + "mia", + "mias", + "mientras", + "mio", + "mios", + "mis", + "misma", + "mismas", + "mismo", + "mismos", + "modo", + "momento", + "mucha", + "muchas", + "mucho", + "muchos", + "muy", + "m\u00e1s", + "m\u00ed", + "m\u00eda", + "m\u00edas", + "m\u00edo", + "m\u00edos", + "n", + "nada", + "nadie", + "ni", + "ninguna", + "ningunas", + "ninguno", + "ningunos", + "ning\u00fan", + "no", + "nos", + "nosotras", + "nosotros", + "nuestra", + "nuestras", + "nuestro", + "nuestros", + "nueva", + "nuevas", + "nuevo", + "nuevos", + "nunca", + "o", + "ocho", + "os", + "otra", + "otras", + "otro", + "otros", + "p", + "pais", + "para", + "parece", + "parte", + "partir", + "pasada", + "pasado", + "pa\u00ecs", + "peor", + "pero", + "pesar", + "poca", + "pocas", + "poco", + "pocos", + "podeis", + "podemos", + "poder", + "podria", + "podriais", + "podriamos", + "podrian", + "podrias", + "podr\u00e1", + "podr\u00e1n", + "podr\u00eda", + "podr\u00edan", + "poner", + "por", + "porque", + "posible", + "primer", + "primera", + "primero", + "primeros", + "principalmente", + "pronto", + "propia", + "propias", + "propio", + "propios", + "proximo", + "pr\u00f3ximo", + "pr\u00f3ximos", + "pudo", + "pueda", + "puede", + "pueden", + "puedo", + "pues", + "q", + "qeu", + "que", + "qued\u00f3", + "queremos", + "quien", + "quienes", + "quiere", + "quiza", + "quizas", + "quiz\u00e1", + "quiz\u00e1s", + "qui\u00e9n", + "qui\u00e9nes", + "qu\u00e9", + "r", + "raras", + "realizado", + "realizar", + "realiz\u00f3", + "repente", + "respecto", + "s", + "sabe", + "sabeis", + "sabemos", + "saben", + "saber", + "sabes", + "salvo", + "se", + "sea", + "sean", + "segun", + "segunda", + "segundo", + "seg\u00fan", + "seis", + "ser", + "sera", + "ser\u00e1", + "ser\u00e1n", + "ser\u00eda", + "se\u00f1al\u00f3", + "si", + "sido", + "siempre", + "siendo", + "siete", + "sigue", + "siguiente", + "sin", + "sino", + "sobre", + "sois", + "sola", + "solamente", + "solas", + "solo", + "solos", + "somos", + "son", + "soy", + "soyos", + "su", + "supuesto", + "sus", + "suya", + "suyas", + "suyo", + "s\u00e9", + "s\u00ed", + "s\u00f3lo", + "t", + "tal", + "tambien", + "tambi\u00e9n", + "tampoco", + "tan", + "tanto", + "tarde", + "te", + "temprano", + "tendr\u00e1", + "tendr\u00e1n", + "teneis", + "tenemos", + "tener", + "tenga", + "tengo", + "tenido", + "ten\u00eda", + "tercera", + "ti", + "tiempo", + "tiene", + "tienen", + "toda", + "todas", + "todavia", + "todav\u00eda", + "todo", + "todos", + "total", + "trabaja", + "trabajais", + "trabajamos", + "trabajan", + "trabajar", + "trabajas", + "trabajo", + "tras", + "trata", + "trav\u00e9s", + "tres", + "tu", + "tus", + "tuvo", + "tuya", + "tuyas", + "tuyo", + "tuyos", + "t\u00fa", + "u", + "ultimo", + "un", + "una", + "unas", + "uno", + "unos", + "usa", + "usais", + "usamos", + "usan", + "usar", + "usas", + "uso", + "usted", + "ustedes", + "v", + "va", + "vais", + "valor", + "vamos", + "van", + "varias", + "varios", + "vaya", + "veces", + "ver", + "verdad", + "verdadera", + "verdadero", + "vez", + "vosotras", + "vosotros", + "voy", + "vuestra", + "vuestras", + "vuestro", + "vuestros", + "w", + "x", + "y", + "ya", + "yo", + "z", + "\u00e9l", + "\u00e9sa", + "\u00e9sas", + "\u00e9se", + "\u00e9sos", + "\u00e9sta", + "\u00e9stas", + "\u00e9ste", + "\u00e9stos", + "\u00faltima", + "\u00faltimas", + "\u00faltimo", + "\u00faltimos", + ], + "et": [ + "aga", + "ei", + "et", + "ja", + "jah", + "kas", + "kui", + "k\u00f5ik", + "ma", + "me", + "mida", + "midagi", + "mind", + "minu", + "mis", + "mu", + "mul", + "mulle", + "nad", + "nii", + "oled", + "olen", + "oli", + "oma", + "on", + "pole", + "sa", + "seda", + "see", + "selle", + "siin", + "siis", + "ta", + "te", + "\u00e4ra", + ], + "eu": [ + "al", + "anitz", + "arabera", + "asko", + "baina", + "bat", + "batean", + "batek", + "bati", + "batzuei", + "batzuek", + "batzuetan", + "batzuk", + "bera", + "beraiek", + "berau", + "berauek", + "bere", + "berori", + "beroriek", + "beste", + "bezala", + "da", + "dago", + "dira", + "ditu", + "du", + "dute", + "edo", + "egin", + "ere", + "eta", + "eurak", + "ez", + "gainera", + "gu", + "gutxi", + "guzti", + "haiei", + "haiek", + "haietan", + "hainbeste", + "hala", + "han", + "handik", + "hango", + "hara", + "hari", + "hark", + "hartan", + "hau", + "hauei", + "hauek", + "hauetan", + "hemen", + "hemendik", + "hemengo", + "hi", + "hona", + "honek", + "honela", + "honetan", + "honi", + "hor", + "hori", + "horiei", + "horiek", + "horietan", + "horko", + "horra", + "horrek", + "horrela", + "horretan", + "horri", + "hortik", + "hura", + "izan", + "ni", + "noiz", + "nola", + "non", + "nondik", + "nongo", + "nor", + "nora", + "ze", + "zein", + "zen", + "zenbait", + "zenbat", + "zer", + "zergatik", + "ziren", + "zituen", + "zu", + "zuek", + "zuen", + "zuten", + ], + "fa": [ + "\u0622\u0628\u0627\u062f", + "\u0622\u0631\u0647", + "\u0622\u0631\u06cc", + "\u0622\u0645\u062f", + "\u0622\u0645\u062f\u0647", + "\u0622\u0646", + "\u0622\u0646\u0627\u0646", + "\u0622\u0646\u062c\u0627", + "\u0622\u0646\u0643\u0647", + "\u0622\u0646\u0647\u0627", + "\u0622\u0646\u0686\u0647", + "\u0622\u0648\u0631\u062f", + "\u0622\u0648\u0631\u062f\u0647", + "\u0622\u064a\u062f", + "\u0622\u06cc\u0627", + "\u0627\u062b\u0631\u0650", + "\u0627\u0632", + "\u0627\u0633\u062a", + "\u0627\u0633\u062a\u0641\u0627\u062f\u0647", + "\u0627\u0634", + "\u0627\u0643\u0646\u0648\u0646", + "\u0627\u0644\u0628\u062a\u0647", + "\u0627\u0644\u0628\u062a\u0651\u0647", + "\u0627\u0645", + "\u0627\u0645\u0627", + "\u0627\u0645\u0631\u0648\u0632", + "\u0627\u0645\u0633\u0627\u0644", + "\u0627\u0646\u062f", + "\u0627\u0646\u06a9\u0647", + "\u0627\u0648", + "\u0627\u0648\u0644", + "\u0627\u064a", + "\u0627\u064a\u0634\u0627\u0646", + "\u0627\u064a\u0645", + "\u0627\u064a\u0646", + "\u0627\u064a\u0646\u0643\u0647", + "\u0627\u06af\u0631", + "\u0628\u0627", + "\u0628\u0627\u0631", + "\u0628\u0627\u0631\u0629", + "\u0628\u0627\u0631\u0647", + "\u0628\u0627\u0634\u062f", + "\u0628\u0627\u0634\u0646\u062f", + "\u0628\u0627\u0634\u064a\u0645", + "\u0628\u0627\u0644\u0627", + "\u0628\u0627\u0644\u0627\u06cc\u0650", + "\u0628\u0627\u064a\u062f", + "\u0628\u062f\u0648\u0646", + "\u0628\u0631", + "\u0628\u0631\u0627\u0628\u0631\u0650", + "\u0628\u0631\u0627\u0633\u0627\u0633", + "\u0628\u0631\u0627\u064a", + "\u0628\u0631\u0627\u06cc\u0650", + "\u0628\u0631\u062e\u0648\u0631\u062f\u0627\u0631", + "\u0628\u0631\u062e\u064a", + "\u0628\u0631\u062f\u0627\u0631\u064a", + "\u0628\u0631\u0648\u0632", + "\u0628\u0633\u064a\u0627\u0631", + "\u0628\u0633\u064a\u0627\u0631\u064a", + "\u0628\u0639\u062f", + "\u0628\u0639\u0631\u06cc", + "\u0628\u0639\u0636\u064a", + "\u0628\u0644\u0643\u0647", + "\u0628\u0644\u0647", + "\u0628\u0644\u06a9\u0647", + "\u0628\u0644\u06cc", + "\u0628\u0646\u0627\u0628\u0631\u0627\u064a\u0646", + "\u0628\u0646\u062f\u064a", + "\u0628\u0647", + "\u0628\u0647\u062a\u0631\u064a\u0646", + "\u0628\u0648\u062f", + "\u0628\u0648\u062f\u0646", + "\u0628\u0648\u062f\u0646\u062f", + "\u0628\u0648\u062f\u0647", + "\u0628\u064a", + "\u0628\u064a\u0633\u062a", + "\u0628\u064a\u0634", + "\u0628\u064a\u0634\u062a\u0631", + "\u0628\u064a\u0634\u062a\u0631\u064a", + "\u0628\u064a\u0646", + "\u0628\u06cc", + "\u0628\u06cc\u0631\u0648\u0646\u0650", + "\u062a\u0627", + "\u062a\u0627\u0632\u0647", + "\u062a\u0627\u0643\u0646\u0648\u0646", + "\u062a\u0627\u0646", + "\u062a\u062d\u062a", + "\u062a\u0631", + "\u062a\u0631\u064a\u0646", + "\u062a\u0645\u0627\u0645", + "\u062a\u0645\u0627\u0645\u064a", + "\u062a\u0646\u0647\u0627", + "\u062a\u0648\u0627\u0646\u062f", + "\u062a\u0648\u0627\u0646\u0646\u062f", + "\u062a\u0648\u0633\u0637", + "\u062a\u0648\u0644\u0650", + "\u062a\u0648\u06cc\u0650", + "\u062c\u0627", + "\u062c\u0627\u064a", + "\u062c\u0627\u064a\u064a", + "\u062c\u062f\u0627", + "\u062c\u062f\u064a\u062f", + "\u062c\u0631\u064a\u0627\u0646", + "\u062c\u0632", + "\u062c\u0644\u0648\u06af\u064a\u0631\u064a", + "\u062c\u0644\u0648\u06cc\u0650", + "\u062d\u062a\u064a", + "\u062d\u062f\u0648\u062f\u0650", + "\u062d\u0642", + "\u062e\u0627\u0631\u062c\u0650", + "\u062e\u062f\u0645\u0627\u062a", + "\u062e\u0648\u0627\u0633\u062a", + "\u062e\u0648\u0627\u0647\u062f", + "\u062e\u0648\u0627\u0647\u0646\u062f", + "\u062e\u0648\u0627\u0647\u064a\u0645", + "\u062e\u0648\u062f", + "\u062e\u0648\u064a\u0634", + "\u062e\u06cc\u0627\u0647", + "\u062f\u0627\u062f", + "\u062f\u0627\u062f\u0646", + "\u062f\u0627\u062f\u0646\u062f", + "\u062f\u0627\u062f\u0647", + "\u062f\u0627\u0631\u062f", + "\u062f\u0627\u0631\u0646\u062f", + "\u062f\u0627\u0631\u064a\u0645", + "\u062f\u0627\u0634\u062a", + "\u062f\u0627\u0634\u062a\u0646", + "\u062f\u0627\u0634\u062a\u0646\u062f", + "\u062f\u0627\u0634\u062a\u0647", + "\u062f\u0627\u0646\u0633\u062a", + "\u062f\u0627\u0646\u0646\u062f", + "\u062f\u0631", + "\u062f\u0631\u0628\u0627\u0631\u0647", + "\u062f\u0646\u0628\u0627\u0644\u0650", + "\u062f\u0647", + "\u062f\u0647\u062f", + "\u062f\u0647\u0646\u062f", + "\u062f\u0648", + "\u062f\u0648\u0645", + "\u062f\u064a\u062f\u0647", + "\u062f\u064a\u0631\u0648\u0632", + "\u062f\u064a\u06af\u0631", + "\u062f\u064a\u06af\u0631\u0627\u0646", + "\u062f\u064a\u06af\u0631\u064a", + "\u062f\u06cc\u06af\u0631", + "\u0631\u0627", + "\u0631\u0627\u0647", + "\u0631\u0641\u062a", + "\u0631\u0641\u062a\u0647", + "\u0631\u0648\u0628", + "\u0631\u0648\u0632\u0647\u0627\u064a", + "\u0631\u0648\u064a", + "\u0631\u0648\u06cc\u0650", + "\u0631\u064a\u0632\u064a", + "\u0632\u064a\u0627\u062f", + "\u0632\u064a\u0631", + "\u0632\u064a\u0631\u0627", + "\u0632\u06cc\u0631\u0650", + "\u0633\u0627\u0628\u0642", + "\u0633\u0627\u062e\u062a\u0647", + "\u0633\u0627\u0632\u064a", + "\u0633\u0631\u0627\u0633\u0631", + "\u0633\u0631\u06cc\u0650", + "\u0633\u0639\u064a", + "\u0633\u0645\u062a\u0650", + "\u0633\u0648\u0645", + "\u0633\u0648\u064a", + "\u0633\u0648\u06cc\u0650", + "\u0633\u067e\u0633", + "\u0634\u0627\u0646", + "\u0634\u0627\u064a\u062f", + "\u0634\u062f", + "\u0634\u062f\u0646", + "\u0634\u062f\u0646\u062f", + "\u0634\u062f\u0647", + "\u0634\u0634", + "\u0634\u0645\u0627", + "\u0634\u0646\u0627\u0633\u064a", + "\u0634\u0648\u062f", + "\u0634\u0648\u0646\u062f", + "\u0635\u0648\u0631\u062a", + "\u0636\u062f\u0651\u0650", + "\u0636\u0645\u0646", + "\u0637\u0628\u0642\u0650", + "\u0637\u0631\u064a\u0642", + "\u0637\u0648\u0631", + "\u0637\u064a", + "\u0639\u0642\u0628\u0650", + "\u0639\u0644\u0651\u062a\u0650", + "\u0639\u0646\u0648\u0627\u0646\u0650", + "\u063a\u064a\u0631", + "\u0641\u0642\u0637", + "\u0641\u0643\u0631", + "\u0641\u0648\u0642", + "\u0642\u0627\u0628\u0644", + "\u0642\u0628\u0644", + "\u0642\u0635\u062f\u0650", + "\u0643\u0631\u062f", + "\u0643\u0631\u062f\u0645", + "\u0643\u0631\u062f\u0646", + "\u0643\u0631\u062f\u0646\u062f", + "\u0643\u0631\u062f\u0647", + "\u0643\u0633\u064a", + "\u0643\u0644", + "\u0643\u0645\u062a\u0631", + "\u0643\u0646\u062f", + "\u0643\u0646\u0645", + "\u0643\u0646\u0646\u062f", + "\u0643\u0646\u064a\u062f", + "\u0643\u0646\u064a\u0645", + "\u0643\u0647", + "\u0644\u0637\u0641\u0627\u064b", + "\u0645\u0627", + "\u0645\u0627\u0646", + "\u0645\u0627\u0646\u0646\u062f", + "\u0645\u0627\u0646\u0646\u062f\u0650", + "\u0645\u062b\u0644", + "\u0645\u062b\u0644\u0650", + "\u0645\u062e\u062a\u0644\u0641", + "\u0645\u062f\u0651\u062a\u06cc", + "\u0645\u0631\u062f\u0645", + "\u0645\u0631\u0633\u06cc", + "\u0645\u0642\u0627\u0628\u0644", + "\u0645\u0646", + "\u0645\u0648\u0631\u062f", + "\u0645\u064a", + "\u0645\u064a\u0644\u064a\u0627\u0631\u062f", + "\u0645\u064a\u0644\u064a\u0648\u0646", + "\u0645\u06af\u0631", + "\u0646\u0627\u0634\u064a", + "\u0646\u0627\u0645", + "\u0646\u0628\u0627\u064a\u062f", + "\u0646\u0628\u0648\u062f", + "\u0646\u062e\u0633\u062a", + "\u0646\u062e\u0633\u062a\u064a\u0646", + "\u0646\u062e\u0648\u0627\u0647\u062f", + "\u0646\u062f\u0627\u0631\u062f", + "\u0646\u062f\u0627\u0631\u0646\u062f", + "\u0646\u062f\u0627\u0634\u062a\u0647", + "\u0646\u0632\u062f\u064a\u0643", + "\u0646\u0632\u062f\u0650", + "\u0646\u0632\u062f\u06cc\u06a9\u0650", + "\u0646\u0634\u0627\u0646", + "\u0646\u0634\u062f\u0647", + "\u0646\u0638\u064a\u0631", + "\u0646\u0643\u0631\u062f\u0647", + "\u0646\u0645\u0627\u064a\u062f", + "\u0646\u0645\u064a", + "\u0646\u0647", + "\u0646\u0648\u0639\u064a", + "\u0646\u064a\u0632", + "\u0646\u064a\u0633\u062a", + "\u0647\u0627", + "\u0647\u0627\u064a", + "\u0647\u0627\u064a\u064a", + "\u0647\u0631", + "\u0647\u0631\u06af\u0632", + "\u0647\u0632\u0627\u0631", + "\u0647\u0633\u062a", + "\u0647\u0633\u062a\u0646\u062f", + "\u0647\u0633\u062a\u064a\u0645", + "\u0647\u0641\u062a", + "\u0647\u0645", + "\u0647\u0645\u0627\u0646", + "\u0647\u0645\u0647", + "\u0647\u0645\u0648\u0627\u0631\u0647", + "\u0647\u0645\u064a\u0646", + "\u0647\u0645\u0686\u0646\u0627\u0646", + "\u0647\u0645\u0686\u0646\u064a\u0646", + "\u0647\u0645\u0686\u0648\u0646", + "\u0647\u0645\u06cc\u0646", + "\u0647\u0646\u0648\u0632", + "\u0647\u0646\u06af\u0627\u0645", + "\u0647\u0646\u06af\u0627\u0645\u0650", + "\u0647\u0646\u06af\u0627\u0645\u06cc", + "\u0647\u064a\u0686", + "\u0647\u06cc\u0686", + "\u0648", + "\u0648\u0633\u0637\u0650", + "\u0648\u0642\u062a\u064a", + "\u0648\u0642\u062a\u06cc\u06a9\u0647", + "\u0648\u0644\u06cc", + "\u0648\u064a", + "\u0648\u06af\u0648", + "\u064a\u0627", + "\u064a\u0627\u0628\u062f", + "\u064a\u0643", + "\u064a\u0643\u062f\u064a\u06af\u0631", + "\u064a\u0643\u064a", + "\u0651\u0647", + "\u067e\u0627\u0639\u06cc\u0646\u0650", + "\u067e\u0633", + "\u067e\u0646\u062c", + "\u067e\u064a\u0634", + "\u067e\u06cc\u0634", + "\u067e\u06cc\u0634\u0650", + "\u0686\u0631\u0627", + "\u0686\u0637\u0648\u0631", + "\u0686\u0646\u062f", + "\u0686\u0646\u062f\u06cc\u0646", + "\u0686\u0646\u064a\u0646", + "\u0686\u0647", + "\u0686\u0647\u0627\u0631", + "\u0686\u0648\u0646", + "\u0686\u064a\u0632\u064a", + "\u0686\u06af\u0648\u0646\u0647", + "\u0686\u06cc\u0632", + "\u0686\u06cc\u0632\u06cc", + "\u0686\u06cc\u0633\u062a", + "\u06a9\u062c\u0627", + "\u06a9\u062c\u0627\u0633\u062a", + "\u06a9\u062f\u0627\u0645", + "\u06a9\u0633", + "\u06a9\u0633\u06cc", + "\u06a9\u0646\u0627\u0631\u0650", + "\u06a9\u0647", + "\u06a9\u064e\u06cc", + "\u06a9\u06cc", + "\u06af\u0630\u0627\u0631\u064a", + "\u06af\u0630\u0627\u0634\u062a\u0647", + "\u06af\u0631\u062f\u062f", + "\u06af\u0631\u0641\u062a", + "\u06af\u0631\u0641\u062a\u0647", + "\u06af\u0631\u0648\u0647\u064a", + "\u06af\u0641\u062a", + "\u06af\u0641\u062a\u0647", + "\u06af\u0648\u064a\u062f", + "\u06af\u0648\u064a\u0646\u062f", + "\u06af\u064a\u0631\u062f", + "\u06af\u064a\u0631\u064a", + "\u06cc\u0627", + "\u06cc\u06a9", + ], + "fi": [ + "aiemmin", + "aika", + "aikaa", + "aikaan", + "aikaisemmin", + "aikaisin", + "aikajen", + "aikana", + "aikoina", + "aikoo", + "aikovat", + "aina", + "ainakaan", + "ainakin", + "ainoa", + "ainoat", + "aiomme", + "aion", + "aiotte", + "aist", + "aivan", + "ajan", + "alas", + "alemmas", + "alkuisin", + "alkuun", + "alla", + "alle", + "aloitamme", + "aloitan", + "aloitat", + "aloitatte", + "aloitattivat", + "aloitettava", + "aloitettevaksi", + "aloitettu", + "aloitimme", + "aloitin", + "aloitit", + "aloititte", + "aloittaa", + "aloittamatta", + "aloitti", + "aloittivat", + "alta", + "aluksi", + "alussa", + "alusta", + "annettavaksi", + "annetteva", + "annettu", + "ansiosta", + "antaa", + "antamatta", + "antoi", + "aoua", + "apu", + "asia", + "asiaa", + "asian", + "asiasta", + "asiat", + "asioiden", + "asioihin", + "asioita", + "asti", + "avuksi", + "avulla", + "avun", + "avutta", + "edelle", + "edelleen", + "edell\u00e4", + "edelt\u00e4", + "edemm\u00e4s", + "edes", + "edess\u00e4", + "edest\u00e4", + "ehk\u00e4", + "ei", + "eik\u00e4", + "eilen", + "eiv\u00e4t", + "eli", + "ellei", + "elleiv\u00e4t", + "ellemme", + "ellen", + "ellet", + "ellette", + "emme", + "en", + "enemm\u00e4n", + "eniten", + "ennen", + "ensi", + "ensimm\u00e4inen", + "ensimm\u00e4iseksi", + "ensimm\u00e4isen", + "ensimm\u00e4isen\u00e4", + "ensimm\u00e4iset", + "ensimm\u00e4isiksi", + "ensimm\u00e4isin\u00e4", + "ensimm\u00e4isi\u00e4", + "ensimm\u00e4ist\u00e4", + "ensin", + "entinen", + "entisen", + "entisi\u00e4", + "entisten", + "entist\u00e4", + "en\u00e4\u00e4", + "eri", + "eritt\u00e4in", + "erityisesti", + "er\u00e4iden", + "er\u00e4s", + "er\u00e4\u00e4t", + "esi", + "esiin", + "esill\u00e4", + "esimerkiksi", + "et", + "eteen", + "etenkin", + "etessa", + "ette", + "ettei", + "ett\u00e4", + "haikki", + "halua", + "haluaa", + "haluamatta", + "haluamme", + "haluan", + "haluat", + "haluatte", + "haluavat", + "halunnut", + "halusi", + "halusimme", + "halusin", + "halusit", + "halusitte", + "halusivat", + "halutessa", + "haluton", + "he", + "hei", + "heid\u00e4n", + "heihin", + "heille", + "heilt\u00e4", + "heiss\u00e4", + "heist\u00e4", + "heit\u00e4", + "helposti", + "heti", + "hetkell\u00e4", + "hieman", + "hitaasti", + "hoikein", + "huolimatta", + "huomenna", + "hyvien", + "hyviin", + "hyviksi", + "hyville", + "hyvilt\u00e4", + "hyvin", + "hyvin\u00e4", + "hyviss\u00e4", + "hyvist\u00e4", + "hyvi\u00e4", + "hyv\u00e4", + "hyv\u00e4t", + "hyv\u00e4\u00e4", + "h\u00e4n", + "h\u00e4neen", + "h\u00e4nelle", + "h\u00e4nell\u00e4", + "h\u00e4nelt\u00e4", + "h\u00e4nen", + "h\u00e4ness\u00e4", + "h\u00e4nest\u00e4", + "h\u00e4net", + "ihan", + "ilman", + "ilmeisesti", + "itse", + "itsens\u00e4", + "itse\u00e4\u00e4n", + "ja", + "jo", + "johon", + "joiden", + "joihin", + "joiksi", + "joilla", + "joille", + "joilta", + "joissa", + "joista", + "joita", + "joka", + "jokainen", + "jokin", + "joko", + "joku", + "jolla", + "jolle", + "jolloin", + "jolta", + "jompikumpi", + "jonka", + "jonkin", + "jonne", + "joo", + "jopa", + "jos", + "joskus", + "jossa", + "josta", + "jota", + "jotain", + "joten", + "jotenkin", + "jotenkuten", + "jotka", + "jotta", + "jouduimme", + "jouduin", + "jouduit", + "jouduitte", + "joudumme", + "joudun", + "joudutte", + "joukkoon", + "joukossa", + "joukosta", + "joutua", + "joutui", + "joutuivat", + "joutumaan", + "joutuu", + "joutuvat", + "juuri", + "j\u00e4lkeen", + "j\u00e4lleen", + "j\u00e4\u00e4", + "kahdeksan", + "kahdeksannen", + "kahdella", + "kahdelle", + "kahdelta", + "kahden", + "kahdessa", + "kahdesta", + "kahta", + "kahteen", + "kai", + "kaiken", + "kaikille", + "kaikilta", + "kaikkea", + "kaikki", + "kaikkia", + "kaikkiaan", + "kaikkialla", + "kaikkialle", + "kaikkialta", + "kaikkien", + "kaikkin", + "kaksi", + "kannalta", + "kannattaa", + "kanssa", + "kanssaan", + "kanssamme", + "kanssani", + "kanssanne", + "kanssasi", + "kauan", + "kauemmas", + "kaukana", + "kautta", + "kehen", + "keiden", + "keihin", + "keiksi", + "keille", + "keill\u00e4", + "keilt\u00e4", + "kein\u00e4", + "keiss\u00e4", + "keist\u00e4", + "keitten", + "keitt\u00e4", + "keit\u00e4", + "keneen", + "keneksi", + "kenelle", + "kenell\u00e4", + "kenelt\u00e4", + "kenen", + "kenen\u00e4", + "keness\u00e4", + "kenest\u00e4", + "kenet", + "kenett\u00e4", + "kenness\u00e4st\u00e4", + "kenties", + "kerran", + "kerta", + "kertaa", + "keskell\u00e4", + "kesken", + "keskim\u00e4\u00e4rin", + "ketk\u00e4", + "ket\u00e4", + "kiitos", + "kohti", + "koko", + "kokonaan", + "kolmas", + "kolme", + "kolmen", + "kolmesti", + "koska", + "koskaan", + "kovin", + "kuin", + "kuinka", + "kuinkan", + "kuitenkaan", + "kuitenkin", + "kuka", + "kukaan", + "kukin", + "kukka", + "kumpainen", + "kumpainenkaan", + "kumpi", + "kumpikaan", + "kumpikin", + "kun", + "kuten", + "kuuden", + "kuusi", + "kuutta", + "kylliksi", + "kyll\u00e4", + "kymmenen", + "kyse", + "liian", + "liki", + "lis\u00e4ksi", + "lis\u00e4\u00e4", + "lla", + "luo", + "luona", + "l\u00e4hekk\u00e4in", + "l\u00e4helle", + "l\u00e4hell\u00e4", + "l\u00e4helt\u00e4", + "l\u00e4hemm\u00e4s", + "l\u00e4hes", + "l\u00e4hinn\u00e4", + "l\u00e4htien", + "l\u00e4pi", + "mahdollisimman", + "mahdollista", + "me", + "meid\u00e4n", + "meille", + "meill\u00e4", + "melkein", + "melko", + "menee", + "meneet", + "menemme", + "menen", + "menet", + "menette", + "menev\u00e4t", + "meni", + "menimme", + "menin", + "menit", + "meniv\u00e4t", + "menness\u00e4", + "mennyt", + "menossa", + "mihin", + "mikin", + "miksi", + "mik\u00e4", + "mik\u00e4li", + "mik\u00e4\u00e4n", + "milloin", + "milloinkan", + "minne", + "minun", + "minut", + "min\u00e4", + "miss\u00e4", + "mist\u00e4", + "miten", + "mit\u00e4", + "mit\u00e4\u00e4n", + "moi", + "molemmat", + "mones", + "monesti", + "monet", + "moni", + "moniaalla", + "moniaalle", + "moniaalta", + "monta", + "muassa", + "muiden", + "muita", + "muka", + "mukaan", + "mukaansa", + "mukana", + "mutta", + "muu", + "muualla", + "muualle", + "muualta", + "muuanne", + "muulloin", + "muun", + "muut", + "muuta", + "muutama", + "muutaman", + "muuten", + "my\u00f6hemmin", + "my\u00f6s", + "my\u00f6skin", + "my\u00f6sk\u00e4\u00e4n", + "my\u00f6t\u00e4", + "ne", + "nelj\u00e4", + "nelj\u00e4n", + "nelj\u00e4\u00e4", + "niiden", + "niin", + "niist\u00e4", + "niit\u00e4", + "noin", + "nopeammin", + "nopeasti", + "nopeiten", + "nro", + "nuo", + "nyt", + "n\u00e4iden", + "n\u00e4in", + "n\u00e4iss\u00e4", + "n\u00e4iss\u00e4hin", + "n\u00e4iss\u00e4lle", + "n\u00e4iss\u00e4lt\u00e4", + "n\u00e4iss\u00e4st\u00e4", + "n\u00e4it\u00e4", + "n\u00e4m\u00e4", + "ohi", + "oikea", + "oikealla", + "oikein", + "ole", + "olemme", + "olen", + "olet", + "olette", + "oleva", + "olevan", + "olevat", + "oli", + "olimme", + "olin", + "olisi", + "olisimme", + "olisin", + "olisit", + "olisitte", + "olisivat", + "olit", + "olitte", + "olivat", + "olla", + "olleet", + "olli", + "ollut", + "oma", + "omaa", + "omaan", + "omaksi", + "omalle", + "omalta", + "oman", + "omassa", + "omat", + "omia", + "omien", + "omiin", + "omiksi", + "omille", + "omilta", + "omissa", + "omista", + "on", + "onkin", + "onko", + "ovat", + "paikoittain", + "paitsi", + "pakosti", + "paljon", + "paremmin", + "parempi", + "parhaillaan", + "parhaiten", + "perusteella", + "per\u00e4ti", + "pian", + "pieneen", + "pieneksi", + "pienelle", + "pienell\u00e4", + "pienelt\u00e4", + "pienempi", + "pienest\u00e4", + "pieni", + "pienin", + "puolesta", + "puolestaan", + "p\u00e4\u00e4lle", + "runsaasti", + "saakka", + "sadam", + "sama", + "samaa", + "samaan", + "samalla", + "samallalta", + "samallassa", + "samallasta", + "saman", + "samat", + "samoin", + "sata", + "sataa", + "satojen", + "se", + "seitsem\u00e4n", + "sek\u00e4", + "sen", + "seuraavat", + "siell\u00e4", + "sielt\u00e4", + "siihen", + "siin\u00e4", + "siis", + "siit\u00e4", + "sijaan", + "siksi", + "silloin", + "sill\u00e4", + "silti", + "sinne", + "sinua", + "sinulle", + "sinulta", + "sinun", + "sinussa", + "sinusta", + "sinut", + "sin\u00e4", + "sis\u00e4kk\u00e4in", + "sis\u00e4ll\u00e4", + "siten", + "sitten", + "sit\u00e4", + "ssa", + "sta", + "suoraan", + "suuntaan", + "suuren", + "suuret", + "suuri", + "suuria", + "suurin", + "suurten", + "taa", + "taas", + "taemmas", + "tahansa", + "tai", + "takaa", + "takaisin", + "takana", + "takia", + "tapauksessa", + "tarpeeksi", + "tavalla", + "tavoitteena", + "te", + "tietysti", + "todella", + "toinen", + "toisaalla", + "toisaalle", + "toisaalta", + "toiseen", + "toiseksi", + "toisella", + "toiselle", + "toiselta", + "toisemme", + "toisen", + "toisensa", + "toisessa", + "toisesta", + "toista", + "toistaiseksi", + "toki", + "tosin", + "tuhannen", + "tuhat", + "tule", + "tulee", + "tulemme", + "tulen", + "tulet", + "tulette", + "tulevat", + "tulimme", + "tulin", + "tulisi", + "tulisimme", + "tulisin", + "tulisit", + "tulisitte", + "tulisivat", + "tulit", + "tulitte", + "tulivat", + "tulla", + "tulleet", + "tullut", + "tuntuu", + "tuo", + "tuolla", + "tuolloin", + "tuolta", + "tuonne", + "tuskin", + "tyk\u00f6", + "t\u00e4h\u00e4n", + "t\u00e4ll\u00e4", + "t\u00e4ll\u00f6in", + "t\u00e4m\u00e4", + "t\u00e4m\u00e4n", + "t\u00e4nne", + "t\u00e4n\u00e4", + "t\u00e4n\u00e4\u00e4n", + "t\u00e4ss\u00e4", + "t\u00e4st\u00e4", + "t\u00e4ten", + "t\u00e4t\u00e4", + "t\u00e4ysin", + "t\u00e4ytyv\u00e4t", + "t\u00e4ytyy", + "t\u00e4\u00e4ll\u00e4", + "t\u00e4\u00e4lt\u00e4", + "ulkopuolella", + "usea", + "useasti", + "useimmiten", + "usein", + "useita", + "uudeksi", + "uudelleen", + "uuden", + "uudet", + "uusi", + "uusia", + "uusien", + "uusinta", + "uuteen", + "uutta", + "vaan", + "vahemm\u00e4n", + "vai", + "vaiheessa", + "vaikea", + "vaikean", + "vaikeat", + "vaikeilla", + "vaikeille", + "vaikeilta", + "vaikeissa", + "vaikeista", + "vaikka", + "vain", + "varmasti", + "varsin", + "varsinkin", + "varten", + "vasen", + "vasenmalla", + "vasta", + "vastaan", + "vastakkain", + "vastan", + "verran", + "viel\u00e4", + "vierekk\u00e4in", + "vieress\u00e4", + "vieri", + "viiden", + "viime", + "viimeinen", + "viimeisen", + "viimeksi", + "viisi", + "voi", + "voidaan", + "voimme", + "voin", + "voisi", + "voit", + "voitte", + "voivat", + "vuoden", + "vuoksi", + "vuosi", + "vuosien", + "vuosina", + "vuotta", + "v\u00e4hemm\u00e4n", + "v\u00e4hint\u00e4\u00e4n", + "v\u00e4hiten", + "v\u00e4h\u00e4n", + "v\u00e4lill\u00e4", + "yhdeks\u00e4n", + "yhden", + "yhdess\u00e4", + "yhteen", + "yhteens\u00e4", + "yhteydess\u00e4", + "yhteyteen", + "yht\u00e4", + "yht\u00e4\u00e4lle", + "yht\u00e4\u00e4ll\u00e4", + "yht\u00e4\u00e4lt\u00e4", + "yht\u00e4\u00e4n", + "yh\u00e4", + "yksi", + "yksin", + "yksitt\u00e4in", + "yleens\u00e4", + "ylemm\u00e4s", + "yli", + "yl\u00f6s", + "ymp\u00e4ri", + "\u00e4lk\u00f6\u00f6n", + "\u00e4l\u00e4", + ], + "fr": [ + "a", + "abord", + "absolument", + "afin", + "ah", + "ai", + "aie", + "ailleurs", + "ainsi", + "ait", + "allaient", + "allo", + "allons", + "all\u00f4", + "alors", + "anterieur", + "anterieure", + "anterieures", + "apres", + "apr\u00e8s", + "as", + "assez", + "attendu", + "au", + "aucun", + "aucune", + "aujourd", + "aujourd'hui", + "aupres", + "auquel", + "aura", + "auraient", + "aurait", + "auront", + "aussi", + "autre", + "autrefois", + "autrement", + "autres", + "autrui", + "aux", + "auxquelles", + "auxquels", + "avaient", + "avais", + "avait", + "avant", + "avec", + "avoir", + "avons", + "ayant", + "b", + "bah", + "bas", + "basee", + "bat", + "beau", + "beaucoup", + "bien", + "bigre", + "boum", + "bravo", + "brrr", + "c", + "car", + "ce", + "ceci", + "cela", + "celle", + "celle-ci", + "celle-l\u00e0", + "celles", + "celles-ci", + "celles-l\u00e0", + "celui", + "celui-ci", + "celui-l\u00e0", + "cent", + "cependant", + "certain", + "certaine", + "certaines", + "certains", + "certes", + "ces", + "cet", + "cette", + "ceux", + "ceux-ci", + "ceux-l\u00e0", + "chacun", + "chacune", + "chaque", + "cher", + "chers", + "chez", + "chiche", + "chut", + "ch\u00e8re", + "ch\u00e8res", + "ci", + "cinq", + "cinquantaine", + "cinquante", + "cinquanti\u00e8me", + "cinqui\u00e8me", + "clac", + "clic", + "combien", + "comme", + "comment", + "comparable", + "comparables", + "compris", + "concernant", + "contre", + "couic", + "crac", + "d", + "da", + "dans", + "de", + "debout", + "dedans", + "dehors", + "deja", + "del\u00e0", + "depuis", + "dernier", + "derniere", + "derriere", + "derri\u00e8re", + "des", + "desormais", + "desquelles", + "desquels", + "dessous", + "dessus", + "deux", + "deuxi\u00e8me", + "deuxi\u00e8mement", + "devant", + "devers", + "devra", + "different", + "differentes", + "differents", + "diff\u00e9rent", + "diff\u00e9rente", + "diff\u00e9rentes", + "diff\u00e9rents", + "dire", + "directe", + "directement", + "dit", + "dite", + "dits", + "divers", + "diverse", + "diverses", + "dix", + "dix-huit", + "dix-neuf", + "dix-sept", + "dixi\u00e8me", + "doit", + "doivent", + "donc", + "dont", + "douze", + "douzi\u00e8me", + "dring", + "du", + "duquel", + "durant", + "d\u00e8s", + "d\u00e9sormais", + "e", + "effet", + "egale", + "egalement", + "egales", + "eh", + "elle", + "elle-m\u00eame", + "elles", + "elles-m\u00eames", + "en", + "encore", + "enfin", + "entre", + "envers", + "environ", + "es", + "est", + "et", + "etant", + "etc", + "etre", + "eu", + "euh", + "eux", + "eux-m\u00eames", + "exactement", + "except\u00e9", + "extenso", + "exterieur", + "f", + "fais", + "faisaient", + "faisant", + "fait", + "fa\u00e7on", + "feront", + "fi", + "flac", + "floc", + "font", + "g", + "gens", + "h", + "ha", + "hein", + "hem", + "hep", + "hi", + "ho", + "hol\u00e0", + "hop", + "hormis", + "hors", + "hou", + "houp", + "hue", + "hui", + "huit", + "huiti\u00e8me", + "hum", + "hurrah", + "h\u00e9", + "h\u00e9las", + "i", + "il", + "ils", + "importe", + "j", + "je", + "jusqu", + "jusque", + "juste", + "k", + "l", + "la", + "laisser", + "laquelle", + "las", + "le", + "lequel", + "les", + "lesquelles", + "lesquels", + "leur", + "leurs", + "longtemps", + "lors", + "lorsque", + "lui", + "lui-meme", + "lui-m\u00eame", + "l\u00e0", + "l\u00e8s", + "m", + "ma", + "maint", + "maintenant", + "mais", + "malgre", + "malgr\u00e9", + "maximale", + "me", + "meme", + "memes", + "merci", + "mes", + "mien", + "mienne", + "miennes", + "miens", + "mille", + "mince", + "minimale", + "moi", + "moi-meme", + "moi-m\u00eame", + "moindres", + "moins", + "mon", + "moyennant", + "multiple", + "multiples", + "m\u00eame", + "m\u00eames", + "n", + "na", + "naturel", + "naturelle", + "naturelles", + "ne", + "neanmoins", + "necessaire", + "necessairement", + "neuf", + "neuvi\u00e8me", + "ni", + "nombreuses", + "nombreux", + "non", + "nos", + "notamment", + "notre", + "nous", + "nous-m\u00eames", + "nouveau", + "nul", + "n\u00e9anmoins", + "n\u00f4tre", + "n\u00f4tres", + "o", + "oh", + "oh\u00e9", + "oll\u00e9", + "ol\u00e9", + "on", + "ont", + "onze", + "onzi\u00e8me", + "ore", + "ou", + "ouf", + "ouias", + "oust", + "ouste", + "outre", + "ouvert", + "ouverte", + "ouverts", + "o|", + "o\u00f9", + "p", + "paf", + "pan", + "par", + "parce", + "parfois", + "parle", + "parlent", + "parler", + "parmi", + "parseme", + "partant", + "particulier", + "particuli\u00e8re", + "particuli\u00e8rement", + "pas", + "pass\u00e9", + "pendant", + "pense", + "permet", + "personne", + "peu", + "peut", + "peuvent", + "peux", + "pff", + "pfft", + "pfut", + "pif", + "pire", + "plein", + "plouf", + "plus", + "plusieurs", + "plut\u00f4t", + "possessif", + "possessifs", + "possible", + "possibles", + "pouah", + "pour", + "pourquoi", + "pourrais", + "pourrait", + "pouvait", + "prealable", + "precisement", + "premier", + "premi\u00e8re", + "premi\u00e8rement", + "pres", + "probable", + "probante", + "procedant", + "proche", + "pr\u00e8s", + "psitt", + "pu", + "puis", + "puisque", + "pur", + "pure", + "q", + "qu", + "quand", + "quant", + "quant-\u00e0-soi", + "quanta", + "quarante", + "quatorze", + "quatre", + "quatre-vingt", + "quatri\u00e8me", + "quatri\u00e8mement", + "que", + "quel", + "quelconque", + "quelle", + "quelles", + "quelqu'un", + "quelque", + "quelques", + "quels", + "qui", + "quiconque", + "quinze", + "quoi", + "quoique", + "r", + "rare", + "rarement", + "rares", + "relative", + "relativement", + "remarquable", + "rend", + "rendre", + "restant", + "reste", + "restent", + "restrictif", + "retour", + "revoici", + "revoil\u00e0", + "rien", + "s", + "sa", + "sacrebleu", + "sait", + "sans", + "sapristi", + "sauf", + "se", + "sein", + "seize", + "selon", + "semblable", + "semblaient", + "semble", + "semblent", + "sent", + "sept", + "septi\u00e8me", + "sera", + "seraient", + "serait", + "seront", + "ses", + "seul", + "seule", + "seulement", + "si", + "sien", + "sienne", + "siennes", + "siens", + "sinon", + "six", + "sixi\u00e8me", + "soi", + "soi-m\u00eame", + "soit", + "soixante", + "son", + "sont", + "sous", + "souvent", + "specifique", + "specifiques", + "speculatif", + "stop", + "strictement", + "subtiles", + "suffisant", + "suffisante", + "suffit", + "suis", + "suit", + "suivant", + "suivante", + "suivantes", + "suivants", + "suivre", + "superpose", + "sur", + "surtout", + "t", + "ta", + "tac", + "tant", + "tardive", + "te", + "tel", + "telle", + "tellement", + "telles", + "tels", + "tenant", + "tend", + "tenir", + "tente", + "tes", + "tic", + "tien", + "tienne", + "tiennes", + "tiens", + "toc", + "toi", + "toi-m\u00eame", + "ton", + "touchant", + "toujours", + "tous", + "tout", + "toute", + "toutefois", + "toutes", + "treize", + "trente", + "tres", + "trois", + "troisi\u00e8me", + "troisi\u00e8mement", + "trop", + "tr\u00e8s", + "tsoin", + "tsouin", + "tu", + "t\u00e9", + "u", + "un", + "une", + "unes", + "uniformement", + "unique", + "uniques", + "uns", + "v", + "va", + "vais", + "vas", + "vers", + "via", + "vif", + "vifs", + "vingt", + "vivat", + "vive", + "vives", + "vlan", + "voici", + "voil\u00e0", + "vont", + "vos", + "votre", + "vous", + "vous-m\u00eames", + "vu", + "v\u00e9", + "v\u00f4tre", + "v\u00f4tres", + "w", + "x", + "y", + "z", + "zut", + "\u00e0", + "\u00e2", + "\u00e7a", + "\u00e8s", + "\u00e9taient", + "\u00e9tais", + "\u00e9tait", + "\u00e9tant", + "\u00e9t\u00e9", + "\u00eatre", + "\u00f4", + ], + "ga": [ + "a", + "ach", + "ag", + "agus", + "an", + "aon", + "ar", + "arna", + "as", + "b'", + "ba", + "beirt", + "bh\u00far", + "caoga", + "ceathair", + "ceathrar", + "chomh", + "cht\u00f3", + "chuig", + "chun", + "cois", + "c\u00e9ad", + "c\u00faig", + "c\u00faigear", + "d'", + "daichead", + "dar", + "de", + "deich", + "deichni\u00far", + "den", + "dh\u00e1", + "do", + "don", + "dt\u00ed", + "d\u00e1", + "d\u00e1r", + "d\u00f3", + "faoi", + "faoin", + "faoina", + "faoin\u00e1r", + "fara", + "fiche", + "gach", + "gan", + "go", + "gur", + "haon", + "hocht", + "i", + "iad", + "idir", + "in", + "ina", + "ins", + "in\u00e1r", + "is", + "le", + "leis", + "lena", + "len\u00e1r", + "m'", + "mar", + "mo", + "m\u00e9", + "na", + "nach", + "naoi", + "naon\u00far", + "n\u00e1", + "n\u00ed", + "n\u00edor", + "n\u00f3", + "n\u00f3cha", + "ocht", + "ochtar", + "os", + "roimh", + "sa", + "seacht", + "seachtar", + "seacht\u00f3", + "seasca", + "seisear", + "siad", + "sibh", + "sinn", + "sna", + "s\u00e9", + "s\u00ed", + "tar", + "thar", + "th\u00fa", + "tri\u00far", + "tr\u00ed", + "tr\u00edna", + "tr\u00edn\u00e1r", + "tr\u00edocha", + "t\u00fa", + "um", + "\u00e1r", + "\u00e9", + "\u00e9is", + "\u00ed", + "\u00f3", + "\u00f3n", + "\u00f3na", + "\u00f3n\u00e1r", + ], + "gl": [ + "a", + "al\u00ed", + "ao", + "aos", + "aquel", + "aquela", + "aquelas", + "aqueles", + "aquilo", + "aqu\u00ed", + "as", + "as\u00ed", + "a\u00ednda", + "ben", + "cando", + "che", + "co", + "coa", + "coas", + "comigo", + "con", + "connosco", + "contigo", + "convosco", + "cos", + "cun", + "cunha", + "cunhas", + "cuns", + "da", + "dalgunha", + "dalgunhas", + "dalg\u00fan", + "dalg\u00fans", + "das", + "de", + "del", + "dela", + "delas", + "deles", + "desde", + "deste", + "do", + "dos", + "dun", + "dunha", + "dunhas", + "duns", + "e", + "el", + "ela", + "elas", + "eles", + "en", + "era", + "eran", + "esa", + "esas", + "ese", + "eses", + "esta", + "estaba", + "estar", + "este", + "estes", + "estiven", + "estou", + "est\u00e1", + "est\u00e1n", + "eu", + "facer", + "foi", + "foron", + "fun", + "hab\u00eda", + "hai", + "iso", + "isto", + "la", + "las", + "lle", + "lles", + "lo", + "los", + "mais", + "me", + "meu", + "meus", + "min", + "mi\u00f1a", + "mi\u00f1as", + "moi", + "na", + "nas", + "neste", + "nin", + "no", + "non", + "nos", + "nosa", + "nosas", + "noso", + "nosos", + "nun", + "nunha", + "nunhas", + "nuns", + "n\u00f3s", + "o", + "os", + "ou", + "para", + "pero", + "pode", + "pois", + "pola", + "polas", + "polo", + "polos", + "por", + "que", + "se", + "sen\u00f3n", + "ser", + "seu", + "seus", + "sexa", + "sido", + "sobre", + "s\u00faa", + "s\u00faas", + "tam\u00e9n", + "tan", + "te", + "ten", + "ter", + "teu", + "teus", + "te\u00f1en", + "te\u00f1o", + "ti", + "tido", + "tiven", + "ti\u00f1a", + "t\u00faa", + "t\u00faas", + "un", + "unha", + "unhas", + "uns", + "vos", + "vosa", + "vosas", + "voso", + "vosos", + "v\u00f3s", + "\u00e1", + "\u00e9", + "\u00f3", + "\u00f3s", + ], + "ha": [ + "a", + "amma", + "ba", + "ban", + "ce", + "cikin", + "da", + "don", + "ga", + "in", + "ina", + "ita", + "ji", + "ka", + "ko", + "kuma", + "lokacin", + "ma", + "mai", + "na", + "ne", + "ni", + "sai", + "shi", + "su", + "suka", + "sun", + "ta", + "tafi", + "take", + "tana", + "wani", + "wannan", + "wata", + "ya", + "yake", + "yana", + "yi", + "za", + ], + "he": [ + "\u05d0\u05d1\u05dc", + "\u05d0\u05d5", + "\u05d0\u05d5\u05dc\u05d9", + "\u05d0\u05d5\u05ea\u05d4", + "\u05d0\u05d5\u05ea\u05d5", + "\u05d0\u05d5\u05ea\u05d9", + "\u05d0\u05d5\u05ea\u05da", + "\u05d0\u05d5\u05ea\u05dd", + "\u05d0\u05d5\u05ea\u05df", + "\u05d0\u05d5\u05ea\u05e0\u05d5", + "\u05d0\u05d6", + "\u05d0\u05d7\u05e8", + "\u05d0\u05d7\u05e8\u05d5\u05ea", + "\u05d0\u05d7\u05e8\u05d9", + "\u05d0\u05d7\u05e8\u05d9\u05db\u05df", + "\u05d0\u05d7\u05e8\u05d9\u05dd", + "\u05d0\u05d7\u05e8\u05ea", + "\u05d0\u05d9", + "\u05d0\u05d9\u05d6\u05d4", + "\u05d0\u05d9\u05da", + "\u05d0\u05d9\u05df", + "\u05d0\u05d9\u05e4\u05d4", + "\u05d0\u05d9\u05ea\u05d4", + "\u05d0\u05d9\u05ea\u05d5", + "\u05d0\u05d9\u05ea\u05d9", + "\u05d0\u05d9\u05ea\u05da", + "\u05d0\u05d9\u05ea\u05db\u05dd", + "\u05d0\u05d9\u05ea\u05db\u05df", + "\u05d0\u05d9\u05ea\u05dd", + "\u05d0\u05d9\u05ea\u05df", + "\u05d0\u05d9\u05ea\u05e0\u05d5", + "\u05d0\u05da", + "\u05d0\u05dc", + "\u05d0\u05dc\u05d4", + "\u05d0\u05dc\u05d5", + "\u05d0\u05dd", + "\u05d0\u05e0\u05d7\u05e0\u05d5", + "\u05d0\u05e0\u05d9", + "\u05d0\u05e1", + "\u05d0\u05e3", + "\u05d0\u05e6\u05dc", + "\u05d0\u05e9\u05e8", + "\u05d0\u05ea", + "\u05d0\u05ea\u05d4", + "\u05d0\u05ea\u05db\u05dd", + "\u05d0\u05ea\u05db\u05df", + "\u05d0\u05ea\u05dd", + "\u05d0\u05ea\u05df", + "\u05d1\u05d0\u05d9\u05d6\u05d5\u05de\u05d9\u05d3\u05d4", + "\u05d1\u05d0\u05de\u05e6\u05e2", + "\u05d1\u05d0\u05de\u05e6\u05e2\u05d5\u05ea", + "\u05d1\u05d2\u05dc\u05dc", + "\u05d1\u05d9\u05df", + "\u05d1\u05dc\u05d9", + "\u05d1\u05de\u05d9\u05d3\u05d4", + "\u05d1\u05de\u05e7\u05d5\u05dd\u05e9\u05d1\u05d5", + "\u05d1\u05e8\u05dd", + "\u05d1\u05e9\u05d1\u05d9\u05dc", + "\u05d1\u05e9\u05e2\u05d4\u05e9", + "\u05d1\u05ea\u05d5\u05da", + "\u05d2\u05dd", + "\u05d3\u05e8\u05da", + "\u05d4\u05d5\u05d0", + "\u05d4\u05d9\u05d0", + "\u05d4\u05d9\u05d4", + "\u05d4\u05d9\u05db\u05df", + "\u05d4\u05d9\u05ea\u05d4", + "\u05d4\u05d9\u05ea\u05d9", + "\u05d4\u05dd", + "\u05d4\u05df", + "\u05d4\u05e0\u05d4", + "\u05d4\u05e1\u05d9\u05d1\u05d4\u05e9\u05d1\u05d2\u05dc\u05dc\u05d4", + "\u05d4\u05e8\u05d9", + "\u05d5\u05d0\u05d9\u05dc\u05d5", + "\u05d5\u05d0\u05ea", + "\u05d6\u05d0\u05ea", + "\u05d6\u05d4", + "\u05d6\u05d5\u05ea", + "\u05d9\u05d4\u05d9\u05d4", + "\u05d9\u05d5\u05db\u05dc", + "\u05d9\u05d5\u05db\u05dc\u05d5", + "\u05d9\u05d5\u05ea\u05e8\u05de\u05d3\u05d9", + "\u05d9\u05db\u05d5\u05dc", + "\u05d9\u05db\u05d5\u05dc\u05d4", + "\u05d9\u05db\u05d5\u05dc\u05d5\u05ea", + "\u05d9\u05db\u05d5\u05dc\u05d9\u05dd", + "\u05d9\u05db\u05dc", + "\u05d9\u05db\u05dc\u05d4", + "\u05d9\u05db\u05dc\u05d5", + "\u05d9\u05e9", + "\u05db\u05d0\u05df", + "\u05db\u05d0\u05e9\u05e8", + "\u05db\u05d5\u05dc\u05dd", + "\u05db\u05d5\u05dc\u05df", + "\u05db\u05d6\u05d4", + "\u05db\u05d9", + "\u05db\u05d9\u05e6\u05d3", + "\u05db\u05da", + "\u05db\u05db\u05d4", + "\u05db\u05dc", + "\u05db\u05dc\u05dc", + "\u05db\u05de\u05d5", + "\u05db\u05df", + "\u05db\u05e4\u05d9", + "\u05db\u05e9", + "\u05dc\u05d0", + "\u05dc\u05d0\u05d5", + "\u05dc\u05d0\u05d9\u05d6\u05d5\u05ea\u05db\u05dc\u05d9\u05ea", + "\u05dc\u05d0\u05df", + "\u05dc\u05d1\u05d9\u05df", + "\u05dc\u05d4", + "\u05dc\u05d4\u05d9\u05d5\u05ea", + "\u05dc\u05d4\u05dd", + "\u05dc\u05d4\u05df", + "\u05dc\u05d5", + "\u05dc\u05d9", + "\u05dc\u05db\u05dd", + "\u05dc\u05db\u05df", + "\u05dc\u05de\u05d4", + "\u05dc\u05de\u05d8\u05d4", + "\u05dc\u05de\u05e2\u05dc\u05d4", + "\u05dc\u05de\u05e7\u05d5\u05dd\u05e9\u05d1\u05d5", + "\u05dc\u05de\u05e8\u05d5\u05ea", + "\u05dc\u05e0\u05d5", + "\u05dc\u05e2\u05d1\u05e8", + "\u05dc\u05e2\u05d9\u05db\u05df", + "\u05dc\u05e4\u05d9\u05db\u05da", + "\u05dc\u05e4\u05e0\u05d9", + "\u05de\u05d0\u05d3", + "\u05de\u05d0\u05d7\u05d5\u05e8\u05d9", + "\u05de\u05d0\u05d9\u05d6\u05d5\u05e1\u05d9\u05d1\u05d4", + "\u05de\u05d0\u05d9\u05df", + "\u05de\u05d0\u05d9\u05e4\u05d4", + "\u05de\u05d1\u05dc\u05d9", + "\u05de\u05d1\u05e2\u05d3", + "\u05de\u05d3\u05d5\u05e2", + "\u05de\u05d4", + "\u05de\u05d4\u05d9\u05db\u05df", + "\u05de\u05d5\u05dc", + "\u05de\u05d7\u05d5\u05e5", + "\u05de\u05d9", + "\u05de\u05db\u05d0\u05df", + "\u05de\u05db\u05d9\u05d5\u05d5\u05df", + "\u05de\u05dc\u05d1\u05d3", + "\u05de\u05df", + "\u05de\u05e0\u05d9\u05df", + "\u05de\u05e1\u05d5\u05d2\u05dc", + "\u05de\u05e2\u05d8", + "\u05de\u05e2\u05d8\u05d9\u05dd", + "\u05de\u05e2\u05dc", + "\u05de\u05e6\u05d3", + "\u05de\u05e7\u05d5\u05dd\u05d1\u05d5", + "\u05de\u05ea\u05d7\u05ea", + "\u05de\u05ea\u05d9", + "\u05e0\u05d2\u05d3", + "\u05e0\u05d2\u05e8", + "\u05e0\u05d5", + "\u05e2\u05d3", + "\u05e2\u05d6", + "\u05e2\u05dc", + "\u05e2\u05dc\u05d9", + "\u05e2\u05dc\u05d9\u05d4", + "\u05e2\u05dc\u05d9\u05d4\u05dd", + "\u05e2\u05dc\u05d9\u05d4\u05df", + "\u05e2\u05dc\u05d9\u05d5", + "\u05e2\u05dc\u05d9\u05da", + "\u05e2\u05dc\u05d9\u05db\u05dd", + "\u05e2\u05dc\u05d9\u05e0\u05d5", + "\u05e2\u05dd", + "\u05e2\u05e6\u05de\u05d4", + "\u05e2\u05e6\u05de\u05d4\u05dd", + "\u05e2\u05e6\u05de\u05d4\u05df", + "\u05e2\u05e6\u05de\u05d5", + "\u05e2\u05e6\u05de\u05d9", + "\u05e2\u05e6\u05de\u05dd", + "\u05e2\u05e6\u05de\u05df", + "\u05e2\u05e6\u05de\u05e0\u05d5", + "\u05e4\u05d4", + "\u05e8\u05e7", + "\u05e9\u05d5\u05d1", + "\u05e9\u05dc", + "\u05e9\u05dc\u05d4", + "\u05e9\u05dc\u05d4\u05dd", + "\u05e9\u05dc\u05d4\u05df", + "\u05e9\u05dc\u05d5", + "\u05e9\u05dc\u05d9", + "\u05e9\u05dc\u05da", + "\u05e9\u05dc\u05db\u05d4", + "\u05e9\u05dc\u05db\u05dd", + "\u05e9\u05dc\u05db\u05df", + "\u05e9\u05dc\u05e0\u05d5", + "\u05e9\u05dd", + "\u05ea\u05d4\u05d9\u05d4", + "\u05ea\u05d7\u05ea", + ], + "hi": [ + "\u0905\u0902\u0926\u0930", + "\u0905\u0924", + "\u0905\u0926\u093f", + "\u0905\u092a", + "\u0905\u092a\u0928\u093e", + "\u0905\u092a\u0928\u093f", + "\u0905\u092a\u0928\u0940", + "\u0905\u092a\u0928\u0947", + "\u0905\u092d\u093f", + "\u0905\u092d\u0940", + "\u0906\u0926\u093f", + "\u0906\u092a", + "\u0907\u0902\u0939\u093f\u0902", + "\u0907\u0902\u0939\u0947\u0902", + "\u0907\u0902\u0939\u094b\u0902", + "\u0907\u0924\u092f\u093e\u0926\u093f", + "\u0907\u0924\u094d\u092f\u093e\u0926\u093f", + "\u0907\u0928", + "\u0907\u0928\u0915\u093e", + "\u0907\u0928\u094d\u0939\u0940\u0902", + "\u0907\u0928\u094d\u0939\u0947\u0902", + "\u0907\u0928\u094d\u0939\u094b\u0902", + "\u0907\u0938", + "\u0907\u0938\u0915\u093e", + "\u0907\u0938\u0915\u093f", + "\u0907\u0938\u0915\u0940", + "\u0907\u0938\u0915\u0947", + "\u0907\u0938\u092e\u0947\u0902", + "\u0907\u0938\u093f", + "\u0907\u0938\u0940", + "\u0907\u0938\u0947", + "\u0909\u0902\u0939\u093f\u0902", + "\u0909\u0902\u0939\u0947\u0902", + "\u0909\u0902\u0939\u094b\u0902", + "\u0909\u0928", + "\u0909\u0928\u0915\u093e", + "\u0909\u0928\u0915\u093f", + "\u0909\u0928\u0915\u0940", + "\u0909\u0928\u0915\u0947", + "\u0909\u0928\u0915\u094b", + "\u0909\u0928\u094d\u0939\u0940\u0902", + "\u0909\u0928\u094d\u0939\u0947\u0902", + "\u0909\u0928\u094d\u0939\u094b\u0902", + "\u0909\u0938", + "\u0909\u0938\u0915\u0947", + "\u0909\u0938\u093f", + "\u0909\u0938\u0940", + "\u0909\u0938\u0947", + "\u090f\u0915", + "\u090f\u0935\u0902", + "\u090f\u0938", + "\u090f\u0938\u0947", + "\u0910\u0938\u0947", + "\u0913\u0930", + "\u0914\u0930", + "\u0915\u0907", + "\u0915\u0908", + "\u0915\u0930", + "\u0915\u0930\u0924\u093e", + "\u0915\u0930\u0924\u0947", + "\u0915\u0930\u0928\u093e", + "\u0915\u0930\u0928\u0947", + "\u0915\u0930\u0947\u0902", + "\u0915\u0939\u0924\u0947", + "\u0915\u0939\u093e", + "\u0915\u093e", + "\u0915\u093e\u092b\u093f", + "\u0915\u093e\u095e\u0940", + "\u0915\u093f", + "\u0915\u093f\u0902\u0939\u0947\u0902", + "\u0915\u093f\u0902\u0939\u094b\u0902", + "\u0915\u093f\u0924\u0928\u093e", + "\u0915\u093f\u0928\u094d\u0939\u0947\u0902", + "\u0915\u093f\u0928\u094d\u0939\u094b\u0902", + "\u0915\u093f\u092f\u093e", + "\u0915\u093f\u0930", + "\u0915\u093f\u0938", + "\u0915\u093f\u0938\u093f", + "\u0915\u093f\u0938\u0940", + "\u0915\u093f\u0938\u0947", + "\u0915\u0940", + "\u0915\u0941\u091b", + "\u0915\u0941\u0932", + "\u0915\u0947", + "\u0915\u094b", + "\u0915\u094b\u0907", + "\u0915\u094b\u0908", + "\u0915\u094b\u0928", + "\u0915\u094b\u0928\u0938\u093e", + "\u0915\u094c\u0928", + "\u0915\u094c\u0928\u0938\u093e", + "\u0917\u092f\u093e", + "\u0918\u0930", + "\u091c\u092c", + "\u091c\u0939\u093e\u0901", + "\u091c\u0939\u093e\u0902", + "\u091c\u093e", + "\u091c\u093f\u0902\u0939\u0947\u0902", + "\u091c\u093f\u0902\u0939\u094b\u0902", + "\u091c\u093f\u0924\u0928\u093e", + "\u091c\u093f\u0927\u0930", + "\u091c\u093f\u0928", + "\u091c\u093f\u0928\u094d\u0939\u0947\u0902", + "\u091c\u093f\u0928\u094d\u0939\u094b\u0902", + "\u091c\u093f\u0938", + "\u091c\u093f\u0938\u0947", + "\u091c\u0940\u0927\u0930", + "\u091c\u0947\u0938\u093e", + "\u091c\u0947\u0938\u0947", + "\u091c\u0948\u0938\u093e", + "\u091c\u0948\u0938\u0947", + "\u091c\u094b", + "\u0924\u0915", + "\u0924\u092c", + "\u0924\u0930\u0939", + "\u0924\u093f\u0902\u0939\u0947\u0902", + "\u0924\u093f\u0902\u0939\u094b\u0902", + "\u0924\u093f\u0928", + "\u0924\u093f\u0928\u094d\u0939\u0947\u0902", + "\u0924\u093f\u0928\u094d\u0939\u094b\u0902", + "\u0924\u093f\u0938", + "\u0924\u093f\u0938\u0947", + "\u0924\u094b", + "\u0925\u093e", + "\u0925\u093f", + "\u0925\u0940", + "\u0925\u0947", + "\u0926\u092c\u093e\u0930\u093e", + "\u0926\u0935\u093e\u0930\u093e", + "\u0926\u093f\u092f\u093e", + "\u0926\u0941\u0938\u0930\u093e", + "\u0926\u0941\u0938\u0930\u0947", + "\u0926\u0942\u0938\u0930\u0947", + "\u0926\u094b", + "\u0926\u094d\u0935\u093e\u0930\u093e", + "\u0928", + "\u0928\u0939\u093f\u0902", + "\u0928\u0939\u0940\u0902", + "\u0928\u093e", + "\u0928\u093f\u091a\u0947", + "\u0928\u093f\u0939\u093e\u092f\u0924", + "\u0928\u0940\u091a\u0947", + "\u0928\u0947", + "\u092a\u0930", + "\u092a\u0939\u0932\u0947", + "\u092a\u0941\u0930\u093e", + "\u092a\u0942\u0930\u093e", + "\u092a\u0947", + "\u092b\u093f\u0930", + "\u092c\u0928\u093f", + "\u092c\u0928\u0940", + "\u092c\u0939\u093f", + "\u092c\u0939\u0940", + "\u092c\u0939\u0941\u0924", + "\u092c\u093e\u0926", + "\u092c\u093e\u0932\u093e", + "\u092c\u093f\u0932\u0915\u0941\u0932", + "\u092d\u093f", + "\u092d\u093f\u0924\u0930", + "\u092d\u0940", + "\u092d\u0940\u0924\u0930", + "\u092e\u0917\u0930", + "\u092e\u093e\u0928\u094b", + "\u092e\u0947", + "\u092e\u0947\u0902", + "\u092f\u0926\u093f", + "\u092f\u0939", + "\u092f\u0939\u093e\u0901", + "\u092f\u0939\u093e\u0902", + "\u092f\u0939\u093f", + "\u092f\u0939\u0940", + "\u092f\u093e", + "\u092f\u093f\u0939", + "\u092f\u0947", + "\u0930\u0916\u0947\u0902", + "\u0930\u0935\u093e\u0938\u093e", + "\u0930\u0939\u093e", + "\u0930\u0939\u0947", + "\u0931\u094d\u0935\u093e\u0938\u093e", + "\u0932\u093f\u090f", + "\u0932\u093f\u092f\u0947", + "\u0932\u0947\u0915\u093f\u0928", + "\u0935", + "\u0935\u0917\u0947\u0930\u0939", + "\u0935\u0930\u0917", + "\u0935\u0930\u094d\u0917", + "\u0935\u0939", + "\u0935\u0939\u093e\u0901", + "\u0935\u0939\u093e\u0902", + "\u0935\u0939\u093f\u0902", + "\u0935\u0939\u0940\u0902", + "\u0935\u093e\u0932\u0947", + "\u0935\u0941\u0939", + "\u0935\u0947", + "\u0935\u095a\u0948\u0930\u0939", + "\u0938\u0902\u0917", + "\u0938\u0915\u0924\u093e", + "\u0938\u0915\u0924\u0947", + "\u0938\u092c\u0938\u0947", + "\u0938\u092d\u093f", + "\u0938\u092d\u0940", + "\u0938\u093e\u0925", + "\u0938\u093e\u092c\u0941\u0924", + "\u0938\u093e\u092d", + "\u0938\u093e\u0930\u093e", + "\u0938\u0947", + "\u0938\u094b", + "\u0939\u093f", + "\u0939\u0940", + "\u0939\u0941\u0905", + "\u0939\u0941\u0906", + "\u0939\u0941\u0907", + "\u0939\u0941\u0908", + "\u0939\u0941\u090f", + "\u0939\u0947", + "\u0939\u0947\u0902", + "\u0939\u0948", + "\u0939\u0948\u0902", + "\u0939\u094b", + "\u0939\u094b\u0924\u093e", + "\u0939\u094b\u0924\u093f", + "\u0939\u094b\u0924\u0940", + "\u0939\u094b\u0924\u0947", + "\u0939\u094b\u0928\u093e", + "\u0939\u094b\u0928\u0947", + ], + "hr": [ + "a", + "ako", + "ali", + "bi", + "bih", + "bila", + "bili", + "bilo", + "bio", + "bismo", + "biste", + "biti", + "bumo", + "da", + "do", + "du\u017e", + "ga", + "ho\u0107e", + "ho\u0107emo", + "ho\u0107ete", + "ho\u0107e\u0161", + "ho\u0107u", + "i", + "iako", + "ih", + "ili", + "iz", + "ja", + "je", + "jedna", + "jedne", + "jedno", + "jer", + "jesam", + "jesi", + "jesmo", + "jest", + "jeste", + "jesu", + "jim", + "joj", + "jo\u0161", + "ju", + "kada", + "kako", + "kao", + "koja", + "koje", + "koji", + "kojima", + "koju", + "kroz", + "li", + "me", + "mene", + "meni", + "mi", + "mimo", + "moj", + "moja", + "moje", + "mu", + "na", + "nad", + "nakon", + "nam", + "nama", + "nas", + "na\u0161", + "na\u0161a", + "na\u0161e", + "na\u0161eg", + "ne", + "nego", + "neka", + "neki", + "nekog", + "neku", + "nema", + "netko", + "ne\u0107e", + "ne\u0107emo", + "ne\u0107ete", + "ne\u0107e\u0161", + "ne\u0107u", + "ne\u0161to", + "ni", + "nije", + "nikoga", + "nikoje", + "nikoju", + "nisam", + "nisi", + "nismo", + "niste", + "nisu", + "njega", + "njegov", + "njegova", + "njegovo", + "njemu", + "njezin", + "njezina", + "njezino", + "njih", + "njihov", + "njihova", + "njihovo", + "njim", + "njima", + "njoj", + "nju", + "no", + "o", + "od", + "odmah", + "on", + "ona", + "oni", + "ono", + "ova", + "pa", + "pak", + "po", + "pod", + "pored", + "prije", + "s", + "sa", + "sam", + "samo", + "se", + "sebe", + "sebi", + "si", + "smo", + "ste", + "su", + "sve", + "svi", + "svog", + "svoj", + "svoja", + "svoje", + "svom", + "ta", + "tada", + "taj", + "tako", + "te", + "tebe", + "tebi", + "ti", + "to", + "toj", + "tome", + "tu", + "tvoj", + "tvoja", + "tvoje", + "u", + "uz", + "vam", + "vama", + "vas", + "va\u0161", + "va\u0161a", + "va\u0161e", + "ve\u0107", + "vi", + "vrlo", + "za", + "zar", + "\u0107e", + "\u0107emo", + "\u0107ete", + "\u0107e\u0161", + "\u0107u", + "\u0161to", + ], + "hu": [ + "a", + "abba", + "abban", + "abb\u00f3l", + "addig", + "ahhoz", + "ahogy", + "ahol", + "aki", + "akik", + "akkor", + "ak\u00e1r", + "alapj\u00e1n", + "alatt", + "alatta", + "alattad", + "alattam", + "alattatok", + "alattuk", + "alattunk", + "al\u00e1", + "al\u00e1d", + "al\u00e1juk", + "al\u00e1m", + "al\u00e1nk", + "al\u00e1tok", + "al\u00f3l", + "al\u00f3la", + "al\u00f3lad", + "al\u00f3lam", + "al\u00f3latok", + "al\u00f3luk", + "al\u00f3lunk", + "amely", + "amelybol", + "amelyek", + "amelyekben", + "amelyeket", + "amelyet", + "amelyik", + "amelynek", + "ami", + "amikor", + "amit", + "amolyan", + "amott", + "am\u00edg", + "annak", + "ann\u00e1l", + "arra", + "arr\u00f3l", + "att\u00f3l", + "az", + "aznap", + "azok", + "azokat", + "azokba", + "azokban", + "azokb\u00f3l", + "azokhoz", + "azokig", + "azokkal", + "azokk\u00e1", + "azoknak", + "azokn\u00e1l", + "azokon", + "azokra", + "azokr\u00f3l", + "azokt\u00f3l", + "azok\u00e9rt", + "azon", + "azonban", + "azonnal", + "azt", + "azt\u00e1n", + "azut\u00e1n", + "azzal", + "azz\u00e1", + "az\u00e9rt", + "bal", + "balra", + "ban", + "be", + "bel\u00e9", + "bel\u00e9d", + "bel\u00e9j\u00fck", + "bel\u00e9m", + "bel\u00e9nk", + "bel\u00e9tek", + "bel\u00fcl", + "bel\u0151le", + "bel\u0151led", + "bel\u0151lem", + "bel\u0151letek", + "bel\u0151l\u00fck", + "bel\u0151l\u00fcnk", + "ben", + "benne", + "benned", + "bennem", + "bennetek", + "benn\u00fck", + "benn\u00fcnk", + "b\u00e1r", + "b\u00e1rcsak", + "b\u00e1rmilyen", + "b\u00facs\u00fa", + "cikk", + "cikkek", + "cikkeket", + "csak", + "csakhogy", + "csup\u00e1n", + "de", + "dehogy", + "e", + "ebbe", + "ebben", + "ebb\u0151l", + "eddig", + "egy", + "egyebek", + "egyebet", + "egyed\u00fcl", + "egyel\u0151re", + "egyes", + "egyet", + "egyetlen", + "egyik", + "egym\u00e1s", + "egyre", + "egyszerre", + "egy\u00e9b", + "egy\u00fctt", + "eg\u00e9sz", + "eg\u00e9szen", + "ehhez", + "ekkor", + "el", + "eleinte", + "ellen", + "ellenes", + "elleni", + "ellen\u00e9re", + "elmondta", + "els\u0151", + "els\u0151k", + "els\u0151sorban", + "els\u0151t", + "el\u00e9", + "el\u00e9d", + "el\u00e9g", + "el\u00e9j\u00fck", + "el\u00e9m", + "el\u00e9nk", + "el\u00e9tek", + "el\u0151", + "el\u0151bb", + "el\u0151l", + "el\u0151le", + "el\u0151led", + "el\u0151lem", + "el\u0151letek", + "el\u0151l\u00fck", + "el\u0151l\u00fcnk", + "el\u0151sz\u00f6r", + "el\u0151tt", + "el\u0151tte", + "el\u0151tted", + "el\u0151ttem", + "el\u0151ttetek", + "el\u0151tt\u00fck", + "el\u0151tt\u00fcnk", + "el\u0151z\u0151", + "emilyen", + "engem", + "ennek", + "ennyi", + "enn\u00e9l", + "eny\u00e9m", + "erre", + "err\u0151l", + "esetben", + "ett\u0151l", + "ez", + "ezek", + "ezekbe", + "ezekben", + "ezekb\u0151l", + "ezeken", + "ezeket", + "ezekhez", + "ezekig", + "ezekkel", + "ezekk\u00e9", + "ezeknek", + "ezekn\u00e9l", + "ezekre", + "ezekr\u0151l", + "ezekt\u0151l", + "ezek\u00e9rt", + "ezen", + "ezent\u00fal", + "ezer", + "ezret", + "ezt", + "ezut\u00e1n", + "ezzel", + "ezz\u00e9", + "ez\u00e9rt", + "fel", + "fele", + "felek", + "felet", + "felett", + "fel\u00e9", + "fent", + "fenti", + "f\u00e9l", + "f\u00f6l\u00e9", + "gyakran", + "ha", + "hall\u00f3", + "hamar", + "hanem", + "harmadik", + "harmadikat", + "harminc", + "hat", + "hatodik", + "hatodikat", + "hatot", + "hatvan", + "helyett", + "hetedik", + "hetediket", + "hetet", + "hetven", + "hirtelen", + "hiszen", + "hi\u00e1ba", + "hogy", + "hogyan", + "hol", + "holnap", + "holnapot", + "honnan", + "hova", + "hozz\u00e1", + "hozz\u00e1d", + "hozz\u00e1juk", + "hozz\u00e1m", + "hozz\u00e1nk", + "hozz\u00e1tok", + "hurr\u00e1", + "huszadik", + "h\u00e1ny", + "h\u00e1nyszor", + "h\u00e1rmat", + "h\u00e1rom", + "h\u00e1t", + "h\u00e1tha", + "h\u00e1tuls\u00f3", + "h\u00e9t", + "h\u00fasz", + "ide", + "ide-\u043eda", + "id\u00e9n", + "igaz\u00e1n", + "igen", + "ill", + "illetve", + "ilyen", + "ilyenkor", + "imm\u00e1r", + "ink\u00e1bb", + "is", + "ism\u00e9t", + "ison", + "itt", + "jelenleg", + "jobban", + "jobbra", + "j\u00f3", + "j\u00f3l", + "j\u00f3lesik", + "j\u00f3val", + "j\u00f6v\u0151re", + "kell", + "kellene", + "kellett", + "kelljen", + "keress\u00fcnk", + "kereszt\u00fcl", + "ketten", + "kett\u0151", + "kett\u0151t", + "kev\u00e9s", + "ki", + "kiben", + "kib\u0151l", + "kicsit", + "kicsoda", + "kihez", + "kik", + "kikbe", + "kikben", + "kikb\u0151l", + "kiken", + "kiket", + "kikhez", + "kikkel", + "kikk\u00e9", + "kiknek", + "kikn\u00e9l", + "kikre", + "kikr\u0151l", + "kikt\u0151l", + "kik\u00e9rt", + "kilenc", + "kilencedik", + "kilencediket", + "kilencet", + "kilencven", + "kin", + "kinek", + "kin\u00e9l", + "kire", + "kir\u0151l", + "kit", + "kit\u0151l", + "kivel", + "kiv\u00e9", + "ki\u00e9", + "ki\u00e9rt", + "kor\u00e1bban", + "k\u00e9pest", + "k\u00e9rem", + "k\u00e9rlek", + "k\u00e9sz", + "k\u00e9s\u0151", + "k\u00e9s\u0151bb", + "k\u00e9s\u0151n", + "k\u00e9t", + "k\u00e9tszer", + "k\u00edv\u00fcl", + "k\u00f6r\u00fcl", + "k\u00f6sz\u00f6nhet\u0151en", + "k\u00f6sz\u00f6n\u00f6m", + "k\u00f6zben", + "k\u00f6zel", + "k\u00f6zepesen", + "k\u00f6zep\u00e9n", + "k\u00f6z\u00e9", + "k\u00f6z\u00f6tt", + "k\u00f6z\u00fcl", + "k\u00fcl\u00f6n", + "k\u00fcl\u00f6nben", + "k\u00fcl\u00f6nb\u00f6z\u0151", + "k\u00fcl\u00f6nb\u00f6z\u0151bb", + "k\u00fcl\u00f6nb\u00f6z\u0151ek", + "lassan", + "le", + "legal\u00e1bb", + "legyen", + "lehet", + "lehetetlen", + "lehetett", + "lehet\u0151leg", + "lehet\u0151s\u00e9g", + "lenne", + "lenni", + "lenn\u00e9k", + "lenn\u00e9nek", + "lesz", + "leszek", + "lesznek", + "lesz\u00fcnk", + "lett", + "lettek", + "lettem", + "lett\u00fcnk", + "l\u00e9v\u0151", + "ma", + "maga", + "magad", + "magam", + "magatokat", + "magukat", + "magunkat", + "mag\u00e1t", + "mai", + "majd", + "majdnem", + "manaps\u00e1g", + "meg", + "megcsin\u00e1l", + "megcsin\u00e1lnak", + "megint", + "megvan", + "mellett", + "mellette", + "melletted", + "mellettem", + "mellettetek", + "mellett\u00fck", + "mellett\u00fcnk", + "mell\u00e9", + "mell\u00e9d", + "mell\u00e9j\u00fck", + "mell\u00e9m", + "mell\u00e9nk", + "mell\u00e9tek", + "mell\u0151l", + "mell\u0151le", + "mell\u0151led", + "mell\u0151lem", + "mell\u0151letek", + "mell\u0151l\u00fck", + "mell\u0151l\u00fcnk", + "mely", + "melyek", + "melyik", + "mennyi", + "mert", + "mi", + "miatt", + "miatta", + "miattad", + "miattam", + "miattatok", + "miattuk", + "miattunk", + "mibe", + "miben", + "mib\u0151l", + "mihez", + "mik", + "mikbe", + "mikben", + "mikb\u0151l", + "miken", + "miket", + "mikhez", + "mikkel", + "mikk\u00e9", + "miknek", + "mikn\u00e9l", + "mikor", + "mikre", + "mikr\u0151l", + "mikt\u0151l", + "mik\u00e9rt", + "milyen", + "min", + "mind", + "mindegyik", + "mindegyiket", + "minden", + "mindenesetre", + "mindenki", + "mindent", + "minden\u00fctt", + "mindig", + "mindketten", + "minek", + "minket", + "mint", + "mintha", + "min\u00e9l", + "mire", + "mir\u0151l", + "mit", + "mit\u0151l", + "mivel", + "miv\u00e9", + "mi\u00e9rt", + "mondta", + "most", + "mostan\u00e1ig", + "m\u00e1r", + "m\u00e1s", + "m\u00e1sik", + "m\u00e1sikat", + "m\u00e1snap", + "m\u00e1sodik", + "m\u00e1sodszor", + "m\u00e1sok", + "m\u00e1sokat", + "m\u00e1st", + "m\u00e9g", + "m\u00e9gis", + "m\u00edg", + "m\u00f6g\u00e9", + "m\u00f6g\u00e9d", + "m\u00f6g\u00e9j\u00fck", + "m\u00f6g\u00e9m", + "m\u00f6g\u00e9nk", + "m\u00f6g\u00e9tek", + "m\u00f6g\u00f6tt", + "m\u00f6g\u00f6tte", + "m\u00f6g\u00f6tted", + "m\u00f6g\u00f6ttem", + "m\u00f6g\u00f6ttetek", + "m\u00f6g\u00f6tt\u00fck", + "m\u00f6g\u00f6tt\u00fcnk", + "m\u00f6g\u00fcl", + "m\u00f6g\u00fcle", + "m\u00f6g\u00fcled", + "m\u00f6g\u00fclem", + "m\u00f6g\u00fcletek", + "m\u00f6g\u00fcl\u00fck", + "m\u00f6g\u00fcl\u00fcnk", + "m\u00faltkor", + "m\u00falva", + "na", + "nagy", + "nagyobb", + "nagyon", + "naponta", + "napot", + "ne", + "negyedik", + "negyediket", + "negyven", + "neked", + "nekem", + "neki", + "nekik", + "nektek", + "nek\u00fcnk", + "nem", + "nemcsak", + "nemr\u00e9g", + "nincs", + "nyolc", + "nyolcadik", + "nyolcadikat", + "nyolcat", + "nyolcvan", + "n\u00e1la", + "n\u00e1lad", + "n\u00e1lam", + "n\u00e1latok", + "n\u00e1luk", + "n\u00e1lunk", + "n\u00e9gy", + "n\u00e9gyet", + "n\u00e9ha", + "n\u00e9h\u00e1ny", + "n\u00e9lk\u00fcl", + "o", + "oda", + "ok", + "olyan", + "onnan", + "ott", + "pedig", + "persze", + "p\u00e1r", + "p\u00e9ld\u00e1ul", + "rajta", + "rajtad", + "rajtam", + "rajtatok", + "rajtuk", + "rajtunk", + "rendben", + "rosszul", + "r\u00e1", + "r\u00e1d", + "r\u00e1juk", + "r\u00e1m", + "r\u00e1nk", + "r\u00e1tok", + "r\u00e9gen", + "r\u00e9g\u00f3ta", + "r\u00e9sz\u00e9re", + "r\u00f3la", + "r\u00f3lad", + "r\u00f3lam", + "r\u00f3latok", + "r\u00f3luk", + "r\u00f3lunk", + "r\u00f6gt\u00f6n", + "s", + "saj\u00e1t", + "se", + "sem", + "semmi", + "semmilyen", + "semmis\u00e9g", + "senki", + "soha", + "sok", + "sokan", + "sokat", + "sokkal", + "sokszor", + "sok\u00e1ig", + "sor\u00e1n", + "stb.", + "szemben", + "szerbusz", + "szerint", + "szerinte", + "szerinted", + "szerintem", + "szerintetek", + "szerint\u00fck", + "szerint\u00fcnk", + "szervusz", + "szinte", + "sz\u00e1m\u00e1ra", + "sz\u00e1z", + "sz\u00e1zadik", + "sz\u00e1zat", + "sz\u00e9pen", + "sz\u00e9t", + "sz\u00edves", + "sz\u00edvesen", + "sz\u00edveskedj\u00e9k", + "s\u0151t", + "tal\u00e1n", + "tavaly", + "te", + "tegnap", + "tegnapel\u0151tt", + "teh\u00e1t", + "tele", + "teljes", + "tess\u00e9k", + "ti", + "tied", + "titeket", + "tizedik", + "tizediket", + "tizenegy", + "tizenegyedik", + "tizenhat", + "tizenh\u00e1rom", + "tizenh\u00e9t", + "tizenkettedik", + "tizenkett\u0151", + "tizenkilenc", + "tizenk\u00e9t", + "tizennyolc", + "tizenn\u00e9gy", + "tizen\u00f6t", + "tizet", + "tov\u00e1bb", + "tov\u00e1bbi", + "tov\u00e1bb\u00e1", + "t\u00e1vol", + "t\u00e9ged", + "t\u00e9nyleg", + "t\u00edz", + "t\u00f6bb", + "t\u00f6bbi", + "t\u00f6bbsz\u00f6r", + "t\u00fal", + "t\u0151le", + "t\u0151led", + "t\u0151lem", + "t\u0151letek", + "t\u0151l\u00fck", + "t\u0151l\u00fcnk", + "ugyanakkor", + "ugyanez", + "ugyanis", + "ugye", + "urak", + "uram", + "urat", + "utolj\u00e1ra", + "utols\u00f3", + "ut\u00e1n", + "ut\u00e1na", + "vagy", + "vagyis", + "vagyok", + "vagytok", + "vagyunk", + "vajon", + "valahol", + "valaki", + "valakit", + "valamelyik", + "valami", + "valamint", + "val\u00f3", + "van", + "vannak", + "vele", + "veled", + "velem", + "veletek", + "vel\u00fck", + "vel\u00fcnk", + "vissza", + "viszl\u00e1t", + "viszont", + "viszontl\u00e1t\u00e1sra", + "volna", + "voln\u00e1nak", + "voln\u00e9k", + "volt", + "voltak", + "voltam", + "voltunk", + "v\u00e9gre", + "v\u00e9g\u00e9n", + "v\u00e9g\u00fcl", + "\u00e1ltal", + "\u00e1ltal\u00e1ban", + "\u00e1m", + "\u00e1t", + "\u00e9ljen", + "\u00e9n", + "\u00e9ppen", + "\u00e9rte", + "\u00e9rted", + "\u00e9rtem", + "\u00e9rtetek", + "\u00e9rt\u00fck", + "\u00e9rt\u00fcnk", + "\u00e9s", + "\u00e9v", + "\u00e9vben", + "\u00e9ve", + "\u00e9vek", + "\u00e9ves", + "\u00e9vi", + "\u00e9vvel", + "\u00edgy", + "\u00f3ta", + "\u00f6n", + "\u00f6nbe", + "\u00f6nben", + "\u00f6nb\u0151l", + "\u00f6nh\u00f6z", + "\u00f6nnek", + "\u00f6nnel", + "\u00f6nn\u00e9l", + "\u00f6nre", + "\u00f6nr\u0151l", + "\u00f6nt", + "\u00f6nt\u0151l", + "\u00f6n\u00e9rt", + "\u00f6n\u00f6k", + "\u00f6n\u00f6kbe", + "\u00f6n\u00f6kben", + "\u00f6n\u00f6kb\u0151l", + "\u00f6n\u00f6ket", + "\u00f6n\u00f6kh\u00f6z", + "\u00f6n\u00f6kkel", + "\u00f6n\u00f6knek", + "\u00f6n\u00f6kn\u00e9l", + "\u00f6n\u00f6kre", + "\u00f6n\u00f6kr\u0151l", + "\u00f6n\u00f6kt\u0151l", + "\u00f6n\u00f6k\u00e9rt", + "\u00f6n\u00f6k\u00f6n", + "\u00f6n\u00f6n", + "\u00f6ssze", + "\u00f6t", + "\u00f6tven", + "\u00f6t\u00f6dik", + "\u00f6t\u00f6diket", + "\u00f6t\u00f6t", + "\u00fagy", + "\u00fagyis", + "\u00fagynevezett", + "\u00faj", + "\u00fajabb", + "\u00fajra", + "\u00far", + "\u0151", + "\u0151k", + "\u0151ket", + "\u0151t", + ], + "hy": [ + "\u0561\u0575\u0564", + "\u0561\u0575\u056c", + "\u0561\u0575\u0576", + "\u0561\u0575\u057d", + "\u0564\u0578\u0582", + "\u0564\u0578\u0582\u0584", + "\u0565\u0574", + "\u0565\u0576", + "\u0565\u0576\u0584", + "\u0565\u057d", + "\u0565\u0584", + "\u0567", + "\u0567\u056b", + "\u0567\u056b\u0576", + "\u0567\u056b\u0576\u0584", + "\u0567\u056b\u0580", + "\u0567\u056b\u0584", + "\u0567\u0580", + "\u0568\u057d\u057f", + "\u0569", + "\u056b", + "\u056b\u0576", + "\u056b\u057d\u056f", + "\u056b\u0580", + "\u056f\u0561\u0574", + "\u0570\u0561\u0574\u0561\u0580", + "\u0570\u0565\u057f", + "\u0570\u0565\u057f\u0578", + "\u0574\u0565\u0576\u0584", + "\u0574\u0565\u057b", + "\u0574\u056b", + "\u0576", + "\u0576\u0561", + "\u0576\u0561\u0587", + "\u0576\u0580\u0561", + "\u0576\u0580\u0561\u0576\u0584", + "\u0578\u0580", + "\u0578\u0580\u0568", + "\u0578\u0580\u0578\u0576\u0584", + "\u0578\u0580\u057a\u0565\u057d", + "\u0578\u0582", + "\u0578\u0582\u0574", + "\u057a\u056b\u057f\u056b", + "\u057e\u0580\u0561", + "\u0587", + ], + "id": [ + "ada", + "adalah", + "adanya", + "adapun", + "agak", + "agaknya", + "agar", + "akan", + "akankah", + "akhirnya", + "aku", + "akulah", + "amat", + "amatlah", + "anda", + "andalah", + "antar", + "antara", + "antaranya", + "apa", + "apaan", + "apabila", + "apakah", + "apalagi", + "apatah", + "atau", + "ataukah", + "ataupun", + "bagai", + "bagaikan", + "bagaimana", + "bagaimanakah", + "bagaimanapun", + "bagi", + "bahkan", + "bahwa", + "bahwasanya", + "banyak", + "beberapa", + "begini", + "beginian", + "beginikah", + "beginilah", + "begitu", + "begitukah", + "begitulah", + "begitupun", + "belum", + "belumlah", + "berapa", + "berapakah", + "berapalah", + "berapapun", + "bermacam", + "bersama", + "betulkah", + "biasa", + "biasanya", + "bila", + "bilakah", + "bisa", + "bisakah", + "boleh", + "bolehkah", + "bolehlah", + "buat", + "bukan", + "bukankah", + "bukanlah", + "bukannya", + "cuma", + "dahulu", + "dalam", + "dan", + "dapat", + "dari", + "daripada", + "dekat", + "demi", + "demikian", + "demikianlah", + "dengan", + "depan", + "di", + "dia", + "dialah", + "diantara", + "diantaranya", + "dikarenakan", + "dini", + "diri", + "dirinya", + "disini", + "disinilah", + "dong", + "dulu", + "enggak", + "enggaknya", + "entah", + "entahlah", + "hal", + "hampir", + "hanya", + "hanyalah", + "harus", + "haruslah", + "harusnya", + "hendak", + "hendaklah", + "hendaknya", + "hingga", + "ia", + "ialah", + "ibarat", + "ingin", + "inginkah", + "inginkan", + "ini", + "inikah", + "inilah", + "itu", + "itukah", + "itulah", + "jangan", + "jangankan", + "janganlah", + "jika", + "jikalau", + "juga", + "justru", + "kala", + "kalau", + "kalaulah", + "kalaupun", + "kalian", + "kami", + "kamilah", + "kamu", + "kamulah", + "kan", + "kapan", + "kapankah", + "kapanpun", + "karena", + "karenanya", + "ke", + "kecil", + "kemudian", + "kenapa", + "kepada", + "kepadanya", + "ketika", + "khususnya", + "kini", + "kinilah", + "kiranya", + "kita", + "kitalah", + "kok", + "lagi", + "lagian", + "lah", + "lain", + "lainnya", + "lalu", + "lama", + "lamanya", + "lebih", + "macam", + "maka", + "makanya", + "makin", + "malah", + "malahan", + "mampu", + "mampukah", + "mana", + "manakala", + "manalagi", + "masih", + "masihkah", + "masing", + "mau", + "maupun", + "melainkan", + "melalui", + "memang", + "mengapa", + "mereka", + "merekalah", + "merupakan", + "meski", + "meskipun", + "mungkin", + "mungkinkah", + "nah", + "namun", + "nanti", + "nantinya", + "nyaris", + "oleh", + "olehnya", + "pada", + "padahal", + "padanya", + "paling", + "pantas", + "para", + "pasti", + "pastilah", + "per", + "percuma", + "pernah", + "pula", + "pun", + "rupanya", + "saat", + "saatnya", + "saja", + "sajalah", + "saling", + "sama", + "sambil", + "sampai", + "sana", + "sangat", + "sangatlah", + "saya", + "sayalah", + "se", + "sebab", + "sebabnya", + "sebagai", + "sebagaimana", + "sebagainya", + "sebaliknya", + "sebanyak", + "sebegini", + "sebegitu", + "sebelum", + "sebelumnya", + "sebenarnya", + "seberapa", + "sebetulnya", + "sebisanya", + "sebuah", + "sedang", + "sedangkan", + "sedemikian", + "sedikit", + "sedikitnya", + "segala", + "segalanya", + "segera", + "seharusnya", + "sehingga", + "sejak", + "sejenak", + "sekali", + "sekalian", + "sekaligus", + "sekalipun", + "sekarang", + "seketika", + "sekiranya", + "sekitar", + "sekitarnya", + "sela", + "selagi", + "selain", + "selaku", + "selalu", + "selama", + "selamanya", + "seluruh", + "seluruhnya", + "semacam", + "semakin", + "semasih", + "semaunya", + "sementara", + "sempat", + "semua", + "semuanya", + "semula", + "sendiri", + "sendirinya", + "seolah", + "seorang", + "sepanjang", + "sepantasnya", + "sepantasnyalah", + "seperti", + "sepertinya", + "sering", + "seringnya", + "serta", + "serupa", + "sesaat", + "sesama", + "sesegera", + "sesekali", + "seseorang", + "sesuatu", + "sesuatunya", + "sesudah", + "sesudahnya", + "setelah", + "seterusnya", + "setiap", + "setidaknya", + "sewaktu", + "siapa", + "siapakah", + "siapapun", + "sini", + "sinilah", + "suatu", + "sudah", + "sudahkah", + "sudahlah", + "supaya", + "tadi", + "tadinya", + "tak", + "tanpa", + "tapi", + "telah", + "tentang", + "tentu", + "tentulah", + "tentunya", + "terdiri", + "terhadap", + "terhadapnya", + "terlalu", + "terlebih", + "tersebut", + "tersebutlah", + "tertentu", + "tetapi", + "tiap", + "tidak", + "tidakkah", + "tidaklah", + "toh", + "waduh", + "wah", + "wahai", + "walau", + "walaupun", + "wong", + "yaitu", + "yakni", + "yang", + ], + "it": [ + "IE", + "a", + "abbastanza", + "abbia", + "abbiamo", + "abbiano", + "abbiate", + "accidenti", + "ad", + "adesso", + "affinche", + "agl", + "agli", + "ahime", + "ahim\u00e8", + "ai", + "al", + "alcuna", + "alcuni", + "alcuno", + "all", + "alla", + "alle", + "allo", + "allora", + "altri", + "altrimenti", + "altro", + "altrove", + "altrui", + "anche", + "ancora", + "anni", + "anno", + "ansa", + "anticipo", + "assai", + "attesa", + "attraverso", + "avanti", + "avemmo", + "avendo", + "avente", + "aver", + "avere", + "averlo", + "avesse", + "avessero", + "avessi", + "avessimo", + "aveste", + "avesti", + "avete", + "aveva", + "avevamo", + "avevano", + "avevate", + "avevi", + "avevo", + "avrai", + "avranno", + "avrebbe", + "avrebbero", + "avrei", + "avremmo", + "avremo", + "avreste", + "avresti", + "avrete", + "avr\u00e0", + "avr\u00f2", + "avuta", + "avute", + "avuti", + "avuto", + "basta", + "bene", + "benissimo", + "berlusconi", + "brava", + "bravo", + "c", + "casa", + "caso", + "cento", + "certa", + "certe", + "certi", + "certo", + "che", + "chi", + "chicchessia", + "chiunque", + "ci", + "ciascuna", + "ciascuno", + "cima", + "cio", + "cioe", + "cio\u00e8", + "circa", + "citta", + "citt\u00e0", + "ci\u00f2", + "co", + "codesta", + "codesti", + "codesto", + "cogli", + "coi", + "col", + "colei", + "coll", + "coloro", + "colui", + "come", + "cominci", + "comunque", + "con", + "concernente", + "conciliarsi", + "conclusione", + "consiglio", + "contro", + "cortesia", + "cos", + "cosa", + "cosi", + "cos\u00ec", + "cui", + "d", + "da", + "dagl", + "dagli", + "dai", + "dal", + "dall", + "dalla", + "dalle", + "dallo", + "dappertutto", + "davanti", + "degl", + "degli", + "dei", + "del", + "dell", + "della", + "delle", + "dello", + "dentro", + "detto", + "deve", + "di", + "dice", + "dietro", + "dire", + "dirimpetto", + "diventa", + "diventare", + "diventato", + "dopo", + "dov", + "dove", + "dovra", + "dovr\u00e0", + "dovunque", + "due", + "dunque", + "durante", + "e", + "ebbe", + "ebbero", + "ebbi", + "ecc", + "ecco", + "ed", + "effettivamente", + "egli", + "ella", + "entrambi", + "eppure", + "era", + "erano", + "eravamo", + "eravate", + "eri", + "ero", + "esempio", + "esse", + "essendo", + "esser", + "essere", + "essi", + "ex", + "fa", + "faccia", + "facciamo", + "facciano", + "facciate", + "faccio", + "facemmo", + "facendo", + "facesse", + "facessero", + "facessi", + "facessimo", + "faceste", + "facesti", + "faceva", + "facevamo", + "facevano", + "facevate", + "facevi", + "facevo", + "fai", + "fanno", + "farai", + "faranno", + "fare", + "farebbe", + "farebbero", + "farei", + "faremmo", + "faremo", + "fareste", + "faresti", + "farete", + "far\u00e0", + "far\u00f2", + "fatto", + "favore", + "fece", + "fecero", + "feci", + "fin", + "finalmente", + "finche", + "fine", + "fino", + "forse", + "forza", + "fosse", + "fossero", + "fossi", + "fossimo", + "foste", + "fosti", + "fra", + "frattempo", + "fu", + "fui", + "fummo", + "fuori", + "furono", + "futuro", + "generale", + "gia", + "giacche", + "giorni", + "giorno", + "gi\u00e0", + "gli", + "gliela", + "gliele", + "glieli", + "glielo", + "gliene", + "governo", + "grande", + "grazie", + "gruppo", + "ha", + "haha", + "hai", + "hanno", + "ho", + "i", + "ieri", + "il", + "improvviso", + "in", + "inc", + "infatti", + "inoltre", + "insieme", + "intanto", + "intorno", + "invece", + "io", + "l", + "la", + "lasciato", + "lato", + "lavoro", + "le", + "lei", + "li", + "lo", + "lontano", + "loro", + "lui", + "lungo", + "luogo", + "l\u00e0", + "ma", + "macche", + "magari", + "maggior", + "mai", + "male", + "malgrado", + "malissimo", + "mancanza", + "marche", + "me", + "medesimo", + "mediante", + "meglio", + "meno", + "mentre", + "mesi", + "mezzo", + "mi", + "mia", + "mie", + "miei", + "mila", + "miliardi", + "milioni", + "minimi", + "ministro", + "mio", + "modo", + "molti", + "moltissimo", + "molto", + "momento", + "mondo", + "mosto", + "nazionale", + "ne", + "negl", + "negli", + "nei", + "nel", + "nell", + "nella", + "nelle", + "nello", + "nemmeno", + "neppure", + "nessun", + "nessuna", + "nessuno", + "niente", + "no", + "noi", + "non", + "nondimeno", + "nonostante", + "nonsia", + "nostra", + "nostre", + "nostri", + "nostro", + "novanta", + "nove", + "nulla", + "nuovo", + "o", + "od", + "oggi", + "ogni", + "ognuna", + "ognuno", + "oltre", + "oppure", + "ora", + "ore", + "osi", + "ossia", + "ottanta", + "otto", + "paese", + "parecchi", + "parecchie", + "parecchio", + "parte", + "partendo", + "peccato", + "peggio", + "per", + "perche", + "perch\u00e8", + "perch\u00e9", + "percio", + "perci\u00f2", + "perfino", + "pero", + "persino", + "persone", + "per\u00f2", + "piedi", + "pieno", + "piglia", + "piu", + "piuttosto", + "pi\u00f9", + "po", + "pochissimo", + "poco", + "poi", + "poiche", + "possa", + "possedere", + "posteriore", + "posto", + "potrebbe", + "preferibilmente", + "presa", + "press", + "prima", + "primo", + "principalmente", + "probabilmente", + "proprio", + "puo", + "pure", + "purtroppo", + "pu\u00f2", + "qualche", + "qualcosa", + "qualcuna", + "qualcuno", + "quale", + "quali", + "qualunque", + "quando", + "quanta", + "quante", + "quanti", + "quanto", + "quantunque", + "quasi", + "quattro", + "quel", + "quella", + "quelle", + "quelli", + "quello", + "quest", + "questa", + "queste", + "questi", + "questo", + "qui", + "quindi", + "realmente", + "recente", + "recentemente", + "registrazione", + "relativo", + "riecco", + "salvo", + "sara", + "sarai", + "saranno", + "sarebbe", + "sarebbero", + "sarei", + "saremmo", + "saremo", + "sareste", + "saresti", + "sarete", + "sar\u00e0", + "sar\u00f2", + "scola", + "scopo", + "scorso", + "se", + "secondo", + "seguente", + "seguito", + "sei", + "sembra", + "sembrare", + "sembrato", + "sembri", + "sempre", + "senza", + "sette", + "si", + "sia", + "siamo", + "siano", + "siate", + "siete", + "sig", + "solito", + "solo", + "soltanto", + "sono", + "sopra", + "sotto", + "spesso", + "srl", + "sta", + "stai", + "stando", + "stanno", + "starai", + "staranno", + "starebbe", + "starebbero", + "starei", + "staremmo", + "staremo", + "stareste", + "staresti", + "starete", + "star\u00e0", + "star\u00f2", + "stata", + "state", + "stati", + "stato", + "stava", + "stavamo", + "stavano", + "stavate", + "stavi", + "stavo", + "stemmo", + "stessa", + "stesse", + "stessero", + "stessi", + "stessimo", + "stesso", + "steste", + "stesti", + "stette", + "stettero", + "stetti", + "stia", + "stiamo", + "stiano", + "stiate", + "sto", + "su", + "sua", + "subito", + "successivamente", + "successivo", + "sue", + "sugl", + "sugli", + "sui", + "sul", + "sull", + "sulla", + "sulle", + "sullo", + "suo", + "suoi", + "tale", + "tali", + "talvolta", + "tanto", + "te", + "tempo", + "ti", + "titolo", + "torino", + "tra", + "tranne", + "tre", + "trenta", + "troppo", + "trovato", + "tu", + "tua", + "tue", + "tuo", + "tuoi", + "tutta", + "tuttavia", + "tutte", + "tutti", + "tutto", + "uguali", + "ulteriore", + "ultimo", + "un", + "una", + "uno", + "uomo", + "va", + "vale", + "vari", + "varia", + "varie", + "vario", + "verso", + "vi", + "via", + "vicino", + "visto", + "vita", + "voi", + "volta", + "volte", + "vostra", + "vostre", + "vostri", + "vostro", + "\u00e8", + ], + "ja": [ + "\u3042\u3063", + "\u3042\u308a", + "\u3042\u308b", + "\u3044", + "\u3044\u3046", + "\u3044\u308b", + "\u3046", + "\u3046\u3061", + "\u304a", + "\u304a\u3088\u3073", + "\u304a\u308a", + "\u304b", + "\u304b\u3064\u3066", + "\u304b\u3089", + "\u304c", + "\u304d", + "\u3053\u3053", + "\u3053\u3068", + "\u3053\u306e", + "\u3053\u308c", + "\u3053\u308c\u3089", + "\u3055", + "\u3055\u3089\u306b", + "\u3057", + "\u3057\u304b\u3057", + "\u3059\u308b", + "\u305a", + "\u305b", + "\u305b\u308b", + "\u305d\u3057\u3066", + "\u305d\u306e", + "\u305d\u306e\u4ed6", + "\u305d\u306e\u5f8c", + "\u305d\u308c", + "\u305d\u308c\u305e\u308c", + "\u305f", + "\u305f\u3060\u3057", + "\u305f\u3061", + "\u305f\u3081", + "\u305f\u308a", + "\u3060", + "\u3060\u3063", + "\u3064", + "\u3066", + "\u3067", + "\u3067\u304d", + "\u3067\u304d\u308b", + "\u3067\u3059", + "\u3067\u306f", + "\u3067\u3082", + "\u3068", + "\u3068\u3044\u3046", + "\u3068\u3044\u3063\u305f", + "\u3068\u304d", + "\u3068\u3053\u308d", + "\u3068\u3057\u3066", + "\u3068\u3068\u3082\u306b", + "\u3068\u3082", + "\u3068\u5171\u306b", + "\u306a", + "\u306a\u3044", + "\u306a\u304a", + "\u306a\u304b\u3063", + "\u306a\u304c\u3089", + "\u306a\u304f", + "\u306a\u3063", + "\u306a\u3069", + "\u306a\u3089", + "\u306a\u308a", + "\u306a\u308b", + "\u306b", + "\u306b\u304a\u3044\u3066", + "\u306b\u304a\u3051\u308b", + "\u306b\u3064\u3044\u3066", + "\u306b\u3066", + "\u306b\u3088\u3063\u3066", + "\u306b\u3088\u308a", + "\u306b\u3088\u308b", + "\u306b\u5bfe\u3057\u3066", + "\u306b\u5bfe\u3059\u308b", + "\u306b\u95a2\u3059\u308b", + "\u306e", + "\u306e\u3067", + "\u306e\u307f", + "\u306f", + "\u3070", + "\u3078", + "\u307b\u304b", + "\u307b\u3068\u3093\u3069", + "\u307b\u3069", + "\u307e\u3059", + "\u307e\u305f", + "\u307e\u305f\u306f", + "\u307e\u3067", + "\u3082", + "\u3082\u306e", + "\u3082\u306e\u306e", + "\u3084", + "\u3088\u3046", + "\u3088\u308a", + "\u3089", + "\u3089\u308c", + "\u3089\u308c\u308b", + "\u308c", + "\u308c\u308b", + "\u3092", + "\u3093", + "\u53ca\u3073", + "\u7279\u306b", + ], + "ko": [ + "!", + '"', + "$", + "%", + "&", + "'", + "(", + ")", + "*", + "+", + ",", + "-", + ".", + "...", + "0", + "1", + "2", + "3", + "4", + "5", + "6", + "7", + "8", + "9", + ";", + "<", + "=", + ">", + "?", + "@", + "\\", + "^", + "_", + "`", + "|", + "~", + "\u00b7", + "\u2014", + "\u2014\u2014", + "\u2018", + "\u2019", + "\u201c", + "\u201d", + "\u2026", + "\u3001", + "\u3002", + "\u3008", + "\u3009", + "\u300a", + "\u300b", + "\uac00", + "\uac00\uae4c\uc2a4\ub85c", + "\uac00\ub839", + "\uac01", + "\uac01\uac01", + "\uac01\uc790", + "\uac01\uc885", + "\uac16\uace0\ub9d0\ud558\uc790\uba74", + "\uac19\ub2e4", + "\uac19\uc774", + "\uac1c\uc758\uce58\uc54a\uace0", + "\uac70\ub2c8\uc640", + "\uac70\ubc14", + "\uac70\uc758", + "\uac83", + "\uac83\uacfc \uac19\uc774", + "\uac83\ub4e4", + "\uac8c\ub2e4\uac00", + "\uac8c\uc6b0\ub2e4", + "\uaca8\uc6b0", + "\uacac\uc9c0\uc5d0\uc11c", + "\uacb0\uacfc\uc5d0 \uc774\ub974\ub2e4", + "\uacb0\uad6d", + "\uacb0\ub860\uc744 \ub0bc \uc218 \uc788\ub2e4", + "\uacb8\uc0ac\uacb8\uc0ac", + "\uace0\ub824\ud558\uba74", + "\uace0\ub85c", + "\uace7", + "\uacf5\ub3d9\uc73c\ub85c", + "\uacfc", + "\uacfc\uc5f0", + "\uad00\uacc4\uac00 \uc788\ub2e4", + "\uad00\uacc4\uc5c6\uc774", + "\uad00\ub828\uc774 \uc788\ub2e4", + "\uad00\ud558\uc5ec", + "\uad00\ud55c", + "\uad00\ud574\uc11c\ub294", + "\uad6c", + "\uad6c\uccb4\uc801\uc73c\ub85c", + "\uad6c\ud1a0\ud558\ub2e4", + "\uadf8", + "\uadf8\ub4e4", + "\uadf8\ub54c", + "\uadf8\ub798", + "\uadf8\ub798\ub3c4", + "\uadf8\ub798\uc11c", + "\uadf8\ub7ec\ub098", + "\uadf8\ub7ec\ub2c8", + "\uadf8\ub7ec\ub2c8\uae4c", + "\uadf8\ub7ec\uba74", + "\uadf8\ub7ec\ubbc0\ub85c", + "\uadf8\ub7ec\ud55c\uc989", + "\uadf8\ub7f0 \uae4c\ub2ed\uc5d0", + "\uadf8\ub7f0\ub370", + "\uadf8\ub7f0\uc989", + "\uadf8\ub7fc", + "\uadf8\ub7fc\uc5d0\ub3c4 \ubd88\uad6c\ud558\uace0", + "\uadf8\ub807\uac8c \ud568\uc73c\ub85c\uc368", + "\uadf8\ub807\uc9c0", + "\uadf8\ub807\uc9c0 \uc54a\ub2e4\uba74", + "\uadf8\ub807\uc9c0 \uc54a\uc73c\uba74", + "\uadf8\ub807\uc9c0\ub9cc", + "\uadf8\ub807\uc9c0\uc54a\uc73c\uba74", + "\uadf8\ub9ac\uace0", + "\uadf8\ub9ac\ud558\uc5ec", + "\uadf8\ub9cc\uc774\ub2e4", + "\uadf8\uc5d0 \ub530\ub974\ub294", + "\uadf8\uc704\uc5d0", + "\uadf8\uc800", + "\uadf8\uc911\uc5d0\uc11c", + "\uadf8\uce58\uc9c0 \uc54a\ub2e4", + "\uadfc\uac70\ub85c", + "\uadfc\uac70\ud558\uc5ec", + "\uae30\ub300\uc5ec", + "\uae30\uc810\uc73c\ub85c", + "\uae30\uc900\uc73c\ub85c", + "\uae30\ud0c0", + "\uae4c\ub2ed\uc73c\ub85c", + "\uae4c\uc545", + "\uae4c\uc9c0", + "\uae4c\uc9c0 \ubbf8\uce58\ub2e4", + "\uae4c\uc9c0\ub3c4", + "\uaf48\ub2f9", + "\ub059\ub059", + "\ub07c\uc775", + "\ub098", + "\ub098\uba38\uc9c0\ub294", + "\ub0a8\ub4e4", + "\ub0a8\uc9d3", + "\ub108", + "\ub108\ud76c", + "\ub108\ud76c\ub4e4", + "\ub124", + "\ub137", + "\ub144", + "\ub17c\ud558\uc9c0 \uc54a\ub2e4", + "\ub180\ub77c\ub2e4", + "\ub204\uac00 \uc54c\uaca0\ub294\uac00", + "\ub204\uad6c", + "\ub2e4\ub978", + "\ub2e4\ub978 \ubc29\uba74\uc73c\ub85c", + "\ub2e4\ub9cc", + "\ub2e4\uc12f", + "\ub2e4\uc18c", + "\ub2e4\uc218", + "\ub2e4\uc2dc \ub9d0\ud558\uc790\uba74", + "\ub2e4\uc2dc\ub9d0\ud558\uba74", + "\ub2e4\uc74c", + "\ub2e4\uc74c\uc5d0", + "\ub2e4\uc74c\uc73c\ub85c", + "\ub2e8\uc9c0", + "\ub2f5\ub2e4", + "\ub2f9\uc2e0", + "\ub2f9\uc7a5", + "\ub300\ub85c \ud558\ub2e4", + "\ub300\ud558\uba74", + "\ub300\ud558\uc5ec", + "\ub300\ud574 \ub9d0\ud558\uc790\uba74", + "\ub300\ud574\uc11c", + "\ub315\uadf8", + "\ub354\uad6c\ub098", + "\ub354\uad70\ub2e4\ub098", + "\ub354\ub77c\ub3c4", + "\ub354\ubd88\uc5b4", + "\ub354\uc6b1\ub354", + "\ub354\uc6b1\uc774\ub294", + "\ub3c4\ub2ec\ud558\ub2e4", + "\ub3c4\ucc29\ud558\ub2e4", + "\ub3d9\uc2dc\uc5d0", + "\ub3d9\uc548", + "\ub41c\ubc14\uc5d0\uc57c", + "\ub41c\uc774\uc0c1", + "\ub450\ubc88\uc9f8\ub85c", + "\ub458", + "\ub465\ub465", + "\ub4a4\ub530\ub77c", + "\ub4a4\uc774\uc5b4", + "\ub4e0\uac04\uc5d0", + "\ub4e4", + "\ub4f1", + "\ub4f1\ub4f1", + "\ub529\ub3d9", + "\ub530\ub77c", + "\ub530\ub77c\uc11c", + "\ub530\uc704", + "\ub530\uc9c0\uc9c0 \uc54a\ub2e4", + "\ub531", + "\ub54c", + "\ub54c\uac00 \ub418\uc5b4", + "\ub54c\ubb38\uc5d0", + "\ub610", + "\ub610\ud55c", + "\ub69d\ub69d", + "\ub77c \ud574\ub3c4", + "\ub839", + "\ub85c", + "\ub85c \uc778\ud558\uc5ec", + "\ub85c\ubd80\ud130", + "\ub85c\uc368", + "\ub959", + "\ub97c", + "\ub9c8\uc74c\ub300\ub85c", + "\ub9c8\uc800", + "\ub9c8\uc800\ub3c4", + "\ub9c8\uce58", + "\ub9c9\ub860\ud558\uace0", + "\ub9cc \ubabb\ud558\ub2e4", + "\ub9cc\uc57d", + "\ub9cc\uc57d\uc5d0", + "\ub9cc\uc740 \uc544\ub2c8\ub2e4", + "\ub9cc\uc774 \uc544\ub2c8\ub2e4", + "\ub9cc\uc77c", + "\ub9cc\ud07c", + "\ub9d0\ud558\uc790\uba74", + "\ub9d0\ud560\uac83\ub3c4 \uc5c6\uace0", + "\ub9e4", + "\ub9e4\ubc88", + "\uba54\uc4f0\uac81\ub2e4", + "\uba87", + "\ubaa8", + "\ubaa8\ub450", + "\ubb34\ub835", + "\ubb34\ub98e\uc4f0\uace0", + "\ubb34\uc2a8", + "\ubb34\uc5c7", + "\ubb34\uc5c7\ub54c\ubb38\uc5d0", + "\ubb3c\ub860", + "\ubc0f", + "\ubc14\uafb8\uc5b4\ub9d0\ud558\uba74", + "\ubc14\uafb8\uc5b4\ub9d0\ud558\uc790\uba74", + "\ubc14\uafb8\uc5b4\uc11c \ub9d0\ud558\uba74", + "\ubc14\uafb8\uc5b4\uc11c \ud55c\ub2e4\uba74", + "\ubc14\uafd4 \ub9d0\ud558\uba74", + "\ubc14\ub85c", + "\ubc14\uc640\uac19\uc774", + "\ubc16\uc5d0 \uc548\ub41c\ub2e4", + "\ubc18\ub300\ub85c", + "\ubc18\ub300\ub85c \ub9d0\ud558\uc790\uba74", + "\ubc18\ub4dc\uc2dc", + "\ubc84\uae08", + "\ubcf4\ub294\ub370\uc11c", + "\ubcf4\ub2e4\ub354", + "\ubcf4\ub4dc\ub4dd", + "\ubcf8\ub300\ub85c", + "\ubd10", + "\ubd10\ub77c", + "\ubd80\ub958\uc758 \uc0ac\ub78c\ub4e4", + "\ubd80\ud130", + "\ubd88\uad6c\ud558\uace0", + "\ubd88\ubb38\ud558\uace0", + "\ubd95\ubd95", + "\ube44\uac71\uac70\ub9ac\ub2e4", + "\ube44\uad50\uc801", + "\ube44\uae38\uc218 \uc5c6\ub2e4", + "\ube44\ub85c\uc18c", + "\ube44\ub85d", + "\ube44\uc2b7\ud558\ub2e4", + "\ube44\ucd94\uc5b4 \ubcf4\uc544", + "\ube44\ud558\uba74", + "\ubfd0\ub9cc \uc544\ub2c8\ub77c", + "\ubfd0\ub9cc\uc544\ub2c8\ub77c", + "\ubfd0\uc774\ub2e4", + "\uc090\uac71", + "\uc090\uac71\uac70\ub9ac\ub2e4", + "\uc0ac", + "\uc0bc", + "\uc0c1\ub300\uc801\uc73c\ub85c \ub9d0\ud558\uc790\uba74", + "\uc0dd\uac01\ud55c\ub300\ub85c", + "\uc124\ub839", + "\uc124\ub9c8", + "\uc124\uc0ac", + "\uc14b", + "\uc18c\uc0dd", + "\uc18c\uc778", + "\uc1a8", + "\uc27f", + "\uc2b5\ub2c8\uae4c", + "\uc2b5\ub2c8\ub2e4", + "\uc2dc\uac01", + "\uc2dc\uac04", + "\uc2dc\uc791\ud558\uc5ec", + "\uc2dc\ucd08\uc5d0", + "\uc2dc\ud0a4\ub2e4", + "\uc2e4\ub85c", + "\uc2ec\uc9c0\uc5b4", + "\uc544", + "\uc544\ub2c8", + "\uc544\ub2c8\ub098\ub2e4\ub97c\uac00", + "\uc544\ub2c8\ub77c\uba74", + "\uc544\ub2c8\uba74", + "\uc544\ub2c8\uc5c8\ub2e4\uba74", + "\uc544\ub798\uc717", + "\uc544\ubb34\uac70\ub098", + "\uc544\ubb34\ub3c4", + "\uc544\uc57c", + "\uc544\uc6b8\ub7ec", + "\uc544\uc774", + "\uc544\uc774\uace0", + "\uc544\uc774\uad6c", + "\uc544\uc774\uc57c", + "\uc544\uc774\ucfe0", + "\uc544\ud558", + "\uc544\ud649", + "\uc548 \uadf8\ub7ec\uba74", + "\uc54a\uae30 \uc704\ud558\uc5ec", + "\uc54a\uae30 \uc704\ud574\uc11c", + "\uc54c \uc218 \uc788\ub2e4", + "\uc54c\uc558\uc5b4", + "\uc557", + "\uc55e\uc5d0\uc11c", + "\uc55e\uc758\uac83", + "\uc57c", + "\uc57d\uac04", + "\uc591\uc790", + "\uc5b4", + "\uc5b4\uae30\uc5ec\ucc28", + "\uc5b4\ub290", + "\uc5b4\ub290 \ub144\ub3c4", + "\uc5b4\ub290\uac83", + "\uc5b4\ub290\uacf3", + "\uc5b4\ub290\ub54c", + "\uc5b4\ub290\ucabd", + "\uc5b4\ub290\ud574", + "\uc5b4\ub514", + "\uc5b4\ub54c", + "\uc5b4\ub5a0\ud55c", + "\uc5b4\ub5a4", + "\uc5b4\ub5a4\uac83", + "\uc5b4\ub5a4\uac83\ub4e4", + "\uc5b4\ub5bb\uac8c", + "\uc5b4\ub5bb\ud574", + "\uc5b4\uc774", + "\uc5b4\uc9f8\uc11c", + "\uc5b4\uca0b\ub4e0", + "\uc5b4\uca54\uc218 \uc5c6\ub2e4", + "\uc5b4\ucc0c", + "\uc5b4\ucc0c\ub40f\ub4e0", + "\uc5b4\ucc0c\ub40f\uc5b4", + "\uc5b4\ucc0c\ud558\ub4e0\uc9c0", + "\uc5b4\ucc0c\ud558\uc5ec", + "\uc5b8\uc81c", + "\uc5b8\uc820\uac00", + "\uc5bc\ub9c8", + "\uc5bc\ub9c8 \uc548 \ub418\ub294 \uac83", + "\uc5bc\ub9c8\uac04", + "\uc5bc\ub9c8\ub098", + "\uc5bc\ub9c8\ub4e0\uc9c0", + "\uc5bc\ub9c8\ub9cc\ud07c", + "\uc5bc\ub9c8\ud07c", + "\uc5c9\uc5c9", + "\uc5d0", + "\uc5d0 \uac00\uc11c", + "\uc5d0 \ub2ec\ub824 \uc788\ub2e4", + "\uc5d0 \ub300\ud574", + "\uc5d0 \uc788\ub2e4", + "\uc5d0 \ud55c\ud558\ub2e4", + "\uc5d0\uac8c", + "\uc5d0\uc11c", + "\uc5ec", + "\uc5ec\uae30", + "\uc5ec\ub35f", + "\uc5ec\ub7ec\ubd84", + "\uc5ec\ubcf4\uc2dc\uc624", + "\uc5ec\ubd80", + "\uc5ec\uc12f", + "\uc5ec\uc804\ud788", + "\uc5ec\ucc28", + "\uc5f0\uad00\ub418\ub2e4", + "\uc5f0\uc774\uc11c", + "\uc601", + "\uc601\ucc28", + "\uc606\uc0ac\ub78c", + "\uc608", + "\uc608\ub97c \ub4e4\uba74", + "\uc608\ub97c \ub4e4\uc790\uba74", + "\uc608\ucee8\ub300", + "\uc608\ud558\uba74", + "\uc624", + "\uc624\ub85c\uc9c0", + "\uc624\ub974\ub2e4", + "\uc624\uc790\ub9c8\uc790", + "\uc624\uc9c1", + "\uc624\ud638", + "\uc624\ud788\ub824", + "\uc640", + "\uc640 \uac19\uc740 \uc0ac\ub78c\ub4e4", + "\uc640\ub974\ub974", + "\uc640\uc544", + "\uc65c", + "\uc65c\ub0d0\ud558\uba74", + "\uc678\uc5d0\ub3c4", + "\uc694\ub9cc\ud07c", + "\uc694\ub9cc\ud55c \uac83", + "\uc694\ub9cc\ud55c\uac78", + "\uc694\ucee8\ub300", + "\uc6b0\ub974\ub974", + "\uc6b0\ub9ac", + "\uc6b0\ub9ac\ub4e4", + "\uc6b0\uc120", + "\uc6b0\uc5d0 \uc885\ud569\ud55c\uac83\uacfc\uac19\uc774", + "\uc6b4\uc6b4", + "\uc6d4", + "\uc704\uc5d0\uc11c \uc11c\uc220\ud55c\ubc14\uc640\uac19\uc774", + "\uc704\ud558\uc5ec", + "\uc704\ud574\uc11c", + "\uc719\uc719", + "\uc721", + "\uc73c\ub85c", + "\uc73c\ub85c \uc778\ud558\uc5ec", + "\uc73c\ub85c\uc11c", + "\uc73c\ub85c\uc368", + "\uc744", + "\uc751", + "\uc751\ub2f9", + "\uc758", + "\uc758\uac70\ud558\uc5ec", + "\uc758\uc9c0\ud558\uc5ec", + "\uc758\ud574", + "\uc758\ud574\ub418\ub2e4", + "\uc758\ud574\uc11c", + "\uc774", + "\uc774 \ub418\ub2e4", + "\uc774 \ub54c\ubb38\uc5d0", + "\uc774 \ubc16\uc5d0", + "\uc774 \uc678\uc5d0", + "\uc774 \uc815\ub3c4\uc758", + "\uc774\uac83", + "\uc774\uacf3", + "\uc774\ub54c", + "\uc774\ub77c\uba74", + "\uc774\ub798", + "\uc774\ub7ec\uc774\ub7ec\ud558\ub2e4", + "\uc774\ub7ec\ud55c", + "\uc774\ub7f0", + "\uc774\ub7f4\uc815\ub3c4\ub85c", + "\uc774\ub807\uac8c \ub9ce\uc740 \uac83", + "\uc774\ub807\uac8c\ub418\uba74", + "\uc774\ub807\uac8c\ub9d0\ud558\uc790\uba74", + "\uc774\ub807\uad6c\ub098", + "\uc774\ub85c \uc778\ud558\uc5ec", + "\uc774\ub974\uae30\uae4c\uc9c0", + "\uc774\ub9ac\ud558\uc5ec", + "\uc774\ub9cc\ud07c", + "\uc774\ubc88", + "\uc774\ubd10", + "\uc774\uc0c1", + "\uc774\uc5b4\uc11c", + "\uc774\uc5c8\ub2e4", + "\uc774\uc640 \uac19\ub2e4", + "\uc774\uc640 \uac19\uc740", + "\uc774\uc640 \ubc18\ub300\ub85c", + "\uc774\uc640\uac19\ub2e4\uba74", + "\uc774\uc678\uc5d0\ub3c4", + "\uc774\uc6a9\ud558\uc5ec", + "\uc774\uc720\ub9cc\uc73c\ub85c", + "\uc774\uc820", + "\uc774\uc9c0\ub9cc", + "\uc774\ucabd", + "\uc774\ucc9c\uad6c", + "\uc774\ucc9c\uc721", + "\uc774\ucc9c\uce60", + "\uc774\ucc9c\ud314", + "\uc778 \ub4ef\ud558\ub2e4", + "\uc778\uc820", + "\uc77c", + "\uc77c\uac83\uc774\ub2e4", + "\uc77c\uacf1", + "\uc77c\ub2e8", + "\uc77c\ub54c", + "\uc77c\ubc18\uc801\uc73c\ub85c", + "\uc77c\uc9c0\ub77c\ub3c4", + "\uc784\uc5d0 \ud2c0\ub9bc\uc5c6\ub2e4", + "\uc785\uac01\ud558\uc5ec", + "\uc785\uc7a5\uc5d0\uc11c", + "\uc787\ub530\ub77c", + "\uc788\ub2e4", + "\uc790", + "\uc790\uae30", + "\uc790\uae30\uc9d1", + "\uc790\ub9c8\uc790", + "\uc790\uc2e0", + "\uc7a0\uae50", + "\uc7a0\uc2dc", + "\uc800", + "\uc800\uac83", + "\uc800\uac83\ub9cc\ud07c", + "\uc800\uae30", + "\uc800\ucabd", + "\uc800\ud76c", + "\uc804\ubd80", + "\uc804\uc790", + "\uc804\ud6c4", + "\uc810\uc5d0\uc11c \ubcf4\uc544", + "\uc815\ub3c4\uc5d0 \uc774\ub974\ub2e4", + "\uc81c", + "\uc81c\uac01\uae30", + "\uc81c\uc678\ud558\uace0", + "\uc870\uae08", + "\uc870\ucc28", + "\uc870\ucc28\ub3c4", + "\uc878\uc878", + "\uc880", + "\uc88b\uc544", + "\uc88d\uc88d", + "\uc8fc\ub8e9\uc8fc\ub8e9", + "\uc8fc\uc800\ud558\uc9c0 \uc54a\uace0", + "\uc904\uc740 \ubab0\ub78f\ub2e4", + "\uc904\uc740\ubaa8\ub978\ub2e4", + "\uc911\uc5d0\uc11c", + "\uc911\uc758\ud558\ub098", + "\uc988\uc74c\ud558\uc5ec", + "\uc989", + "\uc989\uc2dc", + "\uc9c0\ub4e0\uc9c0", + "\uc9c0\ub9cc", + "\uc9c0\ub9d0\uace0", + "\uc9c4\uc9dc\ub85c", + "\ucabd\uc73c\ub85c", + "\ucc28\ub77c\ub9ac", + "\ucc38", + "\ucc38\ub098", + "\uccab\ubc88\uc9f8\ub85c", + "\uccc7", + "\ucd1d\uc801\uc73c\ub85c", + "\ucd1d\uc801\uc73c\ub85c \ub9d0\ud558\uba74", + "\ucd1d\uc801\uc73c\ub85c \ubcf4\uba74", + "\uce60", + "\ucf78\ucf78", + "\ucf85\ucf85", + "\ucff5", + "\ud0c0\ub2e4", + "\ud0c0\uc778", + "\ud0d5\ud0d5", + "\ud1a0\ud558\ub2e4", + "\ud1b5\ud558\uc5ec", + "\ud22d", + "\ud264", + "\ud2c8\ud0c0", + "\ud30d", + "\ud314", + "\ud37d", + "\ud384\ub801", + "\ud558", + "\ud558\uac8c\ub420\uac83\uc774\ub2e4", + "\ud558\uac8c\ud558\ub2e4", + "\ud558\uaca0\ub294\uac00", + "\ud558\uace0 \uc788\ub2e4", + "\ud558\uace0\uc788\uc5c8\ub2e4", + "\ud558\uace4\ud558\uc600\ub2e4", + "\ud558\uad6c\ub098", + "\ud558\uae30 \ub54c\ubb38\uc5d0", + "\ud558\uae30 \uc704\ud558\uc5ec", + "\ud558\uae30\ub294\ud55c\ub370", + "\ud558\uae30\ub9cc \ud558\uba74", + "\ud558\uae30\ubcf4\ub2e4\ub294", + "\ud558\uae30\uc5d0", + "\ud558\ub098", + "\ud558\ub290\ub2c8", + "\ud558\ub294 \uae40\uc5d0", + "\ud558\ub294 \ud3b8\uc774 \ub0ab\ub2e4", + "\ud558\ub294\uac83\ub3c4", + "\ud558\ub294\uac83\ub9cc \ubabb\ud558\ub2e4", + "\ud558\ub294\uac83\uc774 \ub0ab\ub2e4", + "\ud558\ub294\ubc14", + "\ud558\ub354\ub77c\ub3c4", + "\ud558\ub3c4\ub2e4", + "\ud558\ub3c4\ub85d\uc2dc\ud0a4\ub2e4", + "\ud558\ub3c4\ub85d\ud558\ub2e4", + "\ud558\ub4e0\uc9c0", + "\ud558\ub824\uace0\ud558\ub2e4", + "\ud558\ub9c8\ud130\uba74", + "\ud558\uba74 \ud560\uc218\ub85d", + "\ud558\uba74\ub41c\ub2e4", + "\ud558\uba74\uc11c", + "\ud558\ubb3c\uba70", + "\ud558\uc5ec\uae08", + "\ud558\uc5ec\uc57c", + "\ud558\uc790\ub9c8\uc790", + "\ud558\uc9c0 \uc54a\ub294\ub2e4\uba74", + "\ud558\uc9c0 \uc54a\ub3c4\ub85d", + "\ud558\uc9c0\ub9c8", + "\ud558\uc9c0\ub9c8\ub77c", + "\ud558\uc9c0\ub9cc", + "\ud558\ud558", + "\ud55c \uae4c\ub2ed\uc5d0", + "\ud55c \uc774\uc720\ub294", + "\ud55c \ud6c4", + "\ud55c\ub2e4\uba74", + "\ud55c\ub2e4\uba74 \ubab0\ub77c\ub3c4", + "\ud55c\ub370", + "\ud55c\ub9c8\ub514", + "\ud55c\uc801\uc774\uc788\ub2e4", + "\ud55c\ucf20\uc73c\ub85c\ub294", + "\ud55c\ud56d\ubaa9", + "\ud560 \ub530\ub984\uc774\ub2e4", + "\ud560 \uc0dd\uac01\uc774\ub2e4", + "\ud560 \uc904 \uc548\ub2e4", + "\ud560 \uc9c0\uacbd\uc774\ub2e4", + "\ud560 \ud798\uc774 \uc788\ub2e4", + "\ud560\ub54c", + "\ud560\ub9cc\ud558\ub2e4", + "\ud560\ub9dd\uc815", + "\ud560\ubfd0", + "\ud560\uc218\uc788\ub2e4", + "\ud560\uc218\uc788\uc5b4", + "\ud560\uc904\uc54c\ub2e4", + "\ud560\uc9c0\ub77c\ub3c4", + "\ud560\uc9c0\uc5b8\uc815", + "\ud568\uaed8", + "\ud574\ub3c4\ub41c\ub2e4", + "\ud574\ub3c4\uc88b\ub2e4", + "\ud574\ubd10\uc694", + "\ud574\uc11c\ub294 \uc548\ub41c\ub2e4", + "\ud574\uc57c\ud55c\ub2e4", + "\ud574\uc694", + "\ud588\uc5b4\uc694", + "\ud5a5\ud558\ub2e4", + "\ud5a5\ud558\uc5ec", + "\ud5a5\ud574\uc11c", + "\ud5c8", + "\ud5c8\uac71", + "\ud5c8\ud5c8", + "\ud5c9", + "\ud5c9\ud5c9", + "\ud5d0\ub5a1\ud5d0\ub5a1", + "\ud615\uc2dd\uc73c\ub85c \uc4f0\uc5ec", + "\ud639\uc2dc", + "\ud639\uc740", + "\ud63c\uc790", + "\ud6e8\uc52c", + "\ud718\uc775", + "\ud734", + "\ud750\ud750", + "\ud765", + "\ud798\uc785\uc5b4", + "\ufe3f", + "\uff01", + "\uff03", + "\uff04", + "\uff05", + "\uff06", + "\uff08", + "\uff09", + "\uff0a", + "\uff0b", + "\uff0c", + "\uff10", + "\uff11", + "\uff12", + "\uff13", + "\uff14", + "\uff15", + "\uff16", + "\uff17", + "\uff18", + "\uff19", + "\uff1a", + "\uff1b", + "\uff1c", + "\uff1e", + "\uff1f", + "\uff20", + "\uff3b", + "\uff3d", + "\uff5b", + "\uff5c", + "\uff5d", + "\uff5e", + "\uffe5", + ], + "la": [ + "a", + "ab", + "ac", + "ad", + "at", + "atque", + "aut", + "autem", + "cum", + "de", + "dum", + "e", + "erant", + "erat", + "est", + "et", + "etiam", + "ex", + "haec", + "hic", + "hoc", + "in", + "ita", + "me", + "nec", + "neque", + "non", + "per", + "qua", + "quae", + "quam", + "qui", + "quibus", + "quidem", + "quo", + "quod", + "re", + "rebus", + "rem", + "res", + "sed", + "si", + "sic", + "sunt", + "tamen", + "tandem", + "te", + "ut", + "vel", + ], + "lv": [ + "aiz", + "ap", + "apak\u0161", + "apak\u0161pus", + "ar", + "ar\u012b", + "aug\u0161pus", + "bet", + "bez", + "bija", + "biji", + "biju", + "bij\u0101m", + "bij\u0101t", + "b\u016bs", + "b\u016bsi", + "b\u016bsiet", + "b\u016bsim", + "b\u016bt", + "b\u016b\u0161u", + "caur", + "diem\u017e\u0113l", + "diezin", + "dro\u0161i", + "d\u0113\u013c", + "esam", + "esat", + "esi", + "esmu", + "gan", + "gar", + "iekam", + "iekams", + "iek\u0101m", + "iek\u0101ms", + "iek\u0161", + "iek\u0161pus", + "ik", + "ir", + "it", + "itin", + "iz", + "ja", + "jau", + "jeb", + "jeb\u0161u", + "jel", + "jo", + "j\u0101", + "ka", + "kam\u0113r", + "kaut", + "kol\u012bdz", + "kop\u0161", + "k\u0101", + "k\u013cuva", + "k\u013cuvi", + "k\u013cuvu", + "k\u013cuv\u0101m", + "k\u013cuv\u0101t", + "k\u013c\u016bs", + "k\u013c\u016bsi", + "k\u013c\u016bsiet", + "k\u013c\u016bsim", + "k\u013c\u016bst", + "k\u013c\u016bstam", + "k\u013c\u016bstat", + "k\u013c\u016bsti", + "k\u013c\u016bstu", + "k\u013c\u016bt", + "k\u013c\u016b\u0161u", + "labad", + "lai", + "lejpus", + "l\u012bdz", + "l\u012bdzko", + "ne", + "neb\u016bt", + "nedz", + "nek\u0101", + "nevis", + "nezin", + "no", + "nu", + "n\u0113", + "otrpus", + "pa", + "par", + "pat", + "pie", + "pirms", + "pret", + "priek\u0161", + "p\u0101r", + "p\u0113c", + "starp", + "tad", + "tak", + "tapi", + "taps", + "tapsi", + "tapsiet", + "tapsim", + "tapt", + "tap\u0101t", + "tap\u0161u", + "ta\u010du", + "te", + "tiec", + "tiek", + "tiekam", + "tiekat", + "tieku", + "tik", + "tika", + "tikai", + "tiki", + "tikko", + "tiklab", + "tikl\u012bdz", + "tiks", + "tiksiet", + "tiksim", + "tikt", + "tiku", + "tikvien", + "tik\u0101m", + "tik\u0101t", + "tik\u0161u", + "tom\u0113r", + "topat", + "turpretim", + "turpret\u012b", + "t\u0101", + "t\u0101d\u0113\u013c", + "t\u0101lab", + "t\u0101p\u0113c", + "un", + "uz", + "vai", + "var", + "varat", + "var\u0113ja", + "var\u0113ji", + "var\u0113ju", + "var\u0113j\u0101m", + "var\u0113j\u0101t", + "var\u0113s", + "var\u0113si", + "var\u0113siet", + "var\u0113sim", + "var\u0113t", + "var\u0113\u0161u", + "vien", + "virs", + "virspus", + "vis", + "vi\u0146pus", + "zem", + "\u0101rpus", + "\u0161aipus", + ], + "mr": [ + "\u0905\u0927\u093f\u0915", + "\u0905\u0928\u0947\u0915", + "\u0905\u0936\u0940", + "\u0905\u0938\u0932\u092f\u093e\u091a\u0947", + "\u0905\u0938\u0932\u0947\u0932\u094d\u092f\u093e", + "\u0905\u0938\u093e", + "\u0905\u0938\u0942\u0928", + "\u0905\u0938\u0947", + "\u0906\u091c", + "\u0906\u0923\u093f", + "\u0906\u0924\u093e", + "\u0906\u092a\u0932\u094d\u092f\u093e", + "\u0906\u0932\u093e", + "\u0906\u0932\u0940", + "\u0906\u0932\u0947", + "\u0906\u0939\u0947", + "\u0906\u0939\u0947\u0924", + "\u090f\u0915", + "\u090f\u0915\u093e", + "\u0915\u092e\u0940", + "\u0915\u0930\u0923\u092f\u093e\u0924", + "\u0915\u0930\u0942\u0928", + "\u0915\u093e", + "\u0915\u093e\u092e", + "\u0915\u093e\u092f", + "\u0915\u093e\u0939\u0940", + "\u0915\u093f\u0935\u093e", + "\u0915\u0940", + "\u0915\u0947\u0932\u093e", + "\u0915\u0947\u0932\u0940", + "\u0915\u0947\u0932\u0947", + "\u0915\u094b\u091f\u0940", + "\u0917\u0947\u0932\u094d\u092f\u093e", + "\u0918\u0947\u090a\u0928", + "\u091c\u093e\u0924", + "\u091d\u093e\u0932\u093e", + "\u091d\u093e\u0932\u0940", + "\u091d\u093e\u0932\u0947", + "\u091d\u093e\u0932\u0947\u0932\u094d\u092f\u093e", + "\u091f\u093e", + "\u0921\u0949", + "\u0924\u0930", + "\u0924\u0930\u0940", + "\u0924\u0938\u0947\u091a", + "\u0924\u093e", + "\u0924\u0940", + "\u0924\u0940\u0928", + "\u0924\u0947", + "\u0924\u094b", + "\u0924\u094d\u092f\u093e", + "\u0924\u094d\u092f\u093e\u091a\u093e", + "\u0924\u094d\u092f\u093e\u091a\u0940", + "\u0924\u094d\u092f\u093e\u091a\u094d\u092f\u093e", + "\u0924\u094d\u092f\u093e\u0928\u093e", + "\u0924\u094d\u092f\u093e\u0928\u0940", + "\u0924\u094d\u092f\u093e\u092e\u0941\u0933\u0947", + "\u0924\u094d\u0930\u0940", + "\u0926\u093f\u0932\u0940", + "\u0926\u094b\u0928", + "\u0928", + "\u0928\u093e\u0939\u0940", + "\u0928\u093f\u0930\u094d\u0923\u094d\u092f", + "\u092a\u0923", + "\u092a\u092e", + "\u092a\u0930\u092f\u0924\u0928", + "\u092a\u093e\u091f\u0940\u0932", + "\u092e", + "\u092e\u093e\u0924\u094d\u0930", + "\u092e\u093e\u0939\u093f\u0924\u0940", + "\u092e\u0940", + "\u092e\u0941\u092c\u0940", + "\u092e\u094d\u0939\u0923\u091c\u0947", + "\u092e\u094d\u0939\u0923\u093e\u0932\u0947", + "\u092e\u094d\u0939\u0923\u0942\u0928", + "\u092f\u093e", + "\u092f\u093e\u091a\u093e", + "\u092f\u093e\u091a\u0940", + "\u092f\u093e\u091a\u094d\u092f\u093e", + "\u092f\u093e\u0928\u093e", + "\u092f\u093e\u0928\u0940", + "\u092f\u0947\u0923\u093e\u0930", + "\u092f\u0947\u0924", + "\u092f\u0947\u0925\u0940\u0932", + "\u092f\u0947\u0925\u0947", + "\u0932\u093e\u0916", + "\u0935", + "\u0935\u094d\u092f\u0915\u0924", + "\u0938\u0930\u094d\u0935", + "\u0938\u093e\u0917\u093f\u0924\u094d\u0932\u0947", + "\u0938\u0941\u0930\u0942", + "\u0939\u091c\u093e\u0930", + "\u0939\u093e", + "\u0939\u0940", + "\u0939\u0947", + "\u0939\u094b\u0923\u093e\u0930", + "\u0939\u094b\u0924", + "\u0939\u094b\u0924\u093e", + "\u0939\u094b\u0924\u0940", + "\u0939\u094b\u0924\u0947", + ], + "nl": [ + "aan", + "achte", + "achter", + "af", + "al", + "alle", + "alleen", + "alles", + "als", + "ander", + "anders", + "beetje", + "behalve", + "beide", + "beiden", + "ben", + "beneden", + "bent", + "bij", + "bijna", + "bijv", + "blijkbaar", + "blijken", + "boven", + "bv", + "daar", + "daardoor", + "daarin", + "daarna", + "daarom", + "daaruit", + "dan", + "dat", + "de", + "deden", + "deed", + "derde", + "derhalve", + "dertig", + "deze", + "dhr", + "die", + "dit", + "doe", + "doen", + "doet", + "door", + "drie", + "duizend", + "echter", + "een", + "eens", + "eerst", + "eerste", + "eigen", + "eigenlijk", + "elk", + "elke", + "en", + "enige", + "er", + "erg", + "ergens", + "etc", + "etcetera", + "even", + "geen", + "genoeg", + "geweest", + "haar", + "haarzelf", + "had", + "hadden", + "heb", + "hebben", + "hebt", + "hedden", + "heeft", + "heel", + "hem", + "hemzelf", + "hen", + "het", + "hetzelfde", + "hier", + "hierin", + "hierna", + "hierom", + "hij", + "hijzelf", + "hoe", + "honderd", + "hun", + "ieder", + "iedere", + "iedereen", + "iemand", + "iets", + "ik", + "in", + "inderdaad", + "intussen", + "is", + "ja", + "je", + "jij", + "jijzelf", + "jou", + "jouw", + "jullie", + "kan", + "kon", + "konden", + "kun", + "kunnen", + "kunt", + "laatst", + "later", + "lijken", + "lijkt", + "maak", + "maakt", + "maakte", + "maakten", + "maar", + "mag", + "maken", + "me", + "meer", + "meest", + "meestal", + "men", + "met", + "mevr", + "mij", + "mijn", + "minder", + "miss", + "misschien", + "missen", + "mits", + "mocht", + "mochten", + "moest", + "moesten", + "moet", + "moeten", + "mogen", + "mr", + "mrs", + "mw", + "na", + "naar", + "nam", + "namelijk", + "nee", + "neem", + "negen", + "nemen", + "nergens", + "niemand", + "niet", + "niets", + "niks", + "noch", + "nochtans", + "nog", + "nooit", + "nu", + "nv", + "of", + "om", + "omdat", + "ondanks", + "onder", + "ondertussen", + "ons", + "onze", + "onzeker", + "ooit", + "ook", + "op", + "over", + "overal", + "overige", + "paar", + "per", + "recent", + "redelijk", + "samen", + "sinds", + "steeds", + "te", + "tegen", + "tegenover", + "thans", + "tien", + "tiende", + "tijdens", + "tja", + "toch", + "toe", + "tot", + "totdat", + "tussen", + "twee", + "tweede", + "u", + "uit", + "uw", + "vaak", + "van", + "vanaf", + "veel", + "veertig", + "verder", + "verscheidene", + "verschillende", + "via", + "vier", + "vierde", + "vijf", + "vijfde", + "vijftig", + "volgend", + "volgens", + "voor", + "voordat", + "voorts", + "waar", + "waarom", + "waarschijnlijk", + "wanneer", + "waren", + "was", + "wat", + "we", + "wederom", + "weer", + "weinig", + "wel", + "welk", + "welke", + "werd", + "werden", + "werder", + "whatever", + "wie", + "wij", + "wijzelf", + "wil", + "wilden", + "willen", + "word", + "worden", + "wordt", + "zal", + "ze", + "zei", + "zeker", + "zelf", + "zelfde", + "zes", + "zeven", + "zich", + "zij", + "zijn", + "zijzelf", + "zo", + "zoals", + "zodat", + "zou", + "zouden", + "zulk", + "zullen", + ], + "no": [ + "alle", + "at", + "av", + "bare", + "begge", + "ble", + "blei", + "bli", + "blir", + "blitt", + "b\u00e5de", + "b\u00e5e", + "da", + "de", + "deg", + "dei", + "deim", + "deira", + "deires", + "dem", + "den", + "denne", + "der", + "dere", + "deres", + "det", + "dette", + "di", + "din", + "disse", + "ditt", + "du", + "dykk", + "dykkar", + "d\u00e5", + "eg", + "ein", + "eit", + "eitt", + "eller", + "elles", + "en", + "enn", + "er", + "et", + "ett", + "etter", + "for", + "fordi", + "fra", + "f\u00f8r", + "ha", + "hadde", + "han", + "hans", + "har", + "hennar", + "henne", + "hennes", + "her", + "hj\u00e5", + "ho", + "hoe", + "honom", + "hoss", + "hossen", + "hun", + "hva", + "hvem", + "hver", + "hvilke", + "hvilken", + "hvis", + "hvor", + "hvordan", + "hvorfor", + "i", + "ikke", + "ikkje", + "ingen", + "ingi", + "inkje", + "inn", + "inni", + "ja", + "jeg", + "kan", + "kom", + "korleis", + "korso", + "kun", + "kunne", + "kva", + "kvar", + "kvarhelst", + "kven", + "kvi", + "kvifor", + "man", + "mange", + "me", + "med", + "medan", + "meg", + "meget", + "mellom", + "men", + "mi", + "min", + "mine", + "mitt", + "mot", + "mykje", + "ned", + "no", + "noe", + "noen", + "noka", + "noko", + "nokon", + "nokor", + "nokre", + "n\u00e5", + "n\u00e5r", + "og", + "ogs\u00e5", + "om", + "opp", + "oss", + "over", + "p\u00e5", + "samme", + "seg", + "selv", + "si", + "sia", + "sidan", + "siden", + "sin", + "sine", + "sitt", + "sj\u00f8l", + "skal", + "skulle", + "slik", + "so", + "som", + "somme", + "somt", + "s\u00e5", + "s\u00e5nn", + "til", + "um", + "upp", + "ut", + "uten", + "var", + "vart", + "varte", + "ved", + "vere", + "verte", + "vi", + "vil", + "ville", + "vore", + "vors", + "vort", + "v\u00e5r", + "v\u00e6re", + "v\u00e6rt", + "\u00e5", + ], + "pl": [ + "aby", + "ach", + "aj", + "albo", + "ale", + "ani", + "a\u017c", + "bardzo", + "bez", + "bo", + "bowiem", + "by", + "byli", + "bym", + "by\u0107", + "by\u0142", + "by\u0142a", + "by\u0142o", + "by\u0142y", + "b\u0119dzie", + "b\u0119d\u0105", + "chce", + "cho\u0107", + "ci", + "ciebie", + "ci\u0119", + "co", + "coraz", + "co\u015b", + "czy", + "czyli", + "cz\u0119sto", + "daleko", + "dla", + "dlaczego", + "dlatego", + "do", + "dobrze", + "dok\u0105d", + "do\u015b\u0107", + "dr", + "du\u017co", + "dwa", + "dwaj", + "dwie", + "dwoje", + "dzisiaj", + "dzi\u015b", + "gdy", + "gdyby", + "gdy\u017c", + "gdzie", + "go", + "godz", + "hab", + "i", + "ich", + "ii", + "iii", + "ile", + "im", + "inne", + "inny", + "in\u017c", + "iv", + "ix", + "i\u017c", + "ja", + "jak", + "jakby", + "jaki", + "jakie", + "jako", + "je", + "jeden", + "jedna", + "jednak", + "jedno", + "jednym", + "jedynie", + "jego", + "jej", + "jemu", + "jest", + "jestem", + "jeszcze", + "je\u015bli", + "je\u017celi", + "ju\u017c", + "j\u0105", + "ka\u017cdy", + "kiedy", + "kierunku", + "kilku", + "kto", + "kt\u00f3ra", + "kt\u00f3re", + "kt\u00f3rego", + "kt\u00f3rej", + "kt\u00f3ry", + "kt\u00f3rych", + "kt\u00f3rym", + "kt\u00f3rzy", + "ku", + "lat", + "lecz", + "lub", + "ma", + "maj\u0105", + "mam", + "mamy", + "mgr", + "mi", + "mia\u0142", + "mimo", + "mnie", + "mn\u0105", + "mog\u0105", + "moi", + "moja", + "moje", + "mo\u017ce", + "mo\u017cna", + "mu", + "musi", + "my", + "m\u00f3j", + "na", + "nad", + "nam", + "nami", + "nas", + "nasi", + "nasz", + "nasza", + "nasze", + "natychmiast", + "nawet", + "nic", + "nich", + "nie", + "niego", + "niej", + "niemu", + "nigdy", + "nim", + "nimi", + "ni\u0105", + "ni\u017c", + "no", + "nowe", + "np", + "nr", + "o", + "o.o.", + "obok", + "od", + "ok", + "oko\u0142o", + "on", + "ona", + "one", + "oni", + "ono", + "oraz", + "owszem", + "pan", + "pl", + "po", + "pod", + "ponad", + "poniewa\u017c", + "poza", + "prof", + "przed", + "przede", + "przedtem", + "przez", + "przy", + "raz", + "razie", + "roku", + "r\u00f3wnie\u017c", + "sam", + "sama", + "si\u0119", + "sk\u0105d", + "sobie", + "spos\u00f3b", + "swoje", + "s\u0105", + "ta", + "tak", + "taki", + "takich", + "takie", + "tak\u017ce", + "tam", + "te", + "tego", + "tej", + "tel", + "temu", + "ten", + "teraz", + "te\u017c", + "to", + "tobie", + "tob\u0105", + "trzeba", + "tu", + "tutaj", + "twoi", + "twoja", + "twoje", + "tw\u00f3j", + "ty", + "tych", + "tylko", + "tym", + "tys", + "tzw", + "t\u0119", + "u", + "ul", + "vi", + "vii", + "viii", + "vol", + "w", + "wam", + "wami", + "was", + "wasi", + "wasz", + "wasza", + "wasze", + "we", + "wie", + "wi\u0119c", + "wszystko", + "wtedy", + "www", + "wy", + "w\u0142a\u015bnie", + "w\u015br\u00f3d", + "xi", + "xii", + "xiii", + "xiv", + "xv", + "z", + "za", + "zawsze", + "za\u015b", + "ze", + "z\u0142", + "\u017caden", + "\u017ce", + "\u017ceby", + ], + "pt": [ + "a", + "acerca", + "adeus", + "agora", + "ainda", + "algmas", + "algo", + "algumas", + "alguns", + "ali", + "al\u00e9m", + "ambos", + "ano", + "anos", + "antes", + "ao", + "aos", + "apenas", + "apoio", + "apontar", + "ap\u00f3s", + "aquela", + "aquelas", + "aquele", + "aqueles", + "aqui", + "aquilo", + "as", + "assim", + "atrav\u00e9s", + "atr\u00e1s", + "at\u00e9", + "a\u00ed", + "baixo", + "bastante", + "bem", + "bom", + "breve", + "cada", + "caminho", + "catorze", + "cedo", + "cento", + "certamente", + "certeza", + "cima", + "cinco", + "coisa", + "com", + "como", + "comprido", + "conhecido", + "conselho", + "contra", + "corrente", + "custa", + "c\u00e1", + "da", + "daquela", + "daquele", + "dar", + "das", + "de", + "debaixo", + "demais", + "dentro", + "depois", + "desde", + "desligado", + "dessa", + "desse", + "desta", + "deste", + "deve", + "devem", + "dever\u00e1", + "dez", + "dezanove", + "dezasseis", + "dezassete", + "dezoito", + "dia", + "diante", + "direita", + "diz", + "dizem", + "dizer", + "do", + "dois", + "dos", + "doze", + "duas", + "d\u00e1", + "d\u00e3o", + "d\u00favida", + "e", + "ela", + "elas", + "ele", + "eles", + "em", + "embora", + "enquanto", + "entre", + "ent\u00e3o", + "era", + "essa", + "essas", + "esse", + "esses", + "esta", + "estado", + "estar", + "estar\u00e1", + "estas", + "estava", + "este", + "estes", + "esteve", + "estive", + "estivemos", + "estiveram", + "estiveste", + "estivestes", + "estou", + "est\u00e1", + "est\u00e1s", + "est\u00e3o", + "eu", + "exemplo", + "falta", + "far\u00e1", + "favor", + "faz", + "fazeis", + "fazem", + "fazemos", + "fazer", + "fazes", + "fazia", + "fa\u00e7o", + "fez", + "fim", + "final", + "foi", + "fomos", + "for", + "fora", + "foram", + "forma", + "foste", + "fostes", + "fui", + "geral", + "grande", + "grandes", + "grupo", + "hoje", + "horas", + "h\u00e1", + "iniciar", + "inicio", + "ir", + "ir\u00e1", + "isso", + "ista", + "iste", + "isto", + "j\u00e1", + "lado", + "ligado", + "local", + "logo", + "longe", + "lugar", + "l\u00e1", + "maior", + "maioria", + "maiorias", + "mais", + "mal", + "mas", + "me", + "meio", + "menor", + "menos", + "meses", + "mesmo", + "meu", + "meus", + "mil", + "minha", + "minhas", + "momento", + "muito", + "muitos", + "m\u00e1ximo", + "m\u00eas", + "na", + "nada", + "naquela", + "naquele", + "nas", + "nem", + "nenhuma", + "nessa", + "nesse", + "nesta", + "neste", + "no", + "noite", + "nome", + "nos", + "nossa", + "nossas", + "nosso", + "nossos", + "nova", + "nove", + "novo", + "novos", + "num", + "numa", + "nunca", + "n\u00e3o", + "n\u00edvel", + "n\u00f3s", + "n\u00famero", + "o", + "obra", + "obrigada", + "obrigado", + "oitava", + "oitavo", + "oito", + "onde", + "ontem", + "onze", + "os", + "ou", + "outra", + "outras", + "outro", + "outros", + "para", + "parece", + "parte", + "partir", + "pegar", + "pela", + "pelas", + "pelo", + "pelos", + "perto", + "pessoas", + "pode", + "podem", + "poder", + "poder\u00e1", + "podia", + "ponto", + "pontos", + "por", + "porque", + "porqu\u00ea", + "posi\u00e7\u00e3o", + "possivelmente", + "posso", + "poss\u00edvel", + "pouca", + "pouco", + "povo", + "primeira", + "primeiro", + "promeiro", + "pr\u00f3prio", + "pr\u00f3ximo", + "puderam", + "p\u00f4de", + "p\u00f5e", + "p\u00f5em", + "qual", + "qualquer", + "quando", + "quanto", + "quarta", + "quarto", + "quatro", + "que", + "quem", + "quer", + "quero", + "quest\u00e3o", + "quieto", + "quinta", + "quinto", + "quinze", + "qu\u00ea", + "rela\u00e7\u00e3o", + "sabe", + "saber", + "se", + "segunda", + "segundo", + "sei", + "seis", + "sem", + "sempre", + "ser", + "seria", + "sete", + "seu", + "seus", + "sexta", + "sexto", + "sim", + "sistema", + "sob", + "sobre", + "sois", + "somente", + "somos", + "sou", + "sua", + "suas", + "s\u00e3o", + "s\u00e9tima", + "s\u00e9timo", + "tal", + "talvez", + "tamb\u00e9m", + "tanto", + "tarde", + "te", + "tem", + "temos", + "tempo", + "tendes", + "tenho", + "tens", + "tentar", + "tentaram", + "tente", + "tentei", + "ter", + "terceira", + "terceiro", + "teu", + "teus", + "teve", + "tipo", + "tive", + "tivemos", + "tiveram", + "tiveste", + "tivestes", + "toda", + "todas", + "todo", + "todos", + "trabalhar", + "trabalho", + "treze", + "tr\u00eas", + "tu", + "tua", + "tuas", + "tudo", + "t\u00e3o", + "t\u00eam", + "um", + "uma", + "umas", + "uns", + "usa", + "usar", + "vai", + "vais", + "valor", + "veja", + "vem", + "vens", + "ver", + "verdade", + "verdadeiro", + "vez", + "vezes", + "viagem", + "vindo", + "vinte", + "voc\u00ea", + "voc\u00eas", + "vos", + "vossa", + "vossas", + "vosso", + "vossos", + "v\u00e1rios", + "v\u00e3o", + "v\u00eam", + "v\u00f3s", + "zero", + "\u00e0", + "\u00e0s", + "\u00e1rea", + "\u00e9", + "\u00e9s", + "\u00faltimo", + ], + "ro": [ + "acea", + "aceasta", + "aceast\u0103", + "aceea", + "acei", + "aceia", + "acel", + "acela", + "acele", + "acelea", + "acest", + "acesta", + "aceste", + "acestea", + "ace\u015fti", + "ace\u015ftia", + "acolo", + "acord", + "acum", + "ai", + "aia", + "aib\u0103", + "aici", + "al", + "ale", + "alea", + "altceva", + "altcineva", + "am", + "ar", + "are", + "asemenea", + "asta", + "astea", + "ast\u0103zi", + "asupra", + "au", + "avea", + "avem", + "ave\u0163i", + "azi", + "a\u015f", + "a\u015fadar", + "a\u0163i", + "bine", + "bucur", + "bun\u0103", + "ca", + "care", + "caut", + "ce", + "cel", + "ceva", + "chiar", + "cinci", + "cine", + "cineva", + "contra", + "cu", + "cum", + "cumva", + "cur\u00e2nd", + "cur\u00eend", + "c\u00e2nd", + "c\u00e2t", + "c\u00e2te", + "c\u00e2tva", + "c\u00e2\u0163i", + "c\u00eend", + "c\u00eet", + "c\u00eete", + "c\u00eetva", + "c\u00ee\u0163i", + "c\u0103", + "c\u0103ci", + "c\u0103rei", + "c\u0103ror", + "c\u0103rui", + "c\u0103tre", + "da", + "dac\u0103", + "dar", + "datorit\u0103", + "dat\u0103", + "dau", + "de", + "deci", + "deja", + "deoarece", + "departe", + "de\u015fi", + "din", + "dinaintea", + "dintr-", + "dintre", + "doi", + "doilea", + "dou\u0103", + "drept", + "dup\u0103", + "d\u0103", + "ea", + "ei", + "el", + "ele", + "eram", + "este", + "eu", + "e\u015fti", + "face", + "fata", + "fi", + "fie", + "fiecare", + "fii", + "fim", + "fiu", + "fi\u0163i", + "frumos", + "f\u0103r\u0103", + "gra\u0163ie", + "halb\u0103", + "iar", + "ieri", + "la", + "le", + "li", + "lor", + "lui", + "l\u00e2ng\u0103", + "l\u00eeng\u0103", + "mai", + "mea", + "mei", + "mele", + "mereu", + "meu", + "mi", + "mie", + "mine", + "mult", + "mult\u0103", + "mul\u0163i", + "mul\u0163umesc", + "m\u00e2ine", + "m\u00eeine", + "m\u0103", + "ne", + "nevoie", + "nici", + "nic\u0103ieri", + "nimeni", + "nimeri", + "nimic", + "ni\u015fte", + "noastre", + "noastr\u0103", + "noi", + "noroc", + "nostru", + "nou\u0103", + "no\u015ftri", + "nu", + "opt", + "ori", + "oricare", + "orice", + "oricine", + "oricum", + "oric\u00e2nd", + "oric\u00e2t", + "oric\u00eend", + "oric\u00eet", + "oriunde", + "patra", + "patru", + "patrulea", + "pe", + "pentru", + "peste", + "pic", + "poate", + "pot", + "prea", + "prima", + "primul", + "prin", + "printr-", + "pu\u0163in", + "pu\u0163ina", + "pu\u0163in\u0103", + "p\u00e2n\u0103", + "p\u00een\u0103", + "rog", + "sa", + "sale", + "sau", + "se", + "spate", + "spre", + "sub", + "sunt", + "suntem", + "sunte\u0163i", + "sut\u0103", + "s\u00eent", + "s\u00eentem", + "s\u00eente\u0163i", + "s\u0103", + "s\u0103i", + "s\u0103u", + "ta", + "tale", + "te", + "timp", + "tine", + "toate", + "toat\u0103", + "tot", + "totu\u015fi", + "to\u0163i", + "trei", + "treia", + "treilea", + "tu", + "t\u0103i", + "t\u0103u", + "un", + "una", + "unde", + "undeva", + "unei", + "uneia", + "unele", + "uneori", + "unii", + "unor", + "unora", + "unu", + "unui", + "unuia", + "unul", + "vi", + "voastre", + "voastr\u0103", + "voi", + "vostru", + "vou\u0103", + "vo\u015ftri", + "vreme", + "vreo", + "vreun", + "v\u0103", + "zece", + "zero", + "zi", + "zice", + "\u00eei", + "\u00eel", + "\u00eemi", + "\u00eempotriva", + "\u00een", + "\u00eenainte", + "\u00eenaintea", + "\u00eencotro", + "\u00eenc\u00e2t", + "\u00eenc\u00eet", + "\u00eentre", + "\u00eentruc\u00e2t", + "\u00eentruc\u00eet", + "\u00ee\u0163i", + "\u0103la", + "\u0103lea", + "\u0103sta", + "\u0103stea", + "\u0103\u015ftia", + "\u015fapte", + "\u015fase", + "\u015fi", + "\u015ftiu", + "\u0163i", + "\u0163ie", + ], + "ru": [ + "\u0430", + "\u0430\u043b\u043b\u043e", + "\u0431\u0435\u0437", + "\u0431\u0435\u043b\u044b\u0439", + "\u0431\u043b\u0438\u0437\u043a\u043e", + "\u0431\u043e\u043b\u0435\u0435", + "\u0431\u043e\u043b\u044c\u0448\u0435", + "\u0431\u043e\u043b\u044c\u0448\u043e\u0439", + "\u0431\u0443\u0434\u0435\u043c", + "\u0431\u0443\u0434\u0435\u0442", + "\u0431\u0443\u0434\u0435\u0442\u0435", + "\u0431\u0443\u0434\u0435\u0448\u044c", + "\u0431\u0443\u0434\u0442\u043e", + "\u0431\u0443\u0434\u0443", + "\u0431\u0443\u0434\u0443\u0442", + "\u0431\u0443\u0434\u044c", + "\u0431\u044b", + "\u0431\u044b\u0432\u0430\u0435\u0442", + "\u0431\u044b\u0432\u044c", + "\u0431\u044b\u043b", + "\u0431\u044b\u043b\u0430", + "\u0431\u044b\u043b\u0438", + "\u0431\u044b\u043b\u043e", + "\u0431\u044b\u0442\u044c", + "\u0432", + "\u0432\u0430\u0436\u043d\u0430\u044f", + "\u0432\u0430\u0436\u043d\u043e\u0435", + "\u0432\u0430\u0436\u043d\u044b\u0435", + "\u0432\u0430\u0436\u043d\u044b\u0439", + "\u0432\u0430\u043c", + "\u0432\u0430\u043c\u0438", + "\u0432\u0430\u0441", + "\u0432\u0430\u0448", + "\u0432\u0430\u0448\u0430", + "\u0432\u0430\u0448\u0435", + "\u0432\u0430\u0448\u0438", + "\u0432\u0432\u0435\u0440\u0445", + "\u0432\u0434\u0430\u043b\u0438", + "\u0432\u0434\u0440\u0443\u0433", + "\u0432\u0435\u0434\u044c", + "\u0432\u0435\u0437\u0434\u0435", + "\u0432\u0435\u0440\u043d\u0443\u0442\u044c\u0441\u044f", + "\u0432\u0435\u0441\u044c", + "\u0432\u0435\u0447\u0435\u0440", + "\u0432\u0437\u0433\u043b\u044f\u0434", + "\u0432\u0437\u044f\u0442\u044c", + "\u0432\u0438\u0434", + "\u0432\u0438\u0434\u0435\u0442\u044c", + "\u0432\u043c\u0435\u0441\u0442\u0435", + "\u0432\u043d\u0438\u0437", + "\u0432\u043d\u0438\u0437\u0443", + "\u0432\u043e", + "\u0432\u043e\u0434\u0430", + "\u0432\u043e\u0439\u043d\u0430", + "\u0432\u043e\u043a\u0440\u0443\u0433", + "\u0432\u043e\u043d", + "\u0432\u043e\u043e\u0431\u0449\u0435", + "\u0432\u043e\u043f\u0440\u043e\u0441", + "\u0432\u043e\u0441\u0435\u043c\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0432\u043e\u0441\u0435\u043c\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0432\u043e\u0441\u0435\u043c\u044c", + "\u0432\u043e\u0441\u044c\u043c\u043e\u0439", + "\u0432\u043e\u0442", + "\u0432\u043f\u0440\u043e\u0447\u0435\u043c", + "\u0432\u0440\u0435\u043c\u0435\u043d\u0438", + "\u0432\u0440\u0435\u043c\u044f", + "\u0432\u0441\u0435", + "\u0432\u0441\u0435\u0433\u0434\u0430", + "\u0432\u0441\u0435\u0433\u043e", + "\u0432\u0441\u0435\u043c", + "\u0432\u0441\u0435\u043c\u0438", + "\u0432\u0441\u0435\u043c\u0443", + "\u0432\u0441\u0435\u0445", + "\u0432\u0441\u0435\u044e", + "\u0432\u0441\u044e", + "\u0432\u0441\u044e\u0434\u0443", + "\u0432\u0441\u044f", + "\u0432\u0441\u0451", + "\u0432\u0442\u043e\u0440\u043e\u0439", + "\u0432\u044b", + "\u0432\u044b\u0439\u0442\u0438", + "\u0433", + "\u0433\u0434\u0435", + "\u0433\u043b\u0430\u0432\u043d\u044b\u0439", + "\u0433\u043b\u0430\u0437", + "\u0433\u043e\u0432\u043e\u0440\u0438\u043b", + "\u0433\u043e\u0432\u043e\u0440\u0438\u0442", + "\u0433\u043e\u0432\u043e\u0440\u0438\u0442\u044c", + "\u0433\u043e\u0434", + "\u0433\u043e\u0434\u0430", + "\u0433\u043e\u0434\u0443", + "\u0433\u043e\u043b\u043e\u0432\u0430", + "\u0433\u043e\u043b\u043e\u0441", + "\u0433\u043e\u0440\u043e\u0434", + "\u0434\u0430", + "\u0434\u0430\u0432\u0430\u0442\u044c", + "\u0434\u0430\u0432\u043d\u043e", + "\u0434\u0430\u0436\u0435", + "\u0434\u0430\u043b\u0435\u043a\u0438\u0439", + "\u0434\u0430\u043b\u0435\u043a\u043e", + "\u0434\u0430\u043b\u044c\u0448\u0435", + "\u0434\u0430\u0440\u043e\u043c", + "\u0434\u0430\u0442\u044c", + "\u0434\u0432\u0430", + "\u0434\u0432\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0434\u0432\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0434\u0432\u0435", + "\u0434\u0432\u0435\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0434\u0432\u0435\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0434\u0432\u0435\u0440\u044c", + "\u0434\u0432\u0443\u0445", + "\u0434\u0435\u0432\u044f\u0442\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0434\u0435\u0432\u044f\u0442\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0434\u0435\u0432\u044f\u0442\u044b\u0439", + "\u0434\u0435\u0432\u044f\u0442\u044c", + "\u0434\u0435\u0439\u0441\u0442\u0432\u0438\u0442\u0435\u043b\u044c\u043d\u043e", + "\u0434\u0435\u043b", + "\u0434\u0435\u043b\u0430\u0442\u044c", + "\u0434\u0435\u043b\u043e", + "\u0434\u0435\u043d\u044c", + "\u0434\u0435\u043d\u044c\u0433\u0438", + "\u0434\u0435\u0441\u044f\u0442\u044b\u0439", + "\u0434\u0435\u0441\u044f\u0442\u044c", + "\u0434\u043b\u044f", + "\u0434\u043e", + "\u0434\u043e\u0432\u043e\u043b\u044c\u043d\u043e", + "\u0434\u043e\u043b\u0433\u043e", + "\u0434\u043e\u043b\u0436\u043d\u043e", + "\u0434\u043e\u043b\u0436\u043d\u044b\u0439", + "\u0434\u043e\u043c", + "\u0434\u043e\u0440\u043e\u0433\u0430", + "\u0434\u0440\u0443\u0433", + "\u0434\u0440\u0443\u0433\u0430\u044f", + "\u0434\u0440\u0443\u0433\u0438\u0435", + "\u0434\u0440\u0443\u0433\u0438\u0445", + "\u0434\u0440\u0443\u0433\u043e", + "\u0434\u0440\u0443\u0433\u043e\u0435", + "\u0434\u0440\u0443\u0433\u043e\u0439", + "\u0434\u0443\u043c\u0430\u0442\u044c", + "\u0434\u0443\u0448\u0430", + "\u0435", + "\u0435\u0433\u043e", + "\u0435\u0435", + "\u0435\u0439", + "\u0435\u043c\u0443", + "\u0435\u0441\u043b\u0438", + "\u0435\u0441\u0442\u044c", + "\u0435\u0449\u0435", + "\u0435\u0449\u0451", + "\u0435\u044e", + "\u0435\u0451", + "\u0436", + "\u0436\u0434\u0430\u0442\u044c", + "\u0436\u0435", + "\u0436\u0435\u043d\u0430", + "\u0436\u0435\u043d\u0449\u0438\u043d\u0430", + "\u0436\u0438\u0437\u043d\u044c", + "\u0436\u0438\u0442\u044c", + "\u0437\u0430", + "\u0437\u0430\u043d\u044f\u0442", + "\u0437\u0430\u043d\u044f\u0442\u0430", + "\u0437\u0430\u043d\u044f\u0442\u043e", + "\u0437\u0430\u043d\u044f\u0442\u044b", + "\u0437\u0430\u0442\u0435\u043c", + "\u0437\u0430\u0442\u043e", + "\u0437\u0430\u0447\u0435\u043c", + "\u0437\u0434\u0435\u0441\u044c", + "\u0437\u0435\u043c\u043b\u044f", + "\u0437\u043d\u0430\u0442\u044c", + "\u0437\u043d\u0430\u0447\u0438\u0442", + "\u0437\u043d\u0430\u0447\u0438\u0442\u044c", + "\u0438", + "\u0438\u0434\u0442\u0438", + "\u0438\u0437", + "\u0438\u043b\u0438", + "\u0438\u043c", + "\u0438\u043c\u0435\u043d\u043d\u043e", + "\u0438\u043c\u0435\u0442\u044c", + "\u0438\u043c\u0438", + "\u0438\u043c\u044f", + "\u0438\u043d\u043e\u0433\u0434\u0430", + "\u0438\u0445", + "\u043a", + "\u043a\u0430\u0436\u0434\u0430\u044f", + "\u043a\u0430\u0436\u0434\u043e\u0435", + "\u043a\u0430\u0436\u0434\u044b\u0435", + "\u043a\u0430\u0436\u0434\u044b\u0439", + "\u043a\u0430\u0436\u0435\u0442\u0441\u044f", + "\u043a\u0430\u0437\u0430\u0442\u044c\u0441\u044f", + "\u043a\u0430\u043a", + "\u043a\u0430\u043a\u0430\u044f", + "\u043a\u0430\u043a\u043e\u0439", + "\u043a\u0435\u043c", + "\u043a\u043d\u0438\u0433\u0430", + "\u043a\u043e\u0433\u0434\u0430", + "\u043a\u043e\u0433\u043e", + "\u043a\u043e\u043c", + "\u043a\u043e\u043c\u043d\u0430\u0442\u0430", + "\u043a\u043e\u043c\u0443", + "\u043a\u043e\u043d\u0435\u0446", + "\u043a\u043e\u043d\u0435\u0447\u043d\u043e", + "\u043a\u043e\u0442\u043e\u0440\u0430\u044f", + "\u043a\u043e\u0442\u043e\u0440\u043e\u0433\u043e", + "\u043a\u043e\u0442\u043e\u0440\u043e\u0439", + "\u043a\u043e\u0442\u043e\u0440\u044b\u0435", + "\u043a\u043e\u0442\u043e\u0440\u044b\u0439", + "\u043a\u043e\u0442\u043e\u0440\u044b\u0445", + "\u043a\u0440\u043e\u043c\u0435", + "\u043a\u0440\u0443\u0433\u043e\u043c", + "\u043a\u0442\u043e", + "\u043a\u0443\u0434\u0430", + "\u043b\u0435\u0436\u0430\u0442\u044c", + "\u043b\u0435\u0442", + "\u043b\u0438", + "\u043b\u0438\u0446\u043e", + "\u043b\u0438\u0448\u044c", + "\u043b\u0443\u0447\u0448\u0435", + "\u043b\u044e\u0431\u0438\u0442\u044c", + "\u043b\u044e\u0434\u0438", + "\u043c", + "\u043c\u0430\u043b\u0435\u043d\u044c\u043a\u0438\u0439", + "\u043c\u0430\u043b\u043e", + "\u043c\u0430\u0442\u044c", + "\u043c\u0430\u0448\u0438\u043d\u0430", + "\u043c\u0435\u0436\u0434\u0443", + "\u043c\u0435\u043b\u044f", + "\u043c\u0435\u043d\u0435\u0435", + "\u043c\u0435\u043d\u044c\u0448\u0435", + "\u043c\u0435\u043d\u044f", + "\u043c\u0435\u0441\u0442\u043e", + "\u043c\u0438\u043b\u043b\u0438\u043e\u043d\u043e\u0432", + "\u043c\u0438\u043c\u043e", + "\u043c\u0438\u043d\u0443\u0442\u0430", + "\u043c\u0438\u0440", + "\u043c\u0438\u0440\u0430", + "\u043c\u043d\u0435", + "\u043c\u043d\u043e\u0433\u043e", + "\u043c\u043d\u043e\u0433\u043e\u0447\u0438\u0441\u043b\u0435\u043d\u043d\u0430\u044f", + "\u043c\u043d\u043e\u0433\u043e\u0447\u0438\u0441\u043b\u0435\u043d\u043d\u043e\u0435", + "\u043c\u043d\u043e\u0433\u043e\u0447\u0438\u0441\u043b\u0435\u043d\u043d\u044b\u0435", + "\u043c\u043d\u043e\u0433\u043e\u0447\u0438\u0441\u043b\u0435\u043d\u043d\u044b\u0439", + "\u043c\u043d\u043e\u0439", + "\u043c\u043d\u043e\u044e", + "\u043c\u043e\u0433", + "\u043c\u043e\u0433\u0443\u0442", + "\u043c\u043e\u0436", + "\u043c\u043e\u0436\u0435\u0442", + "\u043c\u043e\u0436\u043d\u043e", + "\u043c\u043e\u0436\u0445\u043e", + "\u043c\u043e\u0438", + "\u043c\u043e\u0439", + "\u043c\u043e\u0440", + "\u043c\u043e\u0441\u043a\u0432\u0430", + "\u043c\u043e\u0447\u044c", + "\u043c\u043e\u044f", + "\u043c\u043e\u0451", + "\u043c\u044b", + "\u043d\u0430", + "\u043d\u0430\u0432\u0435\u0440\u0445\u0443", + "\u043d\u0430\u0434", + "\u043d\u0430\u0434\u043e", + "\u043d\u0430\u0437\u0430\u0434", + "\u043d\u0430\u0438\u0431\u043e\u043b\u0435\u0435", + "\u043d\u0430\u0439\u0442\u0438", + "\u043d\u0430\u043a\u043e\u043d\u0435\u0446", + "\u043d\u0430\u043c", + "\u043d\u0430\u043c\u0438", + "\u043d\u0430\u0440\u043e\u0434", + "\u043d\u0430\u0441", + "\u043d\u0430\u0447\u0430\u043b\u0430", + "\u043d\u0430\u0447\u0430\u0442\u044c", + "\u043d\u0430\u0448", + "\u043d\u0430\u0448\u0430", + "\u043d\u0430\u0448\u0435", + "\u043d\u0430\u0448\u0438", + "\u043d\u0435", + "\u043d\u0435\u0433\u043e", + "\u043d\u0435\u0434\u0430\u0432\u043d\u043e", + "\u043d\u0435\u0434\u0430\u043b\u0435\u043a\u043e", + "\u043d\u0435\u0435", + "\u043d\u0435\u0439", + "\u043d\u0435\u043a\u043e\u0442\u043e\u0440\u044b\u0439", + "\u043d\u0435\u043b\u044c\u0437\u044f", + "\u043d\u0435\u043c", + "\u043d\u0435\u043c\u043d\u043e\u0433\u043e", + "\u043d\u0435\u043c\u0443", + "\u043d\u0435\u043f\u0440\u0435\u0440\u044b\u0432\u043d\u043e", + "\u043d\u0435\u0440\u0435\u0434\u043a\u043e", + "\u043d\u0435\u0441\u043a\u043e\u043b\u044c\u043a\u043e", + "\u043d\u0435\u0442", + "\u043d\u0435\u044e", + "\u043d\u0435\u0451", + "\u043d\u0438", + "\u043d\u0438\u0431\u0443\u0434\u044c", + "\u043d\u0438\u0436\u0435", + "\u043d\u0438\u0437\u043a\u043e", + "\u043d\u0438\u043a\u0430\u043a\u043e\u0439", + "\u043d\u0438\u043a\u043e\u0433\u0434\u0430", + "\u043d\u0438\u043a\u0442\u043e", + "\u043d\u0438\u043a\u0443\u0434\u0430", + "\u043d\u0438\u043c\u0438", + "\u043d\u0438\u0445", + "\u043d\u0438\u0447\u0435\u0433\u043e", + "\u043d\u0438\u0447\u0442\u043e", + "\u043d\u043e", + "\u043d\u043e\u0432\u044b\u0439", + "\u043d\u043e\u0433\u0430", + "\u043d\u043e\u0447\u044c", + "\u043d\u0443", + "\u043d\u0443\u0436\u043d\u043e", + "\u043d\u0443\u0436\u043d\u044b\u0439", + "\u043d\u0445", + "\u043e", + "\u043e\u0431", + "\u043e\u0431\u0430", + "\u043e\u0431\u044b\u0447\u043d\u043e", + "\u043e\u0434\u0438\u043d", + "\u043e\u0434\u0438\u043d\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u043e\u0434\u0438\u043d\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u043e\u0434\u043d\u0430\u0436\u0434\u044b", + "\u043e\u0434\u043d\u0430\u043a\u043e", + "\u043e\u0434\u043d\u043e\u0433\u043e", + "\u043e\u0434\u043d\u043e\u0439", + "\u043e\u043a\u0430\u0437\u0430\u0442\u044c\u0441\u044f", + "\u043e\u043a\u043d\u043e", + "\u043e\u043a\u043e\u043b\u043e", + "\u043e\u043d", + "\u043e\u043d\u0430", + "\u043e\u043d\u0438", + "\u043e\u043d\u043e", + "\u043e\u043f\u044f\u0442\u044c", + "\u043e\u0441\u043e\u0431\u0435\u043d\u043d\u043e", + "\u043e\u0441\u0442\u0430\u0442\u044c\u0441\u044f", + "\u043e\u0442", + "\u043e\u0442\u0432\u0435\u0442\u0438\u0442\u044c", + "\u043e\u0442\u0435\u0446", + "\u043e\u0442\u043e\u0432\u0441\u044e\u0434\u0443", + "\u043e\u0442\u0441\u044e\u0434\u0430", + "\u043e\u0447\u0435\u043d\u044c", + "\u043f\u0435\u0440\u0432\u044b\u0439", + "\u043f\u0435\u0440\u0435\u0434", + "\u043f\u0438\u0441\u0430\u0442\u044c", + "\u043f\u043b\u0435\u0447\u043e", + "\u043f\u043e", + "\u043f\u043e\u0434", + "\u043f\u043e\u0434\u0443\u043c\u0430\u0442\u044c", + "\u043f\u043e\u0436\u0430\u043b\u0443\u0439\u0441\u0442\u0430", + "\u043f\u043e\u0437\u0436\u0435", + "\u043f\u043e\u0439\u0442\u0438", + "\u043f\u043e\u043a\u0430", + "\u043f\u043e\u043b", + "\u043f\u043e\u043b\u0443\u0447\u0438\u0442\u044c", + "\u043f\u043e\u043c\u043d\u0438\u0442\u044c", + "\u043f\u043e\u043d\u0438\u043c\u0430\u0442\u044c", + "\u043f\u043e\u043d\u044f\u0442\u044c", + "\u043f\u043e\u0440", + "\u043f\u043e\u0440\u0430", + "\u043f\u043e\u0441\u043b\u0435", + "\u043f\u043e\u0441\u043b\u0435\u0434\u043d\u0438\u0439", + "\u043f\u043e\u0441\u043c\u043e\u0442\u0440\u0435\u0442\u044c", + "\u043f\u043e\u0441\u0440\u0435\u0434\u0438", + "\u043f\u043e\u0442\u043e\u043c", + "\u043f\u043e\u0442\u043e\u043c\u0443", + "\u043f\u043e\u0447\u0435\u043c\u0443", + "\u043f\u043e\u0447\u0442\u0438", + "\u043f\u0440\u0430\u0432\u0434\u0430", + "\u043f\u0440\u0435\u043a\u0440\u0430\u0441\u043d\u043e", + "\u043f\u0440\u0438", + "\u043f\u0440\u043e", + "\u043f\u0440\u043e\u0441\u0442\u043e", + "\u043f\u0440\u043e\u0442\u0438\u0432", + "\u043f\u0440\u043e\u0446\u0435\u043d\u0442\u043e\u0432", + "\u043f\u044f\u0442\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u043f\u044f\u0442\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u043f\u044f\u0442\u044b\u0439", + "\u043f\u044f\u0442\u044c", + "\u0440\u0430\u0431\u043e\u0442\u0430", + "\u0440\u0430\u0431\u043e\u0442\u0430\u0442\u044c", + "\u0440\u0430\u0437", + "\u0440\u0430\u0437\u0432\u0435", + "\u0440\u0430\u043d\u043e", + "\u0440\u0430\u043d\u044c\u0448\u0435", + "\u0440\u0435\u0431\u0435\u043d\u043e\u043a", + "\u0440\u0435\u0448\u0438\u0442\u044c", + "\u0440\u043e\u0441\u0441\u0438\u044f", + "\u0440\u0443\u043a\u0430", + "\u0440\u0443\u0441\u0441\u043a\u0438\u0439", + "\u0440\u044f\u0434", + "\u0440\u044f\u0434\u043e\u043c", + "\u0441", + "\u0441\u0430\u043c", + "\u0441\u0430\u043c\u0430", + "\u0441\u0430\u043c\u0438", + "\u0441\u0430\u043c\u0438\u043c", + "\u0441\u0430\u043c\u0438\u043c\u0438", + "\u0441\u0430\u043c\u0438\u0445", + "\u0441\u0430\u043c\u043e", + "\u0441\u0430\u043c\u043e\u0433\u043e", + "\u0441\u0430\u043c\u043e\u0439", + "\u0441\u0430\u043c\u043e\u043c", + "\u0441\u0430\u043c\u043e\u043c\u0443", + "\u0441\u0430\u043c\u0443", + "\u0441\u0430\u043c\u044b\u0439", + "\u0441\u0432\u0435\u0442", + "\u0441\u0432\u043e\u0435", + "\u0441\u0432\u043e\u0435\u0433\u043e", + "\u0441\u0432\u043e\u0435\u0439", + "\u0441\u0432\u043e\u0438", + "\u0441\u0432\u043e\u0438\u0445", + "\u0441\u0432\u043e\u0439", + "\u0441\u0432\u043e\u044e", + "\u0441\u0434\u0435\u043b\u0430\u0442\u044c", + "\u0441\u0435\u0430\u043e\u0439", + "\u0441\u0435\u0431\u0435", + "\u0441\u0435\u0431\u044f", + "\u0441\u0435\u0433\u043e\u0434\u043d\u044f", + "\u0441\u0435\u0434\u044c\u043c\u043e\u0439", + "\u0441\u0435\u0439\u0447\u0430\u0441", + "\u0441\u0435\u043c\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0441\u0435\u043c\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0441\u0435\u043c\u044c", + "\u0441\u0438\u0434\u0435\u0442\u044c", + "\u0441\u0438\u043b\u0430", + "\u0441\u0438\u0445", + "\u0441\u043a\u0430\u0437\u0430\u043b", + "\u0441\u043a\u0430\u0437\u0430\u043b\u0430", + "\u0441\u043a\u0430\u0437\u0430\u0442\u044c", + "\u0441\u043a\u043e\u043b\u044c\u043a\u043e", + "\u0441\u043b\u0438\u0448\u043a\u043e\u043c", + "\u0441\u043b\u043e\u0432\u043e", + "\u0441\u043b\u0443\u0447\u0430\u0439", + "\u0441\u043c\u043e\u0442\u0440\u0435\u0442\u044c", + "\u0441\u043d\u0430\u0447\u0430\u043b\u0430", + "\u0441\u043d\u043e\u0432\u0430", + "\u0441\u043e", + "\u0441\u043e\u0431\u043e\u0439", + "\u0441\u043e\u0431\u043e\u044e", + "\u0441\u043e\u0432\u0435\u0442\u0441\u043a\u0438\u0439", + "\u0441\u043e\u0432\u0441\u0435\u043c", + "\u0441\u043f\u0430\u0441\u0438\u0431\u043e", + "\u0441\u043f\u0440\u043e\u0441\u0438\u0442\u044c", + "\u0441\u0440\u0430\u0437\u0443", + "\u0441\u0442\u0430\u043b", + "\u0441\u0442\u0430\u0440\u044b\u0439", + "\u0441\u0442\u0430\u0442\u044c", + "\u0441\u0442\u043e\u043b", + "\u0441\u0442\u043e\u0440\u043e\u043d\u0430", + "\u0441\u0442\u043e\u044f\u0442\u044c", + "\u0441\u0442\u0440\u0430\u043d\u0430", + "\u0441\u0443\u0442\u044c", + "\u0441\u0447\u0438\u0442\u0430\u0442\u044c", + "\u0442", + "\u0442\u0430", + "\u0442\u0430\u043a", + "\u0442\u0430\u043a\u0430\u044f", + "\u0442\u0430\u043a\u0436\u0435", + "\u0442\u0430\u043a\u0438", + "\u0442\u0430\u043a\u0438\u0435", + "\u0442\u0430\u043a\u043e\u0435", + "\u0442\u0430\u043a\u043e\u0439", + "\u0442\u0430\u043c", + "\u0442\u0432\u043e\u0439", + "\u0442\u0432\u043e\u044f", + "\u0442\u0432\u043e\u0451", + "\u0442\u0435", + "\u0442\u0435\u0431\u0435", + "\u0442\u0435\u0431\u044f", + "\u0442\u0435\u043c", + "\u0442\u0435\u043c\u0438", + "\u0442\u0435\u043f\u0435\u0440\u044c", + "\u0442\u0435\u0445", + "\u0442\u043e", + "\u0442\u043e\u0431\u043e\u0439", + "\u0442\u043e\u0431\u043e\u044e", + "\u0442\u043e\u0432\u0430\u0440\u0438\u0449", + "\u0442\u043e\u0433\u0434\u0430", + "\u0442\u043e\u0433\u043e", + "\u0442\u043e\u0436\u0435", + "\u0442\u043e\u043b\u044c\u043a\u043e", + "\u0442\u043e\u043c", + "\u0442\u043e\u043c\u0443", + "\u0442\u043e\u0442", + "\u0442\u043e\u044e", + "\u0442\u0440\u0435\u0442\u0438\u0439", + "\u0442\u0440\u0438", + "\u0442\u0440\u0438\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0442\u0440\u0438\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0442\u0443", + "\u0442\u0443\u0434\u0430", + "\u0442\u0443\u0442", + "\u0442\u044b", + "\u0442\u044b\u0441\u044f\u0447", + "\u0443", + "\u0443\u0432\u0438\u0434\u0435\u0442\u044c", + "\u0443\u0436", + "\u0443\u0436\u0435", + "\u0443\u043b\u0438\u0446\u0430", + "\u0443\u043c\u0435\u0442\u044c", + "\u0443\u0442\u0440\u043e", + "\u0445\u043e\u0440\u043e\u0448\u0438\u0439", + "\u0445\u043e\u0440\u043e\u0448\u043e", + "\u0445\u043e\u0442\u0435\u0442\u044c", + "\u0445\u043e\u0442\u044c", + "\u0445\u043e\u0442\u044f", + "\u0445\u043e\u0447\u0435\u0448\u044c", + "\u0447\u0430\u0441", + "\u0447\u0430\u0441\u0442\u043e", + "\u0447\u0430\u0441\u0442\u044c", + "\u0447\u0430\u0449\u0435", + "\u0447\u0435\u0433\u043e", + "\u0447\u0435\u043b\u043e\u0432\u0435\u043a", + "\u0447\u0435\u043c", + "\u0447\u0435\u043c\u0443", + "\u0447\u0435\u0440\u0435\u0437", + "\u0447\u0435\u0442\u0432\u0435\u0440\u0442\u044b\u0439", + "\u0447\u0435\u0442\u044b\u0440\u0435", + "\u0447\u0435\u0442\u044b\u0440\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0447\u0435\u0442\u044b\u0440\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0447\u0442\u043e", + "\u0447\u0442\u043e\u0431", + "\u0447\u0442\u043e\u0431\u044b", + "\u0447\u0443\u0442\u044c", + "\u0448\u0435\u0441\u0442\u043d\u0430\u0434\u0446\u0430\u0442\u044b\u0439", + "\u0448\u0435\u0441\u0442\u043d\u0430\u0434\u0446\u0430\u0442\u044c", + "\u0448\u0435\u0441\u0442\u043e\u0439", + "\u0448\u0435\u0441\u0442\u044c", + "\u044d\u0442\u0430", + "\u044d\u0442\u0438", + "\u044d\u0442\u0438\u043c", + "\u044d\u0442\u0438\u043c\u0438", + "\u044d\u0442\u0438\u0445", + "\u044d\u0442\u043e", + "\u044d\u0442\u043e\u0433\u043e", + "\u044d\u0442\u043e\u0439", + "\u044d\u0442\u043e\u043c", + "\u044d\u0442\u043e\u043c\u0443", + "\u044d\u0442\u043e\u0442", + "\u044d\u0442\u0443", + "\u044f", + ], + "sk": [ + "a", + "aby", + "aj", + "ako", + "ak\u00fd", + "ale", + "alebo", + "ani", + "av\u0161ak", + "ba", + "bez", + "bu\u00ef", + "cez", + "do", + "ho", + "hoci", + "i", + "ich", + "im", + "ja", + "jeho", + "jej", + "jemu", + "ju", + "k", + "kam", + "kde", + "ked\u017ee", + "ke\u00ef", + "kto", + "ktor\u00fd", + "ku", + "lebo", + "ma", + "mi", + "mne", + "mnou", + "mu", + "my", + "m\u00f2a", + "m\u00f4j", + "na", + "nad", + "nami", + "neho", + "nej", + "nemu", + "nich", + "nielen", + "nim", + "no", + "n\u00e1m", + "n\u00e1s", + "n\u00e1\u0161", + "n\u00edm", + "o", + "od", + "on", + "ona", + "oni", + "ono", + "ony", + "po", + "pod", + "pre", + "pred", + "pri", + "s", + "sa", + "seba", + "sem", + "so", + "svoj", + "tak\u00fd", + "tam", + "teba", + "tebe", + "tebou", + "tej", + "ten", + "ti", + "tie", + "to", + "toho", + "tomu", + "tou", + "tvoj", + "ty", + "t\u00e1", + "t\u00fdm", + "v", + "vami", + "ve\u00ef", + "vo", + "vy", + "v\u00e1m", + "v\u00e1s", + "v\u00e1\u0161", + "v\u0161ak", + "z", + "za", + "zo", + "\u009da", + "\u00e8i", + "\u00e8o", + "\u00e8\u00ed", + "\u00f2om", + "\u00f2ou", + "\u00f2u", + "\u017ee", + ], + "sl": [ + "a", + "ali", + "april", + "avgust", + "b", + "bi", + "bil", + "bila", + "bile", + "bili", + "bilo", + "biti", + "blizu", + "bo", + "bodo", + "bojo", + "bolj", + "bom", + "bomo", + "boste", + "bova", + "bo\u0161", + "brez", + "c", + "cel", + "cela", + "celi", + "celo", + "d", + "da", + "dale\u010d", + "dan", + "danes", + "datum", + "december", + "deset", + "deseta", + "deseti", + "deseto", + "devet", + "deveta", + "deveti", + "deveto", + "do", + "dober", + "dobra", + "dobri", + "dobro", + "dokler", + "dol", + "dolg", + "dolga", + "dolgi", + "dovolj", + "drug", + "druga", + "drugi", + "drugo", + "dva", + "dve", + "e", + "eden", + "en", + "ena", + "ene", + "eni", + "enkrat", + "eno", + "etc.", + "f", + "februar", + "g", + "g.", + "ga", + "ga.", + "gor", + "gospa", + "gospod", + "h", + "halo", + "i", + "idr.", + "ii", + "iii", + "in", + "iv", + "ix", + "iz", + "j", + "januar", + "jaz", + "je", + "ji", + "jih", + "jim", + "jo", + "julij", + "junij", + "jutri", + "k", + "kadarkoli", + "kaj", + "kajti", + "kako", + "kakor", + "kamor", + "kamorkoli", + "kar", + "karkoli", + "katerikoli", + "kdaj", + "kdo", + "kdorkoli", + "ker", + "ki", + "kje", + "kjer", + "kjerkoli", + "ko", + "koder", + "koderkoli", + "koga", + "komu", + "kot", + "kratek", + "kratka", + "kratke", + "kratki", + "l", + "lahka", + "lahke", + "lahki", + "lahko", + "le", + "lep", + "lepa", + "lepe", + "lepi", + "lepo", + "leto", + "m", + "maj", + "majhen", + "majhna", + "majhni", + "malce", + "malo", + "manj", + "marec", + "me", + "med", + "medtem", + "mene", + "mesec", + "mi", + "midva", + "midve", + "mnogo", + "moj", + "moja", + "moje", + "mora", + "morajo", + "moram", + "moramo", + "morate", + "mora\u0161", + "morem", + "mu", + "n", + "na", + "nad", + "naj", + "najina", + "najino", + "najmanj", + "naju", + "najve\u010d", + "nam", + "narobe", + "nas", + "nato", + "nazaj", + "na\u0161", + "na\u0161a", + "na\u0161e", + "ne", + "nedavno", + "nedelja", + "nek", + "neka", + "nekaj", + "nekatere", + "nekateri", + "nekatero", + "nekdo", + "neke", + "nekega", + "neki", + "nekje", + "neko", + "nekoga", + "neko\u010d", + "ni", + "nikamor", + "nikdar", + "nikjer", + "nikoli", + "ni\u010d", + "nje", + "njega", + "njegov", + "njegova", + "njegovo", + "njej", + "njemu", + "njen", + "njena", + "njeno", + "nji", + "njih", + "njihov", + "njihova", + "njihovo", + "njiju", + "njim", + "njo", + "njun", + "njuna", + "njuno", + "no", + "nocoj", + "november", + "npr.", + "o", + "ob", + "oba", + "obe", + "oboje", + "od", + "odprt", + "odprta", + "odprti", + "okoli", + "oktober", + "on", + "onadva", + "one", + "oni", + "onidve", + "osem", + "osma", + "osmi", + "osmo", + "oz.", + "p", + "pa", + "pet", + "peta", + "petek", + "peti", + "peto", + "po", + "pod", + "pogosto", + "poleg", + "poln", + "polna", + "polni", + "polno", + "ponavadi", + "ponedeljek", + "ponovno", + "potem", + "povsod", + "pozdravljen", + "pozdravljeni", + "prav", + "prava", + "prave", + "pravi", + "pravo", + "prazen", + "prazna", + "prazno", + "prbl.", + "precej", + "pred", + "prej", + "preko", + "pri", + "pribl.", + "pribli\u017eno", + "primer", + "pripravljen", + "pripravljena", + "pripravljeni", + "proti", + "prva", + "prvi", + "prvo", + "r", + "ravno", + "redko", + "res", + "re\u010d", + "s", + "saj", + "sam", + "sama", + "same", + "sami", + "samo", + "se", + "sebe", + "sebi", + "sedaj", + "sedem", + "sedma", + "sedmi", + "sedmo", + "sem", + "september", + "seveda", + "si", + "sicer", + "skoraj", + "skozi", + "slab", + "smo", + "so", + "sobota", + "spet", + "sreda", + "srednja", + "srednji", + "sta", + "ste", + "stran", + "stvar", + "sva", + "t", + "ta", + "tak", + "taka", + "take", + "taki", + "tako", + "takoj", + "tam", + "te", + "tebe", + "tebi", + "tega", + "te\u017eak", + "te\u017eka", + "te\u017eki", + "te\u017eko", + "ti", + "tista", + "tiste", + "tisti", + "tisto", + "tj.", + "tja", + "to", + "toda", + "torek", + "tretja", + "tretje", + "tretji", + "tri", + "tu", + "tudi", + "tukaj", + "tvoj", + "tvoja", + "tvoje", + "u", + "v", + "vaju", + "vam", + "vas", + "va\u0161", + "va\u0161a", + "va\u0161e", + "ve", + "vedno", + "velik", + "velika", + "veliki", + "veliko", + "vendar", + "ves", + "ve\u010d", + "vi", + "vidva", + "vii", + "viii", + "visok", + "visoka", + "visoke", + "visoki", + "vsa", + "vsaj", + "vsak", + "vsaka", + "vsakdo", + "vsake", + "vsaki", + "vsakomur", + "vse", + "vsega", + "vsi", + "vso", + "v\u010dasih", + "v\u010deraj", + "x", + "z", + "za", + "zadaj", + "zadnji", + "zakaj", + "zaprta", + "zaprti", + "zaprto", + "zdaj", + "zelo", + "zunaj", + "\u010d", + "\u010de", + "\u010desto", + "\u010detrta", + "\u010detrtek", + "\u010detrti", + "\u010detrto", + "\u010dez", + "\u010digav", + "\u0161", + "\u0161est", + "\u0161esta", + "\u0161esti", + "\u0161esto", + "\u0161tiri", + "\u017e", + "\u017ee", + ], + "so": [ + "aad", + "albaabkii", + "atabo", + "ay", + "ayaa", + "ayee", + "ayuu", + "dhan", + "hadana", + "in", + "inuu", + "isku", + "jiray", + "jirtay", + "ka", + "kale", + "kasoo", + "ku", + "kuu", + "lakin", + "markii", + "oo", + "si", + "soo", + "uga", + "ugu", + "uu", + "waa", + "waxa", + "waxuu", + ], + "st": [ + "a", + "ba", + "bane", + "bona", + "e", + "ea", + "eaba", + "empa", + "ena", + "ha", + "hae", + "hape", + "ho", + "hore", + "ka", + "ke", + "la", + "le", + "li", + "me", + "mo", + "moo", + "ne", + "o", + "oa", + "re", + "sa", + "se", + "tloha", + "tsa", + "tse", + ], + "sv": [ + "aderton", + "adertonde", + "adj\u00f6", + "aldrig", + "alla", + "allas", + "allt", + "alltid", + "allts\u00e5", + "andra", + "andras", + "annan", + "annat", + "artonde", + "artonn", + "att", + "av", + "bakom", + "bara", + "beh\u00f6va", + "beh\u00f6vas", + "beh\u00f6vde", + "beh\u00f6vt", + "beslut", + "beslutat", + "beslutit", + "bland", + "blev", + "bli", + "blir", + "blivit", + "bort", + "borta", + "bra", + "b\u00e4st", + "b\u00e4ttre", + "b\u00e5da", + "b\u00e5das", + "dag", + "dagar", + "dagarna", + "dagen", + "de", + "del", + "delen", + "dem", + "den", + "denna", + "deras", + "dess", + "dessa", + "det", + "detta", + "dig", + "din", + "dina", + "dit", + "ditt", + "dock", + "du", + "d\u00e4r", + "d\u00e4rf\u00f6r", + "d\u00e5", + "efter", + "eftersom", + "ej", + "elfte", + "eller", + "elva", + "en", + "enkel", + "enkelt", + "enkla", + "enligt", + "er", + "era", + "ert", + "ett", + "ettusen", + "fanns", + "fem", + "femte", + "femtio", + "femtionde", + "femton", + "femtonde", + "fick", + "fin", + "finnas", + "finns", + "fjorton", + "fjortonde", + "fj\u00e4rde", + "fler", + "flera", + "flesta", + "fram", + "framf\u00f6r", + "fr\u00e5n", + "fyra", + "fyrtio", + "fyrtionde", + "f\u00e5", + "f\u00e5r", + "f\u00e5tt", + "f\u00f6ljande", + "f\u00f6r", + "f\u00f6re", + "f\u00f6rl\u00e5t", + "f\u00f6rra", + "f\u00f6rsta", + "genast", + "genom", + "gick", + "gjorde", + "gjort", + "god", + "goda", + "godare", + "godast", + "gott", + "g\u00e4lla", + "g\u00e4ller", + "g\u00e4llt", + "g\u00e4rna", + "g\u00e5", + "g\u00e5r", + "g\u00e5tt", + "g\u00f6r", + "g\u00f6ra", + "ha", + "hade", + "haft", + "han", + "hans", + "har", + "heller", + "hellre", + "helst", + "helt", + "henne", + "hennes", + "hit", + "hon", + "honom", + "hundra", + "hundraen", + "hundraett", + "hur", + "h\u00e4r", + "h\u00f6g", + "h\u00f6ger", + "h\u00f6gre", + "h\u00f6gst", + "i", + "ibland", + "icke", + "idag", + "igen", + "ig\u00e5r", + "imorgon", + "in", + "inf\u00f6r", + "inga", + "ingen", + "ingenting", + "inget", + "innan", + "inne", + "inom", + "inte", + "inuti", + "ja", + "jag", + "ju", + "j\u00e4mf\u00f6rt", + "kan", + "kanske", + "knappast", + "kom", + "komma", + "kommer", + "kommit", + "kr", + "kunde", + "kunna", + "kunnat", + "kvar", + "legat", + "ligga", + "ligger", + "lika", + "likst\u00e4lld", + "likst\u00e4llda", + "lilla", + "lite", + "liten", + "litet", + "l\u00e4nge", + "l\u00e4ngre", + "l\u00e4ngst", + "l\u00e4tt", + "l\u00e4ttare", + "l\u00e4ttast", + "l\u00e5ngsam", + "l\u00e5ngsammare", + "l\u00e5ngsammast", + "l\u00e5ngsamt", + "l\u00e5ngt", + "man", + "med", + "mellan", + "men", + "mer", + "mera", + "mest", + "mig", + "min", + "mina", + "mindre", + "minst", + "mitt", + "mittemot", + "mot", + "mycket", + "m\u00e5nga", + "m\u00e5ste", + "m\u00f6jlig", + "m\u00f6jligen", + "m\u00f6jligt", + "m\u00f6jligtvis", + "ned", + "nederst", + "nedersta", + "nedre", + "nej", + "ner", + "ni", + "nio", + "nionde", + "nittio", + "nittionde", + "nitton", + "nittonde", + "nog", + "noll", + "nr", + "nu", + "nummer", + "n\u00e4r", + "n\u00e4sta", + "n\u00e5gon", + "n\u00e5gonting", + "n\u00e5got", + "n\u00e5gra", + "n\u00f6dv\u00e4ndig", + "n\u00f6dv\u00e4ndiga", + "n\u00f6dv\u00e4ndigt", + "n\u00f6dv\u00e4ndigtvis", + "och", + "ocks\u00e5", + "ofta", + "oftast", + "olika", + "olikt", + "om", + "oss", + "p\u00e5", + "rakt", + "redan", + "r\u00e4tt", + "sade", + "sagt", + "samma", + "sedan", + "senare", + "senast", + "sent", + "sex", + "sextio", + "sextionde", + "sexton", + "sextonde", + "sig", + "sin", + "sina", + "sist", + "sista", + "siste", + "sitt", + "sitta", + "sju", + "sjunde", + "sjuttio", + "sjuttionde", + "sjutton", + "sjuttonde", + "sj\u00e4lv", + "sj\u00e4tte", + "ska", + "skall", + "skulle", + "slutligen", + "sm\u00e5", + "sm\u00e5tt", + "snart", + "som", + "stor", + "stora", + "stort", + "st\u00f6rre", + "st\u00f6rst", + "s\u00e4ga", + "s\u00e4ger", + "s\u00e4mre", + "s\u00e4mst", + "s\u00e5", + "s\u00e5dan", + "s\u00e5dana", + "s\u00e5dant", + "tack", + "tidig", + "tidigare", + "tidigast", + "tidigt", + "till", + "tills", + "tillsammans", + "tio", + "tionde", + "tjugo", + "tjugoen", + "tjugoett", + "tjugonde", + "tjugotre", + "tjugotv\u00e5", + "tjungo", + "tolfte", + "tolv", + "tre", + "tredje", + "trettio", + "trettionde", + "tretton", + "trettonde", + "tv\u00e5", + "tv\u00e5hundra", + "under", + "upp", + "ur", + "urs\u00e4kt", + "ut", + "utan", + "utanf\u00f6r", + "ute", + "vad", + "var", + "vara", + "varf\u00f6r", + "varifr\u00e5n", + "varit", + "varje", + "varken", + "vars", + "vars\u00e5god", + "vart", + "vem", + "vems", + "verkligen", + "vi", + "vid", + "vidare", + "viktig", + "viktigare", + "viktigast", + "viktigt", + "vilka", + "vilkas", + "vilken", + "vilket", + "vill", + "v\u00e4nster", + "v\u00e4nstra", + "v\u00e4rre", + "v\u00e5r", + "v\u00e5ra", + "v\u00e5rt", + "\u00e4n", + "\u00e4nnu", + "\u00e4r", + "\u00e4ven", + "\u00e5t", + "\u00e5tminstone", + "\u00e5tta", + "\u00e5ttio", + "\u00e5ttionde", + "\u00e5ttonde", + "\u00f6ver", + "\u00f6vermorgon", + "\u00f6verst", + "\u00f6vre", + ], + "sw": [ + "akasema", + "alikuwa", + "alisema", + "baada", + "basi", + "bila", + "cha", + "chini", + "hadi", + "hapo", + "hata", + "hivyo", + "hiyo", + "huku", + "huo", + "ili", + "ilikuwa", + "juu", + "kama", + "karibu", + "katika", + "kila", + "kima", + "kisha", + "kubwa", + "kutoka", + "kuwa", + "kwa", + "kwamba", + "kwenda", + "kwenye", + "la", + "lakini", + "mara", + "mdogo", + "mimi", + "mkubwa", + "mmoja", + "moja", + "muda", + "mwenye", + "na", + "naye", + "ndani", + "ng", + "ni", + "nini", + "nonkungu", + "pamoja", + "pia", + "sana", + "sasa", + "sauti", + "tafadhali", + "tena", + "tu", + "vile", + "wa", + "wakati", + "wake", + "walikuwa", + "wao", + "watu", + "wengine", + "wote", + "ya", + "yake", + "yangu", + "yao", + "yeye", + "yule", + "za", + "zaidi", + "zake", + ], + "th": [ + "\u0e01\u0e25\u0e48\u0e32\u0e27", + "\u0e01\u0e27\u0e48\u0e32", + "\u0e01\u0e31\u0e19", + "\u0e01\u0e31\u0e1a", + "\u0e01\u0e32\u0e23", + "\u0e01\u0e47", + "\u0e01\u0e48\u0e2d\u0e19", + "\u0e02\u0e13\u0e30", + "\u0e02\u0e2d", + "\u0e02\u0e2d\u0e07", + "\u0e02\u0e36\u0e49\u0e19", + "\u0e04\u0e07", + "\u0e04\u0e23\u0e31\u0e49\u0e07", + "\u0e04\u0e27\u0e32\u0e21", + "\u0e04\u0e37\u0e2d", + "\u0e08\u0e30", + "\u0e08\u0e31\u0e14", + "\u0e08\u0e32\u0e01", + "\u0e08\u0e36\u0e07", + "\u0e0a\u0e48\u0e27\u0e07", + "\u0e0b\u0e36\u0e48\u0e07", + "\u0e14\u0e31\u0e07", + "\u0e14\u0e49\u0e27\u0e22", + "\u0e14\u0e49\u0e32\u0e19", + "\u0e15\u0e31\u0e49\u0e07", + "\u0e15\u0e31\u0e49\u0e07\u0e41\u0e15\u0e48", + "\u0e15\u0e32\u0e21", + "\u0e15\u0e48\u0e2d", + "\u0e15\u0e48\u0e32\u0e07", + "\u0e15\u0e48\u0e32\u0e07\u0e46", + "\u0e15\u0e49\u0e2d\u0e07", + "\u0e16\u0e36\u0e07", + "\u0e16\u0e39\u0e01", + "\u0e16\u0e49\u0e32", + "\u0e17\u0e31\u0e49\u0e07", + "\u0e17\u0e31\u0e49\u0e07\u0e19\u0e35\u0e49", + "\u0e17\u0e32\u0e07", + "\u0e17\u0e35\u0e48", + "\u0e17\u0e35\u0e48\u0e2a\u0e38\u0e14", + "\u0e17\u0e38\u0e01", + "\u0e17\u0e4d\u0e32", + "\u0e17\u0e4d\u0e32\u0e43\u0e2b\u0e49", + "\u0e19\u0e2d\u0e01\u0e08\u0e32\u0e01", + "\u0e19\u0e31\u0e01", + "\u0e19\u0e31\u0e49\u0e19", + "\u0e19\u0e35\u0e49", + "\u0e19\u0e48\u0e32", + "\u0e19\u0e4d\u0e32", + "\u0e1a\u0e32\u0e07", + "\u0e1c\u0e25", + "\u0e1c\u0e48\u0e32\u0e19", + "\u0e1e\u0e1a", + "\u0e1e\u0e23\u0e49\u0e2d\u0e21", + "\u0e21\u0e32", + "\u0e21\u0e32\u0e01", + "\u0e21\u0e35", + "\u0e22\u0e31\u0e07", + "\u0e23\u0e27\u0e21", + "\u0e23\u0e30\u0e2b\u0e27\u0e48\u0e32\u0e07", + "\u0e23\u0e31\u0e1a", + "\u0e23\u0e32\u0e22", + "\u0e23\u0e48\u0e27\u0e21", + "\u0e25\u0e07", + "\u0e27\u0e31\u0e19", + "\u0e27\u0e48\u0e32", + "\u0e2a\u0e38\u0e14", + "\u0e2a\u0e48\u0e07", + "\u0e2a\u0e48\u0e27\u0e19", + "\u0e2a\u0e4d\u0e32\u0e2b\u0e23\u0e31\u0e1a", + "\u0e2b\u0e19\u0e36\u0e48\u0e07", + "\u0e2b\u0e23\u0e37\u0e2d", + "\u0e2b\u0e25\u0e31\u0e07", + "\u0e2b\u0e25\u0e31\u0e07\u0e08\u0e32\u0e01", + "\u0e2b\u0e25\u0e32\u0e22", + "\u0e2b\u0e32\u0e01", + "\u0e2d\u0e22\u0e32\u0e01", + "\u0e2d\u0e22\u0e39\u0e48", + "\u0e2d\u0e22\u0e48\u0e32\u0e07", + "\u0e2d\u0e2d\u0e01", + "\u0e2d\u0e30\u0e44\u0e23", + "\u0e2d\u0e32\u0e08", + "\u0e2d\u0e35\u0e01", + "\u0e40\u0e02\u0e32", + "\u0e40\u0e02\u0e49\u0e32", + "\u0e40\u0e04\u0e22", + "\u0e40\u0e09\u0e1e\u0e32\u0e30", + "\u0e40\u0e0a\u0e48\u0e19", + "\u0e40\u0e14\u0e35\u0e22\u0e27", + "\u0e40\u0e14\u0e35\u0e22\u0e27\u0e01\u0e31\u0e19", + "\u0e40\u0e19\u0e37\u0e48\u0e2d\u0e07\u0e08\u0e32\u0e01", + "\u0e40\u0e1b\u0e34\u0e14", + "\u0e40\u0e1b\u0e34\u0e14\u0e40\u0e1c\u0e22", + "\u0e40\u0e1b\u0e47\u0e19", + "\u0e40\u0e1b\u0e47\u0e19\u0e01\u0e32\u0e23", + "\u0e40\u0e1e\u0e23\u0e32\u0e30", + "\u0e40\u0e1e\u0e37\u0e48\u0e2d", + "\u0e40\u0e21\u0e37\u0e48\u0e2d", + "\u0e40\u0e23\u0e32", + "\u0e40\u0e23\u0e34\u0e48\u0e21", + "\u0e40\u0e25\u0e22", + "\u0e40\u0e2b\u0e47\u0e19", + "\u0e40\u0e2d\u0e07", + "\u0e41\u0e15\u0e48", + "\u0e41\u0e1a\u0e1a", + "\u0e41\u0e23\u0e01", + "\u0e41\u0e25\u0e30", + "\u0e41\u0e25\u0e49\u0e27", + "\u0e41\u0e2b\u0e48\u0e07", + "\u0e42\u0e14\u0e22", + "\u0e43\u0e19", + "\u0e43\u0e2b\u0e49", + "\u0e44\u0e14\u0e49", + "\u0e44\u0e1b", + "\u0e44\u0e21\u0e48", + "\u0e44\u0e27\u0e49", + ], + "tr": [ + "acaba", + "acep", + "adeta", + "altm\u00fd\u00fe", + "altm\u0131\u015f", + "alt\u00fd", + "alt\u0131", + "ama", + "ancak", + "arada", + "art\u00fdk", + "asl\u0131nda", + "aynen", + "ayr\u0131ca", + "az", + "bana", + "bari", + "bazen", + "baz\u00fd", + "baz\u0131", + "ba\u0163ka", + "belki", + "ben", + "benden", + "beni", + "benim", + "beri", + "be\u00fe", + "be\u015f", + "be\u0163", + "bile", + "bin", + "bir", + "biraz", + "biri", + "birka\u00e7", + "birkez", + "bir\u00e7ok", + "bir\u00feey", + "bir\u00feeyi", + "bir\u015fey", + "bir\u015feyi", + "bir\u0163ey", + "biz", + "bizden", + "bize", + "bizi", + "bizim", + "bu", + "buna", + "bunda", + "bundan", + "bunlar", + "bunlar\u0131", + "bunlar\u0131n", + "bunu", + "bunun", + "burada", + "b\u00f6yle", + "b\u00f6ylece", + "b\u00fct\u00fcn", + "da", + "daha", + "dahi", + "dahil", + "daima", + "dair", + "dayanarak", + "de", + "defa", + "de\u0111il", + "de\u011fil", + "diye", + "di\u0111er", + "di\u011fer", + "doksan", + "dokuz", + "dolay\u0131", + "dolay\u0131s\u0131yla", + "d\u00f6rt", + "edecek", + "eden", + "ederek", + "edilecek", + "ediliyor", + "edilmesi", + "ediyor", + "elli", + "en", + "etmesi", + "etti", + "etti\u011fi", + "etti\u011fini", + "e\u0111er", + "e\u011fer", + "fakat", + "gibi", + "g\u00f6re", + "halbuki", + "halen", + "hangi", + "hani", + "hari\u00e7", + "hatta", + "hele", + "hem", + "hen\u00fcz", + "hep", + "hepsi", + "her", + "herhangi", + "herkes", + "herkesin", + "hi\u00e7", + "hi\u00e7bir", + "iken", + "iki", + "ila", + "ile", + "ilgili", + "ilk", + "illa", + "ise", + "itibaren", + "itibariyle", + "iyi", + "iyice", + "i\u00e7in", + "i\u015fte", + "i\u0163te", + "kadar", + "kan\u00fdmca", + "kar\u015f\u0131n", + "katrilyon", + "kendi", + "kendilerine", + "kendini", + "kendisi", + "kendisine", + "kendisini", + "kere", + "kez", + "ke\u0163ke", + "ki", + "kim", + "kimden", + "kime", + "kimi", + "kimse", + "k\u00fdrk", + "k\u00fdsaca", + "k\u0131rk", + "lakin", + "madem", + "me\u0111er", + "milyar", + "milyon", + "mu", + "m\u00fc", + "m\u00fd", + "m\u0131", + "nas\u00fdl", + "nas\u0131l", + "ne", + "neden", + "nedenle", + "nerde", + "nere", + "nerede", + "nereye", + "nitekim", + "niye", + "ni\u00e7in", + "o", + "olan", + "olarak", + "oldu", + "olduklar\u0131n\u0131", + "oldu\u011fu", + "oldu\u011funu", + "olmad\u0131", + "olmad\u0131\u011f\u0131", + "olmak", + "olmas\u0131", + "olmayan", + "olmaz", + "olsa", + "olsun", + "olup", + "olur", + "olursa", + "oluyor", + "on", + "ona", + "ondan", + "onlar", + "onlardan", + "onlari", + "onlar\u00fdn", + "onlar\u0131", + "onlar\u0131n", + "onu", + "onun", + "otuz", + "oysa", + "pek", + "ra\u011fmen", + "sadece", + "sanki", + "sekiz", + "seksen", + "sen", + "senden", + "seni", + "senin", + "siz", + "sizden", + "sizi", + "sizin", + "sonra", + "taraf\u0131ndan", + "trilyon", + "t\u00fcm", + "var", + "vard\u0131", + "ve", + "veya", + "veyahut", + "ya", + "yahut", + "yani", + "yapacak", + "yapmak", + "yapt\u0131", + "yapt\u0131klar\u0131", + "yapt\u0131\u011f\u0131", + "yapt\u0131\u011f\u0131n\u0131", + "yap\u0131lan", + "yap\u0131lmas\u0131", + "yap\u0131yor", + "yedi", + "yerine", + "yetmi\u00fe", + "yetmi\u015f", + "yetmi\u0163", + "yine", + "yirmi", + "yoksa", + "y\u00fcz", + "zaten", + "\u00e7ok", + "\u00e7\u00fcnk\u00fc", + "\u00f6yle", + "\u00fczere", + "\u00fc\u00e7", + "\u00feey", + "\u00feeyden", + "\u00feeyi", + "\u00feeyler", + "\u00feu", + "\u00feuna", + "\u00feunda", + "\u00feundan", + "\u00feunu", + "\u015fey", + "\u015feyden", + "\u015feyi", + "\u015feyler", + "\u015fu", + "\u015funa", + "\u015funda", + "\u015fundan", + "\u015funlar\u0131", + "\u015funu", + "\u015f\u00f6yle", + "\u0163ayet", + "\u0163imdi", + "\u0163u", + "\u0163\u00f6yle", + ], + "ur": [ + "آئی", + "آئے", + "آج", + "آخر", + "آخرکبر", + "آدهی", + "آًب", + "آٹھ", + "آیب", + "اة", + "اخبزت", + "اختتبم", + "ادھر", + "ارد", + "اردگرد", + "ارکبى", + "اش", + "اضتعوبل", + "اضتعوبلات", + "اضطرذ", + "اضکب", + "اضکی", + "اضکے", + "اطراف", + "اغیب", + "افراد", + "الگ", + "اور", + "اوًچب", + "اوًچبئی", + "اوًچی", + "اوًچے", + "اى", + "اً", + "اًذر", + "اًہیں", + "اٹھبًب", + "اپٌب", + "اپٌے", + "اچھب", + "اچھی", + "اچھے", + "اکثر", + "اکٹھب", + "اکٹھی", + "اکٹھے", + "اکیلا", + "اکیلی", + "اکیلے", + "اگرچہ", + "اہن", + "ایطے", + "ایک", + "ب", + "ت", + "تبزٍ", + "تت", + "تر", + "ترتیت", + "تریي", + "تعذاد", + "تن", + "تو", + "توبم", + "توہی", + "توہیں", + "تٌہب", + "تک", + "تھب", + "تھوڑا", + "تھوڑی", + "تھوڑے", + "تھی", + "تھے", + "تیي", + "ثب", + "ثبئیں", + "ثبترتیت", + "ثبری", + "ثبرے", + "ثبعث", + "ثبلا", + "ثبلترتیت", + "ثبہر", + "ثدبئے", + "ثرآں", + "ثراں", + "ثرش", + "ثعذ", + "ثغیر", + "ثلٌذ", + "ثلٌذوثبلا", + "ثلکہ", + "ثي", + "ثٌب", + "ثٌبرہب", + "ثٌبرہی", + "ثٌبرہے", + "ثٌبًب", + "ثٌذ", + "ثٌذکرو", + "ثٌذکرًب", + "ثٌذی", + "ثڑا", + "ثڑوں", + "ثڑی", + "ثڑے", + "ثھر", + "ثھرا", + "ثھراہوا", + "ثھرپور", + "ثھی", + "ثہت", + "ثہتر", + "ثہتری", + "ثہتریي", + "ثیچ", + "ج", + "خب", + "خبرہب", + "خبرہی", + "خبرہے", + "خبهوظ", + "خبًب", + "خبًتب", + "خبًتی", + "خبًتے", + "خبًٌب", + "خت", + "ختن", + "خجکہ", + "خص", + "خططرذ", + "خلذی", + "خو", + "خواى", + "خوًہی", + "خوکہ", + "خٌبة", + "خگہ", + "خگہوں", + "خگہیں", + "خیطب", + "خیطبکہ", + "در", + "درخبت", + "درخہ", + "درخے", + "درزقیقت", + "درضت", + "دش", + "دفعہ", + "دلچطپ", + "دلچطپی", + "دلچطپیبں", + "دو", + "دور", + "دوراى", + "دوضرا", + "دوضروں", + "دوضری", + "دوضرے", + "دوًوں", + "دکھبئیں", + "دکھبتب", + "دکھبتی", + "دکھبتے", + "دکھبو", + "دکھبًب", + "دکھبیب", + "دی", + "دیب", + "دیتب", + "دیتی", + "دیتے", + "دیر", + "دیٌب", + "دیکھو", + "دیکھٌب", + "دیکھی", + "دیکھیں", + "دے", + "ر", + "راضتوں", + "راضتہ", + "راضتے", + "رریعہ", + "رریعے", + "رکي", + "رکھ", + "رکھب", + "رکھتب", + "رکھتبہوں", + "رکھتی", + "رکھتے", + "رکھی", + "رکھے", + "رہب", + "رہی", + "رہے", + "ز", + "زبصل", + "زبضر", + "زبل", + "زبلات", + "زبلیہ", + "زصوں", + "زصہ", + "زصے", + "زقبئق", + "زقیتیں", + "زقیقت", + "زکن", + "زکویہ", + "زیبدٍ", + "صبف", + "صسیر", + "صفر", + "صورت", + "صورتسبل", + "صورتوں", + "صورتیں", + "ض", + "ضبت", + "ضبتھ", + "ضبدٍ", + "ضبرا", + "ضبرے", + "ضبل", + "ضبلوں", + "ضت", + "ضرور", + "ضرورت", + "ضروری", + "ضلطلہ", + "ضوچ", + "ضوچب", + "ضوچتب", + "ضوچتی", + "ضوچتے", + "ضوچو", + "ضوچٌب", + "ضوچی", + "ضوچیں", + "ضکب", + "ضکتب", + "ضکتی", + "ضکتے", + "ضکٌب", + "ضکی", + "ضکے", + "ضیذھب", + "ضیذھی", + "ضیذھے", + "ضیکٌڈ", + "ضے", + "طرف", + "طریق", + "طریقوں", + "طریقہ", + "طریقے", + "طور", + "طورپر", + "ظبہر", + "ع", + "عذد", + "عظین", + "علاقوں", + "علاقہ", + "علاقے", + "علاوٍ", + "عووهی", + "غبیذ", + "غخص", + "غذ", + "غروع", + "غروعبت", + "غے", + "فرد", + "فی", + "ق", + "قجل", + "قجیلہ", + "قطن", + "لئے", + "لا", + "لازهی", + "لو", + "لوجب", + "لوجی", + "لوجے", + "لوسبت", + "لوسہ", + "لوگ", + "لوگوں", + "لڑکپي", + "لگتب", + "لگتی", + "لگتے", + "لگٌب", + "لگی", + "لگیں", + "لگے", + "لی", + "لیب", + "لیٌب", + "لیں", + "لے", + "ه", + "هتعلق", + "هختلف", + "هسترم", + "هسترهہ", + "هسطوش", + "هسیذ", + "هطئلہ", + "هطئلے", + "هطبئل", + "هطتعول", + "هطلق", + "هعلوم", + "هػتول", + "هلا", + "هوکي", + "هوکٌبت", + "هوکٌہ", + "هٌبضت", + "هڑا", + "هڑًب", + "هڑے", + "هکول", + "هگر", + "هہرثبى", + "هیرا", + "هیری", + "هیرے", + "هیں", + "و", + "وار", + "والے", + "وٍ", + "ًئی", + "ًئے", + "ًب", + "ًبپطٌذ", + "ًبگسیر", + "ًطجت", + "ًقطہ", + "ًو", + "ًوخواى", + "ًکبلٌب", + "ًکتہ", + "ًہ", + "ًہیں", + "ًیب", + "ًے", + "ٓ آش", + "ٹھیک", + "پبئے", + "پبش", + "پبًب", + "پبًچ", + "پر", + "پراًب", + "پطٌذ", + "پل", + "پورا", + "پوچھب", + "پوچھتب", + "پوچھتی", + "پوچھتے", + "پوچھو", + "پوچھوں", + "پوچھٌب", + "پوچھیں", + "پچھلا", + "پھر", + "پہلا", + "پہلی", + "پہلےضی", + "پہلےضے", + "پہلےضےہی", + "پیع", + "چبر", + "چبہب", + "چبہٌب", + "چبہے", + "چلا", + "چلو", + "چلیں", + "چلے", + "چکب", + "چکی", + "چکیں", + "چکے", + "چھوٹب", + "چھوٹوں", + "چھوٹی", + "چھوٹے", + "چھہ", + "چیسیں", + "ڈھوًڈا", + "ڈھوًڈلیب", + "ڈھوًڈو", + "ڈھوًڈًب", + "ڈھوًڈی", + "ڈھوًڈیں", + "ک", + "کئی", + "کئے", + "کب", + "کبفی", + "کبم", + "کت", + "کجھی", + "کرا", + "کرتب", + "کرتبہوں", + "کرتی", + "کرتے", + "کرتےہو", + "کررہب", + "کررہی", + "کررہے", + "کرو", + "کرًب", + "کریں", + "کرے", + "کطی", + "کل", + "کن", + "کوئی", + "کوتر", + "کورا", + "کوروں", + "کورٍ", + "کورے", + "کوطي", + "کوى", + "کوًطب", + "کوًطی", + "کوًطے", + "کھولا", + "کھولو", + "کھولٌب", + "کھولی", + "کھولیں", + "کھولے", + "کہ", + "کہب", + "کہتب", + "کہتی", + "کہتے", + "کہو", + "کہوں", + "کہٌب", + "کہی", + "کہیں", + "کہے", + "کی", + "کیب", + "کیطب", + "کیطرف", + "کیطے", + "کیلئے", + "کیوًکہ", + "کیوں", + "کیے", + "کے", + "کےثعذ", + "کےرریعے", + "گئی", + "گئے", + "گب", + "گرد", + "گروٍ", + "گروپ", + "گروہوں", + "گٌتی", + "گی", + "گیب", + "گے", + "ہر", + "ہن", + "ہو", + "ہوئی", + "ہوئے", + "ہوا", + "ہوبرا", + "ہوبری", + "ہوبرے", + "ہوتب", + "ہوتی", + "ہوتے", + "ہورہب", + "ہورہی", + "ہورہے", + "ہوضکتب", + "ہوضکتی", + "ہوضکتے", + "ہوًب", + "ہوًی", + "ہوًے", + "ہوچکب", + "ہوچکی", + "ہوچکے", + "ہوگئی", + "ہوگئے", + "ہوگیب", + "ہوں", + "ہی", + "ہیں", + "ہے", + "ی", + "یقیٌی", + "یہ", + "یہبں", + ], + "vi": [ + "a ha", + "a-lô", + "ai", + "ai ai", + "ai nấy", + "alô", + "amen", + "anh", + "bao giờ", + "bao lâu", + "bao nhiêu", + "bao nả", + "bay biến", + "biết", + "biết bao", + "biết bao nhiêu", + "biết chừng nào", + "biết mấy", + "biết đâu", + "biết đâu chừng", + "biết đâu đấy", + "bà", + "bài", + "bác", + "bây bẩy", + "bây chừ", + "bây giờ", + "bây nhiêu", + "bèn", + "béng", + "bông", + "bạn", + "bản", + "bất chợt", + "bất cứ", + "bất giác", + "bất kì", + "bất kể", + "bất kỳ", + "bất luận", + "bất nhược", + "bất quá", + "bất thình lình", + "bất tử", + "bất đồ", + "bấy", + "bấy chầy", + "bấy chừ", + "bấy giờ", + "bấy lâu", + "bấy lâu nay", + "bấy nay", + "bấy nhiêu", + "bập bà bập bõm", + "bập bõm", + "bắt đầu từ", + "bằng", + "bằng không", + "bằng nấy", + "bằng ấy", + "bển", + "bệt", + "bị", + "bỏ mẹ", + "bỗng", + "bỗng chốc", + "bỗng dưng", + "bỗng không", + "bỗng nhiên", + "bỗng đâu", + "bộ", + "bội phần", + "bớ", + "bởi", + "bởi chưng", + "bởi nhưng", + "bởi thế", + "bởi vì", + "bởi vậy", + "bức", + "cao", + "cha", + "cha chả", + "chao ôi", + "chiếc", + "cho", + "cho nên", + "cho tới", + "cho tới khi", + "cho đến", + "cho đến khi", + "choa", + "chu cha", + "chui cha", + "chung cục", + "chung qui", + "chung quy", + "chung quy lại", + "chuyện", + "chành chạnh", + "chí chết", + "chính", + "chính là", + "chính thị", + "chùn chùn", + "chùn chũn", + "chú", + "chú mày", + "chú mình", + "chúng mình", + "chúng ta", + "chúng tôi", + "chăn chắn", + "chăng", + "chưa", + "chầm chập", + "chậc", + "chắc", + "chắc hẳn", + "chẳng lẽ", + "chẳng những", + "chẳng nữa", + "chẳng phải", + "chết nỗi", + "chết thật", + "chết tiệt", + "chỉ", + "chỉn", + "chốc chốc", + "chớ", + "chớ chi", + "chợt", + "chủn", + "chứ", + "chứ lị", + "coi bộ", + "coi mòi", + "con", + "cu cậu", + "cuốn", + "cuộc", + "càng", + "các", + "cái", + "cây", + "còn", + "có", + "có chăng là", + "có dễ", + "có thể", + "có vẻ", + "cóc khô", + "cô", + "cô mình", + "công nhiên", + "cùng", + "cùng cực", + "cùng nhau", + "cùng với", + "căn", + "căn cắt", + "cũng", + "cũng như", + "cũng vậy", + "cũng vậy thôi", + "cơ", + "cơ chừng", + "cơ hồ", + "cơ mà", + "cơn", + "cả", + "cả thảy", + "cả thể", + "cảm ơn", + "cần", + "cật lực", + "cật sức", + "cậu", + "cổ lai", + "của", + "cứ", + "cứ việc", + "cực lực", + "do", + "do vì", + "do vậy", + "do đó", + "duy", + "dào", + "dì", + "dù cho", + "dù rằng", + "dưới", + "dạ", + "dần dà", + "dần dần", + "dầu sao", + "dẫu", + "dẫu sao", + "dễ sợ", + "dễ thường", + "dở chừng", + "dữ", + "em", + "giữa", + "gì", + "hay", + "hoàn toàn", + "hoặc", + "hơn", + "hầu hết", + "họ", + "hỏi", + "khi", + "khác", + "không", + "luôn", + "là", + "làm", + "lên", + "lúc", + "lại", + "lần", + "lớn", + "muốn", + "mà", + "mình", + "mỗi", + "một", + "một cách", + "mới", + "mợ", + "ngay", + "ngay cả", + "ngay khi", + "ngay lúc", + "ngay lập tức", + "ngay tức khắc", + "ngay từ", + "nghe chừng", + "nghe đâu", + "nghen", + "nghiễm nhiên", + "nghỉm", + "ngoài", + "ngoài ra", + "ngoải", + "ngày", + "ngày càng", + "ngày ngày", + "ngày xưa", + "ngày xửa", + "ngôi", + "ngõ hầu", + "ngăn ngắt", + "ngươi", + "người", + "ngọn", + "ngọt", + "ngộ nhỡ", + "nh", + "nhau", + "nhiên hậu", + "nhiều", + "nhiệt liệt", + "nhung nhăng", + "nhà", + "nhân dịp", + "nhân tiện", + "nhé", + "nhón nhén", + "như", + "như chơi", + "như không", + "như quả", + "như thể", + "như tuồng", + "như vậy", + "nhưng", + "nhưng mà", + "nhược bằng", + "nhất", + "nhất loạt", + "nhất luật", + "nhất mực", + "nhất nhất", + "nhất quyết", + "nhất sinh", + "nhất thiết", + "nhất tâm", + "nhất tề", + "nhất đán", + "nhất định", + "nhận", + "nhỉ", + "nhỡ ra", + "những", + "những ai", + "những như", + "nào", + "này", + "nên", + "nên chi", + "nó", + "nóc", + "nói", + "năm", + "nơi", + "nấy", + "nếu", + "nếu như", + "nền", + "nọ", + "nớ", + "nức nở", + "nữa", + "oai oái", + "oái", + "pho", + "phè", + "phóc", + "phót", + "phăn phắt", + "phương chi", + "phải", + "phải chi", + "phải chăng", + "phắt", + "phỉ phui", + "phỏng", + "phỏng như", + "phốc", + "phụt", + "phứt", + "qua", + "qua quít", + "qua quýt", + "quyết", + "quyết nhiên", + "quyển", + "quá", + "quá chừng", + "quá lắm", + "quá sá", + "quá thể", + "quá trời", + "quá xá", + "quá đỗi", + "quá độ", + "quá ư", + "quý hồ", + "quả", + "quả là", + "quả tang", + "quả thật", + "quả tình", + "quả vậy", + "quả đúng", + "ra", + "ra phết", + "ra sao", + "ra trò", + "ren rén", + "riu ríu", + "riêng", + "riệt", + "rày", + "ráo", + "ráo trọi", + "rén", + "rích", + "rón rén", + "rút cục", + "răng", + "rất", + "rằng", + "rằng là", + "rốt cuộc", + "rốt cục", + "rồi", + "rứa", + "sa sả", + "sao", + "sau", + "sau chót", + "sau cuối", + "sau cùng", + "sau đó", + "so", + "song le", + "suýt", + "sì", + "sạch", + "sất", + "sắp", + "sẽ", + "số", + "số là", + "sốt sột", + "sở dĩ", + "sự", + "tanh", + "tha hồ", + "than ôi", + "thanh", + "theo", + "thi thoảng", + "thoạt", + "thoạt nhiên", + "thoắt", + "thuần", + "thà", + "thà là", + "thà rằng", + "thành ra", + "thành thử", + "thái quá", + "tháng", + "thì", + "thì thôi", + "thình lình", + "thím", + "thôi", + "thúng thắng", + "thương ôi", + "thường", + "thảo hèn", + "thảo nào", + "thấy", + "thẩy", + "thậm", + "thậm chí", + "thật lực", + "thật ra", + "thật vậy", + "thế", + "thế là", + "thế mà", + "thế nào", + "thế nên", + "thế ra", + "thế thì", + "thế à", + "thếch", + "thỉnh thoảng", + "thỏm", + "thốc", + "thốc tháo", + "thốt", + "thốt nhiên", + "thộc", + "thời gian", + "thục mạng", + "thửa", + "thực ra", + "thực sự", + "thực vậy", + "tiếp theo", + "tiếp đó", + "tiện thể", + "toà", + "toé khói", + "toẹt", + "trong", + "trên", + "trước", + "trước kia", + "trước nay", + "trước tiên", + "trước đây", + "trước đó", + "trếu tráo", + "trển", + "trệt", + "trệu trạo", + "trỏng", + "trời đất ơi", + "trừ phi", + "tuy", + "tuy nhiên", + "tuy rằng", + "tuy thế", + "tuy vậy", + "tuyệt nhiên", + "tuần tự", + "tuốt luốt", + "tuốt tuồn tuột", + "tuốt tuột", + "tà tà", + "tênh", + "tít mù", + "tò te", + "tôi", + "tông tốc", + "tù tì", + "tăm tắp", + "tại", + "tại vì", + "tấm", + "tấn", + "tất cả", + "tất thảy", + "tất tần tật", + "tất tật", + "tắp", + "tắp lự", + "tọt", + "tỏ ra", + "tỏ vẻ", + "tốc tả", + "tối ư", + "tột", + "tớ", + "tới", + "tức thì", + "tức tốc", + "từ", + "từng", + "tự vì", + "tựu trung", + "veo", + "veo veo", + "việc", + "vung thiên địa", + "vung tàn tán", + "vung tán tàn", + "và", + "vào", + "vâng", + "vèo", + "vì", + "vì chưng", + "vì thế", + "vì vậy", + "ví bằng", + "ví dù", + "ví phỏng", + "ví thử", + "vô hình trung", + "vô kể", + "vô luận", + "vô vàn", + "văng tê", + "vạn nhất", + "vả chăng", + "vả lại", + "vẫn", + "vậy", + "vậy là", + "vậy thì", + "về", + "vị tất", + "vốn dĩ", + "với", + "với lại", + "vở", + "vụt", + "vừa", + "vừa mới", + "xa xả", + "xiết bao", + "xon xón", + "xoành xoạch", + "xoét", + "xoẳn", + "xoẹt", + "xuất kì bất ý", + "xuất kỳ bất ý", + "xuể", + "xuống", + "xăm xúi", + "xăm xăm", + "xăm xắm", + "xềnh xệch", + "xệp", + "à", + "à ơi", + "ào", + "á", + "á à", + "ái", + "ái chà", + "ái dà", + "áng", + "âu là", + "ô hay", + "ô hô", + "ô kê", + "ô kìa", + "ôi chao", + "ôi thôi", + "ông", + "úi", + "úi chà", + "úi dào", + "ý", + "ý chừng", + "ý da", + "đang", + "đi", + "điều", + "đành đạch", + "đáng lí", + "đáng lý", + "đáng lẽ", + "đánh đùng", + "đáo để", + "đây", + "đã", + "đó", + "được", + "đại loại", + "đại nhân", + "đại phàm", + "đại để", + "đến", + "đến nỗi", + "đều", + "để", + "ơ", + "ơ hay", + "ơ kìa", + "ơi", + "ư", + "ạ", + "ạ ơi", + "ấy", + "ầu ơ", + "ắt", + "ắt hẳn", + "ắt là", + "ối dào", + "ối giời", + "ối giời ơi", + "ồ", + "ổng", + "ớ", + "ờ", + "ở", + "ở trên", + "ủa", + "ứ hự", + "ứ ừ", + "ừ", + "ử", + ], + "yo": [ + "a", + "an", + "b\u00e1", + "b\u00ed", + "b\u1eb9\u0300r\u1eb9\u0300", + "f\u00fan", + "f\u1eb9\u0301", + "gbogbo", + "in\u00fa", + "j\u00f9", + "j\u1eb9", + "j\u1eb9\u0301", + "kan", + "k\u00ec", + "k\u00ed", + "k\u00f2", + "l\u00e1ti", + "l\u00e8", + "l\u1ecd", + "mi", + "mo", + "m\u00e1a", + "m\u1ecd\u0300", + "ni", + "n\u00e1\u00e0", + "n\u00ed", + "n\u00edgb\u00e0", + "n\u00edtor\u00ed", + "n\u01f9kan", + "o", + "pad\u00e0", + "p\u00e9", + "p\u00fap\u1ecd\u0300", + "p\u1eb9\u0300l\u00fa", + "r\u1eb9\u0300", + "s\u00ec", + "s\u00ed", + "s\u00edn\u00fa", + "s\u0323", + "ti", + "t\u00ed", + "w\u00e0", + "w\u00e1", + "w\u1ecdn", + "w\u1ecd\u0301n", + "y\u00ec\u00ed", + "\u00e0ti", + "\u00e0w\u1ecdn", + "\u00e9", + "\u00ed", + "\u00f2un", + "\u00f3", + "\u0144", + "\u0144l\u00e1", + "\u1e63e", + "\u1e63\u00e9", + "\u1e63\u00f9gb\u1ecd\u0301n", + "\u1eb9m\u1ecd\u0301", + "\u1ecdj\u1ecd\u0301", + "\u1ecd\u0300p\u1ecd\u0300l\u1ecdp\u1ecd\u0300", + ], + "zh": [ + "\u3001", + "\u3002", + "\u3008", + "\u3009", + "\u300a", + "\u300b", + "\u4e00", + "\u4e00\u5207", + "\u4e00\u5219", + "\u4e00\u65b9\u9762", + "\u4e00\u65e6", + "\u4e00\u6765", + "\u4e00\u6837", + "\u4e00\u822c", + "\u4e03", + "\u4e07\u4e00", + "\u4e09", + "\u4e0a\u4e0b", + "\u4e0d\u4ec5", + "\u4e0d\u4f46", + "\u4e0d\u5149", + "\u4e0d\u5355", + "\u4e0d\u53ea", + "\u4e0d\u5982", + "\u4e0d\u6015", + "\u4e0d\u60df", + "\u4e0d\u6210", + "\u4e0d\u62d8", + "\u4e0d\u6bd4", + "\u4e0d\u7136", + "\u4e0d\u7279", + "\u4e0d\u72ec", + "\u4e0d\u7ba1", + "\u4e0d\u8bba", + "\u4e0d\u8fc7", + "\u4e0d\u95ee", + "\u4e0e", + "\u4e0e\u5176", + "\u4e0e\u5426", + "\u4e0e\u6b64\u540c\u65f6", + "\u4e14", + "\u4e24\u8005", + "\u4e2a", + "\u4e34", + "\u4e3a", + "\u4e3a\u4e86", + "\u4e3a\u4ec0\u4e48", + "\u4e3a\u4f55", + "\u4e3a\u7740", + "\u4e43", + "\u4e43\u81f3", + "\u4e48", + "\u4e4b", + "\u4e4b\u4e00", + "\u4e4b\u6240\u4ee5", + "\u4e4b\u7c7b", + "\u4e4c\u4e4e", + "\u4e4e", + "\u4e58", + "\u4e5d", + "\u4e5f", + "\u4e5f\u597d", + "\u4e5f\u7f62", + "\u4e86", + "\u4e8c", + "\u4e8e", + "\u4e8e\u662f", + "\u4e8e\u662f\u4e4e", + "\u4e91\u4e91", + "\u4e94", + "\u4eba\u5bb6", + "\u4ec0\u4e48", + "\u4ec0\u4e48\u6837", + "\u4ece", + "\u4ece\u800c", + "\u4ed6", + "\u4ed6\u4eba", + "\u4ed6\u4eec", + "\u4ee5", + "\u4ee5\u4fbf", + "\u4ee5\u514d", + "\u4ee5\u53ca", + "\u4ee5\u81f3", + "\u4ee5\u81f3\u4e8e", + "\u4ee5\u81f4", + "\u4eec", + "\u4efb", + "\u4efb\u4f55", + "\u4efb\u51ed", + "\u4f3c\u7684", + "\u4f46", + "\u4f46\u662f", + "\u4f55", + "\u4f55\u51b5", + "\u4f55\u5904", + "\u4f55\u65f6", + "\u4f5c\u4e3a", + "\u4f60", + "\u4f60\u4eec", + "\u4f7f\u5f97", + "\u4f8b\u5982", + "\u4f9d", + "\u4f9d\u7167", + "\u4ffa", + "\u4ffa\u4eec", + "\u5018", + "\u5018\u4f7f", + "\u5018\u6216", + "\u5018\u7136", + "\u5018\u82e5", + "\u501f", + "\u5047\u4f7f", + "\u5047\u5982", + "\u5047\u82e5", + "\u50cf", + "\u516b", + "\u516d", + "\u516e", + "\u5173\u4e8e", + "\u5176", + "\u5176\u4e00", + "\u5176\u4e2d", + "\u5176\u4e8c", + "\u5176\u4ed6", + "\u5176\u4f59", + "\u5176\u5b83", + "\u5176\u6b21", + "\u5177\u4f53\u5730\u8bf4", + "\u5177\u4f53\u8bf4\u6765", + "\u518d\u8005", + "\u518d\u8bf4", + "\u5192", + "\u51b2", + "\u51b5\u4e14", + "\u51e0", + "\u51e0\u65f6", + "\u51ed", + "\u51ed\u501f", + "\u5219", + "\u522b", + "\u522b\u7684", + "\u522b\u8bf4", + "\u5230", + "\u524d\u540e", + "\u524d\u8005", + "\u52a0\u4e4b", + "\u5373", + "\u5373\u4ee4", + "\u5373\u4f7f", + "\u5373\u4fbf", + "\u5373\u6216", + "\u5373\u82e5", + "\u53c8", + "\u53ca", + "\u53ca\u5176", + "\u53ca\u81f3", + "\u53cd\u4e4b", + "\u53cd\u8fc7\u6765", + "\u53cd\u8fc7\u6765\u8bf4", + "\u53e6", + "\u53e6\u4e00\u65b9\u9762", + "\u53e6\u5916", + "\u53ea\u662f", + "\u53ea\u6709", + "\u53ea\u8981", + "\u53ea\u9650", + "\u53eb", + "\u53ee\u549a", + "\u53ef", + "\u53ef\u4ee5", + "\u53ef\u662f", + "\u53ef\u89c1", + "\u5404", + "\u5404\u4e2a", + "\u5404\u4f4d", + "\u5404\u79cd", + "\u5404\u81ea", + "\u540c", + "\u540c\u65f6", + "\u5411", + "\u5411\u7740", + "\u5413", + "\u5417", + "\u5426\u5219", + "\u5427", + "\u5427\u54d2", + "\u5431", + "\u5440", + "\u5443", + "\u5455", + "\u5457", + "\u545c", + "\u545c\u547c", + "\u5462", + "\u5475", + "\u5478", + "\u547c\u54e7", + "\u548b", + "\u548c", + "\u549a", + "\u54a6", + "\u54b1", + "\u54b1\u4eec", + "\u54b3", + "\u54c7", + "\u54c8", + "\u54c8\u54c8", + "\u54c9", + "\u54ce", + "\u54ce\u5440", + "\u54ce\u54df", + "\u54d7", + "\u54df", + "\u54e6", + "\u54e9", + "\u54ea", + "\u54ea\u4e2a", + "\u54ea\u4e9b", + "\u54ea\u513f", + "\u54ea\u5929", + "\u54ea\u5e74", + "\u54ea\u6015", + "\u54ea\u6837", + "\u54ea\u8fb9", + "\u54ea\u91cc", + "\u54fc", + "\u54fc\u5537", + "\u5509", + "\u554a", + "\u5550", + "\u5565", + "\u5566", + "\u556a\u8fbe", + "\u5582", + "\u558f", + "\u5594\u5537", + "\u55e1\u55e1", + "\u55ec", + "\u55ef", + "\u55f3", + "\u560e", + "\u560e\u767b", + "\u5618", + "\u561b", + "\u563b", + "\u563f", + "\u56db", + "\u56e0", + "\u56e0\u4e3a", + "\u56e0\u6b64", + "\u56e0\u800c", + "\u56fa\u7136", + "\u5728", + "\u5728\u4e0b", + "\u5730", + "\u591a", + "\u591a\u5c11", + "\u5979", + "\u5979\u4eec", + "\u5982", + "\u5982\u4e0a\u6240\u8ff0", + "\u5982\u4f55", + "\u5982\u5176", + "\u5982\u679c", + "\u5982\u6b64", + "\u5982\u82e5", + "\u5b81", + "\u5b81\u53ef", + "\u5b81\u613f", + "\u5b81\u80af", + "\u5b83", + "\u5b83\u4eec", + "\u5bf9", + "\u5bf9\u4e8e", + "\u5c06", + "\u5c14\u540e", + "\u5c1a\u4e14", + "\u5c31", + "\u5c31\u662f", + "\u5c31\u662f\u8bf4", + "\u5c3d", + "\u5c3d\u7ba1", + "\u5c82\u4f46", + "\u5df1", + "\u5e76", + "\u5e76\u4e14", + "\u5f00\u5916", + "\u5f00\u59cb", + "\u5f52", + "\u5f53", + "\u5f53\u7740", + "\u5f7c", + "\u5f7c\u6b64", + "\u5f80", + "\u5f85", + "\u5f97", + "\u600e", + "\u600e\u4e48", + "\u600e\u4e48\u529e", + "\u600e\u4e48\u6837", + "\u600e\u6837", + "\u603b\u4e4b", + "\u603b\u7684\u6765\u770b", + "\u603b\u7684\u6765\u8bf4", + "\u603b\u7684\u8bf4\u6765", + "\u603b\u800c\u8a00\u4e4b", + "\u6070\u6070\u76f8\u53cd", + "\u60a8", + "\u6162\u8bf4", + "\u6211", + "\u6211\u4eec", + "\u6216", + "\u6216\u662f", + "\u6216\u8005", + "\u6240", + "\u6240\u4ee5", + "\u6253", + "\u628a", + "\u6291\u6216", + "\u62ff", + "\u6309", + "\u6309\u7167", + "\u6362\u53e5\u8bdd\u8bf4", + "\u6362\u8a00\u4e4b", + "\u636e", + "\u63a5\u7740", + "\u6545", + "\u6545\u6b64", + "\u65c1\u4eba", + "\u65e0\u5b81", + "\u65e0\u8bba", + "\u65e2", + "\u65e2\u662f", + "\u65e2\u7136", + "\u65f6\u5019", + "\u662f", + "\u662f\u7684", + "\u66ff", + "\u6709", + "\u6709\u4e9b", + "\u6709\u5173", + "\u6709\u7684", + "\u671b", + "\u671d", + "\u671d\u7740", + "\u672c", + "\u672c\u7740", + "\u6765", + "\u6765\u7740", + "\u6781\u4e86", + "\u679c\u7136", + "\u679c\u771f", + "\u67d0", + "\u67d0\u4e2a", + "\u67d0\u4e9b", + "\u6839\u636e", + "\u6b63\u5982", + "\u6b64", + "\u6b64\u5916", + "\u6b64\u95f4", + "\u6bcb\u5b81", + "\u6bcf", + "\u6bcf\u5f53", + "\u6bd4", + "\u6bd4\u5982", + "\u6bd4\u65b9", + "\u6cbf", + "\u6cbf\u7740", + "\u6f2b\u8bf4", + "\u7109", + "\u7136\u5219", + "\u7136\u540e", + "\u7136\u800c", + "\u7167", + "\u7167\u7740", + "\u751a\u4e48", + "\u751a\u800c", + "\u751a\u81f3", + "\u7528", + "\u7531", + "\u7531\u4e8e", + "\u7531\u6b64\u53ef\u89c1", + "\u7684", + "\u7684\u8bdd", + "\u76f8\u5bf9\u800c\u8a00", + "\u7701\u5f97", + "\u7740", + "\u7740\u5462", + "\u77e3", + "\u79bb", + "\u7b2c", + "\u7b49", + "\u7b49\u7b49", + "\u7ba1", + "\u7d27\u63a5\u7740", + "\u7eb5", + "\u7eb5\u4ee4", + "\u7eb5\u4f7f", + "\u7eb5\u7136", + "\u7ecf", + "\u7ecf\u8fc7", + "\u7ed3\u679c", + "\u7ed9", + "\u7ee7\u800c", + "\u7efc\u4e0a\u6240\u8ff0", + "\u7f62\u4e86", + "\u8005", + "\u800c", + "\u800c\u4e14", + "\u800c\u51b5", + "\u800c\u5916", + "\u800c\u5df2", + "\u800c\u662f", + "\u800c\u8a00", + "\u80fd", + "\u817e", + "\u81ea", + "\u81ea\u4e2a\u513f", + "\u81ea\u4ece", + "\u81ea\u5404\u513f", + "\u81ea\u5bb6", + "\u81ea\u5df1", + "\u81ea\u8eab", + "\u81f3", + "\u81f3\u4e8e", + "\u82e5", + "\u82e5\u662f", + "\u82e5\u975e", + "\u83ab\u82e5", + "\u867d", + "\u867d\u5219", + "\u867d\u7136", + "\u867d\u8bf4", + "\u88ab", + "\u8981", + "\u8981\u4e0d", + "\u8981\u4e0d\u662f", + "\u8981\u4e0d\u7136", + "\u8981\u4e48", + "\u8981\u662f", + "\u8ba9", + "\u8bba", + "\u8bbe\u4f7f", + "\u8bbe\u82e5", + "\u8be5", + "\u8bf8\u4f4d", + "\u8c01", + "\u8c01\u77e5", + "\u8d76", + "\u8d77", + "\u8d77\u89c1", + "\u8d81", + "\u8d81\u7740", + "\u8d8a\u662f", + "\u8ddf", + "\u8f83", + "\u8f83\u4e4b", + "\u8fb9", + "\u8fc7", + "\u8fd8\u662f", + "\u8fd8\u6709", + "\u8fd9", + "\u8fd9\u4e2a", + "\u8fd9\u4e48", + "\u8fd9\u4e48\u4e9b", + "\u8fd9\u4e48\u6837", + "\u8fd9\u4e48\u70b9\u513f", + "\u8fd9\u4e9b", + "\u8fd9\u4f1a\u513f", + "\u8fd9\u513f", + "\u8fd9\u5c31\u662f\u8bf4", + "\u8fd9\u65f6", + "\u8fd9\u6837", + "\u8fd9\u8fb9", + "\u8fd9\u91cc", + "\u8fdb\u800c", + "\u8fde", + "\u8fde\u540c", + "\u901a\u8fc7", + "\u9075\u7167", + "\u90a3", + "\u90a3\u4e2a", + "\u90a3\u4e48", + "\u90a3\u4e48\u4e9b", + "\u90a3\u4e48\u6837", + "\u90a3\u4e9b", + "\u90a3\u4f1a\u513f", + "\u90a3\u513f", + "\u90a3\u65f6", + "\u90a3\u6837", + "\u90a3\u8fb9", + "\u90a3\u91cc", + "\u9119\u4eba", + "\u9274\u4e8e", + "\u963f", + "\u9664", + "\u9664\u4e86", + "\u9664\u6b64\u4e4b\u5916", + "\u9664\u975e", + "\u968f", + "\u968f\u7740", + "\u96f6", + "\u975e\u4f46", + "\u975e\u5f92", + "\u9760", + "\u987a", + "\u987a\u7740", + "\u9996\u5148", + "\ufe3f", + "\uff01", + "\uff03", + "\uff04", + "\uff05", + "\uff06", + "\uff08", + "\uff09", + "\uff0a", + "\uff0b", + "\uff0c", + "\uff10", + "\uff11", + "\uff12", + "\uff13", + "\uff14", + "\uff15", + "\uff16", + "\uff17", + "\uff18", + "\uff19", + "\uff1a", + "\uff1b", + "\uff1c", + "\uff1e", + "\uff1f", + "\uff20", + "\uff3b", + "\uff3d", + "\uff5b", + "\uff5c", + "\uff5d", + "\uff5e", + "\uffe5", + ], + "zu": [ + "futhi", + "kahle", + "kakhulu", + "kanye", + "khona", + "kodwa", + "kungani", + "kusho", + "la", + "lakhe", + "lapho", + "mina", + "ngesikhathi", + "nje", + "phansi", + "phezulu", + "u", + "ukuba", + "ukuthi", + "ukuze", + "uma", + "wahamba", + "wakhe", + "wami", + "wase", + "wathi", + "yakhe", + "zakhe", + "zonke", + ], +} diff --git a/data_tooling/pii_processing/regex/README.md b/data_tooling/pii_processing/regex/README.md new file mode 100644 index 0000000..43318ad --- /dev/null +++ b/data_tooling/pii_processing/regex/README.md @@ -0,0 +1,9 @@ + +A rulebase is an ordered list of rule groups and the number of times to apply the rule groups. +A rule group is on oredered list of rules of the form (new_label, regex, old_label, before text, after text) +A rule will match if all of regex, old_label, before text and after text matches. + - new_label is the label to tag the matching text + - regex is the regex to use + - old label is the label that this text was previously tagged as. None means to ignore the test. + - before text is some text before the matching pattern. None means to ignore the test. + - after text is some text after the matching pattern. None means to ignore the test. diff --git a/data_tooling/pii_processing/regex/hhn_en.py b/data_tooling/pii_processing/regex/hhn_en.py new file mode 100644 index 0000000..a4c026e --- /dev/null +++ b/data_tooling/pii_processing/regex/hhn_en.py @@ -0,0 +1,18 @@ +# some of the below are from https://github.com/madisonmay/CommonRegex/blob/master/commonregex.py which is under the MIT License +rulebase = [([ + ("AGE", re.compile("\S+ years old|\S+\-years\-old|\S+ year old|\S+\-year\-old"), None, None, None), + ("STREET_ADDRESS", re.compile( + '\d{1,4} [\w\s]{1,20} (?:street|st|avenue|ave|road|rd|highway|hwy|square|sq|trail|trl|drive|dr|court|ct|park|parkway|pkwy|circle|cir|boulevard|blvd)\W?(?=\s|$)', re.IGNORECASE), None, None, None), + ("STREET_ADDRESS", re.compile('P\.? ?O\.? Box \d+', re.IGNORECASE), None, None, None), + ("GOVT_ID", re.compile( + '(?!000|666|333)0*(?:[0-6][0-9][0-9]|[0-7][0-6][0-9]|[0-7][0-7][0-2])[- ](?!00)[0-9]{2}[- ](?!0000)[0-9]{4}'), None, None, None), + ("DISEASE", re.compile("diabetes|cancer|HIV|AIDS|Alzheimer's|Alzheimer|heart disease", re.IGNORECASE), None, None, None), + ("NORP", re.compile("upper class|middle class|working class|lower class", re.IGNORECASE), None, None, None), + ("BIRTH_DEATH_DATE", re.compile('born (?:(?=0.25 +faker +pytest +sentencepiece +spacy +transformers diff --git a/data_tooling/pii_processing/setup.py b/data_tooling/pii_processing/setup.py new file mode 100644 index 0000000..585dd75 --- /dev/null +++ b/data_tooling/pii_processing/setup.py @@ -0,0 +1,239 @@ +#!/usr/bin/env python +""" +Simple check list from AllenNLP repo: https://github.com/allenai/allennlp/blob/master/setup.py + +To create the package for pypi. + +1. Change the version in __init__.py and setup.py. + +2. Commit these changes with the message: "Release: VERSION" + +3. Add a tag in git to mark the release: "git tag VERSION -m'Adds tag VERSION for pypi' " + Push the tag to git: git push --tags origin master + +4. Build both the sources and the wheel. Do not change anything in setup.py between + creating the wheel and the source distribution (obviously). + + For the wheel, run: "python setup.py bdist_wheel" in the top level allennlp directory. + (this will build a wheel for the python version you use to build it - make sure you use python 3.x). + + For the sources, run: "python setup.py sdist" + You should now have a /dist directory with both .whl and .tar.gz source versions of allennlp. + +5. Check that everything looks correct by uploading the package to the pypi test server: + + twine upload dist/* -r pypitest + (pypi suggest using twine as other methods upload files via plaintext.) + + Check that you can install it in a virtualenv by running: + pip install -i https://testpypi.python.org/pypi neuralcoref + +6. Upload the final version to actual pypi: + twine upload dist/* -r pypi + +7. Copy the release notes from RELEASE.md to the tag in github once everything is looking hunky-dory. + +""" +import os +import subprocess +import sys +import contextlib +from distutils.command.build_ext import build_ext +from distutils.sysconfig import get_python_inc +import distutils.util +from distutils import ccompiler, msvccompiler +from setuptools import Extension, setup, find_packages + +def is_new_osx(): + """Check whether we're on OSX >= 10.10""" + name = distutils.util.get_platform() + if sys.platform != "darwin": + return False + elif name.startswith("macosx-10"): + minor_version = int(name.split("-")[1].split(".")[1]) + if minor_version >= 7: + return True + else: + return False + else: + return False + + +PACKAGE_DATA = {'': ['*.pyx', '*.pxd'], + '': ['*.h'],} + + +PACKAGES = find_packages() + + +MOD_NAMES = ['neuralcoref.neuralcoref'] + + + +COMPILE_OPTIONS = { + "msvc": ["/Ox", "/EHsc"], + "mingw32": ["-O2", "-Wno-strict-prototypes", "-Wno-unused-function"], + "other": ["-O2", "-Wno-strict-prototypes", "-Wno-unused-function"], +} + + +LINK_OPTIONS = {"msvc": [], "mingw32": [], "other": []} + + +if is_new_osx(): + # On Mac, use libc++ because Apple deprecated use of + # libstdc + COMPILE_OPTIONS["other"].append("-stdlib=libc++") + LINK_OPTIONS["other"].append("-lc++") + # g++ (used by unix compiler on mac) links to libstdc++ as a default lib. + # See: https://stackoverflow.com/questions/1653047/avoid-linking-to-libstdc + LINK_OPTIONS["other"].append("-nodefaultlibs") + + +USE_OPENMP_DEFAULT = "0" if sys.platform != "darwin" else None +if os.environ.get("USE_OPENMP", USE_OPENMP_DEFAULT) == "1": + if sys.platform == "darwin": + COMPILE_OPTIONS["other"].append("-fopenmp") + LINK_OPTIONS["other"].append("-fopenmp") + PACKAGE_DATA["spacy.platform.darwin.lib"] = ["*.dylib"] + PACKAGES.append("spacy.platform.darwin.lib") + + elif sys.platform == "win32": + COMPILE_OPTIONS["msvc"].append("/openmp") + + else: + COMPILE_OPTIONS["other"].append("-fopenmp") + LINK_OPTIONS["other"].append("-fopenmp") + + +# By subclassing build_extensions we have the actual compiler that will be used which is really known only after finalize_options +# http://stackoverflow.com/questions/724664/python-distutils-how-to-get-a-compiler-that-is-going-to-be-used +class build_ext_options: + def build_options(self): + for e in self.extensions: + e.extra_compile_args += COMPILE_OPTIONS.get( + self.compiler.compiler_type, COMPILE_OPTIONS["other"] + ) + for e in self.extensions: + e.extra_link_args += LINK_OPTIONS.get( + self.compiler.compiler_type, LINK_OPTIONS["other"] + ) + + +class build_ext_subclass(build_ext, build_ext_options): + def build_extensions(self): + build_ext_options.build_options(self) + build_ext.build_extensions(self) + + +# def is_installed(requirement): +# try: +# pkg_resources.require(requirement) +# except pkg_resources.ResolutionError: +# return False +# else: +# return True + +# if not is_installed('numpy>=1.11.0') or not is_installed('spacy>=2.1.0'): +# print(textwrap.dedent(""" +# Error: requirements needs to be installed first. +# You can install them via: +# $ pip install -r requirements.txt +# """), file=sys.stderr) +# exit(1) + +@contextlib.contextmanager +def chdir(new_dir): + old_dir = os.getcwd() + try: + os.chdir(new_dir) + sys.path.insert(0, new_dir) + yield + finally: + del sys.path[0] + os.chdir(old_dir) + + +def generate_cython(root, source): + print('Cythonizing sources') + p = subprocess.call([sys.executable, + os.path.join(root, 'bin', 'cythonize.py'), + source], env=os.environ) + if p != 0: + raise RuntimeError('Running cythonize failed') + + +def is_source_release(path): + return os.path.exists(os.path.join(path, 'PKG-INFO')) + + +def setup_package(): + root = os.path.abspath(os.path.dirname(__file__)) + with chdir(root): + if not is_source_release(root): + generate_cython(root, 'neuralcoref') + + include_dirs = [ + get_python_inc(plat_specific=True), + os.path.join(root, 'include')] + + if (ccompiler.new_compiler().compiler_type == 'msvc' + and msvccompiler.get_build_version() == 9): + include_dirs.append(os.path.join(root, 'include', 'msvc9')) + + ext_modules = [] + for mod_name in MOD_NAMES: + mod_path = mod_name.replace('.', '/') + '.cpp' + extra_link_args = [] + # ??? + # Imported from patch from @mikepb + # See Issue #267. Running blind here... + if sys.platform == 'darwin': + dylib_path = ['..' for _ in range(mod_name.count('.'))] + dylib_path = '/'.join(dylib_path) + dylib_path = '@loader_path/%s/neuralcoref/platform/darwin/lib' % dylib_path + extra_link_args.append('-Wl,-rpath,%s' % dylib_path) + ext_modules.append( + Extension(mod_name, [mod_path], + language='c++', include_dirs=include_dirs, + extra_link_args=extra_link_args)) + + setup(name='neuralcoref', + version='4.0', + description="Coreference Resolution in spaCy with Neural Networks", + url='https://github.com/huggingface/neuralcoref', + author='Thomas Wolf', + author_email='thomwolf@gmail.com', + ext_modules=ext_modules, + classifiers=[ + 'Development Status :: 3 - Alpha', + 'Environment :: Console', + 'Intended Audience :: Developers', + "Intended Audience :: Science/Research", + "License :: OSI Approved :: MIT License", + "Operating System :: POSIX :: Linux", + "Operating System :: MacOS :: MacOS X", + "Operating System :: Microsoft :: Windows", + "Programming Language :: Cython", + "Programming Language :: Python :: 3.6", + "Programming Language :: Python :: 3.7", + "Programming Language :: Python :: 3.8", + "Topic :: Scientific/Engineering", + ], + install_requires=[ + "numpy>=1.15.0", + "boto3", + "requests>=2.13.0,<3.0.0", + "spacy>=2.1.0,<3.0.0"], + setup_requires=['wheel', 'spacy>=2.1.0,<3.0.0'], + python_requires=">=3.6", + packages=PACKAGES, + package_data=PACKAGE_DATA, + keywords='NLP chatbots coreference resolution', + license='MIT', + zip_safe=False, + platforms='any', + cmdclass={"build_ext": build_ext_subclass}) + +if __name__ == '__main__': + setup_package() diff --git a/data_tooling/pii_processing/wip/brill_ner_tagger.py b/data_tooling/pii_processing/wip/brill_ner_tagger.py new file mode 100644 index 0000000..a24b63b --- /dev/null +++ b/data_tooling/pii_processing/wip/brill_ner_tagger.py @@ -0,0 +1,71 @@ + +def learn_brill_transformation_base_tagger(dat, regexs, target_lang, pattern_search_window = 3, ntimes=4): + """ + Input: + dat: the corpus plus init ner tagging in list of dict. Assumes a basic lexcion or other process performed an init NER tag on dat. + regexes: Regexs used to detect and re-tag to reduce the error. + target_lang: used for shingling, conversion, etc. + pattern_search_window: number of words or tags before and after regex matched pattern used to create rules + ntimes: the maximum number of iterations through the alogirthm. + + Output: + rules: ordered list of (regex, matching nearby shingles and tag patterns, tag_wrong => tag_right, score) + + Side effect: dat['predicted_ner'] will be changed to the prediction applied by the returned rules + + Naive algortihm (very memory inefficient) + TODO for participants is to find a faster algortihm, including out of core or dynamic programming (caching ngram). + + loop ntimes or there are no more improvements + given a set of sentences with predict_ner and actual ner, + - find which regex that will match an item that is wrongly tagged by predict_ner, + - find nearby word shingles + - find nearby tag patterns + - add candidate (regex, ngram pattern before, ngram pattern after, tag_wrong => tag_right, number of wrong matches, number of right matches) + find the top n rules that do not have overlapping patterns or shingles, and maximizes the score with number of right > X + apply the top n rules to create a new predict_ner, and continue loop + + """ + ontology_manager = OntologyManager(target_lang=target_lang) + tag2regex = {} + regex_id = 0 + for tag, regex in regexes: + tag2regex[tag] = tag2regex.get(tag, []) + [(regex_id, regex)] + regex_id += 1 + + for times in range(ntimes): + candidates = {} + for d in dat: + text = d['text'] + ner = d['ner'] # the human tagged data + predicted_ner = d['predicted_ner'] + + #find tagging that are wrong + for ent, tag in ner.items(): # sort by sentence order + if tag not in tag2regex: continue + if ent not in predicted_ner predicted_ner[ent] != tag: + regex_id, regex = tag2regex[tag] + match = regex.findall(ent) + if not match: continue + before, after = find_before_after_words(text, ent, pattern_search_window) + before_shingles = ontology_manager._get_shingles(before) + after_shingles = ontology_manager._get_shingles(after) + # before, after correct tags + for before, after in all_combos(before_shingles, after_shingles): + candidates[(before, after, predicted_ner.get(ent), tag, regex_id)] = 0 + + # find tagging that shouldn't be done at all + for ent, tag in predicted_ner.items(): + # do a case where there are no regexes + if tag not in tag2regex: continue + if ent not in ner: + regex_id, regex = tag2regex[tag] + match = regex.findall(ent) + if not match: continue + before, after = find_before_after_words(text, ent, pattern_search_window) + before_shingles = ontology_manager._get_shingles(before) + after_shingles = ontology_manager._get_shingles(after) + # before, after correct tags + for before, after in all_combos(before_shingles, after_shingles): + candidates[(before, after, tag, None, regex_id)] = 0 + diff --git a/data_tooling/pii_processing/wip/processor.py b/data_tooling/pii_processing/wip/processor.py new file mode 100644 index 0000000..416d5fe --- /dev/null +++ b/data_tooling/pii_processing/wip/processor.py @@ -0,0 +1,702 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import copy +from time import time +import numpy as np +from collections import Counter +from itertools import chain +import os +import re +import glob +import math +import difflib +import random +import nltk +from random import choice +import spacy, itertools +from collections import Counter, OrderedDict +trannum = str.maketrans("0123456789", "1111111111") +import torch +from transformers import pipeline, XLMRobertaForTokenClassification, BertForTokenClassification, AutoTokenizer +import sys, os +sys.path.append(os.path.abspath(os.path.join(os.path.dirname(__file__), + os.path.pardir, os.path.pardir))) +from pii_processing.pii.round_trip_trans import RoundTripTranslate +from pii_processing.ontology.ontology_manager import OntologyManager +from pii_processing import neuralcoref + +class Processor (OntologyManager): + """ + A multi-lingual PII/NER processor. + + Pre-processes text into chunks of NER/PII words and coreference tagged words. + + Uses a multilingual ontology and regex rules to obtain PII/NER labels and coreference labels. + + Note that Spacy parsing (and Neuralcoref https://github.com/huggingface/neuralcoref) are performed in English. + We use round-trip translation to perform NER in English, and then translate back to target lang. + + Provides basic multi-lingual functionality using a multilingual ontology and regex rules, round-trip-translation and HF ner transformer pipelines. + + See OntologyManager for the defintion of the upper_ontology. + + """ + # base en spacy models + nlp = None + + + model_loaded = {} + en_basic_person_pronouns = ["you", "your", "yours", "yourself", "we", 'us', "our", "ours", "ourself", "ourselves", 'i', 'my' , 'mine', 'me', 'he', "she", "his", "her", "him", "hers", "himself", "herself"] + + #there are a few multi-lingual ner transfomers. + #which one to use? we could experiment. + #jplu/tf-xlm-r-ner-40-lang + #gunghio/distilbert-base-multilingual-cased-finetuned-conll2003-ner + default_ner_model = ("wietsedv/bert-base-multilingual-cased-finetuned-conll2002-ner", BertForTokenClassification) + + lang2ner_model = { + "sw": ("Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification ), # consider using one of the smaller models + "yo": ("Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification ), + "ar": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "de": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "en": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "es": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "it": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "nl": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "la": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "pt": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "fr": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + "zh": ("Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification ), + } + + def __init__(self, target_lang="en", data_dir=None, tmp_dir=None, max_word_len=4, compound_word_step =3, strip_chars=None, \ + upper_ontology=None, x_lingual_lexicon_by_prefix_file="lexicon_by_prefix.json.gz", target_lang_config_file=None, x_lingual2ner_file=None, \ + connector = "_", en_spacy_models=[], label2label=None): + super().__init__(target_lang=target_lang, data_dir=data_dir, tmp_dir=tmp_dir, max_word_len=max_word_len, compound_word_step = compound_word_step, strip_chars=strip_chars, \ + upper_ontology=upper_ontology, x_lingual_lexicon_by_prefix_file=x_lingual_lexicon_by_prefix_file, target_lang_config_file=target_lang_config_file, x_lingual2ner_file=x_lingual2ner_file, \ + connector = connector, label2label=label2label) + + if True: + #hf stuff. we assume we are working only in CPU mode. + if target_lang in self.lang2ner_model: + model_name, cls = self.lang2ner_model[target_lang] + if model_name in self.model_loaded: + model = self.model_loaded[model_name] + else: + model = cls.from_pretrained(model_name) + model = torch.quantization.quantize_dynamic(model, {torch.nn.Linear}, dtype=torch.qint8) + self.model_loaded[model_name] = model + self.ner_model_pipeline = pipeline("ner", model=model, tokenizer=AutoTokenizer.from_pretrained(model_name)) + else: + model_name, cls = self.default_ner_model + if model_name in self.model_loaded: + model = self.model_loaded[model_name] + else: + model = cls.from_pretrained(model_name) + model = torch.quantization.quantize_dynamic(model, {torch.nn.Linear}, dtype=torch.qint8) + self.ner_model_pipeline = pipeline("ner", model=model, tokenizer=AutoTokenizer.from_pretrained(model_name)) + + #spacy stuff + if en_spacy_models: + self.en_spacy_models = en_spacy_models + else: + self.en_spacy_models = [] + #we are storing the nlp object as a class variable to save on loading time if we create processor objects over and over. + if Processor.nlp is None: + Processor.nlp = spacy.load('en_core_web_lg') + #TODO: we could increase the ontology by adding more words here. + #e.g., conv_dict={"Angela": ["woman", "girl"]} + coref = neuralcoref.NeuralCoref(Processor.nlp.vocab) #, conv_dict + Processor.nlp.add_pipe(coref, name='neuralcoref') + self.en_spacy_models.append(Processor.nlp) + + + def add_chunks_span(self, chunks, new_mention, old_mention, label, coref, chunk2ner, chunk2ref, ref2chunk): + """ add a span to the chunks sequence and update the various ref and NER hashes """ + if old_mention in chunk2ner: + del chunk2ner[old_mention] + if label: + chunk2ner[new_mention] = label + if old_mention in chunk2ref: + old_ref = chunk2ref[old_mention] + ref2chunk[old_ref].remove(old_mention) + if not ref2chunk[old_ref]: + del ref2chunk[old_ref] + del chunk2ref[old_mention] + if new_mention in chunk2ref and coref != chunk2ref[new_mention]: + old_ref = chunk2ref[new_mention] + ref2chunk[old_ref].remove(new_mention) + if not ref2chunk[old_ref]: + del ref2chunk[old_ref] + del chunk2ref[new_mention] + if coref: + chunk2ref[new_mention] = coref + lst = ref2chunk.get(coref, []) + if new_mention not in lst: + ref2chunk[coref] = lst + [new_mention] + chunks.append(new_mention) + + def del_ner_coref(self, old_mention, chunk2ner, chunk2ref, ref2chunk): + """ remove an old_mention from the various NER and ref hashes """ + if old_mention in chunk2ner: + del chunk2ner[old_mention] + if old_mention in chunk2ref: + old_ref = chunk2ref[old_mention] + ref2chunk[old_ref].remove(old_mention) + if not ref2chunk[old_ref]: + del ref2chunk[old_ref] + del chunk2ref[old_mention] + + def _spacy_ner_coref(self, text, nlp, chunk2ner, chunk2ref, ref2chunk, row_id=0, doc_id=0): + """ + Use the spacy English models to create chunks for English text + and gather NER and coreference information. + Note: Spacy's span start and end does NOT correspond to text position in a sentence. + """ + connector = self.connector + pronouns = self.pronouns + person_pronouns = self.person_pronouns + other_pronouns = self.other_pronouns + # Spacy is not as high accuracy as transformers, but we use the spacey neuralcoref model so we can get pronoun coreference groups + # to be able to decide if a name is assocaited with a gender, race, job, etc. this allows us to decide in downstream modules that + # the mentions refer to PII. + doc = nlp(text) + + #store away NOUNs for potential label and coref reference + #rule for promotig a noun span into one considered for further processing: + # - length of the number of words > 2 or length of span > 2 and the span is all uppercase (for abbreviations) + # coref candidates: + # - create an abbreviation from noun phrases as a candidate coref. + # - use either the last two words a span as a candidate coref. + # - use the abbreviation as a candidate coref + for entity in list(doc.noun_chunks) + list(doc.ents) : + chunk2ner[(entity.text, entity.start, entity.end, row_id, doc_id)]= "NOUN" + mention_lower = entity.text.lower() + textArr = mention_lower.split() + if len(textArr) > 2: + short_span = " ".join(textArr[-2:]) + ref2chunk[short_span] = ref2chunk.get(short_span, []) + [(entity.text, entity.start, entity.end, row_id, doc_id)] + non_stopwords = [a for a in textArr if a not in self.stopwords] + if len(non_stopwords) > 2: + abrev = "".join([a[0] for a in non_stopwords]) + ref2chunk[abrev] = ref2chunk.get(abrev, []) + [(entity.text, entity.start, entity.end, row_id, doc_id)] + elif (len(entity.text) >=2 and entity.text == entity.text.upper()): + ref2chunk[entity.text.lower()] = ref2chunk.get(entity.text.lower(), []) + [(entity.text, entity.start, entity.end, row_id, doc_id)] + + #store away coref NOUNs for potential label and coref reference + #same rule as above for promoting a noun span into one considered for further processing. + for cl in list(doc._.coref_clusters) : + mentions = [(entity.text, entity.start, entity.end, row_id, doc_id) for entity in cl.mentions] + mentions.sort(key=lambda e: len(e[0]), reverse=True) + textArr = mentions[0][0].lower().split() + for key in mentions: + chunk2ner[key]= "NOUN" + for mention in mentions: + mention_lower = mention[0].lower() + textArr = mention_lower.split() + if mention_lower not in self.stopwords: + if len(textArr) > 1: + short_span = " ".join(textArr[-2:]) + else: + short_span = textArr[0] + ref2chunk[short_span] = ref2chunk.get(short_span, []) + mentions + non_stopwords = [a for a in textArr if a not in self.stopwords] + if len(non_stopwords) > 2: + abrev = "".join([a[0] for a in non_stopwords]) + ref2chunk[abrev] = ref2chunk.get(abrev, []) + mentions + + #cleanup the chunk2ref, favoring large clusters with coref labels that are longer + seen = {} + corefs = [(a, list(set(b))) for a, b in ref2chunk.items()] + corefs.sort(key=lambda a: a[0].count(" ")+len(a[1]), reverse=True) + for coref, spans in corefs: + new_spans = [] + spans = list(set(spans)) + spans.sort(key=lambda a: a[1]+(1.0/(1.0+a[2]-a[1]))) + spans2 = [] + for span in spans: + if spans2 and spans2[-1][1] >= span[1]: + continue + spans2.append(span) + for span in spans2: + if span in seen: continue + seen[span] = 1 + new_spans.append(span) + del ref2chunk[coref] + if new_spans: + new_coref = [s[0] for s in new_spans] + new_coref.sort(key=lambda a: len(a), reverse=True) + ref2chunk[new_coref[0].lower()] = list(set(list(ref2chunk.get(new_coref[0].lower(), [])) + new_spans)) + + chunk2ref.clear() + for a, b1 in ref2chunk.items(): + for b in b1: + chunk2ref[b] = a + + # expand coref information by using the most common coref label in a cluster + if True: + for cl in list(doc._.coref_clusters) : + mentions = [(entity.text, entity.start, entity.end, row_id, doc_id) for entity in cl.mentions] + all_mentions = list(set(itertools.chain(*[ref2chunk[chunk2ref[mention]] for mention in mentions if mention in chunk2ref]))) + corefs = [chunk2ref[mention] for mention in mentions if mention in chunk2ref] + if corefs: + coref = Counter(corefs).most_common()[0][0] + else: + coref = cl.main.text.lower() + for mention in all_mentions: + if mention not in chunk2ner: + chunk2ner[mention] = 'NOUN' + old_ref = chunk2ref.get(mention) + if old_ref and mention in ref2chunk[old_ref]: + ref2chunk[old_ref].remove(mention) + if not ref2chunk[old_ref]: + del ref2chunk[old_ref] + chunk2ref[mention] = coref + if mention not in ref2chunk[coref]: + ref2chunk[coref].append(mention) + + #expand ner labels based on coref matches + for entity in list(doc.ents) : + mention = (entity.text, entity.start, entity.end, row_id, doc_id) + chunk2ner[mention]= entity.label_ + if mention in chunk2ref: + coref = chunk2ref[mention] + for mention in ref2chunk[coref]: + chunk2ner[mention] = entity.label_ + + # overwrite all ner labels in the coref cluster to PERSON if there is a person pronoun + if True: + for cl in list(doc._.coref_clusters): + cluster_text_list = set([m.text.lower() for m in cl.mentions if m.text != 'US']) + found=False + # since we are doing English, we can do basic person pronoun matching + for pr in self.en_basic_person_pronouns: + if pr in cluster_text_list: + found = True + break + if found: + label = "PERSON" + for m in cl.mentions: + chunk2ner[(m.text, m.start, m.end, row_id, doc_id)] = label + return self._cleanup_chunks(text, chunk2ner, chunk2ref, ref2chunk, row_id, doc_id, doc, mention_access_fn=lambda a: a.text) + + def _hf_ner(self, text, chunk2ner, chunk2ref, ref2chunk, row_id=0, doc_id=0): + """ + run the text through a Huggingface ner pipeline for the target_lang text. + any tags found by this method that contradicts what was already tagged will take precedence. + For example, if we previously had categorized a noun as an ORG (which spacy sometimes does), but + the HF ner pipeline categorized it as a PERSON, then the tag will be changed to PERSON. + """ + connector = self.connector + pronouns = self.pronouns + person_pronouns = self.person_pronouns + other_pronouns = self.other_pronouns + results = self.ner_model_pipeline(text) + results.sort(lambda a: a['start']) + prev_word = [] + prev_label = None + prev_start = None + for ner_result in results: + if ner_result['entity'].startswith('I-'): + if prev_label and ner_result['entity'].split("-")[-1].upper() != prev_label: + start = ner_result['start'] + if not is_cjk and text[start] != ' ': + for j in range(1, start): + if start - j == -1 or text[start-j] == ' ': + start = max(start -j, 0) + break + if text[start] == ' ': start += 1 + prev_word.append(text[start:].strip().split(" ",1)[0]) + if ner_result['entity'].startswith('B-'): + start = ner_result['start'] + if not is_cjk and text[start] != ' ': + for j in range(1, start): + if start - j == -1 or text[start-j] == ' ': + start = max(start -j, 0) + break + if text[start] == ' ': start += 1 + if prev_word: + ner_word = " ".join(prev_word) + mention = (ner_word, prev_start, prev_start+len(ner_word), row_id, doc_id) + if mention not in chunk2ner or prev_label not in chunk2ner[mention]: + if prev_label == 'PER': prev_label = 'PERSON' + chunk2ner[mention] = prev_label + prev_word = [] + prev_label = None + prev_start = None + prev_word.append(text[start:].strip().split(" ",1)[0]) + prev_label = ner_result['entity'].split("-")[-1].upper() + if prev_label == "MISC": + prev_label = "NOUN" + + prev_start = ner_result['start'] + if prev_word: + ner_word = " ".join(prev_word) + mention = (ner_word, prev_start, prev_start+len(ner_word), row_id, doc_id) + if mention not in chunk2ner or prev_label not in chunk2ner[mention]: + if prev_label == 'PER': prev_label = 'PERSON' + chunk2ner[mention] = prev_label + + return self._cleanup_chunks(text, chunk2ner, chunk2ref, ref2chunk, row_id, doc_id) + + def _rule_based_ner_coref(self, text, chunks2, chunk2ner, chunk2ref, ref2chunk, row_id, doc_id, number_regex_cycle=1, do_ontology=True): + """ + do rule based ner and coref using regex, ontology and connect coreference using pronouns around a noun. + regex matches can be word based or rule based. + regex matching prefers patterns that also matches surronding contexts: [regex for street address], surronding words: ['live', 'at'] + rule based matching. e.g., rule chaining: + (Rd.|Street|Ave.) => + President => + *the numbers after the NER labels represents a unique id for the tag in the document. + + NOTE: We may want to refactor this code to use Spacy's rule based processing and regex processing. But it may not be possible + to do so for multiple languages at the same time, as here. + """ + connector = self.connector + pronouns = self.pronouns + person_pronouns = self.person_pronouns + other_pronouns = self.other_pronouns + ner_regexes = self.ner_regexes + # first do matching to the lexicon/ontology + idx = 0 + label2word = {} + if do_ontology: + dat = self.tokenize(text) + word2label = dict([(a[0].replace(connector, " "),b) for a, b in dat['chunk2ner'].items()]) + for x, label2 in word2label.items(): + text = text.replace(x.strip(), "<"+label2.upper()+str(idx)+">") + if "<" in x and ">" in x: + x = ' '.join([a if a not in label2word else label2word[a] for a in x.strip().split()]) + label2word["<"+label2.upper()+str(idx)+">"] = (x.strip(), label2) + idx += 1 + else: + word2label = {} + if not chunks2: + chunks2 = [(None, [text,])] + print (text) + print (word2label) + print (label2word) + # now do regex for number_regex_cycle times + for rng in range(number_regex_cycle): + chunks = [] + len_chunks2 = len(chunks2) + print (chunks2) + for spanIdx, mention in enumerate(chunks2): + label = chunk2ner.get(mention) + coref = chunk2ref.get(mention) + self.del_ner_coref(mention, chunk2ner, chunk2ref, ref2chunk) + span_str = mention[0] + prev_words = [] + #regex matching and + #check surronding words for additional contexts when doing regexes. + #prioritize those rules first that matching surronding words. + #Presidio does weighting, but this is too complicated for our needs + wordsDict = dict([(s.strip(self.strip_chars),1) for s in span_str.lower().split()]) #TODO, we can stem the surrounding word and wordsDict + ner_regex_list1 = [] + ner_regex_list2 = [] + print (ner_regexes) + for label2, regex0, _, surronding in ner_regexes: + found=False + for surronding_word in surronding: + if surronding_word in wordsDict: + ner_regex_list1.append((label2, regex0)) + found=True + break + if not found: + ner_regex_list2.append((label2, regex0)) + for label2, regex0 in ner_regex_list1 + ner_regex_list2: + for x in regex0.findall(span_str): + if type(x) != str: continue + span_str = span_str.replace(x.strip(), "<"+label2.upper()+str(idx)+">") + if "<" in x and ">" in x: + # expand out embedded tags. => will associated the word corresponding to first and last name to person. + x = ' '.join([a if a not in label2word else label2word[a] for a in x.strip().split()]) + label2word["<"+label2.upper()+str(idx)+">"] = (x.strip(), label2) + idx += 1 + + wordArr = [w2.strip(self.strip_chars) for w2 in span_str.split()] + for word in wordArr: + #first do poor man's coref + #let's look at the previous nouns/ner we found + found_chunks = [] + if not coref and word in pronouns: + for idx in [i for i in self.coref_window if i <0]: + if chunk2ner.get(chunks[idx]) and chunks[idx][0].lower() not in pronouns: + if word in person_pronouns and 'PERSON' not in self.ontology.get(chunk2ner.get(chunks[idx]), []): + continue + coref = chunk2ref.get(chunks[idx]) + found_chunks.append(chunks) + break + #now do the window between spans both prior and next + if not coref and word in pronouns: + for idx in [spanIdx + i for i in self.coref_window]: + if idx >= 0 and idx < len_chunks2 and chunk2ner.get(chunks2[idx]) and chunks2[idx][0].lower() not in pronouns: + if word in person_pronouns and 'PERSON' not in self.ontology.get(chunk2ner.get(chunks2[idx]), []): + continue + coref = chunk2ref.get(chunks2[idx]) + found_chunks.append(chunks) + break + #create a new coref group if there isn't one + if not coref and found_chunks: + coref = found_chunks[0][0].lower() + + #now see if the word is already regex labeled or is in the ontology and label accordingly + if word in label2word or word in word2label: + if prev_words: + new_word = " ".join(prev_words) + len_new_word = len(new_word) + self.add_chunks_span(chunks, (new_word, 0 if not chunks else chunks[-1][2]+1, len_new_word if not chunks else chunks[-1][2]+1+len_new_word, row_id, doc_id), None, label, coref, chunk2ner, chunk2ref, ref2chunk) + new_word = label2word[word][0] if word in label2word else word.replace(connector, " ") + len_new_word = len(new_word) + new_label = label2word[word][1] if word in label2word else (word2label[word] if word in word2label else label) + self.add_chunks_span(chunks, (word, 0 if not chunks else chunks[-1][2]+1, len_new_word if not chunks else chunks[-1][2]+1+len_new_word, row_id, doc_id), None, new_label, coref, chunk2ner, chunk2ref, ref2chunk) + prev_words = [] + continue + prev_words.append(word) + + if prev_words: + new_word = " ".join(prev_words) + len_new_word = len(new_word) + self.add_chunks_span(chunks, (new_word, 0 if not chunks else chunks[-1][2]+1, len_new_word if not chunks else chunks[-1][2]+1+len_new_word, row_id, doc_id), None, label, coref, chunk2ner, chunk2ref, ref2chunk) + + #let's prepare for the next loop + chunks2 = chunks + + text = " ".join([c[0] for c in chunks]) + print ("basic parse returns", text) + return self._cleanup_chunks(text, chunk2ner, chunk2ref, ref2chunk, row_id, doc_id) + + + def _cleanup_chunks(self, text, chunk2ner, chunk2ref, ref2chunk, row_id=0, doc_id=0, doc=None, mention_access_fn=None): + """ + cleanup the chunks and references by tagging nouns in the same group the same or similar ner label. + flatten mention sequences to remove embedded mentions. + """ + connector = self.connector + pronouns = self.pronouns + person_pronouns = self.person_pronouns + other_pronouns = self.other_pronouns + if doc is None: doc = text + if mention_access_fn is None: + mention_access_fn = lambda a: a + + # propogate the ner label to everything in the same coref group + for coref, seq in ref2chunk.items(): + labels = [chunk2ner[mention] for mention in seq if mention in chunk2ner and chunk2ner[mention] != 'NOUN'] + if labels: + label = Counter(labels).most_common()[0][0] + for mention in seq: + if mention in chunk2ner and label not in self.upper_ontology.get(chunk2ner[mention], []): chunk2ner[mention] = label + + #add other words from the document into a sequence of the form (word, start_idx, end_idx, row_id, doc_id) + chunks = [a for a in chunk2ner.items() if a[0][-2] == row_id and a[0][-1] == doc_id] + chunks.sort(key=lambda a: a[0][1]+(1.0/(1.0+a[0][2]-a[0][1]))) + chunks2 = [] + + # there may be overlapping mentions of noun phrases or ner labeled phrases. + # we clear duplicates and subsumed mentions + for mention, label in chunks: + if not chunks2 or (chunks2[-1][2] <= mention[1]): + if not chunks2 or chunks2[-1][2] < mention[1]: + self.add_chunks_span(chunks2, (mention_access_fn(doc[0 if not chunks2 else chunks2[-1][2]: mention[1]]), 0 if not chunks2 else chunks2[-1][2], mention[1], row_id, doc_id), None, None, None, chunk2ner, chunk2ref, ref2chunk) + self.add_chunks_span(chunks2, mention, None, label, chunk2ref.get(mention), chunk2ner, chunk2ref, ref2chunk) + elif chunks2[-1][2] > mention[1] and chunks2[-1][1] <= mention[1]: + if chunk2ner.get(chunks2[-1]) not in (None, '', 'NOUN'): + self.del_ner_coref(mention, chunk2ner, chunk2ref, ref2chunk) + continue + elif label in (None, '', 'NOUN'): + self.del_ner_coref(mention, chunk2ner, chunk2ref, ref2chunk) + continue + old_mention = chunks2.pop() + oldSpan = old_mention[0] + oldLabel = chunk2ner.get(old_mention) + oldAnaphore = chunk2ref.get(old_mention) + sArr = oldSpan.split(mention[0], 1) + self.del_ner_coref(old_mention, chunk2ner, chunk2ref, ref2chunk) + s0 = sArr[0].strip() + if s0: + self.add_chunks_span(chunks2, (s0, old_mention[1], mention[1], row_id, doc_id), None, oldLabel if s0 in pronouns or (len(s0) > 1 and s0 not in self.stopwords) else None, oldAnaphore if s0 in pronouns or (len(s0) > 1 and s0 not in self.stopwords) else None, chunk2ner, chunk2ref, ref2chunk) + self.add_chunks_span(chunks2, mention, None, label, oldAnaphore if not chunk2ref.get(mention) else chunk2ref.get(mention), chunk2ner, chunk2ref, ref2chunk) + if len(sArr) > 1: + s1 = sArr[1].strip() + if s1: + self.add_chunks_span(chunks2, (s1, mention[2], old_mention[2], row_id, doc_id), None, oldLabel if s1 in pronouns or (len(s1) > 1 and s1 not in self.stopwords) else None, oldAnaphore if s1 in pronouns or (len(s1) > 1 and s1 not in self.stopwords) else None, chunk2ner, chunk2ref, ref2chunk) + len_doc = len(doc) + print (chunks2) + if chunks2[-1][2] < len_doc: + self.add_chunks_span(chunks2, (mention_access_fn(doc[chunks2[-1][2]:]), chunks2[-1][2], len_doc, row_id, doc_id), None, None, None, chunk2ner, chunk2ref, ref2chunk) + + #chunks2 now has non overlapping mentions. + #reset the indexes for chunks to be per character index. + chunks = [] + len_chunks2 = len(chunks2) + for spanIdx, mention in enumerate(chunks2): + label = chunk2ner.get(mention) + coref = chunk2ref.get(mention) + self.del_ner_coref(mention, chunk2ner, chunk2ref, ref2chunk) + new_word = mention[0] + len_new_word = len(new_word) + self.add_chunks_span(chunks, (new_word, 0 if not chunks else chunks[-1][2]+1, len_new_word if not chunks else chunks[-1][2]+1+len_new_word, row_id, doc_id), None, label, coref, chunk2ner, chunk2ref, ref2chunk) + text = " ".join([c[0] for c in chunks]) + + # propogate the ner label to everything in the same coref group + for coref, seq in ref2chunk.items(): + labels = [chunk2ner[mention] for mention in seq if mention in chunk2ner and chunk2ner[mention] != 'NOUN'] + if labels: + label = Counter(labels).most_common()[0][0] + for mention in seq: + if mention in chunk2ner and label not in self.upper_ontology.get(chunk2ner[mention], []): chunk2ner[mention] = label + + return text, chunks, chunk2ner, chunk2ref, ref2chunk + + def analyze_with_ner_coref(self, text, target_lang=None, row_id=0, doc_id=0, chunk2ner=None, ref2chunk=None, chunk2ref=None, do_preprocess_basic=False, do_post_process_regex=False, do_spacy=True, do_transformer=False): + """ + Process multilingual NER on spans/chunks of text. Perform some coreference + matching (anaphoric matching). Use rules to expand and cleanup the coref and ner + labeling. + + :arg text: The plaint text input or a JSON representation or a dict. + If in JSON or dict form, the data will include row_id, doc_id, chunk2ner, ref2chunk and chunk2ref as described below. + :arg row_id: Some unique id representing the sentence in a document or dataset. + :arg doc_id: some unique document or dataset # + :arg chunk2ner: a dict that maps the chunk to an ner label, such as PERSON, ORG, etc. + :arg ref2chunk: a coreference group label that maps to the applicable chunk or chunks + :arg chunk2ref: a dict that maps a chunk to a coreference group. + + Return a dict of form: + {'text': text, + 'chunks':chunks, + 'chunk2ner': chunk2ner, + 'ref2chunk': ref2chunk, + 'chunk2ref': chunk2ref}. + + Each chunks (aka spans) is in the form of a list of tuples: + [(text_span, start_id, end_id, doc_id, row_id), ...]. + + A note on terminology: A span or a chunk is a segment of text of one or more words. + A mention is a chunk that is recognized by some processor. + """ + connector = self.connector + pronouns = self.pronouns + person_pronouns = self.person_pronouns + other_pronouns = self.other_pronouns + ret={} + if ref2chunk is None: + ref2chunk = {} + if chunk2ref is None: + chunk2ref = {} + if chunk2ner is None: + chunk2ner = {} + if not text: return ret + if type(text) is dict: + ret = text + elif text[0] == '{' and text[-1] == '}': + ret = json.loads(text) + if ret: + text = ret['text'] + doc_id = ret.get('doc_id', doc_id) + row_id = ret.get('id', row_id) + chunk2ner = ret.get('chunk2ner', chunk2ner) + chunk2ref = ret.get('chunk2ref', chunk2ref) + ref2chunk = ret.get('ref2chunk', ref2chunk) + text = text.strip() + if target_lang is None: + target_lang = self.target_lang + assert target_lang == self.target_lang or target_lang == 'en', "Can only processes in English or the target_lang" + is_cjk = target_lang in ("zh", "ja", "ko") + #we need to be able to find potential words broken on spaces for cjk langauges so we tokenize using mt5 + if is_cjk and self.t5_tokenizer is not None and self.detect_cjk(text): + text = " ".join(self.mt5_tokenize(text)).replace(self.mt5_underscore+" ", self.mt5_underscore).strip() + chunks = [] + chunks2 = [] + chunks3 = [] + #currently the ordering of the processing will determine precedence. So, for example, a transformer model's prediction + #will take precedence over thhe basic process or spacy process + #TODO: We could rank decisions by the spacy model, HF ner pipeline and the regex, ontology matcher and choose the max scoring decision. + + if do_preprocess_basic: + #first do rule based ner and coref processing using regex, ontology/lexicon, etc. on the whole text + text, chunks, chunk2ner, chunk2ref, ref2chunk = self._rule_based_ner_coref(text, [(text, 0, len(text), row_id, doc_id)], chunk2ner, chunk2ref, ref2chunk, row_id, doc_id, do_ontology=True) + + #run the spacy model if this is English to get coreference and NER info. + if target_lang == "en" and do_spacy: + for nlp in self.en_spacy_models: + text, chunks2, chunk2ner, chunk2ref, ref2chunk = self._spacy_ner_coref(text, nlp, chunk2ner, chunk2ref, ref2chunk, row_id=row_id, doc_id=doc_id) + + #now let's run a HF transformer ner pipeline model to refine the tags + if do_transformer and self.ner_model_pipeline is not None: + text, chunks3, chunk2ner, chunk2ref, ref2chunk = self._hf_ner(text, chunk2ner, chunk2ref, ref2chunk) + + if do_post_process_regex: + #do fnal rule based ner without ontology/lexicon matching. this will permit us to do patterns + #based on prior matches. + text, chunks, chunk2ner, chunk2ref, ref2chunk = self._rule_based_ner_coref(text, [(text, 0, len(text), row_id, doc_id)], chunk2ner, chunk2ref, ref2chunk, row_id, doc_id, do_ontology=False) + + # do one final cleanup and resolve any conflicts + else: + text, chunks, chunk2ner, chunk2ref, ref2chunk = self._cleanup_chunks(text, chunk2ner, chunk2ref, ref2chunk, row_id, doc_id) + + ret['doc_id'] = doc_id + ret['id'] = row_id + ret['text'] = " ".join([c[0] for c in chunks]) + ret['chunks'] = chunks + ret['chunk2ner'] = chunk2ner + ret['chunk2ref'] = chunk2ref + ret['ref2chunk'] = ref2chunk + return ret + + def process(self, text="", batch=None, *args, **argv): + """ + Process a single row of text or a batch. Performs basic chunking into roughly ner and non-ner phrases, and corefrence identification. + The ner and coref information is used by downstream modules for PII detection. + """ + row_id=argv.get('row_id',0) + doc_id=argv.get('doc_id',0) + chunk2ner=argv.get('chunk2ner') + ref2chunk=argv.get('ref2chunk') + chunk2ref=argv.get('chunk2ref') + target_lang = argv.get('target_lang', self.target_lang) + if batch is None: + return_single = True + batch = [text] + else: + return_single = False + ret = None + if type(batch[0]) is str: + if batch[0][0] == '{' and batch[0][-1] == '}': + batch = [json.loads(text) for text in batch] + else: + batch = [{'id': _id+row_id, 'doc_id': doc_id, 'text': text} for _id, text in enumerate(batch)] + if 'do_round_trip_trans' in argv and target_lang != 'en': + if not hasattr(self, 'trans'): + self.trans = Translate(target_lang=target_lang) + batch_en = [self.trans.translate(text, target_lang='en') for text in batch] + batch_en = [self.analyze_with_ner_coref(text, target_lang='en') for text in batch_en] + batch_trans = [self.trans.translate(text, target_lang=target_lang) for text in batch_en] + batch= [self.analyze_with_ner_coref(text, target_lang=target_lang, chunk2ner=chunk2ner, ref2chunk=ref2chunk, chunk2ref=chunk2ref, do_preprocess_basic=argv.get('do_preprocess_basic',False), do_post_process_regex=argv.get('do_post_process_regex',False), do_spacy=argv.get('do_spacy',True), do_transformer=argv.get('do_transformer',False)) for text in batch] + ret = self.merge_ner_coref_predictions([batch, batch_trans]) #TODO + if ret is None: + ret = [self.analyze_with_ner_coref(text, target_lang=target_lang, chunk2ner=chunk2ner, ref2chunk=ref2chunk, chunk2ref=chunk2ref, do_preprocess_basic=argv.get('do_preprocess_basic',False), do_post_process_regex=argv.get('do_post_process_regex',False), do_spacy=argv.get('do_spacy',True), do_transformer=argv.get('do_transformer',False) ) for text in batch] + if return_single: + return ret[0] + else: + return ret + +if __name__ == "__main__": + if "-t" in sys.argv: + target_lang = sys.argv[sys.argv.index("-t")+1] + sentence = sys.argv[sys.argv.index("-t")+2] + pii_processor = Processor(target_lang=target_lang) + print (pii_processor.process(sentence)) diff --git a/data_tooling/pii_processing/wip/round_trip_trans.py b/data_tooling/pii_processing/wip/round_trip_trans.py new file mode 100644 index 0000000..cb0ef3c --- /dev/null +++ b/data_tooling/pii_processing/wip/round_trip_trans.py @@ -0,0 +1,108 @@ +# coding=utf-8 +# Copyright, 2021 Ontocord, LLC, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import copy +from time import time +import numpy as np +from collections import Counter +from itertools import chain +import os +import re +import glob +import math +from transformers import M2M100ForConditionalGeneration, M2M100Tokenizer +import random +import torch +from collections import Counter, OrderedDict +trannum = str.maketrans("0123456789", "1111111111") +import sys, os +sys.path.append(os.path.abspath(os.path.join(os.path.dirname(__file__), + os.path.pardir, os.path.pardir, os.path.pardir))) + +class RoundTripTranslate: + """ + A class for translating text from English to another language, and vice versa. Uses M2M100. + Can be used to create paraphrases in various languages, and manipulating the text in English and then back to the target langauge + to provide multi-lingual capabilities to English only text processing. + """ + + def __init__(self, target_lang='fr'): + """ + Create a translation engine from English to the target_lang, and + vice versa. Useful for round trip translation, paraphrase + generation and manipulation and extraction in English and + translation back to target_lang. + """ + self.target_lang = target_lang + self.model = M2M100ForConditionalGeneration.from_pretrained("facebook/m2m100_418M") + # we assume we are working only in CPU mode + self.model = torch.quantization.quantize_dynamic(self.model, {torch.nn.Linear}, dtype=torch.qint8) + self.tokenizer = M2M100Tokenizer.from_pretrained("facebook/m2m100_418M") + #todo, check if target_lang in the 100 lang list + + #TODO: We can vary the probabilties and sampling used to generate in order to get multiple paraphrases + def translate_to_en(self, text): + self.tokenizer.src_lang = self.target_lang + encoded = self.tokenizer(text, return_tensors="pt") + generated_tokens = self.model.generate(**encoded, forced_bos_token_id=self.tokenizer.get_lang_id("en")) + return self.tokenizer.batch_decode(generated_tokens, skip_special_tokens=True) + + def translate_from_en(self, text): + self.tokenizer.src_lang = "en" + encoded = self.tokenizer(text, return_tensors="pt") + generated_tokens = self.model.generate(**encoded, forced_bos_token_id=self.tokenizer.get_lang_id(self.target_lang)) + return self.tokenizer.batch_decode(generated_tokens, skip_special_tokens=True) + + def translate(self, sentence, fr='en', to=None): + if fr == self.target_lang: + to = 'en' + if to == self.target_lang: + fr = 'en' + if fr == 'en': + if to == None: + to = self.target_lang + if to != self.target_lang: + raise RuntimeError("one of 'from' or 'to' must be in the target lang") + if to == 'en': + if fr == None: + fr = self.target_lang + if fr != self.target_lang: + raise RuntimeError("one of 'from' or 'to' must be in the target lang") + if fr != "en" and to != "en": + raise RuntimeError("one of 'from' or 'to' must be in english") + if fr == to: + return sentence + if fr == "en": + return self.translate_from_en(sentence)[0] + return self.translate_to_en(sentence)[0] + + def round_trip_translate(self, sentence, lang='en'): + if lang not in ('en', self.target_lang): + raise RuntimeError("lang must be in english or the target_lang") + if lang == self.target_lang: + return self.translate(self.translate(sentence, fr=lang, to='en'), fr='en', to=lang) + return self.translate(self.translate(sentence, fr=lang, to=self.target_lang), fr=self.target_lang, to=lang) + +if __name__ == "__main__": + if "-t" in sys.argv: + target_lang = sys.argv[sys.argv.index("-t")+1] + sentence = sys.argv[sys.argv.index("-t")+2] + rt = RoundTripTranslate(target_lang=target_lang) + print (rt.translate(sentence, fr="en", to=target_lang)) + elif "-f" in sys.argv: + target_lang = sys.argv[sys.argv.index("-f")+1] + sentence = sys.argv[sys.argv.index("-f")+2] + rt = RoundTripTranslate(target_lang=target_lang) + print (rt.translate(sentence, fr=target_lang, to="en")) + diff --git a/data_tooling/poetry.lock b/data_tooling/poetry.lock new file mode 100644 index 0000000..85df239 --- /dev/null +++ b/data_tooling/poetry.lock @@ -0,0 +1,3104 @@ +[[package]] +name = "aiohttp" +version = "3.8.0" +description = "Async http client/server framework (asyncio)" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +aiosignal = ">=1.1.2" +async-timeout = ">=4.0.0a3,<5.0" +asynctest = {version = "0.13.0", markers = "python_version < \"3.8\""} +attrs = ">=17.3.0" +charset-normalizer = ">=2.0,<3.0" +frozenlist = ">=1.1.1" +multidict = ">=4.5,<7.0" +typing-extensions = {version = ">=3.7.4", markers = "python_version < \"3.8\""} +yarl = ">=1.0,<2.0" + +[package.extras] +speedups = ["aiodns", "brotli", "cchardet"] + +[[package]] +name = "aiosignal" +version = "1.2.0" +description = "aiosignal: a list of registered asynchronous callbacks" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +frozenlist = ">=1.1.0" + +[[package]] +name = "annoy" +version = "1.17.0" +description = "Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk." +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "anyio" +version = "3.3.4" +description = "High level compatibility layer for multiple asynchronous event loop implementations" +category = "dev" +optional = false +python-versions = ">=3.6.2" + +[package.dependencies] +idna = ">=2.8" +sniffio = ">=1.1" +typing-extensions = {version = "*", markers = "python_version < \"3.8\""} + +[package.extras] +doc = ["sphinx-rtd-theme", "sphinx-autodoc-typehints (>=1.2.0)"] +test = ["coverage[toml] (>=4.5)", "hypothesis (>=4.0)", "pytest (>=6.0)", "pytest-mock (>=3.6.1)", "trustme", "uvloop (<0.15)", "mock (>=4)", "uvloop (>=0.15)"] +trio = ["trio (>=0.16)"] + +[[package]] +name = "appnope" +version = "0.1.2" +description = "Disable App Nap on macOS >= 10.9" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "argcomplete" +version = "1.12.3" +description = "Bash tab completion for argparse" +category = "dev" +optional = false +python-versions = "*" + +[package.dependencies] +importlib-metadata = {version = ">=0.23,<5", markers = "python_version == \"3.7\""} + +[package.extras] +test = ["coverage", "flake8", "pexpect", "wheel"] + +[[package]] +name = "argon2-cffi" +version = "21.1.0" +description = "The secure Argon2 password hashing algorithm." +category = "dev" +optional = false +python-versions = ">=3.5" + +[package.dependencies] +cffi = ">=1.0.0" + +[package.extras] +dev = ["coverage[toml] (>=5.0.2)", "hypothesis", "pytest", "sphinx", "furo", "wheel", "pre-commit"] +docs = ["sphinx", "furo"] +tests = ["coverage[toml] (>=5.0.2)", "hypothesis", "pytest"] + +[[package]] +name = "async-timeout" +version = "4.0.1" +description = "Timeout context manager for asyncio programs" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +typing-extensions = ">=3.6.5" + +[[package]] +name = "asynctest" +version = "0.13.0" +description = "Enhance the standard unittest package with features for testing asyncio libraries" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "atomicwrites" +version = "1.4.0" +description = "Atomic file writes." +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "attrs" +version = "21.2.0" +description = "Classes Without Boilerplate" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[package.extras] +dev = ["coverage[toml] (>=5.0.2)", "hypothesis", "pympler", "pytest (>=4.3.0)", "six", "mypy", "pytest-mypy-plugins", "zope.interface", "furo", "sphinx", "sphinx-notfound-page", "pre-commit"] +docs = ["furo", "sphinx", "zope.interface", "sphinx-notfound-page"] +tests = ["coverage[toml] (>=5.0.2)", "hypothesis", "pympler", "pytest (>=4.3.0)", "six", "mypy", "pytest-mypy-plugins", "zope.interface"] +tests_no_zope = ["coverage[toml] (>=5.0.2)", "hypothesis", "pympler", "pytest (>=4.3.0)", "six", "mypy", "pytest-mypy-plugins"] + +[[package]] +name = "babel" +version = "2.9.1" +description = "Internationalization utilities" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[package.dependencies] +pytz = ">=2015.7" + +[[package]] +name = "backcall" +version = "0.2.0" +description = "Specifications for callback functions passed in to an API" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "black" +version = "21.10b0" +description = "The uncompromising code formatter." +category = "dev" +optional = false +python-versions = ">=3.6.2" + +[package.dependencies] +click = ">=7.1.2" +mypy-extensions = ">=0.4.3" +pathspec = ">=0.9.0,<1" +platformdirs = ">=2" +regex = ">=2020.1.8" +tomli = ">=0.2.6,<2.0.0" +typed-ast = {version = ">=1.4.2", markers = "python_version < \"3.8\""} +typing-extensions = [ + {version = ">=3.10.0.0", markers = "python_version < \"3.10\""}, + {version = "!=3.10.0.1", markers = "python_version >= \"3.10\""}, +] + +[package.extras] +colorama = ["colorama (>=0.4.3)"] +d = ["aiohttp (>=3.7.4)"] +jupyter = ["ipython (>=7.8.0)", "tokenize-rt (>=3.2.0)"] +python2 = ["typed-ast (>=1.4.3)"] +uvloop = ["uvloop (>=0.15.2)"] + +[[package]] +name = "bleach" +version = "4.1.0" +description = "An easy safelist-based HTML-sanitizing tool." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +packaging = "*" +six = ">=1.9.0" +webencodings = "*" + +[[package]] +name = "certifi" +version = "2021.10.8" +description = "Python package for providing Mozilla's CA Bundle." +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "cffi" +version = "1.15.0" +description = "Foreign Function Interface for Python calling C code." +category = "dev" +optional = false +python-versions = "*" + +[package.dependencies] +pycparser = "*" + +[[package]] +name = "charset-normalizer" +version = "2.0.7" +description = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet." +category = "main" +optional = false +python-versions = ">=3.5.0" + +[package.extras] +unicode_backport = ["unicodedata2"] + +[[package]] +name = "click" +version = "8.0.3" +description = "Composable command line interface toolkit" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +colorama = {version = "*", markers = "platform_system == \"Windows\""} +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} + +[[package]] +name = "colorama" +version = "0.4.4" +description = "Cross-platform colored terminal text." +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "dataclasses" +version = "0.6" +description = "A backport of the dataclasses module for Python 3.6" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "datasets" +version = "1.15.1" +description = "HuggingFace community-driven open-source library of datasets" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +aiohttp = "*" +dill = "*" +fsspec = {version = ">=2021.05.0", extras = ["http"]} +huggingface-hub = ">=0.1.0,<1.0.0" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +multiprocess = "*" +numpy = ">=1.17" +packaging = "*" +pandas = "*" +pyarrow = ">=1.0.0,<4.0.0 || >4.0.0" +requests = ">=2.19.0" +tqdm = ">=4.62.1" +xxhash = "*" + +[package.extras] +apache-beam = ["apache-beam (>=2.26.0)"] +audio = ["librosa"] +benchmarks = ["numpy (==1.18.5)", "tensorflow (==2.3.0)", "torch (==1.6.0)", "transformers (==3.0.2)"] +dev = ["absl-py", "pytest", "pytest-datadir", "pytest-xdist", "apache-beam (>=2.26.0)", "elasticsearch", "aiobotocore", "boto3", "botocore", "faiss-cpu (>=1.6.4)", "fsspec", "moto[server,s3] (==2.0.4)", "rarfile (>=4.0)", "s3fs (==2021.08.1)", "tensorflow (>=2.3)", "torch", "torchaudio", "transformers", "bs4", "conllu", "langdetect", "lxml", "mwparserfromhell", "nltk", "openpyxl", "py7zr", "tldextract", "zstandard", "bert-score (>=0.3.6)", "rouge-score", "sacrebleu", "scipy", "seqeval", "scikit-learn", "jiwer", "sentencepiece", "toml (>=0.10.1)", "requests-file (>=1.5.1)", "tldextract (>=3.1.0)", "texttable (>=1.6.3)", "Werkzeug (>=1.0.1)", "six (>=1.15.0,<1.16.0)", "wget (>=3.2)", "pytorch-nlp (==0.5.0)", "pytorch-lightning", "fastBPE (==0.1.0)", "fairseq", "black (==21.4b0)", "flake8 (==3.7.9)", "isort", "pyyaml (>=5.3.1)", "importlib-resources"] +docs = ["docutils (==0.16.0)", "recommonmark", "sphinx (==3.1.2)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinxext-opengraph (==0.4.1)", "sphinx-copybutton", "fsspec (<2021.9.0)", "s3fs", "sphinx-panels", "sphinx-inline-tabs", "myst-parser"] +quality = ["black (==21.4b0)", "flake8 (==3.7.9)", "isort", "pyyaml (>=5.3.1)"] +s3 = ["fsspec", "boto3", "botocore", "s3fs"] +tensorflow = ["tensorflow (>=2.2.0)"] +tensorflow_gpu = ["tensorflow-gpu (>=2.2.0)"] +tests = ["absl-py", "pytest", "pytest-datadir", "pytest-xdist", "apache-beam (>=2.26.0)", "elasticsearch", "aiobotocore", "boto3", "botocore", "faiss-cpu (>=1.6.4)", "fsspec", "moto[server,s3] (==2.0.4)", "rarfile (>=4.0)", "s3fs (==2021.08.1)", "tensorflow (>=2.3)", "torch", "torchaudio", "transformers", "bs4", "conllu", "langdetect", "lxml", "mwparserfromhell", "nltk", "openpyxl", "py7zr", "tldextract", "zstandard", "bert-score (>=0.3.6)", "rouge-score", "sacrebleu", "scipy", "seqeval", "scikit-learn", "jiwer", "sentencepiece", "toml (>=0.10.1)", "requests-file (>=1.5.1)", "tldextract (>=3.1.0)", "texttable (>=1.6.3)", "Werkzeug (>=1.0.1)", "six (>=1.15.0,<1.16.0)", "wget (>=3.2)", "pytorch-nlp (==0.5.0)", "pytorch-lightning", "fastBPE (==0.1.0)", "fairseq", "importlib-resources"] +torch = ["torch"] + +[[package]] +name = "debugpy" +version = "1.5.1" +description = "An implementation of the Debug Adapter Protocol for Python" +category = "dev" +optional = false +python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*" + +[[package]] +name = "decorator" +version = "5.1.0" +description = "Decorators for Humans" +category = "dev" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "defusedxml" +version = "0.7.1" +description = "XML bomb protection for Python stdlib modules" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "dill" +version = "0.3.4" +description = "serialize all of python" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*" + +[package.extras] +graph = ["objgraph (>=1.7.2)"] + +[[package]] +name = "entrypoints" +version = "0.3" +description = "Discover and load entry points from installed packages." +category = "dev" +optional = false +python-versions = ">=2.7" + +[[package]] +name = "fancycompleter" +version = "0.9.1" +description = "colorful TAB completion for Python prompt" +category = "dev" +optional = false +python-versions = "*" + +[package.dependencies] +pyreadline = {version = "*", markers = "platform_system == \"Windows\""} +pyrepl = ">=0.8.2" + +[[package]] +name = "filelock" +version = "3.3.2" +description = "A platform independent file lock." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +docs = ["furo (>=2021.8.17b43)", "sphinx (>=4.1)", "sphinx-autodoc-typehints (>=1.12)"] +testing = ["covdefaults (>=1.2.0)", "coverage (>=4)", "pytest (>=4)", "pytest-cov", "pytest-timeout (>=1.4.2)"] + +[[package]] +name = "flake8" +version = "3.9.2" +description = "the modular source code checker: pep8 pyflakes and co" +category = "dev" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,>=2.7" + +[package.dependencies] +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +mccabe = ">=0.6.0,<0.7.0" +pycodestyle = ">=2.7.0,<2.8.0" +pyflakes = ">=2.3.0,<2.4.0" + +[[package]] +name = "frozenlist" +version = "1.2.0" +description = "A list-like structure which implements collections.abc.MutableSequence" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "fsspec" +version = "2021.11.0" +description = "File-system specification" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +aiohttp = {version = "*", optional = true, markers = "extra == \"http\""} +requests = {version = "*", optional = true, markers = "extra == \"http\""} + +[package.extras] +abfs = ["adlfs"] +adl = ["adlfs"] +arrow = ["pyarrow (>=1)"] +dask = ["dask", "distributed"] +dropbox = ["dropboxdrivefs", "requests", "dropbox"] +entrypoints = ["importlib-metadata"] +fuse = ["fusepy"] +gcs = ["gcsfs"] +git = ["pygit2"] +github = ["requests"] +gs = ["gcsfs"] +gui = ["panel"] +hdfs = ["pyarrow (>=1)"] +http = ["requests", "aiohttp"] +libarchive = ["libarchive-c"] +oci = ["ocifs"] +s3 = ["s3fs"] +sftp = ["paramiko"] +smb = ["smbprotocol"] +ssh = ["paramiko"] + +[[package]] +name = "huggingface-hub" +version = "0.1.2" +description = "Client library to download and publish models on the huggingface.co hub" +category = "main" +optional = false +python-versions = ">=3.6.0" + +[package.dependencies] +filelock = "*" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +packaging = ">=20.9" +pyyaml = "*" +requests = "*" +tqdm = "*" +typing-extensions = ">=3.7.4.3" + +[package.extras] +all = ["pytest", "datasets", "black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +dev = ["pytest", "datasets", "black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +quality = ["black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +tensorflow = ["tensorflow"] +testing = ["pytest", "datasets"] +torch = ["torch"] + +[[package]] +name = "idna" +version = "3.3" +description = "Internationalized Domain Names in Applications (IDNA)" +category = "main" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "importlib-metadata" +version = "4.8.2" +description = "Read metadata from Python packages" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +typing-extensions = {version = ">=3.6.4", markers = "python_version < \"3.8\""} +zipp = ">=0.5" + +[package.extras] +docs = ["sphinx", "jaraco.packaging (>=8.2)", "rst.linker (>=1.9)"] +perf = ["ipython"] +testing = ["pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-flake8", "pytest-cov", "pytest-enabler (>=1.0.1)", "packaging", "pep517", "pyfakefs", "flufl.flake8", "pytest-perf (>=0.9.2)", "pytest-black (>=0.3.7)", "pytest-mypy", "importlib-resources (>=1.3)"] + +[[package]] +name = "importlib-resources" +version = "5.4.0" +description = "Read resources from Python packages" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +zipp = {version = ">=3.1.0", markers = "python_version < \"3.10\""} + +[package.extras] +docs = ["sphinx", "jaraco.packaging (>=8.2)", "rst.linker (>=1.9)"] +testing = ["pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-flake8", "pytest-cov", "pytest-enabler (>=1.0.1)", "pytest-black (>=0.3.7)", "pytest-mypy"] + +[[package]] +name = "iniconfig" +version = "1.1.1" +description = "iniconfig: brain-dead simple config-ini parsing" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "ipykernel" +version = "6.5.0" +description = "IPython Kernel for Jupyter" +category = "dev" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +appnope = {version = "*", markers = "platform_system == \"Darwin\""} +argcomplete = {version = ">=1.12.3", markers = "python_version < \"3.8.0\""} +debugpy = ">=1.0.0,<2.0" +importlib-metadata = {version = "<5", markers = "python_version < \"3.8.0\""} +ipython = ">=7.23.1,<8.0" +jupyter-client = "<8.0" +matplotlib-inline = ">=0.1.0,<0.2.0" +tornado = ">=4.2,<7.0" +traitlets = ">=5.1.0,<6.0" + +[package.extras] +test = ["pytest (!=5.3.4)", "pytest-cov", "flaky", "nose", "ipyparallel"] + +[[package]] +name = "ipython" +version = "7.29.0" +description = "IPython: Productive Interactive Computing" +category = "dev" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +appnope = {version = "*", markers = "sys_platform == \"darwin\""} +backcall = "*" +colorama = {version = "*", markers = "sys_platform == \"win32\""} +decorator = "*" +jedi = ">=0.16" +matplotlib-inline = "*" +pexpect = {version = ">4.3", markers = "sys_platform != \"win32\""} +pickleshare = "*" +prompt-toolkit = ">=2.0.0,<3.0.0 || >3.0.0,<3.0.1 || >3.0.1,<3.1.0" +pygments = "*" +traitlets = ">=4.2" + +[package.extras] +all = ["Sphinx (>=1.3)", "ipykernel", "ipyparallel", "ipywidgets", "nbconvert", "nbformat", "nose (>=0.10.1)", "notebook", "numpy (>=1.17)", "pygments", "qtconsole", "requests", "testpath"] +doc = ["Sphinx (>=1.3)"] +kernel = ["ipykernel"] +nbconvert = ["nbconvert"] +nbformat = ["nbformat"] +notebook = ["notebook", "ipywidgets"] +parallel = ["ipyparallel"] +qtconsole = ["qtconsole"] +test = ["nose (>=0.10.1)", "requests", "testpath", "pygments", "nbformat", "ipykernel", "numpy (>=1.17)"] + +[[package]] +name = "ipython-genutils" +version = "0.2.0" +description = "Vestigial utilities from IPython" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "isort" +version = "5.10.1" +description = "A Python utility / library to sort Python imports." +category = "dev" +optional = false +python-versions = ">=3.6.1,<4.0" + +[package.extras] +pipfile_deprecated_finder = ["pipreqs", "requirementslib"] +requirements_deprecated_finder = ["pipreqs", "pip-api"] +colors = ["colorama (>=0.4.3,<0.5.0)"] +plugins = ["setuptools"] + +[[package]] +name = "jedi" +version = "0.18.0" +description = "An autocompletion tool for Python that can be used for text editors." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +parso = ">=0.8.0,<0.9.0" + +[package.extras] +qa = ["flake8 (==3.8.3)", "mypy (==0.782)"] +testing = ["Django (<3.1)", "colorama", "docopt", "pytest (<6.0.0)"] + +[[package]] +name = "jinja2" +version = "3.0.3" +description = "A very fast and expressive template engine." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +MarkupSafe = ">=2.0" + +[package.extras] +i18n = ["Babel (>=2.7)"] + +[[package]] +name = "joblib" +version = "1.1.0" +description = "Lightweight pipelining with Python functions" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "json5" +version = "0.9.6" +description = "A Python implementation of the JSON5 data format." +category = "dev" +optional = false +python-versions = "*" + +[package.extras] +dev = ["hypothesis"] + +[[package]] +name = "jsonschema" +version = "4.2.1" +description = "An implementation of JSON Schema validation for Python" +category = "dev" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +attrs = ">=17.4.0" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +importlib-resources = {version = ">=1.4.0", markers = "python_version < \"3.9\""} +pyrsistent = ">=0.14.0,<0.17.0 || >0.17.0,<0.17.1 || >0.17.1,<0.17.2 || >0.17.2" + +[package.extras] +format = ["fqdn", "idna", "isoduration", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3987", "uri-template", "webcolors (>=1.11)"] +format_nongpl = ["fqdn", "idna", "isoduration", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3986-validator (>0.1.0)", "uri-template", "webcolors (>=1.11)"] + +[[package]] +name = "jupyter-client" +version = "7.0.6" +description = "Jupyter protocol implementation and client libraries" +category = "dev" +optional = false +python-versions = ">=3.6.1" + +[package.dependencies] +entrypoints = "*" +jupyter-core = ">=4.6.0" +nest-asyncio = ">=1.5" +python-dateutil = ">=2.1" +pyzmq = ">=13" +tornado = ">=4.1" +traitlets = "*" + +[package.extras] +doc = ["myst-parser", "sphinx (>=1.3.6)", "sphinx-rtd-theme", "sphinxcontrib-github-alt"] +test = ["codecov", "coverage", "ipykernel", "ipython", "mock", "mypy", "pre-commit", "pytest", "pytest-asyncio", "pytest-cov", "pytest-timeout", "jedi (<0.18)"] + +[[package]] +name = "jupyter-core" +version = "4.9.1" +description = "Jupyter core package. A base package on which Jupyter projects rely." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +pywin32 = {version = ">=1.0", markers = "sys_platform == \"win32\" and platform_python_implementation != \"PyPy\""} +traitlets = "*" + +[[package]] +name = "jupyter-server" +version = "1.11.2" +description = "The backend—i.e. core services, APIs, and REST endpoints—to Jupyter web applications." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +anyio = ">=3.1.0,<4" +argon2-cffi = "*" +ipython-genutils = "*" +jinja2 = "*" +jupyter-client = ">=6.1.1" +jupyter-core = ">=4.6.0" +nbconvert = "*" +nbformat = "*" +prometheus-client = "*" +pyzmq = ">=17" +Send2Trash = "*" +terminado = ">=0.8.3" +tornado = ">=6.1.0" +traitlets = ">=4.2.1" +websocket-client = "*" + +[package.extras] +test = ["coverage", "pytest (>=6.0)", "pytest-cov", "pytest-mock", "requests", "pytest-tornasync", "pytest-console-scripts", "ipykernel"] + +[[package]] +name = "jupyterlab" +version = "3.2.3" +description = "JupyterLab computational environment" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +ipython = "*" +jinja2 = ">=2.1" +jupyter-core = "*" +jupyter-server = ">=1.4,<2.0" +jupyterlab-server = ">=2.3,<3.0" +nbclassic = ">=0.2,<1.0" +packaging = "*" +tornado = ">=6.1.0" + +[package.extras] +test = ["coverage", "pytest (>=6.0)", "pytest-cov", "pytest-console-scripts", "pytest-check-links (>=0.5)", "jupyterlab-server[test] (>=2.2,<3.0)", "requests", "requests-cache", "virtualenv", "check-manifest"] +ui-tests = ["build"] + +[[package]] +name = "jupyterlab-pygments" +version = "0.1.2" +description = "Pygments theme using JupyterLab CSS variables" +category = "dev" +optional = false +python-versions = "*" + +[package.dependencies] +pygments = ">=2.4.1,<3" + +[[package]] +name = "jupyterlab-server" +version = "2.8.2" +description = "A set of server components for JupyterLab and JupyterLab like applications ." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +babel = "*" +entrypoints = ">=0.2.2" +jinja2 = ">=2.10" +json5 = "*" +jsonschema = ">=3.0.1" +jupyter-server = ">=1.4,<2.0" +packaging = "*" +requests = "*" + +[package.extras] +test = ["codecov", "ipykernel", "pytest (>=5.3.2)", "pytest-cov", "jupyter-server", "openapi-core (>=0.14.0,<0.15.0)", "pytest-console-scripts", "strict-rfc3339", "ruamel.yaml", "wheel"] + +[[package]] +name = "kenlm" +version = "0.0.0" +description = "" +category = "main" +optional = true +python-versions = "*" + +[package.source] +type = "url" +url = "https://github.com/kpu/kenlm/archive/master.zip" + +[[package]] +name = "markupsafe" +version = "2.0.1" +description = "Safely add untrusted strings to HTML/XML markup." +category = "dev" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "matplotlib-inline" +version = "0.1.3" +description = "Inline Matplotlib backend for Jupyter" +category = "dev" +optional = false +python-versions = ">=3.5" + +[package.dependencies] +traitlets = "*" + +[[package]] +name = "mccabe" +version = "0.6.1" +description = "McCabe checker, plugin for flake8" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "mistune" +version = "0.8.4" +description = "The fastest markdown parser in pure Python" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "mpire" +version = "2.3.2" +description = "A Python package for easy multiprocessing, but faster than multiprocessing" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +dataclasses = "*" +tqdm = "*" + +[package.extras] +dashboard = ["flask"] +dill = ["multiprocess"] +docs = ["docutils (==0.17.1)", "sphinx (==3.2.1)", "sphinx-rtd-theme (==0.5.0)", "sphinx-autodoc-typehints (==1.11.0)", "sphinxcontrib-images (==0.9.2)", "sphinx-versions (==1.0.1)"] +testing = ["multiprocess", "numpy", "dataclasses"] + +[[package]] +name = "multidict" +version = "5.2.0" +description = "multidict implementation" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "multiprocess" +version = "0.70.12.2" +description = "better multiprocessing and multithreading in python" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +dill = ">=0.3.4" + +[[package]] +name = "mypy-extensions" +version = "0.4.3" +description = "Experimental type system extensions for programs checked with the mypy typechecker." +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "nbclassic" +version = "0.3.4" +description = "Jupyter Notebook as a Jupyter Server extension." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +jupyter-server = ">=1.8,<2.0" +notebook = "<7" + +[package.extras] +test = ["pytest", "pytest-tornasync", "pytest-console-scripts"] + +[[package]] +name = "nbclient" +version = "0.5.5" +description = "A client library for executing notebooks. Formerly nbconvert's ExecutePreprocessor." +category = "dev" +optional = false +python-versions = ">=3.6.1" + +[package.dependencies] +jupyter-client = ">=6.1.5" +nbformat = ">=5.0" +nest-asyncio = "*" +traitlets = ">=4.2" + +[package.extras] +dev = ["codecov", "coverage", "ipython", "ipykernel", "ipywidgets", "pytest (>=4.1)", "pytest-cov (>=2.6.1)", "check-manifest", "flake8", "mypy", "tox", "bumpversion", "xmltodict", "pip (>=18.1)", "wheel (>=0.31.0)", "setuptools (>=38.6.0)", "twine (>=1.11.0)", "black"] +sphinx = ["Sphinx (>=1.7)", "sphinx-book-theme", "mock", "moto", "myst-parser"] +test = ["codecov", "coverage", "ipython", "ipykernel", "ipywidgets", "pytest (>=4.1)", "pytest-cov (>=2.6.1)", "check-manifest", "flake8", "mypy", "tox", "bumpversion", "xmltodict", "pip (>=18.1)", "wheel (>=0.31.0)", "setuptools (>=38.6.0)", "twine (>=1.11.0)", "black"] + +[[package]] +name = "nbconvert" +version = "6.2.0" +description = "Converting Jupyter Notebooks" +category = "dev" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +bleach = "*" +defusedxml = "*" +entrypoints = ">=0.2.2" +jinja2 = ">=2.4" +jupyter-core = "*" +jupyterlab-pygments = "*" +mistune = ">=0.8.1,<2" +nbclient = ">=0.5.0,<0.6.0" +nbformat = ">=4.4" +pandocfilters = ">=1.4.1" +pygments = ">=2.4.1" +testpath = "*" +traitlets = ">=5.0" + +[package.extras] +all = ["pytest", "pytest-cov", "pytest-dependency", "ipykernel", "ipywidgets (>=7)", "pyppeteer (==0.2.6)", "tornado (>=4.0)", "sphinx (>=1.5.1)", "sphinx-rtd-theme", "nbsphinx (>=0.2.12)", "ipython"] +docs = ["sphinx (>=1.5.1)", "sphinx-rtd-theme", "nbsphinx (>=0.2.12)", "ipython"] +serve = ["tornado (>=4.0)"] +test = ["pytest", "pytest-cov", "pytest-dependency", "ipykernel", "ipywidgets (>=7)", "pyppeteer (==0.2.6)"] +webpdf = ["pyppeteer (==0.2.6)"] + +[[package]] +name = "nbformat" +version = "5.1.3" +description = "The Jupyter Notebook format" +category = "dev" +optional = false +python-versions = ">=3.5" + +[package.dependencies] +ipython-genutils = "*" +jsonschema = ">=2.4,<2.5.0 || >2.5.0" +jupyter-core = "*" +traitlets = ">=4.1" + +[package.extras] +fast = ["fastjsonschema"] +test = ["check-manifest", "fastjsonschema", "testpath", "pytest", "pytest-cov"] + +[[package]] +name = "nest-asyncio" +version = "1.5.1" +description = "Patch asyncio to allow nested event loops" +category = "dev" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "networkx" +version = "2.6.3" +description = "Python package for creating and manipulating graphs and networks" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.extras] +default = ["numpy (>=1.19)", "scipy (>=1.5,!=1.6.1)", "matplotlib (>=3.3)", "pandas (>=1.1)"] +developer = ["black (==21.5b1)", "pre-commit (>=2.12)"] +doc = ["sphinx (>=4.0,<5.0)", "pydata-sphinx-theme (>=0.6,<1.0)", "sphinx-gallery (>=0.9,<1.0)", "numpydoc (>=1.1)", "pillow (>=8.2)", "nb2plots (>=0.6)", "texext (>=0.6.6)"] +extra = ["lxml (>=4.5)", "pygraphviz (>=1.7)", "pydot (>=1.4.1)"] +test = ["pytest (>=6.2)", "pytest-cov (>=2.12)", "codecov (>=2.1)"] + +[[package]] +name = "nltk" +version = "3.6.5" +description = "Natural Language Toolkit" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +click = "*" +joblib = "*" +regex = ">=2021.8.3" +tqdm = "*" + +[package.extras] +all = ["numpy", "python-crfsuite", "matplotlib", "twython", "requests", "scikit-learn", "gensim (<4.0.0)", "pyparsing", "scipy"] +corenlp = ["requests"] +machine_learning = ["gensim (<4.0.0)", "numpy", "python-crfsuite", "scikit-learn", "scipy"] +plot = ["matplotlib"] +tgrep = ["pyparsing"] +twitter = ["twython"] + +[[package]] +name = "notebook" +version = "6.4.5" +description = "A web-based notebook environment for interactive computing" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +argon2-cffi = "*" +ipykernel = "*" +ipython-genutils = "*" +jinja2 = "*" +jupyter-client = ">=5.3.4" +jupyter-core = ">=4.6.1" +nbconvert = "*" +nbformat = "*" +prometheus-client = "*" +pyzmq = ">=17" +Send2Trash = ">=1.5.0" +terminado = ">=0.8.3" +tornado = ">=6.1" +traitlets = ">=4.2.1" + +[package.extras] +docs = ["sphinx", "nbsphinx", "sphinxcontrib-github-alt", "sphinx-rtd-theme", "myst-parser"] +json-logging = ["json-logging"] +test = ["pytest", "coverage", "requests", "nbval", "selenium", "pytest-cov", "requests-unixsocket"] + +[[package]] +name = "numpy" +version = "1.21.1" +description = "NumPy is the fundamental package for array computing with Python." +category = "main" +optional = false +python-versions = ">=3.7" + +[[package]] +name = "packaging" +version = "21.2" +description = "Core utilities for Python packages" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +pyparsing = ">=2.0.2,<3" + +[[package]] +name = "pandas" +version = "1.3.4" +description = "Powerful data structures for data analysis, time series, and statistics" +category = "main" +optional = false +python-versions = ">=3.7.1" + +[package.dependencies] +numpy = [ + {version = ">=1.17.3", markers = "platform_machine != \"aarch64\" and platform_machine != \"arm64\" and python_version < \"3.10\""}, + {version = ">=1.19.2", markers = "platform_machine == \"aarch64\" and python_version < \"3.10\""}, + {version = ">=1.20.0", markers = "platform_machine == \"arm64\" and python_version < \"3.10\""}, + {version = ">=1.21.0", markers = "python_version >= \"3.10\""}, +] +python-dateutil = ">=2.7.3" +pytz = ">=2017.3" + +[package.extras] +test = ["hypothesis (>=3.58)", "pytest (>=6.0)", "pytest-xdist"] + +[[package]] +name = "pandocfilters" +version = "1.5.0" +description = "Utilities for writing pandoc filters in python" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "parso" +version = "0.8.2" +description = "A Python Parser" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.extras] +qa = ["flake8 (==3.8.3)", "mypy (==0.782)"] +testing = ["docopt", "pytest (<6.0.0)"] + +[[package]] +name = "pathspec" +version = "0.9.0" +description = "Utility library for gitignore style pattern matching of file paths." +category = "dev" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,>=2.7" + +[[package]] +name = "pdbpp" +version = "0.10.3" +description = "pdb++, a drop-in replacement for pdb" +category = "dev" +optional = false +python-versions = "*" + +[package.dependencies] +fancycompleter = ">=0.8" +pygments = "*" +wmctrl = "*" + +[package.extras] +funcsigs = ["funcsigs"] +testing = ["funcsigs", "pytest"] + +[[package]] +name = "pexpect" +version = "4.8.0" +description = "Pexpect allows easy control of interactive console applications." +category = "dev" +optional = false +python-versions = "*" + +[package.dependencies] +ptyprocess = ">=0.5" + +[[package]] +name = "pickleshare" +version = "0.7.5" +description = "Tiny 'shelve'-like database with concurrency support" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "platformdirs" +version = "2.4.0" +description = "A small Python module for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.extras] +docs = ["Sphinx (>=4)", "furo (>=2021.7.5b38)", "proselint (>=0.10.2)", "sphinx-autodoc-typehints (>=1.12)"] +test = ["appdirs (==1.4.4)", "pytest (>=6)", "pytest-cov (>=2.7)", "pytest-mock (>=3.6)"] + +[[package]] +name = "pluggy" +version = "1.0.0" +description = "plugin and hook calling mechanisms for python" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +importlib-metadata = {version = ">=0.12", markers = "python_version < \"3.8\""} + +[package.extras] +dev = ["pre-commit", "tox"] +testing = ["pytest", "pytest-benchmark"] + +[[package]] +name = "prometheus-client" +version = "0.12.0" +description = "Python client for the Prometheus monitoring system." +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[package.extras] +twisted = ["twisted"] + +[[package]] +name = "prompt-toolkit" +version = "3.0.22" +description = "Library for building powerful interactive command lines in Python" +category = "dev" +optional = false +python-versions = ">=3.6.2" + +[package.dependencies] +wcwidth = "*" + +[[package]] +name = "ptyprocess" +version = "0.7.0" +description = "Run a subprocess in a pseudo terminal" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "py" +version = "1.11.0" +description = "library with cross-python path, ini-parsing, io, code, log facilities" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" + +[[package]] +name = "pyarrow" +version = "6.0.0" +description = "Python library for Apache Arrow" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +numpy = ">=1.16.6" + +[[package]] +name = "pycodestyle" +version = "2.7.0" +description = "Python style guide checker" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "pycparser" +version = "2.21" +description = "C parser in Python" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "pyflakes" +version = "2.3.1" +description = "passive checker of Python programs" +category = "dev" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" + +[[package]] +name = "pygments" +version = "2.10.0" +description = "Pygments is a syntax highlighting package written in Python." +category = "dev" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "pyparsing" +version = "2.4.7" +description = "Python parsing module" +category = "main" +optional = false +python-versions = ">=2.6, !=3.0.*, !=3.1.*, !=3.2.*" + +[[package]] +name = "pyreadline" +version = "2.1" +description = "A python implmementation of GNU readline." +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "pyrepl" +version = "0.9.0" +description = "A library for building flexible command line interfaces" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "pyrsistent" +version = "0.18.0" +description = "Persistent/Functional/Immutable data structures" +category = "dev" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "pytest" +version = "6.2.5" +description = "pytest: simple powerful testing with Python" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +atomicwrites = {version = ">=1.0", markers = "sys_platform == \"win32\""} +attrs = ">=19.2.0" +colorama = {version = "*", markers = "sys_platform == \"win32\""} +importlib-metadata = {version = ">=0.12", markers = "python_version < \"3.8\""} +iniconfig = "*" +packaging = "*" +pluggy = ">=0.12,<2.0" +py = ">=1.8.2" +toml = "*" + +[package.extras] +testing = ["argcomplete", "hypothesis (>=3.56)", "mock", "nose", "requests", "xmlschema"] + +[[package]] +name = "python-dateutil" +version = "2.8.2" +description = "Extensions to the standard Python datetime module" +category = "main" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7" + +[package.dependencies] +six = ">=1.5" + +[[package]] +name = "pytz" +version = "2021.3" +description = "World timezone definitions, modern and historical" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "pywin32" +version = "302" +description = "Python for Window Extensions" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "pywinpty" +version = "1.1.5" +description = "Pseudo terminal support for Windows from Python." +category = "dev" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "pyyaml" +version = "6.0" +description = "YAML parser and emitter for Python" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "pyzmq" +version = "22.3.0" +description = "Python bindings for 0MQ" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +cffi = {version = "*", markers = "implementation_name == \"pypy\""} +py = {version = "*", markers = "implementation_name == \"pypy\""} + +[[package]] +name = "regex" +version = "2021.11.10" +description = "Alternative regular expression module, to replace re." +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "requests" +version = "2.26.0" +description = "Python HTTP for Humans." +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*" + +[package.dependencies] +certifi = ">=2017.4.17" +charset-normalizer = {version = ">=2.0.0,<2.1.0", markers = "python_version >= \"3\""} +idna = {version = ">=2.5,<4", markers = "python_version >= \"3\""} +urllib3 = ">=1.21.1,<1.27" + +[package.extras] +socks = ["PySocks (>=1.5.6,!=1.5.7)", "win-inet-pton"] +use_chardet_on_py3 = ["chardet (>=3.0.2,<5)"] + +[[package]] +name = "sacremoses" +version = "0.0.46" +description = "SacreMoses" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +click = "*" +joblib = "*" +regex = "*" +six = "*" +tqdm = "*" + +[[package]] +name = "scikit-learn" +version = "1.0.1" +description = "A set of python modules for machine learning and data mining" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +joblib = ">=0.11" +numpy = ">=1.14.6" +scipy = ">=1.1.0" +threadpoolctl = ">=2.0.0" + +[package.extras] +benchmark = ["matplotlib (>=2.2.3)", "pandas (>=0.25.0)", "memory-profiler (>=0.57.0)"] +docs = ["matplotlib (>=2.2.3)", "scikit-image (>=0.14.5)", "pandas (>=0.25.0)", "seaborn (>=0.9.0)", "memory-profiler (>=0.57.0)", "sphinx (>=4.0.1)", "sphinx-gallery (>=0.7.0)", "numpydoc (>=1.0.0)", "Pillow (>=7.1.2)", "sphinx-prompt (>=1.3.0)", "sphinxext-opengraph (>=0.4.2)"] +examples = ["matplotlib (>=2.2.3)", "scikit-image (>=0.14.5)", "pandas (>=0.25.0)", "seaborn (>=0.9.0)"] +tests = ["matplotlib (>=2.2.3)", "scikit-image (>=0.14.5)", "pandas (>=0.25.0)", "pytest (>=5.0.1)", "pytest-cov (>=2.9.0)", "flake8 (>=3.8.2)", "black (>=21.6b0)", "mypy (>=0.770)", "pyamg (>=4.0.0)"] + +[[package]] +name = "scipy" +version = "1.6.1" +description = "SciPy: Scientific Library for Python" +category = "main" +optional = false +python-versions = ">=3.7" + +[package.dependencies] +numpy = ">=1.16.5" + +[[package]] +name = "send2trash" +version = "1.8.0" +description = "Send file to trash natively under Mac OS X, Windows and Linux." +category = "dev" +optional = false +python-versions = "*" + +[package.extras] +nativelib = ["pyobjc-framework-cocoa", "pywin32"] +objc = ["pyobjc-framework-cocoa"] +win32 = ["pywin32"] + +[[package]] +name = "simhash" +version = "2.0.0" +description = "A Python implementation of Simhash Algorithm" +category = "main" +optional = false +python-versions = "*" + +[package.dependencies] +numpy = "*" + +[[package]] +name = "six" +version = "1.16.0" +description = "Python 2 and 3 compatibility utilities" +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*" + +[[package]] +name = "sniffio" +version = "1.2.0" +description = "Sniff out which async library your code is running under" +category = "dev" +optional = false +python-versions = ">=3.5" + +[[package]] +name = "terminado" +version = "0.12.1" +description = "Tornado websocket backend for the Xterm.js Javascript terminal emulator library." +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +ptyprocess = {version = "*", markers = "os_name != \"nt\""} +pywinpty = {version = ">=1.1.0", markers = "os_name == \"nt\""} +tornado = ">=4" + +[package.extras] +test = ["pytest"] + +[[package]] +name = "testpath" +version = "0.5.0" +description = "Test utilities for code working with files and commands" +category = "dev" +optional = false +python-versions = ">= 3.5" + +[package.extras] +test = ["pytest", "pathlib2"] + +[[package]] +name = "threadpoolctl" +version = "3.0.0" +description = "threadpoolctl" +category = "main" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "tokenizers" +version = "0.10.3" +description = "Fast and Customizable Tokenizers" +category = "main" +optional = false +python-versions = "*" + +[package.extras] +testing = ["pytest"] + +[[package]] +name = "toml" +version = "0.10.2" +description = "Python Library for Tom's Obvious, Minimal Language" +category = "dev" +optional = false +python-versions = ">=2.6, !=3.0.*, !=3.1.*, !=3.2.*" + +[[package]] +name = "tomli" +version = "1.2.2" +description = "A lil' TOML parser" +category = "dev" +optional = false +python-versions = ">=3.6" + +[[package]] +name = "tornado" +version = "6.1" +description = "Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed." +category = "dev" +optional = false +python-versions = ">= 3.5" + +[[package]] +name = "tqdm" +version = "4.62.3" +description = "Fast, Extensible Progress Meter" +category = "main" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,>=2.7" + +[package.dependencies] +colorama = {version = "*", markers = "platform_system == \"Windows\""} + +[package.extras] +dev = ["py-make (>=0.1.0)", "twine", "wheel"] +notebook = ["ipywidgets (>=6)"] +telegram = ["requests"] + +[[package]] +name = "traitlets" +version = "5.1.1" +description = "Traitlets Python configuration system" +category = "dev" +optional = false +python-versions = ">=3.7" + +[package.extras] +test = ["pytest"] + +[[package]] +name = "transformers" +version = "4.12.3" +description = "State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch" +category = "main" +optional = false +python-versions = ">=3.6.0" + +[package.dependencies] +filelock = "*" +huggingface-hub = ">=0.1.0,<1.0" +importlib-metadata = {version = "*", markers = "python_version < \"3.8\""} +numpy = ">=1.17" +packaging = ">=20.0" +pyyaml = ">=5.1" +regex = "!=2019.12.17" +requests = "*" +sacremoses = "*" +tokenizers = ">=0.10.1,<0.11" +tqdm = ">=4.27" + +[package.extras] +all = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx", "torch (>=1.0)", "jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.10.1,<0.11)", "torchaudio", "librosa", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)"] +audio = ["librosa"] +codecarbon = ["codecarbon (==1.2.0)"] +deepspeed = ["deepspeed (>=0.5.3)"] +dev = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx", "torch (>=1.0)", "jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.10.1,<0.11)", "torchaudio", "librosa", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (==21.4b0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "faiss-cpu", "cookiecutter (==1.7.2)", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)", "docutils (==0.16.0)", "recommonmark", "sphinx (==3.2.1)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinx-copybutton", "sphinxext-opengraph (==0.4.1)", "sphinx-intl", "scikit-learn"] +docs = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx", "torch (>=1.0)", "jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.10.1,<0.11)", "torchaudio", "librosa", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "docutils (==0.16.0)", "recommonmark", "sphinx (==3.2.1)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinx-copybutton", "sphinxext-opengraph (==0.4.1)", "sphinx-intl"] +docs_specific = ["docutils (==0.16.0)", "recommonmark", "sphinx (==3.2.1)", "sphinx-markdown-tables", "sphinx-rtd-theme (==0.4.3)", "sphinx-copybutton", "sphinxext-opengraph (==0.4.1)", "sphinx-intl"] +fairscale = ["fairscale (>0.3)"] +flax = ["jax (>=0.2.8)", "jaxlib (>=0.1.65)", "flax (>=0.3.4)", "optax (>=0.0.8)"] +flax-speech = ["librosa"] +integrations = ["optuna", "ray", "sigopt"] +ja = ["fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)"] +modelcreation = ["cookiecutter (==1.7.2)"] +onnx = ["onnxconverter-common", "keras2onnx", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"] +onnxruntime = ["onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"] +optuna = ["optuna"] +quality = ["black (==21.4b0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"] +ray = ["ray"] +retrieval = ["faiss-cpu", "datasets"] +sagemaker = ["sagemaker (>=2.31.0)"] +sentencepiece = ["sentencepiece (>=0.1.91,!=0.1.92)", "protobuf"] +serving = ["pydantic", "uvicorn", "fastapi", "starlette"] +sigopt = ["sigopt"] +sklearn = ["scikit-learn"] +speech = ["torchaudio", "librosa"] +testing = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (==21.4b0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "faiss-cpu", "cookiecutter (==1.7.2)"] +tf = ["tensorflow (>=2.3)", "onnxconverter-common", "keras2onnx"] +tf-cpu = ["tensorflow-cpu (>=2.3)", "onnxconverter-common", "keras2onnx"] +tf-speech = ["librosa"] +timm = ["timm"] +tokenizers = ["tokenizers (>=0.10.1,<0.11)"] +torch = ["torch (>=1.0)"] +torch-speech = ["torchaudio", "librosa"] +torchhub = ["filelock", "huggingface-hub (>=0.1.0,<1.0)", "importlib-metadata", "numpy (>=1.17)", "packaging (>=20.0)", "protobuf", "regex (!=2019.12.17)", "requests", "sacremoses", "sentencepiece (>=0.1.91,!=0.1.92)", "torch (>=1.0)", "tokenizers (>=0.10.1,<0.11)", "tqdm (>=4.27)"] +vision = ["pillow"] + +[[package]] +name = "typed-ast" +version = "1.4.3" +description = "a fork of Python 2 and 3 ast modules with type comment support" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "typer" +version = "0.4.0" +description = "Typer, build great CLIs. Easy to code. Based on Python type hints." +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +click = ">=7.1.1,<9.0.0" + +[package.extras] +all = ["colorama (>=0.4.3,<0.5.0)", "shellingham (>=1.3.0,<2.0.0)"] +dev = ["autoflake (>=1.3.1,<2.0.0)", "flake8 (>=3.8.3,<4.0.0)"] +doc = ["mkdocs (>=1.1.2,<2.0.0)", "mkdocs-material (>=5.4.0,<6.0.0)", "markdown-include (>=0.5.1,<0.6.0)"] +test = ["shellingham (>=1.3.0,<2.0.0)", "pytest (>=4.4.0,<5.4.0)", "pytest-cov (>=2.10.0,<3.0.0)", "coverage (>=5.2,<6.0)", "pytest-xdist (>=1.32.0,<2.0.0)", "pytest-sugar (>=0.9.4,<0.10.0)", "mypy (==0.910)", "black (>=19.10b0,<20.0b0)", "isort (>=5.0.6,<6.0.0)"] + +[[package]] +name = "typing-extensions" +version = "3.10.0.2" +description = "Backported and Experimental Type Hints for Python 3.5+" +category = "main" +optional = false +python-versions = "*" + +[[package]] +name = "urllib3" +version = "1.26.7" +description = "HTTP library with thread-safe connection pooling, file post, and more." +category = "main" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, <4" + +[package.extras] +brotli = ["brotlipy (>=0.6.0)"] +secure = ["pyOpenSSL (>=0.14)", "cryptography (>=1.3.4)", "idna (>=2.0.0)", "certifi", "ipaddress"] +socks = ["PySocks (>=1.5.6,!=1.5.7,<2.0)"] + +[[package]] +name = "wcwidth" +version = "0.2.5" +description = "Measures the displayed width of unicode strings in a terminal" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "webencodings" +version = "0.5.1" +description = "Character encoding aliases for legacy web content" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "websocket-client" +version = "1.2.1" +description = "WebSocket client for Python with low level API options" +category = "dev" +optional = false +python-versions = ">=3.6" + +[package.extras] +optional = ["python-socks", "wsaccel"] +test = ["websockets"] + +[[package]] +name = "wmctrl" +version = "0.4" +description = "A tool to programmatically control windows inside X" +category = "dev" +optional = false +python-versions = "*" + +[[package]] +name = "xxhash" +version = "2.0.2" +description = "Python binding for xxHash" +category = "main" +optional = false +python-versions = ">=2.6, !=3.0.*, !=3.1.*, !=3.2.*" + +[[package]] +name = "yarl" +version = "1.7.2" +description = "Yet another URL library" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.dependencies] +idna = ">=2.0" +multidict = ">=4.0" +typing-extensions = {version = ">=3.7.4", markers = "python_version < \"3.8\""} + +[[package]] +name = "zipp" +version = "3.6.0" +description = "Backport of pathlib-compatible object wrapper for zip files" +category = "main" +optional = false +python-versions = ">=3.6" + +[package.extras] +docs = ["sphinx", "jaraco.packaging (>=8.2)", "rst.linker (>=1.9)"] +testing = ["pytest (>=4.6)", "pytest-checkdocs (>=2.4)", "pytest-flake8", "pytest-cov", "pytest-enabler (>=1.0.1)", "jaraco.itertools", "func-timeout", "pytest-black (>=0.3.7)", "pytest-mypy"] + +[extras] +kenlm = ["kenlm"] + +[metadata] +lock-version = "1.1" +python-versions = "^3.7.10" +content-hash = "a8fd4dc7721f2e1cd19ffb65b7bafc61ba654674fa33e5e7ce020c8777e10423" + +[metadata.files] +aiohttp = [ + {file = "aiohttp-3.8.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:48f218a5257b6bc16bcf26a91d97ecea0c7d29c811a90d965f3dd97c20f016d6"}, + {file = "aiohttp-3.8.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a2fee4d656a7cc9ab47771b2a9e8fad8a9a33331c1b59c3057ecf0ac858f5bfe"}, + {file = "aiohttp-3.8.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:688a1eb8c1a5f7e795c7cb67e0fe600194e6723ba35f138dfae0db20c0cb8f94"}, + {file = "aiohttp-3.8.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7ba09bb3dcb0b7ec936a485db2b64be44fe14cdce0a5eac56f50e55da3627385"}, + {file = "aiohttp-3.8.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d7715daf84f10bcebc083ad137e3eced3e1c8e7fa1f096ade9a8d02b08f0d91c"}, + {file = "aiohttp-3.8.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5e3f81fbbc170418e22918a9585fd7281bbc11d027064d62aa4b507552c92671"}, + {file = "aiohttp-3.8.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:1fa9f50aa1f114249b7963c98e20dc35c51be64096a85bc92433185f331de9cc"}, + {file = "aiohttp-3.8.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8a50150419b741ee048b53146c39c47053f060cb9d98e78be08fdbe942eaa3c4"}, + {file = "aiohttp-3.8.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:a84c335337b676d832c1e2bc47c3a97531b46b82de9f959dafb315cbcbe0dfcd"}, + {file = "aiohttp-3.8.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:88d4917c30fcd7f6404fb1dc713fa21de59d3063dcc048f4a8a1a90e6bbbd739"}, + {file = "aiohttp-3.8.0-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:b76669b7c058b8020b11008283c3b8e9c61bfd978807c45862956119b77ece45"}, + {file = "aiohttp-3.8.0-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:84fe1732648c1bc303a70faa67cbc2f7f2e810c8a5bca94f6db7818e722e4c0a"}, + {file = "aiohttp-3.8.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:730b7c2b7382194d9985ffdc32ab317e893bca21e0665cb1186bdfbb4089d990"}, + {file = "aiohttp-3.8.0-cp310-cp310-win32.whl", hash = "sha256:0a96473a1f61d7920a9099bc8e729dc8282539d25f79c12573ee0fdb9c8b66a8"}, + {file = "aiohttp-3.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:764c7c6aa1f78bd77bd9674fc07d1ec44654da1818d0eef9fb48aa8371a3c847"}, + {file = "aiohttp-3.8.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:9951c2696c4357703001e1fe6edc6ae8e97553ac630492ea1bf64b429cb712a3"}, + {file = "aiohttp-3.8.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0af379221975054162959e00daf21159ff69a712fc42ed0052caddbd70d52ff4"}, + {file = "aiohttp-3.8.0-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9689af0f0a89e5032426c143fa3683b0451f06c83bf3b1e27902bd33acfae769"}, + {file = "aiohttp-3.8.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fe4a327da0c6b6e59f2e474ae79d6ee7745ac3279fd15f200044602fa31e3d79"}, + {file = "aiohttp-3.8.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:ecb314e59bedb77188017f26e6b684b1f6d0465e724c3122a726359fa62ca1ba"}, + {file = "aiohttp-3.8.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:a5399a44a529083951b55521cf4ecbf6ad79fd54b9df57dbf01699ffa0549fc9"}, + {file = "aiohttp-3.8.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:09754a0d5eaab66c37591f2f8fac8f9781a5f61d51aa852a3261c4805ca6b984"}, + {file = "aiohttp-3.8.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:adf0cb251b1b842c9dee5cfcdf880ba0aae32e841b8d0e6b6feeaef002a267c5"}, + {file = "aiohttp-3.8.0-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:a4759e85a191de58e0ea468ab6fd9c03941986eee436e0518d7a9291fab122c8"}, + {file = "aiohttp-3.8.0-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:28369fe331a59d80393ec82df3d43307c7461bfaf9217999e33e2acc7984ff7c"}, + {file = "aiohttp-3.8.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:2f44d1b1c740a9e2275160d77c73a11f61e8a916191c572876baa7b282bcc934"}, + {file = "aiohttp-3.8.0-cp36-cp36m-win32.whl", hash = "sha256:e27cde1e8d17b09730801ce97b6e0c444ba2a1f06348b169fd931b51d3402f0d"}, + {file = "aiohttp-3.8.0-cp36-cp36m-win_amd64.whl", hash = "sha256:15a660d06092b7c92ed17c1dbe6c1eab0a02963992d60e3e8b9d5fa7fa81f01e"}, + {file = "aiohttp-3.8.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:257f4fad1714d26d562572095c8c5cd271d5a333252795cb7a002dca41fdbad7"}, + {file = "aiohttp-3.8.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a6074a3b2fa2d0c9bf0963f8dfc85e1e54a26114cc8594126bc52d3fa061c40e"}, + {file = "aiohttp-3.8.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7a315ceb813208ef32bdd6ec3a85cbe3cb3be9bbda5fd030c234592fa9116993"}, + {file = "aiohttp-3.8.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9a52b141ff3b923a9166595de6e3768a027546e75052ffba267d95b54267f4ab"}, + {file = "aiohttp-3.8.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6a038cb1e6e55b26bb5520ccffab7f539b3786f5553af2ee47eb2ec5cbd7084e"}, + {file = "aiohttp-3.8.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:98b1ea2763b33559dd9ec621d67fc17b583484cb90735bfb0ec3614c17b210e4"}, + {file = "aiohttp-3.8.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:9e8723c3256641e141cd18f6ce478d54a004138b9f1a36e41083b36d9ecc5fc5"}, + {file = "aiohttp-3.8.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:14a6f026eca80dfa3d52e86be89feb5cd878f6f4a6adb34457e2c689fd85229b"}, + {file = "aiohttp-3.8.0-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:c62d4791a8212c885b97a63ef5f3974b2cd41930f0cd224ada9c6ee6654f8150"}, + {file = "aiohttp-3.8.0-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:90a97c2ed2830e7974cbe45f0838de0aefc1c123313f7c402e21c29ec063fbb4"}, + {file = "aiohttp-3.8.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:dcc4d5dd5fba3affaf4fd08f00ef156407573de8c63338787614ccc64f96b321"}, + {file = "aiohttp-3.8.0-cp37-cp37m-win32.whl", hash = "sha256:de42f513ed7a997bc821bddab356b72e55e8396b1b7ba1bf39926d538a76a90f"}, + {file = "aiohttp-3.8.0-cp37-cp37m-win_amd64.whl", hash = "sha256:7d76e8a83396e06abe3df569b25bd3fc88bf78b7baa2c8e4cf4aaf5983af66a3"}, + {file = "aiohttp-3.8.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:5d79174d96446a02664e2bffc95e7b6fa93b9e6d8314536c5840dff130d0878b"}, + {file = "aiohttp-3.8.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:4a6551057a846bf72c7a04f73de3fcaca269c0bd85afe475ceb59d261c6a938c"}, + {file = "aiohttp-3.8.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:871d4fdc56288caa58b1094c20f2364215f7400411f76783ea19ad13be7c8e19"}, + {file = "aiohttp-3.8.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3ba08a71caa42eef64357257878fb17f3fba3fba6e81a51d170e32321569e079"}, + {file = "aiohttp-3.8.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:51f90dabd9933b1621260b32c2f0d05d36923c7a5a909eb823e429dba0fd2f3e"}, + {file = "aiohttp-3.8.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f348ebd20554e8bc26e8ef3ed8a134110c0f4bf015b3b4da6a4ddf34e0515b19"}, + {file = "aiohttp-3.8.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:d5f8c04574efa814a24510122810e3a3c77c0552f9f6ff65c9862f1f046be2c3"}, + {file = "aiohttp-3.8.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:5ecffdc748d3b40dd3618ede0170e4f5e1d3c9647cfb410d235d19e62cb54ee0"}, + {file = "aiohttp-3.8.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:577cc2c7b807b174814dac2d02e673728f2e46c7f90ceda3a70ea4bb6d90b769"}, + {file = "aiohttp-3.8.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:6b79f6c31e68b6dafc0317ec453c83c86dd8db1f8f0c6f28e97186563fca87a0"}, + {file = "aiohttp-3.8.0-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:2bdd655732e38b40f8a8344d330cfae3c727fb257585df923316aabbd489ccb8"}, + {file = "aiohttp-3.8.0-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:63fa57a0708573d3c059f7b5527617bd0c291e4559298473df238d502e4ab98c"}, + {file = "aiohttp-3.8.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d3f90ee275b1d7c942e65b5c44c8fb52d55502a0b9a679837d71be2bd8927661"}, + {file = "aiohttp-3.8.0-cp38-cp38-win32.whl", hash = "sha256:fa818609357dde5c4a94a64c097c6404ad996b1d38ca977a72834b682830a722"}, + {file = "aiohttp-3.8.0-cp38-cp38-win_amd64.whl", hash = "sha256:097ecf52f6b9859b025c1e36401f8aa4573552e887d1b91b4b999d68d0b5a3b3"}, + {file = "aiohttp-3.8.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:be03a7483ad9ea60388f930160bb3728467dd0af538aa5edc60962ee700a0bdc"}, + {file = "aiohttp-3.8.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:78d51e35ed163783d721b6f2ce8ce3f82fccfe471e8e50a10fba13a766d31f5a"}, + {file = "aiohttp-3.8.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:bda75d73e7400e81077b0910c9a60bf9771f715420d7e35fa7739ae95555f195"}, + {file = "aiohttp-3.8.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:707adc30ea6918fba725c3cb3fe782d271ba352b22d7ae54a7f9f2e8a8488c41"}, + {file = "aiohttp-3.8.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3f58aa995b905ab82fe228acd38538e7dc1509e01508dcf307dad5046399130f"}, + {file = "aiohttp-3.8.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:48c996eb91bfbdab1e01e2c02e7ff678c51e2b28e3a04e26e41691991cc55795"}, + {file = "aiohttp-3.8.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:d6a1a66bb8bac9bc2892c2674ea363486bfb748b86504966a390345a11b1680e"}, + {file = "aiohttp-3.8.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:dafc01a32b4a1d7d3ef8bfd3699406bb44f7b2e0d3eb8906d574846e1019b12f"}, + {file = "aiohttp-3.8.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:949a605ef3907254b122f845baa0920407080cdb1f73aa64f8d47df4a7f4c4f9"}, + {file = "aiohttp-3.8.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:0d7b056fd3972d353cb4bc305c03f9381583766b7f8c7f1c44478dba69099e33"}, + {file = "aiohttp-3.8.0-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:6f1d39a744101bf4043fa0926b3ead616607578192d0a169974fb5265ab1e9d2"}, + {file = "aiohttp-3.8.0-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:67ca7032dfac8d001023fadafc812d9f48bf8a8c3bb15412d9cdcf92267593f4"}, + {file = "aiohttp-3.8.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:cb751ef712570d3bda9a73fd765ff3e1aba943ec5d52a54a0c2e89c7eef9da1e"}, + {file = "aiohttp-3.8.0-cp39-cp39-win32.whl", hash = "sha256:6d3e027fe291b77f6be9630114a0200b2c52004ef20b94dc50ca59849cd623b3"}, + {file = "aiohttp-3.8.0-cp39-cp39-win_amd64.whl", hash = "sha256:3c5e9981e449d54308c6824f172ec8ab63eb9c5f922920970249efee83f7e919"}, + {file = "aiohttp-3.8.0.tar.gz", hash = "sha256:d3b19d8d183bcfd68b25beebab8dc3308282fe2ca3d6ea3cb4cd101b3c279f8d"}, +] +aiosignal = [ + {file = "aiosignal-1.2.0-py3-none-any.whl", hash = "sha256:26e62109036cd181df6e6ad646f91f0dcfd05fe16d0cb924138ff2ab75d64e3a"}, + {file = "aiosignal-1.2.0.tar.gz", hash = "sha256:78ed67db6c7b7ced4f98e495e572106d5c432a93e1ddd1bf475e1dc05f5b7df2"}, +] +annoy = [ + {file = "annoy-1.17.0-cp37-cp37m-macosx_10_14_x86_64.whl", hash = "sha256:78df35a7c2c74b74d94b4bdc74ab4faa9a5ff67cb83d12902673d0d9bd02219d"}, + {file = "annoy-1.17.0.tar.gz", hash = "sha256:9891e264041d1dcf3af42f67fbb16cb273c5404bc8c869d0915a3087f71d58dd"}, +] +anyio = [ + {file = "anyio-3.3.4-py3-none-any.whl", hash = "sha256:4fd09a25ab7fa01d34512b7249e366cd10358cdafc95022c7ff8c8f8a5026d66"}, + {file = "anyio-3.3.4.tar.gz", hash = "sha256:67da67b5b21f96b9d3d65daa6ea99f5d5282cb09f50eb4456f8fb51dffefc3ff"}, +] +appnope = [ + {file = "appnope-0.1.2-py2.py3-none-any.whl", hash = "sha256:93aa393e9d6c54c5cd570ccadd8edad61ea0c4b9ea7a01409020c9aa019eb442"}, + {file = "appnope-0.1.2.tar.gz", hash = "sha256:dd83cd4b5b460958838f6eb3000c660b1f9caf2a5b1de4264e941512f603258a"}, +] +argcomplete = [ + {file = "argcomplete-1.12.3-py2.py3-none-any.whl", hash = "sha256:291f0beca7fd49ce285d2f10e4c1c77e9460cf823eef2de54df0c0fec88b0d81"}, + {file = "argcomplete-1.12.3.tar.gz", hash = "sha256:2c7dbffd8c045ea534921e63b0be6fe65e88599990d8dc408ac8c542b72a5445"}, +] +argon2-cffi = [ + {file = "argon2-cffi-21.1.0.tar.gz", hash = "sha256:f710b61103d1a1f692ca3ecbd1373e28aa5e545ac625ba067ff2feca1b2bb870"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-macosx_10_14_x86_64.whl", hash = "sha256:217b4f0f853ccbbb5045242946ad2e162e396064575860141b71a85eb47e475a"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:fa7e7d1fc22514a32b1761fdfa1882b6baa5c36bb3ef557bdd69e6fc9ba14a41"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-win32.whl", hash = "sha256:e4d8f0ae1524b7b0372a3e574a2561cbdddb3fdb6c28b70a72868189bda19659"}, + {file = "argon2_cffi-21.1.0-cp35-abi3-win_amd64.whl", hash = "sha256:65213a9174320a1aee03fe826596e0620783966b49eb636955958b3074e87ff9"}, + {file = "argon2_cffi-21.1.0-pp36-pypy36_pp73-macosx_10_7_x86_64.whl", hash = "sha256:245f64a203012b144b7b8c8ea6d468cb02b37caa5afee5ba4a10c80599334f6a"}, + {file = "argon2_cffi-21.1.0-pp36-pypy36_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4ad152c418f7eb640eac41ac815534e6aa61d1624530b8e7779114ecfbf327f8"}, + {file = "argon2_cffi-21.1.0-pp36-pypy36_pp73-win32.whl", hash = "sha256:bc513db2283c385ea4da31a2cd039c33380701f376f4edd12fe56db118a3b21a"}, + {file = "argon2_cffi-21.1.0-pp37-pypy37_pp73-macosx_10_7_x86_64.whl", hash = "sha256:c7a7c8cc98ac418002090e4add5bebfff1b915ea1cb459c578cd8206fef10378"}, + {file = "argon2_cffi-21.1.0-pp37-pypy37_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:165cadae5ac1e26644f5ade3bd9c18d89963be51d9ea8817bd671006d7909057"}, + {file = "argon2_cffi-21.1.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:566ffb581bbd9db5562327aee71b2eda24a1c15b23a356740abe3c011bbe0dcb"}, +] +async-timeout = [ + {file = "async-timeout-4.0.1.tar.gz", hash = "sha256:b930cb161a39042f9222f6efb7301399c87eeab394727ec5437924a36d6eef51"}, + {file = "async_timeout-4.0.1-py3-none-any.whl", hash = "sha256:a22c0b311af23337eb05fcf05a8b51c3ea53729d46fb5460af62bee033cec690"}, +] +asynctest = [ + {file = "asynctest-0.13.0-py3-none-any.whl", hash = "sha256:5da6118a7e6d6b54d83a8f7197769d046922a44d2a99c21382f0a6e4fadae676"}, + {file = "asynctest-0.13.0.tar.gz", hash = "sha256:c27862842d15d83e6a34eb0b2866c323880eb3a75e4485b079ea11748fd77fac"}, +] +atomicwrites = [ + {file = "atomicwrites-1.4.0-py2.py3-none-any.whl", hash = "sha256:6d1784dea7c0c8d4a5172b6c620f40b6e4cbfdf96d783691f2e1302a7b88e197"}, + {file = "atomicwrites-1.4.0.tar.gz", hash = "sha256:ae70396ad1a434f9c7046fd2dd196fc04b12f9e91ffb859164193be8b6168a7a"}, +] +attrs = [ + {file = "attrs-21.2.0-py2.py3-none-any.whl", hash = "sha256:149e90d6d8ac20db7a955ad60cf0e6881a3f20d37096140088356da6c716b0b1"}, + {file = "attrs-21.2.0.tar.gz", hash = "sha256:ef6aaac3ca6cd92904cdd0d83f629a15f18053ec84e6432106f7a4d04ae4f5fb"}, +] +babel = [ + {file = "Babel-2.9.1-py2.py3-none-any.whl", hash = "sha256:ab49e12b91d937cd11f0b67cb259a57ab4ad2b59ac7a3b41d6c06c0ac5b0def9"}, + {file = "Babel-2.9.1.tar.gz", hash = "sha256:bc0c176f9f6a994582230df350aa6e05ba2ebe4b3ac317eab29d9be5d2768da0"}, +] +backcall = [ + {file = "backcall-0.2.0-py2.py3-none-any.whl", hash = "sha256:fbbce6a29f263178a1f7915c1940bde0ec2b2a967566fe1c65c1dfb7422bd255"}, + {file = "backcall-0.2.0.tar.gz", hash = "sha256:5cbdbf27be5e7cfadb448baf0aa95508f91f2bbc6c6437cd9cd06e2a4c215e1e"}, +] +black = [ + {file = "black-21.10b0-py3-none-any.whl", hash = "sha256:6eb7448da9143ee65b856a5f3676b7dda98ad9abe0f87fce8c59291f15e82a5b"}, + {file = "black-21.10b0.tar.gz", hash = "sha256:a9952229092e325fe5f3dae56d81f639b23f7131eb840781947e4b2886030f33"}, +] +bleach = [ + {file = "bleach-4.1.0-py2.py3-none-any.whl", hash = "sha256:4d2651ab93271d1129ac9cbc679f524565cc8a1b791909c4a51eac4446a15994"}, + {file = "bleach-4.1.0.tar.gz", hash = "sha256:0900d8b37eba61a802ee40ac0061f8c2b5dee29c1927dd1d233e075ebf5a71da"}, +] +certifi = [ + {file = "certifi-2021.10.8-py2.py3-none-any.whl", hash = "sha256:d62a0163eb4c2344ac042ab2bdf75399a71a2d8c7d47eac2e2ee91b9d6339569"}, + {file = "certifi-2021.10.8.tar.gz", hash = "sha256:78884e7c1d4b00ce3cea67b44566851c4343c120abd683433ce934a68ea58872"}, +] +cffi = [ + {file = "cffi-1.15.0-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:c2502a1a03b6312837279c8c1bd3ebedf6c12c4228ddbad40912d671ccc8a962"}, + {file = "cffi-1.15.0-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:23cfe892bd5dd8941608f93348c0737e369e51c100d03718f108bf1add7bd6d0"}, + {file = "cffi-1.15.0-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:41d45de54cd277a7878919867c0f08b0cf817605e4eb94093e7516505d3c8d14"}, + {file = "cffi-1.15.0-cp27-cp27m-win32.whl", hash = "sha256:4a306fa632e8f0928956a41fa8e1d6243c71e7eb59ffbd165fc0b41e316b2474"}, + {file = "cffi-1.15.0-cp27-cp27m-win_amd64.whl", hash = "sha256:e7022a66d9b55e93e1a845d8c9eba2a1bebd4966cd8bfc25d9cd07d515b33fa6"}, + {file = "cffi-1.15.0-cp27-cp27mu-manylinux1_i686.whl", hash = "sha256:14cd121ea63ecdae71efa69c15c5543a4b5fbcd0bbe2aad864baca0063cecf27"}, + {file = "cffi-1.15.0-cp27-cp27mu-manylinux1_x86_64.whl", hash = "sha256:d4d692a89c5cf08a8557fdeb329b82e7bf609aadfaed6c0d79f5a449a3c7c023"}, + {file = "cffi-1.15.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0104fb5ae2391d46a4cb082abdd5c69ea4eab79d8d44eaaf79f1b1fd806ee4c2"}, + {file = "cffi-1.15.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:91ec59c33514b7c7559a6acda53bbfe1b283949c34fe7440bcf917f96ac0723e"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:f5c7150ad32ba43a07c4479f40241756145a1f03b43480e058cfd862bf5041c7"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:00c878c90cb53ccfaae6b8bc18ad05d2036553e6d9d1d9dbcf323bbe83854ca3"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abb9a20a72ac4e0fdb50dae135ba5e77880518e742077ced47eb1499e29a443c"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a5263e363c27b653a90078143adb3d076c1a748ec9ecc78ea2fb916f9b861962"}, + {file = "cffi-1.15.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f54a64f8b0c8ff0b64d18aa76675262e1700f3995182267998c31ae974fbc382"}, + {file = "cffi-1.15.0-cp310-cp310-win32.whl", hash = "sha256:c21c9e3896c23007803a875460fb786118f0cdd4434359577ea25eb556e34c55"}, + {file = "cffi-1.15.0-cp310-cp310-win_amd64.whl", hash = "sha256:5e069f72d497312b24fcc02073d70cb989045d1c91cbd53979366077959933e0"}, + {file = "cffi-1.15.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:64d4ec9f448dfe041705426000cc13e34e6e5bb13736e9fd62e34a0b0c41566e"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2756c88cbb94231c7a147402476be2c4df2f6078099a6f4a480d239a8817ae39"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3b96a311ac60a3f6be21d2572e46ce67f09abcf4d09344c49274eb9e0bf345fc"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:75e4024375654472cc27e91cbe9eaa08567f7fbdf822638be2814ce059f58032"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:59888172256cac5629e60e72e86598027aca6bf01fa2465bdb676d37636573e8"}, + {file = "cffi-1.15.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:27c219baf94952ae9d50ec19651a687b826792055353d07648a5695413e0c605"}, + {file = "cffi-1.15.0-cp36-cp36m-win32.whl", hash = "sha256:4958391dbd6249d7ad855b9ca88fae690783a6be9e86df65865058ed81fc860e"}, + {file = "cffi-1.15.0-cp36-cp36m-win_amd64.whl", hash = "sha256:f6f824dc3bce0edab5f427efcfb1d63ee75b6fcb7282900ccaf925be84efb0fc"}, + {file = "cffi-1.15.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:06c48159c1abed75c2e721b1715c379fa3200c7784271b3c46df01383b593636"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c2051981a968d7de9dd2d7b87bcb9c939c74a34626a6e2f8181455dd49ed69e4"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:fd8a250edc26254fe5b33be00402e6d287f562b6a5b2152dec302fa15bb3e997"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:91d77d2a782be4274da750752bb1650a97bfd8f291022b379bb8e01c66b4e96b"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:45db3a33139e9c8f7c09234b5784a5e33d31fd6907800b316decad50af323ff2"}, + {file = "cffi-1.15.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:263cc3d821c4ab2213cbe8cd8b355a7f72a8324577dc865ef98487c1aeee2bc7"}, + {file = "cffi-1.15.0-cp37-cp37m-win32.whl", hash = "sha256:17771976e82e9f94976180f76468546834d22a7cc404b17c22df2a2c81db0c66"}, + {file = "cffi-1.15.0-cp37-cp37m-win_amd64.whl", hash = "sha256:3415c89f9204ee60cd09b235810be700e993e343a408693e80ce7f6a40108029"}, + {file = "cffi-1.15.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:4238e6dab5d6a8ba812de994bbb0a79bddbdf80994e4ce802b6f6f3142fcc880"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:0808014eb713677ec1292301ea4c81ad277b6cdf2fdd90fd540af98c0b101d20"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:57e9ac9ccc3101fac9d6014fba037473e4358ef4e89f8e181f8951a2c0162024"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8b6c2ea03845c9f501ed1313e78de148cd3f6cad741a75d43a29b43da27f2e1e"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:10dffb601ccfb65262a27233ac273d552ddc4d8ae1bf93b21c94b8511bffe728"}, + {file = "cffi-1.15.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:786902fb9ba7433aae840e0ed609f45c7bcd4e225ebb9c753aa39725bb3e6ad6"}, + {file = "cffi-1.15.0-cp38-cp38-win32.whl", hash = "sha256:da5db4e883f1ce37f55c667e5c0de439df76ac4cb55964655906306918e7363c"}, + {file = "cffi-1.15.0-cp38-cp38-win_amd64.whl", hash = "sha256:181dee03b1170ff1969489acf1c26533710231c58f95534e3edac87fff06c443"}, + {file = "cffi-1.15.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:45e8636704eacc432a206ac7345a5d3d2c62d95a507ec70d62f23cd91770482a"}, + {file = "cffi-1.15.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:31fb708d9d7c3f49a60f04cf5b119aeefe5644daba1cd2a0fe389b674fd1de37"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6dc2737a3674b3e344847c8686cf29e500584ccad76204efea14f451d4cc669a"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:74fdfdbfdc48d3f47148976f49fab3251e550a8720bebc99bf1483f5bfb5db3e"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ffaa5c925128e29efbde7301d8ecaf35c8c60ffbcd6a1ffd3a552177c8e5e796"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3f7d084648d77af029acb79a0ff49a0ad7e9d09057a9bf46596dac9514dc07df"}, + {file = "cffi-1.15.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ef1f279350da2c586a69d32fc8733092fd32cc8ac95139a00377841f59a3f8d8"}, + {file = "cffi-1.15.0-cp39-cp39-win32.whl", hash = "sha256:2a23af14f408d53d5e6cd4e3d9a24ff9e05906ad574822a10563efcef137979a"}, + {file = "cffi-1.15.0-cp39-cp39-win_amd64.whl", hash = "sha256:3773c4d81e6e818df2efbc7dd77325ca0dcb688116050fb2b3011218eda36139"}, + {file = "cffi-1.15.0.tar.gz", hash = "sha256:920f0d66a896c2d99f0adbb391f990a84091179542c205fa53ce5787aff87954"}, +] +charset-normalizer = [ + {file = "charset-normalizer-2.0.7.tar.gz", hash = "sha256:e019de665e2bcf9c2b64e2e5aa025fa991da8720daa3c1138cadd2fd1856aed0"}, + {file = "charset_normalizer-2.0.7-py3-none-any.whl", hash = "sha256:f7af805c321bfa1ce6714c51f254e0d5bb5e5834039bc17db7ebe3a4cec9492b"}, +] +click = [ + {file = "click-8.0.3-py3-none-any.whl", hash = "sha256:353f466495adaeb40b6b5f592f9f91cb22372351c84caeb068132442a4518ef3"}, + {file = "click-8.0.3.tar.gz", hash = "sha256:410e932b050f5eed773c4cda94de75971c89cdb3155a72a0831139a79e5ecb5b"}, +] +colorama = [ + {file = "colorama-0.4.4-py2.py3-none-any.whl", hash = "sha256:9f47eda37229f68eee03b24b9748937c7dc3868f906e8ba69fbcbdd3bc5dc3e2"}, + {file = "colorama-0.4.4.tar.gz", hash = "sha256:5941b2b48a20143d2267e95b1c2a7603ce057ee39fd88e7329b0c292aa16869b"}, +] +dataclasses = [ + {file = "dataclasses-0.6-py3-none-any.whl", hash = "sha256:454a69d788c7fda44efd71e259be79577822f5e3f53f029a22d08004e951dc9f"}, + {file = "dataclasses-0.6.tar.gz", hash = "sha256:6988bd2b895eef432d562370bb707d540f32f7360ab13da45340101bc2307d84"}, +] +datasets = [ + {file = "datasets-1.15.1-py3-none-any.whl", hash = "sha256:e5ac4ef477a5e50c0033b33550e5c81e05c1d46fc8ac76baebada4194cccea09"}, + {file = "datasets-1.15.1.tar.gz", hash = "sha256:4b7c32a5f14e29a8c1a36070d406a2fb671bc9bd70f2ac4c49ea1d4dd5387a4d"}, +] +debugpy = [ + {file = "debugpy-1.5.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:70b422c63a833630c33e3f9cdbd9b6971f8c5afd452697e464339a21bbe862ba"}, + {file = "debugpy-1.5.1-cp310-cp310-win32.whl", hash = "sha256:3a457ad9c0059a21a6c7d563c1f18e924f5cf90278c722bd50ede6f56b77c7fe"}, + {file = "debugpy-1.5.1-cp310-cp310-win_amd64.whl", hash = "sha256:5d76a4fd028d8009c3faf1185b4b78ceb2273dd2499447664b03939e0368bb90"}, + {file = "debugpy-1.5.1-cp36-cp36m-macosx_10_15_x86_64.whl", hash = "sha256:16db27b4b91991442f91d73604d32080b30de655aca9ba821b1972ea8171021b"}, + {file = "debugpy-1.5.1-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:2b073ad5e8d8c488fbb6a116986858bab0c9c4558f28deb8832c7a5a27405bd6"}, + {file = "debugpy-1.5.1-cp36-cp36m-win32.whl", hash = "sha256:318f81f37341e4e054b4267d39896b73cddb3612ca13b39d7eea45af65165e1d"}, + {file = "debugpy-1.5.1-cp36-cp36m-win_amd64.whl", hash = "sha256:b5b3157372e0e0a1297a8b6b5280bcf1d35a40f436c7973771c972726d1e32d5"}, + {file = "debugpy-1.5.1-cp37-cp37m-macosx_10_15_x86_64.whl", hash = "sha256:1ec3a086e14bba6c472632025b8fe5bdfbaef2afa1ebd5c6615ce6ed8d89bc67"}, + {file = "debugpy-1.5.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:26fbe53cca45a608679094791ce587b6e2798acd1d4777a8b303b07622e85182"}, + {file = "debugpy-1.5.1-cp37-cp37m-win32.whl", hash = "sha256:d876db8c312eeb02d85611e0f696abe66a2c1515e6405943609e725d5ff36f2a"}, + {file = "debugpy-1.5.1-cp37-cp37m-win_amd64.whl", hash = "sha256:4404a62fb5332ea5c8c9132290eef50b3a0ba38cecacad5529e969a783bcbdd7"}, + {file = "debugpy-1.5.1-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:f3a3dca9104aa14fd4210edcce6d9ce2b65bd9618c0b222135a40b9d6e2a9eeb"}, + {file = "debugpy-1.5.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:b2df2c373e85871086bd55271c929670cd4e1dba63e94a08d442db830646203b"}, + {file = "debugpy-1.5.1-cp38-cp38-win32.whl", hash = "sha256:82f5f9ce93af6861a0713f804e62ab390bb12a17f113153e47fea8bbb1dfbe36"}, + {file = "debugpy-1.5.1-cp38-cp38-win_amd64.whl", hash = "sha256:17a25ce9d7714f92fc97ef00cc06269d7c2b163094990ada30156ed31d9a5030"}, + {file = "debugpy-1.5.1-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:01e98c594b3e66d529e40edf314f849cd1a21f7a013298df58cd8e263bf8e184"}, + {file = "debugpy-1.5.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f73988422b17f071ad3c4383551ace1ba5ed810cbab5f9c362783d22d40a08dc"}, + {file = "debugpy-1.5.1-cp39-cp39-win32.whl", hash = "sha256:23df67fc56d59e386c342428a7953c2c06cc226d8525b11319153e96afb65b0c"}, + {file = "debugpy-1.5.1-cp39-cp39-win_amd64.whl", hash = "sha256:a2aa64f6d2ca7ded8a7e8a4e7cae3bc71866b09876b7b05cecad231779cb9156"}, + {file = "debugpy-1.5.1-py2.py3-none-any.whl", hash = "sha256:194f95dd3e84568b5489aab5689a3a2c044e8fdc06f1890b8b4f70b6b89f2778"}, + {file = "debugpy-1.5.1.zip", hash = "sha256:d2b09e91fbd1efa4f4fda121d49af89501beda50c18ed7499712c71a4bf3452e"}, +] +decorator = [ + {file = "decorator-5.1.0-py3-none-any.whl", hash = "sha256:7b12e7c3c6ab203a29e157335e9122cb03de9ab7264b137594103fd4a683b374"}, + {file = "decorator-5.1.0.tar.gz", hash = "sha256:e59913af105b9860aa2c8d3272d9de5a56a4e608db9a2f167a8480b323d529a7"}, +] +defusedxml = [ + {file = "defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61"}, + {file = "defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69"}, +] +dill = [ + {file = "dill-0.3.4-py2.py3-none-any.whl", hash = "sha256:7e40e4a70304fd9ceab3535d36e58791d9c4a776b38ec7f7ec9afc8d3dca4d4f"}, + {file = "dill-0.3.4.zip", hash = "sha256:9f9734205146b2b353ab3fec9af0070237b6ddae78452af83d2fca84d739e675"}, +] +entrypoints = [ + {file = "entrypoints-0.3-py2.py3-none-any.whl", hash = "sha256:589f874b313739ad35be6e0cd7efde2a4e9b6fea91edcc34e58ecbb8dbe56d19"}, + {file = "entrypoints-0.3.tar.gz", hash = "sha256:c70dd71abe5a8c85e55e12c19bd91ccfeec11a6e99044204511f9ed547d48451"}, +] +fancycompleter = [ + {file = "fancycompleter-0.9.1-py3-none-any.whl", hash = "sha256:dd076bca7d9d524cc7f25ec8f35ef95388ffef9ef46def4d3d25e9b044ad7080"}, + {file = "fancycompleter-0.9.1.tar.gz", hash = "sha256:09e0feb8ae242abdfd7ef2ba55069a46f011814a80fe5476be48f51b00247272"}, +] +filelock = [ + {file = "filelock-3.3.2-py3-none-any.whl", hash = "sha256:bb2a1c717df74c48a2d00ed625e5a66f8572a3a30baacb7657add1d7bac4097b"}, + {file = "filelock-3.3.2.tar.gz", hash = "sha256:7afc856f74fa7006a289fd10fa840e1eebd8bbff6bffb69c26c54a0512ea8cf8"}, +] +flake8 = [ + {file = "flake8-3.9.2-py2.py3-none-any.whl", hash = "sha256:bf8fd333346d844f616e8d47905ef3a3384edae6b4e9beb0c5101e25e3110907"}, + {file = "flake8-3.9.2.tar.gz", hash = "sha256:07528381786f2a6237b061f6e96610a4167b226cb926e2aa2b6b1d78057c576b"}, +] +frozenlist = [ + {file = "frozenlist-1.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:977a1438d0e0d96573fd679d291a1542097ea9f4918a8b6494b06610dfeefbf9"}, + {file = "frozenlist-1.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a8d86547a5e98d9edd47c432f7a14b0c5592624b496ae9880fb6332f34af1edc"}, + {file = "frozenlist-1.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:181754275d5d32487431a0a29add4f897968b7157204bc1eaaf0a0ce80c5ba7d"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5df31bb2b974f379d230a25943d9bf0d3bc666b4b0807394b131a28fca2b0e5f"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4766632cd8a68e4f10f156a12c9acd7b1609941525569dd3636d859d79279ed3"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:16eef427c51cb1203a7c0ab59d1b8abccaba9a4f58c4bfca6ed278fc896dc193"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:01d79515ed5aa3d699b05f6bdcf1fe9087d61d6b53882aa599a10853f0479c6c"}, + {file = "frozenlist-1.2.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:28e164722ea0df0cf6d48c4d5bdf3d19e87aaa6dfb39b0ba91153f224b912020"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e63ad0beef6ece06475d29f47d1f2f29727805376e09850ebf64f90777962792"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:41de4db9b9501679cf7cddc16d07ac0f10ef7eb58c525a1c8cbff43022bddca4"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:c6a9d84ee6427b65a81fc24e6ef589cb794009f5ca4150151251c062773e7ed2"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:f5f3b2942c3b8b9bfe76b408bbaba3d3bb305ee3693e8b1d631fe0a0d4f93673"}, + {file = "frozenlist-1.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c98d3c04701773ad60d9545cd96df94d955329efc7743fdb96422c4b669c633b"}, + {file = "frozenlist-1.2.0-cp310-cp310-win32.whl", hash = "sha256:72cfbeab7a920ea9e74b19aa0afe3b4ad9c89471e3badc985d08756efa9b813b"}, + {file = "frozenlist-1.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:11ff401951b5ac8c0701a804f503d72c048173208490c54ebb8d7bb7c07a6d00"}, + {file = "frozenlist-1.2.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:b46f997d5ed6d222a863b02cdc9c299101ee27974d9bbb2fd1b3c8441311c408"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:351686ca020d1bcd238596b1fa5c8efcbc21bffda9d0efe237aaa60348421e2a"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bfbaa08cf1452acad9cb1c1d7b89394a41e712f88df522cea1a0f296b57782a0"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b2ae2f5e9fa10805fb1c9adbfefaaecedd9e31849434be462c3960a0139ed729"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6790b8d96bbb74b7a6f4594b6f131bd23056c25f2aa5d816bd177d95245a30e3"}, + {file = "frozenlist-1.2.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:41f62468af1bd4e4b42b5508a3fe8cc46a693f0cdd0ca2f443f51f207893d837"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:ec6cf345771cdb00791d271af9a0a6fbfc2b6dd44cb753f1eeaa256e21622adb"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:14a5cef795ae3e28fb504b73e797c1800e9249f950e1c964bb6bdc8d77871161"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:8b54cdd2fda15467b9b0bfa78cee2ddf6dbb4585ef23a16e14926f4b076dfae4"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:f025f1d6825725b09c0038775acab9ae94264453a696cc797ce20c0769a7b367"}, + {file = "frozenlist-1.2.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:84e97f59211b5b9083a2e7a45abf91cfb441369e8bb6d1f5287382c1c526def3"}, + {file = "frozenlist-1.2.0-cp36-cp36m-win32.whl", hash = "sha256:c5328ed53fdb0a73c8a50105306a3bc013e5ca36cca714ec4f7bd31d38d8a97f"}, + {file = "frozenlist-1.2.0-cp36-cp36m-win_amd64.whl", hash = "sha256:9ade70aea559ca98f4b1b1e5650c45678052e76a8ab2f76d90f2ac64180215a2"}, + {file = "frozenlist-1.2.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a0d3ffa8772464441b52489b985d46001e2853a3b082c655ec5fad9fb6a3d618"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3457f8cf86deb6ce1ba67e120f1b0128fcba1332a180722756597253c465fc1d"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5a72eecf37eface331636951249d878750db84034927c997d47f7f78a573b72b"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:acc4614e8d1feb9f46dd829a8e771b8f5c4b1051365d02efb27a3229048ade8a"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:87521e32e18a2223311afc2492ef2d99946337da0779ddcda77b82ee7319df59"}, + {file = "frozenlist-1.2.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8b4c7665a17c3a5430edb663e4ad4e1ad457614d1b2f2b7f87052e2ef4fa45ca"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:ed58803563a8c87cf4c0771366cf0ad1aa265b6b0ae54cbbb53013480c7ad74d"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:aa44c4740b4e23fcfa259e9dd52315d2b1770064cde9507457e4c4a65a04c397"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:2de5b931701257d50771a032bba4e448ff958076380b049fd36ed8738fdb375b"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:6e105013fa84623c057a4381dc8ea0361f4d682c11f3816cc80f49a1f3bc17c6"}, + {file = "frozenlist-1.2.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:705c184b77565955a99dc360f359e8249580c6b7eaa4dc0227caa861ef46b27a"}, + {file = "frozenlist-1.2.0-cp37-cp37m-win32.whl", hash = "sha256:a37594ad6356e50073fe4f60aa4187b97d15329f2138124d252a5a19c8553ea4"}, + {file = "frozenlist-1.2.0-cp37-cp37m-win_amd64.whl", hash = "sha256:25b358aaa7dba5891b05968dd539f5856d69f522b6de0bf34e61f133e077c1a4"}, + {file = "frozenlist-1.2.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:af2a51c8a381d76eabb76f228f565ed4c3701441ecec101dd18be70ebd483cfd"}, + {file = "frozenlist-1.2.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:82d22f6e6f2916e837c91c860140ef9947e31194c82aaeda843d6551cec92f19"}, + {file = "frozenlist-1.2.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:1cfe6fef507f8bac40f009c85c7eddfed88c1c0d38c75e72fe10476cef94e10f"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:26f602e380a5132880fa245c92030abb0fc6ff34e0c5500600366cedc6adb06a"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4ad065b2ebd09f32511ff2be35c5dfafee6192978b5a1e9d279a5c6e121e3b03"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:bc93f5f62df3bdc1f677066327fc81f92b83644852a31c6aa9b32c2dde86ea7d"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:89fdfc84c6bf0bff2ff3170bb34ecba8a6911b260d318d377171429c4be18c73"}, + {file = "frozenlist-1.2.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:47b2848e464883d0bbdcd9493c67443e5e695a84694efff0476f9059b4cb6257"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:4f52d0732e56906f8ddea4bd856192984650282424049c956857fed43697ea43"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:16ef7dd5b7d17495404a2e7a49bac1bc13d6d20c16d11f4133c757dd94c4144c"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:1cf63243bc5f5c19762943b0aa9e0d3fb3723d0c514d820a18a9b9a5ef864315"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:54a1e09ab7a69f843cd28fefd2bcaf23edb9e3a8d7680032c8968b8ac934587d"}, + {file = "frozenlist-1.2.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:954b154a4533ef28bd3e83ffdf4eadf39deeda9e38fb8feaf066d6069885e034"}, + {file = "frozenlist-1.2.0-cp38-cp38-win32.whl", hash = "sha256:cb3957c39668d10e2b486acc85f94153520a23263b6401e8f59422ef65b9520d"}, + {file = "frozenlist-1.2.0-cp38-cp38-win_amd64.whl", hash = "sha256:0a7c7cce70e41bc13d7d50f0e5dd175f14a4f1837a8549b0936ed0cbe6170bf9"}, + {file = "frozenlist-1.2.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:4c457220468d734e3077580a3642b7f682f5fd9507f17ddf1029452450912cdc"}, + {file = "frozenlist-1.2.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:e74f8b4d8677ebb4015ac01fcaf05f34e8a1f22775db1f304f497f2f88fdc697"}, + {file = "frozenlist-1.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:fbd4844ff111449f3bbe20ba24fbb906b5b1c2384d0f3287c9f7da2354ce6d23"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f0081a623c886197ff8de9e635528fd7e6a387dccef432149e25c13946cb0cd0"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9b6e21e5770df2dea06cb7b6323fbc008b13c4a4e3b52cb54685276479ee7676"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:406aeb340613b4b559db78d86864485f68919b7141dec82aba24d1477fd2976f"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:878ebe074839d649a1cdb03a61077d05760624f36d196884a5cafb12290e187b"}, + {file = "frozenlist-1.2.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1fef737fd1388f9b93bba8808c5f63058113c10f4e3c0763ced68431773f72f9"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:4a495c3d513573b0b3f935bfa887a85d9ae09f0627cf47cad17d0cc9b9ba5c38"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:e7d0dd3e727c70c2680f5f09a0775525229809f1a35d8552b92ff10b2b14f2c2"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:66a518731a21a55b7d3e087b430f1956a36793acc15912e2878431c7aec54210"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:94728f97ddf603d23c8c3dd5cae2644fa12d33116e69f49b1644a71bb77b89ae"}, + {file = "frozenlist-1.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:c1e8e9033d34c2c9e186e58279879d78c94dd365068a3607af33f2bc99357a53"}, + {file = "frozenlist-1.2.0-cp39-cp39-win32.whl", hash = "sha256:83334e84a290a158c0c4cc4d22e8c7cfe0bba5b76d37f1c2509dabd22acafe15"}, + {file = "frozenlist-1.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:735f386ec522e384f511614c01d2ef9cf799f051353876b4c6fb93ef67a6d1ee"}, + {file = "frozenlist-1.2.0.tar.gz", hash = "sha256:68201be60ac56aff972dc18085800b6ee07973c49103a8aba669dee3d71079de"}, +] +fsspec = [ + {file = "fsspec-2021.11.0-py3-none-any.whl", hash = "sha256:8843f31c7a7bb1afc4add371948f10701814594d407ee1b0bb4facec8b517efa"}, + {file = "fsspec-2021.11.0.tar.gz", hash = "sha256:cbb7bafd59aa33684a92e843877f4adc0109fb0722b1a26e7d08f5a6e2500904"}, +] +huggingface-hub = [ + {file = "huggingface_hub-0.1.2-py3-none-any.whl", hash = "sha256:85f020d7b3ecac3dba18f8b40043ab9bbff8cf952fa82f3be19612a3e132f1c5"}, + {file = "huggingface_hub-0.1.2.tar.gz", hash = "sha256:d45c0174b6d638fd1101a34d7ed624197b5168d95d7b8dd219f177571840f249"}, +] +idna = [ + {file = "idna-3.3-py3-none-any.whl", hash = "sha256:84d9dd047ffa80596e0f246e2eab0b391788b0503584e8945f2368256d2735ff"}, + {file = "idna-3.3.tar.gz", hash = "sha256:9d643ff0a55b762d5cdb124b8eaa99c66322e2157b69160bc32796e824360e6d"}, +] +importlib-metadata = [ + {file = "importlib_metadata-4.8.2-py3-none-any.whl", hash = "sha256:53ccfd5c134223e497627b9815d5030edf77d2ed573922f7a0b8f8bb81a1c100"}, + {file = "importlib_metadata-4.8.2.tar.gz", hash = "sha256:75bdec14c397f528724c1bfd9709d660b33a4d2e77387a3358f20b848bb5e5fb"}, +] +importlib-resources = [ + {file = "importlib_resources-5.4.0-py3-none-any.whl", hash = "sha256:33a95faed5fc19b4bc16b29a6eeae248a3fe69dd55d4d229d2b480e23eeaad45"}, + {file = "importlib_resources-5.4.0.tar.gz", hash = "sha256:d756e2f85dd4de2ba89be0b21dba2a3bbec2e871a42a3a16719258a11f87506b"}, +] +iniconfig = [ + {file = "iniconfig-1.1.1-py2.py3-none-any.whl", hash = "sha256:011e24c64b7f47f6ebd835bb12a743f2fbe9a26d4cecaa7f53bc4f35ee9da8b3"}, + {file = "iniconfig-1.1.1.tar.gz", hash = "sha256:bc3af051d7d14b2ee5ef9969666def0cd1a000e121eaea580d4a313df4b37f32"}, +] +ipykernel = [ + {file = "ipykernel-6.5.0-py3-none-any.whl", hash = "sha256:f43de132feea90f86d68c51013afe9694f9415f440053ec9909dd656c75b04b5"}, + {file = "ipykernel-6.5.0.tar.gz", hash = "sha256:299795cca2c4aed7e233e3ad5360e1c73627fd0dcec11a9e75d5b2df43629353"}, +] +ipython = [ + {file = "ipython-7.29.0-py3-none-any.whl", hash = "sha256:a658beaf856ce46bc453366d5dc6b2ddc6c481efd3540cb28aa3943819caac9f"}, + {file = "ipython-7.29.0.tar.gz", hash = "sha256:4f69d7423a5a1972f6347ff233e38bbf4df6a150ef20fbb00c635442ac3060aa"}, +] +ipython-genutils = [ + {file = "ipython_genutils-0.2.0-py2.py3-none-any.whl", hash = "sha256:72dd37233799e619666c9f639a9da83c34013a73e8bbc79a7a6348d93c61fab8"}, + {file = "ipython_genutils-0.2.0.tar.gz", hash = "sha256:eb2e116e75ecef9d4d228fdc66af54269afa26ab4463042e33785b887c628ba8"}, +] +isort = [ + {file = "isort-5.10.1-py3-none-any.whl", hash = "sha256:6f62d78e2f89b4500b080fe3a81690850cd254227f27f75c3a0c491a1f351ba7"}, + {file = "isort-5.10.1.tar.gz", hash = "sha256:e8443a5e7a020e9d7f97f1d7d9cd17c88bcb3bc7e218bf9cf5095fe550be2951"}, +] +jedi = [ + {file = "jedi-0.18.0-py2.py3-none-any.whl", hash = "sha256:18456d83f65f400ab0c2d3319e48520420ef43b23a086fdc05dff34132f0fb93"}, + {file = "jedi-0.18.0.tar.gz", hash = "sha256:92550a404bad8afed881a137ec9a461fed49eca661414be45059329614ed0707"}, +] +jinja2 = [ + {file = "Jinja2-3.0.3-py3-none-any.whl", hash = "sha256:077ce6014f7b40d03b47d1f1ca4b0fc8328a692bd284016f806ed0eaca390ad8"}, + {file = "Jinja2-3.0.3.tar.gz", hash = "sha256:611bb273cd68f3b993fabdc4064fc858c5b47a973cb5aa7999ec1ba405c87cd7"}, +] +joblib = [ + {file = "joblib-1.1.0-py2.py3-none-any.whl", hash = "sha256:f21f109b3c7ff9d95f8387f752d0d9c34a02aa2f7060c2135f465da0e5160ff6"}, + {file = "joblib-1.1.0.tar.gz", hash = "sha256:4158fcecd13733f8be669be0683b96ebdbbd38d23559f54dca7205aea1bf1e35"}, +] +json5 = [ + {file = "json5-0.9.6-py2.py3-none-any.whl", hash = "sha256:823e510eb355949bed817e1f3e2d682455dc6af9daf6066d5698d6a2ca4481c2"}, + {file = "json5-0.9.6.tar.gz", hash = "sha256:9175ad1bc248e22bb8d95a8e8d765958bf0008fef2fe8abab5bc04e0f1ac8302"}, +] +jsonschema = [ + {file = "jsonschema-4.2.1-py3-none-any.whl", hash = "sha256:2a0f162822a64d95287990481b45d82f096e99721c86534f48201b64ebca6e8c"}, + {file = "jsonschema-4.2.1.tar.gz", hash = "sha256:390713469ae64b8a58698bb3cbc3859abe6925b565a973f87323ef21b09a27a8"}, +] +jupyter-client = [ + {file = "jupyter_client-7.0.6-py3-none-any.whl", hash = "sha256:074bdeb1ffaef4a3095468ee16313938cfdc48fc65ca95cc18980b956c2e5d79"}, + {file = "jupyter_client-7.0.6.tar.gz", hash = "sha256:8b6e06000eb9399775e0a55c52df6c1be4766666209c22f90c2691ded0e338dc"}, +] +jupyter-core = [ + {file = "jupyter_core-4.9.1-py3-none-any.whl", hash = "sha256:1c091f3bbefd6f2a8782f2c1db662ca8478ac240e962ae2c66f0b87c818154ea"}, + {file = "jupyter_core-4.9.1.tar.gz", hash = "sha256:dce8a7499da5a53ae3afd5a9f4b02e5df1d57250cf48f3ad79da23b4778cd6fa"}, +] +jupyter-server = [ + {file = "jupyter_server-1.11.2-py3-none-any.whl", hash = "sha256:eb247b555f5bdfb4a219d78e86bc8769456a1a712d8e30a4dbe06e3fe7e8a278"}, + {file = "jupyter_server-1.11.2.tar.gz", hash = "sha256:c1f32e0c1807ab2de37bf70af97a36b4436db0bc8af3124632b1f4441038bf95"}, +] +jupyterlab = [ + {file = "jupyterlab-3.2.3-py3-none-any.whl", hash = "sha256:7d7f0280654a8472c47a9d7b5164b74a961a8095ad4ce7fb26ef539ea1d7efd1"}, + {file = "jupyterlab-3.2.3.tar.gz", hash = "sha256:7d74593e52d4dbfacbb98e14cac4bc765ea2cffb1b980675f44930d622871705"}, +] +jupyterlab-pygments = [ + {file = "jupyterlab_pygments-0.1.2-py2.py3-none-any.whl", hash = "sha256:abfb880fd1561987efaefcb2d2ac75145d2a5d0139b1876d5be806e32f630008"}, + {file = "jupyterlab_pygments-0.1.2.tar.gz", hash = "sha256:cfcda0873626150932f438eccf0f8bf22bfa92345b814890ab360d666b254146"}, +] +jupyterlab-server = [ + {file = "jupyterlab_server-2.8.2-py3-none-any.whl", hash = "sha256:9507f059ddb3d088674ed76fd3d751cedd940f8a74055e2250bf44babcc2ea1f"}, + {file = "jupyterlab_server-2.8.2.tar.gz", hash = "sha256:26d813c8162c83d466df7d155865987dabe70aa452f9187dfb79fd88afc8fa0b"}, +] +kenlm = [] +markupsafe = [ + {file = "MarkupSafe-2.0.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d8446c54dc28c01e5a2dbac5a25f071f6653e6e40f3a8818e8b45d790fe6ef53"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:36bc903cbb393720fad60fc28c10de6acf10dc6cc883f3e24ee4012371399a38"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d7d807855b419fc2ed3e631034685db6079889a1f01d5d9dac950f764da3dad"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:add36cb2dbb8b736611303cd3bfcee00afd96471b09cda130da3581cbdc56a6d"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:168cd0a3642de83558a5153c8bd34f175a9a6e7f6dc6384b9655d2697312a646"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:4dc8f9fb58f7364b63fd9f85013b780ef83c11857ae79f2feda41e270468dd9b"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:20dca64a3ef2d6e4d5d615a3fd418ad3bde77a47ec8a23d984a12b5b4c74491a"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:cdfba22ea2f0029c9261a4bd07e830a8da012291fbe44dc794e488b6c9bb353a"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-win32.whl", hash = "sha256:99df47edb6bda1249d3e80fdabb1dab8c08ef3975f69aed437cb69d0a5de1e28"}, + {file = "MarkupSafe-2.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:e0f138900af21926a02425cf736db95be9f4af72ba1bb21453432a07f6082134"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:f9081981fe268bd86831e5c75f7de206ef275defcb82bc70740ae6dc507aee51"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:0955295dd5eec6cb6cc2fe1698f4c6d84af2e92de33fbcac4111913cd100a6ff"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:0446679737af14f45767963a1a9ef7620189912317d095f2d9ffa183a4d25d2b"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:f826e31d18b516f653fe296d967d700fddad5901ae07c622bb3705955e1faa94"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:fa130dd50c57d53368c9d59395cb5526eda596d3ffe36666cd81a44d56e48872"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:905fec760bd2fa1388bb5b489ee8ee5f7291d692638ea5f67982d968366bef9f"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bf5d821ffabf0ef3533c39c518f3357b171a1651c1ff6827325e4489b0e46c3c"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:0d4b31cc67ab36e3392bbf3862cfbadac3db12bdd8b02a2731f509ed5b829724"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:baa1a4e8f868845af802979fcdbf0bb11f94f1cb7ced4c4b8a351bb60d108145"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:deb993cacb280823246a026e3b2d81c493c53de6acfd5e6bfe31ab3402bb37dd"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:63f3268ba69ace99cab4e3e3b5840b03340efed0948ab8f78d2fd87ee5442a4f"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:8d206346619592c6200148b01a2142798c989edcb9c896f9ac9722a99d4e77e6"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-win32.whl", hash = "sha256:6c4ca60fa24e85fe25b912b01e62cb969d69a23a5d5867682dd3e80b5b02581d"}, + {file = "MarkupSafe-2.0.1-cp36-cp36m-win_amd64.whl", hash = "sha256:b2f4bf27480f5e5e8ce285a8c8fd176c0b03e93dcc6646477d4630e83440c6a9"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:0717a7390a68be14b8c793ba258e075c6f4ca819f15edfc2a3a027c823718567"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:6557b31b5e2c9ddf0de32a691f2312a32f77cd7681d8af66c2692efdbef84c18"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:49e3ceeabbfb9d66c3aef5af3a60cc43b85c33df25ce03d0031a608b0a8b2e3f"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:d7f9850398e85aba693bb640262d3611788b1f29a79f0c93c565694658f4071f"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:6a7fae0dd14cf60ad5ff42baa2e95727c3d81ded453457771d02b7d2b3f9c0c2"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:b7f2d075102dc8c794cbde1947378051c4e5180d52d276987b8d28a3bd58c17d"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e9936f0b261d4df76ad22f8fee3ae83b60d7c3e871292cd42f40b81b70afae85"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:2a7d351cbd8cfeb19ca00de495e224dea7e7d919659c2841bbb7f420ad03e2d6"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:60bf42e36abfaf9aff1f50f52644b336d4f0a3fd6d8a60ca0d054ac9f713a864"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d6c7ebd4e944c85e2c3421e612a7057a2f48d478d79e61800d81468a8d842207"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f0567c4dc99f264f49fe27da5f735f414c4e7e7dd850cfd8e69f0862d7c74ea9"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:89c687013cb1cd489a0f0ac24febe8c7a666e6e221b783e53ac50ebf68e45d86"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-win32.whl", hash = "sha256:a30e67a65b53ea0a5e62fe23682cfe22712e01f453b95233b25502f7c61cb415"}, + {file = "MarkupSafe-2.0.1-cp37-cp37m-win_amd64.whl", hash = "sha256:611d1ad9a4288cf3e3c16014564df047fe08410e628f89805e475368bd304914"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:5bb28c636d87e840583ee3adeb78172efc47c8b26127267f54a9c0ec251d41a9"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:be98f628055368795d818ebf93da628541e10b75b41c559fdf36d104c5787066"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux1_i686.whl", hash = "sha256:1d609f577dc6e1aa17d746f8bd3c31aa4d258f4070d61b2aa5c4166c1539de35"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:7d91275b0245b1da4d4cfa07e0faedd5b0812efc15b702576d103293e252af1b"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:01a9b8ea66f1658938f65b93a85ebe8bc016e6769611be228d797c9d998dd298"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:47ab1e7b91c098ab893b828deafa1203de86d0bc6ab587b160f78fe6c4011f75"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:97383d78eb34da7e1fa37dd273c20ad4320929af65d156e35a5e2d89566d9dfb"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6fcf051089389abe060c9cd7caa212c707e58153afa2c649f00346ce6d260f1b"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:5855f8438a7d1d458206a2466bf82b0f104a3724bf96a1c781ab731e4201731a"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:3dd007d54ee88b46be476e293f48c85048603f5f516008bee124ddd891398ed6"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:aca6377c0cb8a8253e493c6b451565ac77e98c2951c45f913e0b52facdcff83f"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:04635854b943835a6ea959e948d19dcd311762c5c0c6e1f0e16ee57022669194"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:6300b8454aa6930a24b9618fbb54b5a68135092bc666f7b06901f897fa5c2fee"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-win32.whl", hash = "sha256:023cb26ec21ece8dc3907c0e8320058b2e0cb3c55cf9564da612bc325bed5e64"}, + {file = "MarkupSafe-2.0.1-cp38-cp38-win_amd64.whl", hash = "sha256:984d76483eb32f1bcb536dc27e4ad56bba4baa70be32fa87152832cdd9db0833"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:2ef54abee730b502252bcdf31b10dacb0a416229b72c18b19e24a4509f273d26"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:3c112550557578c26af18a1ccc9e090bfe03832ae994343cfdacd287db6a6ae7"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux1_i686.whl", hash = "sha256:53edb4da6925ad13c07b6d26c2a852bd81e364f95301c66e930ab2aef5b5ddd8"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:f5653a225f31e113b152e56f154ccbe59eeb1c7487b39b9d9f9cdb58e6c79dc5"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:4efca8f86c54b22348a5467704e3fec767b2db12fc39c6d963168ab1d3fc9135"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:ab3ef638ace319fa26553db0624c4699e31a28bb2a835c5faca8f8acf6a5a902"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:f8ba0e8349a38d3001fae7eadded3f6606f0da5d748ee53cc1dab1d6527b9509"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c47adbc92fc1bb2b3274c4b3a43ae0e4573d9fbff4f54cd484555edbf030baf1"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:37205cac2a79194e3750b0af2a5720d95f786a55ce7df90c3af697bfa100eaac"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1f2ade76b9903f39aa442b4aadd2177decb66525062db244b35d71d0ee8599b6"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:4296f2b1ce8c86a6aea78613c34bb1a672ea0e3de9c6ba08a960efe0b0a09047"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:9f02365d4e99430a12647f09b6cc8bab61a6564363f313126f775eb4f6ef798e"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5b6d930f030f8ed98e3e6c98ffa0652bdb82601e7a016ec2ab5d7ff23baa78d1"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-win32.whl", hash = "sha256:10f82115e21dc0dfec9ab5c0223652f7197feb168c940f3ef61563fc2d6beb74"}, + {file = "MarkupSafe-2.0.1-cp39-cp39-win_amd64.whl", hash = "sha256:693ce3f9e70a6cf7d2fb9e6c9d8b204b6b39897a2c4a1aa65728d5ac97dcc1d8"}, + {file = "MarkupSafe-2.0.1.tar.gz", hash = "sha256:594c67807fb16238b30c44bdf74f36c02cdf22d1c8cda91ef8a0ed8dabf5620a"}, +] +matplotlib-inline = [ + {file = "matplotlib-inline-0.1.3.tar.gz", hash = "sha256:a04bfba22e0d1395479f866853ec1ee28eea1485c1d69a6faf00dc3e24ff34ee"}, + {file = "matplotlib_inline-0.1.3-py3-none-any.whl", hash = "sha256:aed605ba3b72462d64d475a21a9296f400a19c4f74a31b59103d2a99ffd5aa5c"}, +] +mccabe = [ + {file = "mccabe-0.6.1-py2.py3-none-any.whl", hash = "sha256:ab8a6258860da4b6677da4bd2fe5dc2c659cff31b3ee4f7f5d64e79735b80d42"}, + {file = "mccabe-0.6.1.tar.gz", hash = "sha256:dd8d182285a0fe56bace7f45b5e7d1a6ebcbf524e8f3bd87eb0f125271b8831f"}, +] +mistune = [ + {file = "mistune-0.8.4-py2.py3-none-any.whl", hash = "sha256:88a1051873018da288eee8538d476dffe1262495144b33ecb586c4ab266bb8d4"}, + {file = "mistune-0.8.4.tar.gz", hash = "sha256:59a3429db53c50b5c6bcc8a07f8848cb00d7dc8bdb431a4ab41920d201d4756e"}, +] +mpire = [ + {file = "mpire-2.3.2-py3-none-any.whl", hash = "sha256:c8b9a4c2e98db8b10a7ec6c05c534d8db4617ebea18db768b9ad48c7865a6314"}, + {file = "mpire-2.3.2.tar.gz", hash = "sha256:2bf311f7ba49af5c0085073011b04ac618b743c9b6fcda9821f68beabda667d0"}, +] +multidict = [ + {file = "multidict-5.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:3822c5894c72e3b35aae9909bef66ec83e44522faf767c0ad39e0e2de11d3b55"}, + {file = "multidict-5.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:28e6d883acd8674887d7edc896b91751dc2d8e87fbdca8359591a13872799e4e"}, + {file = "multidict-5.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b61f85101ef08cbbc37846ac0e43f027f7844f3fade9b7f6dd087178caedeee7"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9b668c065968c5979fe6b6fa6760bb6ab9aeb94b75b73c0a9c1acf6393ac3bf"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:517d75522b7b18a3385726b54a081afd425d4f41144a5399e5abd97ccafdf36b"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1b4ac3ba7a97b35a5ccf34f41b5a8642a01d1e55454b699e5e8e7a99b5a3acf5"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:df23c83398715b26ab09574217ca21e14694917a0c857e356fd39e1c64f8283f"}, + {file = "multidict-5.2.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:e58a9b5cc96e014ddf93c2227cbdeca94b56a7eb77300205d6e4001805391747"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:f76440e480c3b2ca7f843ff8a48dc82446b86ed4930552d736c0bac507498a52"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:cfde464ca4af42a629648c0b0d79b8f295cf5b695412451716531d6916461628"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:0fed465af2e0eb6357ba95795d003ac0bdb546305cc2366b1fc8f0ad67cc3fda"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:b70913cbf2e14275013be98a06ef4b412329fe7b4f83d64eb70dce8269ed1e1a"}, + {file = "multidict-5.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a5635bcf1b75f0f6ef3c8a1ad07b500104a971e38d3683167b9454cb6465ac86"}, + {file = "multidict-5.2.0-cp310-cp310-win32.whl", hash = "sha256:77f0fb7200cc7dedda7a60912f2059086e29ff67cefbc58d2506638c1a9132d7"}, + {file = "multidict-5.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:9416cf11bcd73c861267e88aea71e9fcc35302b3943e45e1dbb4317f91a4b34f"}, + {file = "multidict-5.2.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:fd77c8f3cba815aa69cb97ee2b2ef385c7c12ada9c734b0f3b32e26bb88bbf1d"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:98ec9aea6223adf46999f22e2c0ab6cf33f5914be604a404f658386a8f1fba37"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e5283c0a00f48e8cafcecadebfa0ed1dac8b39e295c7248c44c665c16dc1138b"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5f79c19c6420962eb17c7e48878a03053b7ccd7b69f389d5831c0a4a7f1ac0a1"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:e4a67f1080123de76e4e97a18d10350df6a7182e243312426d508712e99988d4"}, + {file = "multidict-5.2.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:94b117e27efd8e08b4046c57461d5a114d26b40824995a2eb58372b94f9fca02"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:2e77282fd1d677c313ffcaddfec236bf23f273c4fba7cdf198108f5940ae10f5"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:116347c63ba049c1ea56e157fa8aa6edaf5e92925c9b64f3da7769bdfa012858"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:dc3a866cf6c13d59a01878cd806f219340f3e82eed514485e094321f24900677"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:ac42181292099d91217a82e3fa3ce0e0ddf3a74fd891b7c2b347a7f5aa0edded"}, + {file = "multidict-5.2.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:f0bb0973f42ffcb5e3537548e0767079420aefd94ba990b61cf7bb8d47f4916d"}, + {file = "multidict-5.2.0-cp36-cp36m-win32.whl", hash = "sha256:ea21d4d5104b4f840b91d9dc8cbc832aba9612121eaba503e54eaab1ad140eb9"}, + {file = "multidict-5.2.0-cp36-cp36m-win_amd64.whl", hash = "sha256:e6453f3cbeb78440747096f239d282cc57a2997a16b5197c9bc839099e1633d0"}, + {file = "multidict-5.2.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:d3def943bfd5f1c47d51fd324df1e806d8da1f8e105cc7f1c76a1daf0f7e17b0"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:35591729668a303a02b06e8dba0eb8140c4a1bfd4c4b3209a436a02a5ac1de11"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ce8cacda0b679ebc25624d5de66c705bc53dcc7c6f02a7fb0f3ca5e227d80422"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:baf1856fab8212bf35230c019cde7c641887e3fc08cadd39d32a421a30151ea3"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a43616aec0f0d53c411582c451f5d3e1123a68cc7b3475d6f7d97a626f8ff90d"}, + {file = "multidict-5.2.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:25cbd39a9029b409167aa0a20d8a17f502d43f2efebfe9e3ac019fe6796c59ac"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:0a2cbcfbea6dc776782a444db819c8b78afe4db597211298dd8b2222f73e9cd0"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:3d2d7d1fff8e09d99354c04c3fd5b560fb04639fd45926b34e27cfdec678a704"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:a37e9a68349f6abe24130846e2f1d2e38f7ddab30b81b754e5a1fde32f782b23"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:637c1896497ff19e1ee27c1c2c2ddaa9f2d134bbb5e0c52254361ea20486418d"}, + {file = "multidict-5.2.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:9815765f9dcda04921ba467957be543423e5ec6a1136135d84f2ae092c50d87b"}, + {file = "multidict-5.2.0-cp37-cp37m-win32.whl", hash = "sha256:8b911d74acdc1fe2941e59b4f1a278a330e9c34c6c8ca1ee21264c51ec9b67ef"}, + {file = "multidict-5.2.0-cp37-cp37m-win_amd64.whl", hash = "sha256:380b868f55f63d048a25931a1632818f90e4be71d2081c2338fcf656d299949a"}, + {file = "multidict-5.2.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:e7d81ce5744757d2f05fc41896e3b2ae0458464b14b5a2c1e87a6a9d69aefaa8"}, + {file = "multidict-5.2.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2d1d55cdf706ddc62822d394d1df53573d32a7a07d4f099470d3cb9323b721b6"}, + {file = "multidict-5.2.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:a4771d0d0ac9d9fe9e24e33bed482a13dfc1256d008d101485fe460359476065"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da7d57ea65744d249427793c042094c4016789eb2562576fb831870f9c878d9e"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cdd68778f96216596218b4e8882944d24a634d984ee1a5a049b300377878fa7c"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ecc99bce8ee42dcad15848c7885197d26841cb24fa2ee6e89d23b8993c871c64"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:067150fad08e6f2dd91a650c7a49ba65085303fcc3decbd64a57dc13a2733031"}, + {file = "multidict-5.2.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:78c106b2b506b4d895ddc801ff509f941119394b89c9115580014127414e6c2d"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:e6c4fa1ec16e01e292315ba76eb1d012c025b99d22896bd14a66628b245e3e01"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:b227345e4186809d31f22087d0265655114af7cda442ecaf72246275865bebe4"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:06560fbdcf22c9387100979e65b26fba0816c162b888cb65b845d3def7a54c9b"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:7878b61c867fb2df7a95e44b316f88d5a3742390c99dfba6c557a21b30180cac"}, + {file = "multidict-5.2.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:246145bff76cc4b19310f0ad28bd0769b940c2a49fc601b86bfd150cbd72bb22"}, + {file = "multidict-5.2.0-cp38-cp38-win32.whl", hash = "sha256:c30ac9f562106cd9e8071c23949a067b10211917fdcb75b4718cf5775356a940"}, + {file = "multidict-5.2.0-cp38-cp38-win_amd64.whl", hash = "sha256:f19001e790013ed580abfde2a4465388950728861b52f0da73e8e8a9418533c0"}, + {file = "multidict-5.2.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:c1ff762e2ee126e6f1258650ac641e2b8e1f3d927a925aafcfde943b77a36d24"}, + {file = "multidict-5.2.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:bd6c9c50bf2ad3f0448edaa1a3b55b2e6866ef8feca5d8dbec10ec7c94371d21"}, + {file = "multidict-5.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:fc66d4016f6e50ed36fb39cd287a3878ffcebfa90008535c62e0e90a7ab713ae"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a9acb76d5f3dd9421874923da2ed1e76041cb51b9337fd7f507edde1d86535d6"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dfc924a7e946dd3c6360e50e8f750d51e3ef5395c95dc054bc9eab0f70df4f9c"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:32fdba7333eb2351fee2596b756d730d62b5827d5e1ab2f84e6cbb287cc67fe0"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:b9aad49466b8d828b96b9e3630006234879c8d3e2b0a9d99219b3121bc5cdb17"}, + {file = "multidict-5.2.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:93de39267c4c676c9ebb2057e98a8138bade0d806aad4d864322eee0803140a0"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:f9bef5cff994ca3026fcc90680e326d1a19df9841c5e3d224076407cc21471a1"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:5f841c4f14331fd1e36cbf3336ed7be2cb2a8f110ce40ea253e5573387db7621"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:38ba256ee9b310da6a1a0f013ef4e422fca30a685bcbec86a969bd520504e341"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:3bc3b1621b979621cee9f7b09f024ec76ec03cc365e638126a056317470bde1b"}, + {file = "multidict-5.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:6ee908c070020d682e9b42c8f621e8bb10c767d04416e2ebe44e37d0f44d9ad5"}, + {file = "multidict-5.2.0-cp39-cp39-win32.whl", hash = "sha256:1c7976cd1c157fa7ba5456ae5d31ccdf1479680dc9b8d8aa28afabc370df42b8"}, + {file = "multidict-5.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:c9631c642e08b9fff1c6255487e62971d8b8e821808ddd013d8ac058087591ac"}, + {file = "multidict-5.2.0.tar.gz", hash = "sha256:0dd1c93edb444b33ba2274b66f63def8a327d607c6c790772f448a53b6ea59ce"}, +] +multiprocess = [ + {file = "multiprocess-0.70.12.2-cp27-cp27m-macosx_10_12_x86_64.whl", hash = "sha256:35d41e410ca2a32977a483ae1f40f86b193b45cecf85567c2fae402fb8bf172e"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:9a02237eae21975155c816883479f72e239d16823a6bc063173d59acec9bcf41"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:f12a939cd2f01d0a900e7ef2aaee3c351a49fd2297d7f760b537af22727561b8"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-win32.whl", hash = "sha256:be3ad3eaf204abc646d85e70e41244f66d88200628a0ab867c8fc206b97cedbf"}, + {file = "multiprocess-0.70.12.2-cp27-cp27m-win_amd64.whl", hash = "sha256:c85ffc38c50c5a4f32f3f3c1a284725b7b5040188f254eba6e572c53d3da525b"}, + {file = "multiprocess-0.70.12.2-pp27-none-any.whl", hash = "sha256:a9f58945edb234591684c0a181b744a3231643814ef3a8f47cea9a2073b4b2bb"}, + {file = "multiprocess-0.70.12.2-pp36-none-any.whl", hash = "sha256:0e0a5ae4bd84e4c22baddf824d3b8168214f8c1cce51e2cb080421cb1f7b04d1"}, + {file = "multiprocess-0.70.12.2-pp37-none-any.whl", hash = "sha256:916a314a1e0f3454033d59672ba6181fa45948ab1091d68cdd479258576e7b27"}, + {file = "multiprocess-0.70.12.2-py36-none-any.whl", hash = "sha256:b3f866f7d9c7acc1a9cb1b6063a29f5cb140ff545b35b71fd4bfdac6f19d75fa"}, + {file = "multiprocess-0.70.12.2-py37-none-any.whl", hash = "sha256:6aa67e805e50b6e9dfc56dd0f0c85ac3409e6791d4ec5405c5f9bc0a47d745a4"}, + {file = "multiprocess-0.70.12.2-py38-none-any.whl", hash = "sha256:85941e650c277af44fc82e3e97faacb920e5ce3615238b540cbad4012d6f60e9"}, + {file = "multiprocess-0.70.12.2-py39-none-any.whl", hash = "sha256:6f812a1d3f198b7cacd63983f60e2dc1338bd4450893f90c435067b5a3127e6f"}, + {file = "multiprocess-0.70.12.2.zip", hash = "sha256:206bb9b97b73f87fec1ed15a19f8762950256aa84225450abc7150d02855a083"}, +] +mypy-extensions = [ + {file = "mypy_extensions-0.4.3-py2.py3-none-any.whl", hash = "sha256:090fedd75945a69ae91ce1303b5824f428daf5a028d2f6ab8a299250a846f15d"}, + {file = "mypy_extensions-0.4.3.tar.gz", hash = "sha256:2d82818f5bb3e369420cb3c4060a7970edba416647068eb4c5343488a6c604a8"}, +] +nbclassic = [ + {file = "nbclassic-0.3.4-py3-none-any.whl", hash = "sha256:9c7b7987a148ecdd1827b47fe6f6968b2ddabf663142f81254000cb77ee5bd10"}, + {file = "nbclassic-0.3.4.tar.gz", hash = "sha256:f00b07ef4908fc38fd332d2676ccd3ceea5076528feaf21bd27e809ef20f5578"}, +] +nbclient = [ + {file = "nbclient-0.5.5-py3-none-any.whl", hash = "sha256:542b1dfd492bc2524fff52064461149208ac3d53fa6353ce21da2219910b0cfc"}, + {file = "nbclient-0.5.5.tar.gz", hash = "sha256:ed7d18431393750d29a64da432e0b7889274eb5a5056682be5691b1b1dc8f755"}, +] +nbconvert = [ + {file = "nbconvert-6.2.0-py3-none-any.whl", hash = "sha256:b1b9dc4f1ff6cafae0e6d91f42fb9046fdc32e6beb6d7e2fa2cd7191ad535240"}, + {file = "nbconvert-6.2.0.tar.gz", hash = "sha256:16ceecd0afaa8fd26c245fa32e2c52066c02f13aa73387fffafd84750baea863"}, +] +nbformat = [ + {file = "nbformat-5.1.3-py3-none-any.whl", hash = "sha256:eb8447edd7127d043361bc17f2f5a807626bc8e878c7709a1c647abda28a9171"}, + {file = "nbformat-5.1.3.tar.gz", hash = "sha256:b516788ad70771c6250977c1374fcca6edebe6126fd2adb5a69aa5c2356fd1c8"}, +] +nest-asyncio = [ + {file = "nest_asyncio-1.5.1-py3-none-any.whl", hash = "sha256:76d6e972265063fe92a90b9cc4fb82616e07d586b346ed9d2c89a4187acea39c"}, + {file = "nest_asyncio-1.5.1.tar.gz", hash = "sha256:afc5a1c515210a23c461932765691ad39e8eba6551c055ac8d5546e69250d0aa"}, +] +networkx = [ + {file = "networkx-2.6.3-py3-none-any.whl", hash = "sha256:80b6b89c77d1dfb64a4c7854981b60aeea6360ac02c6d4e4913319e0a313abef"}, + {file = "networkx-2.6.3.tar.gz", hash = "sha256:c0946ed31d71f1b732b5aaa6da5a0388a345019af232ce2f49c766e2d6795c51"}, +] +nltk = [ + {file = "nltk-3.6.5-py3-none-any.whl", hash = "sha256:95fb4f577efe93af21765e9b2852235c2c6a405885da2a70f397478d94e906e0"}, + {file = "nltk-3.6.5.zip", hash = "sha256:834d1a8e38496369390be699be9bca4f2a0f2175b50327272b2ec7a98ffda2a0"}, +] +notebook = [ + {file = "notebook-6.4.5-py3-none-any.whl", hash = "sha256:f7b4362698fed34f44038de0517b2e5136c1e7c379797198c1736121d3d597bd"}, + {file = "notebook-6.4.5.tar.gz", hash = "sha256:872e20da9ae518bbcac3e4e0092d5bd35454e847dedb8cb9739e9f3b68406be0"}, +] +numpy = [ + {file = "numpy-1.21.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:38e8648f9449a549a7dfe8d8755a5979b45b3538520d1e735637ef28e8c2dc50"}, + {file = "numpy-1.21.1-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:fd7d7409fa643a91d0a05c7554dd68aa9c9bb16e186f6ccfe40d6e003156e33a"}, + {file = "numpy-1.21.1-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:a75b4498b1e93d8b700282dc8e655b8bd559c0904b3910b144646dbbbc03e062"}, + {file = "numpy-1.21.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1412aa0aec3e00bc23fbb8664d76552b4efde98fb71f60737c83efbac24112f1"}, + {file = "numpy-1.21.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e46ceaff65609b5399163de5893d8f2a82d3c77d5e56d976c8b5fb01faa6b671"}, + {file = "numpy-1.21.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:c6a2324085dd52f96498419ba95b5777e40b6bcbc20088fddb9e8cbb58885e8e"}, + {file = "numpy-1.21.1-cp37-cp37m-win32.whl", hash = "sha256:73101b2a1fef16602696d133db402a7e7586654682244344b8329cdcbbb82172"}, + {file = "numpy-1.21.1-cp37-cp37m-win_amd64.whl", hash = "sha256:7a708a79c9a9d26904d1cca8d383bf869edf6f8e7650d85dbc77b041e8c5a0f8"}, + {file = "numpy-1.21.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:95b995d0c413f5d0428b3f880e8fe1660ff9396dcd1f9eedbc311f37b5652e16"}, + {file = "numpy-1.21.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:635e6bd31c9fb3d475c8f44a089569070d10a9ef18ed13738b03049280281267"}, + {file = "numpy-1.21.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:4a3d5fb89bfe21be2ef47c0614b9c9c707b7362386c9a3ff1feae63e0267ccb6"}, + {file = "numpy-1.21.1-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:8a326af80e86d0e9ce92bcc1e65c8ff88297de4fa14ee936cb2293d414c9ec63"}, + {file = "numpy-1.21.1-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:791492091744b0fe390a6ce85cc1bf5149968ac7d5f0477288f78c89b385d9af"}, + {file = "numpy-1.21.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0318c465786c1f63ac05d7c4dbcecd4d2d7e13f0959b01b534ea1e92202235c5"}, + {file = "numpy-1.21.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:9a513bd9c1551894ee3d31369f9b07460ef223694098cf27d399513415855b68"}, + {file = "numpy-1.21.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:91c6f5fc58df1e0a3cc0c3a717bb3308ff850abdaa6d2d802573ee2b11f674a8"}, + {file = "numpy-1.21.1-cp38-cp38-win32.whl", hash = "sha256:978010b68e17150db8765355d1ccdd450f9fc916824e8c4e35ee620590e234cd"}, + {file = "numpy-1.21.1-cp38-cp38-win_amd64.whl", hash = "sha256:9749a40a5b22333467f02fe11edc98f022133ee1bfa8ab99bda5e5437b831214"}, + {file = "numpy-1.21.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:d7a4aeac3b94af92a9373d6e77b37691b86411f9745190d2c351f410ab3a791f"}, + {file = "numpy-1.21.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d9e7912a56108aba9b31df688a4c4f5cb0d9d3787386b87d504762b6754fbb1b"}, + {file = "numpy-1.21.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:25b40b98ebdd272bc3020935427a4530b7d60dfbe1ab9381a39147834e985eac"}, + {file = "numpy-1.21.1-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:8a92c5aea763d14ba9d6475803fc7904bda7decc2a0a68153f587ad82941fec1"}, + {file = "numpy-1.21.1-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:05a0f648eb28bae4bcb204e6fd14603de2908de982e761a2fc78efe0f19e96e1"}, + {file = "numpy-1.21.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f01f28075a92eede918b965e86e8f0ba7b7797a95aa8d35e1cc8821f5fc3ad6a"}, + {file = "numpy-1.21.1-cp39-cp39-win32.whl", hash = "sha256:88c0b89ad1cc24a5efbb99ff9ab5db0f9a86e9cc50240177a571fbe9c2860ac2"}, + {file = "numpy-1.21.1-cp39-cp39-win_amd64.whl", hash = "sha256:01721eefe70544d548425a07c80be8377096a54118070b8a62476866d5208e33"}, + {file = "numpy-1.21.1-pp37-pypy37_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:2d4d1de6e6fb3d28781c73fbde702ac97f03d79e4ffd6598b880b2d95d62ead4"}, + {file = "numpy-1.21.1.zip", hash = "sha256:dff4af63638afcc57a3dfb9e4b26d434a7a602d225b42d746ea7fe2edf1342fd"}, +] +packaging = [ + {file = "packaging-21.2-py3-none-any.whl", hash = "sha256:14317396d1e8cdb122989b916fa2c7e9ca8e2be9e8060a6eff75b6b7b4d8a7e0"}, + {file = "packaging-21.2.tar.gz", hash = "sha256:096d689d78ca690e4cd8a89568ba06d07ca097e3306a4381635073ca91479966"}, +] +pandas = [ + {file = "pandas-1.3.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:9707bdc1ea9639c886b4d3be6e2a45812c1ac0c2080f94c31b71c9fa35556f9b"}, + {file = "pandas-1.3.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c2f44425594ae85e119459bb5abb0748d76ef01d9c08583a667e3339e134218e"}, + {file = "pandas-1.3.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:372d72a3d8a5f2dbaf566a5fa5fa7f230842ac80f29a931fb4b071502cf86b9a"}, + {file = "pandas-1.3.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d99d2350adb7b6c3f7f8f0e5dfb7d34ff8dd4bc0a53e62c445b7e43e163fce63"}, + {file = "pandas-1.3.4-cp310-cp310-win_amd64.whl", hash = "sha256:4acc28364863127bca1029fb72228e6f473bb50c32e77155e80b410e2068eeac"}, + {file = "pandas-1.3.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:c2646458e1dce44df9f71a01dc65f7e8fa4307f29e5c0f2f92c97f47a5bf22f5"}, + {file = "pandas-1.3.4-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5298a733e5bfbb761181fd4672c36d0c627320eb999c59c65156c6a90c7e1b4f"}, + {file = "pandas-1.3.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:22808afb8f96e2269dcc5b846decacb2f526dd0b47baebc63d913bf847317c8f"}, + {file = "pandas-1.3.4-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b528e126c13816a4374e56b7b18bfe91f7a7f6576d1aadba5dee6a87a7f479ae"}, + {file = "pandas-1.3.4-cp37-cp37m-win32.whl", hash = "sha256:fe48e4925455c964db914b958f6e7032d285848b7538a5e1b19aeb26ffaea3ec"}, + {file = "pandas-1.3.4-cp37-cp37m-win_amd64.whl", hash = "sha256:eaca36a80acaacb8183930e2e5ad7f71539a66805d6204ea88736570b2876a7b"}, + {file = "pandas-1.3.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:42493f8ae67918bf129869abea8204df899902287a7f5eaf596c8e54e0ac7ff4"}, + {file = "pandas-1.3.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a388960f979665b447f0847626e40f99af8cf191bce9dc571d716433130cb3a7"}, + {file = "pandas-1.3.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5ba0aac1397e1d7b654fccf263a4798a9e84ef749866060d19e577e927d66e1b"}, + {file = "pandas-1.3.4-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f567e972dce3bbc3a8076e0b675273b4a9e8576ac629149cf8286ee13c259ae5"}, + {file = "pandas-1.3.4-cp38-cp38-win32.whl", hash = "sha256:c1aa4de4919358c5ef119f6377bc5964b3a7023c23e845d9db7d9016fa0c5b1c"}, + {file = "pandas-1.3.4-cp38-cp38-win_amd64.whl", hash = "sha256:dd324f8ee05925ee85de0ea3f0d66e1362e8c80799eb4eb04927d32335a3e44a"}, + {file = "pandas-1.3.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d47750cf07dee6b55d8423471be70d627314277976ff2edd1381f02d52dbadf9"}, + {file = "pandas-1.3.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d1dc09c0013d8faa7474574d61b575f9af6257ab95c93dcf33a14fd8d2c1bab"}, + {file = "pandas-1.3.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10e10a2527db79af6e830c3d5842a4d60383b162885270f8cffc15abca4ba4a9"}, + {file = "pandas-1.3.4-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:35c77609acd2e4d517da41bae0c11c70d31c87aae8dd1aabd2670906c6d2c143"}, + {file = "pandas-1.3.4-cp39-cp39-win32.whl", hash = "sha256:003ba92db58b71a5f8add604a17a059f3068ef4e8c0c365b088468d0d64935fd"}, + {file = "pandas-1.3.4-cp39-cp39-win_amd64.whl", hash = "sha256:a51528192755f7429c5bcc9e80832c517340317c861318fea9cea081b57c9afd"}, + {file = "pandas-1.3.4.tar.gz", hash = "sha256:a2aa18d3f0b7d538e21932f637fbfe8518d085238b429e4790a35e1e44a96ffc"}, +] +pandocfilters = [ + {file = "pandocfilters-1.5.0-py2.py3-none-any.whl", hash = "sha256:33aae3f25fd1a026079f5d27bdd52496f0e0803b3469282162bafdcbdf6ef14f"}, + {file = "pandocfilters-1.5.0.tar.gz", hash = "sha256:0b679503337d233b4339a817bfc8c50064e2eff681314376a47cb582305a7a38"}, +] +parso = [ + {file = "parso-0.8.2-py2.py3-none-any.whl", hash = "sha256:a8c4922db71e4fdb90e0d0bc6e50f9b273d3397925e5e60a717e719201778d22"}, + {file = "parso-0.8.2.tar.gz", hash = "sha256:12b83492c6239ce32ff5eed6d3639d6a536170723c6f3f1506869f1ace413398"}, +] +pathspec = [ + {file = "pathspec-0.9.0-py2.py3-none-any.whl", hash = "sha256:7d15c4ddb0b5c802d161efc417ec1a2558ea2653c2e8ad9c19098201dc1c993a"}, + {file = "pathspec-0.9.0.tar.gz", hash = "sha256:e564499435a2673d586f6b2130bb5b95f04a3ba06f81b8f895b651a3c76aabb1"}, +] +pdbpp = [ + {file = "pdbpp-0.10.3-py2.py3-none-any.whl", hash = "sha256:79580568e33eb3d6f6b462b1187f53e10cd8e4538f7d31495c9181e2cf9665d1"}, + {file = "pdbpp-0.10.3.tar.gz", hash = "sha256:d9e43f4fda388eeb365f2887f4e7b66ac09dce9b6236b76f63616530e2f669f5"}, +] +pexpect = [ + {file = "pexpect-4.8.0-py2.py3-none-any.whl", hash = "sha256:0b48a55dcb3c05f3329815901ea4fc1537514d6ba867a152b581d69ae3710937"}, + {file = "pexpect-4.8.0.tar.gz", hash = "sha256:fc65a43959d153d0114afe13997d439c22823a27cefceb5ff35c2178c6784c0c"}, +] +pickleshare = [ + {file = "pickleshare-0.7.5-py2.py3-none-any.whl", hash = "sha256:9649af414d74d4df115d5d718f82acb59c9d418196b7b4290ed47a12ce62df56"}, + {file = "pickleshare-0.7.5.tar.gz", hash = "sha256:87683d47965c1da65cdacaf31c8441d12b8044cdec9aca500cd78fc2c683afca"}, +] +platformdirs = [ + {file = "platformdirs-2.4.0-py3-none-any.whl", hash = "sha256:8868bbe3c3c80d42f20156f22e7131d2fb321f5bc86a2a345375c6481a67021d"}, + {file = "platformdirs-2.4.0.tar.gz", hash = "sha256:367a5e80b3d04d2428ffa76d33f124cf11e8fff2acdaa9b43d545f5c7d661ef2"}, +] +pluggy = [ + {file = "pluggy-1.0.0-py2.py3-none-any.whl", hash = "sha256:74134bbf457f031a36d68416e1509f34bd5ccc019f0bcc952c7b909d06b37bd3"}, + {file = "pluggy-1.0.0.tar.gz", hash = "sha256:4224373bacce55f955a878bf9cfa763c1e360858e330072059e10bad68531159"}, +] +prometheus-client = [ + {file = "prometheus_client-0.12.0-py2.py3-none-any.whl", hash = "sha256:317453ebabff0a1b02df7f708efbab21e3489e7072b61cb6957230dd004a0af0"}, + {file = "prometheus_client-0.12.0.tar.gz", hash = "sha256:1b12ba48cee33b9b0b9de64a1047cbd3c5f2d0ab6ebcead7ddda613a750ec3c5"}, +] +prompt-toolkit = [ + {file = "prompt_toolkit-3.0.22-py3-none-any.whl", hash = "sha256:48d85cdca8b6c4f16480c7ce03fd193666b62b0a21667ca56b4bb5ad679d1170"}, + {file = "prompt_toolkit-3.0.22.tar.gz", hash = "sha256:449f333dd120bd01f5d296a8ce1452114ba3a71fae7288d2f0ae2c918764fa72"}, +] +ptyprocess = [ + {file = "ptyprocess-0.7.0-py2.py3-none-any.whl", hash = "sha256:4b41f3967fce3af57cc7e94b888626c18bf37a083e3651ca8feeb66d492fef35"}, + {file = "ptyprocess-0.7.0.tar.gz", hash = "sha256:5c5d0a3b48ceee0b48485e0c26037c0acd7d29765ca3fbb5cb3831d347423220"}, +] +py = [ + {file = "py-1.11.0-py2.py3-none-any.whl", hash = "sha256:607c53218732647dff4acdfcd50cb62615cedf612e72d1724fb1a0cc6405b378"}, + {file = "py-1.11.0.tar.gz", hash = "sha256:51c75c4126074b472f746a24399ad32f6053d1b34b68d2fa41e558e6f4a98719"}, +] +pyarrow = [ + {file = "pyarrow-6.0.0-cp310-cp310-macosx_10_13_universal2.whl", hash = "sha256:c7a6e7e0bf8779e9c3428ced85507541f3da9a0675e2f4781d4eb2c7042cbf81"}, + {file = "pyarrow-6.0.0-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:7a683f71b848eb6310b4ec48c0def55dac839e9994c1ac874c9b2d3d5625def1"}, + {file = "pyarrow-6.0.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:5144bd9db2920c7cb566c96462d62443cc239104f94771d110f74393f2fb42a2"}, + {file = "pyarrow-6.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ed0be080cf595ea15ff1c9ff4097bbf1fcc4b50847d98c0a3c0412fbc6ede7e9"}, + {file = "pyarrow-6.0.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:072c1a0fca4509eefd7d018b78542fb7e5c63aaf5698f1c0a6e45628ae17ba44"}, + {file = "pyarrow-6.0.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a5bed4f948c032c40597302e9bdfa65f62295240306976ecbe43a54924c6f94f"}, + {file = "pyarrow-6.0.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:465f87fa0be0b2928b2beeba22b5813a0203fb05d90fd8563eea48e08ecc030e"}, + {file = "pyarrow-6.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:ddf2e6e3b321adaaf716f2d5af8e92d205a9671e0cb7c0779710a567fd1dd580"}, + {file = "pyarrow-6.0.0-cp36-cp36m-macosx_10_13_x86_64.whl", hash = "sha256:0204e80777ab8f4e9abd3a765a8ec07ed1e3c4630bacda50d2ce212ef0f3826f"}, + {file = "pyarrow-6.0.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:82fe80309e01acf29e3943a1f6d3c98ec109fe1d356bc1ac37d639bcaadcf684"}, + {file = "pyarrow-6.0.0-cp36-cp36m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:281ce5fa03621d786a9beb514abb09846db7f0221b50eabf543caa24037eaacd"}, + {file = "pyarrow-6.0.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5408fa8d623e66a0445f3fb0e4027fd219bf99bfb57422d543d7b7876e2c5b55"}, + {file = "pyarrow-6.0.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a19e58dfb04e451cd8b7bdec3ac8848373b95dfc53492c9a69789aa9074a3c1b"}, + {file = "pyarrow-6.0.0-cp36-cp36m-win_amd64.whl", hash = "sha256:b86d175262db1eb46afdceb36d459409eb6f8e532d3dec162f8bf572c7f57623"}, + {file = "pyarrow-6.0.0-cp37-cp37m-macosx_10_13_x86_64.whl", hash = "sha256:2d2c681659396c745e4f1988d5dd41dcc3ad557bb8d4a8c2e44030edafc08a91"}, + {file = "pyarrow-6.0.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:5c666bc6a1cebf01206e2dc1ab05f25f39f35d3a499e0ef5cd635225e07306ca"}, + {file = "pyarrow-6.0.0-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8d41dfb09ba9236cca6245f33088eb42f3c54023da281139241e0f9f3b4b754e"}, + {file = "pyarrow-6.0.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:477c746ef42c039348a288584800e299456c80c5691401bb9b19aa9c02a427b7"}, + {file = "pyarrow-6.0.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1c38263ea438a1666b13372e7565450cfeec32dbcd1c2595749476a58465eaec"}, + {file = "pyarrow-6.0.0-cp37-cp37m-win_amd64.whl", hash = "sha256:e81508239a71943759cee272ce625ae208092dd36ef2c6713fccee30bbcf52bb"}, + {file = "pyarrow-6.0.0-cp38-cp38-macosx_10_13_x86_64.whl", hash = "sha256:a50d2f77b86af38ceabf45617208b9105d20e7a5eebc584e7c8c0acededd82ce"}, + {file = "pyarrow-6.0.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:fbda7595f24a639bcef3419ecfac17216efacb09f7b0f1b4c4c97f900d65ca0e"}, + {file = "pyarrow-6.0.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bf3400780c4d3c9cb43b1e8a1aaf2e1b7199a0572d0a645529d2784e4d0d8497"}, + {file = "pyarrow-6.0.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:15dc0d673d3f865ca63c877bd7a2eced70b0a08969fb733a28247134b8a1f18b"}, + {file = "pyarrow-6.0.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6a1d9a2f4ee812ed0bd4182cabef99ea914ac297274f0de086f2488093d284ef"}, + {file = "pyarrow-6.0.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d046dc78a9337baa6415be915c5a16222505233e238a1017f368243c89817eea"}, + {file = "pyarrow-6.0.0-cp38-cp38-win_amd64.whl", hash = "sha256:ea64a48a85c631eb2a0ea13ccdec5143c85b5897836b16331ee4289d27a57247"}, + {file = "pyarrow-6.0.0-cp39-cp39-macosx_10_13_universal2.whl", hash = "sha256:cc1d4a70efd583befe92d4ea6f74ed2e0aa31ccdde767cd5cae8e77c65a1c2d4"}, + {file = "pyarrow-6.0.0-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:004185e0babc6f3c3fba6ba4f106e406a0113d0f82bb9ad9a8571a1978c45d04"}, + {file = "pyarrow-6.0.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:8c23f8cdecd3d9e49f9b0f9a651ae5549d1d32fd4901fb1bdc2d327edfba844f"}, + {file = "pyarrow-6.0.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:fb701ec4a94b92102606d4e88f0b8eba34f09a5ad8e014eaa4af76f42b7f62ae"}, + {file = "pyarrow-6.0.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:da7860688c33ca88ac05f1a487d32d96d9caa091412496c35f3d1d832145675a"}, + {file = "pyarrow-6.0.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ac941a147d14993987cc8b605b721735a34b3e54d167302501fb4db1ad7382c7"}, + {file = "pyarrow-6.0.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6163d82cca7541774b00503c295fe86a1722820eddb958b57f091bb6f5b0a6db"}, + {file = "pyarrow-6.0.0-cp39-cp39-win_amd64.whl", hash = "sha256:376c4b5f248ae63df21fe15c194e9013753164be2d38f4b3fb8bde63ac5a1958"}, + {file = "pyarrow-6.0.0.tar.gz", hash = "sha256:5be62679201c441356d3f2a739895dcc8d4d299f2a6eabcd2163bfb6a898abba"}, +] +pycodestyle = [ + {file = "pycodestyle-2.7.0-py2.py3-none-any.whl", hash = "sha256:514f76d918fcc0b55c6680472f0a37970994e07bbb80725808c17089be302068"}, + {file = "pycodestyle-2.7.0.tar.gz", hash = "sha256:c389c1d06bf7904078ca03399a4816f974a1d590090fecea0c63ec26ebaf1cef"}, +] +pycparser = [ + {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, + {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, +] +pyflakes = [ + {file = "pyflakes-2.3.1-py2.py3-none-any.whl", hash = "sha256:7893783d01b8a89811dd72d7dfd4d84ff098e5eed95cfa8905b22bbffe52efc3"}, + {file = "pyflakes-2.3.1.tar.gz", hash = "sha256:f5bc8ecabc05bb9d291eb5203d6810b49040f6ff446a756326104746cc00c1db"}, +] +pygments = [ + {file = "Pygments-2.10.0-py3-none-any.whl", hash = "sha256:b8e67fe6af78f492b3c4b3e2970c0624cbf08beb1e493b2c99b9fa1b67a20380"}, + {file = "Pygments-2.10.0.tar.gz", hash = "sha256:f398865f7eb6874156579fdf36bc840a03cab64d1cde9e93d68f46a425ec52c6"}, +] +pyparsing = [ + {file = "pyparsing-2.4.7-py2.py3-none-any.whl", hash = "sha256:ef9d7589ef3c200abe66653d3f1ab1033c3c419ae9b9bdb1240a85b024efc88b"}, + {file = "pyparsing-2.4.7.tar.gz", hash = "sha256:c203ec8783bf771a155b207279b9bccb8dea02d8f0c9e5f8ead507bc3246ecc1"}, +] +pyreadline = [ + {file = "pyreadline-2.1.win-amd64.exe", hash = "sha256:9ce5fa65b8992dfa373bddc5b6e0864ead8f291c94fbfec05fbd5c836162e67b"}, + {file = "pyreadline-2.1.win32.exe", hash = "sha256:65540c21bfe14405a3a77e4c085ecfce88724743a4ead47c66b84defcf82c32e"}, + {file = "pyreadline-2.1.zip", hash = "sha256:4530592fc2e85b25b1a9f79664433da09237c1a270e4d78ea5aa3a2c7229e2d1"}, +] +pyrepl = [ + {file = "pyrepl-0.9.0.tar.gz", hash = "sha256:292570f34b5502e871bbb966d639474f2b57fbfcd3373c2d6a2f3d56e681a775"}, +] +pyrsistent = [ + {file = "pyrsistent-0.18.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:f4c8cabb46ff8e5d61f56a037974228e978f26bfefce4f61a4b1ac0ba7a2ab72"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:da6e5e818d18459fa46fac0a4a4e543507fe1110e808101277c5a2b5bab0cd2d"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:5e4395bbf841693eaebaa5bb5c8f5cdbb1d139e07c975c682ec4e4f8126e03d2"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-win32.whl", hash = "sha256:527be2bfa8dc80f6f8ddd65242ba476a6c4fb4e3aedbf281dfbac1b1ed4165b1"}, + {file = "pyrsistent-0.18.0-cp36-cp36m-win_amd64.whl", hash = "sha256:2aaf19dc8ce517a8653746d98e962ef480ff34b6bc563fc067be6401ffb457c7"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:58a70d93fb79dc585b21f9d72487b929a6fe58da0754fa4cb9f279bb92369396"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:4916c10896721e472ee12c95cdc2891ce5890898d2f9907b1b4ae0f53588b710"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:73ff61b1411e3fb0ba144b8f08d6749749775fe89688093e1efef9839d2dcc35"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-win32.whl", hash = "sha256:b29b869cf58412ca5738d23691e96d8aff535e17390128a1a52717c9a109da4f"}, + {file = "pyrsistent-0.18.0-cp37-cp37m-win_amd64.whl", hash = "sha256:097b96f129dd36a8c9e33594e7ebb151b1515eb52cceb08474c10a5479e799f2"}, + {file = "pyrsistent-0.18.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:772e94c2c6864f2cd2ffbe58bb3bdefbe2a32afa0acb1a77e472aac831f83427"}, + {file = "pyrsistent-0.18.0-cp38-cp38-manylinux1_i686.whl", hash = "sha256:c1a9ff320fa699337e05edcaae79ef8c2880b52720bc031b219e5b5008ebbdef"}, + {file = "pyrsistent-0.18.0-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:cd3caef37a415fd0dae6148a1b6957a8c5f275a62cca02e18474608cb263640c"}, + {file = "pyrsistent-0.18.0-cp38-cp38-win32.whl", hash = "sha256:e79d94ca58fcafef6395f6352383fa1a76922268fa02caa2272fff501c2fdc78"}, + {file = "pyrsistent-0.18.0-cp38-cp38-win_amd64.whl", hash = "sha256:a0c772d791c38bbc77be659af29bb14c38ced151433592e326361610250c605b"}, + {file = "pyrsistent-0.18.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d5ec194c9c573aafaceebf05fc400656722793dac57f254cd4741f3c27ae57b4"}, + {file = "pyrsistent-0.18.0-cp39-cp39-manylinux1_i686.whl", hash = "sha256:6b5eed00e597b5b5773b4ca30bd48a5774ef1e96f2a45d105db5b4ebb4bca680"}, + {file = "pyrsistent-0.18.0-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:48578680353f41dca1ca3dc48629fb77dfc745128b56fc01096b2530c13fd426"}, + {file = "pyrsistent-0.18.0-cp39-cp39-win32.whl", hash = "sha256:f3ef98d7b76da5eb19c37fda834d50262ff9167c65658d1d8f974d2e4d90676b"}, + {file = "pyrsistent-0.18.0-cp39-cp39-win_amd64.whl", hash = "sha256:404e1f1d254d314d55adb8d87f4f465c8693d6f902f67eb6ef5b4526dc58e6ea"}, + {file = "pyrsistent-0.18.0.tar.gz", hash = "sha256:773c781216f8c2900b42a7b638d5b517bb134ae1acbebe4d1e8f1f41ea60eb4b"}, +] +pytest = [ + {file = "pytest-6.2.5-py3-none-any.whl", hash = "sha256:7310f8d27bc79ced999e760ca304d69f6ba6c6649c0b60fb0e04a4a77cacc134"}, + {file = "pytest-6.2.5.tar.gz", hash = "sha256:131b36680866a76e6781d13f101efb86cf674ebb9762eb70d3082b6f29889e89"}, +] +python-dateutil = [ + {file = "python-dateutil-2.8.2.tar.gz", hash = "sha256:0123cacc1627ae19ddf3c27a5de5bd67ee4586fbdd6440d9748f8abb483d3e86"}, + {file = "python_dateutil-2.8.2-py2.py3-none-any.whl", hash = "sha256:961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9"}, +] +pytz = [ + {file = "pytz-2021.3-py2.py3-none-any.whl", hash = "sha256:3672058bc3453457b622aab7a1c3bfd5ab0bdae451512f6cf25f64ed37f5b87c"}, + {file = "pytz-2021.3.tar.gz", hash = "sha256:acad2d8b20a1af07d4e4c9d2e9285c5ed9104354062f275f3fcd88dcef4f1326"}, +] +pywin32 = [ + {file = "pywin32-302-cp310-cp310-win32.whl", hash = "sha256:251b7a9367355ccd1a4cd69cd8dd24bd57b29ad83edb2957cfa30f7ed9941efa"}, + {file = "pywin32-302-cp310-cp310-win_amd64.whl", hash = "sha256:79cf7e6ddaaf1cd47a9e50cc74b5d770801a9db6594464137b1b86aa91edafcc"}, + {file = "pywin32-302-cp36-cp36m-win32.whl", hash = "sha256:fe21c2fb332d03dac29de070f191bdbf14095167f8f2165fdc57db59b1ecc006"}, + {file = "pywin32-302-cp36-cp36m-win_amd64.whl", hash = "sha256:d3761ab4e8c5c2dbc156e2c9ccf38dd51f936dc77e58deb940ffbc4b82a30528"}, + {file = "pywin32-302-cp37-cp37m-win32.whl", hash = "sha256:48dd4e348f1ee9538dd4440bf201ea8c110ea6d9f3a5010d79452e9fa80480d9"}, + {file = "pywin32-302-cp37-cp37m-win_amd64.whl", hash = "sha256:496df89f10c054c9285cc99f9d509e243f4e14ec8dfc6d78c9f0bf147a893ab1"}, + {file = "pywin32-302-cp38-cp38-win32.whl", hash = "sha256:e372e477d938a49266136bff78279ed14445e00718b6c75543334351bf535259"}, + {file = "pywin32-302-cp38-cp38-win_amd64.whl", hash = "sha256:543552e66936378bd2d673c5a0a3d9903dba0b0a87235ef0c584f058ceef5872"}, + {file = "pywin32-302-cp39-cp39-win32.whl", hash = "sha256:2393c1a40dc4497fd6161b76801b8acd727c5610167762b7c3e9fd058ef4a6ab"}, + {file = "pywin32-302-cp39-cp39-win_amd64.whl", hash = "sha256:af5aea18167a31efcacc9f98a2ca932c6b6a6d91ebe31f007509e293dea12580"}, +] +pywinpty = [ + {file = "pywinpty-1.1.5-cp310-none-win_amd64.whl", hash = "sha256:59e38276f732121b7b708b488055132c695ab7f8790b6ebee9b5b277e30c40e1"}, + {file = "pywinpty-1.1.5-cp36-none-win_amd64.whl", hash = "sha256:0f73bea7f4ecc4711d3706bb0adea0b426c384ff38b619e169d58e20bc307eb0"}, + {file = "pywinpty-1.1.5-cp37-none-win_amd64.whl", hash = "sha256:4cefeef61ab82e9e2bfe228d83a49117e33899931766dd18d576ea5c9187c1e0"}, + {file = "pywinpty-1.1.5-cp38-none-win_amd64.whl", hash = "sha256:44c78a9a74f1b6bff957f8b0acad0525f48f716ac61fd9d39e1eb6f87f1a46a0"}, + {file = "pywinpty-1.1.5-cp39-none-win_amd64.whl", hash = "sha256:ad12ddf276446e0440a760b7c0ba128d39602bc8e6641e0ef8447f1a466a8346"}, + {file = "pywinpty-1.1.5.tar.gz", hash = "sha256:92125f0f8e4e64bb5f3bf270a182c9206dc1765542c59bc07441908a9db17504"}, +] +pyyaml = [ + {file = "PyYAML-6.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d4db7c7aef085872ef65a8fd7d6d09a14ae91f691dec3e87ee5ee0539d516f53"}, + {file = "PyYAML-6.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9df7ed3b3d2e0ecfe09e14741b857df43adb5a3ddadc919a2d94fbdf78fea53c"}, + {file = "PyYAML-6.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:77f396e6ef4c73fdc33a9157446466f1cff553d979bd00ecb64385760c6babdc"}, + {file = "PyYAML-6.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a80a78046a72361de73f8f395f1f1e49f956c6be882eed58505a15f3e430962b"}, + {file = "PyYAML-6.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f84fbc98b019fef2ee9a1cb3ce93e3187a6df0b2538a651bfb890254ba9f90b5"}, + {file = "PyYAML-6.0-cp310-cp310-win32.whl", hash = "sha256:2cd5df3de48857ed0544b34e2d40e9fac445930039f3cfe4bcc592a1f836d513"}, + {file = "PyYAML-6.0-cp310-cp310-win_amd64.whl", hash = "sha256:daf496c58a8c52083df09b80c860005194014c3698698d1a57cbcfa182142a3a"}, + {file = "PyYAML-6.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:897b80890765f037df3403d22bab41627ca8811ae55e9a722fd0392850ec4d86"}, + {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50602afada6d6cbfad699b0c7bb50d5ccffa7e46a3d738092afddc1f9758427f"}, + {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:48c346915c114f5fdb3ead70312bd042a953a8ce5c7106d5bfb1a5254e47da92"}, + {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:98c4d36e99714e55cfbaaee6dd5badbc9a1ec339ebfc3b1f52e293aee6bb71a4"}, + {file = "PyYAML-6.0-cp36-cp36m-win32.whl", hash = "sha256:0283c35a6a9fbf047493e3a0ce8d79ef5030852c51e9d911a27badfde0605293"}, + {file = "PyYAML-6.0-cp36-cp36m-win_amd64.whl", hash = "sha256:07751360502caac1c067a8132d150cf3d61339af5691fe9e87803040dbc5db57"}, + {file = "PyYAML-6.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:819b3830a1543db06c4d4b865e70ded25be52a2e0631ccd2f6a47a2822f2fd7c"}, + {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:473f9edb243cb1935ab5a084eb238d842fb8f404ed2193a915d1784b5a6b5fc0"}, + {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0ce82d761c532fe4ec3f87fc45688bdd3a4c1dc5e0b4a19814b9009a29baefd4"}, + {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:231710d57adfd809ef5d34183b8ed1eeae3f76459c18fb4a0b373ad56bedcdd9"}, + {file = "PyYAML-6.0-cp37-cp37m-win32.whl", hash = "sha256:c5687b8d43cf58545ade1fe3e055f70eac7a5a1a0bf42824308d868289a95737"}, + {file = "PyYAML-6.0-cp37-cp37m-win_amd64.whl", hash = "sha256:d15a181d1ecd0d4270dc32edb46f7cb7733c7c508857278d3d378d14d606db2d"}, + {file = "PyYAML-6.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0b4624f379dab24d3725ffde76559cff63d9ec94e1736b556dacdfebe5ab6d4b"}, + {file = "PyYAML-6.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:213c60cd50106436cc818accf5baa1aba61c0189ff610f64f4a3e8c6726218ba"}, + {file = "PyYAML-6.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9fa600030013c4de8165339db93d182b9431076eb98eb40ee068700c9c813e34"}, + {file = "PyYAML-6.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:277a0ef2981ca40581a47093e9e2d13b3f1fbbeffae064c1d21bfceba2030287"}, + {file = "PyYAML-6.0-cp38-cp38-win32.whl", hash = "sha256:d4eccecf9adf6fbcc6861a38015c2a64f38b9d94838ac1810a9023a0609e1b78"}, + {file = "PyYAML-6.0-cp38-cp38-win_amd64.whl", hash = "sha256:1e4747bc279b4f613a09eb64bba2ba602d8a6664c6ce6396a4d0cd413a50ce07"}, + {file = "PyYAML-6.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:055d937d65826939cb044fc8c9b08889e8c743fdc6a32b33e2390f66013e449b"}, + {file = "PyYAML-6.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:e61ceaab6f49fb8bdfaa0f92c4b57bcfbea54c09277b1b4f7ac376bfb7a7c174"}, + {file = "PyYAML-6.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d67d839ede4ed1b28a4e8909735fc992a923cdb84e618544973d7dfc71540803"}, + {file = "PyYAML-6.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cba8c411ef271aa037d7357a2bc8f9ee8b58b9965831d9e51baf703280dc73d3"}, + {file = "PyYAML-6.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:40527857252b61eacd1d9af500c3337ba8deb8fc298940291486c465c8b46ec0"}, + {file = "PyYAML-6.0-cp39-cp39-win32.whl", hash = "sha256:b5b9eccad747aabaaffbc6064800670f0c297e52c12754eb1d976c57e4f74dcb"}, + {file = "PyYAML-6.0-cp39-cp39-win_amd64.whl", hash = "sha256:b3d267842bf12586ba6c734f89d1f5b871df0273157918b0ccefa29deb05c21c"}, + {file = "PyYAML-6.0.tar.gz", hash = "sha256:68fb519c14306fec9720a2a5b45bc9f0c8d1b9c72adf45c37baedfcd949c35a2"}, +] +pyzmq = [ + {file = "pyzmq-22.3.0-cp310-cp310-macosx_10_15_universal2.whl", hash = "sha256:6b217b8f9dfb6628f74b94bdaf9f7408708cb02167d644edca33f38746ca12dd"}, + {file = "pyzmq-22.3.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:2841997a0d85b998cbafecb4183caf51fd19c4357075dfd33eb7efea57e4c149"}, + {file = "pyzmq-22.3.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:f89468059ebc519a7acde1ee50b779019535db8dcf9b8c162ef669257fef7a93"}, + {file = "pyzmq-22.3.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ea12133df25e3a6918718fbb9a510c6ee5d3fdd5a346320421aac3882f4feeea"}, + {file = "pyzmq-22.3.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:76c532fd68b93998aab92356be280deec5de8f8fe59cd28763d2cc8a58747b7f"}, + {file = "pyzmq-22.3.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:f907c7359ce8bf7f7e63c82f75ad0223384105f5126f313400b7e8004d9b33c3"}, + {file = "pyzmq-22.3.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:902319cfe23366595d3fa769b5b751e6ee6750a0a64c5d9f757d624b2ac3519e"}, + {file = "pyzmq-22.3.0-cp310-cp310-win32.whl", hash = "sha256:67db33bea0a29d03e6eeec55a8190e033318cee3cbc732ba8fd939617cbf762d"}, + {file = "pyzmq-22.3.0-cp310-cp310-win_amd64.whl", hash = "sha256:7661fc1d5cb73481cf710a1418a4e1e301ed7d5d924f91c67ba84b2a1b89defd"}, + {file = "pyzmq-22.3.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:79244b9e97948eaf38695f4b8e6fc63b14b78cc37f403c6642ba555517ac1268"}, + {file = "pyzmq-22.3.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ab888624ed68930442a3f3b0b921ad7439c51ba122dbc8c386e6487a658e4a4e"}, + {file = "pyzmq-22.3.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:18cd854b423fce44951c3a4d3e686bac8f1243d954f579e120a1714096637cc0"}, + {file = "pyzmq-22.3.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:de8df0684398bd74ad160afdc2a118ca28384ac6f5e234eb0508858d8d2d9364"}, + {file = "pyzmq-22.3.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:62bcade20813796c426409a3e7423862d50ff0639f5a2a95be4b85b09a618666"}, + {file = "pyzmq-22.3.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:ea5a79e808baef98c48c884effce05c31a0698c1057de8fc1c688891043c1ce1"}, + {file = "pyzmq-22.3.0-cp36-cp36m-win32.whl", hash = "sha256:3c1895c95be92600233e476fe283f042e71cf8f0b938aabf21b7aafa62a8dac9"}, + {file = "pyzmq-22.3.0-cp36-cp36m-win_amd64.whl", hash = "sha256:851977788b9caa8ed011f5f643d3ee8653af02c5fc723fa350db5125abf2be7b"}, + {file = "pyzmq-22.3.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:b4ebed0977f92320f6686c96e9e8dd29eed199eb8d066936bac991afc37cbb70"}, + {file = "pyzmq-22.3.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42abddebe2c6a35180ca549fadc7228d23c1e1f76167c5ebc8a936b5804ea2df"}, + {file = "pyzmq-22.3.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:c1e41b32d6f7f9c26bc731a8b529ff592f31fc8b6ef2be9fa74abd05c8a342d7"}, + {file = "pyzmq-22.3.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:be4e0f229cf3a71f9ecd633566bd6f80d9fa6afaaff5489492be63fe459ef98c"}, + {file = "pyzmq-22.3.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:08c4e315a76ef26eb833511ebf3fa87d182152adf43dedee8d79f998a2162a0b"}, + {file = "pyzmq-22.3.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:badb868fff14cfd0e200eaa845887b1011146a7d26d579aaa7f966c203736b92"}, + {file = "pyzmq-22.3.0-cp37-cp37m-win32.whl", hash = "sha256:7c58f598d9fcc52772b89a92d72bf8829c12d09746a6d2c724c5b30076c1f11d"}, + {file = "pyzmq-22.3.0-cp37-cp37m-win_amd64.whl", hash = "sha256:2b97502c16a5ec611cd52410bdfaab264997c627a46b0f98d3f666227fd1ea2d"}, + {file = "pyzmq-22.3.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:d728b08448e5ac3e4d886b165385a262883c34b84a7fe1166277fe675e1c197a"}, + {file = "pyzmq-22.3.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:480b9931bfb08bf8b094edd4836271d4d6b44150da051547d8c7113bf947a8b0"}, + {file = "pyzmq-22.3.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:7dc09198e4073e6015d9a8ea093fc348d4e59de49382476940c3dd9ae156fba8"}, + {file = "pyzmq-22.3.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ca6cd58f62a2751728016d40082008d3b3412a7f28ddfb4a2f0d3c130f69e74"}, + {file = "pyzmq-22.3.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:468bd59a588e276961a918a3060948ae68f6ff5a7fa10bb2f9160c18fe341067"}, + {file = "pyzmq-22.3.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:c88fa7410e9fc471e0858638f403739ee869924dd8e4ae26748496466e27ac59"}, + {file = "pyzmq-22.3.0-cp38-cp38-win32.whl", hash = "sha256:c0f84360dcca3481e8674393bdf931f9f10470988f87311b19d23cda869bb6b7"}, + {file = "pyzmq-22.3.0-cp38-cp38-win_amd64.whl", hash = "sha256:f762442bab706fd874064ca218b33a1d8e40d4938e96c24dafd9b12e28017f45"}, + {file = "pyzmq-22.3.0-cp39-cp39-macosx_10_15_universal2.whl", hash = "sha256:954e73c9cd4d6ae319f1c936ad159072b6d356a92dcbbabfd6e6204b9a79d356"}, + {file = "pyzmq-22.3.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f43b4a2e6218371dd4f41e547bd919ceeb6ebf4abf31a7a0669cd11cd91ea973"}, + {file = "pyzmq-22.3.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:acebba1a23fb9d72b42471c3771b6f2f18dcd46df77482612054bd45c07dfa36"}, + {file = "pyzmq-22.3.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:cf98fd7a6c8aaa08dbc699ffae33fd71175696d78028281bc7b832b26f00ca57"}, + {file = "pyzmq-22.3.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d072f7dfbdb184f0786d63bda26e8a0882041b1e393fbe98940395f7fab4c5e2"}, + {file = "pyzmq-22.3.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:53f4fd13976789ffafedd4d46f954c7bb01146121812b72b4ddca286034df966"}, + {file = "pyzmq-22.3.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:d1b5d457acbadcf8b27561deeaa386b0217f47626b29672fa7bd31deb6e91e1b"}, + {file = "pyzmq-22.3.0-cp39-cp39-win32.whl", hash = "sha256:e6a02cf7271ee94674a44f4e62aa061d2d049001c844657740e156596298b70b"}, + {file = "pyzmq-22.3.0-cp39-cp39-win_amd64.whl", hash = "sha256:d3dcb5548ead4f1123851a5ced467791f6986d68c656bc63bfff1bf9e36671e2"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:3a4c9886d61d386b2b493377d980f502186cd71d501fffdba52bd2a0880cef4f"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:80e043a89c6cadefd3a0712f8a1322038e819ebe9dbac7eca3bce1721bcb63bf"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1621e7a2af72cced1f6ec8ca8ca91d0f76ac236ab2e8828ac8fe909512d566cb"}, + {file = "pyzmq-22.3.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:d6157793719de168b199194f6b6173f0ccd3bf3499e6870fac17086072e39115"}, + {file = "pyzmq-22.3.0.tar.gz", hash = "sha256:8eddc033e716f8c91c6a2112f0a8ebc5e00532b4a6ae1eb0ccc48e027f9c671c"}, +] +regex = [ + {file = "regex-2021.11.10-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:9345b6f7ee578bad8e475129ed40123d265464c4cfead6c261fd60fc9de00bcf"}, + {file = "regex-2021.11.10-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:416c5f1a188c91e3eb41e9c8787288e707f7d2ebe66e0a6563af280d9b68478f"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e0538c43565ee6e703d3a7c3bdfe4037a5209250e8502c98f20fea6f5fdf2965"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7ee1227cf08b6716c85504aebc49ac827eb88fcc6e51564f010f11a406c0a667"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6650f16365f1924d6014d2ea770bde8555b4a39dc9576abb95e3cd1ff0263b36"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:30ab804ea73972049b7a2a5c62d97687d69b5a60a67adca07eb73a0ddbc9e29f"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:68a067c11463de2a37157930d8b153005085e42bcb7ad9ca562d77ba7d1404e0"}, + {file = "regex-2021.11.10-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:162abfd74e88001d20cb73ceaffbfe601469923e875caf9118333b1a4aaafdc4"}, + {file = "regex-2021.11.10-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:b9ed0b1e5e0759d6b7f8e2f143894b2a7f3edd313f38cf44e1e15d360e11749b"}, + {file = "regex-2021.11.10-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:473e67837f786404570eae33c3b64a4b9635ae9f00145250851a1292f484c063"}, + {file = "regex-2021.11.10-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:2fee3ed82a011184807d2127f1733b4f6b2ff6ec7151d83ef3477f3b96a13d03"}, + {file = "regex-2021.11.10-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:d5fd67df77bab0d3f4ea1d7afca9ef15c2ee35dfb348c7b57ffb9782a6e4db6e"}, + {file = "regex-2021.11.10-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:5d408a642a5484b9b4d11dea15a489ea0928c7e410c7525cd892f4d04f2f617b"}, + {file = "regex-2021.11.10-cp310-cp310-win32.whl", hash = "sha256:98ba568e8ae26beb726aeea2273053c717641933836568c2a0278a84987b2a1a"}, + {file = "regex-2021.11.10-cp310-cp310-win_amd64.whl", hash = "sha256:780b48456a0f0ba4d390e8b5f7c661fdd218934388cde1a974010a965e200e12"}, + {file = "regex-2021.11.10-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:dba70f30fd81f8ce6d32ddeef37d91c8948e5d5a4c63242d16a2b2df8143aafc"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e1f54b9b4b6c53369f40028d2dd07a8c374583417ee6ec0ea304e710a20f80a0"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fbb9dc00e39f3e6c0ef48edee202f9520dafb233e8b51b06b8428cfcb92abd30"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:666abff54e474d28ff42756d94544cdfd42e2ee97065857413b72e8a2d6a6345"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5537f71b6d646f7f5f340562ec4c77b6e1c915f8baae822ea0b7e46c1f09b733"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ed2e07c6a26ed4bea91b897ee2b0835c21716d9a469a96c3e878dc5f8c55bb23"}, + {file = "regex-2021.11.10-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ca5f18a75e1256ce07494e245cdb146f5a9267d3c702ebf9b65c7f8bd843431e"}, + {file = "regex-2021.11.10-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:74cbeac0451f27d4f50e6e8a8f3a52ca074b5e2da9f7b505c4201a57a8ed6286"}, + {file = "regex-2021.11.10-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:3598893bde43091ee5ca0a6ad20f08a0435e93a69255eeb5f81b85e81e329264"}, + {file = "regex-2021.11.10-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:50a7ddf3d131dc5633dccdb51417e2d1910d25cbcf842115a3a5893509140a3a"}, + {file = "regex-2021.11.10-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:61600a7ca4bcf78a96a68a27c2ae9389763b5b94b63943d5158f2a377e09d29a"}, + {file = "regex-2021.11.10-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:563d5f9354e15e048465061509403f68424fef37d5add3064038c2511c8f5e00"}, + {file = "regex-2021.11.10-cp36-cp36m-win32.whl", hash = "sha256:93a5051fcf5fad72de73b96f07d30bc29665697fb8ecdfbc474f3452c78adcf4"}, + {file = "regex-2021.11.10-cp36-cp36m-win_amd64.whl", hash = "sha256:b483c9d00a565633c87abd0aaf27eb5016de23fed952e054ecc19ce32f6a9e7e"}, + {file = "regex-2021.11.10-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:fff55f3ce50a3ff63ec8e2a8d3dd924f1941b250b0aac3d3d42b687eeff07a8e"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e32d2a2b02ccbef10145df9135751abea1f9f076e67a4e261b05f24b94219e36"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:53db2c6be8a2710b359bfd3d3aa17ba38f8aa72a82309a12ae99d3c0c3dcd74d"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2207ae4f64ad3af399e2d30dde66f0b36ae5c3129b52885f1bffc2f05ec505c8"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d5ca078bb666c4a9d1287a379fe617a6dccd18c3e8a7e6c7e1eb8974330c626a"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dd33eb9bdcfbabab3459c9ee651d94c842bc8a05fabc95edf4ee0c15a072495e"}, + {file = "regex-2021.11.10-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:05b7d6d7e64efe309972adab77fc2af8907bb93217ec60aa9fe12a0dad35874f"}, + {file = "regex-2021.11.10-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:42b50fa6666b0d50c30a990527127334d6b96dd969011e843e726a64011485da"}, + {file = "regex-2021.11.10-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:6e1d2cc79e8dae442b3fa4a26c5794428b98f81389af90623ffcc650ce9f6732"}, + {file = "regex-2021.11.10-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:0416f7399e918c4b0e074a0f66e5191077ee2ca32a0f99d4c187a62beb47aa05"}, + {file = "regex-2021.11.10-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:ce298e3d0c65bd03fa65ffcc6db0e2b578e8f626d468db64fdf8457731052942"}, + {file = "regex-2021.11.10-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:dc07f021ee80510f3cd3af2cad5b6a3b3a10b057521d9e6aaeb621730d320c5a"}, + {file = "regex-2021.11.10-cp37-cp37m-win32.whl", hash = "sha256:e71255ba42567d34a13c03968736c5d39bb4a97ce98188fafb27ce981115beec"}, + {file = "regex-2021.11.10-cp37-cp37m-win_amd64.whl", hash = "sha256:07856afef5ffcc052e7eccf3213317fbb94e4a5cd8177a2caa69c980657b3cb4"}, + {file = "regex-2021.11.10-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:ba05430e819e58544e840a68b03b28b6d328aff2e41579037e8bab7653b37d83"}, + {file = "regex-2021.11.10-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:7f301b11b9d214f83ddaf689181051e7f48905568b0c7017c04c06dfd065e244"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4aaa4e0705ef2b73dd8e36eeb4c868f80f8393f5f4d855e94025ce7ad8525f50"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:788aef3549f1924d5c38263104dae7395bf020a42776d5ec5ea2b0d3d85d6646"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f8af619e3be812a2059b212064ea7a640aff0568d972cd1b9e920837469eb3cb"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85bfa6a5413be0ee6c5c4a663668a2cad2cbecdee367630d097d7823041bdeec"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f23222527b307970e383433daec128d769ff778d9b29343fb3496472dc20dabe"}, + {file = "regex-2021.11.10-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:da1a90c1ddb7531b1d5ff1e171b4ee61f6345119be7351104b67ff413843fe94"}, + {file = "regex-2021.11.10-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:f5be7805e53dafe94d295399cfbe5227f39995a997f4fd8539bf3cbdc8f47ca8"}, + {file = "regex-2021.11.10-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a955b747d620a50408b7fdf948e04359d6e762ff8a85f5775d907ceced715129"}, + {file = "regex-2021.11.10-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:139a23d1f5d30db2cc6c7fd9c6d6497872a672db22c4ae1910be22d4f4b2068a"}, + {file = "regex-2021.11.10-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:ca49e1ab99593438b204e00f3970e7a5f70d045267051dfa6b5f4304fcfa1dbf"}, + {file = "regex-2021.11.10-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:96fc32c16ea6d60d3ca7f63397bff5c75c5a562f7db6dec7d412f7c4d2e78ec0"}, + {file = "regex-2021.11.10-cp38-cp38-win32.whl", hash = "sha256:0617383e2fe465732af4509e61648b77cbe3aee68b6ac8c0b6fe934db90be5cc"}, + {file = "regex-2021.11.10-cp38-cp38-win_amd64.whl", hash = "sha256:a3feefd5e95871872673b08636f96b61ebef62971eab044f5124fb4dea39919d"}, + {file = "regex-2021.11.10-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f7f325be2804246a75a4f45c72d4ce80d2443ab815063cdf70ee8fb2ca59ee1b"}, + {file = "regex-2021.11.10-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:537ca6a3586931b16a85ac38c08cc48f10fc870a5b25e51794c74df843e9966d"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eef2afb0fd1747f33f1ee3e209bce1ed582d1896b240ccc5e2697e3275f037c7"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:432bd15d40ed835a51617521d60d0125867f7b88acf653e4ed994a1f8e4995dc"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b43c2b8a330a490daaef5a47ab114935002b13b3f9dc5da56d5322ff218eeadb"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:962b9a917dd7ceacbe5cd424556914cb0d636001e393b43dc886ba31d2a1e449"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fa8c626d6441e2d04b6ee703ef2d1e17608ad44c7cb75258c09dd42bacdfc64b"}, + {file = "regex-2021.11.10-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:3c5fb32cc6077abad3bbf0323067636d93307c9fa93e072771cf9a64d1c0f3ef"}, + {file = "regex-2021.11.10-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:cd410a1cbb2d297c67d8521759ab2ee3f1d66206d2e4328502a487589a2cb21b"}, + {file = "regex-2021.11.10-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:e6096b0688e6e14af6a1b10eaad86b4ff17935c49aa774eac7c95a57a4e8c296"}, + {file = "regex-2021.11.10-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:529801a0d58809b60b3531ee804d3e3be4b412c94b5d267daa3de7fadef00f49"}, + {file = "regex-2021.11.10-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:0f594b96fe2e0821d026365f72ac7b4f0b487487fb3d4aaf10dd9d97d88a9737"}, + {file = "regex-2021.11.10-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:2409b5c9cef7054dde93a9803156b411b677affc84fca69e908b1cb2c540025d"}, + {file = "regex-2021.11.10-cp39-cp39-win32.whl", hash = "sha256:3b5df18db1fccd66de15aa59c41e4f853b5df7550723d26aa6cb7f40e5d9da5a"}, + {file = "regex-2021.11.10-cp39-cp39-win_amd64.whl", hash = "sha256:83ee89483672b11f8952b158640d0c0ff02dc43d9cb1b70c1564b49abe92ce29"}, + {file = "regex-2021.11.10.tar.gz", hash = "sha256:f341ee2df0999bfdf7a95e448075effe0db212a59387de1a70690e4acb03d4c6"}, +] +requests = [ + {file = "requests-2.26.0-py2.py3-none-any.whl", hash = "sha256:6c1246513ecd5ecd4528a0906f910e8f0f9c6b8ec72030dc9fd154dc1a6efd24"}, + {file = "requests-2.26.0.tar.gz", hash = "sha256:b8aa58f8cf793ffd8782d3d8cb19e66ef36f7aba4353eec859e74678b01b07a7"}, +] +sacremoses = [ + {file = "sacremoses-0.0.46-py3-none-any.whl", hash = "sha256:f95f80d09d3501fed5c1d3056d9212b40599b08cb27f185d38ff0063be8ddd09"}, + {file = "sacremoses-0.0.46.tar.gz", hash = "sha256:4b1fe8813915c7a2647728a46ebbf0d1a65eabb7ca05ba10efeb0548547eea38"}, +] +scikit-learn = [ + {file = "scikit-learn-1.0.1.tar.gz", hash = "sha256:ac2ca9dbb754d61cfe1c83ba8483498ef951d29b93ec09d6f002847f210a99da"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-macosx_10_13_x86_64.whl", hash = "sha256:116e05fd990d9b363fc29bd3699ec2117d7da9088f6ca9a90173b240c5a063f1"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:bd78a2442c948536f677e2744917c37cff014559648102038822c23863741c27"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:32d941f12fd7e245f01da2b82943c5ce6f1133fa5375eb80caa51457532b3e7e"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fb7214103f6c36c1371dd8c166897e3528264a28f2e2e42573ba8c61ed4d7142"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:46248cc6a8b72490f723c73ff2e65e62633d14cafe9d2df3a7b3f87d332a6f7e"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:fecb5102f0a36c16c1361ec519a7bb0260776ef40e17393a81f530569c916a7b"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-win32.whl", hash = "sha256:02aee3b257617da0ec98dee9572b10523dc00c25b68c195ddf100c1a93b1854b"}, + {file = "scikit_learn-1.0.1-cp37-cp37m-win_amd64.whl", hash = "sha256:538f3a85c4980c7572f3e754f0ba8489363976ef3e7f6a94e8f1af5ae45f6f6a"}, + {file = "scikit_learn-1.0.1-cp38-cp38-macosx_10_13_x86_64.whl", hash = "sha256:59b1d6df8724003fa16b7365a3b43449ee152aa6e488dd7a19f933640bb2d7fb"}, + {file = "scikit_learn-1.0.1-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:515b227f01f569145dc9f86e56f4cea9f00a613fc4d074bbfc0a92ca00bff467"}, + {file = "scikit_learn-1.0.1-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:fc75f81571137b39f9b31766e15a0e525331637e7fe8f8000a3fbfba7da3add9"}, + {file = "scikit_learn-1.0.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:648f4dbfdd0a1b45bf6e2e4afe3f431774c55dee05e2d28f8394d6648296f373"}, + {file = "scikit_learn-1.0.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:53bb7c605427ab187869d7a05cd3f524a3015a90e351c1788fc3a662e7f92b69"}, + {file = "scikit_learn-1.0.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:a800665527c1a63f7395a0baae3c89b0d97b54d2c23769c1c9879061bb80bc19"}, + {file = "scikit_learn-1.0.1-cp38-cp38-win32.whl", hash = "sha256:ee59da47e18b703f6de17d5d51b16ce086c50969d5a83db5217f0ae9372de232"}, + {file = "scikit_learn-1.0.1-cp38-cp38-win_amd64.whl", hash = "sha256:ebbe4275556d3c02707bd93ae8b96d9651acd4165126e0ae64b336afa2a6dcb1"}, + {file = "scikit_learn-1.0.1-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:11a57405c1c3514227d0c6a0bee561c94cd1284b41e236f7a1d76b3975f77593"}, + {file = "scikit_learn-1.0.1-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a51fdbc116974d9715957366df73e5ec6f0a7a2afa017864c2e5f5834e6f494d"}, + {file = "scikit_learn-1.0.1-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:944f47b2d881b9d24aee40d643bfdc4bd2b6dc3d25b62964411c6d8882f940a1"}, + {file = "scikit_learn-1.0.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fc60e0371e521995a6af2ef3f5d911568506124c272889b318b8b6e497251231"}, + {file = "scikit_learn-1.0.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:62ce4e3ddb6e6e9dcdb3e5ac7f0575dbaf56f79ce2b2edee55192b12b52df5be"}, + {file = "scikit_learn-1.0.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:059c5be0c0365321ddbcac7abf0db806fad8ecb64ee6c7cbcd58313c7d61634d"}, + {file = "scikit_learn-1.0.1-cp39-cp39-win32.whl", hash = "sha256:c6b9510fd2e1642314efb7aa951a0d05d963f3523e01c30b2dadde2395ebe6b4"}, + {file = "scikit_learn-1.0.1-cp39-cp39-win_amd64.whl", hash = "sha256:c604a813df8e7d6dfca3ae0db0a8fd7e5dff4ea9d94081ab263c81bf0b61ab4b"}, +] +scipy = [ + {file = "scipy-1.6.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a15a1f3fc0abff33e792d6049161b7795909b40b97c6cc2934ed54384017ab76"}, + {file = "scipy-1.6.1-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:e79570979ccdc3d165456dd62041d9556fb9733b86b4b6d818af7a0afc15f092"}, + {file = "scipy-1.6.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:a423533c55fec61456dedee7b6ee7dce0bb6bfa395424ea374d25afa262be261"}, + {file = "scipy-1.6.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:33d6b7df40d197bdd3049d64e8e680227151673465e5d85723b3b8f6b15a6ced"}, + {file = "scipy-1.6.1-cp37-cp37m-win32.whl", hash = "sha256:6725e3fbb47da428794f243864f2297462e9ee448297c93ed1dcbc44335feb78"}, + {file = "scipy-1.6.1-cp37-cp37m-win_amd64.whl", hash = "sha256:5fa9c6530b1661f1370bcd332a1e62ca7881785cc0f80c0d559b636567fab63c"}, + {file = "scipy-1.6.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:bd50daf727f7c195e26f27467c85ce653d41df4358a25b32434a50d8870fc519"}, + {file = "scipy-1.6.1-cp38-cp38-manylinux1_i686.whl", hash = "sha256:f46dd15335e8a320b0fb4685f58b7471702234cba8bb3442b69a3e1dc329c345"}, + {file = "scipy-1.6.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:0e5b0ccf63155d90da576edd2768b66fb276446c371b73841e3503be1d63fb5d"}, + {file = "scipy-1.6.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:2481efbb3740977e3c831edfd0bd9867be26387cacf24eb5e366a6a374d3d00d"}, + {file = "scipy-1.6.1-cp38-cp38-win32.whl", hash = "sha256:68cb4c424112cd4be886b4d979c5497fba190714085f46b8ae67a5e4416c32b4"}, + {file = "scipy-1.6.1-cp38-cp38-win_amd64.whl", hash = "sha256:5f331eeed0297232d2e6eea51b54e8278ed8bb10b099f69c44e2558c090d06bf"}, + {file = "scipy-1.6.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:0c8a51d33556bf70367452d4d601d1742c0e806cd0194785914daf19775f0e67"}, + {file = "scipy-1.6.1-cp39-cp39-manylinux1_i686.whl", hash = "sha256:83bf7c16245c15bc58ee76c5418e46ea1811edcc2e2b03041b804e46084ab627"}, + {file = "scipy-1.6.1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:794e768cc5f779736593046c9714e0f3a5940bc6dcc1dba885ad64cbfb28e9f0"}, + {file = "scipy-1.6.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:5da5471aed911fe7e52b86bf9ea32fb55ae93e2f0fac66c32e58897cfb02fa07"}, + {file = "scipy-1.6.1-cp39-cp39-win32.whl", hash = "sha256:8e403a337749ed40af60e537cc4d4c03febddcc56cd26e774c9b1b600a70d3e4"}, + {file = "scipy-1.6.1-cp39-cp39-win_amd64.whl", hash = "sha256:a5193a098ae9f29af283dcf0041f762601faf2e595c0db1da929875b7570353f"}, + {file = "scipy-1.6.1.tar.gz", hash = "sha256:c4fceb864890b6168e79b0e714c585dbe2fd4222768ee90bc1aa0f8218691b11"}, +] +send2trash = [ + {file = "Send2Trash-1.8.0-py3-none-any.whl", hash = "sha256:f20eaadfdb517eaca5ce077640cb261c7d2698385a6a0f072a4a5447fd49fa08"}, + {file = "Send2Trash-1.8.0.tar.gz", hash = "sha256:d2c24762fd3759860a0aff155e45871447ea58d2be6bdd39b5c8f966a0c99c2d"}, +] +simhash = [ + {file = "simhash-2.0.0-py2-none-any.whl", hash = "sha256:0245b465fbe0bd17a74f5b89b9a70c3061984e37d7d94214eb5a8ef545384b6d"}, + {file = "simhash-2.0.0-py2.7.egg", hash = "sha256:a4f84ac68b9afff17c9f1e6046ba60ed5eff40578ddf8d6a3d54709c44fafea0"}, + {file = "simhash-2.0.0-py3-none-any.whl", hash = "sha256:18d9c476d1bec9fa039293e4659ef49976585f9e051cb78afec30c4ce8fa361a"}, + {file = "simhash-2.0.0-py3.7.egg", hash = "sha256:debaf4fff92f192dc0414f31fda1ef90069936b3d05ec520d2c790128c48ee9a"}, + {file = "simhash-2.0.0.tar.gz", hash = "sha256:d486d44a1dde0245d0733b91c86d892e87a062c932a372d184f4d9ce970e2708"}, +] +six = [ + {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"}, + {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"}, +] +sniffio = [ + {file = "sniffio-1.2.0-py3-none-any.whl", hash = "sha256:471b71698eac1c2112a40ce2752bb2f4a4814c22a54a3eed3676bc0f5ca9f663"}, + {file = "sniffio-1.2.0.tar.gz", hash = "sha256:c4666eecec1d3f50960c6bdf61ab7bc350648da6c126e3cf6898d8cd4ddcd3de"}, +] +terminado = [ + {file = "terminado-0.12.1-py3-none-any.whl", hash = "sha256:09fdde344324a1c9c6e610ee4ca165c4bb7f5bbf982fceeeb38998a988ef8452"}, + {file = "terminado-0.12.1.tar.gz", hash = "sha256:b20fd93cc57c1678c799799d117874367cc07a3d2d55be95205b1a88fa08393f"}, +] +testpath = [ + {file = "testpath-0.5.0-py3-none-any.whl", hash = "sha256:8044f9a0bab6567fc644a3593164e872543bb44225b0e24846e2c89237937589"}, + {file = "testpath-0.5.0.tar.gz", hash = "sha256:1acf7a0bcd3004ae8357409fc33751e16d37ccc650921da1094a86581ad1e417"}, +] +threadpoolctl = [ + {file = "threadpoolctl-3.0.0-py3-none-any.whl", hash = "sha256:4fade5b3b48ae4b1c30f200b28f39180371104fccc642e039e0f2435ec8cc211"}, + {file = "threadpoolctl-3.0.0.tar.gz", hash = "sha256:d03115321233d0be715f0d3a5ad1d6c065fe425ddc2d671ca8e45e9fd5d7a52a"}, +] +tokenizers = [ + {file = "tokenizers-0.10.3-cp36-cp36m-macosx_10_11_x86_64.whl", hash = "sha256:4ab688daf4692a6c31dfe42f1f3a4a8c22050705eb69d58d3efde9d55f434586"}, + {file = "tokenizers-0.10.3-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:c26dbc3b2a3d71d3d40c50975ec62145932f05aea73f03ea35c48ebd3a717611"}, + {file = "tokenizers-0.10.3-cp36-cp36m-win32.whl", hash = "sha256:6b84673997990b3c260ae2f7c57fdf1f835e316820eff14aca46dc68be3c0c74"}, + {file = "tokenizers-0.10.3-cp36-cp36m-win_amd64.whl", hash = "sha256:2a9ee3ee574d4aa740e099b0ad6ef8e63f52f48cde359bb31801146a5aa614dc"}, + {file = "tokenizers-0.10.3-cp37-cp37m-macosx_10_11_x86_64.whl", hash = "sha256:2f8c5fefef0d0a03be613547e613fbda06b9e6ee0891236649524964c3e54d80"}, + {file = "tokenizers-0.10.3-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4cc194104c8e427ffc4f54c7866488b42f2b1f6351a6cad0d045ca5ab8108e42"}, + {file = "tokenizers-0.10.3-cp37-cp37m-win32.whl", hash = "sha256:edd8cb85c16b4b65e87ea5ef9d400be9fdd53c4152adbaca8817e16dd3aa480b"}, + {file = "tokenizers-0.10.3-cp37-cp37m-win_amd64.whl", hash = "sha256:7b11b373705d082d43657c08883b79b5330f1952f0668d17488b6b889c4d7feb"}, + {file = "tokenizers-0.10.3-cp38-cp38-macosx_10_11_x86_64.whl", hash = "sha256:a7ce0c2f27f7c92aa3f895231de90319acdf960ce2e42ba591edc651fda7d3c9"}, + {file = "tokenizers-0.10.3-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ae7e40d9c8a77c5a4109731ac3e21633b0c609c56a8b58be6b863da61fa54636"}, + {file = "tokenizers-0.10.3-cp38-cp38-win32.whl", hash = "sha256:a7ce051aafc53c564c9edbc09df300c2bd4f6ce87460fc22a276fed405d1892a"}, + {file = "tokenizers-0.10.3-cp38-cp38-win_amd64.whl", hash = "sha256:91a8c045980594c7c437a52c3da5276eb3c530a662b4ef628ff32d81fb22b543"}, + {file = "tokenizers-0.10.3-cp39-cp39-macosx_10_11_x86_64.whl", hash = "sha256:1d8867db210d75d97312360ae23b92aeb6a6b5bc65e15c1cd9d204b3fa3fc262"}, + {file = "tokenizers-0.10.3-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:18c495e700f4588b9a00e58b4c41dc459c36daaa7c39a27faf880eb8f5533ce1"}, + {file = "tokenizers-0.10.3-cp39-cp39-win32.whl", hash = "sha256:ad700fd9da518884fd58bf89f0b6dfeecef9b4e2d2db8765ef259f66d6c14980"}, + {file = "tokenizers-0.10.3-cp39-cp39-win_amd64.whl", hash = "sha256:e9d147e545cdfeca560646c7a703bf287afe45645da426506ccd5eb78aab5ef5"}, + {file = "tokenizers-0.10.3.tar.gz", hash = "sha256:1a5d3b596c6d3a237e1ad7f46c472d467b0246be7fd1a364f12576eb8db8f7e6"}, +] +toml = [ + {file = "toml-0.10.2-py2.py3-none-any.whl", hash = "sha256:806143ae5bfb6a3c6e736a764057db0e6a0e05e338b5630894a5f779cabb4f9b"}, + {file = "toml-0.10.2.tar.gz", hash = "sha256:b3bda1d108d5dd99f4a20d24d9c348e91c4db7ab1b749200bded2f839ccbe68f"}, +] +tomli = [ + {file = "tomli-1.2.2-py3-none-any.whl", hash = "sha256:f04066f68f5554911363063a30b108d2b5a5b1a010aa8b6132af78489fe3aade"}, + {file = "tomli-1.2.2.tar.gz", hash = "sha256:c6ce0015eb38820eaf32b5db832dbc26deb3dd427bd5f6556cf0acac2c214fee"}, +] +tornado = [ + {file = "tornado-6.1-cp35-cp35m-macosx_10_9_x86_64.whl", hash = "sha256:d371e811d6b156d82aa5f9a4e08b58debf97c302a35714f6f45e35139c332e32"}, + {file = "tornado-6.1-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:0d321a39c36e5f2c4ff12b4ed58d41390460f798422c4504e09eb5678e09998c"}, + {file = "tornado-6.1-cp35-cp35m-manylinux1_x86_64.whl", hash = "sha256:9de9e5188a782be6b1ce866e8a51bc76a0fbaa0e16613823fc38e4fc2556ad05"}, + {file = "tornado-6.1-cp35-cp35m-manylinux2010_i686.whl", hash = "sha256:61b32d06ae8a036a6607805e6720ef00a3c98207038444ba7fd3d169cd998910"}, + {file = "tornado-6.1-cp35-cp35m-manylinux2010_x86_64.whl", hash = "sha256:3e63498f680547ed24d2c71e6497f24bca791aca2fe116dbc2bd0ac7f191691b"}, + {file = "tornado-6.1-cp35-cp35m-manylinux2014_aarch64.whl", hash = "sha256:6c77c9937962577a6a76917845d06af6ab9197702a42e1346d8ae2e76b5e3675"}, + {file = "tornado-6.1-cp35-cp35m-win32.whl", hash = "sha256:6286efab1ed6e74b7028327365cf7346b1d777d63ab30e21a0f4d5b275fc17d5"}, + {file = "tornado-6.1-cp35-cp35m-win_amd64.whl", hash = "sha256:fa2ba70284fa42c2a5ecb35e322e68823288a4251f9ba9cc77be04ae15eada68"}, + {file = "tornado-6.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:0a00ff4561e2929a2c37ce706cb8233b7907e0cdc22eab98888aca5dd3775feb"}, + {file = "tornado-6.1-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:748290bf9112b581c525e6e6d3820621ff020ed95af6f17fedef416b27ed564c"}, + {file = "tornado-6.1-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:e385b637ac3acaae8022e7e47dfa7b83d3620e432e3ecb9a3f7f58f150e50921"}, + {file = "tornado-6.1-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:25ad220258349a12ae87ede08a7b04aca51237721f63b1808d39bdb4b2164558"}, + {file = "tornado-6.1-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:65d98939f1a2e74b58839f8c4dab3b6b3c1ce84972ae712be02845e65391ac7c"}, + {file = "tornado-6.1-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:e519d64089b0876c7b467274468709dadf11e41d65f63bba207e04217f47c085"}, + {file = "tornado-6.1-cp36-cp36m-win32.whl", hash = "sha256:b87936fd2c317b6ee08a5741ea06b9d11a6074ef4cc42e031bc6403f82a32575"}, + {file = "tornado-6.1-cp36-cp36m-win_amd64.whl", hash = "sha256:cc0ee35043162abbf717b7df924597ade8e5395e7b66d18270116f8745ceb795"}, + {file = "tornado-6.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:7250a3fa399f08ec9cb3f7b1b987955d17e044f1ade821b32e5f435130250d7f"}, + {file = "tornado-6.1-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:ed3ad863b1b40cd1d4bd21e7498329ccaece75db5a5bf58cd3c9f130843e7102"}, + {file = "tornado-6.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:dcef026f608f678c118779cd6591c8af6e9b4155c44e0d1bc0c87c036fb8c8c4"}, + {file = "tornado-6.1-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:70dec29e8ac485dbf57481baee40781c63e381bebea080991893cd297742b8fd"}, + {file = "tornado-6.1-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:d3f7594930c423fd9f5d1a76bee85a2c36fd8b4b16921cae7e965f22575e9c01"}, + {file = "tornado-6.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:3447475585bae2e77ecb832fc0300c3695516a47d46cefa0528181a34c5b9d3d"}, + {file = "tornado-6.1-cp37-cp37m-win32.whl", hash = "sha256:e7229e60ac41a1202444497ddde70a48d33909e484f96eb0da9baf8dc68541df"}, + {file = "tornado-6.1-cp37-cp37m-win_amd64.whl", hash = "sha256:cb5ec8eead331e3bb4ce8066cf06d2dfef1bfb1b2a73082dfe8a161301b76e37"}, + {file = "tornado-6.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:20241b3cb4f425e971cb0a8e4ffc9b0a861530ae3c52f2b0434e6c1b57e9fd95"}, + {file = "tornado-6.1-cp38-cp38-manylinux1_i686.whl", hash = "sha256:c77da1263aa361938476f04c4b6c8916001b90b2c2fdd92d8d535e1af48fba5a"}, + {file = "tornado-6.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:fba85b6cd9c39be262fcd23865652920832b61583de2a2ca907dbd8e8a8c81e5"}, + {file = "tornado-6.1-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:1e8225a1070cd8eec59a996c43229fe8f95689cb16e552d130b9793cb570a288"}, + {file = "tornado-6.1-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:d14d30e7f46a0476efb0deb5b61343b1526f73ebb5ed84f23dc794bdb88f9d9f"}, + {file = "tornado-6.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:8f959b26f2634a091bb42241c3ed8d3cedb506e7c27b8dd5c7b9f745318ddbb6"}, + {file = "tornado-6.1-cp38-cp38-win32.whl", hash = "sha256:34ca2dac9e4d7afb0bed4677512e36a52f09caa6fded70b4e3e1c89dbd92c326"}, + {file = "tornado-6.1-cp38-cp38-win_amd64.whl", hash = "sha256:6196a5c39286cc37c024cd78834fb9345e464525d8991c21e908cc046d1cc02c"}, + {file = "tornado-6.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f0ba29bafd8e7e22920567ce0d232c26d4d47c8b5cf4ed7b562b5db39fa199c5"}, + {file = "tornado-6.1-cp39-cp39-manylinux1_i686.whl", hash = "sha256:33892118b165401f291070100d6d09359ca74addda679b60390b09f8ef325ffe"}, + {file = "tornado-6.1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:7da13da6f985aab7f6f28debab00c67ff9cbacd588e8477034c0652ac141feea"}, + {file = "tornado-6.1-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:e0791ac58d91ac58f694d8d2957884df8e4e2f6687cdf367ef7eb7497f79eaa2"}, + {file = "tornado-6.1-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:66324e4e1beede9ac79e60f88de548da58b1f8ab4b2f1354d8375774f997e6c0"}, + {file = "tornado-6.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:a48900ecea1cbb71b8c71c620dee15b62f85f7c14189bdeee54966fbd9a0c5bd"}, + {file = "tornado-6.1-cp39-cp39-win32.whl", hash = "sha256:d3d20ea5782ba63ed13bc2b8c291a053c8d807a8fa927d941bd718468f7b950c"}, + {file = "tornado-6.1-cp39-cp39-win_amd64.whl", hash = "sha256:548430be2740e327b3fe0201abe471f314741efcb0067ec4f2d7dcfb4825f3e4"}, + {file = "tornado-6.1.tar.gz", hash = "sha256:33c6e81d7bd55b468d2e793517c909b139960b6c790a60b7991b9b6b76fb9791"}, +] +tqdm = [ + {file = "tqdm-4.62.3-py2.py3-none-any.whl", hash = "sha256:8dd278a422499cd6b727e6ae4061c40b48fce8b76d1ccbf5d34fca9b7f925b0c"}, + {file = "tqdm-4.62.3.tar.gz", hash = "sha256:d359de7217506c9851b7869f3708d8ee53ed70a1b8edbba4dbcb47442592920d"}, +] +traitlets = [ + {file = "traitlets-5.1.1-py3-none-any.whl", hash = "sha256:2d313cc50a42cd6c277e7d7dc8d4d7fedd06a2c215f78766ae7b1a66277e0033"}, + {file = "traitlets-5.1.1.tar.gz", hash = "sha256:059f456c5a7c1c82b98c2e8c799f39c9b8128f6d0d46941ee118daace9eb70c7"}, +] +transformers = [ + {file = "transformers-4.12.3-py3-none-any.whl", hash = "sha256:72af438227281db327afdad1d2674b1997d0abba1cfdca9204dcff84681ff652"}, + {file = "transformers-4.12.3.tar.gz", hash = "sha256:6072b969299b5989f4b236787f47162b59da77d827bacf33086b06fe69e7de6e"}, +] +typed-ast = [ + {file = "typed_ast-1.4.3-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:2068531575a125b87a41802130fa7e29f26c09a2833fea68d9a40cf33902eba6"}, + {file = "typed_ast-1.4.3-cp35-cp35m-manylinux1_x86_64.whl", hash = "sha256:c907f561b1e83e93fad565bac5ba9c22d96a54e7ea0267c708bffe863cbe4075"}, + {file = "typed_ast-1.4.3-cp35-cp35m-manylinux2014_aarch64.whl", hash = "sha256:1b3ead4a96c9101bef08f9f7d1217c096f31667617b58de957f690c92378b528"}, + {file = "typed_ast-1.4.3-cp35-cp35m-win32.whl", hash = "sha256:dde816ca9dac1d9c01dd504ea5967821606f02e510438120091b84e852367428"}, + {file = "typed_ast-1.4.3-cp35-cp35m-win_amd64.whl", hash = "sha256:777a26c84bea6cd934422ac2e3b78863a37017618b6e5c08f92ef69853e765d3"}, + {file = "typed_ast-1.4.3-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:f8afcf15cc511ada719a88e013cec87c11aff7b91f019295eb4530f96fe5ef2f"}, + {file = "typed_ast-1.4.3-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:52b1eb8c83f178ab787f3a4283f68258525f8d70f778a2f6dd54d3b5e5fb4341"}, + {file = "typed_ast-1.4.3-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:01ae5f73431d21eead5015997ab41afa53aa1fbe252f9da060be5dad2c730ace"}, + {file = "typed_ast-1.4.3-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:c190f0899e9f9f8b6b7863debfb739abcb21a5c054f911ca3596d12b8a4c4c7f"}, + {file = "typed_ast-1.4.3-cp36-cp36m-win32.whl", hash = "sha256:398e44cd480f4d2b7ee8d98385ca104e35c81525dd98c519acff1b79bdaac363"}, + {file = "typed_ast-1.4.3-cp36-cp36m-win_amd64.whl", hash = "sha256:bff6ad71c81b3bba8fa35f0f1921fb24ff4476235a6e94a26ada2e54370e6da7"}, + {file = "typed_ast-1.4.3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:0fb71b8c643187d7492c1f8352f2c15b4c4af3f6338f21681d3681b3dc31a266"}, + {file = "typed_ast-1.4.3-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:760ad187b1041a154f0e4d0f6aae3e40fdb51d6de16e5c99aedadd9246450e9e"}, + {file = "typed_ast-1.4.3-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:5feca99c17af94057417d744607b82dd0a664fd5e4ca98061480fd8b14b18d04"}, + {file = "typed_ast-1.4.3-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:95431a26309a21874005845c21118c83991c63ea800dd44843e42a916aec5899"}, + {file = "typed_ast-1.4.3-cp37-cp37m-win32.whl", hash = "sha256:aee0c1256be6c07bd3e1263ff920c325b59849dc95392a05f258bb9b259cf39c"}, + {file = "typed_ast-1.4.3-cp37-cp37m-win_amd64.whl", hash = "sha256:9ad2c92ec681e02baf81fdfa056fe0d818645efa9af1f1cd5fd6f1bd2bdfd805"}, + {file = "typed_ast-1.4.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:b36b4f3920103a25e1d5d024d155c504080959582b928e91cb608a65c3a49e1a"}, + {file = "typed_ast-1.4.3-cp38-cp38-manylinux1_i686.whl", hash = "sha256:067a74454df670dcaa4e59349a2e5c81e567d8d65458d480a5b3dfecec08c5ff"}, + {file = "typed_ast-1.4.3-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:7538e495704e2ccda9b234b82423a4038f324f3a10c43bc088a1636180f11a41"}, + {file = "typed_ast-1.4.3-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:af3d4a73793725138d6b334d9d247ce7e5f084d96284ed23f22ee626a7b88e39"}, + {file = "typed_ast-1.4.3-cp38-cp38-win32.whl", hash = "sha256:f2362f3cb0f3172c42938946dbc5b7843c2a28aec307c49100c8b38764eb6927"}, + {file = "typed_ast-1.4.3-cp38-cp38-win_amd64.whl", hash = "sha256:dd4a21253f42b8d2b48410cb31fe501d32f8b9fbeb1f55063ad102fe9c425e40"}, + {file = "typed_ast-1.4.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f328adcfebed9f11301eaedfa48e15bdece9b519fb27e6a8c01aa52a17ec31b3"}, + {file = "typed_ast-1.4.3-cp39-cp39-manylinux1_i686.whl", hash = "sha256:2c726c276d09fc5c414693a2de063f521052d9ea7c240ce553316f70656c84d4"}, + {file = "typed_ast-1.4.3-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:cae53c389825d3b46fb37538441f75d6aecc4174f615d048321b716df2757fb0"}, + {file = "typed_ast-1.4.3-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:b9574c6f03f685070d859e75c7f9eeca02d6933273b5e69572e5ff9d5e3931c3"}, + {file = "typed_ast-1.4.3-cp39-cp39-win32.whl", hash = "sha256:209596a4ec71d990d71d5e0d312ac935d86930e6eecff6ccc7007fe54d703808"}, + {file = "typed_ast-1.4.3-cp39-cp39-win_amd64.whl", hash = "sha256:9c6d1a54552b5330bc657b7ef0eae25d00ba7ffe85d9ea8ae6540d2197a3788c"}, + {file = "typed_ast-1.4.3.tar.gz", hash = "sha256:fb1bbeac803adea29cedd70781399c99138358c26d05fcbd23c13016b7f5ec65"}, +] +typer = [ + {file = "typer-0.4.0-py3-none-any.whl", hash = "sha256:d81169725140423d072df464cad1ff25ee154ef381aaf5b8225352ea187ca338"}, + {file = "typer-0.4.0.tar.gz", hash = "sha256:63c3aeab0549750ffe40da79a1b524f60e08a2cbc3126c520ebf2eeaf507f5dd"}, +] +typing-extensions = [ + {file = "typing_extensions-3.10.0.2-py2-none-any.whl", hash = "sha256:d8226d10bc02a29bcc81df19a26e56a9647f8b0a6d4a83924139f4a8b01f17b7"}, + {file = "typing_extensions-3.10.0.2-py3-none-any.whl", hash = "sha256:f1d25edafde516b146ecd0613dabcc61409817af4766fbbcfb8d1ad4ec441a34"}, + {file = "typing_extensions-3.10.0.2.tar.gz", hash = "sha256:49f75d16ff11f1cd258e1b988ccff82a3ca5570217d7ad8c5f48205dd99a677e"}, +] +urllib3 = [ + {file = "urllib3-1.26.7-py2.py3-none-any.whl", hash = "sha256:c4fdf4019605b6e5423637e01bc9fe4daef873709a7973e195ceba0a62bbc844"}, + {file = "urllib3-1.26.7.tar.gz", hash = "sha256:4987c65554f7a2dbf30c18fd48778ef124af6fab771a377103da0585e2336ece"}, +] +wcwidth = [ + {file = "wcwidth-0.2.5-py2.py3-none-any.whl", hash = "sha256:beb4802a9cebb9144e99086eff703a642a13d6a0052920003a230f3294bbe784"}, + {file = "wcwidth-0.2.5.tar.gz", hash = "sha256:c4d647b99872929fdb7bdcaa4fbe7f01413ed3d98077df798530e5b04f116c83"}, +] +webencodings = [ + {file = "webencodings-0.5.1-py2.py3-none-any.whl", hash = "sha256:a0af1213f3c2226497a97e2b3aa01a7e4bee4f403f95be16fc9acd2947514a78"}, + {file = "webencodings-0.5.1.tar.gz", hash = "sha256:b36a1c245f2d304965eb4e0a82848379241dc04b865afcc4aab16748587e1923"}, +] +websocket-client = [ + {file = "websocket-client-1.2.1.tar.gz", hash = "sha256:8dfb715d8a992f5712fff8c843adae94e22b22a99b2c5e6b0ec4a1a981cc4e0d"}, + {file = "websocket_client-1.2.1-py2.py3-none-any.whl", hash = "sha256:0133d2f784858e59959ce82ddac316634229da55b498aac311f1620567a710ec"}, +] +wmctrl = [ + {file = "wmctrl-0.4.tar.gz", hash = "sha256:66cbff72b0ca06a22ec3883ac3a4d7c41078bdae4fb7310f52951769b10e14e0"}, +] +xxhash = [ + {file = "xxhash-2.0.2-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:dac3b94881b943bbe418f5829128b9c48f69a66f816ef8b72ee0129d676dbd7c"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:43fd97f332bd581639bb99fe8f09f7e9113d49cad4d21bef0620867f92c802c6"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:6e5058c3fa5b42ded9a303f1a5a42d3ff732cb54c108424c63e993fc3379513c"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux2010_i686.whl", hash = "sha256:dfacce97a3ccb46089e358ceaeca9300298511673bf87596da66882af386f6c7"}, + {file = "xxhash-2.0.2-cp27-cp27m-manylinux2010_x86_64.whl", hash = "sha256:1dfa115c8e07b3e1d94ebd60a6d6ee16ea692efb890e245addb0d33b47ee1dee"}, + {file = "xxhash-2.0.2-cp27-cp27m-win32.whl", hash = "sha256:fb28b0313c7582225373f343635674231518452331a9bdea8261d0e27b48594f"}, + {file = "xxhash-2.0.2-cp27-cp27m-win_amd64.whl", hash = "sha256:427851234a87bfe6636c90b89bd65b7ca913befff3c7bcd92a3568e635fccc92"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux1_i686.whl", hash = "sha256:0b92a01dc8dcada8827de140a5df83c9e8e5c190ef8bf972c98ebbe0924ee044"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux1_x86_64.whl", hash = "sha256:676d6964b8a9bdaf737ae6836b886ab53b2863c6aa00d43952b130a6130d1bdc"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux2010_i686.whl", hash = "sha256:8362693a1ce5c1373f48f047470e7797ed17dfe5babc37ba7bef50d6e6f83a72"}, + {file = "xxhash-2.0.2-cp27-cp27mu-manylinux2010_x86_64.whl", hash = "sha256:515747159fccd23fc9d1b7afeaa8bd7fc36884188b47491713d22032c5f9e502"}, + {file = "xxhash-2.0.2-cp35-cp35m-macosx_10_9_x86_64.whl", hash = "sha256:e1787b9cea43f256f8d06c8429999d386a9da9cb000c265a4dde48dd08242528"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:d47ab1245ee4c7e6fc424ad990e4d7cfe0f206d617efe990fea34000a9242102"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux1_x86_64.whl", hash = "sha256:81ec049f4936a49311e1fc58036d7d682b5c83d6d16ba1c852a981588c90e027"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux2010_i686.whl", hash = "sha256:df71aeedee74eaf670d1243b6722c8c77626f3b6e6cf2cd79f2e336b151749cd"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux2010_x86_64.whl", hash = "sha256:a922315c8e20dae0d35e54b49fd7ee348fe0a5e2fd8ec02f6a74140e063fcdb3"}, + {file = "xxhash-2.0.2-cp35-cp35m-manylinux2014_aarch64.whl", hash = "sha256:22ddd484cd92d138feeec556387894b8ec529bab7f2feb3a177eb84baadee8c1"}, + {file = "xxhash-2.0.2-cp35-cp35m-win32.whl", hash = "sha256:b4964e7ddca1ef9d7addef40a9f5eaa97aeda367c1d895e392533c0d2f9c3b8e"}, + {file = "xxhash-2.0.2-cp35-cp35m-win_amd64.whl", hash = "sha256:6077fdb44f68920c4ac8e2f34b2a107c9a218f00a698253c824a0c6c1b9622a3"}, + {file = "xxhash-2.0.2-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:04ae5706ddfe0fd2b46cd0b6487d3edae7e724e27d732b055ffd0f9539c4afc5"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:c4a892bc47b6ea92bbb82499a81882548ce990d62c1862b3834f1f70e8cf4423"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:57d43ce9594676b503c0a0a383481cb4e5cf736f88970bd41849fe15a68a5d48"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:c2e44d162c3361392dbde736ee8ba3d1a414f63e32be6c71186f2b0654559d26"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:0beb79835ca47af257f8126fccd9d5e0ba56ba7d39dab6f6b5a7acea4d8ac4b5"}, + {file = "xxhash-2.0.2-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:f2bef10c417c4667310cc240d49e521e6b5fc90c4ff77a1ec78649869685e8d3"}, + {file = "xxhash-2.0.2-cp36-cp36m-win32.whl", hash = "sha256:9b6bb1bd34a6365c790c328a604ec5a628059fef6e4486380caa89bc12787a6e"}, + {file = "xxhash-2.0.2-cp36-cp36m-win_amd64.whl", hash = "sha256:4243dbeb1ce09d359289844f0c54676343857fdc6a092184aea159fecdf6d9f3"}, + {file = "xxhash-2.0.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:71b38300e1803ab32ee787f89cdbc032b46ac5834eca9109d8fb576ae1a31741"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:a8a68d117178f15c96cb9ae2613f53db94e0fdb34ffc69c7ab600c899c7a966c"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:dd9c72520f790ce6eaa535cdad1a53ded22deab43766cfa7cef42834a9a65561"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:f95adf6091fa13ce19fab21fadb8d07210822320568d24a6405d6b557afc0411"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:00aaf882036d2a0fa7652cf9aeaaf2ad077b784c09ef8d60f5d97ebf0d47ffa1"}, + {file = "xxhash-2.0.2-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:bb8c0efad20da40da1aa56f36b929b965d1adede8a1d5b37b702d378a683e0dd"}, + {file = "xxhash-2.0.2-cp37-cp37m-win32.whl", hash = "sha256:6fc0b8c21a181b771e1f0c25eb8a0a241af0126f1fc19f4c3cde7233de91326f"}, + {file = "xxhash-2.0.2-cp37-cp37m-win_amd64.whl", hash = "sha256:b232b47a3aa825e0df14b1bd3e051dd327c8539e382728ddb81997d26de5256a"}, + {file = "xxhash-2.0.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:dc328d3d635ec851d6befdf6ced2134d587d3be973dbbbc489da24c0c88ecb01"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux1_i686.whl", hash = "sha256:9e6e5e095417060bed45119c510d5bc846b62e2a8218cb3e5a19b3ccf12e4c18"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:b4b7d4d19c125738c5fc48356505dfbd63b3cdf826dd868a1b80a73de48729b7"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:686fcf2aff041df65470eccc7dcea5e7e77cfad99efcaba0c6f58bbd81846e10"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:cb3a196fd1d55ce86b1123cbf3ef6603f80f4d0b46541412bb5056b0563ef384"}, + {file = "xxhash-2.0.2-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:68d067427f2c6f7b3014e28bf4794b0876ab5f6366b53e1d6f59d275b4f19a8d"}, + {file = "xxhash-2.0.2-cp38-cp38-win32.whl", hash = "sha256:73649555656dd17e809b9b3c54855f4f72144024b0e6395cd37b5395fa0f48c3"}, + {file = "xxhash-2.0.2-cp38-cp38-win_amd64.whl", hash = "sha256:dafd1066c99d448a7a1226f10766b61ff752aaad8a4392e4cae30aafefa6fff5"}, + {file = "xxhash-2.0.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:eb1e9e347c9810a272154814cf5ce33a6c3ac7d0d7cbcb066e92dd5f9fa4db8f"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux1_i686.whl", hash = "sha256:ebff22f1783f641c6c2b313bfc44d6cc620c17409ec512e67c7c6de809155880"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:b7640e043ac6e0f503eadb108e6971d69b0c95c23fbcac3e5632578f9f906050"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:db2352d375e6594620c462c029d3c1a1b18ff7168e470657e354f1b8b332d9dd"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:f49dbd3b8e4cc13f2df92fb3db39204e3258105a212e23784cbb340e415ae8ed"}, + {file = "xxhash-2.0.2-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:e70059c5cc8f0cecd16d8cb0263de8f317239cabee3fa4af35c0a1ddaed2110e"}, + {file = "xxhash-2.0.2-cp39-cp39-win32.whl", hash = "sha256:a0199a07a264be96ed658ba3b4e9ee58a3c678e51a18e134e2518cf1a8171e18"}, + {file = "xxhash-2.0.2-cp39-cp39-win_amd64.whl", hash = "sha256:173d3f662dc88de734bd622e46a3bbac6fd00e957b3e098fa8b75b141aa4354e"}, + {file = "xxhash-2.0.2-pp27-pypy_73-macosx_10_9_x86_64.whl", hash = "sha256:e94fdff9b102ca7c0969230d209f7ce17020db17a89d026ac45d8ffb9e4929ec"}, + {file = "xxhash-2.0.2-pp27-pypy_73-manylinux1_x86_64.whl", hash = "sha256:d7175cd7f490aae742d18eb9b519e74180958f88fa8ff47091727b3efb57bfbf"}, + {file = "xxhash-2.0.2-pp27-pypy_73-manylinux2010_x86_64.whl", hash = "sha256:d707d2a053a5d55ccd2e59d7a228636cafeebb44c9ac3ca1c088f4d384c8c3a9"}, + {file = "xxhash-2.0.2-pp27-pypy_73-win32.whl", hash = "sha256:dad190caa293abbb39d96b4a09f121fc971d81eb19c96e4e0db89a99a7d59b93"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-macosx_10_9_x86_64.whl", hash = "sha256:5dc3da5fa855dd8e35f24d20fabfcd29c0b3ac85a14dc2c329c029971ae4eeb7"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-manylinux1_x86_64.whl", hash = "sha256:17a3b0a2ff20879ed5c9d9c178349e9c6257db11b193e4103282d7a78ef9cb08"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-manylinux2010_x86_64.whl", hash = "sha256:c75f8375c80c3815f49a744ef1a8303577757eb9a2dc53bed33d9318b760fec6"}, + {file = "xxhash-2.0.2-pp36-pypy36_pp73-win32.whl", hash = "sha256:eb2670ed6c435189aeb479bfff990e00b849ae0ff49945632db74b2a2a08d192"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:ff518ec1bd7cc33218f8f3325848c56e9c73c5df30138a64a89dd65ab1e1ffb5"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-manylinux1_x86_64.whl", hash = "sha256:c4a0806ffb33c9d892b5565fa010c252c7e0f4d01ded901a637dfede624e4d0c"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-manylinux2010_x86_64.whl", hash = "sha256:fdfac2014301da79cebcd8f9535c875f63242fe404d741cec5f70f400cc6a561"}, + {file = "xxhash-2.0.2-pp37-pypy37_pp73-win32.whl", hash = "sha256:357f6a52bd18a80635cf4c83f648c42fa0609713b4183929ed019f7627af4b68"}, + {file = "xxhash-2.0.2.tar.gz", hash = "sha256:b7bead8cf6210eadf9cecf356e17af794f57c0939a3d420a00d87ea652f87b49"}, +] +yarl = [ + {file = "yarl-1.7.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f2a8508f7350512434e41065684076f640ecce176d262a7d54f0da41d99c5a95"}, + {file = "yarl-1.7.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:da6df107b9ccfe52d3a48165e48d72db0eca3e3029b5b8cb4fe6ee3cb870ba8b"}, + {file = "yarl-1.7.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a1d0894f238763717bdcfea74558c94e3bc34aeacd3351d769460c1a586a8b05"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dfe4b95b7e00c6635a72e2d00b478e8a28bfb122dc76349a06e20792eb53a523"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c145ab54702334c42237a6c6c4cc08703b6aa9b94e2f227ceb3d477d20c36c63"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1ca56f002eaf7998b5fcf73b2421790da9d2586331805f38acd9997743114e98"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:1d3d5ad8ea96bd6d643d80c7b8d5977b4e2fb1bab6c9da7322616fd26203d125"}, + {file = "yarl-1.7.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:167ab7f64e409e9bdd99333fe8c67b5574a1f0495dcfd905bc7454e766729b9e"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:95a1873b6c0dd1c437fb3bb4a4aaa699a48c218ac7ca1e74b0bee0ab16c7d60d"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:6152224d0a1eb254f97df3997d79dadd8bb2c1a02ef283dbb34b97d4f8492d23"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:5bb7d54b8f61ba6eee541fba4b83d22b8a046b4ef4d8eb7f15a7e35db2e1e245"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:9c1f083e7e71b2dd01f7cd7434a5f88c15213194df38bc29b388ccdf1492b739"}, + {file = "yarl-1.7.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f44477ae29025d8ea87ec308539f95963ffdc31a82f42ca9deecf2d505242e72"}, + {file = "yarl-1.7.2-cp310-cp310-win32.whl", hash = "sha256:cff3ba513db55cc6a35076f32c4cdc27032bd075c9faef31fec749e64b45d26c"}, + {file = "yarl-1.7.2-cp310-cp310-win_amd64.whl", hash = "sha256:c9c6d927e098c2d360695f2e9d38870b2e92e0919be07dbe339aefa32a090265"}, + {file = "yarl-1.7.2-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:9b4c77d92d56a4c5027572752aa35082e40c561eec776048330d2907aead891d"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c01a89a44bb672c38f42b49cdb0ad667b116d731b3f4c896f72302ff77d71656"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c19324a1c5399b602f3b6e7db9478e5b1adf5cf58901996fc973fe4fccd73eed"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3abddf0b8e41445426d29f955b24aeecc83fa1072be1be4e0d194134a7d9baee"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6a1a9fe17621af43e9b9fcea8bd088ba682c8192d744b386ee3c47b56eaabb2c"}, + {file = "yarl-1.7.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8b0915ee85150963a9504c10de4e4729ae700af11df0dc5550e6587ed7891e92"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:29e0656d5497733dcddc21797da5a2ab990c0cb9719f1f969e58a4abac66234d"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:bf19725fec28452474d9887a128e98dd67eee7b7d52e932e6949c532d820dc3b"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:d6f3d62e16c10e88d2168ba2d065aa374e3c538998ed04996cd373ff2036d64c"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:ac10bbac36cd89eac19f4e51c032ba6b412b3892b685076f4acd2de18ca990aa"}, + {file = "yarl-1.7.2-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:aa32aaa97d8b2ed4e54dc65d241a0da1c627454950f7d7b1f95b13985afd6c5d"}, + {file = "yarl-1.7.2-cp36-cp36m-win32.whl", hash = "sha256:87f6e082bce21464857ba58b569370e7b547d239ca22248be68ea5d6b51464a1"}, + {file = "yarl-1.7.2-cp36-cp36m-win_amd64.whl", hash = "sha256:ac35ccde589ab6a1870a484ed136d49a26bcd06b6a1c6397b1967ca13ceb3913"}, + {file = "yarl-1.7.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a467a431a0817a292121c13cbe637348b546e6ef47ca14a790aa2fa8cc93df63"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6ab0c3274d0a846840bf6c27d2c60ba771a12e4d7586bf550eefc2df0b56b3b4"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d260d4dc495c05d6600264a197d9d6f7fc9347f21d2594926202fd08cf89a8ba"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fc4dd8b01a8112809e6b636b00f487846956402834a7fd59d46d4f4267181c41"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c1164a2eac148d85bbdd23e07dfcc930f2e633220f3eb3c3e2a25f6148c2819e"}, + {file = "yarl-1.7.2-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:67e94028817defe5e705079b10a8438b8cb56e7115fa01640e9c0bb3edf67332"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:89ccbf58e6a0ab89d487c92a490cb5660d06c3a47ca08872859672f9c511fc52"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:8cce6f9fa3df25f55521fbb5c7e4a736683148bcc0c75b21863789e5185f9185"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:211fcd65c58bf250fb994b53bc45a442ddc9f441f6fec53e65de8cba48ded986"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:c10ea1e80a697cf7d80d1ed414b5cb8f1eec07d618f54637067ae3c0334133c4"}, + {file = "yarl-1.7.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:52690eb521d690ab041c3919666bea13ab9fbff80d615ec16fa81a297131276b"}, + {file = "yarl-1.7.2-cp37-cp37m-win32.whl", hash = "sha256:695ba021a9e04418507fa930d5f0704edbce47076bdcfeeaba1c83683e5649d1"}, + {file = "yarl-1.7.2-cp37-cp37m-win_amd64.whl", hash = "sha256:c17965ff3706beedafd458c452bf15bac693ecd146a60a06a214614dc097a271"}, + {file = "yarl-1.7.2-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:fce78593346c014d0d986b7ebc80d782b7f5e19843ca798ed62f8e3ba8728576"}, + {file = "yarl-1.7.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:c2a1ac41a6aa980db03d098a5531f13985edcb451bcd9d00670b03129922cd0d"}, + {file = "yarl-1.7.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:39d5493c5ecd75c8093fa7700a2fb5c94fe28c839c8e40144b7ab7ccba6938c8"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1eb6480ef366d75b54c68164094a6a560c247370a68c02dddb11f20c4c6d3c9d"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5ba63585a89c9885f18331a55d25fe81dc2d82b71311ff8bd378fc8004202ff6"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e39378894ee6ae9f555ae2de332d513a5763276a9265f8e7cbaeb1b1ee74623a"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c0910c6b6c31359d2f6184828888c983d54d09d581a4a23547a35f1d0b9484b1"}, + {file = "yarl-1.7.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:6feca8b6bfb9eef6ee057628e71e1734caf520a907b6ec0d62839e8293e945c0"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:8300401dc88cad23f5b4e4c1226f44a5aa696436a4026e456fe0e5d2f7f486e6"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:788713c2896f426a4e166b11f4ec538b5736294ebf7d5f654ae445fd44270832"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:fd547ec596d90c8676e369dd8a581a21227fe9b4ad37d0dc7feb4ccf544c2d59"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:737e401cd0c493f7e3dd4db72aca11cfe069531c9761b8ea474926936b3c57c8"}, + {file = "yarl-1.7.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:baf81561f2972fb895e7844882898bda1eef4b07b5b385bcd308d2098f1a767b"}, + {file = "yarl-1.7.2-cp38-cp38-win32.whl", hash = "sha256:ede3b46cdb719c794427dcce9d8beb4abe8b9aa1e97526cc20de9bd6583ad1ef"}, + {file = "yarl-1.7.2-cp38-cp38-win_amd64.whl", hash = "sha256:cc8b7a7254c0fc3187d43d6cb54b5032d2365efd1df0cd1749c0c4df5f0ad45f"}, + {file = "yarl-1.7.2-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:580c1f15500e137a8c37053e4cbf6058944d4c114701fa59944607505c2fe3a0"}, + {file = "yarl-1.7.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:3ec1d9a0d7780416e657f1e405ba35ec1ba453a4f1511eb8b9fbab81cb8b3ce1"}, + {file = "yarl-1.7.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:3bf8cfe8856708ede6a73907bf0501f2dc4e104085e070a41f5d88e7faf237f3"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1be4bbb3d27a4e9aa5f3df2ab61e3701ce8fcbd3e9846dbce7c033a7e8136746"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:534b047277a9a19d858cde163aba93f3e1677d5acd92f7d10ace419d478540de"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c6ddcd80d79c96eb19c354d9dca95291589c5954099836b7c8d29278a7ec0bda"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:9bfcd43c65fbb339dc7086b5315750efa42a34eefad0256ba114cd8ad3896f4b"}, + {file = "yarl-1.7.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f64394bd7ceef1237cc604b5a89bf748c95982a84bcd3c4bbeb40f685c810794"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:044daf3012e43d4b3538562da94a88fb12a6490652dbc29fb19adfa02cf72eac"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:368bcf400247318382cc150aaa632582d0780b28ee6053cd80268c7e72796dec"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:bab827163113177aee910adb1f48ff7af31ee0289f434f7e22d10baf624a6dfe"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:0cba38120db72123db7c58322fa69e3c0efa933040ffb586c3a87c063ec7cae8"}, + {file = "yarl-1.7.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:59218fef177296451b23214c91ea3aba7858b4ae3306dde120224cfe0f7a6ee8"}, + {file = "yarl-1.7.2-cp39-cp39-win32.whl", hash = "sha256:1edc172dcca3f11b38a9d5c7505c83c1913c0addc99cd28e993efeaafdfaa18d"}, + {file = "yarl-1.7.2-cp39-cp39-win_amd64.whl", hash = "sha256:797c2c412b04403d2da075fb93c123df35239cd7b4cc4e0cd9e5839b73f52c58"}, + {file = "yarl-1.7.2.tar.gz", hash = "sha256:45399b46d60c253327a460e99856752009fcee5f5d3c80b2f7c0cae1c38d56dd"}, +] +zipp = [ + {file = "zipp-3.6.0-py3-none-any.whl", hash = "sha256:9fe5ea21568a0a70e50f273397638d39b03353731e6cbbb3fd8502a33fec40bc"}, + {file = "zipp-3.6.0.tar.gz", hash = "sha256:71c644c5369f4a6e07636f0aa966270449561fcea2e3d6747b8d23efaa9d7832"}, +] diff --git a/data_tooling/pyproject.toml b/data_tooling/pyproject.toml new file mode 100644 index 0000000..15d78d1 --- /dev/null +++ b/data_tooling/pyproject.toml @@ -0,0 +1,36 @@ +[tool] +[tool.poetry] +name = "data-tooling" +version = "0.1.0" +description = "Tools for managing datasets for governance and training." +authors = ["BigScience "] + +[tool.poetry.dependencies] +python = "^3.7.10" + +datasets = "^1.12.1" +transformers = "^4.12.3" +nltk = "^3.6.5" +scikit-learn = "^1.0.1" +fsspec = "^2021.11.0" +kenlm = {url = "https://github.com/kpu/kenlm/archive/master.zip", optional = true} +networkx = "^2.6.3" +typer = "^0.4.0" +simhash = "^2.0.0" +mpire = "^2.3.2" +annoy = "^1.17.0" + +[tool.poetry.dev-dependencies] +pdbpp = "^0.10.2" +isort = "^5.6.4" +flake8 = "^3.8.4" +black = "^21.7b0" +pytest = "^6.2.4" +jupyterlab = "^3.0.16" + +[tool.poetry.extras] +kenlm = ["kenlm"] + +[tool.isort] +profile = 'black' +treat_comments_as_code = "# %%" diff --git a/data_tooling/requirements.txt b/data_tooling/requirements.txt new file mode 100644 index 0000000..24e425c --- /dev/null +++ b/data_tooling/requirements.txt @@ -0,0 +1,14 @@ +dataset>=1.5.0 +datasets>=1.8.0 +fasttext>=0.9.2 +fsspec +ftfy +indexed_gzip>=1.6.1 +indexed_gzip>=1.6.1 +langid>=1.1.6 +nltk +scikit-learn +sentencepiece +sqlalchemy>=1.4.20 +transformers +wordfreq diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..837876c --- /dev/null +++ b/requirements.txt @@ -0,0 +1,18 @@ +fsspec +langid +dataset>=1.5.0 +datasets>=1.8.0 +fasttext>=0.9.2 +ftfy +indexed_gzip>=1.6.1 +indexed_gzip>=1.6.1 +langid>=1.1.6 +nltk +scikit-learn +sentencepiece +sqlalchemy>=1.4.20 +transformers +wordfreq +sentence-transformers +faker + diff --git a/test.py b/test.py new file mode 100644 index 0000000..77a84de --- /dev/null +++ b/test.py @@ -0,0 +1,6 @@ +import nltk +from TextAugment import TextAugment + +processor = TextAugment() +docs, chunks = processor.process_ner(src_lang="vi", do_ontology=False, do_backtrans=False, cutoff=30) +print(docs) \ No newline at end of file diff --git a/utils/CharManager.py b/utils/CharManager.py new file mode 100644 index 0000000..10b9562 --- /dev/null +++ b/utils/CharManager.py @@ -0,0 +1,10 @@ +class CharManager: + strip_chars = " ,،、{}[]|()\"'“”《》«»" + punc_char = ".?!:;?。…" + special_char = ",{}[]()|\\\"'“”《》«»~!@#$%^&*{}[]()_+=-0987654321`<>," \ + "、،./?':;“”\"\t\n\\πه☆●¦″.۩۱(☛₨➩°・■↑☻、๑º‹€σ٪’Ø·−♥ıॽ،٥《‘©。¨﴿!★×✱´٬→±x" \ + ":¹?£―▷ф¡Г♫∟™ª₪®▬「—¯;¼❖․ø•�」٣,٢◦‑←§١ー٤)˚›٩▼٠«¢¸٨³½˜٭ˈ¿¬ι۞⌐¥►†ƒ∙²»¤…﴾⠀》′ا✓→¶' " + junk = set( + ",{}[]()|\\\"'“”《》«»~!@#$%^&*{}[]()_+=-0987654321`<>," + "、،./?':;“”\"\t\n\\πه☆●¦″.۩۱(☛₨➩°・■↑☻、๑º‹€σ٪’Ø·−♥ıॽ،٥《‘©。¨﴿!★×✱´٬→±x" + ":¹?£―▷ф¡Г♫∟™ª₪®▬「—¯;¼❖․ø•�」٣,٢◦‑←§١ー٤)˚›٩▼٠«¢¸٨³½˜٭ˈ¿¬ι۞⌐¥►†ƒ∙²»¤…﴾⠀》′ا✓→¶'") \ No newline at end of file diff --git a/utils/LogingHandler.py b/utils/LogingHandler.py new file mode 100644 index 0000000..8e6fa63 --- /dev/null +++ b/utils/LogingHandler.py @@ -0,0 +1,57 @@ +import logging +import tqdm + + +class LoggingHandler(logging.Handler): + def __init__(self, level=logging.NOTSET): + super().__init__(level) + + def emit(self, record): + try: + msg = self.format(record) + tqdm.tqdm.write(msg) + self.flush() + except (KeyboardInterrupt, SystemExit): + raise + except: + self.handleError(record) + + +def install_logger( + given_logger, level=logging.WARNING, fmt="%(levelname)s:%(name)s:%(message)s" +): + """ Configures the given logger; format, logging level, style, etc """ + import coloredlogs + + def add_notice_log_level(): + """ Creates a new 'notice' logging level """ + # inspired by: + # https://stackoverflow.com/questions/2183233/how-to-add-a-custom-loglevel-to-pythons-logging-facility + NOTICE_LEVEL_NUM = 25 + logging.addLevelName(NOTICE_LEVEL_NUM, "NOTICE") + + def notice(self, message, *args, **kws): + if self.isEnabledFor(NOTICE_LEVEL_NUM): + self._log(NOTICE_LEVEL_NUM, message, args, **kws) + + logging.Logger.notice = notice + + # Add an extra logging level above INFO and below WARNING + add_notice_log_level() + + # More style info at: + # https://coloredlogs.readthedocs.io/en/latest/api.html + field_styles = coloredlogs.DEFAULT_FIELD_STYLES.copy() + field_styles["asctime"] = {} + level_styles = coloredlogs.DEFAULT_LEVEL_STYLES.copy() + level_styles["debug"] = {"color": "white", "faint": True} + level_styles["notice"] = {"color": "cyan", "bold": True} + + coloredlogs.install( + logger=given_logger, + level=level, + use_chroot=False, + fmt=fmt, + level_styles=level_styles, + field_styles=field_styles, + ) diff --git a/utils/__init__.py b/utils/__init__.py new file mode 100644 index 0000000..11f2476 --- /dev/null +++ b/utils/__init__.py @@ -0,0 +1,7 @@ +from .banned_words import banned_words +from .datasets import download_urls, get_oscar_urls, get_docs +from .hf_ner_models import hf_ner_model_map +from .LogingHandler import LoggingHandler +from .mariam_mt import mariam_mt +from .regex_rules import rulebase +from .CharManager import CharManager diff --git a/utils/banned_words.py b/utils/banned_words.py new file mode 100644 index 0000000..ec6b08e --- /dev/null +++ b/utils/banned_words.py @@ -0,0 +1,35 @@ +# see https://www.researchgate.net/publication/259179064_Comparing_Methods_for_Detecting_Child_Exploitation_Content_Online for common CSAM words +# http://antipaedo.lip6.fr/T12/keywords_cnrs.pdf - for top 20 from table 7 and 8 of the paper, plus other , ignoring stopwords like "tuesday" +# WARNING: Translations are probably not accurate. TODO to fix. +# we are only doing our current covered langauges. TODO, do for all languages. +banned_words = { + 'ar': {"فتاة صغيرة", "فتاة صغيرة", "فتى صغير", "مراهق", "لولي", "لولا", "لوليتا", "لولي", "لولي", "لوليتاغوي", + "فتاة", "صبي", "طفل", "حمام"}, + 'bn': {'ছোট মেয়ে', 'ছোট মেয়ে', 'ছোট ছেলে', 'কিশোর', 'ললি', 'লোলা', 'ললিতা', 'ললি', 'লোলি', 'ললিটাগুই', 'মেয়ে', + 'ছেলে', 'শিশু', 'স্নান', }, + 'hi': {'युवा लड़की', 'छोटी लड़की', 'छोटा लड़का', 'किशोर', 'लॉली', 'लोला', 'लोलिता', 'लल्ली', 'लोली', 'लोलितागुय', + 'लड़की', 'लड़का', 'बच्चा', 'स्नान', }, + 'eu': {'neska gaztea', 'neska txikia', 'mutil txikia', 'nerabea', 'neska', 'mutil', 'haurra', 'bainua', }, + 'ca': {'noia', 'nena', 'nen petit', 'nen', 'nen', 'banyer', }, + 'vi': {'thiếu niên', 'cậu nhỏ', 'cậu bé', 'cô gái trẻ', 'cô bé', 'cậu bé', 'trẻ em', 'tắm', }, + 'zh': {'儿童', '女孩', '孩子', '小女孩', '小姑娘', '小男孩', '年輕女孩', '年轻女孩', '年轻的女孩', '洗澡', '洛丽塔', '洛麗塔', '浴', '男孩', '萝拉', '萝莉', + '萝莉塔吉', '蘿拉', '蘿莉', '蘿莉塔', '青少年'}, + 'fr': {'jeune fille', 'petite fille', 'petit garçon', 'ado', 'fille', 'garçon', 'enfant', 'bain', }, + 'id': {'gadis muda', 'gadis kecil', 'anak laki-laki kecil', 'remaja', 'perempuan', 'laki-laki', 'anak', 'mandi', }, + 'fa': {'دختر جوان', 'دختر کوچولو', 'پسر کوچولو', 'نوجوان', 'لولی', 'لولا', 'لولیتا', 'لولی', 'لولی', 'لولیتاگو', + 'دختر', 'پسر', 'کودک', 'حمام', }, + 'ur': {'نوجوان لڑکی', 'چھوٹی لڑکی', 'چھوٹا لڑکا', 'نوعمر', 'لولی', 'لولا', 'لولیتا', 'لولی', 'لولی', 'لولیتاگوئے', + 'لڑکی', 'لڑکا', 'بچہ', 'غسل', }, + 'es': {'niña', 'niño', 'adolescente', 'baño', }, + 'pt': {'menina', 'menino', 'adolescente', 'pirulito', 'criança', 'banho', }, + 'ig': {'nwa agbọghọ', 'nwa agbọghọ', 'nwa agbọghọ', ' iri na ụma', 'nwa agbọghọ', 'nwoke', 'nwa', }, + 'sw': {'msichana mdogo', 'msichana mdogo', 'kijana mdogo', 'mtoto', 'kuoga', }, + 'yo': {'kekere', 'omobinrin', 'omokunrin', 'ọmọ', 'wẹwẹ', }, + 'xh': {'intombazana encinci', 'intsha', 'umntwana', 'hlamba', 'inkwenkwe', }, + 'zu': {'intombazane', 'intsha', 'intombazane encane', 'umfana omncane', 'geza', 'ingane', 'yomfana'}, + 'default': {'young girl', 'little girl', 'little boy', 'young boy', 'teen', 'lolli', 'lola', 'lolita', 'lolly', + 'loli', 'lolitaguy', 'girl', 'boy', 'child', 'kid', 'bath', 'baths', 'bathing', "pedo", 'nymphet', 'nimphet', 'babyj', 'voglia', 'eurololita', '349', + 'hussyfan', 'kidzilla', 'raygold', 'ygold', 'qwerty', 'qqaazz', 'ptsc', 'pthc', 'nn', 'tanta', 'mylola', 'arina', 'newstar', 'playtoy', 'imouto', 'lourinha', 'amateurz', + 'kacy', 'vicky', 'lsm', 'sandra', 'babyshivid', 'shiori', 'tvg', 'chiharu', 'kidzilla', 'izzy', 'rika', 'kdquality', 'cbaby', 'nablot', + 'lso', 'kinderficker', 'yo', 'yr', } +} \ No newline at end of file diff --git a/utils/datasets.py b/utils/datasets.py new file mode 100644 index 0000000..6aa02c6 --- /dev/null +++ b/utils/datasets.py @@ -0,0 +1,58 @@ +import os +from typing import List + +import fsspec +from datasets import load_dataset +import logging + +from .LogingHandler import LoggingHandler + +logging.basicConfig(format='%(asctime)s - %(message)s', + datefmt='%Y-%m-%d %H:%M:%S', + level=logging.INFO, + handlers=[LoggingHandler()]) + + +def get_oscar_urls(language, shuffled="unshuffled", deduplicated="deduplicated"): + _BASE_DATA_URL_FORMAT_STR = ( + "https://s3.amazonaws.com/datasets.huggingface.co/oscar/1.0/{shuffled}/{deduplicated}/{language}/") + _BASE_CHECKSUM_FILE_NAME = "{language}_sha256.txt" + base_data_url = _BASE_DATA_URL_FORMAT_STR.format( + shuffled=shuffled, language=language, deduplicated=deduplicated + ) + checksum_url = base_data_url + _BASE_CHECKSUM_FILE_NAME.format(language=language) + with fsspec.open(checksum_url, encoding="utf-8") as f: + data_filenames = [line.decode().split("\t")[0] for line in f if line] + return [base_data_url + data_filename for data_filename in data_filenames] + + +def download_urls(urls): + for url in urls: + if not os.path.exists(url.split("/")[-1]): + os.system(f"wget {url}") + + +def get_docs(src_lang: str = None) -> List[str]: + logging.info("Docs is None so trying to load dataset") + + docs = None + domain = None + try: + domain = 'oscar_registry' + d = load_dataset("TurkuNLP/register_oscar", data_files=f"{src_lang}/{src_lang}_00000*") + docs = [doc for doc in d['train'] if 'labels' not in doc or doc['labels'] != []] + except: + try: + logging.info("Failed to load oscar_registry") + domain = 'mc4_registry' + d = load_dataset("TurkuNLP/register_mc4", data_files=f"{src_lang}/{src_lang}_00000*") + docs = [doc for doc in d['train'] if 'labels' not in doc or doc['labels'] != []] + except: + logging.info("Failed to load mc4_registry") + domain = 'oscar' + url = get_oscar_urls(src_lang)[0] + download_urls([url]) + docs = [{f'{src_lang}_text': line.decode()} for line in open(url.split("/")[-1], "rb").readlines()] + finally: + logging.info(f"Loaded Documents in domain: {domain}") + return docs, domain diff --git a/utils/hf_ner_models.py b/utils/hf_ner_models.py new file mode 100644 index 0000000..24d6f68 --- /dev/null +++ b/utils/hf_ner_models.py @@ -0,0 +1,49 @@ +from transformers import XLMRobertaForTokenClassification, BertForTokenClassification, ElectraForTokenClassification, RobertaForTokenClassification + +# note that we do not have a transformer model for catalan, but spacy covers catalan and we use transfer learning from Davlan/xlm-roberta-base-ner-hrl + + +hf_ner_model_map = { + "sn": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + # consider using one of the smaller models + "st": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + # consider using one of the smaller models + "ny": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + # consider using one of the smaller models + "xh": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + # consider using one of the smaller models + "zu": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + # consider using one of the smaller models + "sw": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + # consider using one of the smaller models + "yo": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + "ig": [["Davlan/xlm-roberta-large-masakhaner", XLMRobertaForTokenClassification, 1.0]], + "ar": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 1.0]], + "en": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 1.0], + ["bioformers/bioformer-cased-v1.0-ncbi-disease", BertForTokenClassification, 1.0]], + # ["jplu/tf-xlm-r-ner-40-lang", None ], + "es": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 1.0]], + "eu": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 0.8]], + "ca": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 0.8]], + "pt": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 1.0]], # there is a + "fr": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 1.0]], + "zh": [["Davlan/xlm-roberta-base-ner-hrl", XLMRobertaForTokenClassification, 1.0]], + 'vi': [["lhkhiem28/COVID-19-Named-Entity-Recognition-for-Vietnamese", RobertaForTokenClassification, 1.0]], + # ["jplu/tf-xlm-r-ner-40-lang", None ], + 'hi': [["jplu/tf-xlm-r-ner-40-lang", None, 1.0]], + 'ur': [["jplu/tf-xlm-r-ner-40-lang", None, 1.0]], + 'id': [["cahya/bert-base-indonesian-NER", BertForTokenClassification, 1.0]], + 'bn': [["sagorsarker/mbert-bengali-ner", BertForTokenClassification, 1.0]], + 'hr': [["classla/bcms-bertic-ner", ElectraForTokenClassification, 1.0]], + 'bs': [["classla/bcms-bertic-ner", ElectraForTokenClassification, 1.0]], + 'sr': [["classla/bcms-bertic-ner", ElectraForTokenClassification, 1.0]], + 'cnr': [["classla/bcms-bertic-ner", ElectraForTokenClassification, 1.0]], + 'hbs': [["classla/bcms-bertic-ner", ElectraForTokenClassification, 1.0]], + 'da': [["saattrupdan/nbailab-base-ner-scandi", BertForTokenClassification, 1.0]], + 'no': [["saattrupdan/nbailab-base-ner-scandi", BertForTokenClassification, 1.0]], + 'nb': [["saattrupdan/nbailab-base-ner-scandi", BertForTokenClassification, 1.0]], + 'nn': [["saattrupdan/nbailab-base-ner-scandi", BertForTokenClassification, 1.0]], + 'sv': [["saattrupdan/nbailab-base-ner-scandi", BertForTokenClassification, 1.0]], + 'fo': [["saattrupdan/nbailab-base-ner-scandi", BertForTokenClassification, 1.0]], + 'is': [["saattrupdan/nbailab-base-ner-scandi", BertForTokenClassification, 1.0]], +} \ No newline at end of file diff --git a/utils/mariam_mt.py b/utils/mariam_mt.py new file mode 100644 index 0000000..16e8f08 --- /dev/null +++ b/utils/mariam_mt.py @@ -0,0 +1,663 @@ +mariam_mt = {('aav', 'en'): 'Helsinki-NLP/opus-mt-aav-en', ('aed', 'es'): 'Helsinki-NLP/opus-mt-aed-es', + ('af', 'de'): 'Helsinki-NLP/opus-mt-af-de', ('af', 'en'): 'Helsinki-NLP/opus-mt-af-en', + ('af', 'eo'): 'Helsinki-NLP/opus-mt-af-eo', ('af', 'es'): 'Helsinki-NLP/opus-mt-af-es', + ('af', 'fi'): 'Helsinki-NLP/opus-mt-af-fi', ('af', 'fr'): 'Helsinki-NLP/opus-mt-af-fr', + ('af', 'nl'): 'Helsinki-NLP/opus-mt-af-nl', ('af', 'ru'): 'Helsinki-NLP/opus-mt-af-ru', + ('af', 'sv'): 'Helsinki-NLP/opus-mt-af-sv', ('afa', 'afa'): 'Helsinki-NLP/opus-mt-afa-afa', + ('afa', 'en'): 'Helsinki-NLP/opus-mt-afa-en', ('alv', 'en'): 'Helsinki-NLP/opus-mt-alv-en', + ('am', 'sv'): 'Helsinki-NLP/opus-mt-am-sv', ('ar', 'de'): 'Helsinki-NLP/opus-mt-ar-de', + ('ar', 'el'): 'Helsinki-NLP/opus-mt-ar-el', ('ar', 'en'): 'Helsinki-NLP/opus-mt-ar-en', + ('ar', 'eo'): 'Helsinki-NLP/opus-mt-ar-eo', ('ar', 'es'): 'Helsinki-NLP/opus-mt-ar-es', + ('ar', 'fr'): 'Helsinki-NLP/opus-mt-ar-fr', ('ar', 'he'): 'Helsinki-NLP/opus-mt-ar-he', + ('ar', 'it'): 'Helsinki-NLP/opus-mt-ar-it', ('ar', 'pl'): 'Helsinki-NLP/opus-mt-ar-pl', + ('ar', 'ru'): 'Helsinki-NLP/opus-mt-ar-ru', ('ar', 'tr'): 'Helsinki-NLP/opus-mt-ar-tr', + ('art', 'en'): 'Helsinki-NLP/opus-mt-art-en', ('ase', 'de'): 'Helsinki-NLP/opus-mt-ase-de', + ('ase', 'en'): 'Helsinki-NLP/opus-mt-ase-en', ('ase', 'es'): 'Helsinki-NLP/opus-mt-ase-es', + ('ase', 'fr'): 'Helsinki-NLP/opus-mt-ase-fr', ('ase', 'sv'): 'Helsinki-NLP/opus-mt-ase-sv', + ('az', 'en'): 'Helsinki-NLP/opus-mt-az-en', ('az', 'es'): 'Helsinki-NLP/opus-mt-az-es', + ('az', 'tr'): 'Helsinki-NLP/opus-mt-az-tr', ('bat', 'en'): 'Helsinki-NLP/opus-mt-bat-en', + ('bcl', 'de'): 'Helsinki-NLP/opus-mt-bcl-de', ('bcl', 'en'): 'Helsinki-NLP/opus-mt-bcl-en', + ('bcl', 'es'): 'Helsinki-NLP/opus-mt-bcl-es', ('bcl', 'fi'): 'Helsinki-NLP/opus-mt-bcl-fi', + ('bcl', 'fr'): 'Helsinki-NLP/opus-mt-bcl-fr', ('bcl', 'sv'): 'Helsinki-NLP/opus-mt-bcl-sv', + ('be', 'es'): 'Helsinki-NLP/opus-mt-be-es', ('bem', 'en'): 'Helsinki-NLP/opus-mt-bem-en', + ('bem', 'es'): 'Helsinki-NLP/opus-mt-bem-es', ('bem', 'fi'): 'Helsinki-NLP/opus-mt-bem-fi', + ('bem', 'fr'): 'Helsinki-NLP/opus-mt-bem-fr', ('bem', 'sv'): 'Helsinki-NLP/opus-mt-bem-sv', + ('ber', 'en'): 'Helsinki-NLP/opus-mt-ber-en', ('ber', 'es'): 'Helsinki-NLP/opus-mt-ber-es', + ('ber', 'fr'): 'Helsinki-NLP/opus-mt-ber-fr', ('bg', 'de'): 'Helsinki-NLP/opus-mt-bg-de', + ('bg', 'en'): 'Helsinki-NLP/opus-mt-bg-en', ('bg', 'eo'): 'Helsinki-NLP/opus-mt-bg-eo', + ('bg', 'es'): 'Helsinki-NLP/opus-mt-bg-es', ('bg', 'fi'): 'Helsinki-NLP/opus-mt-bg-fi', + ('bg', 'fr'): 'Helsinki-NLP/opus-mt-bg-fr', ('bg', 'it'): 'Helsinki-NLP/opus-mt-bg-it', + ('bg', 'ru'): 'Helsinki-NLP/opus-mt-bg-ru', ('bg', 'sv'): 'Helsinki-NLP/opus-mt-bg-sv', + ('bg', 'tr'): 'Helsinki-NLP/opus-mt-bg-tr', ('bg', 'uk'): 'Helsinki-NLP/opus-mt-bg-uk', + ('bi', 'en'): 'Helsinki-NLP/opus-mt-bi-en', ('bi', 'es'): 'Helsinki-NLP/opus-mt-bi-es', + ('bi', 'fr'): 'Helsinki-NLP/opus-mt-bi-fr', ('bi', 'sv'): 'Helsinki-NLP/opus-mt-bi-sv', + ('bn', 'en'): 'Helsinki-NLP/opus-mt-bn-en', ('bnt', 'en'): 'Helsinki-NLP/opus-mt-bnt-en', + ('bzs', 'en'): 'Helsinki-NLP/opus-mt-bzs-en', ('bzs', 'es'): 'Helsinki-NLP/opus-mt-bzs-es', + ('bzs', 'fi'): 'Helsinki-NLP/opus-mt-bzs-fi', ('bzs', 'fr'): 'Helsinki-NLP/opus-mt-bzs-fr', + ('bzs', 'sv'): 'Helsinki-NLP/opus-mt-bzs-sv', ('ca', 'de'): 'Helsinki-NLP/opus-mt-ca-de', + ('ca', 'en'): 'Helsinki-NLP/opus-mt-ca-en', ('ca', 'es'): 'Helsinki-NLP/opus-mt-ca-es', + ('ca', 'fr'): 'Helsinki-NLP/opus-mt-ca-fr', ('ca', 'it'): 'Helsinki-NLP/opus-mt-ca-it', + ('ca', 'nl'): 'Helsinki-NLP/opus-mt-ca-nl', ('ca', 'pt'): 'Helsinki-NLP/opus-mt-ca-pt', + ('ca', 'uk'): 'Helsinki-NLP/opus-mt-ca-uk', ('cau', 'en'): 'Helsinki-NLP/opus-mt-cau-en', + ('ccs', 'en'): 'Helsinki-NLP/opus-mt-ccs-en', ('ceb', 'en'): 'Helsinki-NLP/opus-mt-ceb-en', + ('ceb', 'es'): 'Helsinki-NLP/opus-mt-ceb-es', ('ceb', 'fi'): 'Helsinki-NLP/opus-mt-ceb-fi', + ('ceb', 'fr'): 'Helsinki-NLP/opus-mt-ceb-fr', ('ceb', 'sv'): 'Helsinki-NLP/opus-mt-ceb-sv', + ('cel', 'en'): 'Helsinki-NLP/opus-mt-cel-en', ('chk', 'en'): 'Helsinki-NLP/opus-mt-chk-en', + ('chk', 'es'): 'Helsinki-NLP/opus-mt-chk-es', ('chk', 'fr'): 'Helsinki-NLP/opus-mt-chk-fr', + ('chk', 'sv'): 'Helsinki-NLP/opus-mt-chk-sv', ('cpf', 'en'): 'Helsinki-NLP/opus-mt-cpf-en', + ('cpp', 'cpp'): 'Helsinki-NLP/opus-mt-cpp-cpp', ('cpp', 'en'): 'Helsinki-NLP/opus-mt-cpp-en', + ('crs', 'de'): 'Helsinki-NLP/opus-mt-crs-de', ('crs', 'en'): 'Helsinki-NLP/opus-mt-crs-en', + ('crs', 'es'): 'Helsinki-NLP/opus-mt-crs-es', ('crs', 'fi'): 'Helsinki-NLP/opus-mt-crs-fi', + ('crs', 'fr'): 'Helsinki-NLP/opus-mt-crs-fr', ('crs', 'sv'): 'Helsinki-NLP/opus-mt-crs-sv', + ('cs', 'de'): 'Helsinki-NLP/opus-mt-cs-de', ('cs', 'en'): 'Helsinki-NLP/opus-mt-cs-en', + ('cs', 'eo'): 'Helsinki-NLP/opus-mt-cs-eo', ('cs', 'fi'): 'Helsinki-NLP/opus-mt-cs-fi', + ('cs', 'fr'): 'Helsinki-NLP/opus-mt-cs-fr', ('cs', 'sv'): 'Helsinki-NLP/opus-mt-cs-sv', + ('cs', 'uk'): 'Helsinki-NLP/opus-mt-cs-uk', ('csg', 'es'): 'Helsinki-NLP/opus-mt-csg-es', + ('csn', 'es'): 'Helsinki-NLP/opus-mt-csn-es', ('cus', 'en'): 'Helsinki-NLP/opus-mt-cus-en', + ('cy', 'en'): 'Helsinki-NLP/opus-mt-cy-en', ('da', 'de'): 'Helsinki-NLP/opus-mt-da-de', + ('da', 'en'): 'Helsinki-NLP/opus-mt-da-en', ('da', 'eo'): 'Helsinki-NLP/opus-mt-da-eo', + ('da', 'es'): 'Helsinki-NLP/opus-mt-da-es', ('da', 'fi'): 'Helsinki-NLP/opus-mt-da-fi', + ('da', 'fr'): 'Helsinki-NLP/opus-mt-da-fr', ('da', 'no'): 'Helsinki-NLP/opus-mt-da-no', + ('da', 'ru'): 'Helsinki-NLP/opus-mt-da-ru', ('de', 'ZH'): 'Helsinki-NLP/opus-mt-de-ZH', + ('de', 'af'): 'Helsinki-NLP/opus-mt-de-af', ('de', 'ar'): 'Helsinki-NLP/opus-mt-de-ar', + ('de', 'ase'): 'Helsinki-NLP/opus-mt-de-ase', ('de', 'bcl'): 'Helsinki-NLP/opus-mt-de-bcl', + ('de', 'bg'): 'Helsinki-NLP/opus-mt-de-bg', ('de', 'bi'): 'Helsinki-NLP/opus-mt-de-bi', + ('de', 'bzs'): 'Helsinki-NLP/opus-mt-de-bzs', ('de', 'ca'): 'Helsinki-NLP/opus-mt-de-ca', + ('de', 'crs'): 'Helsinki-NLP/opus-mt-de-crs', ('de', 'cs'): 'Helsinki-NLP/opus-mt-de-cs', + ('de', 'da'): 'Helsinki-NLP/opus-mt-de-da', ('de', 'de'): 'Helsinki-NLP/opus-mt-de-de', + ('de', 'ee'): 'Helsinki-NLP/opus-mt-de-ee', ('de', 'efi'): 'Helsinki-NLP/opus-mt-de-efi', + ('de', 'el'): 'Helsinki-NLP/opus-mt-de-el', ('de', 'en'): 'Helsinki-NLP/opus-mt-de-en', + ('de', 'eo'): 'Helsinki-NLP/opus-mt-de-eo', ('de', 'es'): 'Helsinki-NLP/opus-mt-de-es', + ('de', 'et'): 'Helsinki-NLP/opus-mt-de-et', ('de', 'eu'): 'Helsinki-NLP/opus-mt-de-eu', + ('de', 'fi'): 'Helsinki-NLP/opus-mt-de-fi', ('de', 'fj'): 'Helsinki-NLP/opus-mt-de-fj', + ('de', 'fr'): 'Helsinki-NLP/opus-mt-de-fr', ('de', 'gaa'): 'Helsinki-NLP/opus-mt-de-gaa', + ('de', 'gil'): 'Helsinki-NLP/opus-mt-de-gil', ('de', 'guw'): 'Helsinki-NLP/opus-mt-de-guw', + ('de', 'ha'): 'Helsinki-NLP/opus-mt-de-ha', ('de', 'he'): 'Helsinki-NLP/opus-mt-de-he', + ('de', 'hil'): 'Helsinki-NLP/opus-mt-de-hil', ('de', 'ho'): 'Helsinki-NLP/opus-mt-de-ho', + ('de', 'hr'): 'Helsinki-NLP/opus-mt-de-hr', ('de', 'ht'): 'Helsinki-NLP/opus-mt-de-ht', + ('de', 'hu'): 'Helsinki-NLP/opus-mt-de-hu', ('de', 'ig'): 'Helsinki-NLP/opus-mt-de-ig', + ('de', 'ilo'): 'Helsinki-NLP/opus-mt-de-ilo', ('de', 'is'): 'Helsinki-NLP/opus-mt-de-is', + ('de', 'iso'): 'Helsinki-NLP/opus-mt-de-iso', ('de', 'it'): 'Helsinki-NLP/opus-mt-de-it', + ('de', 'kg'): 'Helsinki-NLP/opus-mt-de-kg', ('de', 'ln'): 'Helsinki-NLP/opus-mt-de-ln', + ('de', 'loz'): 'Helsinki-NLP/opus-mt-de-loz', ('de', 'lt'): 'Helsinki-NLP/opus-mt-de-lt', + ('de', 'lua'): 'Helsinki-NLP/opus-mt-de-lua', ('de', 'ms'): 'Helsinki-NLP/opus-mt-de-ms', + ('de', 'mt'): 'Helsinki-NLP/opus-mt-de-mt', ('de', 'niu'): 'Helsinki-NLP/opus-mt-de-niu', + ('de', 'nl'): 'Helsinki-NLP/opus-mt-de-nl', ('de', 'no'): 'Helsinki-NLP/opus-mt-de-no', + ('de', 'nso'): 'Helsinki-NLP/opus-mt-de-nso', ('de', 'ny'): 'Helsinki-NLP/opus-mt-de-ny', + ('de', 'pag'): 'Helsinki-NLP/opus-mt-de-pag', ('de', 'pap'): 'Helsinki-NLP/opus-mt-de-pap', + ('de', 'pis'): 'Helsinki-NLP/opus-mt-de-pis', ('de', 'pl'): 'Helsinki-NLP/opus-mt-de-pl', + ('de', 'pon'): 'Helsinki-NLP/opus-mt-de-pon', ('de', 'tl'): 'Helsinki-NLP/opus-mt-de-tl', + ('de', 'uk'): 'Helsinki-NLP/opus-mt-de-uk', ('de', 'vi'): 'Helsinki-NLP/opus-mt-de-vi', + ('dra', 'en'): 'Helsinki-NLP/opus-mt-dra-en', ('ee', 'de'): 'Helsinki-NLP/opus-mt-ee-de', + ('ee', 'en'): 'Helsinki-NLP/opus-mt-ee-en', ('ee', 'es'): 'Helsinki-NLP/opus-mt-ee-es', + ('ee', 'fi'): 'Helsinki-NLP/opus-mt-ee-fi', ('ee', 'fr'): 'Helsinki-NLP/opus-mt-ee-fr', + ('ee', 'sv'): 'Helsinki-NLP/opus-mt-ee-sv', ('efi', 'de'): 'Helsinki-NLP/opus-mt-efi-de', + ('efi', 'en'): 'Helsinki-NLP/opus-mt-efi-en', ('efi', 'fi'): 'Helsinki-NLP/opus-mt-efi-fi', + ('efi', 'fr'): 'Helsinki-NLP/opus-mt-efi-fr', ('efi', 'sv'): 'Helsinki-NLP/opus-mt-efi-sv', + ('el', 'ar'): 'Helsinki-NLP/opus-mt-el-ar', ('el', 'eo'): 'Helsinki-NLP/opus-mt-el-eo', + ('el', 'fi'): 'Helsinki-NLP/opus-mt-el-fi', ('el', 'fr'): 'Helsinki-NLP/opus-mt-el-fr', + ('el', 'sv'): 'Helsinki-NLP/opus-mt-el-sv', ('en', 'aav'): 'Helsinki-NLP/opus-mt-en-aav', + ('en', 'af'): 'Helsinki-NLP/opus-mt-en-af', ('en', 'afa'): 'Helsinki-NLP/opus-mt-en-afa', + ('en', 'alv'): 'Helsinki-NLP/opus-mt-en-alv', ('en', 'ar'): 'Helsinki-NLP/opus-mt-en-ar', + ('en', 'az'): 'Helsinki-NLP/opus-mt-en-az', ('en', 'bat'): 'Helsinki-NLP/opus-mt-en-bat', + ('en', 'bcl'): 'Helsinki-NLP/opus-mt-en-bcl', ('en', 'bem'): 'Helsinki-NLP/opus-mt-en-bem', + ('en', 'ber'): 'Helsinki-NLP/opus-mt-en-ber', ('en', 'bg'): 'Helsinki-NLP/opus-mt-en-bg', + ('en', 'bi'): 'Helsinki-NLP/opus-mt-en-bi', ('en', 'bnt'): 'Helsinki-NLP/opus-mt-en-bnt', + ('en', 'bzs'): 'Helsinki-NLP/opus-mt-en-bzs', ('en', 'ca'): 'Helsinki-NLP/opus-mt-en-ca', + ('en', 'ceb'): 'Helsinki-NLP/opus-mt-en-ceb', ('en', 'cel'): 'Helsinki-NLP/opus-mt-en-cel', + ('en', 'chk'): 'Helsinki-NLP/opus-mt-en-chk', ('en', 'cpf'): 'Helsinki-NLP/opus-mt-en-cpf', + ('en', 'cpp'): 'Helsinki-NLP/opus-mt-en-cpp', ('en', 'crs'): 'Helsinki-NLP/opus-mt-en-crs', + ('en', 'cs'): 'Helsinki-NLP/opus-mt-en-cs', ('en', 'cus'): 'Helsinki-NLP/opus-mt-en-cus', + ('en', 'cy'): 'Helsinki-NLP/opus-mt-en-cy', ('en', 'da'): 'Helsinki-NLP/opus-mt-en-da', + ('en', 'de'): 'Helsinki-NLP/opus-mt-en-de', ('en', 'dra'): 'Helsinki-NLP/opus-mt-en-dra', + ('en', 'ee'): 'Helsinki-NLP/opus-mt-en-ee', ('en', 'efi'): 'Helsinki-NLP/opus-mt-en-efi', + ('en', 'el'): 'Helsinki-NLP/opus-mt-en-el', ('en', 'eo'): 'Helsinki-NLP/opus-mt-en-eo', + ('en', 'es'): 'Helsinki-NLP/opus-mt-en-es', ('en', 'et'): 'Helsinki-NLP/opus-mt-en-et', + ('en', 'eu'): 'Helsinki-NLP/opus-mt-en-eu', ('en', 'euq'): 'Helsinki-NLP/opus-mt-en-euq', + ('en', 'fi'): 'Helsinki-NLP/opus-mt-en-fi', ('en', 'fiu'): 'Helsinki-NLP/opus-mt-en-fiu', + ('en', 'fj'): 'Helsinki-NLP/opus-mt-en-fj', ('en', 'fr'): 'Helsinki-NLP/opus-mt-en-fr', + ('en', 'ga'): 'Helsinki-NLP/opus-mt-en-ga', ('en', 'gaa'): 'Helsinki-NLP/opus-mt-en-gaa', + ('en', 'gem'): 'Helsinki-NLP/opus-mt-en-gem', ('en', 'gil'): 'Helsinki-NLP/opus-mt-en-gil', + ('en', 'gl'): 'Helsinki-NLP/opus-mt-en-gl', ('en', 'gmq'): 'Helsinki-NLP/opus-mt-en-gmq', + ('en', 'gmw'): 'Helsinki-NLP/opus-mt-en-gmw', ('en', 'grk'): 'Helsinki-NLP/opus-mt-en-grk', + ('en', 'guw'): 'Helsinki-NLP/opus-mt-en-guw', ('en', 'gv'): 'Helsinki-NLP/opus-mt-en-gv', + ('en', 'ha'): 'Helsinki-NLP/opus-mt-en-ha', ('en', 'he'): 'Helsinki-NLP/opus-mt-en-he', + ('en', 'hi'): 'Helsinki-NLP/opus-mt-en-hi', ('en', 'hil'): 'Helsinki-NLP/opus-mt-en-hil', + ('en', 'ho'): 'Helsinki-NLP/opus-mt-en-ho', ('en', 'ht'): 'Helsinki-NLP/opus-mt-en-ht', + ('en', 'hu'): 'Helsinki-NLP/opus-mt-en-hu', ('en', 'hy'): 'Helsinki-NLP/opus-mt-en-hy', + ('en', 'id'): 'Helsinki-NLP/opus-mt-en-id', ('en', 'ig'): 'Helsinki-NLP/opus-mt-en-ig', + ('en', 'iir'): 'Helsinki-NLP/opus-mt-en-iir', ('en', 'ilo'): 'Helsinki-NLP/opus-mt-en-ilo', + ('en', 'inc'): 'Helsinki-NLP/opus-mt-en-inc', ('en', 'ine'): 'Helsinki-NLP/opus-mt-en-ine', + ('en', 'is'): 'Helsinki-NLP/opus-mt-en-is', ('en', 'iso'): 'Helsinki-NLP/opus-mt-en-iso', + ('en', 'it'): 'Helsinki-NLP/opus-mt-en-it', ('en', 'itc'): 'Helsinki-NLP/opus-mt-en-itc', + ('en', 'jap'): 'Helsinki-NLP/opus-mt-en-jap', ('en', 'kg'): 'Helsinki-NLP/opus-mt-en-kg', + ('en', 'kj'): 'Helsinki-NLP/opus-mt-en-kj', ('en', 'kqn'): 'Helsinki-NLP/opus-mt-en-kqn', + ('en', 'kwn'): 'Helsinki-NLP/opus-mt-en-kwn', ('en', 'kwy'): 'Helsinki-NLP/opus-mt-en-kwy', + ('en', 'lg'): 'Helsinki-NLP/opus-mt-en-lg', ('en', 'ln'): 'Helsinki-NLP/opus-mt-en-ln', + ('en', 'loz'): 'Helsinki-NLP/opus-mt-en-loz', ('en', 'lu'): 'Helsinki-NLP/opus-mt-en-lu', + ('en', 'lua'): 'Helsinki-NLP/opus-mt-en-lua', ('en', 'lue'): 'Helsinki-NLP/opus-mt-en-lue', + ('en', 'lun'): 'Helsinki-NLP/opus-mt-en-lun', ('en', 'luo'): 'Helsinki-NLP/opus-mt-en-luo', + ('en', 'lus'): 'Helsinki-NLP/opus-mt-en-lus', ('en', 'map'): 'Helsinki-NLP/opus-mt-en-map', + ('en', 'mfe'): 'Helsinki-NLP/opus-mt-en-mfe', ('en', 'mg'): 'Helsinki-NLP/opus-mt-en-mg', + ('en', 'mh'): 'Helsinki-NLP/opus-mt-en-mh', ('en', 'mk'): 'Helsinki-NLP/opus-mt-en-mk', + ('en', 'mkh'): 'Helsinki-NLP/opus-mt-en-mkh', ('en', 'ml'): 'Helsinki-NLP/opus-mt-en-ml', + ('en', 'mos'): 'Helsinki-NLP/opus-mt-en-mos', ('en', 'mr'): 'Helsinki-NLP/opus-mt-en-mr', + ('en', 'mt'): 'Helsinki-NLP/opus-mt-en-mt', ('en', 'mul'): 'Helsinki-NLP/opus-mt-en-mul', + ('en', 'ng'): 'Helsinki-NLP/opus-mt-en-ng', ('en', 'nic'): 'Helsinki-NLP/opus-mt-en-nic', + ('en', 'niu'): 'Helsinki-NLP/opus-mt-en-niu', ('en', 'nl'): 'Helsinki-NLP/opus-mt-en-nl', + ('en', 'nso'): 'Helsinki-NLP/opus-mt-en-nso', ('en', 'ny'): 'Helsinki-NLP/opus-mt-en-ny', + ('en', 'nyk'): 'Helsinki-NLP/opus-mt-en-nyk', ('en', 'om'): 'Helsinki-NLP/opus-mt-en-om', + ('en', 'pag'): 'Helsinki-NLP/opus-mt-en-pag', ('en', 'pap'): 'Helsinki-NLP/opus-mt-en-pap', + ('en', 'phi'): 'Helsinki-NLP/opus-mt-en-phi', ('en', 'pis'): 'Helsinki-NLP/opus-mt-en-pis', + ('en', 'pon'): 'Helsinki-NLP/opus-mt-en-pon', ('en', 'poz'): 'Helsinki-NLP/opus-mt-en-poz', + ('en', 'pqe'): 'Helsinki-NLP/opus-mt-en-pqe', ('en', 'pqw'): 'Helsinki-NLP/opus-mt-en-pqw', + ('en', 'rn'): 'Helsinki-NLP/opus-mt-en-rn', ('en', 'rnd'): 'Helsinki-NLP/opus-mt-en-rnd', + ('en', 'ro'): 'Helsinki-NLP/opus-mt-en-ro', ('en', 'roa'): 'Helsinki-NLP/opus-mt-en-roa', + ('en', 'ru'): 'Helsinki-NLP/opus-mt-en-ru', ('en', 'run'): 'Helsinki-NLP/opus-mt-en-run', + ('en', 'rw'): 'Helsinki-NLP/opus-mt-en-rw', ('en', 'sal'): 'Helsinki-NLP/opus-mt-en-sal', + ('en', 'sem'): 'Helsinki-NLP/opus-mt-en-sem', ('en', 'sg'): 'Helsinki-NLP/opus-mt-en-sg', + ('en', 'sit'): 'Helsinki-NLP/opus-mt-en-sit', ('en', 'sk'): 'Helsinki-NLP/opus-mt-en-sk', + ('en', 'sla'): 'Helsinki-NLP/opus-mt-en-sla', ('en', 'sm'): 'Helsinki-NLP/opus-mt-en-sm', + ('en', 'sn'): 'Helsinki-NLP/opus-mt-en-sn', ('en', 'sq'): 'Helsinki-NLP/opus-mt-en-sq', + ('en', 'ss'): 'Helsinki-NLP/opus-mt-en-ss', ('en', 'st'): 'Helsinki-NLP/opus-mt-en-st', + ('en', 'sv'): 'Helsinki-NLP/opus-mt-en-sv', ('en', 'sw'): 'Helsinki-NLP/opus-mt-en-sw', + ('en', 'swc'): 'Helsinki-NLP/opus-mt-en-swc', ('en', 'tdt'): 'Helsinki-NLP/opus-mt-en-tdt', + ('en', 'ti'): 'Helsinki-NLP/opus-mt-en-ti', ('en', 'tiv'): 'Helsinki-NLP/opus-mt-en-tiv', + ('en', 'tl'): 'Helsinki-NLP/opus-mt-en-tl', ('en', 'tll'): 'Helsinki-NLP/opus-mt-en-tll', + ('en', 'tn'): 'Helsinki-NLP/opus-mt-en-tn', ('en', 'to'): 'Helsinki-NLP/opus-mt-en-to', + ('en', 'toi'): 'Helsinki-NLP/opus-mt-en-toi', ('en', 'tpi'): 'Helsinki-NLP/opus-mt-en-tpi', + ('en', 'trk'): 'Helsinki-NLP/opus-mt-en-trk', ('en', 'ts'): 'Helsinki-NLP/opus-mt-en-ts', + ('en', 'tut'): 'Helsinki-NLP/opus-mt-en-tut', ('en', 'tvl'): 'Helsinki-NLP/opus-mt-en-tvl', + ('en', 'tw'): 'Helsinki-NLP/opus-mt-en-tw', ('en', 'ty'): 'Helsinki-NLP/opus-mt-en-ty', + ('en', 'uk'): 'Helsinki-NLP/opus-mt-en-uk', ('en', 'umb'): 'Helsinki-NLP/opus-mt-en-umb', + ('en', 'ur'): 'Helsinki-NLP/opus-mt-en-ur', ('en', 'urj'): 'Helsinki-NLP/opus-mt-en-urj', + ('en', 'vi'): 'Helsinki-NLP/opus-mt-en-vi', ('en', 'xh'): 'Helsinki-NLP/opus-mt-en-xh', + ('en', 'zh'): 'Helsinki-NLP/opus-mt-en-zh', ('en', 'zle'): 'Helsinki-NLP/opus-mt-en-zle', + ('en', 'zls'): 'Helsinki-NLP/opus-mt-en-zls', ('en', 'zlw'): 'Helsinki-NLP/opus-mt-en-zlw', + ('en_el_es_fi', 'en_el_es_fi'): 'Helsinki-NLP/opus-mt-en_el_es_fi-en_el_es_fi', + ('eo', 'af'): 'Helsinki-NLP/opus-mt-eo-af', ('eo', 'bg'): 'Helsinki-NLP/opus-mt-eo-bg', + ('eo', 'cs'): 'Helsinki-NLP/opus-mt-eo-cs', ('eo', 'da'): 'Helsinki-NLP/opus-mt-eo-da', + ('eo', 'de'): 'Helsinki-NLP/opus-mt-eo-de', ('eo', 'el'): 'Helsinki-NLP/opus-mt-eo-el', + ('eo', 'en'): 'Helsinki-NLP/opus-mt-eo-en', ('eo', 'es'): 'Helsinki-NLP/opus-mt-eo-es', + ('eo', 'fi'): 'Helsinki-NLP/opus-mt-eo-fi', ('eo', 'fr'): 'Helsinki-NLP/opus-mt-eo-fr', + ('eo', 'he'): 'Helsinki-NLP/opus-mt-eo-he', ('eo', 'hu'): 'Helsinki-NLP/opus-mt-eo-hu', + ('eo', 'it'): 'Helsinki-NLP/opus-mt-eo-it', ('eo', 'nl'): 'Helsinki-NLP/opus-mt-eo-nl', + ('eo', 'pl'): 'Helsinki-NLP/opus-mt-eo-pl', ('eo', 'pt'): 'Helsinki-NLP/opus-mt-eo-pt', + ('eo', 'ro'): 'Helsinki-NLP/opus-mt-eo-ro', ('eo', 'ru'): 'Helsinki-NLP/opus-mt-eo-ru', + ('eo', 'sh'): 'Helsinki-NLP/opus-mt-eo-sh', ('eo', 'sv'): 'Helsinki-NLP/opus-mt-eo-sv', + ('es', 'NORWAY'): 'Helsinki-NLP/opus-mt-es-NORWAY', ('es', 'aed'): 'Helsinki-NLP/opus-mt-es-aed', + ('es', 'af'): 'Helsinki-NLP/opus-mt-es-af', ('es', 'ar'): 'Helsinki-NLP/opus-mt-es-ar', + ('es', 'ase'): 'Helsinki-NLP/opus-mt-es-ase', ('es', 'bcl'): 'Helsinki-NLP/opus-mt-es-bcl', + ('es', 'ber'): 'Helsinki-NLP/opus-mt-es-ber', ('es', 'bg'): 'Helsinki-NLP/opus-mt-es-bg', + ('es', 'bi'): 'Helsinki-NLP/opus-mt-es-bi', ('es', 'bzs'): 'Helsinki-NLP/opus-mt-es-bzs', + ('es', 'ca'): 'Helsinki-NLP/opus-mt-es-ca', ('es', 'ceb'): 'Helsinki-NLP/opus-mt-es-ceb', + ('es', 'crs'): 'Helsinki-NLP/opus-mt-es-crs', ('es', 'cs'): 'Helsinki-NLP/opus-mt-es-cs', + ('es', 'csg'): 'Helsinki-NLP/opus-mt-es-csg', ('es', 'csn'): 'Helsinki-NLP/opus-mt-es-csn', + ('es', 'da'): 'Helsinki-NLP/opus-mt-es-da', ('es', 'de'): 'Helsinki-NLP/opus-mt-es-de', + ('es', 'ee'): 'Helsinki-NLP/opus-mt-es-ee', ('es', 'efi'): 'Helsinki-NLP/opus-mt-es-efi', + ('es', 'el'): 'Helsinki-NLP/opus-mt-es-el', ('es', 'en'): 'Helsinki-NLP/opus-mt-es-en', + ('es', 'eo'): 'Helsinki-NLP/opus-mt-es-eo', ('es', 'es'): 'Helsinki-NLP/opus-mt-es-es', + ('es', 'et'): 'Helsinki-NLP/opus-mt-es-et', ('es', 'eu'): 'Helsinki-NLP/opus-mt-es-eu', + ('es', 'fi'): 'Helsinki-NLP/opus-mt-es-fi', ('es', 'fj'): 'Helsinki-NLP/opus-mt-es-fj', + ('es', 'fr'): 'Helsinki-NLP/opus-mt-es-fr', ('es', 'gaa'): 'Helsinki-NLP/opus-mt-es-gaa', + ('es', 'gil'): 'Helsinki-NLP/opus-mt-es-gil', ('es', 'gl'): 'Helsinki-NLP/opus-mt-es-gl', + ('es', 'guw'): 'Helsinki-NLP/opus-mt-es-guw', ('es', 'ha'): 'Helsinki-NLP/opus-mt-es-ha', + ('es', 'he'): 'Helsinki-NLP/opus-mt-es-he', ('es', 'hil'): 'Helsinki-NLP/opus-mt-es-hil', + ('es', 'ho'): 'Helsinki-NLP/opus-mt-es-ho', ('es', 'hr'): 'Helsinki-NLP/opus-mt-es-hr', + ('es', 'ht'): 'Helsinki-NLP/opus-mt-es-ht', ('es', 'id'): 'Helsinki-NLP/opus-mt-es-id', + ('es', 'ig'): 'Helsinki-NLP/opus-mt-es-ig', ('es', 'ilo'): 'Helsinki-NLP/opus-mt-es-ilo', + ('es', 'is'): 'Helsinki-NLP/opus-mt-es-is', ('es', 'iso'): 'Helsinki-NLP/opus-mt-es-iso', + ('es', 'it'): 'Helsinki-NLP/opus-mt-es-it', ('es', 'kg'): 'Helsinki-NLP/opus-mt-es-kg', + ('es', 'ln'): 'Helsinki-NLP/opus-mt-es-ln', ('es', 'loz'): 'Helsinki-NLP/opus-mt-es-loz', + ('es', 'lt'): 'Helsinki-NLP/opus-mt-es-lt', ('es', 'lua'): 'Helsinki-NLP/opus-mt-es-lua', + ('es', 'lus'): 'Helsinki-NLP/opus-mt-es-lus', ('es', 'mfs'): 'Helsinki-NLP/opus-mt-es-mfs', + ('es', 'mk'): 'Helsinki-NLP/opus-mt-es-mk', ('es', 'mt'): 'Helsinki-NLP/opus-mt-es-mt', + ('es', 'niu'): 'Helsinki-NLP/opus-mt-es-niu', ('es', 'nl'): 'Helsinki-NLP/opus-mt-es-nl', + ('es', 'no'): 'Helsinki-NLP/opus-mt-es-no', ('es', 'nso'): 'Helsinki-NLP/opus-mt-es-nso', + ('es', 'ny'): 'Helsinki-NLP/opus-mt-es-ny', ('es', 'pag'): 'Helsinki-NLP/opus-mt-es-pag', + ('es', 'pap'): 'Helsinki-NLP/opus-mt-es-pap', ('es', 'pis'): 'Helsinki-NLP/opus-mt-es-pis', + ('es', 'pl'): 'Helsinki-NLP/opus-mt-es-pl', ('es', 'pon'): 'Helsinki-NLP/opus-mt-es-pon', + ('es', 'prl'): 'Helsinki-NLP/opus-mt-es-prl', ('es', 'rn'): 'Helsinki-NLP/opus-mt-es-rn', + ('es', 'ro'): 'Helsinki-NLP/opus-mt-es-ro', ('es', 'ru'): 'Helsinki-NLP/opus-mt-es-ru', + ('es', 'rw'): 'Helsinki-NLP/opus-mt-es-rw', ('es', 'sg'): 'Helsinki-NLP/opus-mt-es-sg', + ('es', 'sl'): 'Helsinki-NLP/opus-mt-es-sl', ('es', 'sm'): 'Helsinki-NLP/opus-mt-es-sm', + ('es', 'sn'): 'Helsinki-NLP/opus-mt-es-sn', ('es', 'srn'): 'Helsinki-NLP/opus-mt-es-srn', + ('es', 'st'): 'Helsinki-NLP/opus-mt-es-st', ('es', 'swc'): 'Helsinki-NLP/opus-mt-es-swc', + ('es', 'tl'): 'Helsinki-NLP/opus-mt-es-tl', ('es', 'tll'): 'Helsinki-NLP/opus-mt-es-tll', + ('es', 'tn'): 'Helsinki-NLP/opus-mt-es-tn', ('es', 'to'): 'Helsinki-NLP/opus-mt-es-to', + ('es', 'tpi'): 'Helsinki-NLP/opus-mt-es-tpi', ('es', 'tvl'): 'Helsinki-NLP/opus-mt-es-tvl', + ('es', 'tw'): 'Helsinki-NLP/opus-mt-es-tw', ('es', 'ty'): 'Helsinki-NLP/opus-mt-es-ty', + ('es', 'tzo'): 'Helsinki-NLP/opus-mt-es-tzo', ('es', 'uk'): 'Helsinki-NLP/opus-mt-es-uk', + ('es', 've'): 'Helsinki-NLP/opus-mt-es-ve', ('es', 'vi'): 'Helsinki-NLP/opus-mt-es-vi', + ('es', 'war'): 'Helsinki-NLP/opus-mt-es-war', ('es', 'wls'): 'Helsinki-NLP/opus-mt-es-wls', + ('es', 'xh'): 'Helsinki-NLP/opus-mt-es-xh', ('es', 'yo'): 'Helsinki-NLP/opus-mt-es-yo', + ('es', 'yua'): 'Helsinki-NLP/opus-mt-es-yua', ('es', 'zai'): 'Helsinki-NLP/opus-mt-es-zai', + ('et', 'de'): 'Helsinki-NLP/opus-mt-et-de', ('et', 'en'): 'Helsinki-NLP/opus-mt-et-en', + ('et', 'es'): 'Helsinki-NLP/opus-mt-et-es', ('et', 'fi'): 'Helsinki-NLP/opus-mt-et-fi', + ('et', 'fr'): 'Helsinki-NLP/opus-mt-et-fr', ('et', 'ru'): 'Helsinki-NLP/opus-mt-et-ru', + ('et', 'sv'): 'Helsinki-NLP/opus-mt-et-sv', ('eu', 'de'): 'Helsinki-NLP/opus-mt-eu-de', + ('eu', 'en'): 'Helsinki-NLP/opus-mt-eu-en', ('eu', 'es'): 'Helsinki-NLP/opus-mt-eu-es', + ('eu', 'ru'): 'Helsinki-NLP/opus-mt-eu-ru', ('euq', 'en'): 'Helsinki-NLP/opus-mt-euq-en', + ('fi', 'NORWAY'): 'Helsinki-NLP/opus-mt-fi-NORWAY', ('fi', 'ZH'): 'Helsinki-NLP/opus-mt-fi-ZH', + ('fi', 'af'): 'Helsinki-NLP/opus-mt-fi-af', ('fi', 'bcl'): 'Helsinki-NLP/opus-mt-fi-bcl', + ('fi', 'bem'): 'Helsinki-NLP/opus-mt-fi-bem', ('fi', 'bg'): 'Helsinki-NLP/opus-mt-fi-bg', + ('fi', 'bzs'): 'Helsinki-NLP/opus-mt-fi-bzs', ('fi', 'ceb'): 'Helsinki-NLP/opus-mt-fi-ceb', + ('fi', 'crs'): 'Helsinki-NLP/opus-mt-fi-crs', ('fi', 'cs'): 'Helsinki-NLP/opus-mt-fi-cs', + ('fi', 'de'): 'Helsinki-NLP/opus-mt-fi-de', ('fi', 'ee'): 'Helsinki-NLP/opus-mt-fi-ee', + ('fi', 'efi'): 'Helsinki-NLP/opus-mt-fi-efi', ('fi', 'el'): 'Helsinki-NLP/opus-mt-fi-el', + ('fi', 'en'): 'Helsinki-NLP/opus-mt-fi-en', ('fi', 'eo'): 'Helsinki-NLP/opus-mt-fi-eo', + ('fi', 'es'): 'Helsinki-NLP/opus-mt-fi-es', ('fi', 'et'): 'Helsinki-NLP/opus-mt-fi-et', + ('fi', 'fi'): 'Helsinki-NLP/opus-mt-fi-fi', ('fi', 'fj'): 'Helsinki-NLP/opus-mt-fi-fj', + ('fi', 'fr'): 'Helsinki-NLP/opus-mt-fi-fr', ('fi', 'fse'): 'Helsinki-NLP/opus-mt-fi-fse', + ('fi', 'gaa'): 'Helsinki-NLP/opus-mt-fi-gaa', ('fi', 'gil'): 'Helsinki-NLP/opus-mt-fi-gil', + ('fi', 'guw'): 'Helsinki-NLP/opus-mt-fi-guw', ('fi', 'ha'): 'Helsinki-NLP/opus-mt-fi-ha', + ('fi', 'he'): 'Helsinki-NLP/opus-mt-fi-he', ('fi', 'hil'): 'Helsinki-NLP/opus-mt-fi-hil', + ('fi', 'ho'): 'Helsinki-NLP/opus-mt-fi-ho', ('fi', 'hr'): 'Helsinki-NLP/opus-mt-fi-hr', + ('fi', 'ht'): 'Helsinki-NLP/opus-mt-fi-ht', ('fi', 'hu'): 'Helsinki-NLP/opus-mt-fi-hu', + ('fi', 'id'): 'Helsinki-NLP/opus-mt-fi-id', ('fi', 'ig'): 'Helsinki-NLP/opus-mt-fi-ig', + ('fi', 'ilo'): 'Helsinki-NLP/opus-mt-fi-ilo', ('fi', 'is'): 'Helsinki-NLP/opus-mt-fi-is', + ('fi', 'iso'): 'Helsinki-NLP/opus-mt-fi-iso', ('fi', 'it'): 'Helsinki-NLP/opus-mt-fi-it', + ('fi', 'kg'): 'Helsinki-NLP/opus-mt-fi-kg', ('fi', 'kqn'): 'Helsinki-NLP/opus-mt-fi-kqn', + ('fi', 'lg'): 'Helsinki-NLP/opus-mt-fi-lg', ('fi', 'ln'): 'Helsinki-NLP/opus-mt-fi-ln', + ('fi', 'lu'): 'Helsinki-NLP/opus-mt-fi-lu', ('fi', 'lua'): 'Helsinki-NLP/opus-mt-fi-lua', + ('fi', 'lue'): 'Helsinki-NLP/opus-mt-fi-lue', ('fi', 'lus'): 'Helsinki-NLP/opus-mt-fi-lus', + ('fi', 'lv'): 'Helsinki-NLP/opus-mt-fi-lv', ('fi', 'mfe'): 'Helsinki-NLP/opus-mt-fi-mfe', + ('fi', 'mg'): 'Helsinki-NLP/opus-mt-fi-mg', ('fi', 'mh'): 'Helsinki-NLP/opus-mt-fi-mh', + ('fi', 'mk'): 'Helsinki-NLP/opus-mt-fi-mk', ('fi', 'mos'): 'Helsinki-NLP/opus-mt-fi-mos', + ('fi', 'mt'): 'Helsinki-NLP/opus-mt-fi-mt', ('fi', 'niu'): 'Helsinki-NLP/opus-mt-fi-niu', + ('fi', 'nl'): 'Helsinki-NLP/opus-mt-fi-nl', ('fi', 'no'): 'Helsinki-NLP/opus-mt-fi-no', + ('fi', 'nso'): 'Helsinki-NLP/opus-mt-fi-nso', ('fi', 'ny'): 'Helsinki-NLP/opus-mt-fi-ny', + ('fi', 'pag'): 'Helsinki-NLP/opus-mt-fi-pag', ('fi', 'pap'): 'Helsinki-NLP/opus-mt-fi-pap', + ('fi', 'pis'): 'Helsinki-NLP/opus-mt-fi-pis', ('fi', 'pon'): 'Helsinki-NLP/opus-mt-fi-pon', + ('fi', 'ro'): 'Helsinki-NLP/opus-mt-fi-ro', ('fi', 'ru'): 'Helsinki-NLP/opus-mt-fi-ru', + ('fi', 'run'): 'Helsinki-NLP/opus-mt-fi-run', ('fi', 'rw'): 'Helsinki-NLP/opus-mt-fi-rw', + ('fi', 'sg'): 'Helsinki-NLP/opus-mt-fi-sg', ('fi', 'sk'): 'Helsinki-NLP/opus-mt-fi-sk', + ('fi', 'sl'): 'Helsinki-NLP/opus-mt-fi-sl', ('fi', 'sm'): 'Helsinki-NLP/opus-mt-fi-sm', + ('fi', 'sn'): 'Helsinki-NLP/opus-mt-fi-sn', ('fi', 'sq'): 'Helsinki-NLP/opus-mt-fi-sq', + ('fi', 'srn'): 'Helsinki-NLP/opus-mt-fi-srn', ('fi', 'st'): 'Helsinki-NLP/opus-mt-fi-st', + ('fi', 'sv'): 'Helsinki-NLP/opus-mt-fi-sv', ('fi', 'sw'): 'Helsinki-NLP/opus-mt-fi-sw', + ('fi', 'swc'): 'Helsinki-NLP/opus-mt-fi-swc', ('fi', 'tiv'): 'Helsinki-NLP/opus-mt-fi-tiv', + ('fi', 'tll'): 'Helsinki-NLP/opus-mt-fi-tll', ('fi', 'tn'): 'Helsinki-NLP/opus-mt-fi-tn', + ('fi', 'to'): 'Helsinki-NLP/opus-mt-fi-to', ('fi', 'toi'): 'Helsinki-NLP/opus-mt-fi-toi', + ('fi', 'tpi'): 'Helsinki-NLP/opus-mt-fi-tpi', ('fi', 'tr'): 'Helsinki-NLP/opus-mt-fi-tr', + ('fi', 'ts'): 'Helsinki-NLP/opus-mt-fi-ts', ('fi', 'tvl'): 'Helsinki-NLP/opus-mt-fi-tvl', + ('fi', 'tw'): 'Helsinki-NLP/opus-mt-fi-tw', ('fi', 'ty'): 'Helsinki-NLP/opus-mt-fi-ty', + ('fi', 'uk'): 'Helsinki-NLP/opus-mt-fi-uk', ('fi', 've'): 'Helsinki-NLP/opus-mt-fi-ve', + ('fi', 'war'): 'Helsinki-NLP/opus-mt-fi-war', ('fi', 'wls'): 'Helsinki-NLP/opus-mt-fi-wls', + ('fi', 'xh'): 'Helsinki-NLP/opus-mt-fi-xh', ('fi', 'yap'): 'Helsinki-NLP/opus-mt-fi-yap', + ('fi', 'yo'): 'Helsinki-NLP/opus-mt-fi-yo', ('fi', 'zne'): 'Helsinki-NLP/opus-mt-fi-zne', + ('fi_nb_no_nn_ru_sv_en', 'SAMI'): 'Helsinki-NLP/opus-mt-fi_nb_no_nn_ru_sv_en-SAMI', + ('fiu', 'en'): 'Helsinki-NLP/opus-mt-fiu-en', ('fiu', 'fiu'): 'Helsinki-NLP/opus-mt-fiu-fiu', + ('fj', 'en'): 'Helsinki-NLP/opus-mt-fj-en', ('fj', 'fr'): 'Helsinki-NLP/opus-mt-fj-fr', + ('fr', 'af'): 'Helsinki-NLP/opus-mt-fr-af', ('fr', 'ar'): 'Helsinki-NLP/opus-mt-fr-ar', + ('fr', 'ase'): 'Helsinki-NLP/opus-mt-fr-ase', ('fr', 'bcl'): 'Helsinki-NLP/opus-mt-fr-bcl', + ('fr', 'bem'): 'Helsinki-NLP/opus-mt-fr-bem', ('fr', 'ber'): 'Helsinki-NLP/opus-mt-fr-ber', + ('fr', 'bg'): 'Helsinki-NLP/opus-mt-fr-bg', ('fr', 'bi'): 'Helsinki-NLP/opus-mt-fr-bi', + ('fr', 'bzs'): 'Helsinki-NLP/opus-mt-fr-bzs', ('fr', 'ca'): 'Helsinki-NLP/opus-mt-fr-ca', + ('fr', 'ceb'): 'Helsinki-NLP/opus-mt-fr-ceb', ('fr', 'crs'): 'Helsinki-NLP/opus-mt-fr-crs', + ('fr', 'de'): 'Helsinki-NLP/opus-mt-fr-de', ('fr', 'ee'): 'Helsinki-NLP/opus-mt-fr-ee', + ('fr', 'efi'): 'Helsinki-NLP/opus-mt-fr-efi', ('fr', 'el'): 'Helsinki-NLP/opus-mt-fr-el', + ('fr', 'en'): 'Helsinki-NLP/opus-mt-fr-en', ('fr', 'eo'): 'Helsinki-NLP/opus-mt-fr-eo', + ('fr', 'es'): 'Helsinki-NLP/opus-mt-fr-es', ('fr', 'fj'): 'Helsinki-NLP/opus-mt-fr-fj', + ('fr', 'gaa'): 'Helsinki-NLP/opus-mt-fr-gaa', ('fr', 'gil'): 'Helsinki-NLP/opus-mt-fr-gil', + ('fr', 'guw'): 'Helsinki-NLP/opus-mt-fr-guw', ('fr', 'ha'): 'Helsinki-NLP/opus-mt-fr-ha', + ('fr', 'he'): 'Helsinki-NLP/opus-mt-fr-he', ('fr', 'hil'): 'Helsinki-NLP/opus-mt-fr-hil', + ('fr', 'ho'): 'Helsinki-NLP/opus-mt-fr-ho', ('fr', 'hr'): 'Helsinki-NLP/opus-mt-fr-hr', + ('fr', 'ht'): 'Helsinki-NLP/opus-mt-fr-ht', ('fr', 'hu'): 'Helsinki-NLP/opus-mt-fr-hu', + ('fr', 'id'): 'Helsinki-NLP/opus-mt-fr-id', ('fr', 'ig'): 'Helsinki-NLP/opus-mt-fr-ig', + ('fr', 'ilo'): 'Helsinki-NLP/opus-mt-fr-ilo', ('fr', 'iso'): 'Helsinki-NLP/opus-mt-fr-iso', + ('fr', 'kg'): 'Helsinki-NLP/opus-mt-fr-kg', ('fr', 'kqn'): 'Helsinki-NLP/opus-mt-fr-kqn', + ('fr', 'kwy'): 'Helsinki-NLP/opus-mt-fr-kwy', ('fr', 'lg'): 'Helsinki-NLP/opus-mt-fr-lg', + ('fr', 'ln'): 'Helsinki-NLP/opus-mt-fr-ln', ('fr', 'loz'): 'Helsinki-NLP/opus-mt-fr-loz', + ('fr', 'lu'): 'Helsinki-NLP/opus-mt-fr-lu', ('fr', 'lua'): 'Helsinki-NLP/opus-mt-fr-lua', + ('fr', 'lue'): 'Helsinki-NLP/opus-mt-fr-lue', ('fr', 'lus'): 'Helsinki-NLP/opus-mt-fr-lus', + ('fr', 'mfe'): 'Helsinki-NLP/opus-mt-fr-mfe', ('fr', 'mh'): 'Helsinki-NLP/opus-mt-fr-mh', + ('fr', 'mos'): 'Helsinki-NLP/opus-mt-fr-mos', ('fr', 'ms'): 'Helsinki-NLP/opus-mt-fr-ms', + ('fr', 'mt'): 'Helsinki-NLP/opus-mt-fr-mt', ('fr', 'niu'): 'Helsinki-NLP/opus-mt-fr-niu', + ('fr', 'no'): 'Helsinki-NLP/opus-mt-fr-no', ('fr', 'nso'): 'Helsinki-NLP/opus-mt-fr-nso', + ('fr', 'ny'): 'Helsinki-NLP/opus-mt-fr-ny', ('fr', 'pag'): 'Helsinki-NLP/opus-mt-fr-pag', + ('fr', 'pap'): 'Helsinki-NLP/opus-mt-fr-pap', ('fr', 'pis'): 'Helsinki-NLP/opus-mt-fr-pis', + ('fr', 'pl'): 'Helsinki-NLP/opus-mt-fr-pl', ('fr', 'pon'): 'Helsinki-NLP/opus-mt-fr-pon', + ('fr', 'rnd'): 'Helsinki-NLP/opus-mt-fr-rnd', ('fr', 'ro'): 'Helsinki-NLP/opus-mt-fr-ro', + ('fr', 'ru'): 'Helsinki-NLP/opus-mt-fr-ru', ('fr', 'run'): 'Helsinki-NLP/opus-mt-fr-run', + ('fr', 'rw'): 'Helsinki-NLP/opus-mt-fr-rw', ('fr', 'sg'): 'Helsinki-NLP/opus-mt-fr-sg', + ('fr', 'sk'): 'Helsinki-NLP/opus-mt-fr-sk', ('fr', 'sl'): 'Helsinki-NLP/opus-mt-fr-sl', + ('fr', 'sm'): 'Helsinki-NLP/opus-mt-fr-sm', ('fr', 'sn'): 'Helsinki-NLP/opus-mt-fr-sn', + ('fr', 'srn'): 'Helsinki-NLP/opus-mt-fr-srn', ('fr', 'st'): 'Helsinki-NLP/opus-mt-fr-st', + ('fr', 'sv'): 'Helsinki-NLP/opus-mt-fr-sv', ('fr', 'swc'): 'Helsinki-NLP/opus-mt-fr-swc', + ('fr', 'tiv'): 'Helsinki-NLP/opus-mt-fr-tiv', ('fr', 'tl'): 'Helsinki-NLP/opus-mt-fr-tl', + ('fr', 'tll'): 'Helsinki-NLP/opus-mt-fr-tll', ('fr', 'tn'): 'Helsinki-NLP/opus-mt-fr-tn', + ('fr', 'to'): 'Helsinki-NLP/opus-mt-fr-to', ('fr', 'tpi'): 'Helsinki-NLP/opus-mt-fr-tpi', + ('fr', 'ts'): 'Helsinki-NLP/opus-mt-fr-ts', ('fr', 'tum'): 'Helsinki-NLP/opus-mt-fr-tum', + ('fr', 'tvl'): 'Helsinki-NLP/opus-mt-fr-tvl', ('fr', 'tw'): 'Helsinki-NLP/opus-mt-fr-tw', + ('fr', 'ty'): 'Helsinki-NLP/opus-mt-fr-ty', ('fr', 'uk'): 'Helsinki-NLP/opus-mt-fr-uk', + ('fr', 've'): 'Helsinki-NLP/opus-mt-fr-ve', ('fr', 'vi'): 'Helsinki-NLP/opus-mt-fr-vi', + ('fr', 'war'): 'Helsinki-NLP/opus-mt-fr-war', ('fr', 'wls'): 'Helsinki-NLP/opus-mt-fr-wls', + ('fr', 'xh'): 'Helsinki-NLP/opus-mt-fr-xh', ('fr', 'yap'): 'Helsinki-NLP/opus-mt-fr-yap', + ('fr', 'yo'): 'Helsinki-NLP/opus-mt-fr-yo', ('fr', 'zne'): 'Helsinki-NLP/opus-mt-fr-zne', + ('fse', 'fi'): 'Helsinki-NLP/opus-mt-fse-fi', ('ga', 'en'): 'Helsinki-NLP/opus-mt-ga-en', + ('gaa', 'de'): 'Helsinki-NLP/opus-mt-gaa-de', ('gaa', 'en'): 'Helsinki-NLP/opus-mt-gaa-en', + ('gaa', 'es'): 'Helsinki-NLP/opus-mt-gaa-es', ('gaa', 'fi'): 'Helsinki-NLP/opus-mt-gaa-fi', + ('gaa', 'fr'): 'Helsinki-NLP/opus-mt-gaa-fr', ('gaa', 'sv'): 'Helsinki-NLP/opus-mt-gaa-sv', + ('gem', 'en'): 'Helsinki-NLP/opus-mt-gem-en', ('gem', 'gem'): 'Helsinki-NLP/opus-mt-gem-gem', + ('gil', 'en'): 'Helsinki-NLP/opus-mt-gil-en', ('gil', 'es'): 'Helsinki-NLP/opus-mt-gil-es', + ('gil', 'fi'): 'Helsinki-NLP/opus-mt-gil-fi', ('gil', 'fr'): 'Helsinki-NLP/opus-mt-gil-fr', + ('gil', 'sv'): 'Helsinki-NLP/opus-mt-gil-sv', ('gl', 'en'): 'Helsinki-NLP/opus-mt-gl-en', + ('gl', 'es'): 'Helsinki-NLP/opus-mt-gl-es', ('gl', 'pt'): 'Helsinki-NLP/opus-mt-gl-pt', + ('gmq', 'en'): 'Helsinki-NLP/opus-mt-gmq-en', ('gmq', 'gmq'): 'Helsinki-NLP/opus-mt-gmq-gmq', + ('gmw', 'en'): 'Helsinki-NLP/opus-mt-gmw-en', ('gmw', 'gmw'): 'Helsinki-NLP/opus-mt-gmw-gmw', + ('grk', 'en'): 'Helsinki-NLP/opus-mt-grk-en', ('guw', 'de'): 'Helsinki-NLP/opus-mt-guw-de', + ('guw', 'en'): 'Helsinki-NLP/opus-mt-guw-en', ('guw', 'es'): 'Helsinki-NLP/opus-mt-guw-es', + ('guw', 'fi'): 'Helsinki-NLP/opus-mt-guw-fi', ('guw', 'fr'): 'Helsinki-NLP/opus-mt-guw-fr', + ('guw', 'sv'): 'Helsinki-NLP/opus-mt-guw-sv', ('gv', 'en'): 'Helsinki-NLP/opus-mt-gv-en', + ('ha', 'en'): 'Helsinki-NLP/opus-mt-ha-en', ('ha', 'es'): 'Helsinki-NLP/opus-mt-ha-es', + ('ha', 'fi'): 'Helsinki-NLP/opus-mt-ha-fi', ('ha', 'fr'): 'Helsinki-NLP/opus-mt-ha-fr', + ('ha', 'sv'): 'Helsinki-NLP/opus-mt-ha-sv', ('he', 'ar'): 'Helsinki-NLP/opus-mt-he-ar', + ('he', 'de'): 'Helsinki-NLP/opus-mt-he-de', ('he', 'eo'): 'Helsinki-NLP/opus-mt-he-eo', + ('he', 'es'): 'Helsinki-NLP/opus-mt-he-es', ('he', 'fi'): 'Helsinki-NLP/opus-mt-he-fi', + ('he', 'fr'): 'Helsinki-NLP/opus-mt-he-fr', ('he', 'it'): 'Helsinki-NLP/opus-mt-he-it', + ('he', 'ru'): 'Helsinki-NLP/opus-mt-he-ru', ('he', 'sv'): 'Helsinki-NLP/opus-mt-he-sv', + ('he', 'uk'): 'Helsinki-NLP/opus-mt-he-uk', ('hi', 'en'): 'Helsinki-NLP/opus-mt-hi-en', + ('hi', 'ur'): 'Helsinki-NLP/opus-mt-hi-ur', ('hil', 'de'): 'Helsinki-NLP/opus-mt-hil-de', + ('hil', 'en'): 'Helsinki-NLP/opus-mt-hil-en', ('hil', 'fi'): 'Helsinki-NLP/opus-mt-hil-fi', + ('ho', 'en'): 'Helsinki-NLP/opus-mt-ho-en', ('hr', 'es'): 'Helsinki-NLP/opus-mt-hr-es', + ('hr', 'fi'): 'Helsinki-NLP/opus-mt-hr-fi', ('hr', 'fr'): 'Helsinki-NLP/opus-mt-hr-fr', + ('hr', 'sv'): 'Helsinki-NLP/opus-mt-hr-sv', ('ht', 'en'): 'Helsinki-NLP/opus-mt-ht-en', + ('ht', 'es'): 'Helsinki-NLP/opus-mt-ht-es', ('ht', 'fi'): 'Helsinki-NLP/opus-mt-ht-fi', + ('ht', 'fr'): 'Helsinki-NLP/opus-mt-ht-fr', ('ht', 'sv'): 'Helsinki-NLP/opus-mt-ht-sv', + ('hu', 'de'): 'Helsinki-NLP/opus-mt-hu-de', ('hu', 'en'): 'Helsinki-NLP/opus-mt-hu-en', + ('hu', 'eo'): 'Helsinki-NLP/opus-mt-hu-eo', ('hu', 'fi'): 'Helsinki-NLP/opus-mt-hu-fi', + ('hu', 'fr'): 'Helsinki-NLP/opus-mt-hu-fr', ('hu', 'sv'): 'Helsinki-NLP/opus-mt-hu-sv', + ('hu', 'uk'): 'Helsinki-NLP/opus-mt-hu-uk', ('hy', 'en'): 'Helsinki-NLP/opus-mt-hy-en', + ('hy', 'ru'): 'Helsinki-NLP/opus-mt-hy-ru', ('id', 'en'): 'Helsinki-NLP/opus-mt-id-en', + ('id', 'es'): 'Helsinki-NLP/opus-mt-id-es', ('id', 'fi'): 'Helsinki-NLP/opus-mt-id-fi', + ('id', 'fr'): 'Helsinki-NLP/opus-mt-id-fr', ('id', 'sv'): 'Helsinki-NLP/opus-mt-id-sv', + ('ig', 'de'): 'Helsinki-NLP/opus-mt-ig-de', ('ig', 'en'): 'Helsinki-NLP/opus-mt-ig-en', + ('ig', 'es'): 'Helsinki-NLP/opus-mt-ig-es', ('ig', 'fi'): 'Helsinki-NLP/opus-mt-ig-fi', + ('ig', 'fr'): 'Helsinki-NLP/opus-mt-ig-fr', ('ig', 'sv'): 'Helsinki-NLP/opus-mt-ig-sv', + ('iir', 'en'): 'Helsinki-NLP/opus-mt-iir-en', ('iir', 'iir'): 'Helsinki-NLP/opus-mt-iir-iir', + ('ilo', 'de'): 'Helsinki-NLP/opus-mt-ilo-de', ('ilo', 'en'): 'Helsinki-NLP/opus-mt-ilo-en', + ('ilo', 'es'): 'Helsinki-NLP/opus-mt-ilo-es', ('ilo', 'fi'): 'Helsinki-NLP/opus-mt-ilo-fi', + ('ilo', 'sv'): 'Helsinki-NLP/opus-mt-ilo-sv', ('inc', 'en'): 'Helsinki-NLP/opus-mt-inc-en', + ('inc', 'inc'): 'Helsinki-NLP/opus-mt-inc-inc', ('ine', 'en'): 'Helsinki-NLP/opus-mt-ine-en', + ('ine', 'ine'): 'Helsinki-NLP/opus-mt-ine-ine', ('is', 'de'): 'Helsinki-NLP/opus-mt-is-de', + ('is', 'en'): 'Helsinki-NLP/opus-mt-is-en', ('is', 'eo'): 'Helsinki-NLP/opus-mt-is-eo', + ('is', 'es'): 'Helsinki-NLP/opus-mt-is-es', ('is', 'fi'): 'Helsinki-NLP/opus-mt-is-fi', + ('is', 'fr'): 'Helsinki-NLP/opus-mt-is-fr', ('is', 'it'): 'Helsinki-NLP/opus-mt-is-it', + ('is', 'sv'): 'Helsinki-NLP/opus-mt-is-sv', ('iso', 'en'): 'Helsinki-NLP/opus-mt-iso-en', + ('iso', 'es'): 'Helsinki-NLP/opus-mt-iso-es', ('iso', 'fi'): 'Helsinki-NLP/opus-mt-iso-fi', + ('iso', 'fr'): 'Helsinki-NLP/opus-mt-iso-fr', ('iso', 'sv'): 'Helsinki-NLP/opus-mt-iso-sv', + ('it', 'ar'): 'Helsinki-NLP/opus-mt-it-ar', ('it', 'bg'): 'Helsinki-NLP/opus-mt-it-bg', + ('it', 'ca'): 'Helsinki-NLP/opus-mt-it-ca', ('it', 'de'): 'Helsinki-NLP/opus-mt-it-de', + ('it', 'en'): 'Helsinki-NLP/opus-mt-it-en', ('it', 'eo'): 'Helsinki-NLP/opus-mt-it-eo', + ('it', 'es'): 'Helsinki-NLP/opus-mt-it-es', ('it', 'fr'): 'Helsinki-NLP/opus-mt-it-fr', + ('it', 'is'): 'Helsinki-NLP/opus-mt-it-is', ('it', 'lt'): 'Helsinki-NLP/opus-mt-it-lt', + ('it', 'ms'): 'Helsinki-NLP/opus-mt-it-ms', ('it', 'sv'): 'Helsinki-NLP/opus-mt-it-sv', + ('it', 'uk'): 'Helsinki-NLP/opus-mt-it-uk', ('it', 'vi'): 'Helsinki-NLP/opus-mt-it-vi', + ('itc', 'en'): 'Helsinki-NLP/opus-mt-itc-en', ('itc', 'itc'): 'Helsinki-NLP/opus-mt-itc-itc', + ('ja', 'ar'): 'Helsinki-NLP/opus-mt-ja-ar', ('ja', 'bg'): 'Helsinki-NLP/opus-mt-ja-bg', + ('ja', 'da'): 'Helsinki-NLP/opus-mt-ja-da', ('ja', 'de'): 'Helsinki-NLP/opus-mt-ja-de', + ('ja', 'en'): 'Helsinki-NLP/opus-mt-ja-en', ('ja', 'es'): 'Helsinki-NLP/opus-mt-ja-es', + ('ja', 'fi'): 'Helsinki-NLP/opus-mt-ja-fi', ('ja', 'fr'): 'Helsinki-NLP/opus-mt-ja-fr', + ('ja', 'he'): 'Helsinki-NLP/opus-mt-ja-he', ('ja', 'hu'): 'Helsinki-NLP/opus-mt-ja-hu', + ('ja', 'it'): 'Helsinki-NLP/opus-mt-ja-it', ('ja', 'ms'): 'Helsinki-NLP/opus-mt-ja-ms', + ('ja', 'nl'): 'Helsinki-NLP/opus-mt-ja-nl', ('ja', 'pl'): 'Helsinki-NLP/opus-mt-ja-pl', + ('ja', 'pt'): 'Helsinki-NLP/opus-mt-ja-pt', ('ja', 'ru'): 'Helsinki-NLP/opus-mt-ja-ru', + ('ja', 'sh'): 'Helsinki-NLP/opus-mt-ja-sh', ('ja', 'sv'): 'Helsinki-NLP/opus-mt-ja-sv', + ('ja', 'tr'): 'Helsinki-NLP/opus-mt-ja-tr', ('ja', 'vi'): 'Helsinki-NLP/opus-mt-ja-vi', + ('jap', 'en'): 'Helsinki-NLP/opus-mt-jap-en', ('ka', 'en'): 'Helsinki-NLP/opus-mt-ka-en', + ('ka', 'ru'): 'Helsinki-NLP/opus-mt-ka-ru', ('kab', 'en'): 'Helsinki-NLP/opus-mt-kab-en', + ('kg', 'en'): 'Helsinki-NLP/opus-mt-kg-en', ('kg', 'es'): 'Helsinki-NLP/opus-mt-kg-es', + ('kg', 'fr'): 'Helsinki-NLP/opus-mt-kg-fr', ('kg', 'sv'): 'Helsinki-NLP/opus-mt-kg-sv', + ('kj', 'en'): 'Helsinki-NLP/opus-mt-kj-en', ('kl', 'en'): 'Helsinki-NLP/opus-mt-kl-en', + ('ko', 'de'): 'Helsinki-NLP/opus-mt-ko-de', ('ko', 'en'): 'Helsinki-NLP/opus-mt-ko-en', + ('ko', 'es'): 'Helsinki-NLP/opus-mt-ko-es', ('ko', 'fi'): 'Helsinki-NLP/opus-mt-ko-fi', + ('ko', 'fr'): 'Helsinki-NLP/opus-mt-ko-fr', ('ko', 'hu'): 'Helsinki-NLP/opus-mt-ko-hu', + ('ko', 'ru'): 'Helsinki-NLP/opus-mt-ko-ru', ('ko', 'sv'): 'Helsinki-NLP/opus-mt-ko-sv', + ('kqn', 'en'): 'Helsinki-NLP/opus-mt-kqn-en', ('kqn', 'es'): 'Helsinki-NLP/opus-mt-kqn-es', + ('kqn', 'fr'): 'Helsinki-NLP/opus-mt-kqn-fr', ('kqn', 'sv'): 'Helsinki-NLP/opus-mt-kqn-sv', + ('kwn', 'en'): 'Helsinki-NLP/opus-mt-kwn-en', ('kwy', 'en'): 'Helsinki-NLP/opus-mt-kwy-en', + ('kwy', 'fr'): 'Helsinki-NLP/opus-mt-kwy-fr', ('kwy', 'sv'): 'Helsinki-NLP/opus-mt-kwy-sv', + ('lg', 'en'): 'Helsinki-NLP/opus-mt-lg-en', ('lg', 'es'): 'Helsinki-NLP/opus-mt-lg-es', + ('lg', 'fi'): 'Helsinki-NLP/opus-mt-lg-fi', ('lg', 'fr'): 'Helsinki-NLP/opus-mt-lg-fr', + ('lg', 'sv'): 'Helsinki-NLP/opus-mt-lg-sv', ('ln', 'de'): 'Helsinki-NLP/opus-mt-ln-de', + ('ln', 'en'): 'Helsinki-NLP/opus-mt-ln-en', ('ln', 'es'): 'Helsinki-NLP/opus-mt-ln-es', + ('ln', 'fr'): 'Helsinki-NLP/opus-mt-ln-fr', ('loz', 'de'): 'Helsinki-NLP/opus-mt-loz-de', + ('loz', 'en'): 'Helsinki-NLP/opus-mt-loz-en', ('loz', 'es'): 'Helsinki-NLP/opus-mt-loz-es', + ('loz', 'fi'): 'Helsinki-NLP/opus-mt-loz-fi', ('loz', 'fr'): 'Helsinki-NLP/opus-mt-loz-fr', + ('loz', 'sv'): 'Helsinki-NLP/opus-mt-loz-sv', ('lt', 'de'): 'Helsinki-NLP/opus-mt-lt-de', + ('lt', 'eo'): 'Helsinki-NLP/opus-mt-lt-eo', ('lt', 'es'): 'Helsinki-NLP/opus-mt-lt-es', + ('lt', 'fr'): 'Helsinki-NLP/opus-mt-lt-fr', ('lt', 'it'): 'Helsinki-NLP/opus-mt-lt-it', + ('lt', 'pl'): 'Helsinki-NLP/opus-mt-lt-pl', ('lt', 'ru'): 'Helsinki-NLP/opus-mt-lt-ru', + ('lt', 'sv'): 'Helsinki-NLP/opus-mt-lt-sv', ('lt', 'tr'): 'Helsinki-NLP/opus-mt-lt-tr', + ('lu', 'en'): 'Helsinki-NLP/opus-mt-lu-en', ('lu', 'es'): 'Helsinki-NLP/opus-mt-lu-es', + ('lu', 'fi'): 'Helsinki-NLP/opus-mt-lu-fi', ('lu', 'fr'): 'Helsinki-NLP/opus-mt-lu-fr', + ('lu', 'sv'): 'Helsinki-NLP/opus-mt-lu-sv', ('lua', 'en'): 'Helsinki-NLP/opus-mt-lua-en', + ('lua', 'es'): 'Helsinki-NLP/opus-mt-lua-es', ('lua', 'fi'): 'Helsinki-NLP/opus-mt-lua-fi', + ('lua', 'fr'): 'Helsinki-NLP/opus-mt-lua-fr', ('lua', 'sv'): 'Helsinki-NLP/opus-mt-lua-sv', + ('lue', 'en'): 'Helsinki-NLP/opus-mt-lue-en', ('lue', 'es'): 'Helsinki-NLP/opus-mt-lue-es', + ('lue', 'fi'): 'Helsinki-NLP/opus-mt-lue-fi', ('lue', 'fr'): 'Helsinki-NLP/opus-mt-lue-fr', + ('lue', 'sv'): 'Helsinki-NLP/opus-mt-lue-sv', ('lun', 'en'): 'Helsinki-NLP/opus-mt-lun-en', + ('luo', 'en'): 'Helsinki-NLP/opus-mt-luo-en', ('lus', 'en'): 'Helsinki-NLP/opus-mt-lus-en', + ('lus', 'es'): 'Helsinki-NLP/opus-mt-lus-es', ('lus', 'fi'): 'Helsinki-NLP/opus-mt-lus-fi', + ('lus', 'fr'): 'Helsinki-NLP/opus-mt-lus-fr', ('lus', 'sv'): 'Helsinki-NLP/opus-mt-lus-sv', + ('lv', 'en'): 'Helsinki-NLP/opus-mt-lv-en', ('lv', 'es'): 'Helsinki-NLP/opus-mt-lv-es', + ('lv', 'fi'): 'Helsinki-NLP/opus-mt-lv-fi', ('lv', 'fr'): 'Helsinki-NLP/opus-mt-lv-fr', + ('lv', 'ru'): 'Helsinki-NLP/opus-mt-lv-ru', ('lv', 'sv'): 'Helsinki-NLP/opus-mt-lv-sv', + ('mfe', 'en'): 'Helsinki-NLP/opus-mt-mfe-en', ('mfe', 'es'): 'Helsinki-NLP/opus-mt-mfe-es', + ('mfs', 'es'): 'Helsinki-NLP/opus-mt-mfs-es', ('mg', 'en'): 'Helsinki-NLP/opus-mt-mg-en', + ('mg', 'es'): 'Helsinki-NLP/opus-mt-mg-es', ('mh', 'en'): 'Helsinki-NLP/opus-mt-mh-en', + ('mh', 'es'): 'Helsinki-NLP/opus-mt-mh-es', ('mh', 'fi'): 'Helsinki-NLP/opus-mt-mh-fi', + ('mk', 'en'): 'Helsinki-NLP/opus-mt-mk-en', ('mk', 'es'): 'Helsinki-NLP/opus-mt-mk-es', + ('mk', 'fi'): 'Helsinki-NLP/opus-mt-mk-fi', ('mk', 'fr'): 'Helsinki-NLP/opus-mt-mk-fr', + ('mkh', 'en'): 'Helsinki-NLP/opus-mt-mkh-en', ('ml', 'en'): 'Helsinki-NLP/opus-mt-ml-en', + ('mos', 'en'): 'Helsinki-NLP/opus-mt-mos-en', ('mr', 'en'): 'Helsinki-NLP/opus-mt-mr-en', + ('ms', 'de'): 'Helsinki-NLP/opus-mt-ms-de', ('ms', 'fr'): 'Helsinki-NLP/opus-mt-ms-fr', + ('ms', 'it'): 'Helsinki-NLP/opus-mt-ms-it', ('ms', 'ms'): 'Helsinki-NLP/opus-mt-ms-ms', + ('mt', 'en'): 'Helsinki-NLP/opus-mt-mt-en', ('mt', 'es'): 'Helsinki-NLP/opus-mt-mt-es', + ('mt', 'fi'): 'Helsinki-NLP/opus-mt-mt-fi', ('mt', 'fr'): 'Helsinki-NLP/opus-mt-mt-fr', + ('mt', 'sv'): 'Helsinki-NLP/opus-mt-mt-sv', ('mul', 'en'): 'Helsinki-NLP/opus-mt-mul-en', + ('ng', 'en'): 'Helsinki-NLP/opus-mt-ng-en', ('nic', 'en'): 'Helsinki-NLP/opus-mt-nic-en', + ('niu', 'de'): 'Helsinki-NLP/opus-mt-niu-de', ('niu', 'en'): 'Helsinki-NLP/opus-mt-niu-en', + ('niu', 'es'): 'Helsinki-NLP/opus-mt-niu-es', ('niu', 'fi'): 'Helsinki-NLP/opus-mt-niu-fi', + ('niu', 'fr'): 'Helsinki-NLP/opus-mt-niu-fr', ('niu', 'sv'): 'Helsinki-NLP/opus-mt-niu-sv', + ('nl', 'af'): 'Helsinki-NLP/opus-mt-nl-af', ('nl', 'ca'): 'Helsinki-NLP/opus-mt-nl-ca', + ('nl', 'en'): 'Helsinki-NLP/opus-mt-nl-en', ('nl', 'eo'): 'Helsinki-NLP/opus-mt-nl-eo', + ('nl', 'es'): 'Helsinki-NLP/opus-mt-nl-es', ('nl', 'fi'): 'Helsinki-NLP/opus-mt-nl-fi', + ('nl', 'fr'): 'Helsinki-NLP/opus-mt-nl-fr', ('nl', 'no'): 'Helsinki-NLP/opus-mt-nl-no', + ('nl', 'sv'): 'Helsinki-NLP/opus-mt-nl-sv', ('nl', 'uk'): 'Helsinki-NLP/opus-mt-nl-uk', + ('no', 'da'): 'Helsinki-NLP/opus-mt-no-da', ('no', 'de'): 'Helsinki-NLP/opus-mt-no-de', + ('no', 'es'): 'Helsinki-NLP/opus-mt-no-es', ('no', 'fi'): 'Helsinki-NLP/opus-mt-no-fi', + ('no', 'fr'): 'Helsinki-NLP/opus-mt-no-fr', ('no', 'nl'): 'Helsinki-NLP/opus-mt-no-nl', + ('no', 'no'): 'Helsinki-NLP/opus-mt-no-no', ('no', 'pl'): 'Helsinki-NLP/opus-mt-no-pl', + ('no', 'ru'): 'Helsinki-NLP/opus-mt-no-ru', ('no', 'sv'): 'Helsinki-NLP/opus-mt-no-sv', + ('no', 'uk'): 'Helsinki-NLP/opus-mt-no-uk', ('nso', 'de'): 'Helsinki-NLP/opus-mt-nso-de', + ('nso', 'en'): 'Helsinki-NLP/opus-mt-nso-en', ('nso', 'es'): 'Helsinki-NLP/opus-mt-nso-es', + ('nso', 'fi'): 'Helsinki-NLP/opus-mt-nso-fi', ('nso', 'fr'): 'Helsinki-NLP/opus-mt-nso-fr', + ('nso', 'sv'): 'Helsinki-NLP/opus-mt-nso-sv', ('ny', 'de'): 'Helsinki-NLP/opus-mt-ny-de', + ('ny', 'en'): 'Helsinki-NLP/opus-mt-ny-en', ('ny', 'es'): 'Helsinki-NLP/opus-mt-ny-es', + ('nyk', 'en'): 'Helsinki-NLP/opus-mt-nyk-en', ('om', 'en'): 'Helsinki-NLP/opus-mt-om-en', + ('pa', 'en'): 'Helsinki-NLP/opus-mt-pa-en', ('pag', 'de'): 'Helsinki-NLP/opus-mt-pag-de', + ('pag', 'en'): 'Helsinki-NLP/opus-mt-pag-en', ('pag', 'es'): 'Helsinki-NLP/opus-mt-pag-es', + ('pag', 'fi'): 'Helsinki-NLP/opus-mt-pag-fi', ('pag', 'sv'): 'Helsinki-NLP/opus-mt-pag-sv', + ('pap', 'de'): 'Helsinki-NLP/opus-mt-pap-de', ('pap', 'en'): 'Helsinki-NLP/opus-mt-pap-en', + ('pap', 'es'): 'Helsinki-NLP/opus-mt-pap-es', ('pap', 'fi'): 'Helsinki-NLP/opus-mt-pap-fi', + ('pap', 'fr'): 'Helsinki-NLP/opus-mt-pap-fr', ('phi', 'en'): 'Helsinki-NLP/opus-mt-phi-en', + ('pis', 'en'): 'Helsinki-NLP/opus-mt-pis-en', ('pis', 'es'): 'Helsinki-NLP/opus-mt-pis-es', + ('pis', 'fi'): 'Helsinki-NLP/opus-mt-pis-fi', ('pis', 'fr'): 'Helsinki-NLP/opus-mt-pis-fr', + ('pis', 'sv'): 'Helsinki-NLP/opus-mt-pis-sv', ('pl', 'ar'): 'Helsinki-NLP/opus-mt-pl-ar', + ('pl', 'de'): 'Helsinki-NLP/opus-mt-pl-de', ('pl', 'en'): 'Helsinki-NLP/opus-mt-pl-en', + ('pl', 'eo'): 'Helsinki-NLP/opus-mt-pl-eo', ('pl', 'es'): 'Helsinki-NLP/opus-mt-pl-es', + ('pl', 'fr'): 'Helsinki-NLP/opus-mt-pl-fr', ('pl', 'lt'): 'Helsinki-NLP/opus-mt-pl-lt', + ('pl', 'no'): 'Helsinki-NLP/opus-mt-pl-no', ('pl', 'sv'): 'Helsinki-NLP/opus-mt-pl-sv', + ('pl', 'uk'): 'Helsinki-NLP/opus-mt-pl-uk', ('pon', 'en'): 'Helsinki-NLP/opus-mt-pon-en', + ('pon', 'es'): 'Helsinki-NLP/opus-mt-pon-es', ('pon', 'fi'): 'Helsinki-NLP/opus-mt-pon-fi', + ('pon', 'fr'): 'Helsinki-NLP/opus-mt-pon-fr', ('pon', 'sv'): 'Helsinki-NLP/opus-mt-pon-sv', + ('pqe', 'en'): 'Helsinki-NLP/opus-mt-pqe-en', ('prl', 'es'): 'Helsinki-NLP/opus-mt-prl-es', + ('pt', 'ca'): 'Helsinki-NLP/opus-mt-pt-ca', ('pt', 'eo'): 'Helsinki-NLP/opus-mt-pt-eo', + ('pt', 'gl'): 'Helsinki-NLP/opus-mt-pt-gl', ('pt', 'tl'): 'Helsinki-NLP/opus-mt-pt-tl', + ('pt', 'uk'): 'Helsinki-NLP/opus-mt-pt-uk', ('rn', 'de'): 'Helsinki-NLP/opus-mt-rn-de', + ('rn', 'en'): 'Helsinki-NLP/opus-mt-rn-en', ('rn', 'es'): 'Helsinki-NLP/opus-mt-rn-es', + ('rn', 'fr'): 'Helsinki-NLP/opus-mt-rn-fr', ('rn', 'ru'): 'Helsinki-NLP/opus-mt-rn-ru', + ('rnd', 'en'): 'Helsinki-NLP/opus-mt-rnd-en', ('rnd', 'fr'): 'Helsinki-NLP/opus-mt-rnd-fr', + ('rnd', 'sv'): 'Helsinki-NLP/opus-mt-rnd-sv', ('ro', 'eo'): 'Helsinki-NLP/opus-mt-ro-eo', + ('ro', 'fi'): 'Helsinki-NLP/opus-mt-ro-fi', ('ro', 'fr'): 'Helsinki-NLP/opus-mt-ro-fr', + ('ro', 'sv'): 'Helsinki-NLP/opus-mt-ro-sv', ('roa', 'en'): 'Helsinki-NLP/opus-mt-roa-en', + ('ru', 'af'): 'Helsinki-NLP/opus-mt-ru-af', ('ru', 'ar'): 'Helsinki-NLP/opus-mt-ru-ar', + ('ru', 'bg'): 'Helsinki-NLP/opus-mt-ru-bg', ('ru', 'da'): 'Helsinki-NLP/opus-mt-ru-da', + ('ru', 'en'): 'Helsinki-NLP/opus-mt-ru-en', ('ru', 'eo'): 'Helsinki-NLP/opus-mt-ru-eo', + ('ru', 'es'): 'Helsinki-NLP/opus-mt-ru-es', ('ru', 'et'): 'Helsinki-NLP/opus-mt-ru-et', + ('ru', 'eu'): 'Helsinki-NLP/opus-mt-ru-eu', ('ru', 'fi'): 'Helsinki-NLP/opus-mt-ru-fi', + ('ru', 'fr'): 'Helsinki-NLP/opus-mt-ru-fr', ('ru', 'he'): 'Helsinki-NLP/opus-mt-ru-he', + ('ru', 'hy'): 'Helsinki-NLP/opus-mt-ru-hy', ('ru', 'lt'): 'Helsinki-NLP/opus-mt-ru-lt', + ('ru', 'lv'): 'Helsinki-NLP/opus-mt-ru-lv', ('ru', 'no'): 'Helsinki-NLP/opus-mt-ru-no', + ('ru', 'sl'): 'Helsinki-NLP/opus-mt-ru-sl', ('ru', 'sv'): 'Helsinki-NLP/opus-mt-ru-sv', + ('ru', 'uk'): 'Helsinki-NLP/opus-mt-ru-uk', ('ru', 'vi'): 'Helsinki-NLP/opus-mt-ru-vi', + ('run', 'en'): 'Helsinki-NLP/opus-mt-run-en', ('run', 'es'): 'Helsinki-NLP/opus-mt-run-es', + ('run', 'sv'): 'Helsinki-NLP/opus-mt-run-sv', ('rw', 'en'): 'Helsinki-NLP/opus-mt-rw-en', + ('rw', 'es'): 'Helsinki-NLP/opus-mt-rw-es', ('rw', 'fr'): 'Helsinki-NLP/opus-mt-rw-fr', + ('rw', 'sv'): 'Helsinki-NLP/opus-mt-rw-sv', ('sal', 'en'): 'Helsinki-NLP/opus-mt-sal-en', + ('sem', 'en'): 'Helsinki-NLP/opus-mt-sem-en', ('sem', 'sem'): 'Helsinki-NLP/opus-mt-sem-sem', + ('sg', 'en'): 'Helsinki-NLP/opus-mt-sg-en', ('sg', 'es'): 'Helsinki-NLP/opus-mt-sg-es', + ('sg', 'fi'): 'Helsinki-NLP/opus-mt-sg-fi', ('sg', 'fr'): 'Helsinki-NLP/opus-mt-sg-fr', + ('sg', 'sv'): 'Helsinki-NLP/opus-mt-sg-sv', ('sh', 'eo'): 'Helsinki-NLP/opus-mt-sh-eo', + ('sh', 'uk'): 'Helsinki-NLP/opus-mt-sh-uk', ('sk', 'en'): 'Helsinki-NLP/opus-mt-sk-en', + ('sk', 'es'): 'Helsinki-NLP/opus-mt-sk-es', ('sk', 'fi'): 'Helsinki-NLP/opus-mt-sk-fi', + ('sk', 'fr'): 'Helsinki-NLP/opus-mt-sk-fr', ('sk', 'sv'): 'Helsinki-NLP/opus-mt-sk-sv', + ('sl', 'es'): 'Helsinki-NLP/opus-mt-sl-es', ('sl', 'fi'): 'Helsinki-NLP/opus-mt-sl-fi', + ('sl', 'fr'): 'Helsinki-NLP/opus-mt-sl-fr', ('sl', 'ru'): 'Helsinki-NLP/opus-mt-sl-ru', + ('sl', 'sv'): 'Helsinki-NLP/opus-mt-sl-sv', ('sl', 'uk'): 'Helsinki-NLP/opus-mt-sl-uk', + ('sla', 'en'): 'Helsinki-NLP/opus-mt-sla-en', ('sla', 'sla'): 'Helsinki-NLP/opus-mt-sla-sla', + ('sm', 'en'): 'Helsinki-NLP/opus-mt-sm-en', ('sm', 'es'): 'Helsinki-NLP/opus-mt-sm-es', + ('sm', 'fr'): 'Helsinki-NLP/opus-mt-sm-fr', ('sn', 'en'): 'Helsinki-NLP/opus-mt-sn-en', + ('sn', 'es'): 'Helsinki-NLP/opus-mt-sn-es', ('sn', 'fr'): 'Helsinki-NLP/opus-mt-sn-fr', + ('sn', 'sv'): 'Helsinki-NLP/opus-mt-sn-sv', ('sq', 'en'): 'Helsinki-NLP/opus-mt-sq-en', + ('sq', 'es'): 'Helsinki-NLP/opus-mt-sq-es', ('sq', 'sv'): 'Helsinki-NLP/opus-mt-sq-sv', + ('srn', 'en'): 'Helsinki-NLP/opus-mt-srn-en', ('srn', 'es'): 'Helsinki-NLP/opus-mt-srn-es', + ('srn', 'fr'): 'Helsinki-NLP/opus-mt-srn-fr', ('srn', 'sv'): 'Helsinki-NLP/opus-mt-srn-sv', + ('ss', 'en'): 'Helsinki-NLP/opus-mt-ss-en', ('ssp', 'es'): 'Helsinki-NLP/opus-mt-ssp-es', + ('st', 'en'): 'Helsinki-NLP/opus-mt-st-en', ('st', 'es'): 'Helsinki-NLP/opus-mt-st-es', + ('st', 'fi'): 'Helsinki-NLP/opus-mt-st-fi', ('st', 'fr'): 'Helsinki-NLP/opus-mt-st-fr', + ('st', 'sv'): 'Helsinki-NLP/opus-mt-st-sv', ('sv', 'NORWAY'): 'Helsinki-NLP/opus-mt-sv-NORWAY', + ('sv', 'ZH'): 'Helsinki-NLP/opus-mt-sv-ZH', ('sv', 'af'): 'Helsinki-NLP/opus-mt-sv-af', + ('sv', 'ase'): 'Helsinki-NLP/opus-mt-sv-ase', ('sv', 'bcl'): 'Helsinki-NLP/opus-mt-sv-bcl', + ('sv', 'bem'): 'Helsinki-NLP/opus-mt-sv-bem', ('sv', 'bg'): 'Helsinki-NLP/opus-mt-sv-bg', + ('sv', 'bi'): 'Helsinki-NLP/opus-mt-sv-bi', ('sv', 'bzs'): 'Helsinki-NLP/opus-mt-sv-bzs', + ('sv', 'ceb'): 'Helsinki-NLP/opus-mt-sv-ceb', ('sv', 'chk'): 'Helsinki-NLP/opus-mt-sv-chk', + ('sv', 'crs'): 'Helsinki-NLP/opus-mt-sv-crs', ('sv', 'cs'): 'Helsinki-NLP/opus-mt-sv-cs', + ('sv', 'ee'): 'Helsinki-NLP/opus-mt-sv-ee', ('sv', 'efi'): 'Helsinki-NLP/opus-mt-sv-efi', + ('sv', 'el'): 'Helsinki-NLP/opus-mt-sv-el', ('sv', 'en'): 'Helsinki-NLP/opus-mt-sv-en', + ('sv', 'eo'): 'Helsinki-NLP/opus-mt-sv-eo', ('sv', 'es'): 'Helsinki-NLP/opus-mt-sv-es', + ('sv', 'et'): 'Helsinki-NLP/opus-mt-sv-et', ('sv', 'fi'): 'Helsinki-NLP/opus-mt-sv-fi', + ('sv', 'fj'): 'Helsinki-NLP/opus-mt-sv-fj', ('sv', 'fr'): 'Helsinki-NLP/opus-mt-sv-fr', + ('sv', 'gaa'): 'Helsinki-NLP/opus-mt-sv-gaa', ('sv', 'gil'): 'Helsinki-NLP/opus-mt-sv-gil', + ('sv', 'guw'): 'Helsinki-NLP/opus-mt-sv-guw', ('sv', 'ha'): 'Helsinki-NLP/opus-mt-sv-ha', + ('sv', 'he'): 'Helsinki-NLP/opus-mt-sv-he', ('sv', 'hil'): 'Helsinki-NLP/opus-mt-sv-hil', + ('sv', 'ho'): 'Helsinki-NLP/opus-mt-sv-ho', ('sv', 'hr'): 'Helsinki-NLP/opus-mt-sv-hr', + ('sv', 'ht'): 'Helsinki-NLP/opus-mt-sv-ht', ('sv', 'hu'): 'Helsinki-NLP/opus-mt-sv-hu', + ('sv', 'id'): 'Helsinki-NLP/opus-mt-sv-id', ('sv', 'ig'): 'Helsinki-NLP/opus-mt-sv-ig', + ('sv', 'ilo'): 'Helsinki-NLP/opus-mt-sv-ilo', ('sv', 'is'): 'Helsinki-NLP/opus-mt-sv-is', + ('sv', 'iso'): 'Helsinki-NLP/opus-mt-sv-iso', ('sv', 'kg'): 'Helsinki-NLP/opus-mt-sv-kg', + ('sv', 'kqn'): 'Helsinki-NLP/opus-mt-sv-kqn', ('sv', 'kwy'): 'Helsinki-NLP/opus-mt-sv-kwy', + ('sv', 'lg'): 'Helsinki-NLP/opus-mt-sv-lg', ('sv', 'ln'): 'Helsinki-NLP/opus-mt-sv-ln', + ('sv', 'lu'): 'Helsinki-NLP/opus-mt-sv-lu', ('sv', 'lua'): 'Helsinki-NLP/opus-mt-sv-lua', + ('sv', 'lue'): 'Helsinki-NLP/opus-mt-sv-lue', ('sv', 'lus'): 'Helsinki-NLP/opus-mt-sv-lus', + ('sv', 'lv'): 'Helsinki-NLP/opus-mt-sv-lv', ('sv', 'mfe'): 'Helsinki-NLP/opus-mt-sv-mfe', + ('sv', 'mh'): 'Helsinki-NLP/opus-mt-sv-mh', ('sv', 'mos'): 'Helsinki-NLP/opus-mt-sv-mos', + ('sv', 'mt'): 'Helsinki-NLP/opus-mt-sv-mt', ('sv', 'niu'): 'Helsinki-NLP/opus-mt-sv-niu', + ('sv', 'nl'): 'Helsinki-NLP/opus-mt-sv-nl', ('sv', 'no'): 'Helsinki-NLP/opus-mt-sv-no', + ('sv', 'nso'): 'Helsinki-NLP/opus-mt-sv-nso', ('sv', 'ny'): 'Helsinki-NLP/opus-mt-sv-ny', + ('sv', 'pag'): 'Helsinki-NLP/opus-mt-sv-pag', ('sv', 'pap'): 'Helsinki-NLP/opus-mt-sv-pap', + ('sv', 'pis'): 'Helsinki-NLP/opus-mt-sv-pis', ('sv', 'pon'): 'Helsinki-NLP/opus-mt-sv-pon', + ('sv', 'rnd'): 'Helsinki-NLP/opus-mt-sv-rnd', ('sv', 'ro'): 'Helsinki-NLP/opus-mt-sv-ro', + ('sv', 'ru'): 'Helsinki-NLP/opus-mt-sv-ru', ('sv', 'run'): 'Helsinki-NLP/opus-mt-sv-run', + ('sv', 'rw'): 'Helsinki-NLP/opus-mt-sv-rw', ('sv', 'sg'): 'Helsinki-NLP/opus-mt-sv-sg', + ('sv', 'sk'): 'Helsinki-NLP/opus-mt-sv-sk', ('sv', 'sl'): 'Helsinki-NLP/opus-mt-sv-sl', + ('sv', 'sm'): 'Helsinki-NLP/opus-mt-sv-sm', ('sv', 'sn'): 'Helsinki-NLP/opus-mt-sv-sn', + ('sv', 'sq'): 'Helsinki-NLP/opus-mt-sv-sq', ('sv', 'srn'): 'Helsinki-NLP/opus-mt-sv-srn', + ('sv', 'st'): 'Helsinki-NLP/opus-mt-sv-st', ('sv', 'sv'): 'Helsinki-NLP/opus-mt-sv-sv', + ('sv', 'swc'): 'Helsinki-NLP/opus-mt-sv-swc', ('sv', 'th'): 'Helsinki-NLP/opus-mt-sv-th', + ('sv', 'tiv'): 'Helsinki-NLP/opus-mt-sv-tiv', ('sv', 'tll'): 'Helsinki-NLP/opus-mt-sv-tll', + ('sv', 'tn'): 'Helsinki-NLP/opus-mt-sv-tn', ('sv', 'to'): 'Helsinki-NLP/opus-mt-sv-to', + ('sv', 'toi'): 'Helsinki-NLP/opus-mt-sv-toi', ('sv', 'tpi'): 'Helsinki-NLP/opus-mt-sv-tpi', + ('sv', 'ts'): 'Helsinki-NLP/opus-mt-sv-ts', ('sv', 'tum'): 'Helsinki-NLP/opus-mt-sv-tum', + ('sv', 'tvl'): 'Helsinki-NLP/opus-mt-sv-tvl', ('sv', 'tw'): 'Helsinki-NLP/opus-mt-sv-tw', + ('sv', 'ty'): 'Helsinki-NLP/opus-mt-sv-ty', ('sv', 'uk'): 'Helsinki-NLP/opus-mt-sv-uk', + ('sv', 'umb'): 'Helsinki-NLP/opus-mt-sv-umb', ('sv', 've'): 'Helsinki-NLP/opus-mt-sv-ve', + ('sv', 'war'): 'Helsinki-NLP/opus-mt-sv-war', ('sv', 'wls'): 'Helsinki-NLP/opus-mt-sv-wls', + ('sv', 'xh'): 'Helsinki-NLP/opus-mt-sv-xh', ('sv', 'yap'): 'Helsinki-NLP/opus-mt-sv-yap', + ('sv', 'yo'): 'Helsinki-NLP/opus-mt-sv-yo', ('sv', 'zne'): 'Helsinki-NLP/opus-mt-sv-zne', + ('swc', 'en'): 'Helsinki-NLP/opus-mt-swc-en', ('swc', 'es'): 'Helsinki-NLP/opus-mt-swc-es', + ('swc', 'fi'): 'Helsinki-NLP/opus-mt-swc-fi', ('swc', 'fr'): 'Helsinki-NLP/opus-mt-swc-fr', + ('swc', 'sv'): 'Helsinki-NLP/opus-mt-swc-sv', ('taw', 'en'): 'Helsinki-NLP/opus-mt-taw-en', + ('th', 'en'): 'Helsinki-NLP/opus-mt-th-en', ('th', 'fr'): 'Helsinki-NLP/opus-mt-th-fr', + ('ti', 'en'): 'Helsinki-NLP/opus-mt-ti-en', ('tiv', 'en'): 'Helsinki-NLP/opus-mt-tiv-en', + ('tiv', 'fr'): 'Helsinki-NLP/opus-mt-tiv-fr', ('tiv', 'sv'): 'Helsinki-NLP/opus-mt-tiv-sv', + ('tl', 'de'): 'Helsinki-NLP/opus-mt-tl-de', ('tl', 'en'): 'Helsinki-NLP/opus-mt-tl-en', + ('tl', 'es'): 'Helsinki-NLP/opus-mt-tl-es', ('tl', 'pt'): 'Helsinki-NLP/opus-mt-tl-pt', + ('tll', 'en'): 'Helsinki-NLP/opus-mt-tll-en', ('tll', 'es'): 'Helsinki-NLP/opus-mt-tll-es', + ('tll', 'fi'): 'Helsinki-NLP/opus-mt-tll-fi', ('tll', 'fr'): 'Helsinki-NLP/opus-mt-tll-fr', + ('tll', 'sv'): 'Helsinki-NLP/opus-mt-tll-sv', ('tn', 'en'): 'Helsinki-NLP/opus-mt-tn-en', + ('tn', 'es'): 'Helsinki-NLP/opus-mt-tn-es', ('tn', 'fr'): 'Helsinki-NLP/opus-mt-tn-fr', + ('tn', 'sv'): 'Helsinki-NLP/opus-mt-tn-sv', ('to', 'en'): 'Helsinki-NLP/opus-mt-to-en', + ('to', 'es'): 'Helsinki-NLP/opus-mt-to-es', ('to', 'fr'): 'Helsinki-NLP/opus-mt-to-fr', + ('to', 'sv'): 'Helsinki-NLP/opus-mt-to-sv', ('toi', 'en'): 'Helsinki-NLP/opus-mt-toi-en', + ('toi', 'es'): 'Helsinki-NLP/opus-mt-toi-es', ('toi', 'fi'): 'Helsinki-NLP/opus-mt-toi-fi', + ('toi', 'fr'): 'Helsinki-NLP/opus-mt-toi-fr', ('toi', 'sv'): 'Helsinki-NLP/opus-mt-toi-sv', + ('tpi', 'en'): 'Helsinki-NLP/opus-mt-tpi-en', ('tpi', 'sv'): 'Helsinki-NLP/opus-mt-tpi-sv', + ('tr', 'ar'): 'Helsinki-NLP/opus-mt-tr-ar', ('tr', 'az'): 'Helsinki-NLP/opus-mt-tr-az', + ('tr', 'en'): 'Helsinki-NLP/opus-mt-tr-en', ('tr', 'eo'): 'Helsinki-NLP/opus-mt-tr-eo', + ('tr', 'es'): 'Helsinki-NLP/opus-mt-tr-es', ('tr', 'fr'): 'Helsinki-NLP/opus-mt-tr-fr', + ('tr', 'lt'): 'Helsinki-NLP/opus-mt-tr-lt', ('tr', 'sv'): 'Helsinki-NLP/opus-mt-tr-sv', + ('tr', 'uk'): 'Helsinki-NLP/opus-mt-tr-uk', ('trk', 'en'): 'Helsinki-NLP/opus-mt-trk-en', + ('ts', 'en'): 'Helsinki-NLP/opus-mt-ts-en', ('ts', 'es'): 'Helsinki-NLP/opus-mt-ts-es', + ('ts', 'fi'): 'Helsinki-NLP/opus-mt-ts-fi', ('ts', 'fr'): 'Helsinki-NLP/opus-mt-ts-fr', + ('ts', 'sv'): 'Helsinki-NLP/opus-mt-ts-sv', ('tum', 'en'): 'Helsinki-NLP/opus-mt-tum-en', + ('tum', 'es'): 'Helsinki-NLP/opus-mt-tum-es', ('tum', 'fr'): 'Helsinki-NLP/opus-mt-tum-fr', + ('tum', 'sv'): 'Helsinki-NLP/opus-mt-tum-sv', ('tvl', 'en'): 'Helsinki-NLP/opus-mt-tvl-en', + ('tvl', 'es'): 'Helsinki-NLP/opus-mt-tvl-es', ('tvl', 'fi'): 'Helsinki-NLP/opus-mt-tvl-fi', + ('tvl', 'fr'): 'Helsinki-NLP/opus-mt-tvl-fr', ('tvl', 'sv'): 'Helsinki-NLP/opus-mt-tvl-sv', + ('tw', 'es'): 'Helsinki-NLP/opus-mt-tw-es', ('tw', 'fi'): 'Helsinki-NLP/opus-mt-tw-fi', + ('tw', 'fr'): 'Helsinki-NLP/opus-mt-tw-fr', ('tw', 'sv'): 'Helsinki-NLP/opus-mt-tw-sv', + ('ty', 'es'): 'Helsinki-NLP/opus-mt-ty-es', ('ty', 'fi'): 'Helsinki-NLP/opus-mt-ty-fi', + ('ty', 'fr'): 'Helsinki-NLP/opus-mt-ty-fr', ('ty', 'sv'): 'Helsinki-NLP/opus-mt-ty-sv', + ('tzo', 'es'): 'Helsinki-NLP/opus-mt-tzo-es', ('uk', 'bg'): 'Helsinki-NLP/opus-mt-uk-bg', + ('uk', 'ca'): 'Helsinki-NLP/opus-mt-uk-ca', ('uk', 'cs'): 'Helsinki-NLP/opus-mt-uk-cs', + ('uk', 'de'): 'Helsinki-NLP/opus-mt-uk-de', ('uk', 'en'): 'Helsinki-NLP/opus-mt-uk-en', + ('uk', 'es'): 'Helsinki-NLP/opus-mt-uk-es', ('uk', 'fi'): 'Helsinki-NLP/opus-mt-uk-fi', + ('uk', 'fr'): 'Helsinki-NLP/opus-mt-uk-fr', ('uk', 'he'): 'Helsinki-NLP/opus-mt-uk-he', + ('uk', 'hu'): 'Helsinki-NLP/opus-mt-uk-hu', ('uk', 'it'): 'Helsinki-NLP/opus-mt-uk-it', + ('uk', 'nl'): 'Helsinki-NLP/opus-mt-uk-nl', ('uk', 'no'): 'Helsinki-NLP/opus-mt-uk-no', + ('uk', 'pl'): 'Helsinki-NLP/opus-mt-uk-pl', ('uk', 'pt'): 'Helsinki-NLP/opus-mt-uk-pt', + ('uk', 'ru'): 'Helsinki-NLP/opus-mt-uk-ru', ('uk', 'sh'): 'Helsinki-NLP/opus-mt-uk-sh', + ('uk', 'sl'): 'Helsinki-NLP/opus-mt-uk-sl', ('uk', 'sv'): 'Helsinki-NLP/opus-mt-uk-sv', + ('uk', 'tr'): 'Helsinki-NLP/opus-mt-uk-tr', ('umb', 'en'): 'Helsinki-NLP/opus-mt-umb-en', + ('ur', 'en'): 'Helsinki-NLP/opus-mt-ur-en', ('urj', 'en'): 'Helsinki-NLP/opus-mt-urj-en', + ('urj', 'urj'): 'Helsinki-NLP/opus-mt-urj-urj', ('ve', 'en'): 'Helsinki-NLP/opus-mt-ve-en', + ('ve', 'es'): 'Helsinki-NLP/opus-mt-ve-es', ('vi', 'de'): 'Helsinki-NLP/opus-mt-vi-de', + ('vi', 'en'): 'Helsinki-NLP/opus-mt-vi-en', ('vi', 'eo'): 'Helsinki-NLP/opus-mt-vi-eo', + ('vi', 'es'): 'Helsinki-NLP/opus-mt-vi-es', ('vi', 'fr'): 'Helsinki-NLP/opus-mt-vi-fr', + ('vi', 'it'): 'Helsinki-NLP/opus-mt-vi-it', ('vi', 'ru'): 'Helsinki-NLP/opus-mt-vi-ru', + ('vsl', 'es'): 'Helsinki-NLP/opus-mt-vsl-es', ('wa', 'en'): 'Helsinki-NLP/opus-mt-wa-en', + ('wal', 'en'): 'Helsinki-NLP/opus-mt-wal-en', ('war', 'en'): 'Helsinki-NLP/opus-mt-war-en', + ('war', 'es'): 'Helsinki-NLP/opus-mt-war-es', ('war', 'fi'): 'Helsinki-NLP/opus-mt-war-fi', + ('war', 'fr'): 'Helsinki-NLP/opus-mt-war-fr', ('war', 'sv'): 'Helsinki-NLP/opus-mt-war-sv', + ('wls', 'en'): 'Helsinki-NLP/opus-mt-wls-en', ('wls', 'fr'): 'Helsinki-NLP/opus-mt-wls-fr', + ('wls', 'sv'): 'Helsinki-NLP/opus-mt-wls-sv', ('xh', 'en'): 'Helsinki-NLP/opus-mt-xh-en', + ('xh', 'es'): 'Helsinki-NLP/opus-mt-xh-es', ('xh', 'fr'): 'Helsinki-NLP/opus-mt-xh-fr', + ('xh', 'sv'): 'Helsinki-NLP/opus-mt-xh-sv', ('yap', 'en'): 'Helsinki-NLP/opus-mt-yap-en', + ('yap', 'fr'): 'Helsinki-NLP/opus-mt-yap-fr', ('yap', 'sv'): 'Helsinki-NLP/opus-mt-yap-sv', + ('yo', 'en'): 'Helsinki-NLP/opus-mt-yo-en', ('yo', 'es'): 'Helsinki-NLP/opus-mt-yo-es', + ('yo', 'fi'): 'Helsinki-NLP/opus-mt-yo-fi', ('yo', 'fr'): 'Helsinki-NLP/opus-mt-yo-fr', + ('yo', 'sv'): 'Helsinki-NLP/opus-mt-yo-sv', ('zai', 'es'): 'Helsinki-NLP/opus-mt-zai-es', + ('zh', 'bg'): 'Helsinki-NLP/opus-mt-zh-bg', ('zh', 'de'): 'Helsinki-NLP/opus-mt-zh-de', + ('zh', 'en'): 'Helsinki-NLP/opus-mt-zh-en', ('zh', 'fi'): 'Helsinki-NLP/opus-mt-zh-fi', + ('zh', 'he'): 'Helsinki-NLP/opus-mt-zh-he', ('zh', 'it'): 'Helsinki-NLP/opus-mt-zh-it', + ('zh', 'ms'): 'Helsinki-NLP/opus-mt-zh-ms', ('zh', 'nl'): 'Helsinki-NLP/opus-mt-zh-nl', + ('zh', 'sv'): 'Helsinki-NLP/opus-mt-zh-sv', ('zh', 'uk'): 'Helsinki-NLP/opus-mt-zh-uk', + ('zh', 'vi'): 'Helsinki-NLP/opus-mt-zh-vi', ('zle', 'en'): 'Helsinki-NLP/opus-mt-zle-en', + ('zle', 'zle'): 'Helsinki-NLP/opus-mt-zle-zle', ('zls', 'en'): 'Helsinki-NLP/opus-mt-zls-en', + ('zls', 'zls'): 'Helsinki-NLP/opus-mt-zls-zls', ('zlw', 'en'): 'Helsinki-NLP/opus-mt-zlw-en', + ('zlw', 'fiu'): 'Helsinki-NLP/opus-mt-zlw-fiu', ('zlw', 'zlw'): 'Helsinki-NLP/opus-mt-zlw-zlw', + ('zne', 'es'): 'Helsinki-NLP/opus-mt-zne-es', ('zne', 'fi'): 'Helsinki-NLP/opus-mt-zne-fi', + ('zne', 'fr'): 'Helsinki-NLP/opus-mt-zne-fr', ('zne', 'sv'): 'Helsinki-NLP/opus-mt-zne-sv'} \ No newline at end of file diff --git a/utils/regex_rules.py b/utils/regex_rules.py new file mode 100644 index 0000000..2632397 --- /dev/null +++ b/utils/regex_rules.py @@ -0,0 +1,23 @@ +import re +# TODO, copy in the code from https://github.com/bigscience-workshop/data_tooling/blob/master/ac_dc/anonymization.py +rulebase = {"en": [([ + ("AGE", re.compile("\S+ years old|\S+\-years\-old|\S+ year old|\S+\-year\-old"), None, None, + None), + ("STREET_ADDRESS", re.compile( + '\d{1,4} [\w\s]{1,20} (?:street|st|avenue|ave|road|rd|highway|hwy|square|sq|trail|trl|drive|dr|court|ct|park|parkway|pkwy|circle|cir|boulevard|blvd)\W?(?=\s|$)'), + None, None, None), + ("STREET_ADDRESS", re.compile('P\.? ?O\.? Box \d+'), None, None, None), + ("GOVT_ID", re.compile( + '(?!000|666|333)0*(?:[0-6][0-9][0-9]|[0-7][0-6][0-9]|[0-7][0-7][0-2])[- ](?!00)[0-9]{2}[- ](?!0000)[0-9]{4}'), + None, None, None), + ("DISEASE", re.compile("diabetes|cancer|HIV|AIDS|Alzheimer's|Alzheimer|heart disease"), None, + None, None), + ("NORP", re.compile("upper class|middle class|working class|lower class"), None, None, None), + ], 1), +], + "vi": [] +} + + + +